diff --git a/config/__init__.py b/config/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/config/params.py b/config/params.py new file mode 100644 index 0000000000000000000000000000000000000000..29aca7160b7f33a41035c19cc699cfe2f04634f1 --- /dev/null +++ b/config/params.py @@ -0,0 +1,89 @@ +import yaml + + +class Params: + def __init__(self): + self.graph_mode = "sequential" # possibilities: {sequential, node-centric, edge-labeled} + self.accumulation_steps = 1 # number of gradient accumulation steps for achieving a bigger batch_size + self.activation = "relu" # transformer (decoder) activation function, supported values: {'relu', 'gelu', 'sigmoid', 'mish'} + self.predict_intensity = False + self.batch_size = 32 # batch size (further divided into multiple GPUs) + self.beta_2 = 0.98 # beta 2 parameter for Adam(W) optimizer + self.blank_weight = 1.0 # weight of cross-entropy loss for predicting an empty label + self.char_embedding = True # use character embedding in addition to bert + self.char_embedding_size = 128 # dimension of the character embedding layer in the character embedding module + self.decoder_delay_steps = 0 # number of initial steps with frozen decoder + self.decoder_learning_rate = 6e-4 # initial decoder learning rate + self.decoder_weight_decay = 1.2e-6 # amount of weight decay + self.dropout_anchor = 0.5 # dropout at the last layer of anchor classifier + self.dropout_edge_label = 0.5 # dropout at the last layer of edge label classifier + self.dropout_edge_presence = 0.5 # dropout at the last layer of edge presence classifier + self.dropout_label = 0.5 # dropout at the last layer of label classifier + self.dropout_transformer = 0.5 # dropout for the transformer layers (decoder) + self.dropout_transformer_attention = 0.1 # dropout for the transformer's attention (decoder) + self.dropout_word = 0.1 # probability of dropping out a whole word from the encoder (in favour of char embedding) + self.encoder = "xlm-roberta-base" # pretrained encoder model + self.encoder_delay_steps = 2000 # number of initial steps with frozen XLM-R + self.encoder_freeze_embedding = True # freeze the first embedding layer in XLM-R + self.encoder_learning_rate = 6e-5 # initial encoder learning rate + self.encoder_weight_decay = 1e-2 # amount of weight decay + self.lr_decay_multiplier = 100 + self.epochs = 100 # number of epochs for train + self.focal = True # use focal loss for the label prediction + self.freeze_bert = False # use focal loss for the label prediction + self.group_ops = False # group 'opN' edge labels into one + self.hidden_size_ff = 4 * 768 # hidden size of the transformer feed-forward submodule + self.hidden_size_anchor = 128 # hidden size anchor biaffine layer + self.hidden_size_edge_label = 256 # hidden size for edge label biaffine layer + self.hidden_size_edge_presence = 512 # hidden size for edge label biaffine layer + self.layerwise_lr_decay = 1.0 # layerwise decay of learning rate in the encoder + self.n_attention_heads = 8 # number of attention heads in the decoding transformer + self.n_layers = 3 # number of layers in the decoder + self.query_length = 4 # number of queries genereted for each word on the input + self.pre_norm = True # use pre-normalized version of the transformer (as in Transformers without Tears) + self.warmup_steps = 6000 # number of the warm-up steps for the inverse_sqrt scheduler + + def init_data_paths(self): + directory_1 = { + "sequential": "node_centric_mrp", + "node-centric": "node_centric_mrp", + "labeled-edge": "labeled_edge_mrp" + }[self.graph_mode] + directory_2 = { + ("darmstadt", "en"): "darmstadt_unis", + ("mpqa", "en"): "mpqa", + ("multibooked", "ca"): "multibooked_ca", + ("multibooked", "eu"): "multibooked_eu", + ("norec", "no"): "norec", + ("opener", "en"): "opener_en", + ("opener", "es"): "opener_es", + }[(self.framework, self.language)] + + self.training_data = f"{self.data_directory}/{directory_1}/{directory_2}/train.mrp" + self.validation_data = f"{self.data_directory}/{directory_1}/{directory_2}/dev.mrp" + self.test_data = f"{self.data_directory}/{directory_1}/{directory_2}/test.mrp" + + self.raw_training_data = f"{self.data_directory}/raw/{directory_2}/train.json" + self.raw_validation_data = f"{self.data_directory}/raw/{directory_2}/dev.json" + + return self + + def load_state_dict(self, d): + for k, v in d.items(): + setattr(self, k, v) + return self + + def state_dict(self): + members = [attr for attr in dir(self) if not callable(getattr(self, attr)) and not attr.startswith("__")] + return {k: self.__dict__[k] for k in members} + + def load(self, args): + with open(args.config, "r", encoding="utf-8") as f: + params = yaml.safe_load(f) + self.load_state_dict(params) + self.init_data_paths() + + def save(self, json_path): + with open(json_path, "w", encoding="utf-8") as f: + d = self.state_dict() + yaml.dump(d, f) diff --git a/data/__init__.py b/data/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data/batch.py b/data/batch.py new file mode 100644 index 0000000000000000000000000000000000000000..60101a3a17cf9a8db10280580f1e704ff80e3e83 --- /dev/null +++ b/data/batch.py @@ -0,0 +1,95 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn.functional as F + + +class Batch: + @staticmethod + def build(data): + fields = list(data[0].keys()) + transposed = {} + for field in fields: + if isinstance(data[0][field], tuple): + transposed[field] = tuple(Batch._stack(field, [example[field][i] for example in data]) for i in range(len(data[0][field]))) + else: + transposed[field] = Batch._stack(field, [example[field] for example in data]) + + return transposed + + @staticmethod + def _stack(field: str, examples): + if field == "anchored_labels": + return examples + + dim = examples[0].dim() + + if dim == 0: + return torch.stack(examples) + + lengths = [max(example.size(i) for example in examples) for i in range(dim)] + if any(length == 0 for length in lengths): + return torch.LongTensor(len(examples), *lengths) + + examples = [F.pad(example, Batch._pad_size(example, lengths)) for example in examples] + return torch.stack(examples) + + @staticmethod + def _pad_size(example, total_size): + return [p for i, l in enumerate(total_size[::-1]) for p in (0, l - example.size(-1 - i))] + + @staticmethod + def index_select(batch, indices): + filtered_batch = {} + for key, examples in batch.items(): + if isinstance(examples, list) or isinstance(examples, tuple): + filtered_batch[key] = [example.index_select(0, indices) for example in examples] + else: + filtered_batch[key] = examples.index_select(0, indices) + + return filtered_batch + + @staticmethod + def to_str(batch): + string = "\n".join([f"\t{name}: {Batch._short_str(item)}" for name, item in batch.items()]) + return string + + @staticmethod + def to(batch, device): + converted = {} + for field in batch.keys(): + converted[field] = Batch._to(batch[field], device) + return converted + + @staticmethod + def _short_str(tensor): + # unwrap variable to tensor + if not torch.is_tensor(tensor): + # (1) unpack variable + if hasattr(tensor, "data"): + tensor = getattr(tensor, "data") + # (2) handle include_lengths + elif isinstance(tensor, tuple) or isinstance(tensor, list): + return str(tuple(Batch._short_str(t) for t in tensor)) + # (3) fallback to default str + else: + return str(tensor) + + # copied from torch _tensor_str + size_str = "x".join(str(size) for size in tensor.size()) + device_str = "" if not tensor.is_cuda else " (GPU {})".format(tensor.get_device()) + strt = "[{} of size {}{}]".format(torch.typename(tensor), size_str, device_str) + return strt + + @staticmethod + def _to(tensor, device): + if not torch.is_tensor(tensor): + if isinstance(tensor, tuple): + return tuple(Batch._to(t, device) for t in tensor) + elif isinstance(tensor, list): + return [Batch._to(t, device) for t in tensor] + else: + raise Exception(f"unsupported type of {tensor} to be casted to cuda") + + return tensor.to(device, non_blocking=True) diff --git a/data/dataset.py b/data/dataset.py new file mode 100644 index 0000000000000000000000000000000000000000..790f4c024a488ad6445668037c0d03a78002af3a --- /dev/null +++ b/data/dataset.py @@ -0,0 +1,245 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import pickle + +import torch + +from data.parser.from_mrp.node_centric_parser import NodeCentricParser +from data.parser.from_mrp.labeled_edge_parser import LabeledEdgeParser +from data.parser.from_mrp.sequential_parser import SequentialParser +from data.parser.from_mrp.evaluation_parser import EvaluationParser +from data.parser.from_mrp.request_parser import RequestParser +from data.field.edge_field import EdgeField +from data.field.edge_label_field import EdgeLabelField +from data.field.field import Field +from data.field.mini_torchtext.field import Field as TorchTextField +from data.field.label_field import LabelField +from data.field.anchored_label_field import AnchoredLabelField +from data.field.nested_field import NestedField +from data.field.basic_field import BasicField +from data.field.bert_field import BertField +from data.field.anchor_field import AnchorField +from data.batch import Batch + + +def char_tokenize(word): + return [c for i, c in enumerate(word)] # if i < 10 or len(word) - i <= 10] + + +class Collate: + def __call__(self, batch): + batch.sort(key=lambda example: example["every_input"][0].size(0), reverse=True) + return Batch.build(batch) + + +class Dataset: + def __init__(self, args, verbose=True): + self.verbose = verbose + self.sos, self.eos, self.pad, self.unk = "", "", "", "" + + self.bert_input_field = BertField() + self.scatter_field = BasicField() + self.every_word_input_field = Field(lower=True, init_token=self.sos, eos_token=self.eos, batch_first=True, include_lengths=True) + + char_form_nesting = TorchTextField(tokenize=char_tokenize, init_token=self.sos, eos_token=self.eos, batch_first=True) + self.char_form_field = NestedField(char_form_nesting, include_lengths=True) + + self.label_field = LabelField(preprocessing=lambda nodes: [n["label"] for n in nodes]) + self.anchored_label_field = AnchoredLabelField() + + self.id_field = Field(batch_first=True, tokenize=lambda x: [x]) + self.edge_presence_field = EdgeField() + self.edge_label_field = EdgeLabelField() + self.anchor_field = AnchorField() + self.source_anchor_field = AnchorField() + self.target_anchor_field = AnchorField() + self.token_interval_field = BasicField() + + self.load_dataset(args) + + def log(self, text): + if not self.verbose: + return + print(text, flush=True) + + def load_state_dict(self, args, d): + for key, value in d["vocabs"].items(): + getattr(self, key).vocab = pickle.loads(value) + + def state_dict(self): + return { + "vocabs": {key: pickle.dumps(value.vocab) for key, value in self.__dict__.items() if hasattr(value, "vocab")} + } + + def load_sentences(self, sentences, args): + dataset = RequestParser( + sentences, args, + fields={ + "input": [("every_input", self.every_word_input_field), ("char_form_input", self.char_form_field)], + "bert input": ("input", self.bert_input_field), + "to scatter": ("input_scatter", self.scatter_field), + "token anchors": ("token_intervals", self.token_interval_field), + "id": ("id", self.id_field), + }, + ) + + self.every_word_input_field.build_vocab(dataset, min_freq=1, specials=[self.pad, self.unk, self.sos, self.eos]) + self.id_field.build_vocab(dataset, min_freq=1, specials=[]) + + return torch.utils.data.DataLoader(dataset, batch_size=1, shuffle=False, collate_fn=Collate()) + + def load_dataset(self, args): + parser = { + "sequential": SequentialParser, + "node-centric": NodeCentricParser, + "labeled-edge": LabeledEdgeParser + }[args.graph_mode] + + train = parser( + args, "training", + fields={ + "input": [("every_input", self.every_word_input_field), ("char_form_input", self.char_form_field)], + "bert input": ("input", self.bert_input_field), + "to scatter": ("input_scatter", self.scatter_field), + "nodes": ("labels", self.label_field), + "anchored labels": ("anchored_labels", self.anchored_label_field), + "edge presence": ("edge_presence", self.edge_presence_field), + "edge labels": ("edge_labels", self.edge_label_field), + "anchor edges": ("anchor", self.anchor_field), + "source anchor edges": ("source_anchor", self.source_anchor_field), + "target anchor edges": ("target_anchor", self.target_anchor_field), + "token anchors": ("token_intervals", self.token_interval_field), + "id": ("id", self.id_field), + }, + filter_pred=lambda example: len(example.input) <= 256, + ) + + val = parser( + args, "validation", + fields={ + "input": [("every_input", self.every_word_input_field), ("char_form_input", self.char_form_field)], + "bert input": ("input", self.bert_input_field), + "to scatter": ("input_scatter", self.scatter_field), + "nodes": ("labels", self.label_field), + "anchored labels": ("anchored_labels", self.anchored_label_field), + "edge presence": ("edge_presence", self.edge_presence_field), + "edge labels": ("edge_labels", self.edge_label_field), + "anchor edges": ("anchor", self.anchor_field), + "source anchor edges": ("source_anchor", self.source_anchor_field), + "target anchor edges": ("target_anchor", self.target_anchor_field), + "token anchors": ("token_intervals", self.token_interval_field), + "id": ("id", self.id_field), + }, + ) + + test = EvaluationParser( + args, + fields={ + "input": [("every_input", self.every_word_input_field), ("char_form_input", self.char_form_field)], + "bert input": ("input", self.bert_input_field), + "to scatter": ("input_scatter", self.scatter_field), + "token anchors": ("token_intervals", self.token_interval_field), + "id": ("id", self.id_field), + }, + ) + + del train.data, val.data, test.data # TODO: why? + for f in list(train.fields.values()) + list(val.fields.values()) + list(test.fields.values()): # TODO: why? + if hasattr(f, "preprocessing"): + del f.preprocessing + + self.train_size = len(train) + self.val_size = len(val) + self.test_size = len(test) + + self.log(f"\n{self.train_size} sentences in the train split") + self.log(f"{self.val_size} sentences in the validation split") + self.log(f"{self.test_size} sentences in the test split") + + self.node_count = train.node_counter + self.token_count = train.input_count + self.edge_count = train.edge_counter + self.no_edge_count = train.no_edge_counter + self.anchor_freq = train.anchor_freq + + self.source_anchor_freq = train.source_anchor_freq if hasattr(train, "source_anchor_freq") else 0.5 + self.target_anchor_freq = train.target_anchor_freq if hasattr(train, "target_anchor_freq") else 0.5 + self.log(f"{self.node_count} nodes in the train split") + + self.every_word_input_field.build_vocab(val, test, min_freq=1, specials=[self.pad, self.unk, self.sos, self.eos]) + self.char_form_field.build_vocab(train, min_freq=1, specials=[self.pad, self.unk, self.sos, self.eos]) + self.char_form_field.nesting_field.vocab = self.char_form_field.vocab + self.id_field.build_vocab(train, val, test, min_freq=1, specials=[]) + self.label_field.build_vocab(train) + self.anchored_label_field.vocab = self.label_field.vocab + self.edge_label_field.build_vocab(train) + print(list(self.edge_label_field.vocab.freqs.keys()), flush=True) + + self.char_form_vocab_size = len(self.char_form_field.vocab) + self.create_label_freqs(args) + self.create_edge_freqs(args) + + self.log(f"Edge frequency: {self.edge_presence_freq*100:.2f} %") + self.log(f"{len(self.label_field.vocab)} words in the label vocabulary") + self.log(f"{len(self.anchored_label_field.vocab)} words in the anchored label vocabulary") + self.log(f"{len(self.edge_label_field.vocab)} words in the edge label vocabulary") + self.log(f"{len(self.char_form_field.vocab)} characters in the vocabulary") + + self.log(self.label_field.vocab.freqs) + self.log(self.anchored_label_field.vocab.freqs) + + self.train = torch.utils.data.DataLoader( + train, + batch_size=args.batch_size, + shuffle=True, + num_workers=args.workers, + collate_fn=Collate(), + pin_memory=True, + drop_last=True + ) + self.train_size = len(self.train.dataset) + + self.val = torch.utils.data.DataLoader( + val, + batch_size=args.batch_size, + shuffle=False, + num_workers=args.workers, + collate_fn=Collate(), + pin_memory=True, + ) + self.val_size = len(self.val.dataset) + + self.test = torch.utils.data.DataLoader( + test, + batch_size=args.batch_size, + shuffle=False, + num_workers=args.workers, + collate_fn=Collate(), + pin_memory=True, + ) + self.test_size = len(self.test.dataset) + + if self.verbose: + batch = next(iter(self.train)) + print(f"\nBatch content: {Batch.to_str(batch)}\n") + print(flush=True) + + def create_label_freqs(self, args): + n_rules = len(self.label_field.vocab) + blank_count = (args.query_length * self.token_count - self.node_count) + label_counts = [blank_count] + [ + self.label_field.vocab.freqs[self.label_field.vocab.itos[i]] + for i in range(n_rules) + ] + label_counts = torch.FloatTensor(label_counts) + self.label_freqs = label_counts / (self.node_count + blank_count) + self.log(f"Label frequency: {self.label_freqs}") + + def create_edge_freqs(self, args): + edge_counter = [ + self.edge_label_field.vocab.freqs[self.edge_label_field.vocab.itos[i]] for i in range(len(self.edge_label_field.vocab)) + ] + edge_counter = torch.FloatTensor(edge_counter) + self.edge_label_freqs = edge_counter / self.edge_count + self.edge_presence_freq = self.edge_count / (self.edge_count + self.no_edge_count) diff --git a/data/field/__init__.py b/data/field/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data/field/anchor_field.py b/data/field/anchor_field.py new file mode 100644 index 0000000000000000000000000000000000000000..17998b41ac35b7638e183bf77c364643351edf06 --- /dev/null +++ b/data/field/anchor_field.py @@ -0,0 +1,19 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.field.mini_torchtext.field import RawField + + +class AnchorField(RawField): + def process(self, batch, device=None): + tensors, masks = self.pad(batch, device) + return tensors, masks + + def pad(self, anchors, device): + tensor = torch.zeros(anchors[0], anchors[1], dtype=torch.long, device=device) + for anchor in anchors[-1]: + tensor[anchor[0], anchor[1]] = 1 + mask = tensor.sum(-1) == 0 + + return tensor, mask diff --git a/data/field/anchored_label_field.py b/data/field/anchored_label_field.py new file mode 100644 index 0000000000000000000000000000000000000000..33a8c65ddfaaaf37f1c377842a9f99cd1b2ca529 --- /dev/null +++ b/data/field/anchored_label_field.py @@ -0,0 +1,38 @@ +import torch +from data.field.mini_torchtext.field import RawField + + +class AnchoredLabelField(RawField): + def __init__(self): + super(AnchoredLabelField, self).__init__() + self.vocab = None + + def process(self, example, device=None): + example = self.numericalize(example) + tensor = self.pad(example, device) + return tensor + + def pad(self, example, device): + n_labels = len(self.vocab) + n_nodes, n_tokens = len(example[1]), example[0] + + tensor = torch.full([n_nodes, n_tokens, n_labels + 1], 0, dtype=torch.long, device=device) + for i_node, node in enumerate(example[1]): + for anchor, rule in node: + tensor[i_node, anchor, rule + 1] = 1 + + return tensor + + def numericalize(self, arr): + def multi_map(array, function): + if isinstance(array, tuple): + return (array[0], function(array[1])) + elif isinstance(array, list): + return [multi_map(a, function) for a in array] + else: + return array + + if self.vocab is not None: + arr = multi_map(arr, lambda x: self.vocab.stoi[x] if x in self.vocab.stoi else 0) + + return arr diff --git a/data/field/basic_field.py b/data/field/basic_field.py new file mode 100644 index 0000000000000000000000000000000000000000..e15a9e2a18679cdf42bfbe0cf002914b3a4282fa --- /dev/null +++ b/data/field/basic_field.py @@ -0,0 +1,11 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.field.mini_torchtext.field import RawField + + +class BasicField(RawField): + def process(self, example, device=None): + tensor = torch.tensor(example, dtype=torch.long, device=device) + return tensor diff --git a/data/field/bert_field.py b/data/field/bert_field.py new file mode 100644 index 0000000000000000000000000000000000000000..0e8d0355c8d6bca353978871980c6f69befc1371 --- /dev/null +++ b/data/field/bert_field.py @@ -0,0 +1,18 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.field.mini_torchtext.field import RawField + + +class BertField(RawField): + def __init__(self): + super(BertField, self).__init__() + + def process(self, example, device=None): + attention_mask = [1] * len(example) + + example = torch.LongTensor(example, device=device) + attention_mask = torch.ones_like(example) + + return example, attention_mask diff --git a/data/field/edge_field.py b/data/field/edge_field.py new file mode 100644 index 0000000000000000000000000000000000000000..c8085bb8ac13c20eb751eab8dab44b73417943ab --- /dev/null +++ b/data/field/edge_field.py @@ -0,0 +1,63 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.field.mini_torchtext.field import RawField +from data.field.mini_torchtext.vocab import Vocab +from collections import Counter +import types + + +class EdgeField(RawField): + def __init__(self): + super(EdgeField, self).__init__() + self.vocab = None + + def process(self, edges, device=None): + edges = self.numericalize(edges) + tensor = self.pad(edges, device) + return tensor + + def pad(self, edges, device): + tensor = torch.zeros(edges[0], edges[1], dtype=torch.long, device=device) + for edge in edges[-1]: + tensor[edge[0], edge[1]] = edge[2] + + return tensor + + def numericalize(self, arr): + def multi_map(array, function): + if isinstance(array, tuple): + return (array[0], array[1], function(array[2])) + elif isinstance(array, list): + return [multi_map(array[i], function) for i in range(len(array))] + else: + return array + + if self.vocab is not None: + arr = multi_map(arr, lambda x: self.vocab.stoi[x] if x is not None else 0) + return arr + + def build_vocab(self, *args): + def generate(l): + if isinstance(l, tuple): + yield l[2] + elif isinstance(l, list) or isinstance(l, types.GeneratorType): + for i in l: + yield from generate(i) + else: + return + + counter = Counter() + sources = [] + for arg in args: + if isinstance(arg, torch.utils.data.Dataset): + sources += [arg.get_examples(name) for name, field in arg.fields.items() if field is self] + else: + sources.append(arg) + + for x in generate(sources): + if x is not None: + counter.update([x]) + + self.vocab = Vocab(counter, specials=[]) diff --git a/data/field/edge_label_field.py b/data/field/edge_label_field.py new file mode 100644 index 0000000000000000000000000000000000000000..d66b1c553c38ad9d1ba9bc7ac73637d803407fc3 --- /dev/null +++ b/data/field/edge_label_field.py @@ -0,0 +1,67 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.field.mini_torchtext.field import RawField +from data.field.mini_torchtext.vocab import Vocab +from collections import Counter +import types + + +class EdgeLabelField(RawField): + def process(self, edges, device=None): + edges, masks = self.numericalize(edges) + edges, masks = self.pad(edges, masks, device) + + return edges, masks + + def pad(self, edges, masks, device): + n_labels = len(self.vocab) + + tensor = torch.zeros(edges[0], edges[1], n_labels, dtype=torch.long, device=device) + mask_tensor = torch.zeros(edges[0], edges[1], dtype=torch.bool, device=device) + + for edge in edges[-1]: + tensor[edge[0], edge[1], edge[2]] = 1 + + for mask in masks[-1]: + mask_tensor[mask[0], mask[1]] = mask[2] + + return tensor, mask_tensor + + def numericalize(self, arr): + def multi_map(array, function): + if isinstance(array, tuple): + return (array[0], array[1], function(array[2])) + elif isinstance(array, list): + return [multi_map(array[i], function) for i in range(len(array))] + else: + return array + + mask = multi_map(arr, lambda x: x is None) + arr = multi_map(arr, lambda x: self.vocab.stoi[x] if x in self.vocab.stoi else 0) + return arr, mask + + def build_vocab(self, *args): + def generate(l): + if isinstance(l, tuple): + yield l[2] + elif isinstance(l, list) or isinstance(l, types.GeneratorType): + for i in l: + yield from generate(i) + else: + return + + counter = Counter() + sources = [] + for arg in args: + if isinstance(arg, torch.utils.data.Dataset): + sources += [arg.get_examples(name) for name, field in arg.fields.items() if field is self] + else: + sources.append(arg) + + for x in generate(sources): + if x is not None: + counter.update([x]) + + self.vocab = Vocab(counter, specials=[]) diff --git a/data/field/field.py b/data/field/field.py new file mode 100644 index 0000000000000000000000000000000000000000..f646b2cfb80ce7879b9118065657294f433c0ccc --- /dev/null +++ b/data/field/field.py @@ -0,0 +1,70 @@ +import torch +from data.field.mini_torchtext.field import Field as TorchTextField +from collections import Counter, OrderedDict + + +# small change of vocab building to correspond to our version of Dataset +class Field(TorchTextField): + def build_vocab(self, *args, **kwargs): + counter = Counter() + sources = [] + for arg in args: + if isinstance(arg, torch.utils.data.Dataset): + sources += [arg.get_examples(name) for name, field in arg.fields.items() if field is self] + else: + sources.append(arg) + for data in sources: + for x in data: + if not self.sequential: + x = [x] + counter.update(x) + + specials = list( + OrderedDict.fromkeys( + tok + for tok in [self.unk_token, self.pad_token, self.init_token, self.eos_token] + kwargs.pop("specials", []) + if tok is not None + ) + ) + self.vocab = self.vocab_cls(counter, specials=specials, **kwargs) + + def process(self, example, device=None): + if self.include_lengths: + example = example, len(example) + tensor = self.numericalize(example, device=device) + return tensor + + def numericalize(self, ex, device=None): + if self.include_lengths and not isinstance(ex, tuple): + raise ValueError("Field has include_lengths set to True, but input data is not a tuple of (data batch, batch lengths).") + + if isinstance(ex, tuple): + ex, lengths = ex + lengths = torch.tensor(lengths, dtype=self.dtype, device=device) + + if self.use_vocab: + if self.sequential: + ex = [self.vocab.stoi[x] for x in ex] + else: + ex = self.vocab.stoi[ex] + + if self.postprocessing is not None: + ex = self.postprocessing(ex, self.vocab) + else: + numericalization_func = self.dtypes[self.dtype] + + if not self.sequential: + ex = numericalization_func(ex) if isinstance(ex, str) else ex + if self.postprocessing is not None: + ex = self.postprocessing(ex, None) + + var = torch.tensor(ex, dtype=self.dtype, device=device) + + if self.sequential and not self.batch_first: + var.t_() + if self.sequential: + var = var.contiguous() + + if self.include_lengths: + return var, lengths + return var diff --git a/data/field/label_field.py b/data/field/label_field.py new file mode 100644 index 0000000000000000000000000000000000000000..a330e16b63f7cf6d09af61fcf271d250e70c7251 --- /dev/null +++ b/data/field/label_field.py @@ -0,0 +1,36 @@ +import torch +from data.field.mini_torchtext.field import RawField +from data.field.mini_torchtext.vocab import Vocab +from collections import Counter + + +class LabelField(RawField): + def __self__(self, preprocessing): + super(LabelField, self).__init__(preprocessing=preprocessing) + self.vocab = None + + def build_vocab(self, *args, **kwargs): + sources = [] + for arg in args: + if isinstance(arg, torch.utils.data.Dataset): + sources += [arg.get_examples(name) for name, field in arg.fields.items() if field is self] + else: + sources.append(arg) + + counter = Counter() + for data in sources: + for x in data: + counter.update(x) + + self.vocab = Vocab(counter, specials=[]) + + def process(self, example, device=None): + tensor, lengths = self.numericalize(example, device=device) + return tensor, lengths + + def numericalize(self, example, device=None): + example = [self.vocab.stoi[x] + 1 for x in example] + length = torch.LongTensor([len(example)], device=device).squeeze(0) + tensor = torch.LongTensor(example, device=device) + + return tensor, length diff --git a/data/field/mini_torchtext/example.py b/data/field/mini_torchtext/example.py new file mode 100644 index 0000000000000000000000000000000000000000..68aaf9e2beb663e1b8594232ea8124156ba13f1e --- /dev/null +++ b/data/field/mini_torchtext/example.py @@ -0,0 +1,100 @@ +import six +import json +from functools import reduce + + +class Example(object): + """Defines a single training or test example. + + Stores each column of the example as an attribute. + """ + @classmethod + def fromJSON(cls, data, fields): + ex = cls() + obj = json.loads(data) + + for key, vals in fields.items(): + if vals is not None: + if not isinstance(vals, list): + vals = [vals] + + for val in vals: + # for processing the key likes 'foo.bar' + name, field = val + ks = key.split('.') + + def reducer(obj, key): + if isinstance(obj, list): + results = [] + for data in obj: + if key not in data: + # key error + raise ValueError("Specified key {} was not found in " + "the input data".format(key)) + else: + results.append(data[key]) + return results + else: + # key error + if key not in obj: + raise ValueError("Specified key {} was not found in " + "the input data".format(key)) + else: + return obj[key] + + v = reduce(reducer, ks, obj) + setattr(ex, name, field.preprocess(v)) + return ex + + @classmethod + def fromdict(cls, data, fields): + ex = cls() + for key, vals in fields.items(): + if key not in data: + raise ValueError("Specified key {} was not found in " + "the input data".format(key)) + if vals is not None: + if not isinstance(vals, list): + vals = [vals] + for val in vals: + name, field = val + setattr(ex, name, field.preprocess(data[key])) + return ex + + @classmethod + def fromCSV(cls, data, fields, field_to_index=None): + if field_to_index is None: + return cls.fromlist(data, fields) + else: + assert(isinstance(fields, dict)) + data_dict = {f: data[idx] for f, idx in field_to_index.items()} + return cls.fromdict(data_dict, fields) + + @classmethod + def fromlist(cls, data, fields): + ex = cls() + for (name, field), val in zip(fields, data): + if field is not None: + if isinstance(val, six.string_types): + val = val.rstrip('\n') + # Handle field tuples + if isinstance(name, tuple): + for n, f in zip(name, field): + setattr(ex, n, f.preprocess(val)) + else: + setattr(ex, name, field.preprocess(val)) + return ex + + @classmethod + def fromtree(cls, data, fields, subtrees=False): + try: + from nltk.tree import Tree + except ImportError: + print("Please install NLTK. " + "See the docs at http://nltk.org for more information.") + raise + tree = Tree.fromstring(data) + if subtrees: + return [cls.fromlist( + [' '.join(t.leaves()), t.label()], fields) for t in tree.subtrees()] + return cls.fromlist([' '.join(tree.leaves()), tree.label()], fields) diff --git a/data/field/mini_torchtext/field.py b/data/field/mini_torchtext/field.py new file mode 100644 index 0000000000000000000000000000000000000000..b3d36113d52a0da3b2547cd59d09bae893248ba1 --- /dev/null +++ b/data/field/mini_torchtext/field.py @@ -0,0 +1,637 @@ +# coding: utf8 +from collections import Counter, OrderedDict +from itertools import chain +import six +import torch + +from .pipeline import Pipeline +from .utils import get_tokenizer, dtype_to_attr, is_tokenizer_serializable +from .vocab import Vocab + + +class RawField(object): + """ Defines a general datatype. + + Every dataset consists of one or more types of data. For instance, a text + classification dataset contains sentences and their classes, while a + machine translation dataset contains paired examples of text in two + languages. Each of these types of data is represented by a RawField object. + A RawField object does not assume any property of the data type and + it holds parameters relating to how a datatype should be processed. + + Attributes: + preprocessing: The Pipeline that will be applied to examples + using this field before creating an example. + Default: None. + postprocessing: A Pipeline that will be applied to a list of examples + using this field before assigning to a batch. + Function signature: (batch(list)) -> object + Default: None. + is_target: Whether this field is a target variable. + Affects iteration over batches. Default: False + """ + + def __init__(self, preprocessing=None, postprocessing=None, is_target=False): + self.preprocessing = preprocessing + self.postprocessing = postprocessing + self.is_target = is_target + + def preprocess(self, x): + """ Preprocess an example if the `preprocessing` Pipeline is provided. """ + if hasattr(self, "preprocessing") and self.preprocessing is not None: + return self.preprocessing(x) + else: + return x + + def process(self, batch, *args, **kwargs): + """ Process a list of examples to create a batch. + + Postprocess the batch with user-provided Pipeline. + + Args: + batch (list(object)): A list of object from a batch of examples. + Returns: + object: Processed object given the input and custom + postprocessing Pipeline. + """ + if self.postprocessing is not None: + batch = self.postprocessing(batch) + return batch + + +class Field(RawField): + """Defines a datatype together with instructions for converting to Tensor. + + Field class models common text processing datatypes that can be represented + by tensors. It holds a Vocab object that defines the set of possible values + for elements of the field and their corresponding numerical representations. + The Field object also holds other parameters relating to how a datatype + should be numericalized, such as a tokenization method and the kind of + Tensor that should be produced. + + If a Field is shared between two columns in a dataset (e.g., question and + answer in a QA dataset), then they will have a shared vocabulary. + + Attributes: + sequential: Whether the datatype represents sequential data. If False, + no tokenization is applied. Default: True. + use_vocab: Whether to use a Vocab object. If False, the data in this + field should already be numerical. Default: True. + init_token: A token that will be prepended to every example using this + field, or None for no initial token. Default: None. + eos_token: A token that will be appended to every example using this + field, or None for no end-of-sentence token. Default: None. + fix_length: A fixed length that all examples using this field will be + padded to, or None for flexible sequence lengths. Default: None. + dtype: The torch.dtype class that represents a batch of examples + of this kind of data. Default: torch.long. + preprocessing: The Pipeline that will be applied to examples + using this field after tokenizing but before numericalizing. Many + Datasets replace this attribute with a custom preprocessor. + Default: None. + postprocessing: A Pipeline that will be applied to examples using + this field after numericalizing but before the numbers are turned + into a Tensor. The pipeline function takes the batch as a list, and + the field's Vocab. + Default: None. + lower: Whether to lowercase the text in this field. Default: False. + tokenize: The function used to tokenize strings using this field into + sequential examples. If "spacy", the SpaCy tokenizer is + used. If a non-serializable function is passed as an argument, + the field will not be able to be serialized. Default: string.split. + tokenizer_language: The language of the tokenizer to be constructed. + Various languages currently supported only in SpaCy. + include_lengths: Whether to return a tuple of a padded minibatch and + a list containing the lengths of each examples, or just a padded + minibatch. Default: False. + batch_first: Whether to produce tensors with the batch dimension first. + Default: False. + pad_token: The string token used as padding. Default: "". + unk_token: The string token used to represent OOV words. Default: "". + pad_first: Do the padding of the sequence at the beginning. Default: False. + truncate_first: Do the truncating of the sequence at the beginning. Default: False + stop_words: Tokens to discard during the preprocessing step. Default: None + is_target: Whether this field is a target variable. + Affects iteration over batches. Default: False + """ + + vocab_cls = Vocab + # Dictionary mapping PyTorch tensor dtypes to the appropriate Python + # numeric type. + dtypes = { + torch.float32: float, + torch.float: float, + torch.float64: float, + torch.double: float, + torch.float16: float, + torch.half: float, + + torch.uint8: int, + torch.int8: int, + torch.int16: int, + torch.short: int, + torch.int32: int, + torch.int: int, + torch.int64: int, + torch.long: int, + } + + ignore = ['dtype', 'tokenize'] + + def __init__(self, sequential=True, use_vocab=True, init_token=None, + eos_token=None, fix_length=None, dtype=torch.long, + preprocessing=None, postprocessing=None, lower=False, + tokenize=None, tokenizer_language='en', include_lengths=False, + batch_first=False, pad_token="", unk_token="", + pad_first=False, truncate_first=False, stop_words=None, + is_target=False): + self.sequential = sequential + self.use_vocab = use_vocab + self.init_token = init_token + self.eos_token = eos_token + self.unk_token = unk_token + self.fix_length = fix_length + self.dtype = dtype + self.preprocessing = preprocessing + self.postprocessing = postprocessing + self.lower = lower + # store params to construct tokenizer for serialization + # in case the tokenizer isn't picklable (e.g. spacy) + self.tokenizer_args = (tokenize, tokenizer_language) + self.tokenize = get_tokenizer(tokenize, tokenizer_language) + self.include_lengths = include_lengths + self.batch_first = batch_first + self.pad_token = pad_token if self.sequential else None + self.pad_first = pad_first + self.truncate_first = truncate_first + try: + self.stop_words = set(stop_words) if stop_words is not None else None + except TypeError: + raise ValueError("Stop words must be convertible to a set") + self.is_target = is_target + + def __getstate__(self): + str_type = dtype_to_attr(self.dtype) + if is_tokenizer_serializable(*self.tokenizer_args): + tokenize = self.tokenize + else: + # signal to restore in `__setstate__` + tokenize = None + attrs = {k: v for k, v in self.__dict__.items() if k not in self.ignore} + attrs['dtype'] = str_type + attrs['tokenize'] = tokenize + + return attrs + + def __setstate__(self, state): + state['dtype'] = getattr(torch, state['dtype']) + if not state['tokenize']: + state['tokenize'] = get_tokenizer(*state['tokenizer_args']) + self.__dict__.update(state) + + def __hash__(self): + # we don't expect this to be called often + return 42 + + def __eq__(self, other): + if not isinstance(other, RawField): + return False + + return self.__dict__ == other.__dict__ + + def preprocess(self, x): + """Load a single example using this field, tokenizing if necessary. + + If the input is a Python 2 `str`, it will be converted to Unicode + first. If `sequential=True`, it will be tokenized. Then the input + will be optionally lowercased and passed to the user-provided + `preprocessing` Pipeline.""" + if (six.PY2 and isinstance(x, six.string_types) + and not isinstance(x, six.text_type)): + x = Pipeline(lambda s: six.text_type(s, encoding='utf-8'))(x) + if self.sequential and isinstance(x, six.text_type): + x = self.tokenize(x.rstrip('\n')) + if self.lower: + x = Pipeline(six.text_type.lower)(x) + if self.sequential and self.use_vocab and self.stop_words is not None: + x = [w for w in x if w not in self.stop_words] + if hasattr(self, "preprocessing") and self.preprocessing is not None: + return self.preprocessing(x) + else: + return x + + def process(self, batch, device=None): + """ Process a list of examples to create a torch.Tensor. + + Pad, numericalize, and postprocess a batch and create a tensor. + + Args: + batch (list(object)): A list of object from a batch of examples. + Returns: + torch.autograd.Variable: Processed object given the input + and custom postprocessing Pipeline. + """ + padded = self.pad(batch) + tensor = self.numericalize(padded, device=device) + return tensor + + def pad(self, minibatch): + """Pad a batch of examples using this field. + + Pads to self.fix_length if provided, otherwise pads to the length of + the longest example in the batch. Prepends self.init_token and appends + self.eos_token if those attributes are not None. Returns a tuple of the + padded list and a list containing lengths of each example if + `self.include_lengths` is `True` and `self.sequential` is `True`, else just + returns the padded list. If `self.sequential` is `False`, no padding is applied. + """ + minibatch = list(minibatch) + if not self.sequential: + return minibatch + if self.fix_length is None: + max_len = max(len(x) for x in minibatch) + else: + max_len = self.fix_length + ( + self.init_token, self.eos_token).count(None) - 2 + padded, lengths = [], [] + for x in minibatch: + if self.pad_first: + padded.append( + [self.pad_token] * max(0, max_len - len(x)) + + ([] if self.init_token is None else [self.init_token]) + + list(x[-max_len:] if self.truncate_first else x[:max_len]) + + ([] if self.eos_token is None else [self.eos_token])) + else: + padded.append( + ([] if self.init_token is None else [self.init_token]) + + list(x[-max_len:] if self.truncate_first else x[:max_len]) + + ([] if self.eos_token is None else [self.eos_token]) + + [self.pad_token] * max(0, max_len - len(x))) + lengths.append(len(padded[-1]) - max(0, max_len - len(x))) + if self.include_lengths: + return (padded, lengths) + return padded + + def build_vocab(self, *args, **kwargs): + """Construct the Vocab object for this field from one or more datasets. + + Arguments: + Positional arguments: Dataset objects or other iterable data + sources from which to construct the Vocab object that + represents the set of possible values for this field. If + a Dataset object is provided, all columns corresponding + to this field are used; individual columns can also be + provided directly. + Remaining keyword arguments: Passed to the constructor of Vocab. + """ + counter = Counter() + sources = [] + for arg in args: + sources.append(arg) + for data in sources: + for x in data: + if not self.sequential: + x = [x] + try: + counter.update(x) + except TypeError: + counter.update(chain.from_iterable(x)) + specials = list(OrderedDict.fromkeys( + tok for tok in [self.unk_token, self.pad_token, self.init_token, + self.eos_token] + kwargs.pop('specials', []) + if tok is not None)) + self.vocab = self.vocab_cls(counter, specials=specials, **kwargs) + + def numericalize(self, arr, device=None): + """Turn a batch of examples that use this field into a Variable. + + If the field has include_lengths=True, a tensor of lengths will be + included in the return value. + + Arguments: + arr (List[List[str]], or tuple of (List[List[str]], List[int])): + List of tokenized and padded examples, or tuple of List of + tokenized and padded examples and List of lengths of each + example if self.include_lengths is True. + device (str or torch.device): A string or instance of `torch.device` + specifying which device the Variables are going to be created on. + If left as default, the tensors will be created on cpu. Default: None. + """ + if self.include_lengths and not isinstance(arr, tuple): + raise ValueError("Field has include_lengths set to True, but " + "input data is not a tuple of " + "(data batch, batch lengths).") + if isinstance(arr, tuple): + arr, lengths = arr + lengths = torch.tensor(lengths, dtype=self.dtype, device=device) + + if self.use_vocab: + if self.sequential: + arr = [[self.vocab.stoi[x] for x in ex] for ex in arr] + else: + arr = [self.vocab.stoi[x] for x in arr] + + if self.postprocessing is not None: + arr = self.postprocessing(arr, self.vocab) + else: + if self.dtype not in self.dtypes: + raise ValueError( + "Specified Field dtype {} can not be used with " + "use_vocab=False because we do not know how to numericalize it. " + "Please raise an issue at " + "https://github.com/pytorch/text/issues".format(self.dtype)) + numericalization_func = self.dtypes[self.dtype] + # It doesn't make sense to explicitly coerce to a numeric type if + # the data is sequential, since it's unclear how to coerce padding tokens + # to a numeric type. + if not self.sequential: + arr = [numericalization_func(x) if isinstance(x, six.string_types) + else x for x in arr] + if self.postprocessing is not None: + arr = self.postprocessing(arr, None) + + var = torch.tensor(arr, dtype=self.dtype, device=device) + + if self.sequential and not self.batch_first: + var.t_() + if self.sequential: + var = var.contiguous() + + if self.include_lengths: + return var, lengths + return var + + +class NestedField(Field): + """A nested field. + + A nested field holds another field (called *nesting field*), accepts an untokenized + string or a list string tokens and groups and treats them as one field as described + by the nesting field. Every token will be preprocessed, padded, etc. in the manner + specified by the nesting field. Note that this means a nested field always has + ``sequential=True``. The two fields' vocabularies will be shared. Their + numericalization results will be stacked into a single tensor. And NestedField will + share the same include_lengths with nesting_field, so one shouldn't specify the + include_lengths in the nesting_field. This field is + primarily used to implement character embeddings. See ``tests/data/test_field.py`` + for examples on how to use this field. + + Arguments: + nesting_field (Field): A field contained in this nested field. + use_vocab (bool): Whether to use a Vocab object. If False, the data in this + field should already be numerical. Default: ``True``. + init_token (str): A token that will be prepended to every example using this + field, or None for no initial token. Default: ``None``. + eos_token (str): A token that will be appended to every example using this + field, or None for no end-of-sentence token. Default: ``None``. + fix_length (int): A fixed length that all examples using this field will be + padded to, or ``None`` for flexible sequence lengths. Default: ``None``. + dtype: The torch.dtype class that represents a batch of examples + of this kind of data. Default: ``torch.long``. + preprocessing (Pipeline): The Pipeline that will be applied to examples + using this field after tokenizing but before numericalizing. Many + Datasets replace this attribute with a custom preprocessor. + Default: ``None``. + postprocessing (Pipeline): A Pipeline that will be applied to examples using + this field after numericalizing but before the numbers are turned + into a Tensor. The pipeline function takes the batch as a list, and + the field's Vocab. Default: ``None``. + include_lengths: Whether to return a tuple of a padded minibatch and + a list containing the lengths of each examples, or just a padded + minibatch. Default: False. + tokenize: The function used to tokenize strings using this field into + sequential examples. If "spacy", the SpaCy tokenizer is + used. If a non-serializable function is passed as an argument, + the field will not be able to be serialized. Default: string.split. + tokenizer_language: The language of the tokenizer to be constructed. + Various languages currently supported only in SpaCy. + pad_token (str): The string token used as padding. If ``nesting_field`` is + sequential, this will be set to its ``pad_token``. Default: ``""``. + pad_first (bool): Do the padding of the sequence at the beginning. Default: + ``False``. + """ + + def __init__(self, nesting_field, use_vocab=True, init_token=None, eos_token=None, + fix_length=None, dtype=torch.long, preprocessing=None, + postprocessing=None, tokenize=None, tokenizer_language='en', + include_lengths=False, pad_token='', + pad_first=False, truncate_first=False): + if isinstance(nesting_field, NestedField): + raise ValueError('nesting field must not be another NestedField') + if nesting_field.include_lengths: + raise ValueError('nesting field cannot have include_lengths=True') + + if nesting_field.sequential: + pad_token = nesting_field.pad_token + super(NestedField, self).__init__( + use_vocab=use_vocab, + init_token=init_token, + eos_token=eos_token, + fix_length=fix_length, + dtype=dtype, + preprocessing=preprocessing, + postprocessing=postprocessing, + lower=nesting_field.lower, + tokenize=tokenize, + tokenizer_language=tokenizer_language, + batch_first=True, + pad_token=pad_token, + unk_token=nesting_field.unk_token, + pad_first=pad_first, + truncate_first=truncate_first, + include_lengths=include_lengths + ) + self.nesting_field = nesting_field + # in case the user forget to do that + self.nesting_field.batch_first = True + + def preprocess(self, xs): + """Preprocess a single example. + + Firstly, tokenization and the supplied preprocessing pipeline is applied. Since + this field is always sequential, the result is a list. Then, each element of + the list is preprocessed using ``self.nesting_field.preprocess`` and the resulting + list is returned. + + Arguments: + xs (list or str): The input to preprocess. + + Returns: + list: The preprocessed list. + """ + return [self.nesting_field.preprocess(x) + for x in super(NestedField, self).preprocess(xs)] + + def pad(self, minibatch): + """Pad a batch of examples using this field. + + If ``self.nesting_field.sequential`` is ``False``, each example in the batch must + be a list of string tokens, and pads them as if by a ``Field`` with + ``sequential=True``. Otherwise, each example must be a list of list of tokens. + Using ``self.nesting_field``, pads the list of tokens to + ``self.nesting_field.fix_length`` if provided, or otherwise to the length of the + longest list of tokens in the batch. Next, using this field, pads the result by + filling short examples with ``self.nesting_field.pad_token``. + + Example: + >>> import pprint + >>> pp = pprint.PrettyPrinter(indent=4) + >>> + >>> nesting_field = Field(pad_token='', init_token='', eos_token='') + >>> field = NestedField(nesting_field, init_token='', eos_token='') + >>> minibatch = [ + ... [list('john'), list('loves'), list('mary')], + ... [list('mary'), list('cries')], + ... ] + >>> padded = field.pad(minibatch) + >>> pp.pprint(padded) + [ [ ['', '', '', '', '', '', ''], + ['', 'j', 'o', 'h', 'n', '', ''], + ['', 'l', 'o', 'v', 'e', 's', ''], + ['', 'm', 'a', 'r', 'y', '', ''], + ['', '', '', '', '', '', '']], + [ ['', '', '', '', '', '', ''], + ['', 'm', 'a', 'r', 'y', '', ''], + ['', 'c', 'r', 'i', 'e', 's', ''], + ['', '', '', '', '', '', ''], + ['', '', '', '', '', '', '']]] + + Arguments: + minibatch (list): Each element is a list of string if + ``self.nesting_field.sequential`` is ``False``, a list of list of string + otherwise. + + Returns: + list: The padded minibatch. or (padded, sentence_lens, word_lengths) + """ + minibatch = list(minibatch) + if not self.nesting_field.sequential: + return super(NestedField, self).pad(minibatch) + + # Save values of attributes to be monkeypatched + old_pad_token = self.pad_token + old_init_token = self.init_token + old_eos_token = self.eos_token + old_fix_len = self.nesting_field.fix_length + # Monkeypatch the attributes + if self.nesting_field.fix_length is None: + max_len = max(len(xs) for ex in minibatch for xs in ex) + fix_len = max_len + 2 - (self.nesting_field.init_token, + self.nesting_field.eos_token).count(None) + self.nesting_field.fix_length = fix_len + self.pad_token = [self.pad_token] * self.nesting_field.fix_length + if self.init_token is not None: + # self.init_token = self.nesting_field.pad([[self.init_token]])[0] + self.init_token = [self.init_token] + if self.eos_token is not None: + # self.eos_token = self.nesting_field.pad([[self.eos_token]])[0] + self.eos_token = [self.eos_token] + # Do padding + old_include_lengths = self.include_lengths + self.include_lengths = True + self.nesting_field.include_lengths = True + padded, sentence_lengths = super(NestedField, self).pad(minibatch) + padded_with_lengths = [self.nesting_field.pad(ex) for ex in padded] + word_lengths = [] + final_padded = [] + max_sen_len = len(padded[0]) + for (pad, lens), sentence_len in zip(padded_with_lengths, sentence_lengths): + if sentence_len == max_sen_len: + lens = lens + pad = pad + elif self.pad_first: + lens[:(max_sen_len - sentence_len)] = ( + [0] * (max_sen_len - sentence_len)) + pad[:(max_sen_len - sentence_len)] = ( + [self.pad_token] * (max_sen_len - sentence_len)) + else: + lens[-(max_sen_len - sentence_len):] = ( + [0] * (max_sen_len - sentence_len)) + pad[-(max_sen_len - sentence_len):] = ( + [self.pad_token] * (max_sen_len - sentence_len)) + word_lengths.append(lens) + final_padded.append(pad) + padded = final_padded + + # Restore monkeypatched attributes + self.nesting_field.fix_length = old_fix_len + self.pad_token = old_pad_token + self.init_token = old_init_token + self.eos_token = old_eos_token + self.include_lengths = old_include_lengths + if self.include_lengths: + return padded, sentence_lengths, word_lengths + return padded + + def build_vocab(self, *args, **kwargs): + """Construct the Vocab object for nesting field and combine it with this field's vocab. + + Arguments: + Positional arguments: Dataset objects or other iterable data + sources from which to construct the Vocab object that + represents the set of possible values for the nesting field. If + a Dataset object is provided, all columns corresponding + to this field are used; individual columns can also be + provided directly. + Remaining keyword arguments: Passed to the constructor of Vocab. + """ + sources = [] + for arg in args: + sources.append(arg) + + flattened = [] + for source in sources: + flattened.extend(source) + old_vectors = None + old_unk_init = None + old_vectors_cache = None + if "vectors" in kwargs.keys(): + old_vectors = kwargs["vectors"] + kwargs["vectors"] = None + if "unk_init" in kwargs.keys(): + old_unk_init = kwargs["unk_init"] + kwargs["unk_init"] = None + if "vectors_cache" in kwargs.keys(): + old_vectors_cache = kwargs["vectors_cache"] + kwargs["vectors_cache"] = None + # just build vocab and does not load vector + self.nesting_field.build_vocab(*flattened, **kwargs) + super(NestedField, self).build_vocab() + self.vocab.extend(self.nesting_field.vocab) + self.vocab.freqs = self.nesting_field.vocab.freqs.copy() + if old_vectors is not None: + self.vocab.load_vectors(old_vectors, + unk_init=old_unk_init, cache=old_vectors_cache) + + self.nesting_field.vocab = self.vocab + + def numericalize(self, arrs, device=None): + """Convert a padded minibatch into a variable tensor. + + Each item in the minibatch will be numericalized independently and the resulting + tensors will be stacked at the first dimension. + + Arguments: + arr (List[List[str]]): List of tokenized and padded examples. + device (str or torch.device): A string or instance of `torch.device` + specifying which device the Variables are going to be created on. + If left as default, the tensors will be created on cpu. Default: None. + """ + numericalized = [] + self.nesting_field.include_lengths = False + if self.include_lengths: + arrs, sentence_lengths, word_lengths = arrs + + for arr in arrs: + numericalized_ex = self.nesting_field.numericalize( + arr, device=device) + numericalized.append(numericalized_ex) + padded_batch = torch.stack(numericalized) + + self.nesting_field.include_lengths = True + if self.include_lengths: + sentence_lengths = \ + torch.tensor(sentence_lengths, dtype=self.dtype, device=device) + word_lengths = torch.tensor(word_lengths, dtype=self.dtype, device=device) + return (padded_batch, sentence_lengths, word_lengths) + return padded_batch \ No newline at end of file diff --git a/data/field/mini_torchtext/pipeline.py b/data/field/mini_torchtext/pipeline.py new file mode 100644 index 0000000000000000000000000000000000000000..632736429d8fd6893118728ee6c501307c14bfa5 --- /dev/null +++ b/data/field/mini_torchtext/pipeline.py @@ -0,0 +1,86 @@ +class Pipeline(object): + """Defines a pipeline for transforming sequence data. + + The input is assumed to be utf-8 encoded `str` (Python 3) or + `unicode` (Python 2). + + Attributes: + convert_token: The function to apply to input sequence data. + pipes: The Pipelines that will be applied to input sequence + data in order. + """ + + def __init__(self, convert_token=None): + """Create a pipeline. + + Arguments: + convert_token: The function to apply to input sequence data. + If None, the identity function is used. Default: None + """ + if convert_token is None: + self.convert_token = Pipeline.identity + elif callable(convert_token): + self.convert_token = convert_token + else: + raise ValueError("Pipeline input convert_token {} is not None " + "or callable".format(convert_token)) + self.pipes = [self] + + def __call__(self, x, *args): + """Apply the the current Pipeline(s) to an input. + + Arguments: + x: The input to process with the Pipeline(s). + Positional arguments: Forwarded to the `call` function + of the Pipeline(s). + """ + for pipe in self.pipes: + x = pipe.call(x, *args) + return x + + def call(self, x, *args): + """Apply _only_ the convert_token function of the current pipeline + to the input. If the input is a list, a list with the results of + applying the `convert_token` function to all input elements is + returned. + + Arguments: + x: The input to apply the convert_token function to. + Positional arguments: Forwarded to the `convert_token` function + of the current Pipeline. + """ + if isinstance(x, list): + return [self.convert_token(tok, *args) for tok in x] + return self.convert_token(x, *args) + + def add_before(self, pipeline): + """Add a Pipeline to be applied before this processing pipeline. + + Arguments: + pipeline: The Pipeline or callable to apply before this + Pipeline. + """ + if not isinstance(pipeline, Pipeline): + pipeline = Pipeline(pipeline) + self.pipes = pipeline.pipes[:] + self.pipes[:] + return self + + def add_after(self, pipeline): + """Add a Pipeline to be applied after this processing pipeline. + + Arguments: + pipeline: The Pipeline or callable to apply after this + Pipeline. + """ + if not isinstance(pipeline, Pipeline): + pipeline = Pipeline(pipeline) + self.pipes = self.pipes[:] + pipeline.pipes[:] + return self + + @staticmethod + def identity(x): + """Return a copy of the input. + + This is here for serialization compatibility with pickle. + """ + return x diff --git a/data/field/mini_torchtext/utils.py b/data/field/mini_torchtext/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..2e310c97858abe43802383abf1e1308d6b602a94 --- /dev/null +++ b/data/field/mini_torchtext/utils.py @@ -0,0 +1,256 @@ +import random +from contextlib import contextmanager +from copy import deepcopy +import re + +from functools import partial + + +def _split_tokenizer(x): + return x.split() + + +def _spacy_tokenize(x, spacy): + return [tok.text for tok in spacy.tokenizer(x)] + + +_patterns = [r'\'', + r'\"', + r'\.', + r'
', + r',', + r'\(', + r'\)', + r'\!', + r'\?', + r'\;', + r'\:', + r'\s+'] + +_replacements = [' \' ', + '', + ' . ', + ' ', + ' , ', + ' ( ', + ' ) ', + ' ! ', + ' ? ', + ' ', + ' ', + ' '] + +_patterns_dict = list((re.compile(p), r) for p, r in zip(_patterns, _replacements)) + + +def _basic_english_normalize(line): + r""" + Basic normalization for a line of text. + Normalization includes + - lowercasing + - complete some basic text normalization for English words as follows: + add spaces before and after '\'' + remove '\"', + add spaces before and after '.' + replace '
'with single space + add spaces before and after ',' + add spaces before and after '(' + add spaces before and after ')' + add spaces before and after '!' + add spaces before and after '?' + replace ';' with single space + replace ':' with single space + replace multiple spaces with single space + + Returns a list of tokens after splitting on whitespace. + """ + + line = line.lower() + for pattern_re, replaced_str in _patterns_dict: + line = pattern_re.sub(replaced_str, line) + return line.split() + + +def get_tokenizer(tokenizer, language='en'): + r""" + Generate tokenizer function for a string sentence. + + Arguments: + tokenizer: the name of tokenizer function. If None, it returns split() + function, which splits the string sentence by space. + If basic_english, it returns _basic_english_normalize() function, + which normalize the string first and split by space. If a callable + function, it will return the function. If a tokenizer library + (e.g. spacy, moses, toktok, revtok, subword), it returns the + corresponding library. + language: Default en + + Examples: + >>> import torchtext + >>> from torchtext.data import get_tokenizer + >>> tokenizer = get_tokenizer("basic_english") + >>> tokens = tokenizer("You can now install TorchText using pip!") + >>> tokens + >>> ['you', 'can', 'now', 'install', 'torchtext', 'using', 'pip', '!'] + + """ + + # default tokenizer is string.split(), added as a module function for serialization + if tokenizer is None: + return _split_tokenizer + + if tokenizer == "basic_english": + if language != 'en': + raise ValueError("Basic normalization is only available for Enlish(en)") + return _basic_english_normalize + + # simply return if a function is passed + if callable(tokenizer): + return tokenizer + + if tokenizer == "spacy": + try: + import spacy + spacy = spacy.load(language) + return partial(_spacy_tokenize, spacy=spacy) + except ImportError: + print("Please install SpaCy. " + "See the docs at https://spacy.io for more information.") + raise + except AttributeError: + print("Please install SpaCy and the SpaCy {} tokenizer. " + "See the docs at https://spacy.io for more " + "information.".format(language)) + raise + elif tokenizer == "moses": + try: + from sacremoses import MosesTokenizer + moses_tokenizer = MosesTokenizer() + return moses_tokenizer.tokenize + except ImportError: + print("Please install SacreMoses. " + "See the docs at https://github.com/alvations/sacremoses " + "for more information.") + raise + elif tokenizer == "toktok": + try: + from nltk.tokenize.toktok import ToktokTokenizer + toktok = ToktokTokenizer() + return toktok.tokenize + except ImportError: + print("Please install NLTK. " + "See the docs at https://nltk.org for more information.") + raise + elif tokenizer == 'revtok': + try: + import revtok + return revtok.tokenize + except ImportError: + print("Please install revtok.") + raise + elif tokenizer == 'subword': + try: + import revtok + return partial(revtok.tokenize, decap=True) + except ImportError: + print("Please install revtok.") + raise + raise ValueError("Requested tokenizer {}, valid choices are a " + "callable that takes a single string as input, " + "\"revtok\" for the revtok reversible tokenizer, " + "\"subword\" for the revtok caps-aware tokenizer, " + "\"spacy\" for the SpaCy English tokenizer, or " + "\"moses\" for the NLTK port of the Moses tokenization " + "script.".format(tokenizer)) + + +def is_tokenizer_serializable(tokenizer, language): + """Extend with other tokenizers which are found to not be serializable + """ + if tokenizer == 'spacy': + return False + return True + + +def interleave_keys(a, b): + """Interleave bits from two sort keys to form a joint sort key. + + Examples that are similar in both of the provided keys will have similar + values for the key defined by this function. Useful for tasks with two + text fields like machine translation or natural language inference. + """ + def interleave(args): + return ''.join([x for t in zip(*args) for x in t]) + return int(''.join(interleave(format(x, '016b') for x in (a, b))), base=2) + + +def get_torch_version(): + import torch + v = torch.__version__ + version_substrings = v.split('.') + major, minor = version_substrings[0], version_substrings[1] + return int(major), int(minor) + + +def dtype_to_attr(dtype): + # convert torch.dtype to dtype string id + # e.g. torch.int32 -> "int32" + # used for serialization + _, dtype = str(dtype).split('.') + return dtype + + +# TODO: Write more tests! +def ngrams_iterator(token_list, ngrams): + """Return an iterator that yields the given tokens and their ngrams. + + Arguments: + token_list: A list of tokens + ngrams: the number of ngrams. + + Examples: + >>> token_list = ['here', 'we', 'are'] + >>> list(ngrams_iterator(token_list, 2)) + >>> ['here', 'here we', 'we', 'we are', 'are'] + """ + + def _get_ngrams(n): + return zip(*[token_list[i:] for i in range(n)]) + + for x in token_list: + yield x + for n in range(2, ngrams + 1): + for x in _get_ngrams(n): + yield ' '.join(x) + + +class RandomShuffler(object): + """Use random functions while keeping track of the random state to make it + reproducible and deterministic.""" + + def __init__(self, random_state=None): + self._random_state = random_state + if self._random_state is None: + self._random_state = random.getstate() + + @contextmanager + def use_internal_state(self): + """Use a specific RNG state.""" + old_state = random.getstate() + random.setstate(self._random_state) + yield + self._random_state = random.getstate() + random.setstate(old_state) + + @property + def random_state(self): + return deepcopy(self._random_state) + + @random_state.setter + def random_state(self, s): + self._random_state = s + + def __call__(self, data): + """Shuffle and return a new list.""" + with self.use_internal_state(): + return random.sample(data, len(data)) diff --git a/data/field/mini_torchtext/vocab.py b/data/field/mini_torchtext/vocab.py new file mode 100755 index 0000000000000000000000000000000000000000..91f1f2a0978b27f026d67f5e33d367f23138f203 --- /dev/null +++ b/data/field/mini_torchtext/vocab.py @@ -0,0 +1,116 @@ +from __future__ import unicode_literals +from collections import defaultdict +import logging + +logger = logging.getLogger(__name__) + + +class Vocab(object): + """Defines a vocabulary object that will be used to numericalize a field. + + Attributes: + freqs: A collections.Counter object holding the frequencies of tokens + in the data used to build the Vocab. + stoi: A collections.defaultdict instance mapping token strings to + numerical identifiers. + itos: A list of token strings indexed by their numerical identifiers. + """ + + # TODO (@mttk): Populate classs with default values of special symbols + UNK = '' + + def __init__(self, counter, max_size=None, min_freq=1, specials=['', ''], specials_first=True): + """Create a Vocab object from a collections.Counter. + + Arguments: + counter: collections.Counter object holding the frequencies of + each value found in the data. + max_size: The maximum size of the vocabulary, or None for no + maximum. Default: None. + min_freq: The minimum frequency needed to include a token in the + vocabulary. Values less than 1 will be set to 1. Default: 1. + specials: The list of special tokens (e.g., padding or eos) that + will be prepended to the vocabulary. Default: [', ''] + specials_first: Whether to add special tokens into the vocabulary at first. + If it is False, they are added into the vocabulary at last. + Default: True. + """ + self.freqs = counter + counter = counter.copy() + min_freq = max(min_freq, 1) + + self.itos = list() + self.unk_index = None + if specials_first: + self.itos = list(specials) + # only extend max size if specials are prepended + max_size = None if max_size is None else max_size + len(specials) + + # frequencies of special tokens are not counted when building vocabulary + # in frequency order + for tok in specials: + del counter[tok] + + # sort by frequency, then alphabetically + words_and_frequencies = sorted(counter.items(), key=lambda tup: tup[0]) + words_and_frequencies.sort(key=lambda tup: tup[1], reverse=True) + + for word, freq in words_and_frequencies: + if freq < min_freq or len(self.itos) == max_size: + break + self.itos.append(word) + + if Vocab.UNK in specials: # hard-coded for now + unk_index = specials.index(Vocab.UNK) # position in list + # account for ordering of specials, set variable + self.unk_index = unk_index if specials_first else len(self.itos) + unk_index + self.stoi = defaultdict(self._default_unk_index) + else: + self.stoi = defaultdict() + + if not specials_first: + self.itos.extend(list(specials)) + + # stoi is simply a reverse dict for itos + self.stoi.update({tok: i for i, tok in enumerate(self.itos)}) + + def _default_unk_index(self): + return self.unk_index + + def __getitem__(self, token): + return self.stoi.get(token, self.stoi.get(Vocab.UNK)) + + def __getstate__(self): + # avoid picking defaultdict + attrs = dict(self.__dict__) + # cast to regular dict + attrs['stoi'] = dict(self.stoi) + return attrs + + def __setstate__(self, state): + if state.get("unk_index", None) is None: + stoi = defaultdict() + else: + stoi = defaultdict(self._default_unk_index) + stoi.update(state['stoi']) + state['stoi'] = stoi + self.__dict__.update(state) + + def __eq__(self, other): + if self.freqs != other.freqs: + return False + if self.stoi != other.stoi: + return False + if self.itos != other.itos: + return False + return True + + def __len__(self): + return len(self.itos) + + def extend(self, v, sort=False): + words = sorted(v.itos) if sort else v.itos + for w in words: + if w not in self.stoi: + self.itos.append(w) + self.stoi[w] = len(self.itos) - 1 diff --git a/data/field/nested_field.py b/data/field/nested_field.py new file mode 100644 index 0000000000000000000000000000000000000000..dab29bb9f2eaa573b6bccacdded4e58a941e05ac --- /dev/null +++ b/data/field/nested_field.py @@ -0,0 +1,50 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.field.mini_torchtext.field import NestedField as TorchTextNestedField + + +class NestedField(TorchTextNestedField): + def pad(self, example): + self.nesting_field.include_lengths = self.include_lengths + if not self.include_lengths: + return self.nesting_field.pad(example) + + sentence_length = len(example) + example, word_lengths = self.nesting_field.pad(example) + return example, sentence_length, word_lengths + + def numericalize(self, arr, device=None): + numericalized = [] + self.nesting_field.include_lengths = False + if self.include_lengths: + arr, sentence_length, word_lengths = arr + + numericalized = self.nesting_field.numericalize(arr, device=device) + + self.nesting_field.include_lengths = True + if self.include_lengths: + sentence_length = torch.tensor(sentence_length, dtype=self.dtype, device=device) + word_lengths = torch.tensor(word_lengths, dtype=self.dtype, device=device) + return (numericalized, sentence_length, word_lengths) + return numericalized + + def build_vocab(self, *args, **kwargs): + sources = [] + for arg in args: + if isinstance(arg, torch.utils.data.Dataset): + sources += [arg.get_examples(name) for name, field in arg.fields.items() if field is self] + else: + sources.append(arg) + + flattened = [] + for source in sources: + flattened.extend(source) + + # just build vocab and does not load vector + self.nesting_field.build_vocab(*flattened, **kwargs) + super(TorchTextNestedField, self).build_vocab() + self.vocab.extend(self.nesting_field.vocab) + self.vocab.freqs = self.nesting_field.vocab.freqs.copy() + self.nesting_field.vocab = self.vocab diff --git a/data/parser/__init__.py b/data/parser/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data/parser/from_mrp/__init__.py b/data/parser/from_mrp/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data/parser/from_mrp/abstract_parser.py b/data/parser/from_mrp/abstract_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..ea471ffddd3c9138578c0167f41c552cecf6663c --- /dev/null +++ b/data/parser/from_mrp/abstract_parser.py @@ -0,0 +1,50 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from data.parser.json_parser import example_from_json + + +class AbstractParser(torch.utils.data.Dataset): + def __init__(self, fields, data, filter_pred=None): + super(AbstractParser, self).__init__() + + self.examples = [example_from_json(d, fields) for _, d in sorted(data.items())] + + if isinstance(fields, dict): + fields, field_dict = [], fields + for field in field_dict.values(): + if isinstance(field, list): + fields.extend(field) + else: + fields.append(field) + + if filter_pred is not None: + make_list = isinstance(self.examples, list) + self.examples = filter(filter_pred, self.examples) + if make_list: + self.examples = list(self.examples) + + self.fields = dict(fields) + + # Unpack field tuples + for n, f in list(self.fields.items()): + if isinstance(n, tuple): + self.fields.update(zip(n, f)) + del self.fields[n] + + def __getitem__(self, i): + item = self.examples[i] + processed_item = {} + for (name, field) in self.fields.items(): + if field is not None: + processed_item[name] = field.process(getattr(item, name), device=None) + return processed_item + + def __len__(self): + return len(self.examples) + + def get_examples(self, attr): + if attr in self.fields: + for x in self.examples: + yield getattr(x, attr) diff --git a/data/parser/from_mrp/evaluation_parser.py b/data/parser/from_mrp/evaluation_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..eb73ad52f52b8400d06e0d05cefcaaf885eceae5 --- /dev/null +++ b/data/parser/from_mrp/evaluation_parser.py @@ -0,0 +1,18 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.from_mrp.abstract_parser import AbstractParser +import utility.parser_utils as utils + + +class EvaluationParser(AbstractParser): + def __init__(self, args, fields): + path = args.test_data + self.data = utils.load_dataset(path) + + for sentence in self.data.values(): + sentence["token anchors"] = [[a["from"], a["to"]] for a in sentence["token anchors"]] + + utils.create_bert_tokens(self.data, args.encoder) + + super(EvaluationParser, self).__init__(fields, self.data) diff --git a/data/parser/from_mrp/labeled_edge_parser.py b/data/parser/from_mrp/labeled_edge_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..743b900c1dda0ddd95593dc3dffcf06139e71ccd --- /dev/null +++ b/data/parser/from_mrp/labeled_edge_parser.py @@ -0,0 +1,70 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.from_mrp.abstract_parser import AbstractParser +import utility.parser_utils as utils + + +class LabeledEdgeParser(AbstractParser): + def __init__(self, args, part: str, fields, filter_pred=None, **kwargs): + assert part == "training" or part == "validation" + path = args.training_data if part == "training" else args.validation_data + + self.data = utils.load_dataset(path) + utils.anchor_ids_from_intervals(self.data) + + self.node_counter, self.edge_counter, self.no_edge_counter = 0, 0, 0 + anchor_count, n_node_token_pairs = 0, 0 + + for sentence_id, sentence in list(self.data.items()): + for edge in sentence["edges"]: + if "label" not in edge: + del self.data[sentence_id] + break + + for node, sentence in utils.node_generator(self.data): + node["label"] = "Node" + + self.node_counter += 1 + + utils.create_bert_tokens(self.data, args.encoder) + + # create edge vectors + for sentence in self.data.values(): + assert sentence["tops"] == [0], sentence + N = len(sentence["nodes"]) + + edge_count = utils.create_edges(sentence) + self.edge_counter += edge_count + self.no_edge_counter += N * (N - 1) - edge_count + + sentence["nodes"] = sentence["nodes"][1:] + N = len(sentence["nodes"]) + + sentence["anchor edges"] = [N, len(sentence["input"]), []] + sentence["source anchor edges"] = [N, len(sentence["input"]), []] # dummy + sentence["target anchor edges"] = [N, len(sentence["input"]), []] # dummy + sentence["anchored labels"] = [len(sentence["input"]), []] + for i, node in enumerate(sentence["nodes"]): + anchored_labels = [] + + for anchor in node["anchors"]: + sentence["anchor edges"][-1].append((i, anchor)) + anchored_labels.append((anchor, node["label"])) + + sentence["anchored labels"][1].append(anchored_labels) + + anchor_count += len(node["anchors"]) + n_node_token_pairs += len(sentence["input"]) + + sentence["id"] = [sentence["id"]] + + self.anchor_freq = anchor_count / n_node_token_pairs + self.source_anchor_freq = self.target_anchor_freq = 0.5 # dummy + self.input_count = sum(len(sentence["input"]) for sentence in self.data.values()) + + super(LabeledEdgeParser, self).__init__(fields, self.data, filter_pred) + + @staticmethod + def node_similarity_key(node): + return tuple([node["label"]] + node["anchors"]) diff --git a/data/parser/from_mrp/node_centric_parser.py b/data/parser/from_mrp/node_centric_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..e8b9c2ae01508a7384e2d976f389432c294fdbed --- /dev/null +++ b/data/parser/from_mrp/node_centric_parser.py @@ -0,0 +1,69 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.from_mrp.abstract_parser import AbstractParser +import utility.parser_utils as utils + + +class NodeCentricParser(AbstractParser): + def __init__(self, args, part: str, fields, filter_pred=None, **kwargs): + assert part == "training" or part == "validation" + path = args.training_data if part == "training" else args.validation_data + + self.data = utils.load_dataset(path) + utils.anchor_ids_from_intervals(self.data) + + self.node_counter, self.edge_counter, self.no_edge_counter = 0, 0, 0 + anchor_count, n_node_token_pairs = 0, 0 + + for sentence_id, sentence in list(self.data.items()): + for node in sentence["nodes"]: + if "label" not in node: + del self.data[sentence_id] + break + + for node, _ in utils.node_generator(self.data): + self.node_counter += 1 + + # print(f"Number of unlabeled nodes: {unlabeled_count}", flush=True) + + utils.create_bert_tokens(self.data, args.encoder) + + # create edge vectors + for sentence in self.data.values(): + N = len(sentence["nodes"]) + + edge_count = utils.create_edges(sentence) + self.edge_counter += edge_count + # self.no_edge_counter += len([n for n in sentence["nodes"] if n["label"] in ["Source", "Target"]]) * len([n for n in sentence["nodes"] if n["label"] not in ["Source", "Target"]]) - edge_count + self.no_edge_counter += N * (N - 1) - edge_count + + sentence["anchor edges"] = [N, len(sentence["input"]), []] + sentence["source anchor edges"] = [N, len(sentence["input"]), []] # dummy + sentence["target anchor edges"] = [N, len(sentence["input"]), []] # dummy + sentence["anchored labels"] = [len(sentence["input"]), []] + for i, node in enumerate(sentence["nodes"]): + anchored_labels = [] + #if len(node["anchors"]) == 0: + # print(f"Empty node in {sentence['id']}", flush=True) + + for anchor in node["anchors"]: + sentence["anchor edges"][-1].append((i, anchor)) + anchored_labels.append((anchor, node["label"])) + + sentence["anchored labels"][1].append(anchored_labels) + + anchor_count += len(node["anchors"]) + n_node_token_pairs += len(sentence["input"]) + + sentence["id"] = [sentence["id"]] + + self.anchor_freq = anchor_count / n_node_token_pairs + self.source_anchor_freq = self.target_anchor_freq = 0.5 # dummy + self.input_count = sum(len(sentence["input"]) for sentence in self.data.values()) + + super(NodeCentricParser, self).__init__(fields, self.data, filter_pred) + + @staticmethod + def node_similarity_key(node): + return tuple([node["label"]] + node["anchors"]) diff --git a/data/parser/from_mrp/request_parser.py b/data/parser/from_mrp/request_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..4394b7b240c2048affb63dd1012d7f31aa4aae6b --- /dev/null +++ b/data/parser/from_mrp/request_parser.py @@ -0,0 +1,23 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import utility.parser_utils as utils +from data.parser.from_mrp.abstract_parser import AbstractParser + + +class RequestParser(AbstractParser): + def __init__(self, sentences, args, fields): + self.data = {i: {"id": str(i), "sentence": sentence} for i, sentence in enumerate(sentences)} + + sentences = [example["sentence"] for example in self.data.values()] + + for example in self.data.values(): + example["input"] = example["sentence"].strip().split(' ') + example["token anchors"], offset = [], 0 + for token in example["input"]: + example["token anchors"].append([offset, offset + len(token)]) + offset += len(token) + 1 + + utils.create_bert_tokens(self.data, args.encoder) + + super(RequestParser, self).__init__(fields, self.data) diff --git a/data/parser/from_mrp/sequential_parser.py b/data/parser/from_mrp/sequential_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..729556d7d9b872752e328ae647e754a25563278a --- /dev/null +++ b/data/parser/from_mrp/sequential_parser.py @@ -0,0 +1,90 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.from_mrp.abstract_parser import AbstractParser +import utility.parser_utils as utils + + +class SequentialParser(AbstractParser): + def __init__(self, args, part: str, fields, filter_pred=None, **kwargs): + assert part == "training" or part == "validation" + path = args.training_data if part == "training" else args.validation_data + + self.data = utils.load_dataset(path) + utils.anchor_ids_from_intervals(self.data) + + self.node_counter, self.edge_counter, self.no_edge_counter = 0, 0, 0 + anchor_count, source_anchor_count, target_anchor_count, n_node_token_pairs = 0, 0, 0, 0 + + for sentence_id, sentence in list(self.data.items()): + for node in sentence["nodes"]: + if "label" not in node: + del self.data[sentence_id] + break + + for node, _ in utils.node_generator(self.data): + node["target anchors"] = [] + node["source anchors"] = [] + + for sentence in self.data.values(): + for e in sentence["edges"]: + source, target = e["source"], e["target"] + + if sentence["nodes"][target]["label"] == "Target": + sentence["nodes"][source]["target anchors"] += sentence["nodes"][target]["anchors"] + elif sentence["nodes"][target]["label"] == "Source": + sentence["nodes"][source]["source anchors"] += sentence["nodes"][target]["anchors"] + + for i, node in list(enumerate(sentence["nodes"]))[::-1]: + if "label" not in node or node["label"] in ["Source", "Target"]: + del sentence["nodes"][i] + sentence["edges"] = [] + + for node, sentence in utils.node_generator(self.data): + self.node_counter += 1 + + utils.create_bert_tokens(self.data, args.encoder) + + # create edge vectors + for sentence in self.data.values(): + N = len(sentence["nodes"]) + + utils.create_edges(sentence) + self.no_edge_counter += N * (N - 1) + + sentence["anchor edges"] = [N, len(sentence["input"]), []] + sentence["source anchor edges"] = [N, len(sentence["input"]), []] + sentence["target anchor edges"] = [N, len(sentence["input"]), []] + + sentence["anchored labels"] = [len(sentence["input"]), []] + for i, node in enumerate(sentence["nodes"]): + anchored_labels = [] + + for anchor in node["anchors"]: + sentence["anchor edges"][-1].append((i, anchor)) + anchored_labels.append((anchor, node["label"])) + + for anchor in node["source anchors"]: + sentence["source anchor edges"][-1].append((i, anchor)) + for anchor in node["target anchors"]: + sentence["target anchor edges"][-1].append((i, anchor)) + + sentence["anchored labels"][1].append(anchored_labels) + + anchor_count += len(node["anchors"]) + source_anchor_count += len(node["source anchors"]) + target_anchor_count += len(node["target anchors"]) + n_node_token_pairs += len(sentence["input"]) + + sentence["id"] = [sentence["id"]] + + self.anchor_freq = anchor_count / n_node_token_pairs + self.source_anchor_freq = anchor_count / n_node_token_pairs + self.target_anchor_freq = anchor_count / n_node_token_pairs + self.input_count = sum(len(sentence["input"]) for sentence in self.data.values()) + + super(SequentialParser, self).__init__(fields, self.data, filter_pred) + + @staticmethod + def node_similarity_key(node): + return tuple([node["label"]] + node["anchors"]) diff --git a/data/parser/json_parser.py b/data/parser/json_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..504105bd77c69e5ae9ed3bfb27b641c381ccda01 --- /dev/null +++ b/data/parser/json_parser.py @@ -0,0 +1,35 @@ +from functools import reduce +from data.field.mini_torchtext.example import Example + + +def example_from_json(obj, fields): + ex = Example() + for key, vals in fields.items(): + if vals is not None: + if not isinstance(vals, list): + vals = [vals] + for val in vals: + # for processing the key likes 'foo.bar' + name, field = val + ks = key.split(".") + + def reducer(obj, key): + if isinstance(obj, list): + results = [] + for data in obj: + if key not in data: + # key error + raise ValueError("Specified key {} was not found in " "the input data".format(key)) + else: + results.append(data[key]) + return results + else: + # key error + if key not in obj: + raise ValueError("Specified key {} was not found in " "the input data".format(key)) + else: + return obj[key] + + v = reduce(reducer, ks, obj) + setattr(ex, name, field.preprocess(v)) + return ex diff --git a/data/parser/to_mrp/__init__.py b/data/parser/to_mrp/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/data/parser/to_mrp/abstract_parser.py b/data/parser/to_mrp/abstract_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..cbc61a31c0640ca67df96011d63e101fc9d8aba6 --- /dev/null +++ b/data/parser/to_mrp/abstract_parser.py @@ -0,0 +1,80 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +class AbstractParser: + def __init__(self, dataset): + self.dataset = dataset + + def create_nodes(self, prediction): + return [ + {"id": i, "label": self.label_to_str(l, prediction["anchors"][i], prediction)} + for i, l in enumerate(prediction["labels"]) + ] + + def label_to_str(self, label, anchors, prediction): + return self.dataset.label_field.vocab.itos[label - 1] + + def create_edges(self, prediction, nodes): + N = len(nodes) + node_sets = [{"id": n, "set": set([n])} for n in range(N)] + _, indices = prediction["edge presence"][:N, :N].reshape(-1).sort(descending=True) + sources, targets = indices // N, indices % N + + edges = [] + for i in range((N - 1) * N // 2): + source, target = sources[i].item(), targets[i].item() + p = prediction["edge presence"][source, target] + + if p < 0.5 and len(edges) >= N - 1: + break + + if node_sets[source]["set"] is node_sets[target]["set"] and p < 0.5: + continue + + self.create_edge(source, target, prediction, edges, nodes) + + if node_sets[source]["set"] is not node_sets[target]["set"]: + from_set = node_sets[source]["set"] + for n in node_sets[target]["set"]: + from_set.add(n) + node_sets[n]["set"] = from_set + + return edges + + def create_edge(self, source, target, prediction, edges, nodes): + label = self.get_edge_label(prediction, source, target) + edge = {"source": source, "target": target, "label": label} + + edges.append(edge) + + def create_anchors(self, prediction, nodes, join_contiguous=True, at_least_one=False, single_anchor=False, mode="anchors"): + for i, node in enumerate(nodes): + threshold = 0.5 if not at_least_one else min(0.5, prediction[mode][i].max().item()) + node[mode] = (prediction[mode][i] >= threshold).nonzero(as_tuple=False).squeeze(-1) + node[mode] = prediction["token intervals"][node[mode], :] + + if single_anchor and len(node[mode]) > 1: + start = min(a[0].item() for a in node[mode]) + end = max(a[1].item() for a in node[mode]) + node[mode] = [{"from": start, "to": end}] + continue + + node[mode] = [{"from": f.item(), "to": t.item()} for f, t in node[mode]] + node[mode] = sorted(node[mode], key=lambda a: a["from"]) + + if join_contiguous and len(node[mode]) > 1: + cleaned_anchors = [] + end, start = node[mode][0]["from"], node[mode][0]["from"] + for anchor in node[mode]: + if end < anchor["from"]: + cleaned_anchors.append({"from": start, "to": end}) + start = anchor["from"] + end = anchor["to"] + cleaned_anchors.append({"from": start, "to": end}) + + node[mode] = cleaned_anchors + + return nodes + + def get_edge_label(self, prediction, source, target): + return self.dataset.edge_label_field.vocab.itos[prediction["edge labels"][source, target].item()] diff --git a/data/parser/to_mrp/labeled_edge_parser.py b/data/parser/to_mrp/labeled_edge_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..3d77704490339b96ace71b56365b49b10b4035d8 --- /dev/null +++ b/data/parser/to_mrp/labeled_edge_parser.py @@ -0,0 +1,52 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.to_mrp.abstract_parser import AbstractParser + + +class LabeledEdgeParser(AbstractParser): + def __init__(self, *args): + super().__init__(*args) + self.source_id = self.dataset.edge_label_field.vocab.stoi["Source"] + self.target_id = self.dataset.edge_label_field.vocab.stoi["Target"] + + def parse(self, prediction): + output = {} + + output["id"] = self.dataset.id_field.vocab.itos[prediction["id"].item()] + output["nodes"] = self.create_nodes(prediction) + output["nodes"] = self.create_anchors(prediction, output["nodes"], join_contiguous=True, at_least_one=True) + output["nodes"] = [{"id": 0}] + output["nodes"] + output["edges"] = self.create_edges(prediction, output["nodes"]) + + return output + + def create_nodes(self, prediction): + return [{"id": i + 1} for i, l in enumerate(prediction["labels"])] + + def create_edges(self, prediction, nodes): + N = len(nodes) + edge_prediction = prediction["edge presence"][:N, :N] + + edges = [] + for target in range(1, N): + if edge_prediction[0, target] >= 0.5: + prediction["edge labels"][0, target, self.source_id] = float("-inf") + prediction["edge labels"][0, target, self.target_id] = float("-inf") + self.create_edge(0, target, prediction, edges, nodes) + + for source in range(1, N): + for target in range(1, N): + if source == target: + continue + if edge_prediction[source, target] < 0.5: + continue + for i in range(prediction["edge labels"].size(2)): + if i not in [self.source_id, self.target_id]: + prediction["edge labels"][source, target, i] = float("-inf") + self.create_edge(source, target, prediction, edges, nodes) + + return edges + + def get_edge_label(self, prediction, source, target): + return self.dataset.edge_label_field.vocab.itos[prediction["edge labels"][source, target].argmax(-1).item()] diff --git a/data/parser/to_mrp/node_centric_parser.py b/data/parser/to_mrp/node_centric_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..7207cb8cf912a89c544639eef69fea64d5b64fb0 --- /dev/null +++ b/data/parser/to_mrp/node_centric_parser.py @@ -0,0 +1,35 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.to_mrp.abstract_parser import AbstractParser + + +class NodeCentricParser(AbstractParser): + def parse(self, prediction): + output = {} + + output["id"] = self.dataset.id_field.vocab.itos[prediction["id"].item()] + output["nodes"] = self.create_nodes(prediction) + output["nodes"] = self.create_anchors(prediction, output["nodes"], join_contiguous=True, at_least_one=True) + output["edges"] = self.create_edges(prediction, output["nodes"]) + + return output + + def create_edge(self, source, target, prediction, edges, nodes): + edge = {"source": source, "target": target, "label": None} + edges.append(edge) + + def create_edges(self, prediction, nodes): + N = len(nodes) + edge_prediction = prediction["edge presence"][:N, :N] + + targets = [i for i, node in enumerate(nodes) if node["label"] in ["Source", "Target"]] + sources = [i for i, node in enumerate(nodes) if node["label"] not in ["Source", "Target"]] + + edges = [] + for target in targets: + for source in sources: + if edge_prediction[source, target] >= 0.5: + self.create_edge(source, target, prediction, edges, nodes) + + return edges diff --git a/data/parser/to_mrp/sequential_parser.py b/data/parser/to_mrp/sequential_parser.py new file mode 100644 index 0000000000000000000000000000000000000000..78dd3b603584cf1d907ff5b71333305e76285bca --- /dev/null +++ b/data/parser/to_mrp/sequential_parser.py @@ -0,0 +1,35 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from data.parser.to_mrp.abstract_parser import AbstractParser + + +class SequentialParser(AbstractParser): + def parse(self, prediction): + output = {} + + output["id"] = self.dataset.id_field.vocab.itos[prediction["id"].item()] + output["nodes"] = self.create_nodes(prediction) + output["nodes"] = self.create_anchors(prediction, output["nodes"], join_contiguous=True, at_least_one=True, mode="anchors") + output["nodes"] = self.create_anchors(prediction, output["nodes"], join_contiguous=True, at_least_one=False, mode="source anchors") + output["nodes"] = self.create_anchors(prediction, output["nodes"], join_contiguous=True, at_least_one=False, mode="target anchors") + output["edges"], output["nodes"] = self.create_targets_sources(output["nodes"]) + + return output + + def create_targets_sources(self, nodes): + edges, new_nodes = [], [] + for i, node in enumerate(nodes): + new_node_id = len(nodes) + len(new_nodes) + if len(node["source anchors"]) > 0: + new_nodes.append({"id": new_node_id, "label": "Source", "anchors": node["source anchors"]}) + edges.append({"source": i, "target": new_node_id, "label": ""}) + new_node_id += 1 + del node["source anchors"] + + if len(node["target anchors"]) > 0: + new_nodes.append({"id": new_node_id, "label": "Target", "anchors": node["target anchors"]}) + edges.append({"source": i, "target": new_node_id, "label": ""}) + del node["target anchors"] + + return edges, nodes + new_nodes diff --git a/model/__init__.py b/model/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/model/head/__init__.py b/model/head/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/model/head/abstract_head.py b/model/head/abstract_head.py new file mode 100644 index 0000000000000000000000000000000000000000..3aecb7cc3a883a4c0477e041a23aa997d8231a1a --- /dev/null +++ b/model/head/abstract_head.py @@ -0,0 +1,274 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import math +import torch +import torch.nn as nn +import torch.nn.functional as F + +from model.module.edge_classifier import EdgeClassifier +from model.module.anchor_classifier import AnchorClassifier +from utility.cross_entropy import cross_entropy, binary_cross_entropy +from utility.hungarian_matching import get_matching, reorder, match_anchor, match_label +from utility.utils import create_padding_mask + + +class AbstractHead(nn.Module): + def __init__(self, dataset, args, config, initialize: bool): + super(AbstractHead, self).__init__() + + self.edge_classifier = self.init_edge_classifier(dataset, args, config, initialize) + self.label_classifier = self.init_label_classifier(dataset, args, config, initialize) + self.anchor_classifier = self.init_anchor_classifier(dataset, args, config, initialize, mode="anchor") + self.source_anchor_classifier = self.init_anchor_classifier(dataset, args, config, initialize, mode="source_anchor") + self.target_anchor_classifier = self.init_anchor_classifier(dataset, args, config, initialize, mode="target_anchor") + + self.query_length = args.query_length + self.focal = args.focal + self.dataset = dataset + + def forward(self, encoder_output, decoder_output, encoder_mask, decoder_mask, batch): + output = {} + + decoder_lens = self.query_length * batch["every_input"][1] + output["label"] = self.forward_label(decoder_output) + output["anchor"] = self.forward_anchor(decoder_output, encoder_output, encoder_mask, mode="anchor") # shape: (B, T_l, T_w) + output["source_anchor"] = self.forward_anchor(decoder_output, encoder_output, encoder_mask, mode="source_anchor") # shape: (B, T_l, T_w) + output["target_anchor"] = self.forward_anchor(decoder_output, encoder_output, encoder_mask, mode="target_anchor") # shape: (B, T_l, T_w) + + cost_matrices = self.create_cost_matrices(output, batch, decoder_lens) + matching = get_matching(cost_matrices) + decoder_output = reorder(decoder_output, matching, batch["labels"][0].size(1)) + output["edge presence"], output["edge label"] = self.forward_edge(decoder_output) + + return self.loss(output, batch, matching, decoder_mask) + + def predict(self, encoder_output, decoder_output, encoder_mask, decoder_mask, batch, **kwargs): + every_input, word_lens = batch["every_input"] + decoder_lens = self.query_length * word_lens + batch_size = every_input.size(0) + + label_pred = self.forward_label(decoder_output) + anchor_pred = self.forward_anchor(decoder_output, encoder_output, encoder_mask, mode="anchor") # shape: (B, T_l, T_w) + source_anchor_pred = self.forward_anchor(decoder_output, encoder_output, encoder_mask, mode="source_anchor") # shape: (B, T_l, T_w) + target_anchor_pred = self.forward_anchor(decoder_output, encoder_output, encoder_mask, mode="target_anchor") # shape: (B, T_l, T_w) + + labels = [[] for _ in range(batch_size)] + anchors, source_anchors, target_anchors = [[] for _ in range(batch_size)], [[] for _ in range(batch_size)], [[] for _ in range(batch_size)] + + for b in range(batch_size): + label_indices = self.inference_label(label_pred[b, :decoder_lens[b], :]).cpu() + for t in range(label_indices.size(0)): + label_index = label_indices[t].item() + if label_index == 0: + continue + + decoder_output[b, len(labels[b]), :] = decoder_output[b, t, :] + + labels[b].append(label_index) + if anchor_pred is None: + anchors[b].append(list(range(t // self.query_length, word_lens[b]))) + else: + anchors[b].append(self.inference_anchor(anchor_pred[b, t, :word_lens[b]]).cpu()) + + if source_anchor_pred is None: + source_anchors[b].append(list(range(t // self.query_length, word_lens[b]))) + else: + source_anchors[b].append(self.inference_anchor(source_anchor_pred[b, t, :word_lens[b]]).cpu()) + + if target_anchor_pred is None: + target_anchors[b].append(list(range(t // self.query_length, word_lens[b]))) + else: + target_anchors[b].append(self.inference_anchor(target_anchor_pred[b, t, :word_lens[b]]).cpu()) + + decoder_output = decoder_output[:, : max(len(l) for l in labels), :] + edge_presence, edge_labels = self.forward_edge(decoder_output) + + outputs = [ + self.parser.parse( + { + "labels": labels[b], + "anchors": anchors[b], + "source anchors": source_anchors[b], + "target anchors": target_anchors[b], + "edge presence": self.inference_edge_presence(edge_presence, b), + "edge labels": self.inference_edge_label(edge_labels, b), + "id": batch["id"][b].cpu(), + "tokens": batch["every_input"][0][b, : word_lens[b]].cpu(), + "token intervals": batch["token_intervals"][b, :, :].cpu(), + }, + **kwargs + ) + for b in range(batch_size) + ] + + return outputs + + def loss(self, output, batch, matching, decoder_mask): + batch_size = batch["every_input"][0].size(0) + device = batch["every_input"][0].device + T_label = batch["labels"][0].size(1) + T_input = batch["every_input"][0].size(1) + T_edge = batch["edge_presence"].size(1) + + input_mask = create_padding_mask(batch_size, T_input, batch["every_input"][1], device) # shape: (B, T_input) + label_mask = create_padding_mask(batch_size, T_label, batch["labels"][1], device) # shape: (B, T_label) + edge_mask = torch.eye(T_label, T_label, device=device, dtype=torch.bool).unsqueeze(0) # shape: (1, T_label, T_label) + edge_mask = edge_mask | label_mask.unsqueeze(1) | label_mask.unsqueeze(2) # shape: (B, T_label, T_label) + if T_edge != T_label: + edge_mask = F.pad(edge_mask, (T_edge - T_label, 0, T_edge - T_label, 0), value=0) + edge_label_mask = (batch["edge_presence"] == 0) | edge_mask + + if output["edge label"] is not None: + batch["edge_labels"] = ( + batch["edge_labels"][0][:, :, :, :output["edge label"].size(-1)], + batch["edge_labels"][1], + ) + + losses = {} + losses.update(self.loss_label(output, batch, decoder_mask, matching)) + losses.update(self.loss_anchor(output, batch, input_mask, matching, mode="anchor")) + losses.update(self.loss_anchor(output, batch, input_mask, matching, mode="source_anchor")) + losses.update(self.loss_anchor(output, batch, input_mask, matching, mode="target_anchor")) + losses.update(self.loss_edge_presence(output, batch, edge_mask)) + losses.update(self.loss_edge_label(output, batch, edge_label_mask.unsqueeze(-1))) + + stats = {f"{key}": value.detach().cpu().item() for key, value in losses.items()} + total_loss = sum(losses.values()) / len(losses) + + return total_loss, stats + + @torch.no_grad() + def create_cost_matrices(self, output, batch, decoder_lens): + batch_size = len(batch["labels"][1]) + decoder_lens = decoder_lens.cpu() + + matrices = [] + for b in range(batch_size): + label_cost_matrix = self.label_cost_matrix(output, batch, decoder_lens, b) + anchor_cost_matrix = self.anchor_cost_matrix(output, batch, decoder_lens, b) + + cost_matrix = label_cost_matrix * anchor_cost_matrix + matrices.append(cost_matrix.cpu()) + + return matrices + + def init_edge_classifier(self, dataset, args, config, initialize: bool): + if not config["edge presence"] and not config["edge label"]: + return None + return EdgeClassifier(dataset, args, initialize, presence=config["edge presence"], label=config["edge label"]) + + def init_label_classifier(self, dataset, args, config, initialize: bool): + if not config["label"]: + return None + + classifier = nn.Sequential( + nn.Dropout(args.dropout_label), + nn.Linear(args.hidden_size, len(dataset.label_field.vocab) + 1, bias=True) + ) + if initialize: + classifier[1].bias.data = dataset.label_freqs.log() + + return classifier + + def init_anchor_classifier(self, dataset, args, config, initialize: bool, mode="anchor"): + if not config[mode]: + return None + + return AnchorClassifier(dataset, args, initialize, mode=mode) + + def forward_edge(self, decoder_output): + if self.edge_classifier is None: + return None, None + return self.edge_classifier(decoder_output) + + def forward_label(self, decoder_output): + if self.label_classifier is None: + return None + return torch.log_softmax(self.label_classifier(decoder_output), dim=-1) + + def forward_anchor(self, decoder_output, encoder_output, encoder_mask, mode="anchor"): + classifier = getattr(self, f"{mode}_classifier") + if classifier is None: + return None + return classifier(decoder_output, encoder_output, encoder_mask) + + def inference_label(self, prediction): + prediction = prediction.exp() + return torch.where( + prediction[:, 0] > prediction[:, 1:].sum(-1), + torch.zeros(prediction.size(0), dtype=torch.long, device=prediction.device), + prediction[:, 1:].argmax(dim=-1) + 1 + ) + + def inference_anchor(self, prediction): + return prediction.sigmoid() + + def inference_edge_presence(self, prediction, example_index: int): + if prediction is None: + return None + + N = prediction.size(1) + mask = torch.eye(N, N, device=prediction.device, dtype=torch.bool) + return prediction[example_index, :, :].sigmoid().masked_fill(mask, 0.0).cpu() + + def inference_edge_label(self, prediction, example_index: int): + if prediction is None: + return None + return prediction[example_index, :, :, :].cpu() + + def loss_edge_presence(self, prediction, target, mask): + if self.edge_classifier is None or prediction["edge presence"] is None: + return {} + return {"edge presence": binary_cross_entropy(prediction["edge presence"], target["edge_presence"].float(), mask)} + + def loss_edge_label(self, prediction, target, mask): + if self.edge_classifier is None or prediction["edge label"] is None: + return {} + return {"edge label": binary_cross_entropy(prediction["edge label"], target["edge_labels"][0].float(), mask)} + + def loss_label(self, prediction, target, mask, matching): + if self.label_classifier is None or prediction["label"] is None: + return {} + + prediction = prediction["label"] + target = match_label( + target["labels"][0], matching, prediction.shape[:-1], prediction.device, self.query_length + ) + return {"label": cross_entropy(prediction, target, mask, focal=self.focal)} + + def loss_anchor(self, prediction, target, mask, matching, mode="anchor"): + if getattr(self, f"{mode}_classifier") is None or prediction[mode] is None: + return {} + + prediction = prediction[mode] + target, anchor_mask = match_anchor(target[mode], matching, prediction.shape, prediction.device) + mask = anchor_mask.unsqueeze(-1) | mask.unsqueeze(-2) + return {mode: binary_cross_entropy(prediction, target.float(), mask)} + + def label_cost_matrix(self, output, batch, decoder_lens, b: int): + if output["label"] is None: + return 1.0 + + target_labels = batch["anchored_labels"][b] # shape: (num_nodes, num_inputs, num_classes) + label_prob = output["label"][b, : decoder_lens[b], :].exp().unsqueeze(0) # shape: (1, num_queries, num_classes) + tgt_label = target_labels.repeat_interleave(self.query_length, dim=1) # shape: (num_nodes, num_queries, num_classes) + cost_matrix = ((tgt_label * label_prob).sum(-1) * label_prob[:, :, 1:].sum(-1)).t().sqrt() # shape: (num_queries, num_nodes) + + return cost_matrix + + def anchor_cost_matrix(self, output, batch, decoder_lens, b: int): + if output["anchor"] is None: + return 1.0 + + num_nodes = batch["labels"][1][b] + word_lens = batch["every_input"][1] + target_anchors, _ = batch["anchor"] + pred_anchors = output["anchor"].sigmoid() + + tgt_align = target_anchors[b, : num_nodes, : word_lens[b]] # shape: (num_nodes, num_inputs) + align_prob = pred_anchors[b, : decoder_lens[b], : word_lens[b]] # shape: (num_queries, num_inputs) + align_prob = align_prob.unsqueeze(1).expand(-1, num_nodes, -1) # shape: (num_queries, num_nodes, num_inputs) + align_prob = torch.where(tgt_align.unsqueeze(0).bool(), align_prob, 1.0 - align_prob) # shape: (num_queries, num_nodes, num_inputs) + cost_matrix = align_prob.log().mean(-1).exp() # shape: (num_queries, num_nodes) + return cost_matrix diff --git a/model/head/labeled_edge_head.py b/model/head/labeled_edge_head.py new file mode 100644 index 0000000000000000000000000000000000000000..6147d24ce6abedba09d2927d401f17ac284ffbe0 --- /dev/null +++ b/model/head/labeled_edge_head.py @@ -0,0 +1,67 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn + +from model.head.abstract_head import AbstractHead +from data.parser.to_mrp.labeled_edge_parser import LabeledEdgeParser +from utility.cross_entropy import binary_cross_entropy +from utility.hungarian_matching import match_label + + +class LabeledEdgeHead(AbstractHead): + def __init__(self, dataset, args, initialize): + config = { + "label": True, + "edge presence": True, + "edge label": True, + "anchor": True, + "source_anchor": False, + "target_anchor": False + } + super(LabeledEdgeHead, self).__init__(dataset, args, config, initialize) + + self.top_node = nn.Parameter(torch.randn(1, 1, args.hidden_size), requires_grad=True) + self.parser = LabeledEdgeParser(dataset) + + def init_label_classifier(self, dataset, args, config, initialize: bool): + classifier = nn.Sequential( + nn.Dropout(args.dropout_label), + nn.Linear(args.hidden_size, 1, bias=True) + ) + if initialize: + bias_init = torch.tensor([dataset.label_freqs[1]]) + classifier[1].bias.data = (bias_init / (1.0 - bias_init)).log() + + return classifier + + def forward_label(self, decoder_output): + return self.label_classifier(decoder_output) + + def forward_edge(self, decoder_output): + top_node = self.top_node.expand(decoder_output.size(0), -1, -1) + decoder_output = torch.cat([top_node, decoder_output], dim=1) + return self.edge_classifier(decoder_output) + + def loss_label(self, prediction, target, mask, matching): + prediction = prediction["label"] + target = match_label( + target["labels"][0], matching, prediction.shape[:-1], prediction.device, self.query_length + ) + return {"label": binary_cross_entropy(prediction.squeeze(-1), target.float(), mask, focal=self.focal)} + + def inference_label(self, prediction): + return (prediction.squeeze(-1) > 0.0).long() + + def label_cost_matrix(self, output, batch, decoder_lens, b: int): + if output["label"] is None: + return 1.0 + + target_labels = batch["anchored_labels"][b] # shape: (num_nodes, num_inputs, 2) + label_prob = output["label"][b, : decoder_lens[b], :].sigmoid().unsqueeze(0) # shape: (1, num_queries, 1) + label_prob = torch.cat([1.0 - label_prob, label_prob], dim=-1) # shape: (1, num_queries, 2) + tgt_label = target_labels.repeat_interleave(self.query_length, dim=1) # shape: (num_nodes, num_queries, 2) + cost_matrix = ((tgt_label * label_prob).sum(-1) * label_prob[:, :, 1:].sum(-1)).t().sqrt() # shape: (num_queries, num_nodes) + + return cost_matrix diff --git a/model/head/node_centric_head.py b/model/head/node_centric_head.py new file mode 100644 index 0000000000000000000000000000000000000000..ce4a39c78f5c2f144cf2992a9f25f8d10364633d --- /dev/null +++ b/model/head/node_centric_head.py @@ -0,0 +1,25 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch + +from model.head.abstract_head import AbstractHead +from data.parser.to_mrp.node_centric_parser import NodeCentricParser +from utility.cross_entropy import binary_cross_entropy + + +class NodeCentricHead(AbstractHead): + def __init__(self, dataset, args, initialize): + config = { + "label": True, + "edge presence": True, + "edge label": False, + "anchor": True, + "source_anchor": False, + "target_anchor": False + } + super(NodeCentricHead, self).__init__(dataset, args, config, initialize) + + self.source_id = dataset.label_field.vocab.stoi["Source"] + 1 + self.target_id = dataset.label_field.vocab.stoi["Target"] + 1 + self.parser = NodeCentricParser(dataset) diff --git a/model/head/sequential_head.py b/model/head/sequential_head.py new file mode 100644 index 0000000000000000000000000000000000000000..2431cb5e26380dcf6622fee5357ba6e1d6fe6853 --- /dev/null +++ b/model/head/sequential_head.py @@ -0,0 +1,24 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn +import torch.nn.functional as F + +from model.head.abstract_head import AbstractHead +from data.parser.to_mrp.sequential_parser import SequentialParser +from utility.cross_entropy import cross_entropy + + +class SequentialHead(AbstractHead): + def __init__(self, dataset, args, initialize): + config = { + "label": True, + "edge presence": False, + "edge label": False, + "anchor": True, + "source_anchor": True, + "target_anchor": True + } + super(SequentialHead, self).__init__(dataset, args, config, initialize) + self.parser = SequentialParser(dataset) diff --git a/model/model.py b/model/model.py new file mode 100644 index 0000000000000000000000000000000000000000..309117cae92d131231f6ae1dc47c11c934b29f9e --- /dev/null +++ b/model/model.py @@ -0,0 +1,82 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn + +from model.module.encoder import Encoder + +from model.module.transformer import Decoder +from model.head.node_centric_head import NodeCentricHead +from model.head.labeled_edge_head import LabeledEdgeHead +from model.head.sequential_head import SequentialHead +from utility.utils import create_padding_mask + + +class Model(nn.Module): + def __init__(self, dataset, args, initialize=True): + super(Model, self).__init__() + self.encoder = Encoder(args, dataset) + if args.n_layers > 0: + self.decoder = Decoder(args) + else: + self.decoder = lambda x, *args: x # identity function, which ignores all arguments except the first one + + if args.graph_mode == "sequential": + self.head = SequentialHead(dataset, args, initialize) + elif args.graph_mode == "node-centric": + self.head = NodeCentricHead(dataset, args, initialize) + elif args.graph_mode == "labeled-edge": + self.head = LabeledEdgeHead(dataset, args, initialize) + + self.query_length = args.query_length + self.dataset = dataset + self.args = args + + def forward(self, batch, inference=False, **kwargs): + every_input, word_lens = batch["every_input"] + decoder_lens = self.query_length * word_lens + batch_size, input_len = every_input.size(0), every_input.size(1) + device = every_input.device + + encoder_mask = create_padding_mask(batch_size, input_len, word_lens, device) + decoder_mask = create_padding_mask(batch_size, self.query_length * input_len, decoder_lens, device) + + encoder_output, decoder_input = self.encoder(batch["input"], batch["char_form_input"], batch["input_scatter"], input_len) + + decoder_output = self.decoder(decoder_input, encoder_output, decoder_mask, encoder_mask) + + if inference: + return self.head.predict(encoder_output, decoder_output, encoder_mask, decoder_mask, batch) + else: + return self.head(encoder_output, decoder_output, encoder_mask, decoder_mask, batch) + + def get_params_for_optimizer(self, args): + encoder_decay, encoder_no_decay = self.get_encoder_parameters(args.n_encoder_layers) + decoder_decay, decoder_no_decay = self.get_decoder_parameters() + + parameters = [{"params": p, "weight_decay": args.encoder_weight_decay} for p in encoder_decay] + parameters += [{"params": p, "weight_decay": 0.0} for p in encoder_no_decay] + parameters += [ + {"params": decoder_decay, "weight_decay": args.decoder_weight_decay}, + {"params": decoder_no_decay, "weight_decay": 0.0}, + ] + return parameters + + def get_decoder_parameters(self): + no_decay = ["bias", "LayerNorm.weight", "_norm.weight"] + decay_params = (p for name, p in self.named_parameters() if not any(nd in name for nd in no_decay) and not name.startswith("encoder.bert") and p.requires_grad) + no_decay_params = (p for name, p in self.named_parameters() if any(nd in name for nd in no_decay) and not name.startswith("encoder.bert") and p.requires_grad) + + return decay_params, no_decay_params + + def get_encoder_parameters(self, n_layers): + no_decay = ["bias", "LayerNorm.weight", "_norm.weight"] + decay_params = [ + [p for name, p in self.named_parameters() if not any(nd in name for nd in no_decay) and name.startswith(f"encoder.bert.encoder.layer.{n_layers - 1 - i}.") and p.requires_grad] for i in range(n_layers) + ] + no_decay_params = [ + [p for name, p in self.named_parameters() if any(nd in name for nd in no_decay) and name.startswith(f"encoder.bert.encoder.layer.{n_layers - 1 - i}.") and p.requires_grad] for i in range(n_layers) + ] + + return decay_params, no_decay_params diff --git a/model/module/__init__.py b/model/module/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/model/module/anchor_classifier.py b/model/module/anchor_classifier.py new file mode 100644 index 0000000000000000000000000000000000000000..4e45c9cdc52ac28fddd6c7fa06841b9dbc76b636 --- /dev/null +++ b/model/module/anchor_classifier.py @@ -0,0 +1,32 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn +import torch.nn.functional as F +from model.module.biaffine import Biaffine + + +class AnchorClassifier(nn.Module): + def __init__(self, dataset, args, initialize: bool, bias=True, mode="anchor"): + super(AnchorClassifier, self).__init__() + + self.token_f = nn.Linear(args.hidden_size, args.hidden_size_anchor) + self.label_f = nn.Linear(args.hidden_size, args.hidden_size_anchor) + self.dropout = nn.Dropout(args.dropout_anchor) + + if bias and initialize: + bias_init = torch.tensor([getattr(dataset, f"{mode}_freq")]) + bias_init = (bias_init / (1.0 - bias_init)).log() + else: + bias_init = None + + self.output = Biaffine(args.hidden_size_anchor, 1, bias=bias, bias_init=bias_init) + + def forward(self, label, tokens, encoder_mask): + tokens = self.dropout(F.elu(self.token_f(tokens))) # shape: (B, T_w, H) + label = self.dropout(F.elu(self.label_f(label))) # shape: (B, T_l, H) + anchor = self.output(label, tokens).squeeze(-1) # shape: (B, T_l, T_w) + + anchor = anchor.masked_fill(encoder_mask.unsqueeze(1), float("-inf")) # shape: (B, T_l, T_w) + return anchor diff --git a/model/module/biaffine.py b/model/module/biaffine.py new file mode 100644 index 0000000000000000000000000000000000000000..5a2c9a3f13b9c2192db4d0de37fe6456a212ca41 --- /dev/null +++ b/model/module/biaffine.py @@ -0,0 +1,20 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch.nn as nn +from model.module.bilinear import Bilinear + + +class Biaffine(nn.Module): + def __init__(self, input_dim, output_dim, bias=True, bias_init=None): + super(Biaffine, self).__init__() + + self.linear_1 = nn.Linear(input_dim, output_dim, bias=False) + self.linear_2 = nn.Linear(input_dim, output_dim, bias=False) + + self.bilinear = Bilinear(input_dim, input_dim, output_dim, bias=bias) + if bias_init is not None: + self.bilinear.bias.data = bias_init + + def forward(self, x, y): + return self.bilinear(x, y) + self.linear_1(x).unsqueeze(2) + self.linear_2(y).unsqueeze(1) diff --git a/model/module/bilinear.py b/model/module/bilinear.py new file mode 100644 index 0000000000000000000000000000000000000000..fc5235016c400b4637c1513a67a38a627a877f71 --- /dev/null +++ b/model/module/bilinear.py @@ -0,0 +1,43 @@ +# from https://github.com/NLPInBLCU/BiaffineDependencyParsing/blob/master/modules/biaffine.py + +import torch +import torch.nn as nn + + +class Bilinear(nn.Module): + """ + 使用版本 + A bilinear module that deals with broadcasting for efficient memory usage. + Input: tensors of sizes (N x L1 x D1) and (N x L2 x D2) + Output: tensor of size (N x L1 x L2 x O)""" + + def __init__(self, input1_size, input2_size, output_size, bias=True): + super(Bilinear, self).__init__() + + self.input1_size = input1_size + self.input2_size = input2_size + self.output_size = output_size + + self.weight = nn.Parameter(torch.Tensor(input1_size, input2_size, output_size)) + self.bias = nn.Parameter(torch.Tensor(output_size)) if bias else None + + self.reset_parameters() + + def reset_parameters(self): + nn.init.zeros_(self.weight) + + def forward(self, input1, input2): + input1_size = list(input1.size()) + input2_size = list(input2.size()) + + intermediate = torch.mm(input1.view(-1, input1_size[-1]), self.weight.view(-1, self.input2_size * self.output_size),) + + input2 = input2.transpose(1, 2) + output = intermediate.view(input1_size[0], input1_size[1] * self.output_size, input2_size[2]).bmm(input2) + + output = output.view(input1_size[0], input1_size[1], self.output_size, input2_size[1]).transpose(2, 3) + + if self.bias is not None: + output = output + self.bias + + return output diff --git a/model/module/char_embedding.py b/model/module/char_embedding.py new file mode 100644 index 0000000000000000000000000000000000000000..0fede2df7929756a6753931c88d0ee9109665674 --- /dev/null +++ b/model/module/char_embedding.py @@ -0,0 +1,42 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch.nn as nn +import torch.nn.functional as F +from torch.nn.utils.rnn import PackedSequence, pack_padded_sequence, pad_packed_sequence + + +class CharEmbedding(nn.Module): + def __init__(self, vocab_size: int, embedding_size: int, output_size: int): + super(CharEmbedding, self).__init__() + + self.embedding = nn.Embedding(vocab_size, embedding_size, sparse=False) + self.layer_norm = nn.LayerNorm(embedding_size) + self.gru = nn.GRU(embedding_size, embedding_size, num_layers=1, bidirectional=True) + self.out_linear = nn.Linear(2*embedding_size, output_size) + self.layer_norm_2 = nn.LayerNorm(output_size) + + def forward(self, words, sentence_lens, word_lens): + # input shape: (B, W, C) + n_words = words.size(1) + sentence_lens = sentence_lens.cpu() + sentence_packed = pack_padded_sequence(words, sentence_lens, batch_first=True) # shape: (B*W, C) + lens_packed = pack_padded_sequence(word_lens, sentence_lens, batch_first=True) # shape: (B*W) + word_packed = pack_padded_sequence(sentence_packed.data, lens_packed.data.cpu(), batch_first=True, enforce_sorted=False) # shape: (B*W*C) + + embedded = self.embedding(word_packed.data) # shape: (B*W*C, D) + embedded = self.layer_norm(embedded) # shape: (B*W*C, D) + + embedded_packed = PackedSequence(embedded, word_packed[1], word_packed[2], word_packed[3]) + _, embedded = self.gru(embedded_packed) # shape: (layers * 2, B*W, D) + + embedded = embedded[-2:, :, :].transpose(0, 1).flatten(1, 2) # shape: (B*W, 2*D) + embedded = F.relu(embedded) + embedded = self.out_linear(embedded) + embedded = self.layer_norm_2(embedded) + + embedded, _ = pad_packed_sequence( + PackedSequence(embedded, sentence_packed[1], sentence_packed[2], sentence_packed[3]), batch_first=True, total_length=n_words, + ) # shape: (B, W, 2*D) + + return embedded # shape: (B, W, 2*D) diff --git a/model/module/edge_classifier.py b/model/module/edge_classifier.py new file mode 100644 index 0000000000000000000000000000000000000000..2670a7536d035823584921c1196f98c92963329f --- /dev/null +++ b/model/module/edge_classifier.py @@ -0,0 +1,56 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn +import torch.nn.functional as F +from model.module.biaffine import Biaffine + + +class EdgeClassifier(nn.Module): + def __init__(self, dataset, args, initialize: bool, presence: bool, label: bool): + super(EdgeClassifier, self).__init__() + + self.presence = presence + if self.presence: + if initialize: + presence_init = torch.tensor([dataset.edge_presence_freq]) + presence_init = (presence_init / (1.0 - presence_init)).log() + else: + presence_init = None + + self.edge_presence = EdgeBiaffine( + args.hidden_size, args.hidden_size_edge_presence, 1, args.dropout_edge_presence, bias_init=presence_init + ) + + self.label = label + if self.label: + label_init = (dataset.edge_label_freqs / (1.0 - dataset.edge_label_freqs)).log() if initialize else None + n_labels = len(dataset.edge_label_field.vocab) + self.edge_label = EdgeBiaffine( + args.hidden_size, args.hidden_size_edge_label, n_labels, args.dropout_edge_label, bias_init=label_init + ) + + def forward(self, x): + presence, label = None, None + + if self.presence: + presence = self.edge_presence(x).squeeze(-1) # shape: (B, T, T) + if self.label: + label = self.edge_label(x) # shape: (B, T, T, O_1) + + return presence, label + + +class EdgeBiaffine(nn.Module): + def __init__(self, hidden_dim, bottleneck_dim, output_dim, dropout, bias_init=None): + super(EdgeBiaffine, self).__init__() + self.hidden = nn.Linear(hidden_dim, 2 * bottleneck_dim) + self.output = Biaffine(bottleneck_dim, output_dim, bias_init=bias_init) + self.dropout = nn.Dropout(dropout) + + def forward(self, x): + x = self.dropout(F.elu(self.hidden(x))) # shape: (B, T, 2H) + predecessors, current = x.chunk(2, dim=-1) # shape: (B, T, H), (B, T, H) + edge = self.output(current, predecessors) # shape: (B, T, T, O) + return edge diff --git a/model/module/encoder.py b/model/module/encoder.py new file mode 100644 index 0000000000000000000000000000000000000000..1cf352886a616a1f3a4b150609ff726cb9ea6c09 --- /dev/null +++ b/model/module/encoder.py @@ -0,0 +1,95 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import math + +import torch +import torch.nn as nn +import torch.nn.functional as F + +from transformers import AutoModel +from model.module.char_embedding import CharEmbedding + + +class WordDropout(nn.Dropout): + def forward(self, input_tensor): + if self.p == 0: + return input_tensor + + ones = input_tensor.new_ones(input_tensor.shape[:-1]) + dropout_mask = torch.nn.functional.dropout(ones, self.p, self.training, inplace=False) + + return dropout_mask.unsqueeze(-1) * input_tensor + + +class Encoder(nn.Module): + def __init__(self, args, dataset): + super(Encoder, self).__init__() + + self.dim = args.hidden_size + self.n_layers = args.n_encoder_layers + self.width_factor = args.query_length + + self.bert = AutoModel.from_pretrained(args.encoder, add_pooling_layer=False) + # self.bert._set_gradient_checkpointing(self.bert.encoder, value=True) + if args.encoder_freeze_embedding: + self.bert.embeddings.requires_grad_(False) + self.bert.embeddings.LayerNorm.requires_grad_(True) + + if args.freeze_bert: + self.bert.requires_grad_(False) + + self.use_char_embedding = args.char_embedding + if self.use_char_embedding: + self.form_char_embedding = CharEmbedding(dataset.char_form_vocab_size, args.char_embedding_size, self.dim) + self.word_dropout = WordDropout(args.dropout_word) + + self.post_layer_norm = nn.LayerNorm(self.dim) + self.subword_attention = nn.Linear(self.dim, 1) + + if self.width_factor > 1: + self.query_generator = nn.Linear(self.dim, self.dim * self.width_factor) + else: + self.query_generator = nn.Identity() + + self.encoded_layer_norm = nn.LayerNorm(self.dim) + self.scores = nn.Parameter(torch.zeros(self.n_layers, 1, 1, 1), requires_grad=True) + + def forward(self, bert_input, form_chars, to_scatter, n_words): + tokens, mask = bert_input + batch_size = tokens.size(0) + + encoded = self.bert(tokens, attention_mask=mask, output_hidden_states=True).hidden_states[1:] + encoded = torch.stack(encoded, dim=0) # shape: (12, B, T, H) + encoded = self.encoded_layer_norm(encoded) + + if self.training: + time_len = encoded.size(2) + scores = self.scores.expand(-1, batch_size, time_len, -1) + dropout = torch.empty(self.n_layers, batch_size, 1, 1, dtype=torch.bool, device=self.scores.device) + dropout.bernoulli_(0.1) + scores = scores.masked_fill(dropout, float("-inf")) + else: + scores = self.scores + + scores = F.softmax(scores, dim=0) + encoded = (scores * encoded).sum(0) # shape: (B, T, H) + encoded = encoded.masked_fill(mask.unsqueeze(-1) == 0, 0.0) # shape: (B, T, H) + + subword_attention = self.subword_attention(encoded) / math.sqrt(self.dim) # shape: (B, T, 1) + subword_attention = subword_attention.expand_as(to_scatter) # shape: (B, T_subword, T_word) + subword_attention = subword_attention.masked_fill(to_scatter == 0, float("-inf")) # shape: (B, T_subword, T_word) + subword_attention = torch.softmax(subword_attention, dim=1) # shape: (B, T_subword, T_word) + subword_attention = subword_attention.masked_fill(to_scatter.sum(1, keepdim=True) == 0, value=0.0) # shape: (B, T_subword, T_word) + + encoder_output = torch.einsum("bsd,bsw->bwd", encoded, subword_attention) + encoder_output = self.post_layer_norm(encoder_output) + + if self.use_char_embedding: + form_char_embedding = self.form_char_embedding(form_chars[0], form_chars[1], form_chars[2]) + encoder_output = self.word_dropout(encoder_output) + form_char_embedding + + decoder_input = self.query_generator(encoder_output) + decoder_input = decoder_input.view(batch_size, -1, self.width_factor, self.dim).flatten(1, 2) # shape: (B, T*Q, D) + + return encoder_output, decoder_input diff --git a/model/module/transformer.py b/model/module/transformer.py new file mode 100644 index 0000000000000000000000000000000000000000..301ff362e9df7bfd3cb2ae297728fb60a949c90a --- /dev/null +++ b/model/module/transformer.py @@ -0,0 +1,84 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn + + +def checkpoint(module, *args, **kwargs): + dummy = torch.empty(1, requires_grad=True) + return torch.utils.checkpoint.checkpoint(lambda d, *a, **k: module(*a, **k), dummy, *args, **kwargs) + + +class Attention(nn.Module): + def __init__(self, args): + super().__init__() + self.attention = nn.MultiheadAttention(args.hidden_size, args.n_attention_heads, args.dropout_transformer_attention) + self.dropout = nn.Dropout(args.dropout_transformer) + + def forward(self, q_input, kv_input, mask=None): + output, _ = self.attention(q_input, kv_input, kv_input, mask, need_weights=False) + output = self.dropout(output) + return output + + +class FeedForward(nn.Module): + def __init__(self, args): + super().__init__() + self.f = nn.Sequential( + nn.Linear(args.hidden_size, args.hidden_size_ff), + self._get_activation_f(args.activation), + nn.Dropout(args.dropout_transformer), + nn.Linear(args.hidden_size_ff, args.hidden_size), + nn.Dropout(args.dropout_transformer), + ) + + def forward(self, x): + return self.f(x) + + def _get_activation_f(self, activation: str): + return {"relu": nn.ReLU, "gelu": nn.GELU}[activation]() + + +class DecoderLayer(nn.Module): + def __init__(self, args): + super().__init__() + self.self_f = Attention(args) + #self.cross_f = Attention(args) + self.feedforward_f = FeedForward(args) + + self.pre_self_norm = nn.LayerNorm(args.hidden_size) if args.pre_norm else nn.Identity() + #self.pre_cross_norm = nn.LayerNorm(args.hidden_size) if args.pre_norm else nn.Identity() + self.pre_feedforward_norm = nn.LayerNorm(args.hidden_size) if args.pre_norm else nn.Identity() + self.post_self_norm = nn.Identity() if args.pre_norm else nn.LayerNorm(args.hidden_size) + #self.post_cross_norm = nn.Identity() if args.pre_norm else nn.LayerNorm(args.hidden_size) + self.post_feedforward_norm = nn.Identity() if args.pre_norm else nn.LayerNorm(args.hidden_size) + + def forward(self, x, encoder_output, x_mask, encoder_mask): + x_ = self.pre_self_norm(x) + x = self.post_self_norm(x + self.self_f(x_, x_, x_mask)) + + #x_ = self.pre_cross_norm(x) + #x = self.post_cross_norm(x + self.cross_f(x_, encoder_output, encoder_mask)) + + x_ = self.pre_feedforward_norm(x) + x = self.post_feedforward_norm(x + self.feedforward_f(x_)) + + return x + + +class Decoder(nn.Module): + def __init__(self, args): + super(Decoder, self).__init__() + self.layers = nn.ModuleList([DecoderLayer(args) for _ in range(args.n_layers)]) + + def forward(self, target, encoder, target_mask, encoder_mask): + target = target.transpose(0, 1) # shape: (T, B, D) + encoder = encoder.transpose(0, 1) # shape: (T, B, D) + + for layer in self.layers[:-1]: + target = checkpoint(layer, target, encoder, target_mask, encoder_mask) + target = self.layers[-1](target, encoder, target_mask, encoder_mask) # don't checkpoint due to grad_norm + target = target.transpose(0, 1) # shape: (B, T, D) + + return target diff --git a/mtool/.appveyor.yml b/mtool/.appveyor.yml new file mode 100644 index 0000000000000000000000000000000000000000..c6cb35ed37bddd9ddd29100c55a17411e393168d --- /dev/null +++ b/mtool/.appveyor.yml @@ -0,0 +1,30 @@ +environment: + PYTHON: C:\Python37-x64 + matrix: + - TEST: "score dm.edm.json" + - TEST: "score eds.edm.json" + - TEST: "score eds.smatch.json" + - TEST: "score eds.mrp.json" + - TEST: "score dm.sdp.json" + - TEST: "score ucca.ucca.json" + - TEST: "score ucca.smatch.json" + - TEST: "score ucca.mrp.json" + - TEST: "score test.smatch.json" + - TEST: "score coli.smatch.json" + - TEST: "score coli.mrp.json" + - TEST: "score unit" + - TEST: "sample all" + - TEST: "validate all" + +init: +- cmd: choco install make +- set PATH=%PYTHON%;%PYTHON%\Scripts;%PATH% +- cmd: copy %PYTHON%\python.exe %PYTHON%\python3.exe + +install: +- pip install . + +build: off + +test_script: +- make -C data/%TEST% diff --git a/mtool/.travis.yml b/mtool/.travis.yml new file mode 100644 index 0000000000000000000000000000000000000000..964646ef027316c376cc3ea67e3a52af41671913 --- /dev/null +++ b/mtool/.travis.yml @@ -0,0 +1,23 @@ +dist: trusty +sudo: false +group: edge +language: python +python: 3.6 +install: pip install . +env: + - TEST="score dm.edm.json" + - TEST="score eds.edm.json" + - TEST="score eds.smatch.json" + - TEST="score eds.mrp.json" + - TEST="score dm.sdp.json" + - TEST="score ucca.ucca.json" + - TEST="score ucca.smatch.json" + - TEST="score ucca.mrp.json" + - TEST="score test.smatch.json" + - TEST="score coli.smatch.json" + - TEST="score coli.mrp.json" + - TEST="score unit" + - TEST="sample all" + - TEST="validate all" +script: + - make -C data/$TEST diff --git a/mtool/LICENSE b/mtool/LICENSE new file mode 100644 index 0000000000000000000000000000000000000000..0a041280bd00a9d068f503b8ee7ce35214bd24a1 --- /dev/null +++ b/mtool/LICENSE @@ -0,0 +1,165 @@ + GNU LESSER GENERAL PUBLIC LICENSE + Version 3, 29 June 2007 + + Copyright (C) 2007 Free Software Foundation, Inc. + Everyone is permitted to copy and distribute verbatim copies + of this license document, but changing it is not allowed. + + + This version of the GNU Lesser General Public License incorporates +the terms and conditions of version 3 of the GNU General Public +License, supplemented by the additional permissions listed below. + + 0. Additional Definitions. + + As used herein, "this License" refers to version 3 of the GNU Lesser +General Public License, and the "GNU GPL" refers to version 3 of the GNU +General Public License. + + "The Library" refers to a covered work governed by this License, +other than an Application or a Combined Work as defined below. + + An "Application" is any work that makes use of an interface provided +by the Library, but which is not otherwise based on the Library. +Defining a subclass of a class defined by the Library is deemed a mode +of using an interface provided by the Library. + + A "Combined Work" is a work produced by combining or linking an +Application with the Library. The particular version of the Library +with which the Combined Work was made is also called the "Linked +Version". + + The "Minimal Corresponding Source" for a Combined Work means the +Corresponding Source for the Combined Work, excluding any source code +for portions of the Combined Work that, considered in isolation, are +based on the Application, and not on the Linked Version. + + The "Corresponding Application Code" for a Combined Work means the +object code and/or source code for the Application, including any data +and utility programs needed for reproducing the Combined Work from the +Application, but excluding the System Libraries of the Combined Work. + + 1. Exception to Section 3 of the GNU GPL. + + You may convey a covered work under sections 3 and 4 of this License +without being bound by section 3 of the GNU GPL. + + 2. Conveying Modified Versions. + + If you modify a copy of the Library, and, in your modifications, a +facility refers to a function or data to be supplied by an Application +that uses the facility (other than as an argument passed when the +facility is invoked), then you may convey a copy of the modified +version: + + a) under this License, provided that you make a good faith effort to + ensure that, in the event an Application does not supply the + function or data, the facility still operates, and performs + whatever part of its purpose remains meaningful, or + + b) under the GNU GPL, with none of the additional permissions of + this License applicable to that copy. + + 3. Object Code Incorporating Material from Library Header Files. + + The object code form of an Application may incorporate material from +a header file that is part of the Library. You may convey such object +code under terms of your choice, provided that, if the incorporated +material is not limited to numerical parameters, data structure +layouts and accessors, or small macros, inline functions and templates +(ten or fewer lines in length), you do both of the following: + + a) Give prominent notice with each copy of the object code that the + Library is used in it and that the Library and its use are + covered by this License. + + b) Accompany the object code with a copy of the GNU GPL and this license + document. + + 4. Combined Works. + + You may convey a Combined Work under terms of your choice that, +taken together, effectively do not restrict modification of the +portions of the Library contained in the Combined Work and reverse +engineering for debugging such modifications, if you also do each of +the following: + + a) Give prominent notice with each copy of the Combined Work that + the Library is used in it and that the Library and its use are + covered by this License. + + b) Accompany the Combined Work with a copy of the GNU GPL and this license + document. + + c) For a Combined Work that displays copyright notices during + execution, include the copyright notice for the Library among + these notices, as well as a reference directing the user to the + copies of the GNU GPL and this license document. + + d) Do one of the following: + + 0) Convey the Minimal Corresponding Source under the terms of this + License, and the Corresponding Application Code in a form + suitable for, and under terms that permit, the user to + recombine or relink the Application with a modified version of + the Linked Version to produce a modified Combined Work, in the + manner specified by section 6 of the GNU GPL for conveying + Corresponding Source. + + 1) Use a suitable shared library mechanism for linking with the + Library. A suitable mechanism is one that (a) uses at run time + a copy of the Library already present on the user's computer + system, and (b) will operate properly with a modified version + of the Library that is interface-compatible with the Linked + Version. + + e) Provide Installation Information, but only if you would otherwise + be required to provide such information under section 6 of the + GNU GPL, and only to the extent that such information is + necessary to install and execute a modified version of the + Combined Work produced by recombining or relinking the + Application with a modified version of the Linked Version. (If + you use option 4d0, the Installation Information must accompany + the Minimal Corresponding Source and Corresponding Application + Code. If you use option 4d1, you must provide the Installation + Information in the manner specified by section 6 of the GNU GPL + for conveying Corresponding Source.) + + 5. Combined Libraries. + + You may place library facilities that are a work based on the +Library side by side in a single library together with other library +facilities that are not Applications and are not covered by this +License, and convey such a combined library under terms of your +choice, if you do both of the following: + + a) Accompany the combined library with a copy of the same work based + on the Library, uncombined with any other library facilities, + conveyed under the terms of this License. + + b) Give prominent notice with the combined library that part of it + is a work based on the Library, and explaining where to find the + accompanying uncombined form of the same work. + + 6. Revised Versions of the GNU Lesser General Public License. + + The Free Software Foundation may publish revised and/or new versions +of the GNU Lesser General Public License from time to time. Such new +versions will be similar in spirit to the present version, but may +differ in detail to address new problems or concerns. + + Each version is given a distinguishing version number. If the +Library as you received it specifies that a certain numbered version +of the GNU Lesser General Public License "or any later version" +applies to it, you have the option of following the terms and +conditions either of that published version or of any later version +published by the Free Software Foundation. If the Library as you +received it does not specify a version number of the GNU Lesser +General Public License, you may choose any version of the GNU Lesser +General Public License ever published by the Free Software Foundation. + + If the Library as you received it specifies that a proxy can decide +whether future versions of the GNU Lesser General Public License shall +apply, that proxy's public statement of acceptance of any version is +permanent authorization for you to choose that version for the +Library. diff --git a/mtool/Makefile b/mtool/Makefile new file mode 100644 index 0000000000000000000000000000000000000000..98a92207a7063003d090dc64d608ebdd86b77f34 --- /dev/null +++ b/mtool/Makefile @@ -0,0 +1,15 @@ +.PHONY: history regression + +history: + git log --pretty=tformat:"%H %ae %ai %s" -- score/mces.py + +regression: + [ -d etc ] || mkdir etc; \ + [ -d tmp ] || mkdir tmp; \ + for i in $$(awk '{print $$1}' data/score/revisions.txt); do \ + [ -d etc/$${i} ] || mkdir etc/$${i}; \ + ( cd tmp; \ + [ -d $${i} ] || git clone git@github.com:cfmrp/mtool.git $${i}; \ + cd $${i}; git checkout $${i}; \ + cd data/score; sbatch ../../../../data/score/test.slurm; ) \ + done diff --git a/mtool/README.md b/mtool/README.md new file mode 100644 index 0000000000000000000000000000000000000000..6004464e4bd9a5e638755e95be74853c490de801 --- /dev/null +++ b/mtool/README.md @@ -0,0 +1,268 @@ +mtool +===== + + **The Swiss Army Knife of Meaning Representation** + +This repository provides software to support participants in the +shared tasks on [Meaning Representation Parsing (MRP)](http://mrp.nlpl.eu) +at the +[2019](http://www.conll.org/2019) and +[2020 Conference on Computational Natural Language Learning](http://www.conll.org/2020) (CoNLL). + +Please see the above task web site for additional background. + +Scoring +------- + +`mtool` implements the official MRP 2019 cross-framwork metric, as well as +a range of framework-specific graph similarity metrics, viz. + ++ MRP (Maximum Common Edge Subgraph Isomorphism); ++ EDM (Elementary Dependency Match; [Dridan & Oepen, 2011](http://aclweb.org/anthology/W/W11/W11-2927.pdf)); ++ SDP Labeled and Unlabeled Dependency F1 ([Oepen et al., 2015](http://aclweb.org/anthology/S/S14/S14-2008.pdf)); ++ SMATCH Precision, Recall, and F1 ([Cai & Knight, 2013](http://www.aclweb.org/anthology/P13-2131)); ++ UCCA Labeled and Unlabeled Dependency F1 ([Hershcovich et al., 2019](https://www.aclweb.org/anthology/S19-2001)). + +The ‘official’ cross-framework metric for the MRP 2019 shared task is a generalization +of the framework-specific metrics, considering all applicable ‘pieces of information’ (i.e. +tuples representing basic structural elements) for each framework: + +1. top nodes; +2. node labels; +3. node properties; +4. node anchoring; +5. directed edges; +6. edge labels; and +7. edge attributes. + +When comparing two graphs, node-to-node correspondences need to be established (via a +potentially approximative search) to maximize the aggregate, unweighted score of all of the tuple +types that apply for each specific framework. +Directed edges and edge labels, however, are always considered in conjunction during +this search. +``` +./main.py --read mrp --score mrp --gold data/sample/eds/wsj.mrp data/score/eds/wsj.pet.mrp +{"n": 87, + "tops": {"g": 87, "s": 87, "c": 85, "p": 0.9770114942528736, "r": 0.9770114942528736, "f": 0.9770114942528736}, + "labels": {"g": 2500, "s": 2508, "c": 2455, "p": 0.9788676236044657, "r": 0.982, "f": 0.9804313099041533}, + "properties": {"g": 262, "s": 261, "c": 257, "p": 0.9846743295019157, "r": 0.9809160305343512, "f": 0.982791586998088}, + "anchors": {"g": 2500, "s": 2508, "c": 2430, "p": 0.9688995215311005, "r": 0.972, "f": 0.9704472843450479}, + "edges": {"g": 2432, "s": 2439, "c": 2319, "p": 0.95079950799508, "r": 0.9535361842105263, "f": 0.952165879696161}, + "attributes": {"g": 0, "s": 0, "c": 0, "p": 0.0, "r": 0.0, "f": 0.0}, + "all": {"g": 7781, "s": 7803, "c": 7546, "p": 0.9670639497629117, "r": 0.9697982264490426, "f": 0.9684291581108829}} +``` +Albeit originally defined for one specific framework (EDS, DM and PSD, AMR, or UCCA, respectively), +the pre-MRP metrics are to some degree applicable to other frameworks too: the unified MRP representation +of semantic graphs enables such cross-framework application, in principle, but this functionality +remains largely untested (as of June 2019). + +The `Makefile` in the `data/score/` sub-directory shows some example calls for the MRP scorer. +As appropriate (e.g. for comparison to third-party results), it is possible to score graphs in +each framework using its ‘own’ metric, for example (for AMR and UCCA, respectively): +``` +./main.py --read mrp --score smatch --gold data/score/amr/test1.mrp data/score/amr/test2.mrp +{"n": 3, "g": 30, "s": 29, "c": 24, "p": 0.8, "r": 0.8275862068965517, "f": 0.8135593220338982} +``` + +``` +./main.py --read mrp --score ucca --gold data/score/ucca/ewt.gold.mrp data/score/ucca/ewt.tupa.mrp +{"n": 3757, + "labeled": + {"primary": {"g": 63720, "s": 62876, "c": 38195, + "p": 0.6074654876264394, "r": 0.5994193345888261, "f": 0.6034155897500711}, + "remote": {"g": 2673, "s": 1259, "c": 581, + "p": 0.4614773629864972, "r": 0.21735877291432848, "f": 0.2955239064089522}}, + "unlabeled": + {"primary": {"g": 56114, "s": 55761, "c": 52522, + "p": 0.9419128064417783, "r": 0.9359874541112735, "f": 0.938940782122905}, + "remote": {"g": 2629, "s": 1248, "c": 595, + "p": 0.47676282051282054, "r": 0.22632179535945227, "f": 0.3069383543977302}}} +``` + +For all scorers, the `--trace` command-line option will enable per-item scores in the result +(indexed by frameworks and graph identifiers). +For MRP and SMATCH, the `--limit` option controls the maximum node pairing steps or +hill-climbing iterations, respectively, to attempt during the search (with defaults `500000` +and `20`, respectively). +As of early July, 2019, the search for none-to-node correspondences in the MRP metric can be +initialized from the result of the random-restart hill-climbing (RRHC) search from SMATCH. +This initialization is on by default; it increases running time of the MRP scorer but yields +a guarantee that the `"all"` counts of matching tuples in MRP will always be at least as +high as the number of `"c"`(orrect) tuples identified by SMATCH. +To control the two search steps in MRP computation separately, the `--limit` option can +take a colon-separated pair of integers, for example `5:100000` for five hill-climbing +iterations and up to 100,000 node pairing steps. +Note that multi-valued use of the `--limit` option is only meaningful in conjunction +with the MRP metric, and that setting either of the two values to `0` will disable the +corresponding search component. +Finally, the MRP scorer can parallelize evaluation: an option like `--cores 8` (on +suitable hardware) will run eight `mtool` processes in parallel, which should reduce +scoring time substantially. + +Analytics +--------- + +[Kuhlmann & Oepen (2016)](http://www.mitpressjournals.org/doi/pdf/10.1162/COLI_a_00268) discuss a range of structural graph statistics; `mtool` integrates their original code, e.g. +``` +./main.py --read mrp --analyze data/sample/amr/wsj.mrp +(01) number of graphs 87 +(02) number of edge labels 52 +(03) \percentgraph\ trees 51.72 +(04) \percentgraph\ treewidth one 51.72 +(05) average treewidth 1.494 +(06) maximal treewidth 3 +(07) average edge density 1.050 +(08) \percentnode\ reentrant 4.24 +(09) \percentgraph\ cyclic 13.79 +(10) \percentgraph\ not connected 0.00 +(11) \percentgraph\ multi-rooted 0.00 +(12) percentage of non-top roots 0.00 +(13) average edge length -- +(14) \percentgraph\ noncrossing -- +(15) \percentgraph\ pagenumber two -- +``` + +Validation +---------- + +`mtool` can test high-level wellformedness and (superficial) plausiblity of MRP +graphs through its emerging `--validate` option. +The MRP validator continues to evolve, but the following is indicative of its +functionality: +``` +./main.py --read mrp --validate all data/validate/eds/wsj.mrp +validate(): graph ‘20001001’: missing or invalid ‘input’ property +validate(): graph ‘20001001’; node #0: missing or invalid label +validate(): graph ‘20001001’; node #1: missing or invalid label +validate(): graph ‘20001001’; node #3: missing or invalid anchoring +validate(): graph ‘20001001’; node #6: invalid ‘anchors’ value: [{'from': 15, 'to': 23}, {'from': 15, 'to': 23}] +validate(): graph ‘20001001’; node #7: invalid ‘anchors’ value: [{'form': 15, 'to': 17}] +``` + +Conversion +---------- + +Among its options for format coversion, `mtool` supports output of graphs to the +[DOT language](https://www.graphviz.org/documentation/) for graph visualization, e.g. +``` +./main.py --id 20001001 --read mrp --write dot data/sample/eds/wsj.mrp 20001001.dot +dot -Tpdf 20001001.dot > 20001001.pdf +``` +When converting from token-based file formats that may lack either the underlying +‘raw’ input string, character-based anchoring, or both, the `--text` command-line +option will enable recovery of inputs and attempt to determine anchoring. +Its argument must be a file containing pairs of identifiers and input strings, one +per line, separated by a tabulator, e.g. +``` +./main.py --id 20012005 --text data/sample/wsj.txt --read dm --write dot data/sample/psd/wsj.sdp 20012005.dot +``` +For increased readability, the `--ids` option will include MRP node identifiers +in graph rendering, and the `--strings` option can replace character-based +anchors with the corresponding sub-string from the `input` field of the graph +(currently only for the DOT output format), e.g. +``` +./main.py --n 1 --strings --read mrp --write dot data/sample/ucca/wsj.mrp vinken.dot +``` + +Diagnostics +-------------- + +When scoring with the MRP metric, `mtool` can optionally provide a per-item +breakdown of differences between the gold and the system graphs, i.e. record +false negatives (‘missing’ tuples) and false positives (‘surplus’ ones). +This functionality is activated via the `--errors` command-line option, and +tuple mismatches between the two graphs are recorded as a hierarchically +nested JSON object, indexed (in order) by framework, item identifier, and tuple +type. + +For example: +``` +./main.py --read mrp --score mrp --framework eds --gold data/score/lpps.mrp --errors errors.json data/score/eds/lpps.peking.mrp +``` +For the first EDS item (`#102990`) in this comparison, `errors.json` will +contain a sub-structure like the following: +``` +{"correspondences": [[0, 0], [1, 1], [2, 3], [3, 4], [4, 5], [5, 6], [6, 7], [7, 8], [8, 9], [9, 10], [10, 11], + [11, 12], [12, 13], [13, 15], [14, 16], [15, 17], [16, 14], [17, 18], [18, 19], [19, 20]], + "labels": {"missing": [[2, "_very+much_a_1"]], + "surplus": [[3, "_much_x_deg"], [2, "_very_x_deg"]]}, + "anchors": {"missing": [[2, [6, 7, 8, 9, 11, 12, 13, 14]]], + "surplus": [[2, [6, 7, 8, 9]], [3, [11, 12, 13, 14]]]}, + "edges": {"surplus": [[2, 3, "arg1"]]}} +``` +When interpreting this structure, there are (of course) two separate spaces of +node identifiers; the `correspondences` vector records the (optimal) +node-to-node relation found by the MRP scorer, pairing identifiers from the +*gold* graph with corresponding identifiers in the *system* graph. +In the above, for example, gold node `#2` corresponds to system node `#3`, +and there is a spurious node `#2` in the example system graph, which +does not correspond to any of the gold nodes. +Node identifiers in `"missing"` entries refer to gold nodes, whereas +identifiers in `"surplus"` entries refer to the system graph, and they may +or may not stand in a correspondence relation to a gold node. + +The differences between these two graphs can be visualized as follows, color-coding +false negatives in red, and false positives in blue +(and using gold identifiers, where available). + +![sample visualization](https://github.com/cfmrp/mtool/blob/master/data/score/eds/lpps.102990.png) + +Common Options +-------------- + +The `--read` and `--write` command-line options determine the input and output +codecs to use. +Valid input arguments include `mrp`, `amr`, `ccd`, `dm`, `eds`, `pas`, `psd`, `ud`, `eud`, +and `ucca`; note that some of these formats are only [partially supported](https://github.com/cfmrp/mtool/issues). +The range of supported output codecs includes `mrp`, `dot`, or `txt`. + +The optional `--id`, `--i`, or `--n` options control which graph(s) +from the input file(s) to process, selecting either by identifier, by (zero-based) +position into the sequence of graphs read from the file, or using the first _n_ +graphs. +These options cannot be combined with each other and take precendence over each +other in the above order. + +Another way of selecting only a subset of graphs (from both the gold and +system inputs) is the `--framework` option, which will limit the selection +to graphs with matching `"framework"` values. +Finally, the `--unique` option will discard graphs with multiple occurences +of the same identifier, keeping only the first occurence from the input stream. + +Most top-level graph properties (`"id"`, `"time"`, `"source"`, `"provenance"`, +`"language"`, `"flavor"`, `"framework"`, `"targets"`, `"input"`) can be set +(or destructively overwritten, upon completion of input processing) using the +`--inject` option, which takes as its argument a JSON object, e.g. +``` +./main.py --text wsj.txt --read eds \ + --inject '{"source": "wsj", "provenance": "Redwoods Ninth Growth (ERG 1214)"}' \ + --write mrp wsj.eds wsj.mrp +``` + +Installation +------------ + +You can install `mtool` via `pip` with the following command: + +``` +pip install git+https://github.com/cfmrp/mtool.git#egg=mtool +``` + +Authors +------- + ++ Daniel Hershcovich (@danielhers) ++ Marco Kuhlmann (@khlmnn) ++ Stephan Oepen (@oepen) ++ Tim O'Gorman (@timjogorman) + +Contributors +------------ + ++ Yuta Koreeda (@koreyou) ++ Matthias Lindemann (@namednil) ++ Hiroaki Ozaki (@taryou) ++ Milan Straka (@foxik) + +[![Build Status (Travis CI)](https://travis-ci.org/cfmrp/mtool.svg?branch=master)](https://travis-ci.org/cfmrp/mtool) +[![Build Status (AppVeyor)](https://ci.appveyor.com/api/projects/status/github/cfmrp/mtool?svg=true)](https://ci.appveyor.com/project/danielh/mtool) diff --git a/mtool/analyzer.py b/mtool/analyzer.py new file mode 100644 index 0000000000000000000000000000000000000000..37cf66775629617bd104c4bdc50c9467576e023b --- /dev/null +++ b/mtool/analyzer.py @@ -0,0 +1,355 @@ +# GraphaLogue Analyzer +# Marco Kuhlmann + +import itertools +import statistics +import sys + +from graph import Graph +from treewidth import quickbb + + +class DepthFirstSearch(object): + + def __init__(self, graph, undirected=False): + self._graph = graph + self._undirected = undirected + + self._enter = dict() + self._leave = dict() + self.n_runs = 0 + + def compute_timestamps(node, timestamp): + self._enter[node] = next(timestamp) + for edge in self._graph.find_node(node).outgoing_edges: + if not edge.tgt in self._enter: + compute_timestamps(edge.tgt, timestamp) + if self._undirected: + for edge in self._graph.find_node(node).incoming_edges: + if not edge.src in self._enter: + compute_timestamps(edge.src, timestamp) + self._leave[node] = next(timestamp) + timestamp = itertools.count() + for node in self._graph.nodes: + if not node.id in self._enter: + compute_timestamps(node.id, timestamp) + self.n_runs += 1 + + def is_back_edge(self, edge): + return \ + self._enter[edge.tgt] < self._enter[edge.src] and \ + self._leave[edge.src] < self._leave[edge.tgt] + + +class InspectedGraph(object): + + def __init__(self, graph): + self.graph = graph + self.n_nodes = len(graph.nodes) + self.dfs = DepthFirstSearch(graph) + self.undirected_dfs = DepthFirstSearch(graph, undirected=True) + + def n_root_nodes(self): + return sum(1 for node in self.graph.nodes if node.is_root()) + + def n_leaf_nodes(self): + return sum(1 for node in self.graph.nodes if node.is_leaf()) + + def n_top_nodes(self): + return sum(1 for node in self.graph.nodes if node.is_top()) + + def n_singleton_nodes(self): + return sum(1 for node in self.graph.nodes if node.is_singleton()) + + def n_loops(self): + return sum(1 for edge in self.graph.edges if edge.is_loop()) + + def n_components(self): + return self.undirected_dfs.n_runs - self.n_singleton_nodes() + + def is_cyclic(self): + for edge in self.graph.edges: + if edge.is_loop() or self.dfs.is_back_edge(edge): + return True + return False + + def is_forest(self): + if self.is_cyclic(): + return False + else: + for node in self.graph.nodes: + if len(node.incoming_edges) > 1: + return False + return True + + def is_tree(self): + return self.is_forest() and self.n_components() == 1 + + def treewidth(self): + n_nodes = len(self.graph.nodes) - self.n_singleton_nodes() + if n_nodes <= 1: + return 1 + else: + undirected_graph = {} + for node in self.graph.nodes: + if not node.is_singleton(): + undirected_graph[node.id] = set() + for edge in self.graph.edges: + if not edge.is_loop(): + undirected_graph[edge.src].add(edge.tgt) + undirected_graph[edge.tgt].add(edge.src) + decomposition = quickbb(undirected_graph) + return max(1, max(len(u)-1 for u in decomposition)) + + def _crossing_pairs(self): + def endpoints(edge): + return (min(edge.src, edge.tgt), max(edge.src, edge.tgt)) + for edge1 in self.graph.edges: + min1, max1 = endpoints(edge1) + for edge2 in self.graph.edges: + min2, max2 = endpoints(edge2) + if min1 < min2 and min2 < max1 and max1 < max2: + yield (min1, max1), (min2, max2) + + def _crossing_edges(self): + crossing_edges = set() + for edge1, edge2 in self._crossing_pairs(): + crossing_edges.add(edge1) + crossing_edges.add(edge2) + return crossing_edges + + def is_noncrossing(self): + for _, _ in self._crossing_pairs(): + return False + return True + + def is_page2(self): + crossing_graph = {u: set() for u in self._crossing_edges()} + for edge1, edge2 in self._crossing_pairs(): + crossing_graph[edge1].add(edge2) + crossing_graph[edge2].add(edge1) + + # Tests whether the specified undirected graph is 2-colorable. + colors = {} + + def inner(node, color1, color2): + colors[node] = color1 + for neighbour in crossing_graph[node]: + if neighbour in colors: + if colors[neighbour] == color1: + return False + else: + inner(neighbour, color2, color1) + return True + + for node in crossing_graph: + if node not in colors: + if not inner(node, 0, 1): + return False + return True + + def density(self): + n_nodes = len(self.graph.nodes) - self.n_singleton_nodes() + if n_nodes <= 1: + return 1 + else: + n_edges = 0 + for edge in self.graph.edges: + if edge.src != edge.tgt: + n_edges += 1 + return n_edges / (n_nodes - 1) + + +PROPERTY_COUNTER = itertools.count(1) + + +def report(msg, val): + print("(%02d)\t%s\t%s" % (next(PROPERTY_COUNTER), msg, val)) + + +def analyze(graphs, ids=None): + ordered = False + n_graphs = 0 + n_graphs_noncrossing = 0 + n_graphs_has_top_node = 0 + n_graphs_multirooted = 0 + n_nodes = 0 + n_nodes_with_reentrancies = 0 + n_singletons = 0 + n_top_nodes = 0 + n_edges = 0 + n_labels = 0; + n_properties = 0; + n_anchors = 0; + n_attributes = 0; + n_loops = 0 + labels = set() + non_functional_labels = set() + n_cyclic = 0 + n_connected = 0 + n_forests = 0 + n_trees = 0 + n_graphs_page2 = 0 + acc_treewidth = 0 + n_roots_nontop = 0 + acc_density = 0.0 + max_treewidth = 0 + acc_edge_length = 0 + n_treewidth_one = 0 + treewidths = [] + for graph in graphs: + if ids and not graph.id in ids: + continue + + n_graphs += 1 + n_nodes += len(graph.nodes) + n_edges += len(graph.edges) + + for node in graph.nodes: + if node.label is not None: n_labels += 1; + if node.properties is not None and node.values is not None: + n_properties += len(node.properties); + if node.anchors is not None: n_anchors += 1; + for edge in graph.edges: + if edge.attributes is not None and edge.values is not None: + n_attributes += len(edge.attributes); + + inspected_graph = InspectedGraph(graph) + + treewidth = inspected_graph.treewidth() + + n_trees += inspected_graph.is_tree() + acc_density += inspected_graph.density() + + has_reentrancies = False + has_top_node = False + + n_loops += inspected_graph.n_loops() + + for edge in graph.edges: + if edge.lab is not None: labels.add(edge.lab) + for node in graph.nodes: + n_top_nodes += node.is_top + if node.is_top: + has_top_node = True + n_singletons += node.is_singleton() + if len(node.incoming_edges) > 1: + n_nodes_with_reentrancies += 1 + has_reentrancies = True + outgoing_labels = set() + for edge in node.outgoing_edges: + if edge.lab in outgoing_labels: + non_functional_labels.add(edge.lab) + else: + outgoing_labels.add(edge.lab) + if not node.is_singleton() and node.is_root() and not node.is_top: + n_roots_nontop += 1 + + n_cyclic += inspected_graph.is_cyclic() + n_connected += inspected_graph.n_components() == 1 + n_forests += inspected_graph.is_forest() + acc_treewidth += treewidth + max_treewidth = max(max_treewidth, treewidth) + n_treewidth_one += treewidth == 1 + treewidths.append(treewidth) + + if graph.flavor == 0: + ordered = True + n_graphs_noncrossing += inspected_graph.is_noncrossing() + n_graphs_page2 += inspected_graph.is_page2() + acc_edge_length += sum(edge.length() for edge in graph.edges) + else: + if ordered: + print( + "analyzer.py: cannot mix graphs of different flavors in one file; exit.", file=sys.stderr) + sys.exit(1) + + n_graphs_has_top_node += has_top_node + n_graphs_multirooted += inspected_graph.n_root_nodes() > 1 + + n_nonsingletons = n_nodes - n_singletons + + report("number of graphs", "%d" % n_graphs) + report("number of nodes", "%d" % n_nodes) + n_tuples = n_top_nodes + n_labels + n_properties + n_anchors + n_edges + n_attributes; + if n_tuples > 0: + report("number of tops (percentage)", + "{:d} ({:.2f})".format(n_top_nodes, 100 * n_top_nodes / n_tuples)); + report("number of node labels (percentage)", + "{:d} ({:.2f})".format(n_labels, 100 * n_labels / n_tuples)); + report("number of node properties (percentage)", + "{:d} ({:.2f})".format(n_properties, 100 * n_properties / n_tuples)); + report("number of node anchors (percentage)", + "{:d} ({:.2f})".format(n_anchors, 100 * n_anchors / n_tuples)); + report("number of edges (percentage)", + "{:d} ({:.2f})".format(n_edges, 100 * n_edges / n_tuples)); + report("number of edge attributes (percentage)", + "{:d} ({:.2f})".format(n_attributes, 100 * n_attributes / n_tuples)); + report("number of edge labels", "%d" % len(labels)) +# report("\\percentnode\\ singleton", "%.2f" % (100 * n_singletons / n_nodes)) +# report("\\percentnode\\ non-singleton", "%.2f" % (100 * n_nonsingletons / n_nodes)) + report("\\percentgraph\\ trees", "%.2f" % (100 * n_trees / n_graphs)) + report("\\percentgraph\\ treewidth one", "%.2f" % + (100 * n_treewidth_one / n_graphs)) + report("average treewidth", "%.3f" % (acc_treewidth / n_graphs)) +# report("median treewidth", "%d" % statistics.median(treewidths)) + report("maximal treewidth", "%d" % max_treewidth) +# report("edge density", "%.3f" % (n_edges / n_nonsingletons)) + report("average edge density", "%.3f" % (acc_density / n_graphs)) + report("\\percentnode\\ reentrant", "%.2f" % + (100 * n_nodes_with_reentrancies / n_nonsingletons)) +# report("labels", " ".join(sorted(labels))) +# report("functional labels", " ".join(sorted(labels - non_functional_labels))) +# report("non-functional labels", " ".join(sorted(non_functional_labels))) +# report("\\percentgraph\\ forests", "%.2f" % (100 * n_forests / n_graphs)) +# report("number of top nodes", "%d" % n_top_nodes) + report("\\percentgraph\\ cyclic", "%.2f" % (100 * n_cyclic / n_graphs)) +# report("number of self-loops", "%d" % n_loops) + report("\\percentgraph\\ not connected", "%.2f" % + (100 * (n_graphs - n_connected) / n_graphs)) +# report("\\percentgraph\\ without top", "%.2f" % (100 * (n_graphs - n_graphs_has_top_node) / n_graphs)) +# report("average top nodes per graph", "%.3f" % (n_top_nodes / n_graphs)) + report("\\percentgraph\\ multi-rooted", "%.2f" % + (100 * n_graphs_multirooted / n_graphs)) + report("percentage of non-top roots", "%.2f" % + (100 * n_roots_nontop / n_nonsingletons)) + if ordered: + report("average edge length", "%.3f" % (acc_edge_length / n_edges)) + report("\\percentgraph\\ noncrossing", "%.2f" % + (100 * n_graphs_noncrossing / n_graphs)) + report("\\percentgraph\\ pagenumber two", "%.2f" % + (100 * n_graphs_page2 / n_graphs)) + else: + report("average edge length", "--") + report("\\percentgraph\\ noncrossing", "--") + report("\\percentgraph\\ pagenumber two", "--") + + +def read_ids(file_name): + ids = set() + with open(file_name) as fp: + for line in fp: + ids.add(line.rstrip()) + return ids + + +def read_tokens(file_name): + with open(file_name) as fp: + for line in fp: + yield line.split() + + +def analyze_cmd(read_function, ordered=False): + import sys + ids = None + tokens = None + for arg in sys.argv[2:]: + x, y = tuple(arg.split(':')) + if x == 'ids': + print("Reading whitelisted IDs from %s" % y, file=sys.stderr) + ids = read_ids(y) + if x == 'tokens': + print("Reading tokens from %s" % y, file=sys.stderr) + tokens = read_tokens(y) + with open(sys.argv[1]) as fp: + analyze(read_function(fp), ordered=ordered, ids=ids, tokens=tokens) diff --git a/mtool/codec/__init__.py b/mtool/codec/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/mtool/codec/amr.py b/mtool/codec/amr.py new file mode 100644 index 0000000000000000000000000000000000000000..ff90e698542f32244bb112f581a8dab279ceee0a --- /dev/null +++ b/mtool/codec/amr.py @@ -0,0 +1,258 @@ +import re; +import sys; + +import codec.mrp; +from graph import Edge, Graph; +from smatch.amr import AMR; + +STASH = re.compile(r'__[0-9]+__'); +INDEX = re.compile(r'x([0-9]+)((:?_[0-9]+)*)'); + +def amr_lines(fp, camr, alignment): + id, snt, lines = None, None, []; + stash = dict(); + def _stash_(match): + prefix, constant, suffix = match.groups(); + fields = constant.split("/"); + if fields[0] in stash: + if stash[fields[0]][2] != fields[1]: + raise Exception("amr_lines(): " + "ambiguously defined constant in graph #{}, " + "‘{}’: ‘{}’ vs. ‘{}’; exit." + "".format(id, fields[0], + stash[fields[0]][2], fields[1])); + else: + stash[fields[0]] = (len(stash), fields[0], fields[1]); + return "{}__{}__{}".format(prefix, stash[fields[0]][0], suffix); + + alignment = read_alignment(alignment); + for line in fp: + line = line.strip(); + if len(line) == 0: + if len(lines) > 0: + i = mapping = None; + try: + i, mapping = next(alignment); + except Exception as error: + print("amr_lines(): missing alignment for graph #{}." + "".format(id), file = sys.stderr); + pass; + yield id, snt, " ".join(lines), stash.values(), \ + mapping if mapping is not None and i == id else None; + id, lines = None, []; stash.clear(); + else: + if line.startswith("#"): + if line.startswith("# ::id"): + id = line.split()[2]; + if line.startswith("# ::snt"): + snt = line[8:].strip(); + else: + if camr: + line = re.sub(r'((?:^|[ \t]):[^( ]+)\([^ \t]*\)([ \t]|$)', + "\\1\\2", line, count = 0); + line = re.sub(r'(^|[ \t])(x[0-9]+/[^ \t]+)([ \t]|$)', + _stash_, line, count = 0); + lines.append(line) + if len(lines) > 0: + i = mapping = None; + try: + i, mapping = next(alignment); + except: + print("amr_lines(): missing alignment for graph #{}." + "".format(id), file = sys.stderr); + pass; + yield id, snt, " ".join(lines), stash.values(), \ + mapping if mapping is not None and i == id else None; + +def read_alignment(stream): + if stream is None: + while True: yield None, None; + else: + id = None; + alignment = dict(); + for line in stream: + line = line.strip(); + if len(line) == 0: + yield id, alignment; + id = None; + alignment.clear(); + else: + if line.startswith("#"): + if line.startswith("# ::id"): + id = line.split()[2]; + else: + fields = line.split("\t"); + if len(fields) == 2: + start, end = fields[1].split("-"); + span = set(range(int(start), int(end) + 1)); + fields = fields[0].split(); + if len(fields) > 1 and fields[1].startswith(":"): + fields[1] = fields[1][1:]; + if fields[1] == "wiki": continue; + if fields[0] not in alignment: + alignment[fields[0]] = bucket = dict(); + else: bucket = alignment[fields[0]]; + path = tuple(fields[1:]); + if path not in bucket: bucket[path] = can = set(); + else: can = bucket[path]; + can |= span; + yield id, alignment; + +def amr2graph(id, amr, text, stash, camr = False, + full = False, reify = False, quiet = False, alignment = None): + graph = Graph(id, flavor = 2, framework = "amr"); + node2id = dict(); + anchoring = list(); + + i = 0; + def _anchor_(form): + nonlocal i; + m = None; + j = graph.input.find(form, i); + if j >= i: + i, m = j, len(form); + else: + base = form; + k, l = len(graph.input), 0; + for old, new in {("‘", "`"), ("‘", "'"), ("’", "'"), ("`", "'"), + ("“", "\""), ("”", "\""), + ("–", "--"), ("–", "---"), ("—", "---"), + ("…", "..."), ("…", ". . .")}: + form = base.replace(old, new); + j = graph.input.find(form, i); + if j >= i and j < k: k, l = j, len(form); + if k < len(graph.input): i, m = k, l; + if m: + match = {"from": i, "to": i + m}; + i += m; + return match; + else: + raise Exception("failed to anchor |{}| in |{}|{}| ({})" + "".format(form, graph.input[:i], + graph.input[i:], i)); + + if text: + graph.add_input(text, quiet = quiet); + if camr: + for token in graph.input.split(" "): + anchoring.append(_anchor_(token)); + i = 0; + for n, v, a in zip(amr.nodes, amr.node_values, amr.attributes): + j = i; + node2id[n] = j; + top = False; + for key, val in a: + if key == "TOP": + top = True; + anchors = find_anchors(n, anchoring) if camr else None; + node = graph.add_node(j, label = v, top = top, anchors = anchors); + i += 1 + for key, val in a: + if STASH.match(val) is not None: + index = int(val[2:-2]); + val = next(v for k, x, v in stash if k == index); + if key != "TOP" and (key not in {"wiki"} or full): + if val.endswith("¦"): + val = val[:-1]; + if reify: + graph.add_node(i, label = val); + graph.add_edge(j, i, key); + i += 1 + else: + # + # _fix_me_ + # this assumes that properties are unique. (1-apr-20; oe) + # + node.set_property(key.lower(), str(val).lower()); + + for src, r in zip(amr.nodes, amr.relations): + for label, tgt in r: + normal = None; + if label == "mod": + normal = "domain"; + elif label.endswith("-of-of") \ + or label.endswith("-of") \ + and label not in {"consist-of" "subset-of"} \ + and not label.startswith("prep-"): + normal = label[:-3]; + graph.add_edge(node2id[src], node2id[tgt], label, normal) + + overlay = None; + if alignment is not None: + overlay = Graph(id, flavor = -1, framework = "anchoring"); + for node in alignment: + for path, span in alignment[node].items(): + if len(path) == 0: + anchors = [{"#": token} for token in span]; + node = overlay.add_node(node2id[node], anchors = anchors); + for node in alignment: + id = node2id[node]; + for path, span in alignment[node].items(): + if len(path) == 1: + key = path[0].lower(); + node = overlay.find_node(id); + if node is None: node = overlay.add_node(id); + reference = graph.find_node(id); + anchors = [{"#": token} for token in span]; + if reference.properties is not None \ + and key in reference.properties: + node.set_anchoring(key, anchors); + else: + edge = next(edge for edge in graph.edges if edge.lab.lower() == key and edge.src == id); + overlay.edges.add(Edge(edge.id, None, None, None, anchors = anchors)); + elif len(path) > 1: + print("amr2graph(): " + "ignoring alignment path {} on node #{} ({})" + "".format(path, id, node)); + + return graph, overlay; + +def find_anchors(index, anchors): + result = list(); + for match in INDEX.finditer(index): + i, suffix = match.group(1), match.group(2); + i = int(i) - 1; + if i >= len(anchors): continue; + anchor = anchors[i]; + if suffix != "": + fields = suffix[1:].split("_"); + start = anchor["from"]; + for field in fields: + j = int(field); + result.append({"from": start + j - 1, "to": start + j}); + else: + result.append(anchor); + return result if len(result) > 0 else None; + +def convert_amr_id(id): + m = re.search(r'wsj_([0-9]+)\.([0-9]+)', id); + if m: + return "2%04d%03d" % (int(m.group(1)), int(m.group(2))); + m = re.search(r'lpp_1943\.([0-9]+)', id); + if m: + return "1%04d0" % (int(m.group(1))); + else: + raise Exception('Could not convert id: %s' % id); + +def read(fp, full = False, reify = False, camr = False, + text = None, alignment = None, + quiet = False, trace = 0): + n = 0; + for id, snt, amr_line, stash, mapping in amr_lines(fp, camr, alignment): + if trace: + print("{}: {}".format(id, amr_line), file = sys.stderr); + amr = AMR.parse_AMR_line(amr_line); + if not amr: + raise Exception("failed to parse #{} ‘{}’; exit." + "".format(id, amr_line)); + if id is not None: + try: + id = convert_amr_id(id); + except: + pass; + else: + id = n; + n += 1; + graph, overlay = amr2graph(id, amr, text or snt, stash, + camr, full, reify, quiet, mapping); + yield graph, overlay; diff --git a/mtool/codec/conllu.py b/mtool/codec/conllu.py new file mode 100644 index 0000000000000000000000000000000000000000..2a330a224a5ade47dd31c8f88c0a4153493cc4f1 --- /dev/null +++ b/mtool/codec/conllu.py @@ -0,0 +1,224 @@ +import re; +import sys; + +from graph import Graph; + +TEXT = re.compile(r"^# text = (.+)$"); +ID = re.compile(r"^# sent_id = (.+)$"); +RANGE = re.compile(r"^([0-9]+)-([0-9]+)$"); +ANCHOR = re.compile(r".*TokenRange=([0-9]+):([0-9]+)"); + +def read_tuples(stream): + id, input = None, None; + tuples = []; + for line in stream: + line = line.rstrip(); + if line.startswith("#"): + match = TEXT.match(line) + if match: + input = match.group(1); + continue; + match = ID.match(line); + if match: + id = match.group(1); + continue; + elif len(line) == 0: + # if there is no `text` comment in the conll, one should reconstruct + # the input sentence from the FORM column, since it is required in :construct_graph + if input is None: + input = reconstruct_input_from_tuples(tuples) + if tuples: + yield id, input, tuples; + id, input = None, None; + tuples = [] + else: + tuples.append(line.split("\t")); + +def reconstruct_input_from_tuples(tuples): + """ Reconstruct input sentence from the CoNLL-U representation. + each tuple in tuples correspond to a line in a block. """ + if not tuples: return '' + # iterate only surface tokens - discard empty nodes and tokens included in ranges + surface_indicator = get_is_surface_token_indicator(tuples) + surface_tuples = [tuple + for is_surface, tuple in zip(surface_indicator, tuples) + if is_surface] + sent_str = '' + for t in surface_tuples: + tok = t[1] # FORM column + sent_str += tok + if "SpaceAfter=No" not in t[-1] and t is not tuples[-1]: # Misc. column (last column) + # in last token, don't add space in any case + sent_str += ' ' + + return sent_str + +def get_ids2range_tuple(tuples): + """ + Return Dict[int: tuple]. + for each node-id k that is part of a multi-word token (denoted by range-id "i-j"), let t be the tuple + of the token i-j (the multiword token). the dict will be {k:t} over all these ks. + """ + ranges2multiword = dict() + for tuple in tuples: + match = RANGE.match(tuple[0]) + if match is not None: + for t in range(int(match.group(1)), int(match.group(2)) + 1): + ranges2multiword[t] = tuple + return ranges2multiword + +def get_is_surface_token_indicator(tuples): + """ + Return a list of boolean in same length as `tuples`, + where output[i] indicate whether tuple[i] correspond to a surface token. + surface tokens are those tokens that are required for detokenization of input sentence. + see https://universaldependencies.org/format.html#words-tokens-and-empty-nodes + + the conditions to be a surface token - + 1. be not an empty node (in the form "i.j") + 2. be not a (syntactic) word that is contained in a multi-word token. that is, the word's id + isn't included in any range-id (in the form "i-j"). + """ + ids2range_tuple = get_ids2range_tuple(tuples) + ids = [t[0] for t in tuples] + surface_indicator = ["." not in tid # condition 1. + and ("-" in tid or int(tid) not in ids2range_tuple) # condition 2. + for tid in ids] + return surface_indicator + +def read_anchors(stream): + if stream is None: + while True: yield None, None; + else: + id = None; + tokens = list(); + for line in stream: + line = line.rstrip("\n"); + if len(line) == 0: + yield id, tokens; + id = None; + tokens.clear(); + elif line.startswith("#"): + id = line[1:]; + else: + fields = line.split("\t"); + if len(fields) == 3: + tokens.append((int(fields[0]), int(fields[1]))); + if len(tokens) > 0: + yield id, tokens; + +def construct_graph_nodes(id, input, tuples, framework, text, anchors): + i = 0; + def compute(form): + nonlocal i; + m = None; + j = input.find(form, i); + if j >= i: + i, m = j, len(form); + else: + base = form; + k, l = len(input), 0; + for old, new in {("‘", "`"), ("‘", "'"), ("’", "'"), ("`", "'"), + ("“", "\""), ("”", "\""), + ("–", "--"), ("–", "---"), ("—", "---"), + ("…", "..."), ("…", ". . .")}: + form = base.replace(old, new); + j = input.find(form, i); + if j >= i and j < k: k, l = j, len(form); + if k < len(input): i, m = k, l; + if m: + match = {"from": i, "to": i + m}; + i += m; + return match; + else: + raise Exception("[{}] failed to anchor |{}| in |{}|{}| ({})" + "".format(graph.id, form, input[:i], input[i:], i)); + + graph = Graph(id, flavor = 0, framework = framework); + if input is not None: graph.add_input(input); + elif text is not None: graph.add_input(text); + input = graph.input; + + anchors_generator = read_anchors(anchors); + _, anchors_tokens = next(anchors_generator); + id, ids = 0, dict(); + ids2range_tuple = get_ids2range_tuple(tuples) + for tuple, is_surface_token in zip(tuples, get_is_surface_token_indicator(tuples)): + id += 1; + ids[tuple[0]] = id; + form, lemma, upos, xpos, features, head, misc = \ + tuple[1], tuple[2], tuple[3], tuple[4], tuple[5], tuple[6], tuple[9]; + properties = {"lemma": lemma, "upos": upos, "xpos": xpos}; + if features != "_": + for feature in features.split("|"): + name, value = feature.split("=", 1); + properties[name] = value; + # retrieve anchoring - only for surface tokens + if not is_surface_token: + anchors = [] + elif anchors_tokens is not None: + start, end = anchors_tokens.pop(0); + anchors = [{"from": start, "to": end}]; + else: + tid = tuple[0] + if tid.isnumeric() and int(tid) in ids2range_tuple: + range_tuple_misc = ids2range_tuple[int(tid)][9]; + if range_tuple_misc != "_": + misc = range_tuple_misc + match = ANCHOR.match(misc); + if match: + anchors = [{"from": int(match.group(1)), "to": int(match.group(2))}]; + else: + anchors = [compute(form)]; + graph.add_node(id, label = form, + properties = list(properties.keys()), + values = list(properties.values()), + top = True if head == "0" else False, + anchors = anchors); + return graph, ids; + +def construct_graph_edges(tuples, graph, ids): + """ Given a graph with nodes (and id-mapping) pre-constructed, + read edges from tuples and add them to graph. + Modifies `graph` argument. """ + for tuple in tuples: + id, head, type = tuple[0], tuple[6], tuple[7] + if head in ids: + graph.add_edge(ids[head], ids[id], type) + +def construct_enhanced_graph_edges(tuples, graph, ids): + """ Given a graph with nodes (and id-mapping) pre-constructed, + read edges from tuples and add them to graph. + This function is for reading Enhance UD graphs, which is distinguished from reading + basic UD only in source of edges information -- DEPS column instead of HEAD, DEPREL columns. + See https://universaldependencies.org/format.html#syntactic-annotation for EUD format specifications + which we follow here. + Modifies `graph` argument. """ + for tuple in tuples: + id, deps = tuple[0], tuple[8] + if deps == "_": # empty list of relations + continue + for rel in deps.split("|"): # relations are delimited with bar + head, dep_type = rel.split(":", 1) + if head in ids: + graph.add_edge(ids[head], ids[id], dep_type) + + +def construct_graph(id, input, tuples, framework = None, text = None, anchors = None, enhanced_graph=False): + graph, ids = construct_graph_nodes(id, input, tuples, framework, text, anchors) + if not enhanced_graph: + # basic UD graph (default) + construct_graph_edges(tuples, graph, ids) + else: + # Enhanced UD graphs + construct_enhanced_graph_edges(tuples, graph, ids) + return graph + +def read(stream, framework = None, text = None, anchors = None, trace = 0, enhanced_graph=False): + tuples_generator = read_tuples(stream) + for id, input, tuples in tuples_generator: + if trace: + print("conllu.read(): processing graph #{} ...".format(id), + file = sys.stderr); + graph = construct_graph(id, input, tuples, framework, text, anchors, enhanced_graph) + yield graph, None; diff --git a/mtool/codec/eds.py b/mtool/codec/eds.py new file mode 100644 index 0000000000000000000000000000000000000000..626a732fb20c379a7b9e19a12ab136b2eb2e2bae --- /dev/null +++ b/mtool/codec/eds.py @@ -0,0 +1,95 @@ +import os.path; +import re; + +from graph import Graph; + +EDS_MATCHER = re.compile(r'(.+?)(?$"); + +def read_instances(fp): + top_handle, predicates = None, []; + sentence_id = None; + try: + sentence_id = int(os.path.splitext(os.path.basename(fp.name))[0]); + except: + pass; + first_curly = True + for line in fp: + line = line.strip() + if len(line) == 0: + pass + elif line.startswith("#"): + sentence_id = line[1:] + first_curly = True + elif line.startswith("{"): + colon = line.index(":") + assert colon >= 0 + top_handle = line[1:colon].strip() + elif line.endswith("}"): + assert len(line) == 1 + if first_curly: + assert sentence_id is not None + assert top_handle is not None + assert len(predicates) > 0 + yield (sentence_id, top_handle, predicates) + sentence_id, top_handle, predicates = None, None, [] + first_curly = False + else: + match = EDS_MATCHER.match(line) + assert match is not None + node_id, label, arguments = match.groups() + arguments = [tuple(arg.split()) for arg in arguments.split(',') if len(arg) > 0] + predicates.append((node_id, label.strip(), arguments)) + +def instance2graph(instance, reify = False, text = None): + sentence_id, top, predicates = instance; + anchors = None; + graph = Graph(sentence_id, flavor = 1, framework = "eds"); + if text: graph.add_input(text); + handle2node = {}; + for handle, label, _ in predicates: + assert handle not in handle2node + properties = None; + values = None; + match = PROPERTIES_MATCHER.search(label); + if match: + label = label[:match.start()]; + fields = match.group(1).replace(",", "").split(); + properties, values = list(), list(); + for i, field in enumerate(fields[1:]): + if i % 2 == 0: properties.append(field); + else: values.append(field); + carg = None; + match = CARG_MATCHER.search(label); + if match: + label = label[:match.start()]; + if not reify: + properties = ["CARG"] + properties; + values = [match.group(1)] + values; + else: + carg = match.group(1); + anchors = None; + match = LNK_MATCHER.search(label); + if match: + label = label[:match.start()]; + anchors = [{"from": int(match.group(1)), "to": int(match.group(2))}]; + handle2node[handle] = \ + graph.add_node(label = label, properties = properties, values = values, anchors = anchors); + if carg and reify: + carg = graph.add_node(label = carg, anchors = anchors); + source = handle2node[handle].id; + target = carg.id; + graph.add_edge(source, target, "CARG"); + handle2node[top].is_top = True + for src_handle, _, arguments in predicates: + src = handle2node[src_handle].id + for relation, tgt_handle in arguments: + tgt = handle2node[tgt_handle].id + graph.add_edge(src, tgt, relation) + return graph + +def read(fp, reify = False, text = None): + for instance in read_instances(fp): + yield instance2graph(instance, reify, text), None diff --git a/mtool/codec/mrp.py b/mtool/codec/mrp.py new file mode 100644 index 0000000000000000000000000000000000000000..e650311db2158fb4b0f83c0b34e5e6e3092fce98 --- /dev/null +++ b/mtool/codec/mrp.py @@ -0,0 +1,63 @@ +import json; +import operator; +import os; +import sys; + +from graph import Graph + +def read(fp, text = None, robust = False): + input, i = None, 0; + def compute(form): + nonlocal i; + m = None; + j = input.find(form, i); + if j >= i: + i, m = j, len(form); + else: + base = form; + k, l = len(input), 0; + for old, new in {("‘", "`"), ("‘", "'"), ("’", "'"), ("`", "'"), + ("“", "\""), ("”", "\""), + ("–", "--"), ("–", "---"), ("—", "---"), + ("…", "..."), ("…", ". . .")}: + form = base.replace(old, new); + j = input.find(form, i); + if j >= i and j < k: k, l = j, len(form); + if k < len(input): i, m = k, l; + if m: + match = {"from": i, "to": i + m}; + i += m; + return match; + else: + raise Exception("failed to anchor |{}| in |{}|{}| ({})" + "".format(form, input[:i], input[i:], i)); + + def anchor(graph, old, new): + nonlocal input, i; + strings = dict(); + for node in graph.nodes: + for j in range(len(node.anchors) if node.anchors else 0): + start, end = node.anchors[j]["from"], node.anchors[j]["to"]; + strings[(start, end)] = old[start:end]; + input, i = new, 0; + for key in sorted(strings.keys(), key = operator.itemgetter(0, 1)): + strings[key] = compute(strings[key]); + for node in graph.nodes: + for j in range(len(node.anchors) if node.anchors else 0): + node.anchors[j] \ + = strings[(node.anchors[j]["from"], node.anchors[j]["to"])]; + + for j, line in enumerate(fp): + try: + graph = Graph.decode(json.loads(line.rstrip()), robust = robust); + if text is not None: + if graph.input in text: + graph.id = text[graph.input]; + else: + old = graph.input; + graph.add_input(text); + anchor(graph, old, graph.input); + yield graph, None; + except Exception as error: + print("codec.mrp.read(): ignoring line {}: {}" + "".format(j, error), file = sys.stderr); diff --git a/mtool/codec/norec.py b/mtool/codec/norec.py new file mode 100644 index 0000000000000000000000000000000000000000..f10e8aba1c2e5d6e8c94440f15713ae328f38937 --- /dev/null +++ b/mtool/codec/norec.py @@ -0,0 +1,175 @@ +import json +import sys + +from graph import Graph + + +def read(fp, text=None, node_centric=False): + def anchor(node): + anchors = list() + for string in node[1]: + string = string.split(":") + anchors.append({"from": int(string[0]), "to": int(string[1])}) + return anchors + + for native in json.load(fp): + map = dict() + try: + graph = Graph(native["sent_id"], flavor=1, framework="norec") + graph.add_input(native["text"]) + + if not node_centric: + top = graph.add_node(top=True) + + for opinion in native["opinions"]: + expression = opinion["Polar_expression"] + properties, values = ["Intensity"], [opinion["Intensity"]] + + if node_centric: + expression = graph.add_node( + label=opinion["Polarity"], + top=True, + properties=properties, + values=values, + anchors=anchor(expression), + ) + else: + expression = graph.add_node( + properties=properties, + values=values, + anchors=anchor(expression), + ) + key = tuple(opinion["Polar_expression"][1]) + if key in map: + print("we got double expression here", native["sent_id"]) + map[key] = expression + + graph.add_edge(top.id, expression.id, opinion["Polarity"]) + + source = opinion["Source"] + if len(source[1]): + key = tuple(source[1]) + if key in map: + source = map[key] + else: + source = graph.add_node( + label="Source" if node_centric else None, + anchors=anchor(source), + ) + map[key] = source + graph.add_edge(expression.id, source.id, None if node_centric else "Source") + + target = opinion["Target"] + if len(target[1]): + key = tuple(target[1]) + if key in map: + target = map[key] + else: + target = graph.add_node( + label="Target" if node_centric else None, + anchors=anchor(target), + ) + map[key] = target + graph.add_edge(expression.id, target.id, None if node_centric else "Target") + + yield graph, None + + except Exception as error: + print( + f"codec.norec.read(): ignoring {native}: {error}", + file=sys.stderr, + ) + + +def get_text_span(node, text): + anchored_text = [text[anchor['from']:anchor['to']] for anchor in node.anchors] + anchors = [f"{anchor['from']}:{anchor['to']}" for anchor in node.anchors] + return anchored_text, anchors + + +def write(graph, input, node_centric=False): + try: + if node_centric: + return write_node_centric(graph, input) + return write_labeled_edge(graph, input) + + except Exception as error: + print(f"Problem with decoding sentence {graph.id}") + raise error + + +def write_node_centric(graph, input): + nodes = {node.id: node for node in graph.nodes} + + # create opinions + opinions = {} + for node in graph.nodes: + if node.label in ["Source", "Target"]: + continue + opinions[node.id] = { + "Source": [[], []], + "Target": [[], []], + "Polar_expression": [*get_text_span(node, input)], + "Polarity": node.label, + } + if node.properties is not None and len(node.properties) > 0: + for key, value in zip(node.properties, node.values): + opinions[node.id][key] = value + + # add sources & targets + for edge in graph.edges: + if edge.src not in opinions: + continue + + target_node = nodes[edge.tgt] + if target_node.label not in ["Source", "Target"]: + continue + + anchored_text, anchors = get_text_span(target_node, input) + opinions[edge.src][target_node.label][0] += anchored_text + opinions[edge.src][target_node.label][1] += anchors + + sentence = { + "sent_id": graph.id, + "text": input, + "opinions": list(opinions.values()), + } + return sentence + + +def write_labeled_edge(graph, input): + nodes = {node.id: node for node in graph.nodes} + + # create opinions + opinions = {} + for edge in graph.edges: + if edge.lab in ["Source", "Target"]: + continue + + node = nodes[edge.tgt] + opinions[node.id] = { + "Source": [[], []], + "Target": [[], []], + "Polar_expression": [*get_text_span(node, input)], + "Polarity": edge.lab, + } + + # add sources & targets + for edge in graph.edges: + if edge.lab not in ["Source", "Target"]: + continue + if edge.src not in opinions: + continue + + node = nodes[edge.tgt] + anchored_text, anchors = get_text_span(node, input) + + opinions[edge.src][edge.lab][0] += anchored_text + opinions[edge.src][edge.lab][1] += anchors + + sentence = { + "sent_id": graph.id, + "text": input, + "opinions": list(opinions.values()), + } + return sentence diff --git a/mtool/codec/pmb.py b/mtool/codec/pmb.py new file mode 100644 index 0000000000000000000000000000000000000000..e4abe8814534dbde4d18f06951c658fd31a52a73 --- /dev/null +++ b/mtool/codec/pmb.py @@ -0,0 +1,219 @@ +from operator import itemgetter; +import os.path; +import re; +import sys; + +from graph import Graph; + +conditions = {"APX": "≈", "EQU": "=", "LEQ": "≤", "LES": "<", "NEQ": "≠", + "SXN": "«", "SXP": "»", "SXY": "≖", "SZN": "\\", "SZP": "/", + "STI": "⊍", "STO": "⊍", "SY1": "∥", "SY2": "⚮", + "TAB": "⋈", "TPR": "≺"}; + +# +# in parsing the clauses, patterns are ordered by specificity +# +id_matcher = re.compile(r'^%%% bin/boxer --input (?:[^/]+/)?p([0-9]+)/d([0-9]+)/'); +referent_matcher = re.compile(r'^(b[0-9]+) REF ([enpstx][0-9]+) +%(?: .* \[([0-9]+)\.\.\.([0-9]+)\])?$'); +condition_matcher = re.compile(r'^(b[0-9]+) (EQU|NEQ|APX|LE[SQ]|TPR|TAB|S[ZX][PN]|ST[IO]|SY[12]|SXY) ([enpstx][0-9]+|"[^"]+") ([enpstx][0-9]+|"[^"]+") +%(?: .* \[([0-9]+)\.\.\.([0-9]+)\])?$'); +role_matcher = re.compile(r'^(b[0-9]+) ([^ ]+) ([enpstx][0-9]+) ([enpstx][0-9]+|"[^"]+") +%(?: .* \[([0-9]+)\.\.\.([0-9]+)\])?$'); +concept_matcher = re.compile(r'^(b[0-9]+) ([^ ]+) ("[^ ]+") ([enpstx][0-9]+) +%(?: .* \[([0-9]+)\.\.\.([0-9]+)\])?$'); +discourse_matcher = re.compile(r'^(b[0-9]+) ([^ ]+) (b[0-9]+)(?: (b[0-9]+))? +%(?: .* \[[0-9]+\.\.\.[0-9]+\])?$'); +empty_matcher = re.compile(r'^ *%(?: .* \[[0-9]+\.\.\.[0-9]+\])?$'); + +def read(fp, text = None, full = False, reify = False, trace = 0, strict = 0): + + def finish(graph, mapping, finis, scopes): + if reify: + for box, referent, node in finis: + # + # in full reification mode, or when the corresponding box cannot be + # easily inferred for a reified role (including when the source node is + # a constant, as e.g. in a 'future' temporal discourse conditions), + # add an explicit box membership edge. + # + if full \ + or referent[0] == referent[-1] == "\"" \ + or box not in scopes[referent]: + graph.add_edge(mapping[box].id, node.id, "∈"); + else: + for referent in scopes: + if len(scopes[referent]) > 1: + print("pbm.read(): [graph #{}] stray referent ‘{}’ in boxes {}." + "".format(graph.id, referent, scopes[referent]), + file=sys.stderr); + # + # after the fact, mark all boxes that structurally are roots as top nodes. + # + for node in graph.nodes: + if node.type == 0 and node.is_root(): node.is_top = True; + + graph = None; id = None; sentence = None; + mapping = dict(); scopes = dict(); finis = list(); + i = 0; + header = 3; + for line in fp: + line = line.rstrip(); i += 1; + if trace: print("{}: {}".format(i, line)); + # + # to support newline-separated concatenations of clause files (a format not + # used in the native PMB 3.0 release), + # + if len(line) == 0: + finish(graph, mapping, finis, scopes); + yield graph, None; + graph = None; id = None; + mapping = dict(); scopes = dict(); finis = list(); + header = 3; + continue; + # + # each block of clauses is preceded by three comment lines, which we use to + # extract the sentence identifier and underlying string. + # + if header: + if header == 3: pass; + elif header == 2: + match = id_matcher.match(line); + if match is None: + raise Exception("pbm.read(): " + "[line {}] missing identifier in ‘{}’; exit." + "".format(i, line)); + part, document = match.groups(); + id = "{:02d}{:04d}".format(int(part), int(document)); + elif header == 1: + if text is not None and id in text: sentence = text[id]; + else: sentence = line[5:-1]; + graph = Graph(id, flavor = 2, framework = "drg"); + graph.add_input(sentence); + header -= 1; + continue; + # + # from here onwards, we are looking at genuine, contentful clauses. from + # inspecting some of the files, it appears they are organized according to + # surface (reading) order, and we cannot assume that discourse referents + # are 'introduced' (in some box) prior to their first occurance in e.g. a + # role or concept clause. + # + anchor = None; + match = referent_matcher.match(line); + if match is not None: + box, referent, start, end = match.groups(); + if referent in scopes: + if strict and box not in scopes[referent] and reify: + raise Exception("pbm.read(): " + "[line {}] stray referent ‘{}’ in box ‘{}’ " + "(instead of ‘{}’); exit." + "".format(i, referent, box, scopes[referent])); + else: scopes[referent] = {box}; + if box not in mapping: mapping[box] = graph.add_node(type = 0); + if start is not None and end is not None: + anchor = {"from": int(start), "to": int(end)}; + if referent not in mapping: + mapping[referent] \ + = graph.add_node(anchors = [anchor] if anchor else None); + else: + node = mapping[referent]; + node.add_anchor(anchor); + graph.add_edge(mapping[box].id, mapping[referent].id, "∈"); + else: + match = condition_matcher.match(line); + if match is not None: + box, condition, source, target, start, end = match.groups(); + condition = conditions[condition]; + if source[0] == "\"" and source[-1] == "\"" and source not in mapping: + if start is not None and end is not None: + anchor = {"from": int(start), "to": int(end)}; + mapping[source] \ + = graph.add_node(label = source, + anchors = [anchor] if anchor else None); + elif source not in mapping: mapping[source] = graph.add_node(); + if target[0] == "\"" and target[-1] == "\"" and target not in mapping: + if start is not None and end is not None: + anchor = {"from": int(start), "to": int(end)}; + mapping[target] \ + = graph.add_node(label = target, + anchors = [anchor] if anchor else None); + elif target not in mapping: mapping[target] = graph.add_node(); + if reify: + if box not in mapping: mapping[box] = graph.add_node(type = 0); + node = graph.add_node(label = condition, type = 3); + finis.append((box, source, node)); + graph.add_edge(mapping[source].id, node.id, None); + graph.add_edge(node.id, mapping[target].id, None); + else: + if source in scopes: scopes[source].add(box); + else: scopes[source] = {box}; + graph.add_edge(mapping[source].id, mapping[target].id, condition); + else: + match = role_matcher.match(line); + if match is not None: + box, role, source, target, start, end = match.groups(); + if source not in mapping: mapping[source] = graph.add_node(); + if target[0] == "\"" and target[-1] == "\"" and target not in mapping: + if start is not None and end is not None: + anchor = {"from": int(start), "to": int(end)}; + mapping[target] \ + = graph.add_node(label = target, + anchors = [anchor] if anchor else None); + elif target not in mapping: mapping[target] = graph.add_node(); + if reify: + if box not in mapping: mapping[box] = graph.add_node(type = 0); + node = graph.add_node(label = role, type = 2); + finis.append((box, source, node)); + graph.add_edge(mapping[source].id, node.id, None); + graph.add_edge(node.id, mapping[target].id, None); + else: + if source in scopes: scopes[source].add(box); + else: scopes[source] = {box}; + graph.add_edge(mapping[source].id, mapping[target].id, role); + else: + match = concept_matcher.match(line); + if match is not None: + box, lemma, sense, referent, start, end = match.groups(); + if referent in scopes: + if strict and box not in scopes[referent] and reify: + raise Exception("pbm.read(): " + "[line {}] stray referent ‘{}’ in box ‘{}’ " + "(instead of ‘{}’); exit." + "".format(i, referent, box, scopes[referent])); + else: scopes[referent] = {box}; + if start is not None and end is not None: + anchor = {"from": int(start), "to": int(end)}; + if referent not in mapping: + mapping[referent] = node \ + = graph.add_node(anchors = [anchor] if anchor else None); + else: + node = mapping[referent]; + node.add_anchor(anchor); + if strict and node.label is not None: + raise Exception("pbm.read(): " + "[line {}] duplicate label ‘{}’ on referent ‘{}’ " + "(instead of ‘{}’); exit." + "".format(i, lemma, referent, node.label)); + node.label = lemma; + if sense[0] == sense[-1] == "\"": sense = sense[1:-1]; + node.set_property("sense", sense); + else: + match = discourse_matcher.match(line); + if match is not None: + top, relation, one, two = match.groups(); + if one not in mapping: mapping[one] = graph.add_node(type = 0); + if two is not None: + if trace > 1: print("ternary discourse relation"); + if two not in mapping: mapping[two] = graph.add_node(type = 0); + graph.add_edge(mapping[one].id, mapping[two].id, relation); + else: + if top not in mapping: mapping[top] = graph.add_node(type = 0); + graph.add_edge(mapping[top].id, mapping[one].id, relation); + elif empty_matcher.search(line) is None: + raise Exception("pmb.read(): [line {}] invalid clause ‘{}’." + "".format(i, line)); + # + # finally, as we reach an end of file (without an empty line terminating the + # preceding block of clauses, as is the standard format in PMB), finalize the + # graph and return it. + # + if graph is not None: + finish(graph, mapping, finis, scopes); + yield graph, None; + diff --git a/mtool/codec/sdp.py b/mtool/codec/sdp.py new file mode 100644 index 0000000000000000000000000000000000000000..36c585d46400225907b6cb5a653bfa4c4e70da1b --- /dev/null +++ b/mtool/codec/sdp.py @@ -0,0 +1,50 @@ +from graph import Graph; + +def read_matrix(file): + rows = []; + for line in file: + line = line.rstrip(); + if len(line) == 0: + return rows; + else: + rows.append(line.split("\t")); + return rows or None + +def read_matrices(file): + file.readline().rstrip(); + matrix = read_matrix(file); + while matrix: + yield matrix; + matrix = read_matrix(file); + +def matrix2graph(matrix, framework = None, text = None): + graph = Graph(matrix[0][0][1:], flavor = 0, framework = framework); + predicates = []; + for id, row in enumerate(matrix[1:]): + lemma, pos, frame, top = row[2], row[3], row[6], row[4] == '+'; + if lemma == "_": lemma = row[1]; + properties = {"pos": pos}; + if frame != "_": properties["frame"] = frame; + node = graph.add_node(id, label = lemma, + properties = list(properties.keys()), + values = list(properties.values()), + top = top, anchors = [row[1]] if text else None); + if row[5] == '+': + predicates.append(id); + for tgt, row in enumerate(matrix[1:]): + for pred, label in enumerate(row[7:]): + if label != '_': + src = predicates[pred]; + edge = graph.add_edge(src, tgt, label); + if text: + graph.add_input(text); + graph.anchor(); + # + # finally, purge singleton (isolated) nodes + # + graph.nodes = [node for node in graph.nodes if not node.is_singleton()]; + return graph; + +def read(fp, framework = None, text = None): + for matrix in read_matrices(fp): + yield matrix2graph(matrix, framework, text), None; diff --git a/mtool/codec/treex.py b/mtool/codec/treex.py new file mode 100644 index 0000000000000000000000000000000000000000..800035677886bf877447c5d44074d453f8aeac03 --- /dev/null +++ b/mtool/codec/treex.py @@ -0,0 +1,191 @@ +from operator import itemgetter; +import os.path; +import re; +import xml.etree.ElementTree as ET; + +from graph import Graph; + +def walk(id, node, parent, nodes, edges, ns): + i = node.get("id"); + o = node.findtext(ns + "ord"); + if i is None or o is None and parent is not None: + raise Exception("treex.walk(): " + "missing ‘id’ or ‘ord’ values while decoding tree #{}; exit." + "".format(id)); + nodes.append((i, int(o) if o is not None else 0, node)); + + if edges is not None: + functor = node.findtext(ns + "functor"); + if parent is not None and functor is not None: + edges.append((parent, i, functor)); + + children = node.find(ns + "children"); + if children is not None: + for child in children: + if child.tag == ns + "LM": + walk(id, child, i, nodes, edges, ns); + if children.find(ns + "LM") is None: + walk(id, children, i, nodes, edges, ns); + +def read(fp, text = None): + ns = "{http://ufal.mff.cuni.cz/pdt/pml/}"; + + # + # _fix_me_ + # factor out the anchor()ing code into a reusable form. (oe; 4-apr-20) + # + n = None; + i = 0; + + def skip(): + nonlocal i; + while i < n and graph.input[i] in {" ", "\t"}: + i += 1; + + def scan(candidates): + for candidate in candidates: + if graph.input.startswith(candidate, i): + return len(candidate); + + def anchor(form): + nonlocal i; + skip(); + m = None; + if graph.input.startswith(form, i): + m = len(form); + else: + for old, new in {("‘", "`"), ("’", "'")}: + form = form.replace(old, new); + if graph.input.startswith(form, i): + m = len(form); + break; + if not m: + m = scan({"“", "\"", "``"}) or scan({"‘", "`"}) \ + or scan({"”", "\"", "''"}) or scan({"’", "'"}) \ + or scan({"—", "—", "---", "--"}) \ + or scan({"…", "...", ". . ."}); + if m: + anchor = {"from": i, "to": i + m}; + i += m; + skip(); + return anchor; + else: + raise Exception("{}: failed to anchor |{}| in |{}| ({})" + "".format(graph.id, form, graph.input, i)); + + tree = ET.parse(fp).getroot(); + bundles = tree.find(ns + "bundles"); + for item in bundles.findall(ns + "LM"): + id = item.get("id"); + graph = Graph(id, flavor = 0, framework = "ptg"); + surface = list(); nodes = list(); edges = list(); + for zone in item.iter(ns + "zone"): + if zone.get("language") == "en": + sentence = zone.findtext(ns + "sentence"); + trees = zone.find(ns + "trees"); + if trees is not None: + atree = trees.find(ns + "a_tree"); + ttree = trees.find(ns + "t_tree"); + root = atree.find(ns + "children"); + top = ttree.find(ns + "children"); +# print(id, sentence, atree, ttree, root, top); + if root is None or top is None: + raise Exception("treex.read(): " + "missing ‘a_tree’ or ‘t_tree’ values while decoding tree #{}; exit." + "".format(id)); + walk(id, root, None, surface, None, ns); + walk(id, top, None, nodes, edges, ns); + # + # determine character-based anchors for all .surface. (analytical) tokens + # + anchoring = dict(); + if sentence is not None: + graph.add_input(sentence); + n = len(graph.input); + i = 0; + for node in sorted(surface, key = itemgetter(1)): + anchoring[node[0]] = anchor(node[2].findtext(ns + "form")); + + # + # now process tectogrammatical nodes in surface order (as indicated in the + # annotations): map to consecutive numerical identifiers; retrieve anchors + # from corresponding analytical nodes; and create actual (new) graph nodes. + # + mapping = {}; + to = 0; + for node in sorted(nodes, key = itemgetter(1)): + mapping[node[0]] = i = len(mapping); + properties = dict(); + + a = node[2].find(ns + "a"); + if a is not None: + anchors = list(); + for lex in a: + if len(lex) == 0: + anchors.append(anchoring[lex.text]); + else: + for lm in lex.findall(ns + "LM"): + anchors.append(anchoring[lm.text]); + anchors = sorted(anchors, key = itemgetter("to")); + to = anchors[-1]["to"]; + else: + # + # _fix_me_ + # discuss anchoring of generated nodes: currently, for uniformity, we + # anchor them to an empty string immediately after the final character + # of the preceding non-generated node. but this arguably introduces a + # vacuous piece of information, unless one were to argue that it rather + # is an encoding of the node status for generated nodes? (oe; 4-apr-20) + # + anchors = [{"from": to, "to": to}]; + + # + # the node label comes from the tectogrammatical lemma + # + lemma = node[2].findtext(ns + "t_lemma"); + + frame = node[2].findtext(ns + "val_frame.rf"); + # + # where present (mostly on verbs), extract the valency frame identifier + # _fix_me_ + # for compatibility with earlier PSD releases, strip prefix that seems to + # identify the valency dictionary. (oe; 4-apr-20) + # + if frame is not None: + if "#" in frame: + properties["frame"] = frame[frame.index("#") + 1:]; + else: + properties["frame"] = frame; + + # + # selectively expose grammatemes as node-local properties, but ignore + # (vanilla but very high-frequent) default values + # + grammatemes = node[2].find(ns + "gram"); + if grammatemes is not None: + for property, default in [("tense", {"nil"}), ("negation", {"neg0"})]: + match = grammatemes.findtext(ns + property); + if match is not None and match not in default: + properties[property] = match; + + graph.add_node(id = i, label = lemma, anchors = anchors, + properties = properties.keys(), + values = properties.values(), + top = node[0] == top.get("id")); + + # + # similarly, record all edges, now using mapped identifiers + # + for source, target, label in edges: + graph.add_edge(mapping[source], mapping[target], label); + + # + # in a second pass (so that all internal identifiers are mapped already), + # create edges reflecting coreference annotations. + # + for node in nodes: + coref = node[2].findtext(ns + "coref_gram.rf"); + if coref is not None: + graph.add_edge(mapping[node[0]], mapping[coref], "coref_gram"); + + yield graph, None; diff --git a/mtool/codec/ucca.py b/mtool/codec/ucca.py new file mode 100644 index 0000000000000000000000000000000000000000..6d0180935f51aeec51193e8120ac3a03ee4aef6b --- /dev/null +++ b/mtool/codec/ucca.py @@ -0,0 +1,192 @@ +import re; +import sys +import xml.etree.ElementTree as ET +from itertools import groupby +from operator import attrgetter; +from pathlib import Path; + +from graph import Graph; +from ucca import core, layer0, layer1, textutil; +from ucca.convert import to_standard +from ucca.ioutil import get_passages; + + +def convert_id(id, prefix): + m = re.search(r'wsj_([0-9]+)\.([0-9]+)', id); + if m: + return "2%04d%03d" % (int(m.group(1)), int(m.group(2))); + elif prefix: + return prefix + id; + else: + return id; + + +def passage2graph(passage, text=None, prefix=None): + graph = Graph(convert_id(passage.ID, prefix), flavor=1, framework="ucca"); + l0 = passage.layer(layer0.LAYER_ID); + l1 = passage.layer(layer1.LAYER_ID); + unit_id_to_node_id = {}; + + n = None; + if text: + graph.add_input(text); + n = len(graph.input); + i = 0; + + def skip(): + nonlocal i; + while i < n and graph.input[i] in {" ", "\t"}: + i += 1; + + def scan(candidates): + for candidate in candidates: + if graph.input.startswith(candidate, i): + return len(candidate); + + def anchor(form): + nonlocal i; + skip(); + m = None; + if graph.input.startswith(form, i): + m = len(form); + else: + for old, new in {("‘", "`"), ("’", "'")}: + form = form.replace(old, new); + if graph.input.startswith(form, i): + m = len(form); + break; + if not m: + m = scan({"“", "\"", "``"}) or scan({"‘", "`"}) \ + or scan({"”", "\"", "''"}) or scan({"’", "'"}) \ + or scan({"—", "—", "---", "--"}) \ + or scan({"…", "...", ". . ."}); + if m: + anchor = {"from": i, "to": i + m}; + i += m; + skip(); + return anchor; + else: + raise Exception("{}: failed to anchor |{}| in |{}| ({})" + "".format(graph.id, form, graph.input, i)); + + non_terminals = [unit for unit in l1.all if unit.tag in (layer1.NodeTags.Foundational, layer1.NodeTags.Punctuation)] + for token in sorted(l0.all, key=attrgetter("position")): + for unit in non_terminals: + if not unit.attrib.get("implicit"): + for edge in unit: + if "Terminal" in edge.tags and token.ID == edge.child.ID: + if unit.ID in unit_id_to_node_id: + node = graph.find_node(unit_id_to_node_id[unit.ID]); + if graph.input: + node.anchors.append(anchor(token.text)); + else: + node = graph.add_node(anchors=[anchor(token.text)] if graph.input else None); + unit_id_to_node_id[unit.ID] = node.id; + for unit in sorted(non_terminals, key=attrgetter("start_position", "end_position")): + if not unit.attrib.get("implicit") and unit.ID not in unit_id_to_node_id: + node = graph.add_node(); + unit_id_to_node_id[unit.ID] = node.id; + for unit in non_terminals: + for edge in unit: + for tag in edge.tags: + if tag != "Terminal": + if edge.child.ID in unit_id_to_node_id: + attributes, values = None, None; + if edge.attrib.get("remote"): + attributes = ["remote"]; + values = [True]; + graph.add_edge(unit_id_to_node_id[unit.ID], + unit_id_to_node_id[edge.child.ID], + tag, + attributes=attributes, + values=values); + else: + # + # quietly ignore edges to implicit nodes + # + pass; + for unit in l1.heads: + node_id = unit_id_to_node_id.get(unit.ID) + if node_id is not None: + graph.nodes[node_id].is_top = True; + return graph + + +def read(fp, text=None, prefix=None): + parent = Path(fp.name).parent; + paths = [parent / file.strip() for file in fp]; + for passage in get_passages(map(str, paths)): + try: + graph = passage2graph(passage, text, prefix); + except Exception as exception: + print(exception); + continue; + yield graph, None; + + +def is_punct(node): + for edge in node.incoming_edges or (): + if edge.lab.upper() == "U": + return True + return False + + +def is_remote(edge): + for attribute, value in zip(edge.attributes or (), edge.values or ()): + if attribute == "remote" and value != "false": + return True + return False + + +def is_implicit(node): + for prop, value in zip(node.properties or (), node.values or ()): + if prop == "implicit" and value != "false": + return True + return False + +def is_primary_root(node): + return all(is_remote(edge) for edge in node.incoming_edges) + +def graph2passage(graph, input): + passage = core.Passage(graph.id) + l0 = layer0.Layer0(passage) + anchors = {(anchor["from"], anchor["to"], is_punct(node)) for node in graph.nodes for anchor in node.anchors or ()} + terminals = {(i, j): l0.add_terminal(text=input[i:j], punct=punct) for i, j, punct in sorted(anchors)} + + l1 = layer1.Layer1(passage) + queue = [(node, None if node.is_top else layer1.FoundationalNode(root=l1.root, + tag=layer1.NodeTags.Foundational, + ID=l1.next_id())) + for node in graph.nodes if is_primary_root(node)] + + + id_to_unit = {node.id: unit for (node, unit) in queue} + remotes = [] + while queue: + parent, parent_unit = queue.pop(0) + for tgt, edges in groupby(sorted(parent.outgoing_edges, key=attrgetter("tgt")), key=attrgetter("tgt")): + edges = list(edges) + labels = [edge.lab for edge in edges] + if is_remote(edges[0]): + remotes.append((parent_unit, labels, tgt)) + else: + child = graph.find_node(tgt) + child_unit = id_to_unit[tgt] = l1.add_fnode_multiple(parent_unit, labels, implicit=is_implicit(child)) + queue.append((child, child_unit)) + for anchor in parent.anchors or (): + if parent_unit is None: # Terminal children of the root are not valid in UCCA, so warn but be faithful + print("graph2passage(): anchors of the root node converted to Terminal children in ‘{}’." + "".format(graph.id), file=sys.stderr) + parent_unit = l1.heads[0] + parent_unit.add(layer1.EdgeTags.Terminal, terminals[anchor["from"], anchor["to"]]) + for parent, labels, tgt in remotes: + l1.add_remote_multiple(parent, labels, id_to_unit[tgt]) + return passage + + +def write(graph, input, file): + passage = graph2passage(graph, input) + root = to_standard(passage) + xml_string = ET.tostring(root).decode() + output = textutil.indent_xml(xml_string) + file.write(output) diff --git a/mtool/data/sample/Makefile b/mtool/data/sample/Makefile new file mode 100644 index 0000000000000000000000000000000000000000..d76a0f98625a06496590c0902ce52498ea99c7cc --- /dev/null +++ b/mtool/data/sample/Makefile @@ -0,0 +1,112 @@ +.PHONY: amr/pdf dm/pdf eds/pdf psd/pdf ucca/pdf \ + clean release all + +amr/wsj.mrp: wsj.ids ../wsj.txt amr/wsj.amr + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read amr \ + --id $$i --write mrp ./amr/wsj.amr; \ + done > $@; + +amr/pdf: + [ ! -d amr/dot ] && mkdir amr/dot; + [ ! -d amr/pdf ] && mkdir amr/pdf; + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read amr \ + --id $$i --write dot \ + ./amr/wsj.amr ./amr/dot/$$i.dot; \ + done + rm $$(find ./amr/dot -size 0); + for i in ./amr/dot/*.dot; do \ + j=$$(basename $$i .dot); \ + dot -Tpdf $$i > ./amr/pdf/$${j}.pdf; \ + done + +dm/wsj.mrp: wsj.ids ../wsj.txt dm/wsj.sdp + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read dm \ + --id $$i --write mrp ./dm/wsj.sdp; \ + done > $@; + +dm/pdf: + [ ! -d dm/dot ] && mkdir dm/dot; + [ ! -d dm/pdf ] && mkdir dm/pdf; + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read dm \ + --id $$i --write dot \ + ./dm/wsj.sdp ./dm/dot/$$i.dot; \ + done + for i in ./dm/dot/*.dot; do \ + j=$$(basename $$i .dot); \ + dot -Tpdf $$i > ./dm/pdf/$${j}.pdf; \ + done + +eds/wsj.mrp: wsj.ids ../wsj.txt eds/wsj.eds + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read eds \ + --id $$i --write mrp ./eds/wsj.eds; \ + done > $@; + +eds/pdf: + [ ! -d eds/dot ] && mkdir eds/dot; + [ ! -d eds/pdf ] && mkdir eds/pdf; + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read eds \ + --id $$i --write dot \ + ./eds/wsj.eds ./eds/dot/$$i.dot; \ + done + for i in ./eds/dot/*.dot; do \ + j=$$(basename $$i .dot); \ + dot -Tpdf $$i > ./eds/pdf/$${j}.pdf; \ + done + +psd/wsj.mrp: wsj.ids ../wsj.txt psd/wsj.sdp + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read psd \ + --id $$i --write mrp ./psd/wsj.sdp; \ + done > $@; + +psd/pdf: + [ ! -d psd/dot ] && mkdir psd/dot; + [ ! -d psd/pdf ] && mkdir psd/pdf; + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read dm \ + --id $$i --write dot \ + ./psd/wsj.sdp ./psd/dot/$$i.dot; \ + done + for i in ./psd/dot/*.dot; do \ + j=$$(basename $$i .dot); \ + dot -Tpdf $$i > ./psd/pdf/$${j}.pdf; \ + done + +ucca/wsj.mrp: wsj.ids ../wsj.txt ucca/xml/files.txt ucca/xml/*.xml + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read ucca \ + --id $$i --write mrp ./ucca/xml/files.txt; \ + done > $@; + +ucca/pdf: + [ ! -d ucca/dot ] && mkdir ucca/dot; + [ ! -d ucca/pdf ] && mkdir ucca/pdf; + for i in $$(cat wsj.ids); do \ + ../../main.py --text ../wsj.txt --read ucca \ + --id $$i --write dot --strings \ + ./ucca/xml/files.txt ./ucca/dot/$$i.dot; \ + done + rm $$(find ./ucca/dot -size 0); + for i in ./ucca/dot/*.dot; do \ + j=$$(basename $$i .dot); \ + dot -Tpdf $$i > ./ucca/pdf/$${j}.pdf; \ + done + +clean: + rm */wsj.mrp */dot/*.dot */pdf/*pdf + +release: + tar zpScvf ../public/sample.tgz --transform='s@^@mrp/2019/sample/@'\ + README.txt Makefile \ + amr/wsj.mrp dm/wsj.mrp eds/wsj.mrp psd/wsj.mrp ucca/wsj.mrp \ + amr/dot amr/pdf dm/dot dm/pdf eds/dot eds/pdf \ + psd/dot psd/pdf ucca/dot ucca/pdf + +all: amr/wsj.mrp dm/wsj.mrp eds/wsj.mrp psd/wsj.mrp ucca/wsj.mrp + diff --git a/mtool/data/sample/README.txt b/mtool/data/sample/README.txt new file mode 100644 index 0000000000000000000000000000000000000000..6dce2ac0a84acb7f434f09a6038d451176f655c1 --- /dev/null +++ b/mtool/data/sample/README.txt @@ -0,0 +1,74 @@ + +CoNLL 2019 Shared Task: Meaning Representation Parsing --- Sample Graphs + +Version 0.9; April 9, 2019 + + +Overview +======== + +This directory contains a collection of 89 sample graphs in the five framworks +represented in the task: AMR, DM, EDS, PSD, and UCCA. The sentences are drawn +from Section 00 of (the Penn Treebank selection from) the venerable Wall Street +Journal (WSJ) Corpus. We only include sentences for which all five graph banks +provide annotations. + +The purpose of this sample data is twofold: (a) exemplify the uniform graph +representation format (serialized in JSON) adopted for the task and (b) enable +in-depth linguistic comparison across frameworks. + +For general information on the file format, please see: + + http://mrp.nlpl.eu/index.php?page=4#format + + +Contents +======== + +The main contents in this release are the JSON files: + + $ ls -l */*.mrp + -rw-r--r--. 1 oe oe 145935 Apr 8 00:11 amr/wsj.mrp + -rw-r--r--. 1 oe oe 290495 Apr 8 00:12 dm/wsj.mrp + -rw-r--r--. 1 oe oe 334885 Apr 8 00:13 eds/wsj.mrp + -rw-r--r--. 1 oe oe 225669 Apr 8 00:14 psd/wsj.mrp + -rw-r--r--. 1 oe oe 254101 Apr 9 16:07 ucca/wsj.mrp + +Each file contains the 89 graphs in the intersection of all frameworks (87 in +the case for UCCA, for the time being). These graph serializations are in what +is called the JSON Lines format, effectively a stream of JSON objects with line +breaks as the separator character between objects. + +To ease human inspection of these graphs, this package also provides graphical +renderings of all graphs, as separate files (one per sentence) in the ‘dot/’ +and ‘pdf/’ sub-directories for each framework. These visualizations have been +created using the MRP graph toolkit, which will be released by mid-May 2019. + + +Known Limitations +================= + +None, for the time being. + + +Release History +=============== + +[Version 0.9; April 9, 2018] + ++ First release of sample graphs in five frameworks: AMR, DM, EDS, UCCA, and PSD. + + +Contact +======= + +For questions or comments, please do not hesitate to email the task organizers +at: ‘mrp-organizers@nlpl.eu’. + +Omri Abend +Jan Hajič +Daniel Hershcovich +Marco Kuhlmann +Stephan Oepen +Tim O'Gorman +Nianwen Xue diff --git a/mtool/data/sample/amr/wsj.amr b/mtool/data/sample/amr/wsj.amr new file mode 100644 index 0000000000000000000000000000000000000000..00073ac6ba19fbbef79402cc226f0fca2860a210 --- /dev/null +++ b/mtool/data/sample/amr/wsj.amr @@ -0,0 +1,2010 @@ +# AMR release; corpus: amr-consensus; section: dev; number of AMRs: 100 (generated on Thu Jan 25, 2018 at 16:15:54) + +# ::id nw.wsj_0001.1 ::date 2012-04-25T16:31:34 ::annotator ISI-AMR-01 ::preferred +# ::snt Pierre Vinken , 61 years old , will join the board as a nonexecutive director Nov. 29 . +# ::save-date Tue Sep 17, 2013 ::file nw_wsj_0001_1.txt +(j / join-01 + :ARG0 (p / person :wiki - + :name (p2 / name :op1 "Pierre" :op2 "Vinken") + :age (t / temporal-quantity :quant 61 + :unit (y / year))) + :ARG1 (b / board + :ARG1-of (h / have-org-role-91 + :ARG0 p + :ARG2 (d2 / director + :mod (e / executive :polarity -)))) + :time (d / date-entity :month 11 :day 29)) + +# ::id nw.wsj_0001.2 ::date 2012-04-25T16:33:55 ::annotator ISI-AMR-01 ::preferred +# ::snt Mr. Vinken is chairman of Elsevier N.V. , the Dutch publishing group . +# ::save-date Wed Jan 10, 2018 ::file nw_wsj_0001_2.txt +(h / have-org-role-91 + :ARG0 (p / person :wiki - :name (m / name :op1 "Mr." :op2 "Vinken")) + :ARG1 (g / group :wiki "RELX_Group#Elsevier_NV" :name (e / name :op1 "Elsevier" :op2 "N.V.") + :mod (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands")) + :ARG0-of (p2 / publish-01)) + :ARG2 (c2 / chairman)) + +# ::id nw.wsj_0002.1 ::date 2012-04-25T18:26:26 ::annotator ISI-AMR-01 ::preferred +# ::snt Rudolph Agnew , 55 years old and former chairman of Consolidated Gold Fields PLC , was named a nonexecutive director of this British industrial conglomerate . +# ::save-date Tue Sep 17, 2013 ::file nw_wsj_0002_1.txt +(n / name-03 + :ARG1 (p / person :wiki - + :name (r / name :op1 "Rudolph" :op2 "Agnew") + :age (t / temporal-quantity :quant 55 + :unit (y / year)) + :ARG0-of (h / have-org-role-91 + :ARG1 (c5 / conglomerate :wiki "Consolidated_Gold_Fields" + :name (c / name :op1 "Consolidated" :op2 "Gold" :op3 "Fields" :op4 "PLC") + :mod (c2 / country :wiki "United_Kingdom" + :name (b / name :op1 "Britain")) + :mod (i / industry)) + :ARG2 (c3 / chairman) + :time (f / former))) + :ARG2 (d / director + :mod (e / executive :polarity -) + :ARG2-of (h2 / have-org-role-91 + :ARG0 p + :ARG1 c5))) + +# ::id nw.wsj_0003.1 ::date 2012-04-25T20:29:42 ::annotator ISI-AMR-01 ::preferred +# ::snt A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago , researchers reported . +# ::save-date Wed Oct 28, 2015 ::file nw_wsj_0003_1.txt +(r / report-01 + :ARG0 (p4 / person + :ARG0-of (r2 / research-01)) + :ARG1 (c / cause-01 + :ARG0 (a2 / asbestos + :mod (f / form) + :ARG1-of (u / use-01 + :ARG2 (m / make-01 + :ARG1 (p / product + :ARG0-of (f2 / filter-02) + :mod (c2 / cigarette :wiki "Kent_(cigarette)" + :name (n / name :op1 "Kent")))) + :time (o / once))) + :ARG1 (p3 / percentage + :ARG3-of (i / include-91 + :ARG1 (p7 / person + :ARG1-of (d / die-01 + :ARG1-of (c4 / cause-01 + :ARG0 (d2 / disease :wiki "Cancer" + :name (n3 / name :op1 "cancer"))))) + :ARG2 (p6 / person + :ARG0-of (w2 / work-01) + :ARG1-of (e / expose-01 + :ARG2 a2 + :time (b / before + :op1 (n2 / now) + :quant (m2 / more-than + :op1 (t / temporal-quantity :quant 30 + :unit (y / year))))))) + :ARG1-of (h / high-02)))) + +# ::id nw.wsj_0003.2 ::date 2012-04-25T20:39:13 ::annotator ISI-AMR-01 ::preferred +# ::snt The asbestos fiber , crocidolite , is unusually resilient once it enters the lungs , with even brief exposures to it causing symptoms that show up decades later , researchers said . +# ::save-date Wed Sep 13, 2017 ::file nw_wsj_0003_2.txt +(s / say-01 + :ARG0 (p / person + :ARG0-of (r / research-01)) + :ARG1 (a2 / and + :op1 (r2 / resilient + :mod (u / usual :polarity -) + :domain (c / crocidolite + :mod (f / fiber + :mod (a / asbestos))) + :time (e / enter-01 + :ARG0 c + :ARG1 (l / lung))) + :op2 (c2 / cause-01 + :ARG0 (e2 / expose-01 + :ARG2 c + :duration (b / brief + :mod (e3 / even))) + :ARG1 (s2 / symptom + :ARG1-of (s3 / show-up-02 + :time (a3 / after + :op1 e2 + :quant (m / multiple + :op1 (t / temporal-quantity :quant 1 + :unit (d2 / decade))))))))) + +# ::id nw.wsj_0003.3 ::date 2012-04-25T20:40:02 ::annotator ISI-AMR-01 ::preferred +# ::snt Lorillard Inc. , the unit of New York - based Loews Corp. that makes Kent cigarettes , stopped using crocidolite in its Micronite cigarette filters in 1956 . +# ::save-date Mon Jul 30, 2012 ::file nw_wsj_0003_3.txt +(s2 / stop-01 + :ARG0 (u / unit :wiki "Lorillard_Tobacco_Company" + :name (l / name :op1 "Lorillard" :op2 "Inc.") + :part-of (c3 / company :wiki "Loews_Corporation" + :name (l2 / name :op1 "Loews" :op2 "Corp.") + :ARG1-of (b / base-01 + :location (c2 / city :wiki "New_York_City" + :name (n / name :op1 "New" :op2 "York")))) + :ARG0-of (m2 / make-01 + :ARG1 (c4 / cigarette :wiki "Kent_(cigarette)" + :name (k / name :op1 "Kent")))) + :ARG1 (u2 / use-01 + :ARG0 u + :ARG1 (c5 / crocidolite) + :prep-in (p / product :wiki - + :name (n3 / name :op1 "Micronite") + :ARG0-of (f / filter-02) + :mod (c6 / cigarette) + :poss u)) + :time (d / date-entity :year 1956)) + +# ::id nw.wsj_0003.4 ::date 2012-04-25T20:53:22 ::annotator ISI-AMR-01 ::preferred +# ::snt Although preliminary findings were reported more than a year ago , the latest results appear in today 's New England Journal of Medicine , a forum likely to bring new attention to the problem . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0003_4.txt +(a / appear-01 + :ARG1 (t4 / thing + :ARG2-of (r3 / result-01 + :mod (l / last))) + :location (j / journal :wiki "The_New_England_Journal_of_Medicine" :name (n / name :op1 "New" :op2 "England" :op3 "Journal" :op4 "of" :op5 "Medicine") + :time (t / today) + :mod (f / forum + :ARG0-of (b / bring-01 + :ARG1 (a2 / attend-02 + :ARG1 p + :ARG1-of (n2 / new-02 + :ARG2 p)) + :ARG2 (p / problem) + :ARG1-of (l2 / likely-01)))) + :concession (r2 / report-01 + :ARG1 (t2 / thing + :ARG1-of (f2 / find-01) + :mod (p2 / preliminary)) + :time (b2 / before + :op1 (n3 / now) + :quant (m3 / more-than + :op1 (t3 / temporal-quantity :quant 1 + :unit (y / year)))))) + +# ::id nw.wsj_0003.5 ::date 2012-04-25T21:03:01 ::annotator ISI-AMR-01 ::preferred +# ::snt A Lorillard spokewoman said , `` This is an old story . +# ::save-date Fri Sep 13, 2013 ::file nw_wsj_0003_5.txt +(s / say-01 + :ARG0 (p / person + :ARG0-of (h / have-org-role-91 + :ARG1 (c / company :wiki "Lorillard_Tobacco_Company" + :name (l / name :op1 "Lorillard")) + :ARG2 (s2 / spokeswoman))) + :ARG1 (s3 / story + :domain (t / this) + :mod (o2 / old))) + +# ::id nw.wsj_0003.6 ::date 2012-04-25T21:03:57 ::annotator ISI-AMR-01 ::preferred +# ::snt We 're talking about years ago before anyone heard of asbestos having any questionable properties . +# ::save-date Wed Feb 10, 2016 ::file nw_wsj_0003_6.txt +(t / talk-01 + :ARG0 (w / we) + :ARG1 (t3 / thing + :time (b2 / before + :op1 (n / now) + :quant (m / multiple + :op1 (t2 / temporal-quantity :quant 1 + :unit (y2 / year)))) + :time (b / before + :op1 (h / hear-01 + :ARG0 (a / anyone) + :ARG1 (h2 / have-03 + :ARG0 (a3 / asbestos) + :ARG1 (p / property + :mod (a4 / any) + :mod (q2 / questionable))))))) + +# ::id nw.wsj_0003.7 ::date 2012-04-25T21:07:51 ::annotator ISI-AMR-01 ::preferred +# ::snt There is no asbestos in our products now . '' +# ::save-date Tue Oct 30, 2012 ::file nw_wsj_0003_7.txt +(a / asbestos + :polarity - + :time (n / now) + :location (t / thing + :ARG1-of (p2 / produce-01 + :ARG0 (w2 / we)))) + +# ::id nw.wsj_0003.8 ::date 2012-04-25T21:08:48 ::annotator ISI-AMR-01 ::preferred +# ::snt Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes . +# ::save-date Fri May 11, 2012 ::file nw_wsj_0003_8.txt +(r / realize-01 :polarity - + :ARG0 (a / and + :op1 (c / company :wiki "Lorillard_Tobacco_Company" + :name (l / name :op1 "Lorillard")) + :op2 (p2 / person + :ARG0-of (r2 / research-01) + :ARG0-of (s2 / study-01 + :ARG1 (p3 / person + :ARG0-of (w / work-01))))) + :ARG1 (r3 / research-01 + :ARG1 (p4 / person + :ARG0-of (s / smoke-02 + :ARG1 (c2 / cigarette :wiki "Kent_(cigarette)" + :name (k / name :op1 "Kent")))))) + +# ::id nw.wsj_0003.9 ::date 2012-04-25T21:12:39 ::annotator ISI-AMR-01 ::preferred +# ::snt `` We have no useful information on whether users are at risk , '' said James A. Talcott of Boston 's Dana - Farber Cancer Institute . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0003_9.txt +(s / say-01 + :ARG0 (p / person :wiki - :name (j / name :op1 "James" :op2 "A." :op3 "Talcott") + :ARG0-of (h2 / have-org-role-91 + :ARG1 (r / research-institute :wiki "Dana–Farber_Cancer_Institute" :name (d / name :op1 "Dana-Farber" :op2 "Cancer" :op3 "Institute") + :location (c / city :wiki "Boston" :name (b / name :op1 "Boston"))))) + :ARG1 (h / have-03 :polarity - + :ARG0 (w / we) + :ARG1 (i / information + :ARG1-of (u / useful-05) + :topic (t / truth-value + :polarity-of (e / endanger-01 + :ARG1 (p3 / person + :ARG0-of (u2 / use-01))))))) + +# ::id nw.wsj_0003.10 ::date 2012-04-25T21:16:15 ::annotator ISI-AMR-01 ::preferred +# ::snt Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University . +# ::save-date Thu Apr 2, 2015 ::file nw_wsj_0003_10.txt +(l / lead-02 + :ARG0 (d / doctor :wiki - :name (n2 / name :op1 "Talcott")) + :ARG1 (t3 / team + :consist-of (p2 / person + :ARG0-of (r / research-01) + :ARG0-of (h2 / have-org-role-91 + :ARG1 (a / and + :op1 (r2 / research-institute :wiki "National_Cancer_Institute" :name (n / name :op1 "National" :op2 "Cancer" :op3 "Institute")) + :op2 (s / school + :mod (m / medicine) + :part-of (u / university :wiki "Harvard_University" :name (h / name :op1 "Harvard" :op2 "University"))) + :op3 (s2 / school + :mod (m2 / medicine) + :part-of (u2 / university :wiki "Boston_University" :name (b / name :op1 "Boston" :op2 "University")))))))) + +# ::id nw.wsj_0003.11 ::date 2012-04-25T21:19:35 ::annotator ISI-AMR-01 ::preferred +# ::snt The Lorillard spokeswoman said asbestos was used in `` very modest amounts '' in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956 . +# ::save-date Fri Sep 13, 2013 ::file nw_wsj_0003_11.txt +(s / say-01 + :ARG0 (p4 / person + :ARG0-of (h / have-org-role-91 + :ARG1 (c / company :wiki "Lorillard_Tobacco_Company" + :name (l / name :op1 "Lorillard")) + :ARG2 (s2 / spokeswoman))) + :ARG1 (a3 / and + :op1 (u / use-01 + :ARG1 (a / asbestos + :quant (a2 / amount + :mod (m / modest + :degree (v / very)))) + :ARG2 (m2 / make-01 + :ARG1 (p / paper) + :time (e2 / early + :op1 (d3 / date-entity :decade 1950)) + :purpose (p2 / product + :ARG0-of (f / filter-02)))) + :op2 (r / replace-01 + :ARG1 a + :ARG2 (p3 / product + :ARG0-of (f2 / filter-02 + :mod (t / type + :ARG1-of (d2 / differ-02)))) + :time (d / date-entity :year 1956)))) + +# ::id nw.wsj_0003.12 ::date 2012-04-25T21:25:40 ::annotator ISI-AMR-01 ::preferred +# ::snt From 1953 to 1955 , 9.8 billion Kent cigarettes with the filters were sold , the company said . +# ::save-date Thu Aug 16, 2012 ::file nw_wsj_0003_12.txt +(s / say-01 + :ARG0 (c / company) + :ARG1 (s2 / sell-01 + :ARG1 (c2 / cigarette :quant 9800000000 :wiki "Kent_(cigarette)" + :name (k / name :op1 "Kent") + :part (p / product + :ARG0-of (f / filter-02))) + :time (d / date-interval + :op1 (d2 / date-entity :year 1953) + :op2 (d3 / date-entity :year 1955)))) + +# ::id nw.wsj_0003.13 ::date 2012-04-25T21:28:46 ::annotator ISI-AMR-01 ::preferred +# ::snt Among 33 men who worked closely with the substance , 28 have died -- more than three times the expected number . +# ::save-date Sat Jan 30, 2016 ::file nw_wsj_0003_13.txt +(d / die-01 + :ARG1 (m / man :quant 28 + :quant (m4 / more-than + :op1 (p / product-of :op1 3 + :op2 (n2 / number + :ARG1-of (e2 / expect-01)))) + :ARG1-of (i / include-91 + :ARG2 (m2 / man :quant 33 + :ARG0-of (w / work-01 + :ARG1 (s / substance) + :manner (c / close-10)))))) + +# ::id nw.wsj_0003.14 ::date 05/23/2012 ::annotator ISI-AMR-01 ::preferred +# ::snt Four of the five surviving workers have asbestos - related diseases , including three with recently diagnosed cancer . +# ::save-date Wed Oct 28, 2015 ::file nw_wsj_0003_14.txt +(h / have-03 + :ARG0 (p4 / person :quant 4 + :ARG1-of (i / include-91 + :ARG2 (p2 / person :quant 5 + :ARG0-of (w / work-01) + :ARG0-of (s / survive-01))) + :ARG2-of (i2 / include-91 + :ARG1 (p3 / person :quant 3 + :ARG1-of (d3 / diagnose-01 + :ARG2 (d2 / disease :wiki "Cancer" + :name (n / name :op1 "cancer")) + :time (r3 / recent))))) + :ARG1 (d / disease + :ARG1-of (r / relate-01 + :ARG2 (a / asbestos)))) + +# ::id nw.wsj_0003.15 ::date 2012-04-25T21:37:56 ::annotator ISI-AMR-01 ::preferred +# ::snt The total of 18 deaths from malignant mesothelioma , lung cancer and asbestosis was far higher than expected , the researchers said . +# ::save-date Mon Sep 11, 2017 ::file nw_wsj_0003_15.txt +(s / say-01 + :ARG0 (p / person + :ARG0-of (r / research-01)) + :ARG1 (h2 / have-degree-91 + :ARG1 (t2 / total + :quant-of (p2 / person :quant 18 + :ARG1-of (d / die-01 + :ARG1-of (c2 / cause-01 + :ARG0 (a / and + :op1 (d4 / disease :wiki "Mesothelioma" :name (n3 / name :op1 "malignant" :op2 "mesothelioma")) + :op2 (d2 / disease :wiki "Lung_cancer" :name (n / name :op1 "lung" :op2 "cancer")) + :op3 (d3 / disease :wiki "Asbestosis" :name (n2 / name :op1 "asbestosis"))))))) + :ARG2 (h / high-02) + :ARG3 (m / more + :quant (f / far)) + :ARG4 (t / thing + :ARG1-of (e / expect-01)))) + +# ::id nw.wsj_0003.16 ::date 2012-04-26T08:23:12 ::annotator ISI-AMR-01 ::preferred +# ::snt `` The morbidity rate is a striking finding among those of us who study asbestos - related diseases , '' said Dr. Talcott . +# ::save-date Tue Feb 16, 2016 ::file nw_wsj_0003_16.txt +(s / say-01 + :ARG0 (d2 / doctor :wiki - :name (t / name :op1 "Talcott")) + :ARG1 (r2 / rate + :mod (d3 / die-01) + :ARG1-of (f / find-01) + :ARG1-of (s4 / strike-04 + :ARG3 (p2 / person + :ARG0-of (s3 / study-01 + :ARG1 (d / disease + :ARG1-of (r / relate-01 + :ARG2 (a / asbestos)))) + :ARG1-of (i / include-91 + :ARG2 (w / we)) + :mod (t2 / that))))) + +# ::id nw.wsj_0003.17 ::date 2012-04-26T08:29:32 ::annotator ISI-AMR-01 ::preferred +# ::snt The percentage of lung cancer deaths among the workers at the West Groton , Mass. , paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries , he said . +# ::save-date Mon Sep 11, 2017 ::file nw_wsj_0003_17.txt +(s3 / say-01 + :ARG0 (h2 / he) + :ARG1 (a3 / appear-02 + :ARG1 (h3 / have-degree-91 + :ARG1 (p2 / percentage + :quant-of (p5 / person + :ARG1-of (d2 / die-01 + :ARG1-of (c4 / cause-01 + :ARG0 (d / disease :wiki "Lung_cancer" :name (n2 / name :op1 "lung" :op2 "cancer")))) + :ARG1-of (i2 / include-91 + :ARG2 (p3 / person + :ARG0-of (w4 / work-01 + :location (f / factory + :mod (p4 / paper) + :location (c3 / city :wiki - :name (w / name :op1 "West" :op2 "Groton") + :location (s / state :wiki "Massachusetts" :name (m / name :op1 "Massachusetts"))))))))) + :ARG2 (h / high-02) + :ARG3 (m2 / most) + :ARG5 (p / person + :ARG0-of (w2 / work-01 + :ARG1 (a2 / asbestos)) + :ARG1-of (s2 / study-01) + :location (c / country + :ARG1-of (i / industrialize-01) + :location (w5 / world-region :wiki "Western_world" :name (n / name :op1 "West"))) + :mod (a / any))))) + +# ::id nw.wsj_0003.18 ::date 2012-04-26T08:37:40 ::annotator ISI-AMR-01 ::preferred +# ::snt The plant , which is owned by Hollingsworth & Vose Co. , was under contract with Lorillard to make the cigarette filters . +# ::save-date Mon Jul 30, 2012 ::file nw_wsj_0003_18.txt +(c / contract-02 + :ARG0 (p / plant + :ARG1-of (o / own-01 + :ARG0 (c2 / company :wiki - + :name (h / name :op1 "Hollingsworth" :op2 "&" :op3 "Vose" :op4 "Co.")))) + :ARG1 (m / make-01 + :ARG0 p + :ARG1 (p2 / product + :ARG0-of (f / filter-02) + :mod (c4 / cigarette))) + :ARG2 (c3 / company :wiki "Lorillard_Tobacco_Company" + :name (l / name :op1 "Lorillard"))) + +# ::id nw.wsj_0003.19 ::date 2012-04-26T08:42:27 ::annotator ISI-AMR-01 ::preferred +# ::snt The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos , chrysotile , found in most schools and other buildings , Dr. Talcott said . +# ::save-date Mon Sep 11, 2017 ::file nw_wsj_0003_19.txt +(s / say-01 + :ARG0 (d / doctor :wiki - :name (t / name :op1 "Talcott")) + :ARG1 (p / probable + :domain (s2 / support-01 + :ARG0 (t2 / thing + :ARG1-of (f / find-01)) + :ARG1 (p2 / person + :ARG0-of (a / argue-01 + :ARG1 (r2 / recommend-01 + :ARG1 (r / regulate-01 + :ARG0 (c / country :wiki "United_States" :name (u / name :op1 "U.S.")) + :ARG1 (a5 / asbestos + :ARG2-of (i / include-91 + :ARG1 (c3 / crocidolite)) + :mod (c2 / class)) + :manner (s3 / stringent + :ARG2-of (h / have-degree-91 + :ARG1 r + :ARG3 (m / more) + :ARG4 (c4 / chrysotile + :ARG1-of (f2 / find-01 + :location (a4 / and + :op1 (s4 / school + :mod (m2 / most)) + :op2 (b / building + :mod (o / other)))) + :mod (a3 / asbestos + :mod (k / kind + :mod (c5 / common))))))))))))) + +# ::id nw.wsj_0003.20 ::date 2012-05-22T13:22:35 ::annotator ISI-AMR-01 ::preferred +# ::snt The U.S. is one of the few industrialized nations that does n't have a higher standard of regulation for the smooth , needle - like fibers such as crocidolite that are classified as amphobiles , according to Brooke T. Mossman , a professor of pathlogy at the University of Vermont College of Medicine . +# ::save-date Thu Jan 11, 2018 ::file nw_wsj_0003_20.txt +(s / say-01 + :ARG0 (p2 / person :wiki - :name (b / name :op1 "Brooke" :op2 "T." :op3 "Mossman") + :ARG0-of (h3 / have-org-role-91 + :ARG1 (c2 / college + :mod (m / medicine) + :part-of (u2 / university :wiki "University_of_Vermont" :name (u3 / name :op1 "University" :op2 "of" :op3 "Vermont"))) + :ARG2 (p3 / professor + :topic (p / pathology)))) + :ARG1 (i2 / include-91 + :ARG1 (c / country :wiki "United_States" :name (u / name :op1 "U.S.")) + :ARG2 (n / nation + :ARG1-of (i3 / include-91 + :ARG2 (n3 / nation + :ARG1-of (i / industrialize-01)) + :ARG3 (f / few)) + :ARG0-of (r / regulate-01 :polarity - + :ARG1 f2 + :manner (s2 / standard-02 + :ARG1 (f2 / fiber + :ARG1-of (s3 / smooth-06) + :ARG2-of (r2 / resemble-01 + :ARG1 (n2 / needle)) + :ARG1-of (c4 / classify-01 + :ARG2 (a / amphibole)) + :example (c3 / crocidolite)) + :ARG2 n + :ARG1-of (h / have-degree-91 + :ARG2 (h2 / high-02 + :ARG1 s2) + :ARG3 (m2 / more))))))) + +# ::id nw.wsj_0003.21 ::date 2012-04-26T08:56:52 ::annotator ISI-AMR-01 ::preferred +# ::snt More common chrysotile fibers are curly and are more easily rejected by the body , Dr. Mossman explained . +# ::save-date Thu Jan 11, 2018 ::file nw_wsj_0003_21.txt +(e / explain-01 + :ARG0 (d / doctor :wiki - :name (m / name :op1 "Mossman")) + :ARG1 (a / and + :op1 (c / curly + :domain (f / fiber + :mod (c2 / chrysotile) + :ARG1-of (h2 / have-degree-91 + :ARG2 (c3 / common) + :ARG3 (m2 / more)))) + :op2 (r / reject-01 + :ARG0 (b / body) + :ARG1 f + :ARG1-of (h / have-degree-91 + :ARG2 (e2 / easy-05 + :ARG1 r) + :ARG3 (m3 / more))))) + +# ::id nw.wsj_0003.22 ::date 2012-04-26T08:59:36 ::annotator ISI-AMR-01 ::preferred +# ::snt In July , the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos . +# ::save-date Mon Feb 15, 2016 ::file nw_wsj_0003_22.txt +(i / impose-01 + :ARG0 (g2 / government-organization :wiki "United_States_Environmental_Protection_Agency" :name (e / name :op1 "Environmental" :op2 "Protection" :op3 "Agency")) + :ARG1 (b2 / ban-01 + :ARG1 (u3 / use-01 + :ARG1 (a5 / asbestos) + :ARG2 (t2 / thing + :mod (a6 / all + :degree (v3 / virtual)))) + :manner (g3 / gradual)) + :time (d / date-entity :month 7)) + +# ::id nw.wsj_0003.23 ::date 2012-04-26T09:02:21 ::annotator ISI-AMR-01 ::preferred +# ::snt By 1997 , almost all remaining uses of cancer - causing asbestos will be outlawed . +# ::save-date Mon Feb 15, 2016 ::file nw_wsj_0003_23.txt +(o / outlaw-01 + :ARG1 (u / use-01 + :ARG1 (a / asbestos + :ARG0-of (c / cause-01 + :ARG1 (d2 / disease :wiki "Cancer" :name (n / name :op1 "cancer")))) + :ARG2 (t / thing + :ARG1-of (r2 / remain-01) + :mod (a2 / all + :mod (a3 / almost)))) + :time (b / by + :op1 (d / date-entity :year 1997))) + +# ::id nw.wsj_0003.24 ::date 2012-05-22T13:36:46 ::annotator ISI-AMR-01 ::preferred +# ::snt About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s . +# ::save-date Tue May 29, 2012 ::file nw_wsj_0003_24.txt +(e / expose-01 + :ARG1 (p2 / person + :ARG0-of (w / work-01 + :location (f / factory + :ARG0-of (m / make-01 + :ARG1 (p3 / paper + :purpose (p4 / product :wiki "Kent_(cigarette)" + :name (k / name :op1 "Kent") + :ARG0-of (f2 / filter-02)))))) + :quant (a2 / about :op1 160)) + :ARG2 (a / asbestos) + :time (d / date-entity :decade 1950)) + +# ::id nw.wsj_0003.25 ::date 2012-04-26T09:26:05 ::annotator ISI-AMR-01 ::preferred +# ::snt Areas of the factory were particularly dusty where the crocidolite was used . +# ::save-date Thu Apr 26, 2012 ::file nw_wsj_0003_25.txt +(d / dusty + :domain (a / area + :poss (f / factory) + :location-of (u / use-01 + :ARG1 (c / crocidolite))) + :mod (p / particular)) + +# ::id nw.wsj_0003.26 ::date 2012-05-26T20:23:09 ::annotator ISI-AMR-01 ::preferred +# ::snt Workers dumped large burlap sacks of the imported material into a huge bin , poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters . +# ::save-date Tue Jul 14, 2015 ::file nw_wsj_0003_26.txt +(a / and + :op1 (d / dump-01 + :ARG0 (p2 / person + :ARG0-of (w / work-01)) + :ARG1 (m2 / material + :ARG1-of (i / import-01) + :quant (s / sack + :consist-of (b / burlap) + :mod (l / large))) + :destination (b2 / bin + :mod (h / huge))) + :op2 (p / pour-01 + :ARG0 p2 + :ARG1 (a2 / and + :op1 (f / fiber + :mod (c / cotton)) + :op2 (f2 / fiber + :mod (a3 / acetate))) + :ARG3 b2) + :op3 (m / mix-01 + :ARG0 p2 + :ARG1 (f3 / fiber + :ARG1-of (d2 / dry-08)) + :manner (m3 / mechanical)) + :prep-in (p3 / process-02 + :ARG1 m4 + :ARG1-of (u / use-01 + :ARG2 (m4 / make-01 + :ARG1 (p4 / product + :ARG0-of (f4 / filter-02)))))) + +# ::id nw.wsj_0003.27 ::date 2012-05-26T20:23:14 ::annotator ISI-AMR-01 ::preferred +# ::snt Workers described `` clouds of blue dust '' that hung over parts of the factory , even though exhaust fans ventilated the area . +# ::save-date Fri May 9, 2014 ::file nw_wsj_0003_27.txt +(d / describe-01 + :ARG0 (p / person + :ARG0-of (w / work-01)) + :ARG1 (c3 / cloud + :consist-of (d3 / dust + :mod (b2 / blue)) + :ARG1-of (h / hang-01 + :location (o / over + :op1 (t / thing + :part-of (f / factory))) + :concession (v / ventilate-01 + :ARG0 (f2 / fan + :mod (e / exhaust)) + :ARG1 (a / area))))) + +# ::id nw.wsj_0003.28 ::date 2012-04-26T09:36:35 ::annotator ISI-AMR-01 ::preferred +# ::snt `` There 's no question that some of those workers and managers contracted asbestos - related diseases , '' said Darrell Phillips , vice president of human resources for Hollingsworth & Vose . +# ::save-date Mon Apr 6, 2015 ::file nw_wsj_0003_28.txt +(s / say-01 + :ARG0 (p / person :wiki - :name (d / name :op1 "Darrell" :op2 "Phillips") + :ARG0-of (h / have-org-role-91 + :ARG1 (c2 / company :wiki - :name (h2 / name :op1 "Hollingsworth" :op2 "&" :op3 "Vose")) + :ARG2 (p5 / president + :mod (v / vice) + :topic (r2 / resource + :mod (h3 / human))))) + :ARG1 (q / question-03 :polarity - + :ARG1 (c / contract-04 + :ARG1 (p4 / person + :ARG1-of (i / include-91 + :ARG2 (a / and + :op1 (p2 / person + :ARG0-of (w / work-01)) + :op2 (p3 / person + :ARG0-of (m / manage-01)) + :mod (t / that)))) + :ARG2 (d2 / disease + :ARG1-of (r / relate-01 + :ARG2 (a2 / asbestos)))))) + +# ::id nw.wsj_0003.29 ::date 2012-05-26T21:50:24 ::annotator ISI-AMR-01 ::preferred +# ::snt `` But you have to recognize that these events took place 35 years ago . +# ::save-date Tue Sep 24, 2013 ::file nw_wsj_0003_29.txt +(c / contrast-01 + :ARG2 (o / obligate-01 + :ARG1 y + :ARG2 (r / recognize-02 + :ARG0 (y / you) + :ARG1 (e / event + :mod (t / this) + :time (b / before + :op1 (n / now) + :quant (t2 / temporal-quantity :quant 35 + :unit (y2 / year))))))) + +# ::id nw.wsj_0003.30 ::date 2012-05-26T21:53:07 ::annotator ISI-AMR-01 ::preferred +# ::snt It has no bearing on our work force today . +# ::save-date Thu May 31, 2012 ::file nw_wsj_0003_30.txt +(b / bear-06 :polarity - + :ARG1 (i / it) + :ARG2 (f / force + :ARG0-of (w / work-01) + :poss (w2 / we)) + :time (t / today)) + +# ::id nw.wsj_0004.1 ::date 2012-04-26T09:46:40 ::annotator ISI-AMR-01 ::preferred +# ::snt Yields on money - market mutual funds continued to slide , amid signs that portfolio managers expect further declines in interest rates . +# ::save-date Fri Jun 1, 2012 ::file nw_wsj_0004_1.txt +(c / continue-01 + :ARG1 (s / slide-02 + :ARG1 (t / thing + :ARG1-of (y / yield-03 + :ARG0 (f / fund + :mod (m2 / mutual) + :mod (m3 / market + :mod (m4 / money)))))) + :prep-amid (s2 / signal-07 + :ARG1 (e / expect-01 + :ARG0 (p / person + :ARG0-of (m / manage-01 + :ARG1 (p2 / portfolio))) + :ARG1 (d / decline-01 + :ARG1 (r / rate + :mod (i / interest)) + :degree (f2 / further))))) + +# ::id nw.wsj_0004.2 ::date 2012-04-26T12:38:16 ::annotator ISI-AMR-01 ::preferred +# ::snt The average seven - day compound yield of the 400 taxable funds tracked by IBC 's Money Fund Report eased a fraction of a percentage point to 8.45 % from 8.47 % for the week ended Tuesday . +# ::save-date Tue Jul 28, 2015 ::file nw_wsj_0004_2.txt +(e / ease-01 + :ARG1 (t5 / thing + :ARG1-of (y / yield-03 + :ARG0 (f2 / fund :quant 400 + :ARG2-of (t3 / tax-01 + :ARG2-of (o2 / obligate-01)) + :ARG1-of (t2 / track-down-02 + :ARG0 (p3 / publication :wiki - :name (m / name :op1 "Money" :op2 "Fund" :op3 "Report") + :poss (o / organization :wiki "International_Bank_of_Commerce" :name (i / name :op1 "IBC"))))) + :mod (t / temporal-quantity :quant 7 + :unit (d / day)) + :mod (c / compound)) + :ARG1-of (a / average-01)) + :ARG2 (f3 / fraction + :op1 (p4 / percentage-entity :value 1)) + :ARG3 (p2 / percentage-entity :value 8.47) + :ARG4 (p / percentage-entity :value 8.45) + :time (w / week + :ARG1-of (e2 / end-01 + :time (d2 / date-entity + :weekday (t4 / tuesday))))) + +# ::id nw.wsj_0004.3 ::date 2012-04-26T10:03:56 ::annotator ISI-AMR-01 ::preferred +# ::snt Compound yields assume reinvestment of dividends and that the current yield continues for a year . +# ::save-date Fri Apr 19, 2013 ::file nw_wsj_0004_3.txt +(a / assume-02 + :ARG0 (t2 / thing + :ARG1-of (y2 / yield-03 + :mod (c / compound))) + :ARG1 (a2 / and + :op1 (r / reinvest-00 + :ARG1 (t3 / thing + :ARG1-of (y3 / yield-03))) + :op2 (c2 / continue-01 + :ARG1 (t4 / thing + :ARG1-of (y4 / yield-03 + :mod (c3 / current))) + :duration (t5 / temporal-quantity :quant 1 + :unit (y5 / year))))) + +# ::id nw.wsj_0004.4 ::date 2012-04-26T10:05:04 ::annotator ISI-AMR-01 ::preferred +# ::snt Average maturity of the funds ' investments lengthened by a day to 41 days , the longest since early August , according to Donoghue 's . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0004_4.txt +(s2 / say-01 + :ARG0 (c / company :wiki - :name (d3 / name :op1 "Donoghue" :op2 "'s")) + :ARG1 (l / lengthen-01 + :ARG1 (m / maturity + :poss (t3 / thing + :ARG2-of (i / invest-01 + :ARG0 (f / fund))) + :ARG1-of (a2 / average-01)) + :ARG2 (t / temporal-quantity :quant 1 + :unit (d / day)) + :ARG4 (t2 / temporal-quantity :quant 41 + :unit (d2 / day) + :ARG1-of (h / have-degree-91 + :ARG2 (l2 / long-03 + :ARG1 t2) + :ARG3 (m2 / most) + :ARG5 (m3 / maturity + :time (s / since + :op1 (e2 / early + :op1 (d4 / date-entity :month 8)))))))) + +# ::id nw.wsj_0004.5 ::date 2012-04-26T12:56:16 ::annotator ISI-AMR-01 ::preferred +# ::snt Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period . +# ::save-date Tue Dec 12, 2017 ::file nw_wsj_0004_5.txt +(t / think-01 + :ARG1 (i / indicate-01 + :ARG0 (m / maturity + :ARG1-of (h2 / have-degree-91 + :ARG2 (l / long-03 + :ARG1 m) + :ARG3 (m2 / more))) + :ARG1 (d / decline-01 + :ARG1 (r / rate + :mod (i2 / interest))) + :ARG1-of (c / cause-01 + :ARG0 (p / permit-01 + :ARG0 m + :ARG1 (r2 / retain-01 + :ARG0 (p2 / person + :ARG0-of (m3 / manage-01 + :ARG1 (p3 / portfolio))) + :ARG1 (r3 / rate + :ARG1-of (h3 / have-degree-91 + :ARG2 (h / high-02 + :ARG1 r3 + :ARG2-of (r4 / relative-05)) + :ARG3 (m4 / more))) + :duration (p4 / period + :ARG1-of (h4 / have-degree-91 + :ARG2 (l2 / long-03 + :ARG1 p4) + :ARG3 (m5 / more)))))))) + +# ::id nw.wsj_0004.6 ::date 2012-04-26T13:34:33 ::annotator ISI-AMR-01 ::preferred +# ::snt Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0004_6.txt +(c / consider-01 + :ARG1 (s / signal-07 + :ARG0 (m / maturity + :ARG1-of (h2 / have-degree-91 + :ARG2 (s2 / short-07 + :ARG1 m) + :ARG3 (m2 / more))) + :ARG1 (r / rise-01 + :ARG1 (r2 / rate))) + :ARG1-of (c3 / cause-01 + :ARG0 (p / possible-01 + :ARG1 (c2 / capture-01 + :ARG0 (p2 / person + :ARG0-of (m3 / manage-01 + :ARG1 (p3 / portfolio))) + :ARG1 (r3 / rate + :ARG1-of (h3 / have-degree-91 + :ARG2 (h / high-02 + :ARG1 r3) + :ARG3 (m4 / more))) + :time (s3 / soon + :ARG2-of (h4 / have-degree-91 + :ARG1 c2 + :ARG3 (m5 / more))))))) + +# ::id nw.wsj_0004.7 ::date 2012-04-26T13:38:24 ::annotator ISI-AMR-01 ::preferred +# ::snt The average maturity for funds open only to institutions , considered by some to be a stronger indicator because those managers watch the market closely , reached a high point for the year -- 33 days . +# ::save-date Mon Nov 20, 2017 ::file nw_wsj_0004_7.txt +(r / reach-01 + :ARG0 (m / maturity + :poss (f / fund + :ARG1-of (o / open-01 + :ARG3 (i / institution) + :mod (o2 / only))) + :ARG1-of (a / average-01) + :ARG0-of (i3 / indicate-01 + :ARG1-of (c / consider-01 + :ARG0 (s / some) + :ARG1-of (c3 / cause-01 + :ARG0 (w / watch-01 + :ARG0 (p2 / person + :ARG0-of (m3 / manage-01) + :mod (t2 / that)) + :ARG1 (m4 / market) + :manner (c2 / close-10)))) + :ARG1-of (h2 / have-degree-91 + :ARG2 (s2 / strong-02 + :ARG1 i3) + :ARG3 (m2 / more)))) + :ARG1 (t / temporal-quantity :quant 33 + :unit (d / day) + :domain (p / point + :ARG1-of (h / high-02) + :prep-for (y / year)))) + +# ::id nw.wsj_0004.8 ::date 2012-04-26T13:50:20 ::annotator ISI-AMR-01 ::preferred +# ::snt Nevertheless , said Brenda Malizia Negus , editor of Money Fund Report , yields `` may blip up again before they blip down '' because of recent rises in short - term interest rates . +# ::save-date Sat Jan 30, 2016 ::file nw_wsj_0004_8.txt +(s / say-01 + :ARG0 (p3 / person :wiki - :name (b / name :op1 "Brenda" :op2 "Malizia" :op3 "Negus") + :ARG0-of (h2 / have-org-role-91 + :ARG1 (p2 / publication :wiki - :name (m / name :op1 "Money" :op2 "Fund" :op3 "Report")) + :ARG2 (e / editor))) + :ARG1 (p / possible-01 + :ARG1 (b2 / blip-00 + :ARG1 (t / thing + :ARG1-of (y2 / yield-03)) + :mod (a / again) + :time (b3 / before + :op1 (b4 / blip-00 + :ARG1 t + :direction (d / down))) + :direction (u / up) + :ARG1-of (c / cause-01 + :ARG0 (r / rise-01 + :ARG1 (r2 / rate + :mod (i / interest) + :duration (s2 / short-07)) + :time (r3 / recent)))) + :ARG1-of (h / have-concession-91))) + +# ::id nw.wsj_0004.9 ::date 2012-04-26T13:54:15 ::annotator ISI-AMR-01 ::preferred +# ::snt The yield on six - month Treasury bills sold at Monday 's auction , for example , rose to 8.04 % from 7.90 % . +# ::save-date Mon Feb 24, 2014 ::file nw_wsj_0004_9.txt +(r / rise-01 + :ARG1 (t3 / thing + :ARG1-of (y2 / yield-03 + :ARG0 (b / bill + :mod (g / government-organization :wiki "United_States_Department_of_the_Treasury" + :name (t2 / name :op1 "Treasury")) + :mod (t / temporal-quantity :quant 6 + :unit (m / month)) + :ARG1-of (a / auction-02 + :time (d / date-entity + :weekday (m2 / monday)))))) + :ARG3 (p2 / percentage-entity :value 7.90) + :ARG4 (p / percentage-entity :value 8.04) + :ARG0-of (e / exemplify-01)) + +# ::id nw.wsj_0004.10 ::date 2012-04-26T13:57:54 ::annotator ISI-AMR-01 ::preferred +# ::snt Despite recent declines in yields , investors continue to pour cash into money funds . +# ::save-date Tue Jul 3, 2012 ::file nw_wsj_0004_10.txt +(c2 / continue-01 + :ARG0 (p2 / person + :ARG0-of (i / invest-01)) + :ARG1 (p / pour-01 + :ARG0 p2 + :ARG1 (c / cash) + :ARG3 (f / fund + :mod (m / money))) + :concession (d / decline-01 + :ARG1 (t / thing + :ARG1-of (y2 / yield-03)) + :time (r / recent))) + +# ::id nw.wsj_0004.11 ::date 2012-04-26T14:01:32 ::annotator ISI-AMR-01 ::preferred +# ::snt Assets of the 400 taxable funds grew by $ 1.5 billion during the latest week , to $ 352.7 billion . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0004_11.txt +(g / grow-01 + :ARG1 (a / asset + :poss (f / fund :quant 400 + :ARG3-of (t / tax-01))) + :ARG2 (m / monetary-quantity :quant 1500000000 + :unit (d / dollar)) + :ARG4 (m2 / monetary-quantity :quant 352700000000 + :unit (d2 / dollar)) + :time (w / week + :mod (l / last))) + +# ::id nw.wsj_0004.12 ::date 2012-04-26T14:03:52 ::annotator ISI-AMR-01 ::preferred +# ::snt Typically , money - fund yields beat comparable short - term investments because portfolio managers can vary maturities and go after the highest rates . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0004_12.txt +(b / beat-03 + :ARG0 (t3 / thing + :ARG1-of (y2 / yield-03 + :ARG0 (f / fund + :mod (m5 / money)))) + :ARG1 (t / thing + :ARG1-of (i / invest-01 + :duration (s / short-07)) + :ARG2-of (c2 / comparable-03 + :ARG1 t3)) + :ARG1-of (t2 / typical-02) + :ARG1-of (c / cause-01 + :ARG0 (p / possible-01 + :ARG1 (a / and + :op1 (v / vary-01 + :ARG0 (p2 / person + :ARG0-of (m / manage-01 + :ARG1 (p3 / portfolio))) + :ARG1 (m2 / maturity)) + :op2 (g / go-03 + :ARG0 p2 + :ARG1 (r / rate + :ARG1-of (h2 / have-degree-91 + :ARG2 (h / high-02 + :ARG1 r) + :ARG3 (m3 / most)))))))) + +# ::id nw.wsj_0004.13 ::date 2012-04-26T14:10:07 ::annotator ISI-AMR-01 ::preferred +# ::snt The top money funds are currently yielding well over 9 % . +# ::save-date Fri May 16, 2014 ::file nw_wsj_0004_13.txt +(y / yield-03 + :ARG0 (f / fund + :mod (t / top) + :mod (m / money)) + :ARG1 (o / over + :op1 (p / percentage-entity :value 9) + :degree (w / well)) + :time (c / current)) + +# ::id nw.wsj_0004.14 ::date 2012-04-26T14:11:49 ::annotator ISI-AMR-01 ::preferred +# ::snt Dreyfus World - Wide Dollar , the top - yielding fund , had a seven - day compound yield of 9.37 % during the latest week , down from 9.45 % a week earlier . +# ::save-date Wed Sep 13, 2017 ::file nw_wsj_0004_14.txt +(y3 / yield-03 + :ARG0 (f / fund :wiki - :name (n / name :op1 "Dreyfus" :op2 "World-Wide" :op3 "Dollar") + :ARG0-of (y2 / yield-03 + :mod (t2 / top))) + :ARG1 (p / percentage-entity :value 9.37 + :ARG4-of (d2 / decrease-01 + :ARG3 (p2 / percentage-entity :value 9.45 + :time (b / before + :op1 w + :quant (t3 / temporal-quantity :quant 1 + :unit (w2 / week)))))) + :time (w / week + :mod (l / last)) + :mod (t / temporal-quantity :quant 7 + :unit (d / day)) + :mod (c2 / compound)) + +# ::id nw.wsj_0004.15 ::date 2012-04-26T14:12:35 ::annotator ISI-AMR-01 ::preferred +# ::snt It invests heavily in dollar - denominated securities overseas and is currently waiving management fees , which boosts its yield . +# ::save-date Tue Jun 12, 2012 ::file nw_wsj_0004_15.txt +(a / and + :op1 (i / invest-01 + :ARG0 (i3 / it) + :ARG2 (s / security + :ARG1-of (d / denominate-01 + :ARG2 (d2 / dollar)) + :location (o / overseas)) + :manner (h / heavy)) + :op2 (w / waive-01 + :ARG0 i3 + :ARG1 (f / fee + :mod (m / manage-01)) + :ARG0-of (b2 / boost-01 + :ARG1 (t / thing + :ARG1-of (y / yield-03 + :ARG0 i3))) + :time (c / current))) + +# ::id nw.wsj_0004.16 ::date 2012-04-26T14:50:06 ::annotator ISI-AMR-01 ::preferred +# ::snt The average seven - day simple yield of the 400 funds was 8.12 % , down from 8.14 % . +# ::save-date Sun Jul 26, 2015 ::file nw_wsj_0004_16.txt +(y / yield-03 + :ARG0 (f / fund :quant 400) + :ARG1 (p2 / percentage-entity :value 8.12 + :ARG4-of (d2 / decrease-01 + :ARG3 (p / percentage-entity :value 8.14))) + :mod (t / temporal-quantity :quant 7 + :unit (d / day)) + :ARG1-of (s / simple-02) + :ARG1-of (a2 / average-01)) + +# ::id nw.wsj_0004.17 ::date 2012-04-26T14:51:21 ::annotator ISI-AMR-01 ::preferred +# ::snt The 30 - day simple yield fell to an average 8.19 % from 8.22 % ; the 30 - day compound yield slid to an average 8.53 % from 8.56 % . +# ::save-date Sun Jul 26, 2015 ::file nw_wsj_0004_17.txt +(a / and + :op1 (f / fall-01 + :ARG1 (t3 / thing + :ARG1-of (y / yield-03 + :mod (t / temporal-quantity :quant 30 + :unit (d / day)) + :ARG1-of (s2 / simple-02))) + :ARG3 (p2 / percentage-entity :value 8.22) + :ARG4 (p / percentage-entity :value 8.19 + :ARG2-of (a4 / average-01))) + :op2 (s / slide-02 + :ARG1 (t4 / thing + :ARG1-of (y2 / yield-03 + :mod (t2 / temporal-quantity :quant 30 + :unit (d2 / day)) + :mod (c / compound))) + :ARG3 (p4 / percentage-entity :value 8.56) + :ARG4 (p3 / percentage-entity :value 8.53 + :ARG2-of (a2 / average-01)))) + +# ::id nw.wsj_0005.1 ::date 2012-04-26T14:57:32 ::annotator ISI-AMR-01 ::preferred +# ::snt J.P. Bolduc , vice chairman of W.R. Grace & Co. , which holds a 83.4 % interest in this energy - services company , was elected a director . +# ::save-date Tue Sep 17, 2013 ::file nw_wsj_0005_1.txt +(e / elect-01 + :ARG1 (p / person :wiki - + :name (j / name :op1 "J.P." :op2 "Bolduc") + :ARG0-of (h2 / have-org-role-91 + :ARG1 (c / company :wiki "W._R._Grace_and_Company" + :name (w / name :op1 "W.R." :op2 "Grace" :op3 "&" :op4 "Co.") + :ARG0-of (h / hold-01 + :ARG1 (i / interest + :quant (p2 / percentage-entity :value 83.4) + :prep-in (c3 / company + :mod (t / this) + :mod (s / service + :mod (e3 / energy)))))) + :ARG2 (c2 / chairman + :mod (v / vice)))) + :ARG2 (d / director + :ARG2-of (h3 / have-org-role-91 + :ARG0 p))) + +# ::id nw.wsj_0005.2 ::date 2012-04-26T15:06:47 ::annotator ISI-AMR-01 ::preferred +# ::snt He succeeds Terrence D. Daniels , formerly a W.R. Grace vice chairman , who resigned . +# ::save-date Fri Sep 13, 2013 ::file nw_wsj_0005_2.txt +(s / succeed-02 + :ARG0 (h / he) + :ARG1 (p / person :wiki - + :name (t / name :op1 "Terrence" :op2 "D." :op3 "Daniels") + :ARG0-of (r / resign-01 + :ARG1 c2) + :ARG0-of (h2 / have-org-role-91 + :ARG1 (c / company :wiki "W._R._Grace_and_Company" + :name (w / name :op1 "W.R." :op2 "Grace")) + :ARG2 (c2 / chairman + :mod (v / vice)) + :time (f / former)))) + +# ::id nw.wsj_0005.3 ::date 2012-04-26T15:10:19 ::annotator ISI-AMR-01 ::preferred +# ::snt W.R. Grace holds three of Grace Energy 's seven board seats . +# ::save-date Thu Jun 14, 2012 ::file nw_wsj_0005_3.txt +(h / hold-01 + :ARG0 (c / company :wiki "W._R._Grace_and_Company" + :name (w / name :op1 "W.R." :op2 "Grace")) + :ARG1 (s3 / seat :quant 3 + :ARG1-of (i / include-91 + :ARG2 (s4 / seat :quant 7 + :mod (b / board) + :poss (c2 / company :wiki - + :name (g / name :op1 "Grace" :op2 "Energy")))))) + +# ::id nw.wsj_0007.1 ::date 2012-04-26T15:12:03 ::annotator ISI-AMR-01 ::preferred +# ::snt McDermott International Inc. said its Babcock & Wilcox unit completed the sale of its Bailey Controls Operations to Finmeccanica S.p . A. for $ 295 million . +# ::save-date Mon Jul 30, 2012 ::file nw_wsj_0007_1.txt +(s / say-01 + :ARG0 (c / company :wiki "McDermott_International" + :name (m / name :op1 "McDermott" :op2 "International" :op3 "Inc.")) + :ARG1 (c2 / complete-01 + :ARG0 (u / unit :wiki "Babcock_&_Wilcox" + :name (b / name :op1 "Babcock" :op2 "&" :op3 "Wilcox") + :part-of c) + :ARG1 (s2 / sell-01 + :ARG0 u + :ARG1 (o / organization :wiki - + :name (b2 / name :op1 "Bailey" :op2 "Controls" :op3 "Operations") + :part-of u) + :ARG2 (c4 / company :wiki "Leonardo_S.p.A." + :name (f / name :op1 "Finmeccanica" :op2 "S.p.A.")) + :ARG3 (m2 / monetary-quantity :quant 295000000 + :unit (d / dollar))))) + +# ::id nw.wsj_0007.2 ::date 2012-04-26T15:34:55 ::annotator ISI-AMR-01 ::preferred +# ::snt Finmeccanica is an Italian state - owned holding company with interests in the mechanical engineering industry . +# ::save-date Thu Jun 14, 2012 ::file nw_wsj_0007_2.txt +(c3 / company :wiki "Leonardo_S.p.A." + :name (n2 / name :op1 "Finmeccanica") + :ARG1-of (o / own-01 + :ARG0 (s2 / state)) + :prep-with (i2 / interest + :prep-in (i3 / industry + :mod (e / engineering + :mod (m / mechanics)))) + :mod (c / country :wiki "Italy" + :name (i / name :op1 "Italy")) + :mod (h / holding)) + +# ::id nw.wsj_0007.3 ::date 2012-04-26T15:39:30 ::annotator ISI-AMR-01 ::preferred +# ::snt Bailey Controls , based in Wickliffe , Ohio , makes computerized industrial controls systems . +# ::save-date Fri Jun 15, 2012 ::file nw_wsj_0007_3.txt +(m / make-01 + :ARG0 (c4 / company :wiki - + :name (b / name :op1 "Bailey" :op2 "Controls") + :ARG1-of (b2 / base-01 + :location (c / city :wiki "Wickliffe,_Ohio" + :name (w / name :op1 "Wickliffe") + :location (s / state :wiki "Ohio" + :name (o2 / name :op1 "Ohio"))))) + :ARG1 (s2 / system + :ARG1-of (c2 / computerize-01) + :mod (i / industry) + :ARG2-of (c3 / control-01))) + +# ::id nw.wsj_0007.4 ::date 2012-04-26T15:41:33 ::annotator ISI-AMR-01 ::preferred +# ::snt It employs 2,700 people and has annual revenue of about $ 370 million . +# ::save-date Mon Sep 9, 2013 ::file nw_wsj_0007_4.txt +(a2 / and + :op1 (e / employ-01 + :ARG0 (i / it) + :ARG1 (p / person :quant 2700)) + :op2 (h2 / have-03 + :ARG0 i + :ARG1 (r / revenue + :quant (r2 / rate-entity-91 + :ARG1 (a / about + :op1 (m / monetary-quantity :quant 370000000 + :unit (d / dollar))) + :ARG2 (t / temporal-quantity :quant 1 + :unit (y / year)))))) + +# ::id nw.wsj_0008.1 ::date 2012-04-26T15:45:26 ::annotator ISI-AMR-01 ::preferred +# ::snt The federal government suspended sales of U.S. savings bonds because Congress has n't lifted the ceiling on government debt . +# ::save-date Fri Jun 15, 2012 ::file nw_wsj_0008_1.txt +(s / suspend-01 + :ARG0 (g4 / government-organization + :ARG0-of (g / govern-01) + :mod (f / federal)) + :ARG1 (s2 / sell-01 + :ARG1 (b / bond + :mod (s3 / savings) + :mod (c3 / country :wiki "United_States" + :name (n / name :op1 "U.S.")))) + :ARG1-of (c / cause-01 + :ARG0 (l / lift-01 :polarity - + :ARG0 (g3 / government-organization :wiki "United_States_Congress" + :name (n2 / name :op1 "Congress")) + :ARG1 (c4 / ceiling + :prep-on (d / debt + :mod (g5 / government-organization + :ARG0-of (g2 / govern-01))))))) + +# ::id nw.wsj_0008.2 ::date 2012-05-09T07:55:11 ::annotator ISI-AMR-01 ::preferred +# ::snt Until Congress acts , the government has n't any authority to issue new debt obligations of any kind , the Treasury said . +# ::save-date Wed Nov 4, 2015 ::file nw_wsj_0008_2.txt +(s / say-01 + :ARG0 (g3 / government-organization :wiki "United_States_Department_of_the_Treasury" :name (t / name :op1 "Treasury")) + :ARG1 (a / authorize-01 :polarity - + :ARG1 (i / issue-01 + :ARG0 g4 + :ARG1 (o2 / obligation + :mod (d / debt) + :ARG1-of (n / new-01) + :mod (k / kind + :mod (a3 / any)))) + :ARG2 (g4 / government-organization + :ARG0-of (g / govern-01)) + :time (u / until + :op1 (a2 / act-02 + :ARG0 (g2 / government-organization :wiki "United_States_Congress" :name (c / name :op1 "Congress")))))) + +# ::id nw.wsj_0008.3 ::date 2012-06-06T21:41:46 ::annotator ISI-AMR-01 ::preferred +# ::snt The government 's borrowing authority dropped at midnight Tuesday to $ 2.80 trillion from $ 2.87 trillion . +# ::save-date Sat May 25, 2013 ::file nw_wsj_0008_3.txt +(d4 / drop-01 + :ARG1 (t / thing + :ARG1-of (b / borrow-01 + :ARG0 g + :ARG1-of (a / authorize-01 + :ARG2 (g / government-organization + :ARG0-of (g2 / govern-01))))) + :ARG3 (m2 / monetary-quantity :quant 2870000000000 + :unit (d3 / dollar)) + :ARG4 (m / monetary-quantity :quant 2800000000000 + :unit (d2 / dollar)) + :time (d / date-entity :time "0:00" + :weekday (w / wednesday))) + +# ::id nw.wsj_0008.4 ::date 2012-05-09T08:21:34 ::annotator ISI-AMR-01 ::preferred +# ::snt Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital - gains taxes . +# ::save-date Wed Jun 20, 2012 ::file nw_wsj_0008_4.txt +(e / ensnarl-01 + :ARG1 (l / legislate-01 + :ARG1 (l2 / lift-01 + :ARG1 (c / ceiling + :mod (d / debt)))) + :ARG2 (f / fight-01 + :ARG2 (c2 / cut-02 + :ARG1 (t2 / thing + :ARG1-of (t / tax-01 + :ARG3 (t3 / thing + :ARG1-of (g3 / gain-02 + :mod (c5 / capital)))))))) + +# ::id nw.wsj_0008.5 ::date 2012-06-10T18:46:10 ::annotator ISI-AMR-01 ::preferred +# ::snt The House has voted to raise the ceiling to $ 3.1 trillion , but the Senate is n't expected to act until next week at the earliest . +# ::save-date Wed Nov 28, 2012 ::file nw_wsj_0008_5.txt +(c2 / contrast-01 + :ARG1 (v / vote-01 + :ARG0 (g / government-organization :wiki "United_States_House_of_Representatives" + :name (n / name :op1 "House")) + :ARG1 (r / raise-01 + :ARG1 (c / ceiling) + :ARG4 (m / monetary-quantity :quant 3100000000000 + :unit (d / dollar)))) + :ARG2 (e / expect-01 + :ARG1 (a / act-02 :polarity - + :ARG0 (g2 / government-organization :wiki "United_States_Senate" + :name (n2 / name :op1 "Senate")) + :time (b2 / before + :op1 (w / week + :mod (n3 / next)))))) + +# ::id nw.wsj_0008.6 ::date 2012-06-10T19:04:13 ::annotator ISI-AMR-01 ::preferred +# ::snt The Treasury said the U.S. will default on Nov. 9 if Congress does n't act by then . +# ::save-date Mon Jun 18, 2012 ::file nw_wsj_0008_6.txt +(s / say-01 + :ARG0 (g / government-organization :wiki "United_States_Department_of_the_Treasury" + :name (n / name :op1 "Treasury")) + :ARG1 (d2 / default-01 + :ARG1 (c / country :wiki "United_States" + :name (u / name :op1 "U.S.")) + :time (d / date-entity :month 11 :day 9) + :condition (a / act-02 :polarity - + :ARG0 (g2 / government-organization :wiki "United_States_Congress" + :name (n2 / name :op1 "Congress")) + :time (b / by + :op1 d)))) + +# ::id nw.wsj_0009.1 ::date 2012-06-10T19:09:38 ::annotator ISI-AMR-01 ::preferred +# ::snt Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp . +# ::save-date Tue Sep 17, 2013 ::file nw_wsj_0009_1.txt +(n / name-03 + :ARG1 (p / person :wiki - + :name (c / name :op1 "Clark" :op2 "J." :op3 "Vitulli")) + :ARG2 (a / and + :op1 (p2 / president + :mod (v / vice) + :mod (s / senior)) + :op2 (p3 / person + :ARG0-of (m2 / manage-01 + :ARG1 a2) + :mod (g / general)) + :ARG2-of (h / have-org-role-91 + :ARG0 p + :ARG1 (a2 / arm + :mod (t / this) + :part-of (c4 / company :wiki "Mazda" + :name (m / name :op1 "Mazda" :op2 "Motor" :op3 "Corp") + :mod (c3 / country :wiki "Japan" + :name (j / name :op1 "Japan")) + :ARG0-of (m4 / make-01 + :ARG1 (a4 / auto))) + :mod (c2 / country :wiki "United_States" + :name (u / name :op1 "U.S.")) + :ARG0-of (s2 / sell-01) + :ARG0-of (m3 / market-01))))) + +# ::id nw.wsj_0009.2 ::date 2012-06-19T09:49:13 ::annotator ISI-AMR-01 ::preferred +# ::snt In the new position he will oversee Mazda 's U.S. sales , service , parts and marketing operations . +# ::save-date Mon Feb 1, 2016 ::file nw_wsj_0009_2.txt +(o2 / oversee-01 + :ARG0 (h / he) + :ARG1 (a / and + :op1 (o / operation + :ARG0-of (s / sell-01)) + :op2 (o4 / operation + :mod (s2 / service-05)) + :op3 (o5 / operation + :mod (p / part)) + :op4 (o6 / operation + :ARG0-of (m2 / market-01)) + :poss (c2 / company :wiki "Mazda" :name (m / name :op1 "Mazda")) + :mod (c3 / country :wiki "United_States" :name (n / name :op1 "U.S."))) + :ARG3-of (h2 / have-org-role-91 + :ARG0 h + :ARG2 (p2 / position + :ARG1-of (n2 / new-02 + :ARG2 h)))) + +# ::id nw.wsj_0009.3 ::date 2012-06-10T19:24:46 ::annotator ISI-AMR-01 ::preferred +# ::snt Previously , Mr. Vitulli , 43 years old , was general marketing manager of Chrysler Corp. 's Chrysler division . +# ::save-date Fri Sep 13, 2013 ::file nw_wsj_0009_3.txt +(p / person :wiki - + :name (m / name :op1 "Mr." :op2 "Vitulli") + :ARG0-of (h / have-org-role-91 + :ARG1 (d / division :wiki "Chrysler" + :name (c3 / name :op1 "Chrysler") + :part-of (c / company :wiki "Chrysler" + :name (c2 / name :op1 "Chrysler" :op2 "Corp."))) + :ARG3 (m2 / manage-01 + :ARG0 p + :ARG1 (m3 / market-01) + :mod (g / general)) + :time (p3 / previous)) + :age (t / temporal-quantity :quant 43 + :unit (y / year))) + +# ::id nw.wsj_0009.4 ::date 2012-06-10T19:32:03 ::annotator ISI-AMR-01 ::preferred +# ::snt He had been a sales and marketing executive with Chrysler for 20 years . +# ::save-date Mon Sep 23, 2013 ::file nw_wsj_0009_4.txt +(h / have-org-role-91 + :ARG0 (h2 / he) + :ARG1 (c / company :wiki "Chrysler" + :name (n / name :op1 "Chrysler")) + :ARG2 (e / executive + :topic (a / and + :op1 (s / sell-01) + :op2 (m / market-01))) + :duration (t / temporal-quantity :quant 20 + :unit (y / year))) + +# ::id nw.wsj_0010.1 ::date 2012-05-13T20:10:19 ::annotator ISI-AMR-01 ::preferred +# ::snt When it 's time for their biannual powwow , the nation 's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs . +# ::save-date Thu Jan 11, 2018 ::file nw_wsj_0010_1.txt +(j / jet-off-01 + :ARG1 (t / titan + :ARG0-of (m / manufacture-01) + :mod (n / nation)) + :ARG2 (t3 / town + :mod (r / resort) + :example (a / and + :op1 (c2 / city :wiki "Boca_Raton,_Florida" :name (b / name :op1 "Boca" :op2 "Raton")) + :op2 (c3 / city :wiki "Hot_Springs,_Arkansas" :name (h / name :op1 "Hot" :op2 "Springs"))) + :ARG2-of (c / confine-01 + :mod (s / sunny))) + :ARG1-of (t2 / typical-02) + :time (p / powwow + :poss t + :frequency (r2 / rate-entity-91 + :ARG1 2 + :ARG2 (t4 / temporal-quantity :quant 1 + :unit (y / year))))) + +# ::id nw.wsj_0010.2 ::date 2012-06-19T10:30:38 ::annotator ISI-AMR-01 ::preferred +# ::snt Not this year . +# ::save-date Tue Jun 19, 2012 ::file nw_wsj_0010_2.txt +(y / year + :mod (t / this) + :polarity -) + +# ::id nw.wsj_0010.3 ::date 2012-05-13T20:15:28 ::annotator ISI-AMR-01 ::preferred +# ::snt The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting . +# ::save-date Wed Apr 16, 2014 ::file nw_wsj_0010_3.txt +(s / settle-01 + :ARG0 (o / organization :wiki "National_Association_of_Manufacturers" :name (n / name :op1 "National" :op2 "Association" :op3 "of" :op4 "Manufacturers")) + :ARG1 (m / meet-03 + :ARG0 (b / board + :part-of o) + :time (d / date-entity + :season (f / fall)) + :location (c / city :wiki "Indianapolis" :name (i / name :op1 "Indianapolis") + :ARG0-of (h / have-org-role-91 + :ARG1 (s2 / state :wiki "Indiana" :name (n3 / name :op1 "Indiana")) + :ARG2 (c2 / capital))))) + +# ::id nw.wsj_0010.4 ::date 2012-05-13T20:21:56 ::annotator ISI-AMR-01 ::preferred +# ::snt And the city decided to treat its guests more like royalty or rock stars than factory owners . +# ::save-date Mon Sep 11, 2017 ::file nw_wsj_0010_4.txt +(a / and + :op2 (d / decide-01 + :ARG0 (c / city) + :ARG1 (h / have-degree-of-resemblance-91 + :ARG1 (t / treat-01 + :ARG0 c + :ARG1 (g / guest + :poss c)) + :ARG2 (t2 / treat-01 + :ARG1 (o / or + :op1 (r / royalty) + :op2 (s / star + :mod (r2 / rock)))) + :ARG3 (t3 / treat-01 + :ARG1 (p / person + :ARG0-of (o2 / own-01 + :ARG1 (f / factory)))) + :ARG4 (m / more)))) + +# ::id nw.wsj_0010.5 ::date 2012-05-13T20:24:37 ::annotator ISI-AMR-01 ::preferred +# ::snt The idea , of course : to prove to 125 corporate decision makers that the buckle on the Rust Belt is n't so rusty after all , that it 's a good place for a company to expand . +# ::save-date Mon Dec 18, 2017 ::file nw_wsj_0010_5.txt +(p / prove-01 + :ARG1 (a / and + :op1 (r2 / rust-01 :polarity - + :ARG1 (b / buckle + :location (c4 / country-region :wiki "Rust_Belt" :name (r / name :op1 "Rust" :op2 "Belt"))) + :mod (a2 / after-all) + :degree (s / so)) + :op2 (p3 / place + :ARG1-of (h / have-degree-91 + :ARG2 (g / good-02) + :ARG3 (s2 / so) + :ARG6 (e / expand-01 + :ARG1 (c2 / company))) + :domain c4)) + :ARG2 (p2 / person :quant 125 + :ARG0-of (d / decide-01) + :mod (c3 / corporation)) + :domain (i / idea) + :mod (o / of-course)) + +# ::id nw.wsj_0010.6 ::date 2012-05-14T17:00:10 ::annotator ISI-AMR-01 ::preferred +# ::snt On the receiving end of the message were officials from giants like Du Pont and Maytag , along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0010_6.txt +(r / receive-01 + :ARG0 (p / person + :ARG0-of (h / have-org-role-91 + :ARG1 (a3 / and + :op1 (g / giant + :example (a / and + :op1 (c / company :wiki "DuPont" :name (d / name :op1 "Du" :op2 "Pont")) + :op2 (c2 / company :wiki "Maytag" :name (m / name :op1 "Maytag")))) + :op2 (c5 / company + :ARG1-of (h2 / have-degree-91 + :ARG2 (k / know-02 + :ARG1 c5) + :ARG3 (l / less)) + :example (a2 / and + :op1 (c3 / company :wiki - :name (t / name :op1 "Trojan" :op2 "Steel")) + :op2 (c4 / company :wiki - :name (v / name :op1 "Valley" :op2 "Queen" :op3 "Cheese" :op4 "Factory"))))) + :ARG2 (o5 / official))) + :ARG1 (t2 / thing + :ARG1-of (m3 / message-01))) + +# ::id nw.wsj_0010.7 ::date 2012-05-15T08:30:14 ::annotator ISI-AMR-01 ::preferred +# ::snt For starters , the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist - comedian Victor Borge . +# ::save-date Mon Dec 18, 2017 ::file nw_wsj_0010_7.txt +(j / join-04 + :ARG0 (p6 / person + :ARG0-of (h2 / have-org-role-91 + :ARG2 (e / executive))) + :ARG1 (p5 / person :wiki "William_H._Hudnut_III" :name (w / name :op1 "William" :op2 "H." :op3 "Hudnut" :op4 "III") + :ARG0-of (h / have-org-role-91 + :ARG2 (m / mayor))) + :ARG2 (e2 / evening + :poss (a / and + :op1 (o / organization :wiki "Indianapolis_Symphony_Orchestra" :name (i / name :op1 "Indianapolis" :op2 "Symphony" :op3 "Orchestra")) + :op2 (p2 / person :wiki "Victor_Borge" :name (v / name :op1 "Victor" :op2 "Borge") + :mod (p / person + :ARG0-of (p3 / play-11 + :ARG2 (p4 / piano))) + :mod (c2 / comedian) + :mod (g / guest)))) + :prep-for (s / starter)) + +# ::id nw.wsj_0010.8 ::date 2012-05-15T08:35:10 ::annotator ISI-AMR-01 ::preferred +# ::snt Champagne and dessert followed . +# ::save-date Tue May 15, 2012 ::file nw_wsj_0010_8.txt +(f / follow-01 + :ARG1 (a / and + :op1 (c / champagne) + :op2 (d / dessert))) + +# ::id nw.wsj_0010.9 ::date 2012-05-15T08:35:40 ::annotator ISI-AMR-01 ::preferred +# ::snt The next morning , with a police escort , busloads of executives and their wives raced to the Indianapolis Motor Speedway , unimpeded by traffic or red lights . +# ::save-date Mon Jul 13, 2015 ::file nw_wsj_0010_9.txt +(r / race-01 + :ARG0 (a / and + :op1 (p2 / person + :ARG0-of (h / have-org-role-91 + :ARG2 (e / executive))) + :op2 (p3 / person + :ARG0-of (h2 / have-rel-role-91 + :ARG1 p2 + :ARG2 (w / wife))) + :quant (b / busload) + :ARG1-of (e2 / escort-01 + :ARG0 (p / police) + :ARG4 s)) + :ARG2 (s / sports-facility :wiki "Indianapolis_Motor_Speedway" :name (i / name :op1 "Indianapolis" :op2 "Motor" :op3 "Speedway")) + :ARG1-of (i2 / impede-01 :polarity - + :ARG0 (o / or + :op1 (t / traffic) + :op2 (l / light + :ARG1-of (r2 / red-02)))) + :time (d / date-entity + :dayperiod (m2 / morning) + :mod (n2 / next))) + +# ::id nw.wsj_0010.10 ::date 2012-05-15T08:40:22 ::annotator ISI-AMR-01 ::preferred +# ::snt The governor could n't make it , so the lieutenant governor welcomed the special guests . +# ::save-date Fri Jul 24, 2015 ::file nw_wsj_0010_10.txt +(p / possible-01 :polarity - + :ARG1 (m / make-it-14 + :ARG0 (p2 / person + :ARG0-of (h / have-org-role-91 + :ARG2 (g3 / governor)))) + :ARG0-of (c2 / cause-01 + :ARG1 (w / welcome-01 + :ARG0 (p3 / person + :ARG0-of (h2 / have-org-role-91 + :ARG2 (g / governor + :mod (l / lieutenant)))) + :ARG1 (g2 / guest + :ARG1-of (s / special-02))))) + +# ::id nw.wsj_0010.11 ::date 2012-05-15T08:45:47 ::annotator ISI-AMR-01 ::preferred +# ::snt A buffet breakfast was held in the museum , where food and drinks are banned to everyday visitors . +# ::save-date Thu Jul 5, 2012 ::file nw_wsj_0010_11.txt +(h / hold-04 + :ARG1 (b / breakfast-01 + :mod (b2 / buffet)) + :location (m / museum + :location-of (b3 / ban-01 + :ARG1 (a / and + :op1 (f / food) + :op2 (d / drink)) + :ARG2 (p / person + :ARG0-of (v / visit-01) + :mod (e / everyday))))) + +# ::id nw.wsj_0010.12 ::date 2012-06-22T14:49:13 ::annotator ISI-AMR-01 ::preferred +# ::snt Then , in the guests ' honor , the speedway hauled out four drivers , crews and even the official Indianapolis 500 announcer for a 10 - lap exhibition race . +# ::save-date Wed May 13, 2015 ::file nw_wsj_0010_12.txt +(h / haul-out-03 + :ARG0 (s / speedway) + :ARG1 (a / and + :op1 (p / person :quant 4 + :ARG0-of (d / drive-01)) + :op2 (c / crew) + :op3 (p2 / person + :ARG0-of (a2 / announce-01) + :mod (e / event :wiki "Indianapolis_500" + :name (i / name :op1 "Indianapolis" :op2 500)) + :mod (o / official) + :mod (e3 / even))) + :purpose (r / race-02 + :mod (l / lap :quant 10) + :ARG1-of (e2 / exhibit-01)) + :time (t / then) + :ARG3-of (h2 / honor-01 + :ARG1 (g / guest))) + +# ::id nw.wsj_0010.13 ::date 2012-05-15T09:00:23 ::annotator ISI-AMR-01 ::preferred +# ::snt After the race , Fortune 500 executives drooled like schoolboys over the cars and drivers . +# ::save-date Mon Sep 23, 2013 ::file nw_wsj_0010_13.txt +(d / drool-02 + :ARG0 (p2 / person + :ARG0-of (h / have-org-role-91 + :ARG1 (c2 / company + :mod (t / thing :wiki "Fortune_500" + :name (n / name :op1 "Fortune" :op2 500))) + :ARG2 (e / executive))) + :ARG1 (a / and + :op1 (c / car) + :op2 (p / person + :ARG0-of (d2 / drive-01))) + :time (a2 / after + :op1 (r / race-02)) + :ARG1-of (r3 / resemble-01 + :ARG2 (d3 / drool-02 + :ARG0 (s2 / schoolboy)))) + +# ::id nw.wsj_0010.14 ::date 2012-05-15T09:12:44 ::annotator ISI-AMR-01 ::preferred +# ::snt No dummies , the drivers pointed out they still had space on their machines for another sponsor 's name or two . +# ::save-date Thu Dec 14, 2017 ::file nw_wsj_0010_14.txt +(p / point-out-02 + :ARG0 (p2 / person + :ARG0-of (d / drive-01) + :mod (d2 / dummy :polarity -)) + :ARG1 (h / have-03 + :ARG0 p2 + :ARG1 (s / space + :location (m / machine + :poss p2) + :prep-for (n / name + :quant (o / or :op1 1 :op2 2) + :poss (c / company + :ARG0-of (s4 / sponsor-01) + :mod (a / another)))) + :mod (s3 / still))) + +# ::id nw.wsj_0010.15 ::date 2012-05-15T09:18:33 ::annotator ISI-AMR-01 ::preferred +# ::snt Back downtown , the execs squeezed in a few meetings at the hotel before boarding the buses again . +# ::save-date Mon Sep 23, 2013 ::file nw_wsj_0010_15.txt +(s / squeeze-02 + :ARG0 (p / person + :ARG0-of (h2 / have-org-role-91 + :ARG2 (e / executive))) + :ARG1 (m / meet-03 + :location (h / hotel) + :quant (f / few)) + :time (b / before + :op1 (b2 / board-01 + :ARG0 p + :ARG1 (b3 / bus) + :mod (a / again))) + :location (d / downtown + :mod (b4 / back))) + +# ::id nw.wsj_0010.16 ::date 2012-05-15T09:38:04 ::annotator ISI-AMR-01 ::preferred +# ::snt This time , it was for dinner and dancing -- a block away . +# ::save-date Fri Jun 21, 2013 ::file nw_wsj_0010_16.txt +(h / have-purpose-91 + :ARG1 (i / it) + :ARG2 (a / and + :op1 (d / dinner) + :op2 (d2 / dance-01) + :location (r / relative-position + :quant (b / block))) + :time (t3 / time + :mod (t4 / this))) + +# ::id nw.wsj_0010.17 ::date 2012-05-15T09:38:51 ::annotator ISI-AMR-01 ::preferred +# ::snt Under the stars and moons of the renovated Indiana Roof ballroom , nine of the hottest chefs in town fed them Indiana duckling mousseline , lobster consomme , veal mignon and chocolate terrine with a raspberry sauce . +# ::save-date Mon Sep 18, 2017 ::file nw_wsj_0010_17.txt +(f2 / feed-01 + :ARG0 (c / chef :quant 9 + :ARG1-of (i / include-91 + :ARG2 (c2 / chef + :ARG1-of (h2 / have-degree-91 + :ARG2 (h / hot-03 + :ARG1 c2) + :ARG3 (m / most) + :ARG5 (c5 / chef + :location (t2 / town)))))) + :ARG1 (a / and + :op1 (m2 / mousseline + :mod (d / duckling) + :mod (s / state :wiki "Indiana" :name (i2 / name :op1 "Indiana"))) + :op2 (c3 / consomme + :mod (l / lobster)) + :op3 (m3 / mignon + :part-of (v / veal)) + :op4 (t3 / terrine + :mod (c4 / chocolate) + :accompanier (s2 / sauce + :mod (r / raspberry)))) + :ARG2 (t / they) + :location (u / under + :op1 (a2 / and + :op1 (s3 / star) + :op2 (m4 / moon) + :part-of (b / ballroom :wiki - :name (n / name :op1 "Indiana" :op2 "Roof") + :ARG1-of (r2 / renovate-01))))) + +# ::id nw.wsj_0010.18 ::date 2012-05-15T09:47:26 ::annotator ISI-AMR-01 ::preferred +# ::snt Knowing a tasty -- and free -- meal when they eat one , the executives gave the chefs a standing ovation . +# ::save-date Thu Jan 28, 2016 ::file nw_wsj_0010_18.txt +(o / ovation-01 + :ARG0 (p / person + :ARG0-of (h / have-org-role-91 + :ARG2 (e / executive))) + :ARG1 (c / chef) + :ARG2 (k / know-04 + :ARG0 p + :ARG1 (m / meal + :mod (t / tasty) + :ARG1-of (f / free-03)) + :time (e2 / eat-01 + :ARG0 p + :ARG1 m)) + :manner (s / stand-01 + :ARG1 p)) + +# ::id nw.wsj_0010.19 ::date 2012-05-15T09:51:15 ::annotator ISI-AMR-01 ::preferred +# ::snt More than a few CEOs say the red - carpet treatment tempts them to return to a heartland city for future meetings . +# ::save-date Fri Oct 16, 2015 ::file nw_wsj_0010_19.txt +(s / say-01 + :ARG0 (p / person + :ARG0-of (h2 / have-org-role-91 + :ARG2 (o / officer + :mod (e / executive) + :mod (c / chief))) + :quant (m / more-than + :op1 (f / few))) + :ARG1 (t / tempt-01 + :ARG1 p + :ARG2 (t2 / treat-01 + :manner (c3 / carpet + :ARG1-of (r2 / red-02))) + :ARG3 (r / return-01 + :ARG1 p + :ARG4 (c2 / city + :location (h / heartland)) + :purpose (m2 / meet-03 + :time (f2 / future))))) + +# ::id nw.wsj_0010.20 ::date 2012-05-15T10:05:04 ::annotator ISI-AMR-01 ::preferred +# ::snt But for now , they 're looking forward to their winter meeting -- Boca in February . +# ::save-date Wed Nov 28, 2012 ::file nw_wsj_0010_20.txt +(c2 / contrast-01 + :ARG2 (l / look-forward-03 + :ARG0 (t / they) + :ARG1 (m / meet-03 + :ARG0 t + :time (d2 / date-entity + :season (w / winter)) + :location (c / city :wiki "Boca_Raton,_Florida" + :name (b / name :op1 "Boca")) + :time (d3 / date-entity :month 2)) + :time (n / now))) + +# ::id nw.wsj_0011.1 ::date 2012-05-15T14:08:06 ::annotator ISI-AMR-01 ::preferred +# ::snt South Korea registered a trade deficit of $ 101 million in October , reflecting the country 's economic sluggishness , according to government figures released Wednesday . +# ::save-date Mon May 18, 2015 ::file nw_wsj_0011_1.txt +(s3 / say-01 + :ARG0 (f / figure + :source (g2 / government-organization + :ARG0-of (g / govern-01)) + :ARG1-of (r3 / release-01 + :ARG0 g2 + :time (d3 / date-entity + :weekday (w / wednesday)))) + :ARG1 (r / register-02 + :ARG0 (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea")) + :ARG1 (d4 / deficit + :mod (t / trade-01) + :quant (m / monetary-quantity :quant 101000000 + :unit (d / dollar)) + :ARG1-of (r2 / reflect-01 + :ARG2 (s2 / sluggish + :domain (e / economy + :poss c)))) + :time (d2 / date-entity :month 10))) + +# ::id nw.wsj_0011.2 ::date 2012-05-15T14:18:53 ::annotator ISI-AMR-01 ::preferred +# ::snt Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October , the fifth monthly setback this year , casting a cloud on South Korea 's export - oriented economy . +# ::save-date Thu Jun 11, 2015 ::file nw_wsj_0011_2.txt +(s2 / show-01 + :ARG0 (t2 / tally-01 + :ARG0 (g / government-organization :wiki "Ministry_of_Trade,_Industry_and_Energy_(South_Korea)" :name (t / name :op1 "Trade" :op2 "and" :op3 "Industry" :op4 "Ministry")) + :mod (p / preliminary)) + :ARG1 (d2 / deficit + :mod (t3 / trade-01) + :mod (a2 / another) + :mod (s3 / setback + :ord (o2 / ordinal-entity :value 5 + :range (y / year + :mod (t4 / this))) + :frequency (r / rate-entity-91 + :ARG1 1 + :ARG2 (t5 / temporal-quantity :quant 1 + :unit (m2 / month)))) + :ARG0-of (c2 / cast-01 + :ARG1 (c3 / cloud) + :ARG2 (e / economy + :ARG1-of (o / orient-01 + :ARG2 (e2 / export-01)) + :poss (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea")))) + :time (d / date-entity :month 10))) + +# ::id nw.wsj_0011.3 ::date 2012-05-15T14:30:37 ::annotator ISI-AMR-01 ::preferred +# ::snt Exports in October stood at $ 5.29 billion , a mere 0.7 % increase from a year earlier , while imports increased sharply to $ 5.39 billion , up 20 % from last October . +# ::save-date Wed Sep 13, 2017 ::file nw_wsj_0011_3.txt +(c / contrast-01 + :ARG1 (s / stand-04 + :ARG1 (t2 / thing + :ARG1-of (e / export-01 + :time (d / date-entity :month 10))) + :ARG2 (m / monetary-quantity :quant 5290000000 + :unit (d2 / dollar) + :ARG4-of (u / up-02 + :ARG2 (p / percentage-entity :value 0.7 + :mod (m4 / mere)) + :ARG3 (m5 / monetary-quantity + :time (b / before + :op1 s + :quant (t / temporal-quantity :quant 1 + :unit (y / year))))))) + :ARG2 (i / increase-01 + :ARG1 (t3 / thing + :ARG0-of (i2 / import-01)) + :ARG2 (p2 / percentage-entity :value 20) + :ARG3 (m6 / monetary-quantity + :time (d4 / date-entity :month 10 + :mod (l / last))) + :ARG4 (m2 / monetary-quantity :quant 5390000000 + :unit (d3 / dollar)) + :manner (s2 / sharp))) + +# ::id nw.wsj_0011.4 ::date 2012-05-15T14:44:22 ::annotator ISI-AMR-01 ::preferred +# ::snt South Korea 's economic boom , which began in 1986 , stopped this year because of prolonged labor disputes , trade conflicts and sluggish exports . +# ::save-date Wed Jun 17, 2015 ::file nw_wsj_0011_4.txt +(s2 / stop-01 + :ARG1 (b / boom-02 + :ARG0 (e / economy + :poss (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea"))) + :ARG1-of (b2 / begin-01 + :time (d / date-entity :year 1986))) + :time (y / year + :mod (t / this)) + :ARG1-of (c3 / cause-01 + :ARG0 (a / and + :op1 (d2 / dispute-01 + :ARG2 (l / labor) + :ARG1-of (p / prolong-01)) + :op2 (c2 / conflict-01 + :ARG2 (t2 / trade-01)) + :op3 (e2 / export-01 + :mod (s3 / sluggish))))) + +# ::id nw.wsj_0011.5 ::date 2012-05-21T17:18:43 ::annotator ISI-AMR-01 ::preferred +# ::snt Government officials said exports at the end of the year would remain under a government target of $ 68 billion . +# ::save-date Tue Jul 28, 2015 ::file nw_wsj_0011_5.txt +(s / say-01 + :ARG0 (p / person + :ARG0-of (h / have-org-role-91 + :ARG1 (g2 / government-organization + :ARG0-of (g / govern-01)) + :ARG2 (o / official))) + :ARG1 (r / remain-01 + :ARG1 (t / thing + :ARG1-of (e3 / export-01) + :time (e / end-01 + :ARG1 (y / year))) + :ARG3 (u / under + :op1 (m2 / monetary-quantity :quant 68000000000 + :unit (d2 / dollar) + :ARG1-of (t2 / target-01 + :ARG0 g2))))) + +# ::id nw.wsj_0011.6 ::date 2012-05-21T17:21:19 ::annotator ISI-AMR-01 ::preferred +# ::snt Despite the gloomy forecast , South Korea has recorded a trade surplus of $ 71 million so far this year . +# ::save-date Tue Feb 25, 2014 ::file nw_wsj_0011_6.txt +(r / record-01 + :ARG0 (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea")) + :ARG1 (s2 / surplus + :mod (t / trade-01) + :quant (m / monetary-quantity :quant 71000000 + :unit (d / dollar)) + :time (s3 / so-far + :mod (y / year + :mod (t2 / this)))) + :concession (t3 / thing + :ARG1-of (f2 / forecast-01) + :mod (g / gloomy))) + +# ::id nw.wsj_0011.7 ::date 2012-07-09T21:15:17 ::annotator ISI-AMR-01 ::preferred +# ::snt From January to October , the nation 's accumulated exports increased 4 % from the same period last year to $ 50.45 billion . +# ::save-date Mon Jul 16, 2012 ::file nw_wsj_0011_7.txt +(i / increase-01 + :ARG1 (t / thing + :ARG1-of (e / export-01 + :ARG0 (n / nation)) + :ARG1-of (a / accumulate-01)) + :ARG2 (p / percentage-entity :value 4) + :ARG3 (m2 / monetary-quantity + :time (d5 / date-interval + :op1 (d6 / date-entity :month 1 + :mod (y / year + :mod (l / last))) + :op2 (d7 / date-entity :month 10 + :mod y))) + :ARG4 (m / monetary-quantity :quant 50450000000 + :unit (d / dollar) + :time (d2 / date-interval + :op1 (d3 / date-entity :month 1) + :op2 (d4 / date-entity :month 10)))) + +# ::id nw.wsj_0011.8 ::date 2012-07-16T21:37:50 ::annotator ISI-AMR-01 ::preferred +# ::snt Imports were at $ 50.38 billion , up 19 % . +# ::save-date Sun Jul 26, 2015 ::file nw_wsj_0011_8.txt +(u / up-02 + :ARG1 (t / thing + :ARG1-of (i2 / import-01)) + :ARG2 (p / percentage-entity :value 19) + :ARG4 (m / monetary-quantity :quant 50380000000 + :unit (d / dollar))) + +# ::id nw.wsj_0012.1 ::date 2012-05-21T17:30:09 ::annotator ISI-AMR-01 ::preferred +# ::snt Newsweek , trying to keep pace with rival Time magazine , announced new advertising rates for 1990 and said it will introduce a new incentive plan for advertisers . +# ::save-date Wed Nov 4, 2015 ::file nw_wsj_0012_1.txt +(a2 / and + :op1 (a / announce-01 + :ARG0 (m2 / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek")) + :ARG1 (r / rate + :ARG1-of (n2 / new-01) + :mod (a4 / advertise-01) + :time (d / date-entity :year 1990))) + :op2 (s / say-01 + :ARG0 m2 + :ARG1 (i / introduce-02 + :ARG0 m2 + :ARG1 (p3 / plan + :ARG1-of (n3 / new-01) + :ARG0-of (i2 / incentivize-01 + :ARG1 (c2 / company + :ARG0-of (a3 / advertise-01)))))) + :ARG1-of (c / cause-01 + :ARG0 (t3 / try-01 + :ARG0 m2 + :ARG1 (k2 / keep-up-05 + :ARG0 m2 + :ARG1 (m / magazine :wiki "Time_(magazine)" :name (t / name :op1 "Time") + :ARG1-of (r2 / rival-01 + :ARG0 m2)))))) + +# ::id nw.wsj_0012.2 ::date 2012-05-21T19:33:10 ::annotator ISI-AMR-01 ::preferred +# ::snt The new ad plan from Newsweek , a unit of the Washington Post Co. , is the second incentive plan the magazine has offered advertisers in three years . +# ::save-date Wed Jan 17, 2018 ::file nw_wsj_0012_2.txt +(p3 / plan + :domain (p4 / plan + :ARG1-of (n2 / new-01) + :mod (a / advertise-01) + :source (m / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek") + :part-of (n3 / newspaper :wiki "The_Washington_Post" :name (w / name :op1 "Washington" :op2 "Post" :op3 "Co.")))) + :ARG1-of (o / offer-01 + :ARG0 m + :ARG3 (c3 / company + :ARG0-of (a2 / advertise-01))) + :ARG0-of (i2 / incentivize-01) + :ord (o2 / ordinal-entity :value 2 + :range (t / temporal-quantity :quant 3 + :unit (y / year)))) + +# ::id nw.wsj_0012.3 ::date 2012-05-21T19:37:34 ::annotator ISI-AMR-01 ::preferred +# ::snt Plans that give advertisers discounts for maintaining or increasing ad spending have become permanent fixtures at the news weeklies and underscore the fierce competition between Newsweek , Time Warner Inc. 's Time magazine , and Mortimer B. Zuckerman 's U.S. News & World Report . +# ::save-date Tue Apr 14, 2015 ::file nw_wsj_0012_3.txt +(a2 / and + :op1 (b / become-01 + :ARG1 (p2 / plan + :ARG0-of (g / give-01 + :ARG1 (t / thing + :ARG2-of (d / discount-01)) + :ARG2 (c7 / company + :ARG0-of (a3 / advertise-01)) + :ARG1-of (c8 / cause-01 + :ARG0 (o / or + :op1 (m2 / maintain-01 + :ARG0 c7 + :ARG1 (m3 / monetary-quantity + :ARG3-of (s / spend-01 + :ARG0 c7 + :ARG1 (a4 / advertise-01)))) + :op2 (i / increase-01 + :ARG0 c7 + :ARG1 m3))))) + :ARG2 (f2 / fixture + :mod (p3 / permanent) + :prep-at (m4 / magazine + :mod (r / rate-entity-91 + :ARG3 (t3 / temporal-quantity :quant 1 + :unit (w / week))) + :mod (n2 / news)))) + :op2 (u2 / underscore-01 + :ARG0 p2 + :ARG1 (c2 / compete-02 + :ARG0 (a / and + :op1 (m5 / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek")) + :op2 (m6 / magazine :wiki "Time_(magazine)" :name (t2 / name :op1 "Time" :op2 "Magazine") + :poss (c / company :wiki "Time_Warner" :name (n3 / name :op1 "Time" :op2 "Warner" :op3 "Inc."))) + :op3 (m7 / magazine :wiki "U.S._News_&_World_Report" :name (u / name :op1 "U.S." :op2 "News" :op3 "&" :op4 "World" :op5 "Report") + :poss (p / person :wiki "Mortimer_Zuckerman" :name (m / name :op1 "Mortimer" :op2 "B." :op3 "Zuckerman")))) + :manner (f / fierce)))) + +# ::id nw.wsj_0012.4 ::date 2012-05-21T19:42:25 ::annotator ISI-AMR-01 ::preferred +# ::snt Alan Spoon , recently named Newsweek president , said Newsweek 's ad rates would increase 5 % in January . +# ::save-date Wed Sep 10, 2014 ::file nw_wsj_0012_4.txt +(s / say-01 + :ARG0 (p / person :wiki - :name (a / name :op1 "Alan" :op2 "Spoon") + :ARG1-of (n2 / name-03 + :ARG2 (p3 / president + :ARG2-of (h / have-org-role-91 + :ARG0 p + :ARG1 (m / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek")))) + :time (r / recent))) + :ARG1 (i / increase-01 + :ARG0 m + :ARG1 (r2 / rate + :mod (a2 / advertise-01) + :poss m) + :ARG2 (p2 / percentage-entity :value 5) + :time (d / date-entity :month 1))) + +# ::id nw.wsj_0012.5 ::date 2012-05-21T20:34:48 ::annotator ISI-AMR-01 ::preferred +# ::snt A full , four - color page in Newsweek will cost $ 100,980 . +# ::save-date Fri Jul 20, 2012 ::file nw_wsj_0012_5.txt +(c / cost-01 + :ARG1 (p / page + :mod (c2 / color :quant 4) + :mod (f / full) + :part-of (m2 / magazine :wiki "Newsweek" + :name (n / name :op1 "Newsweek"))) + :ARG2 (m / monetary-quantity :quant 100980 + :unit (d / dollar))) + diff --git a/mtool/data/sample/amr/wsj.mrp b/mtool/data/sample/amr/wsj.mrp new file mode 100644 index 0000000000000000000000000000000000000000..b296124f2470248115ba6afd04dc214639bf33ce --- /dev/null +++ b/mtool/data/sample/amr/wsj.mrp @@ -0,0 +1,87 @@ +{"id": "20001001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29.", "tops": [0], "nodes": [{"id": 0, "label": "join-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Pierre", "Vinken"]}, {"id": 3, "label": "temporal-quantity", "properties": ["quant"], "values": ["61"]}, {"id": 4, "label": "year"}, {"id": 5, "label": "board"}, {"id": 6, "label": "have-org-role-91"}, {"id": 7, "label": "director"}, {"id": 8, "label": "executive", "properties": ["polarity"], "values": ["-"]}, {"id": 9, "label": "date-entity", "properties": ["month", "day"], "values": ["11", "29"]}], "edges": [{"source": 6, "target": 7, "label": "ARG2"}, {"source": 3, "target": 4, "label": "unit"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 1, "target": 3, "label": "age"}, {"source": 0, "target": 9, "label": "time"}, {"source": 1, "target": 2, "label": "name"}, {"source": 6, "target": 1, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "20001002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [0], "nodes": [{"id": 0, "label": "have-org-role-91"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Mr.", "Vinken"]}, {"id": 3, "label": "group"}, {"id": 4, "label": "name", "properties": ["op1", "op2"], "values": ["Elsevier", "N.V."]}, {"id": 5, "label": "country"}, {"id": 6, "label": "name", "properties": ["op1"], "values": ["Netherlands"]}, {"id": 7, "label": "publish-01"}, {"id": 8, "label": "chairman"}], "edges": [{"source": 5, "target": 6, "label": "name"}, {"source": 3, "target": 7, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 4, "label": "name"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 0, "target": 8, "label": "ARG2"}, {"source": 1, "target": 2, "label": "name"}]} +{"id": "20003001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [0], "nodes": [{"id": 0, "label": "report-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "research-01"}, {"id": 3, "label": "cause-01"}, {"id": 4, "label": "asbestos"}, {"id": 5, "label": "form"}, {"id": 6, "label": "use-01"}, {"id": 7, "label": "make-01"}, {"id": 8, "label": "product"}, {"id": 9, "label": "filter-02"}, {"id": 10, "label": "cigarette"}, {"id": 11, "label": "name", "properties": ["op1"], "values": ["Kent"]}, {"id": 12, "label": "once"}, {"id": 13, "label": "percentage"}, {"id": 14, "label": "include-91"}, {"id": 15, "label": "person"}, {"id": 16, "label": "die-01"}, {"id": 17, "label": "cause-01"}, {"id": 18, "label": "disease"}, {"id": 19, "label": "name", "properties": ["op1"], "values": ["cancer"]}, {"id": 20, "label": "person"}, {"id": 21, "label": "work-01"}, {"id": 22, "label": "expose-01"}, {"id": 23, "label": "before"}, {"id": 24, "label": "now"}, {"id": 25, "label": "more-than"}, {"id": 26, "label": "temporal-quantity", "properties": ["quant"], "values": ["30"]}, {"id": 27, "label": "year"}, {"id": 28, "label": "high-02"}], "edges": [{"source": 8, "target": 10, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 17, "target": 18, "label": "ARG0"}, {"source": 16, "target": 17, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 20, "target": 22, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 12, "label": "time"}, {"source": 3, "target": 13, "label": "ARG1"}, {"source": 25, "target": 26, "label": "op1"}, {"source": 15, "target": 16, "label": "ARG1-of", "normal": "ARG1"}, {"source": 22, "target": 4, "label": "ARG2"}, {"source": 20, "target": 21, "label": "ARG0-of", "normal": "ARG0"}, {"source": 26, "target": 27, "label": "unit"}, {"source": 10, "target": 11, "label": "name"}, {"source": 18, "target": 19, "label": "name"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 13, "target": 28, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 22, "target": 23, "label": "time"}, {"source": 23, "target": 25, "label": "quant"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 23, "target": 24, "label": "op1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 9, "label": "ARG0-of", "normal": "ARG0"}, {"source": 14, "target": 20, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG3-of", "normal": "ARG3"}]} +{"id": "20003002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "research-01"}, {"id": 3, "label": "and"}, {"id": 4, "label": "resilient"}, {"id": 5, "label": "usual", "properties": ["polarity"], "values": ["-"]}, {"id": 6, "label": "crocidolite"}, {"id": 7, "label": "fiber"}, {"id": 8, "label": "asbestos"}, {"id": 9, "label": "enter-01"}, {"id": 10, "label": "lung"}, {"id": 11, "label": "cause-01"}, {"id": 12, "label": "expose-01"}, {"id": 13, "label": "brief"}, {"id": 14, "label": "even"}, {"id": 15, "label": "symptom"}, {"id": 16, "label": "show-up-02"}, {"id": 17, "label": "after"}, {"id": 18, "label": "multiple"}, {"id": 19, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 20, "label": "decade"}], "edges": [{"source": 9, "target": 10, "label": "ARG1"}, {"source": 13, "target": 14, "label": "mod", "normal": "domain"}, {"source": 4, "target": 6, "label": "domain"}, {"source": 12, "target": 13, "label": "duration"}, {"source": 19, "target": 20, "label": "unit"}, {"source": 3, "target": 4, "label": "op1"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 12, "target": 6, "label": "ARG2"}, {"source": 17, "target": 18, "label": "quant"}, {"source": 17, "target": 12, "label": "op1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 3, "target": 11, "label": "op2"}, {"source": 9, "target": 6, "label": "ARG0"}, {"source": 4, "target": 9, "label": "time"}, {"source": 11, "target": 12, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 16, "target": 17, "label": "time"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 18, "target": 19, "label": "op1"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1-of", "normal": "ARG1"}, {"source": 11, "target": 15, "label": "ARG1"}]} +{"id": "20003003", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [0], "nodes": [{"id": 0, "label": "stop-01"}, {"id": 1, "label": "unit"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Lorillard", "Inc."]}, {"id": 3, "label": "company"}, {"id": 4, "label": "name", "properties": ["op1", "op2"], "values": ["Loews", "Corp."]}, {"id": 5, "label": "base-01"}, {"id": 6, "label": "city"}, {"id": 7, "label": "name", "properties": ["op1", "op2"], "values": ["New", "York"]}, {"id": 8, "label": "make-01"}, {"id": 9, "label": "cigarette"}, {"id": 10, "label": "name", "properties": ["op1"], "values": ["Kent"]}, {"id": 11, "label": "use-01"}, {"id": 12, "label": "crocidolite"}, {"id": 13, "label": "product"}, {"id": 14, "label": "name", "properties": ["op1"], "values": ["Micronite"]}, {"id": 15, "label": "filter-02"}, {"id": 16, "label": "cigarette"}, {"id": 17, "label": "date-entity", "properties": ["year"], "values": ["1956"]}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 9, "target": 10, "label": "name"}, {"source": 3, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 3, "label": "part-of", "normal": "part"}, {"source": 1, "target": 2, "label": "name"}, {"source": 13, "target": 14, "label": "name"}, {"source": 13, "target": 15, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 0, "target": 17, "label": "time"}, {"source": 11, "target": 1, "label": "ARG0"}, {"source": 11, "target": 13, "label": "prep-in"}, {"source": 5, "target": 6, "label": "location"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 6, "target": 7, "label": "name"}, {"source": 13, "target": 1, "label": "poss"}, {"source": 13, "target": 16, "label": "mod", "normal": "domain"}, {"source": 1, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 3, "target": 4, "label": "name"}]} +{"id": "20003005", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "company"}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Lorillard"]}, {"id": 5, "label": "spokeswoman"}, {"id": 6, "label": "story"}, {"id": 7, "label": "this"}, {"id": 8, "label": "old"}], "edges": [{"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 6, "target": 7, "label": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 6, "target": 8, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "name"}]} +{"id": "20003007", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "There is no asbestos in our products now.\"", "tops": [0], "nodes": [{"id": 0, "label": "asbestos", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "now"}, {"id": 2, "label": "thing"}, {"id": 3, "label": "produce-01"}, {"id": 4, "label": "we"}], "edges": [{"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "time"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 0, "target": 2, "label": "location"}]} +{"id": "20003008", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [0], "nodes": [{"id": 0, "label": "realize-01", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "and"}, {"id": 2, "label": "company"}, {"id": 3, "label": "name", "properties": ["op1"], "values": ["Lorillard"]}, {"id": 4, "label": "person"}, {"id": 5, "label": "research-01"}, {"id": 6, "label": "study-01"}, {"id": 7, "label": "person"}, {"id": 8, "label": "work-01"}, {"id": 9, "label": "research-01"}, {"id": 10, "label": "person"}, {"id": 11, "label": "smoke-02"}, {"id": 12, "label": "cigarette"}, {"id": 13, "label": "name", "properties": ["op1"], "values": ["Kent"]}], "edges": [{"source": 1, "target": 2, "label": "op1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 10, "target": 11, "label": "ARG0-of", "normal": "ARG0"}, {"source": 1, "target": 4, "label": "op2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 2, "target": 3, "label": "name"}, {"source": 12, "target": 13, "label": "name"}, {"source": 4, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 5, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 9, "label": "ARG1"}]} +{"id": "20003009", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["James", "A.", "Talcott"]}, {"id": 3, "label": "have-org-role-91"}, {"id": 4, "label": "research-institute"}, {"id": 5, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Dana-Farber", "Cancer", "Institute"]}, {"id": 6, "label": "city"}, {"id": 7, "label": "name", "properties": ["op1"], "values": ["Boston"]}, {"id": 8, "label": "have-03", "properties": ["polarity"], "values": ["-"]}, {"id": 9, "label": "we"}, {"id": 10, "label": "information"}, {"id": 11, "label": "useful-05"}, {"id": 12, "label": "truth-value"}, {"id": 13, "label": "endanger-01"}, {"id": 14, "label": "person"}, {"id": 15, "label": "use-01"}], "edges": [{"source": 1, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG0-of", "normal": "ARG0"}, {"source": 1, "target": 2, "label": "name"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 4, "target": 5, "label": "name"}, {"source": 12, "target": 13, "label": "polarity-of", "normal": "polarity"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG0"}, {"source": 6, "target": 7, "label": "name"}, {"source": 10, "target": 11, "label": "ARG1-of", "normal": "ARG1"}, {"source": 10, "target": 12, "label": "topic"}, {"source": 4, "target": 6, "label": "location"}]} +{"id": "20003010", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [0], "nodes": [{"id": 0, "label": "lead-02"}, {"id": 1, "label": "doctor"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Talcott"]}, {"id": 3, "label": "team"}, {"id": 4, "label": "person"}, {"id": 5, "label": "research-01"}, {"id": 6, "label": "have-org-role-91"}, {"id": 7, "label": "and"}, {"id": 8, "label": "research-institute"}, {"id": 9, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["National", "Cancer", "Institute"]}, {"id": 10, "label": "school"}, {"id": 11, "label": "medicine"}, {"id": 12, "label": "university"}, {"id": 13, "label": "name", "properties": ["op1", "op2"], "values": ["Harvard", "University"]}, {"id": 14, "label": "school"}, {"id": 15, "label": "medicine"}, {"id": 16, "label": "university"}, {"id": 17, "label": "name", "properties": ["op1", "op2"], "values": ["Boston", "University"]}], "edges": [{"source": 1, "target": 2, "label": "name"}, {"source": 4, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 14, "target": 15, "label": "mod", "normal": "domain"}, {"source": 12, "target": 13, "label": "name"}, {"source": 7, "target": 14, "label": "op3"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 8, "target": 9, "label": "name"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 10, "target": 12, "label": "part-of", "normal": "part"}, {"source": 14, "target": 16, "label": "part-of", "normal": "part"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 3, "target": 4, "label": "consist-of", "normal": "consist"}, {"source": 7, "target": 10, "label": "op2"}, {"source": 16, "target": 17, "label": "name"}]} +{"id": "20003011", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "company"}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Lorillard"]}, {"id": 5, "label": "spokeswoman"}, {"id": 6, "label": "and"}, {"id": 7, "label": "use-01"}, {"id": 8, "label": "asbestos"}, {"id": 9, "label": "amount"}, {"id": 10, "label": "modest"}, {"id": 11, "label": "very"}, {"id": 12, "label": "make-01"}, {"id": 13, "label": "paper"}, {"id": 14, "label": "early"}, {"id": 15, "label": "date-entity", "properties": ["decade"], "values": ["1950"]}, {"id": 16, "label": "product"}, {"id": 17, "label": "filter-02"}, {"id": 18, "label": "replace-01"}, {"id": 19, "label": "product"}, {"id": 20, "label": "filter-02"}, {"id": 21, "label": "type"}, {"id": 22, "label": "differ-02"}, {"id": 23, "label": "date-entity", "properties": ["year"], "values": ["1956"]}], "edges": [{"source": 18, "target": 19, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 7, "target": 12, "label": "ARG2"}, {"source": 3, "target": 4, "label": "name"}, {"source": 8, "target": 9, "label": "quant"}, {"source": 19, "target": 20, "label": "ARG0-of", "normal": "ARG0"}, {"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 12, "target": 16, "label": "purpose"}, {"source": 6, "target": 18, "label": "op2"}, {"source": 20, "target": 21, "label": "mod", "normal": "domain"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 18, "target": 23, "label": "time"}, {"source": 12, "target": 14, "label": "time"}, {"source": 14, "target": 15, "label": "op1"}, {"source": 16, "target": 17, "label": "ARG0-of", "normal": "ARG0"}, {"source": 10, "target": 11, "label": "degree"}, {"source": 21, "target": 22, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "op1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 18, "target": 8, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "20003012", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "company"}, {"id": 2, "label": "sell-01"}, {"id": 3, "label": "cigarette", "properties": ["quant"], "values": ["9800000000"]}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Kent"]}, {"id": 5, "label": "product"}, {"id": 6, "label": "filter-02"}, {"id": 7, "label": "date-interval"}, {"id": 8, "label": "date-entity", "properties": ["year"], "values": ["1953"]}, {"id": 9, "label": "date-entity", "properties": ["year"], "values": ["1955"]}], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 7, "label": "time"}, {"source": 7, "target": 9, "label": "op2"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 3, "target": 5, "label": "part"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "name"}]} +{"id": "20003013", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [0], "nodes": [{"id": 0, "label": "die-01"}, {"id": 1, "label": "man", "properties": ["quant"], "values": ["28"]}, {"id": 2, "label": "more-than"}, {"id": 3, "label": "product-of", "properties": ["op1"], "values": ["3"]}, {"id": 4, "label": "number"}, {"id": 5, "label": "expect-01"}, {"id": 6, "label": "include-91"}, {"id": 7, "label": "man", "properties": ["quant"], "values": ["33"]}, {"id": 8, "label": "work-01"}, {"id": 9, "label": "substance"}, {"id": 10, "label": "close-10"}], "edges": [{"source": 7, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 1, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 2, "target": 3, "label": "op1"}, {"source": 3, "target": 4, "label": "op2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 8, "target": 10, "label": "manner"}, {"source": 1, "target": 2, "label": "quant"}]} +{"id": "20003014", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [0], "nodes": [{"id": 0, "label": "have-03"}, {"id": 1, "label": "person", "properties": ["quant"], "values": ["4"]}, {"id": 2, "label": "include-91"}, {"id": 3, "label": "person", "properties": ["quant"], "values": ["5"]}, {"id": 4, "label": "work-01"}, {"id": 5, "label": "survive-01"}, {"id": 6, "label": "include-91"}, {"id": 7, "label": "person", "properties": ["quant"], "values": ["3"]}, {"id": 8, "label": "diagnose-01"}, {"id": 9, "label": "disease"}, {"id": 10, "label": "name", "properties": ["op1"], "values": ["cancer"]}, {"id": 11, "label": "recent"}, {"id": 12, "label": "disease"}, {"id": 13, "label": "relate-01"}, {"id": 14, "label": "asbestos"}], "edges": [{"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 12, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 9, "target": 10, "label": "name"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG0-of", "normal": "ARG0"}, {"source": 8, "target": 11, "label": "time"}, {"source": 1, "target": 6, "label": "ARG2-of", "normal": "ARG2"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}]} +{"id": "20003015", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "research-01"}, {"id": 3, "label": "have-degree-91"}, {"id": 4, "label": "total"}, {"id": 5, "label": "person", "properties": ["quant"], "values": ["18"]}, {"id": 6, "label": "die-01"}, {"id": 7, "label": "cause-01"}, {"id": 8, "label": "and"}, {"id": 9, "label": "disease"}, {"id": 10, "label": "name", "properties": ["op1", "op2"], "values": ["malignant", "mesothelioma"]}, {"id": 11, "label": "disease"}, {"id": 12, "label": "name", "properties": ["op1", "op2"], "values": ["lung", "cancer"]}, {"id": 13, "label": "disease"}, {"id": 14, "label": "name", "properties": ["op1"], "values": ["asbestosis"]}, {"id": 15, "label": "high-02"}, {"id": 16, "label": "more"}, {"id": 17, "label": "far"}, {"id": 18, "label": "thing"}, {"id": 19, "label": "expect-01"}], "edges": [{"source": 3, "target": 18, "label": "ARG4"}, {"source": 18, "target": 19, "label": "ARG1-of", "normal": "ARG1"}, {"source": 4, "target": 5, "label": "quant-of", "normal": "quant"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 9, "target": 10, "label": "name"}, {"source": 6, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 13, "label": "op3"}, {"source": 3, "target": 16, "label": "ARG3"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 15, "label": "ARG2"}, {"source": 16, "target": 17, "label": "quant"}, {"source": 8, "target": 11, "label": "op2"}, {"source": 7, "target": 8, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 11, "target": 12, "label": "name"}, {"source": 8, "target": 9, "label": "op1"}, {"source": 13, "target": 14, "label": "name"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "20003016", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "doctor"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Talcott"]}, {"id": 3, "label": "rate"}, {"id": 4, "label": "die-01"}, {"id": 5, "label": "find-01"}, {"id": 6, "label": "strike-04"}, {"id": 7, "label": "person"}, {"id": 8, "label": "study-01"}, {"id": 9, "label": "disease"}, {"id": 10, "label": "relate-01"}, {"id": 11, "label": "asbestos"}, {"id": 12, "label": "include-91"}, {"id": 13, "label": "we"}, {"id": 14, "label": "that"}], "edges": [{"source": 9, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "ARG3"}, {"source": 1, "target": 2, "label": "name"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 7, "target": 14, "label": "mod", "normal": "domain"}, {"source": 3, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 3, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 12, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 3, "label": "ARG1"}]} +{"id": "20003017", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "appear-02"}, {"id": 3, "label": "have-degree-91"}, {"id": 4, "label": "percentage"}, {"id": 5, "label": "person"}, {"id": 6, "label": "die-01"}, {"id": 7, "label": "cause-01"}, {"id": 8, "label": "disease"}, {"id": 9, "label": "name", "properties": ["op1", "op2"], "values": ["lung", "cancer"]}, {"id": 10, "label": "include-91"}, {"id": 11, "label": "person"}, {"id": 12, "label": "work-01"}, {"id": 13, "label": "factory"}, {"id": 14, "label": "paper"}, {"id": 15, "label": "city"}, {"id": 16, "label": "name", "properties": ["op1", "op2"], "values": ["West", "Groton"]}, {"id": 17, "label": "state"}, {"id": 18, "label": "name", "properties": ["op1"], "values": ["Massachusetts"]}, {"id": 19, "label": "high-02"}, {"id": 20, "label": "most"}, {"id": 21, "label": "person"}, {"id": 22, "label": "work-01"}, {"id": 23, "label": "asbestos"}, {"id": 24, "label": "study-01"}, {"id": 25, "label": "country"}, {"id": 26, "label": "industrialize-01"}, {"id": 27, "label": "world-region"}, {"id": 28, "label": "name", "properties": ["op1"], "values": ["West"]}, {"id": 29, "label": "any"}], "edges": [{"source": 7, "target": 8, "label": "ARG0"}, {"source": 17, "target": 18, "label": "name"}, {"source": 25, "target": 26, "label": "ARG1-of", "normal": "ARG1"}, {"source": 21, "target": 29, "label": "mod", "normal": "domain"}, {"source": 21, "target": 22, "label": "ARG0-of", "normal": "ARG0"}, {"source": 8, "target": 9, "label": "name"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 15, "target": 17, "label": "location"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 20, "label": "ARG3"}, {"source": 3, "target": 21, "label": "ARG5"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 11, "target": 12, "label": "ARG0-of", "normal": "ARG0"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "quant-of", "normal": "quant"}, {"source": 25, "target": 27, "label": "location"}, {"source": 3, "target": 19, "label": "ARG2"}, {"source": 21, "target": 25, "label": "location"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 13, "target": 15, "label": "location"}, {"source": 15, "target": 16, "label": "name"}, {"source": 27, "target": 28, "label": "name"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 12, "target": 13, "label": "location"}, {"source": 6, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 21, "target": 24, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20003018", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [0], "nodes": [{"id": 0, "label": "contract-02"}, {"id": 1, "label": "plant"}, {"id": 2, "label": "own-01"}, {"id": 3, "label": "company"}, {"id": 4, "label": "name", "properties": ["op1", "op2", "op3", "op4"], "values": ["Hollingsworth", "&", "Vose", "Co."]}, {"id": 5, "label": "make-01"}, {"id": 6, "label": "product"}, {"id": 7, "label": "filter-02"}, {"id": 8, "label": "cigarette"}, {"id": 9, "label": "company"}, {"id": 10, "label": "name", "properties": ["op1"], "values": ["Lorillard"]}], "edges": [{"source": 6, "target": 7, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 3, "target": 4, "label": "name"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 9, "target": 10, "label": "name"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 6, "target": 8, "label": "mod", "normal": "domain"}, {"source": 5, "target": 1, "label": "ARG0"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 9, "label": "ARG2"}]} +{"id": "20003019", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "doctor"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Talcott"]}, {"id": 3, "label": "probable"}, {"id": 4, "label": "support-01"}, {"id": 5, "label": "thing"}, {"id": 6, "label": "find-01"}, {"id": 7, "label": "person"}, {"id": 8, "label": "argue-01"}, {"id": 9, "label": "recommend-01"}, {"id": 10, "label": "regulate-01"}, {"id": 11, "label": "country"}, {"id": 12, "label": "name", "properties": ["op1"], "values": ["U.S."]}, {"id": 13, "label": "asbestos"}, {"id": 14, "label": "include-91"}, {"id": 15, "label": "crocidolite"}, {"id": 16, "label": "class"}, {"id": 17, "label": "stringent"}, {"id": 18, "label": "have-degree-91"}, {"id": 19, "label": "more"}, {"id": 20, "label": "chrysotile"}, {"id": 21, "label": "find-01"}, {"id": 22, "label": "and"}, {"id": 23, "label": "school"}, {"id": 24, "label": "most"}, {"id": 25, "label": "building"}, {"id": 26, "label": "other"}, {"id": 27, "label": "asbestos"}, {"id": 28, "label": "kind"}, {"id": 29, "label": "common"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 25, "target": 26, "label": "mod", "normal": "domain"}, {"source": 13, "target": 16, "label": "mod", "normal": "domain"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 20, "target": 27, "label": "mod", "normal": "domain"}, {"source": 28, "target": 29, "label": "mod", "normal": "domain"}, {"source": 11, "target": 12, "label": "name"}, {"source": 3, "target": 4, "label": "domain"}, {"source": 1, "target": 2, "label": "name"}, {"source": 20, "target": 21, "label": "ARG1-of", "normal": "ARG1"}, {"source": 17, "target": 18, "label": "ARG2-of", "normal": "ARG2"}, {"source": 18, "target": 20, "label": "ARG4"}, {"source": 18, "target": 10, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 23, "target": 24, "label": "mod", "normal": "domain"}, {"source": 27, "target": 28, "label": "mod", "normal": "domain"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG0"}, {"source": 18, "target": 19, "label": "ARG3"}, {"source": 7, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 22, "target": 23, "label": "op1"}, {"source": 22, "target": 25, "label": "op2"}, {"source": 21, "target": 22, "label": "location"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 10, "target": 17, "label": "manner"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2-of", "normal": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG1"}]} +{"id": "20003020", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Brooke", "T.", "Mossman"]}, {"id": 3, "label": "have-org-role-91"}, {"id": 4, "label": "college"}, {"id": 5, "label": "medicine"}, {"id": 6, "label": "university"}, {"id": 7, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["University", "of", "Vermont"]}, {"id": 8, "label": "professor"}, {"id": 9, "label": "pathology"}, {"id": 10, "label": "include-91"}, {"id": 11, "label": "country"}, {"id": 12, "label": "name", "properties": ["op1"], "values": ["U.S."]}, {"id": 13, "label": "nation"}, {"id": 14, "label": "include-91"}, {"id": 15, "label": "nation"}, {"id": 16, "label": "industrialize-01"}, {"id": 17, "label": "few"}, {"id": 18, "label": "regulate-01", "properties": ["polarity"], "values": ["-"]}, {"id": 19, "label": "standard-02"}, {"id": 20, "label": "fiber"}, {"id": 21, "label": "smooth-06"}, {"id": 22, "label": "resemble-01"}, {"id": 23, "label": "needle"}, {"id": 24, "label": "classify-01"}, {"id": 25, "label": "amphibole"}, {"id": 26, "label": "crocidolite"}, {"id": 27, "label": "have-degree-91"}, {"id": 28, "label": "high-02"}, {"id": 29, "label": "more"}], "edges": [{"source": 28, "target": 19, "label": "ARG1"}, {"source": 6, "target": 7, "label": "name"}, {"source": 14, "target": 17, "label": "ARG3"}, {"source": 18, "target": 19, "label": "manner"}, {"source": 27, "target": 28, "label": "ARG2"}, {"source": 20, "target": 26, "label": "example"}, {"source": 8, "target": 9, "label": "topic"}, {"source": 4, "target": 6, "label": "part-of", "normal": "part"}, {"source": 15, "target": 16, "label": "ARG1-of", "normal": "ARG1"}, {"source": 24, "target": 25, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 11, "target": 12, "label": "name"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG1-of", "normal": "ARG1"}, {"source": 19, "target": 27, "label": "ARG1-of", "normal": "ARG1"}, {"source": 19, "target": 13, "label": "ARG2"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 1, "target": 2, "label": "name"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 13, "target": 18, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 18, "target": 20, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1-of", "normal": "ARG1"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 20, "target": 24, "label": "ARG1-of", "normal": "ARG1"}, {"source": 27, "target": 29, "label": "ARG3"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2-of", "normal": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG2"}]} +{"id": "20003021", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [0], "nodes": [{"id": 0, "label": "explain-01"}, {"id": 1, "label": "doctor"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Mossman"]}, {"id": 3, "label": "and"}, {"id": 4, "label": "curly"}, {"id": 5, "label": "fiber"}, {"id": 6, "label": "chrysotile"}, {"id": 7, "label": "have-degree-91"}, {"id": 8, "label": "common"}, {"id": 9, "label": "more"}, {"id": 10, "label": "reject-01"}, {"id": 11, "label": "body"}, {"id": 12, "label": "have-degree-91"}, {"id": 13, "label": "easy-05"}, {"id": 14, "label": "more"}], "edges": [{"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 3, "target": 4, "label": "op1"}, {"source": 4, "target": 5, "label": "domain"}, {"source": 10, "target": 12, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 10, "label": "op2"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 10, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 2, "label": "name"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG3"}, {"source": 7, "target": 9, "label": "ARG3"}]} +{"id": "20003022", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [0], "nodes": [{"id": 0, "label": "impose-01"}, {"id": 1, "label": "government-organization"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Environmental", "Protection", "Agency"]}, {"id": 3, "label": "ban-01"}, {"id": 4, "label": "use-01"}, {"id": 5, "label": "asbestos"}, {"id": 6, "label": "thing"}, {"id": 7, "label": "all"}, {"id": 8, "label": "virtual"}, {"id": 9, "label": "gradual"}, {"id": 10, "label": "date-entity", "properties": ["month"], "values": ["7"]}], "edges": [{"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "degree"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 10, "label": "time"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 3, "target": 9, "label": "manner"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "20003023", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [0], "nodes": [{"id": 0, "label": "outlaw-01"}, {"id": 1, "label": "use-01"}, {"id": 2, "label": "asbestos"}, {"id": 3, "label": "cause-01"}, {"id": 4, "label": "disease"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["cancer"]}, {"id": 6, "label": "thing"}, {"id": 7, "label": "remain-01"}, {"id": 8, "label": "all"}, {"id": 9, "label": "almost"}, {"id": 10, "label": "by"}, {"id": 11, "label": "date-entity", "properties": ["year"], "values": ["1997"]}], "edges": [{"source": 4, "target": 5, "label": "name"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 10, "label": "time"}, {"source": 10, "target": 11, "label": "op1"}, {"source": 6, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "mod", "normal": "domain"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20003024", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [0], "nodes": [{"id": 0, "label": "expose-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "work-01"}, {"id": 3, "label": "factory"}, {"id": 4, "label": "make-01"}, {"id": 5, "label": "paper"}, {"id": 6, "label": "product"}, {"id": 7, "label": "name", "properties": ["op1"], "values": ["Kent"]}, {"id": 8, "label": "filter-02"}, {"id": 9, "label": "about", "properties": ["op1"], "values": ["160"]}, {"id": 10, "label": "asbestos"}, {"id": 11, "label": "date-entity", "properties": ["decade"], "values": ["1950"]}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 5, "target": 6, "label": "purpose"}, {"source": 6, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 3, "label": "location"}, {"source": 6, "target": 7, "label": "name"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 10, "label": "ARG2"}, {"source": 1, "target": 9, "label": "quant"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 11, "label": "time"}]} +{"id": "20003025", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [0], "nodes": [{"id": 0, "label": "dusty"}, {"id": 1, "label": "area"}, {"id": 2, "label": "factory"}, {"id": 3, "label": "use-01"}, {"id": 4, "label": "crocidolite"}, {"id": 5, "label": "particular"}], "edges": [{"source": 0, "target": 1, "label": "domain"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "location-of", "normal": "location"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 0, "target": 5, "label": "mod", "normal": "domain"}]} +{"id": "20003026", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "dump-01"}, {"id": 2, "label": "person"}, {"id": 3, "label": "work-01"}, {"id": 4, "label": "material"}, {"id": 5, "label": "import-01"}, {"id": 6, "label": "sack"}, {"id": 7, "label": "burlap"}, {"id": 8, "label": "large"}, {"id": 9, "label": "bin"}, {"id": 10, "label": "huge"}, {"id": 11, "label": "pour-01"}, {"id": 12, "label": "and"}, {"id": 13, "label": "fiber"}, {"id": 14, "label": "cotton"}, {"id": 15, "label": "fiber"}, {"id": 16, "label": "acetate"}, {"id": 17, "label": "mix-01"}, {"id": 18, "label": "fiber"}, {"id": 19, "label": "dry-08"}, {"id": 20, "label": "mechanical"}, {"id": 21, "label": "process-02"}, {"id": 22, "label": "use-01"}, {"id": 23, "label": "make-01"}, {"id": 24, "label": "product"}, {"id": 25, "label": "filter-02"}], "edges": [{"source": 11, "target": 9, "label": "ARG3"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 9, "label": "destination"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 0, "target": 11, "label": "op2"}, {"source": 12, "target": 15, "label": "op2"}, {"source": 6, "target": 8, "label": "mod", "normal": "domain"}, {"source": 11, "target": 2, "label": "ARG0"}, {"source": 0, "target": 17, "label": "op3"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 4, "target": 6, "label": "quant"}, {"source": 0, "target": 21, "label": "prep-in"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 24, "target": 25, "label": "ARG0-of", "normal": "ARG0"}, {"source": 17, "target": 2, "label": "ARG0"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1-of", "normal": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "consist-of", "normal": "consist"}, {"source": 13, "target": 14, "label": "mod", "normal": "domain"}, {"source": 17, "target": 20, "label": "manner"}, {"source": 12, "target": 13, "label": "op1"}, {"source": 15, "target": 16, "label": "mod", "normal": "domain"}]} +{"id": "20003027", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [0], "nodes": [{"id": 0, "label": "describe-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "work-01"}, {"id": 3, "label": "cloud"}, {"id": 4, "label": "dust"}, {"id": 5, "label": "blue"}, {"id": 6, "label": "hang-01"}, {"id": 7, "label": "over"}, {"id": 8, "label": "thing"}, {"id": 9, "label": "factory"}, {"id": 10, "label": "ventilate-01"}, {"id": 11, "label": "fan"}, {"id": 12, "label": "exhaust"}, {"id": 13, "label": "area"}], "edges": [{"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 3, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 10, "label": "concession"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 6, "target": 7, "label": "location"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "consist-of", "normal": "consist"}, {"source": 8, "target": 9, "label": "part-of", "normal": "part"}, {"source": 11, "target": 12, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "20003028", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Darrell", "Phillips"]}, {"id": 3, "label": "have-org-role-91"}, {"id": 4, "label": "company"}, {"id": 5, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Hollingsworth", "&", "Vose"]}, {"id": 6, "label": "president"}, {"id": 7, "label": "vice"}, {"id": 8, "label": "resource"}, {"id": 9, "label": "human"}, {"id": 10, "label": "question-03", "properties": ["polarity"], "values": ["-"]}, {"id": 11, "label": "contract-04"}, {"id": 12, "label": "person"}, {"id": 13, "label": "include-91"}, {"id": 14, "label": "and"}, {"id": 15, "label": "person"}, {"id": 16, "label": "work-01"}, {"id": 17, "label": "person"}, {"id": 18, "label": "manage-01"}, {"id": 19, "label": "that"}, {"id": 20, "label": "disease"}, {"id": 21, "label": "relate-01"}, {"id": 22, "label": "asbestos"}], "edges": [{"source": 13, "target": 14, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG0-of", "normal": "ARG0"}, {"source": 12, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1-of", "normal": "ARG1"}, {"source": 14, "target": 15, "label": "op1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 4, "target": 5, "label": "name"}, {"source": 1, "target": 2, "label": "name"}, {"source": 6, "target": 8, "label": "topic"}, {"source": 14, "target": 17, "label": "op2"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG0-of", "normal": "ARG0"}, {"source": 11, "target": 20, "label": "ARG2"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 14, "target": 19, "label": "mod", "normal": "domain"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "20003029", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "obligate-01"}, {"id": 2, "label": "recognize-02"}, {"id": 3, "label": "you"}, {"id": 4, "label": "event"}, {"id": 5, "label": "this"}, {"id": 6, "label": "before"}, {"id": 7, "label": "now"}, {"id": 8, "label": "temporal-quantity", "properties": ["quant"], "values": ["35"]}, {"id": 9, "label": "year"}], "edges": [{"source": 1, "target": 2, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 6, "target": 8, "label": "quant"}, {"source": 8, "target": 9, "label": "unit"}, {"source": 6, "target": 7, "label": "op1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "time"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}]} +{"id": "20003030", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "It has no bearing on our work force today.", "tops": [0], "nodes": [{"id": 0, "label": "bear-06", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "it"}, {"id": 2, "label": "force"}, {"id": 3, "label": "work-01"}, {"id": 4, "label": "we"}, {"id": 5, "label": "today"}], "edges": [{"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 5, "label": "time"}, {"source": 2, "target": 4, "label": "poss"}, {"source": 0, "target": 2, "label": "ARG2"}]} +{"id": "20004001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [0], "nodes": [{"id": 0, "label": "continue-01"}, {"id": 1, "label": "slide-02"}, {"id": 2, "label": "thing"}, {"id": 3, "label": "yield-03"}, {"id": 4, "label": "fund"}, {"id": 5, "label": "mutual"}, {"id": 6, "label": "market"}, {"id": 7, "label": "money"}, {"id": 8, "label": "signal-07"}, {"id": 9, "label": "expect-01"}, {"id": 10, "label": "person"}, {"id": 11, "label": "manage-01"}, {"id": 12, "label": "portfolio"}, {"id": 13, "label": "decline-01"}, {"id": 14, "label": "rate"}, {"id": 15, "label": "interest"}, {"id": 16, "label": "further"}], "edges": [{"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG0"}, {"source": 13, "target": 16, "label": "degree"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 9, "target": 13, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG0-of", "normal": "ARG0"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 4, "target": 6, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 0, "target": 8, "label": "prep-amid"}, {"source": 14, "target": 15, "label": "mod", "normal": "domain"}]} +{"id": "20004002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday.", "tops": [0], "nodes": [{"id": 0, "label": "ease-01"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "yield-03"}, {"id": 3, "label": "fund", "properties": ["quant"], "values": ["400"]}, {"id": 4, "label": "tax-01"}, {"id": 5, "label": "obligate-01"}, {"id": 6, "label": "track-down-02"}, {"id": 7, "label": "publication"}, {"id": 8, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Money", "Fund", "Report"]}, {"id": 9, "label": "organization"}, {"id": 10, "label": "name", "properties": ["op1"], "values": ["IBC"]}, {"id": 11, "label": "temporal-quantity", "properties": ["quant"], "values": ["7"]}, {"id": 12, "label": "day"}, {"id": 13, "label": "compound"}, {"id": 14, "label": "average-01"}, {"id": 15, "label": "fraction"}, {"id": 16, "label": "percentage-entity", "properties": ["value"], "values": ["1"]}, {"id": 17, "label": "percentage-entity", "properties": ["value"], "values": ["8.47"]}, {"id": 18, "label": "percentage-entity", "properties": ["value"], "values": ["8.45"]}, {"id": 19, "label": "week"}, {"id": 20, "label": "end-01"}, {"id": 21, "label": "date-entity"}, {"id": 22, "label": "tuesday"}], "edges": [{"source": 21, "target": 22, "label": "weekday"}, {"source": 15, "target": 16, "label": "op1"}, {"source": 0, "target": 15, "label": "ARG2"}, {"source": 2, "target": 13, "label": "mod", "normal": "domain"}, {"source": 11, "target": 12, "label": "unit"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 8, "label": "name"}, {"source": 0, "target": 19, "label": "time"}, {"source": 3, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 14, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 18, "label": "ARG4"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2-of", "normal": "ARG2"}, {"source": 6, "target": 7, "label": "ARG0"}, {"source": 9, "target": 10, "label": "name"}, {"source": 20, "target": 21, "label": "time"}, {"source": 19, "target": 20, "label": "ARG1-of", "normal": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2-of", "normal": "ARG2"}, {"source": 7, "target": 9, "label": "poss"}, {"source": 2, "target": 11, "label": "mod", "normal": "domain"}, {"source": 0, "target": 17, "label": "ARG3"}]} +{"id": "20004004", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "company"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Donoghue", "'s"]}, {"id": 3, "label": "lengthen-01"}, {"id": 4, "label": "maturity"}, {"id": 5, "label": "thing"}, {"id": 6, "label": "invest-01"}, {"id": 7, "label": "fund"}, {"id": 8, "label": "average-01"}, {"id": 9, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 10, "label": "day"}, {"id": 11, "label": "temporal-quantity", "properties": ["quant"], "values": ["41"]}, {"id": 12, "label": "day"}, {"id": 13, "label": "have-degree-91"}, {"id": 14, "label": "long-03"}, {"id": 15, "label": "most"}, {"id": 16, "label": "maturity"}, {"id": 17, "label": "since"}, {"id": 18, "label": "early"}, {"id": 19, "label": "date-entity", "properties": ["month"], "values": ["8"]}], "edges": [{"source": 13, "target": 16, "label": "ARG5"}, {"source": 18, "target": 19, "label": "op1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 5, "target": 6, "label": "ARG2-of", "normal": "ARG2"}, {"source": 9, "target": 10, "label": "unit"}, {"source": 14, "target": 11, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 16, "target": 17, "label": "time"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 3, "target": 11, "label": "ARG4"}, {"source": 17, "target": 18, "label": "op1"}, {"source": 4, "target": 5, "label": "poss"}, {"source": 11, "target": 12, "label": "unit"}, {"source": 1, "target": 2, "label": "name"}, {"source": 3, "target": 9, "label": "ARG2"}, {"source": 4, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG3"}]} +{"id": "20004005", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [0], "nodes": [{"id": 0, "label": "think-01"}, {"id": 1, "label": "indicate-01"}, {"id": 2, "label": "maturity"}, {"id": 3, "label": "have-degree-91"}, {"id": 4, "label": "long-03"}, {"id": 5, "label": "more"}, {"id": 6, "label": "decline-01"}, {"id": 7, "label": "rate"}, {"id": 8, "label": "interest"}, {"id": 9, "label": "cause-01"}, {"id": 10, "label": "permit-01"}, {"id": 11, "label": "retain-01"}, {"id": 12, "label": "person"}, {"id": 13, "label": "manage-01"}, {"id": 14, "label": "portfolio"}, {"id": 15, "label": "rate"}, {"id": 16, "label": "have-degree-91"}, {"id": 17, "label": "high-02"}, {"id": 18, "label": "relative-05"}, {"id": 19, "label": "more"}, {"id": 20, "label": "period"}, {"id": 21, "label": "have-degree-91"}, {"id": 22, "label": "long-03"}, {"id": 23, "label": "more"}], "edges": [{"source": 21, "target": 22, "label": "ARG2"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 10, "target": 2, "label": "ARG0"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG0"}, {"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 20, "target": 21, "label": "ARG1-of", "normal": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1-of", "normal": "ARG1"}, {"source": 11, "target": 15, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 11, "target": 20, "label": "duration"}, {"source": 12, "target": 13, "label": "ARG0-of", "normal": "ARG0"}, {"source": 17, "target": 18, "label": "ARG2-of", "normal": "ARG2"}, {"source": 3, "target": 5, "label": "ARG3"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 22, "target": 20, "label": "ARG1"}, {"source": 21, "target": 23, "label": "ARG3"}, {"source": 1, "target": 9, "label": "ARG1-of", "normal": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG0"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 16, "target": 19, "label": "ARG3"}, {"source": 17, "target": 15, "label": "ARG1"}]} +{"id": "20004006", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [0], "nodes": [{"id": 0, "label": "consider-01"}, {"id": 1, "label": "signal-07"}, {"id": 2, "label": "maturity"}, {"id": 3, "label": "have-degree-91"}, {"id": 4, "label": "short-07"}, {"id": 5, "label": "more"}, {"id": 6, "label": "rise-01"}, {"id": 7, "label": "rate"}, {"id": 8, "label": "cause-01"}, {"id": 9, "label": "possible-01"}, {"id": 10, "label": "capture-01"}, {"id": 11, "label": "person"}, {"id": 12, "label": "manage-01"}, {"id": 13, "label": "portfolio"}, {"id": 14, "label": "rate"}, {"id": 15, "label": "have-degree-91"}, {"id": 16, "label": "high-02"}, {"id": 17, "label": "more"}, {"id": 18, "label": "soon"}, {"id": 19, "label": "have-degree-91"}, {"id": 20, "label": "more"}], "edges": [{"source": 3, "target": 5, "label": "ARG3"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 11, "target": 12, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG3"}, {"source": 10, "target": 18, "label": "time"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 10, "target": 14, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 15, "target": 17, "label": "ARG3"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG1-of", "normal": "ARG1"}, {"source": 18, "target": 19, "label": "ARG2-of", "normal": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 0, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 19, "target": 10, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}]} +{"id": "20004007", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [0], "nodes": [{"id": 0, "label": "reach-01"}, {"id": 1, "label": "maturity"}, {"id": 2, "label": "fund"}, {"id": 3, "label": "open-01"}, {"id": 4, "label": "institution"}, {"id": 5, "label": "only"}, {"id": 6, "label": "average-01"}, {"id": 7, "label": "indicate-01"}, {"id": 8, "label": "consider-01"}, {"id": 9, "label": "some"}, {"id": 10, "label": "cause-01"}, {"id": 11, "label": "watch-01"}, {"id": 12, "label": "person"}, {"id": 13, "label": "manage-01"}, {"id": 14, "label": "that"}, {"id": 15, "label": "market"}, {"id": 16, "label": "close-10"}, {"id": 17, "label": "have-degree-91"}, {"id": 18, "label": "strong-02"}, {"id": 19, "label": "more"}, {"id": 20, "label": "temporal-quantity", "properties": ["quant"], "values": ["33"]}, {"id": 21, "label": "day"}, {"id": 22, "label": "point"}, {"id": 23, "label": "high-02"}, {"id": 24, "label": "year"}], "edges": [{"source": 20, "target": 22, "label": "domain"}, {"source": 1, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 9, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG3"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 7, "target": 17, "label": "ARG1-of", "normal": "ARG1"}, {"source": 12, "target": 14, "label": "mod", "normal": "domain"}, {"source": 11, "target": 12, "label": "ARG0"}, {"source": 20, "target": 21, "label": "unit"}, {"source": 11, "target": 15, "label": "ARG1"}, {"source": 22, "target": 24, "label": "prep-for"}, {"source": 11, "target": 16, "label": "manner"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 1, "target": 7, "label": "ARG0-of", "normal": "ARG0"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 0, "target": 20, "label": "ARG1"}, {"source": 18, "target": 7, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG1-of", "normal": "ARG1"}, {"source": 17, "target": 19, "label": "ARG3"}, {"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 12, "target": 13, "label": "ARG0-of", "normal": "ARG0"}, {"source": 7, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20004008", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Brenda", "Malizia", "Negus"]}, {"id": 3, "label": "have-org-role-91"}, {"id": 4, "label": "publication"}, {"id": 5, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Money", "Fund", "Report"]}, {"id": 6, "label": "editor"}, {"id": 7, "label": "possible-01"}, {"id": 8, "label": "blip-00"}, {"id": 9, "label": "thing"}, {"id": 10, "label": "yield-03"}, {"id": 11, "label": "again"}, {"id": 12, "label": "before"}, {"id": 13, "label": "blip-00"}, {"id": 14, "label": "down"}, {"id": 15, "label": "up"}, {"id": 16, "label": "cause-01"}, {"id": 17, "label": "rise-01"}, {"id": 18, "label": "rate"}, {"id": 19, "label": "interest"}, {"id": 20, "label": "short-07"}, {"id": 21, "label": "recent"}, {"id": 22, "label": "have-concession-91"}], "edges": [{"source": 8, "target": 9, "label": "ARG1"}, {"source": 17, "target": 21, "label": "time"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG0"}, {"source": 4, "target": 5, "label": "name"}, {"source": 8, "target": 12, "label": "time"}, {"source": 1, "target": 2, "label": "name"}, {"source": 8, "target": 15, "label": "direction"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "direction"}, {"source": 18, "target": 19, "label": "mod", "normal": "domain"}, {"source": 1, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 12, "target": 13, "label": "op1"}, {"source": 18, "target": 20, "label": "duration"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 8, "target": 16, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 11, "label": "mod", "normal": "domain"}, {"source": 7, "target": 22, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20004009", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [0], "nodes": [{"id": 0, "label": "rise-01"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "yield-03"}, {"id": 3, "label": "bill"}, {"id": 4, "label": "government-organization"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["Treasury"]}, {"id": 6, "label": "temporal-quantity", "properties": ["quant"], "values": ["6"]}, {"id": 7, "label": "month"}, {"id": 8, "label": "auction-02"}, {"id": 9, "label": "date-entity"}, {"id": 10, "label": "monday"}, {"id": 11, "label": "percentage-entity", "properties": ["value"], "values": ["7.90"]}, {"id": 12, "label": "percentage-entity", "properties": ["value"], "values": ["8.04"]}, {"id": 13, "label": "exemplify-01"}], "edges": [{"source": 8, "target": 9, "label": "time"}, {"source": 6, "target": 7, "label": "unit"}, {"source": 9, "target": 10, "label": "weekday"}, {"source": 0, "target": 13, "label": "ARG0-of", "normal": "ARG0"}, {"source": 3, "target": 6, "label": "mod", "normal": "domain"}, {"source": 0, "target": 12, "label": "ARG4"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 0, "target": 11, "label": "ARG3"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "name"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20004010", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [0], "nodes": [{"id": 0, "label": "continue-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "invest-01"}, {"id": 3, "label": "pour-01"}, {"id": 4, "label": "cash"}, {"id": 5, "label": "fund"}, {"id": 6, "label": "money"}, {"id": 7, "label": "decline-01"}, {"id": 8, "label": "thing"}, {"id": 9, "label": "yield-03"}, {"id": 10, "label": "recent"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG3"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 7, "target": 10, "label": "time"}, {"source": 8, "target": 9, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 0, "target": 7, "label": "concession"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 3, "target": 1, "label": "ARG0"}]} +{"id": "20004011", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [0], "nodes": [{"id": 0, "label": "grow-01"}, {"id": 1, "label": "asset"}, {"id": 2, "label": "fund", "properties": ["quant"], "values": ["400"]}, {"id": 3, "label": "tax-01"}, {"id": 4, "label": "monetary-quantity", "properties": ["quant"], "values": ["1500000000"]}, {"id": 5, "label": "dollar"}, {"id": 6, "label": "monetary-quantity", "properties": ["quant"], "values": ["352700000000"]}, {"id": 7, "label": "dollar"}, {"id": 8, "label": "week"}, {"id": 9, "label": "last"}], "edges": [{"source": 2, "target": 3, "label": "ARG3-of", "normal": "ARG3"}, {"source": 6, "target": 7, "label": "unit"}, {"source": 4, "target": 5, "label": "unit"}, {"source": 0, "target": 4, "label": "ARG2"}, {"source": 0, "target": 8, "label": "time"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 0, "target": 6, "label": "ARG4"}, {"source": 1, "target": 2, "label": "poss"}]} +{"id": "20004012", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [0], "nodes": [{"id": 0, "label": "beat-03"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "yield-03"}, {"id": 3, "label": "fund"}, {"id": 4, "label": "money"}, {"id": 5, "label": "thing"}, {"id": 6, "label": "invest-01"}, {"id": 7, "label": "short-07"}, {"id": 8, "label": "comparable-03"}, {"id": 9, "label": "typical-02"}, {"id": 10, "label": "cause-01"}, {"id": 11, "label": "possible-01"}, {"id": 12, "label": "and"}, {"id": 13, "label": "vary-01"}, {"id": 14, "label": "person"}, {"id": 15, "label": "manage-01"}, {"id": 16, "label": "portfolio"}, {"id": 17, "label": "maturity"}, {"id": 18, "label": "go-03"}, {"id": 19, "label": "rate"}, {"id": 20, "label": "have-degree-91"}, {"id": 21, "label": "high-02"}, {"id": 22, "label": "most"}], "edges": [{"source": 0, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG3"}, {"source": 6, "target": 7, "label": "duration"}, {"source": 5, "target": 8, "label": "ARG2-of", "normal": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 21, "target": 19, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 12, "target": 18, "label": "op2"}, {"source": 14, "target": 15, "label": "ARG0-of", "normal": "ARG0"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 18, "target": 14, "label": "ARG0"}, {"source": 19, "target": 20, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 8, "target": 1, "label": "ARG1"}, {"source": 13, "target": 17, "label": "ARG1"}, {"source": 12, "target": 13, "label": "op1"}, {"source": 20, "target": 21, "label": "ARG2"}, {"source": 0, "target": 9, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "ARG0"}]} +{"id": "20004014", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [0], "nodes": [{"id": 0, "label": "yield-03"}, {"id": 1, "label": "fund"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Dreyfus", "World-Wide", "Dollar"]}, {"id": 3, "label": "yield-03"}, {"id": 4, "label": "top"}, {"id": 5, "label": "percentage-entity", "properties": ["value"], "values": ["9.37"]}, {"id": 6, "label": "decrease-01"}, {"id": 7, "label": "percentage-entity", "properties": ["value"], "values": ["9.45"]}, {"id": 8, "label": "before"}, {"id": 9, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 10, "label": "week"}, {"id": 11, "label": "week"}, {"id": 12, "label": "last"}, {"id": 13, "label": "temporal-quantity", "properties": ["quant"], "values": ["7"]}, {"id": 14, "label": "day"}, {"id": 15, "label": "compound"}], "edges": [{"source": 7, "target": 8, "label": "time"}, {"source": 0, "target": 13, "label": "mod", "normal": "domain"}, {"source": 8, "target": 9, "label": "quant"}, {"source": 5, "target": 6, "label": "ARG4-of", "normal": "ARG4"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 11, "label": "time"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 0, "target": 15, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 11, "target": 12, "label": "mod", "normal": "domain"}, {"source": 9, "target": 10, "label": "unit"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 13, "target": 14, "label": "unit"}, {"source": 6, "target": 7, "label": "ARG3"}, {"source": 8, "target": 11, "label": "op1"}]} +{"id": "20004015", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "invest-01"}, {"id": 2, "label": "it"}, {"id": 3, "label": "security"}, {"id": 4, "label": "denominate-01"}, {"id": 5, "label": "dollar"}, {"id": 6, "label": "overseas"}, {"id": 7, "label": "heavy"}, {"id": 8, "label": "waive-01"}, {"id": 9, "label": "fee"}, {"id": 10, "label": "manage-01"}, {"id": 11, "label": "boost-01"}, {"id": 12, "label": "thing"}, {"id": 13, "label": "yield-03"}, {"id": 14, "label": "current"}], "edges": [{"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 3, "target": 6, "label": "location"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 8, "target": 14, "label": "time"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 8, "target": 2, "label": "ARG0"}, {"source": 12, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 2, "label": "ARG0"}, {"source": 0, "target": 8, "label": "op2"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 11, "label": "ARG0-of", "normal": "ARG0"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 1, "target": 7, "label": "manner"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 11, "target": 12, "label": "ARG1"}]} +{"id": "20004016", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [0], "nodes": [{"id": 0, "label": "yield-03"}, {"id": 1, "label": "fund", "properties": ["quant"], "values": ["400"]}, {"id": 2, "label": "percentage-entity", "properties": ["value"], "values": ["8.12"]}, {"id": 3, "label": "decrease-01"}, {"id": 4, "label": "percentage-entity", "properties": ["value"], "values": ["8.14"]}, {"id": 5, "label": "temporal-quantity", "properties": ["quant"], "values": ["7"]}, {"id": 6, "label": "day"}, {"id": 7, "label": "simple-02"}, {"id": 8, "label": "average-01"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 5, "target": 6, "label": "unit"}, {"source": 0, "target": 5, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG4-of", "normal": "ARG4"}, {"source": 0, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG3"}]} +{"id": "20004017", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "fall-01"}, {"id": 2, "label": "thing"}, {"id": 3, "label": "yield-03"}, {"id": 4, "label": "temporal-quantity", "properties": ["quant"], "values": ["30"]}, {"id": 5, "label": "day"}, {"id": 6, "label": "simple-02"}, {"id": 7, "label": "percentage-entity", "properties": ["value"], "values": ["8.22"]}, {"id": 8, "label": "percentage-entity", "properties": ["value"], "values": ["8.19"]}, {"id": 9, "label": "average-01"}, {"id": 10, "label": "slide-02"}, {"id": 11, "label": "thing"}, {"id": 12, "label": "yield-03"}, {"id": 13, "label": "temporal-quantity", "properties": ["quant"], "values": ["30"]}, {"id": 14, "label": "day"}, {"id": 15, "label": "compound"}, {"id": 16, "label": "percentage-entity", "properties": ["value"], "values": ["8.56"]}, {"id": 17, "label": "percentage-entity", "properties": ["value"], "values": ["8.53"]}, {"id": 18, "label": "average-01"}], "edges": [{"source": 1, "target": 2, "label": "ARG1"}, {"source": 12, "target": 13, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "unit"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 10, "label": "op2"}, {"source": 17, "target": 18, "label": "ARG2-of", "normal": "ARG2"}, {"source": 10, "target": 16, "label": "ARG3"}, {"source": 11, "target": 12, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 7, "label": "ARG3"}, {"source": 13, "target": 14, "label": "unit"}, {"source": 8, "target": 9, "label": "ARG2-of", "normal": "ARG2"}, {"source": 1, "target": 8, "label": "ARG4"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 10, "target": 17, "label": "ARG4"}, {"source": 12, "target": 15, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}]} +{"id": "20005001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [0], "nodes": [{"id": 0, "label": "elect-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["J.P.", "Bolduc"]}, {"id": 3, "label": "have-org-role-91"}, {"id": 4, "label": "company"}, {"id": 5, "label": "name", "properties": ["op1", "op2", "op3", "op4"], "values": ["W.R.", "Grace", "&", "Co."]}, {"id": 6, "label": "hold-01"}, {"id": 7, "label": "interest"}, {"id": 8, "label": "percentage-entity", "properties": ["value"], "values": ["83.4"]}, {"id": 9, "label": "company"}, {"id": 10, "label": "this"}, {"id": 11, "label": "service"}, {"id": 12, "label": "energy"}, {"id": 13, "label": "chairman"}, {"id": 14, "label": "vice"}, {"id": 15, "label": "director"}, {"id": 16, "label": "have-org-role-91"}], "edges": [{"source": 7, "target": 8, "label": "quant"}, {"source": 1, "target": 2, "label": "name"}, {"source": 3, "target": 13, "label": "ARG2"}, {"source": 9, "target": 11, "label": "mod", "normal": "domain"}, {"source": 1, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 7, "target": 9, "label": "prep-in"}, {"source": 4, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 11, "target": 12, "label": "mod", "normal": "domain"}, {"source": 15, "target": 16, "label": "ARG2-of", "normal": "ARG2"}, {"source": 13, "target": 14, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 16, "target": 1, "label": "ARG0"}, {"source": 4, "target": 5, "label": "name"}, {"source": 0, "target": 15, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 6, "target": 7, "label": "ARG1"}]} +{"id": "20005002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [0], "nodes": [{"id": 0, "label": "succeed-02"}, {"id": 1, "label": "he"}, {"id": 2, "label": "person"}, {"id": 3, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Terrence", "D.", "Daniels"]}, {"id": 4, "label": "resign-01"}, {"id": 5, "label": "have-org-role-91"}, {"id": 6, "label": "company"}, {"id": 7, "label": "name", "properties": ["op1", "op2"], "values": ["W.R.", "Grace"]}, {"id": 8, "label": "chairman"}, {"id": 9, "label": "vice"}, {"id": 10, "label": "former"}], "edges": [{"source": 6, "target": 7, "label": "name"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 5, "target": 10, "label": "time"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 5, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 3, "label": "name"}, {"source": 2, "target": 4, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "20005003", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [0], "nodes": [{"id": 0, "label": "hold-01"}, {"id": 1, "label": "company"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["W.R.", "Grace"]}, {"id": 3, "label": "seat", "properties": ["quant"], "values": ["3"]}, {"id": 4, "label": "include-91"}, {"id": 5, "label": "seat", "properties": ["quant"], "values": ["7"]}, {"id": 6, "label": "board"}, {"id": 7, "label": "company"}, {"id": 8, "label": "name", "properties": ["op1", "op2"], "values": ["Grace", "Energy"]}], "edges": [{"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 7, "target": 8, "label": "name"}, {"source": 5, "target": 7, "label": "poss"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}]} +{"id": "20007002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [0], "nodes": [{"id": 0, "label": "company"}, {"id": 1, "label": "name", "properties": ["op1"], "values": ["Finmeccanica"]}, {"id": 2, "label": "own-01"}, {"id": 3, "label": "state"}, {"id": 4, "label": "interest"}, {"id": 5, "label": "industry"}, {"id": 6, "label": "engineering"}, {"id": 7, "label": "mechanics"}, {"id": 8, "label": "country"}, {"id": 9, "label": "name", "properties": ["op1"], "values": ["Italy"]}, {"id": 10, "label": "holding"}], "edges": [{"source": 8, "target": 9, "label": "name"}, {"source": 0, "target": 10, "label": "mod", "normal": "domain"}, {"source": 0, "target": 4, "label": "prep-with"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "name"}, {"source": 4, "target": 5, "label": "prep-in"}, {"source": 0, "target": 8, "label": "mod", "normal": "domain"}, {"source": 0, "target": 2, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20007003", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [0], "nodes": [{"id": 0, "label": "make-01"}, {"id": 1, "label": "company"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Bailey", "Controls"]}, {"id": 3, "label": "base-01"}, {"id": 4, "label": "city"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["Wickliffe"]}, {"id": 6, "label": "state"}, {"id": 7, "label": "name", "properties": ["op1"], "values": ["Ohio"]}, {"id": 8, "label": "system"}, {"id": 9, "label": "computerize-01"}, {"id": 10, "label": "industry"}, {"id": 11, "label": "control-01"}], "edges": [{"source": 1, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2-of", "normal": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 6, "target": 7, "label": "name"}, {"source": 3, "target": 4, "label": "location"}, {"source": 4, "target": 6, "label": "location"}, {"source": 8, "target": 10, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "name"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 2, "label": "name"}]} +{"id": "20007004", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "employ-01"}, {"id": 2, "label": "it"}, {"id": 3, "label": "person", "properties": ["quant"], "values": ["2700"]}, {"id": 4, "label": "have-03"}, {"id": 5, "label": "revenue"}, {"id": 6, "label": "rate-entity-91"}, {"id": 7, "label": "about"}, {"id": 8, "label": "monetary-quantity", "properties": ["quant"], "values": ["370000000"]}, {"id": 9, "label": "dollar"}, {"id": 10, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 11, "label": "year"}], "edges": [{"source": 8, "target": 9, "label": "unit"}, {"source": 4, "target": 2, "label": "ARG0"}, {"source": 10, "target": 11, "label": "unit"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 5, "target": 6, "label": "quant"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 0, "target": 4, "label": "op2"}, {"source": 1, "target": 3, "label": "ARG1"}]} +{"id": "20008001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [0], "nodes": [{"id": 0, "label": "suspend-01"}, {"id": 1, "label": "government-organization"}, {"id": 2, "label": "govern-01"}, {"id": 3, "label": "federal"}, {"id": 4, "label": "sell-01"}, {"id": 5, "label": "bond"}, {"id": 6, "label": "savings"}, {"id": 7, "label": "country"}, {"id": 8, "label": "name", "properties": ["op1"], "values": ["U.S."]}, {"id": 9, "label": "cause-01"}, {"id": 10, "label": "lift-01", "properties": ["polarity"], "values": ["-"]}, {"id": 11, "label": "government-organization"}, {"id": 12, "label": "name", "properties": ["op1"], "values": ["Congress"]}, {"id": 13, "label": "ceiling"}, {"id": 14, "label": "debt"}, {"id": 15, "label": "government-organization"}, {"id": 16, "label": "govern-01"}], "edges": [{"source": 10, "target": 13, "label": "ARG1"}, {"source": 11, "target": 12, "label": "name"}, {"source": 5, "target": 7, "label": "mod", "normal": "domain"}, {"source": 0, "target": 9, "label": "ARG1-of", "normal": "ARG1"}, {"source": 14, "target": 15, "label": "mod", "normal": "domain"}, {"source": 1, "target": 3, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 13, "target": 14, "label": "prep-on"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 15, "target": 16, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG0"}, {"source": 9, "target": 10, "label": "ARG0"}, {"source": 7, "target": 8, "label": "name"}]} +{"id": "20008002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "government-organization"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Treasury"]}, {"id": 3, "label": "authorize-01", "properties": ["polarity"], "values": ["-"]}, {"id": 4, "label": "issue-01"}, {"id": 5, "label": "obligation"}, {"id": 6, "label": "debt"}, {"id": 7, "label": "new-01"}, {"id": 8, "label": "kind"}, {"id": 9, "label": "any"}, {"id": 10, "label": "government-organization"}, {"id": 11, "label": "govern-01"}, {"id": 12, "label": "until"}, {"id": 13, "label": "act-02"}, {"id": 14, "label": "government-organization"}, {"id": 15, "label": "name", "properties": ["op1"], "values": ["Congress"]}], "edges": [{"source": 0, "target": 3, "label": "ARG1"}, {"source": 3, "target": 12, "label": "time"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 5, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "ARG0"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 5, "target": 8, "label": "mod", "normal": "domain"}, {"source": 14, "target": 15, "label": "name"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 10, "label": "ARG0"}, {"source": 12, "target": 13, "label": "op1"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 3, "target": 10, "label": "ARG2"}]} +{"id": "20008003", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [0], "nodes": [{"id": 0, "label": "drop-01"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "borrow-01"}, {"id": 3, "label": "authorize-01"}, {"id": 4, "label": "government-organization"}, {"id": 5, "label": "govern-01"}, {"id": 6, "label": "monetary-quantity", "properties": ["quant"], "values": ["2870000000000"]}, {"id": 7, "label": "dollar"}, {"id": 8, "label": "monetary-quantity", "properties": ["quant"], "values": ["2800000000000"]}, {"id": 9, "label": "dollar"}, {"id": 10, "label": "date-entity", "properties": ["time"], "values": ["0:00"]}, {"id": 11, "label": "wednesday"}], "edges": [{"source": 0, "target": 10, "label": "time"}, {"source": 4, "target": 5, "label": "ARG0-of", "normal": "ARG0"}, {"source": 8, "target": 9, "label": "unit"}, {"source": 0, "target": 6, "label": "ARG3"}, {"source": 2, "target": 4, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 0, "target": 8, "label": "ARG4"}, {"source": 10, "target": 11, "label": "weekday"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "unit"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20008004", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [0], "nodes": [{"id": 0, "label": "ensnarl-01"}, {"id": 1, "label": "legislate-01"}, {"id": 2, "label": "lift-01"}, {"id": 3, "label": "ceiling"}, {"id": 4, "label": "debt"}, {"id": 5, "label": "fight-01"}, {"id": 6, "label": "cut-02"}, {"id": 7, "label": "thing"}, {"id": 8, "label": "tax-01"}, {"id": 9, "label": "thing"}, {"id": 10, "label": "gain-02"}, {"id": 11, "label": "capital"}], "edges": [{"source": 1, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG3"}, {"source": 9, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 0, "target": 5, "label": "ARG2"}]} +{"id": "20008005", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "vote-01"}, {"id": 2, "label": "government-organization"}, {"id": 3, "label": "name", "properties": ["op1"], "values": ["House"]}, {"id": 4, "label": "raise-01"}, {"id": 5, "label": "ceiling"}, {"id": 6, "label": "monetary-quantity", "properties": ["quant"], "values": ["3100000000000"]}, {"id": 7, "label": "dollar"}, {"id": 8, "label": "expect-01"}, {"id": 9, "label": "act-02", "properties": ["polarity"], "values": ["-"]}, {"id": 10, "label": "government-organization"}, {"id": 11, "label": "name", "properties": ["op1"], "values": ["Senate"]}, {"id": 12, "label": "before"}, {"id": 13, "label": "week"}, {"id": 14, "label": "next"}], "edges": [{"source": 12, "target": 13, "label": "op1"}, {"source": 9, "target": 10, "label": "ARG0"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 2, "target": 3, "label": "name"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 6, "target": 7, "label": "unit"}, {"source": 0, "target": 8, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 10, "target": 11, "label": "name"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "mod", "normal": "domain"}, {"source": 9, "target": 12, "label": "time"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG4"}]} +{"id": "20008006", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "government-organization"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Treasury"]}, {"id": 3, "label": "default-01"}, {"id": 4, "label": "country"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["U.S."]}, {"id": 6, "label": "date-entity", "properties": ["month", "day"], "values": ["11", "9"]}, {"id": 7, "label": "act-02", "properties": ["polarity"], "values": ["-"]}, {"id": 8, "label": "government-organization"}, {"id": 9, "label": "name", "properties": ["op1"], "values": ["Congress"]}, {"id": 10, "label": "by"}], "edges": [{"source": 10, "target": 6, "label": "op1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 7, "target": 8, "label": "ARG0"}, {"source": 3, "target": 6, "label": "time"}, {"source": 8, "target": 9, "label": "name"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 7, "target": 10, "label": "time"}, {"source": 3, "target": 7, "label": "condition"}, {"source": 4, "target": 5, "label": "name"}, {"source": 1, "target": 2, "label": "name"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "20009001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [0], "nodes": [{"id": 0, "label": "name-03"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Clark", "J.", "Vitulli"]}, {"id": 3, "label": "and"}, {"id": 4, "label": "president"}, {"id": 5, "label": "vice"}, {"id": 6, "label": "senior"}, {"id": 7, "label": "person"}, {"id": 8, "label": "manage-01"}, {"id": 9, "label": "general"}, {"id": 10, "label": "have-org-role-91"}, {"id": 11, "label": "arm"}, {"id": 12, "label": "this"}, {"id": 13, "label": "company"}, {"id": 14, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Mazda", "Motor", "Corp"]}, {"id": 15, "label": "country"}, {"id": 16, "label": "name", "properties": ["op1"], "values": ["Japan"]}, {"id": 17, "label": "make-01"}, {"id": 18, "label": "auto"}, {"id": 19, "label": "country"}, {"id": 20, "label": "name", "properties": ["op1"], "values": ["U.S."]}, {"id": 21, "label": "sell-01"}, {"id": 22, "label": "market-01"}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 7, "label": "op2"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 15, "target": 16, "label": "name"}, {"source": 3, "target": 10, "label": "ARG2-of", "normal": "ARG2"}, {"source": 13, "target": 15, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "name"}, {"source": 13, "target": 14, "label": "name"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 19, "target": 20, "label": "name"}, {"source": 3, "target": 4, "label": "op1"}, {"source": 11, "target": 22, "label": "ARG0-of", "normal": "ARG0"}, {"source": 13, "target": 17, "label": "ARG0-of", "normal": "ARG0"}, {"source": 10, "target": 1, "label": "ARG0"}, {"source": 11, "target": 19, "label": "mod", "normal": "domain"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 4, "target": 6, "label": "mod", "normal": "domain"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 11, "target": 13, "label": "part-of", "normal": "part"}, {"source": 11, "target": 12, "label": "mod", "normal": "domain"}, {"source": 7, "target": 9, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 11, "target": 21, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "20009002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [0], "nodes": [{"id": 0, "label": "oversee-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "and"}, {"id": 3, "label": "operation"}, {"id": 4, "label": "sell-01"}, {"id": 5, "label": "operation"}, {"id": 6, "label": "service-05"}, {"id": 7, "label": "operation"}, {"id": 8, "label": "part"}, {"id": 9, "label": "operation"}, {"id": 10, "label": "market-01"}, {"id": 11, "label": "company"}, {"id": 12, "label": "name", "properties": ["op1"], "values": ["Mazda"]}, {"id": 13, "label": "country"}, {"id": 14, "label": "name", "properties": ["op1"], "values": ["U.S."]}, {"id": 15, "label": "have-org-role-91"}, {"id": 16, "label": "position"}, {"id": 17, "label": "new-02"}], "edges": [{"source": 13, "target": 14, "label": "name"}, {"source": 9, "target": 10, "label": "ARG0-of", "normal": "ARG0"}, {"source": 15, "target": 1, "label": "ARG0"}, {"source": 2, "target": 11, "label": "poss"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 17, "target": 1, "label": "ARG2"}, {"source": 2, "target": 3, "label": "op1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 0, "target": 15, "label": "ARG3-of", "normal": "ARG3"}, {"source": 11, "target": 12, "label": "name"}, {"source": 2, "target": 9, "label": "op4"}, {"source": 2, "target": 5, "label": "op2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 2, "target": 7, "label": "op3"}, {"source": 2, "target": 13, "label": "mod", "normal": "domain"}, {"source": 16, "target": 17, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20009003", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [0], "nodes": [{"id": 0, "label": "person"}, {"id": 1, "label": "name", "properties": ["op1", "op2"], "values": ["Mr.", "Vitulli"]}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "division"}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Chrysler"]}, {"id": 5, "label": "company"}, {"id": 6, "label": "name", "properties": ["op1", "op2"], "values": ["Chrysler", "Corp."]}, {"id": 7, "label": "manage-01"}, {"id": 8, "label": "market-01"}, {"id": 9, "label": "general"}, {"id": 10, "label": "previous"}, {"id": 11, "label": "temporal-quantity", "properties": ["quant"], "values": ["43"]}, {"id": 12, "label": "year"}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 2, "target": 10, "label": "time"}, {"source": 3, "target": 5, "label": "part-of", "normal": "part"}, {"source": 7, "target": 9, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "name"}, {"source": 7, "target": 0, "label": "ARG0"}, {"source": 3, "target": 4, "label": "name"}, {"source": 0, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 5, "target": 6, "label": "name"}, {"source": 0, "target": 11, "label": "age"}, {"source": 2, "target": 7, "label": "ARG3"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 11, "target": 12, "label": "unit"}]} +{"id": "20009004", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [0], "nodes": [{"id": 0, "label": "have-org-role-91"}, {"id": 1, "label": "he"}, {"id": 2, "label": "company"}, {"id": 3, "label": "name", "properties": ["op1"], "values": ["Chrysler"]}, {"id": 4, "label": "executive"}, {"id": 5, "label": "and"}, {"id": 6, "label": "sell-01"}, {"id": 7, "label": "market-01"}, {"id": 8, "label": "temporal-quantity", "properties": ["quant"], "values": ["20"]}, {"id": 9, "label": "year"}], "edges": [{"source": 2, "target": 3, "label": "name"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "topic"}, {"source": 5, "target": 7, "label": "op2"}, {"source": 5, "target": 6, "label": "op1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 8, "target": 9, "label": "unit"}, {"source": 0, "target": 4, "label": "ARG2"}, {"source": 0, "target": 8, "label": "duration"}]} +{"id": "20010001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [0], "nodes": [{"id": 0, "label": "jet-off-01"}, {"id": 1, "label": "titan"}, {"id": 2, "label": "manufacture-01"}, {"id": 3, "label": "nation"}, {"id": 4, "label": "town"}, {"id": 5, "label": "resort"}, {"id": 6, "label": "and"}, {"id": 7, "label": "city"}, {"id": 8, "label": "name", "properties": ["op1", "op2"], "values": ["Boca", "Raton"]}, {"id": 9, "label": "city"}, {"id": 10, "label": "name", "properties": ["op1", "op2"], "values": ["Hot", "Springs"]}, {"id": 11, "label": "confine-01"}, {"id": 12, "label": "sunny"}, {"id": 13, "label": "typical-02"}, {"id": 14, "label": "powwow"}, {"id": 15, "label": "rate-entity-91", "properties": ["ARG1"], "values": ["2"]}, {"id": 16, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 17, "label": "year"}], "edges": [{"source": 0, "target": 14, "label": "time"}, {"source": 0, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 14, "target": 15, "label": "frequency"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 1, "target": 3, "label": "mod", "normal": "domain"}, {"source": 4, "target": 6, "label": "example"}, {"source": 6, "target": 7, "label": "op1"}, {"source": 6, "target": 9, "label": "op2"}, {"source": 7, "target": 8, "label": "name"}, {"source": 9, "target": 10, "label": "name"}, {"source": 4, "target": 11, "label": "ARG2-of", "normal": "ARG2"}, {"source": 14, "target": 1, "label": "poss"}, {"source": 16, "target": 17, "label": "unit"}, {"source": 11, "target": 12, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 4, "label": "ARG2"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}]} +{"id": "20010002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Not this year.", "tops": [0], "nodes": [{"id": 0, "label": "year", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "this"}], "edges": [{"source": 0, "target": 1, "label": "mod", "normal": "domain"}]} +{"id": "20010003", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [0], "nodes": [{"id": 0, "label": "settle-01"}, {"id": 1, "label": "organization"}, {"id": 2, "label": "name", "properties": ["op1", "op2", "op3", "op4"], "values": ["National", "Association", "of", "Manufacturers"]}, {"id": 3, "label": "meet-03"}, {"id": 4, "label": "board"}, {"id": 5, "label": "date-entity"}, {"id": 6, "label": "fall"}, {"id": 7, "label": "city"}, {"id": 8, "label": "name", "properties": ["op1"], "values": ["Indianapolis"]}, {"id": 9, "label": "have-org-role-91"}, {"id": 10, "label": "state"}, {"id": 11, "label": "name", "properties": ["op1"], "values": ["Indiana"]}, {"id": 12, "label": "capital"}], "edges": [{"source": 4, "target": 1, "label": "part-of", "normal": "part"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 5, "target": 6, "label": "season"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 1, "target": 2, "label": "name"}, {"source": 7, "target": 9, "label": "ARG0-of", "normal": "ARG0"}, {"source": 3, "target": 7, "label": "location"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 7, "target": 8, "label": "name"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 10, "target": 11, "label": "name"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 3, "target": 5, "label": "time"}]} +{"id": "20010006", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [0], "nodes": [{"id": 0, "label": "receive-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "and"}, {"id": 4, "label": "giant"}, {"id": 5, "label": "and"}, {"id": 6, "label": "company"}, {"id": 7, "label": "name", "properties": ["op1", "op2"], "values": ["Du", "Pont"]}, {"id": 8, "label": "company"}, {"id": 9, "label": "name", "properties": ["op1"], "values": ["Maytag"]}, {"id": 10, "label": "company"}, {"id": 11, "label": "have-degree-91"}, {"id": 12, "label": "know-02"}, {"id": 13, "label": "less"}, {"id": 14, "label": "and"}, {"id": 15, "label": "company"}, {"id": 16, "label": "name", "properties": ["op1", "op2"], "values": ["Trojan", "Steel"]}, {"id": 17, "label": "company"}, {"id": 18, "label": "name", "properties": ["op1", "op2", "op3", "op4"], "values": ["Valley", "Queen", "Cheese", "Factory"]}, {"id": 19, "label": "official"}, {"id": 20, "label": "thing"}, {"id": 21, "label": "message-01"}], "edges": [{"source": 14, "target": 17, "label": "op2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 15, "target": 16, "label": "name"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 14, "target": 15, "label": "op1"}, {"source": 4, "target": 5, "label": "example"}, {"source": 0, "target": 20, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 10, "target": 11, "label": "ARG1-of", "normal": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1-of", "normal": "ARG1"}, {"source": 5, "target": 6, "label": "op1"}, {"source": 10, "target": 14, "label": "example"}, {"source": 8, "target": 9, "label": "name"}, {"source": 17, "target": 18, "label": "name"}, {"source": 3, "target": 10, "label": "op2"}, {"source": 5, "target": 8, "label": "op2"}, {"source": 3, "target": 4, "label": "op1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 6, "target": 7, "label": "name"}, {"source": 11, "target": 13, "label": "ARG3"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 19, "label": "ARG2"}]} +{"id": "20010007", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [0], "nodes": [{"id": 0, "label": "join-04"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "executive"}, {"id": 4, "label": "person"}, {"id": 5, "label": "name", "properties": ["op1", "op2", "op3", "op4"], "values": ["William", "H.", "Hudnut", "III"]}, {"id": 6, "label": "have-org-role-91"}, {"id": 7, "label": "mayor"}, {"id": 8, "label": "evening"}, {"id": 9, "label": "and"}, {"id": 10, "label": "organization"}, {"id": 11, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Indianapolis", "Symphony", "Orchestra"]}, {"id": 12, "label": "person"}, {"id": 13, "label": "name", "properties": ["op1", "op2"], "values": ["Victor", "Borge"]}, {"id": 14, "label": "person"}, {"id": 15, "label": "play-11"}, {"id": 16, "label": "piano"}, {"id": 17, "label": "comedian"}, {"id": 18, "label": "guest"}, {"id": 19, "label": "starter"}], "edges": [{"source": 10, "target": 11, "label": "name"}, {"source": 12, "target": 13, "label": "name"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 8, "target": 9, "label": "poss"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 12, "target": 18, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 5, "label": "name"}, {"source": 9, "target": 10, "label": "op1"}, {"source": 9, "target": 12, "label": "op2"}, {"source": 0, "target": 8, "label": "ARG2"}, {"source": 12, "target": 17, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 0, "target": 19, "label": "prep-for"}, {"source": 12, "target": 14, "label": "mod", "normal": "domain"}, {"source": 14, "target": 15, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "20010008", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Champagne and dessert followed.", "tops": [0], "nodes": [{"id": 0, "label": "follow-01"}, {"id": 1, "label": "and"}, {"id": 2, "label": "champagne"}, {"id": 3, "label": "dessert"}], "edges": [{"source": 1, "target": 3, "label": "op2"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "op1"}]} +{"id": "20010010", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [0], "nodes": [{"id": 0, "label": "possible-01", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "make-it-14"}, {"id": 2, "label": "person"}, {"id": 3, "label": "have-org-role-91"}, {"id": 4, "label": "governor"}, {"id": 5, "label": "cause-01"}, {"id": 6, "label": "welcome-01"}, {"id": 7, "label": "person"}, {"id": 8, "label": "have-org-role-91"}, {"id": 9, "label": "governor"}, {"id": 10, "label": "lieutenant"}, {"id": 11, "label": "guest"}, {"id": 12, "label": "special-02"}], "edges": [{"source": 1, "target": 2, "label": "ARG0"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 11, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1-of", "normal": "ARG1"}, {"source": 6, "target": 7, "label": "ARG0"}, {"source": 7, "target": 8, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 5, "label": "ARG0-of", "normal": "ARG0"}, {"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG2"}]} +{"id": "20010011", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [0], "nodes": [{"id": 0, "label": "hold-04"}, {"id": 1, "label": "breakfast-01"}, {"id": 2, "label": "buffet"}, {"id": 3, "label": "museum"}, {"id": 4, "label": "ban-01"}, {"id": 5, "label": "and"}, {"id": 6, "label": "food"}, {"id": 7, "label": "drink"}, {"id": 8, "label": "person"}, {"id": 9, "label": "visit-01"}, {"id": 10, "label": "everyday"}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "location-of", "normal": "location"}, {"source": 0, "target": 3, "label": "location"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 6, "label": "op1"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 8, "target": 10, "label": "mod", "normal": "domain"}, {"source": 8, "target": 9, "label": "ARG0-of", "normal": "ARG0"}, {"source": 5, "target": 7, "label": "op2"}, {"source": 1, "target": 2, "label": "mod", "normal": "domain"}]} +{"id": "20010012", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [0], "nodes": [{"id": 0, "label": "haul-out-03"}, {"id": 1, "label": "speedway"}, {"id": 2, "label": "and"}, {"id": 3, "label": "person", "properties": ["quant"], "values": ["4"]}, {"id": 4, "label": "drive-01"}, {"id": 5, "label": "crew"}, {"id": 6, "label": "person"}, {"id": 7, "label": "announce-01"}, {"id": 8, "label": "event"}, {"id": 9, "label": "name", "properties": ["op1", "op2"], "values": ["Indianapolis", "500"]}, {"id": 10, "label": "official"}, {"id": 11, "label": "even"}, {"id": 12, "label": "race-02"}, {"id": 13, "label": "lap", "properties": ["quant"], "values": ["10"]}, {"id": 14, "label": "exhibit-01"}, {"id": 15, "label": "then"}, {"id": 16, "label": "honor-01"}, {"id": 17, "label": "guest"}], "edges": [{"source": 8, "target": 9, "label": "name"}, {"source": 2, "target": 5, "label": "op2"}, {"source": 0, "target": 16, "label": "ARG3-of", "normal": "ARG3"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 15, "label": "time"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 11, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "op1"}, {"source": 6, "target": 8, "label": "mod", "normal": "domain"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 0, "target": 12, "label": "purpose"}, {"source": 12, "target": 13, "label": "mod", "normal": "domain"}, {"source": 6, "target": 10, "label": "mod", "normal": "domain"}, {"source": 2, "target": 6, "label": "op3"}, {"source": 12, "target": 14, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 6, "target": 7, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "20010013", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [0], "nodes": [{"id": 0, "label": "drool-02"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "company"}, {"id": 4, "label": "thing"}, {"id": 5, "label": "name", "properties": ["op1", "op2"], "values": ["Fortune", "500"]}, {"id": 6, "label": "executive"}, {"id": 7, "label": "and"}, {"id": 8, "label": "car"}, {"id": 9, "label": "person"}, {"id": 10, "label": "drive-01"}, {"id": 11, "label": "after"}, {"id": 12, "label": "race-02"}, {"id": 13, "label": "resemble-01"}, {"id": 14, "label": "drool-02"}, {"id": 15, "label": "schoolboy"}], "edges": [{"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "name"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 7, "target": 9, "label": "op2"}, {"source": 9, "target": 10, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 11, "target": 12, "label": "op1"}, {"source": 0, "target": 11, "label": "time"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 0, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}]} +{"id": "20010015", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [0], "nodes": [{"id": 0, "label": "squeeze-02"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "executive"}, {"id": 4, "label": "meet-03"}, {"id": 5, "label": "hotel"}, {"id": 6, "label": "few"}, {"id": 7, "label": "before"}, {"id": 8, "label": "board-01"}, {"id": 9, "label": "bus"}, {"id": 10, "label": "again"}, {"id": 11, "label": "downtown"}, {"id": 12, "label": "back"}], "edges": [{"source": 0, "target": 7, "label": "time"}, {"source": 11, "target": 12, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 5, "label": "location"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 8, "target": 10, "label": "mod", "normal": "domain"}, {"source": 8, "target": 1, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 6, "label": "quant"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 0, "target": 11, "label": "location"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 0, "target": 4, "label": "ARG1"}]} +{"id": "20010016", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [0], "nodes": [{"id": 0, "label": "have-purpose-91"}, {"id": 1, "label": "it"}, {"id": 2, "label": "and"}, {"id": 3, "label": "dinner"}, {"id": 4, "label": "dance-01"}, {"id": 5, "label": "relative-position"}, {"id": 6, "label": "block"}, {"id": 7, "label": "time"}, {"id": 8, "label": "this"}], "edges": [{"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 5, "target": 6, "label": "quant"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 2, "target": 5, "label": "location"}, {"source": 2, "target": 3, "label": "op1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 0, "target": 7, "label": "time"}, {"source": 2, "target": 4, "label": "op2"}]} +{"id": "20010017", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [0], "nodes": [{"id": 0, "label": "feed-01"}, {"id": 1, "label": "chef", "properties": ["quant"], "values": ["9"]}, {"id": 2, "label": "include-91"}, {"id": 3, "label": "chef"}, {"id": 4, "label": "have-degree-91"}, {"id": 5, "label": "hot-03"}, {"id": 6, "label": "most"}, {"id": 7, "label": "chef"}, {"id": 8, "label": "town"}, {"id": 9, "label": "and"}, {"id": 10, "label": "mousseline"}, {"id": 11, "label": "duckling"}, {"id": 12, "label": "state"}, {"id": 13, "label": "name", "properties": ["op1"], "values": ["Indiana"]}, {"id": 14, "label": "consomme"}, {"id": 15, "label": "lobster"}, {"id": 16, "label": "mignon"}, {"id": 17, "label": "veal"}, {"id": 18, "label": "terrine"}, {"id": 19, "label": "chocolate"}, {"id": 20, "label": "sauce"}, {"id": 21, "label": "raspberry"}, {"id": 22, "label": "they"}, {"id": 23, "label": "under"}, {"id": 24, "label": "and"}, {"id": 25, "label": "star"}, {"id": 26, "label": "moon"}, {"id": 27, "label": "ballroom"}, {"id": 28, "label": "name", "properties": ["op1", "op2"], "values": ["Indiana", "Roof"]}, {"id": 29, "label": "renovate-01"}], "edges": [{"source": 10, "target": 12, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 18, "target": 19, "label": "mod", "normal": "domain"}, {"source": 20, "target": 21, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "location"}, {"source": 23, "target": 24, "label": "op1"}, {"source": 27, "target": 29, "label": "ARG1-of", "normal": "ARG1"}, {"source": 12, "target": 13, "label": "name"}, {"source": 27, "target": 28, "label": "name"}, {"source": 9, "target": 16, "label": "op3"}, {"source": 18, "target": 20, "label": "accompanier"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 24, "target": 26, "label": "op2"}, {"source": 9, "target": 10, "label": "op1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 4, "target": 6, "label": "ARG3"}, {"source": 9, "target": 18, "label": "op4"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 16, "target": 17, "label": "part-of", "normal": "part"}, {"source": 0, "target": 23, "label": "location"}, {"source": 14, "target": 15, "label": "mod", "normal": "domain"}, {"source": 4, "target": 7, "label": "ARG5"}, {"source": 24, "target": 27, "label": "part-of", "normal": "part"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 0, "target": 22, "label": "ARG2"}, {"source": 9, "target": 14, "label": "op2"}, {"source": 24, "target": 25, "label": "op1"}]} +{"id": "20010018", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [0], "nodes": [{"id": 0, "label": "ovation-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "executive"}, {"id": 4, "label": "chef"}, {"id": 5, "label": "know-04"}, {"id": 6, "label": "meal"}, {"id": 7, "label": "tasty"}, {"id": 8, "label": "free-03"}, {"id": 9, "label": "eat-01"}, {"id": 10, "label": "stand-01"}], "edges": [{"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 9, "target": 1, "label": "ARG0"}, {"source": 0, "target": 10, "label": "manner"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 10, "target": 1, "label": "ARG1"}, {"source": 5, "target": 9, "label": "time"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 5, "target": 1, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "20010019", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "officer"}, {"id": 4, "label": "executive"}, {"id": 5, "label": "chief"}, {"id": 6, "label": "more-than"}, {"id": 7, "label": "few"}, {"id": 8, "label": "tempt-01"}, {"id": 9, "label": "treat-01"}, {"id": 10, "label": "carpet"}, {"id": 11, "label": "red-02"}, {"id": 12, "label": "return-01"}, {"id": 13, "label": "city"}, {"id": 14, "label": "heartland"}, {"id": 15, "label": "meet-03"}, {"id": 16, "label": "future"}], "edges": [{"source": 2, "target": 3, "label": "ARG2"}, {"source": 9, "target": 10, "label": "manner"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 6, "label": "quant"}, {"source": 8, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 12, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "purpose"}, {"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 15, "target": 16, "label": "time"}, {"source": 13, "target": 14, "label": "location"}, {"source": 6, "target": 7, "label": "op1"}, {"source": 10, "target": 11, "label": "ARG1-of", "normal": "ARG1"}, {"source": 12, "target": 13, "label": "ARG4"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG3"}]} +{"id": "20010020", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "look-forward-03"}, {"id": 2, "label": "they"}, {"id": 3, "label": "meet-03"}, {"id": 4, "label": "date-entity"}, {"id": 5, "label": "winter"}, {"id": 6, "label": "city"}, {"id": 7, "label": "name", "properties": ["op1"], "values": ["Boca"]}, {"id": 8, "label": "date-entity", "properties": ["month"], "values": ["2"]}, {"id": 9, "label": "now"}], "edges": [{"source": 1, "target": 9, "label": "time"}, {"source": 6, "target": 7, "label": "name"}, {"source": 3, "target": 6, "label": "location"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 3, "target": 4, "label": "time"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 3, "target": 8, "label": "time"}, {"source": 4, "target": 5, "label": "season"}, {"source": 3, "target": 2, "label": "ARG0"}]} +{"id": "20011001", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "figure"}, {"id": 2, "label": "government-organization"}, {"id": 3, "label": "govern-01"}, {"id": 4, "label": "release-01"}, {"id": 5, "label": "date-entity"}, {"id": 6, "label": "wednesday"}, {"id": 7, "label": "register-02"}, {"id": 8, "label": "country"}, {"id": 9, "label": "name", "properties": ["op1", "op2"], "values": ["South", "Korea"]}, {"id": 10, "label": "deficit"}, {"id": 11, "label": "trade-01"}, {"id": 12, "label": "monetary-quantity", "properties": ["quant"], "values": ["101000000"]}, {"id": 13, "label": "dollar"}, {"id": 14, "label": "reflect-01"}, {"id": 15, "label": "sluggish"}, {"id": 16, "label": "economy"}, {"id": 17, "label": "date-entity", "properties": ["month"], "values": ["10"]}], "edges": [{"source": 7, "target": 8, "label": "ARG0"}, {"source": 12, "target": 13, "label": "unit"}, {"source": 4, "target": 5, "label": "time"}, {"source": 5, "target": 6, "label": "weekday"}, {"source": 8, "target": 9, "label": "name"}, {"source": 1, "target": 2, "label": "source"}, {"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 7, "target": 17, "label": "time"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 4, "target": 2, "label": "ARG0"}, {"source": 10, "target": 14, "label": "ARG1-of", "normal": "ARG1"}, {"source": 15, "target": 16, "label": "domain"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 16, "target": 8, "label": "poss"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 10, "target": 12, "label": "quant"}]} +{"id": "20011002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy.", "tops": [0], "nodes": [{"id": 0, "label": "show-01"}, {"id": 1, "label": "tally-01"}, {"id": 2, "label": "government-organization"}, {"id": 3, "label": "name", "properties": ["op1", "op2", "op3", "op4"], "values": ["Trade", "and", "Industry", "Ministry"]}, {"id": 4, "label": "preliminary"}, {"id": 5, "label": "deficit"}, {"id": 6, "label": "trade-01"}, {"id": 7, "label": "another"}, {"id": 8, "label": "setback"}, {"id": 9, "label": "ordinal-entity", "properties": ["value"], "values": ["5"]}, {"id": 10, "label": "year"}, {"id": 11, "label": "this"}, {"id": 12, "label": "rate-entity-91", "properties": ["ARG1"], "values": ["1"]}, {"id": 13, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 14, "label": "month"}, {"id": 15, "label": "cast-01"}, {"id": 16, "label": "cloud"}, {"id": 17, "label": "economy"}, {"id": 18, "label": "orient-01"}, {"id": 19, "label": "export-01"}, {"id": 20, "label": "country"}, {"id": 21, "label": "name", "properties": ["op1", "op2"], "values": ["South", "Korea"]}, {"id": 22, "label": "date-entity", "properties": ["month"], "values": ["10"]}], "edges": [{"source": 1, "target": 4, "label": "mod", "normal": "domain"}, {"source": 5, "target": 22, "label": "time"}, {"source": 2, "target": 3, "label": "name"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 12, "label": "frequency"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 17, "target": 20, "label": "poss"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 8, "target": 9, "label": "ord"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 5, "target": 15, "label": "ARG0-of", "normal": "ARG0"}, {"source": 9, "target": 10, "label": "range"}, {"source": 5, "target": 7, "label": "mod", "normal": "domain"}, {"source": 5, "target": 8, "label": "mod", "normal": "domain"}, {"source": 20, "target": 21, "label": "name"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 13, "target": 14, "label": "unit"}]} +{"id": "20011004", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [0], "nodes": [{"id": 0, "label": "stop-01"}, {"id": 1, "label": "boom-02"}, {"id": 2, "label": "economy"}, {"id": 3, "label": "country"}, {"id": 4, "label": "name", "properties": ["op1", "op2"], "values": ["South", "Korea"]}, {"id": 5, "label": "begin-01"}, {"id": 6, "label": "date-entity", "properties": ["year"], "values": ["1986"]}, {"id": 7, "label": "year"}, {"id": 8, "label": "this"}, {"id": 9, "label": "cause-01"}, {"id": 10, "label": "and"}, {"id": 11, "label": "dispute-01"}, {"id": 12, "label": "labor"}, {"id": 13, "label": "prolong-01"}, {"id": 14, "label": "conflict-01"}, {"id": 15, "label": "trade-01"}, {"id": 16, "label": "export-01"}, {"id": 17, "label": "sluggish"}], "edges": [{"source": 1, "target": 2, "label": "ARG0"}, {"source": 0, "target": 7, "label": "time"}, {"source": 2, "target": 3, "label": "poss"}, {"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 11, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "name"}, {"source": 9, "target": 10, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 16, "target": 17, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 5, "target": 6, "label": "time"}, {"source": 10, "target": 14, "label": "op2"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 1, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 10, "target": 16, "label": "op3"}, {"source": 0, "target": 9, "label": "ARG1-of", "normal": "ARG1"}, {"source": 10, "target": 11, "label": "op1"}]} +{"id": "20011005", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "have-org-role-91"}, {"id": 3, "label": "government-organization"}, {"id": 4, "label": "govern-01"}, {"id": 5, "label": "official"}, {"id": 6, "label": "remain-01"}, {"id": 7, "label": "thing"}, {"id": 8, "label": "export-01"}, {"id": 9, "label": "end-01"}, {"id": 10, "label": "year"}, {"id": 11, "label": "under"}, {"id": 12, "label": "monetary-quantity", "properties": ["quant"], "values": ["68000000000"]}, {"id": 13, "label": "dollar"}, {"id": 14, "label": "target-01"}], "edges": [{"source": 7, "target": 9, "label": "time"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 11, "label": "ARG3"}, {"source": 7, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 11, "target": 12, "label": "op1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "unit"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG1-of", "normal": "ARG1"}, {"source": 14, "target": 3, "label": "ARG0"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "20011006", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [0], "nodes": [{"id": 0, "label": "record-01"}, {"id": 1, "label": "country"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["South", "Korea"]}, {"id": 3, "label": "surplus"}, {"id": 4, "label": "trade-01"}, {"id": 5, "label": "monetary-quantity", "properties": ["quant"], "values": ["71000000"]}, {"id": 6, "label": "dollar"}, {"id": 7, "label": "so-far"}, {"id": 8, "label": "year"}, {"id": 9, "label": "this"}, {"id": 10, "label": "thing"}, {"id": 11, "label": "forecast-01"}, {"id": 12, "label": "gloomy"}], "edges": [{"source": 5, "target": 6, "label": "unit"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 10, "label": "concession"}, {"source": 7, "target": 8, "label": "mod", "normal": "domain"}, {"source": 3, "target": 7, "label": "time"}, {"source": 10, "target": 12, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 10, "target": 11, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 3, "target": 5, "label": "quant"}]} +{"id": "20011007", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [0], "nodes": [{"id": 0, "label": "increase-01"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "export-01"}, {"id": 3, "label": "nation"}, {"id": 4, "label": "accumulate-01"}, {"id": 5, "label": "percentage-entity", "properties": ["value"], "values": ["4"]}, {"id": 6, "label": "monetary-quantity"}, {"id": 7, "label": "date-interval"}, {"id": 8, "label": "date-entity", "properties": ["month"], "values": ["1"]}, {"id": 9, "label": "year"}, {"id": 10, "label": "last"}, {"id": 11, "label": "date-entity", "properties": ["month"], "values": ["10"]}, {"id": 12, "label": "monetary-quantity", "properties": ["quant"], "values": ["50450000000"]}, {"id": 13, "label": "dollar"}, {"id": 14, "label": "date-interval"}, {"id": 15, "label": "date-entity", "properties": ["month"], "values": ["1"]}, {"id": 16, "label": "date-entity", "properties": ["month"], "values": ["10"]}], "edges": [{"source": 14, "target": 16, "label": "op2"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 11, "label": "op2"}, {"source": 12, "target": 13, "label": "unit"}, {"source": 0, "target": 6, "label": "ARG3"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 12, "target": 14, "label": "time"}, {"source": 6, "target": 7, "label": "time"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 11, "target": 9, "label": "mod", "normal": "domain"}, {"source": 0, "target": 12, "label": "ARG4"}, {"source": 14, "target": 15, "label": "op1"}, {"source": 1, "target": 4, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "20011008", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:46)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [0], "nodes": [{"id": 0, "label": "up-02"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "import-01"}, {"id": 3, "label": "percentage-entity", "properties": ["value"], "values": ["19"]}, {"id": 4, "label": "monetary-quantity", "properties": ["quant"], "values": ["50380000000"]}, {"id": 5, "label": "dollar"}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 4, "label": "ARG4"}, {"source": 4, "target": 5, "label": "unit"}]} +{"id": "20012002", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [0], "nodes": [{"id": 0, "label": "plan"}, {"id": 1, "label": "plan"}, {"id": 2, "label": "new-01"}, {"id": 3, "label": "advertise-01"}, {"id": 4, "label": "magazine"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["Newsweek"]}, {"id": 6, "label": "newspaper"}, {"id": 7, "label": "name", "properties": ["op1", "op2", "op3"], "values": ["Washington", "Post", "Co."]}, {"id": 8, "label": "offer-01"}, {"id": 9, "label": "company"}, {"id": 10, "label": "advertise-01"}, {"id": 11, "label": "incentivize-01"}, {"id": 12, "label": "ordinal-entity", "properties": ["value"], "values": ["2"]}, {"id": 13, "label": "temporal-quantity", "properties": ["quant"], "values": ["3"]}, {"id": 14, "label": "year"}], "edges": [{"source": 1, "target": 4, "label": "source"}, {"source": 9, "target": 10, "label": "ARG0-of", "normal": "ARG0"}, {"source": 8, "target": 4, "label": "ARG0"}, {"source": 1, "target": 3, "label": "mod", "normal": "domain"}, {"source": 6, "target": 7, "label": "name"}, {"source": 0, "target": 12, "label": "ord"}, {"source": 0, "target": 11, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "domain"}, {"source": 0, "target": 8, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 9, "label": "ARG3"}, {"source": 12, "target": 13, "label": "range"}, {"source": 4, "target": 5, "label": "name"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 4, "target": 6, "label": "part-of", "normal": "part"}, {"source": 13, "target": 14, "label": "unit"}]} +{"id": "20012004", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["Alan", "Spoon"]}, {"id": 3, "label": "name-03"}, {"id": 4, "label": "president"}, {"id": 5, "label": "have-org-role-91"}, {"id": 6, "label": "magazine"}, {"id": 7, "label": "name", "properties": ["op1"], "values": ["Newsweek"]}, {"id": 8, "label": "recent"}, {"id": 9, "label": "increase-01"}, {"id": 10, "label": "rate"}, {"id": 11, "label": "advertise-01"}, {"id": 12, "label": "percentage-entity", "properties": ["value"], "values": ["5"]}, {"id": 13, "label": "date-entity", "properties": ["month"], "values": ["1"]}], "edges": [{"source": 9, "target": 12, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 2, "label": "name"}, {"source": 9, "target": 13, "label": "time"}, {"source": 9, "target": 6, "label": "ARG0"}, {"source": 3, "target": 8, "label": "time"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2-of", "normal": "ARG2"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 1, "label": "ARG0"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 7, "label": "name"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 10, "target": 6, "label": "poss"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}]} +{"id": "20012005", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [0], "nodes": [{"id": 0, "label": "cost-01"}, {"id": 1, "label": "page"}, {"id": 2, "label": "color", "properties": ["quant"], "values": ["4"]}, {"id": 3, "label": "full"}, {"id": 4, "label": "magazine"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["Newsweek"]}, {"id": 6, "label": "monetary-quantity", "properties": ["quant"], "values": ["100980"]}, {"id": 7, "label": "dollar"}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 4, "target": 5, "label": "name"}, {"source": 1, "target": 2, "label": "mod", "normal": "domain"}, {"source": 6, "target": 7, "label": "unit"}, {"source": 1, "target": 3, "label": "mod", "normal": "domain"}, {"source": 1, "target": 4, "label": "part-of", "normal": "part"}]} diff --git a/mtool/data/sample/dm/wsj.mrp b/mtool/data/sample/dm/wsj.mrp new file mode 100644 index 0000000000000000000000000000000000000000..72c1b60cb9c4b140b1d312de48c18d076996a835 --- /dev/null +++ b/mtool/data/sample/dm/wsj.mrp @@ -0,0 +1,89 @@ +{"id": "20001001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29.", "tops": [8], "nodes": [{"id": 0, "label": "Pierre", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "Vinken", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "label": "61", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "label": "old", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "join", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "label": "board", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "label": "as", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "label": "nonexecutive", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 54, "to": 66}]}, {"id": 14, "label": "director", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "label": "Nov.", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "label": "29", "properties": ["pos", "frame"], "values": ["CD", "dofm:x-c"], "anchors": [{"from": 81, "to": 83}]}], "edges": [{"source": 16, "target": 8, "label": "loc"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 4, "target": 5, "label": "measure"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 8, "target": 1, "label": "ARG1"}, {"source": 15, "target": 16, "label": "of"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 12, "target": 14, "label": "BV"}]} +{"id": "20001002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [2], "nodes": [{"id": 0, "label": "Mr.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "Vinken", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "label": "chairman", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "label": "Elsevier", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "label": "N.V.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "label": "Dutch", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "label": "publish", "properties": ["pos", "frame"], "values": ["NN", "v:e-i-p"], "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "label": "group", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 62, "to": 67}]}], "edges": [{"source": 11, "target": 5, "label": "appos"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 6, "target": 5, "label": "compound"}, {"source": 8, "target": 11, "label": "BV"}]} +{"id": "20003001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [34], "nodes": [{"id": 0, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "form", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 2, "to": 6}]}, {"id": 3, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "label": "once", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-h"], "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-u"], "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "Kent", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "label": "cigarette", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 42, "to": 51}]}, {"id": 10, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "label": "cause", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 64, "to": 70}]}, {"id": 13, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "label": "high", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "label": "percentage", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 78, "to": 88}]}, {"id": 17, "label": "cancer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 92, "to": 98}]}, {"id": 18, "label": "death", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 99, "to": 105}]}, {"id": 19, "label": "among", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 106, "to": 111}]}, {"id": 20, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 112, "to": 113}]}, {"id": 21, "label": "group", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 114, "to": 119}]}, {"id": 23, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 123, "to": 130}]}, {"id": 24, "label": "expose", "properties": ["pos", "frame"], "values": ["VBN", "v_to:e-i-p-i"], "anchors": [{"from": 131, "to": 138}]}, {"id": 26, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 142, "to": 144}]}, {"id": 27, "label": "more+than", "properties": ["pos", "frame"], "values": ["RBR", "a:e-e"], "anchors": [{"from": 145, "to": 149}]}, {"id": 28, "label": "more+than", "properties": ["pos", "frame"], "values": ["IN", "a:e-e"], "anchors": [{"from": 150, "to": 154}]}, {"id": 29, "label": "30", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 155, "to": 157}]}, {"id": 30, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 158, "to": 163}]}, {"id": 31, "label": "ago", "properties": ["pos", "frame"], "values": ["RB", "p:e-i-u"], "anchors": [{"from": 164, "to": 167}]}, {"id": 33, "label": "researcher", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 169, "to": 180}]}, {"id": 34, "label": "report", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 181, "to": 189}]}], "edges": [{"source": 5, "target": 1, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG1"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG2"}, {"source": 29, "target": 30, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 34, "target": 12, "label": "ARG2"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 31, "target": 24, "label": "ARG1"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 28, "target": 27, "label": "mwe"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG3"}, {"source": 17, "target": 18, "label": "compound"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 31, "target": 30, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG3"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 12, "target": 1, "label": "ARG1"}, {"source": 8, "target": 10, "label": "compound"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}]} +{"id": "20003002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [30], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "fiber", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "label": "crocidolite", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 20, "to": 31}]}, {"id": 7, "label": "unusually", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "label": "resilient", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 46, "to": 55}]}, {"id": 9, "label": "once", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "label": "enter", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p"], "anchors": [{"from": 64, "to": 70}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "label": "lung", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "label": "brief", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 92, "to": 97}]}, {"id": 18, "label": "exposure", "properties": ["pos", "frame"], "values": ["NNS", "n_of-to:x-i"], "anchors": [{"from": 98, "to": 107}]}, {"id": 19, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 108, "to": 110}]}, {"id": 20, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 111, "to": 113}]}, {"id": 21, "label": "cause", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 114, "to": 121}]}, {"id": 22, "label": "symptom", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 122, "to": 130}]}, {"id": 24, "label": "show", "properties": ["pos", "frame"], "values": ["VBP", "v_up:e-i"], "anchors": [{"from": 136, "to": 140}]}, {"id": 26, "label": "decade", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 144, "to": 151}]}, {"id": 27, "label": "later", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 152, "to": 157}]}, {"id": 29, "label": "researcher", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 159, "to": 170}]}, {"id": 30, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 171, "to": 175}]}], "edges": [{"source": 19, "target": 18, "label": "ARG1"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 21, "target": 18, "label": "ARG1"}, {"source": 15, "target": 21, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 30, "target": 15, "label": "ARG2"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 26, "target": 24, "label": "loc"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 27, "target": 26, "label": "loc"}, {"source": 4, "target": 2, "label": "appos"}, {"source": 15, "target": 9, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}]} +{"id": "20003003", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [15], "nodes": [{"id": 0, "label": "Lorillard", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "label": "Inc.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "label": "unit", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "label": "New", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "label": "base", "properties": ["pos", "frame"], "values": ["NNP", "v:e-i-p"], "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "label": "Loews", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "label": "corp.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "label": "make", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p-u"], "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "label": "Kent", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "label": "cigarette", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 71, "to": 81}]}, {"id": 15, "label": "stop", "properties": ["pos", "frame"], "values": ["VBD", "v_prd:e-h"], "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "label": "use", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "label": "crocidolite", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 97, "to": 108}]}, {"id": 18, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "label": "its", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 112, "to": 115}]}, {"id": 20, "label": "Micronite", "properties": ["pos", "frame"], "values": ["NN", "named:x-c"], "anchors": [{"from": 116, "to": 125}]}, {"id": 21, "label": "cigarette", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 126, "to": 135}]}, {"id": 22, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 136, "to": 143}]}, {"id": 23, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 144, "to": 146}]}, {"id": 24, "label": "1956", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 147, "to": 151}]}], "edges": [{"source": 16, "target": 0, "label": "ARG1"}, {"source": 21, "target": 22, "label": "compound"}, {"source": 1, "target": 0, "label": "compound"}, {"source": 6, "target": 7, "label": "compound"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 11, "target": 4, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 9, "target": 8, "label": "compound"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 18, "target": 22, "label": "ARG2"}, {"source": 23, "target": 24, "label": "ARG2"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 19, "target": 22, "label": "poss"}, {"source": 20, "target": 22, "label": "compound"}, {"source": 23, "target": 15, "label": "ARG1"}, {"source": 4, "target": 0, "label": "appos"}]} +{"id": "20003005", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [3], "nodes": [{"id": 0, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "Lorillard", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "label": "spokewoman", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "label": "old", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "label": "story", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 45, "to": 50}]}], "edges": [{"source": 7, "target": 10, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 8, "target": 10, "label": "BV"}]} +{"id": "20003007", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "There is no asbestos in our products now.\"", "tops": [1], "nodes": [{"id": 1, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_there:e-i"], "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "label": "our", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "product", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "label": "now", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 37, "to": 40}]}], "edges": [{"source": 7, "target": 1, "label": "loc"}, {"source": 5, "target": 6, "label": "poss"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003008", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [10], "nodes": [{"id": 1, "label": "Lorillard", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "label": "researcher", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "label": "study", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "label": "aware", "properties": ["pos", "frame"], "values": ["JJ", "a_of:e-p-i"], "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "label": "any", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "label": "research", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 80, "to": 88}]}, {"id": 14, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 89, "to": 91}]}, {"id": 15, "label": "smoker", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 92, "to": 99}]}, {"id": 17, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 103, "to": 106}]}, {"id": 18, "label": "Kent", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 107, "to": 111}]}, {"id": 19, "label": "cigarette", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 112, "to": 122}]}], "edges": [{"source": 15, "target": 19, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 1, "target": 4, "label": "_nor_c"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 18, "target": 19, "label": "compound"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 17, "target": 19, "label": "BV"}, {"source": 10, "target": 1, "label": "ARG1"}]} +{"id": "20003009", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [14], "nodes": [{"id": 1, "label": "we", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "useful", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p-i"], "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "label": "information", "properties": ["pos", "frame"], "values": ["NN", "n_on-about:x-i"], "anchors": [{"from": 19, "to": 30}]}, {"id": 8, "label": "user", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "risk", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "label": "James", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "label": "A.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "label": "Talcott", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 76, "to": 83}]}, {"id": 18, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "label": "Boston", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 87, "to": 93}]}, {"id": 21, "label": "Dana-Farber", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 96, "to": 107}]}, {"id": 22, "label": "Cancer", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 108, "to": 114}]}, {"id": 23, "label": "Institute", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 115, "to": 124}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 14, "target": 2, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 15, "target": 16, "label": "compound"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 21, "target": 23, "label": "compound"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 19, "target": 23, "label": "poss"}, {"source": 16, "target": 17, "label": "compound"}]} +{"id": "20003010", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [2], "nodes": [{"id": 0, "label": "Dr.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "Talcott", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "lead", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "label": "team", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "label": "researcher", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 26, "to": 37}]}, {"id": 7, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "National", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "label": "Cancer", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "label": "Institute", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 63, "to": 72}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 77, "to": 80}]}, {"id": 14, "label": "medical", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 81, "to": 88}]}, {"id": 15, "label": "school", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 89, "to": 96}]}, {"id": 16, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 97, "to": 99}]}, {"id": 17, "label": "Harvard", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 100, "to": 107}]}, {"id": 18, "label": "University", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 108, "to": 118}]}, {"id": 20, "label": "Boston", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 123, "to": 129}]}, {"id": 21, "label": "University", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 130, "to": 140}]}], "edges": [{"source": 14, "target": 15, "label": "ARG1"}, {"source": 11, "target": 15, "label": "_and_c"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 20, "target": 21, "label": "compound"}, {"source": 9, "target": 11, "label": "compound"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 17, "target": 18, "label": "compound"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 18, "target": 21, "label": "_and_c"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}]} +{"id": "20003011", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "Lorillard", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "label": "spokeswoman", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 14, "to": 25}]}, {"id": 3, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 44, "to": 48}]}, {"id": 7, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 49, "to": 51}]}, {"id": 9, "label": "very", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "label": "modest", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 58, "to": 64}]}, {"id": 11, "label": "amount", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 65, "to": 72}]}, {"id": 13, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "label": "make", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p-u"], "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "label": "paper", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 98, "to": 105}]}, {"id": 19, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "label": "early", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 113, "to": 118}]}, {"id": 22, "label": "1950s", "properties": ["pos", "frame"], "values": ["NNS", "year_range:x-c"], "anchors": [{"from": 119, "to": 124}]}, {"id": 24, "label": "replace", "properties": ["pos", "frame"], "values": ["VBN", "v_with:e-i-p-i"], "anchors": [{"from": 129, "to": 137}]}, {"id": 26, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 143, "to": 144}]}, {"id": 27, "label": "different", "properties": ["pos", "frame"], "values": ["JJ", "a_than-from:e-i"], "anchors": [{"from": 145, "to": 154}]}, {"id": 28, "label": "type", "properties": ["pos", "frame"], "values": ["NN", "n_of-n:x-i"], "anchors": [{"from": 155, "to": 159}]}, {"id": 30, "label": "filter", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 163, "to": 169}]}, {"id": 31, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 170, "to": 172}]}, {"id": 32, "label": "1956", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 173, "to": 177}]}], "edges": [{"source": 9, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 24, "target": 28, "label": "ARG3"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 6, "target": 24, "label": "_and_c"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 26, "target": 28, "label": "BV"}, {"source": 27, "target": 28, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 19, "target": 14, "label": "ARG1"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 31, "target": 32, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 24, "target": 4, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 28, "target": 30, "label": "ARG1"}, {"source": 31, "target": 24, "label": "ARG1"}, {"source": 13, "target": 6, "label": "ARG1"}]} +{"id": "20003012", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [17], "nodes": [{"id": 0, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-x"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "1953", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "1955", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "label": "9.8", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "label": "billion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "Kent", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "label": "cigarette", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 36, "to": 46}]}, {"id": 9, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "label": "sell", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "label": "company", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 87, "to": 91}]}], "edges": [{"source": 13, "target": 8, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 7, "target": 8, "label": "compound"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 2, "target": 13, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 5, "target": 6, "label": "times"}, {"source": 17, "target": 13, "label": "ARG2"}, {"source": 0, "target": 13, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}]} +{"id": "20003013", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [12], "nodes": [{"id": 0, "label": "among", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "33", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "man", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "work", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "label": "closely", "properties": ["pos", "frame"], "values": ["RB", "a_to:e-e"], "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "label": "substance", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "label": "28", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "die", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i"], "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "label": "more", "properties": ["pos", "frame"], "values": ["JJR", "much-many_a:e-i"], "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "label": "time", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "label": "expect", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 94, "to": 102}]}, {"id": 20, "label": "number", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 103, "to": 109}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 0, "target": 12, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 20, "target": 17, "label": "appos"}, {"source": 14, "target": 17, "label": "than"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}]} +{"id": "20003014", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [10], "nodes": [{"id": 0, "label": "four", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "label": "five", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "survive", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i"], "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "label": "relate", "properties": ["pos", "frame"], "values": ["JJ", "v_to:e-i-p"], "anchors": [{"from": 40, "to": 56}]}, {"id": 8, "label": "disease", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 57, "to": 65}]}, {"id": 10, "label": "include", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 67, "to": 76}]}, {"id": 11, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 77, "to": 82}]}, {"id": 12, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 83, "to": 87}]}, {"id": 13, "label": "recently", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 88, "to": 96}]}, {"id": 14, "label": "diagnose", "properties": ["pos", "frame"], "values": ["VBN", "v_with:e-i-p"], "anchors": [{"from": 97, "to": 106}]}, {"id": 15, "label": "cancer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 107, "to": 113}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 0, "target": 5, "label": "part"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 10, "target": 6, "label": "subord"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 2, "target": 5, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 6, "target": 0, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}]} +{"id": "20003015", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [21], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "total", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "label": "18", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "death", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "malignant", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "label": "mesothelioma", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 38, "to": 50}]}, {"id": 9, "label": "lung", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "label": "cancer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "label": "asbestosis", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 68, "to": 78}]}, {"id": 14, "label": "far", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "label": "higher", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 87, "to": 93}]}, {"id": 16, "label": "than", "properties": ["pos", "frame"], "values": ["IN", "q:x-h-h"], "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "label": "expect", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 99, "to": 107}]}, {"id": 19, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "label": "researcher", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 113, "to": 124}]}, {"id": 21, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 125, "to": 129}]}], "edges": [{"source": 9, "target": 10, "label": "compound"}, {"source": 10, "target": 12, "label": "_and_c"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 21, "target": 15, "label": "ARG2"}, {"source": 15, "target": 17, "label": "than"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 7, "target": 10, "label": "conj"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 15, "target": 1, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}]} +{"id": "20003016", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [18], "nodes": [{"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "morbidity", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "label": "rate", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "label": "strike", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "finding", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "label": "among", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "label": "those", "properties": ["pos", "frame"], "values": ["DT", "part_of:x-i"], "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "label": "us", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "label": "study", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "label": "relate", "properties": ["pos", "frame"], "values": ["JJ", "v_to:e-i-p"], "anchors": [{"from": 70, "to": 86}]}, {"id": 15, "label": "disease", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "label": "Dr.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "label": "Talcott", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 107, "to": 114}]}], "edges": [{"source": 2, "target": 3, "label": "compound"}, {"source": 18, "target": 4, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 19, "target": 20, "label": "compound"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 8, "target": 4, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 18, "target": 20, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 9, "target": 11, "label": "part"}]} +{"id": "20003017", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [18], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "percentage", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "lung", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "label": "cancer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "label": "death", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "label": "among", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 55, "to": 57}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "label": "West", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "label": "Groton", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "label": "Mass.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "label": "paper", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "label": "factory", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "label": "appear", "properties": ["pos", "frame"], "values": ["VBZ", "v_to:e-i-h"], "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "label": "be", "properties": ["pos", "frame"], "values": ["VB", "v_id:e-p-i"], "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "label": "highest", "properties": ["pos", "frame"], "values": ["JJS", "a:e-i"], "anchors": [{"from": 114, "to": 121}]}, {"id": 23, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "label": "any", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 126, "to": 129}]}, {"id": 25, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 130, "to": 138}]}, {"id": 26, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 139, "to": 146}]}, {"id": 27, "label": "study", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 147, "to": 154}]}, {"id": 28, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 155, "to": 157}]}, {"id": 29, "label": "Western", "properties": ["pos", "frame"], "values": ["JJ", "named:x-c"], "anchors": [{"from": 158, "to": 165}]}, {"id": 30, "label": "industrialize", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 166, "to": 180}]}, {"id": 31, "label": "country", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 181, "to": 190}]}, {"id": 33, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 192, "to": 194}]}, {"id": 34, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 195, "to": 199}]}], "edges": [{"source": 34, "target": 33, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 9, "target": 17, "label": "ARG2"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 12, "target": 14, "label": "compound"}, {"source": 25, "target": 26, "label": "compound"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 29, "target": 31, "label": "compound"}, {"source": 16, "target": 17, "label": "compound"}, {"source": 30, "target": 31, "label": "ARG2"}, {"source": 18, "target": 34, "label": "conj"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 10, "target": 17, "label": "BV"}, {"source": 20, "target": 1, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 11, "target": 12, "label": "compound"}, {"source": 4, "target": 5, "label": "compound"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 14, "target": 17, "label": "compound"}, {"source": 23, "target": 26, "label": "ARG2"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}]} +{"id": "20003018", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [17], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "plant", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 9}]}, {"id": 5, "label": "own", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "Hollingsworth", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 29, "to": 42}]}, {"id": 9, "label": "Vose", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "label": "co.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "label": "under", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "label": "contract", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 65, "to": 73}]}, {"id": 15, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "label": "Lorillard", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "x:e-h-h"], "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-u"], "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "label": "cigarette", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 101, "to": 110}]}, {"id": 21, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 111, "to": 118}]}], "edges": [{"source": 7, "target": 9, "label": "_and_c"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 17, "target": 13, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 20, "target": 21, "label": "compound"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 10, "target": 9, "label": "compound"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 18, "target": 21, "label": "ARG2"}, {"source": 18, "target": 1, "label": "ARG1"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 13, "target": 1, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG2"}]} +{"id": "20003019", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [40], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "finding", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "probably", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "support", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "label": "those", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "label": "argue", "properties": ["pos", "frame"], "values": ["VBP", "v_with:e-i-h-i"], "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "label": "U.S.", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "label": "should", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 64, "to": 70}]}, {"id": 12, "label": "regulate", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 71, "to": 79}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "label": "class", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 93, "to": 101}]}, {"id": 17, "label": "include", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 102, "to": 111}]}, {"id": 18, "label": "crocidolite", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 112, "to": 123}]}, {"id": 19, "label": "more", "properties": ["pos", "frame"], "values": ["RBR", "comp:e-u-u"], "anchors": [{"from": 124, "to": 128}]}, {"id": 20, "label": "stringently", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 129, "to": 140}]}, {"id": 22, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 146, "to": 149}]}, {"id": 23, "label": "common", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p"], "anchors": [{"from": 150, "to": 156}]}, {"id": 24, "label": "kind", "properties": ["pos", "frame"], "values": ["NN", "n_of-n:x-i"], "anchors": [{"from": 157, "to": 161}]}, {"id": 26, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 165, "to": 173}]}, {"id": 28, "label": "chrysotile", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 175, "to": 185}]}, {"id": 30, "label": "find", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 187, "to": 192}]}, {"id": 31, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 193, "to": 195}]}, {"id": 32, "label": "most", "properties": ["pos", "frame"], "values": ["JJS", "q:i-h-h"], "anchors": [{"from": 196, "to": 200}]}, {"id": 33, "label": "school", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 201, "to": 208}]}, {"id": 35, "label": "other", "properties": ["pos", "frame"], "values": ["JJ", "a:e-i"], "anchors": [{"from": 213, "to": 218}]}, {"id": 36, "label": "building", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 219, "to": 228}]}, {"id": 38, "label": "Dr.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 230, "to": 233}]}, {"id": 39, "label": "Talcott", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 234, "to": 241}]}, {"id": 40, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 242, "to": 246}]}], "edges": [{"source": 4, "target": 5, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 32, "target": 33, "label": "BV"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 38, "target": 39, "label": "compound"}, {"source": 19, "target": 24, "label": "than"}, {"source": 20, "target": 12, "label": "ARG1"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 33, "target": 36, "label": "_and_c"}, {"source": 40, "target": 39, "label": "ARG1"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 30, "target": 28, "label": "ARG2"}, {"source": 19, "target": 20, "label": "comp"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 40, "target": 2, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 28, "target": 24, "label": "appos"}, {"source": 22, "target": 24, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}]} +{"id": "20003020", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [2], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "U.S.", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "one", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "label": "few", "properties": ["pos", "frame"], "values": ["JJ", "little-few_a:e-p"], "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "label": "industrialized", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 27, "to": 41}]}, {"id": 8, "label": "nation", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "label": "doesn’t", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "label": "have", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-i"], "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "label": "higher", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "label": "standard", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "label": "regulation", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 89, "to": 99}]}, {"id": 18, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 100, "to": 103}]}, {"id": 19, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 104, "to": 107}]}, {"id": 20, "label": "smooth", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 108, "to": 114}]}, {"id": 22, "label": "like", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u-x"], "anchors": [{"from": 116, "to": 127}]}, {"id": 23, "label": "fiber", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 128, "to": 134}]}, {"id": 24, "label": "such+as", "properties": ["pos", "frame"], "values": ["JJ", "p:e-u-i"], "anchors": [{"from": 135, "to": 139}]}, {"id": 25, "label": "such+as", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 140, "to": 142}]}, {"id": 26, "label": "crocidolite", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 143, "to": 154}]}, {"id": 29, "label": "classify", "properties": ["pos", "frame"], "values": ["VBN", "v_as:e-i-p-i"], "anchors": [{"from": 164, "to": 174}]}, {"id": 31, "label": "amphobile", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 178, "to": 188}]}, {"id": 33, "label": "according+to", "properties": ["pos", "frame"], "values": ["VBG", "p:e-u-i"], "anchors": [{"from": 190, "to": 199}]}, {"id": 34, "label": "according+to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 200, "to": 202}]}, {"id": 35, "label": "Brooke", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 203, "to": 209}]}, {"id": 36, "label": "T.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 210, "to": 212}]}, {"id": 37, "label": "Mossman", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 213, "to": 220}]}, {"id": 39, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 222, "to": 223}]}, {"id": 40, "label": "professor", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 224, "to": 233}]}, {"id": 42, "label": "pathlogy", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 237, "to": 245}]}, {"id": 43, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 246, "to": 248}]}, {"id": 44, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 249, "to": 252}]}, {"id": 45, "label": "university", "properties": ["pos", "frame"], "values": ["NNP", "n_of:x-i"], "anchors": [{"from": 253, "to": 263}]}, {"id": 47, "label": "Vermont", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 267, "to": 274}]}, {"id": 48, "label": "college", "properties": ["pos", "frame"], "values": ["NNP", "n_of:x-i"], "anchors": [{"from": 275, "to": 282}]}, {"id": 50, "label": "Medicine", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 286, "to": 294}]}], "edges": [{"source": 16, "target": 17, "label": "ARG2"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 34, "target": 33, "label": "mwe"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 12, "target": 3, "label": "ARG1"}, {"source": 34, "target": 2, "label": "ARG1"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 40, "target": 42, "label": "ARG1"}, {"source": 34, "target": 37, "label": "ARG2"}, {"source": 43, "target": 40, "label": "ARG1"}, {"source": 29, "target": 23, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 43, "target": 48, "label": "ARG2"}, {"source": 11, "target": 12, "label": "neg"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 25, "target": 24, "label": "mwe"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 45, "target": 48, "label": "compound"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 48, "target": 50, "label": "ARG1"}, {"source": 35, "target": 36, "label": "compound"}, {"source": 25, "target": 26, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 45, "target": 47, "label": "ARG1"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 3, "target": 8, "label": "part"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 36, "target": 37, "label": "compound"}, {"source": 40, "target": 37, "label": "appos"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 44, "target": 48, "label": "BV"}]} +{"id": "20003021", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [17], "nodes": [{"id": 0, "label": "more", "properties": ["pos", "frame"], "values": ["RBR", "comp:e-u-u"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "common", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p"], "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "label": "chrysotile", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "fiber", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "label": "curly", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "more", "properties": ["pos", "frame"], "values": ["RBR", "comp:e-u-u"], "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "label": "easily", "properties": ["pos", "frame"], "values": ["RB", "a_for:e-e"], "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "label": "reject", "properties": ["pos", "frame"], "values": ["VBN", "v_as:e-i-p"], "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "label": "body", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "label": "Dr.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "label": "Mossman", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 86, "to": 93}]}, {"id": 17, "label": "explain", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h"], "anchors": [{"from": 94, "to": 103}]}], "edges": [{"source": 12, "target": 13, "label": "BV"}, {"source": 15, "target": 16, "label": "compound"}, {"source": 8, "target": 9, "label": "comp"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 10, "target": 3, "label": "ARG2"}, {"source": 17, "target": 5, "label": "ARG2"}, {"source": 5, "target": 10, "label": "_and_c"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 0, "target": 1, "label": "comp"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 2, "target": 3, "label": "compound"}]} +{"id": "20003022", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [7], "nodes": [{"id": 0, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "July", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "Environmental", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 13, "to": 26}]}, {"id": 5, "label": "Protection", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "label": "Agency", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "label": "impose", "properties": ["pos", "frame"], "values": ["VBD", "v_on:e-i-p-i"], "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "label": "gradual", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "label": "ban", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "label": "virtually", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "label": "all", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "label": "use", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 92, "to": 100}]}], "edges": [{"source": 7, "target": 14, "label": "ARG3"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 5, "target": 6, "label": "compound"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "compound"}, {"source": 8, "target": 10, "label": "BV"}]} +{"id": "20003023", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [12], "nodes": [{"id": 0, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "1997", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "almost", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "all", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "label": "remaining", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "label": "use", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "label": "cause", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 38, "to": 52}]}, {"id": 9, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "label": "outlaw", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 70, "to": 78}]}], "edges": [{"source": 12, "target": 6, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 0, "target": 12, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "20003024", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [14], "nodes": [{"id": 0, "label": "about", "properties": ["pos", "frame"], "values": ["IN", "x:e-u"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "160", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "label": "factory", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "make", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p-u"], "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "paper", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "label": "Kent", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "label": "expose", "properties": ["pos", "frame"], "values": ["VBN", "v_to:e-i-p-i"], "anchors": [{"from": 73, "to": 80}]}, {"id": 16, "label": "asbestos", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "label": "1950s", "properties": ["pos", "frame"], "values": ["NNS", "year_range:x-c"], "anchors": [{"from": 100, "to": 105}]}], "edges": [{"source": 3, "target": 2, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 14, "target": 2, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG3"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 11, "target": 12, "label": "compound"}]} +{"id": "20003025", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [6], "nodes": [{"id": 0, "label": "area", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "factory", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "label": "particularly", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 26, "to": 38}]}, {"id": 6, "label": "dusty", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "label": "where", "properties": ["pos", "frame"], "values": ["WRB", "q:i-h-h"], "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "label": "crocidolite", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 55, "to": 66}]}, {"id": 11, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 71, "to": 75}]}], "edges": [{"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 6, "target": 0, "label": "ARG1"}, {"source": 7, "target": 11, "label": "loc"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 7, "target": 6, "label": "loc"}, {"source": 8, "target": 9, "label": "BV"}]} +{"id": "20003026", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [1], "nodes": [{"id": 0, "label": "worker", "properties": ["pos", "frame"], "values": ["NNPS", "n:x"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "dump", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p-h"], "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "label": "large", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "label": "burlap", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "label": "sack", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "label": "import", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "label": "material", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 50, "to": 58}]}, {"id": 9, "label": "into", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "label": "huge", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "label": "bin", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "label": "pour", "properties": ["pos", "frame"], "values": ["VBN", "v_in:e-i-i"], "anchors": [{"from": 76, "to": 82}]}, {"id": 16, "label": "cotton", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "label": "acetate", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 97, "to": 104}]}, {"id": 19, "label": "fiber", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 105, "to": 111}]}, {"id": 21, "label": "mechanically", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 116, "to": 128}]}, {"id": 22, "label": "mix", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 129, "to": 134}]}, {"id": 23, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 135, "to": 138}]}, {"id": 24, "label": "dry", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 139, "to": 142}]}, {"id": 25, "label": "fiber", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 143, "to": 149}]}, {"id": 26, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 150, "to": 152}]}, {"id": 27, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 153, "to": 154}]}, {"id": 28, "label": "process", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 155, "to": 162}]}, {"id": 29, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-h"], "anchors": [{"from": 163, "to": 167}]}, {"id": 31, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-u"], "anchors": [{"from": 171, "to": 175}]}, {"id": 32, "label": "filter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 176, "to": 183}]}], "edges": [{"source": 2, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 14, "target": 0, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG2"}, {"source": 9, "target": 4, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 26, "target": 22, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 22, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 1, "target": 14, "label": "conj"}, {"source": 16, "target": 18, "label": "_and_c"}, {"source": 14, "target": 22, "label": "_and_c"}, {"source": 16, "target": 19, "label": "compound"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG3"}, {"source": 31, "target": 32, "label": "ARG2"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 9, "target": 12, "label": "ARG2"}]} +{"id": "20003027", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [17], "nodes": [{"id": 0, "label": "worker", "properties": ["pos", "frame"], "values": ["NNPS", "n:x"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "describe", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-p-i"], "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "cloud", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "label": "blue", "properties": ["pos", "frame"], "values": ["JJ", "a:i-i"], "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "label": "dust", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "label": "hang", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "label": "over", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "label": "part", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "label": "factory", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "label": "even", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "label": "though", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "label": "exhaust", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "label": "fan", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "label": "ventilate", "properties": ["pos", "frame"], "values": ["VBD", "v_cause:e-i-p"], "anchors": [{"from": 102, "to": 112}]}, {"id": 21, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "label": "area", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 117, "to": 121}]}], "edges": [{"source": 3, "target": 6, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 18, "target": 19, "label": "compound"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 17, "target": 1, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG2"}]} +{"id": "20003028", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [17], "nodes": [{"id": 2, "label": "’s", "properties": ["pos", "frame"], "values": ["VBZ", "v_there:e-i"], "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "question", "properties": ["pos", "frame"], "values": ["NN", "n_about:x-h"], "anchors": [{"from": 12, "to": 20}]}, {"id": 6, "label": "some", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "label": "those", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "label": "worker", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 40, "to": 47}]}, {"id": 11, "label": "manager", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "label": "contract", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 61, "to": 71}]}, {"id": 13, "label": "relate", "properties": ["pos", "frame"], "values": ["JJ", "v_to:e-i-p"], "anchors": [{"from": 72, "to": 88}]}, {"id": 14, "label": "disease", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 89, "to": 97}]}, {"id": 17, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 100, "to": 104}]}, {"id": 18, "label": "Darrell", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 105, "to": 112}]}, {"id": 19, "label": "Phillips", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 113, "to": 121}]}, {"id": 21, "label": "vice", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 123, "to": 127}]}, {"id": 22, "label": "president", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 128, "to": 137}]}, {"id": 24, "label": "human", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 141, "to": 146}]}, {"id": 25, "label": "resource", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 147, "to": 156}]}, {"id": 26, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 157, "to": 160}]}, {"id": 27, "label": "Hollingsworth", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 161, "to": 174}]}, {"id": 29, "label": "Vose", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 177, "to": 181}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 26, "target": 27, "label": "ARG2"}, {"source": 9, "target": 11, "label": "_and_c"}, {"source": 26, "target": 22, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 17, "target": 2, "label": "ARG2"}, {"source": 18, "target": 19, "label": "compound"}, {"source": 6, "target": 9, "label": "part"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 21, "target": 22, "label": "compound"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 22, "target": 19, "label": "appos"}, {"source": 12, "target": 6, "label": "ARG1"}, {"source": 27, "target": 29, "label": "_and_c"}, {"source": 2, "target": 4, "label": "ARG1"}]} +{"id": "20003029", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [1], "nodes": [{"id": 1, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "v_qmodal:e-h"], "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "label": "recognize", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-h-i"], "anchors": [{"from": 17, "to": 26}]}, {"id": 7, "label": "these", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "label": "event", "properties": ["pos", "frame"], "values": ["NNS", "n_item:x"], "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "label": "take", "properties": ["pos", "frame"], "values": ["VBD", "v_of-i:e-i-i"], "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "label": "place", "properties": ["pos", "frame"], "values": ["NN", "n_i:x"], "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "label": "35", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "ago", "properties": ["pos", "frame"], "values": ["RB", "p:e-i-u"], "anchors": [{"from": 65, "to": 68}]}], "edges": [{"source": 9, "target": 8, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 5, "target": 2, "label": "ARG1"}]} +{"id": "20003030", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "It has no bearing on our work force today.", "tops": [1], "nodes": [{"id": 0, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "have", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-i"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "bearing", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": "our", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "work", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "label": "force", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "label": "today", "properties": ["pos", "frame"], "values": ["NN", "time_n:x"], "anchors": [{"from": 36, "to": 41}]}], "edges": [{"source": 6, "target": 7, "label": "compound"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 5, "target": 7, "label": "poss"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 8, "target": 1, "label": "loc"}]} +{"id": "20004001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [5], "nodes": [{"id": 0, "label": "yield", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "label": "market", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "label": "mutual", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "label": "continue", "properties": ["pos", "frame"], "values": ["VBD", "v:e-h"], "anchors": [{"from": 36, "to": 45}]}, {"id": 7, "label": "slide", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 49, "to": 54}]}, {"id": 9, "label": "amid", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "label": "sign", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-h"], "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "label": "portfolio", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 72, "to": 81}]}, {"id": 13, "label": "manager", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 82, "to": 90}]}, {"id": 14, "label": "expect", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 91, "to": 97}]}, {"id": 15, "label": "further", "properties": ["pos", "frame"], "values": ["JJ", "a:e-i-i"], "anchors": [{"from": 98, "to": 105}]}, {"id": 16, "label": "decline", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 106, "to": 114}]}, {"id": 17, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 115, "to": 117}]}, {"id": 18, "label": "interest", "properties": ["pos", "frame"], "values": ["NN", "n_in:x-i"], "anchors": [{"from": 118, "to": 126}]}, {"id": 19, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 127, "to": 132}]}], "edges": [{"source": 3, "target": 4, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 7, "target": 0, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 18, "target": 19, "label": "compound"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 10, "target": 14, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 2, "target": 4, "label": "compound"}, {"source": 17, "target": 19, "label": "ARG2"}]} +{"id": "20004002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday.", "tops": [17], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "average", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "day", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "label": "compound", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 22, "to": 30}]}, {"id": 4, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 31, "to": 36}]}, {"id": 5, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 37, "to": 39}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "label": "400", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "label": "taxable", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 48, "to": 55}]}, {"id": 9, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 56, "to": 61}]}, {"id": 10, "label": "track", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "label": "IBC", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "label": "Money", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "label": "Fund", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "label": "Report", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "label": "ease", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 97, "to": 102}]}, {"id": 18, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 103, "to": 104}]}, {"id": 19, "label": "fraction", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 105, "to": 113}]}, {"id": 21, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "card:i-i-c"], "anchors": [{"from": 117, "to": 118}]}, {"id": 22, "label": "percentage", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 119, "to": 129}]}, {"id": 23, "label": "point", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 130, "to": 135}]}, {"id": 24, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 136, "to": 138}]}, {"id": 25, "label": "8.45", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 139, "to": 143}]}, {"id": 26, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 143, "to": 144}]}, {"id": 27, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 145, "to": 149}]}, {"id": 28, "label": "8.47", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 150, "to": 154}]}, {"id": 29, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 154, "to": 155}]}, {"id": 30, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 156, "to": 159}]}, {"id": 31, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 160, "to": 163}]}, {"id": 32, "label": "week", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 164, "to": 168}]}, {"id": 33, "label": "end", "properties": ["pos", "frame"], "values": ["VBD", "v_cause:e-i-p"], "anchors": [{"from": 169, "to": 174}]}, {"id": 34, "label": "Tuesday", "properties": ["pos", "frame"], "values": ["NNP", "dofw:x-c"], "anchors": [{"from": 175, "to": 182}]}], "edges": [{"source": 27, "target": 29, "label": "ARG2"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 33, "target": 32, "label": "ARG2"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 30, "target": 17, "label": "ARG1"}, {"source": 17, "target": 4, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 14, "target": 15, "label": "compound"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 12, "target": 16, "label": "poss"}, {"source": 10, "target": 9, "label": "ARG2"}, {"source": 2, "target": 4, "label": "compound"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 15, "target": 16, "label": "compound"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 27, "target": 17, "label": "ARG1"}, {"source": 10, "target": 16, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 34, "target": 33, "label": "loc"}, {"source": 24, "target": 17, "label": "ARG1"}, {"source": 19, "target": 23, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG1"}]} +{"id": "20004004", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [7], "nodes": [{"id": 0, "label": "average", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "maturity", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "label": "investment", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "label": "lengthen", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i"], "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 57, "to": 58}]}, {"id": 10, "label": "day", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "label": "41", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "label": "day", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "label": "longest", "properties": ["pos", "frame"], "values": ["JJS", "a:e-i"], "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "label": "since", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 87, "to": 92}]}, {"id": 18, "label": "early", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "label": "August", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 99, "to": 105}]}, {"id": 21, "label": "according+to", "properties": ["pos", "frame"], "values": ["VBG", "p:e-u-i"], "anchors": [{"from": 107, "to": 116}]}, {"id": 22, "label": "according+to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 117, "to": 119}]}], "edges": [{"source": 2, "target": 6, "label": "ARG2"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 16, "target": 13, "label": "appos"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 4, "target": 6, "label": "poss"}, {"source": 22, "target": 21, "label": "mwe"}, {"source": 11, "target": 7, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 22, "target": 7, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}]} +{"id": "20004005", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [9], "nodes": [{"id": 0, "label": "longer", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "maturity", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "label": "think", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-h"], "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "label": "indicate", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "label": "declining", "properties": ["pos", "frame"], "values": ["VBG", "a:e-p"], "anchors": [{"from": 42, "to": 51}]}, {"id": 7, "label": "interest", "properties": ["pos", "frame"], "values": ["NN", "n_in:x-i"], "anchors": [{"from": 52, "to": 60}]}, {"id": 8, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 61, "to": 66}]}, {"id": 9, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 67, "to": 74}]}, {"id": 10, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 75, "to": 79}]}, {"id": 11, "label": "permit", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i-h"], "anchors": [{"from": 80, "to": 86}]}, {"id": 12, "label": "portfolio", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 87, "to": 96}]}, {"id": 13, "label": "manager", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 97, "to": 105}]}, {"id": 15, "label": "retain", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "label": "relatively", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 116, "to": 126}]}, {"id": 17, "label": "higher", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 127, "to": 133}]}, {"id": 18, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 134, "to": 139}]}, {"id": 19, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 140, "to": 143}]}, {"id": 20, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 144, "to": 145}]}, {"id": 21, "label": "longer", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 146, "to": 152}]}, {"id": 22, "label": "period", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 153, "to": 159}]}], "edges": [{"source": 15, "target": 13, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 19, "target": 15, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG3"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 7, "target": 8, "label": "compound"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 11, "target": 15, "label": "ARG3"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}]} +{"id": "20004006", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [9], "nodes": [{"id": 0, "label": "shorter", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "maturity", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "label": "consider", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-i"], "anchors": [{"from": 23, "to": 33}]}, {"id": 4, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "label": "sign", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "label": "rise", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i"], "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "label": "portfolio", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 65, "to": 74}]}, {"id": 11, "label": "manager", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 75, "to": 83}]}, {"id": 12, "label": "can", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 84, "to": 87}]}, {"id": 13, "label": "capture", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 88, "to": 95}]}, {"id": 14, "label": "higher", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 96, "to": 102}]}, {"id": 15, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 103, "to": 108}]}, {"id": 16, "label": "sooner", "properties": ["pos", "frame"], "values": ["RBR", "time_n:x"], "anchors": [{"from": 109, "to": 115}]}], "edges": [{"source": 9, "target": 3, "label": "ARG1"}, {"source": 16, "target": 13, "label": "loc"}, {"source": 3, "target": 1, "label": "ARG3"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}]} +{"id": "20004007", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [26], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "average", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "maturity", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "label": "open", "properties": ["pos", "frame"], "values": ["VBP", "a:e-p"], "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "label": "only", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "label": "institution", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 44, "to": 56}]}, {"id": 10, "label": "consider", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-h"], "anchors": [{"from": 58, "to": 68}]}, {"id": 12, "label": "some", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "label": "be", "properties": ["pos", "frame"], "values": ["VB", "v_id:e-p-i"], "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "label": "stronger", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "label": "indicator", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 94, "to": 103}]}, {"id": 18, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 104, "to": 111}]}, {"id": 19, "label": "those", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 112, "to": 117}]}, {"id": 20, "label": "manager", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 118, "to": 126}]}, {"id": 21, "label": "watch", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 127, "to": 132}]}, {"id": 22, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 133, "to": 136}]}, {"id": 23, "label": "market", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 137, "to": 143}]}, {"id": 24, "label": "closely", "properties": ["pos", "frame"], "values": ["RB", "a_to:e-e"], "anchors": [{"from": 144, "to": 151}]}, {"id": 26, "label": "reach", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 153, "to": 160}]}, {"id": 27, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 161, "to": 162}]}, {"id": 28, "label": "high", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 163, "to": 167}]}, {"id": 29, "label": "point", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 168, "to": 173}]}, {"id": 30, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 174, "to": 177}]}, {"id": 31, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 178, "to": 181}]}, {"id": 32, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 182, "to": 186}]}, {"id": 34, "label": "33", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 190, "to": 192}]}, {"id": 35, "label": "day", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 193, "to": 197}]}], "edges": [{"source": 18, "target": 10, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 24, "target": 21, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 10, "target": 14, "label": "ARG3"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 14, "target": 4, "label": "ARG1"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 26, "target": 2, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 10, "target": 4, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 18, "target": 21, "label": "ARG2"}, {"source": 28, "target": 29, "label": "ARG1"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 26, "target": 35, "label": "conj"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}]} +{"id": "20004008", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [0], "nodes": [{"id": 0, "label": "nevertheless", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "label": "Brenda", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "label": "Malizia", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "label": "Negus", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "label": "editor", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "label": "Money", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "label": "Fund", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "Report", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "label": "yield", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "label": "may", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "label": "blip_up", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "label": "up", "properties": ["pos", "frame"], "values": ["RP", "p:e-i"], "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "label": "again", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "label": "before", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "label": "blip_down", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "label": "down", "properties": ["pos", "frame"], "values": ["RP", "p:e-i"], "anchors": [{"from": 113, "to": 117}]}, {"id": 24, "label": "because+of", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 119, "to": 126}]}, {"id": 25, "label": "because+of", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 127, "to": 129}]}, {"id": 26, "label": "recent", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 130, "to": 136}]}, {"id": 27, "label": "rise", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 137, "to": 142}]}, {"id": 28, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 143, "to": 145}]}, {"id": 29, "label": "term", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 146, "to": 156}]}, {"id": 30, "label": "interest", "properties": ["pos", "frame"], "values": ["NN", "n_in:x-i"], "anchors": [{"from": 157, "to": 165}]}, {"id": 31, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 166, "to": 171}]}], "edges": [{"source": 22, "target": 21, "label": "ARG1"}, {"source": 4, "target": 5, "label": "compound"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 30, "target": 31, "label": "compound"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 7, "target": 5, "label": "appos"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 15, "target": 19, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 2, "target": 15, "label": "ARG2"}, {"source": 25, "target": 24, "label": "mwe"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 16, "target": 13, "label": "ARG1"}, {"source": 29, "target": 31, "label": "compound"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 25, "target": 16, "label": "ARG1"}]} +{"id": "20004009", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [15], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "month", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "label": "Treasury", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "label": "bill", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "label": "sell", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "label": "Monday", "properties": ["pos", "frame"], "values": ["NNP", "dofw:x-c"], "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "label": "auction", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 55, "to": 62}]}, {"id": 15, "label": "rise", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "label": "8.04", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "label": "7.90", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 100, "to": 101}]}], "edges": [{"source": 3, "target": 5, "label": "compound"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 8, "target": 10, "label": "poss"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 19, "target": 15, "label": "ARG1"}, {"source": 15, "target": 1, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "compound"}]} +{"id": "20004010", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [7], "nodes": [{"id": 0, "label": "despite", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "recent", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "label": "decline", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 15, "to": 23}]}, {"id": 3, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "label": "yield", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "label": "investor", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 35, "to": 44}]}, {"id": 7, "label": "continue", "properties": ["pos", "frame"], "values": ["VBP", "v:e-h"], "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "label": "pour", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "label": "cash", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "label": "into", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "label": "money", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 72, "to": 77}]}, {"id": 13, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 78, "to": 83}]}], "edges": [{"source": 7, "target": 9, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "20004011", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [6], "nodes": [{"id": 0, "label": "asset", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "label": "400", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "taxable", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "label": "grow", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "label": "1.5", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "label": "billion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "label": "during", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "label": "latest", "properties": ["pos", "frame"], "values": ["JJS", "a_for:e-i"], "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "label": "week", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "label": "352.7", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "label": "billion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 87, "to": 94}]}], "edges": [{"source": 11, "target": 6, "label": "ARG1"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 12, "target": 14, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 18, "target": 19, "label": "times"}, {"source": 6, "target": 0, "label": "ARG1"}, {"source": 9, "target": 10, "label": "times"}, {"source": 16, "target": 6, "label": "ARG1"}, {"source": 2, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 1, "target": 5, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}]} +{"id": "20004012", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [0], "nodes": [{"id": 0, "label": "typically", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 9}]}, {"id": 2, "label": "fund", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "label": "yield", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 22, "to": 28}]}, {"id": 4, "label": "beat", "properties": ["pos", "frame"], "values": ["VBP", "v_to:e-i-p"], "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "label": "comparable", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 34, "to": 44}]}, {"id": 6, "label": "term", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 45, "to": 55}]}, {"id": 7, "label": "investment", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 56, "to": 67}]}, {"id": 8, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 68, "to": 75}]}, {"id": 9, "label": "portfolio", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 76, "to": 85}]}, {"id": 10, "label": "manager", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 86, "to": 94}]}, {"id": 11, "label": "can", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 95, "to": 98}]}, {"id": 12, "label": "vary", "properties": ["pos", "frame"], "values": ["VB", "v_cause:e-i-p"], "anchors": [{"from": 99, "to": 103}]}, {"id": 13, "label": "maturity", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 104, "to": 114}]}, {"id": 15, "label": "go", "properties": ["pos", "frame"], "values": ["VB", "v_after:e-i-i"], "anchors": [{"from": 119, "to": 121}]}, {"id": 17, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 128, "to": 131}]}, {"id": 18, "label": "highest", "properties": ["pos", "frame"], "values": ["JJS", "a:e-i"], "anchors": [{"from": 132, "to": 139}]}, {"id": 19, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 140, "to": 145}]}], "edges": [{"source": 9, "target": 10, "label": "compound"}, {"source": 15, "target": 10, "label": "ARG1"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 2, "target": 3, "label": "compound"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 12, "target": 15, "label": "_and_c"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 15, "target": 19, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 17, "target": 19, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 8, "target": 4, "label": "ARG1"}, {"source": 6, "target": 7, "label": "compound"}]} +{"id": "20004014", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [8], "nodes": [{"id": 0, "label": "Dreyfus", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "World-Wide", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "label": "Dollar", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "label": "yield", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 31, "to": 43}]}, {"id": 6, "label": "fund", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "label": "have", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i"], "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "label": "day", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "label": "compound", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 66, "to": 74}]}, {"id": 12, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 75, "to": 80}]}, {"id": 13, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 81, "to": 83}]}, {"id": 14, "label": "9.37", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 88, "to": 89}]}, {"id": 16, "label": "during", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "label": "latest", "properties": ["pos", "frame"], "values": ["JJS", "a_for:e-i"], "anchors": [{"from": 101, "to": 107}]}, {"id": 19, "label": "week", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "label": "down", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 114, "to": 118}]}, {"id": 22, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "label": "9.45", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 124, "to": 128}]}, {"id": 24, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 128, "to": 129}]}, {"id": 25, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "card:i-i-c"], "anchors": [{"from": 130, "to": 131}]}, {"id": 26, "label": "week", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "label": "earlier", "properties": ["pos", "frame"], "values": ["RBR", "a:e-i"], "anchors": [{"from": 137, "to": 144}]}], "edges": [{"source": 26, "target": 27, "label": "measure"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 16, "target": 8, "label": "ARG1"}, {"source": 27, "target": 24, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 6, "target": 2, "label": "appos"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 10, "target": 12, "label": "compound"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 17, "target": 19, "label": "BV"}, {"source": 8, "target": 12, "label": "ARG2"}, {"source": 16, "target": 19, "label": "ARG2"}, {"source": 11, "target": 12, "label": "compound"}, {"source": 9, "target": 12, "label": "BV"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 21, "target": 8, "label": "ARG1"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}]} +{"id": "20004015", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [1], "nodes": [{"id": 0, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "invest", "properties": ["pos", "frame"], "values": ["VBZ", "v_in:e-i-i"], "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "label": "heavily", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "label": "denominate", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 22, "to": 40}]}, {"id": 5, "label": "security", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 41, "to": 51}]}, {"id": 6, "label": "overseas", "properties": ["pos", "frame"], "values": ["RB", "place_n:x"], "anchors": [{"from": 52, "to": 60}]}, {"id": 9, "label": "currently", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 68, "to": 77}]}, {"id": 10, "label": "waive", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 78, "to": 85}]}, {"id": 11, "label": "management", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 86, "to": 96}]}, {"id": 12, "label": "fee", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 97, "to": 101}]}, {"id": 15, "label": "boost", "properties": ["pos", "frame"], "values": ["VBZ", "v_to:e-i-p-i"], "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "label": "its", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 116, "to": 119}]}, {"id": 17, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 120, "to": 125}]}], "edges": [{"source": 1, "target": 5, "label": "ARG2"}, {"source": 10, "target": 0, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 11, "target": 12, "label": "compound"}, {"source": 6, "target": 5, "label": "loc"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 16, "target": 17, "label": "poss"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 1, "target": 10, "label": "_and_c"}]} +{"id": "20004016", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [9], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "average", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "day", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "label": "simple", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p"], "anchors": [{"from": 22, "to": 28}]}, {"id": 4, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "label": "400", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "label": "fund", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "label": "8.12", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "label": "down", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "label": "8.14", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 77, "to": 78}]}], "edges": [{"source": 9, "target": 11, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 2, "target": 4, "label": "compound"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 9, "target": 4, "label": "ARG1"}]} +{"id": "20004017", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [4], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "day", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "simple", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "label": "fall", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "label": "average", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "8.19", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "label": "8.22", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "label": "day", "properties": ["pos", "frame"], "values": ["JJ", "n_of:x-i"], "anchors": [{"from": 65, "to": 71}]}, {"id": 16, "label": "compound", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 72, "to": 80}]}, {"id": 17, "label": "yield", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "label": "slide", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "label": "average", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 98, "to": 105}]}, {"id": 22, "label": "8.53", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 110, "to": 111}]}, {"id": 24, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "label": "8.56", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 121, "to": 122}]}], "edges": [{"source": 4, "target": 3, "label": "ARG1"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 4, "target": 18, "label": "conj"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 24, "target": 18, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 1, "target": 3, "label": "compound"}, {"source": 16, "target": 17, "label": "compound"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 15, "target": 17, "label": "compound"}, {"source": 19, "target": 23, "label": "ARG2"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG1"}]} +{"id": "20005001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [23], "nodes": [{"id": 0, "label": "J.P.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "Bolduc", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "label": "vice", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "label": "chairman", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "label": "W.R.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "Grace", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "label": "&+co.", "properties": ["pos", "frame"], "values": ["CC", "n:x"], "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "label": "&+co.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "label": "hold", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p"], "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "label": "83.4", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "label": "interest", "properties": ["pos", "frame"], "values": ["NN", "n_in:x-i"], "anchors": [{"from": 68, "to": 76}]}, {"id": 18, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "label": "services", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 85, "to": 100}]}, {"id": 20, "label": "company", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 101, "to": 108}]}, {"id": 23, "label": "elect", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-i"], "anchors": [{"from": 114, "to": 121}]}, {"id": 24, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 122, "to": 123}]}, {"id": 25, "label": "director", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 124, "to": 132}]}], "edges": [{"source": 9, "target": 8, "label": "mwe"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 15, "target": 16, "label": "compound"}, {"source": 19, "target": 20, "label": "compound"}, {"source": 4, "target": 1, "label": "appos"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 16, "target": 20, "label": "ARG1"}, {"source": 13, "target": 16, "label": "BV"}, {"source": 23, "target": 1, "label": "ARG3"}, {"source": 12, "target": 16, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 12, "target": 7, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 6, "target": 7, "label": "compound"}, {"source": 9, "target": 7, "label": "compound"}, {"source": 4, "target": 7, "label": "ARG1"}]} +{"id": "20005002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [1], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "succeed", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p"], "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "label": "Terrence", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "D.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "label": "Daniel", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "label": "formerly", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "label": "W.R.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "Grace", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "label": "vice", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "label": "chairman", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 60, "to": 68}]}, {"id": 14, "label": "resign", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i"], "anchors": [{"from": 74, "to": 82}]}], "edges": [{"source": 7, "target": 11, "label": "BV"}, {"source": 14, "target": 4, "label": "ARG1"}, {"source": 9, "target": 11, "label": "compound"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 8, "target": 9, "label": "compound"}, {"source": 11, "target": 4, "label": "appos"}, {"source": 2, "target": 3, "label": "compound"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}]} +{"id": "20005003", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [2], "nodes": [{"id": 0, "label": "W.R.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "Grace", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "label": "hold", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p"], "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "label": "Grace", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "label": "Energy", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "label": "seven", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "label": "board", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "label": "seat", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 53, "to": 58}]}], "edges": [{"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 5, "target": 6, "label": "compound"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 6, "target": 10, "label": "poss"}, {"source": 3, "target": 10, "label": "part"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 0, "target": 1, "label": "compound"}]} +{"id": "20006001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million.", "tops": [4], "nodes": [{"id": 0, "label": "Pacific", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "First", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "label": "Financial", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 14, "to": 23}]}, {"id": 3, "label": "corp.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 24, "to": 29}]}, {"id": 4, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "label": "shareholder", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 35, "to": 47}]}, {"id": 6, "label": "approve", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 48, "to": 56}]}, {"id": 7, "label": "its", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 57, "to": 60}]}, {"id": 8, "label": "acquisition", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 61, "to": 72}]}, {"id": 9, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 73, "to": 75}]}, {"id": 10, "label": "Royal", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 76, "to": 81}]}, {"id": 11, "label": "Trustco", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 82, "to": 89}]}, {"id": 12, "label": "ltd.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 90, "to": 94}]}, {"id": 13, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 95, "to": 97}]}, {"id": 14, "label": "Toronto", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 98, "to": 105}]}, {"id": 15, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 106, "to": 109}]}, {"id": 16, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 110, "to": 111}]}, {"id": 17, "label": "27", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 111, "to": 113}]}, {"id": 18, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "p:e-u-i"], "anchors": [{"from": 114, "to": 115}]}, {"id": 19, "label": "share", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 116, "to": 121}]}, {"id": 22, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 126, "to": 127}]}, {"id": 23, "label": "212", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 127, "to": 130}]}, {"id": 24, "label": "million", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 131, "to": 138}]}], "edges": [{"source": 23, "target": 24, "label": "times"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 7, "target": 8, "label": "poss"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 3, "target": 2, "label": "compound"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 16, "target": 22, "label": "_or_c"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 15, "target": 8, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 12, "target": 11, "label": "compound"}, {"source": 18, "target": 16, "label": "ARG1"}]} +{"id": "20006002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end.", "tops": [4], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "thrift", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "holding", "properties": ["pos", "frame"], "values": ["VBG", "n:x"], "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "label": "company", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "label": "expect", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-h"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "obtain", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "label": "regulatory", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "label": "approval", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 64, "to": 72}]}, {"id": 12, "label": "complete", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 77, "to": 85}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 86, "to": 89}]}, {"id": 14, "label": "transaction", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 90, "to": 101}]}, {"id": 15, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 102, "to": 104}]}, {"id": 16, "label": "year-+end", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 105, "to": 113}]}], "edges": [{"source": 6, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 2, "target": 3, "label": "compound"}, {"source": 8, "target": 5, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 1, "target": 3, "label": "compound"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 8, "target": 12, "label": "_and_c"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 15, "target": 12, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}]} +{"id": "20007002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [1], "nodes": [{"id": 0, "label": "Finmeccanica", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "label": "Italian", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "label": "own", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 27, "to": 38}]}, {"id": 5, "label": "holding", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 39, "to": 46}]}, {"id": 6, "label": "company", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 47, "to": 54}]}, {"id": 7, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 55, "to": 59}]}, {"id": 8, "label": "interest", "properties": ["pos", "frame"], "values": ["NNS", "n_in:x-i"], "anchors": [{"from": 60, "to": 69}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 73, "to": 76}]}, {"id": 11, "label": "mechanical", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 77, "to": 87}]}, {"id": 12, "label": "engineering", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 88, "to": 99}]}, {"id": 13, "label": "industry", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 100, "to": 108}]}], "edges": [{"source": 1, "target": 6, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 5, "target": 6, "label": "compound"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}]} +{"id": "20007003", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [9], "nodes": [{"id": 0, "label": "Bailey", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "Controls", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "label": "base", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p-h"], "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "label": "Wickliffe", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "label": "Ohio", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "label": "make", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p-u"], "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "label": "computerize", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 49, "to": 61}]}, {"id": 11, "label": "industrial", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 62, "to": 72}]}, {"id": 12, "label": "controls", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x"], "anchors": [{"from": 73, "to": 81}]}, {"id": 13, "label": "system", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 82, "to": 89}]}], "edges": [{"source": 3, "target": 1, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 9, "target": 13, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG3"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 9, "target": 1, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 5, "target": 7, "label": "compound"}]} +{"id": "20007004", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [1], "nodes": [{"id": 0, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "employ", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p"], "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "label": "2,700", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "label": "people", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "label": "have", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-i"], "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "label": "annual", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "label": "revenue", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "label": "370", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "label": "million", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 61, "to": 68}]}], "edges": [{"source": 11, "target": 12, "label": "times"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 5, "target": 0, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 1, "target": 5, "label": "_and_c"}, {"source": 5, "target": 7, "label": "ARG2"}]} +{"id": "20008001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [9], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "federal", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "government", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "suspend", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "label": "sale", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "label": "U.S.", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "label": "savings", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 47, "to": 54}]}, {"id": 8, "label": "bond", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 55, "to": 60}]}, {"id": 9, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 61, "to": 68}]}, {"id": 10, "label": "Congress", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 69, "to": 77}]}, {"id": 12, "label": "hasn’t", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 81, "to": 84}]}, {"id": 13, "label": "lift", "properties": ["pos", "frame"], "values": ["VBN", "v_cause:e-i-p"], "anchors": [{"from": 85, "to": 91}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "label": "ceiling", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 96, "to": 103}]}, {"id": 16, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 104, "to": 106}]}, {"id": 17, "label": "government", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 107, "to": 117}]}, {"id": 18, "label": "debt", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 118, "to": 122}]}], "edges": [{"source": 16, "target": 15, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 6, "target": 8, "label": "compound"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 12, "target": 13, "label": "neg"}, {"source": 7, "target": 8, "label": "compound"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 17, "target": 18, "label": "compound"}, {"source": 0, "target": 2, "label": "BV"}]} +{"id": "20008002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [21], "nodes": [{"id": 0, "label": "until", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "Congress", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "label": "act", "properties": ["pos", "frame"], "values": ["NNS", "v:e-i"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "government", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "label": "hasn’t", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-p-i"], "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "label": "hasn’t", "properties": ["pos", "frame"], "values": ["JJ", "v:e-p-i"], "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "label": "any", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "authority", "properties": ["pos", "frame"], "values": ["NN", "n:x-h"], "anchors": [{"from": 47, "to": 56}]}, {"id": 11, "label": "issue", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "label": "new", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "label": "debt", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "label": "obligation", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 75, "to": 86}]}, {"id": 15, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "label": "any", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "label": "kind", "properties": ["pos", "frame"], "values": ["NN", "n_of-n:x-i"], "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "label": "Treasury", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 104, "to": 112}]}, {"id": 21, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 113, "to": 117}]}], "edges": [{"source": 12, "target": 14, "label": "ARG1"}, {"source": 21, "target": 0, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 7, "target": 6, "label": "neg"}, {"source": 13, "target": 14, "label": "compound"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}]} +{"id": "20008003", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [5], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "government", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "borrow", "properties": ["pos", "frame"], "values": ["VBG", "v_from:e-i-p"], "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "label": "authority", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 27, "to": 36}]}, {"id": 5, "label": "drop", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 37, "to": 44}]}, {"id": 6, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 45, "to": 47}]}, {"id": 7, "label": "midnight", "properties": ["pos", "frame"], "values": ["NN", "numbered_hour:i-u-u-c"], "anchors": [{"from": 48, "to": 56}]}, {"id": 8, "label": "Tuesday", "properties": ["pos", "frame"], "values": ["NNP", "dofw:x-c"], "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 65, "to": 67}]}, {"id": 10, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 68, "to": 69}]}, {"id": 11, "label": "2.80", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "label": "trillion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 74, "to": 82}]}, {"id": 13, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 83, "to": 87}]}, {"id": 14, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 88, "to": 89}]}, {"id": 15, "label": "2.87", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 89, "to": 93}]}, {"id": 16, "label": "trillion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 94, "to": 102}]}], "edges": [{"source": 13, "target": 5, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 9, "target": 5, "label": "ARG1"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 11, "target": 12, "label": "times"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 15, "target": 16, "label": "times"}, {"source": 8, "target": 5, "label": "loc"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 1, "target": 4, "label": "poss"}]} +{"id": "20008004", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [7], "nodes": [{"id": 0, "label": "legislation", "properties": ["pos", "frame"], "values": ["NN", "n:x-h"], "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "lift", "properties": ["pos", "frame"], "values": ["VB", "v_cause:e-i-p"], "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "label": "debt", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "label": "ceiling", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "label": "ensnarl", "properties": ["pos", "frame"], "values": ["VBN", "v:e-u-p"], "anchors": [{"from": 40, "to": 49}]}, {"id": 8, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "label": "fight", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "label": "over", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "label": "cut", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 68, "to": 75}]}, {"id": 13, "label": "gains", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 76, "to": 89}]}, {"id": 14, "label": "tax", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 90, "to": 95}]}], "edges": [{"source": 2, "target": 5, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 4, "target": 5, "label": "compound"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "compound"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 7, "target": 0, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20008005", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "House", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "label": "vote", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-h"], "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "label": "raise", "properties": ["pos", "frame"], "values": ["VB", "v_cause:e-i-p"], "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "label": "ceiling", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "label": "3.1", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "label": "trillion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 49, "to": 57}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "label": "Senate", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 67, "to": 73}]}, {"id": 17, "label": "isn’t", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "label": "expect", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-h"], "anchors": [{"from": 80, "to": 88}]}, {"id": 20, "label": "act", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "label": "until", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "label": "next", "properties": ["pos", "frame"], "values": ["JJ", "q:i-h-h"], "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "label": "week", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 112, "to": 114}]}, {"id": 25, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "label": "earliest", "properties": ["pos", "frame"], "values": ["JJS", "a:e-i"], "anchors": [{"from": 119, "to": 127}]}], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 8, "target": 5, "label": "ARG1"}, {"source": 20, "target": 15, "label": "ARG1"}, {"source": 10, "target": 11, "label": "times"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 17, "target": 18, "label": "neg"}, {"source": 3, "target": 17, "label": "_but_c"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 24, "target": 21, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 22, "target": 23, "label": "ARG1"}]} +{"id": "20008006", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [2], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "Treasury", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "U.S.", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "label": "default", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "label": "Nov.", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "9", "properties": ["pos", "frame"], "values": ["CD", "dofm:x-c"], "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "label": "if", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "label": "Congress", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 53, "to": 61}]}, {"id": 13, "label": "doesn’t", "properties": ["pos", "frame"], "values": ["JJ", "neg:e-h"], "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "label": "act", "properties": ["pos", "frame"], "values": ["NN", "v:e-i"], "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 77, "to": 81}]}], "edges": [{"source": 10, "target": 13, "label": "ARG2"}, {"source": 14, "target": 11, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 2, "target": 10, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 13, "target": 14, "label": "neg"}, {"source": 8, "target": 9, "label": "of"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 15, "target": 14, "label": "ARG1"}]} +{"id": "20009001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [4], "nodes": [{"id": 0, "label": "Clark", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "J.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "Vitulli", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "label": "name", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-i"], "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "senior", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "label": "vice", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "label": "president", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 39, "to": 48}]}, {"id": 9, "label": "general", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 53, "to": 60}]}, {"id": 10, "label": "manager", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 61, "to": 68}]}, {"id": 12, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "label": "U.S.", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 77, "to": 81}]}, {"id": 14, "label": "sales", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x"], "anchors": [{"from": 82, "to": 87}]}, {"id": 16, "label": "market", "properties": ["pos", "frame"], "values": ["NN", "v:e-i-p"], "anchors": [{"from": 92, "to": 101}]}, {"id": 17, "label": "arm", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 102, "to": 105}]}, {"id": 18, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 106, "to": 108}]}, {"id": 19, "label": "Japanese", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 109, "to": 117}]}, {"id": 20, "label": "auto", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 118, "to": 122}]}, {"id": 21, "label": "maker", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 123, "to": 128}]}, {"id": 22, "label": "Mazda", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 129, "to": 134}]}, {"id": 23, "label": "Motor", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 135, "to": 140}]}, {"id": 24, "label": "Corp", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 141, "to": 145}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 24, "target": 23, "label": "compound"}, {"source": 7, "target": 10, "label": "_and_c"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 14, "target": 16, "label": "_and_c"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 21, "target": 23, "label": "compound"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 6, "target": 7, "label": "compound"}, {"source": 10, "target": 17, "label": "ARG1"}, {"source": 13, "target": 14, "label": "compound"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 4, "target": 2, "label": "ARG3"}, {"source": 14, "target": 17, "label": "compound"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 20, "target": 21, "label": "compound"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}]} +{"id": "20009002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [6], "nodes": [{"id": 0, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "new", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "position", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "oversee", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "label": "Mazda", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "label": "U.S.", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "label": "sale", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "label": "service", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "label": "part", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 65, "to": 70}]}, {"id": 16, "label": "market", "properties": ["pos", "frame"], "values": ["NN", "v:e-i-p"], "anchors": [{"from": 75, "to": 84}]}, {"id": 17, "label": "operation", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 85, "to": 95}]}], "edges": [{"source": 10, "target": 12, "label": "conj"}, {"source": 12, "target": 14, "label": "conj"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 14, "target": 17, "label": "_and_c"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 7, "target": 10, "label": "poss"}, {"source": 16, "target": 17, "label": "compound"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}]} +{"id": "20009003", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [9], "nodes": [{"id": 0, "label": "previously", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "Mr.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "label": "Vitulli", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "label": "43", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "label": "old", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "label": "general", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "label": "market", "properties": ["pos", "frame"], "values": ["NN", "v:e-i-p"], "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "label": "manager", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "label": "Chrysler", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "label": "corp.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "label": "Chrysler", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 89, "to": 97}]}, {"id": 18, "label": "division", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 98, "to": 106}]}], "edges": [{"source": 0, "target": 9, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 14, "target": 18, "label": "poss"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 15, "target": 14, "label": "compound"}, {"source": 6, "target": 7, "label": "measure"}, {"source": 2, "target": 3, "label": "compound"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 11, "target": 12, "label": "compound"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 17, "target": 18, "label": "compound"}]} +{"id": "20009004", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [2], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "been", "properties": ["pos", "frame"], "values": ["VBN", "v_id:e-p-i"], "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "label": "sales", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x"], "anchors": [{"from": 14, "to": 19}]}, {"id": 6, "label": "market", "properties": ["pos", "frame"], "values": ["NN", "v:e-i-p"], "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "label": "executive", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "Chrysler", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "label": "20", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 65, "to": 70}]}], "edges": [{"source": 6, "target": 7, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 4, "target": 7, "label": "compound"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 2, "label": "ARG1"}, {"source": 4, "target": 6, "label": "_and_c"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 8, "target": 2, "label": "ARG1"}]} +{"id": "20010001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [0], "nodes": [{"id": 0, "label": "when", "properties": ["pos", "frame"], "values": ["WRB", "x:e-h-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "a_expl-for:e-i"], "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "label": "their", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "label": "biannual", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "powwow", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "label": "nation", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "label": "manufacture", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 55, "to": 68}]}, {"id": 13, "label": "titan", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 69, "to": 75}]}, {"id": 14, "label": "typically", "properties": ["pos", "frame"], "values": ["RB", "a_of:e-e"], "anchors": [{"from": 76, "to": 85}]}, {"id": 15, "label": "jet", "properties": ["pos", "frame"], "values": ["VBP", "v_off:e-i"], "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "label": "sunny", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 101, "to": 106}]}, {"id": 20, "label": "confines", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 107, "to": 115}]}, {"id": 21, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 116, "to": 118}]}, {"id": 22, "label": "resort", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 119, "to": 125}]}, {"id": 23, "label": "town", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 126, "to": 131}]}, {"id": 24, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 132, "to": 136}]}, {"id": 25, "label": "Boca", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 137, "to": 141}]}, {"id": 26, "label": "Raton", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 142, "to": 147}]}, {"id": 28, "label": "Hot", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 152, "to": 155}]}, {"id": 29, "label": "Springs", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 156, "to": 163}]}], "edges": [{"source": 17, "target": 15, "label": "ARG1"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 28, "target": 29, "label": "compound"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 25, "target": 26, "label": "compound"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 3, "target": 7, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 10, "target": 13, "label": "poss"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 5, "target": 7, "label": "poss"}, {"source": 0, "target": 15, "label": "ARG1"}, {"source": 26, "target": 29, "label": "_and_c"}, {"source": 18, "target": 20, "label": "BV"}]} +{"id": "20010002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Not this year.", "nodes": [{"id": 0, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 9, "to": 13}]}], "edges": [{"source": 1, "target": 2, "label": "BV"}, {"source": 0, "target": 2, "label": "neg"}]} +{"id": "20010003", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [5], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "National", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "association", "properties": ["pos", "frame"], "values": ["NNP", "n_of:x-i"], "anchors": [{"from": 13, "to": 24}]}, {"id": 4, "label": "Manufacturers", "properties": ["pos", "frame"], "values": ["NNPS", "named:x-c"], "anchors": [{"from": 28, "to": 41}]}, {"id": 5, "label": "settle", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 42, "to": 49}]}, {"id": 6, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 50, "to": 52}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 53, "to": 56}]}, {"id": 8, "label": "Hoosier", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "label": "capital", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 65, "to": 72}]}, {"id": 10, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 73, "to": 75}]}, {"id": 11, "label": "Indianapolis", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 76, "to": 88}]}, {"id": 12, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 89, "to": 92}]}, {"id": 13, "label": "its", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 93, "to": 96}]}, {"id": 14, "label": "fall", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 97, "to": 101}]}, {"id": 15, "label": "board", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 102, "to": 107}]}, {"id": 16, "label": "meeting", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 108, "to": 115}]}], "edges": [{"source": 2, "target": 4, "label": "ARG1"}, {"source": 12, "target": 16, "label": "ARG2"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 8, "target": 9, "label": "compound"}, {"source": 14, "target": 16, "label": "compound"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 13, "target": 16, "label": "poss"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 15, "target": 16, "label": "compound"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 6, "target": 9, "label": "ARG2"}]} +{"id": "20010006", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [0], "nodes": [{"id": 0, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "receive", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "label": "end", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "message", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 28, "to": 35}]}, {"id": 8, "label": "official", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "label": "giant", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "label": "Du", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "label": "Pont", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "label": "Maytag", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "label": "along+with", "properties": ["pos", "frame"], "values": ["RB", "p:e-u-i"], "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "label": "along+with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "label": "lesser", "properties": ["pos", "frame"], "values": ["JJR", "a:e-i"], "anchors": [{"from": 99, "to": 105}]}, {"id": 20, "label": "known", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 106, "to": 112}]}, {"id": 21, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 113, "to": 117}]}, {"id": 22, "label": "Trojan", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 118, "to": 124}]}, {"id": 23, "label": "Steel", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 125, "to": 130}]}, {"id": 25, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 135, "to": 138}]}, {"id": 26, "label": "Valley", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 139, "to": 145}]}, {"id": 27, "label": "Queen", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 146, "to": 151}]}, {"id": 28, "label": "Cheese", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 152, "to": 158}]}, {"id": 29, "label": "factory", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 159, "to": 166}]}], "edges": [{"source": 11, "target": 13, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 13, "target": 15, "label": "_and_c"}, {"source": 18, "target": 8, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 18, "target": 17, "label": "mwe"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 26, "target": 27, "label": "compound"}, {"source": 28, "target": 29, "label": "compound"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 27, "target": 28, "label": "compound"}, {"source": 23, "target": 29, "label": "_and_c"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 25, "target": 29, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}]} +{"id": "20010007", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [5], "nodes": [{"id": 0, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "starter", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "executive", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "label": "join", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "mayor", "properties": ["pos", "frame"], "values": ["NNP", "n_of:x-i"], "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "label": "William", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "label": "H.", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "label": "Hudnut", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "label": "III", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "label": "evening", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-u"], "anchors": [{"from": 71, "to": 78}]}, {"id": 15, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "label": "Indianapolis", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 86, "to": 98}]}, {"id": 17, "label": "Symphony", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 99, "to": 107}]}, {"id": 18, "label": "Orchestra", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 108, "to": 117}]}, {"id": 20, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 122, "to": 123}]}, {"id": 21, "label": "guest", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 124, "to": 129}]}, {"id": 22, "label": "pianist-comedian", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 130, "to": 146}]}, {"id": 23, "label": "Victor", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 147, "to": 153}]}, {"id": 24, "label": "Borge", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 154, "to": 159}]}], "edges": [{"source": 9, "target": 10, "label": "compound"}, {"source": 21, "target": 22, "label": "compound"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "compound"}, {"source": 18, "target": 24, "label": "_and_c"}, {"source": 20, "target": 24, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 8, "target": 9, "label": "compound"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 23, "target": 24, "label": "compound"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 7, "target": 8, "label": "compound"}, {"source": 22, "target": 24, "label": "compound"}, {"source": 11, "target": 5, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 10, "label": "compound"}, {"source": 17, "target": 18, "label": "compound"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 13, "target": 18, "label": "ARG1"}]} +{"id": "20010008", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Champagne and dessert followed.", "tops": [3], "nodes": [{"id": 0, "label": "champagne", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 0, "to": 9}]}, {"id": 2, "label": "dessert", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "label": "follow", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 22, "to": 30}]}], "edges": [{"source": 3, "target": 0, "label": "ARG1"}, {"source": 0, "target": 2, "label": "_and_c"}]} +{"id": "20010010", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [7], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "governor", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "couldn’t", "properties": ["pos", "frame"], "values": ["MD", "neg:e-h"], "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "label": "couldn’t", "properties": ["pos", "frame"], "values": ["VB", "neg:e-h"], "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-u"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "label": "so", "properties": ["pos", "frame"], "values": ["RB", "x:e-h-h"], "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "label": "lieutenant", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 38, "to": 48}]}, {"id": 10, "label": "governor", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "label": "welcome", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 58, "to": 66}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "label": "special", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "label": "guest", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 79, "to": 85}]}], "edges": [{"source": 11, "target": 10, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 2, "label": "neg"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 12, "target": 14, "label": "BV"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 2, "target": 4, "label": "ARG1"}]} +{"id": "20010011", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [4], "nodes": [{"id": 0, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "buffet", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "label": "breakfast", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "label": "hold", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "label": "museum", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "label": "food", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "label": "drink", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "label": "ban", "properties": ["pos", "frame"], "values": ["VBN", "v_from:e-i-p"], "anchors": [{"from": 69, "to": 75}]}, {"id": 15, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "label": "everyday", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 79, "to": 87}]}, {"id": 17, "label": "visitor", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 88, "to": 96}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 14, "target": 10, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG2"}, {"source": 10, "target": 12, "label": "_and_c"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 1, "target": 2, "label": "compound"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 7, "target": 14, "label": "loc"}, {"source": 5, "target": 4, "label": "ARG1"}]} +{"id": "20010012", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [0], "nodes": [{"id": 0, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "guest", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "label": "honor", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "label": "speedway", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 32, "to": 40}]}, {"id": 10, "label": "haul", "properties": ["pos", "frame"], "values": ["VBD", "v_out:e-i-i"], "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "label": "four", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "driver", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 57, "to": 64}]}, {"id": 15, "label": "crew", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "label": "even", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "label": "official", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 85, "to": 93}]}, {"id": 20, "label": "Indianapolis", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 94, "to": 106}]}, {"id": 21, "label": "500", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "label": "announcer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 111, "to": 120}]}, {"id": 23, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "label": "lap", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "label": "exhibition", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 134, "to": 144}]}, {"id": 27, "label": "race", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 145, "to": 149}]}], "edges": [{"source": 0, "target": 10, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 20, "target": 21, "label": "compound"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 25, "target": 27, "label": "compound"}, {"source": 15, "target": 22, "label": "_and_c"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 23, "target": 27, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 21, "target": 22, "label": "compound"}, {"source": 2, "target": 10, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 13, "target": 15, "label": "conj"}, {"source": 24, "target": 27, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 4, "target": 6, "label": "poss"}, {"source": 26, "target": 27, "label": "compound"}, {"source": 23, "target": 10, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}]} +{"id": "20010013", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [7], "nodes": [{"id": 0, "label": "after", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "race", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "label": "Fortune", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "label": "500", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "executive", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "label": "drool", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "label": "schoolboy", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 52, "to": 62}]}, {"id": 10, "label": "over", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "label": "car", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "label": "driver", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 81, "to": 88}]}], "edges": [{"source": 0, "target": 2, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 4, "target": 5, "label": "compound"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 12, "target": 14, "label": "_and_c"}, {"source": 5, "target": 6, "label": "compound"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 10, "target": 7, "label": "ARG1"}]} +{"id": "20010015", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [5], "nodes": [{"id": 0, "label": "back", "properties": ["pos", "frame"], "values": ["RB", "place_n:x"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "downtown", "properties": ["pos", "frame"], "values": ["NN", "place_n:x"], "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "label": "exec", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "label": "squeeze", "properties": ["pos", "frame"], "values": ["VBN", "v_in:e-i-i"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "a+few", "properties": ["pos", "frame"], "values": ["DT", "a:e-p"], "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "label": "a+few", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "label": "meeting", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "label": "hotel", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "before", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "label": "board", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "label": "bus", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "label": "again", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 91, "to": 96}]}], "edges": [{"source": 8, "target": 9, "label": "ARG1"}, {"source": 8, "target": 7, "label": "mwe"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 13, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "loc"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 0, "target": 5, "label": "loc"}]} +{"id": "20010016", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [5], "nodes": [{"id": 0, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "dinner", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 22, "to": 28}]}, {"id": 8, "label": "dance", "properties": ["pos", "frame"], "values": ["NN", "v:e-i-p"], "anchors": [{"from": 33, "to": 40}]}, {"id": 10, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "card:i-i-c"], "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "label": "block", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "label": "away", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 52, "to": 56}]}], "edges": [{"source": 5, "target": 11, "label": "conj"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 6, "target": 8, "label": "_and_c"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 1, "target": 5, "label": "loc"}]} +{"id": "20010017", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [19], "nodes": [{"id": 0, "label": "under", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "star", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "moon", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "label": "renovate", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "label": "Indiana", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "label": "Roof", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "label": "ballroom", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 56, "to": 64}]}, {"id": 12, "label": "nine", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "label": "hottest", "properties": ["pos", "frame"], "values": ["JJS", "a:e-i"], "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "label": "chef", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 92, "to": 94}]}, {"id": 18, "label": "town", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "label": "feed", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i-i"], "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "label": "them", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "label": "Indiana", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 109, "to": 116}]}, {"id": 22, "label": "duckling", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 117, "to": 125}]}, {"id": 23, "label": "mousseline", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 126, "to": 136}]}, {"id": 25, "label": "lobster", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 138, "to": 145}]}, {"id": 26, "label": "consomme", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 146, "to": 154}]}, {"id": 28, "label": "veal", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 156, "to": 160}]}, {"id": 29, "label": "mignon", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 161, "to": 167}]}, {"id": 31, "label": "chocolate", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 172, "to": 181}]}, {"id": 32, "label": "terrine", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 182, "to": 189}]}, {"id": 33, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 190, "to": 194}]}, {"id": 34, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 195, "to": 196}]}, {"id": 35, "label": "raspberry", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 197, "to": 206}]}, {"id": 36, "label": "sauce", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 207, "to": 212}]}], "edges": [{"source": 17, "target": 16, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 26, "target": 29, "label": "conj"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 35, "target": 36, "label": "compound"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG3"}, {"source": 19, "target": 23, "label": "ARG2"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 19, "target": 12, "label": "ARG1"}, {"source": 21, "target": 22, "label": "compound"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 31, "target": 32, "label": "compound"}, {"source": 28, "target": 29, "label": "compound"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 2, "target": 4, "label": "_and_c"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 25, "target": 26, "label": "compound"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 8, "target": 9, "label": "compound"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 0, "target": 19, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 23, "target": 26, "label": "conj"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 29, "target": 32, "label": "_and_c"}, {"source": 12, "target": 16, "label": "part"}]} +{"id": "20010018", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [8], "nodes": [{"id": 0, "label": "know", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "label": "tasty", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "label": "free", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "meal", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "label": "when", "properties": ["pos", "frame"], "values": ["WRB", "x:e-h-h"], "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "label": "eat", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "label": "one", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "label": "executive", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 59, "to": 69}]}, {"id": 15, "label": "give", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i-i"], "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "label": "chef", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "label": "stand", "properties": ["pos", "frame"], "values": ["NN", "v:e-i"], "anchors": [{"from": 87, "to": 95}]}, {"id": 20, "label": "ovation", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 96, "to": 103}]}], "edges": [{"source": 8, "target": 15, "label": "subord"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 2, "target": 5, "label": "_and_c"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 1, "target": 7, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 19, "target": 20, "label": "compound"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 8, "target": 0, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG3"}, {"source": 10, "target": 11, "label": "ARG2"}]} +{"id": "20010019", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [5], "nodes": [{"id": 0, "label": "more", "properties": ["pos", "frame"], "values": ["JJR", "much-many_a:e-i"], "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "a+few", "properties": ["pos", "frame"], "values": ["DT", "a:e-p"], "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "label": "a+few", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "ceo", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "label": "say", "properties": ["pos", "frame"], "values": ["VBP", "v_to:e-i-h-i"], "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "label": "carpet", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 29, "to": 39}]}, {"id": 8, "label": "treatment", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "label": "tempt", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-i-h"], "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "label": "them", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "label": "return", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 65, "to": 71}]}, {"id": 13, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "label": "heartland", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 77, "to": 86}]}, {"id": 16, "label": "city", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "label": "future", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 96, "to": 102}]}, {"id": 19, "label": "meeting", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 13, "target": 16, "label": "ARG2"}, {"source": 9, "target": 12, "label": "ARG3"}, {"source": 17, "target": 12, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 0, "target": 4, "label": "than"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 15, "target": 16, "label": "compound"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 7, "target": 8, "label": "compound"}, {"source": 3, "target": 2, "label": "mwe"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "20010020", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [0], "nodes": [{"id": 0, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "now", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "label": "look", "properties": ["pos", "frame"], "values": ["VBG", "v_forward-to:e-i-i"], "anchors": [{"from": 21, "to": 28}]}, {"id": 9, "label": "their", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "label": "winter", "properties": ["pos", "frame"], "values": ["NN", "season:x-c"], "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "label": "meeting", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 53, "to": 60}]}, {"id": 13, "label": "Boca", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "label": "February", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 72, "to": 80}]}], "edges": [{"source": 14, "target": 13, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 13, "target": 11, "label": "appos"}, {"source": 9, "target": 11, "label": "poss"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}]} +{"id": "20011001", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [13], "nodes": [{"id": 0, "label": "South", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "Korea", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "label": "register", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "label": "trade", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "label": "deficit", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "label": "101", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "million", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "label": "October", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "label": "reflect", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 67, "to": 77}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "label": "country", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "label": "economic", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 92, "to": 100}]}, {"id": 18, "label": "sluggishness", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 101, "to": 113}]}, {"id": 20, "label": "according+to", "properties": ["pos", "frame"], "values": ["VBG", "p:e-u-i"], "anchors": [{"from": 115, "to": 124}]}, {"id": 21, "label": "according+to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 125, "to": 127}]}, {"id": 22, "label": "government", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 128, "to": 138}]}, {"id": 23, "label": "figure", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 139, "to": 146}]}, {"id": 24, "label": "release", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 147, "to": 155}]}, {"id": 25, "label": "Wednesday", "properties": ["pos", "frame"], "values": ["NNP", "dofw:x-c"], "anchors": [{"from": 156, "to": 165}]}], "edges": [{"source": 0, "target": 1, "label": "compound"}, {"source": 21, "target": 20, "label": "mwe"}, {"source": 13, "target": 2, "label": "subord"}, {"source": 24, "target": 23, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 8, "target": 9, "label": "times"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 21, "target": 2, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "compound"}, {"source": 15, "target": 18, "label": "poss"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 10, "target": 2, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 22, "target": 23, "label": "compound"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 25, "target": 24, "label": "loc"}, {"source": 5, "target": 7, "label": "ARG1"}]} +{"id": "20011002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy.", "tops": [22], "nodes": [{"id": 0, "label": "preliminary", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "tally", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "label": "by", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 20, "to": 22}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "label": "Trade", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "label": "Industry", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "label": "ministry", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 46, "to": 54}]}, {"id": 8, "label": "show", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 55, "to": 61}]}, {"id": 9, "label": "another", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 62, "to": 69}]}, {"id": 10, "label": "trade", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 70, "to": 75}]}, {"id": 11, "label": "deficit", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 76, "to": 83}]}, {"id": 12, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 84, "to": 86}]}, {"id": 13, "label": "October", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 87, "to": 94}]}, {"id": 15, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 96, "to": 99}]}, {"id": 16, "label": "fifth", "properties": ["pos", "frame"], "values": ["JJ", "ord:i-i-c"], "anchors": [{"from": 100, "to": 105}]}, {"id": 17, "label": "monthly", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 106, "to": 113}]}, {"id": 18, "label": "setback", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 114, "to": 121}]}, {"id": 19, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 122, "to": 126}]}, {"id": 20, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 127, "to": 131}]}, {"id": 22, "label": "cast", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p-h"], "anchors": [{"from": 133, "to": 140}]}, {"id": 23, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 141, "to": 142}]}, {"id": 24, "label": "cloud", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 143, "to": 148}]}, {"id": 25, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 149, "to": 151}]}, {"id": 26, "label": "South", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 152, "to": 157}]}, {"id": 27, "label": "Korea", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 158, "to": 163}]}, {"id": 29, "label": "orient", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 166, "to": 181}]}, {"id": 30, "label": "economy", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 182, "to": 189}]}], "edges": [{"source": 8, "target": 1, "label": "ARG1"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 26, "target": 27, "label": "compound"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 4, "target": 6, "label": "_and_c"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 20, "target": 18, "label": "loc"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 4, "target": 7, "label": "compound"}, {"source": 22, "target": 25, "label": "ARG3"}, {"source": 27, "target": 30, "label": "poss"}, {"source": 25, "target": 30, "label": "ARG2"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 18, "target": 11, "label": "appos"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 22, "target": 8, "label": "subord"}, {"source": 29, "target": 30, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 2, "target": 7, "label": "ARG2"}]} +{"id": "20011004", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [11], "nodes": [{"id": 0, "label": "South", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "Korea", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "label": "economic", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "label": "boom", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "begin", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "label": "1986", "properties": ["pos", "frame"], "values": ["CD", "yofc:x-c"], "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "label": "stop", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "label": "because+of", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 68, "to": 75}]}, {"id": 15, "label": "because+of", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "label": "prolonged", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "label": "labor", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "label": "dispute", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 95, "to": 103}]}, {"id": 20, "label": "trade", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 105, "to": 110}]}, {"id": 21, "label": "conflict", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 111, "to": 120}]}, {"id": 23, "label": "sluggish", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 125, "to": 133}]}, {"id": 24, "label": "export", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 134, "to": 141}]}], "edges": [{"source": 17, "target": 18, "label": "compound"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 20, "target": 21, "label": "compound"}, {"source": 21, "target": 24, "label": "_and_c"}, {"source": 1, "target": 4, "label": "poss"}, {"source": 11, "target": 4, "label": "ARG1"}, {"source": 15, "target": 11, "label": "ARG1"}, {"source": 15, "target": 14, "label": "mwe"}, {"source": 7, "target": 4, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 13, "target": 11, "label": "loc"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 18, "target": 21, "label": "conj"}, {"source": 0, "target": 1, "label": "compound"}]} +{"id": "20011005", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [2], "nodes": [{"id": 0, "label": "government", "properties": ["pos", "frame"], "values": ["NNP", "n_of:x-i"], "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "official", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "label": "export", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 26, "to": 33}]}, {"id": 4, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "label": "end", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "label": "remain", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-h"], "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "label": "under", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "label": "government", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 78, "to": 88}]}, {"id": 15, "label": "target", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 89, "to": 95}]}, {"id": 17, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 99, "to": 100}]}, {"id": 18, "label": "68", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 100, "to": 102}]}, {"id": 19, "label": "billion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 103, "to": 110}]}], "edges": [{"source": 15, "target": 17, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 11, "target": 3, "label": "ARG1"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 12, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "compound"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 2, "target": 10, "label": "ARG2"}, {"source": 18, "target": 19, "label": "times"}, {"source": 13, "target": 15, "label": "BV"}]} +{"id": "20011006", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [8], "nodes": [{"id": 0, "label": "despite", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "label": "gloomy", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "label": "forecast", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "label": "South", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "label": "Korea", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "label": "record", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "label": "trade", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "label": "surplus", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "label": "71", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "label": "million", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 77, "to": 84}]}, {"id": 16, "label": "so", "properties": ["pos", "frame"], "values": ["IN", "comp:e-u-u"], "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "label": "far", "properties": ["pos", "frame"], "values": ["RB", "a:e-p"], "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 97, "to": 101}]}], "edges": [{"source": 14, "target": 15, "label": "times"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 19, "target": 11, "label": "loc"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 17, "target": 11, "label": "ARG1"}, {"source": 10, "target": 11, "label": "compound"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "compound"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 16, "target": 17, "label": "comp_so"}, {"source": 11, "target": 13, "label": "ARG1"}]} +{"id": "20011007", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [10], "nodes": [{"id": 0, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-x"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "January", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "October", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "nation", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "label": "accumulate", "properties": ["pos", "frame"], "values": ["VBN", "v_cause:e-i-p"], "anchors": [{"from": 38, "to": 49}]}, {"id": 9, "label": "export", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "label": "increase", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "label": "4", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "label": "same", "properties": ["pos", "frame"], "values": ["JJ", "a_as:e-i"], "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "label": "period", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 85, "to": 91}]}, {"id": 17, "label": "last", "properties": ["pos", "frame"], "values": ["JJ", "q:i-h-h"], "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "label": "year", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "label": "50.45", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 106, "to": 111}]}, {"id": 22, "label": "billion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 112, "to": 119}]}], "edges": [{"source": 8, "target": 9, "label": "ARG2"}, {"source": 18, "target": 16, "label": "loc"}, {"source": 22, "target": 20, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 6, "target": 9, "label": "poss"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 21, "target": 22, "label": "times"}, {"source": 2, "target": 10, "label": "ARG1"}, {"source": 19, "target": 10, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 12, "target": 10, "label": "loc"}, {"source": 15, "target": 16, "label": "ARG1"}]} +{"id": "20011008", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [2], "nodes": [{"id": 0, "label": "import", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "label": "50.38", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "label": "billion", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "up", "properties": ["pos", "frame"], "values": ["RB", "p:e-u-i"], "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "label": "19", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 37, "to": 38}]}], "edges": [{"source": 5, "target": 3, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 5, "label": "times"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}]} +{"id": "20012002", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [15], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "new", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "ad", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "label": "plan", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "label": "Newsweek", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 21, "to": 29}]}, {"id": 7, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "label": "unit", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "Washington", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 45, "to": 55}]}, {"id": 12, "label": "Post", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "label": "co.", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "label": "second", "properties": ["pos", "frame"], "values": ["JJ", "ord:i-i-c"], "anchors": [{"from": 73, "to": 79}]}, {"id": 18, "label": "incentive", "properties": ["pos", "frame"], "values": ["NN", "n_to:x-i"], "anchors": [{"from": 80, "to": 89}]}, {"id": 19, "label": "plan", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 90, "to": 94}]}, {"id": 20, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "label": "magazine", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 99, "to": 107}]}, {"id": 23, "label": "offer", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-i"], "anchors": [{"from": 112, "to": 119}]}, {"id": 24, "label": "advertiser", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 120, "to": 131}]}, {"id": 25, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 132, "to": 134}]}, {"id": 26, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 135, "to": 140}]}, {"id": 27, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 141, "to": 146}]}], "edges": [{"source": 17, "target": 19, "label": "ARG1"}, {"source": 23, "target": 21, "label": "ARG1"}, {"source": 12, "target": 13, "label": "compound"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 11, "target": 12, "label": "compound"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 23, "target": 19, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 23, "target": 24, "label": "ARG3"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 8, "target": 13, "label": "ARG1"}, {"source": 15, "target": 3, "label": "ARG1"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 2, "target": 3, "label": "compound"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 15, "target": 19, "label": "ARG2"}, {"source": 8, "target": 5, "label": "appos"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 18, "target": 19, "label": "compound"}]} +{"id": "20012004", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [8], "nodes": [{"id": 0, "label": "Alan", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "Spoon", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "recently", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "name", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-i"], "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "Newsweek", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "label": "president", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "label": "Newsweek", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "ad", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "label": "rate", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "label": "increase", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 78, "to": 86}]}, {"id": 15, "label": "5", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 87, "to": 88}]}, {"id": 16, "label": "%", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 88, "to": 89}]}, {"id": 17, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "label": "January", "properties": ["pos", "frame"], "values": ["NNP", "mofy:x-c"], "anchors": [{"from": 93, "to": 100}]}], "edges": [{"source": 8, "target": 13, "label": "ARG2"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 8, "target": 1, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 9, "target": 12, "label": "poss"}, {"source": 11, "target": 12, "label": "compound"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 16, "target": 14, "label": "loc"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 5, "target": 6, "label": "compound"}, {"source": 4, "target": 1, "label": "ARG3"}]} +{"id": "20012005", "flavor": 0, "framework": "dm", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [8], "nodes": [{"id": 0, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "full", "properties": ["pos", "frame"], "values": ["JJ", "a_of:e-p-i"], "anchors": [{"from": 2, "to": 6}]}, {"id": 3, "label": "color", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "page", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "label": "Newsweek", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "label": "cost", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-i"], "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "$", "properties": ["pos", "frame"], "values": ["$", "n:x"], "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "label": "100,980", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 47, "to": 54}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "compound"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 8, "target": 4, "label": "ARG1"}]} diff --git a/mtool/data/sample/dm/wsj.sdp b/mtool/data/sample/dm/wsj.sdp new file mode 100644 index 0000000000000000000000000000000000000000..ab9b690347ce711e61a86fe21c776ad5228a92df --- /dev/null +++ b/mtool/data/sample/dm/wsj.sdp @@ -0,0 +1,2147 @@ +#SDP 2015 +#20001001 +1 Pierre Pierre NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +2 Vinken Vinken NNP - - named:x-c compound _ _ ARG1 ARG1 _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 61 61 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +5 years year NNS - + n:x _ ARG1 _ _ _ _ _ _ _ _ _ +6 old old JJ - + a:e-p _ _ measure _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ +9 join join VB + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ loc +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 board board NN - - n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ _ +12 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 nonexecutive nonexecutive JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ +15 director director NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 _ _ +16 Nov. Nov. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ +17 29 29 CD - + dofm:x-c _ _ _ _ _ _ _ _ _ of _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20001002 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +2 Vinken Vinken NNP - - named:x-c compound ARG1 _ _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ +4 chairman chairman NN - - n_of:x _ ARG2 ARG1 _ _ _ _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +6 Elsevier Elsevier NNP - - named:x-c _ _ ARG2 compound _ _ _ appos +7 N.V. N.V. NNP - + n:x _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 Dutch Dutch JJ - + a:e-p _ _ _ _ _ _ _ _ +11 publishing publish NN - + v:e-i-p _ _ _ _ _ _ _ _ +12 group group NN - + n_of:x _ _ _ _ BV ARG1 compound _ +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#20003001 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 form form NN - + n_of:x-i BV _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 asbestos asbestos NN - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 once once RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 used use VBN - + v:e-i-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 make make VB - + v:e-i-p-u _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Kent Kent NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 cigarette cigarette NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 filters filter NNS - - n:x _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 caused cause VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 percentage percentage NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 cancer cancer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 deaths death NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ +20 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 group group NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 workers worker NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ +25 exposed expose VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ +28 more more+than RBR - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +29 than more+than IN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 30 30 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ +32 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 researchers researcher NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +35 reported report VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 asbestos asbestos NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 fiber fiber NN - - n:x BV compound appos _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 crocidolite crocidolite NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 unusually unusually RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 resilient resilient JJ - + a:e-u _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 once once IN - + x:e-h-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +11 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +12 enters enter VBZ - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 lungs lung NNS - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 with with IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +17 even even RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 brief brief JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 exposures exposure NNS - - n_of-to:x-i _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +22 causing cause VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +23 symptoms symptom NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +24 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 show show VBP - + v_up:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ +26 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 decades decade NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ +28 later later RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 researchers researcher NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +31 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003003 +1 Lorillard Lorillard NNP - - named:x-c compound _ appos _ _ _ _ _ _ ARG1 _ _ _ _ _ +2 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 unit unit NN - + n_of:x-i _ BV _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 New New NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 York-based base NNP - + v:e-i-p _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +9 Loews Loews NNP - - named:x-c _ _ ARG1 _ ARG2 compound _ _ _ _ _ _ _ _ _ +10 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 makes make VBZ - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Kent Kent NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cigarettes cigarette NNS - - n:x _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 stopped stop VBD + + v_prd:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +17 using use VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ +18 crocidolite crocidolite NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Micronite Micronite NN - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 cigarette cigarette NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 filters filter NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 poss compound compound _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 1956 1956 CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003005 +1 A a DT - + q:i-h-h _ _ _ _ _ _ +2 Lorillard Lorillard NNP - + named:x-c _ _ _ _ _ _ +3 spokewoman spokewoman NN - - n:x BV compound ARG1 _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ +7 This this DT - - x:x _ _ _ ARG1 _ _ +8 is is VBZ - + v_id:e-p-i _ _ ARG2 _ _ _ +9 an an DT - + q:i-h-h _ _ _ _ _ _ +10 old old JJ - + a:e-p _ _ _ _ _ _ +11 story story NN - - n:x _ _ _ ARG2 BV ARG1 +12 . _ . - - _ _ _ _ _ _ _ + +#20003007 +1 There there EX - - _ _ _ _ _ _ +2 is is VBZ + + v_there:e-i _ _ _ _ loc +3 no no DT - + q:i-h-h _ _ _ _ _ +4 asbestos asbestos NN - - n:x ARG1 BV ARG1 _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ +6 our our PRP$ - + q:i-h-h _ _ _ _ _ +7 products product NNS - - n:x _ _ ARG2 poss _ +8 now now RB - + time_n:x _ _ _ _ _ +9 . _ . - - _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ + +#20003008 +1 Neither neither DT - - _ _ _ _ _ _ _ _ _ _ _ +2 Lorillard Lorillard NNP - + named:x-c _ _ _ _ ARG1 _ _ _ _ _ +3 nor nor CC - - _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 researchers researcher NNS - - n_of:x-i _nor_c BV ARG1 _ _ _ _ _ _ _ +6 who who WP - - _ _ _ _ _ _ _ _ _ _ _ +7 studied study VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 workers worker NNS - - n:x _ _ ARG2 BV _ _ _ _ _ _ +10 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +11 aware aware JJ + + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +13 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 research research NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ +15 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +16 smokers smoker NNS - + n_of:x-i _ _ _ _ _ _ ARG2 _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +19 Kent Kent NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +20 cigarettes cigarette NNS - - n:x _ _ _ _ _ _ _ ARG1 BV compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003009 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 have have VBP - + v:e-i-i _ _ _ _ _ ARG2 _ _ _ _ _ _ +4 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 useful useful JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +6 information information NN - + n_on-about:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +7 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 whether whether IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 users user NNS - - n_of:x-i _ _ _ _ ARG1 _ _ _ _ _ _ _ +10 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 at at IN - + p:e-u-i _ _ _ ARG1 _ _ _ _ _ _ _ _ +12 risk risk NN - - n_of:x _ _ _ _ ARG2 _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +16 James James NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +17 A. A. NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ +18 Talcott Talcott NNP - - named:x-c _ _ _ _ _ ARG1 _ compound ARG1 _ _ _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +20 Boston Boston NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Dana-Farber Dana-Farber NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +23 Cancer Cancer NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +24 Institute Institute NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 poss compound compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003010 +1 Dr. Dr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Talcott Talcott NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 led lead VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 team team NN - + n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 researchers researcher NNS - - n_of:x-i _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +8 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 National National NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Cancer Cancer NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Institute Institute NNP - + named:x-c _ _ _ _ ARG2 BV compound compound _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 medical medical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 schools school NNS - - n:x _ _ _ _ _ _ _ _ _and_c BV ARG1 ARG1 _ _ _ +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Harvard Harvard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 University University NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Boston Boston NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 University University NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003011 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Lorillard Lorillard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 spokeswoman spokeswoman NN - - n:x BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 asbestos asbestos NN - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 used use VBN - + v:e-i-p _ _ ARG2 _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 modest modest JJ - + a:e-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 amounts amount NNS - - n_of:x-i _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 making make VBG - + v:e-i-p-u _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ +16 paper paper NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 filters filter NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 1950s 1950s NNS - - year_range:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 replaced replace VBN - + v_with:e-i-p-i _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +26 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 different different JJ - + a_than-from:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 type type NN - + n_of-n:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV ARG1 _ _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 filter filter NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +32 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 1956 1956 CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003012 +1 From from IN - + p:e-u-x _ _ _ _ _ _ _ _ _ _ +2 1953 1953 CD - - yofc:x-c ARG2 _ _ _ _ _ _ _ _ _ +3 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +4 1955 1955 CD - - yofc:x-c _ ARG2 _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 9.8 9.8 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +7 billion billion CD - + card:i-i-c _ _ times _ _ _ _ _ _ _ +8 Kent Kent NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +9 cigarettes cigarette NNS - - n:x _ _ _ ARG1 compound ARG1 _ ARG2 _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 filters filter NNS - - n:x _ _ _ _ _ ARG2 BV _ _ _ +13 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +14 sold sell VBN - + v:e-i-p ARG1 ARG1 _ _ _ _ _ _ _ ARG2 +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ BV ARG1 +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003013 +1 Among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 33 33 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +3 men man NNS - - n:x ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +4 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 worked work VBD - + v:e-i-p _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ +6 closely closely RB - + a_to:e-e _ _ _ _ _ _ _ _ _ _ _ _ +7 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 substance substance NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 28 28 CD - - card:i-i-c _ _ _ _ _ _ ARG1 _ _ _ _ _ +12 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 died die VBN + + v:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +16 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +18 times time NNS - - n:x _ _ _ _ _ _ _ than ARG1 _ _ appos +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +20 expected expect JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +21 number number NN - + n_of:x _ _ _ _ _ _ _ _ _ BV ARG2 _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003014 +1 Four four CD - + card:i-i-c _ _ _ _ ARG1 _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +5 surviving survive VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +6 workers worker NNS - - n:x part BV ARG1 ARG1 _ _ _ _ _ _ +7 have have VBP - + v:e-i-i _ _ _ _ _ _ subord _ _ _ +8 asbestos-related relate JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ +9 diseases disease NNS - - n:x _ _ _ _ ARG2 ARG2 _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +11 including include VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ +12 three three CD - - card:i-i-c _ _ _ _ _ _ ARG2 ARG1 _ _ +13 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +14 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +15 diagnosed diagnose VBN - + v_with:e-i-p _ _ _ _ _ _ _ _ ARG1 _ +16 cancer cancer NN - - n:x _ _ _ _ _ _ _ ARG2 _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003015 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 total total NN - + n_of:x-i BV _ _ _ _ _ _ _ _ ARG1 _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 18 18 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +5 deaths death NNS - - n:x _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +6 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 malignant malignant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 mesothelioma mesothelioma NN - + n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 lung lung NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 cancer cancer NN - + n:x _ _ _ _ _ conj compound _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 asbestosis asbestosis NN - - n:x _ _ _ _ _ _ _ _and_c _ _ _ _ _ +14 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 far far RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +16 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ ARG1 _ _ _ ARG2 +17 than than IN - - q:x-h-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +18 expected expect VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ than _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 researchers researcher NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +22 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003016 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 morbidity morbidity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +4 rate rate NN - - n_of:x-i BV compound ARG1 _ _ _ _ _ _ _ _ +5 is is VBZ - + v_id:e-p-i _ _ _ _ _ ARG1 _ _ _ ARG2 _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 striking strike JJ - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +8 finding finding NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ +9 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 those those DT - + part_of:x-i _ _ _ _ _ ARG2 _ ARG1 _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +12 us us PRP - - pron:x _ _ _ _ _ _ part _ _ _ _ +13 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ +14 study study VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +15 asbestos-related relate JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ +16 diseases disease NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG2 _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +19 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +20 Dr. Dr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +21 Talcott Talcott NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20003017 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 percentage percentage NN - + n_of:x-i BV _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 lung lung NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 cancer cancer NN - + n:x _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 deaths death NNS - - n:x _ ARG1 _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 workers worker NNS - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 West West NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Groton Groton NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Mass. Mass. NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 paper paper NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 factory factory NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ compound compound _ _ _ _ _ _ _ _ _ _ _ +19 appears appear VBZ + + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 highest highest JJS - - a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 asbestos asbestos NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 workers worker NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG2 _ _ _ _ +28 studied study VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +29 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Western Western JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 industrialized industrialize JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 countries country NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG2 _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +35 said say VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003018 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 plant plant NN - - n:x BV ARG2 _ _ ARG1 _ _ ARG1 _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +4 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +6 owned own VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +7 by by IN - - _ _ _ _ _ _ _ _ _ _ _ +8 Hollingsworth Hollingsworth NNP - + named:x-c _ ARG1 _ _ _ _ _ _ _ _ +9 & & CC - - _ _ _ _ _ _ _ _ _ _ _ +10 Vose Vose NNP - - named:x-c _ _ _and_c compound _ _ _ _ _ _ +11 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +13 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +14 under under IN - + p:e-u-i _ _ _ _ _ ARG1 ARG1 _ _ _ +15 contract contract NN - - n:x _ _ _ _ ARG2 _ _ _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 Lorillard Lorillard NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ +18 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +19 make make VB - + v:e-i-p-u _ _ _ _ _ _ ARG2 _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +21 cigarette cigarette NN - + n:x _ _ _ _ _ _ _ _ _ _ +22 filters filter NNS - - n:x _ _ _ _ _ _ _ ARG2 BV compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003019 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 finding finding NN - - n:x BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 probably probably RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 support support VB - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 those those DT - - x:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 argue argue VBP - + v_with:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 U.S. U.S. NNP - - named_n:x-c _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 should should MD - + v_modal:e-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 regulate regulate VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 class class NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 asbestos asbestos NN - - n:x _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +18 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 crocidolite crocidolite NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +20 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stringently stringently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ comp _ _ _ _ _ _ _ _ _ _ _ _ +22 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 kind kind NN - + n_of-n:x-i _ _ _ _ _ _ _ _ _ _ than _ BV ARG1 _ appos _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 asbestos asbestos NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 chrysotile chrysotile NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 found find VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +32 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 schools school NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +35 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 buildings building NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Dr. Dr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Talcott Talcott NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +41 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003020 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 U.S. U.S. NNP - - named_n:x-c BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +4 one one CD - + card:i-i-c _ ARG2 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 few few JJ - + little-few_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 industrialized industrialized JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 nations nation NNS - - n_of:x-i _ _ part BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 n’t doesn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 have have VB - + v:e-i-i _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 standard standard NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 regulation regulation NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 smooth smooth JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 needle-like like JJ - + a:e-u-x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 fibers fiber NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ +25 such such+as JJ - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +26 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 crocidolite crocidolite NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +28 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 classified classify VBN - + v_as:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 amphobiles amphobile NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +35 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Brooke Brooke NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 T. T. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +38 Mossman Mossman NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound _ appos _ _ _ _ +39 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 professor professor NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ +42 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 pathlogy pathlogy NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +44 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 University university NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +48 Vermont Vermont NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +49 College college NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ +50 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +51 Medicine Medicine NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +52 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003021 +1 More more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +2 common common JJ - + a_for:e-p comp _ _ _ _ _ _ _ _ _ +3 chrysotile chrysotile NN - + n:x _ _ _ _ _ _ _ _ _ _ +4 fibers fiber NNS - - n:x _ ARG1 compound ARG1 _ _ ARG2 _ _ _ +5 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +6 curly curly JJ - + a:e-p _ _ _ _ _ _ _ _ _ ARG2 +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +8 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +9 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +10 easily easily RB - + a_for:e-e _ _ _ _ comp _ _ _ _ _ +11 rejected reject VBN - + v_as:e-i-p _ _ _ _and_c _ ARG1 _ _ _ _ +12 by by IN - - _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 body body NN - - n:x _ _ _ _ _ _ ARG1 BV _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 Dr. Dr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +17 Mossman Mossman NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 +18 explained explain VBD + + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003022 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 July July NNP - - mofy:x-c ARG2 _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 Environmental Environmental NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +6 Protection Protection NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ +7 Agency Agency NNP - - named:x-c _ BV _ compound ARG1 _ _ _ _ _ +8 imposed impose VBD + + v_on:e-i-p-i ARG1 _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 gradual gradual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +11 ban ban NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ +12 on on IN - - _ _ _ _ _ _ _ _ _ _ _ +13 virtually virtually RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +14 all all DT - + q:i-h-h _ _ _ _ _ _ _ ARG1 _ _ +15 uses use NNS - + n_of:x-i _ _ _ _ ARG3 _ _ _ BV _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +17 asbestos asbestos NN - - n:x _ _ _ _ _ _ _ _ _ ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003023 +1 By by IN - + p:e-u-i _ _ _ _ _ _ _ +2 1997 1997 CD - - yofc:x-c ARG2 _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ +4 almost almost RB - + x:e-u _ _ _ _ _ _ _ +5 all all DT - + q:i-h-h _ ARG1 _ _ _ _ _ +6 remaining remaining JJ - + a:e-p _ _ _ _ _ _ _ +7 uses use NNS - + n_of:x-i _ _ BV ARG1 _ _ ARG2 +8 of of IN - - _ _ _ _ _ _ _ _ +9 cancer-causing cause JJ - + v:e-i-p _ _ _ _ _ _ _ +10 asbestos asbestos NN - - n:x _ _ _ _ ARG1 ARG1 _ +11 will will MD - - _ _ _ _ _ _ _ _ +12 be be VB - - _ _ _ _ _ _ _ _ +13 outlawed outlaw VBN + + v:e-i-p ARG1 _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ _ + +#20003024 +1 About about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +2 160 160 CD - + card:i-i-c ARG1 _ _ _ _ _ _ _ _ _ _ +3 workers worker NNS - - n:x _ ARG1 ARG1 _ _ _ _ _ ARG2 _ _ +4 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +6 factory factory NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 made make VBN - + v:e-i-p-u _ _ _ _ _ ARG1 _ _ _ _ _ +9 paper paper NN - - n:x _ _ _ _ ARG2 _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +12 Kent Kent NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +13 filters filter NNS - - n:x _ _ _ _ _ ARG2 BV compound _ _ _ +14 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +15 exposed expose VBN + + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ ARG1 _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +17 asbestos asbestos NN - - n:x _ _ _ _ _ _ _ _ ARG3 _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +20 1950s 1950s NNS - - year_range:x-c _ _ _ _ _ _ _ _ _ ARG2 BV +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20003025 +1 Areas area NNS - + n_of:x-i _ _ _ ARG1 _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ +4 factory factory NN - - n:x ARG1 BV _ _ _ _ _ +5 were were VBD - - _ _ _ _ _ _ _ _ +6 particularly particularly RB - + a:e-e _ _ _ _ _ _ _ +7 dusty dusty JJ + + a:e-p _ _ ARG1 _ loc _ _ +8 where where WRB - + q:i-h-h _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ +10 crocidolite crocidolite NN - - n:x _ _ _ _ _ BV ARG2 +11 was was VBD - - _ _ _ _ _ _ _ _ +12 used use VBN - + v:e-i-p _ _ _ _ loc _ _ +13 . _ . - - _ _ _ _ _ _ _ _ + +#20003026 +1 Workers worker NNPS - - n:x ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +2 dumped dump VBD + + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 large large JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 burlap burlap NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sacks sack NNS - - n:x ARG2 ARG1 compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 imported import JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 material material NN - - n:x _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 into into IN - + p:e-u-i ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 huge huge JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 bin bin NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 poured pour VBN - + v_in:e-i-i conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 cotton cotton NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 acetate acetate NN - - n:x _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ +20 fibers fiber NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 mechanically mechanically RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 mixed mix VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _and_c _ ARG1 _ _ _ ARG1 _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 dry dry JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 fibers fiber NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 process process NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ +30 used use VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 make make VB - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ +33 filters filter NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003027 +1 Workers worker NNPS - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 described describe VBD - + v_to:e-i-p-i _ _ _ _ _ _ _ _ ARG1 _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 clouds cloud NNS - + n_of:x-i ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 blue blue JJ - + a:i-i _ _ _ _ _ _ _ _ _ _ _ _ +7 dust dust NN - - n:x _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 hung hang VBD - + v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ +11 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +12 parts part NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 factory factory NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +18 though though IN + + x:e-h-h _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 exhaust exhaust NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +20 fans fan NNS - - n:x _ _ _ _ _ _ _ _ _ compound ARG1 _ +21 ventilated ventilate VBD - + v_cause:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +23 area area NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003028 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 There there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - + v_there:e-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +4 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 question question NN - + n_about:x-h ARG1 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 some some DT - + q:i-h-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 workers worker NNS - + n:x _ _ _ part BV _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 managers manager NNS - - n_of:x-i _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ +13 contracted contract VBD - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 asbestos-related relate JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 diseases disease NNS - - n:x _ _ _ _ _ _ ARG2 ARG2 _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Darrell Darrell NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Phillips Phillips NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound _ appos _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ compound _ _ ARG1 _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 human human JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 resources resource NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Hollingsworth Hollingsworth NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +29 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Vose Vose NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003029 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ _ +3 you you PRP - - pron:x _ _ ARG1 _ _ _ _ +4 have have VBP - + v_qmodal:e-h ARG2 _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ +6 recognize recognize VB - + v:e-i-h-i _ ARG1 _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ +8 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ +9 events event NNS - - n_item:x _ _ _ BV ARG1 _ _ +10 took take VBD - + v_of-i:e-i-i _ _ ARG2 _ _ _ ARG1 +11 place place NN - - n_i:x _ _ _ _ ARG2 _ _ +12 35 35 CD - + card:i-i-c _ _ _ _ _ _ _ +13 years year NNS - - n:x _ _ _ _ _ ARG1 ARG2 +14 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ + +#20003030 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ +2 has have VBZ + + v:e-i-i _ _ _ _ _ loc +3 no no DT - + q:i-h-h _ _ _ _ _ _ +4 bearing bearing NN - - n:x ARG2 BV ARG1 _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ +6 our our PRP$ - + q:i-h-h _ _ _ _ _ _ +7 work work NN - + n:x _ _ _ _ _ _ +8 force force NN - - n:x _ _ ARG2 poss compound _ +9 today today NN - + time_n:x _ _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ _ + +#20004001 +1 Yields yield NNS - - n:x ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ +2 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +3 money-market market JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +5 funds fund NNS - - n:x ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ +6 continued continue VBD + + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 slide slide VB - + v:e-i _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 amid amid IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +11 signs sign NNS - + n_of:x-h _ _ _ _ _ ARG2 _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 portfolio portfolio NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +14 managers manager NNS - - n_of:x-i _ _ _ _ _ _ _ compound ARG1 _ _ _ +15 expect expect VBP - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ +16 further further JJ - + a:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ +17 declines decline NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ +20 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 seven-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 compound compound NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 yield yield NN - - n:x BV ARG1 compound compound ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 400 400 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 taxable taxable JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 funds fund NNS - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 tracked track VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 IBC IBC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Money Money NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Fund Fund NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Report Report NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 poss _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +18 eased ease VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ ARG1 _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 fraction fraction NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 percentage percentage NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 point point NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 compound _ _ _ _ _ _ _ _ +25 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 8.45 8.45 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +28 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 8.47 8.47 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +31 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 week week NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ +34 ended end VBD - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +35 Tuesday Tuesday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004004 +1 Average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 maturity maturity NN - - n:x ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 funds fund NNS - + n:x _ _ BV _ _ _ _ _ _ _ _ _ _ _ +6 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 investments investment NNS - - n:x _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ +8 lengthened lengthen VBN + + v:e-i _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ ARG1 +9 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 day day NN - - n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +12 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 41 41 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 days day NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ appos _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 longest longest JJS - + a:e-i _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ +18 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 August August NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +23 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Donoghue Donoghue NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004005 +1 Longer longer JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 maturities maturity NNS - - n:x ARG1 ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 thought think VBN - + v:e-i-i-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 indicate indicate VB - + v:e-i-p _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +7 declining declining VBG - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 rates rate NNS - - n_of:x-i _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ +10 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 they they PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 permit permit VBP - + v:e-i-i-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 portfolio portfolio NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 managers manager NNS - - n_of:x-i _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 retain retain VB - + v:e-i-p _ _ _ _ _ _ ARG3 _ _ _ _ ARG1 _ _ +17 relatively relatively RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 longer longer JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 period period NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004006 +1 Shorter shorter JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ +2 maturities maturity NNS - - n:x ARG1 ARG3 _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +4 considered consider VBN - + v:e-i-i-i _ _ _ _ _ ARG1 _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +6 sign sign NN - + n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 rising rise VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +9 rates rate NNS - - n_of:x-i _ _ _ ARG1 ARG1 _ _ _ _ _ _ +10 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +11 portfolio portfolio NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +12 managers manager NNS - - n_of:x-i _ _ _ _ _ _ compound _ ARG1 _ _ +13 can can MD - + v_modal:e-h _ _ _ _ _ ARG2 _ _ _ _ _ +14 capture capture VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ loc +15 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ +16 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 _ +17 sooner sooner RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20004007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 maturity maturity NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 funds fund NNS - - n:x _ _ ARG2 ARG1 _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 open open VBP - + a:e-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - + p:e-u-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 institutions institution NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 considered consider VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +12 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 some some DT - - q:i-h-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 be be VB - + v_id:e-p-i _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stronger stronger JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 indicator indicator NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 because because IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 managers manager NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +22 watch watch VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +25 closely closely RB - + a_to:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 reached reach VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 point point NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ +31 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +34 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 33 33 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 days day NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004008 +1 Nevertheless nevertheless RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Brenda Brenda NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Malizia Malizia NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Negus Negus NNP - - named:x-c _ ARG1 _ compound appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 editor editor NN - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Money Money NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Fund Fund NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Report Report NNP - - named:x-c _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 yields yield NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 may may MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 blip blip_up VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ ARG1 _ _ _ _ +18 up up RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 before before IN - + x:e-h-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +21 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +22 blip blip_down VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ +23 down down RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +26 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 rises rise NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +29 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 short-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 yield yield NN - - n:x BV ARG1 _ _ _ _ _ ARG1 _ _ _ _ +3 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +4 six-month month JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +5 Treasury Treasury NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +6 bills bill NNS - - n_of:x-i _ ARG2 compound compound ARG2 _ _ _ _ _ _ _ +7 sold sell VBN - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +9 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ +10 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 auction auction NN - - n_of:x-i _ _ _ _ _ ARG2 poss _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 for for+example IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 example for+example NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 rose rise VBD + + v:e-i _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +17 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 8.04 8.04 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +19 % % NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +20 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +21 7.90 7.90 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +22 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004010 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ +2 recent recent JJ - + a:e-p _ _ _ _ _ _ _ +3 declines decline NNS - - n:x ARG2 ARG1 ARG1 _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ +5 yields yield NNS - - n:x _ _ ARG2 _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ +7 investors investor NNS - - n:x _ _ _ _ ARG1 _ _ +8 continue continue VBP + + v:e-h ARG1 _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ +10 pour pour VB - + v:e-i-p _ _ _ ARG1 _ ARG1 _ +11 cash cash NN - - n:x _ _ _ _ ARG2 _ _ +12 into into IN - + p:e-u-i _ _ _ _ _ _ _ +13 money money NN - + n:x _ _ _ _ _ _ _ +14 funds fund NNS - - n:x _ _ _ _ _ ARG2 compound +15 . _ . - - _ _ _ _ _ _ _ _ + +#20004011 +1 Assets asset NNS - - n:x ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 400 400 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 taxable taxable JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 funds fund NNS - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +7 grew grow VBD + + v:e-i _ _ _ _ _ ARG1 _ _ ARG1 _ _ ARG1 _ _ +8 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ +10 1.5 1.5 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ +12 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 week week NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +19 352.7 352.7 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ times _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004012 +1 Typically typically RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 money-fund fund NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 yields yield NNS - - n:x _ compound ARG1 _ _ _ _ _ _ _ _ _ +5 beat beat VBP - + v_to:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ +6 comparable comparable JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +7 short-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +8 investments investment NNS - - n:x _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ +9 because because IN - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 portfolio portfolio NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +11 managers manager NNS - - n_of:x-i _ _ _ _ _ _ compound _ ARG1 ARG1 _ _ +12 can can MD - + v_modal:e-h _ _ _ _ _ ARG2 _ _ _ _ _ _ +13 vary vary VB - + v_cause:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ +14 maturities maturity NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 go go VB - + v_after:e-i-i _ _ _ _ _ _ _ _ _and_c _ _ _ +17 after after IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +19 highest highest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +20 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004014 +1 Dreyfus Dreyfus NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 World-Wide World-Wide NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Dollar Dollar NNP - - named:x-c _ compound _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 top-yielding yield JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 fund fund NN - + n:x _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 had have VBD + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 seven-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 compound compound NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 yield yield NN - - n:x _ _ _ _ _ ARG2 BV compound compound ARG1 _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 9.37 9.37 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +17 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 week week NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 down down RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 9.45 9.45 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ ARG1 +26 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +28 earlier earlier RBR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ measure _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004015 +1 It it PRP - - pron:x ARG1 _ _ _ _ ARG1 _ _ _ +2 invests invest VBZ + + v_in:e-i-i _ ARG1 _ _ _ _ _ _ _ +3 heavily heavily RB - + a:e-e _ _ _ _ _ _ _ _ _ +4 in in IN - - _ _ _ _ _ _ _ _ _ _ +5 dollar-denominated denominate JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ +6 securities security NNS - - n:x ARG2 _ ARG2 loc _ _ _ _ _ +7 overseas overseas RB - + place_n:x _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ +9 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +10 currently currently RB - + a:e-e _ _ _ _ _ _ _ _ _ +11 waiving waive VBG - + v:e-i-p _and_c _ _ _ ARG1 _ _ _ _ +12 management management NN - + n:x _ _ _ _ _ _ _ _ _ +13 fees fee NNS - - n:x _ _ _ _ _ ARG2 compound _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ _ _ _ _ +16 boosts boost VBZ - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ +17 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +18 yield yield NN - - n:x _ _ _ _ _ _ _ ARG2 poss +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#20004016 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +3 seven-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +4 simple simple JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ +5 yield yield NN - - n:x BV ARG1 compound ARG1 ARG1 _ _ ARG1 _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 400 400 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +9 funds fund NNS - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +10 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +11 8.12 8.12 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +12 % % NN - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 down down RB - + p:e-i _ _ _ _ _ _ _ _ _ _ ARG1 _ +15 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +16 8.14 8.14 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004017 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 30-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 simple simple JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 yield yield NN - - n:x BV compound ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 fell fall VBD + + v:e-i _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 8.19 8.19 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 % % NN - - n_of:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 8.22 8.22 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 % % NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +14 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 30-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 compound compound NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 yield yield NN - - n:x _ _ _ _ _ _ _ _ _ _ BV compound compound ARG1 _ _ _ _ _ _ +19 slid slide VBD - + v:e-i _ _ _ conj _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 8.53 8.53 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ +25 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 8.56 8.56 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20005001 +1 J.P. J.P. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bolduc Bolduc NNP - - named:x-c compound _ appos _ _ _ _ _ _ _ _ _ ARG3 _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 chairman chairman NN - + n_of:x-i _ compound _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 W.R. W.R. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Grace Grace NNP - - named:x-c _ _ ARG1 compound compound ARG1 _ _ _ _ _ _ _ _ +9 & &+co. CC - - n:x _ _ _ _ mwe _ _ _ _ _ _ _ _ _ +10 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 holds hold VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 83.4 83.4 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 % % NN - + n_of:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +17 interest interest NN - + n_in:x-i _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ +18 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 energy-services services JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG1 BV compound _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 elected elect VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 director director NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20005002 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +2 succeeds succeed VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ +3 Terrence Terrence NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +4 D. D. NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ +5 Daniels Daniel NNP - - named:x-c ARG2 _ compound _ _ _ _ _ appos ARG1 +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +7 formerly formerly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ ARG1 _ _ _ _ _ _ +9 W.R. W.R. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +10 Grace Grace NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ +11 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ +12 chairman chairman NN - + n_of:x-i _ _ _ _ BV _ compound compound _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +14 who who WP - - _ _ _ _ _ _ _ _ _ _ _ +15 resigned resign VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20005003 +1 W.R. W.R. NNP - + named:x-c _ _ _ _ _ _ _ +2 Grace Grace NNP - - named:x-c compound ARG1 _ _ _ _ _ +3 holds hold VBZ + + v:e-i-p _ _ _ _ _ _ _ +4 three three CD - + card:i-i-c _ ARG2 _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ +6 Grace Grace NNP - + named:x-c _ _ _ _ _ _ _ +7 Energy Energy NNP - + named:x-c _ _ _ compound _ _ _ +8 ’s ’s VBZ - - _ _ _ _ _ _ _ _ +9 seven seven CD - + card:i-i-c _ _ _ _ _ _ _ +10 board board NN - + n_of:x-i _ _ _ _ _ _ _ +11 seats seat NNS - - n:x _ _ part _ poss ARG1 compound +12 . _ . - - _ _ _ _ _ _ _ _ + +#20006001 +1 Pacific Pacific NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 First First NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Financial Financial NNP - - named:x-c _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 shareholders shareholder NNS - - n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 approved approve VBD - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 acquisition acquisition NN - - n_of:x-i _ _ _ _ ARG2 poss ARG1 _ _ _ ARG1 _ _ _ _ _ +10 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Royal Royal NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Trustco Trustco NNP - - named:x-c _ _ _ _ _ _ ARG2 compound compound ARG1 _ _ _ _ _ _ +13 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Toronto Toronto NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ +18 27 27 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ ARG1 +24 212 212 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20006002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 thrift thrift NN - + n:x _ _ _ _ _ _ _ _ _ _ +3 holding holding VBG - + n:x _ _ _ _ _ _ _ _ _ _ +4 company company NN - - n_of:x-i BV compound compound ARG1 _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ _ ARG1 ARG1 _ ARG1 _ _ +7 expects expect VBZ - + v:e-i-h _ _ _ ARG2 _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +9 obtain obtain VB - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ +10 regulatory regulatory JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +11 approval approval NN - - n_of:x-i _ _ _ _ _ ARG2 ARG1 _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +13 complete complete VB - + v:e-i-p _ _ _ _ _ _and_c _ _ _ ARG1 +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +15 transaction transaction NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ +16 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 year-end year-+end NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20007002 +1 Finmeccanica Finmeccanica NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +3 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 Italian Italian JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +5 state-owned own JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +6 holding holding NN - + n:x _ _ _ _ _ _ _ _ _ _ +7 company company NN - - n_of:x-i ARG2 BV ARG1 ARG2 compound ARG1 _ _ _ _ +8 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +9 interests interest NNS - + n_in:x-i _ _ _ _ _ ARG2 _ _ _ _ +10 in in IN - - _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 mechanical mechanical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +13 engineering engineering NN - + n:x _ _ _ _ _ _ _ _ ARG1 _ +14 industry industry NN - - n:x _ _ _ _ _ _ ARG1 BV _ compound +15 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20007003 +1 Bailey Bailey NNP - + named:x-c _ _ _ _ _ _ _ _ +2 Controls Controls NNP - - named:x-c compound ARG2 ARG1 _ ARG1 _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ ARG3 _ _ _ _ _ _ +6 Wickliffe Wickliffe NNP - + named:x-c _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ +8 Ohio Ohio NNP - - named:x-c _ _ ARG2 compound _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 makes make VBZ + + v:e-i-p-u _ _ _ _ _ _ _ _ +11 computerized computerize VBN - + v:e-i-p _ _ _ _ _ _ _ _ +12 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ _ +13 controls controls NNS - + n_of:x _ _ _ _ _ ARG2 ARG1 _ +14 systems system NNS - - n_of:x-i _ _ _ _ ARG2 _ _ compound +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#20007004 +1 It it PRP - - pron:x ARG1 _ ARG1 _ _ _ _ +2 employs employ VBZ + + v:e-i-p _ _ _ _ _ _ _ +3 2,700 2,700 CD - + card:i-i-c _ _ _ _ _ _ _ +4 people people NNS - - n_of:x-i ARG2 ARG1 _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ +6 has have VBZ - + v:e-i-i _and_c _ _ _ _ _ _ +7 annual annual JJ - + a:e-p _ _ _ _ _ _ _ +8 revenue revenue NN - - n:x _ _ ARG2 ARG1 ARG1 _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ +10 about about IN - - _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 +12 370 370 CD - + card:i-i-c _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ times _ +14 . _ . - - _ _ _ _ _ _ _ _ + +#20008001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +3 government government NN - - n_of:x-i BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ +4 suspended suspend VBD - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ +5 sales sale NNS - + n_of:x-i _ _ ARG2 _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ +8 savings savings NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +9 bonds bond NNS - - n:x _ _ _ ARG1 compound compound _ _ _ _ _ _ +10 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 Congress Congress NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ _ _ +12 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 n’t hasn’t RB - + neg:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 lifted lift VBN - + v_cause:e-i-p _ _ _ _ _ _ _ neg _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 ceiling ceiling NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +17 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 government government NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +19 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20008002 +1 Until until IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +2 Congress Congress NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 acts act NNS - + v:e-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 government government NN - - n_of:x-i _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ +7 has hasn’t VBZ - + v:e-p-i _ _ _ _ neg _ _ _ _ _ _ _ _ _ +8 n’t hasn’t JJ - + v:e-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 authority authority NN - + n:x-h _ _ _ ARG2 _ BV _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 issue issue VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +13 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 obligations obligation NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 kind kind NN - - n_of-n:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Treasury Treasury NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +22 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20008003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 government government NN - + n_of:x-i BV _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 borrowing borrow VBG - + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +5 authority authority NN - - n:x _ poss compound ARG1 _ _ _ _ _ _ _ _ +6 dropped drop VBD + + v:e-i _ _ _ _ ARG1 loc ARG1 _ _ ARG1 _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 midnight midnight NN - - numbered_hour:i-u-u-c _ _ _ _ ARG2 _ _ _ _ _ _ _ +9 Tuesday Tuesday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ +12 2.80 2.80 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +13 trillion trillion CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ +14 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +16 2.87 2.87 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +17 trillion trillion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20008004 +1 Legislation legislation NN - + n:x-h _ _ _ _ ARG2 _ _ _ _ _ +2 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +3 lift lift VB - + v_cause:e-i-p ARG1 _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ +6 ceiling ceiling NN - - n:x _ ARG2 BV compound _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +8 ensnarled ensnarl VBN + + v:e-u-p _ _ _ _ _ ARG1 _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +11 fight fight NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ +12 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +13 cutting cut VBG - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ +14 capital-gains gains JJ - + n:x _ _ _ _ _ _ _ _ _ _ +15 taxes tax NNS - - n:x _ _ _ _ _ _ _ _ ARG2 compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20008005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 House House NNP - - named_n:x-c BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 voted vote VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 raise raise VB - + v_cause:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ceiling ceiling NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +9 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ +11 3.1 3.1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 trillion trillion CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Senate Senate NNP - - named_n:x-c _ _ _ _ _ _ _ BV _ _ ARG1 _ _ _ _ +17 is isn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 n’t isn’t RB - + neg:e-h _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ +19 expected expect VBN - + v:e-i-h _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 act act VB - + v:e-i _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ +22 until until IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +23 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 week week NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +25 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 earliest earliest JJS - - a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20008006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 Treasury Treasury NNP - - named:x-c BV ARG1 _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 U.S. U.S. NNP - - named_n:x-c _ _ BV ARG1 _ _ _ _ _ _ +6 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +7 default default VB - + v:e-i _ _ _ _ ARG1 _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +9 Nov. Nov. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ +10 9 9 CD - - dofm:x-c _ _ _ _ ARG2 of ARG1 _ _ _ +11 if if IN - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ +12 Congress Congress NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ +13 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ +14 n’t doesn’t JJ - + neg:e-h _ _ _ _ _ _ ARG2 _ _ _ +15 act act NN - + v:e-i _ _ _ _ _ _ _ neg _ ARG1 +16 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 then then RB - - time_n:x _ _ _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20009001 +1 Clark Clark NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 J. J. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Vitulli Vitulli NNP - - named:x-c _ compound ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 named name VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 president president NN - + n_of:x-i _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 general general JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 manager manager NN - + n_of:x-i _ _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 marketing market NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +18 arm arm NN - - n:x _ _ _ _ _ _ _ ARG1 BV _ compound ARG1 _ _ _ _ _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 maker maker NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ +23 Mazda Mazda NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Motor Motor NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ compound compound compound +25 Corp Corp NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20009002 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +3 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +4 position position NN - - n_of:x ARG2 BV ARG1 _ _ _ _ _ _ _ +5 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ +6 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +7 oversee oversee VB + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ +8 Mazda Mazda NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +9 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +10 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ +11 sales sale NNS - + n_of:x-i _ _ _ ARG2 poss compound _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +13 service service NN - + n:x _ _ _ _ _ _ conj _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +15 parts part NNS - + n:x _ _ _ _ _ _ _ conj _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +17 marketing market NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +18 operations operation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _and_c compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20009003 +1 Previously previously RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 Vitulli Vitulli NNP - - named:x-c _ compound _ _ ARG1 ARG1 _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 43 43 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +7 years year NNS - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 old old JJ - + a:e-p _ _ _ measure _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 was was VBD + + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 general general JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +12 marketing market NN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ +13 manager manager NN - - n_of:x _ _ _ _ _ ARG2 _ compound ARG1 _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +15 Chrysler Chrysler NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ +16 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +17 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Chrysler Chrysler NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +19 division division NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss _ compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20009004 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ +2 had had VBD - - _ _ _ _ _ _ _ _ +3 been been VBN + + v_id:e-p-i _ _ _ _ ARG1 ARG1 _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ +5 sales sales NNS - + n_of:x _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ +7 marketing market NN - + v:e-i-p _ _ _and_c _ _ _ _ +8 executive executive NN - - n:x ARG2 BV compound ARG1 _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ +10 Chrysler Chrysler NNP - - named:x-c _ _ _ _ ARG2 _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ +12 20 20 CD - + card:i-i-c _ _ _ _ _ _ _ +13 years year NNS - - n:x _ _ _ _ _ ARG2 ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ + +#20010001 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 time time NN - + a_expl-for:e-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 biannual biannual JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 powwow powwow NN - - n:x _ ARG1 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 nation nation NN - + n_of:x-i _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 manufacturing manufacture VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 titans titan NNS - - n:x _ _ _ _ _ poss compound _ ARG1 _ _ _ _ _ _ _ _ _ +15 typically typically RB - + a_of:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 jet jet VBP - + v_off:e-i ARG1 _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ +17 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 sunny sunny JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 confines confines NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 resort resort NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 towns town NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ +25 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Boca Boca NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Raton Raton NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Hot Hot NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Springs Springs NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010002 +1 Not not RB - + neg:e-h _ _ +2 this this DT - + q_dem:i-h-h _ _ +3 year year NN - - n:x neg BV +4 . _ . - - _ _ _ + +#20010003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 National National NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +3 Association association NNP - + n_of:x-i BV compound _ ARG1 _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Manufacturers Manufacturers NNPS - - named:x-c _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 settled settle VBD + + v:e-i-p _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 Hoosier Hoosier NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +10 capital capital NN - - n:x _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +12 Indianapolis Indianapolis NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 fall fall NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +16 board board NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +17 meeting meeting NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss compound compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010006 +1 On on IN + + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 receiving receive VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 end end NN - + n_of:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 message message NN - - n_of:x-i _ _ _ ARG1 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +8 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 officials official NNS - - n:x ARG1 _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 giants giant NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Du Du NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Pont Pont NNP - + named:x-c _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Maytag Maytag NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 along along+with RB - - p:e-u-i _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +19 with along+with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 lesser lesser JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 knowns known NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +22 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Trojan Trojan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Steel Steel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Valley Valley NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Queen Queen NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +29 Cheese Cheese NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +30 Factory factory NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c BV _ _ compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010007 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 starters starter NNS - - n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 executives executive NNS - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 joined join VBD + + v:e-i-p ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 Mayor mayor NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 William William NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 H. H. NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Hudnut Hudnut NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +11 III III NNP - - named:x-c _ _ ARG2 compound _ _ compound _ _ _ _ _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 evening evening NN - + n_of:x-u _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Indianapolis Indianapolis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Symphony Symphony NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +19 Orchestra Orchestra NNP - + named:x-c _ _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 guest guest NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 pianist-comedian pianist-comedian NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +24 Victor Victor NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Borge Borge NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c BV _ compound compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010008 +1 Champagne champagne NNP - + n:x _ ARG1 +2 and and CC - - _ _ _ +3 dessert dessert NN - - n:x _and_c _ +4 followed follow VBD + + v:e-i-p _ _ +5 . _ . - - _ _ _ + +#20010010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 governor governor NN - - n:x BV _ _ ARG1 _ _ _ _ _ _ +3 could couldn’t MD - + neg:e-h _ _ neg _ _ _ _ _ _ _ +4 n’t couldn’t VB - + neg:e-h _ _ _ _ ARG1 _ _ _ _ _ +5 make make VB - + v:e-i-p-u _ ARG1 _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ ARG2 _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 so so RB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 lieutenant lieutenant NN - + n:x _ _ _ _ _ _ _ _ _ _ +11 governor governor NN - - n:x _ _ _ _ _ BV compound ARG1 _ _ +12 welcomed welcome VBD - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +15 guests guest NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20010011 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 buffet buffet NN - + n:x _ _ _ _ _ _ _ _ _ _ +3 breakfast breakfast NN - - n:x BV compound ARG2 _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +5 held hold VBN + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 museum museum NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 where where WRB - - _ _ _ _ _ _ _ _ _ _ _ +11 food food NN - + n:x _ _ _ _ _ _ _ ARG2 _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +13 drinks drink NNS - - n:x _ _ _ _ _ _ _and_c _ _ _ +14 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +15 banned ban VBN - + v_from:e-i-p _ _ _ _ _ loc _ _ ARG1 _ +16 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 everyday everyday JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +18 visitors visitor NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#20010012 +1 Then then RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 guests guest NNS - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 honor honor NN - - n:x _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 speedway speedway NN - - n:x _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 hauled haul VBD - + v_out:e-i-i ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +12 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 four four CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 drivers driver NNS - + n_of:x-i _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 crews crew NNS - + n_of:x-i _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +20 official official JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Indianapolis Indianapolis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 500 500 CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +23 announcer announcer NN - - n:x _ _ _ _ _ _ _ _ _and_c _ BV ARG1 _ compound _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 10-lap lap JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 exhibition exhibition NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 race race NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010013 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 race race NN - - n_of:x-i ARG2 BV _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ +5 Fortune Fortune NNP - + named:x-c _ _ _ _ _ _ _ _ _ +6 500 500 CD - + card:i-i-c _ _ compound _ _ _ _ _ _ +7 executives executive NNS - - n:x _ _ _ compound ARG1 _ _ _ _ +8 drooled drool VBD + + v:e-i-p ARG1 _ _ _ _ ARG1 ARG1 _ _ +9 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 schoolboys schoolboy NNS - - n:x _ _ _ _ _ ARG2 _ _ _ +11 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 cars car NNS - + n:x _ _ _ _ _ _ ARG2 BV _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ +15 drivers driver NNS - - n_of:x-i _ _ _ _ _ _ _ _ _and_c +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#20010015 +1 Back back RB - + place_n:x _ loc _ _ _ _ _ _ _ _ _ +2 downtown downtown NN - + place_n:x _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 execs exec NNS - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ +6 squeezed squeeze VBN + + v_in:e-i-i loc _ _ _ _ _ _ ARG1 _ _ _ +7 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 a a+few DT - - a:e-p _ _ _ _ mwe _ _ _ _ _ _ +9 few a+few JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +10 meetings meeting NNS - - n_of:x-i _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +11 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 hotel hotel NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ +14 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +15 boarding board VBG - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ ARG1 +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 buses bus NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ +18 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20010016 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ +2 time time NN - + n_of:x BV _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ +5 was was VBD - - _ _ _ _ _ _ _ +6 for for IN + + p:e-u-i _ loc _ _ _ _ +7 dinner dinner NN - + n:x _ _ ARG2 _ _ _ +8 and and CC - - _ _ _ _ _ _ _ +9 dancing dance NN - - v:e-i-p _ _ _ _and_c _ _ +10 – – : - - _ _ _ _ _ _ _ +11 a a DT - + card:i-i-c _ _ _ _ _ _ +12 block block NN - - n:x _ _ conj _ ARG1 ARG1 +13 away away RB - + p:e-i _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ + +#20010017 +1 Under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stars star NNS - + n:x ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 moons moon NNS - - n:x _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 renovated renovate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Indiana Indiana NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Roof Roof NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ballroom ballroom NN - - n:x _ _ _ ARG2 BV ARG2 _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 hottest hottest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 chefs chef NNS - - n:x _ _ _ _ _ _ _ _ part BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 town town NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +20 fed feed VBD + + v:e-i-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ +22 Indiana Indiana NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 duckling duckling NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +24 mousseline mousseline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 lobster lobster NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 consomme consomme NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj compound _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 veal veal NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 mignon mignon NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj compound _ _ _ _ _ +31 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 chocolate chocolate NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 terrine terrine NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound ARG1 _ _ +34 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 raspberry raspberry NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 sauce sauce NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010018 +1 Knowing know VBG - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 tasty tasty JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +4 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +6 free free JJ - + a:e-p _ _ _and_c _ _ _ _ _ _ _ _ +7 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ +8 meal meal NN - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +9 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +10 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ +11 eat eat VBP - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ +12 one one CD - - card:i-i-c _ _ _ _ _ ARG2 _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +15 executives executive NNS - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ +16 gave give VBD - + v:e-i-i-i _ _ _ _ subord _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 chefs chef NNS - - n:x _ _ _ _ _ _ _ ARG3 BV _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +20 standing stand NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +21 ovation ovation NN - - n:x _ _ _ _ _ _ _ ARG2 _ BV compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20010019 +1 More more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +2 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a+few DT - - a:e-p _ mwe _ _ _ _ _ _ _ _ _ _ +4 few a+few JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +5 CEOs ceo NNS - - n:x than ARG1 _ _ _ _ _ _ _ _ _ _ +6 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 red-carpet carpet JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +9 treatment treatment NN - - n_of:x-i _ _ _ BV compound ARG1 _ _ _ _ _ _ +10 tempts tempt VBZ - + v:e-i-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ +11 them them PRP - - pron:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 return return VB - + v:e-i _ _ _ _ _ ARG3 _ ARG1 _ _ ARG1 _ +14 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 heartland heartland NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +17 city city NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 future future JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +20 meetings meeting NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010020 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 for for IN - + p:e-u-i _ _ _ _ _ _ _ +3 now now RB - - time_n:x _ ARG2 _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ +5 they they PRP - - pron:x _ _ ARG1 _ _ _ _ +6 ’re ’re VBP - - _ _ _ _ _ _ _ _ +7 looking look VBG - + v_forward-to:e-i-i ARG2 ARG1 _ _ _ _ _ +8 forward forward RB - - _ _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ +10 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ +11 winter winter NN - + season:x-c _ _ _ _ _ _ _ +12 meeting meeting NN - - n_of:x-i _ _ ARG2 poss compound appos _ +13 – – : - - _ _ _ _ _ _ _ _ +14 Boca Boca NNP - + named:x-c _ _ _ _ _ _ ARG1 +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ +16 February February NNP - - mofy:x-c _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ + +#20011001 +1 South South NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Korea Korea NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 registered register VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 subord _ _ _ ARG1 _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 trade trade NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 deficit deficit NN - + n_of:x-i _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +9 101 101 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 October October NNP - - mofy:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 reflecting reflect VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 country country NN - + n_of:x-i _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ +17 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sluggishness sluggishness NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +22 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 government government NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 figures figure NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG2 _ +25 released release VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +26 Wednesday Wednesday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20011002 +1 Preliminary preliminary JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 tallies tally NNS - - n:x ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Trade Trade NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Industry Industry NNP - - named:x-c _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Ministry ministry NNP - - n:x _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 showed show VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ +10 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trade trade NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 deficit deficit NN - - n_of:x-i _ _ _ _ ARG2 BV compound ARG1 _ _ _ appos _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 October October NNP - - mofy:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 fifth fifth JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 monthly monthly JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 setback setback NN - + n:x _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ loc _ _ _ _ _ _ +20 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 casting cast VBG + + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 cloud cloud NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +26 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +27 South South NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Korea Korea NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +29 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 export-oriented orient JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 economy economy NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG2 +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20011004 +1 South South NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Korea Korea NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 boom boom NN - - n:x _ poss ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 began begin VBD - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 1986 1986 CD - - yofc:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 stopped stop VBD + + v:e-i-p _ _ _ _ _ _ _ loc ARG1 _ _ _ _ _ _ +13 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 year year NN - + n:x _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +15 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +16 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 prolonged prolonged JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 labor labor NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 disputes dispute NNS - + n:x _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 trade trade NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 conflicts conflict NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ conj compound _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 sluggish sluggish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 exports export NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20011005 +1 Government government NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 officials official NNS - - n:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 exports export NNS - - n_of:x-i _ _ ARG1 _ _ _ _ ARG1 ARG1 _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 end end NN - + n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 year year NN - - n:x _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ +11 would would MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +12 remain remain VB - + v:e-i-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +13 under under IN - + p:e-u-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 government government NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 target target NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +19 68 68 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ times _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20011006 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 gloomy gloomy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 forecast forecast NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 South South NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Korea Korea NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +8 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 recorded record VBN + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trade trade NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 surplus surplus NN - + n_of:x-i _ _ _ _ ARG2 BV compound _ _ _ _ ARG1 _ loc +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ +15 71 71 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ +17 so so IN - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 far far RB - + a:e-p _ _ _ _ _ _ _ _ _ _ comp_so _ _ _ +19 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20011007 +1 From from IN - + p:e-u-x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 January January NNP - - mofy:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 October October NNP - - mofy:x-c _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 nation nation NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 accumulated accumulate VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 exports export NNS - - n_of:x-i _ _ _ poss ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +11 increased increase VBD + + v:e-i ARG1 ARG1 _ _ _ _ _ loc ARG1 _ _ _ _ ARG1 _ _ +12 4 4 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 % % NN - + n_of:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 same same JJ - + a_as:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 period period NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ loc _ _ _ +18 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +22 50.45 50.45 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20011008 +1 Imports import NNS - - n_of:x-i ARG1 _ _ _ _ +2 were were VBD - - _ _ _ _ _ _ +3 at at IN + + p:e-u-i _ _ _ ARG1 _ +4 $ $ $ - - n:x ARG2 _ ARG1 _ _ +5 50.38 50.38 CD - + card:i-i-c _ _ _ _ _ +6 billion billion CD - + card:i-i-c _ times _ _ _ +7 , _ , - - _ _ _ _ _ _ +8 up up RB - + p:e-u-i _ _ _ _ _ +9 19 19 CD - + card:i-i-c _ _ _ _ _ +10 % % NN - - n_of:x _ _ _ ARG2 ARG1 +11 . _ . - - _ _ _ _ _ _ + +#20012002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 plan plan NN - - n:x BV ARG1 compound ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +5 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Newsweek Newsweek NNP - - named:x-c _ _ _ ARG2 _ appos _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 unit unit NN - + n_of:x-i _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Washington Washington NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Post Post NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +14 Co. co. NNP - - n:x _ _ _ _ _ ARG1 BV _ compound _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 incentive incentive NN - + n_to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 plan plan NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ ARG2 _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 magazine magazine NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ +23 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 offered offer VBN - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +25 advertisers advertiser NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ +26 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20012004 +1 Alan Alan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Spoon Spoon NNP - - named:x-c compound _ ARG3 _ ARG1 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +5 named name VBN - + v:e-i-i-i _ ARG1 _ _ _ _ _ _ _ _ _ _ +6 Newsweek Newsweek NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +7 president president NN - - n_of:x-i _ _ ARG2 compound _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +10 Newsweek Newsweek NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +11 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 rates rate NNS - - n_of:x-i _ _ _ _ _ poss compound _ ARG1 _ _ _ +14 would would MD - + v_modal:e-h _ _ _ _ ARG2 _ _ _ _ _ _ _ +15 increase increase VB - + v:e-i _ _ _ _ _ _ _ ARG1 _ _ loc ARG1 +16 5 5 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ ARG1 _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 January January NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20012005 +1 A a DT - + q:i-h-h _ _ _ _ _ _ +2 full full JJ - + a_of:e-p-i _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ +4 four-color color JJ - + n:x _ _ _ _ _ _ +5 page page NN - - n:x BV ARG1 compound ARG1 ARG1 _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ +7 Newsweek Newsweek NNP - - named:x-c _ _ _ ARG2 _ _ +8 will will MD - - _ _ _ _ _ _ _ +9 cost cost VB + + v:e-i-i _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 +11 100,980 100,980 CD - + card:i-i-c _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ + diff --git a/mtool/data/sample/eds/wsj.eds b/mtool/data/sample/eds/wsj.eds new file mode 100644 index 0000000000000000000000000000000000000000..22ea7af4a43fab762d0a452b2bb632b39ff1c048 --- /dev/null +++ b/mtool/data/sample/eds/wsj.eds @@ -0,0 +1,2954 @@ +#20001001 +{e3: + _1:proper_q<0:28>[BV x6] + e10:compound<0:14>[ARG1 x6, ARG2 x9] + _2:proper_q<0:6>[BV x9] + x9:named<0:6>("Pierre")[] + x6:named<7:14>("Vinken")[] + e17:measure<15:23>[ARG1 e16, ARG2 x15] + _3:udef_q<15:23>[BV x15] + e22:card<15:17>("61")[ARG1 x15] + x15:_year_n_1<18:23>[] + e16:_old_a_1<24:28>[ARG1 x6] + e3:_join_v_1<34:38>[ARG1 x6, ARG2 x23] + _4:_the_q<39:42>[BV x23] + x23:_board_n_of<43:48>[] + e29:_as_p<49:51>[ARG1 e3, ARG2 x30] + _5:_a_q<52:53>[BV x30] + e35:_nonexecutive_a_unknown<54:66>[ARG1 x30] + x30:_director_n_of<67:75>[] + e37:loc_nonsp<76:84>[ARG1 e3, ARG2 x38] + x40:mofy<76:80>("Nov")[] + _6:def_explicit_q<76:80>[BV x38] + e45:of_p<76:80>[ARG1 x38, ARG2 x40] + _7:def_implicit_q<76:80>[BV x40] + x38:dofm<81:84>("29")[] +} + +#20001002 +{e3: + _1:proper_q<0:10>[BV x6] + e10:compound<0:10>[ARG1 x6, ARG2 x9] + _2:udef_q<0:3>[BV x9] + x9:_mister_n_1<0:3>[] + x6:named<4:10>("Vinken")[] + e3:_be_v_id<11:13>[ARG1 x6, ARG2 x15] + _3:udef_q<14:68>[BV x15] + x15:_chairman_n_of<14:22>[] + e20:_of_p<23:25>[ARG1 x15, ARG2 x21] + e23:appos<26:68>[ARG1 x21, ARG2 x22] + _4:proper_q<26:40>[BV x21] + x21:named<26:34>("Elsevier")[] + x29:_nv_n_1<35:40>[] + _5:udef_q<35:40>[BV x29] + i33:compound<35:40>[ARG1 x21, ARG2 x29] + _6:_the_q<41:44>[BV x22] + e38:_dutch_a_1<45:50>[ARG1 x22] + e40:compound<51:68>[ARG1 x22, ARG2 x39] + _7:udef_q<51:61>[BV x39] + e45:_publish_v_1<51:61>[] + x39:nominalization<51:61>[ARG1 e45] + x22:_group_n_of<62:68>[] +} + +#20003001 +{e3: + _1:_a_q<0:1>[BV x8] + x8:_form_n_of<2:6>[ARG1 x11] + _2:udef_q<10:18>[BV x11] + x11:_asbestos_n_1<10:18>[] + e16:_once_a_1<19:23>[ARG1 e17] + e17:_use_v_1<24:28>[ARG2 x8, ARG3 e23] + e23:_make_v_1<32:36>[ARG2 x24] + _3:udef_q<37:59>[BV x24] + e30:compound<37:59>[ARG1 x24, ARG2 x29] + _4:proper_q<37:41>[BV x29] + x29:named<37:41>("Kent")[] + e36:compound<42:59>[ARG1 x24, ARG2 x35] + _5:udef_q<42:51>[BV x35] + x35:_cigarette_n_1<42:51>[] + x24:_filter_n_1<52:59>[] + e4:_cause_v_1<64:70>[ARG1 x8, ARG2 x42] + _6:_a_q<71:72>[BV x42] + e47:_high_a_1<73:77>[ARG1 x42] + x42:_percentage_n_of<78:88>[ARG1 x48] + _7:udef_q<92:168>[BV x48] + e54:compound<92:105>[ARG1 x48, ARG2 x53] + _8:udef_q<92:98>[BV x53] + x53:_cancer_n_1<92:98>[] + x48:_death_n_1<99:105>[] + e59:_among_p<106:111>[ARG1 x48, ARG2 x60] + _9:_a_q<112:113>[BV x60] + x60:_group_n_of<114:119>[ARG1 x65] + _10:udef_q<123:168>[BV x65] + x65:_worker_n_1<123:130>[] + e70:_expose_v_to<131:138>[ARG2 x65, ARG3 x72] + x72:pron<142:144>[] + _11:pronoun_q<142:144>[BV x72] + e78:_more+than_a_1<145:154>[ARG1 e79] + _12:udef_q<155:163>[BV x82] + e85:card<155:157>("30")[ARG1 x82] + x82:_year_n_1<158:163>[] + e79:_ago_p<164:168>[ARG1 e70, ARG2 x82] + _13:udef_q<169:180>[BV x88] + x88:_researcher_n_of<169:180>[] + e3:_report_v_to<181:190>[ARG1 x88, ARG2 e4] +} + +#20003002 +{e3: + e9:appos<0:32>[ARG1 x8, ARG2 x7] + _1:_the_q<0:3>[BV x8] + e15:compound<4:19>[ARG1 x8, ARG2 x14] + _2:udef_q<4:12>[BV x14] + x14:_asbestos_n_1<4:12>[] + x8:_fiber_n_1<13:19>[] + _3:udef_q<20:32>[BV x7] + x7:_crocidolite_n_unknown<20:32>[] + e24:_unusually_x_deg<36:45>[ARG1 e4] + e4:_resilient_a_unknown<46:55>[ARG1 x8] + e26:_once_x_subord<56:60>[ARG1 e4, ARG2 e35] + x30:pron<61:63>[] + _4:pronoun_q<61:63>[BV x30] + e35:_enter_v_1<64:70>[ARG1 x30, ARG2 x36] + _5:_the_q<71:74>[BV x36] + x36:_lung_n_1<75:81>[] + e42:_with_x_subord<82:86>[ARG1 e26, ARG2 e61] + e46:_even_x_deg<87:91>[ARG1 _6] + _6:udef_q<92:113>[BV x49] + e52:_brief_a_1<92:97>[ARG1 x49] + x49:_exposure_n_of-to<98:107>[] + e54:_to_p<108:110>[ARG1 x49, ARG2 x55] + x55:pron<111:113>[] + _7:pronoun_q<111:113>[BV x55] + e61:_cause_v_1<114:121>[ARG1 x49, ARG2 x62] + _8:udef_q<122:158>[BV x62] + x62:_symptom_n_1<122:130>[] + e67:_show_v_up<136:140>[ARG1 x62] + e68:loc_nonsp<144:158>[ARG1 e67, ARG2 x69] + _9:udef_q<144:158>[BV x69] + x69:_decade_n_1<144:151>[] + e74:loc_nonsp<152:158>[ARG1 x69, ARG2 x75] + x75:time_n<152:158>[] + _10:def_explicit_q<152:158>[BV x75] + e80:_late_a_for<152:158>[ARG1 x75] + e81:comp<152:158>[ARG1 e80] + _11:udef_q<159:170>[BV x84] + x84:_researcher_n_of<159:170>[] + e3:_say_v_to<171:176>[ARG1 x84, ARG2 e42] +} + +#20003003 +{e3: + e7:appos<0:82>[ARG1 x6, ARG2 x5] + _1:proper_q<0:15>[BV x6] + x6:named<0:9>("Lorillard")[] + x13:_inc_n_1<10:15>[] + _2:udef_q<10:15>[BV x13] + i17:compound<10:15>[ARG1 x6, ARG2 x13] + _3:_the_q<16:19>[BV x5] + x5:_unit_n_of<20:24>[ARG1 x22] + _4:proper_q<28:54>[BV x22] + e29:compound<28:42>[ARG1 e27, ARG2 x28] + _5:udef_q<28:42>[BV x28] + e35:compound<28:42>[ARG1 x28, ARG2 x34] + _6:proper_q<28:31>[BV x34] + x34:named<28:31>("New")[] + x28:named<32:42>("York")[] + e27:_base_v_1<32:42>[ARG2 x22] + x22:named<43:48>("Loews")[] + x43:_corporation_n_1<49:54>[] + _7:udef_q<49:54>[BV x43] + i47:compound<49:54>[ARG1 x22, ARG2 x43] + e49:_make_v_1<60:65>[ARG1 x5, ARG2 x50] + _8:udef_q<66:82>[BV x50] + e56:compound<66:82>[ARG1 x50, ARG2 x55] + _9:proper_q<66:70>[BV x55] + x55:named<66:70>("Kent")[] + x50:_cigarette_n_1<71:82>[] + e3:_stop_v_prd<83:90>[ARG1 e63] + e63:_use_v_1<91:96>[ARG1 x6, ARG2 x64] + _10:udef_q<97:108>[BV x64] + x64:_crocidolite_n_unknown<97:108>[] + e69:_in_p<109:111>[ARG1 e63, ARG2 x70] + _11:def_explicit_q<112:115>[BV x70] + e76:poss<112:115>[ARG1 x70, ARG2 x75] + _12:pronoun_q<112:115>[BV x75] + x75:pron<112:115>[] + e82:compound<116:143>[ARG1 x70, ARG2 x81] + _13:proper_q<116:125>[BV x81] + x81:named<116:125>("Micronite")[] + e88:compound<126:143>[ARG1 x70, ARG2 x87] + _14:udef_q<126:135>[BV x87] + x87:_cigarette_n_1<126:135>[] + x70:_filter_n_1<136:143>[] + e93:_in_p_temp<144:146>[ARG1 e3, ARG2 x94] + _15:proper_q<147:152>[BV x94] + x94:yofc<147:152>("1956")[] +} + +#20003005 +{e3: + _1:_a_q<0:1>[BV x6] + e10:compound<2:22>[ARG1 x6, ARG2 x9] + _2:proper_q<2:11>[BV x9] + x9:named<2:11>("Lorillard")[] + x6:_spokewoman_n_unknown<12:22>[] + e3:_say_v_to<23:28>[ARG1 x6, ARG2 e23] + x18:generic_entity<29:34>[] + _3:_this_q_dem<29:34>[BV x18] + e23:_be_v_id<35:37>[ARG1 x18, ARG2 x24] + _4:_a_q<38:40>[BV x24] + e29:_old_a_1<41:44>[ARG1 x24] + x24:_story_n_1<45:51>[] +} + +#20003007 +{e3: + e3:_be_v_there<6:8>[ARG1 x4] + _1:_no_q<9:11>[BV x4] + x4:_asbestos_n_1<12:20>[] + e9:_in_p<21:23>[ARG1 x4, ARG2 x10] + _2:def_explicit_q<24:27>[BV x10] + e16:poss<24:27>[ARG1 x10, ARG2 x15] + _3:pronoun_q<24:27>[BV x15] + x15:pron<24:27>[] + x10:_product_n_1<28:36>[] + e21:loc_nonsp<37:42>[ARG1 e3, ARG2 x22] + x22:time_n<37:42>[] + _4:def_implicit_q<37:42>[BV x22] + e27:_now_a_1<37:42>[ARG1 x22] +} + +#20003008 +{e3: + _1:udef_q<0:61>[BV x5] + _2:proper_q<8:17>[BV x10] + x10:named<8:17>("Lorillard")[] + x5:_nor_c<18:21>[L-INDEX x10, R-INDEX x14] + _3:_the_q<22:25>[BV x14] + x14:_researcher_n_of<26:37>[] + e20:_study_v_1<42:49>[ARG1 x14, ARG2 x21] + _4:_the_q<50:53>[BV x21] + x21:_worker_n_1<54:61>[] + e3:_aware_a_of<67:72>[ARG1 x5, ARG2 x26] + _5:_any_q<76:79>[BV x26] + x26:_research_n_1<80:88>[] + e31:_on_p<89:91>[ARG1 x26, ARG2 x32] + _6:udef_q<92:123>[BV x32] + x32:_smoker_n_of<92:99>[ARG1 x37] + _7:_the_q<103:106>[BV x37] + e43:compound<107:123>[ARG1 x37, ARG2 x42] + _8:proper_q<107:111>[BV x42] + x42:named<107:111>("Kent")[] + x37:_cigarette_n_1<112:123>[] +} + +#20003009 +{e3: + x7:pron<0:3>[] + _1:pronoun_q<0:3>[BV x7] + e4:_have_v_1<4:8>[ARG1 x7, ARG2 x12] + _2:_no_q<9:11>[BV x12] + e17:_useful_a_for<12:18>[ARG1 x12] + x12:_information_n_on-about<19:30>[ARG1 x19] + _3:udef_q<34:61>[BV x19] + x19:nominalization<34:61>[ARG1 e31] + _4:udef_q<42:47>[BV x27] + x27:_user_n_of<42:47>[] + e31:_at_p<52:54>[ARG1 x27, ARG2 x32] + _5:udef_q<55:61>[BV x32] + x32:_risk_n_of<55:61>[] + e3:_say_v_to<62:66>[ARG1 x39, ARG2 e4] + _6:proper_q<67:125>[BV x39] + e45:compound<67:83>[ARG1 x39, ARG2 x44] + _7:proper_q<67:75>[BV x44] + e51:compound<67:75>[ARG1 x44, ARG2 x50] + _8:proper_q<67:72>[BV x50] + x50:named<67:72>("James")[] + x44:named<73:75>("A")[] + x39:named<76:83>("Talcott")[] + e56:_of_p<84:86>[ARG1 x39, ARG2 x57] + _9:proper_q<87:93>[BV x60] + x60:named<87:93>("Boston")[] + _10:def_explicit_q<93:95>[BV x57] + e67:poss<93:95>[ARG1 x57, ARG2 x60] + e69:compound<96:125>[ARG1 x57, ARG2 x68] + _11:proper_q<96:107>[BV x68] + e75:compound<96:107>[ARG1 x68, ARG2 x74] + _12:proper_q<96:107>[BV x74] + x74:named<96:107>("Dana")[] + x68:named<96:107>("Farber")[] + e81:compound<108:125>[ARG1 x57, ARG2 x80] + _13:proper_q<108:114>[BV x80] + x80:named<108:114>("Cancer")[] + x57:named<115:125>("Institute")[] +} + +#20003010 +{e3: + _1:proper_q<0:11>[BV x6] + e10:compound<0:11>[ARG1 x6, ARG2 x9] + _2:udef_q<0:3>[BV x9] + x9:_doctor_n_1<0:3>[] + x6:named<4:11>("Talcott")[] + e3:_lead_v_1<12:15>[ARG1 x6, ARG2 x15] + _3:_a_q<16:17>[BV x15] + x15:_team_n_of<18:22>[ARG1 x20] + _4:udef_q<26:141>[BV x20] + x20:_researcher_n_of<26:37>[] + e26:_from_p<38:42>[ARG1 x20, ARG2 x27] + _5:udef_q<43:141>[BV x27] + _6:_the_q<43:46>[BV x33] + e37:compound<47:72>[ARG1 x33, ARG2 x36] + _7:proper_q<47:55>[BV x36] + x36:named<47:55>("National")[] + e43:compound<56:72>[ARG1 x33, ARG2 x42] + _8:proper_q<56:62>[BV x42] + x42:named<56:62>("Cancer")[] + x33:named<63:72>("Institute")[] + x27:_and_c<73:76>[L-INDEX x33, R-INDEX x49] + _9:_the_q<77:80>[BV x49] + e54:_medical_a_1<81:88>[ARG1 x49] + x49:_school_n_1<89:96>[] + e55:_of_p<97:99>[ARG1 x49, ARG2 x56] + _10:udef_q<100:141>[BV x56] + _11:proper_q<100:118>[BV x62] + e66:compound<100:118>[ARG1 x62, ARG2 x65] + _12:proper_q<100:107>[BV x65] + x65:named<100:107>("Harvard")[] + x62:named<108:118>("University")[] + x56:_and_c<119:122>[L-INDEX x62, R-INDEX x72] + _13:proper_q<123:141>[BV x72] + e78:compound<123:141>[ARG1 x72, ARG2 x77] + _14:proper_q<123:129>[BV x77] + x77:named<123:129>("Boston")[] + x72:named<130:141>("University")[] +} + +#20003011 +{e3: + _1:_the_q<0:3>[BV x6] + e10:compound<4:25>[ARG1 x6, ARG2 x9] + _2:proper_q<4:13>[BV x9] + x9:named<4:13>("Lorillard")[] + x6:_spokeswoman_n_unknown<14:25>[] + e3:_say_v_to<26:30>[ARG1 x6, ARG2 e64] + _3:udef_q<31:39>[BV x19] + x19:_asbestos_n_1<31:39>[] + e23:_use_v_1<44:48>[ARG2 x19] + e26:_in_p<49:51>[ARG1 e23, ARG2 x27] + _4:udef_q<52:73>[BV x27] + e32:_very_x_deg<52:57>[ARG1 e33] + e33:_modest_a_1<58:64>[ARG1 x27] + x27:_amount_n_of<65:73>[] + e35:_in_p<74:76>[ARG1 e23, ARG2 x36] + _5:udef_q<77:124>[BV x36] + x36:nominalization<77:124>[ARG1 e43] + e43:_make_v_1<77:83>[ARG2 x45] + _6:udef_q<84:105>[BV x45] + x45:_paper_n_1<84:89>[] + e50:_for_p<90:93>[ARG1 x45, ARG2 x51] + _7:_the_q<94:97>[BV x51] + x51:_filter_n_1<98:105>[] + e56:_in_p<106:108>[ARG1 e43, ARG2 x57] + _8:_the_q<109:112>[BV x57] + e62:_early_a_1<113:118>[ARG1 x57] + x57:year_range<119:124>("1950s")[] + e64:_and_c<125:128>[L-HNDL e23, R-HNDL e66] + e66:_replace_v_with<129:137>[ARG2 x19, ARG3 x68] + _9:_a_q<143:144>[BV x68] + e74:_different_a_than-from<145:154>[ARG1 x68] + e76:comp<145:154>[ARG1 e74] + x68:_type_n_of-n<155:159>[ARG1 x77] + _10:udef_q<160:162>[BV x77] + x77:_filter_n_1<163:169>[] + e82:_in_p_temp<170:172>[ARG1 e66, ARG2 x83] + _11:proper_q<173:178>[BV x83] + x83:yofc<173:178>("1956")[] +} + +#20003012 +{e3: + e7:_from_p_time<0:4>[ARG1 e4, ARG2 x9] + _1:proper_q<5:9>[BV x9] + x9:yofc<5:9>("1953")[] + e14:_to_p<10:12>[ARG1 e4, ARG2 x15] + _2:proper_q<13:18>[BV x15] + x15:yofc<13:18>("1955")[] + _3:udef_q<19:30>[BV x21] + i26:card<19:22>("9.8")[] + e28:card<23:30>("1000000000")[ARG1 x21] + i30:times<23:30>[ARG2 i26, ARG3 e28] + e32:compound<31:46>[ARG1 x21, ARG2 x31] + _4:proper_q<31:35>[BV x31] + x31:named<31:35>("Kent")[] + x21:_cigarette_n_1<36:46>[] + e37:_with_p<47:51>[ARG1 x21, ARG2 x38] + _5:_the_q<52:55>[BV x38] + x38:_filter_n_1<56:63>[] + e4:_sell_v_1<69:74>[ARG2 x21] + _6:_the_q<75:78>[BV x47] + x47:_company_n_of<79:86>[] + e3:_say_v_to<87:92>[ARG1 x47, ARG2 e4] +} + +#20003013 +{e3: + e3:implicit_conj<0:110>[L-HNDL e7, R-HNDL e6] + e9:_among_p_state<0:5>[ARG1 e7, ARG2 x11] + _1:udef_q<6:8>[BV x11] + e16:card<6:8>("33")[ARG1 x11] + x11:_man_n_1<9:12>[] + e17:_work_v_1<17:23>[ARG1 x11] + e19:_close_a_to<24:31>[ARG1 e17] + e20:_with_p<32:36>[ARG1 e17, ARG2 x21] + _2:_the_q<37:40>[BV x21] + x21:_substance_n_1<41:51>[] + x27:generic_entity<52:54>[] + _3:udef_q<52:54>[BV x27] + e31:card<52:54>("28")[ARG1 x27] + e7:_die_v_1<60:64>[ARG1 x27] + e6:unknown<68:110>[ARG x33] + x33:generic_entity<68:110>[] + _4:udef_q<68:110>[BV x33] + e38:much-many_a<68:72>[ARG1 x33] + e40:comp<68:72>[ARG1 e38, ARG2 x39] + e42:appos<78:110>[ARG1 x39, ARG2 x41] + _5:udef_q<78:83>[BV x39] + e47:card<78:83>("3")[ARG1 x39] + x39:_times_n_1<84:89>[] + _6:_the_q<90:93>[BV x41] + e52:_expect_v_1<94:102>[ARG2 x41] + x41:_number_n_of<103:110>[] +} + +#20003014 +{e35: + x5:part_of<0:4>[ARG1 x6] + _1:udef_q<0:4>[BV x5] + e10:card<0:4>("4")[ARG1 x5] + _2:_the_q<8:11>[BV x6] + e15:card<12:16>("5")[ARG1 x6] + e16:_survive_v_1<17:26>[ARG1 x6] + x6:_worker_n_1<27:34>[] + e3:_have_v_1<35:39>[ARG1 x5, ARG2 x19] + _3:udef_q<40:66>[BV x19] + e26:compound<40:56>[ARG1 e24, ARG2 x25] + _4:udef_q<40:56>[BV x25] + x25:_asbestos_n_1<40:56>[] + e24:_relate_v_to<40:56>[ARG2 x19] + x19:_disease_n_1<57:66>[] + e35:subord<67:114>[ARG1 e3, ARG2 e37] + e37:_include_v_1<67:76>[ARG2 x38] + x38:generic_entity<77:82>[] + _5:udef_q<77:82>[BV x38] + e44:card<77:82>("3")[ARG1 x38] + e45:_with_p<83:87>[ARG1 x38, ARG2 x46] + _6:udef_q<88:114>[BV x46] + e51:_recent_a_1<88:96>[ARG1 e52] + e52:_diagnose_v_with<97:106>[ARG2 x46] + x46:_cancer_n_1<107:114>[] +} + +#20003015 +{e3: + _1:_the_q<0:3>[BV x8] + x8:_total_n_of<4:9>[ARG1 x11] + _2:udef_q<13:15>[BV x11] + e16:card<13:15>("18")[ARG1 x11] + x11:_death_n_1<16:22>[] + e17:_from_p<23:27>[ARG1 x11, ARG2 x18] + _3:udef_q<28:78>[BV x18] + _4:udef_q<28:51>[BV x24] + e27:_malignant_a_1<28:37>[ARG1 x24] + x24:_mesothelioma_n_unknown<38:51>[] + _5:udef_q<52:78>[BV x30] + x18:implicit_conj<52:78>[L-INDEX x24, R-INDEX x30] + _6:udef_q<52:63>[BV x35] + e39:compound<52:63>[ARG1 x35, ARG2 x38] + _7:udef_q<52:56>[BV x38] + x38:_lung_n_1<52:56>[] + x35:_cancer_n_1<57:63>[] + x30:_and_c<64:67>[L-INDEX x35, R-INDEX x45] + _8:udef_q<68:78>[BV x45] + x45:_asbestosis_n_unknown<68:78>[] + e51:_far_x_deg<83:86>[ARG1 e52] + e4:_high_a_1<87:93>[ARG1 x8] + e52:comp<87:93>[ARG1 e4, ARG2 e59] + _9:udef_q<94:98>[BV x56] + x56:generic_entity<94:98>[] + e59:_expect_v_1<99:108>[ARG1 x56] + _10:_the_q<109:112>[BV x63] + x63:_researcher_n_of<113:124>[] + e3:_say_v_to<125:130>[ARG1 x63, ARG2 e4] +} + +#20003016 +{e3: + _1:_the_q<0:4>[BV x8] + e12:compound<5:19>[ARG1 x8, ARG2 x11] + _2:udef_q<5:14>[BV x11] + x11:_morbidity_n_unknown<5:14>[] + x8:_rate_n_of<15:19>[] + e4:_be_v_id<20:22>[ARG1 x8, ARG2 x19] + _3:_a_q<23:24>[BV x19] + e24:_strike_v_1<25:33>[ARG1 x19] + x19:_finding_n_1<34:41>[] + e25:_among_p<42:47>[ARG1 e4, ARG2 x26] + x26:part_of<48:53>[ARG1 x28] + _4:_those_q_dem<48:53>[BV x26] + x28:pron<57:59>[] + _5:pronoun_q<57:59>[BV x28] + e36:_study_v_1<64:69>[ARG1 x26, ARG2 x37] + _6:udef_q<70:97>[BV x37] + e44:compound<70:86>[ARG1 e42, ARG2 x43] + _7:udef_q<70:86>[BV x43] + x43:_asbestos_n_1<70:86>[] + e42:_relate_v_to<70:86>[ARG2 x37] + x37:_disease_n_1<87:97>[] + e3:_say_v_to<98:102>[ARG1 x53, ARG2 e4] + _8:proper_q<103:115>[BV x53] + e59:compound<103:115>[ARG1 x53, ARG2 x58] + _9:udef_q<103:106>[BV x58] + x58:_doctor_n_1<103:106>[] + x53:named<107:115>("Talcott")[] +} + +#20003017 +{e3: + e3:implicit_conj<0:200>[L-HNDL e7, R-HNDL e6] + _1:_the_q<0:3>[BV x10] + x10:_percentage_n_of<4:14>[ARG1 x13] + _2:udef_q<18:95>[BV x13] + e19:compound<18:36>[ARG1 x13, ARG2 x18] + _3:udef_q<18:29>[BV x18] + e25:compound<18:29>[ARG1 x18, ARG2 x24] + _4:udef_q<18:22>[BV x24] + x24:_lung_n_1<18:22>[] + x18:_cancer_n_1<23:29>[] + x13:_death_n_1<30:36>[] + e30:_among_p<37:42>[ARG1 x13, ARG2 x31] + _5:_the_q<43:46>[BV x31] + x31:_worker_n_1<47:54>[] + e36:_at_p<55:57>[ARG1 x31, ARG2 x37] + _6:_the_q<58:61>[BV x37] + e43:compound<62:95>[ARG1 x37, ARG2 x42] + _7:proper_q<62:81>[BV x42] + e49:compound<62:81>[ARG1 x42, ARG2 x48] + _8:proper_q<62:74>[BV x48] + e55:compound<62:74>[ARG1 x48, ARG2 x54] + _9:proper_q<62:66>[BV x54] + x54:named<62:66>("West")[] + x48:named<67:74>("Groton")[] + x42:named<75:81>("Massachusetts")[] + e61:compound<82:95>[ARG1 x37, ARG2 x60] + _10:udef_q<82:87>[BV x60] + x60:_paper_n_1<82:87>[] + x37:_factory_n_1<88:95>[] + e7:_appear_v_to<96:103>[ARG2 e70] + e70:_be_v_id<107:109>[ARG1 x10, ARG2 x71] + _11:_the_q<110:113>[BV x71] + x71:generic_entity<114:121>[] + e76:_high_a_1<114:121>[ARG1 x71] + e77:superl<114:121>[ARG1 e76] + e78:_for_p<122:125>[ARG1 x71, ARG2 x79] + _12:_any_q<126:129>[BV x79] + e85:compound<130:146>[ARG1 x79, ARG2 x84] + _13:udef_q<130:138>[BV x84] + x84:_asbestos_n_1<130:138>[] + x79:_worker_n_1<139:146>[] + e90:_study_v_1<147:154>[ARG2 x79] + e93:_in_p<155:157>[ARG1 e90, ARG2 x94] + _14:udef_q<158:191>[BV x94] + e100:compound<158:191>[ARG1 x94, ARG2 x99] + _15:proper_q<158:165>[BV x99] + x99:named<158:165>("Western")[] + e105:_industrialize_v_1<166:180>[ARG2 x94] + x94:_country_n_of<181:191>[] + x110:pron<192:194>[] + _16:pronoun_q<192:194>[BV x110] + e6:_say_v_1<195:200>[ARG1 x110] +} + +#20003018 +{e45: + _1:_the_q<0:3>[BV x6] + x6:_plant_n_1<4:10>[] + e9:_own_v_1<20:25>[ARG1 x10, ARG2 x6] + _2:udef_q<29:54>[BV x10] + _3:proper_q<29:42>[BV x17] + x17:named<29:42>("Hollingsworth")[] + x10:_and_c<43:44>[L-INDEX x17, R-INDEX x21] + _4:proper_q<45:54>[BV x21] + x21:named<45:49>("Vose")[] + x27:_company_n_1<50:54>[] + _5:udef_q<50:54>[BV x27] + i31:compound<50:54>[ARG1 x21, ARG2 x27] + e3:_under_p<59:64>[ARG1 x6, ARG2 x33] + _6:idiom_q_i<65:73>[BV x33] + x33:_contract_n_1<65:73>[] + e38:_with_p<74:78>[ARG1 e3, ARG2 x39] + _7:proper_q<79:88>[BV x39] + x39:named<79:88>("Lorillard")[] + e45:_in+order+to_x<89:91>[ARG1 e3, ARG2 e49] + e49:_make_v_1<92:96>[ARG1 x6, ARG2 x50] + _8:_the_q<97:100>[BV x50] + e56:compound<101:119>[ARG1 x50, ARG2 x55] + _9:udef_q<101:110>[BV x55] + x55:_cigarette_n_1<101:110>[] + x50:_filter_n_1<111:119>[] +} + +#20003019 +{e3: + _1:_the_q<0:3>[BV x8] + x8:_finding_n_1<4:11>[] + e12:_probable_a_1<12:20>[ARG1 e4] + e4:_support_v_1<26:33>[ARG1 x8, ARG2 x15] + x15:generic_entity<34:39>[] + _2:_those_q_dem<34:39>[BV x15] + e20:_argue_v_with<44:49>[ARG1 x15, ARG2 e30] + _3:_the_q<55:58>[BV x25] + x25:named_n<59:63>("US")[] + e30:_should_v_modal<64:70>[ARG1 e32] + e32:_regulate_v_1<71:79>[ARG1 x25, ARG2 x33] + _4:_the_q<80:83>[BV x33] + x33:_class_n_of<84:89>[ARG1 x38] + _5:udef_q<93:123>[BV x38] + x38:_asbestos_n_1<93:101>[] + e43:_include_v_1<102:111>[ARG1 x38, ARG2 x44] + _6:udef_q<112:123>[BV x44] + x44:_crocidolite_n_unknown<112:123>[] + e51:comp<124:128>[ARG1 e50, ARG2 x49] + e50:_stringently_a_unknown<129:140>[ARG1 e32] + e53:appos<146:229>[ARG1 x49, ARG2 x52] + _7:_the_q<146:149>[BV x49] + e58:_common_a_for<150:156>[ARG1 x49] + x49:_kind_n_of-n<157:161>[ARG1 x59] + _8:udef_q<165:174>[BV x59] + x59:_asbestos_n_1<165:174>[] + _9:udef_q<175:229>[BV x52] + x52:_chrysotile_n_unknown<175:186>[] + e68:_find_v_1<187:192>[ARG2 x52] + e71:_in_p<193:195>[ARG1 e68, ARG2 x72] + _10:_most_q<196:200>[BV x72] + _11:udef_q<201:208>[BV x78] + x78:_school_n_1<201:208>[] + _12:udef_q<209:229>[BV x82] + x72:_and_c<209:212>[L-INDEX x78, R-INDEX x82] + e87:_other_a_1<213:218>[ARG1 x82] + x82:_building_n_1<219:229>[] + _13:proper_q<230:241>[BV x90] + e94:compound<230:241>[ARG1 x90, ARG2 x93] + _14:udef_q<230:233>[BV x93] + x93:_doctor_n_1<230:233>[] + x90:named<234:241>("Talcott")[] + e3:_say_v_to<242:247>[ARG1 x90, ARG2 e12] +} + +#20003020 +{e3: + _1:_the_q<0:3>[BV x6] + x6:named_n<4:8>("US")[] + e3:_be_v_id<9:11>[ARG1 x6, ARG2 x9] + x9:part_of<12:15>[ARG1 x11] + _2:udef_q<12:15>[BV x9] + e15:card<12:15>("1")[ARG1 x9] + _3:_the_q<19:22>[BV x11] + e20:little-few_a<23:26>[ARG1 x11] + e21:_industrialized_a_1<27:41>[ARG1 x11] + x11:_nation_n_of<42:49>[] + e24:neg<55:62>[ARG1 e26] + e26:_have_v_1<63:67>[ARG1 x9, ARG2 x27] + _4:_a_q<68:69>[BV x27] + e32:_high_a_1<70:76>[ARG1 x27] + e34:comp<70:76>[ARG1 e32] + x27:_standard_n_1<77:85>[] + e35:_of_p<86:88>[ARG1 x27, ARG2 x36] + _5:udef_q<89:189>[BV x36] + x36:_regulation_n_1<89:99>[] + e41:_for_p<100:103>[ARG1 x36, ARG2 x42] + _6:_the_q<104:107>[BV x42] + e47:_smooth_a_1<108:115>[ARG1 x42] + x49:_needle_n_1<116:127>[] + e50:_like_a_1<116:127>[ARG1 x42, ARG2 x49] + _7:udef_q<116:127>[BV x49] + x42:_fiber_n_1<128:134>[] + e54:_such+as_p<135:142>[ARG1 x42, ARG2 x55] + _8:udef_q<143:154>[BV x55] + x55:_crocidolite_n_unknown<143:154>[] + e60:_classify_v_as<164:174>[ARG2 x42, ARG3 x62] + _9:udef_q<178:189>[BV x62] + x62:_amphobile_n_unknown<178:189>[] + e68:_according+to_p<190:202>[ARG1 e3, ARG2 x69] + e71:appos<203:295>[ARG1 x69, ARG2 x70] + _10:proper_q<203:221>[BV x69] + e77:compound<203:221>[ARG1 x69, ARG2 x76] + _11:proper_q<203:212>[BV x76] + e83:compound<203:212>[ARG1 x76, ARG2 x82] + _12:proper_q<203:209>[BV x82] + x82:named<203:209>("Brooke")[] + x76:named<210:212>("T")[] + x69:named<213:221>("Mossman")[] + _13:_a_q<222:223>[BV x70] + x70:_professor_n_of<224:233>[ARG1 x92] + _14:udef_q<237:245>[BV x92] + x92:_pathlogy_n_unknown<237:245>[] + e97:_at_p<246:248>[ARG1 x70, ARG2 x98] + _15:_the_q<249:252>[BV x98] + e104:compound<253:282>[ARG1 x98, ARG2 x103] + _16:udef_q<253:274>[BV x103] + x103:_university_n_of<253:263>[ARG1 x109] + _17:proper_q<267:274>[BV x109] + x109:named<267:274>("Vermont")[] + x98:_college_n_of<275:282>[ARG1 x114] + _18:proper_q<286:295>[BV x114] + x114:named<286:295>("Medicine")[] +} + +#20003021 +{e3: + _1:udef_q<0:29>[BV x8] + e12:comp<0:4>[ARG1 e11] + e11:_common_a_for<5:11>[ARG1 x8] + e15:compound<12:29>[ARG1 x8, ARG2 x14] + _2:udef_q<12:22>[BV x14] + x14:_chrysotile_n_unknown<12:22>[] + x8:_fiber_n_1<23:29>[] + e21:_curly_a_1<34:39>[ARG1 x8] + e4:_and_c<40:43>[L-HNDL e21, R-HNDL e23] + e26:comp<48:52>[ARG1 e25] + e25:_easy_a_for<53:59>[ARG1 e23] + e23:_reject_v_as<60:68>[ARG1 x28, ARG2 x8] + _3:_the_q<72:75>[BV x28] + x28:_body_n_1<76:81>[] + _4:proper_q<82:93>[BV x36] + e40:compound<82:93>[ARG1 x36, ARG2 x39] + _5:udef_q<82:85>[BV x39] + x39:_doctor_n_1<82:85>[] + x36:named<86:93>("Mossman")[] + e3:_explain_v_to<94:104>[ARG1 x36, ARG2 e4] +} + +#20003022 +{e3: + e4:_in_p_temp<0:2>[ARG1 e3, ARG2 x6] + _1:proper_q<3:8>[BV x6] + x6:mofy<3:8>("Jul")[] + _2:_the_q<9:12>[BV x13] + e17:compound<13:44>[ARG1 x13, ARG2 x16] + _3:proper_q<13:37>[BV x16] + e23:compound<13:37>[ARG1 x16, ARG2 x22] + _4:proper_q<13:26>[BV x22] + x22:named<13:26>("Environmental")[] + x16:named<27:37>("Protection")[] + x13:named<38:44>("Agency")[] + e3:_impose_v_on<45:52>[ARG1 x13, ARG2 x28, ARG3 x29] + _5:_a_q<53:54>[BV x28] + e34:_gradual_a_1<55:62>[ARG1 x28] + x28:_ban_n_1<63:66>[] + e36:_virtually_x_deg<70:79>[ARG1 _6] + _6:_all_q<80:83>[BV x29] + x29:_use_n_of<84:88>[ARG1 x41] + _7:udef_q<92:101>[BV x41] + x41:_asbestos_n_1<92:101>[] +} + +#20003023 +{e3: + e4:_by_p_temp<0:2>[ARG1 e3, ARG2 x6] + _1:proper_q<3:8>[BV x6] + x6:yofc<3:8>("1997")[] + e12:_almost_x_deg<9:15>[ARG1 _2] + _2:_all_q<16:19>[BV x14] + e18:_remaining_a_1<20:29>[ARG1 x14] + x14:_use_n_of<30:34>[ARG1 x19] + _3:udef_q<38:61>[BV x19] + e26:compound<38:52>[ARG1 e24, ARG2 x25] + _4:udef_q<38:52>[BV x25] + x25:_cancer_n_1<38:52>[] + e24:_cause_v_1<38:52>[ARG1 x19] + x19:_asbestos_n_1<53:61>[] + e3:_outlaw_v_1<70:79>[ARG2 x14] +} + +#20003024 +{e3: + e5:_about_x_deg<0:5>[ARG1 e6] + _1:udef_q<6:9>[BV x8] + e6:card<6:9>("160")[ARG1 x8] + x8:_worker_n_1<10:17>[] + e11:_at_p<18:20>[ARG1 x8, ARG2 x12] + _2:_a_q<21:22>[BV x12] + x12:_factory_n_1<23:30>[] + e18:_make_v_1<36:40>[ARG1 x12, ARG2 x19] + _3:udef_q<41:46>[BV x19] + x19:_paper_n_1<41:46>[] + e24:_for_p<47:50>[ARG1 e18, ARG2 x25] + _4:_the_q<51:54>[BV x25] + e31:compound<55:67>[ARG1 x25, ARG2 x30] + _5:proper_q<55:59>[BV x30] + x30:named<55:59>("Kent")[] + x25:_filter_n_1<60:67>[] + e3:_expose_v_to<73:80>[ARG2 x8, ARG3 x37] + _6:udef_q<84:92>[BV x37] + x37:_asbestos_n_1<84:92>[] + e43:_in_p<93:95>[ARG1 e3, ARG2 x44] + _7:_the_q<96:99>[BV x44] + x44:year_range<100:106>("1950s")[] +} + +#20003025 +{e3: + _1:udef_q<0:20>[BV x6] + x6:_area_n_of<0:5>[ARG1 x9] + _2:_the_q<9:12>[BV x9] + x9:_factory_n_1<13:20>[] + e14:_particular_a_1<26:38>[ARG1 e3] + e3:_dusty_a_1<39:44>[ARG1 x6] + e15:loc_nonsp<45:76>[ARG1 e3, ARG2 x16] + _3:free_relative_q<45:50>[BV x16] + x16:place_n<45:50>[] + e22:loc_nonsp<45:50>[ARG1 e21, ARG2 x16] + _4:_the_q<51:54>[BV x25] + x25:_crocidolite_n_unknown<55:66>[] + e21:_use_v_1<71:76>[ARG2 x25] +} + +#20003026 +{e3: + _1:udef_q<0:7>[BV x6] + x6:_worker_n_1<0:7>[] + e10:_dump_v_1<8:14>[ARG1 x6, ARG2 x11, ARG3 e34] + _2:udef_q<15:58>[BV x11] + e17:_large_a_1<15:20>[ARG1 x11] + e19:compound<21:33>[ARG1 x11, ARG2 x18] + _3:udef_q<21:27>[BV x18] + x18:_burlap_n_unknown<21:27>[] + x11:_sack_n_1<28:33>[] + e24:_of_p<34:36>[ARG1 x11, ARG2 x25] + _4:_the_q<37:40>[BV x25] + e30:_import_v_1<41:49>[ARG2 x25] + x25:_material_n_1<50:58>[] + e34:_into_p<59:63>[ARG1 x11, ARG2 x35] + _5:_a_q<64:65>[BV x35] + e40:_huge_a_1<66:70>[ARG1 x35] + x35:_bin_n_1<71:75>[] + e3:implicit_conj<76:184>[L-HNDL e10, R-HNDL e41] + e44:_pour_v_in<76:82>[ARG1 x6, ARG2 x45] + _6:udef_q<86:111>[BV x45] + e51:compound<86:111>[ARG1 x45, ARG2 x50] + _7:udef_q<86:104>[BV x50] + _8:udef_q<86:92>[BV x57] + x57:_cotton_n_1<86:92>[] + _9:udef_q<93:104>[BV x61] + x50:_and_c<93:96>[L-INDEX x57, R-INDEX x61] + x61:_acetate_n_unknown<97:104>[] + x45:_fiber_n_1<105:111>[] + e41:_and_c<112:115>[L-HNDL e44, R-HNDL e66] + e68:_mechanical_a_1<116:128>[ARG1 e66] + e66:_mix_v_1<129:134>[ARG1 x6, ARG2 x69] + _10:_the_q<135:138>[BV x69] + e74:_dry_a_1<139:142>[ARG1 x69] + x69:_fiber_n_1<143:149>[] + e75:_in_p<150:152>[ARG1 e66, ARG2 x76] + _11:_a_q<153:154>[BV x76] + x76:_process_n_of<155:162>[] + e82:_use_v_1<163:167>[ARG2 x76, ARG3 e88] + e88:_make_v_1<171:175>[ARG2 x89] + _12:udef_q<176:184>[BV x89] + x89:_filter_n_1<176:184>[] +} + +#20003027 +{e36: + _1:udef_q<0:7>[BV x6] + x6:_worker_n_1<0:7>[] + e3:_describe_v_to<8:17>[ARG1 x6, ARG2 x10] + _2:udef_q<18:76>[BV x10] + x10:_cloud_n_of<18:25>[ARG1 x16] + _3:udef_q<29:39>[BV x16] + e21:_blue_a_1<29:33>[ARG1 x16] + x16:_dust_n_1<34:39>[] + e22:_hang_v_1<45:49>[ARG1 x10] + e23:_over_p<50:54>[ARG1 e22, ARG2 x24] + _4:udef_q<55:76>[BV x24] + x24:_part_n_1<55:60>[] + e29:_of_p<61:63>[ARG1 x24, ARG2 x30] + _5:_the_q<64:67>[BV x30] + x30:_factory_n_1<68:76>[] + e35:_even_x_deg<77:81>[ARG1 e36] + e36:_though_x<82:88>[ARG1 e3, ARG2 e51] + _6:udef_q<89:101>[BV x41] + e45:compound<89:101>[ARG1 x41, ARG2 x44] + _7:udef_q<89:96>[BV x44] + x44:_exhaust_n_1<89:96>[] + x41:_fan_n_1<97:101>[] + e51:_ventilate_v_cause<102:112>[ARG1 x41, ARG2 x52] + _8:_the_q<113:116>[BV x52] + x52:_area_n_of<117:122>[] +} + +#20003028 +{e3: + e4:_be_v_there<6:8>[ARG1 x7] + _1:_no_q<9:11>[BV x7] + x7:_question_n_about<12:20>[ARG1 e35] + _2:_some_q<26:30>[BV x14] + x14:part_of<26:30>[ARG1 x18] + _3:_those_q_dem<34:39>[BV x18] + _4:udef_q<40:47>[BV x24] + x24:_worker_n_1<40:47>[] + _5:udef_q<48:60>[BV x28] + x18:_and_c<48:51>[L-INDEX x24, R-INDEX x28] + x28:_manager_n_of<52:60>[] + e35:_contract_v_1<61:71>[ARG1 x14, ARG2 x36] + _6:udef_q<72:99>[BV x36] + e43:compound<72:88>[ARG1 e41, ARG2 x42] + _7:udef_q<72:88>[BV x42] + x42:_asbestos_n_1<72:88>[] + e41:_relate_v_to<72:88>[ARG2 x36] + x36:_disease_n_1<89:99>[] + e3:_say_v_to<100:104>[ARG1 x52, ARG2 e4] + e54:appos<105:182>[ARG1 x52, ARG2 x53] + _8:udef_q<123:182>[BV x53] + _9:proper_q<105:122>[BV x52] + e63:compound<105:122>[ARG1 x52, ARG2 x62] + _10:proper_q<105:112>[BV x62] + x62:named<105:112>("Darrell")[] + x52:named<113:122>("Phillips")[] + e70:compound<123:137>[ARG1 x53, ARG2 x69] + _11:udef_q<123:127>[BV x69] + x69:_vice_n_1<123:127>[] + x53:_president_n_of<128:137>[ARG1 x75] + _12:udef_q<141:156>[BV x75] + e80:_human_a_1<141:146>[ARG1 x75] + x75:_resource_n_1<147:156>[] + e81:_for_p<157:160>[ARG1 x53, ARG2 x82] + _13:udef_q<161:182>[BV x82] + _14:proper_q<161:174>[BV x88] + x88:named<161:174>("Hollingsworth")[] + x82:_and_c<175:176>[L-INDEX x88, R-INDEX x92] + _15:proper_q<177:182>[BV x92] + x92:named<177:182>("Vose")[] +} + +#20003029 +{e3: + e3:_but_c<0:4>[R-HNDL e4] + x9:pron<5:8>[] + _1:pronoun_q<5:8>[BV x9] + e4:_have_v_qmodal<9:13>[ARG1 e16] + e16:_recognize_v_1<17:26>[ARG1 x9, ARG2 e25] + _2:_these_q_dem<32:37>[BV x20] + x20:_event_n_item<38:44>[] + e25:_take_v_of-i<45:49>[ARG1 x20, ARG2 x26] + _3:idiom_q_i<50:55>[BV x26] + x26:_place_n_i<50:55>[] + _4:udef_q<56:64>[BV x33] + e36:card<56:58>("35")[ARG1 x33] + x33:_year_n_1<59:64>[] + e37:_ago_p<65:69>[ARG1 e25, ARG2 x33] +} + +#20003030 +{e3: + x5:pron<0:2>[] + _1:pronoun_q<0:2>[BV x5] + e3:_have_v_1<3:6>[ARG1 x5, ARG2 x9] + _2:_no_q<7:9>[BV x9] + x9:_bearing_n_1<10:17>[] + e14:_on_p<18:20>[ARG1 x9, ARG2 x15] + _3:def_explicit_q<21:24>[BV x15] + e21:poss<21:24>[ARG1 x15, ARG2 x20] + _4:pronoun_q<21:24>[BV x20] + x20:pron<21:24>[] + e27:compound<25:35>[ARG1 x15, ARG2 x26] + _5:udef_q<25:29>[BV x26] + x26:_work_n_1<25:29>[] + x15:_force_n_1<30:35>[] + e32:loc_nonsp<36:42>[ARG1 e3, ARG2 x33] + x33:time_n<36:42>[] + _6:def_implicit_q<36:42>[BV x33] + e38:_today_a_1<36:42>[ARG1 x33] +} + +#20004001 +{e3: + _1:udef_q<0:35>[BV x6] + x6:_yield_n_1<0:6>[] + e9:_on_p<7:9>[ARG1 x6, ARG2 x10] + _2:udef_q<10:35>[BV x10] + e16:compound<10:35>[ARG1 x10, ARG2 x15] + _3:udef_q<10:22>[BV x15] + e22:compound<10:22>[ARG1 x15, ARG2 x21] + _4:udef_q<10:22>[BV x21] + x21:_money_n_1<10:22>[] + x15:_market_n_1<10:22>[] + e27:_mutual_a_1<23:29>[ARG1 x10] + x10:_fund_n_1<30:35>[] + e3:_continue_v_2<36:45>[ARG1 e30] + e30:_slide_v_1<49:55>[ARG1 x6] + e31:_amid_p<56:60>[ARG1 e30, ARG2 x32] + _5:udef_q<61:133>[BV x32] + x32:_sign_n_of<61:66>[ARG1 e51] + _6:udef_q<72:90>[BV x40] + e44:compound<72:90>[ARG1 x40, ARG2 x43] + _7:udef_q<72:81>[BV x43] + x43:_portfolio_n_1<72:81>[] + x40:_manager_n_of<82:90>[] + e51:_expect_v_1<91:97>[ARG1 x40, ARG2 x52] + _8:udef_q<98:133>[BV x52] + e57:_further_a_1<98:105>[ARG1 x52] + _11:comp<98:105>[ARG1 e57] + x52:_decline_n_1<106:114>[] + e60:_in_p<115:117>[ARG1 x52, ARG2 x61] + _9:udef_q<118:133>[BV x61] + e67:compound<118:133>[ARG1 x61, ARG2 x66] + _10:udef_q<118:126>[BV x66] + x66:_interest_n_in<118:126>[] + x61:_rate_n_of<127:133>[] +} + +#20004002 +{e3: + _1:_the_q<0:3>[BV x6] + e9:_average_a_1<4:11>[ARG1 x6] + e11:compound<12:36>[ARG1 x6, ARG2 x10] + _2:udef_q<12:21>[BV x10] + e16:card<12:21>("7")[ARG1 x10] + x10:_day_n_of<12:21>[] + e19:compound<22:36>[ARG1 x6, ARG2 x18] + _3:udef_q<22:30>[BV x18] + x18:_compound_n_1<22:30>[] + x6:_yield_n_1<31:36>[] + e24:_of_p<37:39>[ARG1 x6, ARG2 x25] + _4:_the_q<40:43>[BV x25] + e30:card<44:47>("400")[ARG1 x25] + e31:_taxable_a_unknown<48:55>[ARG1 x25] + x25:_fund_n_1<56:61>[] + e32:_track_v_1<62:69>[ARG1 x33, ARG2 x25] + _5:proper_q<73:76>[BV x37] + x37:named<73:76>("IBC")[] + _6:def_explicit_q<76:78>[BV x33] + e44:poss<76:78>[ARG1 x33, ARG2 x37] + e46:compound<79:96>[ARG1 x33, ARG2 x45] + _7:proper_q<79:89>[BV x45] + e52:compound<79:89>[ARG1 x45, ARG2 x51] + _8:proper_q<79:84>[BV x51] + x51:named<79:84>("Money")[] + x45:named<85:89>("Fund")[] + x33:named<90:96>("Report")[] + e3:_ease_v_1<97:102>[ARG1 x6, ARG2 x57] + _9:_a_q<103:104>[BV x57] + x57:_fraction_n_of<105:113>[ARG1 x62] + _10:udef_q<117:135>[BV x62] + e67:card<117:118>("1")[ARG1 x62] + e69:compound<119:135>[ARG1 x62, ARG2 x68] + _11:udef_q<119:129>[BV x68] + x68:_percentage_n_of<119:129>[] + x62:_point_n_of<130:135>[] + e74:_to_p<136:138>[ARG1 e3, ARG2 x75] + _12:udef_q<139:144>[BV x75] + e80:card<139:143>("8.45")[ARG1 x75] + x75:_percent_n_of<143:144>[] + e81:_from_p<145:149>[ARG1 e3, ARG2 x82] + _13:udef_q<150:155>[BV x82] + e87:card<150:154>("8.47")[ARG1 x82] + x82:_percent_n_of<154:155>[] + e88:_for_p<156:159>[ARG1 e3, ARG2 x89] + _14:_the_q<160:163>[BV x89] + x89:_week_n_1<164:168>[] + e94:_end_v_cause<169:174>[ARG2 x89] + e97:loc_nonsp<175:183>[ARG1 e94, ARG2 x98] + _15:proper_q<175:183>[BV x98] + x98:dofw<175:183>("Tue")[] +} + +#20004004 +{e3: + _1:udef_q<0:42>[BV x6] + e9:_average_a_1<0:7>[ARG1 x6] + x6:_maturity_n_1<8:16>[] + e10:_of_p<17:19>[ARG1 x6, ARG2 x11] + _2:_the_q<20:23>[BV x14] + x14:_fund_n_1<24:29>[] + _3:def_explicit_q<29:30>[BV x11] + e21:poss<29:30>[ARG1 x11, ARG2 x14] + x11:_investment_n_1<31:42>[] + e3:_lengthen_v_1<43:53>[ARG1 x6] + e22:_by_p_temp<54:56>[ARG1 e3, ARG2 x23] + _4:_a_q<57:58>[BV x23] + x23:_day_n_of<59:62>[] + e29:_to_p<63:65>[ARG1 e3, ARG2 x30] + e32:appos<66:106>[ARG1 x30, ARG2 x31] + _5:udef_q<66:74>[BV x30] + e37:card<66:68>("41")[ARG1 x30] + x30:_day_n_of<69:74>[] + _6:_the_q<75:78>[BV x31] + x31:generic_entity<79:86>[] + e43:_long_a_1<79:86>[ARG1 x31] + e44:superl<79:86>[ARG1 e43] + e45:_since_p<87:92>[ARG1 x31, ARG2 x46] + _7:proper_q<93:106>[BV x46] + e51:_early_a_1<93:98>[ARG1 x46] + x46:mofy<99:106>("Aug")[] + e52:_according+to_p<107:119>[ARG1 e3, ARG2 x53] + x53:generic_entity<120:131>[] + _8:proper_q<120:128>[BV x57] + x57:named<120:128>("Donoghue")[] + _9:def_explicit_q<128:131>[BV x53] + e63:poss<128:131>[ARG1 x53, ARG2 x57] +} + +#20004005 +{e32: + _1:udef_q<0:17>[BV x6] + e9:_long_a_1<0:6>[ARG1 x6] + e11:comp<0:6>[ARG1 e9] + x6:_maturity_n_1<7:17>[] + e3:_think_v_1<22:29>[ARG2 x6, ARG3 e17] + e17:_indicate_v_1<33:41>[ARG1 x6, ARG2 x18] + _2:udef_q<42:66>[BV x18] + e23:_declining_a_1<42:51>[ARG1 x18] + e25:compound<52:66>[ARG1 x18, ARG2 x24] + _3:udef_q<52:60>[BV x24] + x24:_interest_n_in<52:60>[] + x18:_rate_n_of<61:66>[] + e32:_because_x<67:74>[ARG1 e3, ARG2 e41] + x36:pron<75:79>[] + _4:pronoun_q<75:79>[BV x36] + e41:_permit_v_1<80:86>[ARG1 x36, ARG2 x43, ARG3 e56] + _5:udef_q<87:105>[BV x43] + e49:compound<87:105>[ARG1 x43, ARG2 x48] + _6:udef_q<87:96>[BV x48] + x48:_portfolio_n_1<87:96>[] + x43:_manager_n_of<97:105>[] + e56:_retain_v_1<109:115>[ARG1 x43, ARG2 x57] + _7:udef_q<116:139>[BV x57] + e62:_relatively_x_deg<116:126>[ARG1 e63] + e64:_high_a_1<127:133>[ARG1 x57] + e63:comp<127:133>[ARG1 e64] + x57:_rate_n_of<134:139>[] + e67:_for_p<140:143>[ARG1 e56, ARG2 x68] + _8:_a_q<144:145>[BV x68] + e73:_long_a_1<146:152>[ARG1 x68] + e75:comp<146:152>[ARG1 e73] + x68:_period_n_of<153:160>[] +} + +#20004006 +{e27: + _1:udef_q<0:18>[BV x6] + e9:_short_a_1<0:7>[ARG1 x6] + e11:comp<0:7>[ARG1 e9] + x6:_maturity_n_1<8:18>[] + e3:_consider_v_1<23:33>[ARG2 x14, ARG3 x6] + _2:_a_q<34:35>[BV x14] + x14:_sign_n_of<36:40>[ARG1 x20] + _3:udef_q<44:56>[BV x20] + e25:_rise_v_1<44:50>[ARG1 x20] + x20:_rate_n_of<51:56>[] + e27:_because_x<57:64>[ARG1 e3, ARG2 e44] + _4:udef_q<65:83>[BV x32] + e36:compound<65:83>[ARG1 x32, ARG2 x35] + _5:udef_q<65:74>[BV x35] + x35:_portfolio_n_1<65:74>[] + x32:_manager_n_of<75:83>[] + e44:_can_v_modal<84:87>[ARG1 e46] + e46:_capture_v_1<88:95>[ARG1 x32, ARG2 x47] + _6:udef_q<96:108>[BV x47] + e52:_high_a_1<96:102>[ARG1 x47] + e54:comp<96:102>[ARG1 e52] + x47:_rate_n_of<103:108>[] + e56:loc_nonsp<109:116>[ARG1 e46, ARG2 x57] + x57:time_n<109:116>[] + _7:def_implicit_q<109:116>[BV x57] + e62:_soon_p<109:116>[ARG1 x57] + i63:comp<109:116>[ARG1 e62] +} + +#20004007 +{e3: + e3:implicit_conj<0:198>[L-HNDL e7, R-HNDL e6] + _1:_the_q<0:3>[BV x10] + e13:_average_a_1<4:11>[ARG1 x10] + x10:_maturity_n_1<12:20>[] + e14:_for_p<21:24>[ARG1 x10, ARG2 x15] + _2:udef_q<25:152>[BV x15] + x15:_fund_n_1<25:30>[] + e20:_open_a_1<31:35>[ARG1 x15] + e21:_only_x_deg<36:40>[ARG1 e22] + e22:_to_p<41:43>[ARG1 e20, ARG2 x23] + _3:udef_q<44:57>[BV x23] + x23:_institution_n_1<44:57>[] + e29:_consider_v_1<58:68>[ARG1 x31, ARG2 x15, ARG3 e38] + _4:_some_q<72:76>[BV x31] + x31:generic_entity<72:76>[] + e38:_be_v_id<80:82>[ARG1 x15, ARG2 x39] + _5:_a_q<83:84>[BV x39] + e44:_strong_a_1<85:93>[ARG1 x39] + e46:comp<85:93>[ARG1 e44] + x39:_indicator_n_of<94:103>[] + e48:_because_x<104:111>[ARG1 e29, ARG2 e58] + _6:_those_q_dem<112:117>[BV x52] + x52:_manager_n_of<118:126>[] + e58:_watch_v_1<127:132>[ARG1 x52, ARG2 x59] + _7:_the_q<133:136>[BV x59] + x59:_market_n_1<137:143>[] + e64:_close_a_to<144:152>[ARG1 e58] + e7:_reach_v_1<153:160>[ARG1 x10, ARG2 x66] + _8:_a_q<161:162>[BV x66] + e71:_high_a_1<163:167>[ARG1 x66] + x66:_point_n_of<168:173>[] + e72:_for_p<174:177>[ARG1 x66, ARG2 x73] + _9:_the_q<178:181>[BV x73] + x73:_year_n_1<182:186>[] + e6:unknown<190:198>[ARG x79] + _10:udef_q<190:198>[BV x79] + e84:card<190:192>("33")[ARG1 x79] + x79:_day_n_of<193:198>[] +} + +#20004008 +{e5: + e5:_nevertheless_a_1<0:13>[ARG1 e3] + e3:_say_v_to<14:18>[ARG1 x9, ARG2 e57] + e11:appos<19:69>[ARG1 x9, ARG2 x10] + _1:udef_q<41:69>[BV x10] + _2:proper_q<19:40>[BV x9] + e20:compound<19:40>[ARG1 x9, ARG2 x19] + _3:proper_q<19:33>[BV x19] + e26:compound<19:33>[ARG1 x19, ARG2 x25] + _4:proper_q<19:25>[BV x25] + x25:named<19:25>("Brenda")[] + x19:named<26:33>("Malizia")[] + x9:named<34:40>("Negus")[] + x10:_editor_n_1<41:47>[] + e32:_of_p<48:50>[ARG1 x10, ARG2 x33] + _5:proper_q<51:69>[BV x33] + e39:compound<51:69>[ARG1 x33, ARG2 x38] + _6:proper_q<51:61>[BV x38] + e45:compound<51:61>[ARG1 x38, ARG2 x44] + _7:proper_q<51:56>[BV x44] + x44:named<51:56>("Money")[] + x38:named<57:61>("Fund")[] + x33:named<62:69>("Report")[] + _8:udef_q<70:76>[BV x52] + x52:_yield_n_1<70:76>[] + e57:_may_v_modal<77:81>[ARG1 e64] + e59:_blip/vb_u_unknown<82:86>[ARG1 x52] + e61:_up_p<87:89>[ARG1 e59] + e62:_again_a_1<90:95>[ARG1 e59] + e64:_before_x_h<96:102>[ARG1 e59, ARG2 e73] + x68:pron<103:107>[] + _9:pronoun_q<103:107>[BV x68] + e73:_blip/vbp_u_unknown<108:112>[ARG1 x68] + e75:_down_p<113:118>[ARG1 e73] + e76:_because+of_p<119:129>[ARG1 e59, ARG2 x77] + _10:udef_q<130:172>[BV x77] + e82:_recent_a_1<130:136>[ARG1 x77] + x77:_rise_n_1<137:142>[] + e83:_in_p<143:145>[ARG1 x77, ARG2 x84] + _11:udef_q<146:172>[BV x84] + e90:compound<146:172>[ARG1 x84, ARG2 x89] + _12:udef_q<146:156>[BV x89] + e95:_short_a_of<146:156>[ARG1 x89] + x89:_term_n_of<146:156>[] + e99:compound<157:172>[ARG1 x84, ARG2 x98] + _13:udef_q<157:165>[BV x98] + x98:_interest_n_in<157:165>[] + x84:_rate_n_of<166:172>[] +} + +#20004009 +{e3: + _1:_the_q<0:3>[BV x6] + x6:_yield_n_1<4:9>[] + e9:_on_p<10:12>[ARG1 x6, ARG2 x10] + _2:udef_q<13:63>[BV x10] + e16:compound<13:37>[ARG1 x10, ARG2 x15] + _3:udef_q<13:22>[BV x15] + e21:card<13:22>("6")[ARG1 x15] + x15:_month_n_1<13:22>[] + e23:compound<23:37>[ARG1 x10, ARG2 x22] + _4:proper_q<23:31>[BV x22] + x22:named<23:31>("Treasury")[] + x10:_bill_n_of<32:37>[] + e29:_sell_v_1<38:42>[ARG2 x10] + e32:_at_p<43:45>[ARG1 e29, ARG2 x33] + _5:proper_q<46:52>[BV x36] + x36:dofw<46:52>("Mon")[] + _6:def_explicit_q<52:54>[BV x33] + e43:poss<52:54>[ARG1 x33, ARG2 x36] + x33:_auction_n_of<55:63>[] + e3:_rise_v_1<77:81>[ARG1 x6] + e45:_to_p<82:84>[ARG1 e3, ARG2 x46] + _7:udef_q<85:90>[BV x46] + e51:card<85:89>("8.04")[ARG1 x46] + x46:_percent_n_of<89:90>[] + e52:_from_p<91:95>[ARG1 e3, ARG2 x53] + _8:udef_q<96:102>[BV x53] + e58:card<96:100>("7.90")[ARG1 x53] + x53:_percent_n_of<100:102>[] +} + +#20004010 +{e3: + e4:_despite_p<0:7>[ARG1 e3, ARG2 x6] + _1:udef_q<8:34>[BV x6] + e11:_recent_a_1<8:14>[ARG1 x6] + x6:_decline_n_1<15:23>[] + e12:_in_p<24:26>[ARG1 x6, ARG2 x13] + _2:udef_q<27:34>[BV x13] + x13:_yield_n_1<27:34>[] + _3:udef_q<35:44>[BV x20] + x20:_investor_n_1<35:44>[] + e3:_continue_v_2<45:53>[ARG1 e25] + e25:_pour_v_1<57:61>[ARG1 x20, ARG2 x26] + _4:udef_q<62:66>[BV x26] + x26:_cash_n_1<62:66>[] + e31:_into_p<67:71>[ARG1 e25, ARG2 x32] + _5:udef_q<72:84>[BV x32] + e38:compound<72:84>[ARG1 x32, ARG2 x37] + _6:udef_q<72:77>[BV x37] + x37:_money_n_1<72:77>[] + x32:_fund_n_1<78:84>[] +} + +#20004011 +{e3: + _1:udef_q<0:31>[BV x6] + x6:_asset_n_1<0:6>[] + e9:_of_p<7:9>[ARG1 x6, ARG2 x10] + _2:_the_q<10:13>[BV x10] + e15:card<14:17>("400")[ARG1 x10] + e16:_taxable_a_unknown<18:25>[ARG1 x10] + x10:_fund_n_1<26:31>[] + e3:_grow_v_1<32:36>[ARG1 x6] + e17:_by_p<37:39>[ARG1 e3, ARG2 x18] + _3:udef_q<40:52>[BV x18] + x18:_dollar_n_1<40:41>[] + i25:card<41:44>("1.5")[] + e27:card<45:52>("1000000000")[ARG1 x18] + i28:times<45:52>[ARG2 i25, ARG3 e27] + e29:_during_p<53:59>[ARG1 e3, ARG2 x30] + _4:_the_q<60:63>[BV x30] + e35:_late_a_for<64:70>[ARG1 x30] + e36:superl<64:70>[ARG1 e35] + x30:_week_n_1<71:76>[] + e37:_to_p<77:79>[ARG1 e3, ARG2 x38] + _5:udef_q<80:95>[BV x38] + x38:_dollar_n_1<80:81>[] + i45:card<81:86>("352.7")[] + e47:card<87:95>("1000000000")[ARG1 x38] + i48:times<87:95>[ARG2 i45, ARG3 e47] +} + +#20004012 +{e5: + e5:_typical_a_1<0:10>[ARG1 e40] + _1:udef_q<11:28>[BV x8] + e12:compound<11:28>[ARG1 x8, ARG2 x11] + _2:udef_q<11:21>[BV x11] + e18:compound<11:21>[ARG1 x11, ARG2 x17] + _3:udef_q<11:21>[BV x17] + x17:_money_n_1<11:21>[] + x11:_fund_n_1<11:21>[] + x8:_yield_n_1<22:28>[] + e3:_beat_v_to<29:33>[ARG1 x8, ARG2 x24] + _4:udef_q<34:67>[BV x24] + e29:_comparable_a_1<34:44>[ARG1 x24] + e31:compound<45:67>[ARG1 x24, ARG2 x30] + _5:udef_q<45:55>[BV x30] + e36:_short_a_of<45:55>[ARG1 x30] + x30:_term_n_of<45:55>[] + x24:_investment_n_1<56:67>[] + e40:_because_x<68:75>[ARG1 e3, ARG2 e57] + _6:udef_q<76:94>[BV x45] + e49:compound<76:94>[ARG1 x45, ARG2 x48] + _7:udef_q<76:85>[BV x48] + x48:_portfolio_n_1<76:85>[] + x45:_manager_n_of<86:94>[] + e57:_can_v_modal<95:98>[ARG1 e66] + e59:_vary_v_cause<99:103>[ARG1 x45, ARG2 x60] + _8:udef_q<104:114>[BV x60] + x60:_maturity_n_1<104:114>[] + e66:_and_c<115:118>[L-HNDL e59, R-HNDL e68] + e68:_go_v_after<119:121>[ARG1 x45, ARG2 x69] + _9:_the_q<128:131>[BV x69] + e74:_high_a_1<132:139>[ARG1 x69] + e75:superl<132:139>[ARG1 e74] + x69:_rate_n_of<140:146>[] +} + +#20004014 +{e3: + e6:appos<0:49>[ARG1 x5, ARG2 x4] + _1:proper_q<0:26>[BV x5] + e12:compound<0:26>[ARG1 x5, ARG2 x11] + _2:proper_q<0:18>[BV x11] + e18:compound<0:18>[ARG1 x11, ARG2 x17] + _3:proper_q<0:7>[BV x17] + x17:named<0:7>("Dreyfus")[] + e24:compound<8:18>[ARG1 x11, ARG2 x23] + _4:proper_q<8:18>[BV x23] + x23:named<8:18>("World-")[] + x11:named<8:18>("Wide")[] + x5:named<19:26>("Dollar")[] + _5:_the_q<27:30>[BV x4] + e35:compound<31:43>[ARG1 e33, ARG2 x34] + _6:udef_q<31:43>[BV x34] + x34:_top_n_1<31:43>[] + e33:_yield_v_1<31:43>[ARG1 x4] + x4:_fund_n_1<44:49>[] + e3:_have_v_1<50:53>[ARG1 x5, ARG2 x41] + _7:_a_q<54:55>[BV x41] + e47:compound<56:80>[ARG1 x41, ARG2 x46] + _8:udef_q<56:65>[BV x46] + e52:card<56:65>("7")[ARG1 x46] + x46:_day_n_of<56:65>[] + e55:compound<66:80>[ARG1 x41, ARG2 x54] + _9:udef_q<66:74>[BV x54] + x54:_compound_n_1<66:74>[] + x41:_yield_n_1<75:80>[] + e60:_of_p<81:83>[ARG1 x41, ARG2 x61] + _10:udef_q<84:89>[BV x61] + e66:card<84:88>("9.37")[ARG1 x61] + x61:_percent_n_of<88:89>[] + e67:_during_p<90:96>[ARG1 e3, ARG2 x68] + _11:_the_q<97:100>[BV x68] + e73:_late_a_for<101:107>[ARG1 x68] + e74:superl<101:107>[ARG1 e73] + x68:_week_n_1<108:113>[] + e75:_down_p<114:118>[ARG1 e3] + e76:_from_p<119:123>[ARG1 e75, ARG2 x77] + _12:udef_q<124:145>[BV x77] + e82:card<124:128>("9.45")[ARG1 x77] + x77:_percent_n_of<128:129>[] + e85:measure<130:136>[ARG1 e84, ARG2 x83] + _13:udef_q<130:136>[BV x83] + e90:card<130:131>("1")[ARG1 x83] + x83:_week_n_1<132:136>[] + e91:_early_a_1<137:145>[ARG1 x77] + e84:comp<137:145>[ARG1 e91] +} + +#20004015 +{e3: + x5:pron<0:2>[] + _1:pronoun_q<0:2>[BV x5] + e10:_invest_v_in<3:10>[ARG1 x5, ARG2 x11] + e12:_heavy_a_1<11:18>[ARG1 e10] + _2:udef_q<22:60>[BV x11] + e19:compound<22:40>[ARG1 e17, ARG2 x18] + _3:udef_q<22:40>[BV x18] + x18:_dollar_n_1<22:40>[] + e17:_denominate_v_1<22:40>[ARG2 x11] + x11:_security_n_1<41:51>[] + e26:loc_nonsp<52:60>[ARG1 x11, ARG2 x27] + x27:place_n<52:60>[] + _4:def_implicit_q<52:60>[BV x27] + e32:_overseas_a_1<52:60>[ARG1 x27] + e3:_and_c<61:64>[L-HNDL e10, R-HNDL e33] + i37:relative_mod<65:126>[ARG2 e50] + e38:_current_a_1<68:77>[ARG1 e33] + e33:_waive_v_1<78:85>[ARG1 x5, ARG2 x39] + _5:udef_q<86:102>[BV x39] + e45:compound<86:102>[ARG1 x39, ARG2 x44] + _6:udef_q<86:96>[BV x44] + x44:_management_n_1<86:96>[] + x39:_fee_n_1<97:102>[] + e50:_boost_v_to<109:115>[ARG2 x51] + _7:def_explicit_q<116:119>[BV x51] + e58:poss<116:119>[ARG1 x51, ARG2 x57] + _8:pronoun_q<116:119>[BV x57] + x57:pron<116:119>[] + x51:_yield_n_1<120:126>[] +} + +#20004016 +{e3: + _1:_the_q<0:3>[BV x6] + e9:_average_a_1<4:11>[ARG1 x6] + e11:compound<12:34>[ARG1 x6, ARG2 x10] + _2:udef_q<12:21>[BV x10] + e16:card<12:21>("7")[ARG1 x10] + x10:_day_n_of<12:21>[] + e18:_simple_a_for<22:28>[ARG1 x6] + x6:_yield_n_1<29:34>[] + e19:_of_p<35:37>[ARG1 x6, ARG2 x20] + _3:_the_q<38:41>[BV x20] + e25:card<42:45>("400")[ARG1 x20] + x20:_fund_n_1<46:51>[] + e3:_be_v_id<52:55>[ARG1 x6, ARG2 x26] + _4:udef_q<56:79>[BV x26] + e31:card<56:60>("8.12")[ARG1 x26] + x26:_percent_n_of<60:62>[] + e32:_down_p<63:67>[ARG1 x26] + e33:_from_p<68:72>[ARG1 e32, ARG2 x34] + _5:udef_q<73:79>[BV x34] + e39:card<73:77>("8.14")[ARG1 x34] + x34:_percent_n_of<77:79>[] +} + +#20004017 +{e3: + e3:implicit_conj<0:123>[L-HNDL e7, R-HNDL e6] + _1:_the_q<0:3>[BV x10] + e14:compound<4:23>[ARG1 x10, ARG2 x13] + _2:udef_q<4:10>[BV x13] + e19:card<4:10>("30-")[ARG1 x13] + x13:_day_n_of<4:10>[] + e21:_simple_a_for<11:17>[ARG1 x10] + x10:_yield_n_1<18:23>[] + e7:_fall_v_1<24:28>[ARG1 x10] + e23:_to_p<29:31>[ARG1 e7, ARG2 x24] + _3:_a_q<32:34>[BV x24] + e29:_average_a_1<35:42>[ARG1 x24] + e30:card<43:47>("8.19")[ARG1 x24] + x24:_percent_n_of<47:48>[] + e31:_from_p<49:53>[ARG1 e7, ARG2 x32] + _4:udef_q<54:60>[BV x32] + e37:card<54:58>("8.22")[ARG1 x32] + x32:_percent_n_of<58:60>[] + _5:_the_q<61:64>[BV x40] + e44:compound<65:86>[ARG1 x40, ARG2 x43] + _6:udef_q<65:71>[BV x43] + e49:card<65:71>("30-")[ARG1 x43] + x43:_day_n_of<65:71>[] + e52:compound<72:86>[ARG1 x40, ARG2 x51] + _7:udef_q<72:80>[BV x51] + x51:_compound_n_1<72:80>[] + x40:_yield_n_1<81:86>[] + e6:_slide_v_1<87:91>[ARG1 x40] + e58:_to_p<92:94>[ARG1 e6, ARG2 x59] + _8:_a_q<95:97>[BV x59] + e64:_average_a_1<98:105>[ARG1 x59] + e65:card<106:110>("8.53")[ARG1 x59] + x59:_percent_n_of<110:111>[] + e66:_from_p<112:116>[ARG1 e6, ARG2 x67] + _9:udef_q<117:123>[BV x67] + e72:card<117:121>("8.56")[ARG1 x67] + x67:_percent_n_of<121:123>[] +} + +#20005001 +{e3: + e6:appos<0:109>[ARG1 x5, ARG2 x4] + _1:udef_q<13:109>[BV x4] + _2:proper_q<0:12>[BV x5] + e15:compound<0:12>[ARG1 x5, ARG2 x14] + _3:proper_q<0:4>[BV x14] + x14:named<0:4>("J.P.")[] + x5:named<5:12>("Bolduc")[] + e22:compound<13:26>[ARG1 x4, ARG2 x21] + _4:udef_q<13:17>[BV x21] + x21:_vice_n_1<13:17>[] + x4:_chairman_n_of<18:26>[ARG1 x27] + _5:proper_q<30:109>[BV x27] + e33:compound<30:40>[ARG1 x27, ARG2 x32] + _6:proper_q<30:34>[BV x32] + x32:named<30:34>("W.R.")[] + x27:named<35:40>("Grace")[] + x39:_and+company_n_1<41:47>[] + _7:udef_q<41:47>[BV x39] + i43:compound<41:47>[ARG1 x27, ARG2 x39] + e44:_hold_v_1<54:59>[ARG1 x27, ARG2 x45] + _8:_a_q<60:61>[BV x45] + e51:compound<62:76>[ARG1 x45, ARG2 x50] + _9:udef_q<62:67>[BV x50] + e56:card<62:66>("83.4")[ARG1 x50] + x50:_percent_n_of<66:67>[] + x45:_interest_n_in<68:76>[ARG1 x57] + _10:_this_q_dem<80:84>[BV x57] + e63:compound<85:109>[ARG1 x57, ARG2 x62] + _11:udef_q<85:100>[BV x62] + e69:compound<85:100>[ARG1 x62, ARG2 x68] + _12:udef_q<85:100>[BV x68] + x68:_energy_n_1<85:100>[] + x62:_service_n_1<85:100>[] + x57:_company_n_of<101:109>[] + e3:_elect_v_1<114:121>[ARG2 x76, ARG3 x5] + _13:_a_q<122:123>[BV x76] + x76:_director_n_of<124:133>[] +} + +#20005002 +{e3: + x5:pron<0:2>[] + _1:pronoun_q<0:2>[BV x5] + e3:_succeed_v_1<3:11>[ARG1 x5, ARG2 x9] + e11:appos<12:69>[ARG1 x9, ARG2 x10] + _2:udef_q<12:32>[BV x9] + e17:compound<12:32>[ARG1 x9, ARG2 x16] + _3:proper_q<12:23>[BV x16] + e23:compound<12:23>[ARG1 x16, ARG2 x22] + _4:proper_q<12:20>[BV x22] + x22:named<12:20>("Terrence")[] + x16:named<21:23>("D")[] + x9:named<24:32>("Daniel")[] + e29:_formerly_x_deg<33:41>[ARG1 _5] + _5:_a_q<42:43>[BV x10] + e35:compound<44:69>[ARG1 x10, ARG2 x34] + _6:proper_q<44:54>[BV x34] + e41:compound<44:54>[ARG1 x34, ARG2 x40] + _7:proper_q<44:48>[BV x40] + x40:named<44:48>("W.R.")[] + x34:named<49:54>("Grace")[] + e47:compound<55:69>[ARG1 x10, ARG2 x46] + _8:udef_q<55:59>[BV x46] + x46:_vice_n_1<55:59>[] + x10:_chairman_n_of<60:69>[] + e53:_resign_v_1<74:83>[ARG1 x9] +} + +#20005003 +{e3: + _1:proper_q<0:10>[BV x6] + e10:compound<0:10>[ARG1 x6, ARG2 x9] + _2:proper_q<0:4>[BV x9] + x9:named<0:4>("W.R.")[] + x6:named<5:10>("Grace")[] + e3:_hold_v_1<11:16>[ARG1 x6, ARG2 x15] + x15:part_of<17:22>[ARG1 x17] + _3:udef_q<17:22>[BV x15] + e21:card<17:22>("3")[ARG1 x15] + _4:proper_q<26:38>[BV x24] + e28:compound<26:38>[ARG1 x24, ARG2 x27] + _5:proper_q<26:31>[BV x27] + x27:named<26:31>("Grace")[] + x24:named<32:38>("Energy")[] + _6:def_explicit_q<38:40>[BV x17] + e37:poss<38:40>[ARG1 x17, ARG2 x24] + e38:card<41:46>("7")[ARG1 x17] + e40:compound<47:59>[ARG1 x17, ARG2 x39] + _7:udef_q<47:52>[BV x39] + x39:_board_n_of<47:52>[] + x17:_seat_n_1<53:59>[] +} + +#20006001 +{e3: + _1:proper_q<0:29>[BV x6] + e10:compound<0:23>[ARG1 x6, ARG2 x9] + _2:proper_q<0:13>[BV x9] + e16:compound<0:13>[ARG1 x9, ARG2 x15] + _3:proper_q<0:7>[BV x15] + x15:named<0:7>("Pacific")[] + x9:named<8:13>("First")[] + x6:named<14:23>("Financial")[] + x22:_corporation_n_1<24:29>[] + _4:udef_q<24:29>[BV x22] + i26:compound<24:29>[ARG1 x6, ARG2 x22] + e3:_say_v_to<30:34>[ARG1 x6, ARG2 e35] + _5:udef_q<35:47>[BV x31] + x31:_shareholder_n_1<35:47>[] + e35:_approve_v_1<48:56>[ARG1 x31, ARG2 x36] + _6:def_explicit_q<57:60>[BV x36] + e42:poss<57:60>[ARG1 x36, ARG2 x41] + _7:pronoun_q<57:60>[BV x41] + x41:pron<57:60>[] + x36:_acquisition_n_of<61:72>[] + e48:_by_p<73:75>[ARG1 x36, ARG2 x49] + _8:proper_q<76:105>[BV x49] + e55:compound<76:89>[ARG1 x49, ARG2 x54] + _9:proper_q<76:81>[BV x54] + x54:named<76:81>("Royal")[] + x49:named<82:89>("Trustco")[] + x61:_ltd_n_1<90:94>[] + _10:udef_q<90:94>[BV x61] + i65:compound<90:94>[ARG1 x49, ARG2 x61] + e66:_of_p<95:97>[ARG1 x49, ARG2 x67] + _11:proper_q<98:105>[BV x67] + x67:named<98:105>("Toronto")[] + e72:_for_p<106:109>[ARG1 x36, ARG2 x73] + _12:udef_q<110:139>[BV x73] + _13:udef_q<110:122>[BV x79] + x79:_dollar_n_1<110:111>[] + e82:card<111:113>("27")[ARG1 x79] + e83:_a_p_per<114:115>[ARG1 x79, ARG2 x84] + _14:udef_q<114:115>[BV x84] + x84:_share_n_of<116:122>[] + x73:_or_c<123:125>[L-INDEX x79, R-INDEX x90] + _15:udef_q<126:139>[BV x90] + x90:_dollar_n_1<126:127>[] + i97:card<127:130>("212")[] + e99:card<131:139>("1000000")[ARG1 x90] + i100:times<131:139>[ARG2 i97, ARG3 e99] +} + +#20006002 +{e3: + _1:_the_q<0:3>[BV x6] + e10:compound<4:26>[ARG1 x6, ARG2 x9] + _2:udef_q<4:10>[BV x9] + x9:_thrift_n_unknown<4:10>[] + e16:compound<11:26>[ARG1 x6, ARG2 x15] + _3:udef_q<11:18>[BV x15] + x15:_holding_n_1<11:18>[] + x6:_company_n_of<19:26>[] + e3:_say_v_to<27:31>[ARG1 x6, ARG2 e30] + x25:pron<32:34>[] + _4:pronoun_q<32:34>[BV x25] + e30:_expect_v_1<35:42>[ARG1 x25, ARG2 e42] + e33:_obtain_v_1<46:52>[ARG1 x25, ARG2 x34] + _5:udef_q<53:72>[BV x34] + e39:_regulatory_a_1<53:63>[ARG1 x34] + x34:_approval_n_of<64:72>[] + e42:_and_c<73:76>[L-HNDL e33, R-HNDL e44] + e44:_complete_v_2<77:85>[ARG1 x25, ARG2 x45] + _6:_the_q<86:89>[BV x45] + x45:_transaction_n_1<90:101>[] + e50:_by_p<102:104>[ARG1 e44, ARG2 x51] + _7:udef_q<105:114>[BV x51] + x51:_year+end_n_1<105:114>[] +} + +#20007002 +{e3: + _1:proper_q<0:12>[BV x6] + x6:named<0:12>("Finmeccanica")[] + e3:_be_v_id<13:15>[ARG1 x6, ARG2 x9] + _2:_a_q<16:18>[BV x9] + e14:_italian_a_1<19:26>[ARG1 x9] + e17:compound<27:38>[ARG1 e15, ARG2 x16] + _3:udef_q<27:38>[BV x16] + x16:_state_n_of<27:38>[] + e15:_own_v_1<27:38>[ARG2 x9] + e26:compound<39:54>[ARG1 x9, ARG2 x25] + _4:udef_q<39:46>[BV x25] + x25:_holding_n_1<39:46>[] + x9:_company_n_of<47:54>[] + e32:_with_p<55:59>[ARG1 x9, ARG2 x33] + _5:udef_q<60:109>[BV x33] + x33:_interest_n_in<60:69>[ARG1 x38] + _6:_the_q<73:76>[BV x38] + e44:compound<77:109>[ARG1 x38, ARG2 x43] + _7:udef_q<77:99>[BV x43] + e49:_mechanical_a_1<77:87>[ARG1 x43] + x43:_engineering_n_1<88:99>[] + x38:_industry_n_1<100:109>[] +} + +#20007003 +{e3: + _1:proper_q<0:42>[BV x6] + e10:compound<0:16>[ARG1 x6, ARG2 x9] + _2:proper_q<0:6>[BV x9] + x9:named<0:6>("Bailey")[] + x6:named<7:16>("Controls")[] + e15:_base_v_1<17:22>[ARG2 x6, ARG3 e20] + e20:_in_p<23:25>[ARG1 x6, ARG2 x21] + _3:proper_q<26:42>[BV x21] + e27:compound<26:42>[ARG1 x21, ARG2 x26] + _4:proper_q<26:36>[BV x26] + x26:named<26:36>("Wickliffe")[] + x21:named<37:42>("Ohio")[] + e3:_make_v_1<43:48>[ARG1 x6, ARG2 x33] + _5:udef_q<49:90>[BV x33] + e39:compound<49:90>[ARG1 x33, ARG2 x38] + _6:udef_q<49:81>[BV x38] + e44:_computerize_v_1<49:61>[ARG2 x38] + e47:_industrial_a_1<62:72>[ARG1 x38] + x38:_control_n_of<73:81>[] + x33:_system_n_of<82:90>[] +} + +#20007004 +{e3: + x5:pron<0:2>[] + _1:pronoun_q<0:2>[BV x5] + e10:_employ_v_1<3:10>[ARG1 x5, ARG2 x11] + _2:udef_q<11:16>[BV x11] + e16:card<11:16>("2,700")[ARG1 x11] + x11:_people_n_of<17:23>[] + e3:_and_c<24:27>[L-HNDL e10, R-HNDL e18] + e18:_have_v_1<28:31>[ARG1 x5, ARG2 x20] + _3:udef_q<32:69>[BV x20] + e25:_annual_a_1<32:38>[ARG1 x20] + x20:_revenue_n_1<39:46>[] + e26:_of_p<47:49>[ARG1 x20, ARG2 x27] + e29:_about_x_deg<50:55>[ARG1 _4] + _4:udef_q<56:69>[BV x27] + x27:_dollar_n_1<56:57>[] + i36:card<57:60>("370")[] + e38:card<61:69>("1000000")[ARG1 x27] + i39:times<61:69>[ARG2 i36, ARG3 e38] +} + +#20008001 +{e34: + _1:_the_q<0:3>[BV x6] + e9:_federal_a_1<4:11>[ARG1 x6] + x6:_government_n_of<12:22>[] + e3:_suspend_v_1<23:32>[ARG1 x6, ARG2 x12] + _2:udef_q<33:60>[BV x12] + x12:_sale_n_of<33:38>[ARG1 x17] + _3:udef_q<42:60>[BV x17] + e23:compound<42:60>[ARG1 x17, ARG2 x22] + _4:udef_q<42:46>[BV x22] + x22:named_n<42:46>("US")[] + e29:compound<47:60>[ARG1 x17, ARG2 x28] + _5:udef_q<47:54>[BV x28] + x28:_savings_n_1<47:54>[] + x17:_bond_n_1<55:60>[] + e34:_because_x<61:68>[ARG1 e3, ARG2 e44] + _6:proper_q<69:77>[BV x39] + x39:named<69:77>("Congress")[] + e44:neg<78:84>[ARG1 e46] + e46:_lift_v_cause<85:91>[ARG1 x39, ARG2 x47] + _7:_the_q<92:95>[BV x47] + x47:_ceiling_n_1<96:103>[] + e52:_on_p<104:106>[ARG1 x47, ARG2 x53] + _8:udef_q<107:123>[BV x53] + e59:compound<107:123>[ARG1 x53, ARG2 x58] + _9:udef_q<107:117>[BV x58] + x58:_government_n_of<107:117>[] + x53:_debt_n_1<118:123>[] +} + +#20008002 +{e3: + e7:_until_x_h<0:5>[ARG1 e27, ARG2 e16] + _1:proper_q<6:14>[BV x12] + x12:named<6:14>("Congress")[] + e16:_act_v_1<15:20>[ARG1 x12] + _2:_the_q<21:24>[BV x19] + x19:_government_n_of<25:35>[] + e4:_have_v_1<36:42>[ARG1 x19, ARG2 x24] + e27:neg<36:42>[ARG1 e4] + _3:_any_q<43:46>[BV x24] + x24:_authority_n_1<47:56>[ARG1 e34] + e34:_issue_v_1<60:65>[ARG2 x35] + _4:udef_q<66:99>[BV x35] + e41:_new_a_1<66:69>[ARG1 x35] + e43:compound<70:86>[ARG1 x35, ARG2 x42] + _5:udef_q<70:74>[BV x42] + x42:_debt_n_1<70:74>[] + x35:_obligation_n_1<75:86>[] + e48:_of_p<87:89>[ARG1 x35, ARG2 x49] + _6:_any_q<90:93>[BV x49] + x49:_kind_n_of-n<94:99>[] + _7:_the_q<100:103>[BV x57] + x57:named<104:112>("Treasury")[] + e3:_say_v_to<113:118>[ARG1 x57, ARG2 e7] +} + +#20008003 +{e3: + _1:_the_q<0:3>[BV x6] + x6:_government_n_of<4:14>[] + _2:def_explicit_q<14:16>[BV x12] + e15:poss<14:16>[ARG1 x12, ARG2 x6] + e17:compound<17:36>[ARG1 x12, ARG2 x16] + _3:udef_q<17:26>[BV x16] + e22:_borrow_v_from<17:26>[] + x16:nominalization<17:26>[ARG1 e22] + x12:_authority_n_1<27:36>[] + e3:_drop_v_1<37:44>[ARG1 x12] + e26:_at_p_temp<45:47>[ARG1 e3, ARG2 x27] + x27:numbered_hour<48:56>("0")[] + _4:def_implicit_q<48:56>[BV x27] + e34:loc_nonsp<57:64>[ARG1 e3, ARG2 x35] + _5:proper_q<57:64>[BV x35] + x35:dofw<57:64>("Tue")[] + e40:_to_p<65:67>[ARG1 e3, ARG2 x41] + _6:udef_q<68:82>[BV x41] + x41:_dollar_n_1<68:69>[] + i48:card<69:73>("2.80")[] + e50:card<74:82>("1000000000000")[ARG1 x41] + i51:times<74:82>[ARG2 i48, ARG3 e50] + e52:_from_p<83:87>[ARG1 e3, ARG2 x53] + _7:udef_q<88:103>[BV x53] + x53:_dollar_n_1<88:89>[] + i60:card<89:93>("2.87")[] + e62:card<94:103>("1000000000000")[ARG1 x53] + i63:times<94:103>[ARG2 i60, ARG3 e62] +} + +#20008004 +{e3: + _1:udef_q<0:36>[BV x6] + x6:_legislation_n_1<0:11>[ARG1 e11] + e11:_lift_v_cause<15:19>[ARG2 x12] + _2:_the_q<20:23>[BV x12] + e19:compound<24:36>[ARG1 x12, ARG2 x18] + _3:udef_q<24:28>[BV x18] + x18:_debt_n_1<24:28>[] + x12:_ceiling_n_1<29:36>[] + e3:_ensnarl_v_unknown<40:49>[ARG2 x6] + e26:_in_p<50:52>[ARG1 e3, ARG2 x27] + _4:_the_q<53:56>[BV x27] + x27:_fight_n_1<57:62>[] + e32:_over_p<63:67>[ARG1 x27, ARG2 x33] + _5:udef_q<68:96>[BV x33] + x33:nominalization<68:96>[ARG1 e39] + e39:_cut_v_1<68:75>[ARG2 x40] + _6:udef_q<76:96>[BV x40] + e47:compound<76:96>[ARG1 x40, ARG2 x46] + _7:udef_q<76:89>[BV x46] + e53:compound<76:89>[ARG1 x46, ARG2 x52] + _8:udef_q<76:89>[BV x52] + x52:_capital_n_1<76:89>[] + x46:_gain_n_1<76:89>[] + x40:_tax_n_1<90:96>[] +} + +#20008005 +{e3: + _1:_the_q<0:3>[BV x6] + x6:named_n<4:9>("House")[] + e10:_vote_v_1<14:19>[ARG1 x6, ARG2 e13] + e13:_raise_v_cause<23:28>[ARG1 x6, ARG2 x14] + _2:_the_q<29:32>[BV x14] + x14:_ceiling_n_1<33:40>[] + e19:_to_p<41:43>[ARG1 e13, ARG2 x20] + _3:udef_q<44:58>[BV x20] + x20:_dollar_n_1<44:45>[] + i27:card<45:48>("3.1")[] + e29:card<49:58>("1000000000000")[ARG1 x20] + i30:times<49:58>[ARG2 i27, ARG3 e29] + e3:_but_c<59:62>[L-HNDL e10, R-HNDL e41] + _4:_the_q<63:66>[BV x36] + x36:named_n<67:73>("Senate")[] + e41:neg<74:79>[ARG1 e33] + e33:_expect_v_1<80:88>[ARG2 e47] + e47:_act_v_1<92:95>[ARG1 x36] + e48:_until_p<96:101>[ARG1 e47, ARG2 x49] + _5:def_implicit_q<102:106>[BV x49] + i54:_next_a_1<102:106>[ARG1 x49] + x49:_week_n_1<107:111>[] + e55:_at_p<112:114>[ARG1 e48, ARG2 x56] + _6:_the_q<115:118>[BV x56] + x56:generic_entity<119:128>[] + e61:_early_a_1<119:128>[ARG1 x56] + e62:superl<119:128>[ARG1 e61] +} + +#20008006 +{e3: + _1:_the_q<0:3>[BV x6] + x6:named<4:12>("Treasury")[] + e3:_say_v_to<13:17>[ARG1 x6, ARG2 e30] + _2:_the_q<18:21>[BV x13] + x13:named_n<22:26>("US")[] + e17:_default_v_1<32:39>[ARG1 x13] + e18:_on_p_temp<40:42>[ARG1 e17, ARG2 x19] + x21:mofy<43:47>("Nov")[] + _3:def_explicit_q<43:47>[BV x19] + e25:of_p<43:47>[ARG1 x19, ARG2 x21] + _4:def_implicit_q<43:47>[BV x21] + x19:dofm<48:49>("9")[] + e30:_if_x_then<50:52>[ARG1 e17, ARG2 e40] + _5:proper_q<53:61>[BV x35] + x35:named<53:61>("Congress")[] + e40:neg<62:69>[ARG1 e42] + e42:_act_v_1<70:73>[ARG1 x35] + e43:_by_p_temp<74:76>[ARG1 e42, ARG2 x44] + x44:time_n<77:82>[] + _6:def_implicit_q<77:82>[BV x44] + e49:_then_p_temp<77:82>[ARG1 x44] +} + +#20009001 +{e3: + _1:proper_q<0:16>[BV x6] + e10:compound<0:16>[ARG1 x6, ARG2 x9] + _2:proper_q<0:8>[BV x9] + e16:compound<0:8>[ARG1 x9, ARG2 x15] + _3:proper_q<0:5>[BV x15] + x15:named<0:5>("Clark")[] + x9:named<6:8>("J")[] + x6:named<9:16>("Vitulli")[] + e3:_name_v_1<21:26>[ARG2 x22, ARG3 x6] + _4:udef_q<21:26>[BV x22] + _5:udef_q<27:48>[BV x29] + e32:_senior_a_1<27:33>[ARG1 x29] + e34:compound<34:48>[ARG1 x29, ARG2 x33] + _6:udef_q<34:38>[BV x33] + x33:_vice_n_1<34:38>[] + x29:_president_n_of<39:48>[] + _7:udef_q<49:146>[BV x41] + x22:_and_c<49:52>[L-INDEX x29, R-INDEX x41] + e46:_general_a_1<53:60>[ARG1 x41] + x41:_manager_n_of<61:68>[ARG1 x47] + _8:_this_q_dem<72:76>[BV x47] + e53:compound<77:105>[ARG1 x47, ARG2 x52] + _9:udef_q<77:101>[BV x52] + e59:compound<77:101>[ARG1 x52, ARG2 x58] + _10:udef_q<77:81>[BV x58] + x58:named_n<77:81>("US")[] + _11:udef_q<82:87>[BV x66] + x66:_sale_n_of<82:87>[] + _12:udef_q<88:101>[BV x70] + x52:_and_c<88:91>[L-INDEX x66, R-INDEX x70] + e74:_market_v_1<92:101>[] + x70:nominalization<92:101>[ARG1 e74] + x47:_arm_n_1<102:105>[] + e78:_of_p<106:108>[ARG1 x47, ARG2 x79] + _13:proper_q<109:146>[BV x79] + e85:compound<109:146>[ARG1 x79, ARG2 x84] + _14:udef_q<109:128>[BV x84] + e90:_japanese_a_1<109:117>[ARG1 x84] + e92:compound<118:128>[ARG1 x84, ARG2 x91] + _15:udef_q<118:122>[BV x91] + x91:_automobile_n_1<118:122>[] + x84:_maker_n_of<123:128>[] + e99:compound<129:140>[ARG1 x79, ARG2 x98] + _16:proper_q<129:134>[BV x98] + x98:named<129:134>("Mazda")[] + x79:named<135:140>("Motor")[] + x105:_corporation_n_1<141:146>[] + _17:udef_q<141:146>[BV x105] + i109:compound<141:146>[ARG1 x79, ARG2 x105] +} + +#20009002 +{e3: + e4:_in_p_state<0:2>[ARG1 e3, ARG2 x6] + _1:_the_q<3:6>[BV x6] + e11:_new_a_1<7:10>[ARG1 x6] + x6:_position_n_of<11:19>[] + x13:pron<20:22>[] + _2:pronoun_q<20:22>[BV x13] + e3:_oversee_v_1<28:35>[ARG1 x13, ARG2 x17] + _3:proper_q<36:41>[BV x20] + x20:named<36:41>("Mazda")[] + _4:def_explicit_q<41:43>[BV x17] + e27:poss<41:43>[ARG1 x17, ARG2 x20] + e29:compound<44:96>[ARG1 x17, ARG2 x28] + _5:udef_q<44:48>[BV x28] + x28:named_n<44:48>("US")[] + _6:udef_q<49:55>[BV x36] + x36:_sale_n_of<49:55>[] + _7:udef_q<56:64>[BV x42] + x17:implicit_conj<56:96>[L-INDEX x36, R-INDEX i44] + _8:udef_q<65:96>[BV i44] + x42:_service_n_1<56:64>[] + _9:udef_q<65:70>[BV x51] + i44:implicit_conj<65:96>[L-INDEX x42, R-INDEX x54] + _10:udef_q<71:96>[BV x54] + x51:_part_n_1<65:70>[] + _11:udef_q<71:96>[BV x60] + x54:_and_c<71:74>[L-INDEX x51, R-INDEX x60] + e66:compound<75:96>[ARG1 x60, ARG2 x65] + _12:udef_q<75:84>[BV x65] + e71:_market_v_1<75:84>[] + x65:nominalization<75:84>[ARG1 e71] + x60:_operation_n_of<85:96>[] +} + +#20009003 +{e3: + e4:_previously_p<0:11>[ARG1 e3] + _1:proper_q<12:38>[BV x8] + e12:compound<12:24>[ARG1 x8, ARG2 x11] + _2:udef_q<12:15>[BV x11] + x11:_mister_n_1<12:15>[] + x8:named<16:24>("Vitulli")[] + e19:measure<25:33>[ARG1 e18, ARG2 x17] + _3:udef_q<25:33>[BV x17] + e24:card<25:27>("43")[ARG1 x17] + x17:_year_n_1<28:33>[] + e18:_old_a_1<34:38>[ARG1 x8] + e3:_be_v_id<39:42>[ARG1 x8, ARG2 x25] + _4:udef_q<43:107>[BV x25] + e31:compound<43:68>[ARG1 x25, ARG2 x30] + _5:udef_q<43:60>[BV x30] + e36:_general_a_1<43:50>[ARG1 x30] + e38:_market_v_1<51:60>[] + x30:nominalization<51:60>[ARG1 e38] + x25:_manager_n_of<61:68>[] + e41:_of_p<69:71>[ARG1 x25, ARG2 x42] + _6:proper_q<72:86>[BV x45] + x45:named<72:80>("Chrysler")[] + x49:_corporation_n_1<81:86>[] + _7:udef_q<81:86>[BV x49] + i53:compound<81:86>[ARG1 x45, ARG2 x49] + _8:def_explicit_q<86:88>[BV x42] + e58:poss<86:88>[ARG1 x42, ARG2 x45] + e60:compound<89:107>[ARG1 x42, ARG2 x59] + _9:proper_q<89:97>[BV x59] + x59:named<89:97>("Chrysler")[] + x42:_division_n_of<98:107>[] +} + +#20009004 +{e3: + x5:pron<0:2>[] + _1:pronoun_q<0:2>[BV x5] + e3:_be_v_id<7:11>[ARG1 x5, ARG2 x9] + _2:_a_q<12:13>[BV x9] + e15:compound<14:33>[ARG1 x9, ARG2 x14] + _3:udef_q<14:33>[BV x14] + x14:_sale_n_of<14:19>[] + e21:_and_c<20:23>[L-HNDL e15, R-HNDL e23] + e23:_market_v_1<24:33>[ARG1 x9] + x9:_executive_n_1<34:43>[] + e25:_with_p<44:48>[ARG1 e3, ARG2 x26] + _4:proper_q<49:57>[BV x26] + x26:named<49:57>("Chrysler")[] + e31:_for_p<58:61>[ARG1 e3, ARG2 x32] + _5:udef_q<62:71>[BV x32] + e37:card<62:64>("20")[ARG1 x32] + x32:_year_n_1<65:71>[] +} + +#20010001 +{e4: + e4:_when_x_subord<0:4>[ARG1 e3, ARG2 e9] + e9:_time_a_expl-for<10:14>[ARG1 x8] + _1:def_explicit_q<19:24>[BV x8] + e15:poss<19:24>[ARG1 x8, ARG2 x14] + _2:pronoun_q<19:24>[BV x14] + x14:pron<19:24>[] + e20:_biannual_a_unknown<25:33>[ARG1 x8] + x8:_powwow_n_unknown<34:41>[] + _3:_the_q<42:45>[BV x23] + x23:_nation_n_of<46:52>[] + _4:def_explicit_q<52:54>[BV x29] + e32:poss<52:54>[ARG1 x29, ARG2 x23] + e34:compound<55:75>[ARG1 x29, ARG2 x33] + _5:udef_q<55:68>[BV x33] + e39:_manufacture_v_1<55:68>[] + x33:nominalization<55:68>[ARG1 e39] + x29:_titan_n_unknown<69:75>[] + e44:_typical_a_of<76:85>[ARG1 e3] + e3:_jet_v_off<86:89>[ARG1 x29] + e45:_to_p<94:96>[ARG1 e3, ARG2 x46] + _6:_the_q<97:100>[BV x46] + e51:_sunny_a_1<101:106>[ARG1 x46] + x46:_confines_n_1<107:115>[] + e52:_of_p<116:118>[ARG1 x46, ARG2 x53] + _7:udef_q<119:164>[BV x53] + e59:compound<119:131>[ARG1 x53, ARG2 x58] + _8:udef_q<119:125>[BV x58] + x58:_resort_n_1<119:125>[] + x53:_town_n_1<126:131>[] + e64:_like_p<132:136>[ARG1 x53, ARG2 x65] + _9:udef_q<137:164>[BV x65] + _10:proper_q<137:147>[BV x71] + e75:compound<137:147>[ARG1 x71, ARG2 x74] + _11:proper_q<137:141>[BV x74] + x74:named<137:141>("Boca")[] + x71:named<142:147>("Raton")[] + x65:_and_c<148:151>[L-INDEX x71, R-INDEX x81] + _12:proper_q<152:164>[BV x81] + e87:compound<152:164>[ARG1 x81, ARG2 x86] + _13:proper_q<152:155>[BV x86] + x86:named<152:155>("Hot")[] + x81:named<156:164>("Springs")[] +} + +#20010002 +{e3: + e3:unknown<0:14>[] + e6:neg<0:3>[ARG1 e8] + e8:loc_nonsp<4:14>[ARG1 e3, ARG2 x9] + _1:_this_q_dem<4:8>[BV x9] + x9:_year_n_1<9:14>[] +} + +#20010003 +{e3: + _1:_the_q<0:3>[BV x6] + e10:compound<4:24>[ARG1 x6, ARG2 x9] + _2:proper_q<4:12>[BV x9] + x9:named<4:12>("National")[] + x6:_association_n_of<13:24>[ARG1 x15] + _3:udef_q<28:41>[BV x15] + x15:named<28:41>("Manufacturers")[] + e3:_settle_v_1<42:49>[ARG1 x6] + e21:_on_p<50:52>[ARG1 e3, ARG2 x22] + _4:_the_q<53:56>[BV x22] + e28:compound<57:72>[ARG1 x22, ARG2 x27] + _5:proper_q<57:64>[BV x27] + x27:named<57:64>("Hoosier")[] + x22:_capital_n_1<65:72>[] + e33:_of_p<73:75>[ARG1 x22, ARG2 x34] + _6:proper_q<76:88>[BV x34] + x34:named<76:88>("Indianapolis")[] + e39:_for_p<89:92>[ARG1 e3, ARG2 x40] + _7:def_explicit_q<93:96>[BV x40] + e46:poss<93:96>[ARG1 x40, ARG2 x45] + _8:pronoun_q<93:96>[BV x45] + x45:pron<93:96>[] + e52:compound<97:116>[ARG1 x40, ARG2 x51] + _9:udef_q<97:101>[BV x51] + x51:_fall_n_1<97:101>[] + e58:compound<102:116>[ARG1 x40, ARG2 x57] + _10:udef_q<102:107>[BV x57] + x57:_board_n_of<102:107>[] + x40:_meeting_n_of<108:116>[] +} + +#20010006 +{e3: + e3:_on_p<0:2>[ARG1 x5, ARG2 x4] + _1:_the_q<3:6>[BV x4] + e10:_receive_v_1<7:16>[ARG1 x4] + x4:_end_n_of<17:20>[ARG1 x12] + _2:_the_q<24:27>[BV x12] + x12:_message_n_of<28:35>[] + _3:udef_q<41:167>[BV x5] + x5:_official_n_1<41:50>[] + e22:_from_p<51:55>[ARG1 x5, ARG2 x23] + _4:udef_q<56:87>[BV x23] + x23:_giant_n_1<56:62>[] + e28:_like_p<63:67>[ARG1 x23, ARG2 x29] + _5:udef_q<68:87>[BV x29] + _6:proper_q<68:75>[BV x35] + e39:compound<68:75>[ARG1 x35, ARG2 x38] + _7:proper_q<68:70>[BV x38] + x38:named<68:70>("Du")[] + x35:named<71:75>("Pont")[] + x29:_and_c<76:79>[L-INDEX x35, R-INDEX x45] + _8:proper_q<80:87>[BV x45] + x45:named<80:87>("Maytag")[] + e50:_along+with_p<88:98>[ARG1 x5, ARG2 x51] + _9:udef_q<99:167>[BV x51] + e56:_less_a_1<99:105>[ARG1 x51] + e58:comp<99:105>[ARG1 e56] + x51:_known_n_unknown<106:112>[] + e59:_like_p<113:117>[ARG1 x51, ARG2 x60] + _10:udef_q<118:167>[BV x60] + _11:proper_q<118:130>[BV x66] + e70:compound<118:130>[ARG1 x66, ARG2 x69] + _12:proper_q<118:124>[BV x69] + x69:named<118:124>("Trojan")[] + x66:named<125:130>("Steel")[] + x60:_and_c<131:134>[L-INDEX x66, R-INDEX x76] + _13:_the_q<135:138>[BV x76] + e82:compound<139:167>[ARG1 x76, ARG2 x81] + _14:proper_q<139:158>[BV x81] + e88:compound<139:158>[ARG1 x81, ARG2 x87] + _15:proper_q<139:151>[BV x87] + e94:compound<139:151>[ARG1 x87, ARG2 x93] + _16:proper_q<139:145>[BV x93] + x93:named<139:145>("Valley")[] + x87:named<146:151>("Queen")[] + x81:named<152:158>("Cheese")[] + x76:_factory_n_1<159:167>[] +} + +#20010007 +{e3: + e4:_for_p<0:3>[ARG1 e3, ARG2 x6] + _1:udef_q<4:13>[BV x6] + x6:_starter_n_of<4:13>[] + _2:_the_q<14:17>[BV x14] + x14:_executive_n_1<18:28>[] + e3:_join_v_1<29:35>[ARG1 x14, ARG2 x17] + _3:proper_q<36:63>[BV x17] + e23:compound<36:63>[ARG1 x17, ARG2 x22] + _4:udef_q<36:41>[BV x22] + x22:_mayor_n_of<36:41>[] + e30:compound<42:63>[ARG1 x17, ARG2 x29] + _5:proper_q<42:59>[BV x29] + e36:compound<42:59>[ARG1 x29, ARG2 x35] + _6:proper_q<42:52>[BV x35] + e42:compound<42:52>[ARG1 x35, ARG2 x41] + _7:proper_q<42:49>[BV x41] + x41:named<42:49>("William")[] + x35:named<50:52>("H")[] + x29:named<53:59>("Hudnut")[] + x17:named<60:63>("III")[] + e47:_for_p<64:67>[ARG1 e3, ARG2 x48] + _8:_a_q<68:70>[BV x48] + x48:_evening_n_of<71:78>[ARG1 x53] + _9:udef_q<82:160>[BV x53] + _10:_the_q<82:85>[BV x59] + e63:compound<86:117>[ARG1 x59, ARG2 x62] + _11:proper_q<86:107>[BV x62] + e69:compound<86:107>[ARG1 x62, ARG2 x68] + _12:proper_q<86:98>[BV x68] + x68:named<86:98>("Indianapolis")[] + x62:named<99:107>("Symphony")[] + x59:named<108:117>("Orchestra")[] + x53:_and_c<118:121>[L-INDEX x59, R-INDEX x75] + _13:_a_q<122:123>[BV x75] + e81:compound<124:160>[ARG1 x75, ARG2 x80] + _14:udef_q<124:146>[BV x80] + e87:compound<124:146>[ARG1 x80, ARG2 x86] + _15:udef_q<124:129>[BV x86] + x86:_guest_n_of<124:129>[] + e94:compound<130:146>[ARG1 x80, ARG2 x93] + _16:udef_q<130:146>[BV x93] + x93:_pianist-_n_unknown<130:146>[] + x80:_comedian_n_unknown<130:146>[] + e100:compound<147:160>[ARG1 x75, ARG2 x99] + _17:proper_q<147:153>[BV x99] + x99:named<147:153>("Victor")[] + x75:named<154:160>("Borge")[] +} + +#20010008 +{e3: + _1:udef_q<0:21>[BV x5] + _2:udef_q<0:9>[BV x10] + x10:_champagne_n_1<0:9>[] + x5:_and_c<10:13>[L-INDEX x10, R-INDEX x14] + _3:udef_q<14:21>[BV x14] + x14:_dessert_n_1<14:21>[] + e3:_follow_v_1<22:31>[ARG1 x5] +} + +#20010010 +{e22: + _1:_the_q<0:3>[BV x6] + x6:_governor_n_1<4:12>[] + e11:neg<13:21>[ARG1 e3] + e3:_can_v_modal<13:21>[ARG1 e16] + e16:_make_v_1<22:26>[ARG1 x6, ARG2 x17] + x17:pron<27:30>[] + _2:pronoun_q<27:30>[BV x17] + e22:_so_x<31:33>[ARG1 e11, ARG2 e37] + _3:_the_q<34:37>[BV x27] + e31:compound<38:57>[ARG1 x27, ARG2 x30] + _4:udef_q<38:48>[BV x30] + x30:_lieutenant_n_1<38:48>[] + x27:_governor_n_1<49:57>[] + e37:_welcome_v_1<58:66>[ARG1 x27, ARG2 x38] + _5:_the_q<67:70>[BV x38] + e43:_special_a_1<71:78>[ARG1 x38] + x38:_guest_n_of<79:86>[] +} + +#20010011 +{e3: + _1:_a_q<0:1>[BV x6] + e10:compound<2:18>[ARG1 x6, ARG2 x9] + _2:udef_q<2:8>[BV x9] + x9:_buffet_n_1<2:8>[] + x6:_breakfast_n_1<9:18>[] + e3:_hold_v_1<23:27>[ARG2 x6] + e17:_in_p<28:30>[ARG1 e3, ARG2 x18] + _3:_the_q<31:34>[BV x18] + x18:_museum_n_of<35:42>[] + i25:loc_nonsp<43:48>[ARG1 e24, ARG2 x18] + _4:udef_q<49:64>[BV x27] + _5:udef_q<49:53>[BV x32] + x32:_food_n_1<49:53>[] + x27:_and_c<54:57>[L-INDEX x32, R-INDEX x36] + _6:udef_q<58:64>[BV x36] + x36:_drink_n_1<58:64>[] + e24:_ban_v_from<69:75>[ARG2 x27] + e43:_to_p<76:78>[ARG1 e24, ARG2 x44] + _7:udef_q<79:97>[BV x44] + e49:_everyday_a_1<79:87>[ARG1 x44] + x44:_visitor_n_of<88:97>[] +} + +#20010012 +{e5: + e5:_then_a_1<0:5>[ARG1 e3] + e7:_in_p_state<6:8>[ARG1 e3, ARG2 x9] + _1:_the_q<9:12>[BV x12] + x12:_guest_n_of<13:19>[] + _2:def_explicit_q<19:20>[BV x9] + e20:poss<19:20>[ARG1 x9, ARG2 x12] + x9:_honor_n_1<21:27>[] + _3:_the_q<28:31>[BV x23] + x23:_speedway_n_unknown<32:40>[] + e3:_haul_v_out<41:47>[ARG1 x23, ARG2 x26] + _4:udef_q<52:120>[BV x26] + _5:udef_q<52:56>[BV x31] + e35:card<52:56>("4")[ARG1 x31] + x31:_driver_n_of<57:65>[] + _6:udef_q<66:120>[BV x39] + x26:implicit_conj<66:120>[L-INDEX x31, R-INDEX x39] + _7:udef_q<66:71>[BV x44] + x44:_crew_n_of<66:71>[] + x39:_and_c<72:75>[L-INDEX x44, R-INDEX x49] + e51:_even_x_deg<76:80>[ARG1 _8] + _8:_the_q<81:84>[BV x49] + e56:_official_a_1<85:93>[ARG1 x49] + e58:compound<94:120>[ARG1 x49, ARG2 x57] + _9:proper_q<94:110>[BV x57] + e64:compound<94:110>[ARG1 x57, ARG2 x63] + _10:proper_q<94:106>[BV x63] + x63:named<94:106>("Indianapolis")[] + x57:yofc<107:110>("500")[] + x49:_announcer_n_1<111:120>[] + e69:_for_p<121:124>[ARG1 e3, ARG2 x70] + _11:_a_q<125:126>[BV x70] + e76:compound<127:150>[ARG1 x70, ARG2 x75] + _12:udef_q<127:133>[BV x75] + e81:card<127:133>("10-")[ARG1 x75] + x75:_lap_n_1<127:133>[] + e83:compound<134:150>[ARG1 x70, ARG2 x82] + _13:udef_q<134:144>[BV x82] + x82:_exhibition_n_of<134:144>[] + x70:_race_n_of<145:150>[] +} + +#20010013 +{e3: + e4:_after_p<0:5>[ARG1 e3, ARG2 x6] + _1:_the_q<6:9>[BV x6] + x6:_race_n_of<10:15>[] + _2:udef_q<16:38>[BV x14] + e18:compound<16:38>[ARG1 x14, ARG2 x17] + _3:number_q<16:27>[BV x17] + e24:compound<16:27>[ARG1 x17, ARG2 x23] + _4:udef_q<16:23>[BV x23] + x23:named<16:23>("Fortune")[] + x17:card<24:27>("500")[] + x14:_executive_n_1<28:38>[] + e3:_drool_v_unknown<39:46>[ARG1 x14] + e31:_like_p<47:51>[ARG1 e3, ARG2 x32] + _5:udef_q<52:62>[BV x32] + x32:_schoolboy_n_unknown<52:62>[] + e37:_over_p<63:67>[ARG1 e3, ARG2 x38] + _6:_the_q<68:71>[BV x38] + _7:udef_q<72:76>[BV x44] + x44:_car_n_1<72:76>[] + _8:udef_q<77:89>[BV x48] + x38:_and_c<77:80>[L-INDEX x44, R-INDEX x48] + x48:_driver_n_of<81:89>[] +} + +#20010015 +{e3: + e4:loc_nonsp<0:14>[ARG1 e3, ARG2 x6] + x6:place_n<0:4>[] + _1:def_implicit_q<0:4>[BV x6] + e11:_back_p<0:4>[ARG1 x6] + e12:loc_nonsp<5:14>[ARG1 x6, ARG2 x13] + x13:place_n<5:14>[] + _2:def_implicit_q<5:14>[BV x13] + e18:_downtown_a_1<5:14>[ARG1 x13] + _3:_the_q<15:18>[BV x21] + x21:_exec_n_unknown<19:24>[] + e3:_squeeze_v_in<25:33>[ARG1 x21, ARG2 x24] + _4:udef_q<37:64>[BV x24] + e29:_a+few_a_1<37:42>[ARG1 x24] + x24:_meeting_n_of<43:51>[] + e31:_at_p<52:54>[ARG1 x24, ARG2 x32] + _5:_the_q<55:58>[BV x32] + x32:_hotel_n_1<59:64>[] + e37:_before_p<65:71>[ARG1 e3, ARG2 x38] + _6:udef_q<72:97>[BV x38] + x38:nominalization<72:97>[ARG1 e44] + e44:_board_v_1<72:80>[ARG2 x45] + _7:_the_q<81:84>[BV x45] + x45:_bus_n_1<85:90>[] + e51:_again_a_1<91:97>[ARG1 e44] +} + +#20010016 +{e3: + e3:implicit_conj<0:57>[L-HNDL e7, R-HNDL e6] + e9:loc_nonsp<0:10>[ARG1 e7, ARG2 x11] + _1:_this_q_dem<0:4>[BV x11] + x11:_time_n_of<5:10>[] + x17:pron<11:13>[] + _2:pronoun_q<11:13>[BV x17] + e7:_for_p<18:21>[ARG1 x17, ARG2 x21] + _3:udef_q<22:43>[BV x21] + _4:udef_q<22:28>[BV x27] + x27:_dinner_n_1<22:28>[] + x21:_and_c<29:32>[L-INDEX x27, R-INDEX x31] + _5:udef_q<33:43>[BV x31] + e36:_dance_v_1<33:40>[] + x31:nominalization<33:40>[ARG1 e36] + e6:unknown<44:57>[ARG x41] + _6:udef_q<44:57>[BV x41] + e46:card<44:45>("1")[ARG1 x41] + x41:_block_n_1<46:51>[] + e47:_away_p<52:57>[ARG1 x41] +} + +#20010017 +{e3: + e4:_under_p_state<0:5>[ARG1 e3, ARG2 x6] + _1:_the_q<6:9>[BV x6] + _2:udef_q<10:15>[BV x12] + x12:_star_n_1<10:15>[] + _3:udef_q<16:25>[BV x16] + x6:_and_c<16:19>[L-INDEX x12, R-INDEX x16] + x16:_moon_n_1<20:25>[] + e21:_of_p<26:28>[ARG1 x6, ARG2 x22] + _4:_the_q<29:32>[BV x22] + e27:_renovate_v_1<33:42>[ARG2 x22] + e31:compound<43:65>[ARG1 x22, ARG2 x30] + _5:proper_q<43:55>[BV x30] + e37:compound<43:55>[ARG1 x30, ARG2 x36] + _6:proper_q<43:50>[BV x36] + x36:named<43:50>("Indiana")[] + x30:named<51:55>("Roof")[] + x22:_ballroom_n_1<56:65>[] + x43:part_of<66:70>[ARG1 x44] + _7:udef_q<66:70>[BV x43] + e48:card<66:70>("9")[ARG1 x43] + _8:_the_q<74:77>[BV x44] + e53:_hot_a_1<78:85>[ARG1 x44] + e54:superl<78:85>[ARG1 e53] + x44:_chef_n_1<86:91>[] + e55:_in_p<92:94>[ARG1 x44, ARG2 x56] + _9:idiom_q_i<95:99>[BV x56] + x56:_town_n_1<95:99>[] + e3:_feed_v_1<100:103>[ARG1 x43, ARG2 x62, ARG3 x61] + x61:pron<104:108>[] + _10:pronoun_q<104:108>[BV x61] + _11:udef_q<109:213>[BV x62] + _12:udef_q<109:137>[BV x72] + e76:compound<109:137>[ARG1 x72, ARG2 x75] + _13:udef_q<109:125>[BV x75] + e82:compound<109:125>[ARG1 x75, ARG2 x81] + _14:proper_q<109:116>[BV x81] + x81:named<109:116>("Indiana")[] + x75:_duckling_n_1<117:125>[] + x72:_mousseline_n_unknown<126:137>[] + _15:udef_q<138:213>[BV x89] + x62:implicit_conj<138:213>[L-INDEX x72, R-INDEX x89] + _16:udef_q<138:155>[BV x94] + e98:compound<138:155>[ARG1 x94, ARG2 x97] + _17:udef_q<138:145>[BV x97] + x97:_lobster_n_1<138:145>[] + x94:_consomme_n_unknown<146:155>[] + _18:udef_q<156:213>[BV x105] + x89:implicit_conj<156:213>[L-INDEX x94, R-INDEX x105] + _19:udef_q<156:167>[BV x110] + e114:compound<156:167>[ARG1 x110, ARG2 x113] + _20:udef_q<156:160>[BV x113] + x113:_veal_n_unknown<156:160>[] + x110:_mignon_n_unknown<161:167>[] + x105:_and_c<168:171>[L-INDEX x110, R-INDEX x120] + _21:udef_q<172:213>[BV x120] + e126:compound<172:189>[ARG1 x120, ARG2 x125] + _22:udef_q<172:181>[BV x125] + x125:_chocolate_n_1<172:181>[] + x120:_terrine_n_unknown<182:189>[] + e131:_with_p<190:194>[ARG1 x120, ARG2 x132] + _23:_a_q<195:196>[BV x132] + e138:compound<197:213>[ARG1 x132, ARG2 x137] + _24:udef_q<197:206>[BV x137] + x137:_raspberry_n_1<197:206>[] + x132:_sauce_n_1<207:213>[] +} + +#20010018 +{e6: + e6:subord<0:54>[ARG1 e3, ARG2 e21] + e8:_know_v_1<0:7>[ARG2 x9] + _1:_a_q<8:9>[BV x9] + e15:_tasty_a_1<10:15>[ARG1 x9] + e17:_and_c<19:22>[L-HNDL e15, R-HNDL e19] + e19:_free_a_1<23:27>[ARG1 x9] + x9:_meal_n_1<31:35>[] + e21:_when_x_subord<36:40>[ARG1 e8, ARG2 e30] + x25:pron<41:45>[] + _2:pronoun_q<41:45>[BV x25] + e30:_eat_v_1<46:49>[ARG1 x25, ARG2 x31] + x31:generic_entity<50:54>[] + _3:udef_q<50:54>[BV x31] + e36:card<50:54>("1")[ARG1 x31] + _4:_the_q<55:58>[BV x39] + x39:_executive_n_1<59:69>[] + e3:_give_v_1<70:74>[ARG1 x39, ARG2 x44, ARG3 x43] + _5:_the_q<75:78>[BV x43] + x43:_chef_n_1<79:84>[] + _6:_a_q<85:86>[BV x44] + e54:compound<87:104>[ARG1 x44, ARG2 x53] + _7:udef_q<87:95>[BV x53] + e59:_stand_v_1<87:95>[] + x53:nominalization<87:95>[ARG1 e59] + x44:_ovation_n_unknown<96:104>[] +} + +#20010019 +{e3: + x5:generic_entity<0:20>[] + _1:udef_q<0:20>[BV x5] + e9:much-many_a<0:4>[ARG1 x5] + e11:comp<0:4>[ARG1 e9, ARG2 x10] + _2:udef_q<10:20>[BV x10] + e16:_a+few_a_1<10:15>[ARG1 x10] + x10:_ceo_n_unknown<16:20>[] + e3:_say_v_to<21:24>[ARG1 x5, ARG2 e33] + _3:_the_q<25:28>[BV x21] + e25:compound<29:49>[ARG1 x21, ARG2 x24] + _4:udef_q<29:39>[BV x24] + e30:_red_a_1<29:39>[ARG1 x24] + x24:_carpet_n_1<29:39>[] + x21:_treatment_n_of<40:49>[] + e33:_tempt_v_1<50:56>[ARG1 x21, ARG2 x35, ARG3 e41] + x35:pron<57:61>[] + _5:pronoun_q<57:61>[BV x35] + e41:_return_v_1<65:71>[ARG1 x35] + e42:_to_p<72:74>[ARG1 e41, ARG2 x43] + _6:_a_q<75:76>[BV x43] + e49:compound<77:91>[ARG1 x43, ARG2 x48] + _7:udef_q<77:86>[BV x48] + x48:_heartland_n_unknown<77:86>[] + x43:_city_n_1<87:91>[] + e54:_for_p<92:95>[ARG1 e41, ARG2 x55] + _8:udef_q<96:112>[BV x55] + e60:_future_a_1<96:102>[ARG1 x55] + x55:_meeting_n_of<103:112>[] +} + +#20010020 +{e3: + e3:_but_c<0:3>[R-HNDL e4] + e9:_for_p<4:7>[ARG1 e4, ARG2 x11] + x11:time_n<8:12>[] + _1:def_implicit_q<8:12>[BV x11] + e16:_now_a_1<8:12>[ARG1 x11] + x18:pron<13:17>[] + _2:pronoun_q<13:17>[BV x18] + e4:_look_v_forward-to<21:28>[ARG1 x18, ARG2 x22] + e24:appos<40:81>[ARG1 x22, ARG2 x23] + _3:def_explicit_q<40:45>[BV x22] + e30:poss<40:45>[ARG1 x22, ARG2 x29] + _4:pronoun_q<40:45>[BV x29] + x29:pron<40:45>[] + e36:compound<46:63>[ARG1 x22, ARG2 x35] + _5:udef_q<46:52>[BV x35] + x35:season<46:52>("winter")[] + x22:_meeting_n_of<53:60>[] + _6:proper_q<64:81>[BV x23] + x23:named<64:68>("Boca")[] + e46:_in_p_temp<69:71>[ARG1 x23, ARG2 x47] + _7:proper_q<72:81>[BV x47] + x47:mofy<72:81>("Feb")[] +} + +#20011001 +{e47: + _1:proper_q<0:11>[BV x6] + e10:compound<0:11>[ARG1 x6, ARG2 x9] + _2:proper_q<0:5>[BV x9] + x9:named<0:5>("South")[] + x6:named<6:11>("Korea")[] + e3:_register_v_1<12:22>[ARG1 x6, ARG2 x16] + _3:_a_q<23:24>[BV x16] + e22:compound<25:38>[ARG1 x16, ARG2 x21] + _4:udef_q<25:30>[BV x21] + x21:_trade_n_of<25:30>[] + x16:_deficit_n_of<31:38>[ARG1 x28] + _5:udef_q<42:54>[BV x28] + x28:_dollar_n_1<42:43>[] + i35:card<43:46>("101")[] + e37:card<47:54>("1000000")[ARG1 x28] + i38:times<47:54>[ARG2 i35, ARG3 e37] + e39:_in_p_temp<55:57>[ARG1 e3, ARG2 x40] + _6:proper_q<58:66>[BV x40] + x40:mofy<58:66>("Oct")[] + e47:subord<67:114>[ARG1 e3, ARG2 e49] + e49:_reflect_v_1<67:77>[ARG2 x50] + _7:_the_q<78:81>[BV x54] + x54:_country_n_of<82:89>[] + _8:def_explicit_q<89:91>[BV x50] + e62:poss<89:91>[ARG1 x50, ARG2 x54] + e63:_economic_a_1<92:100>[ARG1 x50] + x50:_sluggishness_n_unknown<101:114>[] + e64:_according+to_p<115:127>[ARG1 e3, ARG2 x65] + _9:udef_q<128:166>[BV x65] + e71:compound<128:146>[ARG1 x65, ARG2 x70] + _10:udef_q<128:138>[BV x70] + x70:_government_n_of<128:138>[] + x65:_figure_n_1<139:146>[] + e77:_release_v_1<147:155>[ARG2 x65] + e80:loc_nonsp<156:166>[ARG1 e77, ARG2 x81] + _11:proper_q<156:166>[BV x81] + x81:dofw<156:166>("Wed")[] +} + +#20011002 +{e68: + _1:udef_q<0:54>[BV x6] + e9:_preliminary_a_1<0:11>[ARG1 x6] + x6:_tally_n_1<12:19>[] + e10:_by_p<20:22>[ARG1 x6, ARG2 x11] + _2:_the_q<23:26>[BV x11] + e17:compound<27:54>[ARG1 x11, ARG2 x16] + _3:udef_q<27:45>[BV x16] + _4:proper_q<27:32>[BV x23] + x23:named<27:32>("Trade")[] + x16:_and_c<33:36>[L-INDEX x23, R-INDEX x27] + _5:proper_q<37:45>[BV x27] + x27:named<37:45>("Industry")[] + x11:_ministry_n_1<46:54>[] + e3:_show_v_1<55:61>[ARG1 x6, ARG2 x33] + e35:appos<62:132>[ARG1 x33, ARG2 x34] + _6:_another_q<62:69>[BV x33] + e41:compound<70:83>[ARG1 x33, ARG2 x40] + _7:udef_q<70:75>[BV x40] + x40:_trade_n_of<70:75>[] + x33:_deficit_n_of<76:83>[] + e48:_in_p_temp<84:86>[ARG1 x33, ARG2 x49] + _8:proper_q<87:95>[BV x49] + x49:mofy<87:95>("Oct")[] + _9:_the_q<96:99>[BV x34] + e58:ord<100:105>("5")[ARG1 x34] + e59:_monthly_a_1<106:113>[ARG1 x34] + x34:_setback_n_unknown<114:121>[] + e60:loc_nonsp<122:132>[ARG1 x34, ARG2 x61] + _10:_this_q_dem<122:126>[BV x61] + x61:_year_n_1<127:132>[] + e68:subord<133:190>[ARG1 e3, ARG2 e70] + e70:_cast_v_1<133:140>[ARG2 x72, ARG3 e80] + _11:_a_q<141:142>[BV x72] + x72:_cloud_n_of<143:148>[] + e80:_on_p<149:151>[ARG1 x72, ARG2 x81] + _12:proper_q<152:163>[BV x84] + e88:compound<152:163>[ARG1 x84, ARG2 x87] + _13:proper_q<152:157>[BV x87] + x87:named<152:157>("South")[] + x84:named<158:163>("Korea")[] + _14:def_explicit_q<163:165>[BV x81] + e97:poss<163:165>[ARG1 x81, ARG2 x84] + e100:compound<166:181>[ARG1 e98, ARG2 x99] + _15:udef_q<166:181>[BV x99] + x99:_export_n_of<166:181>[] + e98:_orient_v_1<166:181>[ARG2 x81] + x81:_economy_n_1<182:190>[] +} + +#20011004 +{e3: + _1:proper_q<0:11>[BV x6] + e10:compound<0:11>[ARG1 x6, ARG2 x9] + _2:proper_q<0:5>[BV x9] + x9:named<0:5>("South")[] + x6:named<6:11>("Korea")[] + _3:def_explicit_q<11:13>[BV x17] + e20:poss<11:13>[ARG1 x17, ARG2 x6] + e21:_economic_a_1<14:22>[ARG1 x17] + x17:_boom_n_1<23:28>[] + e22:_begin_v_1<35:40>[ARG1 x17] + e24:_in_p_temp<41:43>[ARG1 e22, ARG2 x25] + _4:proper_q<44:49>[BV x25] + x25:yofc<44:49>("1986")[] + e3:_stop_v_1<50:57>[ARG1 x17] + e31:loc_nonsp<58:67>[ARG1 e3, ARG2 x32] + _5:_this_q_dem<58:62>[BV x32] + x32:_year_n_1<63:67>[] + e37:_because+of_p<68:78>[ARG1 e3, ARG2 x38] + _6:udef_q<79:142>[BV x38] + _7:udef_q<79:104>[BV x44] + e47:_prolonged_a_1<79:88>[ARG1 x44] + e49:compound<89:104>[ARG1 x44, ARG2 x48] + _8:udef_q<89:94>[BV x48] + x48:_labor_n_1<89:94>[] + x44:_dispute_n_1<95:104>[] + _9:udef_q<105:142>[BV x56] + x38:implicit_conj<105:142>[L-INDEX x44, R-INDEX x56] + _10:udef_q<105:120>[BV x61] + e65:compound<105:120>[ARG1 x61, ARG2 x64] + _11:udef_q<105:110>[BV x64] + x64:_trade_n_of<105:110>[] + x61:_conflict_n_1<111:120>[] + x56:_and_c<121:124>[L-INDEX x61, R-INDEX x72] + _12:udef_q<125:142>[BV x72] + e77:_sluggish_a_1<125:133>[ARG1 x72] + x72:_export_n_of<134:142>[] +} + +#20011005 +{e3: + _1:udef_q<0:20>[BV x6] + e10:compound<0:20>[ARG1 x6, ARG2 x9] + _2:udef_q<0:10>[BV x9] + x9:_government_n_of<0:10>[] + x6:_official_n_1<11:20>[] + e3:_say_v_to<21:25>[ARG1 x6, ARG2 e37] + _3:udef_q<26:56>[BV x20] + x20:_export_n_of<26:33>[] + e24:_at_p<34:36>[ARG1 x20, ARG2 x25] + _4:_the_q<37:40>[BV x25] + x25:_end_n_of<41:44>[ARG1 x30] + _5:_the_q<48:51>[BV x30] + x30:_year_n_1<52:56>[] + e37:_would_v_modal<57:62>[ARG1 e39] + e39:_remain_v_1<63:69>[ARG1 x20, ARG2 e42] + e42:_under_p<70:75>[ARG1 x20, ARG2 x43] + _6:_a_q<76:77>[BV x43] + e49:compound<78:95>[ARG1 x43, ARG2 x48] + _7:udef_q<78:88>[BV x48] + x48:_government_n_of<78:88>[] + x43:_target_n_of<89:95>[ARG1 x55] + _8:udef_q<99:111>[BV x55] + x55:_dollar_n_1<99:100>[] + i62:card<100:102>("68")[] + e64:card<103:111>("1000000000")[ARG1 x55] + i65:times<103:111>[ARG2 i62, ARG3 e64] +} + +#20011006 +{e3: + e4:_despite_p<0:7>[ARG1 e3, ARG2 x6] + _1:_the_q<8:11>[BV x6] + e11:_gloomy_a_1<12:18>[ARG1 x6] + x6:_forecast_n_1<19:28>[] + _2:proper_q<29:40>[BV x14] + e18:compound<29:40>[ARG1 x14, ARG2 x17] + _3:proper_q<29:34>[BV x17] + x17:named<29:34>("South")[] + x14:named<35:40>("Korea")[] + e3:_record_v_1<45:53>[ARG1 x14, ARG2 x23] + _4:_a_q<54:55>[BV x23] + e29:compound<56:69>[ARG1 x23, ARG2 x28] + _5:udef_q<56:61>[BV x28] + x28:_trade_n_of<56:61>[] + x23:_surplus_n_of<62:69>[ARG1 x35] + _6:udef_q<73:84>[BV x35] + x35:_dollar_n_1<73:74>[] + i42:card<74:76>("71")[] + e44:card<77:84>("1000000")[ARG1 x35] + i45:times<77:84>[ARG2 i42, ARG3 e44] + e47:comp_so<85:87>[ARG1 e46] + e46:_far_a_1<88:91>[ARG1 x23] + e49:loc_nonsp<92:102>[ARG1 x23, ARG2 x50] + _7:_this_q_dem<92:96>[BV x50] + x50:_year_n_1<97:102>[] +} + +#20011007 +{e3: + e4:_from_p_time<0:4>[ARG1 e3, ARG2 x6] + _1:proper_q<5:12>[BV x6] + x6:mofy<5:12>("Jan")[] + e11:_to_p<13:15>[ARG1 e3, ARG2 x12] + _2:proper_q<16:24>[BV x12] + x12:mofy<16:24>("Oct")[] + _3:_the_q<25:28>[BV x19] + x19:_nation_n_of<29:35>[] + _4:def_explicit_q<35:37>[BV x25] + e28:poss<35:37>[ARG1 x25, ARG2 x19] + e29:_accumulate_v_cause<38:49>[ARG2 x25] + x25:_export_n_of<50:57>[] + e3:_increase_v_1<58:67>[ARG1 x25] + e33:loc_nonsp<68:70>[ARG1 e3, ARG2 x34] + _5:udef_q<68:70>[BV x34] + e39:card<68:69>("4")[ARG1 x34] + x34:_percent_n_of<69:70>[] + e40:_from_p<71:75>[ARG1 e3, ARG2 x41] + _6:_the_q<76:79>[BV x41] + e46:_same_a_as<80:84>[ARG1 x41] + e48:comp_equal<80:84>[ARG1 e46] + x41:_period_n_of<85:91>[] + e50:loc_nonsp<92:101>[ARG1 x41, ARG2 x51] + _7:def_implicit_q<92:96>[BV x51] + i56:_last_a_1<92:96>[ARG1 x51] + x51:_year_n_1<97:101>[] + e57:_to_p<102:104>[ARG1 e3, ARG2 x58] + _8:udef_q<105:120>[BV x58] + x58:_dollar_n_1<105:106>[] + i65:card<106:111>("50.45")[] + e67:card<112:120>("1000000000")[ARG1 x58] + i68:times<112:120>[ARG2 i65, ARG3 e67] +} + +#20011008 +{e3: + _1:udef_q<0:7>[BV x6] + x6:_import_n_of<0:7>[] + e3:_at_p<13:15>[ARG1 x6, ARG2 x10] + _2:udef_q<16:31>[BV x10] + x10:_dollar_n_1<16:17>[] + i17:card<17:22>("50.38")[] + e19:card<23:31>("1000000000")[ARG1 x10] + i20:times<23:31>[ARG2 i17, ARG3 e19] + e21:_up_p<32:34>[ARG1 e3, ARG2 x22] + _3:udef_q<35:39>[BV x22] + e27:card<35:37>("19")[ARG1 x22] + x22:_percent_n_of<37:39>[] +} + +#20012002 +{e3: + _1:_the_q<0:3>[BV x6] + e9:_new_a_1<4:7>[ARG1 x6] + e11:compound<8:15>[ARG1 x6, ARG2 x10] + _2:udef_q<8:10>[BV x10] + x10:_ad_n_1<8:10>[] + x6:_plan_n_1<11:15>[] + e16:_from_p<16:20>[ARG1 x6, ARG2 x17] + e19:appos<21:65>[ARG1 x17, ARG2 x18] + _3:proper_q<21:30>[BV x17] + x17:named<21:30>("Newsweek")[] + _4:_a_q<31:32>[BV x18] + x18:_unit_n_of<33:37>[ARG1 x28] + _5:_the_q<41:44>[BV x28] + e34:compound<45:65>[ARG1 x28, ARG2 x33] + _6:proper_q<45:60>[BV x33] + e40:compound<45:60>[ARG1 x33, ARG2 x39] + _7:proper_q<45:55>[BV x39] + x39:named<45:55>("Washington")[] + x33:named<56:60>("Post")[] + x28:_co_n_1<61:65>[] + e3:_be_v_id<66:68>[ARG1 x6, ARG2 x45] + _8:_the_q<69:72>[BV x45] + e50:ord<73:79>("2")[ARG1 x45] + e52:compound<80:94>[ARG1 x45, ARG2 x51] + _9:udef_q<80:89>[BV x51] + x51:_incentive_n_to<80:89>[] + x45:_plan_n_1<90:94>[] + _10:_the_q<95:98>[BV x60] + x60:_magazine_n_1<99:107>[] + e63:_offer_v_1<112:119>[ARG1 x60, ARG2 x45, ARG3 x64] + _11:udef_q<120:131>[BV x64] + x64:_advertiser_n_unknown<120:131>[] + e69:_in_p<132:134>[ARG1 e63, ARG2 x70] + _12:udef_q<135:147>[BV x70] + e75:card<135:140>("3")[ARG1 x70] + x70:_year_n_1<141:147>[] +} + +#20012004 +{e3: + _1:proper_q<0:46>[BV x6] + e10:compound<0:11>[ARG1 x6, ARG2 x9] + _2:proper_q<0:4>[BV x9] + x9:named<0:4>("Alan")[] + x6:named<5:11>("Spoon")[] + e15:_recent_a_1<12:20>[ARG1 e16] + e16:_name_v_1<21:26>[ARG2 x18, ARG3 x6] + _3:udef_q<21:26>[BV x18] + e25:compound<27:46>[ARG1 x18, ARG2 x24] + _4:proper_q<27:35>[BV x24] + x24:named<27:35>("Newsweek")[] + x18:_president_n_of<36:46>[] + e3:_say_v_to<47:51>[ARG1 x6, ARG2 e53] + _5:proper_q<52:60>[BV x35] + x35:named<52:60>("Newsweek")[] + _6:def_explicit_q<60:62>[BV x40] + e43:poss<60:62>[ARG1 x40, ARG2 x35] + e45:compound<63:71>[ARG1 x40, ARG2 x44] + _7:udef_q<63:65>[BV x44] + x44:_ad_n_1<63:65>[] + x40:_rate_n_of<66:71>[] + e53:_would_v_modal<72:77>[ARG1 e55] + e55:_increase_v_1<78:86>[ARG1 x40] + e56:loc_nonsp<87:89>[ARG1 e55, ARG2 x57] + _8:udef_q<87:89>[BV x57] + e62:card<87:88>("5")[ARG1 x57] + x57:_percent_n_of<88:89>[] + e63:_in_p_temp<90:92>[ARG1 e55, ARG2 x64] + _9:proper_q<93:101>[BV x64] + x64:mofy<93:101>("Jan")[] +} + +#20012005 +{e3: + _1:_a_q<0:1>[BV x6] + e9:_full_a_of<2:7>[ARG1 x6] + e12:compound<8:23>[ARG1 x6, ARG2 x11] + _2:udef_q<8:18>[BV x11] + e17:card<8:18>("4")[ARG1 x11] + x11:_color_n_1<8:18>[] + x6:_page_n_1<19:23>[] + e18:_in_p<24:26>[ARG1 x6, ARG2 x19] + _3:proper_q<27:35>[BV x19] + x19:named<27:35>("Newsweek")[] + e3:_cost_v_1<41:45>[ARG1 x6, ARG2 x24] + _4:udef_q<46:55>[BV x24] + x24:_dollar_n_1<46:47>[] + e29:card<47:55>("100,980")[ARG1 x24] +} + diff --git a/mtool/data/sample/eds/wsj.mrp b/mtool/data/sample/eds/wsj.mrp new file mode 100644 index 0000000000000000000000000000000000000000..bd037ca375c49071fd7bfd6c8b6ce646810a93e1 --- /dev/null +++ b/mtool/data/sample/eds/wsj.mrp @@ -0,0 +1,89 @@ +{"id": "20001001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29.", "tops": [10], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 28}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 14}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Pierre"], "anchors": [{"from": 0, "to": 6}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Vinken"], "anchors": [{"from": 7, "to": 14}]}, {"id": 5, "label": "measure", "anchors": [{"from": 15, "to": 23}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 15, "to": 23}]}, {"id": 7, "label": "card", "properties": ["carg"], "values": ["61"], "anchors": [{"from": 15, "to": 17}]}, {"id": 8, "label": "_year_n_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 9, "label": "_old_a_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 10, "label": "_join_v_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "_board_n_of", "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "_as_p", "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "label": "_a_q", "anchors": [{"from": 52, "to": 53}]}, {"id": 15, "label": "_nonexecutive_a_unknown", "anchors": [{"from": 54, "to": 66}]}, {"id": 16, "label": "_director_n_of", "anchors": [{"from": 67, "to": 75}]}, {"id": 17, "label": "loc_nonsp", "anchors": [{"from": 76, "to": 84}]}, {"id": 18, "label": "mofy", "properties": ["carg"], "values": ["Nov"], "anchors": [{"from": 76, "to": 80}]}, {"id": 19, "label": "def_explicit_q", "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "label": "of_p", "anchors": [{"from": 76, "to": 80}]}, {"id": 21, "label": "def_implicit_q", "anchors": [{"from": 76, "to": 80}]}, {"id": 22, "label": "dofm", "properties": ["carg"], "values": ["29"], "anchors": [{"from": 81, "to": 84}]}], "edges": [{"source": 13, "target": 16, "label": "ARG2"}, {"source": 9, "target": 4, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 21, "target": 18, "label": "BV"}, {"source": 19, "target": 22, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 17, "target": 10, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 20, "target": 18, "label": "ARG2"}]} +{"id": "20001002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_mister_n_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Vinken"], "anchors": [{"from": 4, "to": 10}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 14, "to": 68}]}, {"id": 7, "label": "_chairman_n_of", "anchors": [{"from": 14, "to": 22}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 9, "label": "appos", "anchors": [{"from": 26, "to": 68}]}, {"id": 10, "label": "proper_q", "anchors": [{"from": 26, "to": 40}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Elsevier"], "anchors": [{"from": 26, "to": 34}]}, {"id": 12, "label": "_nv_n_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 35, "to": 40}]}, {"id": 14, "label": "compound", "anchors": [{"from": 35, "to": 40}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 16, "label": "_dutch_a_1", "anchors": [{"from": 45, "to": 50}]}, {"id": 17, "label": "compound", "anchors": [{"from": 51, "to": 68}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 51, "to": 61}]}, {"id": 19, "label": "_publish_v_1", "anchors": [{"from": 51, "to": 61}]}, {"id": 20, "label": "nominalization", "anchors": [{"from": 51, "to": 61}]}, {"id": 21, "label": "_group_n_of", "anchors": [{"from": 62, "to": 68}]}], "edges": [{"source": 1, "target": 3, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 9, "target": 21, "label": "ARG2"}, {"source": 16, "target": 21, "label": "ARG1"}, {"source": 14, "target": 11, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 15, "target": 21, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 17, "target": 21, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 20, "target": 19, "label": "ARG1"}]} +{"id": "20003001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [39], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "_form_n_of", "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "label": "_asbestos_n_1", "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "label": "_once_a_1", "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "_use_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "_make_v_1", "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 37, "to": 59}]}, {"id": 8, "label": "compound", "anchors": [{"from": 37, "to": 59}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "label": "compound", "anchors": [{"from": 42, "to": 59}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 42, "to": 51}]}, {"id": 13, "label": "_cigarette_n_1", "anchors": [{"from": 42, "to": 51}]}, {"id": 14, "label": "_filter_n_1", "anchors": [{"from": 52, "to": 59}]}, {"id": 15, "label": "_cause_v_1", "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "label": "_high_a_1", "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "label": "_percentage_n_of", "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 92, "to": 168}]}, {"id": 20, "label": "compound", "anchors": [{"from": 92, "to": 105}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 92, "to": 98}]}, {"id": 22, "label": "_cancer_n_1", "anchors": [{"from": 92, "to": 98}]}, {"id": 23, "label": "_death_n_1", "anchors": [{"from": 99, "to": 105}]}, {"id": 24, "label": "_among_p", "anchors": [{"from": 106, "to": 111}]}, {"id": 25, "label": "_a_q", "anchors": [{"from": 112, "to": 113}]}, {"id": 26, "label": "_group_n_of", "anchors": [{"from": 114, "to": 119}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 123, "to": 168}]}, {"id": 28, "label": "_worker_n_1", "anchors": [{"from": 123, "to": 130}]}, {"id": 29, "label": "_expose_v_to", "anchors": [{"from": 131, "to": 138}]}, {"id": 30, "label": "pron", "anchors": [{"from": 142, "to": 144}]}, {"id": 31, "label": "pronoun_q", "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "label": "_more+than_a_1", "anchors": [{"from": 145, "to": 154}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 155, "to": 163}]}, {"id": 34, "label": "card", "properties": ["carg"], "values": ["30"], "anchors": [{"from": 155, "to": 157}]}, {"id": 35, "label": "_year_n_1", "anchors": [{"from": 158, "to": 163}]}, {"id": 36, "label": "_ago_p", "anchors": [{"from": 164, "to": 168}]}, {"id": 37, "label": "udef_q", "anchors": [{"from": 169, "to": 180}]}, {"id": 38, "label": "_researcher_n_of", "anchors": [{"from": 169, "to": 180}]}, {"id": 39, "label": "_report_v_to", "anchors": [{"from": 181, "to": 190}]}], "edges": [{"source": 12, "target": 13, "label": "BV"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG2"}, {"source": 39, "target": 38, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 29, "target": 30, "label": "ARG3"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 18, "target": 23, "label": "ARG1"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 6, "target": 14, "label": "ARG2"}, {"source": 36, "target": 29, "label": "ARG1"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG1"}, {"source": 31, "target": 30, "label": "BV"}, {"source": 15, "target": 1, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 7, "target": 14, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG3"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 32, "target": 36, "label": "ARG1"}, {"source": 39, "target": 15, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 36, "target": 35, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 37, "target": 38, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 8, "target": 14, "label": "ARG1"}]} +{"id": "20003002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [38], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 32}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "compound", "anchors": [{"from": 4, "to": 19}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "_asbestos_n_1", "anchors": [{"from": 4, "to": 12}]}, {"id": 5, "label": "_fiber_n_1", "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 20, "to": 32}]}, {"id": 7, "label": "_crocidolite_n_unknown", "anchors": [{"from": 20, "to": 32}]}, {"id": 8, "label": "_unusually_x_deg", "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "label": "_resilient_a_unknown", "anchors": [{"from": 46, "to": 55}]}, {"id": 10, "label": "_once_x_subord", "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "label": "pron", "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "_enter_v_1", "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "label": "_lung_n_1", "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "label": "_with_x_subord", "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "label": "_even_x_deg", "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 92, "to": 113}]}, {"id": 19, "label": "_brief_a_1", "anchors": [{"from": 92, "to": 97}]}, {"id": 20, "label": "_exposure_n_of-to", "anchors": [{"from": 98, "to": 107}]}, {"id": 21, "label": "_to_p", "anchors": [{"from": 108, "to": 110}]}, {"id": 22, "label": "pron", "anchors": [{"from": 111, "to": 113}]}, {"id": 23, "label": "pronoun_q", "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "label": "_cause_v_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 122, "to": 158}]}, {"id": 26, "label": "_symptom_n_1", "anchors": [{"from": 122, "to": 130}]}, {"id": 27, "label": "_show_v_up", "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "label": "loc_nonsp", "anchors": [{"from": 144, "to": 158}]}, {"id": 29, "label": "udef_q", "anchors": [{"from": 144, "to": 158}]}, {"id": 30, "label": "_decade_n_1", "anchors": [{"from": 144, "to": 151}]}, {"id": 31, "label": "loc_nonsp", "anchors": [{"from": 152, "to": 158}]}, {"id": 32, "label": "time_n", "anchors": [{"from": 152, "to": 158}]}, {"id": 33, "label": "def_explicit_q", "anchors": [{"from": 152, "to": 158}]}, {"id": 34, "label": "_late_a_for", "anchors": [{"from": 152, "to": 158}]}, {"id": 35, "label": "comp", "anchors": [{"from": 152, "to": 158}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 159, "to": 170}]}, {"id": 37, "label": "_researcher_n_of", "anchors": [{"from": 159, "to": 170}]}, {"id": 38, "label": "_say_v_to", "anchors": [{"from": 171, "to": 176}]}], "edges": [{"source": 17, "target": 18, "label": "ARG1"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 38, "target": 16, "label": "ARG2"}, {"source": 16, "target": 24, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 24, "target": 20, "label": "ARG1"}, {"source": 35, "target": 34, "label": "ARG1"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 29, "target": 30, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 38, "target": 37, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 28, "target": 30, "label": "ARG2"}, {"source": 31, "target": 32, "label": "ARG2"}, {"source": 9, "target": 5, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 33, "target": 32, "label": "BV"}, {"source": 16, "target": 10, "label": "ARG1"}, {"source": 34, "target": 32, "label": "ARG1"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}]} +{"id": "20003003", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [26], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 82}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 0, "to": 15}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 0, "to": 9}]}, {"id": 3, "label": "_inc_n_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "label": "compound", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "label": "_unit_n_of", "anchors": [{"from": 20, "to": 24}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 28, "to": 54}]}, {"id": 9, "label": "compound", "anchors": [{"from": 28, "to": 42}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 28, "to": 42}]}, {"id": 11, "label": "compound", "anchors": [{"from": 28, "to": 42}]}, {"id": 12, "label": "proper_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["New"], "anchors": [{"from": 28, "to": 31}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["York"], "anchors": [{"from": 32, "to": 42}]}, {"id": 15, "label": "_base_v_1", "anchors": [{"from": 32, "to": 42}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Loews"], "anchors": [{"from": 43, "to": 48}]}, {"id": 17, "label": "_corporation_n_1", "anchors": [{"from": 49, "to": 54}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 49, "to": 54}]}, {"id": 19, "label": "compound", "anchors": [{"from": 49, "to": 54}]}, {"id": 20, "label": "_make_v_1", "anchors": [{"from": 60, "to": 65}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 66, "to": 82}]}, {"id": 22, "label": "compound", "anchors": [{"from": 66, "to": 82}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 66, "to": 70}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 66, "to": 70}]}, {"id": 25, "label": "_cigarette_n_1", "anchors": [{"from": 71, "to": 82}]}, {"id": 26, "label": "_stop_v_prd", "anchors": [{"from": 83, "to": 90}]}, {"id": 27, "label": "_use_v_1", "anchors": [{"from": 91, "to": 96}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 97, "to": 108}]}, {"id": 29, "label": "_crocidolite_n_unknown", "anchors": [{"from": 97, "to": 108}]}, {"id": 30, "label": "_in_p", "anchors": [{"from": 109, "to": 111}]}, {"id": 31, "label": "def_explicit_q", "anchors": [{"from": 112, "to": 115}]}, {"id": 32, "label": "poss", "anchors": [{"from": 112, "to": 115}]}, {"id": 33, "label": "pronoun_q", "anchors": [{"from": 112, "to": 115}]}, {"id": 34, "label": "pron", "anchors": [{"from": 112, "to": 115}]}, {"id": 35, "label": "compound", "anchors": [{"from": 116, "to": 143}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 116, "to": 125}]}, {"id": 37, "label": "named", "properties": ["carg"], "values": ["Micronite"], "anchors": [{"from": 116, "to": 125}]}, {"id": 38, "label": "compound", "anchors": [{"from": 126, "to": 143}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 126, "to": 135}]}, {"id": 40, "label": "_cigarette_n_1", "anchors": [{"from": 126, "to": 135}]}, {"id": 41, "label": "_filter_n_1", "anchors": [{"from": 136, "to": 143}]}, {"id": 42, "label": "_in_p_temp", "anchors": [{"from": 144, "to": 146}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 147, "to": 152}]}, {"id": 44, "label": "yofc", "properties": ["carg"], "values": ["1956"], "anchors": [{"from": 147, "to": 152}]}], "edges": [{"source": 35, "target": 41, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 9, "target": 15, "label": "ARG1"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 9, "target": 14, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 30, "target": 41, "label": "ARG2"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 31, "target": 41, "label": "BV"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 30, "target": 27, "label": "ARG1"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 32, "target": 41, "label": "ARG1"}, {"source": 7, "target": 16, "label": "ARG1"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 20, "target": 7, "label": "ARG1"}, {"source": 8, "target": 16, "label": "BV"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 42, "target": 26, "label": "ARG1"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 27, "target": 2, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}]} +{"id": "20003005", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [5], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "compound", "anchors": [{"from": 2, "to": 22}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 2, "to": 11}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 2, "to": 11}]}, {"id": 4, "label": "_spokewoman_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "label": "generic_entity", "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "_this_q_dem", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_be_v_id", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_a_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "label": "_old_a_1", "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "_story_n_1", "anchors": [{"from": 45, "to": 51}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}]} +{"id": "20003007", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "There is no asbestos in our products now.\"", "tops": [0], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 8}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "label": "_asbestos_n_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_in_p", "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "label": "poss", "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "label": "pron", "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "_product_n_1", "anchors": [{"from": 28, "to": 36}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "label": "time_n", "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "label": "def_implicit_q", "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_now_a_1", "anchors": [{"from": 37, "to": 42}]}], "edges": [{"source": 1, "target": 2, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 9, "target": 0, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}]} +{"id": "20003008", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [9], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 61}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "_nor_c", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "label": "_researcher_n_of", "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "label": "_study_v_1", "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "label": "_worker_n_1", "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "label": "_aware_a_of", "anchors": [{"from": 67, "to": 72}]}, {"id": 10, "label": "_any_q", "anchors": [{"from": 76, "to": 79}]}, {"id": 11, "label": "_research_n_1", "anchors": [{"from": 80, "to": 88}]}, {"id": 12, "label": "_on_p", "anchors": [{"from": 89, "to": 91}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 92, "to": 123}]}, {"id": 14, "label": "_smoker_n_of", "anchors": [{"from": 92, "to": 99}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 16, "label": "compound", "anchors": [{"from": 107, "to": 123}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 107, "to": 111}]}, {"id": 19, "label": "_cigarette_n_1", "anchors": [{"from": 112, "to": 123}]}], "edges": [{"source": 12, "target": 14, "label": "ARG2"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 14, "target": 19, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 10, "target": 11, "label": "BV"}]} +{"id": "20003009", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [13], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "_useful_a_for", "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "label": "_information_n_on-about", "anchors": [{"from": 19, "to": 30}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 34, "to": 61}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 34, "to": 61}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "label": "_user_n_of", "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "_at_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "label": "_risk_n_of", "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "label": "_say_v_to", "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 67, "to": 125}]}, {"id": 15, "label": "compound", "anchors": [{"from": 67, "to": 83}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 67, "to": 75}]}, {"id": 17, "label": "compound", "anchors": [{"from": 67, "to": 75}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 67, "to": 72}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["James"], "anchors": [{"from": 67, "to": 72}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["A"], "anchors": [{"from": 73, "to": 75}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 76, "to": 83}]}, {"id": 22, "label": "_of_p", "anchors": [{"from": 84, "to": 86}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 87, "to": 93}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Boston"], "anchors": [{"from": 87, "to": 93}]}, {"id": 25, "label": "def_explicit_q", "anchors": [{"from": 93, "to": 95}]}, {"id": 26, "label": "poss", "anchors": [{"from": 93, "to": 95}]}, {"id": 27, "label": "compound", "anchors": [{"from": 96, "to": 125}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 96, "to": 107}]}, {"id": 29, "label": "compound", "anchors": [{"from": 96, "to": 107}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 96, "to": 107}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Dana"], "anchors": [{"from": 96, "to": 107}]}, {"id": 32, "label": "named", "properties": ["carg"], "values": ["Farber"], "anchors": [{"from": 96, "to": 107}]}, {"id": 33, "label": "compound", "anchors": [{"from": 108, "to": 125}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 108, "to": 114}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Cancer"], "anchors": [{"from": 108, "to": 114}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Institute"], "anchors": [{"from": 115, "to": 125}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 21, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 25, "target": 36, "label": "BV"}, {"source": 13, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 14, "target": 21, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 27, "target": 36, "label": "ARG1"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 33, "target": 35, "label": "ARG2"}, {"source": 26, "target": 24, "label": "ARG2"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 22, "target": 36, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 26, "target": 36, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 34, "target": 35, "label": "BV"}]} +{"id": "20003010", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_doctor_n_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 4, "to": 11}]}, {"id": 5, "label": "_lead_v_1", "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 16, "to": 17}]}, {"id": 7, "label": "_team_n_of", "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 26, "to": 141}]}, {"id": 9, "label": "_researcher_n_of", "anchors": [{"from": 26, "to": 37}]}, {"id": 10, "label": "_from_p", "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 43, "to": 141}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "label": "compound", "anchors": [{"from": 47, "to": 72}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 47, "to": 55}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["National"], "anchors": [{"from": 47, "to": 55}]}, {"id": 16, "label": "compound", "anchors": [{"from": 56, "to": 72}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 56, "to": 62}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Cancer"], "anchors": [{"from": 56, "to": 62}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Institute"], "anchors": [{"from": 63, "to": 72}]}, {"id": 20, "label": "_and_c", "anchors": [{"from": 73, "to": 76}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 77, "to": 80}]}, {"id": 22, "label": "_medical_a_1", "anchors": [{"from": 81, "to": 88}]}, {"id": 23, "label": "_school_n_1", "anchors": [{"from": 89, "to": 96}]}, {"id": 24, "label": "_of_p", "anchors": [{"from": 97, "to": 99}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 100, "to": 141}]}, {"id": 26, "label": "proper_q", "anchors": [{"from": 100, "to": 118}]}, {"id": 27, "label": "compound", "anchors": [{"from": 100, "to": 118}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 100, "to": 107}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Harvard"], "anchors": [{"from": 100, "to": 107}]}, {"id": 30, "label": "named", "properties": ["carg"], "values": ["University"], "anchors": [{"from": 108, "to": 118}]}, {"id": 31, "label": "_and_c", "anchors": [{"from": 119, "to": 122}]}, {"id": 32, "label": "proper_q", "anchors": [{"from": 123, "to": 141}]}, {"id": 33, "label": "compound", "anchors": [{"from": 123, "to": 141}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 123, "to": 129}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Boston"], "anchors": [{"from": 123, "to": 129}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["University"], "anchors": [{"from": 130, "to": 141}]}], "edges": [{"source": 31, "target": 30, "label": "L-INDEX"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 10, "target": 20, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 31, "target": 36, "label": "R-INDEX"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 26, "target": 30, "label": "BV"}, {"source": 12, "target": 19, "label": "BV"}, {"source": 11, "target": 20, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG1"}, {"source": 25, "target": 31, "label": "BV"}, {"source": 32, "target": 36, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 20, "target": 19, "label": "L-INDEX"}, {"source": 24, "target": 31, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 33, "target": 35, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 34, "target": 35, "label": "BV"}, {"source": 13, "target": 19, "label": "ARG1"}, {"source": 20, "target": 23, "label": "R-INDEX"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 27, "target": 30, "label": "ARG1"}]} +{"id": "20003011", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [5], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 25}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 4, "to": 13}]}, {"id": 4, "label": "_spokeswoman_n_unknown", "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "label": "_asbestos_n_1", "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "label": "_use_v_1", "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 73}]}, {"id": 11, "label": "_very_x_deg", "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "label": "_modest_a_1", "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "label": "_amount_n_of", "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "label": "_in_p", "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 77, "to": 124}]}, {"id": 16, "label": "nominalization", "anchors": [{"from": 77, "to": 124}]}, {"id": 17, "label": "_make_v_1", "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 84, "to": 105}]}, {"id": 19, "label": "_paper_n_1", "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "label": "_for_p", "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "label": "_filter_n_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 23, "label": "_in_p", "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 109, "to": 112}]}, {"id": 25, "label": "_early_a_1", "anchors": [{"from": 113, "to": 118}]}, {"id": 26, "label": "year_range", "properties": ["carg"], "values": ["1950s"], "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "label": "_and_c", "anchors": [{"from": 125, "to": 128}]}, {"id": 28, "label": "_replace_v_with", "anchors": [{"from": 129, "to": 137}]}, {"id": 29, "label": "_a_q", "anchors": [{"from": 143, "to": 144}]}, {"id": 30, "label": "_different_a_than-from", "anchors": [{"from": 145, "to": 154}]}, {"id": 31, "label": "comp", "anchors": [{"from": 145, "to": 154}]}, {"id": 32, "label": "_type_n_of-n", "anchors": [{"from": 155, "to": 159}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 160, "to": 162}]}, {"id": 34, "label": "_filter_n_1", "anchors": [{"from": 163, "to": 169}]}, {"id": 35, "label": "_in_p_temp", "anchors": [{"from": 170, "to": 172}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 173, "to": 178}]}, {"id": 37, "label": "yofc", "properties": ["carg"], "values": ["1956"], "anchors": [{"from": 173, "to": 178}]}], "edges": [{"source": 1, "target": 3, "label": "ARG2"}, {"source": 35, "target": 28, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG3"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 14, "target": 8, "label": "ARG1"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG2"}, {"source": 23, "target": 17, "label": "ARG1"}, {"source": 27, "target": 28, "label": "R-HNDL"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 28, "target": 7, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 23, "target": 26, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG1"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 27, "target": 8, "label": "L-HNDL"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 9, "target": 13, "label": "ARG2"}, {"source": 5, "target": 27, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}]} +{"id": "20003012", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [20], "nodes": [{"id": 0, "label": "_from_p_time", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "label": "yofc", "properties": ["carg"], "values": ["1953"], "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "label": "_to_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "label": "yofc", "properties": ["carg"], "values": ["1955"], "anchors": [{"from": 13, "to": 18}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 19, "to": 30}]}, {"id": 7, "label": "card", "properties": ["carg"], "values": ["9.8"], "anchors": [{"from": 19, "to": 22}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 23, "to": 30}]}, {"id": 9, "label": "times", "anchors": [{"from": 23, "to": 30}]}, {"id": 10, "label": "compound", "anchors": [{"from": 31, "to": 46}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 31, "to": 35}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 31, "to": 35}]}, {"id": 13, "label": "_cigarette_n_1", "anchors": [{"from": 36, "to": 46}]}, {"id": 14, "label": "_with_p", "anchors": [{"from": 47, "to": 51}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 52, "to": 55}]}, {"id": 16, "label": "_filter_n_1", "anchors": [{"from": 56, "to": 63}]}, {"id": 17, "label": "_sell_v_1", "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "label": "_company_n_of", "anchors": [{"from": 79, "to": 86}]}, {"id": 20, "label": "_say_v_to", "anchors": [{"from": 87, "to": 92}]}], "edges": [{"source": 20, "target": 17, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 8, "target": 13, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 0, "target": 17, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 17, "target": 13, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 3, "target": 17, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG3"}]} +{"id": "20003013", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 110}]}, {"id": 1, "label": "_among_p_state", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["33"], "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "label": "_man_n_1", "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "label": "_work_v_1", "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "label": "_close_a_to", "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "label": "_with_p", "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "label": "_substance_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "generic_entity", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["28"], "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "label": "_die_v_1", "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "label": "unknown", "anchors": [{"from": 68, "to": 110}]}, {"id": 15, "label": "generic_entity", "anchors": [{"from": 68, "to": 110}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 68, "to": 110}]}, {"id": 17, "label": "much-many_a", "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "label": "comp", "anchors": [{"from": 68, "to": 72}]}, {"id": 19, "label": "appos", "anchors": [{"from": 78, "to": 110}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 78, "to": 83}]}, {"id": 22, "label": "_times_n_1", "anchors": [{"from": 84, "to": 89}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 24, "label": "_expect_v_1", "anchors": [{"from": 94, "to": 102}]}, {"id": 25, "label": "_number_n_of", "anchors": [{"from": 103, "to": 110}]}], "edges": [{"source": 20, "target": 22, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG2"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 18, "target": 22, "label": "ARG2"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 1, "target": 13, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG"}, {"source": 0, "target": 13, "label": "L-HNDL"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 0, "target": 14, "label": "R-HNDL"}, {"source": 6, "target": 5, "label": "ARG1"}]} +{"id": "20003014", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [14], "nodes": [{"id": 0, "label": "part_of", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "label": "_survive_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "_worker_n_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "_have_v_1", "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 40, "to": 66}]}, {"id": 9, "label": "compound", "anchors": [{"from": 40, "to": 56}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 40, "to": 56}]}, {"id": 11, "label": "_asbestos_n_1", "anchors": [{"from": 40, "to": 56}]}, {"id": 12, "label": "_relate_v_to", "anchors": [{"from": 40, "to": 56}]}, {"id": 13, "label": "_disease_n_1", "anchors": [{"from": 57, "to": 66}]}, {"id": 14, "label": "subord", "anchors": [{"from": 67, "to": 114}]}, {"id": 15, "label": "_include_v_1", "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "label": "generic_entity", "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "label": "_with_p", "anchors": [{"from": 83, "to": 87}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 88, "to": 114}]}, {"id": 21, "label": "_recent_a_1", "anchors": [{"from": 88, "to": 96}]}, {"id": 22, "label": "_diagnose_v_with", "anchors": [{"from": 97, "to": 106}]}, {"id": 23, "label": "_cancer_n_1", "anchors": [{"from": 107, "to": 114}]}], "edges": [{"source": 5, "target": 6, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 7, "target": 0, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 19, "target": 23, "label": "ARG2"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 7, "target": 13, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 8, "target": 13, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}]} +{"id": "20003015", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [28], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_total_n_of", "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["18"], "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "_death_n_1", "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "label": "_from_p", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 28, "to": 78}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 28, "to": 51}]}, {"id": 8, "label": "_malignant_a_1", "anchors": [{"from": 28, "to": 37}]}, {"id": 9, "label": "_mesothelioma_n_unknown", "anchors": [{"from": 38, "to": 51}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 78}]}, {"id": 11, "label": "implicit_conj", "anchors": [{"from": 52, "to": 78}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 52, "to": 63}]}, {"id": 13, "label": "compound", "anchors": [{"from": 52, "to": 63}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "label": "_lung_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 16, "label": "_cancer_n_1", "anchors": [{"from": 57, "to": 63}]}, {"id": 17, "label": "_and_c", "anchors": [{"from": 64, "to": 67}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 68, "to": 78}]}, {"id": 19, "label": "_asbestosis_n_unknown", "anchors": [{"from": 68, "to": 78}]}, {"id": 20, "label": "_far_x_deg", "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "label": "_high_a_1", "anchors": [{"from": 87, "to": 93}]}, {"id": 22, "label": "comp", "anchors": [{"from": 87, "to": 93}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 94, "to": 98}]}, {"id": 24, "label": "generic_entity", "anchors": [{"from": 94, "to": 98}]}, {"id": 25, "label": "_expect_v_1", "anchors": [{"from": 99, "to": 108}]}, {"id": 26, "label": "_the_q", "anchors": [{"from": 109, "to": 112}]}, {"id": 27, "label": "_researcher_n_of", "anchors": [{"from": 113, "to": 124}]}, {"id": 28, "label": "_say_v_to", "anchors": [{"from": 125, "to": 130}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 17, "target": 16, "label": "L-INDEX"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 11, "target": 17, "label": "R-INDEX"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 6, "target": 11, "label": "BV"}, {"source": 21, "target": 1, "label": "ARG1"}, {"source": 28, "target": 21, "label": "ARG2"}, {"source": 17, "target": 19, "label": "R-INDEX"}, {"source": 12, "target": 16, "label": "BV"}, {"source": 11, "target": 9, "label": "L-INDEX"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 10, "target": 17, "label": "BV"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 25, "target": 24, "label": "ARG1"}]} +{"id": "20003016", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [21], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "compound", "anchors": [{"from": 5, "to": 19}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "label": "_morbidity_n_unknown", "anchors": [{"from": 5, "to": 14}]}, {"id": 4, "label": "_rate_n_of", "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "label": "_strike_v_1", "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "_finding_n_1", "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "label": "_among_p", "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "part_of", "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "label": "_those_q_dem", "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "label": "pron", "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "label": "_study_v_1", "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 70, "to": 97}]}, {"id": 16, "label": "compound", "anchors": [{"from": 70, "to": 86}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 70, "to": 86}]}, {"id": 18, "label": "_asbestos_n_1", "anchors": [{"from": 70, "to": 86}]}, {"id": 19, "label": "_relate_v_to", "anchors": [{"from": 70, "to": 86}]}, {"id": 20, "label": "_disease_n_1", "anchors": [{"from": 87, "to": 97}]}, {"id": 21, "label": "_say_v_to", "anchors": [{"from": 98, "to": 102}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 103, "to": 115}]}, {"id": 23, "label": "compound", "anchors": [{"from": 103, "to": 115}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "label": "_doctor_n_1", "anchors": [{"from": 103, "to": 106}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 107, "to": 115}]}], "edges": [{"source": 21, "target": 5, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 14, "target": 20, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 15, "target": 20, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 21, "target": 26, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 14, "target": 10, "label": "ARG1"}, {"source": 9, "target": 5, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}]} +{"id": "20003017", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 200}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_percentage_n_of", "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 18, "to": 95}]}, {"id": 4, "label": "compound", "anchors": [{"from": 18, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 18, "to": 29}]}, {"id": 6, "label": "compound", "anchors": [{"from": 18, "to": 29}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "label": "_lung_n_1", "anchors": [{"from": 18, "to": 22}]}, {"id": 9, "label": "_cancer_n_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 10, "label": "_death_n_1", "anchors": [{"from": 30, "to": 36}]}, {"id": 11, "label": "_among_p", "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "label": "_worker_n_1", "anchors": [{"from": 47, "to": 54}]}, {"id": 14, "label": "_at_p", "anchors": [{"from": 55, "to": 57}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 58, "to": 61}]}, {"id": 16, "label": "compound", "anchors": [{"from": 62, "to": 95}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 62, "to": 81}]}, {"id": 18, "label": "compound", "anchors": [{"from": 62, "to": 81}]}, {"id": 19, "label": "proper_q", "anchors": [{"from": 62, "to": 74}]}, {"id": 20, "label": "compound", "anchors": [{"from": 62, "to": 74}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 62, "to": 66}]}, {"id": 22, "label": "named", "properties": ["carg"], "values": ["West"], "anchors": [{"from": 62, "to": 66}]}, {"id": 23, "label": "named", "properties": ["carg"], "values": ["Groton"], "anchors": [{"from": 67, "to": 74}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Massachusetts"], "anchors": [{"from": 75, "to": 81}]}, {"id": 25, "label": "compound", "anchors": [{"from": 82, "to": 95}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 82, "to": 87}]}, {"id": 27, "label": "_paper_n_1", "anchors": [{"from": 82, "to": 87}]}, {"id": 28, "label": "_factory_n_1", "anchors": [{"from": 88, "to": 95}]}, {"id": 29, "label": "_appear_v_to", "anchors": [{"from": 96, "to": 103}]}, {"id": 30, "label": "_be_v_id", "anchors": [{"from": 107, "to": 109}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 110, "to": 113}]}, {"id": 32, "label": "generic_entity", "anchors": [{"from": 114, "to": 121}]}, {"id": 33, "label": "_high_a_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 34, "label": "superl", "anchors": [{"from": 114, "to": 121}]}, {"id": 35, "label": "_for_p", "anchors": [{"from": 122, "to": 125}]}, {"id": 36, "label": "_any_q", "anchors": [{"from": 126, "to": 129}]}, {"id": 37, "label": "compound", "anchors": [{"from": 130, "to": 146}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 130, "to": 138}]}, {"id": 39, "label": "_asbestos_n_1", "anchors": [{"from": 130, "to": 138}]}, {"id": 40, "label": "_worker_n_1", "anchors": [{"from": 139, "to": 146}]}, {"id": 41, "label": "_study_v_1", "anchors": [{"from": 147, "to": 154}]}, {"id": 42, "label": "_in_p", "anchors": [{"from": 155, "to": 157}]}, {"id": 43, "label": "udef_q", "anchors": [{"from": 158, "to": 191}]}, {"id": 44, "label": "compound", "anchors": [{"from": 158, "to": 191}]}, {"id": 45, "label": "proper_q", "anchors": [{"from": 158, "to": 165}]}, {"id": 46, "label": "named", "properties": ["carg"], "values": ["Western"], "anchors": [{"from": 158, "to": 165}]}, {"id": 47, "label": "_industrialize_v_1", "anchors": [{"from": 166, "to": 180}]}, {"id": 48, "label": "_country_n_of", "anchors": [{"from": 181, "to": 191}]}, {"id": 49, "label": "pron", "anchors": [{"from": 192, "to": 194}]}, {"id": 50, "label": "pronoun_q", "anchors": [{"from": 192, "to": 194}]}, {"id": 51, "label": "_say_v_1", "anchors": [{"from": 195, "to": 200}]}], "edges": [{"source": 44, "target": 46, "label": "ARG2"}, {"source": 42, "target": 48, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 42, "target": 41, "label": "ARG1"}, {"source": 2, "target": 10, "label": "ARG1"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 17, "target": 24, "label": "BV"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 51, "target": 49, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 37, "target": 40, "label": "ARG1"}, {"source": 30, "target": 2, "label": "ARG1"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 43, "target": 48, "label": "BV"}, {"source": 44, "target": 48, "label": "ARG1"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 16, "target": 28, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 18, "target": 24, "label": "ARG1"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 16, "target": 24, "label": "ARG2"}, {"source": 45, "target": 46, "label": "BV"}, {"source": 0, "target": 51, "label": "R-HNDL"}, {"source": 41, "target": 40, "label": "ARG2"}, {"source": 14, "target": 28, "label": "ARG2"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 36, "target": 40, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 35, "target": 40, "label": "ARG2"}, {"source": 47, "target": 48, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 35, "target": 32, "label": "ARG1"}, {"source": 50, "target": 49, "label": "BV"}, {"source": 15, "target": 28, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 29, "target": 30, "label": "ARG2"}, {"source": 0, "target": 29, "label": "L-HNDL"}, {"source": 4, "target": 9, "label": "ARG2"}]} +{"id": "20003018", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [18], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_plant_n_1", "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "_own_v_1", "anchors": [{"from": 20, "to": 25}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 29, "to": 54}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 29, "to": 42}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Hollingsworth"], "anchors": [{"from": 29, "to": 42}]}, {"id": 6, "label": "_and_c", "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 45, "to": 54}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Vose"], "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "label": "_company_n_1", "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "label": "compound", "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "label": "_under_p", "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "idiom_q_i", "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "label": "_contract_n_1", "anchors": [{"from": 65, "to": 73}]}, {"id": 15, "label": "_with_p", "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "label": "_in+order+to_x", "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "label": "_make_v_1", "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "label": "compound", "anchors": [{"from": 101, "to": 119}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 101, "to": 110}]}, {"id": 23, "label": "_cigarette_n_1", "anchors": [{"from": 101, "to": 110}]}, {"id": 24, "label": "_filter_n_1", "anchors": [{"from": 111, "to": 119}]}], "edges": [{"source": 6, "target": 5, "label": "L-INDEX"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 12, "target": 1, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 15, "target": 12, "label": "ARG1"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 19, "target": 1, "label": "ARG1"}, {"source": 20, "target": 24, "label": "BV"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 6, "target": 8, "label": "R-INDEX"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 18, "target": 12, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 19, "target": 24, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}]} +{"id": "20003019", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [42], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_finding_n_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_probable_a_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_support_v_1", "anchors": [{"from": 26, "to": 33}]}, {"id": 4, "label": "generic_entity", "anchors": [{"from": 34, "to": 39}]}, {"id": 5, "label": "_those_q_dem", "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "_argue_v_with", "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 8, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 59, "to": 63}]}, {"id": 9, "label": "_should_v_modal", "anchors": [{"from": 64, "to": 70}]}, {"id": 10, "label": "_regulate_v_1", "anchors": [{"from": 71, "to": 79}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 12, "label": "_class_n_of", "anchors": [{"from": 84, "to": 89}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 93, "to": 123}]}, {"id": 14, "label": "_asbestos_n_1", "anchors": [{"from": 93, "to": 101}]}, {"id": 15, "label": "_include_v_1", "anchors": [{"from": 102, "to": 111}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 112, "to": 123}]}, {"id": 17, "label": "_crocidolite_n_unknown", "anchors": [{"from": 112, "to": 123}]}, {"id": 18, "label": "comp", "anchors": [{"from": 124, "to": 128}]}, {"id": 19, "label": "_stringently_a_unknown", "anchors": [{"from": 129, "to": 140}]}, {"id": 20, "label": "appos", "anchors": [{"from": 146, "to": 229}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 146, "to": 149}]}, {"id": 22, "label": "_common_a_for", "anchors": [{"from": 150, "to": 156}]}, {"id": 23, "label": "_kind_n_of-n", "anchors": [{"from": 157, "to": 161}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 165, "to": 174}]}, {"id": 25, "label": "_asbestos_n_1", "anchors": [{"from": 165, "to": 174}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 175, "to": 229}]}, {"id": 27, "label": "_chrysotile_n_unknown", "anchors": [{"from": 175, "to": 186}]}, {"id": 28, "label": "_find_v_1", "anchors": [{"from": 187, "to": 192}]}, {"id": 29, "label": "_in_p", "anchors": [{"from": 193, "to": 195}]}, {"id": 30, "label": "_most_q", "anchors": [{"from": 196, "to": 200}]}, {"id": 31, "label": "udef_q", "anchors": [{"from": 201, "to": 208}]}, {"id": 32, "label": "_school_n_1", "anchors": [{"from": 201, "to": 208}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 209, "to": 229}]}, {"id": 34, "label": "_and_c", "anchors": [{"from": 209, "to": 212}]}, {"id": 35, "label": "_other_a_1", "anchors": [{"from": 213, "to": 218}]}, {"id": 36, "label": "_building_n_1", "anchors": [{"from": 219, "to": 229}]}, {"id": 37, "label": "proper_q", "anchors": [{"from": 230, "to": 241}]}, {"id": 38, "label": "compound", "anchors": [{"from": 230, "to": 241}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 230, "to": 233}]}, {"id": 40, "label": "_doctor_n_1", "anchors": [{"from": 230, "to": 233}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 234, "to": 241}]}, {"id": 42, "label": "_say_v_to", "anchors": [{"from": 242, "to": 247}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 33, "target": 36, "label": "BV"}, {"source": 29, "target": 34, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG1"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 28, "target": 27, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 42, "target": 41, "label": "ARG1"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 34, "target": 32, "label": "L-INDEX"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 42, "target": 2, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 34, "target": 36, "label": "R-INDEX"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 37, "target": 41, "label": "BV"}, {"source": 19, "target": 10, "label": "ARG1"}, {"source": 20, "target": 27, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 30, "target": 34, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 35, "target": 36, "label": "ARG1"}]} +{"id": "20003020", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "part_of", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "label": "little-few_a", "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "_industrialized_a_1", "anchors": [{"from": 27, "to": 41}]}, {"id": 9, "label": "_nation_n_of", "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "label": "neg", "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "label": "_have_v_1", "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "label": "_a_q", "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "label": "_high_a_1", "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "label": "comp", "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "label": "_standard_n_1", "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "label": "_of_p", "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 89, "to": 189}]}, {"id": 18, "label": "_regulation_n_1", "anchors": [{"from": 89, "to": 99}]}, {"id": 19, "label": "_for_p", "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "label": "_smooth_a_1", "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "label": "_needle_n_1", "anchors": [{"from": 116, "to": 127}]}, {"id": 23, "label": "_like_a_1", "anchors": [{"from": 116, "to": 127}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 116, "to": 127}]}, {"id": 25, "label": "_fiber_n_1", "anchors": [{"from": 128, "to": 134}]}, {"id": 26, "label": "_such+as_p", "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 143, "to": 154}]}, {"id": 28, "label": "_crocidolite_n_unknown", "anchors": [{"from": 143, "to": 154}]}, {"id": 29, "label": "_classify_v_as", "anchors": [{"from": 164, "to": 174}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 178, "to": 189}]}, {"id": 31, "label": "_amphobile_n_unknown", "anchors": [{"from": 178, "to": 189}]}, {"id": 32, "label": "_according+to_p", "anchors": [{"from": 190, "to": 202}]}, {"id": 33, "label": "appos", "anchors": [{"from": 203, "to": 295}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 203, "to": 221}]}, {"id": 35, "label": "compound", "anchors": [{"from": 203, "to": 221}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 203, "to": 212}]}, {"id": 37, "label": "compound", "anchors": [{"from": 203, "to": 212}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 203, "to": 209}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Brooke"], "anchors": [{"from": 203, "to": 209}]}, {"id": 40, "label": "named", "properties": ["carg"], "values": ["T"], "anchors": [{"from": 210, "to": 212}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Mossman"], "anchors": [{"from": 213, "to": 221}]}, {"id": 42, "label": "_a_q", "anchors": [{"from": 222, "to": 223}]}, {"id": 43, "label": "_professor_n_of", "anchors": [{"from": 224, "to": 233}]}, {"id": 44, "label": "udef_q", "anchors": [{"from": 237, "to": 245}]}, {"id": 45, "label": "_pathlogy_n_unknown", "anchors": [{"from": 237, "to": 245}]}, {"id": 46, "label": "_at_p", "anchors": [{"from": 246, "to": 248}]}, {"id": 47, "label": "_the_q", "anchors": [{"from": 249, "to": 252}]}, {"id": 48, "label": "compound", "anchors": [{"from": 253, "to": 282}]}, {"id": 49, "label": "udef_q", "anchors": [{"from": 253, "to": 274}]}, {"id": 50, "label": "_university_n_of", "anchors": [{"from": 253, "to": 263}]}, {"id": 51, "label": "proper_q", "anchors": [{"from": 267, "to": 274}]}, {"id": 52, "label": "named", "properties": ["carg"], "values": ["Vermont"], "anchors": [{"from": 267, "to": 274}]}, {"id": 53, "label": "_college_n_of", "anchors": [{"from": 275, "to": 282}]}, {"id": 54, "label": "proper_q", "anchors": [{"from": 286, "to": 295}]}, {"id": 55, "label": "named", "properties": ["carg"], "values": ["Medicine"], "anchors": [{"from": 286, "to": 295}]}], "edges": [{"source": 19, "target": 25, "label": "ARG2"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 46, "target": 43, "label": "ARG1"}, {"source": 48, "target": 53, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 32, "target": 41, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 11, "target": 15, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG1"}, {"source": 51, "target": 52, "label": "BV"}, {"source": 24, "target": 22, "label": "BV"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 50, "target": 52, "label": "ARG1"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 53, "target": 55, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 46, "target": 53, "label": "ARG2"}, {"source": 54, "target": 55, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 34, "target": 41, "label": "BV"}, {"source": 29, "target": 25, "label": "ARG2"}, {"source": 33, "target": 41, "label": "ARG1"}, {"source": 36, "target": 40, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG2"}, {"source": 49, "target": 50, "label": "BV"}, {"source": 33, "target": 43, "label": "ARG2"}, {"source": 35, "target": 40, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 48, "target": 50, "label": "ARG2"}, {"source": 32, "target": 2, "label": "ARG1"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 3, "target": 9, "label": "ARG1"}, {"source": 35, "target": 41, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 11, "target": 3, "label": "ARG1"}, {"source": 42, "target": 43, "label": "BV"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 20, "target": 25, "label": "BV"}, {"source": 12, "target": 15, "label": "BV"}, {"source": 37, "target": 40, "label": "ARG1"}, {"source": 47, "target": 53, "label": "BV"}, {"source": 13, "target": 15, "label": "ARG1"}, {"source": 21, "target": 25, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}]} +{"id": "20003021", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [19], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 29}]}, {"id": 1, "label": "comp", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_common_a_for", "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "label": "compound", "anchors": [{"from": 12, "to": 29}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "_chrysotile_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 6, "label": "_fiber_n_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "label": "_curly_a_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "_and_c", "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "label": "comp", "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "label": "_easy_a_for", "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "label": "_reject_v_as", "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "label": "_body_n_1", "anchors": [{"from": 76, "to": 81}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 82, "to": 93}]}, {"id": 15, "label": "compound", "anchors": [{"from": 82, "to": 93}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "label": "_doctor_n_1", "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Mossman"], "anchors": [{"from": 86, "to": 93}]}, {"id": 19, "label": "_explain_v_to", "anchors": [{"from": 94, "to": 104}]}], "edges": [{"source": 8, "target": 7, "label": "L-HNDL"}, {"source": 0, "target": 6, "label": "BV"}, {"source": 19, "target": 8, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 8, "target": 11, "label": "R-HNDL"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 11, "target": 6, "label": "ARG2"}]} +{"id": "20003022", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [11], "nodes": [{"id": 0, "label": "_in_p_temp", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "label": "mofy", "properties": ["carg"], "values": ["Jul"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "compound", "anchors": [{"from": 13, "to": 44}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 13, "to": 37}]}, {"id": 6, "label": "compound", "anchors": [{"from": 13, "to": 37}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 13, "to": 26}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Environmental"], "anchors": [{"from": 13, "to": 26}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Protection"], "anchors": [{"from": 27, "to": 37}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Agency"], "anchors": [{"from": 38, "to": 44}]}, {"id": 11, "label": "_impose_v_on", "anchors": [{"from": 45, "to": 52}]}, {"id": 12, "label": "_a_q", "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "label": "_gradual_a_1", "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "label": "_ban_n_1", "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "label": "_virtually_x_deg", "anchors": [{"from": 70, "to": 79}]}, {"id": 16, "label": "_all_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "label": "_use_n_of", "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 92, "to": 101}]}, {"id": 19, "label": "_asbestos_n_1", "anchors": [{"from": 92, "to": 101}]}], "edges": [{"source": 4, "target": 9, "label": "ARG2"}, {"source": 12, "target": 14, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG1"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 11, "target": 17, "label": "ARG3"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}]} +{"id": "20003023", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [13], "nodes": [{"id": 0, "label": "_by_p_temp", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "label": "yofc", "properties": ["carg"], "values": ["1997"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_almost_x_deg", "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "_all_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "label": "_remaining_a_1", "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "label": "_use_n_of", "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 38, "to": 61}]}, {"id": 8, "label": "compound", "anchors": [{"from": 38, "to": 52}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 38, "to": 52}]}, {"id": 10, "label": "_cancer_n_1", "anchors": [{"from": 38, "to": 52}]}, {"id": 11, "label": "_cause_v_1", "anchors": [{"from": 38, "to": 52}]}, {"id": 12, "label": "_asbestos_n_1", "anchors": [{"from": 53, "to": 61}]}, {"id": 13, "label": "_outlaw_v_1", "anchors": [{"from": 70, "to": 79}]}], "edges": [{"source": 4, "target": 6, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 0, "target": 13, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 12, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 7, "target": 12, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 13, "target": 6, "label": "ARG2"}]} +{"id": "20003024", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [16], "nodes": [{"id": 0, "label": "_about_x_deg", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["160"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "_worker_n_1", "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "label": "_at_p", "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "label": "_factory_n_1", "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "_make_v_1", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "label": "_paper_n_1", "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "_for_p", "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "label": "compound", "anchors": [{"from": 55, "to": 67}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "label": "_filter_n_1", "anchors": [{"from": 60, "to": 67}]}, {"id": 16, "label": "_expose_v_to", "anchors": [{"from": 73, "to": 80}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "label": "_asbestos_n_1", "anchors": [{"from": 84, "to": 92}]}, {"id": 19, "label": "_in_p", "anchors": [{"from": 93, "to": 95}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "label": "year_range", "properties": ["carg"], "values": ["1950s"], "anchors": [{"from": 100, "to": 106}]}], "edges": [{"source": 10, "target": 15, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 16, "target": 3, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG3"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}]} +{"id": "20003025", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "_area_n_of", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_factory_n_1", "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "_particular_a_1", "anchors": [{"from": 26, "to": 38}]}, {"id": 5, "label": "_dusty_a_1", "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 76}]}, {"id": 7, "label": "free_relative_q", "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "label": "place_n", "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "label": "_crocidolite_n_unknown", "anchors": [{"from": 55, "to": 66}]}, {"id": 12, "label": "_use_v_1", "anchors": [{"from": 71, "to": 76}]}], "edges": [{"source": 10, "target": 11, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG2"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}]} +{"id": "20003026", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [17], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_worker_n_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_dump_v_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 15, "to": 58}]}, {"id": 4, "label": "_large_a_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "label": "compound", "anchors": [{"from": 21, "to": 33}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "label": "_burlap_n_unknown", "anchors": [{"from": 21, "to": 27}]}, {"id": 8, "label": "_sack_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "label": "_of_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "label": "_import_v_1", "anchors": [{"from": 41, "to": 49}]}, {"id": 12, "label": "_material_n_1", "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "label": "_into_p", "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "label": "_a_q", "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "label": "_huge_a_1", "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "label": "_bin_n_1", "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "label": "implicit_conj", "anchors": [{"from": 76, "to": 184}]}, {"id": 18, "label": "_pour_v_in", "anchors": [{"from": 76, "to": 82}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 86, "to": 111}]}, {"id": 20, "label": "compound", "anchors": [{"from": 86, "to": 111}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 86, "to": 104}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 86, "to": 92}]}, {"id": 23, "label": "_cotton_n_1", "anchors": [{"from": 86, "to": 92}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 93, "to": 104}]}, {"id": 25, "label": "_and_c", "anchors": [{"from": 93, "to": 96}]}, {"id": 26, "label": "_acetate_n_unknown", "anchors": [{"from": 97, "to": 104}]}, {"id": 27, "label": "_fiber_n_1", "anchors": [{"from": 105, "to": 111}]}, {"id": 28, "label": "_and_c", "anchors": [{"from": 112, "to": 115}]}, {"id": 29, "label": "_mechanical_a_1", "anchors": [{"from": 116, "to": 128}]}, {"id": 30, "label": "_mix_v_1", "anchors": [{"from": 129, "to": 134}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 32, "label": "_dry_a_1", "anchors": [{"from": 139, "to": 142}]}, {"id": 33, "label": "_fiber_n_1", "anchors": [{"from": 143, "to": 149}]}, {"id": 34, "label": "_in_p", "anchors": [{"from": 150, "to": 152}]}, {"id": 35, "label": "_a_q", "anchors": [{"from": 153, "to": 154}]}, {"id": 36, "label": "_process_n_of", "anchors": [{"from": 155, "to": 162}]}, {"id": 37, "label": "_use_v_1", "anchors": [{"from": 163, "to": 167}]}, {"id": 38, "label": "_make_v_1", "anchors": [{"from": 171, "to": 175}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 176, "to": 184}]}, {"id": 40, "label": "_filter_n_1", "anchors": [{"from": 176, "to": 184}]}], "edges": [{"source": 15, "target": 16, "label": "ARG1"}, {"source": 34, "target": 30, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 18, "target": 1, "label": "ARG1"}, {"source": 37, "target": 38, "label": "ARG3"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 18, "target": 27, "label": "ARG2"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 28, "target": 30, "label": "R-HNDL"}, {"source": 32, "target": 33, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 3, "target": 8, "label": "BV"}, {"source": 30, "target": 33, "label": "ARG2"}, {"source": 25, "target": 23, "label": "L-INDEX"}, {"source": 20, "target": 27, "label": "ARG1"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 30, "target": 1, "label": "ARG1"}, {"source": 17, "target": 2, "label": "L-HNDL"}, {"source": 19, "target": 27, "label": "BV"}, {"source": 17, "target": 28, "label": "R-HNDL"}, {"source": 28, "target": 18, "label": "L-HNDL"}, {"source": 31, "target": 33, "label": "BV"}, {"source": 29, "target": 30, "label": "ARG1"}, {"source": 13, "target": 8, "label": "ARG1"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 25, "target": 26, "label": "R-INDEX"}, {"source": 2, "target": 13, "label": "ARG3"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 37, "target": 36, "label": "ARG2"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 20, "target": 25, "label": "ARG2"}]} +{"id": "20003027", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [16], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_worker_n_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_describe_v_to", "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 18, "to": 76}]}, {"id": 4, "label": "_cloud_n_of", "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 29, "to": 39}]}, {"id": 6, "label": "_blue_a_1", "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "label": "_dust_n_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "_hang_v_1", "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "label": "_over_p", "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 55, "to": 76}]}, {"id": 11, "label": "_part_n_1", "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "label": "_of_p", "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "_the_q", "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "label": "_factory_n_1", "anchors": [{"from": 68, "to": 76}]}, {"id": 15, "label": "_even_x_deg", "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "label": "_though_x", "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 89, "to": 101}]}, {"id": 18, "label": "compound", "anchors": [{"from": 89, "to": 101}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 89, "to": 96}]}, {"id": 20, "label": "_exhaust_n_1", "anchors": [{"from": 89, "to": 96}]}, {"id": 21, "label": "_fan_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "label": "_ventilate_v_cause", "anchors": [{"from": 102, "to": 112}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 113, "to": 116}]}, {"id": 24, "label": "_area_n_of", "anchors": [{"from": 117, "to": 122}]}], "edges": [{"source": 9, "target": 11, "label": "ARG2"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 16, "target": 22, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 16, "target": 2, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 17, "target": 21, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 8, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}]} +{"id": "20003028", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [18], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 8}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "label": "_question_n_about", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_some_q", "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "label": "part_of", "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "label": "_those_q_dem", "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "label": "_worker_n_1", "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 48, "to": 60}]}, {"id": 9, "label": "_and_c", "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "label": "_manager_n_of", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "_contract_v_1", "anchors": [{"from": 61, "to": 71}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 72, "to": 99}]}, {"id": 13, "label": "compound", "anchors": [{"from": 72, "to": 88}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 72, "to": 88}]}, {"id": 15, "label": "_asbestos_n_1", "anchors": [{"from": 72, "to": 88}]}, {"id": 16, "label": "_relate_v_to", "anchors": [{"from": 72, "to": 88}]}, {"id": 17, "label": "_disease_n_1", "anchors": [{"from": 89, "to": 99}]}, {"id": 18, "label": "_say_v_to", "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "label": "appos", "anchors": [{"from": 105, "to": 182}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 123, "to": 182}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 105, "to": 122}]}, {"id": 22, "label": "compound", "anchors": [{"from": 105, "to": 122}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 105, "to": 112}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Darrell"], "anchors": [{"from": 105, "to": 112}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Phillips"], "anchors": [{"from": 113, "to": 122}]}, {"id": 26, "label": "compound", "anchors": [{"from": 123, "to": 137}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 123, "to": 127}]}, {"id": 28, "label": "_vice_n_1", "anchors": [{"from": 123, "to": 127}]}, {"id": 29, "label": "_president_n_of", "anchors": [{"from": 128, "to": 137}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 141, "to": 156}]}, {"id": 31, "label": "_human_a_1", "anchors": [{"from": 141, "to": 146}]}, {"id": 32, "label": "_resource_n_1", "anchors": [{"from": 147, "to": 156}]}, {"id": 33, "label": "_for_p", "anchors": [{"from": 157, "to": 160}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 161, "to": 182}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 161, "to": 174}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Hollingsworth"], "anchors": [{"from": 161, "to": 174}]}, {"id": 37, "label": "_and_c", "anchors": [{"from": 175, "to": 176}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 177, "to": 182}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Vose"], "anchors": [{"from": 177, "to": 182}]}], "edges": [{"source": 1, "target": 2, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 20, "target": 29, "label": "BV"}, {"source": 11, "target": 17, "label": "ARG2"}, {"source": 9, "target": 7, "label": "L-INDEX"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 19, "target": 29, "label": "ARG2"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 9, "target": 10, "label": "R-INDEX"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 33, "target": 29, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 26, "target": 29, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 11, "target": 4, "label": "ARG1"}, {"source": 18, "target": 0, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 37, "target": 39, "label": "R-INDEX"}, {"source": 18, "target": 25, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 19, "target": 25, "label": "ARG1"}, {"source": 30, "target": 32, "label": "BV"}, {"source": 37, "target": 36, "label": "L-INDEX"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG1"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 34, "target": 37, "label": "BV"}, {"source": 33, "target": 37, "label": "ARG2"}, {"source": 5, "target": 9, "label": "BV"}]} +{"id": "20003029", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "_have_v_qmodal", "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "_recognize_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "label": "_these_q_dem", "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "label": "_event_n_item", "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "label": "_take_v_of-i", "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "label": "idiom_q_i", "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "label": "_place_n_i", "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 56, "to": 64}]}, {"id": 11, "label": "card", "properties": ["carg"], "values": ["35"], "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "label": "_year_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "_ago_p", "anchors": [{"from": 65, "to": 69}]}], "edges": [{"source": 4, "target": 7, "label": "ARG2"}, {"source": 13, "target": 7, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG2"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}]} +{"id": "20003030", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "It has no bearing on our work force today.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "label": "_no_q", "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "label": "_bearing_n_1", "anchors": [{"from": 10, "to": 17}]}, {"id": 5, "label": "_on_p", "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "poss", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 9, "label": "pron", "anchors": [{"from": 21, "to": 24}]}, {"id": 10, "label": "compound", "anchors": [{"from": 25, "to": 35}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 25, "to": 29}]}, {"id": 12, "label": "_work_n_1", "anchors": [{"from": 25, "to": 29}]}, {"id": 13, "label": "_force_n_1", "anchors": [{"from": 30, "to": 35}]}, {"id": 14, "label": "loc_nonsp", "anchors": [{"from": 36, "to": 42}]}, {"id": 15, "label": "time_n", "anchors": [{"from": 36, "to": 42}]}, {"id": 16, "label": "def_implicit_q", "anchors": [{"from": 36, "to": 42}]}, {"id": 17, "label": "_today_a_1", "anchors": [{"from": 36, "to": 42}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 5, "target": 13, "label": "ARG2"}, {"source": 14, "target": 2, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 13, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}]} +{"id": "20004001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [12], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 35}]}, {"id": 1, "label": "_yield_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_on_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 10, "to": 35}]}, {"id": 4, "label": "compound", "anchors": [{"from": 10, "to": 35}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 10, "to": 22}]}, {"id": 6, "label": "compound", "anchors": [{"from": 10, "to": 22}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 10, "to": 22}]}, {"id": 8, "label": "_money_n_1", "anchors": [{"from": 10, "to": 22}]}, {"id": 9, "label": "_market_n_1", "anchors": [{"from": 10, "to": 22}]}, {"id": 10, "label": "_mutual_a_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 11, "label": "_fund_n_1", "anchors": [{"from": 30, "to": 35}]}, {"id": 12, "label": "_continue_v_2", "anchors": [{"from": 36, "to": 45}]}, {"id": 13, "label": "_slide_v_1", "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "label": "_amid_p", "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 61, "to": 133}]}, {"id": 16, "label": "_sign_n_of", "anchors": [{"from": 61, "to": 66}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 72, "to": 90}]}, {"id": 18, "label": "compound", "anchors": [{"from": 72, "to": 90}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 72, "to": 81}]}, {"id": 20, "label": "_portfolio_n_1", "anchors": [{"from": 72, "to": 81}]}, {"id": 21, "label": "_manager_n_of", "anchors": [{"from": 82, "to": 90}]}, {"id": 22, "label": "_expect_v_1", "anchors": [{"from": 91, "to": 97}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 98, "to": 133}]}, {"id": 24, "label": "_further_a_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 25, "label": "comp", "anchors": [{"from": 98, "to": 105}]}, {"id": 26, "label": "_decline_n_1", "anchors": [{"from": 106, "to": 114}]}, {"id": 27, "label": "_in_p", "anchors": [{"from": 115, "to": 117}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 118, "to": 133}]}, {"id": 29, "label": "compound", "anchors": [{"from": 118, "to": 133}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 118, "to": 126}]}, {"id": 31, "label": "_interest_n_in", "anchors": [{"from": 118, "to": 126}]}, {"id": 32, "label": "_rate_n_of", "anchors": [{"from": 127, "to": 133}]}], "edges": [{"source": 5, "target": 9, "label": "BV"}, {"source": 17, "target": 21, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 11, "label": "BV"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 16, "target": 22, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 13, "target": 1, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 22, "target": 26, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 4, "target": 11, "label": "ARG1"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}]} +{"id": "20004002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday.", "tops": [27], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 36}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 12, "to": 21}]}, {"id": 6, "label": "compound", "anchors": [{"from": 22, "to": 36}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 22, "to": 30}]}, {"id": 8, "label": "_compound_n_1", "anchors": [{"from": 22, "to": 30}]}, {"id": 9, "label": "_yield_n_1", "anchors": [{"from": 31, "to": 36}]}, {"id": 10, "label": "_of_p", "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "label": "_taxable_a_unknown", "anchors": [{"from": 48, "to": 55}]}, {"id": 14, "label": "_fund_n_1", "anchors": [{"from": 56, "to": 61}]}, {"id": 15, "label": "_track_v_1", "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["IBC"], "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "label": "def_explicit_q", "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "label": "poss", "anchors": [{"from": 76, "to": 78}]}, {"id": 20, "label": "compound", "anchors": [{"from": 79, "to": 96}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 79, "to": 89}]}, {"id": 22, "label": "compound", "anchors": [{"from": 79, "to": 89}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 79, "to": 84}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Money"], "anchors": [{"from": 79, "to": 84}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Fund"], "anchors": [{"from": 85, "to": 89}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Report"], "anchors": [{"from": 90, "to": 96}]}, {"id": 27, "label": "_ease_v_1", "anchors": [{"from": 97, "to": 102}]}, {"id": 28, "label": "_a_q", "anchors": [{"from": 103, "to": 104}]}, {"id": 29, "label": "_fraction_n_of", "anchors": [{"from": 105, "to": 113}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 117, "to": 135}]}, {"id": 31, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 117, "to": 118}]}, {"id": 32, "label": "compound", "anchors": [{"from": 119, "to": 135}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 119, "to": 129}]}, {"id": 34, "label": "_percentage_n_of", "anchors": [{"from": 119, "to": 129}]}, {"id": 35, "label": "_point_n_of", "anchors": [{"from": 130, "to": 135}]}, {"id": 36, "label": "_to_p", "anchors": [{"from": 136, "to": 138}]}, {"id": 37, "label": "udef_q", "anchors": [{"from": 139, "to": 144}]}, {"id": 38, "label": "card", "properties": ["carg"], "values": ["8.45"], "anchors": [{"from": 139, "to": 143}]}, {"id": 39, "label": "_percent_n_of", "anchors": [{"from": 143, "to": 144}]}, {"id": 40, "label": "_from_p", "anchors": [{"from": 145, "to": 149}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 150, "to": 155}]}, {"id": 42, "label": "card", "properties": ["carg"], "values": ["8.47"], "anchors": [{"from": 150, "to": 154}]}, {"id": 43, "label": "_percent_n_of", "anchors": [{"from": 154, "to": 155}]}, {"id": 44, "label": "_for_p", "anchors": [{"from": 156, "to": 159}]}, {"id": 45, "label": "_the_q", "anchors": [{"from": 160, "to": 163}]}, {"id": 46, "label": "_week_n_1", "anchors": [{"from": 164, "to": 168}]}, {"id": 47, "label": "_end_v_cause", "anchors": [{"from": 169, "to": 174}]}, {"id": 48, "label": "loc_nonsp", "anchors": [{"from": 175, "to": 183}]}, {"id": 49, "label": "proper_q", "anchors": [{"from": 175, "to": 183}]}, {"id": 50, "label": "dofw", "properties": ["carg"], "values": ["Tue"], "anchors": [{"from": 175, "to": 183}]}], "edges": [{"source": 30, "target": 35, "label": "BV"}, {"source": 15, "target": 14, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 44, "target": 27, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 42, "target": 43, "label": "ARG1"}, {"source": 15, "target": 26, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 44, "target": 46, "label": "ARG2"}, {"source": 32, "target": 35, "label": "ARG1"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 45, "target": 46, "label": "BV"}, {"source": 31, "target": 35, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 40, "target": 43, "label": "ARG2"}, {"source": 38, "target": 39, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 20, "target": 26, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 48, "target": 47, "label": "ARG1"}, {"source": 2, "target": 9, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 37, "target": 39, "label": "BV"}, {"source": 47, "target": 46, "label": "ARG2"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG1"}, {"source": 36, "target": 27, "label": "ARG1"}, {"source": 36, "target": 39, "label": "ARG2"}, {"source": 41, "target": 43, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 48, "target": 50, "label": "ARG2"}, {"source": 29, "target": 35, "label": "ARG1"}, {"source": 49, "target": 50, "label": "BV"}, {"source": 10, "target": 14, "label": "ARG2"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 26, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 0, "target": 9, "label": "BV"}, {"source": 40, "target": 27, "label": "ARG1"}, {"source": 27, "target": 9, "label": "ARG1"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 11, "target": 14, "label": "BV"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 19, "target": 26, "label": "ARG1"}]} +{"id": "20004004", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [9], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 42}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_maturity_n_1", "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "label": "_of_p", "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "_fund_n_1", "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "label": "poss", "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "label": "_investment_n_1", "anchors": [{"from": 31, "to": 42}]}, {"id": 9, "label": "_lengthen_v_1", "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "label": "_by_p_temp", "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "label": "_a_q", "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "label": "_day_n_of", "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "label": "_to_p", "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "label": "appos", "anchors": [{"from": 66, "to": 106}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 66, "to": 74}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["41"], "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "label": "_day_n_of", "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "label": "generic_entity", "anchors": [{"from": 79, "to": 86}]}, {"id": 20, "label": "_long_a_1", "anchors": [{"from": 79, "to": 86}]}, {"id": 21, "label": "superl", "anchors": [{"from": 79, "to": 86}]}, {"id": 22, "label": "_since_p", "anchors": [{"from": 87, "to": 92}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 93, "to": 106}]}, {"id": 24, "label": "_early_a_1", "anchors": [{"from": 93, "to": 98}]}, {"id": 25, "label": "mofy", "properties": ["carg"], "values": ["Aug"], "anchors": [{"from": 99, "to": 106}]}, {"id": 26, "label": "_according+to_p", "anchors": [{"from": 107, "to": 119}]}, {"id": 27, "label": "generic_entity", "anchors": [{"from": 120, "to": 131}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 120, "to": 128}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Donoghue"], "anchors": [{"from": 120, "to": 128}]}, {"id": 30, "label": "def_explicit_q", "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "label": "poss", "anchors": [{"from": 128, "to": 131}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 31, "target": 29, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 31, "target": 27, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 22, "target": 19, "label": "ARG1"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 26, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 9, "target": 2, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 30, "target": 27, "label": "BV"}, {"source": 26, "target": 27, "label": "ARG2"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 13, "target": 17, "label": "ARG2"}]} +{"id": "20004005", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [12], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 17}]}, {"id": 1, "label": "_long_a_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "comp", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 7, "to": 17}]}, {"id": 4, "label": "_think_v_1", "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "label": "_indicate_v_1", "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 42, "to": 66}]}, {"id": 7, "label": "_declining_a_1", "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "label": "compound", "anchors": [{"from": 52, "to": 66}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "label": "_interest_n_in", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "_rate_n_of", "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "label": "_because_x", "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "label": "pron", "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "label": "_permit_v_1", "anchors": [{"from": 80, "to": 86}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 87, "to": 105}]}, {"id": 17, "label": "compound", "anchors": [{"from": 87, "to": 105}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 87, "to": 96}]}, {"id": 19, "label": "_portfolio_n_1", "anchors": [{"from": 87, "to": 96}]}, {"id": 20, "label": "_manager_n_of", "anchors": [{"from": 97, "to": 105}]}, {"id": 21, "label": "_retain_v_1", "anchors": [{"from": 109, "to": 115}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 116, "to": 139}]}, {"id": 23, "label": "_relatively_x_deg", "anchors": [{"from": 116, "to": 126}]}, {"id": 24, "label": "_high_a_1", "anchors": [{"from": 127, "to": 133}]}, {"id": 25, "label": "comp", "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "label": "_rate_n_of", "anchors": [{"from": 134, "to": 139}]}, {"id": 27, "label": "_for_p", "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "label": "_a_q", "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "label": "_long_a_1", "anchors": [{"from": 146, "to": 152}]}, {"id": 30, "label": "comp", "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "label": "_period_n_of", "anchors": [{"from": 153, "to": 160}]}], "edges": [{"source": 7, "target": 11, "label": "ARG1"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG2"}, {"source": 6, "target": 11, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG3"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 21, "target": 26, "label": "ARG2"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 12, "target": 4, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 28, "target": 31, "label": "BV"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 15, "target": 21, "label": "ARG3"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 27, "target": 31, "label": "ARG2"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 27, "target": 21, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}]} +{"id": "20004006", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [10], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 1, "label": "_short_a_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "comp", "anchors": [{"from": 0, "to": 7}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "_consider_v_1", "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "label": "_sign_n_of", "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 44, "to": 56}]}, {"id": 8, "label": "_rise_v_1", "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "label": "_rate_n_of", "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "label": "_because_x", "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 65, "to": 83}]}, {"id": 12, "label": "compound", "anchors": [{"from": 65, "to": 83}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "label": "_portfolio_n_1", "anchors": [{"from": 65, "to": 74}]}, {"id": 15, "label": "_manager_n_of", "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "label": "_can_v_modal", "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "label": "_capture_v_1", "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 96, "to": 108}]}, {"id": 19, "label": "_high_a_1", "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "label": "comp", "anchors": [{"from": 96, "to": 102}]}, {"id": 21, "label": "_rate_n_of", "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 109, "to": 116}]}, {"id": 23, "label": "time_n", "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "label": "def_implicit_q", "anchors": [{"from": 109, "to": 116}]}, {"id": 25, "label": "_soon_p", "anchors": [{"from": 109, "to": 116}]}, {"id": 26, "label": "comp", "anchors": [{"from": 109, "to": 116}]}], "edges": [{"source": 17, "target": 15, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 10, "target": 16, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 24, "target": 23, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG3"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 17, "target": 21, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 22, "target": 17, "label": "ARG1"}]} +{"id": "20004007", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 198}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "_for_p", "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 25, "to": 152}]}, {"id": 6, "label": "_fund_n_1", "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "label": "_open_a_1", "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "label": "_only_x_deg", "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "label": "_to_p", "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 44, "to": 57}]}, {"id": 11, "label": "_institution_n_1", "anchors": [{"from": 44, "to": 57}]}, {"id": 12, "label": "_consider_v_1", "anchors": [{"from": 58, "to": 68}]}, {"id": 13, "label": "_some_q", "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "label": "generic_entity", "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "label": "_be_v_id", "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "label": "_strong_a_1", "anchors": [{"from": 85, "to": 93}]}, {"id": 18, "label": "comp", "anchors": [{"from": 85, "to": 93}]}, {"id": 19, "label": "_indicator_n_of", "anchors": [{"from": 94, "to": 103}]}, {"id": 20, "label": "_because_x", "anchors": [{"from": 104, "to": 111}]}, {"id": 21, "label": "_those_q_dem", "anchors": [{"from": 112, "to": 117}]}, {"id": 22, "label": "_manager_n_of", "anchors": [{"from": 118, "to": 126}]}, {"id": 23, "label": "_watch_v_1", "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 133, "to": 136}]}, {"id": 25, "label": "_market_n_1", "anchors": [{"from": 137, "to": 143}]}, {"id": 26, "label": "_close_a_to", "anchors": [{"from": 144, "to": 152}]}, {"id": 27, "label": "_reach_v_1", "anchors": [{"from": 153, "to": 160}]}, {"id": 28, "label": "_a_q", "anchors": [{"from": 161, "to": 162}]}, {"id": 29, "label": "_high_a_1", "anchors": [{"from": 163, "to": 167}]}, {"id": 30, "label": "_point_n_of", "anchors": [{"from": 168, "to": 173}]}, {"id": 31, "label": "_for_p", "anchors": [{"from": 174, "to": 177}]}, {"id": 32, "label": "_the_q", "anchors": [{"from": 178, "to": 181}]}, {"id": 33, "label": "_year_n_1", "anchors": [{"from": 182, "to": 186}]}, {"id": 34, "label": "unknown", "anchors": [{"from": 190, "to": 198}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 190, "to": 198}]}, {"id": 36, "label": "card", "properties": ["carg"], "values": ["33"], "anchors": [{"from": 190, "to": 192}]}, {"id": 37, "label": "_day_n_of", "anchors": [{"from": 193, "to": 198}]}], "edges": [{"source": 12, "target": 14, "label": "ARG1"}, {"source": 0, "target": 34, "label": "R-HNDL"}, {"source": 12, "target": 6, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 29, "target": 30, "label": "ARG1"}, {"source": 0, "target": 27, "label": "L-HNDL"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 27, "target": 30, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG3"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 36, "target": 37, "label": "ARG1"}, {"source": 26, "target": 23, "label": "ARG1"}, {"source": 15, "target": 19, "label": "ARG2"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 20, "target": 12, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG1"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 27, "target": 3, "label": "ARG1"}, {"source": 34, "target": 37, "label": "ARG"}, {"source": 32, "target": 33, "label": "BV"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 15, "target": 6, "label": "ARG1"}, {"source": 35, "target": 37, "label": "BV"}, {"source": 28, "target": 30, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}]} +{"id": "20004008", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [0], "nodes": [{"id": 0, "label": "_nevertheless_a_1", "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "label": "_say_v_to", "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "label": "appos", "anchors": [{"from": 19, "to": 69}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 41, "to": 69}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 19, "to": 40}]}, {"id": 5, "label": "compound", "anchors": [{"from": 19, "to": 40}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 19, "to": 33}]}, {"id": 7, "label": "compound", "anchors": [{"from": 19, "to": 33}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 19, "to": 25}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Brenda"], "anchors": [{"from": 19, "to": 25}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Malizia"], "anchors": [{"from": 26, "to": 33}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Negus"], "anchors": [{"from": 34, "to": 40}]}, {"id": 12, "label": "_editor_n_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 13, "label": "_of_p", "anchors": [{"from": 48, "to": 50}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 51, "to": 69}]}, {"id": 15, "label": "compound", "anchors": [{"from": 51, "to": 69}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 51, "to": 61}]}, {"id": 17, "label": "compound", "anchors": [{"from": 51, "to": 61}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 51, "to": 56}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Money"], "anchors": [{"from": 51, "to": 56}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Fund"], "anchors": [{"from": 57, "to": 61}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Report"], "anchors": [{"from": 62, "to": 69}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 70, "to": 76}]}, {"id": 23, "label": "_yield_n_1", "anchors": [{"from": 70, "to": 76}]}, {"id": 24, "label": "_may_v_modal", "anchors": [{"from": 77, "to": 81}]}, {"id": 25, "label": "_blip/vb_u_unknown", "anchors": [{"from": 82, "to": 86}]}, {"id": 26, "label": "_up_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 27, "label": "_again_a_1", "anchors": [{"from": 90, "to": 95}]}, {"id": 28, "label": "_before_x_h", "anchors": [{"from": 96, "to": 102}]}, {"id": 29, "label": "pron", "anchors": [{"from": 103, "to": 107}]}, {"id": 30, "label": "pronoun_q", "anchors": [{"from": 103, "to": 107}]}, {"id": 31, "label": "_blip/vbp_u_unknown", "anchors": [{"from": 108, "to": 112}]}, {"id": 32, "label": "_down_p", "anchors": [{"from": 113, "to": 118}]}, {"id": 33, "label": "_because+of_p", "anchors": [{"from": 119, "to": 129}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 130, "to": 172}]}, {"id": 35, "label": "_recent_a_1", "anchors": [{"from": 130, "to": 136}]}, {"id": 36, "label": "_rise_n_1", "anchors": [{"from": 137, "to": 142}]}, {"id": 37, "label": "_in_p", "anchors": [{"from": 143, "to": 145}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 146, "to": 172}]}, {"id": 39, "label": "compound", "anchors": [{"from": 146, "to": 172}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 146, "to": 156}]}, {"id": 41, "label": "_short_a_of", "anchors": [{"from": 146, "to": 156}]}, {"id": 42, "label": "_term_n_of", "anchors": [{"from": 146, "to": 156}]}, {"id": 43, "label": "compound", "anchors": [{"from": 157, "to": 172}]}, {"id": 44, "label": "udef_q", "anchors": [{"from": 157, "to": 165}]}, {"id": 45, "label": "_interest_n_in", "anchors": [{"from": 157, "to": 165}]}, {"id": 46, "label": "_rate_n_of", "anchors": [{"from": 166, "to": 172}]}], "edges": [{"source": 3, "target": 12, "label": "BV"}, {"source": 33, "target": 25, "label": "ARG1"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 37, "target": 36, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 37, "target": 46, "label": "ARG2"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 40, "target": 42, "label": "BV"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 39, "target": 42, "label": "ARG2"}, {"source": 39, "target": 46, "label": "ARG1"}, {"source": 14, "target": 21, "label": "BV"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 1, "target": 11, "label": "ARG1"}, {"source": 2, "target": 12, "label": "ARG2"}, {"source": 30, "target": 29, "label": "BV"}, {"source": 1, "target": 24, "label": "ARG2"}, {"source": 38, "target": 46, "label": "BV"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 43, "target": 46, "label": "ARG1"}, {"source": 13, "target": 21, "label": "ARG2"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 5, "target": 11, "label": "ARG1"}, {"source": 27, "target": 25, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 28, "target": 25, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 24, "target": 28, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 31, "target": 29, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 4, "target": 11, "label": "BV"}, {"source": 41, "target": 42, "label": "ARG1"}, {"source": 6, "target": 10, "label": "BV"}]} +{"id": "20004009", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [19], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_yield_n_1", "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_on_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 13, "to": 63}]}, {"id": 4, "label": "compound", "anchors": [{"from": 13, "to": 37}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 13, "to": 22}]}, {"id": 6, "label": "card", "properties": ["carg"], "values": ["6"], "anchors": [{"from": 13, "to": 22}]}, {"id": 7, "label": "_month_n_1", "anchors": [{"from": 13, "to": 22}]}, {"id": 8, "label": "compound", "anchors": [{"from": 23, "to": 37}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 23, "to": 31}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 23, "to": 31}]}, {"id": 11, "label": "_bill_n_of", "anchors": [{"from": 32, "to": 37}]}, {"id": 12, "label": "_sell_v_1", "anchors": [{"from": 38, "to": 42}]}, {"id": 13, "label": "_at_p", "anchors": [{"from": 43, "to": 45}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 46, "to": 52}]}, {"id": 15, "label": "dofw", "properties": ["carg"], "values": ["Mon"], "anchors": [{"from": 46, "to": 52}]}, {"id": 16, "label": "def_explicit_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 17, "label": "poss", "anchors": [{"from": 52, "to": 54}]}, {"id": 18, "label": "_auction_n_of", "anchors": [{"from": 55, "to": 63}]}, {"id": 19, "label": "_rise_v_1", "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "label": "_to_p", "anchors": [{"from": 82, "to": 84}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 85, "to": 90}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["8.04"], "anchors": [{"from": 85, "to": 89}]}, {"id": 23, "label": "_percent_n_of", "anchors": [{"from": 89, "to": 90}]}, {"id": 24, "label": "_from_p", "anchors": [{"from": 91, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 96, "to": 102}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["7.90"], "anchors": [{"from": 96, "to": 100}]}, {"id": 27, "label": "_percent_n_of", "anchors": [{"from": 100, "to": 102}]}], "edges": [{"source": 5, "target": 7, "label": "BV"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 19, "target": 1, "label": "ARG1"}, {"source": 24, "target": 19, "label": "ARG1"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 3, "target": 11, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG2"}, {"source": 4, "target": 11, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}]} +{"id": "20004010", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [9], "nodes": [{"id": 0, "label": "_despite_p", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 8, "to": 34}]}, {"id": 2, "label": "_recent_a_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "_decline_n_1", "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "label": "_in_p", "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "_yield_n_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "label": "_investor_n_1", "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "label": "_continue_v_2", "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "_pour_v_1", "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "label": "_cash_n_1", "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "label": "_into_p", "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 72, "to": 84}]}, {"id": 15, "label": "compound", "anchors": [{"from": 72, "to": 84}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "label": "_money_n_1", "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "label": "_fund_n_1", "anchors": [{"from": 78, "to": 84}]}], "edges": [{"source": 13, "target": 10, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}]} +{"id": "20004011", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [7], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 31}]}, {"id": 1, "label": "_asset_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_of_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "label": "_taxable_a_unknown", "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "label": "_fund_n_1", "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "label": "_grow_v_1", "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "_by_p", "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 40, "to": 52}]}, {"id": 10, "label": "_dollar_n_1", "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "label": "card", "properties": ["carg"], "values": ["1.5"], "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 45, "to": 52}]}, {"id": 13, "label": "times", "anchors": [{"from": 45, "to": 52}]}, {"id": 14, "label": "_during_p", "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "label": "_late_a_for", "anchors": [{"from": 64, "to": 70}]}, {"id": 17, "label": "superl", "anchors": [{"from": 64, "to": 70}]}, {"id": 18, "label": "_week_n_1", "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "label": "_to_p", "anchors": [{"from": 77, "to": 79}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 80, "to": 95}]}, {"id": 21, "label": "_dollar_n_1", "anchors": [{"from": 80, "to": 81}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["352.7"], "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 87, "to": 95}]}, {"id": 24, "label": "times", "anchors": [{"from": 87, "to": 95}]}], "edges": [{"source": 2, "target": 6, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG3"}, {"source": 13, "target": 11, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 19, "target": 7, "label": "ARG1"}, {"source": 14, "target": 18, "label": "ARG2"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 23, "target": 21, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG3"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004012", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [0], "nodes": [{"id": 0, "label": "_typical_a_1", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 11, "to": 28}]}, {"id": 2, "label": "compound", "anchors": [{"from": 11, "to": 28}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "label": "compound", "anchors": [{"from": 11, "to": 21}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 11, "to": 21}]}, {"id": 6, "label": "_money_n_1", "anchors": [{"from": 11, "to": 21}]}, {"id": 7, "label": "_fund_n_1", "anchors": [{"from": 11, "to": 21}]}, {"id": 8, "label": "_yield_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_beat_v_to", "anchors": [{"from": 29, "to": 33}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 34, "to": 67}]}, {"id": 11, "label": "_comparable_a_1", "anchors": [{"from": 34, "to": 44}]}, {"id": 12, "label": "compound", "anchors": [{"from": 45, "to": 67}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 45, "to": 55}]}, {"id": 14, "label": "_short_a_of", "anchors": [{"from": 45, "to": 55}]}, {"id": 15, "label": "_term_n_of", "anchors": [{"from": 45, "to": 55}]}, {"id": 16, "label": "_investment_n_1", "anchors": [{"from": 56, "to": 67}]}, {"id": 17, "label": "_because_x", "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 76, "to": 94}]}, {"id": 19, "label": "compound", "anchors": [{"from": 76, "to": 94}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 76, "to": 85}]}, {"id": 21, "label": "_portfolio_n_1", "anchors": [{"from": 76, "to": 85}]}, {"id": 22, "label": "_manager_n_of", "anchors": [{"from": 86, "to": 94}]}, {"id": 23, "label": "_can_v_modal", "anchors": [{"from": 95, "to": 98}]}, {"id": 24, "label": "_vary_v_cause", "anchors": [{"from": 99, "to": 103}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 104, "to": 114}]}, {"id": 26, "label": "_maturity_n_1", "anchors": [{"from": 104, "to": 114}]}, {"id": 27, "label": "_and_c", "anchors": [{"from": 115, "to": 118}]}, {"id": 28, "label": "_go_v_after", "anchors": [{"from": 119, "to": 121}]}, {"id": 29, "label": "_the_q", "anchors": [{"from": 128, "to": 131}]}, {"id": 30, "label": "_high_a_1", "anchors": [{"from": 132, "to": 139}]}, {"id": 31, "label": "superl", "anchors": [{"from": 132, "to": 139}]}, {"id": 32, "label": "_rate_n_of", "anchors": [{"from": 140, "to": 146}]}], "edges": [{"source": 9, "target": 16, "label": "ARG2"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG2"}, {"source": 23, "target": 27, "label": "ARG1"}, {"source": 27, "target": 28, "label": "R-HNDL"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 10, "target": 16, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 28, "target": 22, "label": "ARG1"}, {"source": 17, "target": 23, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 27, "target": 24, "label": "L-HNDL"}, {"source": 2, "target": 8, "label": "ARG1"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 1, "target": 8, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 11, "target": 16, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 17, "target": 9, "label": "ARG1"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 0, "target": 17, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}]} +{"id": "20004014", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [18], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 49}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 0, "to": 26}]}, {"id": 2, "label": "compound", "anchors": [{"from": 0, "to": 26}]}, {"id": 3, "label": "proper_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 4, "label": "compound", "anchors": [{"from": 0, "to": 18}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Dreyfus"], "anchors": [{"from": 0, "to": 7}]}, {"id": 7, "label": "compound", "anchors": [{"from": 8, "to": 18}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 8, "to": 18}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["World-"], "anchors": [{"from": 8, "to": 18}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Wide"], "anchors": [{"from": 8, "to": 18}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Dollar"], "anchors": [{"from": 19, "to": 26}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 13, "label": "compound", "anchors": [{"from": 31, "to": 43}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 31, "to": 43}]}, {"id": 15, "label": "_top_n_1", "anchors": [{"from": 31, "to": 43}]}, {"id": 16, "label": "_yield_v_1", "anchors": [{"from": 31, "to": 43}]}, {"id": 17, "label": "_fund_n_1", "anchors": [{"from": 44, "to": 49}]}, {"id": 18, "label": "_have_v_1", "anchors": [{"from": 50, "to": 53}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 20, "label": "compound", "anchors": [{"from": 56, "to": 80}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 56, "to": 65}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 56, "to": 65}]}, {"id": 23, "label": "_day_n_of", "anchors": [{"from": 56, "to": 65}]}, {"id": 24, "label": "compound", "anchors": [{"from": 66, "to": 80}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 66, "to": 74}]}, {"id": 26, "label": "_compound_n_1", "anchors": [{"from": 66, "to": 74}]}, {"id": 27, "label": "_yield_n_1", "anchors": [{"from": 75, "to": 80}]}, {"id": 28, "label": "_of_p", "anchors": [{"from": 81, "to": 83}]}, {"id": 29, "label": "udef_q", "anchors": [{"from": 84, "to": 89}]}, {"id": 30, "label": "card", "properties": ["carg"], "values": ["9.37"], "anchors": [{"from": 84, "to": 88}]}, {"id": 31, "label": "_percent_n_of", "anchors": [{"from": 88, "to": 89}]}, {"id": 32, "label": "_during_p", "anchors": [{"from": 90, "to": 96}]}, {"id": 33, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 34, "label": "_late_a_for", "anchors": [{"from": 101, "to": 107}]}, {"id": 35, "label": "superl", "anchors": [{"from": 101, "to": 107}]}, {"id": 36, "label": "_week_n_1", "anchors": [{"from": 108, "to": 113}]}, {"id": 37, "label": "_down_p", "anchors": [{"from": 114, "to": 118}]}, {"id": 38, "label": "_from_p", "anchors": [{"from": 119, "to": 123}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 124, "to": 145}]}, {"id": 40, "label": "card", "properties": ["carg"], "values": ["9.45"], "anchors": [{"from": 124, "to": 128}]}, {"id": 41, "label": "_percent_n_of", "anchors": [{"from": 128, "to": 129}]}, {"id": 42, "label": "measure", "anchors": [{"from": 130, "to": 136}]}, {"id": 43, "label": "udef_q", "anchors": [{"from": 130, "to": 136}]}, {"id": 44, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 130, "to": 131}]}, {"id": 45, "label": "_week_n_1", "anchors": [{"from": 132, "to": 136}]}, {"id": 46, "label": "_early_a_1", "anchors": [{"from": 137, "to": 145}]}, {"id": 47, "label": "comp", "anchors": [{"from": 137, "to": 145}]}], "edges": [{"source": 42, "target": 47, "label": "ARG1"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 32, "target": 36, "label": "ARG2"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 19, "target": 27, "label": "BV"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 37, "target": 18, "label": "ARG1"}, {"source": 40, "target": 41, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 24, "target": 27, "label": "ARG1"}, {"source": 38, "target": 37, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 30, "target": 31, "label": "ARG1"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 46, "target": 41, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 1, "target": 11, "label": "BV"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 38, "target": 41, "label": "ARG2"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 42, "target": 45, "label": "ARG2"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 33, "target": 36, "label": "BV"}, {"source": 20, "target": 27, "label": "ARG1"}, {"source": 44, "target": 45, "label": "ARG1"}, {"source": 39, "target": 41, "label": "BV"}, {"source": 43, "target": 45, "label": "BV"}, {"source": 32, "target": 18, "label": "ARG1"}, {"source": 0, "target": 17, "label": "ARG2"}, {"source": 18, "target": 27, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 29, "target": 31, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 34, "target": 36, "label": "ARG1"}, {"source": 2, "target": 10, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 35, "target": 34, "label": "ARG1"}, {"source": 47, "target": 46, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 18, "target": 11, "label": "ARG1"}]} +{"id": "20004015", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [14], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_invest_v_in", "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "label": "_heavy_a_1", "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 22, "to": 60}]}, {"id": 5, "label": "compound", "anchors": [{"from": 22, "to": 40}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 22, "to": 40}]}, {"id": 7, "label": "_dollar_n_1", "anchors": [{"from": 22, "to": 40}]}, {"id": 8, "label": "_denominate_v_1", "anchors": [{"from": 22, "to": 40}]}, {"id": 9, "label": "_security_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "loc_nonsp", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "place_n", "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "label": "def_implicit_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 13, "label": "_overseas_a_1", "anchors": [{"from": 52, "to": 60}]}, {"id": 14, "label": "_and_c", "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "label": "relative_mod", "anchors": [{"from": 65, "to": 126}]}, {"id": 16, "label": "_current_a_1", "anchors": [{"from": 68, "to": 77}]}, {"id": 17, "label": "_waive_v_1", "anchors": [{"from": 78, "to": 85}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 86, "to": 102}]}, {"id": 19, "label": "compound", "anchors": [{"from": 86, "to": 102}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 86, "to": 96}]}, {"id": 21, "label": "_management_n_1", "anchors": [{"from": 86, "to": 96}]}, {"id": 22, "label": "_fee_n_1", "anchors": [{"from": 97, "to": 102}]}, {"id": 23, "label": "_boost_v_to", "anchors": [{"from": 109, "to": 115}]}, {"id": 24, "label": "def_explicit_q", "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "label": "poss", "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "label": "pronoun_q", "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "label": "pron", "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "label": "_yield_n_1", "anchors": [{"from": 120, "to": 126}]}], "edges": [{"source": 19, "target": 22, "label": "ARG1"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 17, "target": 0, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 2, "target": 9, "label": "ARG2"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 14, "target": 2, "label": "L-HNDL"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 14, "target": 17, "label": "R-HNDL"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 4, "target": 9, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 15, "target": 23, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG2"}]} +{"id": "20004016", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [12], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 34}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 12, "to": 21}]}, {"id": 6, "label": "_simple_a_for", "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "label": "_yield_n_1", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "label": "_fund_n_1", "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "label": "_be_v_id", "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 56, "to": 79}]}, {"id": 14, "label": "card", "properties": ["carg"], "values": ["8.12"], "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "label": "_percent_n_of", "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "label": "_down_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "label": "_from_p", "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 73, "to": 79}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["8.14"], "anchors": [{"from": 73, "to": 77}]}, {"id": 20, "label": "_percent_n_of", "anchors": [{"from": 77, "to": 79}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 12, "target": 7, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}]} +{"id": "20004017", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 123}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "compound", "anchors": [{"from": 4, "to": 23}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 4, "to": 10}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["30-"], "anchors": [{"from": 4, "to": 10}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 4, "to": 10}]}, {"id": 6, "label": "_simple_a_for", "anchors": [{"from": 11, "to": 17}]}, {"id": 7, "label": "_yield_n_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 8, "label": "_fall_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 9, "label": "_to_p", "anchors": [{"from": 29, "to": 31}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "label": "_average_a_1", "anchors": [{"from": 35, "to": 42}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["8.19"], "anchors": [{"from": 43, "to": 47}]}, {"id": 13, "label": "_percent_n_of", "anchors": [{"from": 47, "to": 48}]}, {"id": 14, "label": "_from_p", "anchors": [{"from": 49, "to": 53}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 54, "to": 60}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["8.22"], "anchors": [{"from": 54, "to": 58}]}, {"id": 17, "label": "_percent_n_of", "anchors": [{"from": 58, "to": 60}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 61, "to": 64}]}, {"id": 19, "label": "compound", "anchors": [{"from": 65, "to": 86}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 65, "to": 71}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["30-"], "anchors": [{"from": 65, "to": 71}]}, {"id": 22, "label": "_day_n_of", "anchors": [{"from": 65, "to": 71}]}, {"id": 23, "label": "compound", "anchors": [{"from": 72, "to": 86}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 72, "to": 80}]}, {"id": 25, "label": "_compound_n_1", "anchors": [{"from": 72, "to": 80}]}, {"id": 26, "label": "_yield_n_1", "anchors": [{"from": 81, "to": 86}]}, {"id": 27, "label": "_slide_v_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 28, "label": "_to_p", "anchors": [{"from": 92, "to": 94}]}, {"id": 29, "label": "_a_q", "anchors": [{"from": 95, "to": 97}]}, {"id": 30, "label": "_average_a_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 31, "label": "card", "properties": ["carg"], "values": ["8.53"], "anchors": [{"from": 106, "to": 110}]}, {"id": 32, "label": "_percent_n_of", "anchors": [{"from": 110, "to": 111}]}, {"id": 33, "label": "_from_p", "anchors": [{"from": 112, "to": 116}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 117, "to": 123}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["8.56"], "anchors": [{"from": 117, "to": 121}]}, {"id": 36, "label": "_percent_n_of", "anchors": [{"from": 121, "to": 123}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 0, "target": 27, "label": "R-HNDL"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 13, "label": "ARG2"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 19, "target": 26, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 1, "target": 7, "label": "BV"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 14, "target": 8, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 0, "target": 8, "label": "L-HNDL"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 33, "target": 27, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 26, "label": "BV"}]} +{"id": "20005001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [34], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 109}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 13, "to": 109}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 12}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 12}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["J.P."], "anchors": [{"from": 0, "to": 4}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Bolduc"], "anchors": [{"from": 5, "to": 12}]}, {"id": 7, "label": "compound", "anchors": [{"from": 13, "to": 26}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 13, "to": 17}]}, {"id": 9, "label": "_vice_n_1", "anchors": [{"from": 13, "to": 17}]}, {"id": 10, "label": "_chairman_n_of", "anchors": [{"from": 18, "to": 26}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 30, "to": 109}]}, {"id": 12, "label": "compound", "anchors": [{"from": 30, "to": 40}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 30, "to": 34}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 30, "to": 34}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 35, "to": 40}]}, {"id": 16, "label": "_and+company_n_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 41, "to": 47}]}, {"id": 18, "label": "compound", "anchors": [{"from": 41, "to": 47}]}, {"id": 19, "label": "_hold_v_1", "anchors": [{"from": 54, "to": 59}]}, {"id": 20, "label": "_a_q", "anchors": [{"from": 60, "to": 61}]}, {"id": 21, "label": "compound", "anchors": [{"from": 62, "to": 76}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 62, "to": 67}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["83.4"], "anchors": [{"from": 62, "to": 66}]}, {"id": 24, "label": "_percent_n_of", "anchors": [{"from": 66, "to": 67}]}, {"id": 25, "label": "_interest_n_in", "anchors": [{"from": 68, "to": 76}]}, {"id": 26, "label": "_this_q_dem", "anchors": [{"from": 80, "to": 84}]}, {"id": 27, "label": "compound", "anchors": [{"from": 85, "to": 109}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 85, "to": 100}]}, {"id": 29, "label": "compound", "anchors": [{"from": 85, "to": 100}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 85, "to": 100}]}, {"id": 31, "label": "_energy_n_1", "anchors": [{"from": 85, "to": 100}]}, {"id": 32, "label": "_service_n_1", "anchors": [{"from": 85, "to": 100}]}, {"id": 33, "label": "_company_n_of", "anchors": [{"from": 101, "to": 109}]}, {"id": 34, "label": "_elect_v_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 35, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 36, "label": "_director_n_of", "anchors": [{"from": 124, "to": 133}]}], "edges": [{"source": 26, "target": 33, "label": "BV"}, {"source": 34, "target": 6, "label": "ARG3"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 18, "target": 15, "label": "ARG1"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 21, "target": 25, "label": "ARG1"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 25, "target": 33, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 18, "target": 16, "label": "ARG2"}, {"source": 21, "target": 24, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 1, "target": 10, "label": "BV"}, {"source": 0, "target": 10, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 27, "target": 33, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG1"}, {"source": 22, "target": 24, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 20, "target": 25, "label": "BV"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 19, "target": 15, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 29, "target": 32, "label": "ARG1"}]} +{"id": "20005002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_succeed_v_1", "anchors": [{"from": 3, "to": 11}]}, {"id": 3, "label": "appos", "anchors": [{"from": 12, "to": 69}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 32}]}, {"id": 5, "label": "compound", "anchors": [{"from": 12, "to": 32}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 12, "to": 23}]}, {"id": 7, "label": "compound", "anchors": [{"from": 12, "to": 23}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 12, "to": 20}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Terrence"], "anchors": [{"from": 12, "to": 20}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["D"], "anchors": [{"from": 21, "to": 23}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Daniel"], "anchors": [{"from": 24, "to": 32}]}, {"id": 12, "label": "_formerly_x_deg", "anchors": [{"from": 33, "to": 41}]}, {"id": 13, "label": "_a_q", "anchors": [{"from": 42, "to": 43}]}, {"id": 14, "label": "compound", "anchors": [{"from": 44, "to": 69}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 44, "to": 54}]}, {"id": 16, "label": "compound", "anchors": [{"from": 44, "to": 54}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 44, "to": 48}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 44, "to": 48}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 49, "to": 54}]}, {"id": 20, "label": "compound", "anchors": [{"from": 55, "to": 69}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 55, "to": 59}]}, {"id": 22, "label": "_vice_n_1", "anchors": [{"from": 55, "to": 59}]}, {"id": 23, "label": "_chairman_n_of", "anchors": [{"from": 60, "to": 69}]}, {"id": 24, "label": "_resign_v_1", "anchors": [{"from": 74, "to": 83}]}], "edges": [{"source": 5, "target": 10, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 13, "target": 23, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 14, "target": 23, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 11, "label": "ARG1"}, {"source": 3, "target": 23, "label": "ARG2"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 24, "target": 11, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 3, "target": 11, "label": "ARG1"}, {"source": 4, "target": 11, "label": "BV"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}]} +{"id": "20005003", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 5, "to": 10}]}, {"id": 5, "label": "_hold_v_1", "anchors": [{"from": 11, "to": 16}]}, {"id": 6, "label": "part_of", "anchors": [{"from": 17, "to": 22}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 17, "to": 22}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 17, "to": 22}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 26, "to": 38}]}, {"id": 10, "label": "compound", "anchors": [{"from": 26, "to": 38}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 26, "to": 31}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 26, "to": 31}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["Energy"], "anchors": [{"from": 32, "to": 38}]}, {"id": 14, "label": "def_explicit_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 15, "label": "poss", "anchors": [{"from": 38, "to": 40}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 41, "to": 46}]}, {"id": 17, "label": "compound", "anchors": [{"from": 47, "to": 59}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 47, "to": 52}]}, {"id": 19, "label": "_board_n_of", "anchors": [{"from": 47, "to": 52}]}, {"id": 20, "label": "_seat_n_1", "anchors": [{"from": 53, "to": 59}]}], "edges": [{"source": 8, "target": 6, "label": "ARG1"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 14, "target": 20, "label": "BV"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 6, "target": 20, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 16, "target": 20, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 15, "target": 20, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}]} +{"id": "20006001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million.", "tops": [11], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 29}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 23}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 13}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 13}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Pacific"], "anchors": [{"from": 0, "to": 7}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["First"], "anchors": [{"from": 8, "to": 13}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Financial"], "anchors": [{"from": 14, "to": 23}]}, {"id": 8, "label": "_corporation_n_1", "anchors": [{"from": 24, "to": 29}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 24, "to": 29}]}, {"id": 10, "label": "compound", "anchors": [{"from": 24, "to": 29}]}, {"id": 11, "label": "_say_v_to", "anchors": [{"from": 30, "to": 34}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 35, "to": 47}]}, {"id": 13, "label": "_shareholder_n_1", "anchors": [{"from": 35, "to": 47}]}, {"id": 14, "label": "_approve_v_1", "anchors": [{"from": 48, "to": 56}]}, {"id": 15, "label": "def_explicit_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "label": "poss", "anchors": [{"from": 57, "to": 60}]}, {"id": 17, "label": "pronoun_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 18, "label": "pron", "anchors": [{"from": 57, "to": 60}]}, {"id": 19, "label": "_acquisition_n_of", "anchors": [{"from": 61, "to": 72}]}, {"id": 20, "label": "_by_p", "anchors": [{"from": 73, "to": 75}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 76, "to": 105}]}, {"id": 22, "label": "compound", "anchors": [{"from": 76, "to": 89}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 76, "to": 81}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Royal"], "anchors": [{"from": 76, "to": 81}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Trustco"], "anchors": [{"from": 82, "to": 89}]}, {"id": 26, "label": "_ltd_n_1", "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 90, "to": 94}]}, {"id": 28, "label": "compound", "anchors": [{"from": 90, "to": 94}]}, {"id": 29, "label": "_of_p", "anchors": [{"from": 95, "to": 97}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 98, "to": 105}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Toronto"], "anchors": [{"from": 98, "to": 105}]}, {"id": 32, "label": "_for_p", "anchors": [{"from": 106, "to": 109}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 110, "to": 139}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 110, "to": 122}]}, {"id": 35, "label": "_dollar_n_1", "anchors": [{"from": 110, "to": 111}]}, {"id": 36, "label": "card", "properties": ["carg"], "values": ["27"], "anchors": [{"from": 111, "to": 113}]}, {"id": 37, "label": "_a_p_per", "anchors": [{"from": 114, "to": 115}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 114, "to": 115}]}, {"id": 39, "label": "_share_n_of", "anchors": [{"from": 116, "to": 122}]}, {"id": 40, "label": "_or_c", "anchors": [{"from": 123, "to": 125}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 126, "to": 139}]}, {"id": 42, "label": "_dollar_n_1", "anchors": [{"from": 126, "to": 127}]}, {"id": 43, "label": "card", "properties": ["carg"], "values": ["212"], "anchors": [{"from": 127, "to": 130}]}, {"id": 44, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 131, "to": 139}]}, {"id": 45, "label": "times", "anchors": [{"from": 131, "to": 139}]}], "edges": [{"source": 40, "target": 35, "label": "L-INDEX"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 36, "target": 35, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 33, "target": 40, "label": "BV"}, {"source": 41, "target": 42, "label": "BV"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 29, "target": 25, "label": "ARG1"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 45, "target": 43, "label": "ARG2"}, {"source": 11, "target": 7, "label": "ARG1"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 32, "target": 19, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 27, "target": 26, "label": "BV"}, {"source": 32, "target": 40, "label": "ARG2"}, {"source": 45, "target": 44, "label": "ARG3"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 28, "target": 26, "label": "ARG2"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 44, "target": 42, "label": "ARG1"}, {"source": 34, "target": 35, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 28, "target": 25, "label": "ARG1"}, {"source": 37, "target": 35, "label": "ARG1"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 40, "target": 42, "label": "R-INDEX"}, {"source": 17, "target": 18, "label": "BV"}]} +{"id": "20006002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end.", "tops": [8], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 26}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "label": "_thrift_n_unknown", "anchors": [{"from": 4, "to": 10}]}, {"id": 4, "label": "compound", "anchors": [{"from": 11, "to": 26}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 11, "to": 18}]}, {"id": 6, "label": "_holding_n_1", "anchors": [{"from": 11, "to": 18}]}, {"id": 7, "label": "_company_n_of", "anchors": [{"from": 19, "to": 26}]}, {"id": 8, "label": "_say_v_to", "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "label": "pron", "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "label": "_expect_v_1", "anchors": [{"from": 35, "to": 42}]}, {"id": 12, "label": "_obtain_v_1", "anchors": [{"from": 46, "to": 52}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 53, "to": 72}]}, {"id": 14, "label": "_regulatory_a_1", "anchors": [{"from": 53, "to": 63}]}, {"id": 15, "label": "_approval_n_of", "anchors": [{"from": 64, "to": 72}]}, {"id": 16, "label": "_and_c", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "_complete_v_2", "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "_transaction_n_1", "anchors": [{"from": 90, "to": 101}]}, {"id": 20, "label": "_by_p", "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 105, "to": 114}]}, {"id": 22, "label": "_year+end_n_1", "anchors": [{"from": 105, "to": 114}]}], "edges": [{"source": 8, "target": 7, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 16, "target": 12, "label": "L-HNDL"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 12, "target": 9, "label": "ARG1"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 17, "target": 9, "label": "ARG1"}, {"source": 20, "target": 17, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 16, "target": 17, "label": "R-HNDL"}]} +{"id": "20007002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [2], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Finmeccanica"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "label": "_italian_a_1", "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "label": "compound", "anchors": [{"from": 27, "to": 38}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 27, "to": 38}]}, {"id": 7, "label": "_state_n_of", "anchors": [{"from": 27, "to": 38}]}, {"id": 8, "label": "_own_v_1", "anchors": [{"from": 27, "to": 38}]}, {"id": 9, "label": "compound", "anchors": [{"from": 39, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "label": "_holding_n_1", "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "label": "_company_n_of", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_with_p", "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 60, "to": 109}]}, {"id": 15, "label": "_interest_n_in", "anchors": [{"from": 60, "to": 69}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "compound", "anchors": [{"from": 77, "to": 109}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 77, "to": 99}]}, {"id": 19, "label": "_mechanical_a_1", "anchors": [{"from": 77, "to": 87}]}, {"id": 20, "label": "_engineering_n_1", "anchors": [{"from": 88, "to": 99}]}, {"id": 21, "label": "_industry_n_1", "anchors": [{"from": 100, "to": 109}]}], "edges": [{"source": 9, "target": 11, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 16, "target": 21, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 17, "target": 21, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG2"}, {"source": 2, "target": 12, "label": "ARG2"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}]} +{"id": "20007003", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [12], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 42}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 16}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Bailey"], "anchors": [{"from": 0, "to": 6}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Controls"], "anchors": [{"from": 7, "to": 16}]}, {"id": 5, "label": "_base_v_1", "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 26, "to": 42}]}, {"id": 8, "label": "compound", "anchors": [{"from": 26, "to": 42}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 26, "to": 36}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Wickliffe"], "anchors": [{"from": 26, "to": 36}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Ohio"], "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_make_v_1", "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 49, "to": 90}]}, {"id": 14, "label": "compound", "anchors": [{"from": 49, "to": 90}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 49, "to": 81}]}, {"id": 16, "label": "_computerize_v_1", "anchors": [{"from": 49, "to": 61}]}, {"id": 17, "label": "_industrial_a_1", "anchors": [{"from": 62, "to": 72}]}, {"id": 18, "label": "_control_n_of", "anchors": [{"from": 73, "to": 81}]}, {"id": 19, "label": "_system_n_of", "anchors": [{"from": 82, "to": 90}]}], "edges": [{"source": 5, "target": 4, "label": "ARG2"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 14, "target": 19, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG3"}, {"source": 12, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 12, "target": 19, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 13, "target": 19, "label": "BV"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 7, "target": 11, "label": "BV"}, {"source": 14, "target": 18, "label": "ARG2"}]} +{"id": "20007004", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [6], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_employ_v_1", "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["2,700"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "_people_n_of", "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "label": "_and_c", "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "label": "_have_v_1", "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 32, "to": 69}]}, {"id": 9, "label": "_annual_a_1", "anchors": [{"from": 32, "to": 38}]}, {"id": 10, "label": "_revenue_n_1", "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "label": "_of_p", "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "label": "_about_x_deg", "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 56, "to": 69}]}, {"id": 14, "label": "_dollar_n_1", "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["370"], "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 61, "to": 69}]}, {"id": 17, "label": "times", "anchors": [{"from": 61, "to": 69}]}], "edges": [{"source": 6, "target": 2, "label": "L-HNDL"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG3"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 7, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 6, "target": 7, "label": "R-HNDL"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG2"}]} +{"id": "20008001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [14], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_federal_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_government_n_of", "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "_suspend_v_1", "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 33, "to": 60}]}, {"id": 5, "label": "_sale_n_of", "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 42, "to": 60}]}, {"id": 7, "label": "compound", "anchors": [{"from": 42, "to": 60}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "label": "compound", "anchors": [{"from": 47, "to": 60}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "label": "_savings_n_1", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_bond_n_1", "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "label": "_because_x", "anchors": [{"from": 61, "to": 68}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 69, "to": 77}]}, {"id": 17, "label": "neg", "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "label": "_lift_v_cause", "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "label": "_the_q", "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "label": "_ceiling_n_1", "anchors": [{"from": 96, "to": 103}]}, {"id": 21, "label": "_on_p", "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 107, "to": 123}]}, {"id": 23, "label": "compound", "anchors": [{"from": 107, "to": 123}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 107, "to": 117}]}, {"id": 25, "label": "_government_n_of", "anchors": [{"from": 107, "to": 117}]}, {"id": 26, "label": "_debt_n_1", "anchors": [{"from": 118, "to": 123}]}], "edges": [{"source": 10, "target": 12, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 14, "target": 3, "label": "ARG1"}, {"source": 7, "target": 13, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 21, "target": 26, "label": "ARG2"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 5, "target": 13, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}]} +{"id": "20008002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [22], "nodes": [{"id": 0, "label": "_until_x_h", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "label": "_act_v_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "_government_n_of", "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "label": "_have_v_1", "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "label": "neg", "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "label": "_any_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "_authority_n_1", "anchors": [{"from": 47, "to": 56}]}, {"id": 10, "label": "_issue_v_1", "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 66, "to": 99}]}, {"id": 12, "label": "_new_a_1", "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "label": "compound", "anchors": [{"from": 70, "to": 86}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "label": "_debt_n_1", "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "label": "_obligation_n_1", "anchors": [{"from": 75, "to": 86}]}, {"id": 17, "label": "_of_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "label": "_any_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "label": "_kind_n_of-n", "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 104, "to": 112}]}, {"id": 22, "label": "_say_v_to", "anchors": [{"from": 113, "to": 118}]}], "edges": [{"source": 6, "target": 9, "label": "ARG2"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 11, "target": 16, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 22, "target": 0, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 10, "target": 16, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}]} +{"id": "20008003", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [9], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_government_n_of", "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "label": "def_explicit_q", "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "poss", "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "label": "compound", "anchors": [{"from": 17, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "_borrow_v_from", "anchors": [{"from": 17, "to": 26}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 17, "to": 26}]}, {"id": 8, "label": "_authority_n_1", "anchors": [{"from": 27, "to": 36}]}, {"id": 9, "label": "_drop_v_1", "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "label": "_at_p_temp", "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "label": "numbered_hour", "properties": ["carg"], "values": ["0"], "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "label": "def_implicit_q", "anchors": [{"from": 48, "to": 56}]}, {"id": 13, "label": "loc_nonsp", "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 57, "to": 64}]}, {"id": 15, "label": "dofw", "properties": ["carg"], "values": ["Tue"], "anchors": [{"from": 57, "to": 64}]}, {"id": 16, "label": "_to_p", "anchors": [{"from": 65, "to": 67}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 68, "to": 82}]}, {"id": 18, "label": "_dollar_n_1", "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["2.80"], "anchors": [{"from": 69, "to": 73}]}, {"id": 20, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 74, "to": 82}]}, {"id": 21, "label": "times", "anchors": [{"from": 74, "to": 82}]}, {"id": 22, "label": "_from_p", "anchors": [{"from": 83, "to": 87}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 88, "to": 103}]}, {"id": 24, "label": "_dollar_n_1", "anchors": [{"from": 88, "to": 89}]}, {"id": 25, "label": "card", "properties": ["carg"], "values": ["2.87"], "anchors": [{"from": 89, "to": 93}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 94, "to": 103}]}, {"id": 27, "label": "times", "anchors": [{"from": 94, "to": 103}]}], "edges": [{"source": 2, "target": 8, "label": "BV"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 3, "target": 8, "label": "ARG1"}, {"source": 22, "target": 9, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 27, "target": 25, "label": "ARG2"}, {"source": 21, "target": 19, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 26, "target": 24, "label": "ARG1"}, {"source": 16, "target": 9, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 21, "target": 20, "label": "ARG3"}, {"source": 27, "target": 26, "label": "ARG3"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}]} +{"id": "20008004", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:47)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [8], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 36}]}, {"id": 1, "label": "_legislation_n_1", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "_lift_v_cause", "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "label": "compound", "anchors": [{"from": 24, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "_debt_n_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "_ceiling_n_1", "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "_ensnarl_v_unknown", "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "_fight_n_1", "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "label": "_over_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 68, "to": 96}]}, {"id": 14, "label": "nominalization", "anchors": [{"from": 68, "to": 96}]}, {"id": 15, "label": "_cut_v_1", "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 76, "to": 96}]}, {"id": 17, "label": "compound", "anchors": [{"from": 76, "to": 96}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 76, "to": 89}]}, {"id": 19, "label": "compound", "anchors": [{"from": 76, "to": 89}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 76, "to": 89}]}, {"id": 21, "label": "_capital_n_1", "anchors": [{"from": 76, "to": 89}]}, {"id": 22, "label": "_gain_n_1", "anchors": [{"from": 76, "to": 89}]}, {"id": 23, "label": "_tax_n_1", "anchors": [{"from": 90, "to": 96}]}], "edges": [{"source": 17, "target": 22, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 8, "target": 1, "label": "ARG2"}, {"source": 15, "target": 23, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 23, "label": "BV"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}]} +{"id": "20008005", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [12], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named_n", "properties": ["carg"], "values": ["House"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_vote_v_1", "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "label": "_raise_v_cause", "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "label": "_ceiling_n_1", "anchors": [{"from": 33, "to": 40}]}, {"id": 6, "label": "_to_p", "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 44, "to": 58}]}, {"id": 8, "label": "_dollar_n_1", "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "label": "card", "properties": ["carg"], "values": ["3.1"], "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 49, "to": 58}]}, {"id": 11, "label": "times", "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "label": "_but_c", "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "label": "_the_q", "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "label": "named_n", "properties": ["carg"], "values": ["Senate"], "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "label": "neg", "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "label": "_expect_v_1", "anchors": [{"from": 80, "to": 88}]}, {"id": 17, "label": "_act_v_1", "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "label": "_until_p", "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "label": "def_implicit_q", "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "label": "_next_a_1", "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "label": "_week_n_1", "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "label": "_at_p", "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "label": "generic_entity", "anchors": [{"from": 119, "to": 128}]}, {"id": 25, "label": "_early_a_1", "anchors": [{"from": 119, "to": 128}]}, {"id": 26, "label": "superl", "anchors": [{"from": 119, "to": 128}]}], "edges": [{"source": 18, "target": 17, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 22, "target": 18, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 18, "target": 21, "label": "ARG2"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 15, "label": "R-HNDL"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 12, "target": 2, "label": "L-HNDL"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG3"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}]} +{"id": "20008006", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "_say_v_to", "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "_default_v_1", "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "label": "_on_p_temp", "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "label": "mofy", "properties": ["carg"], "values": ["Nov"], "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "of_p", "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "label": "def_implicit_q", "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "label": "dofm", "properties": ["carg"], "values": ["9"], "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "label": "_if_x_then", "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 53, "to": 61}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 53, "to": 61}]}, {"id": 15, "label": "neg", "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "label": "_act_v_1", "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "label": "_by_p_temp", "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "label": "time_n", "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "label": "def_implicit_q", "anchors": [{"from": 77, "to": 82}]}, {"id": 20, "label": "_then_p_temp", "anchors": [{"from": 77, "to": 82}]}], "edges": [{"source": 2, "target": 1, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 2, "target": 12, "label": "ARG2"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 10, "target": 7, "label": "BV"}, {"source": 19, "target": 18, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}]} +{"id": "20009001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [8], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 16}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 16}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 8}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 8}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Clark"], "anchors": [{"from": 0, "to": 5}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["J"], "anchors": [{"from": 6, "to": 8}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Vitulli"], "anchors": [{"from": 9, "to": 16}]}, {"id": 8, "label": "_name_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 21, "to": 26}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 27, "to": 48}]}, {"id": 11, "label": "_senior_a_1", "anchors": [{"from": 27, "to": 33}]}, {"id": 12, "label": "compound", "anchors": [{"from": 34, "to": 48}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 34, "to": 38}]}, {"id": 14, "label": "_vice_n_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 15, "label": "_president_n_of", "anchors": [{"from": 39, "to": 48}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 49, "to": 146}]}, {"id": 17, "label": "_and_c", "anchors": [{"from": 49, "to": 52}]}, {"id": 18, "label": "_general_a_1", "anchors": [{"from": 53, "to": 60}]}, {"id": 19, "label": "_manager_n_of", "anchors": [{"from": 61, "to": 68}]}, {"id": 20, "label": "_this_q_dem", "anchors": [{"from": 72, "to": 76}]}, {"id": 21, "label": "compound", "anchors": [{"from": 77, "to": 105}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 77, "to": 101}]}, {"id": 23, "label": "compound", "anchors": [{"from": 77, "to": 101}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 77, "to": 81}]}, {"id": 25, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 77, "to": 81}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 82, "to": 87}]}, {"id": 27, "label": "_sale_n_of", "anchors": [{"from": 82, "to": 87}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 88, "to": 101}]}, {"id": 29, "label": "_and_c", "anchors": [{"from": 88, "to": 91}]}, {"id": 30, "label": "_market_v_1", "anchors": [{"from": 92, "to": 101}]}, {"id": 31, "label": "nominalization", "anchors": [{"from": 92, "to": 101}]}, {"id": 32, "label": "_arm_n_1", "anchors": [{"from": 102, "to": 105}]}, {"id": 33, "label": "_of_p", "anchors": [{"from": 106, "to": 108}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 109, "to": 146}]}, {"id": 35, "label": "compound", "anchors": [{"from": 109, "to": 146}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 109, "to": 128}]}, {"id": 37, "label": "_japanese_a_1", "anchors": [{"from": 109, "to": 117}]}, {"id": 38, "label": "compound", "anchors": [{"from": 118, "to": 128}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 118, "to": 122}]}, {"id": 40, "label": "_automobile_n_1", "anchors": [{"from": 118, "to": 122}]}, {"id": 41, "label": "_maker_n_of", "anchors": [{"from": 123, "to": 128}]}, {"id": 42, "label": "compound", "anchors": [{"from": 129, "to": 140}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 129, "to": 134}]}, {"id": 44, "label": "named", "properties": ["carg"], "values": ["Mazda"], "anchors": [{"from": 129, "to": 134}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Motor"], "anchors": [{"from": 135, "to": 140}]}, {"id": 46, "label": "_corporation_n_1", "anchors": [{"from": 141, "to": 146}]}, {"id": 47, "label": "udef_q", "anchors": [{"from": 141, "to": 146}]}, {"id": 48, "label": "compound", "anchors": [{"from": 141, "to": 146}]}], "edges": [{"source": 13, "target": 14, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 21, "target": 32, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 29, "target": 27, "label": "L-INDEX"}, {"source": 19, "target": 32, "label": "ARG1"}, {"source": 29, "target": 31, "label": "R-INDEX"}, {"source": 34, "target": 45, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 32, "label": "BV"}, {"source": 48, "target": 45, "label": "ARG1"}, {"source": 36, "target": 41, "label": "BV"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 9, "target": 17, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 35, "target": 45, "label": "ARG1"}, {"source": 48, "target": 46, "label": "ARG2"}, {"source": 35, "target": 41, "label": "ARG2"}, {"source": 23, "target": 29, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 21, "target": 29, "label": "ARG2"}, {"source": 10, "target": 15, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 28, "target": 31, "label": "BV"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG3"}, {"source": 17, "target": 15, "label": "L-INDEX"}, {"source": 22, "target": 29, "label": "BV"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 37, "target": 41, "label": "ARG1"}, {"source": 8, "target": 17, "label": "ARG2"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 11, "target": 15, "label": "ARG1"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 47, "target": 46, "label": "BV"}, {"source": 17, "target": 19, "label": "R-INDEX"}, {"source": 33, "target": 45, "label": "ARG2"}]} +{"id": "20009002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [6], "nodes": [{"id": 0, "label": "_in_p_state", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "_new_a_1", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_position_n_of", "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "pron", "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "_oversee_v_1", "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Mazda"], "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "label": "def_explicit_q", "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "label": "poss", "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "label": "compound", "anchors": [{"from": 44, "to": 96}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 44, "to": 48}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 49, "to": 55}]}, {"id": 15, "label": "_sale_n_of", "anchors": [{"from": 49, "to": 55}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 56, "to": 64}]}, {"id": 17, "label": "implicit_conj", "anchors": [{"from": 56, "to": 96}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 65, "to": 96}]}, {"id": 19, "label": "_service_n_1", "anchors": [{"from": 56, "to": 64}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 65, "to": 70}]}, {"id": 21, "label": "implicit_conj", "anchors": [{"from": 65, "to": 96}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 71, "to": 96}]}, {"id": 23, "label": "_part_n_1", "anchors": [{"from": 65, "to": 70}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 71, "to": 96}]}, {"id": 25, "label": "_and_c", "anchors": [{"from": 71, "to": 74}]}, {"id": 26, "label": "compound", "anchors": [{"from": 75, "to": 96}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 75, "to": 84}]}, {"id": 28, "label": "_market_v_1", "anchors": [{"from": 75, "to": 84}]}, {"id": 29, "label": "nominalization", "anchors": [{"from": 75, "to": 84}]}, {"id": 30, "label": "_operation_n_of", "anchors": [{"from": 85, "to": 96}]}], "edges": [{"source": 20, "target": 23, "label": "BV"}, {"source": 9, "target": 17, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 25, "target": 30, "label": "R-INDEX"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 17, "target": 21, "label": "R-INDEX"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 21, "target": 19, "label": "L-INDEX"}, {"source": 25, "target": 23, "label": "L-INDEX"}, {"source": 22, "target": 25, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 10, "target": 17, "label": "ARG1"}, {"source": 26, "target": 30, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 21, "target": 25, "label": "R-INDEX"}, {"source": 11, "target": 17, "label": "ARG1"}, {"source": 17, "target": 15, "label": "L-INDEX"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 24, "target": 30, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 6, "target": 17, "label": "ARG2"}]} +{"id": "20009003", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [11], "nodes": [{"id": 0, "label": "_previously_p", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 12, "to": 38}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "_mister_n_1", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Vitulli"], "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "label": "measure", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["43"], "anchors": [{"from": 25, "to": 27}]}, {"id": 9, "label": "_year_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 10, "label": "_old_a_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "label": "_be_v_id", "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 43, "to": 107}]}, {"id": 13, "label": "compound", "anchors": [{"from": 43, "to": 68}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 43, "to": 60}]}, {"id": 15, "label": "_general_a_1", "anchors": [{"from": 43, "to": 50}]}, {"id": 16, "label": "_market_v_1", "anchors": [{"from": 51, "to": 60}]}, {"id": 17, "label": "nominalization", "anchors": [{"from": 51, "to": 60}]}, {"id": 18, "label": "_manager_n_of", "anchors": [{"from": 61, "to": 68}]}, {"id": 19, "label": "_of_p", "anchors": [{"from": 69, "to": 71}]}, {"id": 20, "label": "proper_q", "anchors": [{"from": 72, "to": 86}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 72, "to": 80}]}, {"id": 22, "label": "_corporation_n_1", "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 81, "to": 86}]}, {"id": 24, "label": "compound", "anchors": [{"from": 81, "to": 86}]}, {"id": 25, "label": "def_explicit_q", "anchors": [{"from": 86, "to": 88}]}, {"id": 26, "label": "poss", "anchors": [{"from": 86, "to": 88}]}, {"id": 27, "label": "compound", "anchors": [{"from": 89, "to": 107}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 89, "to": 97}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 89, "to": 97}]}, {"id": 30, "label": "_division_n_of", "anchors": [{"from": 98, "to": 107}]}], "edges": [{"source": 25, "target": 30, "label": "BV"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 10, "target": 5, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 12, "target": 18, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 26, "target": 21, "label": "ARG2"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 11, "target": 18, "label": "ARG2"}, {"source": 26, "target": 30, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 19, "target": 30, "label": "ARG2"}, {"source": 11, "target": 5, "label": "ARG1"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 24, "target": 21, "label": "ARG1"}]} +{"id": "20009004", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "label": "compound", "anchors": [{"from": 14, "to": 33}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 14, "to": 33}]}, {"id": 6, "label": "_sale_n_of", "anchors": [{"from": 14, "to": 19}]}, {"id": 7, "label": "_and_c", "anchors": [{"from": 20, "to": 23}]}, {"id": 8, "label": "_market_v_1", "anchors": [{"from": 24, "to": 33}]}, {"id": 9, "label": "_executive_n_1", "anchors": [{"from": 34, "to": 43}]}, {"id": 10, "label": "_with_p", "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 49, "to": 57}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "label": "_for_p", "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 62, "to": 71}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["20"], "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "label": "_year_n_1", "anchors": [{"from": 65, "to": 71}]}], "edges": [{"source": 10, "target": 2, "label": "ARG1"}, {"source": 7, "target": 4, "label": "L-HNDL"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 8, "label": "R-HNDL"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 13, "target": 2, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 3, "target": 9, "label": "BV"}, {"source": 2, "target": 9, "label": "ARG2"}, {"source": 4, "target": 9, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "20010001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [0], "nodes": [{"id": 0, "label": "_when_x_subord", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_time_a_expl-for", "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 24}]}, {"id": 3, "label": "poss", "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "label": "pron", "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "label": "_biannual_a_unknown", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "_powwow_n_unknown", "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "label": "_nation_n_of", "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "label": "def_explicit_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "poss", "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "compound", "anchors": [{"from": 55, "to": 75}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 55, "to": 68}]}, {"id": 14, "label": "_manufacture_v_1", "anchors": [{"from": 55, "to": 68}]}, {"id": 15, "label": "nominalization", "anchors": [{"from": 55, "to": 68}]}, {"id": 16, "label": "_titan_n_unknown", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_typical_a_of", "anchors": [{"from": 76, "to": 85}]}, {"id": 18, "label": "_jet_v_off", "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "_to_p", "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "label": "_sunny_a_1", "anchors": [{"from": 101, "to": 106}]}, {"id": 22, "label": "_confines_n_1", "anchors": [{"from": 107, "to": 115}]}, {"id": 23, "label": "_of_p", "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 119, "to": 164}]}, {"id": 25, "label": "compound", "anchors": [{"from": 119, "to": 131}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 119, "to": 125}]}, {"id": 27, "label": "_resort_n_1", "anchors": [{"from": 119, "to": 125}]}, {"id": 28, "label": "_town_n_1", "anchors": [{"from": 126, "to": 131}]}, {"id": 29, "label": "_like_p", "anchors": [{"from": 132, "to": 136}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 137, "to": 164}]}, {"id": 31, "label": "proper_q", "anchors": [{"from": 137, "to": 147}]}, {"id": 32, "label": "compound", "anchors": [{"from": 137, "to": 147}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 137, "to": 141}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Boca"], "anchors": [{"from": 137, "to": 141}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Raton"], "anchors": [{"from": 142, "to": 147}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 148, "to": 151}]}, {"id": 37, "label": "proper_q", "anchors": [{"from": 152, "to": 164}]}, {"id": 38, "label": "compound", "anchors": [{"from": 152, "to": 164}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 152, "to": 155}]}, {"id": 40, "label": "named", "properties": ["carg"], "values": ["Hot"], "anchors": [{"from": 152, "to": 155}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Springs"], "anchors": [{"from": 156, "to": 164}]}], "edges": [{"source": 23, "target": 22, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG1"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 36, "target": 41, "label": "R-INDEX"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 36, "target": 35, "label": "L-INDEX"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 31, "target": 35, "label": "BV"}, {"source": 29, "target": 36, "label": "ARG2"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 0, "target": 18, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG1"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 37, "target": 41, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 10, "target": 16, "label": "BV"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 30, "target": 36, "label": "BV"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 2, "target": 7, "label": "BV"}, {"source": 32, "target": 35, "label": "ARG1"}, {"source": 38, "target": 41, "label": "ARG1"}]} +{"id": "20010002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Not this year.", "tops": [0], "nodes": [{"id": 0, "label": "unknown", "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "label": "neg", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "loc_nonsp", "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "_this_q_dem", "anchors": [{"from": 4, "to": 8}]}, {"id": 4, "label": "_year_n_1", "anchors": [{"from": 9, "to": 14}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "20010003", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [7], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 24}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["National"], "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "_association_n_of", "anchors": [{"from": 13, "to": 24}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 28, "to": 41}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Manufacturers"], "anchors": [{"from": 28, "to": 41}]}, {"id": 7, "label": "_settle_v_1", "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "label": "_on_p", "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "label": "compound", "anchors": [{"from": 57, "to": 72}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Hoosier"], "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "label": "_capital_n_1", "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "label": "_of_p", "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 76, "to": 88}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 76, "to": 88}]}, {"id": 17, "label": "_for_p", "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "label": "def_explicit_q", "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "label": "poss", "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "label": "pronoun_q", "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "label": "pron", "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "label": "compound", "anchors": [{"from": 97, "to": 116}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 97, "to": 101}]}, {"id": 24, "label": "_fall_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 25, "label": "compound", "anchors": [{"from": 102, "to": 116}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 102, "to": 107}]}, {"id": 27, "label": "_board_n_of", "anchors": [{"from": 102, "to": 107}]}, {"id": 28, "label": "_meeting_n_of", "anchors": [{"from": 108, "to": 116}]}], "edges": [{"source": 26, "target": 27, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 18, "target": 28, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 22, "target": 28, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 7, "target": 4, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG2"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 19, "target": 28, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 17, "target": 7, "label": "ARG1"}, {"source": 17, "target": 28, "label": "ARG2"}]} +{"id": "20010006", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [0], "nodes": [{"id": 0, "label": "_on_p", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "_receive_v_1", "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "label": "_end_n_of", "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "label": "_message_n_of", "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 41, "to": 167}]}, {"id": 7, "label": "_official_n_1", "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "label": "_from_p", "anchors": [{"from": 51, "to": 55}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 56, "to": 87}]}, {"id": 10, "label": "_giant_n_1", "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "label": "_like_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 68, "to": 87}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 68, "to": 75}]}, {"id": 14, "label": "compound", "anchors": [{"from": 68, "to": 75}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Du"], "anchors": [{"from": 68, "to": 70}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Pont"], "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "label": "_and_c", "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "label": "proper_q", "anchors": [{"from": 80, "to": 87}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Maytag"], "anchors": [{"from": 80, "to": 87}]}, {"id": 21, "label": "_along+with_p", "anchors": [{"from": 88, "to": 98}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 99, "to": 167}]}, {"id": 23, "label": "_less_a_1", "anchors": [{"from": 99, "to": 105}]}, {"id": 24, "label": "comp", "anchors": [{"from": 99, "to": 105}]}, {"id": 25, "label": "_known_n_unknown", "anchors": [{"from": 106, "to": 112}]}, {"id": 26, "label": "_like_p", "anchors": [{"from": 113, "to": 117}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 118, "to": 167}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 118, "to": 130}]}, {"id": 29, "label": "compound", "anchors": [{"from": 118, "to": 130}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 118, "to": 124}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Trojan"], "anchors": [{"from": 118, "to": 124}]}, {"id": 32, "label": "named", "properties": ["carg"], "values": ["Steel"], "anchors": [{"from": 125, "to": 130}]}, {"id": 33, "label": "_and_c", "anchors": [{"from": 131, "to": 134}]}, {"id": 34, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 35, "label": "compound", "anchors": [{"from": 139, "to": 167}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 139, "to": 158}]}, {"id": 37, "label": "compound", "anchors": [{"from": 139, "to": 158}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 139, "to": 151}]}, {"id": 39, "label": "compound", "anchors": [{"from": 139, "to": 151}]}, {"id": 40, "label": "proper_q", "anchors": [{"from": 139, "to": 145}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Valley"], "anchors": [{"from": 139, "to": 145}]}, {"id": 42, "label": "named", "properties": ["carg"], "values": ["Queen"], "anchors": [{"from": 146, "to": 151}]}, {"id": 43, "label": "named", "properties": ["carg"], "values": ["Cheese"], "anchors": [{"from": 152, "to": 158}]}, {"id": 44, "label": "_factory_n_1", "anchors": [{"from": 159, "to": 167}]}], "edges": [{"source": 33, "target": 44, "label": "R-INDEX"}, {"source": 33, "target": 32, "label": "L-INDEX"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 36, "target": 43, "label": "BV"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 21, "target": 7, "label": "ARG1"}, {"source": 35, "target": 44, "label": "ARG1"}, {"source": 37, "target": 43, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 18, "target": 20, "label": "R-INDEX"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 35, "target": 43, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 39, "target": 41, "label": "ARG2"}, {"source": 18, "target": 17, "label": "L-INDEX"}, {"source": 37, "target": 42, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 27, "target": 33, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 38, "target": 42, "label": "BV"}, {"source": 39, "target": 42, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 21, "target": 25, "label": "ARG2"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 34, "target": 44, "label": "BV"}, {"source": 12, "target": 18, "label": "BV"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 26, "target": 33, "label": "ARG2"}, {"source": 22, "target": 25, "label": "BV"}, {"source": 11, "target": 18, "label": "ARG2"}, {"source": 40, "target": 41, "label": "BV"}]} +{"id": "20010007", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [5], "nodes": [{"id": 0, "label": "_for_p", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "label": "_starter_n_of", "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "_executive_n_1", "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "label": "_join_v_1", "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 36, "to": 63}]}, {"id": 7, "label": "compound", "anchors": [{"from": 36, "to": 63}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "label": "_mayor_n_of", "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "label": "compound", "anchors": [{"from": 42, "to": 63}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 42, "to": 59}]}, {"id": 12, "label": "compound", "anchors": [{"from": 42, "to": 59}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 42, "to": 52}]}, {"id": 14, "label": "compound", "anchors": [{"from": 42, "to": 52}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 42, "to": 49}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["William"], "anchors": [{"from": 42, "to": 49}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["H"], "anchors": [{"from": 50, "to": 52}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Hudnut"], "anchors": [{"from": 53, "to": 59}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["III"], "anchors": [{"from": 60, "to": 63}]}, {"id": 20, "label": "_for_p", "anchors": [{"from": 64, "to": 67}]}, {"id": 21, "label": "_a_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 22, "label": "_evening_n_of", "anchors": [{"from": 71, "to": 78}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 82, "to": 160}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 82, "to": 85}]}, {"id": 25, "label": "compound", "anchors": [{"from": 86, "to": 117}]}, {"id": 26, "label": "proper_q", "anchors": [{"from": 86, "to": 107}]}, {"id": 27, "label": "compound", "anchors": [{"from": 86, "to": 107}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 86, "to": 98}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 86, "to": 98}]}, {"id": 30, "label": "named", "properties": ["carg"], "values": ["Symphony"], "anchors": [{"from": 99, "to": 107}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Orchestra"], "anchors": [{"from": 108, "to": 117}]}, {"id": 32, "label": "_and_c", "anchors": [{"from": 118, "to": 121}]}, {"id": 33, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 34, "label": "compound", "anchors": [{"from": 124, "to": 160}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 124, "to": 146}]}, {"id": 36, "label": "compound", "anchors": [{"from": 124, "to": 146}]}, {"id": 37, "label": "udef_q", "anchors": [{"from": 124, "to": 129}]}, {"id": 38, "label": "_guest_n_of", "anchors": [{"from": 124, "to": 129}]}, {"id": 39, "label": "compound", "anchors": [{"from": 130, "to": 146}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 130, "to": 146}]}, {"id": 41, "label": "_pianist-_n_unknown", "anchors": [{"from": 130, "to": 146}]}, {"id": 42, "label": "_comedian_n_unknown", "anchors": [{"from": 130, "to": 146}]}, {"id": 43, "label": "compound", "anchors": [{"from": 147, "to": 160}]}, {"id": 44, "label": "proper_q", "anchors": [{"from": 147, "to": 153}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Victor"], "anchors": [{"from": 147, "to": 153}]}, {"id": 46, "label": "named", "properties": ["carg"], "values": ["Borge"], "anchors": [{"from": 154, "to": 160}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 43, "target": 46, "label": "ARG1"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 5, "target": 19, "label": "ARG2"}, {"source": 25, "target": 30, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 26, "target": 30, "label": "BV"}, {"source": 37, "target": 38, "label": "BV"}, {"source": 25, "target": 31, "label": "ARG1"}, {"source": 11, "target": 18, "label": "BV"}, {"source": 7, "target": 19, "label": "ARG1"}, {"source": 6, "target": 19, "label": "BV"}, {"source": 33, "target": 46, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 34, "target": 46, "label": "ARG1"}, {"source": 39, "target": 41, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 32, "target": 31, "label": "L-INDEX"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 39, "target": 42, "label": "ARG1"}, {"source": 35, "target": 42, "label": "BV"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 40, "target": 41, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 36, "target": 42, "label": "ARG1"}, {"source": 32, "target": 46, "label": "R-INDEX"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 10, "target": 19, "label": "ARG1"}, {"source": 23, "target": 32, "label": "BV"}, {"source": 34, "target": 42, "label": "ARG2"}, {"source": 12, "target": 18, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 22, "target": 32, "label": "ARG1"}, {"source": 20, "target": 5, "label": "ARG1"}, {"source": 36, "target": 38, "label": "ARG2"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 24, "target": 31, "label": "BV"}, {"source": 10, "target": 18, "label": "ARG2"}]} +{"id": "20010008", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Champagne and dessert followed.", "tops": [6], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 21}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 9}]}, {"id": 2, "label": "_champagne_n_1", "anchors": [{"from": 0, "to": 9}]}, {"id": 3, "label": "_and_c", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "label": "_dessert_n_1", "anchors": [{"from": 14, "to": 21}]}, {"id": 6, "label": "_follow_v_1", "anchors": [{"from": 22, "to": 31}]}], "edges": [{"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 6, "target": 3, "label": "ARG1"}]} +{"id": "20010010", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [7], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_governor_n_1", "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "neg", "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "label": "_can_v_modal", "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "label": "_make_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "pron", "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "label": "_so_x", "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "label": "compound", "anchors": [{"from": 38, "to": 57}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 38, "to": 48}]}, {"id": 11, "label": "_lieutenant_n_1", "anchors": [{"from": 38, "to": 48}]}, {"id": 12, "label": "_governor_n_1", "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "label": "_welcome_v_1", "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "label": "_special_a_1", "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "label": "_guest_n_of", "anchors": [{"from": 79, "to": 86}]}], "edges": [{"source": 8, "target": 12, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 13, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 4, "target": 1, "label": "ARG1"}]} +{"id": "20010011", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [5], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "compound", "anchors": [{"from": 2, "to": 18}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 2, "to": 8}]}, {"id": 3, "label": "_buffet_n_1", "anchors": [{"from": 2, "to": 8}]}, {"id": 4, "label": "_breakfast_n_1", "anchors": [{"from": 9, "to": 18}]}, {"id": 5, "label": "_hold_v_1", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "label": "_museum_n_of", "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 49, "to": 64}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "label": "_food_n_1", "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "label": "_and_c", "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "label": "_drink_n_1", "anchors": [{"from": 58, "to": 64}]}, {"id": 16, "label": "_ban_v_from", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_to_p", "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 79, "to": 97}]}, {"id": 19, "label": "_everyday_a_1", "anchors": [{"from": 79, "to": 87}]}, {"id": 20, "label": "_visitor_n_of", "anchors": [{"from": 88, "to": 97}]}], "edges": [{"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 16, "target": 13, "label": "ARG2"}, {"source": 13, "target": 12, "label": "L-INDEX"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 13, "target": 15, "label": "R-INDEX"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 9, "target": 16, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG2"}]} +{"id": "20010012", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [0], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_in_p_state", "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_guest_n_of", "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "label": "poss", "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "label": "_honor_n_1", "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "label": "_speedway_n_unknown", "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "label": "_haul_v_out", "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 120}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "_driver_n_of", "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 66, "to": 120}]}, {"id": 15, "label": "implicit_conj", "anchors": [{"from": 66, "to": 120}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "label": "_crew_n_of", "anchors": [{"from": 66, "to": 71}]}, {"id": 18, "label": "_and_c", "anchors": [{"from": 72, "to": 75}]}, {"id": 19, "label": "_even_x_deg", "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 81, "to": 84}]}, {"id": 21, "label": "_official_a_1", "anchors": [{"from": 85, "to": 93}]}, {"id": 22, "label": "compound", "anchors": [{"from": 94, "to": 120}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 94, "to": 110}]}, {"id": 24, "label": "compound", "anchors": [{"from": 94, "to": 110}]}, {"id": 25, "label": "proper_q", "anchors": [{"from": 94, "to": 106}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 94, "to": 106}]}, {"id": 27, "label": "yofc", "properties": ["carg"], "values": ["500"], "anchors": [{"from": 107, "to": 110}]}, {"id": 28, "label": "_announcer_n_1", "anchors": [{"from": 111, "to": 120}]}, {"id": 29, "label": "_for_p", "anchors": [{"from": 121, "to": 124}]}, {"id": 30, "label": "_a_q", "anchors": [{"from": 125, "to": 126}]}, {"id": 31, "label": "compound", "anchors": [{"from": 127, "to": 150}]}, {"id": 32, "label": "udef_q", "anchors": [{"from": 127, "to": 133}]}, {"id": 33, "label": "card", "properties": ["carg"], "values": ["10-"], "anchors": [{"from": 127, "to": 133}]}, {"id": 34, "label": "_lap_n_1", "anchors": [{"from": 127, "to": 133}]}, {"id": 35, "label": "compound", "anchors": [{"from": 134, "to": 150}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 134, "to": 144}]}, {"id": 37, "label": "_exhibition_n_of", "anchors": [{"from": 134, "to": 144}]}, {"id": 38, "label": "_race_n_of", "anchors": [{"from": 145, "to": 150}]}], "edges": [{"source": 29, "target": 9, "label": "ARG1"}, {"source": 22, "target": 27, "label": "ARG2"}, {"source": 9, "target": 15, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 30, "target": 38, "label": "BV"}, {"source": 33, "target": 34, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 23, "target": 27, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 18, "target": 28, "label": "R-INDEX"}, {"source": 29, "target": 38, "label": "ARG2"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 31, "target": 38, "label": "ARG1"}, {"source": 21, "target": 28, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 10, "target": 15, "label": "BV"}, {"source": 18, "target": 17, "label": "L-INDEX"}, {"source": 35, "target": 38, "label": "ARG1"}, {"source": 24, "target": 27, "label": "ARG1"}, {"source": 32, "target": 34, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 22, "target": 28, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 15, "target": 13, "label": "L-INDEX"}, {"source": 20, "target": 28, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 31, "target": 34, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 15, "target": 18, "label": "R-INDEX"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 0, "target": 9, "label": "ARG1"}]} +{"id": "20010013", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [11], "nodes": [{"id": 0, "label": "_after_p", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "_race_n_of", "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 38}]}, {"id": 4, "label": "compound", "anchors": [{"from": 16, "to": 38}]}, {"id": 5, "label": "number_q", "anchors": [{"from": 16, "to": 27}]}, {"id": 6, "label": "compound", "anchors": [{"from": 16, "to": 27}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 16, "to": 23}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Fortune"], "anchors": [{"from": 16, "to": 23}]}, {"id": 9, "label": "card", "properties": ["carg"], "values": ["500"], "anchors": [{"from": 24, "to": 27}]}, {"id": 10, "label": "_executive_n_1", "anchors": [{"from": 28, "to": 38}]}, {"id": 11, "label": "_drool_v_unknown", "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "label": "_like_p", "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 52, "to": 62}]}, {"id": 14, "label": "_schoolboy_n_unknown", "anchors": [{"from": 52, "to": 62}]}, {"id": 15, "label": "_over_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "label": "_car_n_1", "anchors": [{"from": 72, "to": 76}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 77, "to": 89}]}, {"id": 20, "label": "_and_c", "anchors": [{"from": 77, "to": 80}]}, {"id": 21, "label": "_driver_n_of", "anchors": [{"from": 81, "to": 89}]}], "edges": [{"source": 5, "target": 9, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 20, "target": 18, "label": "L-INDEX"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 20, "target": 21, "label": "R-INDEX"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 15, "target": 11, "label": "ARG1"}]} +{"id": "20010015", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [10], "nodes": [{"id": 0, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "label": "place_n", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "def_implicit_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_back_p", "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "loc_nonsp", "anchors": [{"from": 5, "to": 14}]}, {"id": 5, "label": "place_n", "anchors": [{"from": 5, "to": 14}]}, {"id": 6, "label": "def_implicit_q", "anchors": [{"from": 5, "to": 14}]}, {"id": 7, "label": "_downtown_a_1", "anchors": [{"from": 5, "to": 14}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 15, "to": 18}]}, {"id": 9, "label": "_exec_n_unknown", "anchors": [{"from": 19, "to": 24}]}, {"id": 10, "label": "_squeeze_v_in", "anchors": [{"from": 25, "to": 33}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 37, "to": 64}]}, {"id": 12, "label": "_a+few_a_1", "anchors": [{"from": 37, "to": 42}]}, {"id": 13, "label": "_meeting_n_of", "anchors": [{"from": 43, "to": 51}]}, {"id": 14, "label": "_at_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 16, "label": "_hotel_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 17, "label": "_before_p", "anchors": [{"from": 65, "to": 71}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 72, "to": 97}]}, {"id": 19, "label": "nominalization", "anchors": [{"from": 72, "to": 97}]}, {"id": 20, "label": "_board_v_1", "anchors": [{"from": 72, "to": 80}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 81, "to": 84}]}, {"id": 22, "label": "_bus_n_1", "anchors": [{"from": 85, "to": 90}]}, {"id": 23, "label": "_again_a_1", "anchors": [{"from": 91, "to": 97}]}], "edges": [{"source": 8, "target": 9, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 17, "target": 10, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 23, "target": 20, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}]} +{"id": "20010016", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 57}]}, {"id": 1, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "_this_q_dem", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_time_n_of", "anchors": [{"from": 5, "to": 10}]}, {"id": 4, "label": "pron", "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "_for_p", "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 22, "to": 43}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_dinner_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 10, "label": "_and_c", "anchors": [{"from": 29, "to": 32}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 33, "to": 43}]}, {"id": 12, "label": "_dance_v_1", "anchors": [{"from": 33, "to": 40}]}, {"id": 13, "label": "nominalization", "anchors": [{"from": 33, "to": 40}]}, {"id": 14, "label": "unknown", "anchors": [{"from": 44, "to": 57}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 44, "to": 57}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 44, "to": 45}]}, {"id": 17, "label": "_block_n_1", "anchors": [{"from": 46, "to": 51}]}, {"id": 18, "label": "_away_p", "anchors": [{"from": 52, "to": 57}]}], "edges": [{"source": 16, "target": 17, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 10, "target": 9, "label": "L-INDEX"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 10, "target": 13, "label": "R-INDEX"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 7, "target": 10, "label": "BV"}, {"source": 0, "target": 6, "label": "L-HNDL"}, {"source": 14, "target": 17, "label": "ARG"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 0, "target": 14, "label": "R-HNDL"}, {"source": 5, "target": 4, "label": "BV"}]} +{"id": "20010017", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [27], "nodes": [{"id": 0, "label": "_under_p_state", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "_star_n_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "label": "_and_c", "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "label": "_moon_n_1", "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "_of_p", "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "label": "_renovate_v_1", "anchors": [{"from": 33, "to": 42}]}, {"id": 10, "label": "compound", "anchors": [{"from": 43, "to": 65}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 43, "to": 55}]}, {"id": 12, "label": "compound", "anchors": [{"from": 43, "to": 55}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 43, "to": 50}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Indiana"], "anchors": [{"from": 43, "to": 50}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Roof"], "anchors": [{"from": 51, "to": 55}]}, {"id": 16, "label": "_ballroom_n_1", "anchors": [{"from": 56, "to": 65}]}, {"id": 17, "label": "part_of", "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 66, "to": 70}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["9"], "anchors": [{"from": 66, "to": 70}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 74, "to": 77}]}, {"id": 21, "label": "_hot_a_1", "anchors": [{"from": 78, "to": 85}]}, {"id": 22, "label": "superl", "anchors": [{"from": 78, "to": 85}]}, {"id": 23, "label": "_chef_n_1", "anchors": [{"from": 86, "to": 91}]}, {"id": 24, "label": "_in_p", "anchors": [{"from": 92, "to": 94}]}, {"id": 25, "label": "idiom_q_i", "anchors": [{"from": 95, "to": 99}]}, {"id": 26, "label": "_town_n_1", "anchors": [{"from": 95, "to": 99}]}, {"id": 27, "label": "_feed_v_1", "anchors": [{"from": 100, "to": 103}]}, {"id": 28, "label": "pron", "anchors": [{"from": 104, "to": 108}]}, {"id": 29, "label": "pronoun_q", "anchors": [{"from": 104, "to": 108}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 109, "to": 213}]}, {"id": 31, "label": "udef_q", "anchors": [{"from": 109, "to": 137}]}, {"id": 32, "label": "compound", "anchors": [{"from": 109, "to": 137}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 109, "to": 125}]}, {"id": 34, "label": "compound", "anchors": [{"from": 109, "to": 125}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 109, "to": 116}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Indiana"], "anchors": [{"from": 109, "to": 116}]}, {"id": 37, "label": "_duckling_n_1", "anchors": [{"from": 117, "to": 125}]}, {"id": 38, "label": "_mousseline_n_unknown", "anchors": [{"from": 126, "to": 137}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 138, "to": 213}]}, {"id": 40, "label": "implicit_conj", "anchors": [{"from": 138, "to": 213}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 138, "to": 155}]}, {"id": 42, "label": "compound", "anchors": [{"from": 138, "to": 155}]}, {"id": 43, "label": "udef_q", "anchors": [{"from": 138, "to": 145}]}, {"id": 44, "label": "_lobster_n_1", "anchors": [{"from": 138, "to": 145}]}, {"id": 45, "label": "_consomme_n_unknown", "anchors": [{"from": 146, "to": 155}]}, {"id": 46, "label": "udef_q", "anchors": [{"from": 156, "to": 213}]}, {"id": 47, "label": "implicit_conj", "anchors": [{"from": 156, "to": 213}]}, {"id": 48, "label": "udef_q", "anchors": [{"from": 156, "to": 167}]}, {"id": 49, "label": "compound", "anchors": [{"from": 156, "to": 167}]}, {"id": 50, "label": "udef_q", "anchors": [{"from": 156, "to": 160}]}, {"id": 51, "label": "_veal_n_unknown", "anchors": [{"from": 156, "to": 160}]}, {"id": 52, "label": "_mignon_n_unknown", "anchors": [{"from": 161, "to": 167}]}, {"id": 53, "label": "_and_c", "anchors": [{"from": 168, "to": 171}]}, {"id": 54, "label": "udef_q", "anchors": [{"from": 172, "to": 213}]}, {"id": 55, "label": "compound", "anchors": [{"from": 172, "to": 189}]}, {"id": 56, "label": "udef_q", "anchors": [{"from": 172, "to": 181}]}, {"id": 57, "label": "_chocolate_n_1", "anchors": [{"from": 172, "to": 181}]}, {"id": 58, "label": "_terrine_n_unknown", "anchors": [{"from": 182, "to": 189}]}, {"id": 59, "label": "_with_p", "anchors": [{"from": 190, "to": 194}]}, {"id": 60, "label": "_a_q", "anchors": [{"from": 195, "to": 196}]}, {"id": 61, "label": "compound", "anchors": [{"from": 197, "to": 213}]}, {"id": 62, "label": "udef_q", "anchors": [{"from": 197, "to": 206}]}, {"id": 63, "label": "_raspberry_n_1", "anchors": [{"from": 197, "to": 206}]}, {"id": 64, "label": "_sauce_n_1", "anchors": [{"from": 207, "to": 213}]}], "edges": [{"source": 7, "target": 16, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 60, "target": 64, "label": "BV"}, {"source": 62, "target": 63, "label": "BV"}, {"source": 40, "target": 47, "label": "R-INDEX"}, {"source": 54, "target": 58, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 47, "target": 45, "label": "L-INDEX"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 0, "target": 27, "label": "ARG1"}, {"source": 61, "target": 64, "label": "ARG1"}, {"source": 5, "target": 3, "label": "L-INDEX"}, {"source": 59, "target": 64, "label": "ARG2"}, {"source": 61, "target": 63, "label": "ARG2"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 5, "target": 6, "label": "R-INDEX"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 53, "target": 52, "label": "L-INDEX"}, {"source": 34, "target": 37, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 10, "target": 16, "label": "ARG1"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 27, "target": 40, "label": "ARG2"}, {"source": 27, "target": 28, "label": "ARG3"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 30, "target": 40, "label": "BV"}, {"source": 31, "target": 38, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 48, "target": 52, "label": "BV"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 8, "target": 16, "label": "BV"}, {"source": 49, "target": 51, "label": "ARG2"}, {"source": 55, "target": 58, "label": "ARG1"}, {"source": 9, "target": 16, "label": "ARG2"}, {"source": 49, "target": 52, "label": "ARG1"}, {"source": 56, "target": 57, "label": "BV"}, {"source": 41, "target": 45, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 53, "target": 58, "label": "R-INDEX"}, {"source": 46, "target": 53, "label": "BV"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 50, "target": 51, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 40, "target": 38, "label": "L-INDEX"}, {"source": 39, "target": 47, "label": "BV"}, {"source": 59, "target": 58, "label": "ARG1"}, {"source": 32, "target": 38, "label": "ARG1"}, {"source": 29, "target": 28, "label": "BV"}, {"source": 33, "target": 37, "label": "BV"}, {"source": 55, "target": 57, "label": "ARG2"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 32, "target": 37, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 47, "target": 53, "label": "R-INDEX"}, {"source": 27, "target": 17, "label": "ARG1"}]} +{"id": "20010018", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [0], "nodes": [{"id": 0, "label": "subord", "anchors": [{"from": 0, "to": 54}]}, {"id": 1, "label": "_know_v_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_a_q", "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "label": "_tasty_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "_and_c", "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "_free_a_1", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "_meal_n_1", "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "_when_x_subord", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "pron", "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "pronoun_q", "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "label": "_eat_v_1", "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "label": "generic_entity", "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "label": "_executive_n_1", "anchors": [{"from": 59, "to": 69}]}, {"id": 16, "label": "_give_v_1", "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "label": "_chef_n_1", "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "label": "compound", "anchors": [{"from": 87, "to": 104}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 87, "to": 95}]}, {"id": 22, "label": "_stand_v_1", "anchors": [{"from": 87, "to": 95}]}, {"id": 23, "label": "nominalization", "anchors": [{"from": 87, "to": 95}]}, {"id": 24, "label": "_ovation_n_unknown", "anchors": [{"from": 96, "to": 104}]}], "edges": [{"source": 2, "target": 6, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 19, "target": 24, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 4, "target": 5, "label": "R-HNDL"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 4, "target": 3, "label": "L-HNDL"}, {"source": 16, "target": 24, "label": "ARG2"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG3"}, {"source": 0, "target": 16, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 20, "target": 24, "label": "ARG1"}, {"source": 12, "target": 11, "label": "BV"}]} +{"id": "20010019", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [7], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 2, "label": "much-many_a", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "comp", "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 20}]}, {"id": 5, "label": "_a+few_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "_ceo_n_unknown", "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "_say_v_to", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "label": "compound", "anchors": [{"from": 29, "to": 49}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 29, "to": 39}]}, {"id": 11, "label": "_red_a_1", "anchors": [{"from": 29, "to": 39}]}, {"id": 12, "label": "_carpet_n_1", "anchors": [{"from": 29, "to": 39}]}, {"id": 13, "label": "_treatment_n_of", "anchors": [{"from": 40, "to": 49}]}, {"id": 14, "label": "_tempt_v_1", "anchors": [{"from": 50, "to": 56}]}, {"id": 15, "label": "pron", "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 57, "to": 61}]}, {"id": 17, "label": "_return_v_1", "anchors": [{"from": 65, "to": 71}]}, {"id": 18, "label": "_to_p", "anchors": [{"from": 72, "to": 74}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 75, "to": 76}]}, {"id": 20, "label": "compound", "anchors": [{"from": 77, "to": 91}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 77, "to": 86}]}, {"id": 22, "label": "_heartland_n_unknown", "anchors": [{"from": 77, "to": 86}]}, {"id": 23, "label": "_city_n_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 24, "label": "_for_p", "anchors": [{"from": 92, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 96, "to": 112}]}, {"id": 26, "label": "_future_a_1", "anchors": [{"from": 96, "to": 102}]}, {"id": 27, "label": "_meeting_n_of", "anchors": [{"from": 103, "to": 112}]}], "edges": [{"source": 19, "target": 23, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 7, "target": 0, "label": "ARG1"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 14, "target": 17, "label": "ARG3"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 7, "target": 14, "label": "ARG2"}, {"source": 8, "target": 13, "label": "BV"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 24, "target": 17, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 9, "target": 13, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}]} +{"id": "20010020", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_for_p", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "time_n", "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "def_implicit_q", "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "_now_a_1", "anchors": [{"from": 8, "to": 12}]}, {"id": 5, "label": "pron", "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 13, "to": 17}]}, {"id": 7, "label": "_look_v_forward-to", "anchors": [{"from": 21, "to": 28}]}, {"id": 8, "label": "appos", "anchors": [{"from": 40, "to": 81}]}, {"id": 9, "label": "def_explicit_q", "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "label": "poss", "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "label": "pronoun_q", "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "label": "pron", "anchors": [{"from": 40, "to": 45}]}, {"id": 13, "label": "compound", "anchors": [{"from": 46, "to": 63}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 46, "to": 52}]}, {"id": 15, "label": "season", "properties": ["carg"], "values": ["winter"], "anchors": [{"from": 46, "to": 52}]}, {"id": 16, "label": "_meeting_n_of", "anchors": [{"from": 53, "to": 60}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 64, "to": 81}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Boca"], "anchors": [{"from": 64, "to": 68}]}, {"id": 19, "label": "_in_p_temp", "anchors": [{"from": 69, "to": 71}]}, {"id": 20, "label": "proper_q", "anchors": [{"from": 72, "to": 81}]}, {"id": 21, "label": "mofy", "properties": ["carg"], "values": ["Feb"], "anchors": [{"from": 72, "to": 81}]}], "edges": [{"source": 8, "target": 18, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 10, "target": 16, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 7, "target": 16, "label": "ARG2"}, {"source": 8, "target": 16, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 9, "target": 16, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 0, "target": 7, "label": "R-HNDL"}]} +{"id": "20011001", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [19], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 0, "to": 5}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "_register_v_1", "anchors": [{"from": 12, "to": 22}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "label": "compound", "anchors": [{"from": 25, "to": 38}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 25, "to": 30}]}, {"id": 9, "label": "_trade_n_of", "anchors": [{"from": 25, "to": 30}]}, {"id": 10, "label": "_deficit_n_of", "anchors": [{"from": 31, "to": 38}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 42, "to": 54}]}, {"id": 12, "label": "_dollar_n_1", "anchors": [{"from": 42, "to": 43}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["101"], "anchors": [{"from": 43, "to": 46}]}, {"id": 14, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 47, "to": 54}]}, {"id": 15, "label": "times", "anchors": [{"from": 47, "to": 54}]}, {"id": 16, "label": "_in_p_temp", "anchors": [{"from": 55, "to": 57}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 58, "to": 66}]}, {"id": 18, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 58, "to": 66}]}, {"id": 19, "label": "subord", "anchors": [{"from": 67, "to": 114}]}, {"id": 20, "label": "_reflect_v_1", "anchors": [{"from": 67, "to": 77}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 78, "to": 81}]}, {"id": 22, "label": "_country_n_of", "anchors": [{"from": 82, "to": 89}]}, {"id": 23, "label": "def_explicit_q", "anchors": [{"from": 89, "to": 91}]}, {"id": 24, "label": "poss", "anchors": [{"from": 89, "to": 91}]}, {"id": 25, "label": "_economic_a_1", "anchors": [{"from": 92, "to": 100}]}, {"id": 26, "label": "_sluggishness_n_unknown", "anchors": [{"from": 101, "to": 114}]}, {"id": 27, "label": "_according+to_p", "anchors": [{"from": 115, "to": 127}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 128, "to": 166}]}, {"id": 29, "label": "compound", "anchors": [{"from": 128, "to": 146}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 128, "to": 138}]}, {"id": 31, "label": "_government_n_of", "anchors": [{"from": 128, "to": 138}]}, {"id": 32, "label": "_figure_n_1", "anchors": [{"from": 139, "to": 146}]}, {"id": 33, "label": "_release_v_1", "anchors": [{"from": 147, "to": 155}]}, {"id": 34, "label": "loc_nonsp", "anchors": [{"from": 156, "to": 166}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 156, "to": 166}]}, {"id": 36, "label": "dofw", "properties": ["carg"], "values": ["Wed"], "anchors": [{"from": 156, "to": 166}]}], "edges": [{"source": 23, "target": 26, "label": "BV"}, {"source": 16, "target": 5, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 33, "target": 32, "label": "ARG2"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 19, "target": 5, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 20, "target": 26, "label": "ARG2"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 15, "target": 14, "label": "ARG3"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 27, "target": 5, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}]} +{"id": "20011002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy.", "tops": [30], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 54}]}, {"id": 1, "label": "_preliminary_a_1", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "_tally_n_1", "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "label": "_by_p", "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "label": "compound", "anchors": [{"from": 27, "to": 54}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 27, "to": 45}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Trade"], "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "label": "_and_c", "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "label": "proper_q", "anchors": [{"from": 37, "to": 45}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Industry"], "anchors": [{"from": 37, "to": 45}]}, {"id": 12, "label": "_ministry_n_1", "anchors": [{"from": 46, "to": 54}]}, {"id": 13, "label": "_show_v_1", "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "label": "appos", "anchors": [{"from": 62, "to": 132}]}, {"id": 15, "label": "_another_q", "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "label": "compound", "anchors": [{"from": 70, "to": 83}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 70, "to": 75}]}, {"id": 18, "label": "_trade_n_of", "anchors": [{"from": 70, "to": 75}]}, {"id": 19, "label": "_deficit_n_of", "anchors": [{"from": 76, "to": 83}]}, {"id": 20, "label": "_in_p_temp", "anchors": [{"from": 84, "to": 86}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 87, "to": 95}]}, {"id": 22, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 87, "to": 95}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 96, "to": 99}]}, {"id": 24, "label": "ord", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 100, "to": 105}]}, {"id": 25, "label": "_monthly_a_1", "anchors": [{"from": 106, "to": 113}]}, {"id": 26, "label": "_setback_n_unknown", "anchors": [{"from": 114, "to": 121}]}, {"id": 27, "label": "loc_nonsp", "anchors": [{"from": 122, "to": 132}]}, {"id": 28, "label": "_this_q_dem", "anchors": [{"from": 122, "to": 126}]}, {"id": 29, "label": "_year_n_1", "anchors": [{"from": 127, "to": 132}]}, {"id": 30, "label": "subord", "anchors": [{"from": 133, "to": 190}]}, {"id": 31, "label": "_cast_v_1", "anchors": [{"from": 133, "to": 140}]}, {"id": 32, "label": "_a_q", "anchors": [{"from": 141, "to": 142}]}, {"id": 33, "label": "_cloud_n_of", "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "label": "_on_p", "anchors": [{"from": 149, "to": 151}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 152, "to": 163}]}, {"id": 36, "label": "compound", "anchors": [{"from": 152, "to": 163}]}, {"id": 37, "label": "proper_q", "anchors": [{"from": 152, "to": 157}]}, {"id": 38, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 152, "to": 157}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 158, "to": 163}]}, {"id": 40, "label": "def_explicit_q", "anchors": [{"from": 163, "to": 165}]}, {"id": 41, "label": "poss", "anchors": [{"from": 163, "to": 165}]}, {"id": 42, "label": "compound", "anchors": [{"from": 166, "to": 181}]}, {"id": 43, "label": "udef_q", "anchors": [{"from": 166, "to": 181}]}, {"id": 44, "label": "_export_n_of", "anchors": [{"from": 166, "to": 181}]}, {"id": 45, "label": "_orient_v_1", "anchors": [{"from": 166, "to": 181}]}, {"id": 46, "label": "_economy_n_1", "anchors": [{"from": 182, "to": 190}]}], "edges": [{"source": 13, "target": 2, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 41, "target": 39, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 9, "target": 8, "label": "L-INDEX"}, {"source": 36, "target": 38, "label": "ARG2"}, {"source": 30, "target": 13, "label": "ARG1"}, {"source": 9, "target": 11, "label": "R-INDEX"}, {"source": 3, "target": 12, "label": "ARG2"}, {"source": 5, "target": 12, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 30, "target": 31, "label": "ARG2"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 31, "target": 34, "label": "ARG3"}, {"source": 13, "target": 19, "label": "ARG2"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 35, "target": 39, "label": "BV"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG1"}, {"source": 14, "target": 26, "label": "ARG2"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 32, "target": 33, "label": "BV"}, {"source": 45, "target": 46, "label": "ARG2"}, {"source": 4, "target": 12, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 37, "target": 38, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 34, "target": 46, "label": "ARG2"}, {"source": 41, "target": 46, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 36, "target": 39, "label": "ARG1"}, {"source": 40, "target": 46, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}]} +{"id": "20011004", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [13], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 0, "to": 5}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "def_explicit_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "poss", "anchors": [{"from": 11, "to": 13}]}, {"id": 7, "label": "_economic_a_1", "anchors": [{"from": 14, "to": 22}]}, {"id": 8, "label": "_boom_n_1", "anchors": [{"from": 23, "to": 28}]}, {"id": 9, "label": "_begin_v_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "label": "_in_p_temp", "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "label": "yofc", "properties": ["carg"], "values": ["1986"], "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "label": "_stop_v_1", "anchors": [{"from": 50, "to": 57}]}, {"id": 14, "label": "loc_nonsp", "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "label": "_this_q_dem", "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "label": "_year_n_1", "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "label": "_because+of_p", "anchors": [{"from": 68, "to": 78}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 79, "to": 142}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 79, "to": 104}]}, {"id": 20, "label": "_prolonged_a_1", "anchors": [{"from": 79, "to": 88}]}, {"id": 21, "label": "compound", "anchors": [{"from": 89, "to": 104}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 89, "to": 94}]}, {"id": 23, "label": "_labor_n_1", "anchors": [{"from": 89, "to": 94}]}, {"id": 24, "label": "_dispute_n_1", "anchors": [{"from": 95, "to": 104}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 105, "to": 142}]}, {"id": 26, "label": "implicit_conj", "anchors": [{"from": 105, "to": 142}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 105, "to": 120}]}, {"id": 28, "label": "compound", "anchors": [{"from": 105, "to": 120}]}, {"id": 29, "label": "udef_q", "anchors": [{"from": 105, "to": 110}]}, {"id": 30, "label": "_trade_n_of", "anchors": [{"from": 105, "to": 110}]}, {"id": 31, "label": "_conflict_n_1", "anchors": [{"from": 111, "to": 120}]}, {"id": 32, "label": "_and_c", "anchors": [{"from": 121, "to": 124}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 125, "to": 142}]}, {"id": 34, "label": "_sluggish_a_1", "anchors": [{"from": 125, "to": 133}]}, {"id": 35, "label": "_export_n_of", "anchors": [{"from": 134, "to": 142}]}], "edges": [{"source": 32, "target": 35, "label": "R-INDEX"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 26, "target": 32, "label": "R-INDEX"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 25, "target": 32, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 17, "target": 26, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG1"}, {"source": 27, "target": 31, "label": "BV"}, {"source": 17, "target": 13, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 13, "target": 8, "label": "ARG1"}, {"source": 29, "target": 30, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 28, "target": 30, "label": "ARG2"}, {"source": 18, "target": 26, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 32, "target": 31, "label": "L-INDEX"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 19, "target": 24, "label": "BV"}, {"source": 20, "target": 24, "label": "ARG1"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 26, "target": 24, "label": "L-INDEX"}, {"source": 15, "target": 16, "label": "BV"}]} +{"id": "20011005", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 20}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 3, "label": "_government_n_of", "anchors": [{"from": 0, "to": 10}]}, {"id": 4, "label": "_official_n_1", "anchors": [{"from": 11, "to": 20}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 26, "to": 56}]}, {"id": 7, "label": "_export_n_of", "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "label": "_at_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "_end_n_of", "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "label": "_year_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "_would_v_modal", "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "label": "_remain_v_1", "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "label": "_under_p", "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "label": "compound", "anchors": [{"from": 78, "to": 95}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "label": "_government_n_of", "anchors": [{"from": 78, "to": 88}]}, {"id": 20, "label": "_target_n_of", "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 99, "to": 111}]}, {"id": 22, "label": "_dollar_n_1", "anchors": [{"from": 99, "to": 100}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["68"], "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 103, "to": 111}]}, {"id": 25, "label": "times", "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 15, "target": 7, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 25, "target": 24, "label": "ARG3"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 5, "target": 13, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20011006", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [9], "nodes": [{"id": 0, "label": "_despite_p", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "label": "_gloomy_a_1", "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "label": "_forecast_n_1", "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 29, "to": 40}]}, {"id": 5, "label": "compound", "anchors": [{"from": 29, "to": 40}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "label": "_record_v_1", "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "label": "compound", "anchors": [{"from": 56, "to": 69}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "label": "_trade_n_of", "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "label": "_surplus_n_of", "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 73, "to": 84}]}, {"id": 16, "label": "_dollar_n_1", "anchors": [{"from": 73, "to": 74}]}, {"id": 17, "label": "card", "properties": ["carg"], "values": ["71"], "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 77, "to": 84}]}, {"id": 19, "label": "times", "anchors": [{"from": 77, "to": 84}]}, {"id": 20, "label": "comp_so", "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "label": "_far_a_1", "anchors": [{"from": 88, "to": 91}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 92, "to": 102}]}, {"id": 23, "label": "_this_q_dem", "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "label": "_year_n_1", "anchors": [{"from": 97, "to": 102}]}], "edges": [{"source": 15, "target": 16, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 21, "target": 14, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 9, "target": 14, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 22, "target": 14, "label": "ARG1"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG3"}, {"source": 11, "target": 13, "label": "ARG2"}]} +{"id": "20011007", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [12], "nodes": [{"id": 0, "label": "_from_p_time", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "label": "mofy", "properties": ["carg"], "values": ["Jan"], "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "label": "_to_p", "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "label": "_nation_n_of", "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "poss", "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "label": "_accumulate_v_cause", "anchors": [{"from": 38, "to": 49}]}, {"id": 11, "label": "_export_n_of", "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "label": "_increase_v_1", "anchors": [{"from": 58, "to": 67}]}, {"id": 13, "label": "loc_nonsp", "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "label": "_percent_n_of", "anchors": [{"from": 69, "to": 70}]}, {"id": 17, "label": "_from_p", "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "label": "_same_a_as", "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "label": "comp_equal", "anchors": [{"from": 80, "to": 84}]}, {"id": 21, "label": "_period_n_of", "anchors": [{"from": 85, "to": 91}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 92, "to": 101}]}, {"id": 23, "label": "def_implicit_q", "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "label": "_last_a_1", "anchors": [{"from": 92, "to": 96}]}, {"id": 25, "label": "_year_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 26, "label": "_to_p", "anchors": [{"from": 102, "to": 104}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 105, "to": 120}]}, {"id": 28, "label": "_dollar_n_1", "anchors": [{"from": 105, "to": 106}]}, {"id": 29, "label": "card", "properties": ["carg"], "values": ["50.45"], "anchors": [{"from": 106, "to": 111}]}, {"id": 30, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 112, "to": 120}]}, {"id": 31, "label": "times", "anchors": [{"from": 112, "to": 120}]}], "edges": [{"source": 0, "target": 12, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 3, "target": 12, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 31, "target": 29, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 17, "target": 12, "label": "ARG1"}, {"source": 17, "target": 21, "label": "ARG2"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 31, "target": 30, "label": "ARG3"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 26, "target": 12, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 30, "target": 28, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 13, "target": 16, "label": "ARG2"}]} +{"id": "20011008", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [2], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_import_n_of", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_at_p", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 31}]}, {"id": 4, "label": "_dollar_n_1", "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["50.38"], "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "label": "times", "anchors": [{"from": 23, "to": 31}]}, {"id": 8, "label": "_up_p", "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["19"], "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "label": "_percent_n_of", "anchors": [{"from": 37, "to": 39}]}], "edges": [{"source": 6, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG3"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}]} +{"id": "20012002", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [20], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_new_a_1", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "compound", "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "label": "_ad_n_1", "anchors": [{"from": 8, "to": 10}]}, {"id": 5, "label": "_plan_n_1", "anchors": [{"from": 11, "to": 15}]}, {"id": 6, "label": "_from_p", "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "appos", "anchors": [{"from": 21, "to": 65}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 21, "to": 30}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 21, "to": 30}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 31, "to": 32}]}, {"id": 11, "label": "_unit_n_of", "anchors": [{"from": 33, "to": 37}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 13, "label": "compound", "anchors": [{"from": 45, "to": 65}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 45, "to": 60}]}, {"id": 15, "label": "compound", "anchors": [{"from": 45, "to": 60}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 45, "to": 55}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Washington"], "anchors": [{"from": 45, "to": 55}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Post"], "anchors": [{"from": 56, "to": 60}]}, {"id": 19, "label": "_co_n_1", "anchors": [{"from": 61, "to": 65}]}, {"id": 20, "label": "_be_v_id", "anchors": [{"from": 66, "to": 68}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 69, "to": 72}]}, {"id": 22, "label": "ord", "properties": ["carg"], "values": ["2"], "anchors": [{"from": 73, "to": 79}]}, {"id": 23, "label": "compound", "anchors": [{"from": 80, "to": 94}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 80, "to": 89}]}, {"id": 25, "label": "_incentive_n_to", "anchors": [{"from": 80, "to": 89}]}, {"id": 26, "label": "_plan_n_1", "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "label": "_the_q", "anchors": [{"from": 95, "to": 98}]}, {"id": 28, "label": "_magazine_n_1", "anchors": [{"from": 99, "to": 107}]}, {"id": 29, "label": "_offer_v_1", "anchors": [{"from": 112, "to": 119}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 120, "to": 131}]}, {"id": 31, "label": "_advertiser_n_unknown", "anchors": [{"from": 120, "to": 131}]}, {"id": 32, "label": "_in_p", "anchors": [{"from": 132, "to": 134}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 135, "to": 147}]}, {"id": 34, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 135, "to": 140}]}, {"id": 35, "label": "_year_n_1", "anchors": [{"from": 141, "to": 147}]}], "edges": [{"source": 6, "target": 9, "label": "ARG2"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 22, "target": 26, "label": "ARG1"}, {"source": 12, "target": 19, "label": "BV"}, {"source": 13, "target": 19, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 0, "target": 5, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 20, "target": 26, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 29, "target": 26, "label": "ARG2"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 21, "target": 26, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 32, "target": 29, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 11, "target": 19, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 20, "target": 5, "label": "ARG1"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 32, "target": 35, "label": "ARG2"}]} +{"id": "20012004", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [12], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 46}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Alan"], "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Spoon"], "anchors": [{"from": 5, "to": 11}]}, {"id": 5, "label": "_recent_a_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 6, "label": "_name_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "label": "compound", "anchors": [{"from": 27, "to": 46}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 27, "to": 35}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 27, "to": 35}]}, {"id": 11, "label": "_president_n_of", "anchors": [{"from": 36, "to": 46}]}, {"id": 12, "label": "_say_v_to", "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 52, "to": 60}]}, {"id": 15, "label": "def_explicit_q", "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "label": "poss", "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "label": "compound", "anchors": [{"from": 63, "to": 71}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 63, "to": 65}]}, {"id": 19, "label": "_ad_n_1", "anchors": [{"from": 63, "to": 65}]}, {"id": 20, "label": "_rate_n_of", "anchors": [{"from": 66, "to": 71}]}, {"id": 21, "label": "_would_v_modal", "anchors": [{"from": 72, "to": 77}]}, {"id": 22, "label": "_increase_v_1", "anchors": [{"from": 78, "to": 86}]}, {"id": 23, "label": "loc_nonsp", "anchors": [{"from": 87, "to": 89}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 87, "to": 89}]}, {"id": 25, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 87, "to": 88}]}, {"id": 26, "label": "_percent_n_of", "anchors": [{"from": 88, "to": 89}]}, {"id": 27, "label": "_in_p_temp", "anchors": [{"from": 90, "to": 92}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 93, "to": 101}]}, {"id": 29, "label": "mofy", "properties": ["carg"], "values": ["Jan"], "anchors": [{"from": 93, "to": 101}]}], "edges": [{"source": 7, "target": 11, "label": "BV"}, {"source": 15, "target": 20, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG2"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 27, "target": 22, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG3"}, {"source": 12, "target": 4, "label": "ARG1"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 22, "target": 20, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 12, "target": 21, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 16, "target": 20, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 16, "target": 14, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG1"}]} +{"id": "20012005", "flavor": 1, "framework": "eds", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [10], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "_full_a_of", "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "label": "compound", "anchors": [{"from": 8, "to": 23}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 8, "to": 18}]}, {"id": 5, "label": "_color_n_1", "anchors": [{"from": 8, "to": 18}]}, {"id": 6, "label": "_page_n_1", "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "label": "_in_p", "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 27, "to": 35}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 27, "to": 35}]}, {"id": 10, "label": "_cost_v_1", "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "label": "_dollar_n_1", "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["100,980"], "anchors": [{"from": 47, "to": 55}]}], "edges": [{"source": 10, "target": 6, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 0, "target": 6, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}]} diff --git a/mtool/data/sample/norec/train.json b/mtool/data/sample/norec/train.json new file mode 100644 index 0000000000000000000000000000000000000000..9166febc29e9272fb99b42038c9112288c382b1a --- /dev/null +++ b/mtool/data/sample/norec/train.json @@ -0,0 +1 @@ +[{"sent_id": "201911-01-01", "text": "Philips 190G6", "opinions": []}, {"sent_id": "201911-02-01", "text": "Med integrerte h\u00f8yttalere som p\u00e5 ingen m\u00e5te er diskret plassert , og med en stor subwoofer inkludert , da snakker vi om en gutteskjerm .", "opinions": []}, {"sent_id": "201911-02-02", "text": "Eller bedrar skinnet ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bedrar skinnet ?"], ["6:22"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201911-03-01", "text": "De fleste skjermer har et diskret design , med smale rammer og slank fot .", "opinions": []}, {"sent_id": "201911-03-02", "text": "Men 190G6 fra Philips er en helt annen historie .", "opinions": []}, {"sent_id": "201911-03-03", "text": "Den har et utseende som krever oppmerksomhet , med glinsende svart ramme , glansbelegg p\u00e5 skjermflaten og store s\u00f8lvfargede sidepaneler med fire innfelte h\u00f8yttalere med svart deksel .", "opinions": []}, {"sent_id": "201911-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "201911-05-01", "text": "Foten har en stor og blank s\u00f8yle , og det er store knapper og bl\u00e5 lys .", "opinions": []}, {"sent_id": "201911-06-01", "text": "Baksiden er sort , blank og skinnende , med et deksel som skjuler kontakter og kabler .", "opinions": [{"Source": [[], []], "Target": [["Baksiden"], ["0:8"]], "Polar_expression": [["med et deksel som skjuler kontakter og kabler"], ["40:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Baksiden"], ["0:8"]], "Polar_expression": [["sort"], ["12:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Baksiden"], ["0:8"]], "Polar_expression": [["blank"], ["19:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Baksiden"], ["0:8"]], "Polar_expression": [["skinnende"], ["28:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["deksel"], ["47:53"]], "Polar_expression": [["skjuler kontakter og kabler"], ["58:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-06-02", "text": "De fire h\u00f8yttalerbr\u00f8nnene stikker tydelig ut - her er det ikke snakk om \u00e5 gjemme noe .", "opinions": []}, {"sent_id": "201911-07-01", "text": "Skjermen er helt klart visuelt utfordrende , noen vil synes den er overharry , andre vil bli begeistret .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["visuelt utfordrende"], ["23:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["noen"], ["45:49"]], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["vil synes den er overharry"], ["50:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["andre"], ["79:84"]], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["vil bli begeistret"], ["85:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "201911-07-02", "text": "Likegyldig er det uansett vanskelig \u00e5 v\u00e6re .", "opinions": []}, {"sent_id": "201911-08-01", "text": "God betjening", "opinions": [{"Source": [[], []], "Target": [["betjening"], ["4:13"]], "Polar_expression": [["God"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-09-01", "text": "Uansett hva man m\u00e5tte mene om utseendet , s\u00e5 er knappene plassert p\u00e5 en utmerket m\u00e5te , og hele oppsettet gir god kontroll - langt mer behagelig i bruk enn de vanlige tryknappene som vi finner p\u00e5 de aller fleste skjermer .", "opinions": [{"Source": [[], []], "Target": [["knappene"], ["48:56"]], "Polar_expression": [["plassert p\u00e5 en utmerket m\u00e5te"], ["57:85"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hele oppsettet"], ["91:105"]], "Polar_expression": [["gir god kontroll"], ["106:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hele oppsettet"], ["91:105"]], "Polar_expression": [["langt mer behagelig i bruk enn de vanlige tryknappene som vi finner p\u00e5 de aller fleste skjermer"], ["125:220"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de vanlige tryknappene"], ["156:178"]], "Polar_expression": [["langt mer behagelig i bruk enn"], ["125:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-10-01", "text": "I midten finner vi volumknappen , som roterer fritt .", "opinions": []}, {"sent_id": "201911-10-02", "text": "Niv\u00e5et leser du av p\u00e5 skjermen , det dukker opp en skala s\u00e5 snart du skrur p\u00e5 knappen .", "opinions": []}, {"sent_id": "201911-11-01", "text": "Til venstre finner vi en inngangsvelger , som bestemmer om skjermen skal vise sginal fra VGA , DVI , Scart , S-video , coaks eller komponentinngangene , som alle er plassert p\u00e5 baksiden av skjermen , under det sorte dekselet .", "opinions": []}, {"sent_id": "201911-11-02", "text": "En mer allsidig og tilkoblingsvennlig skjerm har vi knapt sett .", "opinions": [{"Source": [["vi"], ["49:51"]], "Target": [[], []], "Polar_expression": [["En mer allsidig og tilkoblingsvennlig skjerm har vi knapt sett"], ["0:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201911-12-01", "text": "Til h\u00f8yre finner vi forh\u00e5ndsinnstillinger for lyden .", "opinions": []}, {"sent_id": "201911-13-01", "text": "P\u00e5 hver side av foten er det tilkoblinger for henholdsvis USB og hodetelefon / mikrofon , og p\u00e5 baksiden er det tilkoblinger for USB til lyddelen , str\u00f8m og utsignal til subwooferen .", "opinions": []}, {"sent_id": "201911-14-01", "text": "Skjermen kan bare vippes , ikke heves / senkes eller dreies .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan bare vippes"], ["9:24"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan", "ikke heves / senkes eller dreies"], ["9:12", "27:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201911-15-01", "text": "Bildekvalitet", "opinions": []}, {"sent_id": "201911-16-01", "text": "Vi ble positivt overrasket over bildekvaliteten .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["bildekvaliteten"], ["32:47"]], "Polar_expression": [["positivt overrasket"], ["7:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-16-02", "text": "Spesielt fargedynamikken var klart over gjennomsnittet .", "opinions": [{"Source": [[], []], "Target": [["fargedynamikken"], ["9:24"]], "Polar_expression": [["klart over gjennomsnittet"], ["29:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-16-03", "text": "Det er flere faste fargeprofiler med forskjellige temperaturer \u00e5 velge mellom , i tillegg til manuell innstilling .", "opinions": [{"Source": [[], []], "Target": [["faste fargeprofiler"], ["13:32"]], "Polar_expression": [["flere"], ["7:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["faste fargeprofiler"], ["13:32"]], "Polar_expression": [["forskjellige temperaturer \u00e5 velge mellom"], ["37:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["faste fargeprofiler"], ["13:32"]], "Polar_expression": [["manuell innstilling"], ["94:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-16-04", "text": "Justeringsomr\u00e5det er stort , s\u00e5 det er sv\u00e6rt gode tilpasningsmuligheter til forskjellige omgivelser .", "opinions": [{"Source": [[], []], "Target": [["Justeringsomr\u00e5det"], ["0:17"]], "Polar_expression": [["stort"], ["21:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Justeringsomr\u00e5det"], ["0:17"]], "Polar_expression": [["sv\u00e6rt gode tilpasningsmuligheter til forskjellige omgivelser"], ["39:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tilpasningsmuligheter"], ["50:71"]], "Polar_expression": [["sv\u00e6rt gode"], ["39:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-17-01", "text": "Den blanke overflaten er ikke v\u00e5r favoritt , men refleksene vil sannsynligvis ikke v\u00e6re s\u00e5 sjenerende i de sammenhengene en slik skjerm vil bli brukt .", "opinions": [{"Source": [["v\u00e5r"], ["30:33"]], "Target": [["Den blanke overflaten"], ["0:21"]], "Polar_expression": [["ikke v\u00e5r favoritt"], ["25:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den blanke overflaten"], ["0:21"]], "Polar_expression": [["refleksene vil sannsynligvis ikke v\u00e6re s\u00e5 sjenerende i de sammenhengene en slik skjerm vil bli brukt"], ["49:149"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-18-01", "text": "Responstiden var ikke av de aller raskeste , det var etterslep \u00e5 se p\u00e5 testmaterialet .", "opinions": [{"Source": [[], []], "Target": [["Responstiden"], ["0:12"]], "Polar_expression": [["ikke av de aller raskeste"], ["17:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Responstiden"], ["0:12"]], "Polar_expression": [["etterslep"], ["53:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-18-02", "text": "Men i praktisk spillsammenheng var det helt uproblematisk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["praktisk spillsammenheng var det helt uproblematisk"], ["6:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-19-01", "text": "Betraktningsvinkelen fra sidene var meget bra , du kan godt invitere 4 venn( inn ) er til \u00e5 sitte ved siden av deg og se p\u00e5 skjermen uten at noen p\u00e5 sidene vil f\u00e5 d\u00e5rligere bilde .", "opinions": [{"Source": [[], []], "Target": [["Betraktningsvinkelen fra sidene"], ["0:31"]], "Polar_expression": [["meget bra"], ["36:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Betraktningsvinkelen fra sidene"], ["0:31"]], "Polar_expression": [["du kan godt invitere 4 venn( inn ) er til \u00e5 sitte ved siden av deg og se p\u00e5 skjermen uten at noen p\u00e5 sidene vil f\u00e5 d\u00e5rligere bilde"], ["48:178"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-20-01", "text": "Vertikalt er det derimot ikke spesielt imponerende , her forsvant r\u00f8dt med det samme vi reiste oss opp og s\u00e5 ned p\u00e5 skjermen .", "opinions": [{"Source": [[], []], "Target": [["det"], ["13:16"]], "Polar_expression": [["Vertikalt er det derimot ikke spesielt imponerende"], ["0:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["her forsvant r\u00f8dt med det samme vi reiste oss opp og s\u00e5 ned p\u00e5 skjermen"], ["53:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-21-01", "text": "Lydkvalitet", "opinions": []}, {"sent_id": "201911-22-01", "text": "190G6 kan kobles til et eksisterende lydkort med vanlig stereo minikack , men det er ogs\u00e5 en innebygd USB-lydenhet .", "opinions": []}, {"sent_id": "201911-22-02", "text": "En driver m\u00e5 installeres , s\u00e5 er det bare \u00e5 velge denne USB-lydenheten i stedet for den som sitter integrert eller montert i PCen .", "opinions": []}, {"sent_id": "201911-23-01", "text": "Vi ble ikke imponert over lydstyrken .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["lydstyrken"], ["26:36"]], "Polar_expression": [["ikke imponert"], ["7:20"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-23-02", "text": "Ut fra st\u00f8rrelsen p\u00e5 subwooferen og de fire h\u00f8yttalerene i skjermen hadde vi ventet oss en noe kraftigere lydstyrke .", "opinions": [{"Source": [["vi"], ["74:76"]], "Target": [[], []], "Polar_expression": [["hadde", "ventet oss en noe kraftigere lydstyrke"], ["68:73", "77:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-24-01", "text": "Lydbildet er ok , men det vrenger fort n\u00e5r du skrur volumet over 90 ( det g\u00e5r til 100 ) .", "opinions": [{"Source": [[], []], "Target": [["Lydbildet"], ["0:9"]], "Polar_expression": [["ok"], ["13:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lydbildet"], ["0:9"]], "Polar_expression": [["vrenger fort n\u00e5r du skrur volumet over 90"], ["26:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-24-02", "text": "Det er egen volumkontroll p\u00e5 sub-wooferen , og den settes typisk i n\u00e6rheten av midtstilling , avhengig av rom og plassering .", "opinions": []}, {"sent_id": "201911-25-01", "text": "Til spill og bakgrunnsmusikk er lyden ok , men vi hadde \u00f8nsket at den var kraftigere , og dermed jobbet lettere p\u00e5 moderat h\u00f8ye niv\u00e5er .", "opinions": [{"Source": [[], []], "Target": [["lyden"], ["32:37"]], "Polar_expression": [["Til spill og bakgrunnsmusikk", "ok"], ["0:28", "38:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["47:49"]], "Target": [["lyden"], ["32:37"]], "Polar_expression": [["vi hadde \u00f8nsket at den var kraftigere"], ["47:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-25-02", "text": "Den sliter litt ogs\u00e5 f\u00f8r den kommer opp i n\u00e6rheten av maksomr\u00e5det .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["sliter litt ogs\u00e5 f\u00f8r den kommer opp i n\u00e6rheten av maksomr\u00e5det"], ["4:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-26-01", "text": "Konkluskjon", "opinions": []}, {"sent_id": "201911-27-01", "text": "Skjermen er spesiell , men den er god \u00e5 betjene og har bildekvalitet godt over gjennommsnittet .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["spesiell"], ["12:20"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["god \u00e5 betjene"], ["34:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["har bildekvalitet godt over gjennommsnittet"], ["51:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["godt over gjennommsnittet"], ["69:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-28-01", "text": "Lyden er ikke like imponerende , men den holder p\u00e5 guttev\u00e6relset .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["ikke like imponerende"], ["9:30"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["holder p\u00e5 guttev\u00e6relset"], ["41:64"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201911-28-02", "text": "I hvert fall n\u00e5r man ikke er alene hjemme ...", "opinions": []}, {"sent_id": "102727-01-01", "text": "Liten storfilm", "opinions": []}, {"sent_id": "102727-02-01", "text": "\u00ab The Descendants \u00bb ( Etterkommerne ) er egentlig en ganske \u00ab liten \u00bb film , men med store sp\u00f8rsm\u00e5l inne i seg .", "opinions": []}, {"sent_id": "102727-02-02", "text": "Det handler om en travel advokat p\u00e5 Hawaii , som plutselig f\u00e5r livet snudd p\u00e5 hodet , n\u00e5r hans initiativrike hustru blir hardt skadet i en ulykke .", "opinions": []}, {"sent_id": "102727-03-01", "text": "F\u00f8rst m\u00e5 han ta vare p\u00e5 sine to d\u00f8tre - noe han aldri har gjort f\u00f8r .", "opinions": []}, {"sent_id": "102727-03-02", "text": "S\u00e5 m\u00e5 han ta tak i sin egen storfamilies hovedutfordring :", "opinions": []}, {"sent_id": "102727-03-03", "text": "Som etterkommere av en polynesisk prinsesse , eier de et stort stykke land - verd ufattelige mye penger dersom det selges til utbygging .", "opinions": []}, {"sent_id": "102727-04-01", "text": "Det store med denne filmen , er at den tar utfordringen med skikkelig behandling av noe s\u00e5 vanskelig som mellommenneskelige forhold .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["20:26"]], "Polar_expression": [["tar utfordringen med skikkelig behandling av noe s\u00e5 vanskelig som mellommenneskelige forhold"], ["39:131"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102727-04-02", "text": "Etter filmer som \u00ab Sideways \u00bb og \u00ab About Schmidt \u00bb m\u00e5 vel regiss\u00f8r Alexander Payne sies \u00e5 v\u00e6re en slags ekspert p\u00e5 dette .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8r Alexander Payne"], ["58:82"]], "Polar_expression": [["m\u00e5 vel", "sies \u00e5 v\u00e6re en slags ekspert p\u00e5 dette"], ["51:57", "83:120"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102727-05-01", "text": "Kjenner vi egentlig v\u00e5re n\u00e6rmeste ?", "opinions": []}, {"sent_id": "102727-05-02", "text": "Prioriterer vi riktig i hverdagen ?", "opinions": []}, {"sent_id": "102727-05-03", "text": "Hvordan forvalter vi v\u00e5rt ansvar , som enkeltindivider og samfunnsborgere ?", "opinions": []}, {"sent_id": "102727-06-01", "text": "George Clooney er mannen som b\u00e6rer det hele p\u00e5 sine ikke alt for brede skuldre .", "opinions": []}, {"sent_id": "102727-06-02", "text": "Og han gj\u00f8r det enormt godt .", "opinions": [{"Source": [[], []], "Target": [["han"], ["3:6"]], "Polar_expression": [["gj\u00f8r det enormt godt"], ["7:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102727-06-03", "text": "Uten store geberder gjennomlever han en livsomveltende krise .", "opinions": []}, {"sent_id": "102727-06-04", "text": "Man opplever en intelligent skuespiller flink nok til \u00e5 holde igjen - dog alltid tydelig nok i alt han foretar seg .", "opinions": [{"Source": [[], []], "Target": [["skuespiller"], ["28:39"]], "Polar_expression": [["Man opplever en intelligent skuespiller flink nok til \u00e5 holde igjen"], ["0:67"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespiller"], ["28:39"]], "Polar_expression": [["tydelig nok i alt han foretar seg"], ["81:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102727-07-01", "text": "Her er han , p\u00e5 mest mulig overbevisende m\u00e5te , en helt \u00ab vanlig mann \u00bb .", "opinions": []}, {"sent_id": "102727-07-02", "text": "Ikke glamor\u00f8s , noks\u00e5 tydelig litt aldrende , helt tydelig meget s\u00e5rbar .", "opinions": []}, {"sent_id": "102727-08-01", "text": "Interessant er ogs\u00e5 beskrivelsen av Hawaii , ofte nok beskrevet som en \u00ab paradis \u00bb .", "opinions": [{"Source": [[], []], "Target": [["beskrivelsen av Hawaii"], ["20:42"]], "Polar_expression": [["Interessant"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102727-08-02", "text": "Denne gangen mye mer trivielt eksponert - dog med sine helt s\u00e6regne skikker og tradisjoner og historie .", "opinions": []}, {"sent_id": "102727-09-01", "text": "S\u00e5 p\u00e5 flere plan makter denne filmen ikke bare \u00e5 underholde og vise f\u00f8lelser - men ogs\u00e5 gi interessant ny kunnskap .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["30:36"]], "Polar_expression": [["p\u00e5 flere plan makter denne filmen ikke bare \u00e5 underholde og vise f\u00f8lelser - men ogs\u00e5 gi interessant ny kunnskap"], ["3:114"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102727-10-01", "text": "Det er godt gjort !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["godt gjort"], ["7:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001392-01-01", "text": "Halvhjertet helhet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Halvhjertet"], ["0:11"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001392-02-01", "text": "The New Pornographers :", "opinions": []}, {"sent_id": "001392-02-02", "text": "Together", "opinions": []}, {"sent_id": "001392-03-01", "text": "Trygt og godt album fra The New Pornographers , men det er ikke slik vi vil ha dem .", "opinions": [{"Source": [["vi"], ["69:71"]], "Target": [["album"], ["14:19"]], "Polar_expression": [["ikke slik vi vil ha dem", "Trygt og godt"], ["59:82", "0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001392-04-01", "text": "Et eller annet sted like etter Twin Cinema ( 2005 ) bestemte The New Pornographers seg plutselig for \u00e5 bli et ordentlig band .", "opinions": []}, {"sent_id": "001392-04-02", "text": "Dette var en forferdelig avgj\u00f8relse for de av oss som hadde elsket dem tidligere , for det bet\u00f8d i dette tilfellet at medlemmene skulle dra i samme retning \u2013 albumene skulle bli mer helhetlige og lyden skulle v\u00e6re mer polert og avrundet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forferdelig avgj\u00f8relse"], ["13:35"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dem"], ["67:70"]], "Polar_expression": [["albumene skulle bli mer helhetlige"], ["158:192"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dem"], ["67:70"]], "Polar_expression": [["lyden skulle v\u00e6re mer polert og avrundet"], ["196:236"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dem"], ["67:70"]], "Polar_expression": [["medlemmene skulle dra i samme retning"], ["118:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001392-05-01", "text": "Resultatet ble det s\u00f8kk kjedelige Challengers ( 2007 ) , der den tidligere s\u00e5 refreng-eksplosive AC Newman plutselig ble innviklet og innadvendt , Neko Case aldri turte \u00e5 gaule i s\u00e5 det skrallet i veggene ( som p\u00e5 Mass Romantics mest rystende \u00f8yeblikk \u201d Letter From An Occupant \u201d ) og surpompen Dan Bejar fikk skrudd l\u00e5tene dit han \u00f8nsket : mot det d\u00f8lle Dylan-terrenget der hans andre band Destroyer har ligget og f\u00e5tt altfor mye positiv oppmerksomhet i en \u00e5rrekke n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Challengers"], ["34:45"]], "Polar_expression": [["s\u00f8kk kjedelige"], ["19:33"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["AC Newman"], ["97:106"]], "Polar_expression": [["innviklet"], ["121:130"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["AC Newman"], ["97:106"]], "Polar_expression": [["innadvendt"], ["134:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neko Case"], ["147:156"]], "Polar_expression": [["aldri turte \u00e5 gaule i s\u00e5 det skrallet i veggene"], ["157:204"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Letter From An Occupant \u201d"], ["252:279"]], "Polar_expression": [["Mass Romantics mest rystende \u00f8yeblikk"], ["214:251"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dan Bejar"], ["295:304"]], "Polar_expression": [["surpompen"], ["285:294"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["317:323"]], "Polar_expression": [["d\u00f8lle Dylan-terrenget"], ["349:370"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hans andre band Destroyer"], ["375:400"]], "Polar_expression": [["d\u00f8lle Dylan-terrenget"], ["349:370"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hans andre band Destroyer"], ["375:400"]], "Polar_expression": [["f\u00e5tt altfor mye positiv oppmerksomhet"], ["415:452"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001392-06-01", "text": "Kanadiernes tvangstanke om \u00e5 ville bli dissosiert med powerpopsjangeren f\u00f8rte dem alts\u00e5 p\u00e5 mange m\u00e5ter inn i anonymitet , noe de til en viss grad har gjort noe med her p\u00e5 Together ( eksempelvis viser \u201d Your Hands ( Together ) \u201d , \u201d Together \u201d og \u201d Silver Dollar Jenny \u201d god form ) .", "opinions": [{"Source": [[], []], "Target": [["Kanadiernes"], ["0:11"]], "Polar_expression": [["tvangstanke om \u00e5 ville bli dissosiert med powerpopsjangeren f\u00f8rte dem alts\u00e5 p\u00e5 mange m\u00e5ter inn i anonymitet"], ["12:119"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Together"], ["171:179"]], "Polar_expression": [["til en viss grad har gjort noe med"], ["129:163"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001392-07-01", "text": "Dessverre insisterer de fortsatt p\u00e5 en un\u00f8dvendig kompleksitet ( \u201dA Bite Out", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dessverre insisterer de fortsatt p\u00e5 en un\u00f8dvendig kompleksitet"], ["0:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001392-07-02", "text": "Of My Bed \u201d og \u201d Daughters Of Sorrow \u201d har fantastisk anslag , men f\u00f8les fort overlesset med vendinger ) , og noen ganger lager de ballader som ikke h\u00f8rer hjem noen steds ( gjespefesten \u201d My Shepherd \u201d ) .", "opinions": [{"Source": [[], []], "Target": [["\u201d Daughters Of Sorrow \u201d"], ["15:38"]], "Polar_expression": [["fantastisk anslag"], ["43:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Daughters Of Sorrow \u201d"], ["15:38"]], "Polar_expression": [["overlesset med vendinger"], ["78:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d My Shepherd \u201d"], ["186:201"]], "Polar_expression": [["ballader som ikke h\u00f8rer hjem noen steds"], ["131:170"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d My Shepherd \u201d"], ["186:201"]], "Polar_expression": [["gjespefesten"], ["173:185"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001392-08-01", "text": "Jevnt over f\u00f8les det som om de holder igjen p\u00e5 sin egen popteft , jamf\u00f8r denne trangen til \u00e5 fjerne seg fra powerpoppen , og dette har vi ogs\u00e5 sett p\u00e5 den nedadg\u00e5ende utviklingen p\u00e5 AC Newmans solodiskografi \u2013 den en gang s\u00e5 virile hovedmannen bak totusentallsklassikere som \u201d The Slow Descent Into Alcoholism \u201d , \u201d All For Swinging You Around \u201d , \u201d Use It \u201d , \u201d The Laws Have Changed \u201d , \" Twin Cinema \" og et dusin andre .", "opinions": [{"Source": [[], []], "Target": [["de"], ["28:30"]], "Polar_expression": [["holder igjen p\u00e5 sin egen popteft"], ["31:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["AC Newmans"], ["182:192"]], "Polar_expression": [["en gang s\u00e5 virile"], ["214:231"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["solodiskografi"], ["193:207"]], "Polar_expression": [["nedadg\u00e5ende utviklingen"], ["155:178"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["AC Newmans"], ["182:192"]], "Polar_expression": [["en gang s\u00e5 virile hovedmannen bak totusentallsklassikere"], ["214:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Twin Cinema \""], ["389:404"]], "Polar_expression": [["totusentallsklassikere"], ["248:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d The Laws Have Changed \u201d"], ["361:386"]], "Polar_expression": [["totusentallsklassikere"], ["248:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Use It \u201d"], ["348:358"]], "Polar_expression": [["totusentallsklassikere"], ["248:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d All For Swinging You Around \u201d"], ["314:345"]], "Polar_expression": [["totusentallsklassikere"], ["248:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d The Slow Descent Into Alcoholism \u201d"], ["275:311"]], "Polar_expression": [["totusentallsklassikere"], ["248:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001392-09-01", "text": "P\u00e5 Together l\u00e5ter de st\u00f8rre , mer gjennomtenkt og tryggere p\u00e5 seg selv enn tidligere , men The New Pornographers \u2019 styrke har alltid v\u00e6rt rastl\u00f8sheten og de kreative forskjellene innad i bandet .", "opinions": [{"Source": [[], []], "Target": [["Together"], ["3:11"]], "Polar_expression": [["st\u00f8rre"], ["21:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Together"], ["3:11"]], "Polar_expression": [["mer gjennomtenkt"], ["30:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Together"], ["3:11"]], "Polar_expression": [["tryggere p\u00e5 seg selv"], ["50:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The New Pornographers"], ["91:112"]], "Polar_expression": [["The New Pornographers \u2019 styrke har alltid v\u00e6rt rastl\u00f8sheten og de kreative forskjellene innad i bandet"], ["91:193"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001392-09-02", "text": "N\u00e5r de n\u00e5 fremst\u00e5r som et helhetlig band har det meste av magien forsvunnet .", "opinions": [{"Source": [[], []], "Target": [["band"], ["36:40"]], "Polar_expression": [["magien forsvunnet"], ["58:75"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["36:40"]], "Polar_expression": [["helhetlig"], ["26:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-01-01", "text": "Die Hard 5 :", "opinions": []}, {"sent_id": "701363-01-02", "text": "Bedre enn bra nok", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bedre enn bra nok"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-02-01", "text": "Action-scenene b\u00e6rer den femte \" Die hard \" -filmen , for det finnes verken engasjerende f\u00f8lsomhet eller elegante replikker mellom far og s\u00f8nn McClane n\u00e5r de destruerer det som er igjen av Russland .", "opinions": [{"Source": [[], []], "Target": [["Action-scenene"], ["0:14"]], "Polar_expression": [["b\u00e6rer den femte \" Die hard \" -filmen"], ["15:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-02-02", "text": "Og deretter sp\u00f8kelseskraftverket i Tsjernobyl .", "opinions": []}, {"sent_id": "701363-03-01", "text": "A good day to die", "opinions": []}, {"sent_id": "701363-04-01", "text": "USA.", "opinions": []}, {"sent_id": "701363-04-02", "text": "2013 .", "opinions": []}, {"sent_id": "701363-04-03", "text": "1 time , 37 minutter .", "opinions": []}, {"sent_id": "701363-04-04", "text": "15 \u00e5r .", "opinions": []}, {"sent_id": "701363-04-05", "text": "Regi : John Moore .", "opinions": []}, {"sent_id": "701363-04-06", "text": "Med :", "opinions": []}, {"sent_id": "701363-04-07", "text": "Bruce Willis , Jay Courtney , Sebasitan Koch , Yulia Snigir .", "opinions": []}, {"sent_id": "701363-05-01", "text": "Er det s\u00e5nn at du husker John McClane som en familiekj\u00e6r steelcar-cowboy som kom dettende i hvit t-skjorte gjennom glassruter ?", "opinions": []}, {"sent_id": "701363-05-02", "text": "Han gj\u00f8r det igjen .", "opinions": []}, {"sent_id": "701363-05-03", "text": "Bruce Willis spiller politimannen fra New York helt p\u00e5 grensen til det utidig rutinerte , men han klarer seg akkurat , for han har fanden i \u00f8yerynkene og han kan si til og med ganske flate replikker med scenevant showsug .", "opinions": [{"Source": [[], []], "Target": [["Bruce Willis"], ["0:12"]], "Polar_expression": [["spiller", "p\u00e5 grensen til det utidig rutinerte"], ["13:20", "52:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["94:97"]], "Polar_expression": [["klarer seg akkurat"], ["98:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["123:126"]], "Polar_expression": [["fanden i \u00f8yerynkene"], ["131:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["154:157"]], "Polar_expression": [["kan si til og med ganske flate replikker med scenevant showsug"], ["158:220"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["replikker"], ["189:198"]], "Polar_expression": [["ganske flate"], ["176:188"]], "Polarity": "Negative", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-05-04", "text": "Jeg f\u00e5r av og til en forstyrrende f\u00f8lelse av \u00e5 se Han Innante med Modern Warfare-tunge automatv\u00e5pen .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00e5 se Han Innante med Modern Warfare-tunge automatv\u00e5pen ."], ["45:101"]], "Polar_expression": [["f\u00e5r av og til en forstyrrende f\u00f8lelse"], ["4:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-05-05", "text": "Men det varer ikke s\u00e5 lenge .", "opinions": []}, {"sent_id": "701363-05-06", "text": "Det er egentlig mest skallen som likner .", "opinions": []}, {"sent_id": "701363-06-01", "text": "Russerne er stort sett proteinhjerna torpedoer med panser-torsoer , og de ser ut som analfabetiske statister fra en Dolph Lundgren-film .", "opinions": [{"Source": [[], []], "Target": [["Russerne"], ["0:8"]], "Polar_expression": [["stort sett proteinhjerna torpedoer med panser-torsoer"], ["12:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Russerne"], ["0:8"]], "Polar_expression": [["ser ut som analfabetiske statister fra en Dolph Lundgren-film"], ["74:135"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-06-02", "text": "Det er det tunge , heftige actionkj\u00f8ret som redder filmen n\u00e5r \u00ab Max Payne \u00bb -regiss\u00f8ren John Moore slipper l\u00f8s sin vedvarende utryddelsesst\u00f8y p\u00e5 sart h\u00f8yttaler-elektronikk .", "opinions": [{"Source": [[], []], "Target": [["actionkj\u00f8ret"], ["27:39"]], "Polar_expression": [["heftige"], ["19:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["actionkj\u00f8ret"], ["27:39"]], "Polar_expression": [["tunge"], ["11:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["actionkj\u00f8ret"], ["27:39"]], "Polar_expression": [["redder filmen"], ["44:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Max Payne \u00bb -regiss\u00f8ren John Moore"], ["62:98"]], "Polar_expression": [["slipper l\u00f8s sin vedvarende utryddelsesst\u00f8y p\u00e5 sart h\u00f8yttaler-elektronikk"], ["99:171"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-07-01", "text": "\u00ab Die hard \u00bb var den selvutslettende omsorgens film , der Willis trengte inn i en kapra skyskraper med sitt uutslettelige sprangridning-utrop \u00ab yippi ki yay \u00bb .", "opinions": []}, {"sent_id": "701363-07-02", "text": "Han redda den perfekte hustru-skuespilleren Bonnie Bedelia og bl\u00f8dde overfladisk .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["redda den perfekte hustru-skuespilleren Bonnie Bedelia"], ["4:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["bl\u00f8dde overfladisk"], ["62:80"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bonnie Bedelia"], ["44:58"]], "Polar_expression": [["perfekte hustru-skuespilleren"], ["14:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-07-03", "text": "Mannen var motoren .", "opinions": []}, {"sent_id": "701363-07-04", "text": "25 \u00e5r seinere er det maskinen som er mester .", "opinions": []}, {"sent_id": "701363-07-05", "text": "Allerede tidlig i filmen gjennomf\u00f8rer Moore et demolition derby gjennom Moskvas gater der Willis p\u00e5 sitt beste overkj\u00f8rer rushtrafikken i sin robuste Mercedes , mens bilmerker fra flere verdenshj\u00f8rner kaster seg rundt i sansel\u00f8se turnoppvisninger og blir knust til resirkulasjonsmaterale som tyggegummi-Ladaer .", "opinions": [{"Source": [[], []], "Target": [["tidlig i filmen"], ["9:24"]], "Polar_expression": [["gjennomf\u00f8rer Moore et demolition derby gjennom Moskvas gater"], ["25:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Willis"], ["90:96"]], "Polar_expression": [["p\u00e5 sitt beste"], ["97:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tidlig i filmen"], ["9:24"]], "Polar_expression": [["Willis p\u00e5 sitt beste"], ["90:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-07-06", "text": "Biler i spagaten .", "opinions": []}, {"sent_id": "701363-07-07", "text": "Biler i pilates-stillinger .", "opinions": []}, {"sent_id": "701363-08-01", "text": "En del av dette er nok computergrafikk , men mye nok ser ut som stunts .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En del av dette er nok computergrafikk"], ["0:38"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye nok ser ut som stunts"], ["45:70"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-08-02", "text": "Vi liker det .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["det"], ["9:12"]], "Polar_expression": [["liker"], ["3:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-08-03", "text": "Skikkelig vond jernverk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Skikkelig vond jernverk"], ["0:23"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-08-04", "text": "Og s\u00e6rlig i naboskapet til rikelige eufemiseringer av det vi som barn kalte plaffing .", "opinions": []}, {"sent_id": "701363-09-01", "text": "Handlingen starter som pysestoff .", "opinions": [{"Source": [[], []], "Target": [["Handlingen"], ["0:10"]], "Polar_expression": [["starter som pysestoff"], ["11:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-09-02", "text": "En fengsla dissident blir trua av en slags russisk Alec Baldwin som p\u00e5st\u00e5r at han eier alle i rettssalen , en p\u00e5minnelse om det vidunderlige demokratiet som oppsto etter Gorbatsjov .", "opinions": [{"Source": [[], []], "Target": [["demokratiet som oppsto etter Gorbatsjov"], ["141:180"]], "Polar_expression": [["vidunderlige"], ["128:140"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-09-03", "text": "P\u00e5 nattklubb der menn sikkert snakker respektl\u00f8st til unge jenter , skyter McClanes s\u00f8nn John en rik mann og blir arrestert .", "opinions": []}, {"sent_id": "701363-09-04", "text": "Det gj\u00f8r at den amerikanske politimannen m\u00e5 ta Aeroflot til Moskva for \u00e5 redde gutten , men ting er ikke helt slik de ser ut .", "opinions": []}, {"sent_id": "701363-09-05", "text": "Jeg r\u00f8per ikke det .", "opinions": []}, {"sent_id": "701363-09-06", "text": "S\u00f8nnen er sur og McClane litt defensiv , og for \u00e5 v\u00e6re helt \u00e6rlig \u00f8nska jeg at de skulle komme bort fra hverandre ganske kvikt .", "opinions": [{"Source": [["jeg"], ["72:75"]], "Target": [["S\u00f8nnen"], ["0:6"]], "Polar_expression": [["sur"], ["10:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["McClane"], ["17:24"]], "Polar_expression": [["litt defensiv"], ["25:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["McClane"], ["17:24"]], "Polar_expression": [["\u00f8nska", "at de skulle komme bort fra hverandre ganske kvikt"], ["66:71", "76:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["S\u00f8nnen"], ["0:6"]], "Polar_expression": [["\u00f8nska", "at de skulle komme bort fra hverandre ganske kvikt"], ["66:71", "76:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-10-01", "text": "Det er slutt p\u00e5 den tida da film-ungdom var spedlemma , men pene sm\u00e5 fyrer .", "opinions": []}, {"sent_id": "701363-10-02", "text": "Den unge McClane spilles av den unge australieren Jay Courtney fra tv-serien \u00ab Spartacus \u00bb , som er omtrent like h\u00f8y som Willis , men er firkanta som en Minecraft-Steve .", "opinions": []}, {"sent_id": "701363-10-03", "text": "Han har fjeset og hum\u00f8ret til Vinnie Jones og blir ikke t\u00e5lelig f\u00f8r han omsider smiler .", "opinions": [{"Source": [[], []], "Target": [["han"], ["68:71"]], "Polar_expression": [["ikke t\u00e5lelig f\u00f8r han omsider smiler"], ["51:86"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["fjeset og hum\u00f8ret til Vinnie Jones"], ["8:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-10-04", "text": "Far og s\u00f8nn driver med kjerringaktig sm\u00e5krangling , og samtalene kommer ikke til \u00e5 skape forventninger om at replikk-forfatterne i USA er p\u00e5 bedringens vei .", "opinions": [{"Source": [[], []], "Target": [["samtalene"], ["55:64"]], "Polar_expression": [["kjerringaktig sm\u00e5krangling"], ["23:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samtalene"], ["55:64"]], "Polar_expression": [["kommer ikke til \u00e5 skape forventninger om at replikk-forfatterne i USA er p\u00e5 bedringens vei"], ["65:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701363-10-05", "text": "B\u00e5de dattera til den antatte Komarov og unge McClane sutrer om at fedrene bare var p\u00e5 jobb hele tida .", "opinions": []}, {"sent_id": "701363-10-06", "text": "I ei tid da halve USA g\u00e5r arbeidsledige klager denne filmen p\u00e5 de som faktisk ut\u00f8ver et yrke .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["53:59"]], "Polar_expression": [["I ei tid da halve USA g\u00e5r arbeidsledige klager denne filmen p\u00e5 de som faktisk ut\u00f8ver et yrke"], ["0:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-10-07", "text": "Det er ikke bare sviskete Oprah-skitt , men politisk umusikalsk i tillegg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sviskete Oprah-skitt ,"], ["17:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["politisk umusikalsk"], ["44:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-11-01", "text": "Filmen redder seg av g\u00e5rde til det mest uventa stedet i verden .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["redder seg av g\u00e5rde"], ["7:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-11-02", "text": "Skurkene ikler seg drakter som ville ha holdt infuensaen ute i en heftig stavangervinter og tar seg inn i sp\u00f8kelsesverket i Tsjernobyl .", "opinions": []}, {"sent_id": "701363-11-03", "text": "Dit kommer ogs\u00e5 McClane-familien i tynt sommert\u00f8y , og de gir seg ikke f\u00f8r skurker blir rotorkutta slik man ellers bare ser i Happy Wheels ( sjekk google ) .", "opinions": []}, {"sent_id": "701363-12-01", "text": "Hvis folk ikke hadde snakket til hverandre i det hele tatt , ville denne filmen v\u00e6rt perfekt .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["73:79"]], "Polar_expression": [["Hvis folk ikke hadde snakket til hverandre i det hele tatt , ville denne filmen v\u00e6rt perfekt"], ["0:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-12-02", "text": "N\u00e5 er den bare litt mer enn bra nok .", "opinions": [{"Source": [[], []], "Target": [["den"], ["6:9"]], "Polar_expression": [["bare litt mer enn bra nok"], ["10:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701363-13-01", "text": "F\u00f8lg meg p\u00e5 Twitter :", "opinions": []}, {"sent_id": "701363-13-02", "text": "@arilabra", "opinions": []}, {"sent_id": "500043-01-01", "text": "Gutta p\u00e5 tur", "opinions": []}, {"sent_id": "500043-02-01", "text": "Velspilt komedie med alvorlige undertoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Velspilt"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-03-01", "text": "Barndomsvenner .", "opinions": []}, {"sent_id": "500043-03-02", "text": "Ordet smaker s\u00f8tt , smaker sommer og saltvann og pean\u00f8tter .", "opinions": []}, {"sent_id": "500043-03-03", "text": "Venner for livet , liksom .", "opinions": []}, {"sent_id": "500043-03-04", "text": "Jadda .", "opinions": []}, {"sent_id": "500043-03-05", "text": "Som om .", "opinions": []}, {"sent_id": "500043-04-01", "text": "For plutselig er man andre steder , p\u00e5 hvert sitt sted , og det som var , er ikke lenger .", "opinions": []}, {"sent_id": "500043-04-02", "text": "S\u00e5 er sp\u00f8rsm\u00e5let :", "opinions": []}, {"sent_id": "500043-04-03", "text": "Kan vennskapet fastholdes ?", "opinions": []}, {"sent_id": "500043-04-04", "text": "Er det overhodet et vennskap lenger ?", "opinions": []}, {"sent_id": "500043-04-05", "text": "Kjente vi hverandre , egentlig ?", "opinions": []}, {"sent_id": "500043-05-01", "text": "Regidebutantene Julian Hagemann og Andreas Lisberg stuper inn i tematikken med fin sans for timing og typetegning .", "opinions": [{"Source": [[], []], "Target": [["timing"], ["92:98"]], "Polar_expression": [["fin sans for"], ["79:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["typetegning"], ["102:113"]], "Polar_expression": [["fin sans for"], ["79:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-06-01", "text": "I en s\u00e6rdeles effektiv \u00e5pningssekvens settes b\u00e5de rammen og personene .", "opinions": [{"Source": [[], []], "Target": [["\u00e5pningssekvens"], ["23:37"]], "Polar_expression": [["s\u00e6rdeles effektiv"], ["5:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-07-01", "text": "Den bokstavelig og billedlig talt syklende studenten Jo ( \u00d8ivind Vogt ) , trygghetsnarkoman , konfliktsky og samboer med Ane .", "opinions": []}, {"sent_id": "500043-08-01", "text": "Kjekke , men heller kjedelige Mikkel ( Sindre Horseby ) .", "opinions": [{"Source": [[], []], "Target": [["Mikkel"], ["30:36"]], "Polar_expression": [["Kjekke"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mikkel"], ["30:36"]], "Polar_expression": [["kjedelige"], ["20:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-09-01", "text": "Utagerende og r\u00f8lpete Lasse ( Simen Aurstad Gjernes ) , som fortsatt bor hjemme hos mamma .", "opinions": [{"Source": [[], []], "Target": [["Lasse"], ["22:27"]], "Polar_expression": [["Utagerende og r\u00f8lpete"], ["0:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-10-01", "text": "Stoffern ( Benjamin Helstad ) som har begynt \u00e5 sl\u00e5 seg opp som eiendomsmegler .", "opinions": []}, {"sent_id": "500043-11-01", "text": "De er i tyve\u00e5rene , og fortsatt der hvor man kan se hvordan de var som guttunger , da vennskapet mellom dem oppsto .", "opinions": []}, {"sent_id": "500043-12-01", "text": "De treffes ikke s\u00e5 ofte lenger , men n\u00e5r de m\u00f8tes , skal de gj\u00f8re de gamle greiene .", "opinions": []}, {"sent_id": "500043-12-02", "text": "De har s\u00e6rlig en tradisjon \u00e5 ta vare p\u00e5 : den \u00e5rlige gutteturen p\u00e5 hytten til Jos foreldre .", "opinions": []}, {"sent_id": "500043-13-01", "text": "Det blir en tur med flere nisser p\u00e5 lasset .", "opinions": []}, {"sent_id": "500043-13-02", "text": "Anes bikkje , blant annet .", "opinions": []}, {"sent_id": "500043-13-03", "text": "Andre , ikke spesielt velkomne folk .", "opinions": []}, {"sent_id": "500043-13-04", "text": "Personlig drass .", "opinions": []}, {"sent_id": "500043-14-01", "text": "Ting skjer som kaster nytt lys over b\u00e5de vennskapet og s\u00e6rlig en av guttene .", "opinions": []}, {"sent_id": "500043-14-02", "text": "Han som kanskje trenger disse kompisene mest .", "opinions": []}, {"sent_id": "500043-15-01", "text": "Hagemann og Lisberg etablerer raskt en frisk og lekende tone , full av autentiske dialoger og gjenkjennelige situasjoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["frisk og lekende tone"], ["39:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["full av autentiske dialoger og gjenkjennelige situasjoner"], ["63:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-15-02", "text": "Her er mye \u00e5 le av .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye \u00e5 le av"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-15-03", "text": "Under det hele ligger et drag av noe som kanskje ikke er vemodig , det er snarere forgangent , og bidrar \u2014 til et visst punkt , til det komikkens skj\u00e6r som ligger over disse kompisenes samv\u00e6r og den maskuline hjelpel\u00f8sheten som etter hvert utspiller seg .", "opinions": []}, {"sent_id": "500043-16-01", "text": "\u00ab \u00c5 begrave en hund \u00bb er ingen ambisi\u00f8s eller dristig film , verken formmessig eller i m\u00e5ten temaet behandles p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab \u00c5 begrave en hund \u00bb"], ["0:21"]], "Polar_expression": [["ingen ambisi\u00f8s eller dristig film"], ["25:58"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-16-02", "text": "Men den preges av en fin blanding munter \u00e6rlighet og vilje til \u00e5 st\u00e5 lenge nok i alvoret til at t\u00f8yset f\u00e5r en n\u00f8dvendig klangbunn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fin blanding munter \u00e6rlighet og vilje"], ["21:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-17-01", "text": "Dessuten er den velspilt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["velspilt"], ["16:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-17-02", "text": "Vogt og Gjernes har de mest takknemlige rollene , og fyller dem med stort n\u00e6rv\u00e6r og mye komisk talent .", "opinions": [{"Source": [[], []], "Target": [["Vogt og Gjernes"], ["0:15"]], "Polar_expression": [["stort n\u00e6rv\u00e6r"], ["68:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vogt og Gjernes"], ["0:15"]], "Polar_expression": [["mye komisk talent"], ["84:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-18-01", "text": "Sm\u00e5 , innklippede videosnutter skaper god rytme og n\u00e6rhet , og fungerer som en enkel , men fiffig tematisk kommentar .", "opinions": [{"Source": [[], []], "Target": [["videosnutter"], ["18:30"]], "Polar_expression": [["god rytme og n\u00e6rhet"], ["38:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["videosnutter"], ["18:30"]], "Polar_expression": [["enkel , men fiffig"], ["79:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-19-01", "text": "Filmen flyter ellers litt vimsete hit og dit , i tr\u00e5d med b\u00e5de typer og vekslende stemningsleier .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["litt vimsete"], ["21:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-19-02", "text": "Slik sett har den en indre stringens , ogs\u00e5 der hvor manus synes \u00e5 la en tr\u00e5d henge l\u00f8s av hensyn til dramaturgien .", "opinions": []}, {"sent_id": "500043-20-01", "text": "Det skjer idet det oppst\u00e5r en situasjon hvor en av guttene skal , og b\u00f8r , dra fra \u00f8yen .", "opinions": []}, {"sent_id": "500043-20-02", "text": "Han venter p\u00e5 en ferge , den viser seg \u00e5 g\u00e5 om flere timer .", "opinions": []}, {"sent_id": "500043-20-03", "text": "Guttene disponerer egen b\u00e5t .", "opinions": []}, {"sent_id": "500043-20-04", "text": "Ingen tilbyr seg \u00e5 skysse ham over .", "opinions": []}, {"sent_id": "500043-20-05", "text": "Fergeturen forsvinner i det bl\u00e5 .", "opinions": []}, {"sent_id": "500043-20-06", "text": "Ingen evner \u00e5 ta grep om noe , ingen makter \u00e5 si det som m\u00e5 sies .", "opinions": []}, {"sent_id": "500043-21-01", "text": "Filmen borer ikke dypt nok til at det vonde kjennes virkelig vondt .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["borer ikke dypt nok til at det vonde kjennes virkelig vondt"], ["7:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500043-21-02", "text": "I stedet for \u00e5 svi der det skulle svi , tenderer den mer mot \u00e5 hvile i en tilstand av trykkende taushet .", "opinions": []}, {"sent_id": "500043-21-03", "text": "Det er for s\u00e5 vidt ogs\u00e5 en fin refleksjon av typene og relasjonene den skildrer , men hadde filmen v\u00e6rt en anelse hardere i klypen , ville den som komedie truffet enda n\u00e6rmere blink .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["92:98"]], "Polar_expression": [["hadde filmen v\u00e6rt en anelse hardere i klypen , ville den som komedie truffet enda n\u00e6rmere blink"], ["86:181"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["refleksjon"], ["31:41"]], "Polar_expression": [["fin"], ["27:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500043-22-01", "text": "Er du enig med v\u00e5r anmelder ?", "opinions": []}, {"sent_id": "103580-01-01", "text": "Chris Rea :", "opinions": []}, {"sent_id": "103580-01-02", "text": "\u00ab The Blue Jukebox \u00bb", "opinions": []}, {"sent_id": "103580-02-01", "text": "( Edel )", "opinions": []}, {"sent_id": "103580-03-01", "text": "Britiske Chris Rea fortsetter \u00e5 dyrke bluesen sammen med sine franske musikere .", "opinions": []}, {"sent_id": "103580-04-01", "text": "Chris Rea fortsetter blues-stilen som han vendte tilbake til p\u00e5 sin forrige plate \u00ab Stoney Road \u00bb .", "opinions": []}, {"sent_id": "103580-04-02", "text": "Den nye platen , med 13 l\u00e5ter signert Rea , appellerer mer til blues- enn til popfansen .", "opinions": []}, {"sent_id": "103580-04-03", "text": "Hans hese , litt s\u00e5re stemme kler bluesen , men denne platen kommer neppe til \u00e5 bli blant hans st\u00f8rste kommersielle suksesser .", "opinions": [{"Source": [[], []], "Target": [["Hans hese , litt s\u00e5re stemme"], ["0:28"]], "Polar_expression": [["kler bluesen"], ["29:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["platen"], ["54:60"]], "Polar_expression": [["kommer neppe til \u00e5 bli blant hans st\u00f8rste kommersielle suksesser"], ["61:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103580-04-04", "text": "Det er en noks\u00e5 ordin\u00e6r og jordn\u00e6r plate , der den gode \u00e5pningen \u00ab The Beat Goes on \u00bb ikke blir fulgt opp gjennom resten av produksjonen .", "opinions": [{"Source": [[], []], "Target": [["plate"], ["35:40"]], "Polar_expression": [["jordn\u00e6r"], ["27:34"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["35:40"]], "Polar_expression": [["ordin\u00e6r"], ["16:23"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Beat Goes on \u00bb"], ["65:85"]], "Polar_expression": [["gode"], ["51:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["35:40"]], "Polar_expression": [["gode \u00e5pningen \u00ab The Beat Goes on \u00bb ikke blir fulgt opp gjennom resten av produksjonen"], ["51:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103580-04-05", "text": "Best er han i \u00ab Baby don't cry \u00bb og \u00ab Somebody Say Amen \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Baby don't cry \u00bb"], ["14:32"]], "Polar_expression": [["Best"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Somebody Say Amen \u00bb"], ["36:57"]], "Polar_expression": [["Best"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103580-04-06", "text": "Disse tre er platens beste sanger .", "opinions": [{"Source": [[], []], "Target": [["Disse tre"], ["0:9"]], "Polar_expression": [["platens beste"], ["13:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101277-01-01", "text": "Fin tone i stemmen", "opinions": [{"Source": [[], []], "Target": [["stemmen"], ["11:18"]], "Polar_expression": [["Fin tone i stemmen"], ["0:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101277-02-01", "text": "Natnael \u00ab Natti \u00bb Asgedom kom inn i finalen som sistemann .", "opinions": []}, {"sent_id": "101277-02-02", "text": "Han fremf\u00f8rte \u00ab Is This Love \u00bb av Bob Marley .", "opinions": []}, {"sent_id": "101277-03-01", "text": "- Det er ingen andre som koser seg s\u00e5 mye som deg , sa Kurt Nilsen og la til at han h\u00e5per \u00e5 se Natnael vidre .", "opinions": [{"Source": [["Kurt Nilsen"], ["55:66"]], "Target": [["Natnael"], ["95:102"]], "Polar_expression": [["Det er ingen andre som koser seg s\u00e5 mye"], ["2:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101277-04-01", "text": "VG anmelder Morten St\u00e5le Nilsens dom :", "opinions": []}, {"sent_id": "101277-05-01", "text": "Natti setter selv fingeren p\u00e5 problemet :", "opinions": []}, {"sent_id": "101277-05-02", "text": "Dette er en s\u00e5 velkjent sang at det er vanskelig \u00e5 sette et nytt preg p\u00e5 den .", "opinions": []}, {"sent_id": "101277-05-03", "text": "Men han pr\u00f8ver , og kommer n\u00e6rmest i det andre verset .", "opinions": [{"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["kommer n\u00e6rmest i det andre verset"], ["20:53"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101277-05-04", "text": "Det f\u00f8rste blir forsiktig amat\u00f8raften , komplett med ubekveme \u00ab moves \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Det f\u00f8rste"], ["0:10"]], "Polar_expression": [["forsiktig amat\u00f8raften"], ["16:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab moves \u00bb"], ["62:71"]], "Polar_expression": [["ubekveme"], ["53:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101277-05-05", "text": "Men han har en fin tone i stemmen , og potensial til \u00e5 bli varmere i tr\u00f8ya .", "opinions": [{"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["har en fin tone i stemmen"], ["8:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["potensial til \u00e5 bli varmere i tr\u00f8ya"], ["39:74"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-01-01", "text": "Teskjekjerringa", "opinions": []}, {"sent_id": "002575-02-01", "text": "Mye snodig er n\u00f8dt til \u00e5 foreg\u00e5 bak kraniet til Vilde Tuv - et sted det godt kunne v\u00e6rt enklere \u00e5 f\u00e5 slippe inn .", "opinions": [{"Source": [[], []], "Target": [["bak kraniet til Vilde Tuv"], ["32:57"]], "Polar_expression": [["godt kunne v\u00e6rt enklere \u00e5 f\u00e5 slippe inn"], ["72:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-03-01", "text": "\u201c Naivt \u201d og \u201c dr\u00f8mmende \u201d er to eldgamle adjektivklisjeer i musikkskribentgloseboka .", "opinions": []}, {"sent_id": "002575-03-02", "text": "Men det bergensbaserte enkvinnesbandet Vilde Tuv - hvor kun hun selv , baritongitar og basstromme st\u00e5r disponibelt - m\u00e5 v\u00e6re det n\u00e6rmeste man kommer \u00e5 f\u00e5 h\u00f8re vuggesanger like h\u00e5ndgripelige som uh\u00e5ndgripelige .", "opinions": []}, {"sent_id": "002575-04-01", "text": "En del av grunnen ligger riktignok i den visuelle presentasjonen .", "opinions": []}, {"sent_id": "002575-04-02", "text": "For bak sortkledde Tuv st\u00e5r det reist en halvm\u00e5neformet vegg , der kaleidoskopiske animasjoner ( signert kunstneren Birk Nyg\u00e5rd ) av vindm\u00f8ller , planeter , galakser og arkaiske symboler roterer \u201c hypnotisk \u201d p\u00e5 lag med musikken .", "opinions": []}, {"sent_id": "002575-04-03", "text": "Passende nok flyter tidvis gitarplukking ut i periferien og skaper en subtil ambiens ikke ulikt universet til Seattle-musikeren Grouper .", "opinions": [{"Source": [[], []], "Target": [["gitarplukking"], ["27:40"]], "Polar_expression": [["Passende nok flyter tidvis", "ut i periferien"], ["0:26", "41:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarplukking"], ["27:40"]], "Polar_expression": [["skaper en subtil ambiens"], ["60:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-05-01", "text": "Barnligheten kommer imidlertid til uttrykk gjennom Tuvs tekster , som trolig vil kunne bli godt mottatt blant nysgjerrige krapyler p\u00e5 Mini\u00f8ya .", "opinions": [{"Source": [[], []], "Target": [["Barnligheten"], ["0:12"]], "Polar_expression": [["kommer imidlertid til uttrykk gjennom Tuvs tekster"], ["13:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tuvs tekster"], ["51:63"]], "Polar_expression": [["Barnligheten kommer imidlertid til uttrykk"], ["0:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tuvs tekster"], ["51:63"]], "Polar_expression": [["trolig vil kunne bli godt mottatt blant nysgjerrige krapyler p\u00e5 Mini\u00f8ya"], ["70:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-05-02", "text": "Der eksempelvis to av l\u00e5tene er titulert \u201c Tyngdekraft \u201d og \u201c Cellevevet \u201d , tar en l\u00e5t for seg at \u201c det er s\u00e5 mye som blir bedre n\u00e5r man blir stor \u201d , mens en annen - som visstnok flere andre - handler om den ene av de fem sansene .", "opinions": []}, {"sent_id": "002575-06-01", "text": "\u201c For det er fem sanser ?", "opinions": []}, {"sent_id": "002575-06-02", "text": "Ja .", "opinions": []}, {"sent_id": "002575-06-03", "text": "Mange av sangene handler egentlig om den sansen , \u201d forklarer hun distr\u00e9 , uten at hun eller strofene svarer p\u00e5 hvilken sans det er snakk om .", "opinions": []}, {"sent_id": "002575-06-04", "text": "Hodet hennes virker med andre ord \u00e5 v\u00e6re tusen steder p\u00e5 samme tid , et karaktertrekk man gjerne finner hos medbergenserne Fjorden Baby !-frontmann Sturle Kvilekval eller Christian Stockhaus fra all-nonsense-bandet Ungdomskulen .", "opinions": [{"Source": [[], []], "Target": [["hennes"], ["6:12"]], "Polar_expression": [["Hodet", "virker med andre ord \u00e5 v\u00e6re tusen steder p\u00e5 samme tid"], ["0:5", "13:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sturle Kvilekval"], ["148:164"]], "Polar_expression": [["Hodet", "virker med andre ord \u00e5 v\u00e6re tusen steder p\u00e5 samme tid"], ["0:5", "13:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Christian Stockhaus"], ["171:190"]], "Polar_expression": [["Hodet", "virker med andre ord \u00e5 v\u00e6re tusen steder p\u00e5 samme tid"], ["0:5", "13:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-07-01", "text": "Snakker om sola :", "opinions": []}, {"sent_id": "002575-07-02", "text": "Stockhaus og Vilde Tuv har sammen gitt ut en av de kuleste l\u00e5tene s\u00e5 langt i \u00e5r , i form av det \u00fcbersl\u00f8ye elektropopsporet \u201c Sv\u00f8mmebasseng \u201d .", "opinions": [{"Source": [[], []], "Target": [["Stockhaus og Vilde Tuv"], ["0:22"]], "Polar_expression": [["har sammen gitt ut en av de kuleste l\u00e5tene s\u00e5 langt i \u00e5r"], ["23:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201c Sv\u00f8mmebasseng \u201d"], ["123:140"]], "Polar_expression": [["en av de kuleste l\u00e5tene s\u00e5 langt i \u00e5r"], ["42:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201c Sv\u00f8mmebasseng \u201d"], ["123:140"]], "Polar_expression": [["\u00fcbersl\u00f8ye elektropopsporet"], ["96:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-07-03", "text": "I denne settingen passer den imidlertid ikke inn , hvilket er synd , fordi l\u00e5ta er fortsatt den klart mest umiddelbare Tuv har medvirket i .", "opinions": [{"Source": [[], []], "Target": [["denne settingen"], ["2:17"]], "Polar_expression": [["passer den imidlertid ikke inn"], ["18:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ta"], ["75:79"]], "Polar_expression": [["passer", "ikke inn"], ["18:24", "40:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ta"], ["75:79"]], "Polar_expression": [["klart mest umiddelbare Tuv har medvirket i"], ["96:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002575-07-04", "text": "Seilende under sitt eget skrudde flagg finnes det enkelte - men ikke nok - hjelpere til \u00e5 finne veien helt inn i hennes verden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Seilende under sitt eget skrudde flagg finnes det enkelte - men ikke nok - hjelpere til \u00e5 finne veien helt inn i hennes verden"], ["0:126"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111035-01-01", "text": "Spillanmeldelse :", "opinions": []}, {"sent_id": "111035-01-02", "text": "\u00ab Beyond Good & Evil HD \u00bb", "opinions": []}, {"sent_id": "111035-02-01", "text": "( VG Nett )", "opinions": []}, {"sent_id": "111035-02-02", "text": "Ubisoft varter opp med et herlig gjensyn med en skammelig forbig\u00e5tt sjarmbombe av et spill .", "opinions": [{"Source": [[], []], "Target": [["Ubisoft"], ["0:7"]], "Polar_expression": [["varter opp"], ["8:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spill"], ["85:90"]], "Polar_expression": [["herlig gjensyn"], ["26:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spill"], ["85:90"]], "Polar_expression": [["skammelig forbig\u00e5tt sjarmbombe"], ["48:78"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111035-03-01", "text": "I 2003 fors\u00f8kte Ubisoft \u00e5 skape en actionheltinne og en spillopplevelse som tilf\u00f8rte dybde i en spillverden og en genre hvor det mer umiddelbart tilfredsstillende dominerte .", "opinions": []}, {"sent_id": "111035-04-01", "text": "\u00ab Beyond Good & Evil \u00bb hadde en uredd fotojournalist i hovedrollen , og tematikken sneiet innom temaer som politisk undertrykkelse , slaveindustri , krig og revolusjon .", "opinions": []}, {"sent_id": "111035-04-02", "text": "Pakket inn i en engasjerende sci-fi-historie og givende , \u00ab Ratchet & Clank \u00bb -lignende spillbarhet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["engasjerende sci-fi-historie"], ["16:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["givende , \u00ab Ratchet & Clank \u00bb -lignende spillbarhet"], ["48:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111035-05-01", "text": "Anmelderne jublet , men spillerne trakk p\u00e5 skuldrene og viste Ubisoft og spillskaper Michel Ancel ryggen .", "opinions": [{"Source": [[], []], "Target": [["Anmelderne"], ["0:10"]], "Polar_expression": [["jublet"], ["11:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillerne"], ["24:33"]], "Polar_expression": [["trakk p\u00e5 skuldrene"], ["34:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["spillerne"], ["24:33"]], "Target": [["Ubisoft og spillskaper Michel Ancel"], ["62:97"]], "Polar_expression": [["viste", "ryggen"], ["56:61", "98:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111035-05-02", "text": "Kanskje var det bare uheldige tilfeldigheter , kanskje ble spillet oppfattet som utilgjengelig og arty-farty eller kanskje var det noen \u00e5r forut for sin tid .", "opinions": []}, {"sent_id": "111035-06-01", "text": "I s\u00e5 fall er muligens tiden mer moden n\u00e5 , syv og et halvt \u00e5r senere .", "opinions": []}, {"sent_id": "111035-06-02", "text": "N\u00e5 slippes spillet i HD-oppusset versjon p\u00e5 Xbox Live Marketplace og Playstation Network , og det er fremdeles snakk om en kruttsterk opplevelse .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["11:18"]], "Polar_expression": [["HD-oppusset versjon"], ["21:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["spillet"], ["11:18"]], "Polar_expression": [["kruttsterk opplevelse"], ["123:144"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111035-07-01", "text": "Det er riktignok umulig \u00e5 ignorere at teknologien har tatt enorme skritt siden den gang , og at endel av designvalgene n\u00e5 kan fremst\u00e5 som litt vel gammeldagse .", "opinions": [{"Source": [[], []], "Target": [["designvalgene"], ["105:118"]], "Polar_expression": [["litt vel gammeldagse"], ["138:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["designvalgene"], ["105:118"]], "Polar_expression": [["umulig \u00e5 ignorere at teknologien har tatt enorme skritt siden den gang"], ["17:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111035-07-02", "text": "\u00ab Beyond Good & Evil \u00bb var utvilsomt mer interessant satt opp mot spillmarkedet anno 2003 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Beyond Good & Evil \u00bb"], ["0:22"]], "Polar_expression": [["utvilsomt mer interessant satt opp mot spillmarkedet anno 2003"], ["27:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111035-08-01", "text": "Men det at det fremdeles er s\u00e5pass givende , underholdende , engasjerende og spennende tyder p\u00e5 et bunnsolid designfundament .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["givende"], ["35:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["underholdende"], ["45:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["engasjerende"], ["61:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["spennende"], ["77:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["designfundament"], ["109:124"]], "Polar_expression": [["bunnsolid"], ["99:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111035-08-02", "text": "Jeg liker dette universet , jeg er glad i Jade , Pey'j og det \u00f8vrige rollegalleriet , jeg koser meg med de givende oppdragene , jeg elsker tematikken og spillet i seg selv er veldig underholdende .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["universet"], ["16:25"]], "Polar_expression": [["liker"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["153:160"]], "Polar_expression": [["veldig underholdende"], ["175:195"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["28:31"]], "Target": [["Jade"], ["42:46"]], "Polar_expression": [["glad i"], ["35:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["28:31"]], "Target": [["Pey'j"], ["49:54"]], "Polar_expression": [["glad i"], ["35:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["28:31"]], "Target": [["rollegalleriet"], ["69:83"]], "Polar_expression": [["glad i"], ["35:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["86:89"]], "Target": [["oppdragene"], ["115:125"]], "Polar_expression": [["koser meg med de givende oppdragene"], ["90:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["86:89"]], "Target": [["oppdragene"], ["115:125"]], "Polar_expression": [["givende"], ["107:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["128:131"]], "Target": [["tematikken"], ["139:149"]], "Polar_expression": [["elsker"], ["132:138"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111035-09-01", "text": "Og det er tross alt vel s\u00e5 viktig som spillets spillhistoriske betydning .", "opinions": []}, {"sent_id": "111035-10-01", "text": "PS :", "opinions": []}, {"sent_id": "111035-10-02", "text": "Ute n\u00e5 p\u00e5 Xbox Live Marketplace med en prislapp p\u00e5 800 MS-poeng ( ca . 100 kroner ) .", "opinions": []}, {"sent_id": "111035-10-03", "text": "Kommer p\u00e5 PSN i 2. kvartal .", "opinions": []}, {"sent_id": "111035-11-01", "text": "BEYOND GOOD & EVIL HD Plattform : 360 Genre :", "opinions": []}, {"sent_id": "111035-11-02", "text": "Action / eventyr Alder : 12 Utvikler :", "opinions": []}, {"sent_id": "111035-11-03", "text": "Ubisoft Utgiver :", "opinions": []}, {"sent_id": "111035-11-04", "text": "Ubisoft", "opinions": []}, {"sent_id": "111035-11-05", "text": "Mer info", "opinions": []}, {"sent_id": "106360-01-01", "text": "Enest\u00e5ende spill-magi", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Enest\u00e5ende spill-magi"], ["0:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-02-01", "text": "Avlys alle avtaler og gled deg til nok et magisk , enormt , fantastisk og oppslukende \u00ab Zelda \u00bb -eventyr .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Avlys alle avtaler og gled deg"], ["0:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Zelda \u00bb -eventyr"], ["86:104"]], "Polar_expression": [["magisk"], ["42:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Zelda \u00bb -eventyr"], ["86:104"]], "Polar_expression": [["enormt"], ["51:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Zelda \u00bb -eventyr"], ["86:104"]], "Polar_expression": [["fantastisk"], ["60:70"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Zelda \u00bb -eventyr"], ["86:104"]], "Polar_expression": [["oppslukende"], ["74:85"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-03-01", "text": "Det finnes neppe noen mer elskede spillserier enn \u00ab Zelda \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Zelda \u00bb"], ["50:59"]], "Polar_expression": [["finnes neppe noen mer elskede spillserier"], ["4:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-03-02", "text": "Helt siden starten i 1986 har det ene \u00ab Zelda \u00bb -spillet etter det andre bergtatt eventyrlystne over hele verden .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Zelda \u00bb -spillet"], ["38:56"]], "Polar_expression": [["Helt siden starten i 1986 har det ene", "etter det andre bergtatt eventyrlystne over hele verden"], ["0:37", "57:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-04-01", "text": "Og det er med stor glede og et f\u00e5rete glis om munnen jeg kan konstatere at \u00ab The Legend of Zelda :", "opinions": [{"Source": [["jeg"], ["53:56"]], "Target": [[], []], "Polar_expression": [["stor glede"], ["14:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["53:56"]], "Target": [[], []], "Polar_expression": [["f\u00e5rete glis om munnen"], ["31:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-04-02", "text": "Twilight Princess \u00bb ikke er noe unntak .", "opinions": []}, {"sent_id": "106360-05-01", "text": "Det er i steden , i mine \u00f8yne , det kanskje beste spillet i serien til n\u00e5 .", "opinions": [{"Source": [["mine"], ["20:24"]], "Target": [["spillet"], ["50:57"]], "Polar_expression": [["kanskje beste spillet i serien til n\u00e5"], ["36:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-05-02", "text": "Et fantastisk og episk eventyr som sakte men sikkert vokser og vokser helt til hjertet mitt holder p\u00e5 \u00e5 eksplodere av pur lykke .", "opinions": [{"Source": [["mitt"], ["87:91"]], "Target": [["eventyr"], ["23:30"]], "Polar_expression": [["fantastisk"], ["3:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["mitt"], ["87:91"]], "Target": [["eventyr"], ["23:30"]], "Polar_expression": [["episk"], ["17:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["mitt"], ["87:91"]], "Target": [["eventyr"], ["23:30"]], "Polar_expression": [["sakte men sikkert vokser og vokser helt til hjertet mitt holder p\u00e5 \u00e5 eksplodere av pur lykke"], ["35:127"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-06-01", "text": "Historien og oppbyggingen av spillet er velkjent .", "opinions": []}, {"sent_id": "106360-06-02", "text": "Det starter s\u00e6rdeles rolig og avslappet i en s\u00f8vnig og idyllisk liten landsby .", "opinions": []}, {"sent_id": "106360-06-03", "text": "Men en ondskap er i ferd med \u00e5 spre seg , og truer med \u00e5 ta over fantasiverdenen spillet foreg\u00e5r i .", "opinions": []}, {"sent_id": "106360-07-01", "text": "Dermed blir det opp til spilleren , som tar p\u00e5 seg rollen som den utvalgte frelseren Link , \u00e5 redde b\u00e5de prinsesse Zelda , kongeriket Hyrule , vennene fra landsbyen og til syvende og sist hele verden .", "opinions": []}, {"sent_id": "106360-08-01", "text": "Fra den spede starten legges den ene nye egenskapen og gjenstanden etter den andre til .", "opinions": []}, {"sent_id": "106360-08-02", "text": "Stadig nye omr\u00e5der \u00e5 utforske \u00e5pner seg opp .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stadig nye omr\u00e5der \u00e5 utforske \u00e5pner seg opp"], ["0:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "106360-08-03", "text": "Historien tar plutselige og dramatiske vendinger .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["plutselige og dramatiske vendinger"], ["14:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-09-01", "text": "Og f\u00f8r du vet ordet av det , er du fullstendig oppslukt i det som skjer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fullstendig oppslukt i det som skjer"], ["35:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-09-02", "text": "Et magisk eventyr p\u00e5 flerfoldige titalls timer ligger foran deg .", "opinions": [{"Source": [[], []], "Target": [["eventyr"], ["10:17"]], "Polar_expression": [["magisk"], ["3:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-09-03", "text": "Det er bare \u00e5 rydde plass i kalenderen med en gang - inntil \u00ab Twilight Princess \u00bb er fullf\u00f8rt vil du neppe ha lyst til \u00e5 gj\u00f8re noe annet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bare \u00e5 rydde plass i kalenderen med en gang"], ["7:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Twilight Princess \u00bb"], ["60:81"]], "Polar_expression": [["inntil", "fullf\u00f8rt vil du neppe ha lyst til \u00e5 gj\u00f8re noe annet"], ["53:59", "85:136"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-10-01", "text": "Alt sitter som et skudd .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt sitter som et skudd"], ["0:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-10-02", "text": "Fra den nydelige visuelle stilen til det herlige lydbildet , den nostalgiske musikken , sl\u00e5ssingen mot monstere , utforsking av grotter og andre omr\u00e5der og kreativ bruk av diverse hjelpemidler for \u00e5 komme videre .", "opinions": [{"Source": [[], []], "Target": [["visuelle stilen"], ["17:32"]], "Polar_expression": [["nydelige"], ["8:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbildet"], ["49:58"]], "Polar_expression": [["herlige"], ["41:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikken"], ["77:85"]], "Polar_expression": [["nostalgiske"], ["65:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sl\u00e5ssingen mot monstere"], ["88:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["utforsking av grotter og andre omr\u00e5der"], ["114:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kreativ bruk av diverse hjelpemidler"], ["156:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-10-03", "text": "For \u00e5 nevne noe .", "opinions": []}, {"sent_id": "106360-11-01", "text": "Det er i det hele tatt ikke langt mellom g\u00e5sehud\u00f8yeblikkene i dette spillet .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["68:75"]], "Polar_expression": [["ikke langt mellom g\u00e5sehud\u00f8yeblikkene"], ["23:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-11-02", "text": "Og det mener jeg bokstavelig .", "opinions": []}, {"sent_id": "106360-11-03", "text": "\u00ab Twilight Princess \u00bb er s\u00e5 bra at jeg f\u00e5r g\u00e5sehud bare av \u00e5 tenke p\u00e5 det - en sv\u00e6rt sjelden begivenhet for en som spiller s\u00e5pass mye som meg .", "opinions": [{"Source": [["jeg"], ["35:38"]], "Target": [["\u00ab Twilight Princess \u00bb"], ["0:21"]], "Polar_expression": [["s\u00e5 bra", "f\u00e5r g\u00e5sehud bare av \u00e5 tenke p\u00e5 det"], ["25:31", "39:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["meg"], ["138:141"]], "Target": [["\u00ab Twilight Princess \u00bb"], ["0:21"]], "Polar_expression": [["sv\u00e6rt sjelden begivenhet"], ["79:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-12-01", "text": "Wii-h\u00e5ndkontrolleren er dessuten utnyttet p\u00e5 en eksemplarisk m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["Wii-h\u00e5ndkontrolleren"], ["0:20"]], "Polar_expression": [["utnyttet p\u00e5 en eksemplarisk m\u00e5te"], ["33:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-12-02", "text": "Du bruker den til \u00e5 sikte med pil og bue , til \u00e5 svinge sverd , til \u00e5 fiske og til mye annet .", "opinions": []}, {"sent_id": "106360-13-01", "text": "Etter en tilvenningsperiode p\u00e5 rundt en halvtime , f\u00f8les det b\u00e5de selvf\u00f8lgelig og naturlig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8les det b\u00e5de selvf\u00f8lgelig og naturlig"], ["51:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-14-01", "text": "Nintendos nye spillkonsoll kunne i det hele tatt ikke ha bedt om noe bedre lanseringsspill , selv om Gamecube-eiere muligens ikke vil g\u00e5 glipp av mye dersom de g\u00e5r for Gamecube-versjonen 15. desember .", "opinions": [{"Source": [[], []], "Target": [["lanseringsspill"], ["75:90"]], "Polar_expression": [["Nintendos nye spillkonsoll kunne i det hele tatt ikke ha bedt om noe bedre lanseringsspill"], ["0:90"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Gamecube-eiere muligens ikke vil g\u00e5 glipp av mye"], ["101:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106360-15-01", "text": "For det er nok spillet i seg selv - og ikke Wii-h\u00e5ndkontrolleren - som gj\u00f8r \u00ab The Legend of Zelda :", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["15:22"]], "Polar_expression": [["nok", "i seg selv"], ["11:14", "23:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-15-02", "text": "Twilight Princess \u00bb til et av tidenes beste konsollspill .", "opinions": [{"Source": [[], []], "Target": [["Twilight Princess \u00bb"], ["0:19"]], "Polar_expression": [["et av tidenes beste konsollspill"], ["24:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106360-16-01", "text": "Den dypt elskede Zelda-serien f\u00e5r snart et nytt kapittel med Wii-spillet \u00ab The Legend of Zelda :", "opinions": []}, {"sent_id": "106360-16-02", "text": "Twilight Princess \u00bb .", "opinions": []}, {"sent_id": "106360-16-03", "text": "Slik blir spillet .", "opinions": []}, {"sent_id": "101554-01-01", "text": "G\u00f6tze :", "opinions": []}, {"sent_id": "101554-01-02", "text": "- Skylder kj\u00e6resten min mye", "opinions": []}, {"sent_id": "101554-02-01", "text": "RIO DE JANIERO / OSLO ( VG ) ( Tyskland - Argentina 1 - 0 ) Mario G\u00f6tze ( 22 ) kom inn fra benken og gjorde Tyskland til verdensmestere p\u00e5 egen h\u00e5nd med en fantastisk volley i ekstraomgangene .", "opinions": []}, {"sent_id": "101554-03-01", "text": "- Det er utrolig hvordan vi alle har jobbet for dette .", "opinions": []}, {"sent_id": "101554-03-02", "text": "Dette er en utrolig f\u00f8lelse , jublet kaptein Philipp Lahm etter sin f\u00f8rste VM-triumf i karrieren .", "opinions": [{"Source": [["kaptein Philipp Lahm"], ["37:57"]], "Target": [[], []], "Polar_expression": [["jublet"], ["30:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}, {"Source": [["kaptein Philipp Lahm"], ["37:57"]], "Target": [[], []], "Polar_expression": [["utrolig f\u00f8lelse"], ["12:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-04-01", "text": "Avgj\u00f8relsen p\u00e5 VM-finalen 2014 falt s\u00e5 sent som i det 112. minutt da innbytter Andr\u00e9 Sch\u00fcrrles innlegg fra venstresiden fant en annen innbytter inne i Argentina-boksen .", "opinions": []}, {"sent_id": "101554-05-01", "text": "Mario G\u00f6tze erstattet tidenes mestscorende i VM-historien , Miroslav Klose , etter 88 minutter .", "opinions": []}, {"sent_id": "101554-05-02", "text": "Da innlegget kom svarte Bayern M\u00fcnchen-spilleren med en scoring p\u00e5 ekte goalgettervis .", "opinions": [{"Source": [[], []], "Target": [["Bayern M\u00fcnchen-spilleren"], ["24:48"]], "Polar_expression": [["scoring p\u00e5 ekte goalgettervis"], ["56:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-06-01", "text": "22-\u00e5ringen dempet ballen fantastisk elegant p\u00e5 brystet f\u00f8r han sendte av g\u00e5rde en liggende volley i lengste hj\u00f8rnet bak en fortumlet Argentina-keeper Sergio Romero .", "opinions": [{"Source": [[], []], "Target": [["22-\u00e5ringen"], ["0:10"]], "Polar_expression": [["fantastisk elegant"], ["25:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Argentina-keeper Sergio Romero"], ["133:163"]], "Polar_expression": [["fortumlet"], ["123:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-07-01", "text": "Matchvinneren m\u00f8tte pressen i spillerutstyr og sandaler p\u00e5 pressesenteret i Rio , etter at laget hadde f\u00e5tt summet seg i garderoben .", "opinions": []}, {"sent_id": "101554-08-01", "text": "- Det var en utrolig f\u00f8lelse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["utrolig f\u00f8lelse"], ["13:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-08-02", "text": "Jeg vet ikke hva som skjedde , jeg bare skj\u00f8t .", "opinions": []}, {"sent_id": "101554-08-03", "text": "Det som skjer etter kampen , \u00e5 ha denne festen med dette laget , det er en dr\u00f8m som g\u00e5r i oppfyllelse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dr\u00f8m som g\u00e5r i oppfyllelse"], ["75:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-08-04", "text": "Jeg vet nesten ikke hva jeg f\u00f8ler , dette er helt sensasjonelt , sa G\u00f6tze .", "opinions": [{"Source": [["G\u00f6tze"], ["68:73"]], "Target": [[], []], "Polar_expression": [["helt sensasjonelt"], ["45:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-09-01", "text": "- Det har ikke v\u00e6rt et enkelt \u00e5r for meg og ikke en enkel turnering .", "opinions": [{"Source": [["meg"], ["37:40"]], "Target": [["turnering"], ["58:67"]], "Polar_expression": [["ikke en enkel"], ["44:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["meg"], ["37:40"]], "Target": [[], []], "Polar_expression": [["ikke v\u00e6rt et enkelt \u00e5r"], ["10:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-09-02", "text": "Jeg skylder mye til familien og kj\u00e6resten min , som har trodd p\u00e5 meg .", "opinions": []}, {"sent_id": "101554-09-03", "text": "Jeg er veldig glad for at vi har vunnet dette .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["veldig glad"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-09-04", "text": "Jeg har fortsatt trent med laget , og hver eneste spiller fortjener \u00e5 bli nevnt .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["laget"], ["27:32"]], "Polar_expression": [["hver eneste spiller fortjener \u00e5 bli nevnt"], ["38:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-09-05", "text": "Vi har fortjent dette trofeet .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Vi"], ["0:2"]], "Polar_expression": [["fortjent dette trofeet"], ["7:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-10-01", "text": "Mario G\u00f6tzes kj\u00e6reste er den tyske modellen Ann-Kathrin Br\u00f6mmel , som blant annet har figurert i spaltene hos den tyske utgaven av herremagasinet GQ.", "opinions": []}, {"sent_id": "101554-11-01", "text": "- Beskriver laget", "opinions": []}, {"sent_id": "101554-12-01", "text": "- M\u00e5ten vi scorer m\u00e5let p\u00e5 beskriver dette laget , sier Thomas M\u00fcller , Tysklands toppscorer i mesterskapet med fem m\u00e5l .", "opinions": [{"Source": [[], []], "Target": [["Thomas M\u00fcller"], ["56:69"]], "Polar_expression": [["Tysklands toppscorer i mesterskapet"], ["72:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}, {"Source": [["Thomas M\u00fcller"], ["56:69"]], "Target": [["laget"], ["43:48"]], "Polar_expression": [["M\u00e5ten vi scorer m\u00e5let p\u00e5 beskriver dette laget"], ["2:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-13-01", "text": "- Vi har kjempet s\u00e5 hardt for dette , jeg har ikke ord .", "opinions": []}, {"sent_id": "101554-14-01", "text": "N\u00e5 hylles de nybakte VM-vinnerne av tidligere tyske helter .", "opinions": [{"Source": [["tidligere tyske helter"], ["36:58"]], "Target": [["de nybakte VM-vinnerne"], ["10:32"]], "Polar_expression": [["hylles"], ["3:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-15-01", "text": "- Et sensasjonelt m\u00e5l av G\u00f6tze !", "opinions": [{"Source": [[], []], "Target": [["G\u00f6tze"], ["25:30"]], "Polar_expression": [["sensasjonelt m\u00e5l"], ["5:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-15-02", "text": "Disse ungdommene fortjente \u00e5 bli verdensmestere .", "opinions": [{"Source": [[], []], "Target": [["Disse ungdommene"], ["0:16"]], "Polar_expression": [["fortjente \u00e5 bli verdensmestere"], ["17:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-15-03", "text": "De er v\u00e5re verdige etterf\u00f8lgere , sier Andreas Brehme til den tyske avisen Bild .", "opinions": [{"Source": [["Andreas Brehme"], ["39:53"]], "Target": [["De"], ["0:2"]], "Polar_expression": [["verdige etterf\u00f8lgere"], ["11:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-16-01", "text": "Brehme ble matchvinner fra straffemerket sist gang Tyskland vant en VM-finale - mot nettopp Argentina i Italia i 1990", "opinions": []}, {"sent_id": "101554-17-01", "text": "Dermed gjorde Tyskland akkurat som de gjorde mot Argentina i VM-finalen i 1990 :", "opinions": []}, {"sent_id": "101554-17-02", "text": "De vant 1 - 0 .", "opinions": []}, {"sent_id": "101554-17-03", "text": "Den gang etter scoring av Andreas Brehme .", "opinions": []}, {"sent_id": "101554-17-04", "text": "Og i 2014 var det alts\u00e5 unggutten Mario G\u00f6tze som ble den store helten , til tross for at han ikke har v\u00e6rt fast p\u00e5 det tyske laget de siste VM-kampene .", "opinions": []}, {"sent_id": "101554-18-01", "text": "Det var en relativt nedtonet og lavm\u00e6lt Argentinsk trener som m\u00f8tte pressen etter nederlaget i finalen :", "opinions": []}, {"sent_id": "101554-19-01", "text": "- Jeg er trist for at vi ikke klarte \u00e5 vinne turneringen , men jeg er veldig stolt over laget , som utf\u00f8rte en str\u00e5lende kamp .", "opinions": [{"Source": [["Jeg"], ["2:5"]], "Target": [[], []], "Polar_expression": [["trist for at vi ikke klarte \u00e5 vinne turneringen"], ["9:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["jeg"], ["63:66"]], "Target": [["laget"], ["88:93"]], "Polar_expression": [["utf\u00f8rte en str\u00e5lende kamp"], ["100:125"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["jeg"], ["63:66"]], "Target": [["laget"], ["88:93"]], "Polar_expression": [["veldig stolt over"], ["70:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-19-02", "text": "Kampen hadde sine opp-og-ned-situasjoner .", "opinions": []}, {"sent_id": "101554-19-03", "text": "Vi hadde klare sjanser , sa Alejandro Sabella , for anledningen i skjorte og slips .", "opinions": []}, {"sent_id": "101554-20-01", "text": "Argentina-treneren nevnte ogs\u00e5 det faktum at Argentina-spillerne hadde flere minutter i beina f\u00f8r kampen .", "opinions": []}, {"sent_id": "101554-21-01", "text": "- Vi hadde spilt to ekstraomganger og vi hadde en dag mindre hvile .", "opinions": [{"Source": [["Vi"], ["2:4"]], "Target": [["Vi"], ["2:4"]], "Polar_expression": [["spilt to ekstraomganger og vi hadde en dag mindre hvile"], ["11:66"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "101554-21-02", "text": "Generelt er jeg veldig stolt .", "opinions": [{"Source": [["jeg"], ["12:15"]], "Target": [[], []], "Polar_expression": [["veldig stolt"], ["16:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-21-03", "text": "Guttene har spilt en ekstraordin\u00e6r VM-turnering .", "opinions": [{"Source": [[], []], "Target": [["Guttene"], ["0:7"]], "Polar_expression": [["spilt en ekstraordin\u00e6r VM-turnering"], ["12:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-21-04", "text": "De har lagt igjen alt de har p\u00e5 banen .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["lagt igjen alt de har p\u00e5 banen"], ["7:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-22-01", "text": "Sabella tok Argentina n\u00e6rmere VM-gull enn de har v\u00e6rt p\u00e5 mange \u00e5r .", "opinions": []}, {"sent_id": "101554-22-02", "text": "Allikevel fikk han sp\u00f8rsm\u00e5l om han sitter trygt i trenerstolen .", "opinions": []}, {"sent_id": "101554-23-01", "text": "- Dere m\u00e5 bli lei av at jeg stadig gjentar dette .", "opinions": []}, {"sent_id": "101554-23-02", "text": "Jeg kan ikke snakke om fremtiden .", "opinions": []}, {"sent_id": "101554-23-03", "text": "Fremtiden min n\u00e5 er \u00e5 v\u00e6re med spillerne , st\u00f8tteapparatet , familien min .", "opinions": []}, {"sent_id": "101554-23-04", "text": "S\u00e5 jeg vet ikke hva jeg skal si , svarte Sabella .", "opinions": []}, {"sent_id": "101554-24-01", "text": "- N\u00e5r du kommer til finalen vil du vinne , men jeg sitter ogs\u00e5 igjen med en f\u00f8lelse av v\u00e6re tilfredsstilt , av \u00e5 ha gitt alt , avsluttet Sabella f\u00f8r han forlot salen til applaus fra flere av journalistene .", "opinions": []}, {"sent_id": "101554-25-01", "text": "Veteranene gr\u00e5t", "opinions": []}, {"sent_id": "101554-26-01", "text": "Tyskland har hatt et fantastisk mesterskap og de fleste s\u00e5 p\u00e5 \u00ab Die Mannschaft \u00bb som den store favoritten til VM-gullet etter den vanvittige 7-1-seieren over Brasil i semifinalen .", "opinions": [{"Source": [[], []], "Target": [["Tyskland"], ["0:8"]], "Polar_expression": [["hatt et fantastisk mesterskap"], ["13:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Die Mannschaft \u00bb"], ["62:80"]], "Polar_expression": [["vanvittige 7-1-seieren over Brasil"], ["130:164"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["de fleste"], ["46:55"]], "Target": [["\u00ab Die Mannschaft \u00bb"], ["62:80"]], "Polar_expression": [["den store favoritten til VM-gullet"], ["85:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-26-02", "text": "Den sp\u00e5dommen ble ikke gjort til skam .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sp\u00e5dommen ble ikke gjort til skam"], ["4:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-27-01", "text": "G\u00f6tze gjorde ogs\u00e5 at flere av de aldrende Tyskland-spillerne endelig fikk l\u00f8fte VM-trofeet f\u00f8r karriereslutt .", "opinions": []}, {"sent_id": "101554-27-02", "text": "Etter kampen var det blant andre veteranene Bastian Schweinsteiger og Thomas M\u00fcller som gr\u00e5t mest over den enormt etterlengtede triumfen .", "opinions": []}, {"sent_id": "101554-28-01", "text": "Argentina klarte aldri \u00e5 svare p\u00e5 G\u00f6tzes volley i sluttminuttene .", "opinions": []}, {"sent_id": "101554-28-02", "text": "Ekspertene i VGs VM-studio mente perlem\u00e5let var en av tidenes vakreste scoringer som har avgjort et VM .", "opinions": [{"Source": [["Ekspertene i VGs VM-studio"], ["0:26"]], "Target": [[], []], "Polar_expression": [["perlem\u00e5let var en av tidenes vakreste scoringer som har avgjort et VM"], ["33:102"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101554-29-01", "text": "- Det er s\u00e5 perfekt utf\u00f8rt !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5 perfekt utf\u00f8rt !"], ["9:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-29-02", "text": "Han legger den perfekt til rette med kassa , og smeller den i lengste hj\u00f8rne , sier talentspeider Stig Thorbj\u00f8rnsen .", "opinions": [{"Source": [["Stig Thorbj\u00f8rnsen"], ["98:115"]], "Target": [["Han"], ["0:3"]], "Polar_expression": [["legger den perfekt til rette"], ["4:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Stig Thorbj\u00f8rnsen"], ["98:115"]], "Target": [["Han"], ["0:3"]], "Polar_expression": [["smeller den i lengste hj\u00f8rne"], ["48:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-30-01", "text": "Dermed kunne b\u00e5de Tyskland-spillerne og den tyske fansen juble for trofeet de har v\u00e6rt n\u00e6r ved \u00e5 kapre flere ganger de siste tyve \u00e5rene .", "opinions": []}, {"sent_id": "101554-31-01", "text": "- Det ble t\u00f8ffere enn forventet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["t\u00f8ffere enn forventet"], ["10:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101554-31-02", "text": "En \u00e5pen kamp , s\u00e5nn man \u00f8nsker at en slik stor finale skal v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["kamp"], ["8:12"]], "Polar_expression": [["s\u00e5nn man \u00f8nsker at en slik stor finale skal v\u00e6re"], ["15:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kamp"], ["8:12"]], "Polar_expression": [["\u00e5pen"], ["3:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101554-31-03", "text": "Det hadde ingen betydning s\u00e5 lenge kreftene holdt , men vi m\u00e5 huske at argentinerne hadde \u00e9n dag mindre pause og m\u00e5tte ut i ekstraomganger i semifinalen , sier den tyske legenden Franz Beckenbauer til Bild .", "opinions": []}, {"sent_id": "101554-32-01", "text": "Mens tyskerne feiret og gr\u00e5t om hverandre , satte Argentina-stjernen Lionel Messi seg p\u00e5 gresset med hodet mellom kn\u00e6rne .", "opinions": []}, {"sent_id": "101554-32-02", "text": "Han lyktes ikke med \u00e5 ta sitt Argentina til VM-gull , som Maradona gjorde i 1986 .", "opinions": []}, {"sent_id": "101554-32-03", "text": "Real Madrid-stjernen \u00c1ngel Di Maria ble ikke klar til s\u00f8ndagens VM-finale , og virker helt s\u00f8nderknust ute p\u00e5 gressmatta sammen med lagkameratene etter kampslutt .", "opinions": []}, {"sent_id": "101554-33-01", "text": "Lionel Messi mottok Gullballen , prisen for VMs beste spiller , etter kampslutt , men Argentinas store stjerne rikket ikke p\u00e5 smileb\u00e5ndet da han gikk opp podiet og mottok prisen fra FIFA-president Sepp Blatter .", "opinions": [{"Source": [[], []], "Target": [["Lionel Messi"], ["0:12"]], "Polar_expression": [["mottok Gullballen , prisen for VMs beste spiller"], ["13:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "101554-34-01", "text": "En som derimot smilte fra \u00f8ret til \u00f8ret var Tyskland-keeper Manuel Neuer , som b\u00e5de kunne innkassere VM-gullet og Gullhansken , prisen for mesterskapets beste keeper .", "opinions": [{"Source": [[], []], "Target": [["Tyskland-keeper Manuel Neuer"], ["44:72"]], "Polar_expression": [["innkassere VM-gullet"], ["90:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Tyskland-keeper Manuel Neuer"], ["44:72"]], "Polar_expression": [["innkassere", "Gullhansken , prisen for mesterskapets beste keeper"], ["90:100", "114:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "101554-35-01", "text": "Argentina n\u00e6re", "opinions": []}, {"sent_id": "101554-36-01", "text": "Kampen var m\u00e5ll\u00f8s helt frem til G\u00f6tzes matchvinner-scoringen i det 112. minutt , men hadde nok av m\u00e5lsjanser .", "opinions": []}, {"sent_id": "101554-36-02", "text": "B\u00e5de Argentina og Tyskland gikk ut i hundre i ekstraomgangene foran de 74738 tilskuerne p\u00e5 Maracana stadion .", "opinions": []}, {"sent_id": "101554-36-03", "text": "F\u00f8rst stoppet keeper Sergio Romero et Andr\u00e9 Sch\u00fcrrle-skudd p\u00e5 mesterlig vis fra fem-seks meter .", "opinions": [{"Source": [[], []], "Target": [["keeper Sergio Romero"], ["14:34"]], "Polar_expression": [["mesterlig"], ["62:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-36-04", "text": "Deretter beinet Lionel Messi fremover p\u00e5 en kontring , men Argentina-stjernen ble hindret rett f\u00f8r han var p\u00e5 vei gjennom mot m\u00e5l .", "opinions": []}, {"sent_id": "101554-37-01", "text": "Messi spilte en stor f\u00f8rste omgang , men maktet ikke \u00e5 finne lukene i det tyske forsvaret i l\u00f8pet av kampen .", "opinions": []}, {"sent_id": "101554-38-01", "text": "Innbytter Rodrigo Palacio var sv\u00e6rt , sv\u00e6rt n\u00e6r ved \u00e5 sende Argentina i en forl\u00f8sende ledelse etter 97 minutter , men Inter-spissens lobb ble altfor upresis i en duell med keeper Manuel Neuer rundt \u00e5tte meter fra m\u00e5l .", "opinions": []}, {"sent_id": "101554-38-02", "text": "Det var det n\u00e6rmeste noen av lagene kom i den f\u00f8rste ekstraomgangen .", "opinions": []}, {"sent_id": "101554-39-01", "text": "Higua\u00edns hode mot Neuers kne", "opinions": []}, {"sent_id": "101554-40-01", "text": "Den andre omgangen b\u00f8d ikke p\u00e5 fantastisk angrepsspill fra noen av lagene , og det som satte mest st\u00f8kk i publikum var en stygg episode mellom Gonzalo Higua\u00edn og Manuel Neuer .", "opinions": [{"Source": [[], []], "Target": [["Den andre omgangen"], ["0:18"]], "Polar_expression": [["b\u00f8d ikke p\u00e5 fantastisk angrepsspill fra noen av lagene"], ["19:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den andre omgangen"], ["0:18"]], "Polar_expression": [["det som satte mest st\u00f8kk i publikum var en stygg episode mellom Gonzalo Higua\u00edn og Manuel Neuer"], ["79:174"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-40-02", "text": "Argentina-spissens hode frontkolliderte med kneet til Neuer da han fors\u00f8kte \u00e5 rekke en gjennombruddspasning fra Pablo Zabaleta .", "opinions": []}, {"sent_id": "101554-41-01", "text": "Dommer Nicola Rizzoli d\u00f8mte frisparket mot Higu\u00e1in , som heldigvis kom seg p\u00e5 beina etter smellen .", "opinions": []}, {"sent_id": "101554-42-01", "text": "- Det er livsfarlig spill av Neuer , sa fotballekspert Bernt Hulsker i VGs VM-studio .", "opinions": [{"Source": [["fotballekspert Bernt Hulsker"], ["40:68"]], "Target": [["Neuer"], ["29:34"]], "Polar_expression": [["livsfarlig spill"], ["9:25"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "101554-43-01", "text": "Sammenst\u00f8tet preget Higua\u00edn s\u00e5pass mye at han ble byttet ut etter 77 minutter .", "opinions": []}, {"sent_id": "101554-44-01", "text": "Tyskland hadde overtaket i siste halvdel av den andre omgangen , men maktet ikke \u00e5 produsere de virkelig store mulighetene .", "opinions": []}, {"sent_id": "101554-45-01", "text": "Enorm Argentina-sjanse", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Enorm Argentina-sjanse"], ["0:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101554-46-01", "text": "F\u00f8rste omgang var jevnspilt , inneholdt det meste , men heller ikke da kom den forl\u00f8sende scoringen .", "opinions": []}, {"sent_id": "101554-46-02", "text": "Men det kunne den fort ha gjort .", "opinions": []}, {"sent_id": "101554-47-01", "text": "Argentina fikk en vanvittig gratismulighet etter 20 minutter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Argentina fikk en vanvittig gratismulighet"], ["0:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101554-47-02", "text": "Bayern M\u00fcnchen-spiller Toni Kroos headet en h\u00f8y ball bakover rundt 25 meter fra m\u00e5l , muligens i h\u00e5p om \u00e5 treffe keeper , men midtbanespilleren endte med \u00e5 sende den rett i beina p\u00e5 Higua\u00edn .", "opinions": []}, {"sent_id": "101554-47-03", "text": "Napoli-spissen fosset alene mot m\u00e5l og avsluttet fra 16 meter , men ballen skled av foten p\u00e5 Higua\u00edn og trillet til venstre side for m\u00e5l .", "opinions": []}, {"sent_id": "101554-48-01", "text": "Samme mann kom igjen i fokus etter 29 minutter .", "opinions": []}, {"sent_id": "101554-48-02", "text": "Argentina-stjernen Lionel Messi flikket ballen elegant ut p\u00e5 h\u00f8yrekanten til en ledig Ezekiel Lavezzi .", "opinions": [{"Source": [[], []], "Target": [["Lionel Messi"], ["19:31"]], "Polar_expression": [["flikket ballen elegant ut p\u00e5 h\u00f8yrekanten"], ["32:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lionel Messi"], ["19:31"]], "Polar_expression": [["Argentina-stjernen"], ["0:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ezekiel Lavezzi"], ["86:101"]], "Polar_expression": [["ledig"], ["80:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-48-03", "text": "Lynvingen svinget ballen inn til Higua\u00edn som avsluttet p\u00e5 direkten og i m\u00e5l bak Manuel Neuer .", "opinions": []}, {"sent_id": "101554-48-04", "text": "Mens Higu\u00e1in jublet hemningsl\u00f8st og stormet mot Argentina-benken , sto linjedommeren med flagget oppe og vinket for offside .", "opinions": []}, {"sent_id": "101554-48-05", "text": "TV-bildene viste en tydelig skuffet Higua\u00edn og at avgj\u00f8relsen var korrekt .", "opinions": []}, {"sent_id": "101554-49-01", "text": "Stolpetreff for Tyskland", "opinions": []}, {"sent_id": "101554-50-01", "text": "Tyskland fikk to gode muligheter de siste fem minuttene av omgangen , f\u00f8rst ved Toni Kroos .", "opinions": [{"Source": [[], []], "Target": [["Tyskland"], ["0:8"]], "Polar_expression": [["fikk to gode muligheter"], ["9:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-50-02", "text": "Etter 43 minutter fikk Tysklands pasningskonge st\u00e5 alene \u00e5 skyte fra rundt 16 meter , men skuddet var unormalt svakt til han \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["Tysklands pasningskonge"], ["23:46"]], "Polar_expression": [["skuddet var unormalt svakt til han \u00e5 v\u00e6re"], ["90:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101554-51-01", "text": "Og p\u00e5 overtid av f\u00f8rste omgang traff Tyskland stolpen .", "opinions": []}, {"sent_id": "101554-51-02", "text": "En perfekt corner fra Kroos landet p\u00e5 hodet til en stormende Benedict H\u00f6wedes , som stanget ballen i stolpen fra fire-fem meter .", "opinions": []}, {"sent_id": "101554-51-03", "text": "Ballen spratt i beina p\u00e5 en uoppmerksom Thomas M\u00fcller f\u00f8r den trillet rolig inn i hendene p\u00e5 Sergio Romero .", "opinions": []}, {"sent_id": "700513-01-01", "text": "Overraskelse !", "opinions": []}, {"sent_id": "700513-02-01", "text": "Her st\u00e5r et par overraskelser tett som taxi-k\u00f8 :", "opinions": []}, {"sent_id": "700513-03-01", "text": "Jason Statham har h\u00e5r og skjegg , og han spiller et svett , psykologisk actiondrama som gj\u00f8r at han antakelig blir invitert i selskaper hos pologenserne framover .", "opinions": [{"Source": [[], []], "Target": [["Jason Statham"], ["0:13"]], "Polar_expression": [["antakelig blir invitert i selskaper hos pologenserne framover"], ["100:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700513-03-02", "text": "Ray Liotta er hypa-paranoisk gangstersjef med en sjelelig og kroppslig nakenhet som nok en gang gj\u00f8r den ugripelige skuespilleren til et ikon , en kult-ting for folk som samler p\u00e5 pyntegjenstander av isopor og ukrainske boks\u00e5pnere .", "opinions": [{"Source": [[], []], "Target": [["Ray Liotta"], ["0:10"]], "Polar_expression": [["ikon"], ["137:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700513-04-01", "text": "Overraskelse tre :", "opinions": []}, {"sent_id": "700513-04-02", "text": "Briten og Madonna-mannen Guy Ritchie har v\u00e5get lage en actionfilm etter millenniumskiftet der det s\u00e5 vidt er med ei eneste snakkende dame , og det er den middelaldrende Lilly Walker som ser ut som om hun sover med Johnny hver kveld og antakelig skal forestille aggressiv verkt\u00f8y-homofil .", "opinions": []}, {"sent_id": "700513-04-03", "text": "De andre kvinnene som deltar , skrever tause som strupte ender i sofaer .", "opinions": []}, {"sent_id": "700513-05-01", "text": "Med andre ord :", "opinions": []}, {"sent_id": "700513-05-02", "text": "En sjokkerende vital representant for den demonstrative gangsterfilmen , den som kj\u00f8rte l\u00f8pet sitt , dreit i alt som var n\u00f8dvendig og ofte endte i et sinnssykt j\u00e5lete frav\u00e6r av sannsynligheter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sjokkerende vital"], ["3:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["demonstrative gangsterfilmen"], ["42:70"]], "Polar_expression": [["sinnssykt j\u00e5lete frav\u00e6r av sannsynligheter"], ["150:192"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700513-06-01", "text": "Samtidig er \u00ab Revolver \u00bb et \u00e6rgjerrig fors\u00f8k p\u00e5 psykologisk liksom-drama om egoet og dets blanda blendverk .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Revolver \u00bb"], ["12:24"]], "Polar_expression": [["\u00e6rgjerrig fors\u00f8k p\u00e5 psykologisk liksom-drama"], ["28:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700513-06-02", "text": "Er selvet noe som finnes eller noe som skapes , og kan man lures til \u00e5 tro at man er seg selv ?", "opinions": []}, {"sent_id": "700513-07-01", "text": "Da Madonna leste mannens manus , vurderte hun antakelig \u00e5 re-konvertere fra j\u00f8dedommen til muskul\u00f8se NY-dansere .", "opinions": []}, {"sent_id": "700513-07-02", "text": "Men vi som liker film , kan komme til \u00e5 elske det aldeles forvrengte ved \u00ab Revolver \u00bb .", "opinions": [{"Source": [["vi"], ["4:6"]], "Target": [["\u00ab Revolver \u00bb"], ["73:85"]], "Polar_expression": [["kan komme til \u00e5 elske"], ["24:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700513-08-01", "text": "Statham kommer ut av fengsel etter sju \u00e5r , utfordrer kasino-kaksen Liotta og treffer to tilsynelatende visjon\u00e6re forbrytere .", "opinions": []}, {"sent_id": "700513-08-02", "text": "Det handler om den perfekte svindel , det handler om hva tyveriet av Mr. Golds hvite pulver gj\u00f8r med julebaksten det \u00e5ret .", "opinions": []}, {"sent_id": "700513-08-03", "text": "Statham er fantastisk med h\u00e5r og skjegg .", "opinions": [{"Source": [[], []], "Target": [["Statham"], ["0:7"]], "Polar_expression": [["fantastisk"], ["11:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702187-01-01", "text": "Stor og bred Seagal", "opinions": []}, {"sent_id": "702187-02-01", "text": "Steven Seagal er blitt like stor som Travolta , og han b\u00e6rer skinnjakke innend\u00f8rs for den er antakelig sydd fast til tatoveringene hans , og ansiktet er s\u00e5 bredt at du kan skj\u00e6re fenal\u00e5r p\u00e5 det .", "opinions": []}, {"sent_id": "702187-03-01", "text": "I denne filmen handler det om en seriemorder med veikrobart som gj\u00f8r anatomiske ting med prostituert dame .", "opinions": []}, {"sent_id": "702187-03-02", "text": "Dermed er genrens patologi-imperativ ivaretatt .", "opinions": []}, {"sent_id": "702187-03-03", "text": "Verre er det med slagsm\u00e5lene .", "opinions": [{"Source": [[], []], "Target": [["slagsm\u00e5lene"], ["17:28"]], "Polar_expression": [["Verre"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702187-03-04", "text": "Klipperen har overtatt Seagals martial art , og sl\u00e5ssinga er s\u00e5 kjipt og kjapt klippet at filmen antakelig kunne ha inneholdt Titanics undergang uten at du oppdaget det .", "opinions": [{"Source": [[], []], "Target": [["sl\u00e5ssinga"], ["48:57"]], "Polar_expression": [["kjipt og kjapt klippet"], ["64:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["90:96"]], "Polar_expression": [["kunne ha inneholdt Titanics undergang uten at du oppdaget det"], ["107:168"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702187-04-01", "text": "Men noen fikse ting :", "opinions": []}, {"sent_id": "702187-04-02", "text": "Hettemannen ser ut som David Beckham etter en strevsom natt med konas venninner .", "opinions": []}, {"sent_id": "702187-04-03", "text": "Seagal f\u00e5r en Dirty Harry-pakke :", "opinions": []}, {"sent_id": "702187-04-04", "text": "Ei finslig dame skal bli med p\u00e5 kj\u00f8ret og observere oksen i arbeid .", "opinions": [{"Source": [[], []], "Target": [["dame"], ["11:15"]], "Polar_expression": [["finslig"], ["3:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702187-04-05", "text": "SS sl\u00e5r sm\u00e5 pyser tusen ganger , sj\u00f8l om ett av slagene ville ha kledd en rustningskledd bj\u00f8rn .", "opinions": []}, {"sent_id": "702187-05-01", "text": "Filmer med den seri\u00f8se Seagal pleide \u00e5 v\u00e6re litt puritanske av seg , men n\u00e5 har mannen v\u00e6rt skilt s\u00e5 lenge fra Kvinnen i r\u00f8dt at livet hans er blitt fylt opp av damer i ufullstendige kl\u00e6r .", "opinions": []}, {"sent_id": "700034-01-01", "text": "Mesterverk om mobbing", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mesterverk"], ["0:10"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700034-02-01", "text": "Mobbeofferet Anna benytter nostalgisk klassegjenforening til \u00e5 konfrontere sine tidligere klassekamerater og plage\u00e5nder .", "opinions": []}, {"sent_id": "700034-03-01", "text": "Barne\u2014 og ungdomskolegjengen treffes igjen p\u00e5 fest 20 \u00e5r etterp\u00e5 , og plutselig er det som om man er 15 \u00e5r igjen .", "opinions": []}, {"sent_id": "700034-03-02", "text": "F\u00f8lelsene og minnene fra den gang , iblandet alkohol og utvalgte gode minner s\u00f8rger for topp stemning .", "opinions": [{"Source": [[], []], "Target": [["stemning"], ["93:101"]], "Polar_expression": [["topp"], ["88:92"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minner"], ["70:76"]], "Polar_expression": [["gode"], ["65:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-03-03", "text": "S\u00e5 klinger Anna p\u00e5 glasset og reiser seg .", "opinions": []}, {"sent_id": "700034-03-04", "text": "Forteller en annen historie om \" samholdet \" og minnene .", "opinions": []}, {"sent_id": "700034-03-05", "text": "For det Anna husker fra skoletiden er mobbingen , utestengningen , skjellsordene .", "opinions": []}, {"sent_id": "700034-03-06", "text": "Boblene g\u00e5r helt ut av festen .", "opinions": [{"Source": [[], []], "Target": [["festen"], ["23:29"]], "Polar_expression": [["Boblene g\u00e5r helt ut"], ["0:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-04-01", "text": "Med h\u00e5ndholdt kamera i \u00f8yenh\u00f8yde , er det som om vi selv er til stede p\u00e5 gjenforeningsfesten og kjenner alle f\u00f8lelsene rundt de vonde konfrontasjonene som f\u00f8lger .", "opinions": [{"Source": [["vi"], ["49:51"]], "Target": [[], []], "Polar_expression": [["som om", "selv er til stede p\u00e5 gjenforeningsfesten"], ["42:48", "52:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-04-02", "text": "Det gj\u00f8r nesten fysisk vondt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gj\u00f8r nesten fysisk vondt"], ["4:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-04-03", "text": "Ikke bare \u00e5 f\u00f8le gjennom Anna , men ogs\u00e5 \u00e5 kjenne p\u00e5 f\u00f8lelsene og reaksjonene til klassekameratene .", "opinions": []}, {"sent_id": "700034-05-01", "text": "Hva kunne skjedd ?", "opinions": []}, {"sent_id": "700034-06-01", "text": "Den kontroversielle , svenske kunstneren Anna Odell spiller seg selv i sin regidebut .", "opinions": []}, {"sent_id": "700034-06-02", "text": "Kanskje er mobbefortiden selvopplevd , men gjenforeningsfesten er det ikke .", "opinions": []}, {"sent_id": "700034-06-03", "text": "For Anna ble nemlig ikke invitert til klassens 20 \u00e5rs jubileum .", "opinions": []}, {"sent_id": "700034-06-04", "text": "Derfor laget hun en spillefilm om festen slik den kunne ha skjedd om hun var blitt bedt , og om hun hadde m\u00f8tt opp og konfrontert sin gamle klasse .", "opinions": []}, {"sent_id": "700034-06-05", "text": "Ville de endelig sett henne da ?", "opinions": []}, {"sent_id": "700034-06-06", "text": "Ville de bedt om tilgivelse for sine tankel\u00f8se handlinger ?", "opinions": []}, {"sent_id": "700034-06-07", "text": "Eller ville de bare blitt irriterte fordi hun \u00f8dela feststemningen ?", "opinions": []}, {"sent_id": "700034-07-01", "text": "Men Odell stopper ikke der , selve festen er bare halve \" Gjenforeningen \" .", "opinions": []}, {"sent_id": "700034-07-02", "text": "Da det blir klart at \" gjenforeningen \" er fiksjon , inviterer Anna sine gamle klassekamerater til \u00e5 se filmen og diskutere den , en etter en .", "opinions": []}, {"sent_id": "700034-07-03", "text": "Konfrontasjonene er oppsiktsvekkende , b\u00e5de i form og innhold .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Konfrontasjonene er oppsiktsvekkende"], ["0:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-07-04", "text": "Og gradvis tegnes det et bilde av b\u00e5de n\u00e5tid og fortid som ikke bare er svart- hvitt .", "opinions": []}, {"sent_id": "700034-08-01", "text": "I \" Gjenforeningen \" belyses alts\u00e5 temaet mobbing gjennom direkte konfrontasjon mellom mobbeoffer og mobber p\u00e5 en voldsomt effektiv og nifst tankevekkende m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["\" Gjenforeningen \""], ["2:20"]], "Polar_expression": [["belyses", "voldsomt effektiv og nifst tankevekkende m\u00e5te"], ["21:28", "114:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700034-08-02", "text": "Det er s\u00e5 lett \u00e5 ford\u00f8mme handlinger og reaksjoner .", "opinions": []}, {"sent_id": "700034-08-03", "text": "Men hvordan ville vi selv reagert ?", "opinions": []}, {"sent_id": "700034-08-04", "text": "Som et gnags\u00e5r kverner tankene , s\u00e6rlig fordi det slett ikke er s\u00e5 opplagt hvilken knagg vi skal henge v\u00e5r sympati og antipati p\u00e5 .", "opinions": []}, {"sent_id": "700034-09-01", "text": "Minst like interessant og mesterlig som selve mobbetemaet er h\u00e5ndtert , er Anna Odells kunstneriske prosjekt med \" Gjenforeningen \" .", "opinions": [{"Source": [[], []], "Target": [["\" Gjenforeningen \""], ["113:131"]], "Polar_expression": [["Minst like interessant"], ["0:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Gjenforeningen \""], ["113:131"]], "Polar_expression": [["Minst like", "mesterlig"], ["0:10", "26:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Gjenforeningen \""], ["113:131"]], "Polar_expression": [["kunstneriske"], ["87:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700034-09-02", "text": "Som med Karl Ove Knausg\u00e5rds \" Min kamp \" kan \" Gjenforeningen \" v\u00e6re utlevering av virkelige mennesker , forkledd som \" drama \" .", "opinions": [{"Source": [[], []], "Target": [["\" Gjenforeningen \""], ["45:63"]], "Polar_expression": [["utlevering av virkelige mennesker , forkledd som \" drama \""], ["69:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-09-03", "text": "Eller er det egentlig motsatt :", "opinions": []}, {"sent_id": "700034-09-04", "text": "Fiksjon forkledd som halvdokumentar ?", "opinions": []}, {"sent_id": "700034-09-05", "text": "Sterkt er det uansett .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sterkt"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700034-10-01", "text": "Intens konfrontasjon", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Intens konfrontasjon"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-11-01", "text": "Skillet mellom virkelighet og fiksjon er uansett s\u00f8ml\u00f8st , og egentlig ikke s\u00e5 viktig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Skillet mellom virkelighet og fiksjon er uansett s\u00f8ml\u00f8st"], ["0:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-11-02", "text": "Offerets behov for oppgj\u00f8r gjennom konfrontasjon er det som driver historien framover og f\u00e5r oss til \u00e5 f\u00f8lge fjetret med .", "opinions": [{"Source": [[], []], "Target": [["Offerets behov for oppgj\u00f8r"], ["0:26"]], "Polar_expression": [["driver historien framover"], ["60:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["oss"], ["93:96"]], "Target": [["Offerets behov for oppgj\u00f8r"], ["0:26"]], "Polar_expression": [["f\u00e5r oss til \u00e5 f\u00f8lge fjetret med"], ["89:120"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-11-03", "text": "Selve konfrontasjonen , upassende og sosialt uintelligent , men samtidig logisk og helt p\u00e5 sin plass , er det som f\u00e5r f\u00f8lelsene til \u00e5 syde og tankene til \u00e5 kverne .", "opinions": [{"Source": [[], []], "Target": [["konfrontasjonen"], ["6:21"]], "Polar_expression": [["f\u00e5r f\u00f8lelsene til \u00e5 syde og tankene til \u00e5 kverne"], ["114:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konfrontasjonen"], ["6:21"]], "Polar_expression": [["upassende"], ["24:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konfrontasjonen"], ["6:21"]], "Polar_expression": [["sosialt uintelligent"], ["37:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konfrontasjonen"], ["6:21"]], "Polar_expression": [["logisk"], ["73:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konfrontasjonen"], ["6:21"]], "Polar_expression": [["helt p\u00e5 sin plass"], ["83:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700034-11-04", "text": "Og gjenkjenneligheten .", "opinions": []}, {"sent_id": "700034-11-05", "text": "Feigheten .", "opinions": []}, {"sent_id": "700034-11-06", "text": "Selvforsvaret .", "opinions": []}, {"sent_id": "700034-11-07", "text": "Selvopptattheten .", "opinions": []}, {"sent_id": "700034-11-08", "text": "S\u00e5nn er vi alts\u00e5 : alltid oss selv n\u00e6rmest .", "opinions": []}, {"sent_id": "700034-11-09", "text": "Alle som en .", "opinions": []}, {"sent_id": "700034-12-01", "text": "\" Gjenforeningen \" er tvers gjennom imponerende .", "opinions": [{"Source": [[], []], "Target": [["\" Gjenforeningen \""], ["0:18"]], "Polar_expression": [["tvers gjennom imponerende"], ["22:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700034-12-02", "text": "Den sier mer om mobbingens natur enn tusen holdningskampanjer .", "opinions": []}, {"sent_id": "700034-12-03", "text": "Uten \u00e5 gi noe svar .", "opinions": []}, {"sent_id": "102152-01-01", "text": "Film :", "opinions": []}, {"sent_id": "102152-01-02", "text": "Stilfull thriller", "opinions": [{"Source": [[], []], "Target": [["thriller"], ["9:17"]], "Polar_expression": [["Stilfull"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102152-02-01", "text": "De voldelige undertoner blir raskt til overtoner i denne visuelle stilfulle thrilleren .", "opinions": [{"Source": [[], []], "Target": [["thrilleren"], ["76:86"]], "Polar_expression": [["visuelle stilfulle"], ["57:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["thrilleren"], ["76:86"]], "Polar_expression": [["voldelige undertoner blir raskt til overtoner"], ["3:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102152-02-02", "text": "Men nettopp det stilfulle fortrenger effekten av mysteriet i fortellingen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nettopp det stilfulle fortrenger effekten av mysteriet i fortellingen"], ["4:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-03-01", "text": "S\u00f8r-koreanere Chan-wook Park er kjent for surrealistisk og effektfullt billedspr\u00e5k .", "opinions": [{"Source": [[], []], "Target": [["Chan-wook Park"], ["14:28"]], "Polar_expression": [["kjent for surrealistisk og effektfullt billedspr\u00e5k"], ["32:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["billedspr\u00e5k"], ["71:82"]], "Polar_expression": [["effektfullt"], ["59:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["billedspr\u00e5k"], ["71:82"]], "Polar_expression": [["surrealistisk"], ["42:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-03-02", "text": "I \u00ab Stoker \u00bb bruker han det p\u00e5 en elegant m\u00e5te for \u00e5 poengtere hva som r\u00f8rer seg i en ung jentes turbulente , kl\u00f8ktige og oppr\u00f8rske sinn og sjel .", "opinions": [{"Source": [[], []], "Target": [["han"], ["20:23"]], "Polar_expression": [["I \u00ab Stoker \u00bb bruker", "det p\u00e5 en elegant m\u00e5te"], ["0:19", "24:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-04-01", "text": "Plottes skal ikke r\u00f8pes ; men det dreier seg om en unge jente som p\u00e5 sin 18-\u00e5rs dag opplever at faren blir drept i en bilulykke - tilsynelatende .", "opinions": []}, {"sent_id": "102152-04-02", "text": "Jentas forhold til moren er distansert , men b\u00e5de mor og datters nysgjerrighet pirres n\u00e5r farens ukjent yngre bror dukker opp i begravelsen .", "opinions": []}, {"sent_id": "102152-05-01", "text": "Kjapt aner man en onkel med manipulerende egenskaper , en mor med t\u00e5kelagt frustrasjon og en ungjente med farlige tilb\u00f8yeligheter .", "opinions": [{"Source": [[], []], "Target": [["onkel"], ["18:23"]], "Polar_expression": [["manipulerende egenskaper"], ["28:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mor"], ["58:61"]], "Polar_expression": [["t\u00e5kelagt frustrasjon"], ["66:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ungjente"], ["93:101"]], "Polar_expression": [["farlige tilb\u00f8yeligheter"], ["106:129"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-05-02", "text": "Sistnevnte spilles med en overbevisende miks av uggen , kj\u00f8lig distanse og r\u00e5 energi av Masikowska .", "opinions": [{"Source": [[], []], "Target": [["Masikowska"], ["88:98"]], "Polar_expression": [["spilles med en overbevisende miks av uggen , kj\u00f8lig distanse og r\u00e5 energi"], ["11:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-06-01", "text": "Kidman som moren , leker seg med undertoner av sensuell s\u00f8vnighet , og Weaver forf\u00f8rer damene med fl\u00f8rtende eleganse , som selvsagt skjuler et bunnl\u00f8st m\u00f8rke .", "opinions": [{"Source": [[], []], "Target": [["Kidman"], ["0:6"]], "Polar_expression": [["leker seg med undertoner av sensuell s\u00f8vnighet"], ["19:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Weaver"], ["71:77"]], "Polar_expression": [["forf\u00f8rer damene med fl\u00f8rtende eleganse"], ["78:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-07-01", "text": "Filmen betar med br\u00e5 kast av visuell uhygge og vold som korresponderer godt med personenes turbulente sinn .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["br\u00e5 kast av visuell uhygge og vold som korresponderer godt med personenes turbulente sinn"], ["17:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102152-07-02", "text": "Regiss\u00f8ren har Hitchcock som en av sine forbilder , noe som synliggj\u00f8res i fascinasjonen for natur , og skr\u00e5blikk p\u00e5 menneskesinnet .", "opinions": [{"Source": [["Regiss\u00f8ren"], ["0:10"]], "Target": [["Hitchcock"], ["15:24"]], "Polar_expression": [["forbilder"], ["40:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102152-08-01", "text": "Men der Hitchcock som oftest gir publikum en nervebitende opplevelse , er Chan-wook Parks film mer visuell stilfull enn nifs .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["oftest gir publikum en nervebitende opplevelse"], ["22:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Chan-wook Parks film"], ["74:94"]], "Polar_expression": [["mer visuell stilfull enn nifs"], ["95:124"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303167-01-01", "text": "S\u00f8t musikk", "opinions": []}, {"sent_id": "303167-02-01", "text": "\u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb er vakker \u00e5 se p\u00e5 , men historien er i stilleste laget .", "opinions": [{"Source": [[], []], "Target": [["\u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb"], ["0:22"]], "Polar_expression": [["vakker \u00e5 se p\u00e5"], ["26:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb"], ["0:22"]], "Polar_expression": [["historien er i stilleste laget"], ["47:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["47:56"]], "Polar_expression": [["i stilleste laget"], ["60:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303167-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "303167-03-02", "text": "Studio Ghibli har fortryllet millioner av barn ( og voksne ) med sine h\u00e5ndmalte eventyr - vi kan nevne \u00ab Chihiro og heksene \u00bb , \u00ab Ponyo \u00bb og \u00ab Min nabo Totoro \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Studio Ghibli"], ["0:13"]], "Polar_expression": [["fortryllet millioner av barn ( og voksne )"], ["18:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Chihiro og heksene \u00bb"], ["103:125"]], "Polar_expression": [["fortryllet millioner av barn ( og voksne )"], ["18:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ponyo \u00bb"], ["128:137"]], "Polar_expression": [["fortryllet millioner av barn ( og voksne )"], ["18:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Min nabo Totoro \u00bb"], ["141:160"]], "Polar_expression": [["fortryllet millioner av barn ( og voksne )"], ["18:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303167-03-03", "text": "Det er bare ett \u00e5r siden kinopremieren p\u00e5 \u00ab Arriettas hemmelige verden \u00bb , som har det felles med \u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb at manus er skrevet av Ghiblis grunnlegger , Hayao Miyazaki .", "opinions": []}, {"sent_id": "303167-03-04", "text": "Regien er ved hans eldste s\u00f8nn , Goro .", "opinions": []}, {"sent_id": "303167-04-01", "text": "Snill og s\u00f8t", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Snill og s\u00f8t"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303167-04-02", "text": "Vanligvis kommer Studio Ghiblis filmer p\u00e5 kino i dubbet utgave , siden de er beregnet p\u00e5 sm\u00e5 barn .", "opinions": []}, {"sent_id": "303167-04-03", "text": "\u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb er satt opp i originalutgaven , med japanske stemmer og norske tekster og er uttrykkelig rettet mot ten\u00e5ringer .", "opinions": []}, {"sent_id": "303167-04-04", "text": "Uttrykkelig , i den forstand at det st\u00e5r p\u00e5 vaskeseddelen og fordi hovedfigurene er s\u00e5nn omtrent 16 \u00e5r .", "opinions": []}, {"sent_id": "303167-04-05", "text": "Men samtidig er filmen snill , naiv og like voldsfri som andre Ghibli-filmer .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["16:22"]], "Polar_expression": [["snill"], ["23:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["16:22"]], "Polar_expression": [["naiv"], ["31:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["16:22"]], "Polar_expression": [["like voldsfri som andre Ghibli-filmer"], ["39:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303167-04-06", "text": "Den er ogs\u00e5 \u00ab tillatt for alle \u00bb , i motsetning til \u00ab Arrietta \u00bb ( 7 \u00e5r ) , som var dubbet .", "opinions": []}, {"sent_id": "303167-04-07", "text": "Kj\u00e6rlighetshistorien mellom Umi og Shun er muligens vel avansert for fem\u00e5ringer , men jeg tror p\u00e5 den annen side at ten\u00e5ringer vil synes at den er ganske barnslig fortalt .", "opinions": [{"Source": [["jeg"], ["86:89"]], "Target": [["Kj\u00e6rlighetshistorien"], ["0:20"]], "Polar_expression": [["ten\u00e5ringer vil synes at den er ganske barnslig fortalt"], ["116:170"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["86:89"]], "Target": [["Kj\u00e6rlighetshistorien"], ["0:20"]], "Polar_expression": [["muligens vel avansert for fem\u00e5ringer"], ["43:79"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303167-05-01", "text": "Krevende overgang", "opinions": [{"Source": [[], []], "Target": [["overgang"], ["9:17"]], "Polar_expression": [["Krevende"], ["0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303167-05-02", "text": "Litt om historien :", "opinions": []}, {"sent_id": "303167-05-03", "text": "\u00c5ret er 1963 og Japan forbereder seg p\u00e5 Olympiske leker i Tokyo .", "opinions": []}, {"sent_id": "303167-05-04", "text": "Umi g\u00e5r p\u00e5 videreg\u00e5ende i nabobyen Yokohama og bor p\u00e5 et pensjonat , der hun hjelper til med matlagingen og passer sine sm\u00e5s\u00f8sken .", "opinions": []}, {"sent_id": "303167-05-05", "text": "Faren ble borte under Koreakrigen og legemoren er i USA .", "opinions": []}, {"sent_id": "303167-05-06", "text": "P\u00e5 skolen blir det mye oppstyr n\u00e5r man f\u00e5r vite at studentenes klubbhus skal rives .", "opinions": []}, {"sent_id": "303167-05-07", "text": "Umi blir kjent med Shun , som er redakt\u00f8r for studentavisa , markant rivningsmotstander og sv\u00e6rt popul\u00e6r blant jentene .", "opinions": []}, {"sent_id": "303167-05-08", "text": "De blir venner , men et alvorlig hinder kommer i veien for at de skal bli mer intime med hverandre .", "opinions": []}, {"sent_id": "303167-06-01", "text": "Som alltid hos Ghibli er h\u00e5ndverket en nytelse , men jeg synes ikke 71 \u00e5r gamle Miyazaki har lykkes helt med overgangen fra barnefilm til ten\u00e5ringsdrama .", "opinions": [{"Source": [["jeg"], ["53:56"]], "Target": [["Ghibli"], ["15:21"]], "Polar_expression": [["Som alltid", "h\u00e5ndverket en nytelse"], ["0:10", "25:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["53:56"]], "Target": [["h\u00e5ndverket"], ["25:35"]], "Polar_expression": [["nytelse"], ["39:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["53:56"]], "Target": [["Miyazaki"], ["80:88"]], "Polar_expression": [["ikke", "lykkes helt med overgangen fra barnefilm til ten\u00e5ringsdrama"], ["63:67", "93:152"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303167-06-02", "text": "Fjortiser er en krevende gjeng og \u00f8nsker ikke \u00e5 la seg begeistre av det samme som sine sm\u00e5s\u00f8sken .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["krevende gjeng"], ["16:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303167-06-03", "text": "Jeg vil ikke anbefale \u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb som kinodate for 15-\u00e5ringer , men har du en s\u00f8nn eller datter p\u00e5 ti , kan du trygt spandere billetter .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb"], ["22:44"]], "Polar_expression": [["ikke anbefale", "som kinodate for 15-\u00e5ringer"], ["8:21", "45:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["\u00ab M\u00f8te p\u00e5 valmue\u00e5sen \u00bb"], ["22:44"]], "Polar_expression": [["har du en s\u00f8nn eller datter p\u00e5 ti , kan du trygt spandere billetter"], ["79:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-01-01", "text": "Spillanmeldelse :", "opinions": []}, {"sent_id": "109594-01-02", "text": "Sl\u00f8y samurai", "opinions": []}, {"sent_id": "109594-02-01", "text": "\u00ab Afro Samurai \u00bb er et skoleeksempel p\u00e5 \u00e5 sette stil foran innhold .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Afro Samurai \u00bb"], ["0:16"]], "Polar_expression": [["skoleeksempel p\u00e5 \u00e5 sette stil foran innhold"], ["23:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-03-01", "text": "P\u00e5 papiret er \u00ab Afro Samurai \u00bb bortimot uimotst\u00e5elig .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Afro Samurai \u00bb"], ["14:30"]], "Polar_expression": [["P\u00e5 papiret", "bortimot uimotst\u00e5elig"], ["0:10", "31:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-03-02", "text": "Verdens cooleste samurai p\u00e5 hevntokt , ninjaer , ultravold i sakte film , Samuel L. Jackson , Ron Perlman og tilbakelente hip-hop-toner fra The RZA .", "opinions": [{"Source": [[], []], "Target": [["samurai"], ["17:24"]], "Polar_expression": [["Verdens cooleste"], ["0:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ninjaer"], ["39:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ultravold i sakte film"], ["49:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Samuel L. Jackson"], ["74:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ron Perlman"], ["94:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["tilbakelente hip-hop-toner fra The RZA"], ["109:147"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-04-01", "text": "Selv uten anime-serien spillet er basert p\u00e5 ville konseptet ha st\u00e5tt sv\u00e6rt godt p\u00e5 egne ben .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["23:30"]], "Polar_expression": [["Selv uten anime-serien", "ville konseptet ha st\u00e5tt sv\u00e6rt godt p\u00e5 egne ben"], ["0:22", "44:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-04-02", "text": "Det roper om \u00e5 bli kj\u00f8pt .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["roper om \u00e5 bli kj\u00f8pt"], ["4:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-05-01", "text": "Og til en viss grad har Namco lykkes i \u00e5 lage en kul opplevelse .", "opinions": [{"Source": [[], []], "Target": [["Namco"], ["24:29"]], "Polar_expression": [["til en viss grad", "lykkes i \u00e5 lage en kul opplevelse"], ["3:19", "30:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109594-05-02", "text": "Kampsystemet er forutsigbart , men visuelt lekkert og variert , og b\u00e5de tegnefilmgrafikken og musikken lager en deilig ramme .", "opinions": [{"Source": [[], []], "Target": [["Kampsystemet"], ["0:12"]], "Polar_expression": [["forutsigbart"], ["16:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kampsystemet"], ["0:12"]], "Polar_expression": [["visuelt lekkert og variert"], ["35:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tegnefilmgrafikken"], ["72:90"]], "Polar_expression": [["lager en deilig ramme"], ["103:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikken"], ["94:102"]], "Polar_expression": [["lager en deilig ramme"], ["103:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109594-06-01", "text": "Men spillet er s\u00e5 kl\u00f8nete satt sammen at \u00ab Afro Samurai \u00bb ikke er i n\u00e6rheten av \u00e5 oppn\u00e5 sitt udiskutable potensiale .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Afro Samurai \u00bb"], ["41:57"]], "Polar_expression": [["ikke er i n\u00e6rheten av \u00e5 oppn\u00e5 sitt udiskutable potensiale"], ["58:115"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Afro Samurai \u00bb"], ["41:57"]], "Polar_expression": [["s\u00e5 kl\u00f8nete satt sammen"], ["15:37"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-07-01", "text": "Historien er p\u00e6lmet inn i spillet p\u00e5 vilk\u00e5rlig og forvirrende vis , kameravinklene og kontrollsystemet er plaget av skurring jeg trodde vi var kvitt for godt for lenge siden og bortsett fra musikken er lydbildet amat\u00f8rmessig spakt .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["p\u00e6lmet inn i spillet p\u00e5 vilk\u00e5rlig og forvirrende vis"], ["13:65"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["125:128"]], "Target": [["kontrollsystemet"], ["86:102"]], "Polar_expression": [["plaget av skurring", "trodde vi var kvitt for godt for lenge siden"], ["106:124", "129:173"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["125:128"]], "Target": [["kameravinklene"], ["68:82"]], "Polar_expression": [["plaget av skurring", "trodde vi var kvitt for godt for lenge siden"], ["106:124", "129:173"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbildet"], ["202:211"]], "Polar_expression": [["amat\u00f8rmessig spakt"], ["212:230"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109594-08-01", "text": "Hvilket er skuffende , konseptet \u00ab Afro Samurai \u00bb fortjener et bedre spill enn dette .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["79:84"]], "Polar_expression": [["konseptet \u00ab Afro Samurai \u00bb fortjener et bedre spill"], ["23:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["dette"], ["79:84"]], "Polar_expression": [["skuffende"], ["11:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109594-09-01", "text": "PS :", "opinions": []}, {"sent_id": "109594-09-02", "text": "I salg fra fredag 27. mars .", "opinions": []}, {"sent_id": "109594-10-01", "text": "Flere ferske anmeldelser av PS3- og 360-spill :", "opinions": []}, {"sent_id": "109594-11-01", "text": "Trailer fra PS3- og 360-spillet Afro Samurai .", "opinions": []}, {"sent_id": "501037-01-01", "text": "Tor Endresen fikser Lennon", "opinions": [{"Source": [[], []], "Target": [["Tor Endresen"], ["0:12"]], "Polar_expression": [["fikser Lennon"], ["13:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-02-01", "text": "Lykkes nesten hundre prosent .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lykkes nesten hundre prosent"], ["0:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-03-01", "text": "Tor Endresen fikser det meste .", "opinions": [{"Source": [[], []], "Target": [["Tor Endresen"], ["0:12"]], "Polar_expression": [["fikser det meste"], ["13:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-03-02", "text": "B\u00e5de julekonserter og Melodi Grand Prix .", "opinions": []}, {"sent_id": "501037-03-03", "text": "Tar han p\u00e5 seg runde briller og en dongerijakke klarer han til og med \u00e5 fremst\u00e5 som en troverdig utgave av John Lennon , slik han gjorde p\u00e5 Ricks torsdag kveld .", "opinions": [{"Source": [[], []], "Target": [["han"], ["55:58"]], "Polar_expression": [["klarer han til og med \u00e5 fremst\u00e5 som en troverdig utgave av John Lennon"], ["48:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-03-04", "text": "En solid musikalsk historielekse som med ord , toner og litt humor ga et innblikk i livet til Beatles-idolet fra 60 og 70-tallet ..", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["solid musikalsk historielekse"], ["3:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt humor"], ["56:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501037-04-01", "text": "Forestillingen bygger p\u00e5 den engelske skuespilleren John Waters \u2019 \u00ab Looking Through A Glass Onion \u00bb , et show som har v\u00e6rt fremf\u00f8rt over hele verden de siste 20 \u00e5rene .", "opinions": []}, {"sent_id": "501037-04-02", "text": "En fortelling om John Lennons liv og musikk fremf\u00f8rt som en monolog av Lennon selv .", "opinions": []}, {"sent_id": "501037-04-03", "text": "Men dette er ingen kopi av den engelske utgaven .", "opinions": []}, {"sent_id": "501037-04-04", "text": "Den musikalske grunnstammen er riktignok beholdt , men mange av l\u00e5tene er ogs\u00e5 byttet ut .", "opinions": []}, {"sent_id": "501037-04-05", "text": "Teksten er oversatt og delvis nyskrevet av Tore Nys\u00e6ther som ogs\u00e5 har regien .", "opinions": []}, {"sent_id": "501037-04-06", "text": "Den engelske utgaven fremf\u00f8res bare med gitar og tangenter , mens Tor Endresen har et fire manns band i ryggen .", "opinions": []}, {"sent_id": "501037-05-01", "text": "Det starter og slutter med Mark David Chapmans fem skudd som tok livet av John Lennon en desemberkveld i New York i 1980 .", "opinions": []}, {"sent_id": "501037-05-02", "text": "I l\u00f8pet av to timer forteller s\u00e5 Lennon om sitt liv .", "opinions": []}, {"sent_id": "501037-05-03", "text": "Om barndommen i Liverpool , tiden med The Beatles og de kaotiske \u00e5rene som soloartist i New York .", "opinions": []}, {"sent_id": "501037-06-01", "text": "Historien blir fortalt med et bergensk gatespr\u00e5k .", "opinions": []}, {"sent_id": "501037-06-02", "text": "Det er det eneste som ville fungert for Tor Endresen , men gj\u00f8r likevel at det ikke alltid stemmer hundre prosent .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke alltid stemmer hundre prosent"], ["79:113"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501037-06-03", "text": "For det skal innr\u00f8mmes at man aldri helt kommer under huden p\u00e5 hovedpersonen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["aldri helt kommer under huden p\u00e5 hovedpersonen"], ["30:76"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501037-06-04", "text": "Noe som ogs\u00e5 er en nesten uoverkommelig oppgave i en to timer lang forestilling der mye av stoffet utgj\u00f8res av det musikalske .", "opinions": []}, {"sent_id": "501037-07-01", "text": "I all hovedsak er monologen bygget p\u00e5 intervjuer og Lennons eget skriftlige materiale .", "opinions": []}, {"sent_id": "501037-07-02", "text": "Men her m\u00e5 ogs\u00e5 v\u00e6re en del som er omformet for \u00e5 passe inn i settingen .", "opinions": []}, {"sent_id": "501037-07-03", "text": "Uttrykk som bamseklubben p\u00e5 Playa Del Ingles er vel tvilsomt om kommer fra Lennon selv .", "opinions": []}, {"sent_id": "501037-07-04", "text": "Da Endresen nevner Lennons elskerinne May Pang , og trommis Nyheim utbryter \u00ab Meir peng ? \u00bb f\u00e5r han selvf\u00f8lgelig publikum til \u00e5 le .", "opinions": []}, {"sent_id": "501037-07-05", "text": "Men det har lite med Lennon \u00e5 gj\u00f8re .", "opinions": []}, {"sent_id": "501037-07-06", "text": "Slike kjipe morsomheter er det heldigvis f\u00e5 av .", "opinions": [{"Source": [[], []], "Target": [["kjipe morsomheter"], ["6:23"]], "Polar_expression": [["heldigvis f\u00e5 av"], ["31:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-07-07", "text": "Da fungerer det atskillig bedre n\u00e5r det f\u00f8rste verset p\u00e5 Beatlesl\u00e5ten \u00ab Girl \u00bb fremf\u00f8res med indisk dialekt som en parodi p\u00e5 guruen Maharishi Yogi som Beatlesmedlemmene var opptatt av i en kort periode .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fungerer det atskillig bedre", "\u00ab Girl \u00bb fremf\u00f8res med indisk dialekt som en parodi"], ["3:31", "70:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-08-01", "text": "Det musikalske er det derimot lite \u00e5 utsette p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["musikalske"], ["4:14"]], "Polar_expression": [["lite \u00e5 utsette p\u00e5"], ["30:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-08-02", "text": "Tor Endresen klarer faktisk til tider \u00e5 h\u00f8res ut som Lennon selv med sin spesielle og lett nasale stemme , og her skurrer det aldri .", "opinions": [{"Source": [[], []], "Target": [["Tor Endresen"], ["0:12"]], "Polar_expression": [["klarer faktisk til tider \u00e5 h\u00f8res ut som Lennon selv"], ["13:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tor Endresen"], ["0:12"]], "Polar_expression": [["skurrer det aldri"], ["114:131"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-08-03", "text": "Verken p\u00e5 gammelrockl\u00e5tene , Beatles eller stoffet fra soloalbumene .", "opinions": []}, {"sent_id": "501037-08-04", "text": "Totalt inneholder kvelden mer enn 30 sanger \u2013 en lett blanding fra hele Lennons produksjon .", "opinions": []}, {"sent_id": "501037-08-05", "text": "Ikke alle fremf\u00f8res i sin helhet , men riktig bra l\u00e5ter det uten unntak .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke alle fremf\u00f8res i sin helhet"], ["0:32"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["riktig bra l\u00e5ter det uten unntak"], ["39:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-09-01", "text": "Det hjelper selvsagt at de fire musikerne har f\u00e5tt Beatles inn med morsmelken .", "opinions": []}, {"sent_id": "501037-09-02", "text": "Ofte er de ganske tro mot originalen som under \u00ab Lucy In The Sky With Diamonds \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ofte er de ganske tro mot originalen"], ["0:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Lucy In The Sky With Diamonds \u00bb"], ["47:80"]], "Polar_expression": [["tro mot originalen"], ["18:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-09-03", "text": "Men ogs\u00e5 n\u00e5r de leverer mer frie tolkninger som \u00ab Working Class Hero \u00bb , blir det hundre prosent riktig .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Working Class Hero \u00bb"], ["48:70"]], "Polar_expression": [["frie tolkninger", "hundre prosent riktig"], ["28:43", "82:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-09-04", "text": "Til og med det \u00e5 flette den f\u00f8rste Beatles-singelen \u00ab Love Me Do \u00bb midt inne i en versjon av Lennons \u00ab Crippled Inside \u00bb er helt som det skal v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["\u00e5 flette den f\u00f8rste Beatles-singelen \u00ab Love Me Do \u00bb midt inne i en versjon av Lennons \u00ab Crippled Inside \u00bb"], ["15:120"]], "Polar_expression": [["helt som det skal v\u00e6re"], ["124:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-09-05", "text": "Bandet best\u00e5ende av Daniel Birkeland p\u00e5 gitar , Kai Taule p\u00e5 bass , Dag \u00d8ivind Rebnord bak tangentene og trommis Helge Nyheim klarer virkelig \u00e5 gjenskape b\u00e5de Beatles og Lennon p\u00e5 en m\u00e5te som det st\u00e5r respekt av .", "opinions": [{"Source": [[], []], "Target": [["Bandet"], ["0:6"]], "Polar_expression": [["klarer virkelig \u00e5 gjenskape b\u00e5de Beatles og Lennon p\u00e5 en m\u00e5te som det st\u00e5r respekt av"], ["126:211"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-10-01", "text": "Som musikalsk forestilling lykkes \u00ab Lennon \u00bb hundre prosent .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Lennon \u00bb"], ["34:44"]], "Polar_expression": [["musikalsk forestilling lykkes", "hundre prosent"], ["4:33", "45:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501037-10-02", "text": "Som historielekse er den derimot ikke helt uten sm\u00e5 svakheter .", "opinions": [{"Source": [[], []], "Target": [["den"], ["21:24"]], "Polar_expression": [["historielekse", "ikke helt uten sm\u00e5 svakheter"], ["4:17", "33:61"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501037-10-03", "text": "Likevel s\u00e5 bra at Tor Endresen allerede n\u00e5 burde s\u00f8ke skoleverket om f\u00e5 fremf\u00f8rt forestillingen som pensum for den oppvoksende generasjon .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5 bra at Tor Endresen allerede n\u00e5 burde s\u00f8ke skoleverket om f\u00e5 fremf\u00f8rt forestillingen som pensum for den oppvoksende generasjon"], ["8:137"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501037-11-01", "text": "EINAR ENGELSTAD", "opinions": []}, {"sent_id": "109566-01-01", "text": "Gavin DeGraw \u00ab Free \u00bb", "opinions": []}, {"sent_id": "109566-02-01", "text": "( J Records / Sony Music )", "opinions": []}, {"sent_id": "109566-03-01", "text": "Under gjennomsnittet fra gjennomsnittlig artist .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Under gjennomsnittet"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["artist"], ["41:47"]], "Polar_expression": [["gjennomsnittlig"], ["25:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-04-01", "text": "Det \u00e5pner ikke s\u00e5 aller verst med en rensk\u00e5ret versjon av avd\u00f8de Chris Whitleys blues \u00ab Indian Summer \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00e5pner ikke s\u00e5 aller verst"], ["4:29"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["versjon av avd\u00f8de Chris Whitleys blues \u00ab Indian Summer \u00bb"], ["47:103"]], "Polar_expression": [["rensk\u00e5ret"], ["37:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-04-02", "text": "Den tydeliggj\u00f8r samtidig DeGraws store problem - at han ikke evner \u00e5 skrive gode l\u00e5ter selv .", "opinions": [{"Source": [[], []], "Target": [["DeGraws"], ["25:32"]], "Polar_expression": [["ikke evner \u00e5 skrive gode l\u00e5ter selv"], ["56:91"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han ikke evner \u00e5 skrive gode l\u00e5ter selv"], ["52:91"]], "Polar_expression": [["store problem"], ["33:46"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-05-01", "text": "Siden amerikaneren inntok stjernehimmelen i 2003 med hitsinglene \u00ab Chariot \u00bb og \u00ab I Don't Wanna Be \u00bb , har alt annet v\u00e6rt oppkok over samme lest .", "opinions": [{"Source": [[], []], "Target": [["amerikaneren"], ["6:18"]], "Polar_expression": [["inntok stjernehimmelen i 2003 med hitsinglene \u00ab Chariot \u00bb og \u00ab I Don't Wanna Be \u00bb"], ["19:100"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Chariot \u00bb og \u00ab I Don't Wanna Be \u00bb"], ["65:100"]], "Polar_expression": [["hitsinglene"], ["53:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["annet v\u00e6rt"], ["111:121"]], "Polar_expression": [["oppkok over samme lest"], ["122:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-05-02", "text": "DeGraw er en teknisk begavet sanger og instrumentalist , men en middelm\u00e5dig l\u00e5tskriver som denne gangen leverer under eget pari .", "opinions": [{"Source": [[], []], "Target": [["DeGraw"], ["0:6"]], "Polar_expression": [["teknisk begavet sanger"], ["13:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["DeGraw"], ["0:6"]], "Polar_expression": [["teknisk begavet", "instrumentalist"], ["13:28", "39:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["sanger"], ["29:35"]], "Polar_expression": [["begavet"], ["21:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["DeGraw"], ["0:6"]], "Polar_expression": [["middelm\u00e5dig l\u00e5tskriver"], ["64:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["DeGraw"], ["0:6"]], "Polar_expression": [["denne gangen leverer under eget pari"], ["91:127"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109566-06-01", "text": "Det hjelper ikke at tekstene bugner over av klisjeer med titler som \u00ab Stay \u00bb , \u00ab Lover Be Strong \u00bb og \u00ab Waterfall \u00bb .", "opinions": [{"Source": [[], []], "Target": [["tekstene"], ["20:28"]], "Polar_expression": [["bugner over av klisjeer"], ["29:52"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-06-02", "text": "Og at man ikke klarer \u00e5 finne en annen albumtittel enn en av rockehistoriens mest brukte , sier det meste om mangelen p\u00e5 kreativitet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mangelen p\u00e5 kreativitet"], ["109:132"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["albumtittel"], ["39:50"]], "Polar_expression": [["ikke klarer \u00e5 finne en annen albumtittel enn en av rockehistoriens mest brukte"], ["10:88"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-06-03", "text": "Det f\u00f8les derfor som et pluss at plata ikke er s\u00e6rlig lang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8les", "som et pluss at plata ikke er s\u00e6rlig lang"], ["4:9", "17:58"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plata"], ["33:38"]], "Polar_expression": [["ikke er s\u00e6rlig lang"], ["39:58"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109566-07-01", "text": "ANBEFALTE KJ\u00d8P :", "opinions": []}, {"sent_id": "109566-07-02", "text": "\u00ab Indian Summer \u00bb , \u00ab Why Do The Men Stray \u00bb .", "opinions": []}, {"sent_id": "400565-01-01", "text": "Bj\u00f8lsen Valsem\u00f8lle :", "opinions": []}, {"sent_id": "400565-01-02", "text": "Et ufortjent glemt band", "opinions": [{"Source": [[], []], "Target": [["band"], ["19:23"]], "Polar_expression": [["ufortjent glemt"], ["3:18"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-02-01", "text": "De kritiserer Israel , menn som skyter ulv og hyller marit Bj\u00f8rgen .", "opinions": [{"Source": [["De"], ["0:2"]], "Target": [["marit Bj\u00f8rgen"], ["53:66"]], "Polar_expression": [["hyller"], ["46:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-02-02", "text": "Bj\u00f8lsen Valsem\u00f8lle er bandet som burde n\u00e5dd toppen , men som uheldigvis ble glemt i en skuff , if\u00f8lge v\u00e5r anmelder .", "opinions": [{"Source": [["v\u00e5r anmelder"], ["102:114"]], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["burde n\u00e5dd toppen"], ["33:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["v\u00e5r anmelder"], ["102:114"]], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["uheldigvis ble glemt i en skuff"], ["61:92"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-03-01", "text": "Bj\u00f8lsen Valsem\u00f8lle er i utgangspunktet et tradisjonelt rockeband og p\u00e5 sitt vis \u2013 kanskje et av Oslos viktigste band .", "opinions": [{"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["kanskje et av Oslos viktigste band"], ["82:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-03-02", "text": "De tilh\u00f8rer en prisverdig tradisjon der samfunnsengasjement og politisk stillingtagen er en selvf\u00f8lge .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["tilh\u00f8rer en prisverdig tradisjon"], ["3:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-03-03", "text": "Samtidig har de et blikk for hva som r\u00f8rer seg i byen b\u00e5de i n\u00e5tid og fortid .", "opinions": [{"Source": [[], []], "Target": [["de"], ["13:15"]], "Polar_expression": [["har", "et blikk for hva som r\u00f8rer seg i byen"], ["9:12", "16:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-03-04", "text": "Bandet har aldri glemt hvor de kommer fra og er tro mot sitt opphav .", "opinions": [{"Source": [[], []], "Target": [["Bandet"], ["0:6"]], "Polar_expression": [["aldri glemt hvor de kommer fra"], ["11:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Bandet"], ["0:6"]], "Polar_expression": [["tro mot sitt opphav"], ["48:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-04-01", "text": "Disse har Aftenposten k\u00e5ret til \u00e5rets juleplater :", "opinions": [{"Source": [["Aftenposten"], ["10:21"]], "Target": [["Disse"], ["0:5"]], "Polar_expression": [["\u00e5rets juleplater"], ["32:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "400565-05-01", "text": "Stayerevne", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stayerevne"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-06-01", "text": "Bandet oppsto i et husokkupasjonsmilj\u00f8 p\u00e5 Sagene / Bj\u00f8lsen p\u00e5 70-tallet .", "opinions": []}, {"sent_id": "400565-06-02", "text": "Slikt setter spor .", "opinions": []}, {"sent_id": "400565-06-03", "text": "Solidaritetstanken sitter i ryggmargen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Solidaritetstanken sitter i ryggmargen"], ["0:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-06-04", "text": "Det gj\u00f8r ogs\u00e5 optimismen og fremtidsh\u00e5pet .", "opinions": []}, {"sent_id": "400565-06-05", "text": "Stayerevnen til l\u00e5tskriver og frontmann , Trond Ingebretsen og Bj\u00f8lsen Valsem\u00f8lle er b\u00e5de imponerende og i", "opinions": [{"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["63:81"]], "Polar_expression": [["Stayerevnen", "imponerende"], ["0:11", "90:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Trond Ingebretsen"], ["42:59"]], "Polar_expression": [["Stayerevnen", "imponerende"], ["0:11", "90:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-07-01", "text": "nteressant .", "opinions": []}, {"sent_id": "400565-07-02", "text": "Ikke nok med at de har holdt det g\u00e5ende i n\u00e6rmere f\u00f8rti \u00e5r , de klarer ogs\u00e5 fortsatt \u00e5 ta pulsen p\u00e5 samtiden , hedre historien og fargelegge sitt uttrykk med kledelig avv\u00e6pnende nostalgi .", "opinions": [{"Source": [[], []], "Target": [["de"], ["16:18"]], "Polar_expression": [["holdt det g\u00e5ende i n\u00e6rmere f\u00f8rti \u00e5r"], ["23:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["61:63"]], "Polar_expression": [["klarer ogs\u00e5 fortsatt \u00e5 ta pulsen p\u00e5 samtiden"], ["64:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["61:63"]], "Polar_expression": [["klarer", "\u00e5", "hedre historien"], ["64:70", "85:86", "111:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["61:63"]], "Polar_expression": [["klarer", "\u00e5", "fargelegge sitt uttrykk med kledelig avv\u00e6pnende nostalgi"], ["64:70", "85:86", "130:186"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-08-01", "text": "Selv om de musikalsk tilh\u00f8rer en annen tid , og kan virke umoderne i noen sine \u00f8rer , er dette et revitalisert og potent band som fortjener st\u00f8rre oppmerksomhet .", "opinions": [{"Source": [[], []], "Target": [["de"], ["8:10"]], "Polar_expression": [["kan virke umoderne i noen sine \u00f8rer"], ["48:83"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["8:10"]], "Polar_expression": [["musikalsk tilh\u00f8rer en annen tid"], ["11:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["121:125"]], "Polar_expression": [["revitalisert"], ["98:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["121:125"]], "Polar_expression": [["potent"], ["114:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["121:125"]], "Polar_expression": [["fortjener st\u00f8rre oppmerksomhet"], ["130:160"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-09-01", "text": "Vi har anmeldt Bruce Springsteens nyeste samleplate :", "opinions": []}, {"sent_id": "400565-10-01", "text": "Mer enn et lokalband", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mer enn et lokalband"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-11-01", "text": "Bj\u00f8lsen Valsem\u00f8lle er et band som burde v\u00e6rt omtalt p\u00e5 lik linje med Sambandet og Hellbillies , men som har \u2013 av ulike grunner \u2013 forblitt et lokalband fra Oslo .", "opinions": [{"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["burde v\u00e6rt omtalt p\u00e5 lik linje med Sambandet og Hellbillies"], ["34:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["forblitt et lokalband fra Oslo"], ["129:159"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-11-02", "text": "Til tross for opptil flere str\u00e5lende plater de siste \u00e5rene har lite endret seg .", "opinions": [{"Source": [[], []], "Target": [["plater"], ["37:43"]], "Polar_expression": [["flere str\u00e5lende"], ["21:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-12-01", "text": "I dagens urolige tider trenger vi folk og musikk som f\u00e5r oss til \u00e5 tenke .", "opinions": []}, {"sent_id": "400565-12-02", "text": "Trond Ingebretsens sanger kan virke provoserende p\u00e5 noen , men burde heller mane til ettertanke og refleksjon der han tar opp brennbare saker .", "opinions": [{"Source": [[], []], "Target": [["Trond Ingebretsens sanger"], ["0:25"]], "Polar_expression": [["kan virke provoserende"], ["26:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Trond Ingebretsens sanger"], ["0:25"]], "Polar_expression": [["burde heller mane til ettertanke og refleksjon"], ["63:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Trond Ingebretsens sanger"], ["0:25"]], "Polar_expression": [["tar opp brennbare saker"], ["118:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-12-03", "text": "Han gir av egen erfaring og spenner opp et speil vi kan se oss selv i .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["gir av egen erfaring"], ["4:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["spenner opp et speil vi kan se oss selv i"], ["28:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-13-01", "text": "Det er ingenting som er vanskeligere enn \u00e5 skrive politiske sanger som ogs\u00e5 skal fungere utover budskapets tematikk .", "opinions": []}, {"sent_id": "400565-13-02", "text": "Det er her Bj\u00f8lsen Valsem\u00f8lle viser sitt mesterlige grep p\u00e5 denne sjangeren .", "opinions": [{"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["11:29"]], "Polar_expression": [["viser sitt mesterlige grep p\u00e5 denne sjangeren"], ["30:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-14-01", "text": "Har du h\u00f8rt plata som hyller Raga Rockers ?", "opinions": []}, {"sent_id": "400565-14-02", "text": "Vi har anmeldt den ogs\u00e5 :", "opinions": []}, {"sent_id": "400565-15-01", "text": "Dagsaktuelle temaer", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dagsaktuelle temaer"], ["0:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-16-01", "text": "F\u00e5 , om noen , skriver slike sanger i landet i dag .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["F\u00e5 , om noen , skriver slike sanger i landet i dag"], ["0:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-16-02", "text": "Trond Ingebretsen er en god historieforteller som har hjertet med seg i fortellingene .", "opinions": [{"Source": [[], []], "Target": [["Trond Ingebretsen"], ["0:17"]], "Polar_expression": [["god historieforteller"], ["24:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Trond Ingebretsen"], ["0:17"]], "Polar_expression": [["har hjertet med seg i fortellingene"], ["50:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-16-03", "text": "Om de er illsinte politiske betraktninger eller en liten nostalgisk minnestund forblir man ikke uber\u00f8rt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forblir man ikke uber\u00f8rt"], ["79:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-16-04", "text": "Han er spesielt god p\u00e5 de ulike tidsbildene han setter sangene i .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["spesielt god p\u00e5 de ulike tidsbildene han setter sangene i"], ["7:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-16-05", "text": "Det gj\u00f8r godt i disse tider .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gj\u00f8r godt"], ["4:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-17-01", "text": "Disse sangene er ikke skrevet i et vakuum , men er blitt til i frustrasjon over hvordan vi har stelt oss .", "opinions": [{"Source": [[], []], "Target": [["sangene"], ["6:13"]], "Polar_expression": [["ikke skrevet i et vakuum"], ["17:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-17-02", "text": "Den mest kontroversielle og brennbare sangen er nok \u00ab Israel , det r\u00e4cker nu \u00bb , hvor han har f\u00e5tt med seg Michael Wiehe som duettpartner .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Israel , det r\u00e4cker nu \u00bb"], ["52:78"]], "Polar_expression": [["mest kontroversielle og brennbare"], ["4:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-17-03", "text": "Sangen taler for seg selv .", "opinions": [{"Source": [[], []], "Target": [["Sangen"], ["0:6"]], "Polar_expression": [["taler for seg selv"], ["7:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-17-04", "text": "Han synger om norsk v\u00e5penproduksjon og eksport i den bitende kommentaren \u00ab En vanlig mann \u00bb .", "opinions": []}, {"sent_id": "400565-18-01", "text": "\u00ab Menn i m\u00f8rket \u00bb er tilegnet Osvald-sabot\u00f8rene , mens \u00ab Ekte mannfolk skyter ikke ulv \u00bb tar for seg ulovlig ulvejakt .", "opinions": []}, {"sent_id": "400565-19-01", "text": "Dette er Maria Menas nyeste plate :", "opinions": []}, {"sent_id": "400565-20-01", "text": "Minneperler", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Minneperler"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-21-01", "text": "En av de fineste \u00f8yeblikkene er Ingebretsens ode til Tjuvholmen .", "opinions": [{"Source": [[], []], "Target": [["Ingebretsens ode til Tjuvholmen"], ["32:63"]], "Polar_expression": [["En av de fineste \u00f8yeblikkene"], ["0:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-21-02", "text": "Her har han f\u00e5tt med seg Jon Arne Corell , en av frontfigurene i den politiske visebevegelsen p\u00e5 70-tallet .", "opinions": [{"Source": [[], []], "Target": [["Jon Arne Corell"], ["25:40"]], "Polar_expression": [["frontfigurene i den politiske visebevegelsen p\u00e5 70-tallet"], ["49:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-21-03", "text": "Et nydelig lite tidsbilde p\u00e5 byutviklingens merkelige gang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nydelig lite tidsbilde"], ["3:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-22-01", "text": "En annen godbit er \u00ab Erik , Jim Morrison og jeg \u00bb om et musikalsk m\u00f8te som viser hva som setter seg i minnet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Erik , Jim Morrison og jeg \u00bb"], ["19:49"]], "Polar_expression": [["godbit"], ["9:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-23-01", "text": "Den mest r\u00f8rende sangen er tittelmelodien , som er en sterkt personlig sang skrevet til barnebarnet .", "opinions": [{"Source": [[], []], "Target": [["tittelmelodien"], ["27:41"]], "Polar_expression": [["mest r\u00f8rende"], ["4:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-23-02", "text": "En sang som griper direkte inn i dagens mest aktuelle konflikt .", "opinions": [{"Source": [[], []], "Target": [["sang"], ["3:7"]], "Polar_expression": [["griper direkte inn i dagens mest aktuelle konflikt"], ["12:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-23-03", "text": "En sang om samhold , tilh\u00f8righet og raushet .", "opinions": [{"Source": [[], []], "Target": [["sang"], ["3:7"]], "Polar_expression": [["samhold"], ["11:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["3:7"]], "Polar_expression": [["tilh\u00f8righet"], ["21:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["3:7"]], "Polar_expression": [["raushet"], ["36:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400565-23-04", "text": "Som en kommentar til \u00ab Tider skal komme \u00bb kan man se Wyoming .", "opinions": []}, {"sent_id": "400565-23-05", "text": "En hyllest til Marit Bj\u00f8rgen er det ogs\u00e5 blitt plass til .", "opinions": [{"Source": [[], []], "Target": [["Marit Bj\u00f8rgen"], ["15:28"]], "Polar_expression": [["hyllest"], ["3:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "400565-24-01", "text": "Fikk du med deg podcasten \u00ab Serial \u00bb ?", "opinions": []}, {"sent_id": "400565-24-02", "text": "Vi har anmeldt sesong to :", "opinions": []}, {"sent_id": "400565-25-01", "text": "Finstemt band", "opinions": [{"Source": [[], []], "Target": [["band"], ["9:13"]], "Polar_expression": [["Finstemt"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-26-01", "text": "Bj\u00f8lsen Valsem\u00f8lle er en finstemt gruppe som gir vitalt liv til l\u00e5tskriverens mer eller mindre illsinte tekster .", "opinions": [{"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["finstemt"], ["25:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Bj\u00f8lsen Valsem\u00f8lle"], ["0:18"]], "Polar_expression": [["gir vitalt liv til l\u00e5tskriverens mer eller mindre illsinte tekster"], ["45:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-26-02", "text": "Dette er et rockeband tuftet p\u00e5 visens premisser .", "opinions": [{"Source": [[], []], "Target": [["rockeband"], ["12:21"]], "Polar_expression": [["tuftet p\u00e5 visens premisser"], ["22:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-26-03", "text": "Det kan h\u00f8res litt gammelmodig i disse tider , men som Henning Kvitnes og Trond Granlund treffer de en jordn\u00e6r nerve som gj\u00f8r godt .", "opinions": [{"Source": [[], []], "Target": [["de"], ["97:99"]], "Polar_expression": [["treffer", "jordn\u00e6r nerve som gj\u00f8r godt"], ["89:96", "103:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-26-04", "text": "Denne gruppen st\u00e5r fjellst\u00f8tt p\u00e5 egne premisser .", "opinions": [{"Source": [[], []], "Target": [["gruppen"], ["6:13"]], "Polar_expression": [["st\u00e5r fjellst\u00f8tt p\u00e5 egne premisser"], ["14:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400565-27-01", "text": "Se Aftenposten Kultur baksnakke kulturlivet i nytt program :", "opinions": []}, {"sent_id": "400565-28-01", "text": "Trenger du TV-tips ?", "opinions": []}, {"sent_id": "400565-28-02", "text": "Her er ti serier du b\u00f8r f\u00e5 med deg i h\u00f8st :", "opinions": []}, {"sent_id": "100183-01-01", "text": "Robert Forster \u00ab The Evangelist \u00bb", "opinions": []}, {"sent_id": "100183-02-01", "text": "( Tuition / Tuba )", "opinions": []}, {"sent_id": "100183-03-01", "text": "R\u00f8rende hyllest til avd\u00f8d partner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["R\u00f8rende hyllest"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100183-04-01", "text": "P\u00e5 \u00e5ttitallet var The Go-Betweens Australias svar p\u00e5 The Smiths og R.E.M. - stilmessig og kvalitetsmessig , om ikke salgsmessig .", "opinions": [{"Source": [[], []], "Target": [["The Go-Betweens"], ["18:33"]], "Polar_expression": [["Australias svar p\u00e5 The Smiths og R.E.M."], ["34:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "100183-04-02", "text": "Etter \u00e5 ha ligget brakk som gruppe hele nittitallet gjorde de et formidabelt kunstnerisk comeback dette ti\u00e5ret , og lagde sin kanskje beste plate , \u00ab Oceans Apart \u00bb , i 2005 .", "opinions": [{"Source": [[], []], "Target": [["comeback"], ["89:97"]], "Polar_expression": [["formidabelt kunstnerisk"], ["65:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Oceans Apart \u00bb ,"], ["148:166"]], "Polar_expression": [["lagde sin kanskje beste"], ["116:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100183-04-03", "text": "\u00c5ret etter ble det stopp , for da d\u00f8de Grant McLennan , halvparten av den kreative kjernen i bandet .", "opinions": []}, {"sent_id": "100183-05-01", "text": "Robert Forster er den gjenlevende halvparten , og med sitt f\u00f8rste soloalbum p\u00e5 12 \u00e5r byr han p\u00e5 s\u00f8rgmodig , akustisk drevet rock helt i tr\u00e5d med det siste han og McLennan lagde sammen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00f8rgmodig , akustisk drevet rock helt i tr\u00e5d med det siste han og McLennan lagde sammen"], ["96:183"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100183-05-02", "text": "D\u00f8dsfallet kaster selvsagt skygge over platen , noe Forster takler med verdighet og en rak rygg som b\u00e6rer praktfulle melodier og oppl\u00f8ftende tekster .", "opinions": [{"Source": [[], []], "Target": [["tekster"], ["141:148"]], "Polar_expression": [["oppl\u00f8ftende"], ["129:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["melodier"], ["117:125"]], "Polar_expression": [["praktfulle"], ["106:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Forster"], ["52:59"]], "Polar_expression": [["takler med verdighet og en rak rygg som b\u00e6rer praktfulle melodier og oppl\u00f8ftende tekster"], ["60:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100183-06-01", "text": "Det er en ikke ubetydelig \u00ab Automatic For The People \u00bb -f\u00f8lelse over \u00ab The Evangelist \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Evangelist \u00bb"], ["69:87"]], "Polar_expression": [["ikke ubetydelig \u00ab Automatic For The People \u00bb -f\u00f8lelse"], ["10:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100183-06-02", "text": "Forskjellen p\u00e5 den nye R.E.M.-platen og denne er forskjellen p\u00e5 rock som underholdende repetisjons\u00f8velse og rock som vital videref\u00f8ring av ubesudlet magi .", "opinions": [{"Source": [[], []], "Target": [["R.E.M.-platen"], ["23:36"]], "Polar_expression": [["underholdende repetisjons\u00f8velse"], ["73:104"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["denne"], ["40:45"]], "Polar_expression": [["vital videref\u00f8ring av ubesudlet magi"], ["117:153"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ubesudlet magi"], ["139:153"]], "Polar_expression": [["vital videref\u00f8ring"], ["117:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100183-07-01", "text": "Anbefalt kj\u00f8p :", "opinions": []}, {"sent_id": "100183-07-02", "text": "\u00ab Pandanus \u00bb , \u00ab The Evangelist \u00bb , \u00ab Let Your Light In , Babe \u00bb , \u00ab A Place To Hide Away \u00bb , \u00ab It Ain't Easy \u00bb", "opinions": []}, {"sent_id": "200183-01-01", "text": "TEST :", "opinions": []}, {"sent_id": "200183-01-02", "text": "Lexus GS 450h", "opinions": []}, {"sent_id": "200183-02-01", "text": "Lexus er av de store premium-akt\u00f8rene globalt og er p\u00e5 fremmarsj ogs\u00e5 hos oss .", "opinions": [{"Source": [[], []], "Target": [["Lexus"], ["0:5"]], "Polar_expression": [["er av de store premium-akt\u00f8rene globalt"], ["6:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lexus"], ["0:5"]], "Polar_expression": [["p\u00e5 fremmarsj"], ["52:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-03-01", "text": "343 hestekrefter mot 340 ?", "opinions": []}, {"sent_id": "200183-03-02", "text": "Ja , effekttallet fra Lexus GS 450h ligger sv\u00e6rt n\u00e6r BMW ActiveHybrid 5 og det er ikke tilfeldig .", "opinions": [{"Source": [[], []], "Target": [["Lexus GS 450h"], ["22:35"]], "Polar_expression": [["effekttallet", "ligger sv\u00e6rt n\u00e6r BMW ActiveHybrid 5"], ["5:17", "36:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-03-03", "text": "De to bilene er n\u00e6re konkurrenter , og BMW ble sist med p\u00e5 leken .", "opinions": []}, {"sent_id": "200183-04-01", "text": "Mercedes OG BMW-konkurrent", "opinions": []}, {"sent_id": "200183-05-01", "text": "Lexus-testbilen er nemlig allerede annen generasjon fra merket i klassen for store premium-sedaner med hybriddrift og fjerde generasjon GS .", "opinions": []}, {"sent_id": "200183-05-02", "text": "Det kan forekomme litt paradoksalt at vi nevner BMW f\u00f8rst blant referansene , da Lexus lenge har posisjonert seg n\u00e6rmere Mercedes i dette segmentet - det vil si med fokus p\u00e5 komfort og luksusf\u00f8lelse .", "opinions": []}, {"sent_id": "200183-05-03", "text": "Bilen vi kj\u00f8rte denne gangen t\u00e5ler imidlertid sammenligningen med BMW n\u00e5r det gjelder sistnevnte merkes kjennemerke nummer 1 : Kj\u00f8reglede .", "opinions": [{"Source": [[], []], "Target": [["Bilen"], ["0:5"]], "Polar_expression": [["Kj\u00f8reglede"], ["127:137"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-06-01", "text": "N\u00e5r Lexus helt opp her ?", "opinions": []}, {"sent_id": "200183-06-02", "text": "Svaret kommer litt lenger ned .", "opinions": []}, {"sent_id": "200183-07-01", "text": "LF-design", "opinions": []}, {"sent_id": "200183-08-01", "text": "F\u00f8rst litt om design og interi\u00f8r .", "opinions": []}, {"sent_id": "200183-08-02", "text": "Der forgjengeren kunne beskrives som elegant , men relativt anonym i stilen , kjennetegnes nye GS av en mer markant linjef\u00f8ring med et nesten aggressivt frontparti som r\u00f8per modellens mer sportslige ambisjoner .", "opinions": [{"Source": [[], []], "Target": [["nye GS"], ["91:97"]], "Polar_expression": [["av en mer markant linjef\u00f8ring", "kjennetegnes"], ["98:127", "78:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["frontparti"], ["153:163"]], "Polar_expression": [["nesten aggressivt"], ["135:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["frontparti"], ["153:163"]], "Polar_expression": [["r\u00f8per modellens mer sportslige ambisjoner"], ["168:209"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forgjengeren"], ["4:16"]], "Polar_expression": [["elegant"], ["37:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forgjengeren"], ["4:16"]], "Polar_expression": [["relativt anonym i stilen"], ["51:75"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-08-03", "text": "Dette gjelder i s\u00e6rlig grad F-Sport-versjonen , som er den vi hadde som testeksemplar .", "opinions": []}, {"sent_id": "200183-08-04", "text": "Designen er basert p\u00e5 LF-stilen ( \" Lexus Finesse \" ) , som IS 250 var f\u00f8rst ute med som produksjonsbil da den ble lansert i 2005 .", "opinions": []}, {"sent_id": "200183-09-01", "text": "Slappere bak", "opinions": [{"Source": [[], []], "Target": [["bak"], ["9:12"]], "Polar_expression": [["Slappere"], ["0:8"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-10-01", "text": "Vi er imidlertid enige med flere av kommentatorene som er litt skuffet over at designerne ser ut som om de hadde mistet noe av inspirasjonen da de kom til hekken - denne har etter v\u00e5r mening et mer anonymt Toyota-preg .", "opinions": [{"Source": [[], []], "Target": [["designerne"], ["79:89"]], "Polar_expression": [["ser ut som om de hadde mistet noe av inspirasjonen da de kom til hekken"], ["90:161"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["etter v\u00e5r mening"], ["174:190"]], "Target": [["hekken"], ["155:161"]], "Polar_expression": [["mer anonymt Toyota-preg"], ["194:217"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["flere av kommentatorene"], ["27:50"]], "Target": [[], []], "Polar_expression": [["er litt skuffet over at designerne ser ut som om de hadde mistet noe av inspirasjonen da de kom til hekken"], ["55:161"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "200183-10-02", "text": "Allikevel :", "opinions": []}, {"sent_id": "200183-10-03", "text": "Vi anser dagens generasjon GS - som faktisk ble vist f\u00f8rste gang for over et \u00e5r siden p\u00e5 bilutstillingen i Frankfurt - som harmonisk og sporty i stilen .", "opinions": [{"Source": [[], []], "Target": [["dagens generasjon GS"], ["9:29"]], "Polar_expression": [["harmonisk og sporty i stilen"], ["123:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-10-04", "text": "Et godt utgangspunkt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["godt utgangspunkt"], ["3:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-11-01", "text": "Standsmessig interi\u00f8r", "opinions": [{"Source": [[], []], "Target": [["interi\u00f8r"], ["13:21"]], "Polar_expression": [["Standsmessig"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-12-01", "text": "Enda bedre blir det n\u00e5r man setter seg inn i bilen .", "opinions": [{"Source": [[], []], "Target": [["n\u00e5r man setter seg inn i bilen"], ["20:50"]], "Polar_expression": [["Enda bedre"], ["0:10"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-12-02", "text": "Luksusf\u00f8lelsen er p\u00e5tagelig som seg h\u00f8r og b\u00f8r i en bil med et slikt navn .", "opinions": [{"Source": [[], []], "Target": [["Luksusf\u00f8lelsen"], ["0:14"]], "Polar_expression": [["Luksusf\u00f8lelsen er p\u00e5tagelig som seg h\u00f8r og b\u00f8r"], ["0:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-12-03", "text": "Helheten er elegant , men ogs\u00e5 ryddig og ergonomisk .", "opinions": [{"Source": [[], []], "Target": [["Helheten"], ["0:8"]], "Polar_expression": [["elegant"], ["12:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Helheten"], ["0:8"]], "Polar_expression": [["ryddig"], ["31:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Helheten"], ["0:8"]], "Polar_expression": [["ergonomisk"], ["41:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-12-04", "text": "Kvalitetsf\u00f8lelsen er h\u00f8y , med forseggjorte detaljer .", "opinions": [{"Source": [[], []], "Target": [["Kvalitetsf\u00f8lelsen"], ["0:17"]], "Polar_expression": [["h\u00f8y"], ["21:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kvalitetsf\u00f8lelsen er h\u00f8y"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["detaljer"], ["44:52"]], "Polar_expression": [["forseggjorte"], ["31:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-12-05", "text": "V\u00e5rt F-Sport-eksemplar var utstyrt med r\u00f8dt skinninteri\u00f8r , men man kan selvsagt velge mer diskret dekor om man \u00f8nsker det .", "opinions": [{"Source": [[], []], "Target": [["V\u00e5rt F-Sport-eksemplar"], ["0:22"]], "Polar_expression": [["r\u00f8dt skinninteri\u00f8r"], ["39:57"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["man kan selvsagt velge mer diskret dekor"], ["64:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200183-12-06", "text": "For v\u00e5r del syntes vi det kledde bilen godt , og det viktigste er selvsagt hvordan man finner seg til rette i setene og - for f\u00f8rerens del - bak rattet .", "opinions": [{"Source": [["vi"], ["19:21"]], "Target": [["det"], ["22:25"]], "Polar_expression": [["kledde bilen godt"], ["26:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-13-01", "text": "Stor skjerm", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stor"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-14-01", "text": "Det bugner av utstyr som gj\u00f8r livet om bord lettere - vel \u00e5 merke n\u00e5r man har l\u00e6rt seg betjeningen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bugner av utstyr som gj\u00f8r livet om bord lettere"], ["4:51"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["utstyr"], ["14:20"]], "Polar_expression": [["gj\u00f8r livet om bord lettere"], ["25:51"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-14-02", "text": "Multimedia-systemet er utstyrt med en stor og informativ skjerm ( 12,3 tommer ) selv om vi ikke finner grafikken like tidsriktig som i en Audi A6 , for eksempel .", "opinions": [{"Source": [[], []], "Target": [["skjerm"], ["57:63"]], "Polar_expression": [["stor"], ["38:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjerm"], ["57:63"]], "Polar_expression": [["informativ"], ["46:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjerm"], ["57:63"]], "Polar_expression": [["12,3 tommer"], ["66:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Multimedia-systemet"], ["0:19"]], "Polar_expression": [["utstyrt med en stor og informativ skjerm"], ["23:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["88:90"]], "Target": [["grafikken"], ["103:112"]], "Polar_expression": [["ikke", "like tidsriktig som i en Audi A6"], ["91:95", "113:145"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-14-03", "text": "Betjeningen via en slags musepeker kan v\u00e6re irriterende til tider , men viser seg praktisk og gir rask tilgang til relevant informasjon .", "opinions": [{"Source": [[], []], "Target": [["Betjeningen via en slags musepeker"], ["0:34"]], "Polar_expression": [["irriterende til tider"], ["44:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Betjeningen via en slags musepeker"], ["0:34"]], "Polar_expression": [["viser seg praktisk"], ["72:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Betjeningen via en slags musepeker"], ["0:34"]], "Polar_expression": [["gir rask tilgang til relevant informasjon"], ["94:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-15-01", "text": "Nok plass", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nok plass"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-16-01", "text": "For det f\u00f8rste er bilen blitt merkbart romsligere enn forgjengeren ; plassutnyttelsen har kommet seg betraktelig og GS er jo en ganske voksen bil med sine 485 lengdecentimeter ( BMW 5 : 489 ) .", "opinions": [{"Source": [[], []], "Target": [["bilen"], ["18:23"]], "Polar_expression": [["merkbart romsligere enn forgjengeren"], ["30:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plassutnyttelsen"], ["69:85"]], "Polar_expression": [["har kommet seg betraktelig"], ["86:112"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["GS"], ["116:118"]], "Polar_expression": [["ganske voksen bil"], ["128:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["GS"], ["116:118"]], "Polar_expression": [["485 lengdecentimeter"], ["155:175"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-16-02", "text": "F\u00f8rermilj\u00f8et er riktignok designet for \u00e5 omslutte f\u00f8reren og dermed er ikke romslighetsf\u00f8lelsen overd\u00e5dig foran - man f\u00f8ler seg p\u00e5 en m\u00e5te i ett med bilen , hvilket ikke alltid er lett \u00e5 f\u00e5 til i store biler .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rermilj\u00f8et"], ["0:12"]], "Polar_expression": [["designet for \u00e5 omslutte f\u00f8reren"], ["26:57"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["romslighetsf\u00f8lelsen", "foran"], ["76:95", "106:111"]], "Polar_expression": [["ikke", "overd\u00e5dig"], ["71:75", "96:105"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["149:154"]], "Polar_expression": [["man f\u00f8ler seg p\u00e5 en m\u00e5te i ett med bilen"], ["114:154"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-16-03", "text": "En viss f\u00f8lelse av intimitet hersker alts\u00e5 der fremme , men armslaget og klaring over hodet er det ikke noe \u00e5 si p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["fremme"], ["47:53"]], "Polar_expression": [["viss f\u00f8lelse av intimitet"], ["3:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["armslaget"], ["60:69"]], "Polar_expression": [["ikke noe \u00e5 si p\u00e5"], ["99:115"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["klaring over hodet"], ["73:91"]], "Polar_expression": [["ikke noe \u00e5 si p\u00e5"], ["99:115"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-17-01", "text": "\u00c5 finne riktig sittestilling er ikke noe problem takket v\u00e6re 18-veis elektrisk regulerbare seter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00c5 finne riktig sittestilling er ikke noe problem"], ["0:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["seter"], ["91:96"]], "Polar_expression": [["18-veis elektrisk regulerbare seter"], ["61:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-18-01", "text": "Bakseteplassen er blitt bedre enn f\u00f8r og bagasjerommet er heldigvis ogs\u00e5 en god del st\u00f8rre enn det var p\u00e5 forgjengeren , der batteripakken spiste en god del av plassen - merkbart mer enn hva tilfellet er her .", "opinions": [{"Source": [[], []], "Target": [["Bakseteplassen"], ["0:14"]], "Polar_expression": [["bedre enn f\u00f8r"], ["24:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bagasjerommet"], ["41:54"]], "Polar_expression": [["en god del st\u00f8rre enn det var p\u00e5 forgjengeren"], ["73:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forgjengeren"], ["106:118"]], "Polar_expression": [["batteripakken spiste en god del av plassen"], ["125:167"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-18-02", "text": "Volumet har faktisk \u00f8kt med 40 prosent og er n\u00e5 helt akseptabelt med 459 liter .", "opinions": [{"Source": [[], []], "Target": [["Volumet"], ["0:7"]], "Polar_expression": [["har", "\u00f8kt med 40 prosent"], ["8:11", "20:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Volumet"], ["0:7"]], "Polar_expression": [["helt akseptabelt med 459 liter"], ["48:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-18-03", "text": "Det har delvis \u00e5 gj\u00f8re med at Lexus har plassert batteriene p\u00e5 en smartere m\u00e5te - disse tar selvsagt fortsatt noe plass under gulvet bak der .", "opinions": [{"Source": [[], []], "Target": [["Lexus"], ["30:35"]], "Polar_expression": [["har plassert batteriene p\u00e5 en smartere m\u00e5te"], ["36:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteriene"], ["49:59"]], "Polar_expression": [["tar selvsagt fortsatt noe plass"], ["88:119"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-19-01", "text": "Et interessant punkt for enkelte :", "opinions": []}, {"sent_id": "200183-19-02", "text": "Denne hybriden kan faktisk trekke tilhenger - og det opp til 1.500 kilo .", "opinions": [{"Source": [[], []], "Target": [["Denne hybriden"], ["0:14"]], "Polar_expression": [["kan", "trekke tilhenger", "opp til 1.500 kilo"], ["15:18", "27:43", "53:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-20-01", "text": "Oppgradert hybrid", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Oppgradert hybrid"], ["0:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-21-01", "text": "Drivlinjen minner i hovedkarakteristikken om forgjengerens , i det minste n\u00e5r det gjelder ytelse .", "opinions": []}, {"sent_id": "200183-21-02", "text": "Men den er oppdatert , og kan kalles annen generasjon av systemet , som heter Lexus Hybrid Drive .", "opinions": [{"Source": [[], []], "Target": [["den"], ["4:7"]], "Polar_expression": [["oppdatert"], ["11:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-21-03", "text": "Forbrenningsmotoren , en bensindrevet V6-motor p\u00e5 3,5 liter , fungerer n\u00e5 i henhold til Atkinsons syklus , som blant annet karakteriseres ved at inntaksventilenes \u00e5pningstid er forlenget .", "opinions": [{"Source": [[], []], "Target": [["Forbrenningsmotoren"], ["0:19"]], "Polar_expression": [["bensindrevet V6-motor p\u00e5 3,5 liter"], ["25:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Forbrenningsmotoren"], ["0:19"]], "Polar_expression": [["fungerer n\u00e5 i henhold til Atkinsons syklus"], ["62:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Forbrenningsmotoren"], ["0:19"]], "Polar_expression": [["inntaksventilenes \u00e5pningstid er forlenget"], ["145:186"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-21-04", "text": "Uten \u00e5 g\u00e5 i detalj n\u00e5r det gjelder virkem\u00e5te , konstaterer vi at forbruk og utslipp er g\u00e5tt ned .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forbruk og utslipp er g\u00e5tt ned"], ["65:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200183-21-05", "text": "Toppeffekten er 343 hestekrefter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Toppeffekten er 343 hestekrefter"], ["0:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200183-22-01", "text": "Lexus GS 450h kan skilte med et forbruk p\u00e5 0,59 liter per mil og CO2-utslipp begrenset til 137 gram per kilometer .", "opinions": [{"Source": [[], []], "Target": [["Lexus GS 450h"], ["0:13"]], "Polar_expression": [["forbruk p\u00e5 0,59 liter per mil"], ["32:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Lexus GS 450h"], ["0:13"]], "Polar_expression": [["CO2-utslipp begrenset til 137 gram per kilometer"], ["65:113"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-22-02", "text": "For v\u00e5r del l\u00e5 vi under \" alminnelig \" kj\u00f8ring p\u00e5 rundt 0,7 liter per mil og heller ikke det er d\u00e5rlig i en stor , tung bil med 343 hestekrefter under panseret !", "opinions": [{"Source": [[], []], "Target": [["\" alminnelig \" kj\u00f8ring p\u00e5 rundt 0,7 liter per mil"], ["24:73"]], "Polar_expression": [["ikke det er d\u00e5rlig i en stor , tung bil"], ["84:123"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["343 hestekrefter"], ["128:144"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200183-22-03", "text": "Hvordan har s\u00e5 Lexus \" fikset \" det ?", "opinions": []}, {"sent_id": "200183-22-04", "text": "Jo , ved hjelp av str\u00f8m , selvsagt .", "opinions": []}, {"sent_id": "200183-23-01", "text": "Nok krefter", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nok krefter"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-24-01", "text": "Elmotoren kan yte opptil 200 hestekrefter og 275 newtonmeter .", "opinions": [{"Source": [[], []], "Target": [["Elmotoren"], ["0:9"]], "Polar_expression": [["kan yte opptil 200 hestekrefter"], ["10:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Elmotoren"], ["0:9"]], "Polar_expression": [["kan yte opptil", "275 newtonmeter"], ["10:24", "45:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-24-02", "text": "Dette kan imidlertid ikke bare legges til bensinmotorens ytelse ; hva elmotoren kan bidra med avhenger av transmisjonen og fremfor alt av tilgjengelig batterikapasitet og -kraft .", "opinions": []}, {"sent_id": "200183-24-03", "text": "Lexus sverger for \u00f8vrig fortsatt til nikkel metall-hydrid-batteri .", "opinions": []}, {"sent_id": "200183-24-04", "text": "Kombinert system-effekt er 345 hestekrefter og det oppgis ikke noe samlet dreiemoment , men vi opplever at det er mer enn tilfredsstillende , og det fra st\u00e5ende start .", "opinions": [{"Source": [[], []], "Target": [["Kombinert system-effekt"], ["0:23"]], "Polar_expression": [["345 hestekrefter"], ["27:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["92:94"]], "Target": [["dreiemoment"], ["74:85"]], "Polar_expression": [["mer enn tilfredsstillende"], ["114:139"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-25-01", "text": "CVT... Tja .", "opinions": []}, {"sent_id": "200183-26-01", "text": "Ytelsene blir deretter : 0 - 100 skal kunne g\u00e5 unna p\u00e5 5,9 sekunder under ideelle forhold - selv brukte vi noe over 6,5 under v\u00e5re uh\u00f8ytidelige fors\u00f8k under ikke-ideelle forhold ...", "opinions": []}, {"sent_id": "200183-26-02", "text": "Men det er kjapt det ogs\u00e5 , og farts\u00f8kningen er line\u00e6r og kraftfull .", "opinions": [{"Source": [[], []], "Target": [["farts\u00f8kningen"], ["31:44"]], "Polar_expression": [["line\u00e6r"], ["48:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["farts\u00f8kningen"], ["31:44"]], "Polar_expression": [["kraftfull"], ["58:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200183-26-03", "text": "Dessverre f\u00e5r man ikke sportsbilf\u00f8lelsen under denne \u00f8velsen - dette henger ogs\u00e5 sammen med den trinnl\u00f8se transmisjonen ( CVT ) .", "opinions": [{"Source": [[], []], "Target": [["denne \u00f8velsen"], ["47:60"]], "Polar_expression": [["f\u00e5r", "ikke sportsbilf\u00f8lelsen under denne \u00f8velsen"], ["10:13", "18:60"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-26-04", "text": "Vi kaller det ikke girkasse , for det er ingen girkasse i tradisjonell forstand .", "opinions": []}, {"sent_id": "200183-26-05", "text": "Denne CVT-l\u00f8sningen er riktignok smidigere og gir mindre \" symaskin \" -f\u00f8lelse enn i Toyota-hybridene , men vi foretrekker ubetinget BMWs l\u00f8sning med \u00e5ttetrinns sportsautomat .", "opinions": [{"Source": [[], []], "Target": [["CVT-l\u00f8sningen"], ["6:19"]], "Polar_expression": [["smidigere"], ["33:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["CVT-l\u00f8sningen"], ["6:19"]], "Polar_expression": [["gir mindre \" symaskin \" -f\u00f8lelse enn i Toyota-hybridene"], ["46:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["108:110"]], "Target": [["BMWs l\u00f8sning"], ["133:145"]], "Polar_expression": [["foretrekker ubetinget BMWs l\u00f8sning med \u00e5ttetrinns sportsautomat"], ["111:174"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-27-01", "text": "Sporty komfort", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sporty komfort"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-28-01", "text": "Kj\u00f8reegenskapene er i fremgang i forhold til forrige GS 450h .", "opinions": [{"Source": [[], []], "Target": [["Kj\u00f8reegenskapene"], ["0:16"]], "Polar_expression": [["i fremgang i forhold til forrige GS 450h"], ["20:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-28-02", "text": "Det betyr ikke at de er direkte sportslige , men de er mer dynamiske og presise og sammenligningen med BMW som vi \u00e5pnet med er i st\u00f8rre grad blitt relevant n\u00e5r vi ser p\u00e5 det totale produktet .", "opinions": [{"Source": [[], []], "Target": [["de"], ["18:20"]], "Polar_expression": [["ikke", "direkte sportslige"], ["10:14", "24:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["18:20"]], "Polar_expression": [["mer dynamiske"], ["55:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["18:20"]], "Polar_expression": [["mer", "presise"], ["55:58", "72:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-28-03", "text": "Utstyrt med det adaptive understellet og Lexus Dynamic Handling , som inkluderer firehjulsstyring p\u00e5 v\u00e5r F-Sport-versjon , blir kj\u00f8redynamikken riktig s\u00e5 tilfredsstillende - s\u00e6rlig med velgeren p\u00e5 Sport eller Sport + .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Utstyrt med det adaptive understellet"], ["0:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Utstyrt med", "Lexus Dynamic Handling"], ["0:11", "41:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Lexus Dynamic Handling"], ["41:63"]], "Polar_expression": [["inkluderer firehjulsstyring"], ["70:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kj\u00f8redynamikken"], ["128:143"]], "Polar_expression": [["riktig s\u00e5 tilfredsstillende"], ["144:171"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["F-Sport-versjon"], ["105:120"]], "Polar_expression": [["kj\u00f8redynamikken riktig s\u00e5 tilfredsstillende", "med velgeren p\u00e5 Sport eller Sport +"], ["128:171", "181:216"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-28-04", "text": "Men i tr\u00e5d med merket Lexus' grunnfilosofi :", "opinions": []}, {"sent_id": "200183-28-05", "text": "Komfortabel er denne bilen fremfor alt .", "opinions": [{"Source": [[], []], "Target": [["denne bilen"], ["15:26"]], "Polar_expression": [["Komfortabel", "fremfor alt"], ["0:11", "27:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-29-01", "text": "God luksus-pakke", "opinions": [{"Source": [[], []], "Target": [["luksus-pakke"], ["4:16"]], "Polar_expression": [["God"], ["0:3"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["luksus-pakke"], ["4:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-30-01", "text": "V\u00e5r konklusjon etter \u00e5 ha testkj\u00f8rt Lexus GS 450h er relativt grei :", "opinions": []}, {"sent_id": "200183-30-02", "text": "I dette smale segmentet fremst\u00e5r i dag Lexus som teknologileder .", "opinions": [{"Source": [[], []], "Target": [["Lexus"], ["39:44"]], "Polar_expression": [["teknologileder"], ["49:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-30-03", "text": "I tillegg tilbyr de en meget god pakke som inkluderer en kraftfull , men n\u00f8ysom drivlinje , god kj\u00f8redynamikk , meget god komfort , luksus og mye utstyr - det hele til en - riktignok h\u00f8y - men konkurransedyktig pris .", "opinions": [{"Source": [[], []], "Target": [["pakke"], ["33:38"]], "Polar_expression": [["meget god"], ["23:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pakke"], ["33:38"]], "Polar_expression": [["kraftfull , men n\u00f8ysom drivlinje"], ["57:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["drivlinje"], ["80:89"]], "Polar_expression": [["kraftfull"], ["57:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["drivlinje"], ["80:89"]], "Polar_expression": [["n\u00f8ysom"], ["73:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pakke"], ["33:38"]], "Polar_expression": [["god kj\u00f8redynamikk"], ["92:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kj\u00f8redynamikk"], ["96:109"]], "Polar_expression": [["god"], ["92:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pakke"], ["33:38"]], "Polar_expression": [["meget god komfort"], ["112:129"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komfort"], ["122:129"]], "Polar_expression": [["meget god"], ["112:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pakke"], ["33:38"]], "Polar_expression": [["luksus"], ["132:138"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pakke"], ["33:38"]], "Polar_expression": [["mye utstyr"], ["142:152"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["det hele"], ["155:163"]], "Polar_expression": [["h\u00f8y - men konkurransedyktig pris"], ["183:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pris"], ["211:215"]], "Polar_expression": [["konkurransedyktig"], ["193:210"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200183-31-01", "text": "Den som \u00f8nsker \u00e5 velge noe annet enn det store flertallet i klassen for store premiumbiler har her en gylden mulighet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gylden mulighet"], ["102:117"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200183-31-02", "text": "Og ser vi p\u00e5 de direkte konkurrentene :", "opinions": []}, {"sent_id": "200183-31-03", "text": "Rimeligere blir det ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Rimeligere blir det ogs\u00e5"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103512-01-01", "text": "Bj\u00f6rn Rosenstr\u00f6m :", "opinions": []}, {"sent_id": "103512-01-02", "text": "\u00ab Pop p\u00e5 svenska \u00bb", "opinions": []}, {"sent_id": "103512-02-01", "text": "( Rosenstr\u00f6m musikk )", "opinions": []}, {"sent_id": "103512-03-01", "text": "Nytt album fra svensken som \u00f8nsker \u00e5 kalle seg norgesvenn etter en rekke konserter her i landet .", "opinions": []}, {"sent_id": "103512-04-01", "text": "Vorspielartisten Bj\u00f6rn Rosenstr\u00f6m beholder nok sine mange norske fans og skaffer seg nok noen nye etter at de har h\u00f8rt \u00ab Pop p\u00e5 svenska \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Bj\u00f6rn Rosenstr\u00f6m"], ["17:33"]], "Polar_expression": [["Vorspielartisten"], ["0:16"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Pop p\u00e5 svenska \u00bb"], ["119:137"]], "Polar_expression": [["beholder nok sine mange norske fans"], ["34:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103512-05-01", "text": "Dette er en god popplate , mer bandpreget og mindre r\u00f8lpete enn vi har h\u00f8r fra Rosenstr\u00f6m f\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["popplate"], ["16:24"]], "Polar_expression": [["god"], ["12:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Rosenstr\u00f6m f\u00f8r"], ["79:93"]], "Polar_expression": [["popplate , mer bandpreget og mindre r\u00f8lpete"], ["16:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["popplate"], ["16:24"]], "Polar_expression": [["mer bandpreget og mindre r\u00f8lpete enn vi har h\u00f8r fra Rosenstr\u00f6m f\u00f8r"], ["27:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103512-06-01", "text": "Den juristutdannede sangeren serverer variert syng-med-popmusikk med ironiske og humorfylte tekster .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["variert syng-med-popmusikk"], ["38:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tekster"], ["92:99"]], "Polar_expression": [["ironiske"], ["69:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekster"], ["92:99"]], "Polar_expression": [["humorfylte"], ["81:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ironiske og humorfylte tekster"], ["69:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103512-06-02", "text": "P\u00e5 det nye albumet hyller svensken b\u00e5de \u00ab Hultsfredfestivalen \u00bb , mamma Magdalena og forteller hvordan det er \u00e5 bli \u00ab Piercad i ollonet \u00bb .", "opinions": []}, {"sent_id": "103512-07-01", "text": "Rosenstr\u00f6m har laget en jevnt god plate som lever opp til platetittelen .", "opinions": [{"Source": [[], []], "Target": [["plate"], ["34:39"]], "Polar_expression": [["jevnt god"], ["24:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["34:39"]], "Polar_expression": [["lever opp til platetittelen"], ["44:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001061-01-01", "text": "T\u00e5lmodige forf\u00f8rere", "opinions": [{"Source": [[], []], "Target": [["forf\u00f8rere"], ["10:19"]], "Polar_expression": [["T\u00e5lmodige"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001061-02-01", "text": "Ungdomskulen :", "opinions": []}, {"sent_id": "001061-02-02", "text": "Bisexual", "opinions": []}, {"sent_id": "001061-03-01", "text": "Vital , ilter og viltvoksende progrock fra Bergens kanskje beste band akkurat n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["progrock"], ["30:38"]], "Polar_expression": [["Vital"], ["0:5"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["progrock"], ["30:38"]], "Polar_expression": [["ilter"], ["8:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["progrock"], ["30:38"]], "Polar_expression": [["viltvoksende"], ["17:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["65:69"]], "Polar_expression": [["Bergens kanskje beste band"], ["43:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001061-04-01", "text": "Det har blitt tisket om \u00e5 legge indiebegrepet d\u00f8dt .", "opinions": []}, {"sent_id": "001061-04-02", "text": "S\u00e5 lenge det finnes band som Ungdomskulen , stemmer jeg imidlertid for at vi beholder det en stund til \u2013 det er i bunn og grunn denne mentaliteten trioen fra Bergen forvalter og forvrir , om enn med et sjangerprefiks som peker tilbake til , tja , 1972 og datidens underlige sammenf\u00f8yning av teknisk virtuositet og sl\u00f8rete estetiske idealer .", "opinions": [{"Source": [[], []], "Target": [["sjangerprefiks"], ["202:216"]], "Polar_expression": [["peker tilbake til", "1972"], ["221:238", "247:251"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["underlige sammenf\u00f8yning av teknisk virtuositet og sl\u00f8rete estetiske idealer"], ["264:339"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "001061-05-01", "text": "Motorpsycho , Dinosaur Jr. og King Crimson er blant referansene som har blitt kastet etter bandet i denne omgangen , men det like naturlig \u00e5 se dem som de tjalla , uvaskede og sm\u00e5tt uberegnelige onklene som sitter og gliser i utkanten av den nye , viltre bergensb\u00f8lgen .", "opinions": []}, {"sent_id": "001061-05-02", "text": "I tillegg vekker Kristian Stockhaus \u2019 flate stemme og lyriske r\u00e5tasseri \u2013 begge deler et fremmedgj\u00f8rende , dehypnotiserende element i musikken \u2013 assosiasjoner til Ween og deres brautende livsanskuelse .", "opinions": [{"Source": [[], []], "Target": [["Kristian Stockhaus"], ["17:35"]], "Polar_expression": [["lyriske r\u00e5tasseri"], ["54:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["flate stemme og lyriske r\u00e5tasseri"], ["38:71"]], "Polar_expression": [["fremmedgj\u00f8rende , dehypnotiserende element i musikken"], ["89:142"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["assosiasjoner til Ween og deres brautende livsanskuelse"], ["145:200"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001061-06-01", "text": "Bisexual er en skive som vokser i et forrykende tempo for hver gjennomlytting \u2013 l\u00e5ter som i begynnelsen fortoner seg som gedigne t\u00e5lmodighetspr\u00f8ver , \u00e5penbarer seg gradvis som intrikate , sporadisk vakre og tonalt hensynsl\u00f8se minisymfonier , der lag p\u00e5 lag av muskul\u00f8s lyd og oppfinnsomme l\u00e5tstrukturer lar seg skrelle av p\u00e5 vei inn mot den forrykte kjernen av prosjektet .", "opinions": [{"Source": [[], []], "Target": [["Bisexual"], ["0:8"]], "Polar_expression": [["vokser i et forrykende tempo for hver gjennomlytting"], ["25:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["80:85"]], "Polar_expression": [["\u00e5penbarer seg gradvis som intrikate , sporadisk vakre og tonalt hensynsl\u00f8se minisymfonier"], ["150:239"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minisymfonier"], ["226:239"]], "Polar_expression": [["intrikate"], ["176:185"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minisymfonier"], ["226:239"]], "Polar_expression": [["sporadisk vakre"], ["188:203"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minisymfonier"], ["226:239"]], "Polar_expression": [["tonalt hensynsl\u00f8se"], ["207:225"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minisymfonier"], ["226:239"]], "Polar_expression": [["lag p\u00e5 lag av muskul\u00f8s lyd og oppfinnsomme l\u00e5tstrukturer lar seg skrelle av p\u00e5 vei inn mot den forrykte kjernen"], ["246:357"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001061-07-01", "text": "Dette er p\u00e5 ingen m\u00e5te noen lett plate \u00e5 forholde seg til , og treeren s\u00e5 lenge ut til \u00e5 ligge ferdigtrillet p\u00e5 lyttepulten min .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["p\u00e5 ingen m\u00e5te noen lett plate \u00e5 forholde seg til"], ["9:57"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001061-07-02", "text": "Men den sm\u00e5tt banale og ofte misbrukte maksimen om at musikk kan vokse seg stor og mektig hvis man investerer nok t\u00e5lmodighet i den \u2013 det stemmer som regel ikke \u2013 passer sjeldent bedre enn i akkurat dette tilfellet .", "opinions": [{"Source": [[], []], "Target": [["sm\u00e5tt banale og ofte misbrukte maksimen"], ["8:47"]], "Polar_expression": [["passer sjeldent bedre enn i akkurat dette tilfellet"], ["163:214"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-01-01", "text": "Anmeldelse :", "opinions": []}, {"sent_id": "302159-01-02", "text": "\u00ab Gulosten \u00bb er en str\u00e5lende tegneserie om en kriminell krigshelt", "opinions": [{"Source": [[], []], "Target": [["\u00ab Gulosten \u00bb"], ["0:12"]], "Polar_expression": [["str\u00e5lende"], ["19:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302159-02-01", "text": "Tegneserien om Gulosten er en sjeldent sterk debut .", "opinions": [{"Source": [[], []], "Target": [["Tegneserien"], ["0:11"]], "Polar_expression": [["sjeldent sterk debut"], ["30:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-03-01", "text": "Kristian Krohg-S\u00f8rensen dukket opp fra intet i fjor h\u00f8ste da Lars Fiske og Steffen Kverneland presenterte ham som sitt talent i Kulturquizen p\u00e5 Nrk .", "opinions": [{"Source": [[], []], "Target": [["Kristian Krohg-S\u00f8rensen"], ["0:23"]], "Polar_expression": [["dukket opp fra intet i fjor"], ["24:51"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Lars Fiske og Steffen Kverneland"], ["61:93"]], "Target": [["Kristian Krohg-S\u00f8rensen"], ["0:23"]], "Polar_expression": [["talent"], ["119:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "302159-04-01", "text": "N\u00e5 et halvt \u00e5r senere er det bare \u00e5 fastsl\u00e5 at Fiske og Kverneland gjorde et str\u00e5lende valg , for Krohg-S\u00f8rensens tegneserie om krigshelten Johannes \u00ab Gulosten \u00bb Andersen er en pangdebut av det helt sjeldne slaget .", "opinions": [{"Source": [[], []], "Target": [["Krohg-S\u00f8rensens"], ["98:113"]], "Polar_expression": [["Fiske og Kverneland gjorde et str\u00e5lende valg"], ["47:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tegneserie om krigshelten Johannes \u00ab Gulosten \u00bb Andersen"], ["114:170"]], "Polar_expression": [["pangdebut av det helt sjeldne slaget"], ["177:213"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-05-01", "text": "D\u00e5rlig oppvekst", "opinions": []}, {"sent_id": "302159-06-01", "text": "D\u00e5rlig oppvekst", "opinions": []}, {"sent_id": "302159-07-01", "text": "Heldigvis retter Krohg-S\u00f8rensen p\u00e5 dette n\u00e5 , for Gulostens historie er s\u00e5 innholdsrik at det ikke engang holder med \u00e9n tegneserie :", "opinions": [{"Source": [[], []], "Target": [["Gulostens historie"], ["50:68"]], "Polar_expression": [["s\u00e5 innholdsrik at det ikke engang holder med \u00e9n tegneserie"], ["72:130"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-07-02", "text": "Dette er derfor f\u00f8rste bind av tre .", "opinions": []}, {"sent_id": "302159-08-01", "text": "Boka begynner med en prolog fra Kristiania havn i 1921 .", "opinions": []}, {"sent_id": "302159-08-02", "text": "Dette har Gulosten selv kalt starten p\u00e5 tjue bekm\u00f8rke \u00e5r som spritsmugler .", "opinions": []}, {"sent_id": "302159-08-03", "text": "Derfra hopper historien tilbake til 1914 og hans ungdomstid p\u00e5 Bast\u00f8y skolehjem .", "opinions": []}, {"sent_id": "302159-08-04", "text": "I enkle , men uttrykksfulle , sorthvitt-tegninger blir vi med Gulosten gjennom det harde livet p\u00e5 skolen , som jungmann til havs , og tilbake til Kristiania hvor f\u00f8rste verdenskrig ironisk nok f\u00f8rer til oppgangstider i Norge .", "opinions": [{"Source": [[], []], "Target": [["sorthvitt-tegninger"], ["30:49"]], "Polar_expression": [["enkle"], ["2:7"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sorthvitt-tegninger"], ["30:49"]], "Polar_expression": [["uttrykksfulle"], ["14:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-08-05", "text": "S\u00e5 kommer vendepunktet , med b\u00f8rskrisen h\u00f8sten 1920 , storstreik og arbeidsledighet .", "opinions": []}, {"sent_id": "302159-09-01", "text": "\u00ab Gulosten \u00bb", "opinions": []}, {"sent_id": "302159-09-02", "text": "Forfatter :", "opinions": []}, {"sent_id": "302159-09-03", "text": "Kristian Krohg-S\u00f8rensen Forlag :", "opinions": []}, {"sent_id": "302159-09-04", "text": "No Comprendo Press", "opinions": []}, {"sent_id": "302159-10-01", "text": "F\u00f8rsteh\u00e5ndskilder", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["F\u00f8rsteh\u00e5ndskilder"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "302159-11-01", "text": "F\u00f8rsteh\u00e5ndskilder", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["F\u00f8rsteh\u00e5ndskilder"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "302159-12-01", "text": "Det er ikke bare kulturquizen som gj\u00f8r at det er naturlig \u00e5 nevne Fiske og Kverneland i en omtale av \u00ab Gulosten \u00bb .", "opinions": []}, {"sent_id": "302159-12-02", "text": "Deres fokus p\u00e5 historiske kilder og visuell etterrettelighet i b\u00f8kene om Kurt Schwitters og Edvard Munch har helt klart v\u00e6rt en inspirasjonskilde for Krohg-S\u00f8rensen .", "opinions": []}, {"sent_id": "302159-12-03", "text": "Kabicek , Skandfer og Agdesteins \u00ab Kr\u00fcger og Krogh \u00bb fra i fjor er ogs\u00e5 relevant i denne sammenhengen .", "opinions": []}, {"sent_id": "302159-13-01", "text": "Selv om alle disse b\u00f8kene er sv\u00e6rt forskjellige , har de et sterkt fellestrekk ved at de klarer \u00e5 omforme historisk materiale til fullverdige , og rent briljante tegneserier .", "opinions": [{"Source": [[], []], "Target": [["b\u00f8kene"], ["19:25"]], "Polar_expression": [["klarer \u00e5 omforme historisk materiale til fullverdige , og rent briljante tegneserier"], ["89:173"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tegneserier"], ["162:173"]], "Polar_expression": [["fullverdige"], ["130:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tegneserier"], ["162:173"]], "Polar_expression": [["rent briljante"], ["147:161"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-13-02", "text": "At det er en gullalder for historisk baserte tegneserier i Norge n\u00e5 er det ingen tvil om .", "opinions": [{"Source": [[], []], "Target": [["historisk baserte tegneserier"], ["27:56"]], "Polar_expression": [["At det er en gullalder for historisk baserte tegneserier i Norge n\u00e5 er det ingen tvil om"], ["0:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-14-01", "text": "Oslolos-spr\u00e5k", "opinions": []}, {"sent_id": "302159-15-01", "text": "Oslolos-spr\u00e5k", "opinions": []}, {"sent_id": "302159-16-01", "text": "Sammenlignet med de ovennevnte serieskaperne er ikke Krohg-S\u00f8rensen en like imponerende tegner .", "opinions": [{"Source": [[], []], "Target": [["Krohg-S\u00f8rensen"], ["53:67"]], "Polar_expression": [["ikke", "like imponerende tegner"], ["48:52", "71:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-16-02", "text": "Mange av rutene hans er nesten skisseaktige med mye hvit bakgrunn og f\u00e5 detaljer .", "opinions": [{"Source": [[], []], "Target": [["rutene"], ["9:15"]], "Polar_expression": [["Mange", "skisseaktige med mye hvit bakgrunn og f\u00e5 detaljer"], ["0:5", "31:80"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-16-03", "text": "Menneskene er ogs\u00e5 enkelt portrettert , men de fungerer godt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["enkelt portrettert"], ["19:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Menneskene"], ["0:10"]], "Polar_expression": [["fungerer godt"], ["47:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-16-04", "text": "Gulostens ansiktsform minner for eksempel om skjelettansiktet fra Munchs Skrik , likevel blir han aldri en karikatur , men en person leseren f\u00e5r sympati for .", "opinions": [{"Source": [[], []], "Target": [["Gulostens"], ["0:9"]], "Polar_expression": [["en person leseren f\u00e5r sympati for"], ["123:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-17-01", "text": "Klassiker in spe", "opinions": []}, {"sent_id": "302159-18-01", "text": "Klassiker in spe", "opinions": []}, {"sent_id": "302159-19-01", "text": "Serien om \u00ab Gulosten \u00bb har all mulighet til \u00e5 bli en virkelig tegneserieklassiker , n\u00e5 gjenst\u00e5r det bare for forfatteren \u00e5 innfri med bind to og tre .", "opinions": [{"Source": [[], []], "Target": [["Serien om \u00ab Gulosten \u00bb"], ["0:22"]], "Polar_expression": [["har all mulighet til \u00e5 bli en virkelig tegneserieklassiker"], ["23:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-19-02", "text": "Det har jeg full tiltro til at han vil klare , den st\u00f8rste utfordringen blir nok for leseren som dessverre m\u00e5 vente i et \u00e5r eller to p\u00e5 fortsettelsen .", "opinions": [{"Source": [["jeg"], ["8:11"]], "Target": [["han"], ["31:34"]], "Polar_expression": [["full tiltro til at han vil klare"], ["12:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302159-19-03", "text": "For Gulostens liv i helvete har , heldigvis for oss , knapt begynt .", "opinions": [{"Source": [[], []], "Target": [["Gulostens liv i helvete"], ["4:27"]], "Polar_expression": [["heldigvis", "knapt begynt"], ["34:43", "54:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001922-01-01", "text": "Skj\u00f8re toner", "opinions": []}, {"sent_id": "001922-02-01", "text": "Med sitt tredje album fortsetter Sharon van Etten \u00e5 ha det inderlig vondt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fortsetter", "\u00e5 ha det inderlig vondt"], ["22:32", "50:73"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-02-02", "text": "Heldigvis .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Heldigvis"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-02-03", "text": "Dette er tross alt musikk som skal r\u00f8re ved hjertet .", "opinions": [{"Source": [[], []], "Target": [["musikk"], ["19:25"]], "Polar_expression": [["skal r\u00f8re ved hjertet"], ["30:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-03-01", "text": "Det virker vanskelig \u00e5 skulle ha det minste snev av tro p\u00e5 deg selv hvis kj\u00e6resten jevnlig forteller deg at musikken din er renspikka drit .", "opinions": []}, {"sent_id": "001922-03-02", "text": "Men Sharon van Etten hadde \u00e5penbart s\u00e5 stor tro p\u00e5 musikken at hun valgte \u00e5 r\u00f8mme fra Tennesse og den ondskapsfulle kj\u00e6resten sin .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ondskapsfulle kj\u00e6resten"], ["102:125"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Sharon van Etten"], ["4:20"]], "Target": [["musikken"], ["51:59"]], "Polar_expression": [["stor tro"], ["39:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "001922-04-01", "text": "Man h\u00f8rte likevel p\u00e5 debuten Because I Was In Love at selvtilliten var p\u00e5 et minimalt niv\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Because I Was In Love"], ["29:50"]], "Polar_expression": [["selvtilliten var p\u00e5 et minimalt niv\u00e5"], ["54:90"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-04-02", "text": "For gjennom gitarklimpringen , det slitne orgelet og den tynne lyden skinte det av en pint sjel , s\u00e5 d\u00e5rlig behandlet at hun n\u00e6rmest gr\u00e5t mens hun bl\u00f8dde av hele hjertet utover nylonstrengene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e6rmest gr\u00e5t mens hun bl\u00f8dde av hele hjertet utover nylonstrengene"], ["125:191"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skinte det av en pint sjel"], ["69:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["lyden"], ["63:68"]], "Polar_expression": [["tynne"], ["57:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["orgelet"], ["42:49"]], "Polar_expression": [["slitne"], ["35:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-05-01", "text": "Og n\u00e5 , to album senere \u2013 medregnet den i overkant korte oppf\u00f8lgeren Epic \u2013 kan man h\u00f8re at hennes egen tro p\u00e5 sine hjerteskj\u00e6rende folkl\u00e5ter har vokst betraktelig .", "opinions": [{"Source": [[], []], "Target": [["hennes"], ["92:98"]], "Polar_expression": [["tro p\u00e5 sine hjerteskj\u00e6rende folkl\u00e5ter har vokst betraktelig"], ["104:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-05-02", "text": "Det samme gjelder for s\u00e5 vidt ogs\u00e5 den kraftige stemmen hennes , som n\u00e6rmest l\u00e5ter modnet av smerte .", "opinions": [{"Source": [[], []], "Target": [["stemmen"], ["48:55"]], "Polar_expression": [["kraftige"], ["39:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemmen"], ["48:55"]], "Polar_expression": [["n\u00e6rmest l\u00e5ter modnet av smerte"], ["69:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hennes"], ["56:62"]], "Polar_expression": [["kraftige stemmen"], ["39:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-06-01", "text": "Det er heller kanskje ikke s\u00e5 rart n\u00e5r halve Brooklyn gledelig deltar som statister p\u00e5 Tramp , mens Aaron Dessner fra The National , midtlivskrisens litt mildere svar p\u00e5 Interpol , st\u00e5r bak spakene og dirigerer .", "opinions": []}, {"sent_id": "001922-06-02", "text": "Og mye takket v\u00e6re Dessners evne til \u00e5 holde fikleriet dempet i bakgrunnen f\u00f8les Tramp s\u00e5 jordn\u00e6r og intim som en Sharon van Etten-skive b\u00f8r v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["Dessners evne"], ["19:32"]], "Polar_expression": [["mye takket v\u00e6re"], ["3:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tramp"], ["81:86"]], "Polar_expression": [["s\u00e5 jordn\u00e6r og intim som en Sharon van Etten-skive b\u00f8r v\u00e6re"], ["87:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-07-01", "text": "Det er likevel antydninger til orkestral storhet her , som n\u00e5r marsjerende trommer , seige orgler og flyktige strykere b\u00e6rer frem m\u00f8rket i \u201d Magic Chords \u201d , mens sp\u00f8kelsesaktig koring s\u00f8rger for mye av albumh\u00f8ydepunktet \u201d In Lines \u201d crescendo .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["likevel antydninger til orkestral storhet her"], ["7:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d In Lines \u201d"], ["221:233"]], "Polar_expression": [["albumh\u00f8ydepunktet"], ["203:220"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["trommer"], ["75:82"]], "Polar_expression": [["marsjerende"], ["63:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["orgler"], ["91:97"]], "Polar_expression": [["seige"], ["85:90"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["strykere"], ["110:118"]], "Polar_expression": [["flyktige"], ["101:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Magic Chords \u201d"], ["139:155"]], "Polar_expression": [["marsjerende trommer"], ["63:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Magic Chords \u201d"], ["139:155"]], "Polar_expression": [["seige orgler"], ["85:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Magic Chords \u201d"], ["139:155"]], "Polar_expression": [["flyktige strykere"], ["101:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["koring"], ["178:184"]], "Polar_expression": [["sp\u00f8kelsesaktig"], ["163:177"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d In Lines \u201d"], ["221:233"]], "Polar_expression": [["sp\u00f8kelsesaktig koring"], ["163:184"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-08-01", "text": "Men f\u00f8rst og fremst r\u00f8rer Sharon van Ettens klaustrofobiske og hjerteskj\u00e6rende tiln\u00e6rming til den amerikanske folk-tradisjonen ved hjertet .", "opinions": [{"Source": [[], []], "Target": [["Sharon van Ettens"], ["26:43"]], "Polar_expression": [["r\u00f8rer", "ved hjertet"], ["20:25", "127:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tiln\u00e6rming"], ["79:89"]], "Polar_expression": [["klaustrofobiske"], ["44:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tiln\u00e6rming"], ["79:89"]], "Polar_expression": [["hjerteskj\u00e6rende"], ["63:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "001922-08-02", "text": "Spesielt n\u00e5r man stadig f\u00e5r f\u00f8lelsen av at minnene om den manipulerende ekskj\u00e6resten fortsatt gnager , som p\u00e5 passsiv-aggressive \u201d Give Out \u201d :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stadig f\u00e5r f\u00f8lelsen av at minnene om den manipulerende ekskj\u00e6resten fortsatt gnager"], ["17:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Give Out \u201d"], ["129:141"]], "Polar_expression": [["passsiv-aggressive"], ["110:128"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Give Out \u201d"], ["129:141"]], "Polar_expression": [["f\u00f8lelsen av at minnene om den manipulerende ekskj\u00e6resten fortsatt gnager"], ["28:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-08-03", "text": "\" I'm biting my lip / as confidence is speaking to me / I'm losing my grip from my palm / put it on your knee \" .", "opinions": []}, {"sent_id": "001922-09-01", "text": "Det kan v\u00e6re lett \u00e5 glemme at avstanden mellom nydelig melankoli og kjedsomhet ofte er kort .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nydelig melankoli"], ["47:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjedsomhet"], ["68:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-09-02", "text": "S\u00e6rlig mot slutten av andre halvdel er det flere \u00f8yeblikk hvor Tramp tar en pause fra \u00e5 r\u00f8re , men heller blir s\u00f8vndyssende .", "opinions": [{"Source": [[], []], "Target": [["slutten av andre halvdel"], ["11:35"]], "Polar_expression": [["tar en pause fra \u00e5 r\u00f8re , men heller blir s\u00f8vndyssende"], ["69:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tramp"], ["63:68"]], "Polar_expression": [["tar en pause fra \u00e5 r\u00f8re , men heller blir s\u00f8vndyssende"], ["69:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001922-09-03", "text": "Hun virker heller mer grinete enn skadet p\u00e5 \" Ask \" , hvor hun stadig gjentar \" It hurts too much to laugh about it \" , mens \" I'm Wrong \" fors\u00f8ker \u00e5 dekke over for sin tomhet med store lyder .", "opinions": [{"Source": [[], []], "Target": [["Ask \""], ["46:51"]], "Polar_expression": [["grinete"], ["22:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" I'm Wrong \""], ["125:138"]], "Polar_expression": [["fors\u00f8ker \u00e5 dekke over for sin tomhet med store lyder"], ["139:191"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001922-10-01", "text": "Det er likevel viktig \u00e5 merke seg at Tramp byr p\u00e5 f\u00e5 , eller , tja , ingen , nyskapende ideer , men at dette er f\u00f8rst og fremst et album som handler om \u00e5 hente frem den skj\u00f8re seksten\u00e5ringen i seg og f\u00f8le det uanstrengte , sarte og vakre h\u00e5ndverket .", "opinions": [{"Source": [[], []], "Target": [["Tramp"], ["37:42"]], "Polar_expression": [["byr p\u00e5 f\u00e5 , eller , tja , ingen , nyskapende ideer"], ["43:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Tramp"], ["37:42"]], "Polar_expression": [["handler om \u00e5 hente frem den skj\u00f8re seksten\u00e5ringen i seg og f\u00f8le det uanstrengte , sarte og vakre h\u00e5ndverket"], ["141:248"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001922-11-01", "text": "H\u00f8r Tramp i sin helhet her .", "opinions": []}, {"sent_id": "600774-01-01", "text": "Betenkelig n\u00e6r det hjemmesnekrede", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Betenkelig n\u00e6r det hjemmesnekrede"], ["0:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600774-02-01", "text": "I juniorutgavene av Olsenbanden-filmene er handlingen lagt til et pastoralt sekstitall , intrigene har v\u00e6rt tradisjonelle , men med en viss spenst .", "opinions": [{"Source": [[], []], "Target": [["handlingen"], ["43:53"]], "Polar_expression": [["lagt til et pastoralt sekstitall"], ["54:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["intrigene"], ["89:98"]], "Polar_expression": [["tradisjonelle"], ["108:121"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["intrigene"], ["89:98"]], "Polar_expression": [["med en viss spenst"], ["128:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600774-03-01", "text": "De unge Olsenbanden-typene har alle hatt egenskaper en gjenkjenner fra voksenutgavene .", "opinions": []}, {"sent_id": "600774-04-01", "text": "Alt dette er ogs\u00e5 til stede i denne nye utgaven .", "opinions": []}, {"sent_id": "600774-04-02", "text": "Men :", "opinions": []}, {"sent_id": "600774-04-03", "text": "Selve historien , med utgangspunkt i stortyven Ole H\u00f8yland , er like tynn og skr\u00f8pelig som en gjennomskuelig l\u00f8gn , b\u00e5de som id\u00e9 og i avvikling .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["6:15"]], "Polar_expression": [["like tynn og skr\u00f8pelig som en gjennomskuelig l\u00f8gn"], ["64:113"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600774-04-04", "text": "Den generelle oppfinnsomheten er som en selters som har st\u00e5tt \u00e5pen helgen over .", "opinions": [{"Source": [[], []], "Target": [["oppfinnsomheten"], ["14:29"]], "Polar_expression": [["som en selters som har st\u00e5tt \u00e5pen helgen over"], ["33:78"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600774-04-05", "text": "Og regien har ofte lettvinte l\u00f8sninger , som om filmskaperne har arbeidet p\u00e5 et minibudsjett .", "opinions": [{"Source": [[], []], "Target": [["regien"], ["3:9"]], "Polar_expression": [["ofte lettvinte l\u00f8sninger"], ["14:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["regien"], ["3:9"]], "Polar_expression": [["som om filmskaperne har arbeidet p\u00e5 et minibudsjett"], ["41:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105855-01-01", "text": "Klaustrofobisk krig", "opinions": []}, {"sent_id": "105855-02-01", "text": "Juni 1982 :", "opinions": []}, {"sent_id": "105855-02-02", "text": "Israel angriper palestinske stillinger i Libanon fra luften .", "opinions": []}, {"sent_id": "105855-02-03", "text": "I en klam stridsvogn f\u00e5r de fire unge soldatene Shmuel , Assi , Herzl og Yigal beskjeden :", "opinions": []}, {"sent_id": "105855-02-04", "text": "\u00ab Rydd opp etter flyv\u00e5penet som har hatt fest \u00bb .", "opinions": []}, {"sent_id": "105855-02-05", "text": "Oversatt betyr det :", "opinions": []}, {"sent_id": "105855-02-06", "text": "Legg alt som kommer i deres vei \u00f8de .", "opinions": []}, {"sent_id": "105855-03-01", "text": "Filmen er en sv\u00e6rt personlig fortelling fra regiss\u00f8r Samuel Maoz , som selv ble sendt til Libanon som 20-\u00e5ring i 1982 .", "opinions": []}, {"sent_id": "105855-03-02", "text": "I likhet med animasjonsfilmen Waltz med Bashir , kan \u00ab Libanon \u00bb leses som en bearbeidelse av traumene som ble p\u00e5f\u00f8rt de uerfarne \u00ab krigerne \u00bb som blir sendt ut for \u00e5 sloss - og drepe .", "opinions": []}, {"sent_id": "105855-03-03", "text": "Men Libanon balanserer stoffet langt bedre , og er ikke den forsvarstalen \u00ab Waltz med Bashir \u00bb endte opp som .", "opinions": [{"Source": [[], []], "Target": [["Libanon"], ["4:11"]], "Polar_expression": [["balanserer stoffet langt bedre", "\u00ab Waltz med Bashir \u00bb"], ["12:42", "74:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Waltz med Bashir \u00bb"], ["74:94"]], "Polar_expression": [["Libanon balanserer stoffet langt bedre"], ["4:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Libanon"], ["4:11"]], "Polar_expression": [["ikke den forsvarstalen \u00ab Waltz med Bashir \u00bb endte opp som"], ["51:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Waltz med Bashir \u00bb"], ["74:94"]], "Polar_expression": [["forsvarstalen"], ["60:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105855-04-01", "text": "Ingenting blir fortalt om de unge guttenes bakgrunn , og utenomverdenen ser vi kun gjennom siktet i stridsvognen .", "opinions": []}, {"sent_id": "105855-04-02", "text": "Den hyperrealistiske , intense tilstedev\u00e6relsen filmen maner fram gj\u00f8r likevel at vi bryr oss om de fire .", "opinions": [{"Source": [["vi"], ["82:84"]], "Target": [["filmen"], ["48:54"]], "Polar_expression": [["hyperrealistiske , intense tilstedev\u00e6relsen"], ["4:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["82:84"]], "Target": [["de fire"], ["97:104"]], "Polar_expression": [["bryr oss om"], ["85:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["82:84"]], "Target": [["filmen"], ["48:54"]], "Polar_expression": [["bryr oss om de fire"], ["85:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105855-05-01", "text": "Klamt , skremmende og klaustrofobisk , og s\u00e5 dyktig utf\u00f8rt at m\u00e5let om \u00e5 skildre krig n\u00f8yaktig slik det m\u00e5 f\u00f8les for den som er midt i det n\u00e5s med glans .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5 dyktig utf\u00f8rt"], ["42:58"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5s med glans", "m\u00e5let"], ["139:152", "62:67"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Klamt"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skremmende"], ["8:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["klaustrofobisk"], ["22:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105855-06-01", "text": "Et overbevisende antikrigs-skrik av en film !", "opinions": [{"Source": [[], []], "Target": [["film"], ["39:43"]], "Polar_expression": [["overbevisende antikrigs-skrik", "!"], ["3:32", "44:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105855-07-01", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "107326-01-01", "text": "Supergrass \u00ab Road To Rouen \u00bb", "opinions": []}, {"sent_id": "107326-02-01", "text": "( Parlophone / EMI )", "opinions": []}, {"sent_id": "107326-03-01", "text": "Forbausende matt fra britiske popveteraner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forbausende matt"], ["0:16"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107326-04-01", "text": "Supergrass har muligens h\u00f8rt vel mye p\u00e5 Led Zeppelin det siste \u00e5ret , for i \u00e5pningssporet \u00ab Tales Of Endurance ( Parts 4 , 5 & 6 ) \u00bb g\u00e5r de legendene i n\u00e6ringen p\u00e5 en m\u00e5te som dessverre avsl\u00f8rer hvilken autoritet Supergrass mangler for \u00e5 komme opp p\u00e5 samme h\u00f8yder .", "opinions": [{"Source": [[], []], "Target": [["Supergrass"], ["213:223"]], "Polar_expression": [["g\u00e5r de legendene i n\u00e6ringen p\u00e5 en m\u00e5te som dessverre avsl\u00f8rer hvilken autoritet Supergrass mangler for \u00e5 komme opp p\u00e5 samme h\u00f8yder"], ["133:263"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Supergrass"], ["0:10"]], "Polar_expression": [["har muligens h\u00f8rt vel mye p\u00e5 Led Zeppelin det siste \u00e5ret"], ["11:67"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107326-04-02", "text": "Resten av platen bygger videre p\u00e5 mye av Zeppelins flytende psykedelia , men l\u00e5tene - med hederlig unntak i tittell\u00e5ten - mangler ethvert gripetak som er n\u00f8dvendig for \u00e5 fange interessen .", "opinions": [{"Source": [[], []], "Target": [["platen"], ["10:16"]], "Polar_expression": [["bygger videre p\u00e5 mye av Zeppelins flytende psykedelia"], ["17:70"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["77:83"]], "Polar_expression": [["mangler ethvert gripetak som er n\u00f8dvendig for \u00e5 fange interessen"], ["122:186"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107326-04-03", "text": "Det som tidligere var et skarpt , morsomt og friskt band , er blitt matt , melankolsk og mistilpasset .", "opinions": [{"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["skarpt"], ["25:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["morsomt"], ["34:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["friskt"], ["45:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["matt"], ["68:72"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["melankolsk"], ["75:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["mistilpasset"], ["89:101"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-01-01", "text": "Anmeldelse :", "opinions": []}, {"sent_id": "305017-01-02", "text": "Biografien om feministen Betzy Kjelsberg utvider norsk historie", "opinions": [{"Source": [[], []], "Target": [["Biografien om feministen Betzy Kjelsberg"], ["0:40"]], "Polar_expression": [["utvider norsk historie"], ["41:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305017-02-01", "text": "En feministisk pioner .", "opinions": []}, {"sent_id": "305017-03-01", "text": "Kampen for likestilling har lenge st\u00e5tt i skyggen av gutta p\u00e5 skauen og heltene fra arbeiderbevegelsen i norsk historieskriving .", "opinions": []}, {"sent_id": "305017-03-02", "text": "Det har en rekke biografer gjort noe med de siste \u00e5rene .", "opinions": []}, {"sent_id": "305017-03-03", "text": "Magnhild Folkvord er en av dem .", "opinions": []}, {"sent_id": "305017-04-01", "text": "Kvinner i arbeidslivet", "opinions": []}, {"sent_id": "305017-05-01", "text": "Hun har bakgrunn som journalist i Klassekampen , og utga i 2013 en biografi om Fredrikke Marie Qvam , en av strategene bak kvinnenes seier i kampen for stemmerett .", "opinions": []}, {"sent_id": "305017-05-02", "text": "N\u00e5 har Folkvord skrevet en biografi om hennes venninne , Betzy Kjelsberg .", "opinions": []}, {"sent_id": "305017-06-01", "text": "Kvinner i arbeidslivet", "opinions": []}, {"sent_id": "305017-07-01", "text": "Til n\u00e5 har hun ikke blitt betraktet som like viktig som de fire store feministene , som foruten Qvam omfatter Gina Krog , Fernanda Nissen og Camilla Collett .", "opinions": []}, {"sent_id": "305017-07-02", "text": "Det kan det raskt bli en endring p\u00e5 med \u00ab Betzy Kjelsberg .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Betzy Kjelsberg"], ["40:57"]], "Polar_expression": [["Det kan det raskt bli en endring p\u00e5"], ["0:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-07-03", "text": "Feminist og brubyggjar \u00bb .", "opinions": []}, {"sent_id": "305017-07-04", "text": "I den gir Folkvord en stort sett levende skildring av Norges f\u00f8rste kvinnelige fabrikkinspekt\u00f8r som gjennom et langt liv kjempet for \u00e5 bedre kvinners arbeidsliv .", "opinions": [{"Source": [[], []], "Target": [["den"], ["2:5"]], "Polar_expression": [["stort sett levende skildring"], ["22:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skildring"], ["41:50"]], "Polar_expression": [["stort sett levende"], ["22:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Folkvord"], ["10:18"]], "Polar_expression": [["gir", "stort sett levende skildring"], ["6:9", "22:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-08-01", "text": "Nyansert og velkomponert", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nyansert"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["velkomponert"], ["12:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305017-09-01", "text": "Nyansert og velkomponert", "opinions": []}, {"sent_id": "305017-10-01", "text": "I den spenner hun opp et bredt lerret , og med et sikkert grep om stoffet f\u00f8lger hun Kjelsberg fra f\u00f8dsel i Svelvik i 1866 til hennes d\u00f8d som h\u00f8yt respektert rikskjendis i 1950 .", "opinions": [{"Source": [[], []], "Target": [["Kjelsberg"], ["85:94"]], "Polar_expression": [["h\u00f8yt respektert rikskjendis"], ["142:169"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "305017-10-02", "text": "At hun i likhet med Qvam ble begravet p\u00e5 statens bekostning , sier noe om hennes posisjon i samtiden .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["3:6"]], "Polar_expression": [["i likhet med Qvam ble begravet p\u00e5 statens bekostning"], ["7:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "305017-11-01", "text": "S\u00e6rlig levende er skildringene av om hennes ungdomstid tid som en av Norges f\u00f8rste kvinnelige gymnasiaster og milj\u00f8et omkring kvinnegruppa Skuld .", "opinions": [{"Source": [[], []], "Target": [["skildringene av om hennes ungdomstid"], ["18:54"]], "Polar_expression": [["S\u00e6rlig levende"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-11-02", "text": "Sjelden har jeg lest en mer elegant skildring av et bryllup biografen stiller seg kritisk til av grunner som forsiktig utdypes utover i boka .", "opinions": [{"Source": [["jeg"], ["12:15"]], "Target": [["skildring av et bryllup biografen stiller seg kritisk til"], ["36:93"]], "Polar_expression": [["Sjelden", "lest en mer elegant"], ["0:7", "16:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-11-03", "text": "\u00ab Det vart ingen artium for den unge Betzy .", "opinions": []}, {"sent_id": "305017-11-04", "text": "Kj\u00e6rleiken tok styringa over studentkarrieren \u00bb , skriver hun med sikker sans for understatement .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["58:61"]], "Polar_expression": [["skriver", "med sikker sans for understatement"], ["50:57", "62:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-12-01", "text": "Utrettelig fabrikkinspekt\u00f8r", "opinions": [{"Source": [[], []], "Target": [["fabrikkinspekt\u00f8r"], ["11:27"]], "Polar_expression": [["Utrettelig"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-13-01", "text": "Utrettelig fabrikkinspekt\u00f8r", "opinions": []}, {"sent_id": "305017-14-01", "text": "At Folkvord ogs\u00e5 har blikk for sl\u00e5ende eksempler , viser hun flere steder .", "opinions": [{"Source": [[], []], "Target": [["Folkvord"], ["3:11"]], "Polar_expression": [["blikk for sl\u00e5ende eksempler"], ["21:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-14-02", "text": "For eksempel i beskrivelsen av Kjelsberg innsats for en kvinnelig kokke som delte rom med seks-sju mann .", "opinions": []}, {"sent_id": "305017-14-03", "text": "Det fikk holde at hun lagde mat til mennene , hun skulle ikke ogs\u00e5 v\u00e6re kjerringa deres , noe ogs\u00e5 bedriftseieren inns\u00e5 til slutt .", "opinions": []}, {"sent_id": "305017-15-01", "text": "Til tross for massive fordommer mot en kvinnelig fabrikkinspekt\u00f8r , visste Kjelsberg \u00e5 sette seg i respekt hos sine motstandere .", "opinions": []}, {"sent_id": "305017-15-02", "text": "Folkvord argumenterer overbevisende for at hun var altfor dyktig til \u00e5 bli sjefsinspekt\u00f8r i 1916 .", "opinions": [{"Source": [[], []], "Target": [["Folkvord"], ["0:8"]], "Polar_expression": [["argumenterer overbevisende"], ["9:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-15-03", "text": "Stillingen gikk i stedet til en mann uten erfaring og kompetanse , men med riktig nettverk .", "opinions": []}, {"sent_id": "305017-15-04", "text": "Et mer graverende eksempel p\u00e5 at Kjelsberg ble oppfattet som en trussel av mannsveldet , var da hun til tross for bred st\u00f8tte ikke ble sosialminister i 1928 .", "opinions": [{"Source": [[], []], "Target": [["eksempel"], ["18:26"]], "Polar_expression": [["graverende"], ["7:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["da hun til tross for bred st\u00f8tte ikke ble sosialminister i 1928"], ["93:156"]], "Polar_expression": [["graverende eksempel"], ["7:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "305017-16-01", "text": "Den r\u00f8de tr\u00e5den i boka er Folkvords skarpe betraktninger om hvorfor Norge ble \u00ab ein sinke n\u00e5r det gjaldt kvinner i sentrale posisjoner \u00bb .", "opinions": [{"Source": [[], []], "Target": [["betraktninger"], ["43:56"]], "Polar_expression": [["skarpe"], ["36:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-16-02", "text": "Hennes lite flatterende beskrivelser av menn som tviholder p\u00e5 sine maktposisjoner , burde v\u00e6re aktuelle ogs\u00e5 i dag .", "opinions": [{"Source": [[], []], "Target": [["beskrivelser"], ["24:36"]], "Polar_expression": [["lite flatterende"], ["7:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["beskrivelser"], ["24:36"]], "Polar_expression": [["burde v\u00e6re aktuelle ogs\u00e5 i dag"], ["84:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["menn som tviholder p\u00e5 sine maktposisjoner"], ["40:81"]], "Polar_expression": [["lite flatterende beskrivelser"], ["7:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-17-01", "text": "Sakte fremdrift", "opinions": [{"Source": [[], []], "Target": [["fremdrift"], ["6:15"]], "Polar_expression": [["Sakte"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-18-01", "text": "Sakte fremdrift", "opinions": []}, {"sent_id": "305017-19-01", "text": "Til gjengjeld har Folkvord gjort et stort arbeid i \u00e5 saumfare arkiver .", "opinions": [{"Source": [[], []], "Target": [["Folkvord"], ["18:26"]], "Polar_expression": [["gjort et stort arbeid i \u00e5 saumfare arkiver"], ["27:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-19-02", "text": "Materialet er s\u00e5 omfattende at det g\u00e5r utover fremdriften i historien enkelte steder .", "opinions": [{"Source": [[], []], "Target": [["Materialet"], ["0:10"]], "Polar_expression": [["s\u00e5 omfattende at det g\u00e5r utover fremdriften i historien enkelte steder"], ["14:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-19-03", "text": "P\u00e5 side 144 f\u00e5r vi vite at Kjelsbergs flyttet fra Drammen til Kristiania .", "opinions": []}, {"sent_id": "305017-19-04", "text": "Det tar imidlertid femti sider f\u00f8r de flytter inn i en leilighet i Victoria Terrasse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tar imidlertid femti sider f\u00f8r de flytter inn i en leilighet i Victoria Terrasse"], ["4:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "305017-20-01", "text": "Likevel er det ingen tvil om at Folkvord med \u00ab Betzy Kjelsberg \u00bb er blant de forfatterne som utvider norsk biografiskriving til \u00e5 omfatte andre enn v\u00e5re krigshelter og etterkrigstidens statsministre .", "opinions": [{"Source": [[], []], "Target": [["Folkvord"], ["32:40"]], "Polar_expression": [["utvider norsk biografiskriving til \u00e5 omfatte andre enn v\u00e5re krigshelter og etterkrigstidens statsministre"], ["93:198"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305017-20-02", "text": "\u00ab Betzy Kjelsberg \u00bb anbefales til alle som vil vite mer om feminismen lange og stolte tradisjon helt tilbake til 1800-tallet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Betzy Kjelsberg \u00bb"], ["0:19"]], "Polar_expression": [["anbefales til alle som vil vite mer om feminismen lange og stolte tradisjon helt tilbake til 1800-tallet"], ["20:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703555-01-01", "text": "P\u00e5 raggedeiseni metropolen", "opinions": []}, {"sent_id": "703555-02-01", "text": "Kva hadde n\u00e5 han der \u00e5 gjera ?", "opinions": []}, {"sent_id": "703555-03-01", "text": "Sunnhordlendingen Geir Olav J\u00f8rgensen ( 1971 , debut 2006 ) kjenner ein igjen n\u00e5r ein f\u00e5r ei ny bok av han .", "opinions": []}, {"sent_id": "703555-03-02", "text": "Han er ein av forteljarane i bokheimen , av dei som b\u00e5de fortel fordi personane hans har mangt og mykje \u00e5 fortelja og fordi dei sj\u00f8lve \u2013 mens dei fortel \u2013 strever med \u00e5 forst\u00e5 kva dei balar p\u00e5 med i livet .", "opinions": []}, {"sent_id": "703555-04-01", "text": "Forfattaren er sj\u00f8lv ein mykje bereist mann , som , n\u00e5r han tar personane sine med rundtforbi p\u00e5 kartet , ikkje gjer det utan \u00e5 sveipa innom det bygdevestlandske utgangspunktet sitt , sj\u00f8lv om det kanskje ikkje lenger er ein blivande stad .", "opinions": []}, {"sent_id": "703555-04-02", "text": "Det gjer han ogs\u00e5 i ein minnesekvens i \u00e5rets roman , der hovudpersonen sj\u00f8lv i rusa stand tutlar omkring i Berlin , som ein slags up\u00e5meldt deltakar i eit uoffisielt \u00ab Marathon Berlin \u00bb .", "opinions": []}, {"sent_id": "703555-05-01", "text": "\u00ab Marathon Berlin \u00bb er den femte boka til J\u00f8rgensen , velkomponert pakka med dei ingrediensane vi kjenner han p\u00e5 : ein mannleg hovudperson s\u00e5nn p\u00e5 hans eigen alder , ein musisk vandrar og bohem , ein b\u00e5de kjenslev\u00e2r og realitetsorientert dr\u00f8ymar og fors\u00f8ksvis kosmopolitt , ein mann med mykje kvinne\u2014 og familieelsk i seg , ul\u00f8yseleg knytt til oppvekststaden sin , ein jordn\u00e6r estet , og ikkje \u00e5 forgl\u00f8yma : ein mann som sjeldan er langt vekke fr\u00e5 ymse rusmiddel .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Marathon Berlin \u00bb"], ["0:19"]], "Polar_expression": [["velkomponert"], ["54:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703555-06-01", "text": "I den femdelte , nesten dialogfrie romanen \u00ab Marathon Berlin \u00bb , med vekslande synsvinklar fr\u00e5 f\u00f8rste til tredje person og tilbake igjen , har bygdenorske Erik tatt med seg den j\u00f8diske kona si , Tamara , og dei to ungane p\u00e5 \u00e5tte og eitt og eit halvt og flytta til Berlin for \u00e5 studera kunsthistorie .", "opinions": []}, {"sent_id": "703555-06-02", "text": "Det g\u00e5r ikkje s\u00e5 glatt for denne eigesjuke egoisten som strever med sj\u00f8lvbildet sitt , ganske spesielt fordi han er besett sjalu p\u00e5 Tamara der ho g\u00e5r og steller for dei alle ; til ho rimelegvis f\u00e5r nok .", "opinions": [{"Source": [[], []], "Target": [["han"], ["109:112"]], "Polar_expression": [["eigesjuke egoisten som strever med sj\u00f8lvbildet sitt"], ["33:84"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703555-07-01", "text": "S\u00e5 finn d\u00e5 hovudpersonen ettersom dagane surrar og sviv ut at di lenger ein lever , di fleire feil f\u00e5r ein utretta , og elles at jorda er rund og utan exit .", "opinions": []}, {"sent_id": "703555-07-02", "text": "Geir Olav J\u00f8rgensen gjer det til medrivande lesning .", "opinions": [{"Source": [[], []], "Target": [["Geir Olav J\u00f8rgensen"], ["0:19"]], "Polar_expression": [["gjer det til medrivande lesning"], ["20:51"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["medrivande lesning"], ["33:51"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703555-07-03", "text": "Som den individualisten han er , bryr han seg heller ikkje overvettes om skolegrammatikk og rettskrivingsreglar .", "opinions": []}, {"sent_id": "108189-01-01", "text": "Beyonc\u00e9 feat .", "opinions": []}, {"sent_id": "108189-01-02", "text": "Jay-Z :", "opinions": []}, {"sent_id": "108189-01-03", "text": "\u00ab DeJa Vu \u00bb", "opinions": []}, {"sent_id": "108189-02-01", "text": "( Columbia / Sony BMG )", "opinions": []}, {"sent_id": "108189-03-01", "text": "Verdens mektigste pop-par kan kunsten \u00e5 blande forretninger og forn\u00f8yelse .", "opinions": [{"Source": [[], []], "Target": [["pop-par"], ["18:25"]], "Polar_expression": [["Verdens mektigste"], ["0:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pop-par"], ["18:25"]], "Polar_expression": [["kan kunsten \u00e5 blande forretninger og forn\u00f8yelse"], ["26:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108189-04-01", "text": "Beyonc\u00e9 Knowles vil raske med seg uhorvelige mengder penger og oppmerksomhet ogs\u00e5 i \u00e5r , via filmen \u00ab Dreamgirls \u00bb og platen \u00ab B'Day \u00bb .", "opinions": []}, {"sent_id": "108189-04-02", "text": "Bedre ting har skjedd med verre folk , for p\u00e5 denne album-aperitiffen viser Destiny's Child-sjefen at hun er den globale poptronen verdig .", "opinions": [{"Source": [[], []], "Target": [["Destiny's Child-sjefen"], ["76:98"]], "Polar_expression": [["globale poptronen verdig"], ["113:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["album-aperitiffen"], ["52:69"]], "Polar_expression": [["album-aperitiffen"], ["52:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album-aperitiffen"], ["52:69"]], "Polar_expression": [["viser Destiny's Child-sjefen at hun er den globale poptronen verdig"], ["70:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108189-05-01", "text": "\u00ab DeJa Vu \u00bb beveger seg et stykke utenfor R&B-stilen vi forbinder med Beyonc\u00e9 .", "opinions": []}, {"sent_id": "108189-05-02", "text": "Men ta det med ro , hun er fortsatt b\u00e5de catchy og funky .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["20:23"]], "Polar_expression": [["catchy"], ["41:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["20:23"]], "Polar_expression": [["funky"], ["51:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108189-05-03", "text": "Denne gangen st\u00e5r hun i gjeld til Michael Jackson og den banebrytende popdiskoen han lagde p\u00e5 \u00ab Off The Wall \u00bb i 1979 .", "opinions": [{"Source": [[], []], "Target": [["Michael Jackson"], ["34:49"]], "Polar_expression": [["banebrytende popdiskoen han lagde p\u00e5 \u00ab Off The Wall \u00bb"], ["57:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Off The Wall \u00bb"], ["94:110"]], "Polar_expression": [["banebrytende popdiskoen"], ["57:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108189-05-04", "text": "Og igjen trekker hun linjer mellom klassisk sort musikkhistorie og n\u00e5tid p\u00e5 et elegant vis f\u00e5 gj\u00f8r henne etter .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["17:20"]], "Polar_expression": [["trekker", "linjer mellom klassisk sort musikkhistorie og n\u00e5tid p\u00e5 et elegant vis"], ["9:16", "21:90"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108189-06-01", "text": "Det skader heller ikke at kj\u00e6resten Jay-Z dukker opp med sin makel\u00f8se rap , slik han gjorde for henne p\u00e5 klassiske \u00ab Crazy In Love \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Crazy In Love \u00bb"], ["115:132"]], "Polar_expression": [["Jay-Z dukker opp med sin makel\u00f8se rap"], ["36:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Crazy In Love \u00bb"], ["115:132"]], "Polar_expression": [["klassiske"], ["105:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jay-Z"], ["36:41"]], "Polar_expression": [["makel\u00f8se rap"], ["61:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rap"], ["70:73"]], "Polar_expression": [["makel\u00f8se"], ["61:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skader heller ikke at kj\u00e6resten Jay-Z dukker opp med sin makel\u00f8se rap"], ["4:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108189-06-02", "text": "\u00ab DeJa Vu \u00bb viser at id\u00e9t\u00f8rken deres stadig lar vente p\u00e5 seg .", "opinions": [{"Source": [[], []], "Target": [["\u00ab DeJa Vu \u00bb"], ["0:11"]], "Polar_expression": [["id\u00e9t\u00f8rken deres stadig lar vente p\u00e5 seg"], ["21:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002618-01-01", "text": "Kaldt , s\u00e5rt og passe vellykket", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kaldt"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5rt"], ["8:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["passe vellykket"], ["16:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002618-02-01", "text": "Avicii , Gwyneth Paltrow og sanger om skilsmisse .", "opinions": []}, {"sent_id": "002618-02-02", "text": "Chris Martin er bare halvveis tilbake p\u00e5 Ghost Stories .", "opinions": [{"Source": [[], []], "Target": [["Chris Martin"], ["0:12"]], "Polar_expression": [["bare halvveis tilbake"], ["16:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-03-01", "text": "I 1978 slapp Marvin Gaye albumet Here , My Dear , en bitter , personlig og briljant plate om soulsangerens skilsmisse fra Anna Gordy .", "opinions": [{"Source": [[], []], "Target": [["Here , My Dear"], ["33:47"]], "Polar_expression": [["bitter"], ["53:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Here , My Dear"], ["33:47"]], "Polar_expression": [["personlig"], ["62:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Here , My Dear"], ["33:47"]], "Polar_expression": [["briljant"], ["75:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-03-02", "text": "F\u00f8r innspillingen hadde Marvin Gayes advokater blitt enige om at halvparten av dollarmillionen han fikk da platen var ferdig skulle g\u00e5 til Gordy i skilsmisseavtalen , s\u00e5 de fleste regnet med at Gaye kjapt og uten f\u00f8lelser skulle lage en plate for \u00e5 bli ferdig med det .", "opinions": []}, {"sent_id": "002618-03-03", "text": "Neida , Gaye malte ut skilsmissen over 14 l\u00e5ter p\u00e5 en dobbelplate , og oppsummerte all sin bitterhet med tekstlinjen \" If you ever loved me will all of your heart / You'd never take one million dollars to part \" .", "opinions": []}, {"sent_id": "002618-04-01", "text": "I 2014 pr\u00f8ver Chris Martin \u00e5 bruke Ghost Stories til \u00e5 drive ut demoner etter skilsmissen fra Gwyneth Paltrow , samtidig som Coldplay pr\u00f8ver \u00e5 revitalisere seg etter slappe Mylo Xyloto .", "opinions": [{"Source": [[], []], "Target": [["Chris Martin"], ["14:26"]], "Polar_expression": [["pr\u00f8ver", "\u00e5 bruke Ghost Stories til \u00e5 drive ut demoner etter skilsmissen fra Gwyneth Paltrow"], ["7:13", "27:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["pr\u00f8ver \u00e5 revitalisere seg etter slappe Mylo Xyloto"], ["134:184"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-04-02", "text": "Det l\u00e5ter definitivt vakkert og s\u00e5rt , men noen Here , My Dear - som i mine \u00f8rer er platen alle skilsmisseplater m\u00e5les opp mot - er det ikke .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["l\u00e5ter definitivt vakkert"], ["4:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["l\u00e5ter definitivt", "s\u00e5rt"], ["4:20", "32:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["er det ikke", "noen Here , My Dear"], ["129:140", "43:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-05-01", "text": "Tekstmessig blir vi silkemykt dratt gjennom sinnstilstanden til en mann som ikke lenger er med sin kj\u00e6rlighet .", "opinions": [{"Source": [[], []], "Target": [["Tekstmessig"], ["0:11"]], "Polar_expression": [["silkemykt"], ["20:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-05-02", "text": "Fra de f\u00f8rste , litt vonde tankene i \" Always In My Head \" og metaforen om \u00e5 bli kuttet i to i \" Magic \" ( \" I just got broken , broken into two / Still I call it magic , when I'm next to you ) , f\u00f8r desperasjonen dukker opp i \" True Love \" ( \" lie to me \" ) og den lett patetiske idylliseringen av eksen f\u00e5r fritt spillerom p\u00e5 \" A Sky Full of Stars \" ( \" Cause you're a sky full of stars / Such a heavenly view \" ) .", "opinions": []}, {"sent_id": "002618-05-03", "text": "Lyrisk er det beint frem kjedelig og uinteressant og endimensjonalt , selv til Chris Martin \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["Lyrisk"], ["0:6"]], "Polar_expression": [["beint frem"], ["14:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lyrisk"], ["0:6"]], "Polar_expression": [["kjedelig"], ["25:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lyrisk"], ["0:6"]], "Polar_expression": [["uinteressant"], ["37:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lyrisk"], ["0:6"]], "Polar_expression": [["endimensjonalt"], ["53:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Chris Martin"], ["79:91"]], "Polar_expression": [["Lyrisk er det beint frem kjedelig og uinteressant og endimensjonalt , selv til Chris Martin \u00e5 v\u00e6re"], ["0:98"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-05-04", "text": "P\u00e5 sitt beste kan han v\u00e6re en konge av s\u00f8dmefylt allsanglyrikk , tenk bare p\u00e5 den entusiastiske kj\u00e6rlighetserkl\u00e6ringen i \" Yellow \" , eller det g\u00e5sehudfremkallende refrenget i \" Fix You \" :", "opinions": [{"Source": [[], []], "Target": [["han"], ["18:21"]], "Polar_expression": [["kan", "v\u00e6re en konge av s\u00f8dmefylt allsanglyrikk"], ["14:17", "22:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kj\u00e6rlighetserkl\u00e6ringen"], ["96:118"]], "Polar_expression": [["entusiastiske"], ["82:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["refrenget"], ["164:173"]], "Polar_expression": [["g\u00e5sehudfremkallende"], ["144:163"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-05-05", "text": "\" Lights will guide you home / And ignite your bones / And I will try to fix you \" .", "opinions": []}, {"sent_id": "002618-05-06", "text": "Pop p\u00e5 sitt flotteste .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Pop p\u00e5 sitt flotteste"], ["0:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002618-06-01", "text": "Det er dog noen till\u00f8p til store \u00f8yeblikk p\u00e5 Ghost Stories .", "opinions": [{"Source": [[], []], "Target": [["Ghost Stories"], ["45:58"]], "Polar_expression": [["till\u00f8p til store \u00f8yeblikk"], ["16:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-06-02", "text": "\" Another \u2019 s Arms \" en mystisk liten perle med den nydelige samplingen av Jane Weaver som en signatur som g\u00e5r gjennom l\u00e5ten .", "opinions": [{"Source": [[], []], "Target": [["\" Another \u2019 s Arms \""], ["0:20"]], "Polar_expression": [["mystisk liten perle"], ["24:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Another \u2019 s Arms \""], ["0:20"]], "Polar_expression": [["nydelige samplingen av Jane Weaver"], ["52:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-06-03", "text": "Samarbeidet med Avicii p\u00e5 \" A Sky Full of Stars \" markerer muligens en ny \u00e6ra for popmusikken , med sitt m\u00f8te mellom det mest publikumsvennlige av 2000-tallets popmusikk , Coldplay , og 2010-tallets s\u00e5 langt st\u00f8rste popsnekker , Tim Bergling , Singelen \" Magic \" har en produksjon og et hook som g\u00e5r utenom det meste i profesjonalitet og headsetvennlighet .", "opinions": [{"Source": [[], []], "Target": [["Samarbeidet med Avicii p\u00e5 \" A Sky Full of Stars \""], ["0:49"]], "Polar_expression": [["markerer muligens en ny \u00e6ra for popmusikken"], ["50:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tim Bergling"], ["229:241"]], "Polar_expression": [["2010-tallets s\u00e5 langt st\u00f8rste popsnekker"], ["186:226"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Magic \""], ["253:262"]], "Polar_expression": [["har en produksjon og et hook som g\u00e5r utenom det meste i profesjonalitet og headsetvennlighet"], ["263:355"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mest publikumsvennlige av 2000-tallets popmusikk"], ["121:169"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-06-04", "text": "P\u00e5 \" Midnight \" blir Chris Martin s\u00e5 mumlete at man tror han har g\u00e5tt p\u00e5 Islands Kunsth\u00f8yskole For Uforst\u00e5elig Sigur R\u00f4s-vokal , men inni der er det forh\u00e5pentligvis ogs\u00e5 signaler p\u00e5 hvor Coldplay skal g\u00e5 i fremtiden : den m\u00f8rke , dystre Chris Martin kan v\u00e6re interessant \u00e5 utvikle .", "opinions": [{"Source": [[], []], "Target": [["Chris Martin"], ["21:33"]], "Polar_expression": [["man tror han har g\u00e5tt p\u00e5 Islands Kunsth\u00f8yskole For Uforst\u00e5elig Sigur R\u00f4s-vokal"], ["48:126"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den m\u00f8rke , dystre Chris Martin"], ["218:249"]], "Polar_expression": [["kan v\u00e6re interessant \u00e5 utvikle"], ["250:280"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-07-01", "text": "De fine till\u00f8pene til tross , Ghost Stories er en lettvekter .", "opinions": [{"Source": [[], []], "Target": [["Ghost Stories"], ["30:43"]], "Polar_expression": [["lettvekter"], ["50:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002618-07-02", "text": "Det er ikke visjon\u00e6rt , storslagent , eller mystisk nok til at det oppleves som bandet er gjenf\u00f8dt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke visjon\u00e6rt", "nok"], ["7:21", "52:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke", "storslagent", "nok"], ["7:11", "24:35", "52:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke", "mystisk nok"], ["7:11", "44:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002618-07-03", "text": "Men sammenlignet med Mylo Xyloto er det flere steg i riktig retning , n\u00e5 gjelder det bare \u00e5 strekke strikken i alle retninger , s\u00e5 kanskje Coldplay blir det interessante og eksperimenterende bandet de aldri har truet med \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sammenlignet med Mylo Xyloto er det flere steg i riktig retning"], ["4:67"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301815-01-01", "text": "Gutter og menn", "opinions": []}, {"sent_id": "301815-02-01", "text": "\u00ab Mud \u00bb er et herlig oppvekstdrama , inspirert av Mark Twain og de tidlige ten\u00e5renes smertefulle forelskelser .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Mud \u00bb"], ["0:7"]], "Polar_expression": [["herlig"], ["14:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["forelskelser", "ten\u00e5renes"], ["97:109", "75:84"]], "Polar_expression": [["smertefulle"], ["85:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "301815-03-02", "text": "Ellis er 14 \u00e5r og bor med mor og far p\u00e5 en husb\u00e5t ved en av Mississippis sideelver i Arkansas .", "opinions": []}, {"sent_id": "301815-03-03", "text": "Han sniker seg ut f\u00f8r daggry og m\u00f8ter sin jevnaldrende kompis , Neckbone , som har noe \u00e5 vise ham .", "opinions": []}, {"sent_id": "301815-03-04", "text": "De kj\u00f8rer ut i elvas hovedl\u00f8p og videre til ei \u00f8y der hemmeligheten skjuler seg :", "opinions": []}, {"sent_id": "301815-03-05", "text": "H\u00f8yt oppe i et tre ligger en b\u00e5t , ei stort sett uskadd plastsnekke .", "opinions": []}, {"sent_id": "301815-03-06", "text": "Den eneste som vet om b\u00e5ten , er Neckbones onkel , s\u00e5 her ligger alt til rette for en s\u00f8t hemmelig-sted -i skogen-historie .", "opinions": []}, {"sent_id": "301815-04-01", "text": "Til guttas store overraskelse , viser det seg at de ikke er aleine p\u00e5 \u00f8ya :", "opinions": []}, {"sent_id": "301815-04-02", "text": "Matthew McConaughey har stiftet rede i \u00ab treb\u00e5ten \u00bb .", "opinions": []}, {"sent_id": "301815-04-03", "text": "Det vil si , han gjemmer seg der .", "opinions": []}, {"sent_id": "301815-04-04", "text": "Han er sulten og ber gutta skaffe ham mat .", "opinions": []}, {"sent_id": "301815-04-05", "text": "I bukselinningen b\u00e6rer han en Colt .45 .", "opinions": []}, {"sent_id": "301815-05-01", "text": "Stort talent", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stort talent"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-05-02", "text": "H\u00f8res dette kjent ut ?", "opinions": []}, {"sent_id": "301815-05-03", "text": "To gutter p\u00e5 eventyr .", "opinions": []}, {"sent_id": "301815-05-04", "text": "P\u00e5 Mississippi .", "opinions": []}, {"sent_id": "301815-05-05", "text": "Som blir venner med en mann p\u00e5 r\u00f8mmen .", "opinions": []}, {"sent_id": "301815-05-06", "text": "Jepp , dette er en oppdatert utgave av Tom Sawyer og Huckleberry Finn , skrevet og regissert av et av amerikansk films st\u00f8rste talenter , Jeff Nichols .", "opinions": [{"Source": [[], []], "Target": [["Jeff Nichols"], ["138:150"]], "Polar_expression": [["et av amerikansk films st\u00f8rste talenter"], ["96:135"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-05-07", "text": "34-\u00e5ringen debuterte med \u00ab Shotgun Stories \u00bb og fikk et begrenset gjennombrudd med den intense \u00ab Take Shelter \u00bb ( 2011 ) , om en sm\u00e5barnsfar i Ohio som merker en snikende sinnsykdom i form av dommedagsdr\u00f8mmer .", "opinions": []}, {"sent_id": "301815-06-01", "text": "I \u00ab Mud \u00bb er Nichols tilbake i hjemstaten Arkansas og har beg\u00e5tt en oppvekstskildring som kunne funnet sted for b\u00e5de tjue og f\u00f8rti \u00e5r siden .", "opinions": []}, {"sent_id": "301815-06-02", "text": "De kraftige pickup-ene er av nyere modell , men elva flyter som alltid .", "opinions": []}, {"sent_id": "301815-06-03", "text": "Husb\u00e5tene er relativt tidl\u00f8se , Ellis og Neckbone kj\u00f8rer hjelml\u00f8se rundt p\u00e5 en bulkete motorsykkel og mennene de kjenner lever av elva .", "opinions": []}, {"sent_id": "301815-07-01", "text": "Realistisk magi", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Realistisk magi"], ["0:15"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-07-02", "text": "Noen vil kanskje tro at b\u00e5ten i treet b\u00e6rer bud om magisk realisme \u00e1 la \u00ab The Beasts of the Southern Wild \u00bb , men resten av filmen er reinspikka realisme .", "opinions": []}, {"sent_id": "301815-07-03", "text": "Her ingen fargerike fylliker eller poetiske fortellerstemmer og det er langt mellom s\u00f8rstatskarikaturene .", "opinions": [{"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["ingen fargerike fylliker eller poetiske fortellerstemmer"], ["4:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["langt mellom s\u00f8rstatskarikaturene"], ["71:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301815-07-04", "text": "Magien best\u00e5r i hvordan Nichols drar oss inn i landskapet og historien han vil fortelle .", "opinions": [{"Source": [[], []], "Target": [["Nichols"], ["24:31"]], "Polar_expression": [["Magien best\u00e5r i hvordan", "drar oss inn i landskapet og historien han vil fortelle"], ["0:23", "32:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-08-01", "text": "Ellis spilles av Tye Sheridan ( \u00ab Tree of Life \u00bb ) og er en godhjertet romantiker som pr\u00f8ver \u00e5 finne ut av dette med jenter og slikt og han blir ikke mindre forvirret av \u00e5 observere de voksne .", "opinions": [{"Source": [[], []], "Target": [["Ellis"], ["0:5"]], "Polar_expression": [["godhjertet romantiker"], ["60:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-08-02", "text": "Han smuglytter n\u00e5r mor pr\u00f8ver \u00e5 f\u00e5 hans f\u00e5m\u00e6lte far i tale .", "opinions": []}, {"sent_id": "301815-08-03", "text": "Faren er en \u00e6rlig , s\u00f8rgmodig arbeidskar som ikke har levd opp til det mannsidealet b\u00e5de han og omgivelsene verdsetter .", "opinions": [{"Source": [[], []], "Target": [["Faren"], ["0:5"]], "Polar_expression": [["\u00e6rlig"], ["12:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Faren"], ["0:5"]], "Polar_expression": [["s\u00f8rgmodig"], ["20:29"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Faren"], ["0:5"]], "Polar_expression": [["ikke har levd opp til det mannsidealet b\u00e5de han og omgivelsene verdsetter"], ["45:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-08-04", "text": "Ellis har vanskelig for \u00e5 godta at to mennesker kan slutte \u00e5 elske hverandre .", "opinions": []}, {"sent_id": "301815-08-05", "text": "Det er ikke minst derfor han trekkes mot Mud ( McConaughey ) .", "opinions": []}, {"sent_id": "301815-08-06", "text": "Mud lever i skjul , b\u00e6rer v\u00e5pen og er muligens ikke til \u00e5 stole p\u00e5 , men han elsker en kvinne , Juniper ( Reese Witherspoon ) og Ellis er villig til \u00e5 leve farlig for \u00e5 bringe dem sammen igjen .", "opinions": [{"Source": [[], []], "Target": [["Mud"], ["0:3"]], "Polar_expression": [["muligens ikke til \u00e5 stole p\u00e5"], ["38:66"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301815-09-01", "text": "Symbolske kvinner", "opinions": []}, {"sent_id": "301815-09-02", "text": "McConaughey fortsetter \u00e5 imponere i sitt nye liv som seri\u00f8s skuespiller , men det som gj\u00f8r \u00ab Mud \u00bb til en stor opplevelse , er Nichols'evne til \u00e5 bringe de mindre rollene til liv , b\u00e5de gjennom sin fortellerevne og i arbeidet med \u00e5 lokke det beste ut av gode skuespillere .", "opinions": [{"Source": [[], []], "Target": [["McConaughey"], ["0:11"]], "Polar_expression": [["fortsetter \u00e5 imponere"], ["12:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Nichols'evne til \u00e5 bringe de mindre rollene til liv"], ["127:178"]], "Polar_expression": [["gj\u00f8r \u00ab Mud \u00bb til en stor opplevelse"], ["86:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Mud \u00bb"], ["91:98"]], "Polar_expression": [["stor opplevelse"], ["106:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301815-09-03", "text": "Det kan innvendes at han gir for liten plass til kvinnerollene og man kan sp\u00f8rre seg hvorfor Witherspoon takket ja til en s\u00e5pass symbolsk rolle , men ikke glem at vi ser verden med en 14-\u00e5rings blikk og alt tyder p\u00e5 at kvinner kommer til \u00e5 utgj\u00f8re en stor del av hans videre ferd mot voksenlivet .", "opinions": [{"Source": [[], []], "Target": [["han"], ["21:24"]], "Polar_expression": [["kan innvendes", "gir for liten plass til kvinnerollene"], ["4:17", "25:62"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111141-01-01", "text": "Helt h\u00e5pl\u00f8st !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Helt h\u00e5pl\u00f8st !"], ["0:14"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-02-01", "text": "Det hender , ikke ofte - men likevel :", "opinions": []}, {"sent_id": "111141-02-02", "text": "Man sitter i kinoens m\u00f8rke og tenker :", "opinions": []}, {"sent_id": "111141-02-03", "text": "Hva i helvete ( bokstavlig talt ) er dette ? !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hva i helvete ( bokstavlig talt ) er dette ? !"], ["0:46"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-03-01", "text": "Man ser jo en slags horrorfilm .", "opinions": []}, {"sent_id": "111141-03-02", "text": "Man ser jo at skuespillere fors\u00f8ker \u00e5 fremstille noen roller , man ser oppladbare driller som drapsv\u00e5pen , noen \u00ab d\u00f8de \u00bb som ikke har puls men puster og spyr svart olje , man h\u00f8rer \u00ab skummel \u00bb musikk , man skimter noe f\u00e5 \u00ab b\u00f8!-opplevelser \u00bb .", "opinions": []}, {"sent_id": "111141-03-03", "text": "Men ingenting henger sammen ; overdrivelsene er lammende usannsynlige ; de \u00ab normale \u00bb rollene greier ikke \u00e5 fremsi sine replikker uten en stivhet usett i norsk film siden 70-tallet ; de zombi-inspirerte avartene er ubestemmelige og direkte latterlige .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingenting henger sammen"], ["4:27"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["overdrivelsene er lammende usannsynlige"], ["30:69"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab normale \u00bb rollene"], ["75:94"]], "Polar_expression": [["greier ikke \u00e5 fremsi sine replikker uten en stivhet usett i norsk film siden 70-tallet"], ["95:181"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["zombi-inspirerte avartene"], ["187:212"]], "Polar_expression": [["ubestemmelige"], ["216:229"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["zombi-inspirerte avartene"], ["187:212"]], "Polar_expression": [["direkte latterlige"], ["233:251"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111141-03-04", "text": "Det hviler en fortvilet r\u00e5dvillhet over hele prosjektet ( som er norsk men har franske regiss\u00f8rer ) som gj\u00f8r filmen totalt ubehjelpelig og tilsvarende h\u00e5pl\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["109:115"]], "Polar_expression": [["hviler en fortvilet r\u00e5dvillhet over hele prosjektet"], ["4:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["109:115"]], "Polar_expression": [["totalt ubehjelpelig"], ["116:135"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["109:115"]], "Polar_expression": [["tilsvarende h\u00e5pl\u00f8s"], ["139:157"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-03-05", "text": "Og verst :", "opinions": []}, {"sent_id": "111141-03-06", "text": "Filmen er strabasi\u00f8st blottet for humor .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["strabasi\u00f8st blottet for humor"], ["10:39"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-04-01", "text": "Man aner jo at dette er et , fors\u00e5vidt , energisk sjangerfors\u00f8k .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["energisk sjangerfors\u00f8k"], ["41:63"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-04-02", "text": "Det mangler ikke p\u00e5 referanser , verken til r\u00e5dende splatterforbilder eller skrekksusjetter ( som \u00ab Ringu \u00bb og \u00ab Saw \u00bb -serien , eller \u00ab Blair Witch \u00bb , for den saks skyld ) .", "opinions": []}, {"sent_id": "111141-04-03", "text": "Problemet er bare at i den grad de nevnte filmene et stykke p\u00e5 vei lykkes , s\u00e5 er det fordi de greier \u00e5 skape sitt eget univers - en slags egenskapt surrealisme .", "opinions": [{"Source": [[], []], "Target": [["de nevnte filmene"], ["32:49"]], "Polar_expression": [["lykkes", "fordi de greier \u00e5 skape sitt eget univers"], ["67:73", "86:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111141-04-04", "text": "\u00ab M\u00f8rke sjeler \u00bb vasser bare rundt i et traurig norsk sosialdemokrati , uten \u00e5 l\u00f8fte seg selv bort fra noe som helst .", "opinions": [{"Source": [[], []], "Target": [["\u00ab M\u00f8rke sjeler \u00bb"], ["0:16"]], "Polar_expression": [["vasser bare rundt i et traurig norsk sosialdemokrati"], ["17:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab M\u00f8rke sjeler \u00bb"], ["0:16"]], "Polar_expression": [["uten \u00e5 l\u00f8fte seg selv bort fra noe som helst"], ["72:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-04-05", "text": "Det mangler i grunnen bare at J\u00f8rgen Kosmo dukker opp i billedkanten med brune sko og gr\u00e5 dress og sier u-hu .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mangler i grunnen bare at J\u00f8rgen Kosmo dukker opp i billedkanten med brune sko og gr\u00e5 dress og sier u-hu"], ["4:108"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-05-01", "text": "\u00ab M\u00f8rke sjeler \u00bb skal ha vunnet utenlandske priser p\u00e5 en del festivaler .", "opinions": [{"Source": [[], []], "Target": [["\u00ab M\u00f8rke sjeler \u00bb"], ["0:16"]], "Polar_expression": [["vunnet utenlandske priser p\u00e5 en del festivaler"], ["25:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "111141-05-02", "text": "Hvordan d\u00e9t er mulig , aner ikke jeg - bortsett fra , kanskje , at \u00ab utlandet \u00bb oppfatter nordmenn som komplette idioter .", "opinions": [{"Source": [["jeg"], ["33:36"]], "Target": [["d\u00e9t"], ["8:11"]], "Polar_expression": [["Hvordan d\u00e9t er mulig , aner ikke jeg"], ["0:36"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["\u00ab utlandet \u00bb"], ["67:79"]], "Target": [["nordmenn"], ["90:98"]], "Polar_expression": [["komplette idioter"], ["103:120"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "111141-06-01", "text": "Mest h\u00e5pl\u00f8st siden ber\u00f8mmelige \u00ab Dis \u00bb ( 1994 ) ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mest h\u00e5pl\u00f8st siden ber\u00f8mmelige \u00ab Dis \u00bb"], ["0:38"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111141-06-02", "text": "Tett , tett p\u00e5 i alle fall !", "opinions": []}, {"sent_id": "101014-01-01", "text": "Filmanmeldelse :", "opinions": []}, {"sent_id": "101014-01-02", "text": "Tullmannens l\u00e6regutt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tullmannens l\u00e6regutt"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101014-02-01", "text": "Nesten et \u00e5r forsinket , og utsatt til filmbransjens svar p\u00e5 d\u00f8dens forv\u00e6relse \u2013 januarm\u00e5ned .", "opinions": []}, {"sent_id": "101014-03-01", "text": "USA.", "opinions": []}, {"sent_id": "101014-03-02", "text": "11 \u00e5r .", "opinions": []}, {"sent_id": "101014-03-03", "text": "Regi :", "opinions": []}, {"sent_id": "101014-03-04", "text": "Sergey Bodrov .", "opinions": []}, {"sent_id": "101014-03-05", "text": "Med :", "opinions": []}, {"sent_id": "101014-03-06", "text": "Ben Barnes , Julianne Moore , Jeff Bridges .", "opinions": []}, {"sent_id": "101014-04-01", "text": "Dette er en slik film man umiddelbart , vi snakker i l\u00f8pet av det f\u00f8rste minuttet med spilletid , skj\u00f8nner at kommer til \u00e5 bli nesten transcendentalt verdil\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["film"], ["17:21"]], "Polar_expression": [["i l\u00f8pet av det f\u00f8rste minuttet med spilletid , skj\u00f8nner at kommer til \u00e5 bli nesten transcendentalt verdil\u00f8s"], ["51:158"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101014-05-01", "text": "Og \u00ab Seventh Son \u2013 den siste l\u00e6rling \u00bb \u00ab skuffer ikke \u00bb :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00ab skuffer ikke \u00bb"], ["39:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101014-05-02", "text": "Dette oppkoket av \u00ab moderne \u00bb fantasy-klisjeer \u2013 ja , den har hekser ; ja , den har drager ; ja , den har en \u00ab magisk stein \u00bb , kan du vel skj\u00f8nne \u2013 kan v\u00e6re den mest avsindig sjell\u00f8se CGI-suckathonen siden \u00ab Van Helsing \u00bb ( 2004 ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["oppkoket av \u00ab moderne \u00bb fantasy-klisjeer"], ["6:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mest avsindig sjell\u00f8se CGI-suckathonen siden \u00ab Van Helsing \u00bb"], ["162:222"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Van Helsing \u00bb"], ["207:222"]], "Polar_expression": [["avsindig sjell\u00f8se CGI-suckathonen"], ["167:200"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101014-06-01", "text": "Historien er det samme gamle f\u00f8rmoderne \u00ab godt mot ondt \u00bb -dilldallet , simpelt gjenfortalt utelukkende som et p\u00e5skudd for \u00e5 \u00ab motivere \u00bb et par d\u00f8lle slagscener .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["samme gamle f\u00f8rmoderne \u00ab godt mot ondt \u00bb -dilldallet"], ["17:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["simpelt gjenfortalt"], ["72:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["p\u00e5skudd for \u00e5 \u00ab motivere \u00bb et par d\u00f8lle slagscener"], ["111:161"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["slagscener"], ["151:161"]], "Polar_expression": [["d\u00f8lle"], ["145:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101014-07-01", "text": "Gode skuespillere \u2013 Jeff Bridges ( som en sn\u00f8vlende vismann , ikke ulik han der trollduden i utbrettcoveret p\u00e5 Led Zeppelins fjerde album ) og Julianne Moore ( riktignok ganske deilig som den sorte onde heksedronningen , ikke ulik Angelina Jolie i \u00ab Maleficent \u00bb ) \u2013 skusles bort og ydmykes .", "opinions": [{"Source": [[], []], "Target": [["Jeff Bridges"], ["20:32"]], "Polar_expression": [["skusles bort og ydmykes", "Gode skuespillere"], ["267:290", "0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Julianne Moore"], ["143:157"]], "Polar_expression": [["skusles bort og ydmykes", "Gode skuespillere"], ["267:290", "0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skusles bort og ydmykes", "Gode skuespillere"], ["267:290", "0:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101014-08-01", "text": "Mindre gode skuespillere tygges opp og spyttes ut .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mindre gode skuespillere tygges opp og spyttes ut"], ["0:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101014-08-02", "text": "Ben Barnes er blek og uinteressant i en blek og uinteressant helterolle .", "opinions": [{"Source": [[], []], "Target": [["Ben Barnes"], ["0:10"]], "Polar_expression": [["blek"], ["14:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ben Barnes"], ["0:10"]], "Polar_expression": [["uinteressant"], ["22:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["helterolle"], ["61:71"]], "Polar_expression": [["uinteressant"], ["48:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["helterolle"], ["61:71"]], "Polar_expression": [["blek"], ["40:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101014-08-03", "text": "Kj\u00e6resteemnet hans , svenske Alicia Vikander , m\u00e5 g\u00e5 rundt og proklamere dialog som dette :", "opinions": []}, {"sent_id": "101014-08-04", "text": "\u00ab Det blir sagt at n\u00e5r en heks ber\u00f8rer h\u00e5nden til mannen som skal g\u00e5 ved hennes side i skinnet av en fullm\u00e5ne , vil det komme en bl\u00e5 gnist \u00bb .", "opinions": []}, {"sent_id": "101014-09-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "303566-01-01", "text": "Savnet :", "opinions": []}, {"sent_id": "303566-01-02", "text": "Spenstig TV om hus og hjem", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Spenstig"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-02-01", "text": "TVNorge k\u00e5rer Norges flotteste hjem med Bonytt-TV .", "opinions": []}, {"sent_id": "303566-03-01", "text": "TV :", "opinions": []}, {"sent_id": "303566-03-02", "text": "Vi nordmenn er gale etter bolig , enten det handler om kj\u00f8p og salg , interi\u00f8r eller oppussing .", "opinions": [{"Source": [[], []], "Target": [["Vi nordmenn"], ["0:11"]], "Polar_expression": [["gale etter bolig"], ["15:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303566-04-01", "text": "Den voldsomme interessen har ikke g\u00e5tt TV-produsentene hus forbi , og de tradisjonelle interi\u00f8rprogrammene har etter hvert f\u00e5tt selskap av et bredt utvalg boligrelaterte konsepter \u2014 fra \u00ab Sinnasnekker'n \u00bb og \u00ab Skjulte skatter \u00bb til \u00ab Boligjakten \u00bb og \u00ab Solgt ! \u00bb .", "opinions": []}, {"sent_id": "303566-05-01", "text": "N\u00e5 skal TVNorge og programleder Birgitte Lund Nakken etter to sesonger med \u00ab Herlige hjem \u00bb k\u00e5re landets \u00ab mest inspirerende og personlige hjem \u00bb .", "opinions": []}, {"sent_id": "303566-05-02", "text": "I hvert program presenteres tre boliger og menneskene som bor der , f\u00f8r en eksperttrio f\u00e5r se seg om og til slutt stemmer fram en finalist .", "opinions": []}, {"sent_id": "303566-05-03", "text": "Hvem som ender opp med tittelen \u00ab \u00c5rets hjem \u00bb og 100 000 kroner , avgj\u00f8res av seerne i finaleprogrammet .", "opinions": []}, {"sent_id": "303566-06-01", "text": "Mer folkelig enn trendy", "opinions": []}, {"sent_id": "303566-06-02", "text": "Det blir fort tydelig at det ikke er D2-segmentet som skal fenges av \u00ab \u00c5rets hjem \u00bb .", "opinions": []}, {"sent_id": "303566-06-03", "text": "Selv om b\u00e5de dommerpanelets arkitekt Knut Hovland og tidligere \u00ab Norway Says \u00bb -designer Andreas Engesvik representerer en trendriktig , ren smak , har interi\u00f8rdesigner Maria Erlingsdotter Neerland rollen som gispende begeistret tilhenger av det sjarmerende , hjemmekoselige , prangende og detaljrike .", "opinions": []}, {"sent_id": "303566-07-01", "text": "Og det er det siste vi f\u00e5r mest av i f\u00f8rste program , enten det er i sveitservillaen restaurert med tidsriktig , tungt 1800-tallsinteri\u00f8r , eller det jordn\u00e6re 30-tallshuset med egentegnet , moderne tilbygg .", "opinions": []}, {"sent_id": "303566-08-01", "text": "Langsomt sveipende vidvinkelbilder viser lyse , mennesketomme og pertenlig ryddige rom og eksteri\u00f8rer , som hentet rett ut av en boligannonse eller et boligmagasin .", "opinions": []}, {"sent_id": "303566-09-01", "text": "I avslappet tempo sl\u00e5r Nakken av en prat med eierne om hva de liker med huset sitt , f\u00f8r ekspertene like avslappet rusler rundt og diskuterer seg imellom .", "opinions": []}, {"sent_id": "303566-09-02", "text": "Noen drypp av faglig opplysning er det , men hvor ofte panelet tyr til meningsl\u00f8st t\u00f8ys seg imellom er talende for savnet etter en strammere framdrift .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Noen drypp av faglig opplysning"], ["0:31"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["panelet"], ["55:62"]], "Polar_expression": [["tyr til meningsl\u00f8st t\u00f8ys"], ["63:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["savnet etter en strammere framdrift"], ["115:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-10-01", "text": "Str\u00f8mlinjeformet", "opinions": []}, {"sent_id": "303566-10-02", "text": "\u00ab \u00c5rets hjem \u00bb er nemlig utelukkende basert p\u00e5 opptak p\u00e5 location , som regel med en reportasjetiln\u00e6rming der \u00ab det som skjer , f\u00e5r skje \u00bb .", "opinions": []}, {"sent_id": "303566-11-01", "text": "Men historikken i b\u00e5de bygninger og interi\u00f8r pirrer nysgjerrigheten langt mer enn programmet utnytter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["pirrer nysgjerrigheten langt mer enn programmet utnytter"], ["45:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-11-02", "text": "Hva med litt infografikk om kjennetegn for en periode eller stilart ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hva med litt infografikk om kjennetegn for en periode eller stilart ?"], ["0:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-11-03", "text": "Eller intervjuer med ekspertene der de f\u00e5r fortelle om det ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Eller intervjuer med ekspertene der de f\u00e5r fortelle om det ?"], ["0:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-11-04", "text": "Det hadde gjort underverker , ikke minst for tempoet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hadde gjort underverker"], ["4:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-12-01", "text": "I stedet f\u00e5r vi et program som er pent og pyntelig p\u00e5 overflaten , men mangler substansen til \u00e5 engasjere .", "opinions": [{"Source": [[], []], "Target": [["program"], ["19:26"]], "Polar_expression": [["pent og pyntelig p\u00e5 overflaten"], ["34:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["program"], ["19:26"]], "Polar_expression": [["mangler substansen til \u00e5 engasjere"], ["71:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303566-13-01", "text": "Og det er klart , for et program som skal k\u00e5re \u00ab hele Norges... \u00bb er det kanskje riktig \u00e5 g\u00e5 for det str\u00f8mlinjeformede .", "opinions": []}, {"sent_id": "303566-13-02", "text": "Men det hadde v\u00e6rt befriende \u00e5 en gang f\u00e5 se et boligprogram som s\u00e5 og h\u00f8rtes litt mer ut som SVTs \u00ab Kobra \u00bb og litt mindre som tv-versjonen av Bonytt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tv-versjonen av Bonytt"], ["128:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["hadde v\u00e6rt befriende"], ["8:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600374-01-01", "text": "Meget franske betroelser", "opinions": []}, {"sent_id": "600374-02-01", "text": "Vincent , i f\u00f8rti\u00e5rene , blivende far for f\u00f8rste gang , inviteres til middag hjemme hos sin s\u00f8ster og svoger , pluss en barndomsvenn .", "opinions": []}, {"sent_id": "600374-02-02", "text": "Mens de venter p\u00e5 hans betydelig yngre kone , bombarderes han med sp\u00f8rsm\u00e5l .", "opinions": []}, {"sent_id": "600374-02-03", "text": "Blant annet stilles sp\u00f8rsm\u00e5let :", "opinions": []}, {"sent_id": "600374-02-04", "text": "Hva skal barnet hete ?", "opinions": []}, {"sent_id": "600374-02-05", "text": "Svaret hans reiser en vegg av vantro og sinne .", "opinions": []}, {"sent_id": "600374-03-01", "text": "Det er utgangspunktet for en aften der mange fortielser blir brakt fram i lyset , ferske avsl\u00f8ringer skaper hysteri , sinne og sjokk , unnvikelser , bl\u00f8ff og sm\u00e5 og store , hvite og sorte l\u00f8gner avsl\u00f8res .", "opinions": []}, {"sent_id": "600374-04-01", "text": "Filmen er underholdende , selv om noen publikummere nok heller vil sitte halvannen time i en vaskemaskin for full utbl\u00e5sning .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["underholdende"], ["10:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["noen publikummere nok heller vil sitte halvannen time i en vaskemaskin for full utbl\u00e5sning"], ["34:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600374-04-02", "text": "For , nemlig :", "opinions": []}, {"sent_id": "600374-04-03", "text": "Dette er meget fransk , med h\u00f8y temperatur og h\u00f8ye stemmer omkring bagateller , med mye brusing av fj\u00e6ra for trivialiteter , med vin og kyss p\u00e5 kinnet og gestikulasjoner en i Norge bare begir seg hen til n\u00e5r en vepsesverm angriper .", "opinions": []}, {"sent_id": "600374-04-04", "text": "Det er ogs\u00e5 en film som nesten f\u00f8les privat , som om filmskaperne har satt et skjult kamera og skjulte mikrofoner i en leilighet hvor mennesker av velberget , standard middelklasse befinner seg .", "opinions": []}, {"sent_id": "600374-05-01", "text": "Men i all denne praten om ditt og datt og mangt og mye og litt til , finnes det ogs\u00e5 befriende avsl\u00f8ringer , avsl\u00f8ringer som p\u00e5 sikt nok gj\u00f8r klimaet mellom de seks friere .", "opinions": [{"Source": [[], []], "Target": [["avsl\u00f8ringer"], ["95:106"]], "Polar_expression": [["befriende"], ["85:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600374-05-02", "text": "Og iblant alle bagateller og banaliteter , finnes det ogs\u00e5 et gullkorn eller tre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bagateller og banaliteter"], ["15:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["et gullkorn eller tre"], ["59:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600374-05-03", "text": "Det er som \u00e5 se et dyrt smykke i en butikk for billige suvenirer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["som \u00e5 se et dyrt smykke i en butikk for billige suvenirer"], ["7:64"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600374-06-01", "text": "Regien er meget n\u00e6r , tett p\u00e5 , vi er i stuen hele tiden , men kamerat beveger seg hele tiden smidig , det blir aldri stivt , aldri .", "opinions": [{"Source": [[], []], "Target": [["Regien"], ["0:6"]], "Polar_expression": [["meget n\u00e6r"], ["10:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regien"], ["0:6"]], "Polar_expression": [["tett p\u00e5"], ["22:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kamerat"], ["63:70"]], "Polar_expression": [["beveger seg hele tiden smidig"], ["71:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regien"], ["0:6"]], "Polar_expression": [["kamerat beveger seg hele tiden smidig"], ["63:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regien"], ["0:6"]], "Polar_expression": [["kamerat", "blir aldri stivt , aldri"], ["63:70", "107:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600374-06-02", "text": "Det samme kan en i h\u00f8y grad anf\u00f8re om skuespillerne .", "opinions": [{"Source": [[], []], "Target": [["skuespillerne"], ["38:51"]], "Polar_expression": [["Det samme kan en i h\u00f8y grad anf\u00f8re om"], ["0:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600374-07-01", "text": "Igjen :", "opinions": []}, {"sent_id": "600374-07-02", "text": "En del av oss lar oss hengivent underholde av dette , andre vil garantert f\u00f8le at \u00e5 se denne filmen er en passende straff for grove trafikksynder .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["93:99"]], "Polar_expression": [["En del av oss lar oss hengivent underholde av dette"], ["0:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["93:99"]], "Polar_expression": [["andre vil garantert f\u00f8le at \u00e5 se denne filmen er en passende straff for grove trafikksynder"], ["54:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-01-01", "text": "Second Sight", "opinions": []}, {"sent_id": "200937-02-01", "text": "Sniking , skyting og psykiske krefter st\u00e5r p\u00e5 dagsordenen i Second Sight .", "opinions": []}, {"sent_id": "200937-02-02", "text": "Klarer du \u00e5 hjelpe John Vattic ut av mentalsykehuset ?", "opinions": []}, {"sent_id": "200937-03-01", "text": "Det er alltid hyggelig \u00e5 oppdage de litt mindre omtalte spillene , som kanskje drukner i den overveldende massen av h\u00f8ybudsjett-spill som dominerer salgslistene .", "opinions": [{"Source": [[], []], "Target": [["de litt mindre omtalte spillene"], ["33:64"]], "Polar_expression": [["alltid hyggelig \u00e5 oppdage"], ["7:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-03-02", "text": "Second Sight er en slik gledelig overraskelse , en parapsykologisk thriller som gir deg kontroll over krefter du ikke ante du hadde .", "opinions": [{"Source": [[], []], "Target": [["Second Sight"], ["0:12"]], "Polar_expression": [["gledelig overraskelse"], ["24:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "200937-05-01", "text": "Historien bak Second Sight er hentet rett fra en lang rekke filmer og b\u00f8ker , og s\u00e5nn sett ikke spesielt original .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["ikke spesielt original"], ["91:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Second Sight"], ["14:26"]], "Polar_expression": [["Historien", "ikke spesielt original"], ["0:9", "91:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-05-02", "text": "Men den blir likevel fortalt p\u00e5 en spennende og gripende m\u00e5te , og det er vanskelig \u00e5 legge spillet fra seg nettopp fordi du vil s\u00e5 gjerne f\u00e5 vite hva som egentlig foreg\u00e5r .", "opinions": [{"Source": [[], []], "Target": [["den"], ["4:7"]], "Polar_expression": [["fortalt p\u00e5 en spennende og gripende m\u00e5te"], ["21:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["92:99"]], "Polar_expression": [["vanskelig \u00e5 legge", "fra seg"], ["74:91", "100:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["92:99"]], "Polar_expression": [["den", "fortalt p\u00e5 en spennende og gripende m\u00e5te"], ["4:7", "21:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-06-01", "text": "Hvem er jeg ?", "opinions": []}, {"sent_id": "200937-07-01", "text": "Du spiller som John Vattic , en tildligere forsker som en dag v\u00e5kner i et milit\u00e6rt sykehus , uten hukommelse og i elendig forfatning .", "opinions": []}, {"sent_id": "200937-07-02", "text": "Til hans store sjokk oppdager han at han tydeligvis har overnaturlige krefter , som lar han flytte p\u00e5 gjenstander , bli usynlig , g\u00e5 ut av sin egen kropp eller helbrede seg selv .", "opinions": []}, {"sent_id": "200937-07-03", "text": "I tillegg ser det ut til at sykehusets ansatte ikke er overbegeistret for at han har kommet seg l\u00f8s , og setter inn store styrker for \u00e5 stanse ham .", "opinions": []}, {"sent_id": "200937-07-04", "text": "M\u00e5let for John Vattic blir alts\u00e5 \u00e5 komme seg i frihet , og samtidig finne ut hva som har skjedd med ham og hvem han egentlig er .", "opinions": []}, {"sent_id": "200937-08-01", "text": "Spillet foreg\u00e5r i to tidsperioder .", "opinions": []}, {"sent_id": "200937-08-02", "text": "I n\u00e5tiden hjelper du John \u00e5 komme seg vekk fra sykehuset samtidig som du leter etter svar , mens noen av brettene er tilbakeblikk p\u00e5 Johns tidligere forskerkarriere , og hvordan han ble involvert i en strengt hemmelig , milit\u00e6r operasjon .", "opinions": []}, {"sent_id": "200937-08-03", "text": "Her er det mye konspirasjoner , ulovlige eksperimenter og andre hemmeligheter , og vi f\u00f8lger spent med .", "opinions": [{"Source": [["vi"], ["83:85"]], "Target": [[], []], "Polar_expression": [["mye konspirasjoner , ulovlige eksperimenter og andre hemmeligheter"], ["11:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["83:85"]], "Target": [[], []], "Polar_expression": [["f\u00f8lger spent med"], ["86:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-09-01", "text": "Second Sight pr\u00f8ver \u00e5 kombinere flere sjangere under ett tak , og f\u00e5r det faktisk til .", "opinions": [{"Source": [[], []], "Target": [["Second Sight"], ["0:12"]], "Polar_expression": [["kombinere flere sjangere under ett tak , og f\u00e5r det faktisk til"], ["22:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-09-02", "text": "Det er flere m\u00e5ter \u00e5 forsere et brett p\u00e5 , du kan snike i Sam Fisher-stil , dra frem de st\u00f8rste v\u00e5pnene , eller benytte deg av dine psykiske evner .", "opinions": []}, {"sent_id": "200937-09-03", "text": "Snikeaspektet er langt fra s\u00e5 avansert som i Splinter Cell eller Metal Gear Solid , men fungerer likevel , men det er klart g\u00f8yest \u00e5 l\u00f8fte en s\u00f8ppelkasse med tankekraften og sende den rett i hodet p\u00e5 en patruljerende vakt .", "opinions": [{"Source": [[], []], "Target": [["Splinter Cell"], ["45:58"]], "Polar_expression": [["Snikeaspektet er langt fra s\u00e5 avansert som"], ["0:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Metal Gear Solid"], ["65:81"]], "Polar_expression": [["Snikeaspektet er langt fra s\u00e5 avansert som"], ["0:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Snikeaspektet"], ["0:13"]], "Polar_expression": [["fungerer"], ["88:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-09-04", "text": "Tilbakeblikk-brettene er imidlertid en del kjedeligere , da de for det meste dreier seg om ren skyting .", "opinions": [{"Source": [[], []], "Target": [["Tilbakeblikk-brettene"], ["0:21"]], "Polar_expression": [["en del kjedeligere"], ["36:54"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tilbakeblikk-brettene"], ["0:21"]], "Polar_expression": [["dreier seg om ren skyting"], ["77:102"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-10-01", "text": "Ujevn kontroll", "opinions": [{"Source": [[], []], "Target": [["kontroll"], ["6:14"]], "Polar_expression": [["Ujevn"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-11-01", "text": "Vi ble litt plaget av kontrollsystemet , som er litt rotete n\u00e5r det gjelder \u00e5 l\u00e5se seg inn p\u00e5 m\u00e5l .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["kontrollsystemet"], ["22:38"]], "Polar_expression": [["litt plaget"], ["7:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["kontrollsystemet"], ["22:38"]], "Polar_expression": [["litt rotete"], ["48:59"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-11-02", "text": "N\u00e5r en soldat l\u00f8per mot deg og du fors\u00f8ker \u00e5 bli kvitt ham raskest mulig , hjelper det lite at siktet l\u00e5ser seg konstant inn p\u00e5 et askebeger ved siden av , ikke p\u00e5 den tungt bev\u00e6pnede fienden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hjelper det lite"], ["75:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-11-03", "text": "Men heldigvis er ikke spillet blant de vanskeligste vi har spilt , spesielt fordi du til en hver tid kan helbrede deg selv med dine evner .", "opinions": [{"Source": [["vi"], ["52:54"]], "Target": [["spillet"], ["22:29"]], "Polar_expression": [["ikke", "blant de vanskeligste"], ["17:21", "30:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-11-04", "text": "Spesielt langt er det heller ikke , men det er i alle fall skikkelig spennende s\u00e5 lenge det varer .", "opinions": [{"Source": [[], []], "Target": [["det"], ["18:21"]], "Polar_expression": [["Spesielt langt", "ikke"], ["0:14", "29:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["det"], ["88:91"]], "Polar_expression": [["skikkelig spennende"], ["59:78"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-12-01", "text": "S\u00e5 lenge du unng\u00e5r \u00e5 skyte for mye og heller fokuserer p\u00e5 tankeevnene og sniking , er Second Sight blant de mest nervepirrende titlene p\u00e5 en god stund .", "opinions": [{"Source": [[], []], "Target": [["Second Sight"], ["86:98"]], "Polar_expression": [["blant de mest nervepirrende titlene"], ["99:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-12-02", "text": "Og historien griper tak i deg , takket v\u00e6re den glimrende m\u00e5ten den blir fortalt p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["3:12"]], "Polar_expression": [["griper tak i deg"], ["13:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["3:12"]], "Polar_expression": [["glimrende"], ["48:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-12-03", "text": "Du vil gjerne at John skal finne ut hva som foreg\u00e5r , og du blir selv engasjert og nysgjerrig , og det er jo en god ting .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["du blir selv engasjert og nysgjerrig"], ["57:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["god ting"], ["112:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-12-04", "text": "Second Sight er et solid spill n\u00e5r det gjelder grafikken , selv om den ikke bryter noen grenser .", "opinions": [{"Source": [[], []], "Target": [["grafikken"], ["47:56"]], "Polar_expression": [["solid"], ["19:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["grafikken"], ["47:56"]], "Polar_expression": [["ikke bryter noen grenser"], ["71:95"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Second Sight"], ["0:12"]], "Polar_expression": [["solid spill n\u00e5r det gjelder grafikken , selv om den ikke bryter noen grenser"], ["19:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-12-05", "text": "Har du spilt TimeSplitters , kan du selv tenke deg den grafiske stilen , da utvikleren er den samme .", "opinions": []}, {"sent_id": "200937-12-06", "text": "Vi liker spesielt godt utseendet p\u00e5 figurene , med sine noe spesielle ansiktstrekk og detaljerte animasjoner .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["utseendet p\u00e5 figurene"], ["23:44"]], "Polar_expression": [["liker spesielt godt"], ["3:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["utseendet p\u00e5 figurene"], ["23:44"]], "Polar_expression": [["spesielle ansiktstrekk"], ["60:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["utseendet p\u00e5 figurene"], ["23:44"]], "Polar_expression": [["detaljerte animasjoner"], ["86:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200937-13-01", "text": "Vi m\u00e5 ogs\u00e5 skryte av musikken , som skaper utrolig god stemning gjennom hele spillet .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["musikken"], ["21:29"]], "Polar_expression": [["m\u00e5", "skryte av"], ["3:5", "11:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["musikken"], ["21:29"]], "Polar_expression": [["skaper utrolig god stemning"], ["36:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["spillet"], ["77:84"]], "Polar_expression": [["m\u00e5 ogs\u00e5 skryte av musikken , som skaper utrolig god stemning"], ["3:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-14-01", "text": "Selv om Second Sight kanskje ikke er en revolusjonerende tittel som vil bli husket i mange \u00e5r fremover , er det et vellagget , spennende og involverende spill .", "opinions": [{"Source": [[], []], "Target": [["Second Sight"], ["8:20"]], "Polar_expression": [["kanskje ikke", "revolusjonerende"], ["21:33", "40:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Second Sight"], ["8:20"]], "Polar_expression": [["vellagget"], ["115:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Second Sight"], ["8:20"]], "Polar_expression": [["spennende"], ["127:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Second Sight"], ["8:20"]], "Polar_expression": [["involverende"], ["140:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-14-02", "text": "Vi anbefaler det til alle som gleder seg til nye Splinter Cell , men klarer ikke \u00e5 vente et par m\u00e5neder til , samt alle de som er opptatt av overnaturlige evner .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["det"], ["13:16"]], "Polar_expression": [["anbefaler"], ["3:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200937-14-03", "text": "Du vil nok bli gledelig overrasket .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vil nok bli gledelig overrasket"], ["3:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107941-01-01", "text": "Anakonda-mat", "opinions": []}, {"sent_id": "107941-02-01", "text": "Regi : Dwight H . Little .", "opinions": []}, {"sent_id": "107941-02-02", "text": "Med :", "opinions": []}, {"sent_id": "107941-02-03", "text": "Johnny Messner og Kadee Strickland .", "opinions": []}, {"sent_id": "107941-02-04", "text": "Am . eventyr .", "opinions": []}, {"sent_id": "107941-02-05", "text": "Sensur : 15 \u00e5r .", "opinions": []}, {"sent_id": "107941-03-01", "text": "Borneos anakondaer er kjeeeeempestore og trenger myyyye mat .", "opinions": []}, {"sent_id": "107941-04-01", "text": "Ideen om \u00e5 la vitenskapen og kapitalen sl\u00e5 seg sammen og dra ut i jungelen hvor livet er en virkelig kamp p\u00e5 liv og d\u00f8d , er god nok .", "opinions": [{"Source": [[], []], "Target": [["Ideen"], ["0:5"]], "Polar_expression": [["god nok"], ["125:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107941-04-02", "text": "Ekspedisjonen reiser til Borneos jungel hvor det vokser en orkid\u00e9 med et enzym som gir evig ungdom - og evig rikdom til dem som kan lansere ungdomspillen .", "opinions": []}, {"sent_id": "107941-05-01", "text": "Ute i jungelen m\u00e5 orkid\u00e9jegerne ikke bare kjempe mot v\u00e6rguder og jungelvegetasjon .", "opinions": []}, {"sent_id": "107941-05-02", "text": "Det de ikke vet , er at orkideen inng\u00e5r i kostholdet til de lokale anakondaene ( kveleslange som kan bli 10 meter .", "opinions": []}, {"sent_id": "107941-05-03", "text": "Lever i S\u00f8r-Amerika ! ) .", "opinions": []}, {"sent_id": "107941-06-01", "text": "\u00ab AnaCondas \u00bb er en tradisjonell eventyrfilm hvor skrekkoverraskelser er langt viktigere enn historien og skuespillerinnsatsen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab AnaCondas \u00bb"], ["0:13"]], "Polar_expression": [["tradisjonell eventyrfilm"], ["20:44"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab AnaCondas \u00bb"], ["0:13"]], "Polar_expression": [["skrekkoverraskelser er langt viktigere enn historien og skuespillerinnsatsen"], ["50:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["93:102"]], "Polar_expression": [["skrekkoverraskelser er langt viktigere enn"], ["50:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillerinnsatsen"], ["106:126"]], "Polar_expression": [["skrekkoverraskelser er langt viktigere enn"], ["50:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107941-06-02", "text": "Ca. hvert tredje minutt varsler lydbildet at noe farlig er p\u00e5 vei .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ca. hvert tredje minutt varsler lydbildet at noe farlig er p\u00e5 vei"], ["0:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107941-06-03", "text": "Det skjer med forutsigbar presisjon og gj\u00f8r etter hvert det nifse mye mindre nifst .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["forutsigbar presisjon"], ["14:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["gj\u00f8r etter hvert det nifse mye mindre nifst"], ["39:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107941-06-04", "text": "Forutsigbart er det ogs\u00e5 hvem som blir anakondamat og hvem som skal overleve og finne kj\u00e6rligheten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forutsigbart er det ogs\u00e5 hvem som blir anakondamat og hvem som skal overleve og finne kj\u00e6rligheten"], ["0:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107941-06-05", "text": "I det hele tatt , de fleste av oss har sett det f\u00f8r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["de fleste av oss har sett det f\u00f8r"], ["18:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702689-01-01", "text": "Vakker bikkje-sex", "opinions": [{"Source": [[], []], "Target": [["bikkje-sex"], ["7:17"]], "Polar_expression": [["Vakker"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-02-01", "text": "Overklassebikkja kommer p\u00e5 kj\u00f8ret med en bakg\u00e5rdskj\u00f8ter , slik man skulle gj\u00f8re det i de begynnende oppr\u00f8rstidene p\u00e5 femtitallet .", "opinions": []}, {"sent_id": "702689-02-02", "text": "En vakker film i fantastisk Blu-ray .", "opinions": [{"Source": [[], []], "Target": [["film"], ["10:14"]], "Polar_expression": [["vakker"], ["3:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Blu-ray"], ["28:35"]], "Polar_expression": [["fantastisk"], ["17:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-03-01", "text": "\u00ab Lady og Landstrykeren :", "opinions": []}, {"sent_id": "702689-03-02", "text": "Amerikansk tegnefilm .", "opinions": []}, {"sent_id": "702689-03-03", "text": "1956.", "opinions": []}, {"sent_id": "702689-03-04", "text": "1 time,15 minutter .", "opinions": []}, {"sent_id": "702689-03-05", "text": "Alle .", "opinions": []}, {"sent_id": "702689-03-06", "text": "Regi :", "opinions": []}, {"sent_id": "702689-03-07", "text": "Clyde Geronimi , Wilfred Jackson , Hamilton Luske .", "opinions": []}, {"sent_id": "702689-03-08", "text": "Med :", "opinions": []}, {"sent_id": "702689-03-09", "text": "Stemmen til blant andre Peggy Lee .", "opinions": []}, {"sent_id": "702689-04-01", "text": "Jeg har ikke sett Disney-tegnefilmen \u00ab Lady ogLandstrykeren \u00bb siden jeg var barn , og gjensynet i Blu-ray ble en stor\u00f8yd ogbegeistra ting .", "opinions": [{"Source": [["jeg"], ["68:71"]], "Target": [["Blu-ray"], ["98:105"]], "Polar_expression": [["stor\u00f8yd"], ["113:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-04-02", "text": "For det f\u00f8rste er bildene s\u00e5 vakkert modernisert at de er ennesten vantro fryd .", "opinions": [{"Source": [[], []], "Target": [["bildene"], ["18:25"]], "Polar_expression": [["s\u00e5 vakkert modernisert at de er ennesten vantro fryd"], ["26:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-04-03", "text": "Dessuten er bikkjene s\u00e5 s\u00f8te at de kan kureremorgen-misantropi .", "opinions": [{"Source": [[], []], "Target": [["bikkjene"], ["12:20"]], "Polar_expression": [["s\u00e5 s\u00f8te at de kan kureremorgen-misantropi"], ["21:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-05-01", "text": "Det starter med synging av den sorten sommisteltein-kvintetter driver med for \u00e5 holde nabolag v\u00e5kne i julestria .", "opinions": []}, {"sent_id": "702689-05-02", "text": "Detfinnes en gammeldags sm\u00e5by uten str\u00f8m\u2014 eller gass-sparing , det er luntDisney-lys i alle vinduer , det er mjuk og kveldsbl\u00e5 velstandssn\u00f8 i alle hager , og s\u00e5 f\u00e5r lille fruen en hvalp i eske .", "opinions": []}, {"sent_id": "702689-05-03", "text": "Disneys julepresanger er antakelig noeav det skj\u00f8nneste som finnes .", "opinions": [{"Source": [[], []], "Target": [["Disneys julepresanger"], ["0:21"]], "Polar_expression": [["skj\u00f8nneste som finnes"], ["45:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-05-04", "text": "Bikkja er lille Lady , og dama blir halvvoksen ogkommer p\u00e5 kj\u00f8ret ( som om hun skulle v\u00e6re Natalie Wood ) med den uv\u00f8rneLandstrykeren , en hund uten integritet og synlig evne til moralsk vandel .", "opinions": []}, {"sent_id": "702689-05-05", "text": "Jegkan huske at jeg bekymra meg for at den snille hunden skulle v\u00e6re med denrampete da jeg var barn , men det g\u00e5r jo bra .", "opinions": [{"Source": [["jeg"], ["16:19"]], "Target": [["hunden"], ["50:56"]], "Polar_expression": [["snille"], ["43:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["g\u00e5r jo bra"], ["110:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702689-05-06", "text": "Og det er jo s\u00e5 bra .", "opinions": [{"Source": [[], []], "Target": [["det"], ["3:6"]], "Polar_expression": [["det er jo s\u00e5 bra"], ["3:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-01-01", "text": "The A-Team", "opinions": []}, {"sent_id": "003619-02-01", "text": "Stor , dum og overdreven .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stor"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["dum"], ["7:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["overdreven"], ["14:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-02-02", "text": "I like !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["I like !"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-03-01", "text": "The A-Team har tilsynelatende alt en actionfilm skal ha .", "opinions": [{"Source": [[], []], "Target": [["The A-Team"], ["0:10"]], "Polar_expression": [["tilsynelatende alt en actionfilm skal ha"], ["15:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-03-02", "text": "Morsomme figurer , store doser humor , enorme eksplosjoner og vanvittige stunts .", "opinions": [{"Source": [[], []], "Target": [["figurer"], ["9:16"]], "Polar_expression": [["Morsomme"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["enorme eksplosjoner"], ["39:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["humor"], ["31:36"]], "Polar_expression": [["store doser"], ["19:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stunts"], ["73:79"]], "Polar_expression": [["vanvittige"], ["62:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-04-01", "text": "Sp\u00f8rsm\u00e5let er om det er nok ?", "opinions": []}, {"sent_id": "003619-04-02", "text": "Svaret er ja !", "opinions": []}, {"sent_id": "003619-05-01", "text": "Den vil riktignok ikke f\u00e5 noe klassikerstempel p\u00e5 seg , og kjennere av den originale tv-serien fra 1980-tallet vil kanskje rynke p\u00e5 nesen , men underholdningsfaktoren er h\u00f8y .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["ikke f\u00e5 noe klassikerstempel"], ["18:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["underholdningsfaktoren"], ["144:166"]], "Polar_expression": [["h\u00f8y"], ["170:173"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["underholdningsfaktoren er h\u00f8y"], ["144:173"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjennere av den originale tv-serien fra 1980-tallet vil kanskje rynke p\u00e5 nesen"], ["59:137"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-05-02", "text": "Dette er en stor og dum actionfilm - som jeg hygget meg godt med !", "opinions": [{"Source": [[], []], "Target": [["actionfilm"], ["24:34"]], "Polar_expression": [["dum"], ["20:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionfilm"], ["24:34"]], "Polar_expression": [["stor"], ["12:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["41:44"]], "Target": [["actionfilm"], ["24:34"]], "Polar_expression": [["hygget meg godt med !"], ["45:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-06-01", "text": "En kl\u00f8ktig plan", "opinions": [{"Source": [[], []], "Target": [["plan"], ["11:15"]], "Polar_expression": [["kl\u00f8ktig"], ["3:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-07-01", "text": "Her f\u00e5r vi se hvordan de fire ranger-soldatene Hannibal , Faceman , Murdock og B.A. Baracus samles i The A-Team , eller Alpha Team .", "opinions": []}, {"sent_id": "003619-08-01", "text": "De f\u00e5r i oppdrag \u00e5 samle falske dollar-plater under Irak-krigens siste dager , men noen forr\u00e5der dem , og gj\u00f8r at teamet sendes i fengsel .", "opinions": []}, {"sent_id": "003619-09-01", "text": "Hannibal g\u00e5r i gang med \u00e5 legge en kl\u00f8ktig plan for \u00e5 f\u00e5 dem ut i det fri , jakte p\u00e5 de skyldige og renvaske The A-Team .", "opinions": []}, {"sent_id": "003619-10-01", "text": "Et monster av en actionfilm", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["monster av en actionfilm"], ["3:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-11-01", "text": "Denne filmen lar alle mulige former for sannsynlighet ligge , s\u00e5 forvent deg for all del ikke en realistisk tiln\u00e6rming til stoffet .", "opinions": []}, {"sent_id": "003619-11-02", "text": "Regiss\u00f8r Joe Carnahan bryr seg lite om at historien drives fremover av ekstreme tilfeldigheter og usannsynligheter , og jeg f\u00f8lte heller ikke at det gjorde noe .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["42:51"]], "Polar_expression": [["drives fremover av ekstreme tilfeldigheter og usannsynligheter"], ["52:114"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["120:123"]], "Target": [[], []], "Polar_expression": [["f\u00f8lte heller ikke at det gjorde noe"], ["124:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-12-01", "text": "Dette er ikke en slik film .", "opinions": []}, {"sent_id": "003619-12-02", "text": "Dette er et monster av en actionfilm , som raser av g\u00e5rde og knuser alt i sin vei .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["monster av en actionfilm"], ["12:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["raser av g\u00e5rde og knuser alt i sin vei"], ["43:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-13-01", "text": "Man m\u00e5 bare henge seg p\u00e5 og ha det g\u00f8y s\u00e5 lenge det varer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Man m\u00e5 bare henge seg p\u00e5 og ha det g\u00f8y s\u00e5 lenge det varer"], ["0:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-14-01", "text": "Fire personligheter", "opinions": []}, {"sent_id": "003619-15-01", "text": "Jeg husker ikke s\u00e5 mye av den originale tv-serien .", "opinions": []}, {"sent_id": "003619-15-02", "text": "Synet av Mr. T som B.A. Baracus er det som sitter igjen best .", "opinions": []}, {"sent_id": "003619-15-03", "text": "Quinton \u00ab Rampage \u00bb Jackson spiller samme rolle mer avm\u00e5lt og mindre overdrevent .", "opinions": [{"Source": [[], []], "Target": [["Quinton \u00ab Rampage \u00bb Jackson"], ["0:27"]], "Polar_expression": [["spiller samme rolle mer avm\u00e5lt og mindre overdrevent"], ["28:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "003619-15-04", "text": "Smart !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Smart !"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-16-01", "text": "Jeg liker actionunderholdning av denne sorten", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["actionunderholdning av denne sorten"], ["10:45"]], "Polar_expression": [["liker"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-17-01", "text": "Liam Neeson er en troverdig leder som Hannibal , Bradley Cooper har det rette glimtet i \u00f8yet som Faceman , mens Sharlto Copley er effektiv som teamets g\u00e6rning , Murdock .", "opinions": [{"Source": [[], []], "Target": [["Liam Neeson"], ["0:11"]], "Polar_expression": [["troverdig leder"], ["18:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bradley Cooper"], ["49:63"]], "Polar_expression": [["rette glimtet i \u00f8yet"], ["72:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sharlto Copley"], ["112:126"]], "Polar_expression": [["effektiv"], ["130:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-18-01", "text": "Dette er alts\u00e5 fire forskjellige personligheter som utfyller hverandre , og makter \u00e5 hevde seg mellom enorme effekter .", "opinions": [{"Source": [[], []], "Target": [["personligheter"], ["33:47"]], "Polar_expression": [["utfyller hverandre"], ["52:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["personligheter"], ["33:47"]], "Polar_expression": [["makter \u00e5 hevde seg mellom enorme effekter"], ["76:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003619-19-01", "text": "Stor , dum og overdreven", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stor"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["dum"], ["7:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["overdreven"], ["14:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-20-01", "text": "Dette kan selvf\u00f8lgelig bli en serie filmer .", "opinions": []}, {"sent_id": "003619-20-02", "text": "Alt ligger til rette for det .", "opinions": []}, {"sent_id": "003619-20-03", "text": "Og jeg moret meg nok med The A-Team at jeg gjerne ser mer .", "opinions": [{"Source": [["jeg"], ["3:6"]], "Target": [["The A-Team"], ["25:35"]], "Polar_expression": [["moret meg nok"], ["7:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["39:42"]], "Target": [["The A-Team"], ["25:35"]], "Polar_expression": [["gjerne ser mer"], ["43:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-20-04", "text": "Jeg liker actionunderholdning av denne sorten - stor , dum og overdreven til det absurde .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["actionunderholdning av denne sorten"], ["10:45"]], "Polar_expression": [["liker"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionunderholdning av denne sorten"], ["10:45"]], "Polar_expression": [["stor"], ["48:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionunderholdning av denne sorten"], ["10:45"]], "Polar_expression": [["dum"], ["55:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionunderholdning av denne sorten"], ["10:45"]], "Polar_expression": [["overdreven til det absurde"], ["62:88"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003619-21-01", "text": "Legg igjen forventninger til troverdige skildringer av hvordan ekstreme situasjoner p\u00e5virker et menneskes sinnsstemning .", "opinions": []}, {"sent_id": "003619-21-02", "text": "Da blir du skuffet .", "opinions": []}, {"sent_id": "003619-22-01", "text": "Forventer du \u00e5 le , kommer du til \u00e5 ha det like g\u00f8y som meg !", "opinions": [{"Source": [["meg"], ["56:59"]], "Target": [[], []], "Polar_expression": [["Forventer du \u00e5 le , kommer du til \u00e5 ha det like g\u00f8y som meg !"], ["0:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108403-01-01", "text": "Kj\u00e6rlighet til Kairo", "opinions": []}, {"sent_id": "108403-02-01", "text": "378 sider Pris kr. 368 , - Pax", "opinions": []}, {"sent_id": "108403-03-01", "text": "Det sl\u00e5r varme opp fra sidene i Unni Wikans siste bok .", "opinions": [{"Source": [[], []], "Target": [["Unni Wikans siste bok"], ["32:53"]], "Polar_expression": [["Det sl\u00e5r varme opp fra sidene"], ["0:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108403-03-02", "text": "En kj\u00e6rlighet til menneskene i Kairos bakgater .", "opinions": []}, {"sent_id": "108403-04-01", "text": "Gjennom 35 \u00e5r har den norske sosialantropologen Unni Wikan reist til Egypt og hatt lange opphold i Kairos fattigkvarter .", "opinions": []}, {"sent_id": "108403-05-01", "text": "Mye har forandret seg underveis .", "opinions": []}, {"sent_id": "108403-06-01", "text": "Unni Wikan har fulgt flere familier gjennom tre ulike regimer , under presidentene Gamal Abdul Nasser , Anwar Sadat og Hosni Mubarak .", "opinions": []}, {"sent_id": "108403-07-01", "text": "Regimene har v\u00e6rt \u00ab en alen av samme stykke - maktglade , egenmektige , svikefulle \u00bb , skriver Wikan i \u00ab Medmennesker \u00bb .", "opinions": [{"Source": [["Wikan"], ["95:100"]], "Target": [["Regimene"], ["0:8"]], "Polar_expression": [["svikefulle"], ["72:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["Wikan"], ["95:100"]], "Target": [["Regimene"], ["0:8"]], "Polar_expression": [["egenmektige"], ["58:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["Wikan"], ["95:100"]], "Target": [["Regimene"], ["0:8"]], "Polar_expression": [["maktglade"], ["46:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["Wikan"], ["95:100"]], "Target": [["Regimene"], ["0:8"]], "Polar_expression": [["alen av samme stykke"], ["23:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "108403-08-01", "text": "R\u00e5 og skarp", "opinions": []}, {"sent_id": "108403-09-01", "text": "Det er perspektivet til de alminnelige , fattige menneskene og is\u00e6r kvinnene som kommer fram i denne boken - som kan sies \u00e5 v\u00e6re et punktum for denne selvstendige og frittalende professorens lange forskning i Kairo .", "opinions": []}, {"sent_id": "108403-10-01", "text": "Kvinnenes liv har ikke g\u00e5tt fremover disse ti\u00e5rene .", "opinions": []}, {"sent_id": "108403-10-02", "text": "Her er krasse formuleringer , r\u00e5 beskrivelser og skarpe observasjoner av fundamentalismen .", "opinions": [{"Source": [[], []], "Target": [["observasjoner"], ["56:69"]], "Polar_expression": [["skarpe"], ["49:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["beskrivelser"], ["33:45"]], "Polar_expression": [["r\u00e5"], ["30:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["formuleringer"], ["14:27"]], "Polar_expression": [["krasse"], ["7:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108403-11-01", "text": "Wikan kom til Kairo som student i 1969 og fikk innpass hos Umm Ali - en mor som fikk \u00e5tte barn og formidlet kontakten til sitt eget nettverk .", "opinions": []}, {"sent_id": "108403-11-02", "text": "Wikan fikk direkte kontakt , hun snakket arabisk med alle fra starten av og har aldri brukt tolk .", "opinions": []}, {"sent_id": "108403-12-01", "text": "Antallet familier og mennesker har \u00f8kt ettersom nye generasjoner har kommet til i Wikans nettverk .", "opinions": []}, {"sent_id": "108403-13-01", "text": "Hennes f\u00f8rste 17 familier utgj\u00f8r i dag 33 familier i seks ulike str\u00f8k i Kairo .", "opinions": []}, {"sent_id": "108403-13-02", "text": "Men is\u00e6r er det Umm Ali og hennes familie som tett beskrives , samt andre menneskeskjebner .", "opinions": []}, {"sent_id": "108403-13-03", "text": "Det er en bevegende historie som Wikan fremstiller i rolig tempo og i stor detalj .", "opinions": [{"Source": [[], []], "Target": [["Wikan"], ["33:38"]], "Polar_expression": [["fremstiller i rolig tempo og i stor detalj"], ["39:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["20:28"]], "Polar_expression": [["bevegende"], ["10:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108403-14-01", "text": "Unni Wikan sp\u00f8r seg til slutt :", "opinions": []}, {"sent_id": "108403-14-02", "text": "\u00ab Hva har jeg s\u00e5 gitt Umm Ali for alt hun har gitt meg ? \u00bb", "opinions": []}, {"sent_id": "108403-15-01", "text": "Stort sett bare \u00ab mitt vennskap \u00bb , svarer Wikan beskjedent .", "opinions": []}, {"sent_id": "108403-16-01", "text": "Til studenter og alminnelige lesere har Wikan gitt et enest\u00e5ende forskningsarbeid - formidlet velskrevet med bred penn .", "opinions": [{"Source": [[], []], "Target": [["forskningsarbeid"], ["65:81"]], "Polar_expression": [["enest\u00e5ende"], ["54:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forskningsarbeid"], ["65:81"]], "Polar_expression": [["velskrevet"], ["94:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108403-17-01", "text": "GURI HJELTNES", "opinions": []}, {"sent_id": "106487-01-01", "text": "Vond og tung", "opinions": []}, {"sent_id": "106487-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "106487-02-02", "text": "Luis Mandoki .", "opinions": []}, {"sent_id": "106487-02-03", "text": "Meksikansk .", "opinions": []}, {"sent_id": "106487-02-04", "text": "15 \u00e5r .", "opinions": []}, {"sent_id": "106487-02-05", "text": "GENRE :", "opinions": []}, {"sent_id": "106487-02-06", "text": "DRAMA", "opinions": []}, {"sent_id": "106487-03-01", "text": "STJERNER :", "opinions": []}, {"sent_id": "106487-03-02", "text": "Carlos Padilla Lenero , Leonor Varela , Jos\u00e9 Maria Yazpik , Ofelia Medina , Xuna Primus .", "opinions": []}, {"sent_id": "106487-04-01", "text": "HANDLING :", "opinions": []}, {"sent_id": "106487-04-02", "text": "Chava er en snart tolv \u00e5r gammel gutt i borgerkrigens El Salvador ( 1980 - 1992 ) .", "opinions": []}, {"sent_id": "106487-04-03", "text": "Basert p\u00e5 manusforfatter Oscar Torres' egen bakgrunn fortelles en historie om en mor og hennes tre barn som lever i skuddlinjen mellom myndighetene og geriljaen .", "opinions": []}, {"sent_id": "106487-04-04", "text": "Den fattige landsbyen bombarderes fra alle kanter , og befolkningen venter med gru p\u00e5 den dagen guttene fyller 12 .", "opinions": []}, {"sent_id": "106487-04-05", "text": "Da hentes de inn som soldater .", "opinions": []}, {"sent_id": "106487-05-01", "text": "DOMMEN :", "opinions": []}, {"sent_id": "106487-05-02", "text": "Selvsagt er det rystende , vondt og grusomt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rystende"], ["16:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vondt"], ["27:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["grusomt"], ["36:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106487-05-03", "text": "Ethvert menneske med snev av humanistisk tankesett reagerer med alle sanser mot misbruk av barn .", "opinions": [{"Source": [[], []], "Target": [["misbruk av barn"], ["80:95"]], "Polar_expression": [["reagerer med alle sanser mot"], ["51:79"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106487-05-04", "text": "\u00c5 sette en pistol i nakken p\u00e5 en unge for \u00e5 tvinge ham i krigen er kvalmende utenkelig .", "opinions": [{"Source": [[], []], "Target": [["\u00c5 sette en pistol i nakken p\u00e5 en unge"], ["0:37"]], "Polar_expression": [["kvalmende utenkelig"], ["67:86"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106487-05-05", "text": "Det er det ikke i krigsherjede land i andre deler av verden enn v\u00e5rt fredelige nord .", "opinions": [{"Source": [[], []], "Target": [["v\u00e5rt", "nord"], ["64:68", "79:83"]], "Polar_expression": [["fredelige"], ["69:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106487-06-01", "text": "Som et dokument over nettopp dette er det deler av denne filmen som r\u00f8sker fram sinne og oppr\u00f8r .", "opinions": []}, {"sent_id": "106487-06-02", "text": "Vi f\u00f8lger en sjarmerende liten kar , full av barnlig nysgjerrighet , trass og mot .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["kar"], ["31:34"]], "Polar_expression": [["sjarmerende"], ["13:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106487-06-03", "text": "Det daglige helvete av uforutsigbart bombardement veksler mellom moderlige bekymringer og gutters lek og gryende forelskelse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["daglige helvete av uforutsigbart bombardement"], ["4:49"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106487-06-04", "text": "Det er sobert og ektef\u00f8lt gjort .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sobert"], ["7:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ektef\u00f8lt"], ["17:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106487-06-05", "text": "Men mengden og gjentagelsen , gj\u00f8r det blytunge , tragiske budskap mer overtydelige enn n\u00f8dvendig .", "opinions": [{"Source": [[], []], "Target": [["gjentagelsen"], ["15:27"]], "Polar_expression": [["mer overtydelige enn n\u00f8dvendig"], ["67:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["budskap"], ["59:66"]], "Polar_expression": [["mengden", "mer overtydelige enn n\u00f8dvendig"], ["4:11", "67:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["budskap"], ["59:66"]], "Polar_expression": [["gjentagelsen", "mer overtydelige enn n\u00f8dvendig"], ["15:27", "67:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-01-01", "text": "120 GB Seagate Momentus 2,5 \"", "opinions": []}, {"sent_id": "200014-02-01", "text": "Sm\u00e5 disker med stor kapasitet og god ytelse har vi alltid \u00f8nsket oss - Seagate Momentum leverer en sv\u00e6rt overbevisende disk .", "opinions": []}, {"sent_id": "200014-03-01", "text": "Lagringskapasitet p\u00e5 b\u00e6rbare er ikke lenger noe problem .", "opinions": [{"Source": [[], []], "Target": [["Lagringskapasitet p\u00e5 b\u00e6rbare"], ["0:28"]], "Polar_expression": [["ikke lenger noe problem"], ["32:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-03-02", "text": "Med Seagates st\u00f8rste utgave i Momentus-serien p\u00e5 hele 120 GB , har du nok av plass nesten uansett bruksomr\u00e5de .", "opinions": [{"Source": [[], []], "Target": [["Seagates st\u00f8rste utgave i Momentus-serien"], ["4:45"]], "Polar_expression": [["nok av plass nesten uansett bruksomr\u00e5de"], ["70:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Seagates st\u00f8rste utgave i Momentus-serien"], ["4:45"]], "Polar_expression": [["hele 120 GB"], ["49:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200014-03-03", "text": "De som trenger mer plass tilh\u00f8rer helt spesielle grupper brukere , som uansett m\u00e5 ty til ekstern lagring .", "opinions": []}, {"sent_id": "200014-03-04", "text": "Da tenker vi p\u00e5 profesjonelt bruk innen foto , video og lyd .", "opinions": []}, {"sent_id": "200014-04-01", "text": "Kapasitets\u00f8kningen skyldes \u00f8kt lagringstetthet , det er bare 2 plater i diskenheten , som har standardh\u00f8yden p\u00e5 9,5 mm .", "opinions": []}, {"sent_id": "200014-05-01", "text": "P\u00e5 kj\u00f8pet f\u00e5r man som kjent raskere skriving og lesing , og st\u00f8yniv\u00e5et blir like lavt som hos enklere disker med liten roterende masse .", "opinions": [{"Source": [[], []], "Target": [["st\u00f8yniv\u00e5et"], ["60:70"]], "Polar_expression": [["like lavt som hos enklere disker"], ["76:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skriving"], ["36:44"]], "Polar_expression": [["raskere"], ["28:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lesing"], ["48:54"]], "Polar_expression": [["raskere"], ["28:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-06-01", "text": "Str\u00f8mforbruket blir ogs\u00e5 lavt , Seagate sammeligner str\u00f8mforbruket med mange 4200 RPM disker .", "opinions": [{"Source": [[], []], "Target": [["Str\u00f8mforbruket"], ["0:14"]], "Polar_expression": [["lavt"], ["25:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Seagate"], ["32:39"]], "Target": [[], []], "Polar_expression": [["sammeligner str\u00f8mforbruket med mange 4200 RPM disker"], ["40:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "200014-07-01", "text": "Ytelse", "opinions": []}, {"sent_id": "200014-08-01", "text": "Disken leveres b\u00e5de i standard ATA og S-ATA .", "opinions": []}, {"sent_id": "200014-08-02", "text": "Vi testet standardutgaven , det er fremdeles ikke s\u00e5 mange b\u00e6rbare som st\u00f8tter intern S-ATA .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fremdeles ikke s\u00e5 mange b\u00e6rbare som st\u00f8tter intern S-ATA"], ["35:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-08-03", "text": "S-ATA har h\u00f8yere overf\u00f8ringshastighet fra bufferminnet p\u00e5 disken til kontrolleren i PCen , og st\u00f8tter i tillegg NCQ ( Native Command Queing ) som optimaliserer posisjoneringen av hodene etter en analyse av trafikkm\u00f8nsteret , basert p\u00e5 data som \u00f8nskes lest / skrevet til en hver tid .", "opinions": [{"Source": [[], []], "Target": [["S-ATA"], ["0:5"]], "Polar_expression": [["h\u00f8yere overf\u00f8ringshastighet"], ["10:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["S-ATA"], ["0:5"]], "Polar_expression": [["st\u00f8tter i tillegg NCQ ( Native Command Queing ) som optimaliserer posisjoneringen av hodene etter en analyse av trafikkm\u00f8nsteret"], ["94:222"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-09-01", "text": "Skrivehastigheten startet p\u00e5 33 MB / sek og falt av mot i underkant av 20 MB / sek .", "opinions": []}, {"sent_id": "200014-09-02", "text": "Dette gir et gjennomsnitt p\u00e5 27,3 MB / sek som er meget bra .", "opinions": [{"Source": [[], []], "Target": [["gjennomsnitt p\u00e5 27,3 MB / sek"], ["13:42"]], "Polar_expression": [["meget bra"], ["50:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-10-01", "text": "Lesehastigheten startet p\u00e5 over 40 MB / sek og falt til 27 MB / sek , dette er ogs\u00e5 en meget bra ytelse .", "opinions": [{"Source": [[], []], "Target": [["Lesehastigheten"], ["0:15"]], "Polar_expression": [["meget bra ytelse"], ["87:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-11-01", "text": "Aksessiden p\u00e5 16,8 ms , ogs\u00e5 en helt akseptabel prestasjon .", "opinions": [{"Source": [[], []], "Target": [["Aksessiden"], ["0:10"]], "Polar_expression": [["helt akseptabel prestasjon"], ["32:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-12-01", "text": "St\u00f8yniv\u00e5", "opinions": []}, {"sent_id": "200014-13-01", "text": "Denne disken er sv\u00e6rt stilleg\u00e5ende .", "opinions": [{"Source": [[], []], "Target": [["disken"], ["6:12"]], "Polar_expression": [["sv\u00e6rt stilleg\u00e5ende"], ["16:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200014-13-02", "text": "St\u00f8yniv\u00e5et er s\u00e5 lavt at det ikke var mulig \u00e5 m\u00e5le det i forhold til bakgrunnst\u00f8yen , selv ikke inne i v\u00e5r isolerte st\u00f8ykasse .", "opinions": [{"Source": [[], []], "Target": [["St\u00f8yniv\u00e5et"], ["0:10"]], "Polar_expression": [["s\u00e5 lavt at det ikke var mulig \u00e5 m\u00e5le det i forhold til bakgrunnst\u00f8yen , selv ikke inne i v\u00e5r isolerte st\u00f8ykasse"], ["14:125"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200014-14-01", "text": "Ved \u00e5 legge \u00f8ret helt inntil disken kunne vi s\u00e5vidt h\u00f8re rotasjonsst\u00f8y , det eneste som er s\u00e5vidt h\u00f8rbart er sm\u00e5 klikkelyder fra hodemekanismen .", "opinions": []}, {"sent_id": "200014-14-02", "text": "For alle praktiske form\u00e5l er denne disken n\u00e6rmest lydl\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["disken"], ["35:41"]], "Polar_expression": [["For alle praktiske form\u00e5l er denne disken n\u00e6rmest lydl\u00f8s"], ["0:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200014-15-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "200014-16-01", "text": "Seagate Momentus 5400.2 er en rask og stilleg\u00e5ende disk , som gir deg romslig kapasitet i din b\u00e6rbare , eller kompakt og h\u00f8y kapasitet montert i et eksternt kabinett .", "opinions": [{"Source": [[], []], "Target": [["Seagate Momentus 5400.2"], ["0:23"]], "Polar_expression": [["rask"], ["30:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Seagate Momentus 5400.2"], ["0:23"]], "Polar_expression": [["stilleg\u00e5ende"], ["38:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Seagate Momentus 5400.2"], ["0:23"]], "Polar_expression": [["romslig kapasitet i din b\u00e6rbare"], ["70:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Seagate Momentus 5400.2"], ["0:23"]], "Polar_expression": [["h\u00f8y kapasitet montert i et eksternt kabinett"], ["121:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200014-16-02", "text": "Den vil ogs\u00e5 v\u00e6re et utmerket valg i en stuePC .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["utmerket valg i en stuePC"], ["21:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200014-17-01", "text": "Seagate Momentus finnes i st\u00f8rrelser fra 40 GB og oppover .", "opinions": []}, {"sent_id": "201734-01-01", "text": "Packard Bell dot m 11,6-tommer", "opinions": []}, {"sent_id": "201734-02-01", "text": "Packard Bell vant testen i januar med sin \" Dot \" .", "opinions": [{"Source": [[], []], "Target": [["Packard Bell"], ["0:12"]], "Polar_expression": [["vant testen i januar med sin \" Dot \""], ["13:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Dot \""], ["42:49"]], "Polar_expression": [["vant testen"], ["13:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-02-02", "text": "Hva sier vi etter \u00e5 ha testet den nye generasjonen ?", "opinions": []}, {"sent_id": "201734-03-01", "text": "Hva som er liten nok og stor nok , lett nok og tung nok er vanskelig .", "opinions": []}, {"sent_id": "201734-03-02", "text": "De f\u00f8rste mini-b\u00e6rbare var for sm\u00e5 for mange , derfor dukket det opp maskiner b\u00e5de ett og to hakk st\u00f8rre .", "opinions": [{"Source": [[], []], "Target": [["f\u00f8rste mini-b\u00e6rbare"], ["3:22"]], "Polar_expression": [["for sm\u00e5 for mange"], ["27:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-03-03", "text": "Noen produsenter har klart \u00e5 lage disse modellene b\u00e5de nette og lette , og er det plass i veska uansett s\u00e5 betyr ikke noen f\u00e5 gram ekstra all verden .", "opinions": [{"Source": [[], []], "Target": [["Noen produsenter"], ["0:16"]], "Polar_expression": [["klart \u00e5 lage disse modellene b\u00e5de nette og lette"], ["21:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["modellene"], ["40:49"]], "Polar_expression": [["nette"], ["55:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["modellene"], ["40:49"]], "Polar_expression": [["lette"], ["64:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-04-01", "text": "Packard Bell har maskiner over hele linja , v\u00e5rt testeksemplar heter \" dot m \" og har en skjermst\u00f8rrelse p\u00e5 11,6 tommer .", "opinions": []}, {"sent_id": "201734-04-02", "text": "Vekten er 1419 gram med et 6-cellers batteri .", "opinions": []}, {"sent_id": "201734-04-03", "text": "Dermed havner den i den st\u00f8rre og tyngre delen av maskinutvalget .", "opinions": []}, {"sent_id": "201734-05-01", "text": "Dot m p\u00e5 benken", "opinions": []}, {"sent_id": "201734-06-01", "text": "Packard Bell dot 3G vant v\u00e5r test av 8 minib\u00e6rbare i januar .", "opinions": [{"Source": [["v\u00e5r"], ["25:28"]], "Target": [["Packard Bell dot 3G"], ["0:19"]], "Polar_expression": [["vant", "test av 8 minib\u00e6rbare i januar"], ["20:24", "29:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-06-02", "text": "Men Packard bell har flere andre modeller \u00e5 by p\u00e5 .", "opinions": []}, {"sent_id": "201734-07-01", "text": "Den f\u00f8rste 11,6-tommeren vi s\u00e5 kom fra Acer og vi ble begeistret over dette formatet .", "opinions": [{"Source": [["vi"], ["47:49"]], "Target": [["formatet"], ["76:84"]], "Polar_expression": [["begeistret"], ["54:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-07-02", "text": "Packard Bell ble kj\u00f8pt opp av Acer i fjor , men her er det ikke snakk om samme maskin med to forskjellige merkenavn .", "opinions": []}, {"sent_id": "201734-07-03", "text": "Acer Aspire One og Packard Bell dot m er to forskjellige maskiner , det er helt klart n\u00e5r man setter dem ved siden av hverandre .", "opinions": []}, {"sent_id": "201734-08-01", "text": "Spesifikasjoner", "opinions": []}, {"sent_id": "201734-09-01", "text": "Venstre side av maskinen :", "opinions": []}, {"sent_id": "201734-09-02", "text": "H\u00f8yre side av maskinen :", "opinions": []}, {"sent_id": "201734-10-01", "text": "Dot m kommer i sort , blank plast med matt sort underdel .", "opinions": []}, {"sent_id": "201734-10-02", "text": "En blank liten krom-detalj p\u00e5 \" lokket \" ser ut som en slags spenne , og matcher hengslene .", "opinions": []}, {"sent_id": "201734-10-03", "text": "S\u00e5 langt ser den absolutt bra ut .", "opinions": [{"Source": [[], []], "Target": [["den"], ["13:16"]], "Polar_expression": [["ser", "absolutt bra ut"], ["9:12", "17:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-11-01", "text": "Batteriet trekker derimot til seg oppmerksomheten p\u00e5 en noe mindre fordelaktig m\u00e5te , det stikker ut knappe 2 centimeter bak resten av maskinen .", "opinions": [{"Source": [[], []], "Target": [["Batteriet"], ["0:9"]], "Polar_expression": [["trekker", "til seg oppmerksomheten p\u00e5 en noe mindre fordelaktig m\u00e5te"], ["10:17", "26:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Batteriet"], ["0:9"]], "Polar_expression": [["stikker ut knappe 2 centimeter bak resten av maskinen"], ["90:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201734-11-02", "text": "Det ser ut som et spesialbatteri for ekstra lang brukstid , men det er alts\u00e5 standardbatteriet .", "opinions": []}, {"sent_id": "201734-12-01", "text": "Skjermen er glinsende blank , dessverre , men oppl\u00f8sningen er h\u00f8y , hele 1366x768 .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["glinsende blank , dessverre"], ["12:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppl\u00f8sningen"], ["46:58"]], "Polar_expression": [["h\u00f8y"], ["62:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppl\u00f8sningen"], ["46:58"]], "Polar_expression": [["hele 1366x768"], ["68:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-12-02", "text": "Betraktningsvinkelen er begrenset , men ikke d\u00e5rligere enn p\u00e5 de aller fleste andre b\u00e6rbare .", "opinions": [{"Source": [[], []], "Target": [["Betraktningsvinkelen"], ["0:20"]], "Polar_expression": [["begrenset"], ["24:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Betraktningsvinkelen"], ["0:20"]], "Polar_expression": [["ikke d\u00e5rligere enn p\u00e5 de aller fleste andre b\u00e6rbare"], ["40:91"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-12-03", "text": "Selv om batteriet stikker s\u00e5pass langt ut blir den ikke vanskeligere \u00e5 balansere p\u00e5 brettet i et trangt flysete , n\u00e5r du m\u00e5 vippe hele maskinen bakover for \u00e5 kunne lese p\u00e5 skjermen .", "opinions": [{"Source": [[], []], "Target": [["den"], ["47:50"]], "Polar_expression": [["Selv om batteriet stikker s\u00e5pass langt ut blir den ikke vanskeligere \u00e5 balansere p\u00e5 brettet i et trangt flysete"], ["0:111"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maskinen"], ["135:143"]], "Polar_expression": [["m\u00e5 vippe hele maskinen bakover for \u00e5 kunne lese p\u00e5 skjermen"], ["121:180"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-13-01", "text": "Fordelen med 11,6-tommers skjerm er at tastaturet ikke blir s\u00e5 trangt , det er bare 2 - 3 millimeter smalere enn bokstavelen p\u00e5 et vanlig bordtastatur .", "opinions": [{"Source": [[], []], "Target": [["11,6-tommers skjerm"], ["13:32"]], "Polar_expression": [["Fordelen", "er at tastaturet ikke blir s\u00e5 trangt"], ["0:8", "33:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tastaturet"], ["39:49"]], "Polar_expression": [["ikke blir s\u00e5 trangt"], ["50:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tastaturet"], ["39:49"]], "Polar_expression": [["bare 2 - 3 millimeter smalere enn bokstavelen p\u00e5 et vanlig bordtastatur"], ["79:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-13-02", "text": "Tastene er mindre dype , men helt ok \u00e5 skrive p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Tastene"], ["0:7"]], "Polar_expression": [["mindre dype"], ["11:22"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tastene"], ["0:7"]], "Polar_expression": [["helt ok \u00e5 skrive p\u00e5"], ["29:48"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-14-01", "text": "Pekeplaten er god , knappene er en vippeknapp med litt for stor d\u00f8dsone p\u00e5 midten , men det fungerer .", "opinions": [{"Source": [[], []], "Target": [["Pekeplaten"], ["0:10"]], "Polar_expression": [["god"], ["14:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["knappene"], ["20:28"]], "Polar_expression": [["vippeknapp med litt for stor d\u00f8dsone p\u00e5 midten"], ["35:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["knappene"], ["20:28"]], "Polar_expression": [["fungerer"], ["92:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-14-02", "text": "Skrollingen i h\u00f8yre felt var ogs\u00e5 kurant .", "opinions": [{"Source": [[], []], "Target": [["Skrollingen i h\u00f8yre felt"], ["0:24"]], "Polar_expression": [["kurant"], ["34:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-15-01", "text": "Maskinen har ellers god balanse , den har ingen tendens til \u00e5 vippe bakover .", "opinions": [{"Source": [[], []], "Target": [["Maskinen"], ["0:8"]], "Polar_expression": [["god balanse"], ["20:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen tendens til \u00e5 vippe bakover"], ["42:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-15-02", "text": "Batteriet som stikker ut s\u00f8rger for dette .", "opinions": []}, {"sent_id": "201734-16-01", "text": "Ingen kraftkar", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ingen kraftkar"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-17-01", "text": "Maskinen fungerer utmerket til enkle oppgaver , men sliter n\u00e5r du gir den for mye \u00e5 hanskes med .", "opinions": [{"Source": [[], []], "Target": [["Maskinen"], ["0:8"]], "Polar_expression": [["fungerer utmerket til enkle oppgaver"], ["9:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sliter n\u00e5r du gir den for mye \u00e5 hanskes med"], ["52:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-17-02", "text": "Avspilling av video i standard DVD-format gikk greit , men vifta kom stadig p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Avspilling av video i standard DVD-format"], ["0:41"]], "Polar_expression": [["greit"], ["47:52"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Avspilling av video i standard DVD-format"], ["0:41"]], "Polar_expression": [["vifta kom stadig p\u00e5"], ["59:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-17-03", "text": "De fleste andre mini-b\u00e6rbare klarer \u00e5 spille av HD-video i 720p , men det ble for tungt for denne maskinen .", "opinions": [{"Source": [[], []], "Target": [["andre mini-b\u00e6rbare"], ["10:28"]], "Polar_expression": [["fleste", "klarer \u00e5 spille av HD-video i 720p"], ["3:9", "29:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maskinen"], ["98:106"]], "Polar_expression": [["\u00e5 spille av HD-video i 720p", "ble for tungt"], ["36:63", "74:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-18-01", "text": "Grunnen er ganske enkelt svakere prosessor og st\u00f8rre skjermflate , her sitter det en Z520 p\u00e5 1,33 GHz og 1366x768 krever mer futt \u00e5 fylle enn 1024 x 600 som de mindre maskinene er utstyrt med .", "opinions": [{"Source": [[], []], "Target": [["prosessor"], ["33:42"]], "Polar_expression": [["svakere"], ["25:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermflate"], ["53:64"]], "Polar_expression": [["st\u00f8rre"], ["46:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["svakere prosessor og st\u00f8rre skjermflate"], ["25:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Z520 p\u00e5 1,33 GHz"], ["85:101"]], "Polar_expression": [["1366x768 krever mer futt \u00e5 fylle"], ["105:137"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-19-01", "text": "En Atom N270 som sitter i f.eks . Samsung NC10 klarer nesten 1500 poeng i PCMarks 05 , mens Z520 ikke leverte mer enn 1065 poeng .", "opinions": [{"Source": [[], []], "Target": [["Z520"], ["92:96"]], "Polar_expression": [["ikke leverte mer enn 1065 poeng"], ["97:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-19-02", "text": "Det er en vesentlig forskjell .", "opinions": []}, {"sent_id": "201734-20-01", "text": "Lang batteritid", "opinions": [{"Source": [[], []], "Target": [["batteritid"], ["5:15"]], "Polar_expression": [["Lang"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-21-01", "text": "Med alle str\u00f8msparingsfunksjoner sl\u00e5tt av klarte maskinen \u00e5 v\u00e6re p\u00e5 i 441 minutter , alts\u00e5 7 timer og 21 minutter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Med alle str\u00f8msparingsfunksjoner sl\u00e5tt av klarte", "\u00e5 v\u00e6re p\u00e5 i 441 minutter , alts\u00e5 7 timer og 21 minutter"], ["0:48", "58:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201734-21-02", "text": "Med kontinuerlig avspilling av video klart den 344 minutter , det er alts\u00e5 5 timer og 44 minutter .", "opinions": [{"Source": [[], []], "Target": [["den"], ["43:46"]], "Polar_expression": [["Med kontinuerlig avspilling av video", "344 minutter , det er alts\u00e5 5 timer og 44 minutter"], ["0:36", "47:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201734-22-01", "text": "Dette er meget gode batteritider , og dette skyldes selvsagt b\u00e5de stort batteri og svakere , men mindre krevende prosessor .", "opinions": [{"Source": [[], []], "Target": [["batteritider"], ["20:32"]], "Polar_expression": [["meget gode"], ["9:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteritider"], ["20:32"]], "Polar_expression": [["stort batteri og svakere , men mindre krevende prosessor"], ["66:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosessor"], ["113:122"]], "Polar_expression": [["mindre krevende"], ["97:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosessor"], ["113:122"]], "Polar_expression": [["svakere"], ["83:90"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteri"], ["72:79"]], "Polar_expression": [["stort"], ["66:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-23-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "201734-24-01", "text": "Prioriterer du lang batteritid framfor best ytelse er denne maskinen midt i blinken .", "opinions": [{"Source": [[], []], "Target": [["maskinen"], ["60:68"]], "Polar_expression": [["lang batteritid framfor best ytelse", "midt i blinken"], ["15:50", "69:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-24-02", "text": "Om ytelsen er god nok er individuelt , den klarer jo alt bortsett fra spill og HD-video og det er tilstrekkelig for de aller fleste .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["klarer jo alt bortsett fra spill og HD-video"], ["43:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-25-01", "text": "Baksiden er at den sliter der hvor kraftigere maskiner bare kj\u00f8rer videre .", "opinions": [{"Source": [[], []], "Target": [["den"], ["15:18"]], "Polar_expression": [["Baksiden", "sliter der hvor kraftigere maskiner bare kj\u00f8rer videre"], ["0:8", "19:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-25-02", "text": "Da begynner vifta \u00e5 kj\u00f8re og det h\u00f8res .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Da begynner vifta \u00e5 kj\u00f8re og det h\u00f8res"], ["0:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201734-26-01", "text": "For\u00f8vrig er maskinen slank og lett \u00e5 h\u00e5ndtere , litt tyngre enn vi hadde \u00f8nsket , men dette skyldes batteriet .", "opinions": [{"Source": [[], []], "Target": [["maskinen"], ["12:20"]], "Polar_expression": [["slank"], ["21:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["maskinen"], ["12:20"]], "Polar_expression": [["lett \u00e5 h\u00e5ndtere"], ["30:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["64:66"]], "Target": [["maskinen"], ["12:20"]], "Polar_expression": [["litt tyngre enn", "\u00f8nsket"], ["48:63", "73:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201734-27-01", "text": "Adobe Photoshop LE f\u00f8lger med maskinen , det er ogs\u00e5 et pluss .", "opinions": [{"Source": [[], []], "Target": [["maskinen"], ["30:38"]], "Polar_expression": [["Adobe Photoshop LE f\u00f8lger med", "et pluss"], ["0:29", "53:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704052-01-01", "text": "Julelapskaus", "opinions": []}, {"sent_id": "704052-02-01", "text": "Denne ble gitt ut digitalt i fjor og kommer n\u00e5 i fysisk format med oppjustert innhold .", "opinions": []}, {"sent_id": "704052-02-02", "text": "Av de 18 kuttene finner vi to fra stavangerartisten Kjell Inge Torgersen og ett fra Mia Gundersen Leli\u00ebnhof .", "opinions": []}, {"sent_id": "704052-02-03", "text": "Slike samlinger kan v\u00e6re et bra alternativ , og denne er langt fra den verste .", "opinions": [{"Source": [[], []], "Target": [["Slike samlinger"], ["0:15"]], "Polar_expression": [["kan v\u00e6re et bra alternativ"], ["16:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Slike samlinger"], ["0:15"]], "Polar_expression": [["denne er langt fra den verste"], ["48:77"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704052-02-04", "text": "Et pluss for \u00e5 ta med \" Inne i jula \" fra Finn Kalviks og Erik Fosnes Hansens oppvekstplate , ellers litt b\u00e5de og .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt b\u00e5de og"], ["101:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5 ta med \" Inne i jula \""], ["13:37"]], "Polar_expression": [["pluss"], ["3:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704052-03-01", "text": "Beste spor :", "opinions": []}, {"sent_id": "704052-03-02", "text": "\" Romjulsdr\u00f8m \" , Inne i jula \" , \" Julevals \" .", "opinions": []}, {"sent_id": "001842-01-01", "text": "Naturlig nyskaping", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Naturlig nyskaping"], ["0:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-02-01", "text": "Ane Brun har definitivt forandret uttrykket sitt - til det bedre .", "opinions": [{"Source": [[], []], "Target": [["Ane Brun"], ["0:8"]], "Polar_expression": [["definitivt forandret uttrykket sitt - til det bedre"], ["13:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-03-01", "text": "Ane Brun har forandret seg markant fra debuten Spending Time With Morgan til sitt ferske album , It All Starts With One .", "opinions": [{"Source": [[], []], "Target": [["Ane Brun"], ["0:8"]], "Polar_expression": [["forandret seg markant"], ["13:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["It All Starts With One"], ["97:119"]], "Polar_expression": [["Ane Brun har forandret seg markant"], ["0:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-03-02", "text": "Det enkle gitarkompet er byttet ut med et lydbilde hvor trommer , tangenter og luft regjerer - i tillegg til Bruns magiske stemme .", "opinions": [{"Source": [[], []], "Target": [["stemme"], ["123:129"]], "Polar_expression": [["magiske"], ["115:122"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bruns"], ["109:114"]], "Polar_expression": [["magiske stemme"], ["115:129"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-04-01", "text": "M\u00e5ten det l\u00e5ter p\u00e5 Bruns nye album - mer rytmisk , mer utadvendt og mindre typisk singer-songwriter er ikke bare et musikalsk stilskifte - det er ogs\u00e5 et uttrykk for personlig utvikling .", "opinions": [{"Source": [[], []], "Target": [["album"], ["29:34"]], "Polar_expression": [["mer rytmisk"], ["37:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["29:34"]], "Polar_expression": [["mer utadvendt"], ["51:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["29:34"]], "Polar_expression": [["mindre typisk singer-songwriter"], ["68:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["29:34"]], "Polar_expression": [["uttrykk for personlig utvikling"], ["154:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-04-02", "text": "Brun har \u00e5penbart blitt tryggere p\u00e5 seg selv .", "opinions": [{"Source": [[], []], "Target": [["Brun"], ["0:4"]], "Polar_expression": [["\u00e5penbart blitt tryggere p\u00e5 seg selv"], ["9:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-04-03", "text": "Dette er ogs\u00e5 visuelt tydelig :", "opinions": []}, {"sent_id": "001842-04-04", "text": "Fra \u00e5 posere usminket og naturlig med gitaren p\u00e5 sitt f\u00f8rste albumcover , er 35-\u00e5ringen n\u00e5 dramatisk , men samtidig elegant , sminket og kledd .", "opinions": [{"Source": [[], []], "Target": [["35-\u00e5ringen"], ["77:87"]], "Polar_expression": [["elegant"], ["116:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["35-\u00e5ringen"], ["77:87"]], "Polar_expression": [["sminket"], ["126:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["35-\u00e5ringen"], ["77:87"]], "Polar_expression": [["kledd"], ["137:142"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["35-\u00e5ringen"], ["77:87"]], "Polar_expression": [["dramatisk"], ["91:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-05-01", "text": "Da f\u00f8rstesingelen \u201c Do You Remember \u201d - med sine Lykke Li-aktige trommer og uvant h\u00f8ye tempo - ble sluppet og satt inn p\u00e5 h\u00f8yeste rotasjon p\u00e5 P1 f\u00f8r sommeren , m\u00e5 mang en radiolytter ha f\u00e5tt morgenkaffen i halsen .", "opinions": []}, {"sent_id": "001842-05-02", "text": "Dette var jo helt annerledes enn den Ane Brun vi kjente fra f\u00f8r !", "opinions": [{"Source": [["vi"], ["46:48"]], "Target": [["Ane Brun"], ["37:45"]], "Polar_expression": [["kjente fra f\u00f8r !", "helt annerledes enn"], ["49:65", "13:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-05-03", "text": "Denne l\u00e5ta er den som drar den nye stilen lengst , og er ikke typisk for albumets gjennomg\u00e5ende sound .", "opinions": []}, {"sent_id": "001842-05-04", "text": "Vi f\u00e5r fremdeles de rolige , s\u00e5re l\u00e5tene - bare i en enda flottere drakt enn tidligere .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["rolige , s\u00e5re l\u00e5tene"], ["20:40"]], "Polar_expression": [["enda flottere drakt enn tidligere"], ["53:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-05-05", "text": "L\u00e5tene er fremdeles behagelige , men blir aldri kjedelige .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["behagelige"], ["20:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["aldri kjedelige"], ["42:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-06-01", "text": "Turnering med Peter Gabriel og Ani DiFranco gjorde at albumet ble utsatt fra i fjor , og alt i alt har Brun brukt n\u00e6rmere tre \u00e5r p\u00e5 arbeidet med albumet .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["145:152"]], "Polar_expression": [["n\u00e6rmere tre \u00e5r p\u00e5 arbeidet"], ["114:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-06-02", "text": "Tiden har tydeligvis gjort godt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tiden har tydeligvis gjort godt"], ["0:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-06-03", "text": "Bruns stilskifte oppleves aldri som et \u00f8nske om \u00e5 distansere seg fra tidligere utgivelser eller forandre seg selv .", "opinions": [{"Source": [[], []], "Target": [["Bruns stilskifte"], ["0:16"]], "Polar_expression": [["oppleves aldri som et \u00f8nske om \u00e5 distansere seg"], ["17:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bruns stilskifte"], ["0:16"]], "Polar_expression": [["oppleves aldri", "forandre seg selv"], ["17:31", "96:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-06-04", "text": "It All Starts With One f\u00f8les derimot som en naturlig forlengning av arbeidet tidligere i karrieren .", "opinions": [{"Source": [[], []], "Target": [["It All Starts With One"], ["0:22"]], "Polar_expression": [["naturlig forlengning av arbeidet tidligere"], ["44:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001842-06-05", "text": "Bruns krystallklare , sterke stemme og evne til \u00e5 treffe lytteren midt i hjertet er fremdeles det mest sentrale , sammen med tekster som er n\u00e6re - men verken overtydelige eller for utleverende .", "opinions": [{"Source": [[], []], "Target": [["stemme"], ["29:35"]], "Polar_expression": [["sterke"], ["22:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemme"], ["29:35"]], "Polar_expression": [["krystallklare"], ["6:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bruns"], ["0:5"]], "Polar_expression": [["krystallklare , sterke stemme"], ["6:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bruns"], ["0:5"]], "Polar_expression": [["evne til \u00e5 treffe lytteren midt i hjertet"], ["39:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekster"], ["125:132"]], "Polar_expression": [["n\u00e6re"], ["140:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekster"], ["125:132"]], "Polar_expression": [["verken overtydelige eller for utleverende"], ["151:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-07-01", "text": "Vi f\u00e5r fremdeles vakre l\u00e5ter og dempede l\u00e5ter - men alt hun har gjort f\u00f8r , l\u00f8ser hun p\u00e5 enda bedre vis n\u00e5 .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["l\u00e5ter"], ["23:28"]], "Polar_expression": [["vakre"], ["17:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["hun"], ["82:85"]], "Polar_expression": [["alt", "enda bedre vis"], ["52:55", "89:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-07-02", "text": "Ta for eksempel \u201c Worship \u201d , duetten med Jos\u00e9 Gonz\u00e1les ; Brun har sunget mange duetter tidligere - og gitt ut et album best\u00e5ende utelukkende av slike , men \u201c Worship \u201d er finere enn dem alle .", "opinions": [{"Source": [[], []], "Target": [["\u201c Worship \u201d"], ["157:168"]], "Polar_expression": [["finere enn dem alle"], ["172:191"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["duetter"], ["80:87"]], "Polar_expression": [["\u201c Worship \u201d er finere enn dem alle"], ["157:191"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-07-03", "text": "Et nydelig strykerarrangement og to str\u00e5lende vokalister i samspill sikrer en magisk l\u00e5t :", "opinions": [{"Source": [[], []], "Target": [["l\u00e5t"], ["85:88"]], "Polar_expression": [["nydelig strykerarrangement"], ["3:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokalister"], ["46:56"]], "Polar_expression": [["str\u00e5lende"], ["36:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5t"], ["85:88"]], "Polar_expression": [["str\u00e5lende vokalister i samspill"], ["36:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001842-08-01", "text": "Forh\u00e5pentlig er Bruns fjerde studioalbum bare f\u00f8rste smakebit fra en mer eksperimentell artist - et album som markerer et stilskifte vi kan nyte godt av ogs\u00e5 p\u00e5 kommende utgivelser .", "opinions": [{"Source": [["vi"], ["133:135"]], "Target": [["studioalbum"], ["29:40"]], "Polar_expression": [["Forh\u00e5pentlig", "bare f\u00f8rste smakebit"], ["0:12", "41:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["133:135"]], "Target": [["studioalbum"], ["29:40"]], "Polar_expression": [["markerer et stilskifte vi kan nyte godt av"], ["110:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108739-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "108739-01-02", "text": "Arnaldur Indri\u00f0ason :", "opinions": []}, {"sent_id": "108739-01-03", "text": "\u00ab Skuggasund \u00bb", "opinions": []}, {"sent_id": "108739-02-01", "text": "I sin tolvte bok p\u00e5 norsk fortsetter Arnaldur Indri\u00f0ason med det han behersker aller best :", "opinions": [{"Source": [[], []], "Target": [["Arnaldur Indri\u00f0ason"], ["37:56"]], "Polar_expression": [["behersker aller best", "fortsetter"], ["69:89", "26:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108739-02-02", "text": "\u00c5 skrive spenningshistorier lagt til dagens Island , men med lange tilbakeblikk til en annen tid .", "opinions": []}, {"sent_id": "108739-03-01", "text": "Og som s\u00e5 ofte hos Indri\u00f0ason , er det ogs\u00e5 denne gangen med en delhistorie om noen som er blitt borte en gang \u2013 uten spor eller ordentlig forklaring .", "opinions": []}, {"sent_id": "108739-04-01", "text": "Det hele begynner med at en mann i 90-\u00e5rene blir funnet d\u00f8d i sin egen leilighet .", "opinions": []}, {"sent_id": "108739-04-02", "text": "I seg selv ikke s\u00e5 mystisk selvsagt , helt til man under den obligatoriske obduksjonen finner spor som tyder p\u00e5 kvelning .", "opinions": []}, {"sent_id": "108739-05-01", "text": "Den pensjonerte politimannen Konrad fatter interesse for saken , og starter p\u00e5 frilansbasis sin egen etterforskning rundt skjebnen til den gamle mannen .", "opinions": []}, {"sent_id": "108739-06-01", "text": "Samtidig presenteres leseren for en historie fra krigens dager , da Island var tett besatt av allierte soldater .", "opinions": []}, {"sent_id": "108739-06-02", "text": "Det som p\u00e5 folkemunne ble kalt \u00ab Tilstanden \u00bb gjorde at mange islandske kvinner hadde forhold til de kjekke soldatene .", "opinions": []}, {"sent_id": "108739-07-01", "text": "Under et slikt stevnem\u00f8te kommer en islandsk jente og hennes amerikanske kj\u00e6reste over liket av en ung kvinne .", "opinions": []}, {"sent_id": "108739-07-02", "text": "Etterforskningen av denne saken ledes av en islandsk-kanadier med navn Thorson og hans islandske kollega Flovent .", "opinions": []}, {"sent_id": "108739-08-01", "text": "Gradvis avsl\u00f8rer de to en intrige der hemmeligheter og huldretro spiller en sentral rolle .", "opinions": []}, {"sent_id": "108739-08-02", "text": "Snart kommer de ogs\u00e5 p\u00e5 sporet av en annen forsvinningssak der en ung kvinne p\u00e5 landsbygda trolig tok livet av seg , etter sigende fordi hun hadde blitt overfalt og voldtatt av de underjordiske .", "opinions": []}, {"sent_id": "108739-09-01", "text": "Ikke overraskende kobles snart historien fra i dag sammen med denne fra krigen , og Konrad avdekker hvordan gamle hemmeligheter leder til dramatiske handlinger i n\u00e5tid .", "opinions": []}, {"sent_id": "108739-10-01", "text": "Det handler om fedrenes synder , og s\u00f8nnenes \u00f8nske om \u00e5 holde dem hemmelige .", "opinions": []}, {"sent_id": "108739-10-02", "text": "Blant annet .", "opinions": []}, {"sent_id": "108739-10-03", "text": "Men ogs\u00e5 spanskesyken i 1918 , tukling med spiritisme og gjennombruddet for moderne etterforskningsmetoder under krigen er blant temaene Indri\u00f0ason spiller p\u00e5 , og som til sammen er med p\u00e5 \u00e5 skape fine og troverdige tidsbilder underveis .", "opinions": [{"Source": [[], []], "Target": [["tidsbilder"], ["216:226"]], "Polar_expression": [["troverdige"], ["205:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tidsbilder"], ["216:226"]], "Polar_expression": [["fine"], ["197:201"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["temaene"], ["129:136"]], "Polar_expression": [["med p\u00e5 \u00e5 skape fine og troverdige tidsbilder underveis"], ["182:236"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108739-11-01", "text": "I sekvensene fra dagens Island foreg\u00e5r mye av handlingen i hverdagslige leiligheter og gjennom rolige samtaler eldre mennesker imellom .", "opinions": []}, {"sent_id": "108739-11-02", "text": "Det h\u00f8res kanskje ikke s\u00e5 umiddelbart spennende ut , men forfatteren evner \u00e5 gj\u00f8re det b\u00e5de engasjerende og interessant p\u00e5 sin helt egne menneskelige og gjenkjennelige m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["forfatteren"], ["57:68"]], "Polar_expression": [["evner \u00e5 gj\u00f8re det b\u00e5de engasjerende og interessant p\u00e5 sin helt egne menneskelige og gjenkjennelige m\u00e5te"], ["69:172"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["h\u00f8res kanskje ikke s\u00e5 umiddelbart spennende ut"], ["4:50"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108739-12-01", "text": "\u00ab Skuggasund \u00bb er en sterk utfordrer til J\u00f8rn Lier Horsts \u00ab Blindgang \u00bb i konkurransen om sommerens beste nordiske krimnyhet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Skuggasund \u00bb"], ["0:14"]], "Polar_expression": [["en sterk utfordrer", "i konkurransen om sommerens beste nordiske krimnyhet"], ["18:36", "72:124"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108739-12-02", "text": "Tilrettelagt p\u00e5 beste vis til norsk av Silje Beite L\u00f8ken .", "opinions": [{"Source": [[], []], "Target": [["Silje Beite L\u00f8ken"], ["39:56"]], "Polar_expression": [["Tilrettelagt p\u00e5 beste vis til norsk"], ["0:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-01-01", "text": "PR\u00d8VEKJ\u00d8RT :", "opinions": []}, {"sent_id": "201529-01-02", "text": "Audi RS5", "opinions": []}, {"sent_id": "201529-02-01", "text": "Audi quattro fyller 30 \u00e5r i \u00e5r og feirer det med \u00e5 lansere RS5 som tar pusten fra selv hardbarkete sportsbilentusiaster .", "opinions": [{"Source": [[], []], "Target": [["RS5"], ["59:62"]], "Polar_expression": [["tar pusten fra selv hardbarkete sportsbilentusiaster"], ["67:119"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201529-02-02", "text": "I M\u00fcnchen :", "opinions": []}, {"sent_id": "201529-02-03", "text": "Tekst :", "opinions": []}, {"sent_id": "201529-02-04", "text": "Knut Arne Marcussen Foto : Audi", "opinions": []}, {"sent_id": "201529-03-01", "text": "240 - 250-260 - 270 km/t og det bare fortsetter \u2026", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["240 - 250-260 - 270 km/t og det bare fortsetter \u2026"], ["0:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-03-02", "text": "Hvor skal dette ende ?", "opinions": []}, {"sent_id": "201529-03-03", "text": "Ja , der ja .", "opinions": []}, {"sent_id": "201529-03-04", "text": "F\u00f8rst n\u00e5r speedometeret viser 290 km/t trer fartsperren inn p\u00e5 Audis siste leket\u00f8y \u2013 RS5 .", "opinions": [{"Source": [[], []], "Target": [["RS5"], ["85:88"]], "Polar_expression": [["F\u00f8rst n\u00e5r speedometeret viser 290 km/t trer fartsperren inn"], ["0:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-03-05", "text": "Vi dundrer p\u00e5 s\u00f8rover for M\u00fcnchen i Tyskland p\u00e5 utmerkete Autobahn , og jafser i oss mil etter mil mot den \u00f8sterriske grensen i h\u00f8yt tempo .", "opinions": [{"Source": [[], []], "Target": [["Autobahn"], ["58:66"]], "Polar_expression": [["utmerkete"], ["48:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-03-06", "text": "Testbilen har fartsperre forh\u00f8yet til 280 km/t , noe som er ekstrautstyr utover den normale 250 km / t-sperren .", "opinions": []}, {"sent_id": "201529-04-01", "text": "G\u00e5sehud", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["G\u00e5sehud"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-05-01", "text": "Noe l\u00e6rer vi da ogs\u00e5 n\u00e5r vi tukter Audien p\u00e5 denne m\u00e5ten \u2013 den har enormt med krefter .", "opinions": [{"Source": [["vi"], ["10:12"]], "Target": [["Audien"], ["35:41"]], "Polar_expression": [["enormt med krefter"], ["67:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201529-05-02", "text": "V8-motor p\u00e5 450 hester jobber opp mot turtallsperren p\u00e5 8500 omdreininger .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["V8-motor p\u00e5 450 hester jobber opp mot turtallsperren p\u00e5 8500 omdreininger"], ["0:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201529-05-03", "text": "Lyden er rett og slett g\u00e5sehud-god ! 0 - 100 km/t g\u00e5r p\u00e5 uanstrengte 4,6 sekunder med sjutrinns S tronic-kasse ( sekvensiell girkasse ) som standard .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["g\u00e5sehud-god !"], ["23:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-06-01", "text": "Quattro-minner", "opinions": []}, {"sent_id": "201529-07-01", "text": "Selv i h\u00f8y fart er RS5 stabil som bare det og n\u00e5r vi n\u00e6rmer oss svingete fjellveier f\u00f8r alpene , kommer nyvinninger i firehjulstrekksystemet quattro frem .", "opinions": [{"Source": [[], []], "Target": [["firehjulstrekksystemet"], ["118:140"]], "Polar_expression": [["nyvinninger"], ["104:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["RS5"], ["19:22"]], "Polar_expression": [["stabil som bare det"], ["23:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201529-07-02", "text": "For det er n\u00e5 30 \u00e5r siden Audi lanserte quattro som igjen revolusjonerte rally gruppe B .", "opinions": []}, {"sent_id": "201529-07-03", "text": "Blant annet oppn\u00e5dde Walter R\u00f6hrl stor suksess med Audi Quattro S1 da har kj\u00f8rte fra alt og alle .", "opinions": []}, {"sent_id": "201529-07-04", "text": "Audi liker \u00e5 trekke frem historikken og viser til at RS5 er en verdig arvtager til den gamle rallybilen .", "opinions": [{"Source": [["Audi"], ["0:4"]], "Target": [["RS5"], ["53:56"]], "Polar_expression": [["verdig arvtager"], ["63:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "201529-07-05", "text": "Ikke det at bilene har mye til felles utover \u00e5 v\u00e6re coup\u00e9 da .", "opinions": []}, {"sent_id": "201529-07-06", "text": "Men quattro-systemet er blitt bedre p\u00e5 flere m\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["quattro-systemet"], ["4:20"]], "Polar_expression": [["bedre"], ["30:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-07-07", "text": "P\u00e5 bakakselen sitter en sportsdifferensial som jobber for \u00e5 motvirke understyring .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["P\u00e5 bakakselen sitter en sportsdifferensial som jobber for \u00e5 motvirke understyring"], ["0:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-07-08", "text": "Via elektronikken b\u00e5de bremses det og sendes krefter til de hjulene som beh\u00f8ver det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Via elektronikken b\u00e5de bremses det og sendes krefter til de hjulene som beh\u00f8ver det"], ["0:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-08-01", "text": "Kjenner kreftene jobber", "opinions": []}, {"sent_id": "201529-09-01", "text": "Midtdifferensialen er ny og fordeler n\u00e5 mer krefter mellom for- og bakhjul .", "opinions": [{"Source": [[], []], "Target": [["Midtdifferensialen"], ["0:18"]], "Polar_expression": [["ny og fordeler n\u00e5 mer krefter mellom for- og bakhjul"], ["22:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201529-09-02", "text": "I utgangspunktet er fordelingen 60 bak og 40 foran .", "opinions": []}, {"sent_id": "201529-09-03", "text": "Den nye differensialen tillater inntil 70 prosent krefter p\u00e5 forhjulene og hele 85 prosent bak .", "opinions": [{"Source": [[], []], "Target": [["differensialen"], ["8:22"]], "Polar_expression": [["tillater inntil 70 prosent krefter p\u00e5 forhjulene"], ["23:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["differensialen"], ["8:22"]], "Polar_expression": [["hele 85 prosent bak"], ["75:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-09-04", "text": "I praksis kjenner vi dette n\u00e5r ESP er avsl\u00e5tt og du gir flatt jern svingen igjennom .", "opinions": []}, {"sent_id": "201529-10-01", "text": "Du kjenner kreftene formelig jobber frem og tilbake mellom for- og bakhjul der det i \u00f8yeblikket er mest hensiktsmessig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjenner kreftene formelig jobber frem og tilbake mellom for- og bakhjul der det i \u00f8yeblikket er mest hensiktsmessig"], ["3:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-10-02", "text": "De som har pr\u00f8vd dette p\u00e5 glatt underlag har kun godt \u00e5 melde av erfaring .", "opinions": [{"Source": [[], []], "Target": [["De som har pr\u00f8vd dette p\u00e5 glatt underlag"], ["0:40"]], "Polar_expression": [["kun godt \u00e5 melde"], ["45:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "201529-10-03", "text": "Audi A5 kom for tre \u00e5r siden og er merkets vakreste modell .", "opinions": [{"Source": [[], []], "Target": [["Audi A5"], ["0:7"]], "Polar_expression": [["vakreste modell"], ["43:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-10-04", "text": "Med RS-styling , som betyr store fangere , gittergrill , alu-plast , diffusor og justerbar hekkspoiler , er den blitt enda t\u00f8ffere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["enda t\u00f8ffere"], ["118:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["store fangere"], ["27:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["gittergrill"], ["43:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["alu-plast"], ["57:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["diffusor"], ["69:77"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["justerbar hekkspoiler"], ["81:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["RS-styling"], ["4:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-11-01", "text": "Den er rett og slett sint !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rett og slett sint !"], ["7:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201529-11-02", "text": "Herlig er det da \u00e5 tenke p\u00e5 at RS5 \u2019 en ogs\u00e5 kan v\u00e6re snill som et lam og kj\u00f8res av selv bestemoren din .", "opinions": [{"Source": [[], []], "Target": [["RS5"], ["31:34"]], "Polar_expression": [["Herlig er det da \u00e5 tenke p\u00e5", "kan v\u00e6re snill som et lam og kj\u00f8res av selv bestemoren din"], ["0:27", "45:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201529-11-03", "text": "Med Audis \u201d drive select\u201d-system kan du nemlig individuelt tilpasse fasthet og sportslighet etter f\u00f8rerens \u00f8nsker .", "opinions": [{"Source": [[], []], "Target": [["\u201d drive select\u201d-system"], ["10:32"]], "Polar_expression": [["tilpasse fasthet og sportslighet"], ["59:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-11-04", "text": "Programmet g\u00e5r fra comfort , auto og til dynamic som det mest sportslige .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Programmet g\u00e5r fra comfort , auto og til dynamic"], ["0:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201529-12-01", "text": "100 000 over konkurrenten", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["100 000 over konkurrenten"], ["0:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-13-01", "text": "Senere i \u00e5r blir bilen tilgjengelig med s\u00e5kalt Dynamic Ride Control som justerer stivheten i demperne .", "opinions": [{"Source": [[], []], "Target": [["bilen"], ["17:22"]], "Polar_expression": [["Senere i \u00e5r blir", "tilgjengelig med s\u00e5kalt Dynamic Ride Control som justerer stivheten i demperne"], ["0:16", "23:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-13-02", "text": "Kobler du ut S-knappen er heller ikke motorlyden fullt s\u00e5 potent og alt utenom utseendet tas noen hakk ned .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kobler du ut S-knappen er heller ikke motorlyden fullt s\u00e5 potent og alt utenom utseendet tas noen hakk ned"], ["0:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201529-13-03", "text": "Prisen g\u00e5r ikke ned av den grunn og den kan gi hodepine for de fleste Audi-fans .", "opinions": [{"Source": [[], []], "Target": [["Prisen"], ["0:6"]], "Polar_expression": [["hodepine"], ["47:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-13-04", "text": "Rundt 1,6 millioner kroner i startpris antyder import\u00f8r Harald A. M\u00f8ller .", "opinions": [{"Source": [["import\u00f8r Harald A. M\u00f8ller"], ["47:72"]], "Target": [[], []], "Polar_expression": [["Rundt 1,6 millioner kroner"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-13-05", "text": "Det er cirka 100 000 kroner over hovedkonkurrent BMW M3 og det er f\u00f8r du har begynt \u00e5 se p\u00e5 ekstrautstyrslista .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["100 000 kroner over hovedkonkurrent"], ["13:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201529-13-06", "text": "For selv i denne klassen vil det dra seg til med ekstrautstyr .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dra seg til med ekstrautstyr"], ["33:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201529-13-07", "text": "De virkelig gromme sportsstolene vil for eksempel koste rundt 70 000 kroner ekstra .", "opinions": [{"Source": [[], []], "Target": [["sportsstolene"], ["19:32"]], "Polar_expression": [["gromme"], ["12:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sportsstolene"], ["19:32"]], "Polar_expression": [["70 000 kroner ekstra"], ["62:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201529-13-08", "text": "Ingen tvil om at det koster \u00e5 v\u00e6re kar !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ingen tvil om at det koster \u00e5 v\u00e6re kar !"], ["0:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602002-01-01", "text": "Drabantbyrock i toppklasse", "opinions": [{"Source": [[], []], "Target": [["Drabantbyrock"], ["0:13"]], "Polar_expression": [["toppklasse"], ["16:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602002-02-01", "text": "Dette kanadiske bandet forlater her delvis sitt sakrale preg som satte den mektige og lunefulle stemningen p\u00e5 de f\u00f8rste albumene , \u00ab Funeral \u00bb ( 2004 ) og \u00ab Neon Bible \u00bb ( 2007 ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Funeral \u00bb"], ["131:142"]], "Polar_expression": [["mektige og lunefulle stemningen"], ["75:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Neon Bible \u00bb"], ["155:169"]], "Polar_expression": [["mektige og lunefulle stemningen"], ["75:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602002-02-02", "text": "To mesterverk , for \u00f8vrig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["To mesterverk"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602002-02-03", "text": "Det l\u00e5ter bra ogs\u00e5 denne gangen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["l\u00e5ter bra"], ["4:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602002-02-04", "text": "Litt annerledes , men du finner fortsatt storslagen og mektig rock hos Arcade Fire som gj\u00f8r dem til et av verdens mest spennende og beste rockeband i verden akkurat n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Arcade Fire"], ["71:82"]], "Polar_expression": [["storslagen og mektig rock"], ["41:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Arcade Fire"], ["71:82"]], "Polar_expression": [["et av verdens mest spennende og beste rockeband i verden akkurat n\u00e5"], ["100:167"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602002-03-01", "text": "Noen av oss har sett og h\u00f8rt dem to ganger under Hovefestivalen .", "opinions": []}, {"sent_id": "602002-03-02", "text": "Det var en stor opplevelse begge ganger .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stor opplevelse"], ["11:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602002-03-03", "text": "Ikke bare fordi de lar instrumentene rullere medlemmene mellom , men fordi de ogs\u00e5 har en stil og innlevelse som fenger og fanger .", "opinions": [{"Source": [[], []], "Target": [["de"], ["16:18"]], "Polar_expression": [["lar instrumentene rullere medlemmene mellom"], ["19:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["75:77"]], "Polar_expression": [["stil og innlevelse som fenger og fanger"], ["90:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602002-03-04", "text": "Paret Win Butler og Regine Chassagne brenner .", "opinions": [{"Source": [[], []], "Target": [["Paret Win Butler og Regine Chassagne"], ["0:36"]], "Polar_expression": [["brenner"], ["37:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602002-03-05", "text": "Og det bobler og koker i bandet rundt dem .", "opinions": [{"Source": [[], []], "Target": [["bandet"], ["25:31"]], "Polar_expression": [["bobler og koker"], ["7:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602002-04-01", "text": "\u00ab The suburbs \u00bb er p\u00e5 mange m\u00e5ter et konseptalbum om hvordan det er \u00e5 bo i drabantbyer , for eksempel i Montreal der Arcade Fire har sine r\u00f8tter .", "opinions": []}, {"sent_id": "602002-04-02", "text": "Her er rolige l\u00e5ter i en dempet og sf\u00e6risk atmosf\u00e6re , slik som p\u00e5 \u00ab Suburban war \u00bb .", "opinions": []}, {"sent_id": "602002-04-03", "text": "I den andre enden finner vi den punkete og offensive \u00ab Month of May \u00bb .", "opinions": []}, {"sent_id": "602002-04-04", "text": "Dette lange albumet har appell hele veien , men det tar likevel noen runder for hele pakken sitter .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["12:19"]], "Polar_expression": [["tar likevel noen runder for hele pakken sitter"], ["52:98"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["albumet"], ["12:19"]], "Polar_expression": [["appell hele veien"], ["24:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602002-04-05", "text": "Jo da , Arcade Fire er fortsatt \u00e5 regne med .", "opinions": [{"Source": [[], []], "Target": [["Arcade Fire"], ["8:19"]], "Polar_expression": [["fortsatt \u00e5 regne med"], ["23:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602002-04-06", "text": "Blant verdens beste rockeband .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Blant verdens beste rockeband"], ["0:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002051-01-01", "text": "En tapt time", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En tapt time"], ["0:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002051-02-01", "text": "Lostprophets virker som noen ordentlig \u00e5lreite karer .", "opinions": [{"Source": [[], []], "Target": [["Lostprophets"], ["0:12"]], "Polar_expression": [["ordentlig \u00e5lreite karer"], ["29:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002051-02-02", "text": "Bare synd at musikken de spiller er s\u00e5 ribbet for personlighet .", "opinions": [{"Source": [[], []], "Target": [["musikken de spiller"], ["13:32"]], "Polar_expression": [["ribbet for personlighet"], ["39:62"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002051-03-01", "text": "\u00c5rets Hovefestival har f\u00e5tt kritikk for frav\u00e6ret av headlinere man er n\u00f8dt til \u00e5 f\u00e5 med seg p\u00e5 \u00e5rets plakat .", "opinions": [{"Source": [[], []], "Target": [["\u00c5rets Hovefestival"], ["0:18"]], "Polar_expression": [["har f\u00e5tt kritikk for frav\u00e6ret av headlinere"], ["19:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "002051-03-02", "text": "Og kritikken er ikke uten en viss berettigelse \u2013 navn som Rise Against og The Shins , som avslutter hver sin dag p\u00e5 festivalens hovedscene , er ikke navn som i seg selv er kapable til \u00e5 generere Bieber-tilstander i det s\u00f8rlandske skogholtet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kritikken er ikke uten en viss berettigelse"], ["3:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Rise Against og The Shins"], ["58:83"]], "Polar_expression": [["ikke navn som i seg selv er kapable til \u00e5 generere Bieber-tilstander i det s\u00f8rlandske skogholtet"], ["144:240"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002051-04-01", "text": "Samtidig er det ikke alltid helt enkelt \u00e5 forst\u00e5 seg p\u00e5 hva som r\u00f8rer seg i hordene som inntar Trom\u00f8ya hvert \u00e5r .", "opinions": []}, {"sent_id": "002051-04-02", "text": "Ta det walisiske bandet Lostprophets , som har f\u00e5tt oppdraget med \u00e5 varme opp publikum f\u00f8r nevnte Rise Against .", "opinions": []}, {"sent_id": "002051-04-03", "text": "P\u00e5 sin ferske plate , Weapons , fremst\u00e5r de tidvis som selve definisjonen av middelm\u00e5dighet , med en populistisk mikstur av nu-metal , emorock og punkpop p\u00e5 menyen .", "opinions": [{"Source": [[], []], "Target": [["Weapons"], ["22:29"]], "Polar_expression": [["populistisk mikstur av nu-metal , emorock og punkpop"], ["101:153"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["de"], ["41:43"]], "Polar_expression": [["fremst\u00e5r", "tidvis som selve definisjonen av middelm\u00e5dighet"], ["32:40", "44:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002051-05-01", "text": "Likevel er det jo slik at det er nettopp denne typen musikk , drevet som den er av vilje til anthems , allsang og store f\u00f8lelser , ofte har en tendens til \u00e5 fungere live .", "opinions": []}, {"sent_id": "002051-05-02", "text": "Og forutsetningene burde v\u00e6re til stede p\u00e5 Hovescenen :", "opinions": []}, {"sent_id": "002051-05-03", "text": "En stor andel av de framm\u00f8tte kan alle tekstene , ogs\u00e5 utenfor umiddelbar n\u00e6rhet til scenekanten .", "opinions": []}, {"sent_id": "002051-05-04", "text": "Men en annen forutsetning m\u00e5 i tillegg v\u00e6re p\u00e5 plass :", "opinions": []}, {"sent_id": "002051-05-05", "text": "Fett skal det l\u00e5te .", "opinions": []}, {"sent_id": "002051-06-01", "text": "Og der er vi ved kjernen til problemet ved Lostprophets' konsert p\u00e5 Hove :", "opinions": []}, {"sent_id": "002051-06-02", "text": "Det l\u00e5ter ikke spesielt fett .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det l\u00e5ter ikke spesielt fett"], ["0:28"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002051-06-03", "text": "S\u00e6rlig vokalen er et gigantisk problem , til tross for at ansvaret er delt mellom Ian Watkins og Mike Lewis \u2013 det h\u00f8res veikt og kraftl\u00f8st ut ; en d\u00f8dssynd i denne sjangeren .", "opinions": [{"Source": [[], []], "Target": [["vokalen"], ["7:14"]], "Polar_expression": [["gigantisk problem"], ["21:38"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokalen"], ["7:14"]], "Polar_expression": [["h\u00f8res veikt og kraftl\u00f8st ut"], ["114:141"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["d\u00f8dssynd i denne sjangeren"], ["147:173"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002051-06-04", "text": "Resten av bandet gj\u00f8r det de skal , verken mer eller mindre , men tross till\u00f8p til storhet p\u00e5 \" Where We Belong \" og \" Last Summer \" , er og blir det noe gr\u00e5tt og ordin\u00e6rt over dette bandet , i en sjanger der sv\u00e6rt mange rager over dem .", "opinions": [{"Source": [[], []], "Target": [["Resten av bandet"], ["0:16"]], "Polar_expression": [["gj\u00f8r det de skal , verken mer eller mindre"], ["17:59"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["183:189"]], "Polar_expression": [["noe gr\u00e5tt og ordin\u00e6rt over"], ["150:176"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["183:189"]], "Polar_expression": [["sv\u00e6rt mange rager over dem"], ["209:235"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002051-07-01", "text": "- I'm a douche , ler frontmann Ian Watkins mellom to l\u00e5ter .", "opinions": []}, {"sent_id": "002051-07-02", "text": "Den p\u00e5standen motbeviser hans stadig , som n\u00e5r han tar p\u00e5 seg en rosa hjelm noen har kastet p\u00e5 scenen mens han pr\u00f8ver \u00e5 sette i gang en moshpit , eller oppfordrer publikum til \u00e5 synge sin favorittl\u00e5t med Skrillex om de ikke kan teksten ( og lager matchende ) dupsteplyder i mikrofonen .", "opinions": [{"Source": [[], []], "Target": [["han"], ["47:50"]], "Polar_expression": [["tar p\u00e5 seg en rosa hjelm noen har kastet p\u00e5 scenen"], ["51:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["hans"], ["25:29"]], "Polar_expression": [["Den p\u00e5standen motbeviser hans stadig"], ["0:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["han"], ["47:50"]], "Polar_expression": [["pr\u00f8ver \u00e5 sette i gang en moshpit"], ["111:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["han"], ["47:50"]], "Polar_expression": [["oppfordrer publikum til \u00e5 synge sin favorittl\u00e5t med Skrillex"], ["152:212"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["han"], ["47:50"]], "Polar_expression": [["lager matchende ) dupsteplyder i mikrofonen"], ["241:284"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "002051-07-03", "text": "Lostprophets' uttrykk ville hatt godt av et fnugg av sjarmen han legger for dagen .", "opinions": [{"Source": [[], []], "Target": [["Lostprophets'"], ["0:13"]], "Polar_expression": [["ville hatt godt av et fnugg av sjarmen han legger for dagen"], ["22:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703281-01-01", "text": "Hjems\u00f8kt av DDR", "opinions": []}, {"sent_id": "703281-02-01", "text": "Andreboka om danske Ravn l\u00f8ftes av skildringer fra Berlin f\u00f8r og etter murens fall .", "opinions": [{"Source": [[], []], "Target": [["Andreboka om danske Ravn"], ["0:24"]], "Polar_expression": [["l\u00f8ftes av skildringer fra Berlin f\u00f8r og etter murens fall"], ["25:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703281-03-01", "text": "Michael Katz Krefeld kan lett beskyldes for \u00e5 pr\u00f8ve seg p\u00e5 en variant av krimsuksessen Jussi Adler-Olsen og historiene om avdeling Q. Ogs\u00e5 her har vi en l\u00f8pende krimhistorie som ikke finner sin l\u00f8sning i denne boka heller , sp\u00f8rsm\u00e5let om hvem som drepte samboeren til Thomas \" Ravn \" Ravnsholdt .", "opinions": [{"Source": [[], []], "Target": [["Michael Katz Krefeld"], ["0:20"]], "Polar_expression": [["kan lett beskyldes for \u00e5 pr\u00f8ve seg p\u00e5 en variant av krimsuksessen Jussi Adler-Olsen og historiene om avdeling Q."], ["21:133"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703281-04-01", "text": "F\u00f8rsteboka \" Avsporet \" sporet fullstendig av i en seriemorder f\u00f8rt langt ut i parodien .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rsteboka \" Avsporet \""], ["0:23"]], "Polar_expression": [["sporet fullstendig av"], ["24:45"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703281-04-02", "text": "Men denne gangen har Katz Krefeld bedre grep om virkemidlene , selv om det fortsatt er relativt hum\u00f8rl\u00f8st .", "opinions": [{"Source": [[], []], "Target": [["Katz Krefeld"], ["21:33"]], "Polar_expression": [["bedre grep om virkemidlene"], ["34:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["relativt hum\u00f8rl\u00f8st"], ["87:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703281-05-01", "text": "F\u00f8rst og fremst fungerer denne boka i skarpe tilbakeblikk til DDR og Berlin rett f\u00f8r Murens fall .", "opinions": []}, {"sent_id": "703281-06-01", "text": "Der m\u00f8ter vi Stasi-obersten Hausser i arbeidet med \u00e5 knekke en familie mistenkt for den stygge forbrytelsen \u00e5 ville flykte til vest .", "opinions": []}, {"sent_id": "703281-07-01", "text": "Hausser er like ambisi\u00f8s som sadistisk der han n\u00e5del\u00f8st forf\u00f8lger regimets politiske motstandere og gjerne drukner de uheldigste i prosessen .", "opinions": []}, {"sent_id": "703281-07-02", "text": "Fullt s\u00e5 gruvekkende og sertifisert psyk som tilfellet Hausser var knapt Stasi-funksjon\u00e6rene flest .", "opinions": [{"Source": [[], []], "Target": [["Hausser"], ["55:62"]], "Polar_expression": [["gruvekkende"], ["9:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hausser"], ["55:62"]], "Polar_expression": [["sertifisert psyk"], ["24:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703281-07-03", "text": "Men alle som har bes\u00f8kt Stasi-fengslet Hohensch\u00f6nhausen vet hvordan regimet systematisk forfulgte , trakasserte og overv\u00e5ket politiske dissidenter .", "opinions": []}, {"sent_id": "703281-07-04", "text": "Derfor er ikke galskapen fra et kvart \u00e5rhundre tilbake tatt helt ut av l\u00f8se lufta .", "opinions": []}, {"sent_id": "703281-08-01", "text": "I bokas n\u00e5tid er det en anonym regnskapssjef som beg\u00e5r underslag i stor stil og forsvinner fra K\u00f8benhavn .", "opinions": []}, {"sent_id": "703281-08-02", "text": "Han skal m\u00f8te en kvinne i Berlin , men forsvinner sporl\u00f8st p\u00e5 sin vei .", "opinions": []}, {"sent_id": "703281-09-01", "text": "Det er hans s\u00f8ster Louise som engasjerer Ravn i saken .", "opinions": []}, {"sent_id": "703281-09-02", "text": "Jakten p\u00e5 Mogens Slotsholm f\u00f8rer Ravn til den tyske hovedstaden i moderne tid og gatelangs Oranienburger Strasse der han oppdager at fortidens sp\u00f8kelser fortsatt lever .", "opinions": []}, {"sent_id": "703281-10-01", "text": "Ravns selvdestruktive sider er ikke fullt s\u00e5 utpenslet denne gangen , g\u00e6rne Hausser er godt kommet p\u00e5 og selve plottet er tettere enn i f\u00f8rsteboka .", "opinions": [{"Source": [[], []], "Target": [["Ravns selvdestruktive sider"], ["0:27"]], "Polar_expression": [["ikke fullt s\u00e5 utpenslet denne gangen"], ["31:67"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["g\u00e6rne Hausser"], ["70:83"]], "Polar_expression": [["godt kommet"], ["87:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plottet"], ["111:118"]], "Polar_expression": [["tettere enn i f\u00f8rsteboka"], ["122:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8rsteboka"], ["136:146"]], "Polar_expression": [["plottet er tettere enn i f\u00f8rsteboka"], ["111:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703281-10-02", "text": "\" Savnet \" blir en angstbitersk og veldreid liten thriller .", "opinions": [{"Source": [[], []], "Target": [["Savnet \""], ["2:10"]], "Polar_expression": [["angstbitersk"], ["19:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Savnet \""], ["2:10"]], "Polar_expression": [["veldreid"], ["35:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501319-01-01", "text": "Glad galopp", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glad galopp"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501319-02-01", "text": "Energisk tromming og bl\u00e5s sl\u00e5r muntre gnister", "opinions": [{"Source": [[], []], "Target": [["tromming"], ["9:17"]], "Polar_expression": [["Energisk"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bl\u00e5s"], ["21:25"]], "Polar_expression": [["sl\u00e5r muntre gnister"], ["26:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501319-03-01", "text": "F\u00f8rsteplaten var str\u00e5lende energisk postpunk og en oppfinnsom vandring i sporene av The Fall .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rsteplaten"], ["0:12"]], "Polar_expression": [["str\u00e5lende energisk postpunk"], ["17:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["F\u00f8rsteplaten"], ["0:12"]], "Polar_expression": [["oppfinnsom vandring i sporene av The Fall"], ["51:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501319-04-01", "text": "Denne oppf\u00f8lgeren marsjerer og galopperer i helt andre og ganske egne retninger .", "opinions": []}, {"sent_id": "501319-04-02", "text": "Energien og oppfinnsomheten opprettholdes , men n\u00e5 ytrer de seg gjennom horn og xylofoner og piano og atter bl\u00e5sere og kolossale trommer og barnekor .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Energien og oppfinnsomheten opprettholdes"], ["0:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501319-04-03", "text": "Hornbruken er inspirert av Bj\u00f8rk , mer samtidsmusikk enn soulbl\u00e5s .", "opinions": []}, {"sent_id": "501319-05-01", "text": "Trommingen og rytmene minner om MIA eller \u00e5ttitalls tysk Neue Welle .", "opinions": []}, {"sent_id": "501319-05-02", "text": "Melodilinjer og sang er umiskjennelig britiske , og selv om dette verken er pop eller rock i tradisjonell forstand , er det samtidig vanskelig \u00e5 definere det som noe annet .", "opinions": []}, {"sent_id": "501319-06-01", "text": "Den britiske popf\u00f8lelsen gj\u00f8r at oppfinnsomheten aldri blir t\u00f8ylesl\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["britiske popf\u00f8lelsen"], ["4:24"]], "Polar_expression": [["gj\u00f8r at oppfinnsomheten aldri blir t\u00f8ylesl\u00f8s"], ["25:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501319-06-02", "text": "Det er mindre av en begrensning enn en \u00e5rsak til stadig \u00e5 vende tilbake til platens lekne omgang med formlene og t\u00f8yning av popmusikken .", "opinions": [{"Source": [[], []], "Target": [["platens"], ["76:83"]], "Polar_expression": [["mindre av en begrensning enn en \u00e5rsak til stadig \u00e5 vende tilbake til", "lekne omgang med formlene og t\u00f8yning av popmusikken"], ["7:75", "84:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501319-06-03", "text": "Str\u00e5lende munter og fremadstrebende musikk .", "opinions": [{"Source": [[], []], "Target": [["musikk"], ["36:42"]], "Polar_expression": [["fremadstrebende"], ["20:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["36:42"]], "Polar_expression": [["Str\u00e5lende munter"], ["0:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501319-07-01", "text": "HELGE OLSEN", "opinions": []}, {"sent_id": "501319-08-01", "text": "Enig med v\u00e5r anmelder ?", "opinions": []}, {"sent_id": "501319-08-02", "text": "Si din mening .", "opinions": []}, {"sent_id": "301688-01-01", "text": "Velkommen til Memphis , avdeling \u00d8stre Toten", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Velkommen til Memphis , avdeling \u00d8stre Toten"], ["0:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301688-02-01", "text": "Ting flyter lett n\u00e5r Knut Anders S\u00f8rum synger soul p\u00e5 totning .", "opinions": [{"Source": [[], []], "Target": [["Knut Anders S\u00f8rum"], ["21:38"]], "Polar_expression": [["flyter lett"], ["5:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "301688-03-02", "text": "Jon Anders Narum styrer knottene i East Lake Studio p\u00e5 Eina , selve sentralen i det vi n\u00e5 m\u00e5 ha lov til \u00e5 kalle Toten-b\u00f8lgen .", "opinions": []}, {"sent_id": "301688-03-03", "text": "Hans eget band Narum har gitt ut to plater som har satt spor , og her kommer Knut Anders S\u00f8rum ( 37 ) med soul p\u00e5 totning , med et anstr\u00f8k av funk og gospel .", "opinions": []}, {"sent_id": "301688-04-01", "text": "Geir Wentzel", "opinions": []}, {"sent_id": "301688-04-02", "text": "N\u00e5 har Toten faktisk tradisjoner med soulmusikk .", "opinions": []}, {"sent_id": "301688-04-03", "text": "Geir Wentzel fra Raufoss var for eksempel en av de f\u00f8rste som hentet denne sjangeren hjem for snart 50 \u00e5r siden og presenterte den for Club 7-publikummet .", "opinions": []}, {"sent_id": "301688-04-04", "text": "P\u00e5 80-tallet sang Andersen-s\u00f8strene Inger Lise og Maj Britt i Club 7-bandet Chipahua .", "opinions": []}, {"sent_id": "301688-04-05", "text": "Leif Anders Wentzel , s\u00f8nn av Geir , er et av de nye tilskuddene .", "opinions": []}, {"sent_id": "301688-05-01", "text": "Men de har sverget til engelsk .", "opinions": []}, {"sent_id": "301688-06-01", "text": "For hvem kunne trodd at totning skulle klinge s\u00e5 bra i et lydlandskap av soul , funk og gospel , som om dialekta var skapt for den erkeamerikanske musikkformen ?", "opinions": [{"Source": [[], []], "Target": [["dialekta"], ["104:112"]], "Polar_expression": [["hvem kunne trodd at totning skulle klinge s\u00e5 bra i et lydlandskap av soul , funk og gospel", "?"], ["4:94", "160:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-07-01", "text": "Gode musikere", "opinions": [{"Source": [[], []], "Target": [["musikere"], ["5:13"]], "Polar_expression": [["Gode"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-07-02", "text": "S\u00f8rum hadde tydeligvis en id\u00e9 om dette .", "opinions": []}, {"sent_id": "301688-07-03", "text": "Produsent og gitarist Narum og en knippe utmerkete musikere har omsatt den i fin flyt :", "opinions": [{"Source": [[], []], "Target": [["musikere"], ["51:59"]], "Polar_expression": [["utmerkete"], ["41:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["71:74"]], "Polar_expression": [["omsatt", "i fin flyt"], ["64:70", "75:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Produsent og gitarist Narum"], ["0:27"]], "Polar_expression": [["omsatt", "i fin flyt"], ["64:70", "75:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-07-04", "text": "Lewi Bergrud ( bass ) , Ruben Dalen ( trommer ) , Iver Olav Erstad ( Hammond B3 ) , Narum ( gitarer ) , S\u00f8rum ( tangenter ) og The Original Bullshit Band Horns - som nesten g\u00e5r av hengslene i \u00ab Meg og et gatelys \u00bb .", "opinions": [{"Source": [[], []], "Target": [["The Original Bullshit Band Horns"], ["127:159"]], "Polar_expression": [["nesten g\u00e5r av hengslene"], ["166:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["S\u00f8rum"], ["104:109"]], "Polar_expression": [["nesten g\u00e5r av hengslene"], ["166:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Narum"], ["84:89"]], "Polar_expression": [["nesten g\u00e5r av hengslene"], ["166:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Iver Olav Erstad"], ["50:66"]], "Polar_expression": [["nesten g\u00e5r av hengslene"], ["166:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ruben Dalen"], ["24:35"]], "Polar_expression": [["nesten g\u00e5r av hengslene"], ["166:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lewi Bergrud"], ["0:12"]], "Polar_expression": [["nesten g\u00e5r av hengslene"], ["166:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-08-01", "text": "Sammen med bl\u00e5serne definerer Erstads orgelgroove i stor grad det heftige lydbildet .", "opinions": [{"Source": [[], []], "Target": [["bl\u00e5serne"], ["11:19"]], "Polar_expression": [["definerer", "i stor grad det heftige lydbildet"], ["20:29", "50:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbildet"], ["74:83"]], "Polar_expression": [["heftige"], ["66:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Erstads orgelgroove"], ["30:49"]], "Polar_expression": [["definerer", "i stor grad det heftige lydbildet"], ["20:29", "50:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-09-01", "text": "Han har det i blodet gjennom et av sine andre band , High Red ( tidl .", "opinions": []}, {"sent_id": "301688-09-02", "text": "The Douglas Group ) , som det er n\u00e6rliggende \u00e5 sammenlikne med .", "opinions": []}, {"sent_id": "301688-10-01", "text": "Moden stemme", "opinions": [{"Source": [[], []], "Target": [["stemme"], ["6:12"]], "Polar_expression": [["Moden"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-10-02", "text": "S\u00f8rum sier sj\u00f8l at han har jobbet mye med vokalen p\u00e5 dette albumet , og det h\u00f8res .", "opinions": [{"Source": [["S\u00f8rum"], ["0:5"]], "Target": [["vokalen"], ["42:49"]], "Polar_expression": [["har jobbet mye med vokalen p\u00e5 dette albumet"], ["23:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["vokalen"], ["42:49"]], "Polar_expression": [["det h\u00f8res"], ["72:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-10-03", "text": "Den rustne stemmen har modenhet og autoritet .", "opinions": [{"Source": [[], []], "Target": [["stemmen"], ["11:18"]], "Polar_expression": [["rustne"], ["4:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemmen"], ["11:18"]], "Polar_expression": [["modenhet"], ["23:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemmen"], ["11:18"]], "Polar_expression": [["autoritet"], ["35:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-10-04", "text": "Men s\u00e5 har han da ogs\u00e5 g\u00e5tt livets skole som sanger :", "opinions": []}, {"sent_id": "301688-10-05", "text": "Norsk Gand Prix-seier i 2004 , albumdebut med \u00ab Pr\u00f8ysen \u00bb i 2010 , \u00ab The Voice \u00bb -deltakelse i fjor og fast - og usynlig - \u00ab Skal vi danse \u00bb -vokalist .", "opinions": []}, {"sent_id": "301688-11-01", "text": "Flyter", "opinions": []}, {"sent_id": "301688-11-02", "text": "P\u00e5 \u00ab Ting flyt \u00bb er det et fandenivoldsk tr\u00f8kk fra f\u00f8rste akkord :", "opinions": [{"Source": [[], []], "Target": [["\u00ab Ting flyt \u00bb"], ["3:16"]], "Polar_expression": [["fandenivoldsk tr\u00f8kk fra f\u00f8rste akkord"], ["27:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-11-03", "text": "Bl\u00e5sere .", "opinions": []}, {"sent_id": "301688-11-04", "text": "orgel og klapping - og et voldsomt tempo .", "opinions": []}, {"sent_id": "301688-11-05", "text": "Tr\u00f8kket vedvarer p\u00e5 \u00ab G\u00e5 fr\u00e5 meg \u00bb og singelen \u00ab Monokrom \u00bb , som balanserer mellom funk , jazz og hip hop .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Monokrom \u00bb"], ["47:59"]], "Polar_expression": [["balanserer mellom funk , jazz og hip hop"], ["66:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab G\u00e5 fr\u00e5 meg \u00bb"], ["20:34"]], "Polar_expression": [["Tr\u00f8kket vedvarer"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Monokrom \u00bb"], ["47:59"]], "Polar_expression": [["Tr\u00f8kket vedvarer"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-11-06", "text": "Av og til skinner beundringen for Stevie Wonder igjennom .", "opinions": []}, {"sent_id": "301688-12-01", "text": "F\u00f8rste hvileskj\u00e6r er en fin versjon av John Legends \u00ab Stay With You \u00bb ( \u00ab Bli ved deg \u00bb ) , den eneste l\u00e5ten som ikke er signert S\u00f8rum , etterfulgt av en funky \u00ab Je savner deg \u00bb - der gitarist Narum virkelig f\u00e5r \u00ab t\u00f8mt seg \u00bb .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rste hvileskj\u00e6r"], ["0:17"]], "Polar_expression": [["fin versjon"], ["24:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Je savner deg \u00bb"], ["160:177"]], "Polar_expression": [["funky"], ["154:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarist Narum"], ["184:198"]], "Polar_expression": [["virkelig f\u00e5r \u00ab t\u00f8mt seg \u00bb"], ["199:224"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-13-01", "text": "Gode tekster", "opinions": [{"Source": [[], []], "Target": [["tekster"], ["5:12"]], "Polar_expression": [["Gode"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-13-02", "text": "Som tekstforfatter blomstrer S\u00f8rum titt og ofte , som n\u00e5r han lander fikse verselinjer som denne :", "opinions": [{"Source": [[], []], "Target": [["S\u00f8rum"], ["29:34"]], "Polar_expression": [["Som tekstforfatter blomstrer", "titt og ofte"], ["0:28", "35:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-13-03", "text": "\u00ab Je har aldri v\u00f8ri s\u00e5 smart at jeg klarte \u00e5 lure meg sj\u00f8l \u00bb .", "opinions": []}, {"sent_id": "301688-13-04", "text": "Det er enkelt og liketil , men effektivt .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["enkelt og liketil"], ["7:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["effektivt"], ["31:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-13-05", "text": "Det er ogs\u00e5 en kunst .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["kunst"], ["15:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301688-14-01", "text": "Sj\u00f8l kaller S\u00f8rum dette prosjektet et eksperiment .", "opinions": []}, {"sent_id": "301688-14-02", "text": "Det er i s\u00e5 fall et s\u00e6rdeles vellykket et .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e6rdeles vellykket"], ["20:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301688-15-01", "text": "Det understreker dessuten noe flere ser ut til \u00e5 oppdage :", "opinions": []}, {"sent_id": "301688-15-02", "text": "Skal du stikke deg fram i dag , syng p\u00e5 morsm\u00e5let .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Skal du stikke deg fram i dag , syng p\u00e5 morsm\u00e5let"], ["0:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301688-16-01", "text": "Releasekonsert p\u00e5 \u00d8stre Toten kulturhus i kveld , fredag .", "opinions": []}, {"sent_id": "704469-01-01", "text": "Hev knyttneven !", "opinions": []}, {"sent_id": "704469-02-01", "text": "We're on a misson , got no remorse .", "opinions": []}, {"sent_id": "704469-02-02", "text": "100 miles an hour , collision course , hoier Rancid .", "opinions": []}, {"sent_id": "704469-03-01", "text": "Det er slik de h\u00f8res ut , ogs\u00e5 .", "opinions": []}, {"sent_id": "704469-03-02", "text": "Rancid spiller ska og p\u00f8nk anno Clash , og budskapet er enkelt .", "opinions": []}, {"sent_id": "704469-03-03", "text": "Hev knyttneven mot makten .", "opinions": []}, {"sent_id": "704469-03-04", "text": "\u00c6ren er alt vi har .", "opinions": []}, {"sent_id": "704469-03-05", "text": "Sammen er vi sterke .", "opinions": []}, {"sent_id": "704469-03-06", "text": "Rancid er ikke noe komplisert band , men de gir deg den utbl\u00e5sningen som iblant trengs .", "opinions": [{"Source": [[], []], "Target": [["Rancid"], ["0:6"]], "Polar_expression": [["gir deg den utbl\u00e5sningen som iblant trengs"], ["44:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704469-03-07", "text": "For hvem f\u00f8ler seg ikke av og til overkj\u00f8rt og underlegen ?", "opinions": []}, {"sent_id": "704469-04-01", "text": "Alle lider , synger Tim Armstrong .", "opinions": []}, {"sent_id": "704469-04-02", "text": "Depresjonen er her .", "opinions": []}, {"sent_id": "704469-04-03", "text": "Vi skal alle d\u00f8 .", "opinions": []}, {"sent_id": "704469-04-04", "text": "Vi sees i helvete .", "opinions": []}, {"sent_id": "704469-05-01", "text": "Likevel glimter h\u00e5pet i tittelkuttet :", "opinions": []}, {"sent_id": "704469-05-02", "text": "The night has come and we no longer see .", "opinions": []}, {"sent_id": "704469-05-03", "text": "Better days around the corner , for you and me .", "opinions": []}, {"sent_id": "704469-06-01", "text": "Det er en tid for alt , st\u00e5r det i Bibelen .", "opinions": []}, {"sent_id": "704469-06-02", "text": "Akkurat n\u00e5 er det tid for Rancid .", "opinions": []}, {"sent_id": "704469-06-03", "text": "4 mann .", "opinions": []}, {"sent_id": "704469-06-04", "text": "14 kutt .", "opinions": []}, {"sent_id": "704469-06-05", "text": "33 minutter .", "opinions": []}, {"sent_id": "704469-07-01", "text": "Beste spor :", "opinions": []}, {"sent_id": "704469-07-02", "text": "\" Back where I belong \" , \" Evil's my friend \" , \" In the streets \" , \" Diabolical \" .", "opinions": []}, {"sent_id": "103071-01-01", "text": "Deathcrush p\u00e5 \u00d8ya :", "opinions": []}, {"sent_id": "103071-01-02", "text": "\u00d8red\u00f8ende", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00d8red\u00f8ende"], ["0:9"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103071-02-01", "text": "De har lyden , og m\u00e5 jobbe med l\u00e5tene .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["har lyden"], ["3:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["m\u00e5 jobbe med l\u00e5tene"], ["18:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103071-03-01", "text": "KONSERT :", "opinions": []}, {"sent_id": "103071-03-02", "text": "Deathcrush STED :", "opinions": []}, {"sent_id": "103071-03-03", "text": "\u00d8yafestivalen , Oslo PUBLIKUM : ca. 1.000", "opinions": []}, {"sent_id": "103071-04-01", "text": "Denne norske trioen har v\u00e6rt mye omtalt de siste m\u00e5nedene , og ikke uten grunn .", "opinions": []}, {"sent_id": "103071-04-02", "text": "Navnet er tiltalende , besetningen likes\u00e5 , med to jenter som h\u00e5ndterer vokal , gitar og bass , samt en lite prangende kar henvist til trommer langt bak .", "opinions": [{"Source": [[], []], "Target": [["besetningen"], ["23:34"]], "Polar_expression": [["tiltalende"], ["10:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Navnet"], ["0:6"]], "Polar_expression": [["tiltalende"], ["10:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kar"], ["119:122"]], "Polar_expression": [["lite prangende"], ["104:118"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103071-05-01", "text": "Sammen lager de en massiv lydmur , hvor de utnytter trioformatet til det fulle .", "opinions": [{"Source": [[], []], "Target": [["de"], ["13:15"]], "Polar_expression": [["lager", "massiv lydmur"], ["7:12", "19:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["13:15"]], "Polar_expression": [["utnytter trioformatet til det fulle"], ["43:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103071-05-02", "text": "Brutalt og metallisk , med volum og selvsikkerhet i synkroniserte proporsjoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Brutalt"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["metallisk"], ["11:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["volum og selvsikkerhet i synkroniserte proporsjoner"], ["27:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103071-05-03", "text": "Ikke overvettes originalt musikalsk - ofte minner Deathcrush om Sonic Youth p\u00e5 sitt mest mannevonde , ispedd en d\u00e6sj \u00ab riot grrrl \u00bb -estetikk - men det er aldri kjedelig verken \u00e5 se eller h\u00f8re p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Deathcrush"], ["50:60"]], "Polar_expression": [["Ikke overvettes originalt musikalsk"], ["0:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Deathcrush"], ["50:60"]], "Polar_expression": [["minner", "om Sonic Youth p\u00e5 sitt mest mannevonde"], ["43:49", "61:99"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Deathcrush"], ["50:60"]], "Polar_expression": [["ispedd en d\u00e6sj \u00ab riot grrrl \u00bb -estetikk"], ["102:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Deathcrush"], ["50:60"]], "Polar_expression": [["aldri kjedelig"], ["155:169"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103071-06-01", "text": "Jeg tror likevel de m\u00e5 jobbe mer med materialet sitt , for selv etter en klart godkjent konsert kjenner man fint lite sug etter \u00e5 f\u00e5 l\u00e5tene deres presentert p\u00e5 hjemmesteroen .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["de"], ["17:19"]], "Polar_expression": [["m\u00e5 jobbe mer med materialet sitt"], ["20:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["materialet"], ["37:47"]], "Polar_expression": [["m\u00e5 jobbe mer med"], ["20:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["konsert"], ["88:95"]], "Polar_expression": [["klart godkjent"], ["73:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["l\u00e5tene"], ["133:139"]], "Polar_expression": [["fint lite sug etter \u00e5 f\u00e5 l\u00e5tene deres presentert p\u00e5 hjemmesteroen"], ["108:173"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-01-01", "text": "Cassandra \u2019 s dream", "opinions": []}, {"sent_id": "003339-02-01", "text": "Woody Allen lager fremdeles film i England .", "opinions": []}, {"sent_id": "003339-02-02", "text": "\u201d Cassandra \u2019 s dream \u201d handler om f\u00f8lgene av et mord i den britiske arbeiderklassen .", "opinions": []}, {"sent_id": "003339-02-03", "text": "Det er et t\u00f8rt og sobert drama , med flinke skuespillere , men jeg kjenner at jeg ikke bryr meg s\u00e5 mye om figurene .", "opinions": [{"Source": [["jeg"], ["78:81"]], "Target": [["drama"], ["25:30"]], "Polar_expression": [["t\u00f8rt"], ["10:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["78:81"]], "Target": [["drama"], ["25:30"]], "Polar_expression": [["sobert"], ["18:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["78:81"]], "Target": [["skuespillere"], ["44:56"]], "Polar_expression": [["flinke"], ["37:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["78:81"]], "Target": [["figurene"], ["106:114"]], "Polar_expression": [["ikke bryr meg s\u00e5 mye"], ["82:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-03-01", "text": "Kanskje fordi Ewan McGregor og Colin Farrell ikke overbeviser som arbeiderklassebr\u00f8dre .", "opinions": [{"Source": [[], []], "Target": [["Colin Farrell"], ["31:44"]], "Polar_expression": [["ikke overbeviser"], ["45:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ewan McGregor"], ["14:27"]], "Polar_expression": [["ikke overbeviser"], ["45:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-03-02", "text": "Har Allen rett og slett bommet p\u00e5 castingen ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Har Allen rett og slett bommet p\u00e5 castingen ?"], ["0:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003339-04-01", "text": "Moralsk dilemma", "opinions": []}, {"sent_id": "003339-05-01", "text": "Br\u00f8drene Ian og Terry trenger penger .", "opinions": []}, {"sent_id": "003339-05-02", "text": "Ians kj\u00e6reste er dyr i drift og tror Ian er rik , mens Terry skylder penger etter gambling .", "opinions": []}, {"sent_id": "003339-05-03", "text": "Deres rike onkel kommer p\u00e5 bes\u00f8k og ser ut til \u00e5 v\u00e6re redningen .", "opinions": []}, {"sent_id": "003339-06-01", "text": "Men han ber om en tjeneste i gjengjeld som setter br\u00f8drene i et moralsk dilemma , nemlig \u00e5 beg\u00e5 et mord .", "opinions": []}, {"sent_id": "003339-07-01", "text": "N\u00f8kkelproblem", "opinions": []}, {"sent_id": "003339-08-01", "text": "Historien tar seg god til til \u00e5 bygge opp bakgrunnen for Ian og Terrys pengebehov , men uansett hvor stor Ians forelskelse er , og uansett hvor mye penger Terry skylder , greier ikke jeg \u00e5 godta at de i det hele tatt vurderer om de skal oppfylle onkelens \u00f8nske .", "opinions": [{"Source": [["jeg"], ["183:186"]], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["tar seg god til til \u00e5 bygge opp bakgrunnen"], ["10:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["183:186"]], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["greier ikke", "godta at de i det hele tatt vurderer om de skal oppfylle onkelens \u00f8nske"], ["171:182", "189:260"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-09-01", "text": "De virker ikke \u00e5 ha grunn god nok til \u00e5 drepe noen .", "opinions": []}, {"sent_id": "003339-09-02", "text": "Vi vet jo at folk drepes for bagateller , s\u00e5 kanskje er ikke dette et godt poeng , men jeg f\u00f8ler dette er et n\u00f8kkelproblem ved Allens film denne gangen .", "opinions": [{"Source": [["jeg"], ["87:90"]], "Target": [["Allens film"], ["127:138"]], "Polar_expression": [["n\u00f8kkelproblem"], ["109:122"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["folk drepes for bagateller"], ["13:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003339-10-01", "text": "D\u00e5rlig match", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["D\u00e5rlig match"], ["0:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003339-11-01", "text": "B\u00e5de Ewan McGregor og Colin Farrell er flinke skuespillere , men jeg synes de er en d\u00e5rlig match her .", "opinions": [{"Source": [["jeg"], ["65:68"]], "Target": [["Ewan McGregor og Colin Farrell"], ["5:35"]], "Polar_expression": [["flinke"], ["39:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["65:68"]], "Target": [["Ewan McGregor og Colin Farrell"], ["5:35"]], "Polar_expression": [["d\u00e5rlig match her"], ["84:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-11-02", "text": "Kanskje er jeg blendet av overskrifter som ikke har med film \u00e5 gj\u00f8re , men de fremst\u00e5r ikke veldig troverdig som verken br\u00f8dre eller arbeiderklasseramp .", "opinions": [{"Source": [["jeg"], ["11:14"]], "Target": [["de"], ["75:77"]], "Polar_expression": [["ikke veldig troverdig"], ["87:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-12-01", "text": "Og noen dramatiske sekvenser mot slutten av filmen er preget av litt frynsete skuespill .", "opinions": [{"Source": [[], []], "Target": [["dramatiske sekvenser mot slutten"], ["8:40"]], "Polar_expression": [["noen", "preget av litt frynsete skuespill"], ["3:7", "54:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003339-13-01", "text": "Retur til NY ?", "opinions": []}, {"sent_id": "003339-14-01", "text": "\u201d Cassandra \u2019 s dream \u201d er en av Woody Allens svakeste filmer p\u00e5 en stund , og kanskje et tegn p\u00e5 at han har oppholdt seg lenge nok i England .", "opinions": [{"Source": [[], []], "Target": [["\u201d Cassandra \u2019 s dream \u201d"], ["0:23"]], "Polar_expression": [["en av Woody Allens svakeste"], ["27:54"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003339-14-02", "text": "Kanskje burde han returnere til New York ?", "opinions": []}, {"sent_id": "003339-15-01", "text": "Han burde i alle fall ha r\u00e5df\u00f8rt seg med meg mens han regisserte denne filmen .", "opinions": []}, {"sent_id": "003339-15-02", "text": "Jeg kan \u00e5penbart l\u00e6re Woddy Allen b\u00e5de et og annet om \u00e5 lage film ! ( yeah , right !", "opinions": []}, {"sent_id": "601962-01-01", "text": "Solid tungrock", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Solid tungrock"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601962-02-01", "text": "Black Stone Cherry", "opinions": []}, {"sent_id": "601962-03-01", "text": "Det er fristende \u00e5 bruke en s\u00e5 kjedelig vurdering og konklusjon som godt h\u00e5ndverk n\u00e5r det gjelder det tredje albumet til Black Stone Cherry fra Kentucky .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["109:116"]], "Polar_expression": [["godt h\u00e5ndverk"], ["68:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601962-03-02", "text": "For p\u00e5 dette albumet kj\u00f8rer kvartetten et sikkert og solid l\u00f8p med mange kjente tungrockriff av den gamle skolen samtidig som de er flink til \u00e5 variere med t\u00f8ffe rockel\u00e5ter og fengende ballader .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["13:20"]], "Polar_expression": [["kj\u00f8rer kvartetten et sikkert og solid l\u00f8p"], ["21:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvartetten"], ["28:38"]], "Polar_expression": [["kj\u00f8rer", "et sikkert og solid l\u00f8p"], ["21:27", "39:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["albumet"], ["13:20"]], "Polar_expression": [["mange kjente tungrockriff av den gamle skolen samtidig"], ["67:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kvartetten"], ["28:38"]], "Polar_expression": [["flink til \u00e5 variere med t\u00f8ffe rockel\u00e5ter og fengende ballader"], ["132:193"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rockel\u00e5ter"], ["162:172"]], "Polar_expression": [["t\u00f8ffe"], ["156:161"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ballader"], ["185:193"]], "Polar_expression": [["fengende"], ["176:184"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601962-04-01", "text": "De henter elementer og inspirasjon fra andre band i s\u00f8rstatene , slike som Lynyrd Skynyrd og Black Crowes , uten at det er for p\u00e5fallende .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["henter", "inspirasjon fra andre band i s\u00f8rstatene", "uten at det er for p\u00e5fallende"], ["3:9", "23:62", "108:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601962-04-02", "text": "Black Stone Cherry framst\u00e5r her mest av alt som et solid rockeband med gjennomg\u00e5ende gode l\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["Black Stone Cherry"], ["0:18"]], "Polar_expression": [["solid rockeband"], ["51:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["90:95"]], "Polar_expression": [["gjennomg\u00e5ende gode"], ["71:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601962-04-03", "text": "Ikke originalt gjort , og savnet av noe eget demper begeistringen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke originalt gjort"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["savnet av noe eget demper begeistringen"], ["26:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601962-04-04", "text": "Bra for det !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bra for det !"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300058-01-01", "text": "R&Boring", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["R&Boring"], ["0:8"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300058-02-01", "text": "Forvirrende bunniv\u00e5 fra Stargate-kompisen Ne- Yo .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forvirrende bunniv\u00e5"], ["0:19"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300058-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "300058-03-02", "text": "Jeg kan fortsatt huske den f\u00f8rste magiske gangen jeg h\u00f8rte demoversjonen av \u00ab So Sick \u00bb en gang i 2005 , og det g\u00e5r sjelden en Skaml\u00f8st-kveld uten at jeg spiller fantastiske \u00ab Sexy Love \u00bb p\u00e5 byen .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["demoversjonen av \u00ab So Sick \u00bb"], ["59:87"]], "Polar_expression": [["magiske"], ["34:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["150:153"]], "Target": [["\u00ab Sexy Love \u00bb"], ["174:187"]], "Polar_expression": [["fantastiske"], ["162:173"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300058-04-01", "text": "Desverre har de musikalske perlene fra Stargate-kompisen Ne- Yo kommet lenger og lenger fra hverandre p\u00e5 senere \u00e5r , og med sitt nye sjettealbum byr han denne uken p\u00e5 et forel\u00f8pig bunniv\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["sjettealbum"], ["133:144"]], "Polar_expression": [["bunniv\u00e5"], ["180:187"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Stargate-kompisen Ne- Yo"], ["39:63"]], "Polar_expression": [["Desverre", "musikalske perlene", "kommet lenger og lenger fra hverandre"], ["0:8", "16:34", "64:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300058-04-02", "text": "Forvirrende presentert som en \u00ab Non-Fiction \u00bb av \u00ab ekte historier om ekte personer \u00bb , uten at man noensinne helt f\u00e5r sn\u00f8ring p\u00e5 hva konseptet egentlig dreier seg om .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forvirrende presentert"], ["0:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konseptet"], ["133:142"]], "Polar_expression": [["uten at man noensinne helt f\u00e5r sn\u00f8ring p\u00e5 hva konseptet egentlig dreier seg om"], ["87:165"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300058-05-01", "text": "Det st\u00f8rste problemet er likevel mangelen p\u00e5 den musikalske helheten , som spriker i alle retninger .", "opinions": [{"Source": [[], []], "Target": [["musikalske helheten"], ["49:68"]], "Polar_expression": [["mangelen"], ["33:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikalske helheten"], ["49:68"]], "Polar_expression": [["spriker i alle retninger"], ["75:99"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikalske helheten"], ["49:68"]], "Polar_expression": [["Det st\u00f8rste problemet"], ["0:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300058-05-02", "text": "Fra harrysteking med Pitbull til lite minneverdig rapgjesting og karakterl\u00f8se ballader - milevis unna 32-\u00e5ringens beste karriere\u00f8yeblikk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["harrysteking med Pitbull"], ["4:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["rapgjesting"], ["50:61"]], "Polar_expression": [["lite minneverdig"], ["33:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ballader"], ["78:86"]], "Polar_expression": [["karakterl\u00f8se"], ["65:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["milevis unna 32-\u00e5ringens beste karriere\u00f8yeblikk"], ["89:136"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300058-06-01", "text": "Overraskende nok er det David Guetta-bidraget \u00ab Who's Taking You Home \u00bb som gir meg mest her , og da kan du jo selv tenke deg hvor lista ligger .", "opinions": [{"Source": [["meg"], ["80:83"]], "Target": [["David Guetta-bidraget \u00ab Who's Taking You Home \u00bb"], ["24:71"]], "Polar_expression": [["gir meg mest"], ["76:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Overraskende nok", "David Guetta-bidraget \u00ab Who's Taking You Home \u00bb som gir meg mest", "da kan du jo selv tenke deg hvor lista ligger"], ["0:16", "24:88", "98:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300058-07-01", "text": "\u00ab Non-Fiction \u00bb legges ut for salg i Norge 16. februar .", "opinions": []}, {"sent_id": "500700-01-01", "text": "Tiden det tar", "opinions": []}, {"sent_id": "500700-02-01", "text": "Du m\u00e5 ikke ha studiepoeng i filosofi for \u00e5 forst\u00e5 Momo eller kampen om tiden , men det kan hjelpe deg .", "opinions": []}, {"sent_id": "500700-03-01", "text": "Det er et modig valg av Den Nationale Scene \u00e5 dramatisere Michael Endes bok og presentere fortellingen om helten Momo fra 1973 for en helt ny generasjon .", "opinions": [{"Source": [[], []], "Target": [["Den Nationale Scene"], ["24:43"]], "Polar_expression": [["modig valg"], ["10:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Momo"], ["113:117"]], "Polar_expression": [["helten"], ["106:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-03-02", "text": "Det er ikke bare beundringsverdig at de v\u00e5ger \u00e5 g\u00e5 utenfor den opplagte ruten for barn med Pippi , Ronja , Karius , Annie eller Oliver , men Momo er ogs\u00e5 en ganske krevende bok .", "opinions": [{"Source": [[], []], "Target": [["de"], ["37:39"]], "Polar_expression": [["beundringsverdig", "v\u00e5ger \u00e5 g\u00e5 utenfor den opplagte ruten for barn"], ["17:33", "40:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Momo"], ["141:145"]], "Polar_expression": [["ganske krevende bok"], ["157:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-03-03", "text": "Og kanskje enda mer krevende som teater .", "opinions": []}, {"sent_id": "500700-04-01", "text": "Forestillingen handler om tid .", "opinions": []}, {"sent_id": "500700-04-02", "text": "Hva tid er og hvordan den skal / b\u00f8r brukes .", "opinions": []}, {"sent_id": "500700-04-03", "text": "Tiden kan b\u00e5de fanges i et fysisk rom og den er egentlig i hjertene v\u00e5re .", "opinions": []}, {"sent_id": "500700-04-04", "text": "Det var noen sm\u00e5 i salen som m\u00e5tte sp\u00f8rre foreldrene flere ganger hva det egentlig var som foregikk her .", "opinions": []}, {"sent_id": "500700-04-05", "text": "Det var ogs\u00e5 teatersjef Agnete Haaland tydeligvis forberedt p\u00e5 og skriver i programheftet , henvendt til det unge publikummet , at \" det er ikke sikkert du skj\u00f8nner hele historien med en gang .", "opinions": []}, {"sent_id": "500700-04-06", "text": "Men det gj\u00f8r ikke noe .", "opinions": []}, {"sent_id": "500700-04-07", "text": "Bare sp\u00f8r en annen som har sett forestillingen dersom det er noe du lurer p\u00e5 \" .", "opinions": []}, {"sent_id": "500700-05-01", "text": "Hovedpersonen i forestillingen er den unge Momo ( Borring Lande ) som helt ut av intet dukker opp i et fargerikt lite samfunn der b\u00e5de ungene og de voksne leker masse og har god tid .", "opinions": [{"Source": [[], []], "Target": [["samfunn"], ["118:125"]], "Polar_expression": [["fargerikt"], ["103:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-05-02", "text": "Det er eventyret og leirb\u00e5lets tid .", "opinions": []}, {"sent_id": "500700-05-03", "text": "Gigi ( Sellevoll ) er milj\u00f8ets helt og kan fortelle de utroligste ting .", "opinions": [{"Source": [[], []], "Target": [["Gigi"], ["0:4"]], "Polar_expression": [["milj\u00f8ets helt"], ["22:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gigi"], ["0:4"]], "Polar_expression": [["kan fortelle de utroligste ting"], ["39:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-05-04", "text": "Momo , Gigi og den gamle Beppo ( L\u00f8vold ) f\u00e5r en helt spesiell kontakt .", "opinions": []}, {"sent_id": "500700-05-05", "text": "De har all verdens tid og alle har et stort hjerte .", "opinions": [{"Source": [[], []], "Target": [["alle"], ["26:30"]], "Polar_expression": [["har et stort hjerte"], ["31:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-05-06", "text": "Samtidig som Momo dukker opp kommer ogs\u00e5 de som blir omtalt som \" de gr\u00e5 \" .", "opinions": []}, {"sent_id": "500700-05-07", "text": "De vil effektivisere , spare tid og ta tiden for l\u00e5se den inn .", "opinions": []}, {"sent_id": "500700-05-08", "text": "P\u00e5 ryggen har de egne tanker med tid som de gisper i seg som store innhalatorer .", "opinions": []}, {"sent_id": "500700-06-01", "text": "De har ikke noe til overs for lek og moro .", "opinions": []}, {"sent_id": "500700-06-02", "text": "En etter en lurer de de ellers glade og lekne innbyggerne til \u00e5 gi fra seg tiden sin , og v\u00e5re venner blir ogs\u00e5 gr\u00e5 , uten ro og haster stadig rundt .", "opinions": []}, {"sent_id": "500700-06-03", "text": "Ungene leker ikke lengre , de krangler kun om ipaden .", "opinions": []}, {"sent_id": "500700-06-04", "text": "Dette er alts\u00e5 kampen om tiden , en s\u00e5 viktig kamp at flere blir drept .", "opinions": []}, {"sent_id": "500700-06-05", "text": "Tidsklemma har jo ikke akkurat blitt mindre aktuell siden 1973 , og budskapet er en slags blanding av Linn Stalsbergs bok \" Er jeg fri n\u00e5 ?", "opinions": []}, {"sent_id": "500700-06-06", "text": "Tidsklemme i verdens beste land \" og Agnes Ravatns \u00ab Operasjon sj\u00f8lvdisiplin \u00bb .", "opinions": []}, {"sent_id": "500700-07-01", "text": "Scenografien er funksjonell og sv\u00e6rt vakker .", "opinions": [{"Source": [[], []], "Target": [["Scenografien"], ["0:12"]], "Polar_expression": [["funksjonell"], ["16:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Scenografien"], ["0:12"]], "Polar_expression": [["sv\u00e6rt vakker"], ["31:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-07-02", "text": "Det er ruiner og tr\u00e6r som snirkler seg og forestiller b\u00e5de skog , vertshus , fris\u00f8r og fengsel , samtidig som man kan klatre i dem .", "opinions": []}, {"sent_id": "500700-07-03", "text": "Kostymene til \u00ab de gr\u00e5 \u00bb er dystopiske drakter som ser veldig stilige ut , og forgr\u00e5ingen av de andre i kostymeveien er effektivt .", "opinions": [{"Source": [[], []], "Target": [["Kostymene til \u00ab de gr\u00e5 \u00bb"], ["0:24"]], "Polar_expression": [["ser veldig stilige ut"], ["51:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de andre i kostymeveien"], ["93:116"]], "Polar_expression": [["forgr\u00e5ingen", "effektivt"], ["78:89", "120:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-08-01", "text": "Borring Lande har en veldig neddempet og behagelig m\u00e5te \u00e5 snakke p\u00e5 og veksler hovedsakelig mellom f\u00f8lelsen av \u00e5 v\u00e6re overrasket og entusiastisk .", "opinions": [{"Source": [[], []], "Target": [["Borring Lande"], ["0:13"]], "Polar_expression": [["veldig neddempet og behagelig m\u00e5te \u00e5 snakke p\u00e5"], ["21:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-08-02", "text": "Eller begge deler samtidig ( men f\u00e5r mot slutten et noe st\u00f8rre register ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5r mot slutten et noe st\u00f8rre register"], ["33:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-08-03", "text": "B\u00e5de de sm\u00e5 og store rollene er godt utf\u00f8rt , uten at det virkelig sl\u00e5r gnister av noen av rolleprestasjonene .", "opinions": [{"Source": [[], []], "Target": [["sm\u00e5 og store rollene"], ["8:28"]], "Polar_expression": [["godt utf\u00f8rt"], ["32:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sm\u00e5 og store rollene"], ["8:28"]], "Polar_expression": [["uten at det virkelig sl\u00e5r gnister av noen"], ["46:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-09-01", "text": "Det er veldig mye som skal frem i historien og vi rekker ikke helt \u00e5 etablere et forhold til alle .", "opinions": [{"Source": [["vi"], ["47:49"]], "Target": [[], []], "Polar_expression": [["rekker ikke helt \u00e5 etablere et forhold til alle"], ["50:97"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["34:43"]], "Polar_expression": [["veldig mye som skal frem"], ["7:31"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-09-02", "text": "Mester Tid kommer for eksempel noe br\u00e5tt p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Mester Tid"], ["0:10"]], "Polar_expression": [["kommer", "noe br\u00e5tt p\u00e5"], ["11:17", "31:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-09-03", "text": "Det finnes ogs\u00e5 endel koreografier som ser litt tilfeldig ut .", "opinions": [{"Source": [[], []], "Target": [["koreografier"], ["22:34"]], "Polar_expression": [["endel", "ser litt tilfeldig ut"], ["16:21", "39:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-09-04", "text": "I de store massedansene synes jeg man kan unng\u00e5 \u00ab tilfeldige \u00bb ringdanser og \u00ab dans p\u00e5 lokalet \u00bb -bevegelser .", "opinions": [{"Source": [["jeg"], ["30:33"]], "Target": [["store massedansene"], ["5:23"]], "Polar_expression": [["synes", "kan unng\u00e5 \u00ab tilfeldige \u00bb ringdanser og \u00ab dans p\u00e5 lokalet \u00bb -bevegelser"], ["24:29", "38:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-09-05", "text": "Det ser sjeldent bra ut p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["ser sjeldent bra ut p\u00e5 scenen"], ["4:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-09-06", "text": "Man burde heller la de imponere litt mer , noe som ogs\u00e5 gjelder bevegelsesscenene til \u00ab de gr\u00e5 \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["burde heller la de imponere litt mer"], ["4:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500700-10-01", "text": "I det store og det hele er Momo en intenst spennende fortelling som de lykkes i stor grad \u00e5 iscenesette og som garantert vil f\u00f8re til mange interessante samtaler mellom de voksne og ungene p\u00e5 vei hjem .", "opinions": [{"Source": [[], []], "Target": [["Momo"], ["27:31"]], "Polar_expression": [["intenst spennende"], ["35:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["68:70"]], "Polar_expression": [["lykkes i stor grad \u00e5 iscenesette"], ["71:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Momo"], ["27:31"]], "Polar_expression": [["garantert vil f\u00f8re til mange interessante samtaler"], ["111:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500700-11-01", "text": "Modig valgt og smart utf\u00f8rt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Modig valgt"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["smart utf\u00f8rt"], ["15:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500700-11-02", "text": "Men jeg blir sittende \u00e5 tenke p\u00e5 at kulissene og det forholdsvis lille ensemble hadde passet enda bedre i den mer intime og tette Teaterkjelleren enn p\u00e5 Hovedscenen .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [["forholdsvis lille ensemble"], ["53:79"]], "Polar_expression": [["hadde passet enda bedre i den mer intime og tette Teaterkjelleren enn p\u00e5 Hovedscenen"], ["80:164"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["4:7"]], "Target": [["kulissene"], ["36:45"]], "Polar_expression": [["hadde passet enda bedre i den mer intime og tette Teaterkjelleren enn p\u00e5 Hovedscenen"], ["80:164"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-01-01", "text": "Delvis vellykket om Stoltenberg", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Delvis vellykket"], ["0:16"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700726-02-01", "text": "Aslaug Holms dokumentar om politikeren Jens Stoltenberg og det rike oljelandet Norge er blitt et solid og traust stykke arbeid .", "opinions": [{"Source": [[], []], "Target": [["dokumentar"], ["13:23"]], "Polar_expression": [["blitt et solid og traust stykke arbeid"], ["88:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700726-03-01", "text": "Jeg skulle \u00f8nske hun hadde appellert mindre til de spesielt interesserte hoder og enda mer til f\u00f8lelser vi alle kan kjenne oss igjen i .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["hun"], ["17:20"]], "Polar_expression": [["skulle \u00f8nske", "hadde appellert mindre til de spesielt interesserte hoder og enda mer til f\u00f8lelser vi alle kan kjenne oss igjen i"], ["4:16", "21:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "700726-04-01", "text": "Men \u00e5pningen er knallbra .", "opinions": [{"Source": [[], []], "Target": [["\u00e5pningen"], ["4:12"]], "Polar_expression": [["knallbra"], ["16:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-04-02", "text": "Taust talende bilder fra Mehamn , der et flunkende nytt fiskemottak har g\u00e5tt konkurs , blir en sl\u00e5ende kontrast til politikerkontorene i Oslo .", "opinions": [{"Source": [[], []], "Target": [["bilder"], ["14:20"]], "Polar_expression": [["Taust talende"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilder"], ["14:20"]], "Polar_expression": [["sl\u00e5ende kontrast"], ["95:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-04-03", "text": "Grepet med \u00e5 la ei sm\u00e5jente fra fiskev\u00e6ret dr\u00f8mme om en framtid i utkant-Norge r\u00f8rer hjerter\u00f8tter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["r\u00f8rer hjerter\u00f8tter"], ["79:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-04-04", "text": "En erfaren fisker heller ironisk lut over forrige fiskeriminister :", "opinions": []}, {"sent_id": "700726-04-05", "text": "\u2014 Svein Ludvigsen er bedre enn sine forgjengere .", "opinions": [{"Source": [[], []], "Target": [["Svein Ludvigsen"], ["2:17"]], "Polar_expression": [["bedre enn sine forgjengere"], ["21:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["forgjengere"], ["36:47"]], "Polar_expression": [["Svein Ludvigsen er bedre"], ["2:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "700726-04-06", "text": "Han tar livet av oss sm\u00e5fiskere med en gang .", "opinions": []}, {"sent_id": "700726-05-01", "text": "Sterk er Jens Stoltenbergs forskrekkelse over det ordf\u00f8reren i Mehamn viser ham i sn\u00f8kavet .", "opinions": []}, {"sent_id": "700726-06-01", "text": "Slik framst\u00e5r han som troverdig og medmenneskelig , og f\u00f8rste halvtime fungerer utmerket .", "opinions": [{"Source": [[], []], "Target": [["han"], ["14:17"]], "Polar_expression": [["troverdig"], ["22:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["14:17"]], "Polar_expression": [["medmenneskelig"], ["35:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8rste halvtime"], ["55:70"]], "Polar_expression": [["fungerer utmerket"], ["71:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-06-02", "text": "Regiss\u00f8ren f\u00e5r fram g\u00e5ten om oljeberget Norge :", "opinions": []}, {"sent_id": "700726-06-03", "text": "Midt i v\u00e5r uendelige rikdom finnes det lokalsamfunn der livsgrunnlaget rykkes opp med rot .", "opinions": []}, {"sent_id": "700726-06-04", "text": "Hva kan en politiker som Jens Stoltenberg gj\u00f8re med det ?", "opinions": []}, {"sent_id": "700726-07-01", "text": "Av og til finne en l\u00f8sning , viser det seg .", "opinions": []}, {"sent_id": "700726-07-02", "text": "AP-politikeren g\u00e5r aktivt i dialog med Kjell Inge R\u00f8kke om Mehamn .", "opinions": []}, {"sent_id": "700726-07-03", "text": "\u00c5 v\u00e6re flue p\u00e5 veggen under et slikt m\u00f8te er interessant .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00c5 v\u00e6re flue p\u00e5 veggen under et slikt m\u00f8te er interessant"], ["0:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-08-01", "text": "Andre ganger uteblir de enkle svarene .", "opinions": []}, {"sent_id": "700726-08-02", "text": "Etter bes\u00f8k i industristedet \u00c5rdal i Sogn som rammes av nedbemanning , eller hos ulvehatske b\u00f8nder p\u00e5 Hedmarken , innser Stoltenberg at det bare finnes kompromisser .", "opinions": []}, {"sent_id": "700726-08-03", "text": "Den enkle f\u00f8lelsen politikerforakt oppst\u00e5r gjerne av slikt .", "opinions": []}, {"sent_id": "700726-09-01", "text": "Et sted midtveis i dokumentaren faller temperaturen .", "opinions": [{"Source": [[], []], "Target": [["midtveis i dokumentaren"], ["8:31"]], "Polar_expression": [["faller temperaturen"], ["32:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-09-02", "text": "Holm har sjarmert oss lenge nok med Stoltenbergs bukseskift og nynning og sofahvil p\u00e5 kontoret , men hun trenger en motor \u00e5 drive handlingen videre p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Holm"], ["0:4"]], "Polar_expression": [["sjarmert oss lenge nok"], ["9:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["101:104"]], "Polar_expression": [["trenger en motor"], ["105:121"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-09-03", "text": "Dermed fanges hun av Stoltenbergs strev med \u00e5 legge et fundament for fjor\u00e5rets valgkamp .", "opinions": []}, {"sent_id": "700726-10-01", "text": "Det er her f\u00f8lelsene kobles av og jeg m\u00e5 bestemme seg for \u00e5 v\u00e6re interessert , fordi jeg jo vet fra f\u00f8r at han vant .", "opinions": [{"Source": [["jeg"], ["34:37"]], "Target": [[], []], "Polar_expression": [["f\u00f8lelsene kobles av"], ["11:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["34:37"]], "Target": [[], []], "Polar_expression": [["m\u00e5 bestemme seg for \u00e5 v\u00e6re interessert"], ["38:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-11-01", "text": "Synd , for Holm skal ha masse ros for fors\u00f8ket p\u00e5 \u00e5 fange inn den store politiske utfordringen :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Synd"], ["0:4"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Holm"], ["11:15"]], "Polar_expression": [["skal ha masse ros for fors\u00f8ket"], ["16:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700726-11-02", "text": "Hvordan sikre en rettferdig fordeling av godene her p\u00e5 Oljeberget ?", "opinions": []}, {"sent_id": "702788-01-01", "text": "En forvirrende frisk \u00f8yenfryd", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forvirrende frisk \u00f8yenfryd"], ["3:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-02-01", "text": "Anmelder Arild Abrahamsen sammenligner den siste piratfilmen med et fiske-koldtbord , og gir terningkast fem .", "opinions": [{"Source": [["Anmelder Arild Abrahamsen"], ["0:25"]], "Target": [["piratfilmen"], ["49:60"]], "Polar_expression": [["terningkast fem"], ["93:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-03-01", "text": "Les og diskuter i Erlend Loes filmblogg .", "opinions": []}, {"sent_id": "702788-04-01", "text": "Tenk deg at du skal gi samleterning for et fiske-koldtbord som b\u00e5de serverer rekenyrer i Thousand Island , torskehalekomla , fiskepinner og dieselbakt belugakaviar .", "opinions": []}, {"sent_id": "702788-04-02", "text": "\u00ab At world's end \u00bb er en fryd for \u00f8yet , men baksida av synsnervene lider t\u00e5lmodig over en historie som etter hvert blir s\u00e5 rikholdig og innfl\u00f8kt at bare Mensa-foreningens Star Wars-gruppe klarer \u00e5 henge med .", "opinions": [{"Source": [[], []], "Target": [["\u00ab At world's end \u00bb"], ["0:18"]], "Polar_expression": [["fryd for \u00f8yet"], ["25:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["91:99"]], "Polar_expression": [["rikholdig"], ["124:133"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["91:99"]], "Polar_expression": [["innfl\u00f8kt"], ["137:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["91:99"]], "Polar_expression": [["bare Mensa-foreningens Star Wars-gruppe klarer \u00e5 henge med"], ["149:207"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-05-01", "text": "Hjernen min er lat .", "opinions": [{"Source": [[], []], "Target": [["Hjernen"], ["0:7"]], "Polar_expression": [["lat"], ["15:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-05-02", "text": "Den vil ha enkel action-underholdning .", "opinions": []}, {"sent_id": "702788-05-03", "text": "\u00d8ynene syns det er moro med bankende hjerte i trekasse , men den orker egentlig ikke holde rede p\u00e5 hvorfor Elizabeth Swann plutselig var konge og sj\u00f8r\u00f8ver-verdenen ble urettferdig belemra med en reggae-gudinne som av alle ting heter Calypso , som jeg alltid har trodd var en bevegelse som feite nordmenn i bermudashorts foretar i utlandet under p\u00e5virkning av bl\u00e5tt brennevin med solskjerm .", "opinions": [{"Source": [[], []], "Target": [["bankende hjerte i trekasse"], ["28:54"]], "Polar_expression": [["moro"], ["19:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["orker egentlig ikke"], ["65:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-06-01", "text": "SYMPATI-MUSKLENE mine er ogs\u00e5 late .", "opinions": [{"Source": [[], []], "Target": [["SYMPATI-MUSKLENE"], ["0:16"]], "Polar_expression": [["late"], ["30:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-06-02", "text": "De vil ha en \u00e5 holde med .", "opinions": []}, {"sent_id": "702788-06-03", "text": "En synlig person med fin cv og god utdannelse .", "opinions": []}, {"sent_id": "702788-06-04", "text": "\u00ab At world's end \u00bb har minst tre hovedpersoner , og rundt dem myldrer det en biv\u00e5nelsesverdig br\u00e5te sterke personligheter som gj\u00f8r at du f\u00e5r f\u00f8lelsen av \u00e5 v\u00e6re til stede da \u00ab Titanic \u00bb gikk ned med Oscar-publikummet .", "opinions": [{"Source": [[], []], "Target": [["personligheter"], ["107:121"]], "Polar_expression": [["sterke"], ["100:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-06-05", "text": "Gore Verbinskis tredje film er s\u00e5 lang og forteller s\u00e5 mange gode sketsjer at interessen st\u00e5r i fare for \u00e5 fisjonere .", "opinions": [{"Source": [[], []], "Target": [["film"], ["23:27"]], "Polar_expression": [["mange gode sketsjer"], ["55:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["23:27"]], "Polar_expression": [["interessen st\u00e5r i fare for \u00e5 fisjonere"], ["78:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-06-06", "text": "Alt avhenger av den enkeltes dagsform .", "opinions": []}, {"sent_id": "702788-06-07", "text": "Har du tatt vitaminene dine , har du sovet godt ut etter natt til 17. mai , har du spist lite kullhydrater og spasert rundt Stokkavannet , er det absolutt en sjanse for at formen holder i to og en halv time .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sjanse for at formen holder i to og en halv time"], ["158:206"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-06-08", "text": "Men hvis du tar deg sj\u00f8l i \u00e5 lure p\u00e5 hva slags ukedag St . Hans-aften er , da har du tapt .", "opinions": []}, {"sent_id": "702788-07-01", "text": "STARTEN er klassisk .", "opinions": [{"Source": [[], []], "Target": [["STARTEN"], ["0:7"]], "Polar_expression": [["klassisk"], ["11:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-07-02", "text": "Verbinski ironiserer over amerikansk paranoia og vestlig terrorist-lovgivning og lar skurkene synge i et medrivende slavekor :", "opinions": [{"Source": [[], []], "Target": [["slavekor"], ["116:124"]], "Polar_expression": [["medrivende"], ["105:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-07-03", "text": "\u00ab Thieves and beggars shall never die \u00bb .", "opinions": []}, {"sent_id": "702788-07-04", "text": "Det er filmens politiske manifest .", "opinions": []}, {"sent_id": "702788-07-05", "text": "Stemningen er m\u00f8rk og velgj\u00f8rende da Keira Knightley ror rundt i Singapores brakkvann , og sj\u00f8r\u00f8vere i US-marine-aktige hjelmer ramboer sj\u00f8en .", "opinions": [{"Source": [[], []], "Target": [["Stemningen"], ["0:10"]], "Polar_expression": [["m\u00f8rk"], ["14:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Stemningen"], ["0:10"]], "Polar_expression": [["velgj\u00f8rende"], ["22:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-07-06", "text": "Keira er filmens Pippi , og starten med Sao Feng er fiks og forventningsfull .", "opinions": [{"Source": [[], []], "Target": [["starten"], ["28:35"]], "Polar_expression": [["fiks"], ["52:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["starten"], ["28:35"]], "Polar_expression": [["forventningsfull"], ["60:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-08-01", "text": "Det er ogs\u00e5 overraskende surrealistisk \u00e5 f\u00f8lge en litt chaplini\u00f8s kaptein Sparrow i en alternativ-sartresk Intethet der samv\u00e6ret med seg sj\u00f8l er helvete , ikke de andre .", "opinions": [{"Source": [[], []], "Target": [["\u00e5 f\u00f8lge en litt chaplini\u00f8s kaptein Sparrow"], ["39:81"]], "Polar_expression": [["overraskende surrealistisk"], ["12:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-09-01", "text": "Det er fantastisk n\u00e5r sj\u00f8r\u00f8verne seiler over Verdens Ende og driver mellom isfjellene i det evige \u00f8deland .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fantastisk"], ["7:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-09-02", "text": "Veldig mye er bra .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Veldig mye er bra"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-10-01", "text": "MEN ALLE har forskjellige ting fore :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["MEN ALLE har forskjellige ting fore"], ["0:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "702788-10-02", "text": "Elizabeth Swann m\u00e5 tilbakebringe Sparrow fordi hun forr\u00e5dte ham , Sparrow skal vel egentlig bare befri seg sj\u00f8l , Will Turner skal redde sin skjellskadde svenske pappa , tinnsoldaten skal bringe alle frie r\u00f8vere til Guant\u00e1namo , kaptein Barbossa skal.", "opinions": []}, {"sent_id": "702788-10-03", "text": "\u00e6h. og Tia Dalma skal alts\u00e5 ha havet tilbake , mens Davy Jones bare skal fors\u00f8ke \u00e5 holde hjertet sitt bankende , mens Broderskapets fargerike br\u00f8dre vil diskutere Calypsos fortsatte guddommelighet i noe som likner en h\u00e5ndfast statskirke-diskusjon mellom Ap og KrF .", "opinions": []}, {"sent_id": "702788-10-04", "text": "Midt oppi det har Billy og Bettan et slags humanetisk fektebryllup , men f\u00e5r de bryllupsnatt ?", "opinions": []}, {"sent_id": "702788-11-01", "text": "SETT BITVIS er filmen glimrende .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["15:21"]], "Polar_expression": [["glimrende"], ["22:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-11-02", "text": "Alt er visuelt imponerende i \u00ab At world's end \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab At world's end \u00bb"], ["29:47"]], "Polar_expression": [["visuelt imponerende"], ["7:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-11-03", "text": "Alt skvetter friskere enn f\u00f8r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skvetter friskere enn f\u00f8r"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702788-11-04", "text": "Sj\u00f8slagene flerrer flere trefliser enn en gammeldansl\u00f8rdag p\u00e5 piggsko ( sjelden ting ) .", "opinions": [{"Source": [[], []], "Target": [["Sj\u00f8slagene"], ["0:10"]], "Polar_expression": [["flerrer flere trefliser enn en gammeldansl\u00f8rdag p\u00e5 piggsko"], ["11:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-11-05", "text": "Men det er en form for filmunderholdning som forutsetter at man liker handlinger som beveger seg i episoder og f\u00e5r deg til \u00e5 f\u00f8le at filmen begynner fem ganger .", "opinions": [{"Source": [[], []], "Target": [["filmunderholdning"], ["23:40"]], "Polar_expression": [["forutsetter at man liker handlinger som beveger seg i episoder"], ["45:107"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmunderholdning"], ["23:40"]], "Polar_expression": [["f\u00e5r deg til \u00e5 f\u00f8le at filmen begynner fem ganger"], ["111:159"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-12-01", "text": "GORE VERBINSKI er en n\u00e5 43 \u00e5r gammel regiss\u00f8r fra Oak Ridge i Tennessee , og han ble kjent for to ting :", "opinions": []}, {"sent_id": "702788-12-02", "text": "Han fant opp Budweiser-froskene , og han debuterte med komedien \u00ab The mexican \u00bb og gr\u00f8sseren \u00ab The Ring \u00bb .", "opinions": []}, {"sent_id": "702788-12-03", "text": "Noen f\u00e5 vil huske komedien \u00ab Mousehunt \u00bb fra 1997 .", "opinions": []}, {"sent_id": "702788-12-04", "text": "Han er s\u00f8nn av en polsk\u00e6tta kjernefysiker .", "opinions": []}, {"sent_id": "702788-13-01", "text": "JOHNNY DEPP er en 44 \u00e5r gammel skuespiller fra Kentucky , og han debuterte faktisk i \u00ab A nightmare on Elm Street \u00bb i 1984 .", "opinions": []}, {"sent_id": "702788-13-02", "text": "Han var med i \u00ab Platoon \u00bb , spilte komedien \u00ab Cry-baby \u00bb ( 1990 ) , ble kjent i TV-serien \u00ab 21 Jump Street \u00bb og fikk gjennombruddet som \u00ab Edvard Sakseh\u00e5nd \u00bb i 1990 .", "opinions": []}, {"sent_id": "702788-13-03", "text": "Etter det har han gjort s\u00e5 fantastiske roller at de ikke kan oppsummeres .", "opinions": [{"Source": [[], []], "Target": [["han"], ["14:17"]], "Polar_expression": [["fantastiske roller"], ["27:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702788-14-01", "text": "ORLANDO BLOOM er en 30 \u00e5r gammel Canterbury-mann ! som fikk sitt gjennombrudd som !Legolas i \u00ab Ringenes herre \u00bb .", "opinions": []}, {"sent_id": "702788-15-01", "text": "KEIRA KNIGHTLEY er 22 \u00e5r og fra Middlesex .", "opinions": []}, {"sent_id": "702788-15-02", "text": "F\u00f8r Pirates-filmene ! ble hun lagt merke til i \u00ab Bend it like Beckham \u00bb .", "opinions": []}, {"sent_id": "702788-15-03", "text": "! Hun var ogs\u00e5 Sab\u00e9 i \u00ab Star Wars episode 1 \u00bb i 1999 .", "opinions": []}, {"sent_id": "102097-01-01", "text": "Konsertanmeldelse Manic Street Preachers :", "opinions": []}, {"sent_id": "102097-01-02", "text": "Mer panisk enn manisk", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mer panisk enn manisk"], ["0:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102097-02-01", "text": "Manic Street Preachers er et elskelig rockorkester , som liksom aldri f\u00e5r det til helt i Norge .", "opinions": [{"Source": [[], []], "Target": [["Manic Street Preachers"], ["0:22"]], "Polar_expression": [["elskelig rockorkester"], ["29:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Manic Street Preachers"], ["0:22"]], "Polar_expression": [["aldri f\u00e5r det til helt i Norge"], ["64:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-03-01", "text": "KONSERT :", "opinions": []}, {"sent_id": "102097-03-02", "text": "Manic Street Preachers STED : Norwegian Wood-festivalen , Oslo PUBLIKUM : ca. 3500", "opinions": []}, {"sent_id": "102097-04-01", "text": "Helt fra starten av karrieren tidlig p\u00e5 nittitallet har tidenes st\u00f8rste walisiske band hatt Spinal Tap-sp\u00f8kelset hengende over seg .", "opinions": [{"Source": [[], []], "Target": [["walisiske band"], ["72:86"]], "Polar_expression": [["tidenes st\u00f8rste"], ["56:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["walisiske band"], ["72:86"]], "Polar_expression": [["Helt fra starten", "Spinal Tap-sp\u00f8kelset hengende over seg"], ["0:16", "92:130"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-04-02", "text": "Deres d\u00f8dsforaktende omgang med rockklisjeene er en viktig \u00e5rsak til deres vedvarende storhet .", "opinions": [{"Source": [[], []], "Target": [["Deres d\u00f8dsforaktende omgang med rockklisjeene"], ["0:45"]], "Polar_expression": [["viktig \u00e5rsak til deres vedvarende storhet"], ["52:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-05-01", "text": "Fullt s\u00e5 morsomt blir det ikke n\u00e5r sp\u00f8kelset trer frem i noe s\u00e5 prosaisk som tekniske problemer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fullt s\u00e5 morsomt blir det ikke", "tekniske problemer"], ["0:30", "77:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102097-06-01", "text": "Det er i utgangspunktet herlig raust \u00e5 \u00e5pne en konsert med en s\u00e5 stor hit og en s\u00e5 episk l\u00e5t som \u00ab Motorcycle Emptiness \u00bb , men n\u00e5r James Bradfields gitar slutter \u00e5 gi lyd i det klimaks n\u00e6rmer seg , sparker det ben p\u00e5 en forestilling som bruker lang tid p\u00e5 \u00e5 hente seg inn igjen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Motorcycle Emptiness \u00bb"], ["97:121"]], "Polar_expression": [["stor hit"], ["65:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Motorcycle Emptiness \u00bb"], ["97:121"]], "Polar_expression": [["episk"], ["83:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konsert"], ["47:54"]], "Polar_expression": [["herlig raust \u00e5 \u00e5pne", "stor hit og en s\u00e5 episk l\u00e5t som \u00ab Motorcycle Emptiness \u00bb"], ["24:43", "65:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["James Bradfields gitar"], ["132:154"]], "Polar_expression": [["slutter \u00e5 gi lyd i det klimaks n\u00e6rmer seg"], ["155:196"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forestilling"], ["221:233"]], "Polar_expression": [["bruker lang tid p\u00e5 \u00e5 hente seg inn igjen"], ["238:278"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102097-07-01", "text": "Personlig elsker jeg Manic Street Preachers av hele mitt hjerte , men de viser seg ikke \u00e5 v\u00e6re tidenes l\u00f8rdagsbooking i Frognerbadet , akkurat - de har ikke s\u00e6rlig momentum utenfor Storbritannia n\u00e5 , og det er lenge siden bandet sist spilte live .", "opinions": [{"Source": [["jeg"], ["17:20"]], "Target": [["Manic Street Preachers"], ["21:43"]], "Polar_expression": [["elsker", "hele mitt hjerte"], ["10:16", "47:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["17:20"]], "Target": [["Manic Street Preachers"], ["21:43"]], "Polar_expression": [["ikke s\u00e6rlig momentum utenfor Storbritannia"], ["152:194"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["17:20"]], "Target": [["Manic Street Preachers"], ["21:43"]], "Polar_expression": [["ikke \u00e5 v\u00e6re tidenes l\u00f8rdagsbooking"], ["83:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-08-01", "text": "F\u00f8rste halvdel av konserten fortoner seg dermed som noe av en betalt \u00f8ving med folk til stede .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rste halvdel av konserten"], ["0:27"]], "Polar_expression": [["fortoner seg dermed som noe av en betalt \u00f8ving med folk til stede"], ["28:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102097-09-01", "text": "Folk som heller ikke bryr seg altfor mye , med det resultat at bredbent rockgull som \u00ab Everything Must Go \u00bb faller mer eller mindre til jorden .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Everything Must Go \u00bb"], ["85:107"]], "Polar_expression": [["faller mer eller mindre til jorden"], ["108:142"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Everything Must Go \u00bb"], ["85:107"]], "Polar_expression": [["bredbent rockgull"], ["63:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-10-01", "text": "Manics' himmelskrapende musikk , drevet av Bradfields f\u00f8lsomme stemme og ulende gitarspill , er som skapt for massenes hyllest , og n\u00e5r den uteblir ser de litt forkomne ut der oppe p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["musikk"], ["24:30"]], "Polar_expression": [["himmelskrapende"], ["8:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Manics'"], ["0:7"]], "Polar_expression": [["himmelskrapende musikk"], ["8:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bradfields"], ["43:53"]], "Polar_expression": [["f\u00f8lsomme stemme"], ["54:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bradfields"], ["43:53"]], "Polar_expression": [["ulende gitarspill"], ["73:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemme"], ["63:69"]], "Polar_expression": [["f\u00f8lsomme"], ["54:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarspill"], ["80:90"]], "Polar_expression": [["ulende"], ["73:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Manics'"], ["0:7"]], "Polar_expression": [["Bradfields f\u00f8lsomme stemme og ulende gitarspill"], ["43:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["24:30"]], "Polar_expression": [["som skapt for massenes hyllest"], ["96:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-11-01", "text": "Enkelte se- og h\u00f8rverdige \u00f8yeblikk blir det likevel .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Enkelte se- og h\u00f8rverdige \u00f8yeblikk"], ["0:34"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102097-11-02", "text": "\u00ab ( It's Not War ) Just The End Of Love \u00bb f\u00e5r det uimotst\u00e5elige suget som er bandets varemerke , tidlige perler som \u00ab Motown Junk \u00bb og \u00ab You Love Us \u00bb har glampunkrustningen intakt , og kraftballadehitene \u00ab A Design For Life \u00bb og \u00ab If You Tolerate This Your Children Will Be Next \u00bb gj\u00f8r jobben b\u00e5de p\u00e5 scene og i amfi .", "opinions": [{"Source": [[], []], "Target": [["\u00ab ( It's Not War ) Just The End Of Love \u00bb"], ["0:41"]], "Polar_expression": [["uimotst\u00e5elige suget"], ["50:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Motown Junk \u00bb"], ["116:131"]], "Polar_expression": [["tidlige perler"], ["97:111"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab You Love Us \u00bb"], ["135:150"]], "Polar_expression": [["tidlige perler"], ["97:111"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab You Love Us \u00bb"], ["135:150"]], "Polar_expression": [["glampunkrustningen intakt"], ["155:180"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Motown Junk \u00bb"], ["116:131"]], "Polar_expression": [["glampunkrustningen intakt"], ["155:180"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102097-12-01", "text": "En vakker dag vil noen kanskje f\u00e5 dem til Norge p\u00e5 riktig tidspunkt , til riktig sted .", "opinions": []}, {"sent_id": "102097-12-02", "text": "Den dagen ser jeg frem til , for den fant ikke sted denne kvelden .", "opinions": [{"Source": [["jeg"], ["14:17"]], "Target": [[], []], "Polar_expression": [["fant ikke sted denne kvelden"], ["37:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-01-01", "text": "Anmeldelse av \u00ab The Earth is Trembling \u00bb :", "opinions": []}, {"sent_id": "110965-01-02", "text": "Bedre enn \u00ab Venn \u00bb", "opinions": [{"Source": [[], []], "Target": [["\u00ab Venn \u00bb"], ["10:18"]], "Polar_expression": [["Bedre enn \u00ab Venn \u00bb"], ["0:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Venn \u00bb"], ["10:18"]], "Polar_expression": [["Bedre enn"], ["0:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-02-01", "text": "Godt ment .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Godt ment"], ["0:9"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-02-02", "text": "Men ikke s\u00e5 bra .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke s\u00e5 bra"], ["4:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-03-01", "text": "Diverse artister / Gift To Japan - \u00ab The Earth Is Trembling \u00bb ( daWorks )", "opinions": []}, {"sent_id": "110965-04-01", "text": "Det er noe eget ved veldedighetssanger .", "opinions": []}, {"sent_id": "110965-04-02", "text": "Hensikten er s\u00e5 god , m\u00e5let s\u00e5 uangripelig at lyriske selvf\u00f8lgeligheter , vugge-i-takt-koring og hemningsl\u00f8st f\u00f8leri med ett fremst\u00e5r som akseptable midler .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hensikten er s\u00e5 god"], ["0:19"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lyriske selvf\u00f8lgeligheter"], ["46:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vugge-i-takt-koring"], ["74:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["hemningsl\u00f8st f\u00f8leri"], ["97:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lyriske selvf\u00f8lgeligheter", "fremst\u00e5r som akseptable midler"], ["46:71", "125:155"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vugge-i-takt-koring", "fremst\u00e5r som akseptable midler"], ["74:93", "125:155"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["hemningsl\u00f8st f\u00f8leri", "fremst\u00e5r som akseptable midler"], ["97:116", "125:155"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110965-05-01", "text": "F\u00f8lgelig blir det veldig sjelden stor musikk av det , bare store fakter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["veldig sjelden stor musikk"], ["18:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bare store fakter"], ["54:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110965-06-01", "text": "\u00ab The Earth Is Trembling \u00bb er imidlertid langt i fra det verste som har kommet ut av norske artisters behov for \u00e5 \u00ab gj\u00f8re noe \u00bb med en katastrofe som dominerer nyhetsbildet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Earth Is Trembling \u00bb"], ["0:26"]], "Polar_expression": [["langt i fra det verste"], ["41:63"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-06-02", "text": "Den er for eksempel langt mer spiselig enn den forrige tsunamil\u00e5ten , den Espen Lind- og Lene Marlin-forfattede \u00ab Venn \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["langt mer spiselig enn", "\u00ab Venn \u00bb"], ["20:42", "112:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Venn \u00bb"], ["112:120"]], "Polar_expression": [["Den er", "langt mer spiselig"], ["0:6", "20:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110965-07-01", "text": "Men den er svakere enn \u00ab Sammen for livet \u00bb .", "opinions": [{"Source": [[], []], "Target": [["den"], ["4:7"]], "Polar_expression": [["svakere enn \u00ab Sammen for livet \u00bb"], ["11:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Sammen for livet \u00bb"], ["23:43"]], "Polar_expression": [["den er svakere enn"], ["4:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110965-08-01", "text": "Den starter noenlunde smakfullt , som en dempet og akustisk drevet popl\u00e5t med en slags stille verdighet .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["starter noenlunde smakfullt"], ["4:31"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["stille verdighet ."], ["87:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-09-01", "text": "Dette varer ikke s\u00e5 lenge dog .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["varer ikke s\u00e5 lenge"], ["6:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-09-02", "text": "Kjapt g\u00e5r vi over i det forventede hylekoret - bokstavelig talt - hvor \u00ab every child belongs to you and me \u00bb og vi alle m\u00e5 \u00ab understand \u00bb .", "opinions": [{"Source": [["vi"], ["10:12"]], "Target": [[], []], "Polar_expression": [["forventede hylekoret"], ["24:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-10-01", "text": "Det suser i m\u00e5l p\u00e5 en b\u00f8lge av selvforn\u00f8yd pseudogospelsang av typen man m\u00e5 holde ut for at alle de bidragytende artistene skal f\u00e5 sin plass .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["selvforn\u00f8yd pseudogospelsang"], ["31:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["typen man m\u00e5 holde ut"], ["63:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110965-11-01", "text": "Hvorvidt japanerne trenger dette f\u00e5r bli opp til dem selv \u00e5 avgj\u00f8re .", "opinions": []}, {"sent_id": "110965-12-01", "text": "THOMAS TALSETH", "opinions": []}, {"sent_id": "701415-01-01", "text": "Nicolas Cage i helvete", "opinions": []}, {"sent_id": "701415-02-01", "text": "Nicolas Cage kommer kj\u00f8rende ut av ildfengselet for \u00e5 redde det barnet som skal ofres til Djevelen .", "opinions": []}, {"sent_id": "701415-02-02", "text": "Han har fin bil , og han er forbannet i dobbelt forstand .", "opinions": []}, {"sent_id": "701415-03-01", "text": "\" Drive angry \" :", "opinions": []}, {"sent_id": "701415-03-02", "text": "Amerikansk gr\u00f8sser-action .", "opinions": []}, {"sent_id": "701415-03-03", "text": "2011 .", "opinions": []}, {"sent_id": "701415-03-04", "text": "1 time , 44 minutter .", "opinions": []}, {"sent_id": "701415-03-05", "text": "15 \u00e5r .", "opinions": []}, {"sent_id": "701415-03-06", "text": "Regi : Patrick Lussier .", "opinions": []}, {"sent_id": "701415-03-07", "text": "Med :", "opinions": []}, {"sent_id": "701415-03-08", "text": "Nicolas Cage , Amber Heard , William Fichtner , Billy Burke , David Morse .", "opinions": []}, {"sent_id": "701415-04-01", "text": "Den okkulte oktan-filmen \" Drive angry \" er som en ny bibeloversettelse :", "opinions": []}, {"sent_id": "701415-04-02", "text": "Ingen kommer ut av den som jomfru .", "opinions": []}, {"sent_id": "701415-04-03", "text": "Nicolas Cage r\u00f8mmer fra Det Ytterste Fengsel i en bil som vil f\u00e5 motorvei-erotikerne til \u00e5 utvikle fuktig mekanikersprekk av begeistring .", "opinions": [{"Source": [[], []], "Target": [["bil"], ["50:53"]], "Polar_expression": [["vil f\u00e5 motorvei-erotikerne til \u00e5 utvikle fuktig mekanikersprekk av begeistring"], ["58:136"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701415-04-04", "text": "Han er svart i t\u00f8yet som en deathmetal-sj\u00e5f\u00f8r og skal hente et barn som ble kidnappa av den nye Messias , en mann som ser ut som om han kanskje ble gjenf\u00f8dt for \u00e5 overta \" Huset p\u00e5 pr\u00e6rien \" .", "opinions": []}, {"sent_id": "701415-05-01", "text": "Bak redningsmannen kommer William Fichtner gjennom h\u00f8stl\u00f8vet .", "opinions": []}, {"sent_id": "701415-05-02", "text": "Han snuser at Nic var her og er s\u00e5 velkledd at han antakelig er djevelens utsending p\u00e5 jorden .", "opinions": [{"Source": [[], []], "Target": [["han"], ["47:50"]], "Polar_expression": [["s\u00e5 velkledd at", "antakelig er djevelens utsending p\u00e5 jorden"], ["32:46", "51:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701415-06-01", "text": "\" Drive angry \" er en hemningsl\u00f8st gladvulg\u00e6r grapsefilm der Cage for eksempel f\u00e5r elektrosjokk mens han har sex med motelldame s\u00e5nn at mannen blir en vibrerende dildo .", "opinions": [{"Source": [[], []], "Target": [["\" Drive angry \""], ["0:15"]], "Polar_expression": [["hemningsl\u00f8st gladvulg\u00e6r grapsefilm"], ["22:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701415-06-02", "text": "Amber Heard skal egentlig gifte seg med en mann som burde bli holdt i b\u00e5nd og spise svine\u00f8rer \u2014 men den friske highway-sugga havner som frelser-venninne p\u00e5 veien og kan v\u00e6re fremtidig adoptivmor .", "opinions": []}, {"sent_id": "701415-06-03", "text": "Som dere skj\u00f8nner :", "opinions": []}, {"sent_id": "701415-06-04", "text": "Dette er ikke for alle .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke for alle"], ["9:22"]], "Polarity": null, "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701415-07-01", "text": "Filmen handler mest om CO2-sleder - klassiske amerikanske biler som bare kj\u00f8rer p\u00e5 litt for lave gir og har perforerte eksosr\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["amerikanske biler"], ["46:63"]], "Polar_expression": [["klassiske"], ["36:45"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["amerikanske biler"], ["46:63"]], "Polar_expression": [["kj\u00f8rer p\u00e5 litt for lave gir"], ["73:100"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["amerikanske biler"], ["46:63"]], "Polar_expression": [["perforerte eksosr\u00f8r"], ["108:127"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701415-07-02", "text": "Det er Highway to Hell , det er Wheels of fire , det er sprut-voldelig roadmovie i de str\u00f8kene der buffaloene streifet f\u00f8r r\u00e5nene overtok .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det er Highway to Hell"], ["0:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["det er Wheels of fire"], ["25:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["det er sprut-voldelig roadmovie"], ["49:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701415-08-01", "text": "Regiss\u00f8r Lussier ( tidligere klipper ) er han som skal lage \" Halloween III \" .", "opinions": []}, {"sent_id": "701415-08-02", "text": "Apotekene er varsla .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Apotekene er varsla"], ["0:19"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701415-09-01", "text": "F\u00f8lg meg p\u00e5 Twitter :", "opinions": []}, {"sent_id": "701415-09-02", "text": "@arilabra", "opinions": []}, {"sent_id": "301212-01-01", "text": "Knut om Knut", "opinions": []}, {"sent_id": "301212-02-01", "text": "Jensensk om det hamsunske .", "opinions": []}, {"sent_id": "301212-02-02", "text": "Ikke for enhver smak .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke for enhver smak"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301212-03-01", "text": "TV :", "opinions": []}, {"sent_id": "301212-03-02", "text": "Knut Erik Jensen og Per Kristian Olsen skulle lage film om Knud Pedersen .", "opinions": []}, {"sent_id": "301212-03-03", "text": "Men Jensen og Olsen ble ikke enige og har derfor laget hver sin film om Pedersen .", "opinions": []}, {"sent_id": "301212-03-04", "text": "Olsens kommer i tredeler i desember .", "opinions": []}, {"sent_id": "301212-03-05", "text": "Jensens kan du se i kveld , p\u00e5 det lille lerret av plasma .", "opinions": []}, {"sent_id": "301212-03-06", "text": "Den er allerede vist for de hamsunske blodfans p\u00e5 Hamar\u00f8y under \u00e5pningen av Hamsunklossen .", "opinions": []}, {"sent_id": "301212-04-01", "text": "Knut Erik Jensen er mest kjent for sin minst poetiske film , den dokumentariske \u00ab feel good \u00bb -farsotten \u00ab Heftig og begeistret \u00bb og mindre kjent for sine dvelende fiksjonsfilmer , selv om \u00ab Brent av frost \u00bb har brent seg fast p\u00e5 et stort antall netthinner etter at G\u00f8rild Mauseth f\u00f8lte seg brent av NRK og tok rettslige skritt .", "opinions": []}, {"sent_id": "301212-04-02", "text": "Kritikerne ber\u00f8mmer gjerne Jensen for hans kompromissl\u00f8se mangel p\u00e5 publikumsfrieri , seinest i \u00ab Iskyss \u00bb , anti-actionfilmen om spionen Gunvor Galtung Haavik .", "opinions": [{"Source": [["Kritikerne"], ["0:10"]], "Target": [["Jensen"], ["27:33"]], "Polar_expression": [["ber\u00f8mmer", "kompromissl\u00f8se mangel p\u00e5 publikumsfrieri"], ["11:19", "43:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}, {"Source": [["Kritikerne"], ["0:10"]], "Target": [["\u00ab Iskyss \u00bb"], ["96:106"]], "Polar_expression": [["ber\u00f8mmer", "kompromissl\u00f8se mangel p\u00e5 publikumsfrieri"], ["11:19", "43:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "301212-05-01", "text": "Ubeskjeden", "opinions": []}, {"sent_id": "301212-05-02", "text": "Den som i utgangspunktet har opparbeidet en viss skepsis til Knut Erik Jensen poetiske utskeielser p\u00e5 kinolerretet , vil uten anstrengelse finne ting \u00e5 mislike i den nesten to timer lange \u00ab Dr\u00f8mt og opplevet \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Dr\u00f8mt og opplevet \u00bb"], ["188:209"]], "Polar_expression": [["vil uten anstrengelse finne ting \u00e5 mislike", "Den som i utgangspunktet har opparbeidet en viss skepsis"], ["117:159", "0:56"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301212-05-03", "text": "Fans vil trolig digge den .", "opinions": [{"Source": [[], []], "Target": [["den"], ["22:25"]], "Polar_expression": [["Fans vil trolig digge"], ["0:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301212-05-04", "text": "Til Dagsavisen sier Jensen :", "opinions": []}, {"sent_id": "301212-05-05", "text": "\u00ab Jeg ville finne en tone i meg selv og Hamsunsom klinger sammen \u2013 finne et eget spr\u00e5k . \u00bb", "opinions": []}, {"sent_id": "301212-05-06", "text": "I samme \u00e5ndedrag er han selvironisk om sin hang til det pretensi\u00f8se , uten at det n\u00f8dvendigvis vil sjarmere de trol\u00f8se i senk .", "opinions": []}, {"sent_id": "301212-06-01", "text": "I \u00ab Dr\u00f8mt og opplevet \u00bb assosierer Jensen i vei om sin opplevelse av Hamsun .", "opinions": []}, {"sent_id": "301212-06-02", "text": "Her er det mye triksing med kamera , pussige lydeffekter , nordlandske tinder og intervjuobjekter som tydeligvis blir bedt om posere naturlig foran kamera , gjerne i sakte film , mens en hamsunsk skikkelse i hatt og sliten dress vandrer blant dem som en d\u00e5rlig instruert statist .", "opinions": [{"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["mye triksing med kamera"], ["11:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["lydeffekter"], ["45:56"]], "Polar_expression": [["pussige"], ["37:44"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["pussige lydeffekter"], ["37:56"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["intervjuobjekter som tydeligvis blir bedt om posere naturlig"], ["81:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["hamsunsk skikkelse", "d\u00e5rlig instruert statist"], ["187:205", "254:278"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["dress"], ["223:228"]], "Polar_expression": [["sliten"], ["216:222"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301212-06-03", "text": "Jensen bruker mye tid p\u00e5 \u00e5 se seg omkring i blant annet USA og Kaukasus , der folk filmes uten lyd , med musikk :", "opinions": []}, {"sent_id": "301212-06-04", "text": "Bare st\u00e5 stille , takk , s\u00e5 bruker vi dere som pittoresk tapet p\u00e5 NRK i beste sendetid .", "opinions": [{"Source": [["vi"], ["35:37"]], "Target": [[], []], "Polar_expression": [["pittoresk tapet p\u00e5 NRK i beste sendetid"], ["47:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301212-06-05", "text": "Og hvem har Jensen valgt til \u00e5 v\u00e6re stemmen som leser fra Hamsuns tekster gjennom hele filmen ?", "opinions": []}, {"sent_id": "301212-06-06", "text": "Jo , Knut Erik Jensen .", "opinions": []}, {"sent_id": "301212-07-01", "text": "Lite nytt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lite nytt"], ["0:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301212-07-02", "text": "Hamsunvitere som J\u00f8rgen Haugan og Nils Magne Knutsen har til dels interessante ting \u00e5 si og Jensen krydrer filmen med mye lekkert arkivmateriale , men for meg ble det en t\u00e5lmodighetspr\u00f8ve , trolig fordi den bringer lite nytt .", "opinions": [{"Source": [["meg"], ["155:158"]], "Target": [["Nils Magne Knutsen"], ["34:52"]], "Polar_expression": [["til dels interessante ting \u00e5 si"], ["57:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["155:158"]], "Target": [["J\u00f8rgen Haugan"], ["17:30"]], "Polar_expression": [["til dels interessante ting \u00e5 si"], ["57:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["155:158"]], "Target": [["filmen"], ["107:113"]], "Polar_expression": [["krydrer", "med mye lekkert arkivmateriale"], ["99:106", "114:144"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["meg"], ["155:158"]], "Target": [["filmen"], ["107:113"]], "Polar_expression": [["J\u00f8rgen Haugan og Nils Magne Knutsen har til dels interessante ting \u00e5 si"], ["17:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["meg"], ["155:158"]], "Target": [["filmen"], ["107:113"]], "Polar_expression": [["t\u00e5lmodighetspr\u00f8ve"], ["170:187"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["meg"], ["155:158"]], "Target": [["filmen"], ["107:113"]], "Polar_expression": [["lite nytt"], ["215:224"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301212-07-03", "text": "Og muligens fordi den som er ute etter hamsunsk poesi i over hundre \u00e5r har kunnet finne den annet sted .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["den som er ute etter hamsunsk poesi i over hundre \u00e5r har kunnet finne den annet sted"], ["18:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-01-01", "text": "Kappspill i kapasitatorene", "opinions": []}, {"sent_id": "002800-02-01", "text": "Ti \u00e5rs oppspart energi har f\u00f8rt til det som blir et av 2015s beste rockalbum .", "opinions": [{"Source": [[], []], "Target": [["rockalbum"], ["67:76"]], "Polar_expression": [["et av 2015s beste"], ["49:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-03-01", "text": "Sleater-Kinneys ekstreme kultstatus , opparbeidet over et dr\u00f8yt ti\u00e5r fra midten av nittitallet , n\u00e5dde aldri oss med den kraften det gjorde i USA .", "opinions": []}, {"sent_id": "002800-03-02", "text": "Egentlig ikke godt \u00e5 si hva dette skyldes , kan hende var det den relative anonymiteten til Carrie Brownstein , Janet Weiss og Corin Tucker , kanskje er deres temmelig insisterende blanding av Led Zeppelin , Sonic Youth og PJ Harvey i utakt med den skandinaviske pulsen .", "opinions": []}, {"sent_id": "002800-03-03", "text": "Uansett er det ingen tvil om at trioen er et av de mest spennende bandene fra denne scenen - eller var .", "opinions": [{"Source": [[], []], "Target": [["trioen"], ["32:38"]], "Polar_expression": [["ingen tvil", "et av de mest spennende bandene"], ["15:25", "42:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002800-04-01", "text": "2005s The Woods var ment \u00e5 v\u00e6re deres siste , grunnet indre stridigheter og andre prioriteringer .", "opinions": []}, {"sent_id": "002800-04-02", "text": "N\u00e5r de n\u00e5 er tilbake er det derimot med en fargesprakende halvtime med fokuserte riff og sv\u00e6rt stor sprengkraft .", "opinions": [{"Source": [[], []], "Target": [["halvtime"], ["58:66"]], "Polar_expression": [["fargesprakende"], ["43:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["riff"], ["81:85"]], "Polar_expression": [["fokuserte"], ["71:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["halvtime"], ["58:66"]], "Polar_expression": [["fokuserte riff"], ["71:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["halvtime"], ["58:66"]], "Polar_expression": [["sv\u00e6rt stor sprengkraft"], ["89:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-05-01", "text": "F\u00f8rstesingel \" Bury Our Friends \" er et usedvanlig innyndende fors\u00f8k p\u00e5 en radiohit , med \" Take Me Out \" -riffing og \u00e5pen produksjon signert John Goodmanson ( Blonde Redhead , Pavement , Soundgarden ) , og de uoverensstemmelser de m\u00e5tte ha hatt for ti \u00e5r siden er omformet til et driv som bobler opp gjennom alle l\u00e5tene p\u00e5 det som er trioens blideste album s\u00e5 langt .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rstesingel \" Bury Our Friends \""], ["0:33"]], "Polar_expression": [["usedvanlig innyndende fors\u00f8k p\u00e5 en radiohit"], ["40:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["F\u00f8rstesingel \" Bury Our Friends \""], ["0:33"]], "Polar_expression": [["\" Take Me Out \" -riffing"], ["90:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["alle l\u00e5tene"], ["309:320"]], "Polar_expression": [["driv som bobler opp"], ["281:300"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["352:357"]], "Polar_expression": [["blideste"], ["343:351"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-05-02", "text": "No Cities To Love er blottet for nonsens og pauser , og tilbake st\u00e5r en halvtime med hook etter hook , p\u00e5 et man\u00e9r som mer enn overg\u00e5r elegansen og riffstyrken de hadde p\u00e5 toppen av karrieren .", "opinions": [{"Source": [[], []], "Target": [["No Cities To Love"], ["0:17"]], "Polar_expression": [["blottet for nonsens og pauser"], ["21:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["No Cities To Love"], ["0:17"]], "Polar_expression": [["hook etter hook"], ["85:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["No Cities To Love"], ["0:17"]], "Polar_expression": [["mer enn overg\u00e5r elegansen og riffstyrken de hadde p\u00e5 toppen av karrieren"], ["119:191"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-06-01", "text": "Albumet b\u00e6res i hovedsak av Carrie Brownsteins dramatiske vibrato , de store gitarriffene og en hvilel\u00f8s energi .", "opinions": [{"Source": [[], []], "Target": [["vibrato"], ["58:65"]], "Polar_expression": [["dramatiske"], ["47:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarriffene"], ["77:89"]], "Polar_expression": [["store"], ["71:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["store gitarriffene"], ["71:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["dramatiske vibrato"], ["47:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["hvilel\u00f8s energi"], ["96:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002800-06-02", "text": "H\u00f8r eksempelvis \" No Anthems \" , en l\u00e5t som i mine \u00f8rer er akkurat d\u00e9t :", "opinions": []}, {"sent_id": "002800-06-03", "text": "Sexy , streng og innehaver av \u00e5rets beste rockrefreng .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sexy"], ["0:4"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rockrefreng"], ["42:53"]], "Polar_expression": [["\u00e5rets beste"], ["30:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002800-07-01", "text": "Janet Weiss er blant de aller mest uttrykksfulle trommeslagerne i dette segmentet , og selv om hun ikke f\u00e5r utfolde seg s\u00e5 mye her som hun gjorde p\u00e5 The Woods eller Stephen Malkmus & The Jicks' Real Emotional Trash , er det allikevel henne man lytter etter p\u00e5 \" Bury Our Friends \" , postpunkeren \" Gimme Love \" eller \" Fangless \" - en livsviktig ryggrad for Brownstein / Tuckers overtente riffing .", "opinions": [{"Source": [[], []], "Target": [["Janet Weiss"], ["0:11"]], "Polar_expression": [["blant de aller mest uttrykksfulle"], ["15:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["The Woods"], ["149:158"]], "Polar_expression": [["Janet Weiss", "ikke f\u00e5r utfolde seg s\u00e5 mye her"], ["0:11", "99:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Stephen Malkmus & The Jicks' Real Emotional Trash"], ["165:214"]], "Polar_expression": [["Janet Weiss", "ikke f\u00e5r utfolde seg s\u00e5 mye her"], ["0:11", "99:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Janet Weiss"], ["0:11"]], "Polar_expression": [["ikke f\u00e5r utfolde seg s\u00e5 mye her som hun gjorde p\u00e5 The Woods eller Stephen Malkmus & The Jicks' Real Emotional Trash"], ["99:214"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["riffing"], ["389:396"]], "Polar_expression": [["overtente"], ["379:388"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Janet Weiss"], ["0:11"]], "Polar_expression": [["livsviktig ryggrad"], ["335:353"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["henne"], ["234:239"]], "Polar_expression": [["lytter etter"], ["244:256"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002800-08-01", "text": "Man kan se No Cities To Love som et album som l\u00f8selig takler tema som forventninger , identitet og forbruk ( \" Surface Envy \" , \" A New Wave \" og \" Price Tag \" , henholdsvis ) - men der ordene som sies ikke blir s\u00e5 viktige som formidlingen , og vokalprestasjonene her er enorme .", "opinions": [{"Source": [[], []], "Target": [["No Cities To Love"], ["11:28"]], "Polar_expression": [["l\u00f8selig takler tema som forventninger , identitet og forbruk"], ["46:106"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["vokalprestasjonene"], ["245:263"]], "Polar_expression": [["enorme"], ["271:277"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["No Cities To Love"], ["11:28"]], "Polar_expression": [["vokalprestasjonene her er enorme"], ["245:277"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-08-02", "text": "Et s\u00e6rpreg som forbig\u00e5r alt det nyere riot grrl-ut\u00f8vere leverer ( Meredith Graves i Perfect Pussy og Katie Alice Greer i Priests , eksempelvis ) , og d\u00e9t helt naturlig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forbig\u00e5r alt det nyere riot grrl-ut\u00f8vere leverer"], ["15:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["helt naturlig"], ["154:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["det nyere riot grrl-ut\u00f8vere leverer"], ["28:63"]], "Polar_expression": [["forbig\u00e5r"], ["15:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002800-09-01", "text": "No Cities To Love mangler muligens noe av den definerende kraften til eksempelvis Dig Me Out og The Woods , men i ren melodisk valuta har de aldri hatt s\u00e5 mye verdi og formidlingstrang som n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["No Cities To Love"], ["0:17"]], "Polar_expression": [["aldri hatt s\u00e5 mye verdi og formidlingstrang som n\u00e5"], ["141:191"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Dig Me Out og The Woods"], ["82:105"]], "Polar_expression": [["mangler muligens noe av den definerende kraften"], ["18:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["No Cities To Love"], ["0:17"]], "Polar_expression": [["mangler muligens noe av den definerende kraften til eksempelvis Dig Me Out og The Woods"], ["18:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002800-09-02", "text": "Et kjerneeksempel p\u00e5 effektiv rock helt i toppsjiktet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["helt i toppsjiktet"], ["35:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjerneeksempel p\u00e5 effektiv rock"], ["3:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-01-01", "text": "The Spirit", "opinions": []}, {"sent_id": "003480-02-01", "text": "Morsom tegneseriefiks", "opinions": [{"Source": [[], []], "Target": [["tegneseriefiks"], ["7:21"]], "Polar_expression": [["Morsom"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-03-01", "text": "Jeg ble stormforelsket i filmatiseringen av Frank Millers tegneserie \u201d Sin City \u201d , som han selv co-regisserte med Robert Rodriguez .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["filmatiseringen av Frank Millers tegneserie \u201d Sin City \u201d"], ["25:81"]], "Polar_expression": [["stormforelsket"], ["8:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-03-02", "text": "N\u00e5 har Miller regissert film p\u00e5 egen h\u00e5nd av Will Eisners tegneserie \u201d The Spirit \u201d .", "opinions": []}, {"sent_id": "003480-04-01", "text": "Dette er en n\u00e6r slektning av \u201d Sin City \u201d , med det samme visuelle uttrykket og de samme digitale teknikkene .", "opinions": []}, {"sent_id": "003480-04-02", "text": "Og selv om \u201d The Spirit \u201d p\u00e5 langt n\u00e6r er like god og original , er dette likevel en morsom tegneseriefiks p\u00e5 kino !", "opinions": [{"Source": [[], []], "Target": [["\u201d The Spirit \u201d"], ["11:25"]], "Polar_expression": [["p\u00e5 langt n\u00e6r er like god og original"], ["26:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d The Spirit \u201d"], ["11:25"]], "Polar_expression": [["morsom tegneseriefiks", "!"], ["85:106", "115:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-05-01", "text": "Jakter superskurk", "opinions": []}, {"sent_id": "003480-06-01", "text": "The Spirit ( Gabriel Macht ) bekjemper kriminalitet i Central City .", "opinions": []}, {"sent_id": "003480-06-02", "text": "Han g\u00e5r p\u00e5 der purken stopper , og er \u00e5penbart en t\u00f8ffing som t\u00e5ler mye og leges raskt .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["t\u00f8ffing som t\u00e5ler mye og leges raskt"], ["50:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-07-01", "text": "N\u00e5 jakter han superskurken The Octopus ( Samuel L. Jackson ) som er ute etter en krukke med et spesielt innhold som kan gj\u00f8re ham ud\u00f8delig .", "opinions": []}, {"sent_id": "003480-07-02", "text": "Men krukken er i hende hos The Spirits gamle flamme , Sand Saref ( Eva Mendes ) , som dukker opp etter mange \u00e5r utenbys .", "opinions": []}, {"sent_id": "003480-08-01", "text": "Str\u00e5lende visuelle effekter", "opinions": [{"Source": [[], []], "Target": [["visuelle effekter"], ["10:27"]], "Polar_expression": [["Str\u00e5lende"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-09-01", "text": "Det som f\u00f8rst gj\u00f8r seg bemerket i filmen er de visuelle effektene .", "opinions": [{"Source": [[], []], "Target": [["visuelle effektene"], ["47:65"]], "Polar_expression": [["f\u00f8rst gj\u00f8r seg bemerket"], ["8:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-09-02", "text": "De er , for det meste , str\u00e5lende utf\u00f8rt , i en minimalt troverdig stil .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["str\u00e5lende utf\u00f8rt"], ["24:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["minimalt troverdig stil"], ["48:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-09-03", "text": "Dette er et lekeunivers , f\u00f8dt i tegneserieruta , og overf\u00f8rt til filmens verden med sterk overdrevenhet .", "opinions": []}, {"sent_id": "003480-10-01", "text": "Fotograf Bill Pope ( Matrix-filmene ) har fokusert p\u00e5 det m\u00f8rke i sine bilder , bare forstyrret av enkelte tilfeller av sl\u00e5ende fargebruk , som for eksempel The Spirits knallr\u00f8de slips .", "opinions": [{"Source": [[], []], "Target": [["bilder"], ["71:77"]], "Polar_expression": [["enkelte tilfeller av sl\u00e5ende fargebruk"], ["99:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "003480-10-02", "text": "Filmen ser veldig bra ut , og det synes \u00e5 ha v\u00e6rt det viktigste i denne produksjonen .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["ser veldig bra ut"], ["7:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-11-01", "text": "Litt anonym helt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Litt anonym helt"], ["0:16"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-12-01", "text": "Figurene er ikke like gode .", "opinions": [{"Source": [[], []], "Target": [["Figurene"], ["0:8"]], "Polar_expression": [["ikke like gode"], ["12:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-12-02", "text": "Eva Mendes er aldri bedre enn middelm\u00e5dig i sine filmer .", "opinions": [{"Source": [[], []], "Target": [["Eva Mendes"], ["0:10"]], "Polar_expression": [["aldri bedre enn middelm\u00e5dig"], ["14:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-12-03", "text": "Hun ser bra ut , men flammer p\u00e5 lavbluss som Sand Saref .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["ser bra ut"], ["4:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["flammer p\u00e5 lavbluss som Sand Saref"], ["21:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-12-04", "text": "Samuel L. Jackson har ogs\u00e5 uvant lite \u00e5 tilf\u00f8ye The Octopus , bortsett fra \u00e5 v\u00e6re sminket som Hank Von Helvete .", "opinions": [{"Source": [[], []], "Target": [["Samuel L. Jackson"], ["0:17"]], "Polar_expression": [["uvant lite \u00e5 tilf\u00f8ye"], ["27:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["The Octopus"], ["48:59"]], "Polar_expression": [["sminket som Hank Von Helvete"], ["82:110"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "003480-13-01", "text": "Gabriel Macht er fin som The Spirit , men er en litt anonym helt .", "opinions": [{"Source": [[], []], "Target": [["Gabriel Macht"], ["0:13"]], "Polar_expression": [["fin som The Spirit"], ["17:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gabriel Macht"], ["0:13"]], "Polar_expression": [["litt anonym helt"], ["48:64"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-13-02", "text": "Jeg mistenker figuren for \u00e5 v\u00e6re litt uinteressant allerede i grunnmaterialet , s\u00e5 det er kanskje ikke Machts skyld .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["figuren"], ["14:21"]], "Polar_expression": [["litt uinteressant allerede i grunnmaterialet"], ["33:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["Machts"], ["103:109"]], "Polar_expression": [["kanskje ikke Machts skyld"], ["90:115"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-14-01", "text": "Action veier opp", "opinions": [{"Source": [[], []], "Target": [["Action"], ["0:6"]], "Polar_expression": [["veier opp"], ["7:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-15-01", "text": "Dialogen er heller ikke den beste , og er b\u00e5de d\u00e5rlig skrevet og fremf\u00f8rt i noen sekvenser .", "opinions": [{"Source": [[], []], "Target": [["Dialogen"], ["0:8"]], "Polar_expression": [["ikke den beste"], ["19:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dialogen"], ["0:8"]], "Polar_expression": [["b\u00e5de d\u00e5rlig skrevet og fremf\u00f8rt i noen sekvenser"], ["42:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003480-15-02", "text": "Men heldigvis er ikke dette en snakkefilm .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["heldigvis er ikke dette en snakkefilm"], ["4:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-15-03", "text": "Det er en actionfilm , og actionscenene gjennomf\u00f8res med en stor porsjon slapstickhumor som i alle fall fikk meg til \u00e5 le , selv om jeg visste jeg kanskje ikke burde .", "opinions": [{"Source": [["jeg"], ["132:135"]], "Target": [["actionscenene"], ["26:39"]], "Polar_expression": [["fikk meg til \u00e5 le , selv om jeg visste jeg kanskje ikke burde"], ["104:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["132:135"]], "Target": [["actionscenene"], ["26:39"]], "Polar_expression": [["gjennomf\u00f8res med en stor porsjon slapstickhumor"], ["40:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003480-16-01", "text": "Dette synes jeg veier opp for filmens \u00e5penbare svakheter , og derfor kan \u201d The Spirit \u201d anbefales , men glemmes n\u00e5r Frank Miller og Robert Rodriguez blir ferdige med \u201d Sin City 2 \u201d", "opinions": [{"Source": [["jeg"], ["12:15"]], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["Dette synes jeg veier opp for filmens \u00e5penbare svakheter"], ["0:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["12:15"]], "Target": [["\u201d The Spirit \u201d"], ["73:87"]], "Polar_expression": [["anbefales"], ["88:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["12:15"]], "Target": [["\u201d The Spirit \u201d"], ["73:87"]], "Polar_expression": [["glemmes n\u00e5r Frank Miller og Robert Rodriguez blir ferdige med \u201d Sin City 2 \u201d"], ["104:180"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200323-01-01", "text": "Toppmat av Adam", "opinions": []}, {"sent_id": "200323-02-01", "text": "Vi har testet det popul\u00e6re middagsabonnementet fra Vestlandet .", "opinions": [{"Source": [[], []], "Target": [["middagsabonnementet"], ["27:46"]], "Polar_expression": [["popul\u00e6re"], ["18:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "200323-03-01", "text": "\u00ab \u00c5 lage festmat en gang i blandt er vel ingen kunst .", "opinions": []}, {"sent_id": "200323-03-02", "text": "Hverdagsmat , derimot , skal v\u00e6re god , n\u00e6ringsrik og variert .", "opinions": []}, {"sent_id": "200323-03-03", "text": "Dessuten skal den g\u00e5 fort \u00e5 lage og helst uten \u00e5 inneholde halvfabrikat \u2013 da kan vi snakke om utfordring !", "opinions": []}, {"sent_id": "200323-04-01", "text": "\u00c5 inspirere familier til \u00e5 spise god og sunn mat , og spare tid der det trengs mest \u2013 det er tanken Adam har , bak ToppMat.no . \u00bb", "opinions": []}, {"sent_id": "200323-05-01", "text": "Ironisk nok var en ferdig nan og et glass Tikka masala-saus det f\u00f8rste vi tok ut fra middagspakken vi fikk fra Toppmat .", "opinions": [{"Source": [["vi"], ["99:101"]], "Target": [["Toppmat"], ["111:118"]], "Polar_expression": [["Ironisk nok var en ferdig nan og et glass Tikka masala-saus det f\u00f8rste vi tok ut fra middagspakken"], ["0:98"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-05-02", "text": "Og maten vi laget med dette ble faktisk s\u00e5 lite vellykket at vi gjorde noe vi ikke har gjort p\u00e5 flere \u00e5r :", "opinions": [{"Source": [["vi"], ["61:63"]], "Target": [["maten"], ["3:8"]], "Polar_expression": [["s\u00e5 lite vellykket"], ["40:57"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-05-03", "text": "Kastet nesten alt sammen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kastet nesten alt sammen"], ["0:24"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-06-01", "text": "Heldigvis ble det bedre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Heldigvis ble det bedre"], ["0:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200323-07-01", "text": "Dette er Toppmat av Adam", "opinions": []}, {"sent_id": "200323-08-01", "text": "P\u00e5 nettsidene heter det at Toppmat av Adam kun leverer i Bergen , Os , Sandnes og Stavanger , men du kan sjekke postnummeret ditt , og n\u00e5 leverer de ogs\u00e5 til hovedstaden .", "opinions": [{"Source": [[], []], "Target": [["Toppmat"], ["27:34"]], "Polar_expression": [["leverer de ogs\u00e5 til hovedstaden"], ["138:169"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200323-09-01", "text": "Toppmat har fem ulike kasser .", "opinions": [{"Source": [[], []], "Target": [["Toppmat"], ["0:7"]], "Polar_expression": [["har fem ulike kasser"], ["8:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200323-09-02", "text": "Du kan bestille fem eller tre middager til fire eller to personer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan bestille fem eller tre middager til fire eller to personer"], ["3:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200323-09-03", "text": "Etter at vi testet har de ogs\u00e5 introdusert \" barnekassen \" , som leverer tre middager til fire personer .", "opinions": [{"Source": [[], []], "Target": [["de"], ["23:25"]], "Polar_expression": [["har", "introdusert \" barnekassen \""], ["19:22", "31:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["\" barnekassen \""], ["43:58"]], "Polar_expression": [["leverer tre middager til fire personer"], ["65:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200323-09-04", "text": "Den skal v\u00e6re ekstra barnevennlig , med enkle oppskrifter og n\u00e6ringsrik mat .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["ekstra barnevennlig"], ["14:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["enkle oppskrifter"], ["40:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["n\u00e6ringsrik mat"], ["61:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mat"], ["72:75"]], "Polar_expression": [["n\u00e6ringsrik"], ["61:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppskrifter"], ["46:57"]], "Polar_expression": [["enkle"], ["40:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-10-01", "text": "Ferdigmat p\u00e5 menyen ?", "opinions": []}, {"sent_id": "200323-10-02", "text": "Vi har smakt p\u00e5 ti av \u00e5rets nyheter , se hvilke du b\u00f8r velge , og hvilke du godt kan styre unna .", "opinions": []}, {"sent_id": "200323-11-01", "text": "Slik testet vi", "opinions": []}, {"sent_id": "200323-12-01", "text": "Vi har bestilt en ukemeny med fem middager til to personer , og laget alle sammen .", "opinions": []}, {"sent_id": "200323-12-02", "text": "Vi har sett p\u00e5 alt fra bestilling til levering , kvalitet p\u00e5 r\u00e5varer , hvor lett det er \u00e5 f\u00f8lge oppskriftene , sammensetningen av ukemenyen , samt hvordan maten smakte .", "opinions": []}, {"sent_id": "200323-13-01", "text": "Rettene vi laget var indiske kj\u00f8ttboller i tikka masala-gryte , ratatouille med p\u00f8lse , soyaglasert laks med ris og mangosalsa , kinesiske kyllingklubber med miassalat , og en tomatisert fiskegryte .", "opinions": []}, {"sent_id": "200323-14-01", "text": "Bestilling og levering", "opinions": []}, {"sent_id": "200323-15-01", "text": "Den f\u00f8rste biten gikk relativt smertefritt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8rste biten gikk relativt smertefritt"], ["4:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-15-02", "text": "Vi bestilte og registrerte oss , og like etter fikk vi en sms med passord og brukernavn .", "opinions": []}, {"sent_id": "200323-15-03", "text": "S\u00f8ndag kveld fikk vi tekstmelding med p\u00e5minnelse om levering , og at vi ville bli trukket for matkassen to dager senere .", "opinions": []}, {"sent_id": "200323-16-01", "text": "Selve leveringen hakket noe , men et veldig hyggelig bud ringte til slutt da han ikke fant frem inni bakg\u00e5rden , s\u00e5 vi slapp \u00e5 st\u00e5 \u00e5 vente lenge .", "opinions": [{"Source": [[], []], "Target": [["leveringen"], ["6:16"]], "Polar_expression": [["hakket noe"], ["17:27"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bud"], ["53:56"]], "Polar_expression": [["veldig hyggelig"], ["37:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["leveringen"], ["6:16"]], "Polar_expression": [["veldig hyggelig bud ringte til slutt da han ikke fant frem"], ["37:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["116:118"]], "Target": [["leveringen"], ["6:16"]], "Polar_expression": [["slapp \u00e5 st\u00e5 \u00e5 vente lenge"], ["119:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-17-01", "text": "N\u00e5r det er sagt : her kan Toppmat l\u00e6re noe av Kolonial.no , som leverte en ukemeny for par uker siden :", "opinions": [{"Source": [[], []], "Target": [["Toppmat"], ["26:33"]], "Polar_expression": [["kan", "l\u00e6re noe av Kolonial.no"], ["22:25", "34:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kolonial.no"], ["46:57"]], "Polar_expression": [["kan Toppmat l\u00e6re noe av"], ["22:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-17-02", "text": "De ga oss et vink n\u00e5r de n\u00e6rmet seg .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["ga oss et vink n\u00e5r de n\u00e6rmet seg"], ["3:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-17-03", "text": "Toppmat skulle komme mellom fem og ti , og kom kvart p\u00e5 ti .", "opinions": []}, {"sent_id": "200323-17-04", "text": "Innenfor fristen , men Kolonial.nos tekstmelding et kvarter f\u00f8r de kom var den lille detaljen som gjorde oss ekstra forn\u00f8yd .", "opinions": [{"Source": [["oss"], ["105:108"]], "Target": [[], []], "Polar_expression": [["Innenfor fristen"], ["0:16"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["oss"], ["105:108"]], "Target": [["Kolonial.nos tekstmelding"], ["23:48"]], "Polar_expression": [["den lille detaljen som gjorde oss ekstra forn\u00f8yd"], ["75:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-18-01", "text": "Tirsdag fikk vi en tekstmelding med tips til bulguren , men for \u00e5 v\u00e6re helt \u00e6rlig sa ikke meldingen s\u00e5 mye mer enn det som allerede sto p\u00e5 pakken .", "opinions": [{"Source": [[], []], "Target": [["tekstmelding"], ["19:31"]], "Polar_expression": [["sa ikke", "s\u00e5 mye mer enn det som allerede sto p\u00e5 pakken"], ["82:89", "100:145"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-18-02", "text": "Om vi f\u00f8rst skal f\u00e5 en SMS med tips til maten , hadde det v\u00e6rt stas om den ga oss noe ekstra , for eksempel tips til krydder som kunne passe til , eller n\u00e5r vi burde krydre .", "opinions": [{"Source": [["vi"], ["3:5"]], "Target": [["SMS"], ["23:26"]], "Polar_expression": [["hadde det v\u00e6rt stas om den ga oss noe ekstra"], ["48:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-18-03", "text": "F\u00f8r vi koker opp vannet ?", "opinions": []}, {"sent_id": "200323-18-04", "text": "N\u00e5r vi heller i bulguren ?", "opinions": []}, {"sent_id": "200323-18-05", "text": "F\u00f8r vi serverer ? .", "opinions": []}, {"sent_id": "200323-19-01", "text": "Dette fikk vi", "opinions": []}, {"sent_id": "200323-20-01", "text": "Aller f\u00f8rst m\u00e5 vi nevne innpakningen :", "opinions": []}, {"sent_id": "200323-20-02", "text": "Toppmatkassen var inndelt akkurat slik vi liker at handleposene pakkes , med t\u00f8rrvarer , kj\u00f8levarer , gr\u00f8nnsaker og andre ingredienser for seg .", "opinions": [{"Source": [["vi"], ["39:41"]], "Target": [["Toppmatkassen"], ["0:13"]], "Polar_expression": [["inndelt akkurat slik vi liker at handleposene pakkes"], ["18:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-21-01", "text": "Et praktisk lite pappkryss delte kartongen i fire , og kj\u00f8levarene fikk selskap av en liten frysepose .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["praktisk lite pappkryss delte kartongen i fire"], ["3:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fikk selskap av en liten frysepose"], ["67:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-21-02", "text": "Dette gjorde det ekstra praktisk \u00e5 pakke ut av kassen , og se hva som m\u00e5 i kj\u00f8leskapet med en gang og s\u00e5 videre .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["ekstra praktisk \u00e5 pakke ut av kassen"], ["17:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-22-01", "text": "Med unntak av eksempelet over , og en pakke ferdigkokte sous-vide-poteter , var det meste ferske og fine r\u00e5varer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["det meste ferske og fine r\u00e5varer"], ["80:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["r\u00e5varer"], ["105:112"]], "Polar_expression": [["ferske"], ["90:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["r\u00e5varer"], ["105:112"]], "Polar_expression": [["fine"], ["100:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-22-02", "text": "Vi satt stor pris p\u00e5 fine og varierte fiskealternativer ( laks , lyr og breiflabb ) , men kunne godt sett at \u00e9n av de to rettene av r\u00f8dt kj\u00f8tt ikke var farsemat ( kj\u00f8ttdeig til kj\u00f8ttboller og p\u00f8lser ) .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["fiskealternativer"], ["38:55"]], "Polar_expression": [["satt stor pris p\u00e5 fine og varierte"], ["3:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["kunne godt sett at \u00e9n av de to rettene av r\u00f8dt kj\u00f8tt ikke var farsemat"], ["90:160"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-23-01", "text": "Hvitl\u00f8ken var noe gammel ( den hadde begynt \u00e5 spire ) , men for eksempel var den \" vanskelige \" frukten mango perfekt spisemoden , ikke bare den dagen vi fikk leveringen ( vi smakte ) , men ogs\u00e5 to dager etter da vi brukten den i maten .", "opinions": [{"Source": [[], []], "Target": [["Hvitl\u00f8ken"], ["0:9"]], "Polar_expression": [["noe gammel"], ["14:24"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mango"], ["104:109"]], "Polar_expression": [["perfekt spisemoden"], ["110:128"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hvitl\u00f8ken"], ["0:9"]], "Polar_expression": [["hadde begynt \u00e5 spire"], ["31:51"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-24-01", "text": "Det var fint tilpasset mengde mat , og vi fikk lite rester , med unntak av en nesten perverst stor pose med kinesisk five spice-krydder , litt overskudd av bulgur og tomatpur\u00e9 , og litt ekstra gr\u00f8nnsaker .", "opinions": [{"Source": [["vi"], ["39:41"]], "Target": [[], []], "Polar_expression": [["fint tilpasset mengde mat"], ["8:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["39:41"]], "Target": [[], []], "Polar_expression": [["fikk lite rester"], ["42:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["39:41"]], "Target": [["pose med kinesisk five spice-krydder"], ["99:135"]], "Polar_expression": [["nesten perverst stor"], ["78:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-25-01", "text": "Oppskriftsheftet som fulgte med var fint og glanset , men vi savner en litt bedre oppskriftsressurs p\u00e5 nett til de gangene man \u00f8nsker \u00e5 lage en middag som falt i smak , men ikke husker hvilken uke - eller oppskriftshefte - den aktuelle retten ble laget .", "opinions": [{"Source": [["vi"], ["58:60"]], "Target": [["Oppskriftsheftet"], ["0:16"]], "Polar_expression": [["fint"], ["36:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["58:60"]], "Target": [["Oppskriftsheftet"], ["0:16"]], "Polar_expression": [["glanset"], ["44:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["58:60"]], "Target": [[], []], "Polar_expression": [["savner en litt bedre oppskriftsressurs p\u00e5 nett"], ["61:107"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-25-02", "text": "Per i dag har du tilgang til menyheftet for de tre siste pakkene n\u00e5r du logger inn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tilgang til menyheftet for de tre siste pakkene n\u00e5r du logger inn"], ["17:82"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200323-26-01", "text": "Slik var maten", "opinions": []}, {"sent_id": "200323-27-01", "text": "De aller fleste rettene var ganske rett frem \u00e5 tilberede , og oppskriftene var lette \u00e5 f\u00f8lge .", "opinions": [{"Source": [[], []], "Target": [["rettene"], ["16:23"]], "Polar_expression": [["aller fleste", "ganske rett frem \u00e5 tilberede"], ["3:15", "28:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppskriftene"], ["62:74"]], "Polar_expression": [["lette \u00e5 f\u00f8lge"], ["79:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-27-02", "text": "Ukemenyen var variert og fin , med flere typer fisk og kj\u00f8tt , men vi skulle gjerne sett litt mer gr\u00f8nt i noen av rettene .", "opinions": [{"Source": [["vi"], ["67:69"]], "Target": [["Ukemenyen"], ["0:9"]], "Polar_expression": [["variert"], ["14:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [["vi"], ["67:69"]], "Target": [["Ukemenyen"], ["0:9"]], "Polar_expression": [["fin"], ["25:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["67:69"]], "Target": [["Ukemenyen"], ["0:9"]], "Polar_expression": [["flere typer fisk og kj\u00f8tt"], ["35:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["67:69"]], "Target": [["Ukemenyen"], ["0:9"]], "Polar_expression": [["skulle gjerne sett litt mer gr\u00f8nt"], ["70:103"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-27-03", "text": "Vi vet det er lite friske gr\u00f8nnsaker i sesongen , men det ble litt i overkant mye bearbeidete gr\u00f8nnsaker .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["litt i overkant mye bearbeidete gr\u00f8nnsaker"], ["62:104"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-28-01", "text": "Fiskegryten kunne blant annet godt hatt en salat ved siden av , i det minste noe mer enn bare l\u00f8k i gryten .", "opinions": [{"Source": [[], []], "Target": [["Fiskegryten"], ["0:11"]], "Polar_expression": [["kunne blant annet godt hatt en salat ved siden av"], ["12:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fiskegryten"], ["0:11"]], "Polar_expression": [["i det minste noe mer enn bare l\u00f8k"], ["64:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-29-01", "text": "Pluss for morsomme nye salatvarianter , med en frisk mangosalat til laksen , og en forbausende frisk maissalat , som forsvant til tross for at middagsgjestene ikke i utgangspunktet liker hermetisk mais .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Pluss for morsomme nye salatvarianter"], ["0:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["mangosalat"], ["53:63"]], "Polar_expression": [["frisk"], ["47:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maissalat"], ["101:110"]], "Polar_expression": [["forbausende frisk"], ["83:100"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maissalat"], ["101:110"]], "Polar_expression": [["forsvant til tross for at middagsgjestene ikke i utgangspunktet liker hermetisk mais"], ["117:201"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-30-01", "text": "Vi m\u00e5 ogs\u00e5 trekke frem den eneste halvfabrikataretten , der omtrent alt gikk galt .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["halvfabrikataretten"], ["34:53"]], "Polar_expression": [["omtrent alt gikk galt"], ["60:81"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-30-02", "text": "Det var altfor lite saus i oppskriften ( men heldigvis fikk vi med dobbelt s\u00e5 mye saus , s\u00e5 vi brukte bare hele glasset ) , ingrediensene ble ikke ferdig samtidig , til tross for at vi hadde pr\u00f8vd \u00e5 tilpasse st\u00f8rrelsen p\u00e5 kj\u00f8ttbollene for \u00e5 garantere at de ble gjennomstekt .", "opinions": [{"Source": [["vi"], ["182:184"]], "Target": [["oppskriften"], ["27:38"]], "Polar_expression": [["altfor lite saus i oppskriften"], ["8:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["182:184"]], "Target": [[], []], "Polar_expression": [["ingrediensene ble ikke ferdig samtidig"], ["124:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-31-01", "text": "Derfor endte vi opp med en gr\u00f8t av en gryte , der broccolien n\u00e6rmest gikk i oppl\u00f8sning f\u00f8r potetbitene , og kj\u00f8ttbollene var halvferdige .", "opinions": [{"Source": [[], []], "Target": [["gryte"], ["38:43"]], "Polar_expression": [["endte", "opp med en gr\u00f8t av en gryte"], ["7:12", "16:43"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gryte"], ["38:43"]], "Polar_expression": [["broccolien n\u00e6rmest gikk i oppl\u00f8sning f\u00f8r potetbitene"], ["50:102"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gryte"], ["38:43"]], "Polar_expression": [["kj\u00f8ttbollene var halvferdige"], ["108:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-32-01", "text": "Middagen var faktisk s\u00e5 lite vellykket at vi gjorde noe vi ikke har gjort p\u00e5 flere \u00e5r :", "opinions": [{"Source": [["vi"], ["42:44"]], "Target": [["Middagen"], ["0:8"]], "Polar_expression": [["s\u00e5 lite vellykket"], ["21:38"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-32-02", "text": "Kastet den , etter \u00e5 ha trykket i oss noen munnfuller for testens skyld .", "opinions": [{"Source": [[], []], "Target": [["den"], ["7:10"]], "Polar_expression": [["Kastet"], ["0:6"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-33-01", "text": "Vi m\u00e5 ogs\u00e5 kommentere et par sm\u00e5ting .", "opinions": []}, {"sent_id": "200323-33-02", "text": "Det er pirk , men det b\u00f8r uansett nevnes :", "opinions": []}, {"sent_id": "200323-33-03", "text": "N\u00e5r retten sier bruk 450 gram poteter , men vi f\u00e5r med 400 gram i kassen - er det da skrivefeil i menyen , eller f\u00e5r vi bevisst for lite mat ?", "opinions": [{"Source": [["vi"], ["117:119"]], "Target": [[], []], "Polar_expression": [["retten sier bruk 450 gram poteter , men vi f\u00e5r med 400 gram i kassen"], ["4:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-33-04", "text": "Og n\u00e5r det st\u00e5r \" kok risen etter anvisning p\u00e5 pakken \" og pakken er helt blank , fikser vi det relativt greit .", "opinions": [{"Source": [["vi"], ["89:91"]], "Target": [[], []], "Polar_expression": [["st\u00e5r \" kok risen etter anvisning p\u00e5 pakken \" og pakken er helt blank"], ["11:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-34-01", "text": "Det var ikke store ting , men det vitner om litt hastverksarbeid eller slurv .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vitner om litt hastverksarbeid eller slurv"], ["34:76"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-34-02", "text": "De fleste kan koke ris , men hadde det v\u00e6rt bulguren som ikke hadde bruksanvisning er det nok noen som ville f\u00e5tt seg en utfordring b\u00e5de med tids- og mengdeberegning .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hadde det v\u00e6rt bulguren som ikke hadde bruksanvisning er det nok noen som ville f\u00e5tt seg en utfordring"], ["29:131"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-35-01", "text": "Pass p\u00e5 holdbarheten !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Pass p\u00e5 holdbarheten !"], ["0:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-36-01", "text": "Vi stusset ogs\u00e5 litt over holdbarheten p\u00e5 r\u00e5varene .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["holdbarheten p\u00e5 r\u00e5varene"], ["26:50"]], "Polar_expression": [["stusset ogs\u00e5 litt over"], ["3:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-36-02", "text": "N\u00e5r fem middager blir levert fem p\u00e5 tid mandag kveld , vil det si at r\u00e5varene som blir levert burde holde til og med l\u00f8rdag .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["r\u00e5varene som blir levert burde holde til og med l\u00f8rdag"], ["69:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-36-03", "text": "I tillegg er det ikke alltid man er hjemme til middag fem dager i uken , s\u00e5 da m\u00e5 ukemenyen strekkes til s\u00f8ndag .", "opinions": []}, {"sent_id": "200323-37-01", "text": "Torsdag oppdaget vi at hovedingrediensen i tre av middagene m\u00e5tte spises innen fredag .", "opinions": [{"Source": [["vi"], ["17:19"]], "Target": [[], []], "Polar_expression": [["hovedingrediensen i tre av middagene m\u00e5tte spises innen fredag"], ["23:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-37-02", "text": "Vi har tidligere testet seks ulike middagsabonnementer , og dette er f\u00f8rste gang vi har opplevd at r\u00e5varene g\u00e5r ut p\u00e5 dato f\u00f8r det har g\u00e5tt en uke .", "opinions": [{"Source": [["vi"], ["81:83"]], "Target": [[], []], "Polar_expression": [["f\u00f8rste gang vi har opplevd at r\u00e5varene g\u00e5r ut p\u00e5 dato f\u00f8r det har g\u00e5tt en uke"], ["69:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200323-37-03", "text": "Det skal sies at vi ikke hadde laget rettene i rekkef\u00f8lge , men for eksempel lyren og steinbiten til fiskegryten som var foresl\u00e5tt som siste rett ( alts\u00e5 l\u00f8rdag om vi skulle laget og servert kronologisk ) gikk ut p\u00e5 dato fredagen .", "opinions": [{"Source": [["vi"], ["17:19"]], "Target": [["lyren og steinbiten til fiskegryten"], ["77:112"]], "Polar_expression": [["foresl\u00e5tt som siste rett", "gikk ut p\u00e5 dato fredagen"], ["121:145", "205:229"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-38-01", "text": "Alle r\u00e5varene var fine p\u00e5 smak , selv p\u00e5 utl\u00f8psdatoen , med unntak av kyllingklubbene .", "opinions": [{"Source": [[], []], "Target": [["r\u00e5varene"], ["5:13"]], "Polar_expression": [["Alle", "fine p\u00e5 smak , selv p\u00e5 utl\u00f8psdatoen"], ["0:4", "18:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kyllingklubbene"], ["70:85"]], "Polar_expression": [["Alle r\u00e5varene var fine p\u00e5 smak , selv p\u00e5 utl\u00f8psdatoen , med unntak av"], ["0:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-38-02", "text": "De sang p\u00e5 siste verset .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["sang p\u00e5 siste verset"], ["3:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-39-01", "text": "I fjor testet vi fem ulike middagsabonnementer .", "opinions": []}, {"sent_id": "200323-39-02", "text": "Se hvilke som falt i smak .", "opinions": []}, {"sent_id": "200323-40-01", "text": "Konklusjon :", "opinions": []}, {"sent_id": "200323-41-01", "text": "Det er dessverre s\u00e5nn med tester at det er lettere \u00e5 trekke frem det som er bra og det som er d\u00e5rlig , enn det som bare er greit .", "opinions": []}, {"sent_id": "200323-41-02", "text": "For i hovedsak er Toppmat av Adam helt greit .", "opinions": [{"Source": [[], []], "Target": [["Toppmat av Adam"], ["18:33"]], "Polar_expression": [["helt greit"], ["34:44"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-42-01", "text": "Vi fikk ingen store kulinariske overraskelser , men satt igjen med endel oppskrifter vi tenkte at vi nok vil bruke som basis en annen gang - de trenger imidlertid \u00e5 sprites opp litt .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["fikk ingen store kulinariske overraskelser"], ["3:45"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["oppskrifter"], ["73:84"]], "Target": [[], []], "Polar_expression": [["satt igjen med endel", "tenkte at vi nok vil bruke som basis en annen gang"], ["52:72", "88:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppskrifter"], ["73:84"]], "Polar_expression": [["trenger imidlertid \u00e5 sprites opp litt"], ["144:181"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-43-01", "text": "Et par ting trakk skikkelig ned , som den grusomme gryteretten , men alt i alt st\u00e5r Toppmat seg bedre enn denne retten .", "opinions": [{"Source": [[], []], "Target": [["Toppmat"], ["84:91"]], "Polar_expression": [["Et par ting trakk skikkelig ned"], ["0:31"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["gryteretten"], ["51:62"]], "Polar_expression": [["grusomme"], ["42:50"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Toppmat"], ["84:91"]], "Polar_expression": [["i alt st\u00e5r", "bedre enn denne retten"], ["73:83", "96:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200323-43-02", "text": "Det er fine r\u00e5varer , varierte oppskrifter , og s\u00e5pass godt planlagt at man ikke sitter igjen med mye rester man m\u00e5 kaste fordi man ikke f\u00e5r spist det opp .", "opinions": [{"Source": [[], []], "Target": [["oppskrifter"], ["31:42"]], "Polar_expression": [["varierte"], ["22:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["r\u00e5varer"], ["12:19"]], "Polar_expression": [["fine"], ["7:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5pass godt planlagt at man ikke sitter igjen med mye rester man m\u00e5 kaste fordi man ikke f\u00e5r spist det opp"], ["48:154"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200323-44-01", "text": "Legg til litt flere gr\u00f8nnsaker som kan spises r\u00e5 , og dropp ferdigsausen , s\u00e5 lukter dette p\u00e5 terningkast fem .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Legg til litt flere gr\u00f8nnsaker som kan spises r\u00e5 , og dropp ferdigsausen , s\u00e5 lukter dette p\u00e5 terningkast fem"], ["0:109"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200323-44-02", "text": "Vi lander imidlertid p\u00e5 fire \u00f8yne p\u00e5 terningen denne gangen .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["fire \u00f8yne p\u00e5 terningen"], ["24:46"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001756-01-01", "text": "Lite tight Tempah", "opinions": [{"Source": [[], []], "Target": [["Tempah"], ["11:17"]], "Polar_expression": [["Lite tight"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-02-01", "text": "Festivalens hittil lengste time er over .", "opinions": [{"Source": [[], []], "Target": [["Festivalens hittil lengste time"], ["0:31"]], "Polar_expression": [["er over"], ["32:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-02-02", "text": "Tinie Tempah skuffer .", "opinions": [{"Source": [[], []], "Target": [["Tinie Tempah"], ["0:12"]], "Polar_expression": [["skuffer"], ["13:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-03-01", "text": "Londonrapper Tinie Tempah utnytter ikke eget potensiale n\u00e5r han onsdag kveld fyller Amfiscenen p\u00e5 Hovefestivalen .", "opinions": [{"Source": [[], []], "Target": [["Tinie Tempah"], ["13:25"]], "Polar_expression": [["utnytter ikke eget potensiale"], ["26:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-03-02", "text": "I utgangspunktet sterke l\u00e5ter som \" Pass Out \" og \" Miami 2 Ibiza \" faller totalt gjennom live , mye p\u00e5 grunn av et ekstremt d\u00e5rlig samspill mellom band og artist .", "opinions": [{"Source": [[], []], "Target": [["\" Miami 2 Ibiza \""], ["50:67"]], "Polar_expression": [["faller totalt gjennom live"], ["68:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["band og artist"], ["148:162"]], "Polar_expression": [["ekstremt d\u00e5rlig samspill"], ["116:140"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Pass Out \""], ["34:46"]], "Polar_expression": [["faller totalt gjennom live"], ["68:94"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Pass Out \""], ["34:46"]], "Polar_expression": [["I utgangspunktet sterke l\u00e5ter"], ["0:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Miami 2 Ibiza \""], ["50:67"]], "Polar_expression": [["I utgangspunktet sterke l\u00e5ter"], ["0:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001756-04-01", "text": "For bandet river ned mer enn de bygger opp .", "opinions": [{"Source": [[], []], "Target": [["bandet"], ["4:10"]], "Polar_expression": [["river ned mer enn de bygger opp"], ["11:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001756-04-02", "text": "I f\u00f8rste halvdel er det hele temmelig energil\u00f8st , godt hjulet av Tinie Tempah selv som tidvis mangler b\u00e5de karisma og flyt .", "opinions": [{"Source": [[], []], "Target": [["f\u00f8rste halvdel"], ["2:16"]], "Polar_expression": [["temmelig energil\u00f8st"], ["29:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["karisma"], ["108:115"]], "Polar_expression": [["mangler"], ["95:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["flyt"], ["119:123"]], "Polar_expression": [["mangler"], ["95:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Tinie Tempah"], ["66:78"]], "Polar_expression": [["mangler b\u00e5de karisma og flyt"], ["95:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001756-04-03", "text": "Hiphop-acts med liveband feiler desverre altfor ofte - og dette er et godt eksempel akkurat d\u00e9t .", "opinions": [{"Source": [[], []], "Target": [["Hiphop-acts med liveband"], ["0:24"]], "Polar_expression": [["feiler desverre altfor ofte"], ["25:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-04-04", "text": "Det hele gir en slags d\u00e5rlig coverband-vibb , og den lekre kominasjonen av UK garage , grime og klubbmusikk som er \u00e5 finne p\u00e5 den ambisi\u00f8se debutskiva Disc-Overy , drukner i en haltende framf\u00f8ring .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["d\u00e5rlig coverband-vibb"], ["22:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kominasjonen av UK garage , grime og klubbmusikk"], ["59:107"]], "Polar_expression": [["drukner i en haltende framf\u00f8ring"], ["164:196"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kominasjonen av UK garage , grime og klubbmusikk"], ["59:107"]], "Polar_expression": [["lekre"], ["53:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-04-05", "text": "Etter \u00e5 konstant ha bedt folk om \u00e5 hive hendene i v\u00e6ret virker briten midtveis ut i settet mer komfortabel p\u00e5 scenen og f\u00e5r endelig amfiet til \u00e5 reise seg under en brukbar versjon av \" Written in the Stars \" .", "opinions": [{"Source": [[], []], "Target": [["\" Written in the Stars \""], ["183:207"]], "Polar_expression": [["brukbar versjon"], ["164:179"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["briten"], ["63:69"]], "Polar_expression": [["f\u00e5r endelig amfiet til \u00e5 reise seg"], ["120:154"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["briten"], ["63:69"]], "Polar_expression": [["virker", "midtveis ut i settet mer komfortabel p\u00e5 scenen"], ["56:62", "70:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-05-01", "text": "Det er selvsagt stas \u00e5 se flere tusen av de oppm\u00f8tte tilskuerne hoppe med hendene i v\u00e6ret , og klart - store deler av repertoaret er i utgangspunktet sterkt nok til \u00e5 s\u00f8rge for akkurat dette .", "opinions": [{"Source": [[], []], "Target": [["store deler av repertoaret"], ["103:129"]], "Polar_expression": [["sterkt nok til \u00e5 s\u00f8rge for akkurat dette"], ["150:190"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5 se flere tusen av de oppm\u00f8tte tilskuerne hoppe med hendene i v\u00e6ret"], ["21:89"]], "Polar_expression": [["stas"], ["16:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-05-02", "text": "Folk er sulten p\u00e5 en fest , og n\u00e5r b\u00e5de \" Written in the Stars \" og \" Frisky \" fungerer bra nok , hiver de seg inn i festen .", "opinions": [{"Source": [[], []], "Target": [["\" Frisky \""], ["68:78"]], "Polar_expression": [["fungerer bra nok"], ["79:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Written in the Stars \""], ["40:64"]], "Polar_expression": [["fungerer bra nok"], ["79:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001756-05-03", "text": "Men fra rapperen som det siste dr\u00f8ye \u00e5ret gjort kometkarriere , med et knippe nummer \u00e9n-plasseringer og et par Brit Awards , m\u00e5 det v\u00e6re lov til \u00e5 forvente et tightere show .", "opinions": [{"Source": [[], []], "Target": [["rapperen"], ["8:16"]], "Polar_expression": [["kometkarriere"], ["48:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["rapperen"], ["8:16"]], "Polar_expression": [["forvente et tightere show"], ["147:172"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["rapperen"], ["8:16"]], "Polar_expression": [["knippe nummer \u00e9n-plasseringer"], ["71:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["rapperen"], ["8:16"]], "Polar_expression": [["par Brit Awards"], ["107:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001756-05-04", "text": "Tinie Tempah gj\u00f8r ingen stor konsert p\u00e5 Hovefestivalen i kveld .", "opinions": [{"Source": [[], []], "Target": [["Tinie Tempah"], ["0:12"]], "Polar_expression": [["ingen stor konsert"], ["18:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703152-01-01", "text": "Gammelt nag og nye koster", "opinions": []}, {"sent_id": "703152-02-01", "text": "For at gammel actionhelt-filmserien \" The Expendables \" skal kunne leve videre , har Stallone & co i treeren tatt et skritt ut av fortiden og et langt inn i fremtiden .", "opinions": []}, {"sent_id": "703152-03-01", "text": "Akkurat da du tror at det ikke g\u00e5r an \u00e5 rote fram flere fordums actionhelter fra 80\u2014 og 90-tallet til den oldis all star-orgien de to f\u00f8rste \" The Expendables \" -filmen har v\u00e6rt , s\u00e5 dukker b\u00e5de Mel Gibson , Wesley Snipes og Harrison Ford opp i treeren .", "opinions": []}, {"sent_id": "703152-03-02", "text": "Som faktisk viser seg \u00e5 v\u00e6re den beste filmen i action-franchisen hittil , og som ogs\u00e5 legger et fint fundament for \" Expendables \" 4,5,6 osv .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["den beste filmen i action-franchisen hittil"], ["29:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["legger et fint fundament for \" Expendables \" 4,5,6 osv"], ["87:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703152-04-01", "text": "Actionnostalgi", "opinions": []}, {"sent_id": "703152-05-01", "text": "Stempelet som \" Sex and the city for ekte mannfolk som har levd en stund \" gjelder fortsatt for serien .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stempelet", "gjelder fortsatt"], ["0:9", "75:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703152-05-02", "text": "Men aldri tidligere har selvironien p\u00e5 det fordums actionheltsyndromet v\u00e6rt tydeligere enn n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["selvironien p\u00e5 det fordums actionheltsyndromet"], ["24:70"]], "Polar_expression": [["aldri tidligere har selvironien p\u00e5 det fordums actionheltsyndromet v\u00e6rt tydeligere enn n\u00e5"], ["4:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703152-05-03", "text": "Og etter et p\u00e5 mange m\u00e5ter sjokkerende raid i Mogadishu , innser ogs\u00e5 teamsjefen Barney ( Stallone ) at teamet hans begynner \u00e5 bli vel slitt , og h\u00f8rer fortiden til .", "opinions": []}, {"sent_id": "703152-05-04", "text": "For \u00e5 f\u00e5 has p\u00e5 en gammel erkefiende m\u00e5 han derfor manne opp med ungt , friskt , frekt blod .", "opinions": []}, {"sent_id": "703152-05-05", "text": "Hacking , kvinnelist og ung sult kommer godt med n\u00e5r nye frilansoppdrag for CIA skal l\u00f8ses .", "opinions": []}, {"sent_id": "703152-05-06", "text": "Dermed f\u00e5r vi i tillegg til den tradisjonelle actionspenningen og enkelte imponerende stunt ogs\u00e5 en maktkamp mellom det unge , moderne og det eldre , erfarne .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tradisjonelle actionspenningen"], ["32:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["enkelte imponerende stunt"], ["66:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["maktkamp mellom det unge , moderne og det eldre , erfarne"], ["100:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true}]}, {"sent_id": "703152-05-07", "text": "Det er denne konflikten , i tillegg til mer innblikk i leiesoldatteamets brokete fortid , som gj\u00f8r \" Expendables 3 \" til den mest engasjerende av de tre i serien .", "opinions": [{"Source": [[], []], "Target": [["mer innblikk i leiesoldatteamets brokete fortid"], ["40:87"]], "Polar_expression": [["gj\u00f8r \" Expendables 3 \" til den mest engasjerende av de tre i serien"], ["94:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konflikten"], ["13:23"]], "Polar_expression": [["gj\u00f8r \" Expendables 3 \" til den mest engasjerende av de tre i serien"], ["94:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Expendables 3 \""], ["99:116"]], "Polar_expression": [["mest engasjerende av de tre i serien"], ["125:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703152-06-01", "text": "Actionklisjeer", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Actionklisjeer"], ["0:14"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703152-07-01", "text": "At en mellomgammel fyr som Antonio \" Zorro \" Banderas er hentet inn som humoralibi som den mer enn maniske Galgo , er bare s\u00e5nn passe vellykket .", "opinions": [{"Source": [[], []], "Target": [["mellomgammel fyr som Antonio \" Zorro \" Banderas er hentet inn som humoralibi som den mer enn maniske Galgo"], ["6:112"]], "Polar_expression": [["passe vellykket"], ["128:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703152-08-01", "text": "Men selv om ambisjonene om spenning , stunts og framdrift er oppfylt : ogs\u00e5 \" Expendables 3 \" er dynket i actionklisjeer .", "opinions": [{"Source": [[], []], "Target": [["\" Expendables 3 \""], ["76:93"]], "Polar_expression": [["framdrift"], ["48:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Expendables 3 \""], ["76:93"]], "Polar_expression": [["dynket i actionklisjeer"], ["97:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Expendables 3 \""], ["76:93"]], "Polar_expression": [["stunts"], ["38:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Expendables 3 \""], ["76:93"]], "Polar_expression": [["spenning"], ["27:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703152-08-02", "text": "Musikken forteller hva som skal skje f\u00f8r det gj\u00f8r det , replikkene og dialogen er karikert og tidvis pinlig , og ogs\u00e5 denne gangen er en ung , sexy actionbabe kvinnekvotert inn .", "opinions": [{"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["forteller hva som skal skje f\u00f8r det gj\u00f8r det"], ["9:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["replikkene"], ["56:66"]], "Polar_expression": [["karikert"], ["82:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dialogen"], ["70:78"]], "Polar_expression": [["karikert"], ["82:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dialogen"], ["70:78"]], "Polar_expression": [["pinlig"], ["101:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["replikkene"], ["56:66"]], "Polar_expression": [["pinlig"], ["101:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ogs\u00e5 denne gangen er en ung , sexy actionbabe kvinnekvotert inn"], ["113:176"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703152-08-03", "text": "S\u00e5 her er alts\u00e5 fortsatt nok av gammel \" Expendables \" -sjel ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nok av gammel \" Expendables \" -sjel"], ["25:60"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-01-01", "text": "Hairspray", "opinions": []}, {"sent_id": "003283-02-01", "text": "Jeg liker musikaler .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["musikaler"], ["10:19"]], "Polar_expression": [["liker"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-02-02", "text": "Herregud , jeg er filmanmelderen som til og med har et hemmelig kj\u00e6rlighetsforhold til \u201d Xanadu \u201d ( 1980 ) , universelt ansett som en av tidenes mest mislykkede filmer !", "opinions": [{"Source": [["jeg"], ["11:14"]], "Target": [["\u201d Xanadu \u201d"], ["87:97"]], "Polar_expression": [["kj\u00e6rlighetsforhold"], ["64:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Xanadu \u201d"], ["87:97"]], "Polar_expression": [["tidenes mest mislykkede filmer !"], ["137:169"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-02-03", "text": "S\u00e5 da vil det ikke komme som en overraskelse at jeg ogs\u00e5 liker \u201d Hairspray \u201d , den nye musikalen basert p\u00e5 en sceneversjon av John Waters-filmen fra 1988 !", "opinions": [{"Source": [["jeg"], ["48:51"]], "Target": [["\u201d Hairspray \u201d"], ["63:76"]], "Polar_expression": [["liker", "!"], ["57:62", "154:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-03-01", "text": "2007-utgaven bobler av tonelykke og satte meg i et sorgl\u00f8st 60-talls-univers .", "opinions": [{"Source": [["meg"], ["42:45"]], "Target": [["2007-utgaven"], ["0:12"]], "Polar_expression": [["sorgl\u00f8st 60-talls-univers"], ["51:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["meg"], ["42:45"]], "Target": [["2007-utgaven"], ["0:12"]], "Polar_expression": [["bobler av tonelykke"], ["13:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-03-02", "text": "Men l\u00e5tene burde v\u00e6rt bedre og handlingen litt frekkere .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5tene"], ["4:10"]], "Polar_expression": [["burde v\u00e6rt bedre"], ["11:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["handlingen"], ["31:41"]], "Polar_expression": [["burde v\u00e6rt", "litt frekkere"], ["11:21", "42:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-04-01", "text": "Dansedr\u00f8m", "opinions": []}, {"sent_id": "003283-05-01", "text": "Vi m\u00f8ter korpulente Tracy Turnblad som dr\u00f8mmer om \u00e5 danse i \u201d Corny Collins Show \u201d p\u00e5 lokal-tv i Baltimore .", "opinions": []}, {"sent_id": "003283-05-02", "text": "Mot alle odds f\u00e5r hun sjansen , men tv-produsenten Velma von Tussle vil \u00f8delegge for henne .", "opinions": []}, {"sent_id": "003283-06-01", "text": "Tracy er nemlig en konkurrent til en annen danser , Velmas egen datter .", "opinions": []}, {"sent_id": "003283-06-02", "text": "Tracy m\u00e5 stole p\u00e5 venner og familie for \u00e5 oppfylle dr\u00f8mmen !", "opinions": []}, {"sent_id": "003283-07-01", "text": "Travolta i drag", "opinions": []}, {"sent_id": "003283-08-01", "text": "Nykommer Nikki Blonsky str\u00e5ler som en sol i hovedrollen !", "opinions": [{"Source": [[], []], "Target": [["Nikki Blonsky"], ["9:22"]], "Polar_expression": [["str\u00e5ler som en sol i hovedrollen !"], ["23:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-08-02", "text": "Hun er nesten identisk med Ricki Lake , som spilte samme rolle for snart 20 \u00e5r siden ( hun gj\u00f8r for \u00f8vrig en kameo her , i likhet med regiss\u00f8r John Waters ) .", "opinions": []}, {"sent_id": "003283-09-01", "text": "\u201d Hairspray \u201d vekker automatisk assosiasjoner til \u201d Grease \u201d , og derfor er det nesten genialt \u00e5 f\u00e5 oppleve John Travolta i drag !", "opinions": [{"Source": [[], []], "Target": [["\u201d Hairspray \u201d"], ["0:13"]], "Polar_expression": [["nesten genialt \u00e5 f\u00e5 oppleve John Travolta i drag !"], ["80:130"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-09-02", "text": "Han er utrolig morsom som en smule overvektig Edna Turnblad .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["utrolig morsom"], ["7:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-09-03", "text": "Stort pluss i margen til Travolta , og ikke minst de som st\u00e5r for maskeringen av ham !", "opinions": [{"Source": [[], []], "Target": [["de som st\u00e5r for maskeringen av ham"], ["50:84"]], "Polar_expression": [["Stort pluss i margen"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Travolta"], ["25:33"]], "Polar_expression": [["Stort pluss i margen"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-10-01", "text": "Michelle Pfeiffer er ogs\u00e5 veldig god som tv-produsent med spisse albuer .", "opinions": [{"Source": [[], []], "Target": [["Michelle Pfeiffer"], ["0:17"]], "Polar_expression": [["veldig god som tv-produsent"], ["26:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-10-02", "text": "Hennes f\u00f8rste hovedrolle var for \u00f8vrig i kalkunfilmen \u201d Grease 2 \u201d i 1982 , og hun har aldri gjort en musikal siden .", "opinions": [{"Source": [[], []], "Target": [["\u201d Grease 2 \u201d"], ["54:66"]], "Polar_expression": [["kalkunfilmen"], ["41:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-10-03", "text": "F\u00f8r n\u00e5 !", "opinions": []}, {"sent_id": "003283-11-01", "text": "Ingen hits", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ingen hits"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-12-01", "text": "Regiss\u00f8r Adam Shankman har laget en leken , fartsfylt og musikalsk musikal .", "opinions": [{"Source": [[], []], "Target": [["musikal"], ["67:74"]], "Polar_expression": [["leken"], ["36:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikal"], ["67:74"]], "Polar_expression": [["fartsfylt"], ["44:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikal"], ["67:74"]], "Polar_expression": [["musikalsk"], ["57:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Regiss\u00f8r"], ["0:8"]], "Polar_expression": [["laget en leken , fartsfylt og musikalsk musikal"], ["27:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-12-02", "text": "Marc Shaiman har komponert et godt soundtrack , som effektivt kanaliserer det glade 60-tallet , blant annet inspirert av Phil Spectors musikk .", "opinions": [{"Source": [[], []], "Target": [["soundtrack"], ["35:45"]], "Polar_expression": [["effektivt kanaliserer det glade 60-tallet"], ["52:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["soundtrack"], ["35:45"]], "Polar_expression": [["godt"], ["30:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Marc Shaiman"], ["0:12"]], "Polar_expression": [["komponert et godt soundtrack"], ["17:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-13-01", "text": "Men filmen har ingen hits .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["4:10"]], "Polar_expression": [["ingen hits"], ["15:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-13-02", "text": "Ingen l\u00e5ter som jeg brenner etter \u00e5 h\u00f8re om igjen .", "opinions": [{"Source": [["jeg"], ["16:19"]], "Target": [["l\u00e5ter"], ["6:11"]], "Polar_expression": [["Ingen l\u00e5ter som jeg brenner etter \u00e5 h\u00f8re om igjen"], ["0:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-13-03", "text": "Det virker \u00e5 v\u00e6re vanskelig \u00e5 lage hits til musikaler i dag .", "opinions": []}, {"sent_id": "003283-14-01", "text": "Ikke engang Beyonc\u00e9 greide det i \u201d Dreamgirls \u201d .", "opinions": [{"Source": [[], []], "Target": [["\u201d Dreamgirls \u201d"], ["33:47"]], "Polar_expression": [["Ikke engang Beyonc\u00e9 greide det"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-14-02", "text": "Shaiman greier det heller ikke , og l\u00e5tene blir derfor litt anonyme og sjell\u00f8se .", "opinions": [{"Source": [[], []], "Target": [["Shaiman"], ["0:7"]], "Polar_expression": [["greier det heller ikke"], ["8:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["36:42"]], "Polar_expression": [["litt anonyme"], ["55:67"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["36:42"]], "Polar_expression": [["sjell\u00f8se"], ["71:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-15-01", "text": "Sorgl\u00f8st sukkerspinn", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sorgl\u00f8st sukkerspinn"], ["0:20"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-16-01", "text": "Historien er sorgl\u00f8st sukkerspinn , selv n\u00e5r det brygger opp til rasebr\u00e5k med Tracy i fokus .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["sorgl\u00f8st sukkerspinn"], ["13:33"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-16-02", "text": "Men \u201d Hairspray \u201d er for s\u00f8t til \u00e5 skildre det for alvorlig og seri\u00f8st .", "opinions": [{"Source": [[], []], "Target": [["\u201d Hairspray \u201d"], ["4:17"]], "Polar_expression": [["for s\u00f8t til \u00e5 skildre det for alvorlig og seri\u00f8st"], ["21:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-16-03", "text": "Det hadde kanskje heller ikke fungert i denne filmen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hadde kanskje heller ikke fungert i denne filmen"], ["4:52"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003283-17-01", "text": "Jeg tror alts\u00e5 det hadde blitt en enda bedre opplevelse med bedre l\u00e5ter og frekkere handling , men jeg liker \u201d Hairspray \u201d i 2007-utgave .", "opinions": [{"Source": [["jeg"], ["99:102"]], "Target": [["\u201d Hairspray \u201d"], ["109:122"]], "Polar_expression": [["liker"], ["103:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["l\u00e5ter"], ["66:71"]], "Polar_expression": [["bedre opplevelse med bedre l\u00e5ter"], ["39:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["handling"], ["84:92"]], "Polar_expression": [["bedre opplevelse med", "frekkere handling"], ["39:59", "75:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003283-18-01", "text": "Det rykker i b\u00e5de fot og smileb\u00e5nd !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rykker i b\u00e5de fot og smileb\u00e5nd !"], ["4:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-01-01", "text": "United 93", "opinions": []}, {"sent_id": "003204-02-01", "text": "Urovekkende realistisk om 9 / 11-kapringen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Urovekkende realistisk"], ["0:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-03-01", "text": "United 93 er s\u00e5 god at jeg aldri vil se den igjen .", "opinions": [{"Source": [["jeg"], ["23:26"]], "Target": [["United 93"], ["0:9"]], "Polar_expression": [["s\u00e5 god", "aldri vil se den igjen"], ["13:19", "27:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-03-02", "text": "Den river og sliter i deg slik at du er totalt utmattet n\u00e5r det hele er over .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["river og sliter i deg slik at du er totalt utmattet n\u00e5r det hele er over"], ["4:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-04-01", "text": "Innen da har du f\u00f8lt hjerteskj\u00e6rende avmakt , bunnl\u00f8s desperasjon , kjent p\u00e5 din egen d\u00f8dsangst , og du har tatt farvel med dine n\u00e6rmeste .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hjerteskj\u00e6rende avmakt"], ["21:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bunnl\u00f8s desperasjon"], ["46:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjent p\u00e5 din egen d\u00f8dsangst"], ["68:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["tatt farvel med dine n\u00e6rmeste"], ["108:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003204-05-01", "text": "Du blir \u00e9n av passasjerene", "opinions": []}, {"sent_id": "003204-06-01", "text": "Regiss\u00f8r Paul Greengrass syntes \u00e5penbart ikke det var nok \u00e5 vise deg hvordan det m\u00e5 ha v\u00e6rt for passasjerene om bord i det kaprede flyet .", "opinions": []}, {"sent_id": "003204-06-02", "text": "Han gj\u00f8r deg til en av dem !", "opinions": []}, {"sent_id": "003204-07-01", "text": "Dette er en s\u00e6rdeles sterk film som slett ikke var det jeg trengte n\u00e5 .", "opinions": [{"Source": [["jeg"], ["55:58"]], "Target": [["film"], ["27:31"]], "Polar_expression": [["s\u00e6rdeles sterk"], ["12:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-07-02", "text": "Jeg skal sitte p\u00e5 8 fly den neste m\u00e5neden \u2026", "opinions": []}, {"sent_id": "003204-08-01", "text": "United 93 var det fjerde kaprede flyet som aldri traff sitt m\u00e5l 11. september 2001 .", "opinions": []}, {"sent_id": "003204-08-02", "text": "I stedet gikk det i bakken ved Shanksville i Pennsylvania etter at noen av passasjerene bestemte seg for \u00e5 overmanne terroristene .", "opinions": []}, {"sent_id": "003204-09-01", "text": "Filmen viser hvordan en rutineflyging ble til det verst tenkelige marerittet , samtidig som viser forvirringen i flykontrollene mens dramaet foregikk .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["viser hvordan en rutineflyging ble til det verst tenkelige marerittet"], ["7:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["viser forvirringen i flykontrollene mens dramaet foregikk"], ["92:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-09-02", "text": "Den stiller ingen sp\u00f8rsm\u00e5l og gir ingen svar .", "opinions": []}, {"sent_id": "003204-09-03", "text": "Den bare skildrer \u2013 brutalt godt .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["skildrer \u2013 brutalt godt"], ["9:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-10-01", "text": "Urovekkende realistisk", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Urovekkende realistisk"], ["0:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-11-01", "text": "Filmen er urovekkende realistisk .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["urovekkende realistisk"], ["10:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-11-02", "text": "For det f\u00f8rste er settingen sv\u00e6rt n\u00e6r .", "opinions": [{"Source": [[], []], "Target": [["settingen"], ["18:27"]], "Polar_expression": [["sv\u00e6rt n\u00e6r"], ["28:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003204-11-03", "text": "Vi vet godt hvordan innsiden av et fly ser ut .", "opinions": []}, {"sent_id": "003204-11-04", "text": "Vi har g\u00e5tt ned den samme midtgangen , sittet i de samme setene og f\u00e5tt den samme flymaten .", "opinions": []}, {"sent_id": "003204-11-05", "text": "Passasjerene er for oss ukjente , anonyme fjes .", "opinions": []}, {"sent_id": "003204-12-01", "text": "Regiss\u00f8r Greengrass , som ogs\u00e5 har skrevet manus , fors\u00f8ker aldri \u00e5 utdype noens bakgrunn eller personligheter .", "opinions": []}, {"sent_id": "003204-12-02", "text": "Det er akkurat som n\u00e5r vi flyr med fremmede .", "opinions": []}, {"sent_id": "003204-12-03", "text": "Vi vet ingenting om dem , heller .", "opinions": []}, {"sent_id": "003204-13-01", "text": "Dessuten spiller mange seg selv i Boston og New Yorks luftfartskontroller og i NORADs kontrollrom .", "opinions": []}, {"sent_id": "003204-13-02", "text": "De gjenskaper hva de opplevde 11. september og \u00f8ker troverdigheten .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["\u00f8ker troverdigheten"], ["47:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003204-13-03", "text": "Jeg trodde jeg s\u00e5 utrolige flinke , men ukjente skuespillere f\u00f8r jeg leste rulleteksten og s\u00e5 flere \u201d himself \u201d og \u201d herself \u201d .", "opinions": []}, {"sent_id": "003204-14-01", "text": "Fryktelig vond \u00e5 se", "opinions": []}, {"sent_id": "003204-15-01", "text": "Regiss\u00f8r Paul Greengrass ville fortelle denne historien for \u00e5 hedre de d\u00f8de .", "opinions": []}, {"sent_id": "003204-15-02", "text": "Etterteksten dediserer filmen til dem .", "opinions": []}, {"sent_id": "003204-15-03", "text": "Jeg har ingen betenkeligheter av at noen lager film om denne tragedien , n\u00e5r den er helt fri for amerikansk flaggveiving og selvgodhet .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["film"], ["47:51"]], "Polar_expression": [["har ingen betenkeligheter av at noen lager film om denne tragedien"], ["4:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["film"], ["47:51"]], "Polar_expression": [["helt fri for amerikansk flaggveiving og selvgodhet"], ["84:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-16-01", "text": "Dette er en knallsterk film som m\u00e5 v\u00e6re en av \u00e5rets aller beste .", "opinions": [{"Source": [[], []], "Target": [["film"], ["23:27"]], "Polar_expression": [["knallsterk"], ["12:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["23:27"]], "Polar_expression": [["m\u00e5 v\u00e6re en av \u00e5rets aller beste"], ["32:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-16-02", "text": "Det gjorde fryktelig vondt \u00e5 se den , noe som i denne sammenhengen er bra .", "opinions": [{"Source": [[], []], "Target": [["den"], ["32:35"]], "Polar_expression": [["gjorde fryktelig vondt \u00e5 se", "noe som i denne sammenhengen er bra"], ["4:31", "38:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003204-16-03", "text": "Vi visste jo at United 93 umulig kunne ha en s\u00e6rlig happy ending .", "opinions": []}, {"sent_id": "300972-01-01", "text": "Se , der skyter bestefar", "opinions": []}, {"sent_id": "300972-02-01", "text": "B\u00e5de leddene og replikkene til Arnold Schwarzenegger er litt st\u00f8le i \u00ab The Last Stand \u00bb .", "opinions": [{"Source": [[], []], "Target": [["leddene og replikkene til Arnold Schwarzenegger"], ["5:52"]], "Polar_expression": [["litt st\u00f8le"], ["56:66"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Last Stand \u00bb"], ["69:87"]], "Polar_expression": [["leddene og replikkene til Arnold Schwarzenegger er litt st\u00f8le"], ["5:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300972-02-02", "text": "Det kan tilgis .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan tilgis"], ["4:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "300972-03-02", "text": "\u00ab The Last Stand \u00bb er s\u00e5 bredbent at hoftene neste g\u00e5r av ledd :", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Last Stand \u00bb"], ["0:18"]], "Polar_expression": [["s\u00e5 bredbent at hoftene neste g\u00e5r av ledd"], ["22:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300972-03-03", "text": "Uj\u00e5lete bruksaction med Arnold Schwarzenegger som en innbitt urokkelighet i kuleregnet .", "opinions": [{"Source": [[], []], "Target": [["bruksaction"], ["8:19"]], "Polar_expression": [["Uj\u00e5lete"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-03-04", "text": "Arnold er blitt st\u00f8l b\u00e5de i kroppen og onelinerne siden glansdagene .", "opinions": [{"Source": [[], []], "Target": [["Arnold"], ["0:6"]], "Polar_expression": [["st\u00f8l b\u00e5de i kroppen og onelinerne"], ["16:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-03-05", "text": "Vitsene om aldring er tallrike , men \u00ab The Last Stand \u00bb preges f\u00f8rst og fremst av gutteaktige entusiasme overfor raske biler og tunge h\u00e5ndv\u00e5pen .", "opinions": []}, {"sent_id": "300972-04-01", "text": "Stadig st\u00f8rre skyter", "opinions": []}, {"sent_id": "300972-04-02", "text": "En innvending er da ogs\u00e5 at for mange av konfrontasjonene l\u00f8ses ved \u00e5 gripe til en enda st\u00f8rre skyter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["for mange av konfrontasjonene l\u00f8ses ved \u00e5 gripe til en enda st\u00f8rre skyter"], ["28:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300972-04-03", "text": "Det virker uoppfinnsomt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["uoppfinnsomt"], ["11:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-04-04", "text": "Skj\u00f8nt , oppfinnsomhet er kanskje ikke det viktigste kvalitetskriteriet her .", "opinions": [{"Source": [[], []], "Target": [["oppfinnsomhet"], ["9:22"]], "Polar_expression": [["ikke det viktigste kvalitetskriteriet"], ["34:71"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-05-01", "text": "En meksikansk narkobaron er p\u00e5 r\u00f8mmen fra FBI.", "opinions": []}, {"sent_id": "300972-05-02", "text": "Skjebnen og Hollywood-logikken vil ha det til at han setter kurs mot Sommerton , en solbadet sm\u00e5by med s\u00f8vn i \u00f8ynene , for \u00e5 krysse grensen der .", "opinions": []}, {"sent_id": "300972-05-03", "text": "Sheriff Owens ( Schwarzenegger ) og hans skranglete team av landsens politifolk bestemmer seg for \u00e5 stanse ham , til tross for advarslene fra de lett nedlatende dressene i FBI.", "opinions": [{"Source": [[], []], "Target": [["team"], ["52:56"]], "Polar_expression": [["skranglete"], ["41:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-06-01", "text": "Impulskontroll", "opinions": []}, {"sent_id": "300972-06-02", "text": "Noe s\u00e5 konvensjonelt erkeamerikansk er selvsagt frontet av en innvandrer og regissert av en utlending .", "opinions": []}, {"sent_id": "300972-06-03", "text": "Regiss\u00f8r Jee-woon Kim tok ut all sin maniske kj\u00e6rlighet til amerikansk sjangerfilm i \u00ab The Good , The Bad and the Weird \u00bb , en lett epileptisk koreansk spaghettiwestern .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Good , The Bad and the Weird \u00bb"], ["85:121"]], "Polar_expression": [["lett epileptisk"], ["127:142"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-06-04", "text": "Ogs\u00e5 \u00ab The Last Stand \u00bb er langt p\u00e5 vei en western .", "opinions": []}, {"sent_id": "300972-06-05", "text": "Men selv om b\u00e5de Jee-woons inspirasjonskilder og forkj\u00e6rlighet for sprutende skuddvekslinger er h\u00f8yst synlig ogs\u00e5 her , har han f\u00e5tt bedre impulskontroll siden sist .", "opinions": [{"Source": [[], []], "Target": [["her"], ["114:117"]], "Polar_expression": [["forkj\u00e6rlighet for sprutende skuddvekslinger er h\u00f8yst synlig"], ["49:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Jee-woons"], ["17:26"]], "Polar_expression": [["bedre impulskontroll siden sist"], ["133:164"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300972-07-01", "text": "Klisjeene regner i \u00ab The Last Stand \u00bb , og s\u00e6rlig Peter Stormare burde tatt seg bryet med \u00e5 gj\u00f8re skurken han spiller til noe mer enn en doven kombinasjon av tics og truende uttrykksl\u00f8shet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Last Stand \u00bb"], ["19:37"]], "Polar_expression": [["Klisjeene regner"], ["0:16"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Peter Stormare"], ["50:64"]], "Polar_expression": [["doven kombinasjon av tics og truende uttrykksl\u00f8shet"], ["137:188"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Last Stand \u00bb"], ["19:37"]], "Polar_expression": [["Peter Stormare", "doven kombinasjon av tics og truende uttrykksl\u00f8shet"], ["50:64", "137:188"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300972-07-02", "text": "Men \u00e5rets Arnold-epos vippes opp p\u00e5 fireren fordi den er et stykke gammeldags , jovial og skikkelig underholdning , som aldri tar seg selv h\u00f8ytidelig .", "opinions": [{"Source": [[], []], "Target": [["\u00e5rets Arnold-epos"], ["4:21"]], "Polar_expression": [["vippes opp p\u00e5 fireren"], ["22:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5rets Arnold-epos"], ["4:21"]], "Polar_expression": [["gammeldags , jovial og skikkelig underholdning"], ["67:113"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5rets Arnold-epos"], ["4:21"]], "Polar_expression": [["aldri tar seg selv h\u00f8ytidelig"], ["120:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300972-07-03", "text": "Begge de nevnte bena er godt plantet i bakken .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bena er godt plantet i bakken"], ["16:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102138-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "102138-01-02", "text": "Jo Nesb\u00f8 :", "opinions": []}, {"sent_id": "102138-01-03", "text": "\u00ab Gjenferd \u00bb", "opinions": []}, {"sent_id": "102138-02-01", "text": "NB .", "opinions": []}, {"sent_id": "102138-02-02", "text": "Denne anmeldelsen sto f\u00f8rste gang p\u00e5 trykk i 2011 .", "opinions": []}, {"sent_id": "102138-03-01", "text": "Dop , drap og desperasjon .", "opinions": []}, {"sent_id": "102138-03-02", "text": "Harry Hole f\u00e5r virkelig kj\u00f8rt seg i Jo Nesb\u00f8s nye bok .", "opinions": []}, {"sent_id": "102138-03-03", "text": "Det hele skrevet i et knapt , kontant og effektivt spr\u00e5k .", "opinions": [{"Source": [[], []], "Target": [["spr\u00e5k"], ["51:56"]], "Polar_expression": [["knapt"], ["22:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spr\u00e5k"], ["51:56"]], "Polar_expression": [["kontant"], ["30:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spr\u00e5k"], ["51:56"]], "Polar_expression": [["effektivt"], ["41:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-04-01", "text": "Det er velkjente grep", "opinions": []}, {"sent_id": "102138-04-02", "text": "Jo Nesb\u00f8 benytter seg av i sin nye Harry Hole-bok .", "opinions": []}, {"sent_id": "102138-04-03", "text": "Nok en gang vender Hole tilbake til Oslo fra frivillig eksil i Hong Kong , og nok en gang er det en av hans n\u00e6rmeste som f\u00f8rst og fremst motiverer tilbakekomsten .", "opinions": []}, {"sent_id": "102138-04-04", "text": "Narkodrap", "opinions": []}, {"sent_id": "102138-05-01", "text": "Mens det i forrige bok , \u00ab Panserhjerte \u00bb fra 2009 , var en Hole nedkj\u00f8rt p\u00e5 opium som vendte tilbake til Norge og sin fars d\u00f8dsleie , er mye snudd p\u00e5 hodet i \u00ab Gjenferd \u00bb , der handlingen er lagt til tidlig h\u00f8st 2011 .", "opinions": []}, {"sent_id": "102138-06-01", "text": "N\u00e5 er det en rusfri Hole i relativt god form som p\u00e5 eget initiativ sjekker inn p\u00e5 et lugubert hotell i Kvadraturen .", "opinions": [{"Source": [[], []], "Target": [["Hole"], ["20:24"]], "Polar_expression": [["relativt god form"], ["27:44"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hotell"], ["94:100"]], "Polar_expression": [["lugubert"], ["85:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-06-02", "text": "Hans pleies\u00f8nn", "opinions": []}, {"sent_id": "102138-06-03", "text": "Oleg sitter inne for et narkodrap , der b\u00e5de motiv og handlingsforl\u00f8p synes rimelig opplagt .", "opinions": []}, {"sent_id": "102138-06-04", "text": "Harry Hole tror imidlertid ikke at saken kan v\u00e6re s\u00e5 enkel , og iverksetter selvsagt sin egen etterforskning .", "opinions": []}, {"sent_id": "102138-06-05", "text": "Akkurat slik magre , tause og ensomme ekspolitimenn har for vane .", "opinions": []}, {"sent_id": "102138-07-01", "text": "Mens Hole f\u00f8lger sine spor , som ogs\u00e5 f\u00f8rer ham tilbake i sin egen historie og kj\u00e6rlighetsliv , trekker forfatteren opp en st\u00f8rre intrige rundt ham .", "opinions": []}, {"sent_id": "102138-07-02", "text": "Den involverer det nye dopet \u00ab fiolin \u00bb som er i ferd med \u00e5 danke ut det meste annet i Oslos narkotikamilj\u00f8er .", "opinions": []}, {"sent_id": "102138-07-03", "text": "Intrigen involverer ogs\u00e5 avanserte former for narkosmugling , russiske og andre narkokarteller , korrumperte politifolk og utspekulerte drapsmetoder .", "opinions": []}, {"sent_id": "102138-07-04", "text": "Og ikke minst involverer intrigen et relativt avansert - og pillr\u00e5ttent - spill der politisk makt og karriere er viktige faktorer .", "opinions": [{"Source": [[], []], "Target": [["spill"], ["74:79"]], "Polar_expression": [["relativt avansert"], ["37:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spill"], ["74:79"]], "Polar_expression": [["pillr\u00e5ttent"], ["60:71"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-07-05", "text": "Samt en dose utpressing .", "opinions": []}, {"sent_id": "102138-08-01", "text": "I stadig utvikling", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["I stadig utvikling"], ["0:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-09-01", "text": "Jo Nesb\u00f8 binder med st\u00f8dig h\u00e5nd handlingstr\u00e5dene sammen , og ratter med like st\u00f8dig h\u00e5nd boken i m\u00e5l .", "opinions": [{"Source": [[], []], "Target": [["handlingstr\u00e5dene"], ["32:48"]], "Polar_expression": [["st\u00f8dig h\u00e5nd"], ["20:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jo Nesb\u00f8"], ["0:8"]], "Polar_expression": [["ratter med like st\u00f8dig h\u00e5nd boken i m\u00e5l"], ["61:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jo Nesb\u00f8"], ["0:8"]], "Polar_expression": [["st\u00f8dig h\u00e5nd handlingstr\u00e5dene"], ["20:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-10-01", "text": "Min st\u00f8rste innvending er at actionscenene til Nesb\u00f8 har en tendens til \u00e5 f\u00e5 noe tegneserieaktig overdrevent over seg .", "opinions": [{"Source": [[], []], "Target": [["actionscenene til Nesb\u00f8"], ["29:52"]], "Polar_expression": [["tendens til \u00e5 f\u00e5 noe tegneserieaktig overdrevent over seg"], ["60:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-10-02", "text": "Det gjelder ogs\u00e5 i \u00ab Gjenferd \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Gjenferd \u00bb"], ["19:31"]], "Polar_expression": [["Det gjelder ogs\u00e5"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102138-10-03", "text": "Jeg er heller ikke sikker p\u00e5 om det er noe kvalitetstegn n\u00e5r det m\u00e5 en \u00ab stemme fra graven \u00bb til for \u00e5 f\u00e5 alle bitene til \u00e5 falle p\u00e5 plass .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["det m\u00e5 en \u00ab stemme fra graven \u00bb til for \u00e5 f\u00e5 alle bitene til \u00e5 falle p\u00e5 plass"], ["61:138"]], "Polar_expression": [["ikke", "kvalitetstegn"], ["14:18", "43:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102138-11-01", "text": "Harry Hole er likevel en karakter i stadig utvikling , noe som er med p\u00e5 \u00e5 gj\u00f8re Jo Nesb\u00f8s b\u00f8ker ekstra interessante .", "opinions": [{"Source": [[], []], "Target": [["Harry Hole"], ["0:10"]], "Polar_expression": [["karakter i stadig utvikling"], ["25:52"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jo Nesb\u00f8s b\u00f8ker"], ["81:96"]], "Polar_expression": [["ekstra interessante"], ["97:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-11-02", "text": "I \u00ab Gjenferd \u00bb er det en Hole klar for opprydding og forsoning , for ikke \u00e5 si frelse , vi m\u00f8ter .", "opinions": []}, {"sent_id": "102138-11-03", "text": "Et sted i boken beskriver Harry Hole seg selv p\u00e5 denne m\u00e5ten : \u00ab hans klumpfot var at han aldri hadde v\u00e6rt i stand til bare \u00e5 gi faen , til \u00e5 glemme , til \u00e5 stikke av . \u00bb", "opinions": []}, {"sent_id": "102138-12-01", "text": "Men det g\u00e5r likevel ikke som Hole hadde h\u00e5pet , og snart m\u00e5 viljestyrken gi tapt for bitter resignasjon .", "opinions": [{"Source": [[], []], "Target": [["resignasjon"], ["92:103"]], "Polar_expression": [["bitter"], ["85:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102138-13-01", "text": "God , dyster sommerlesning .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["God", "sommerlesning"], ["0:3", "13:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["dyster sommerlesning"], ["6:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102785-01-01", "text": "Mytoman l\u00f8gnhals", "opinions": []}, {"sent_id": "102785-02-01", "text": "Lars Ericson Wolke :", "opinions": []}, {"sent_id": "102785-02-02", "text": "\u00ab Joseph Goebbels .", "opinions": []}, {"sent_id": "102785-02-03", "text": "En biografi \u00bb .", "opinions": []}, {"sent_id": "102785-02-04", "text": "Oversatt av Henrik Eriksen .", "opinions": []}, {"sent_id": "102785-02-05", "text": "Biografi , 338 sider .", "opinions": []}, {"sent_id": "102785-02-06", "text": "379 kroner , Spartacus .", "opinions": []}, {"sent_id": "102785-03-01", "text": "Det er de f\u00e6rreste forunt \u00e5 f\u00e5 navnet sitt omgjort til et begrep .", "opinions": []}, {"sent_id": "102785-03-02", "text": "Joseph Goebbels er p\u00e5 den m\u00e5ten i sjeldent , men ikke godt , selskap .", "opinions": []}, {"sent_id": "102785-04-01", "text": "Han er blitt st\u00e5ende som selve bildet p\u00e5 naziregimets hensynsl\u00f8se og ondskapsfulle hatideologi .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["selve bildet p\u00e5 naziregimets hensynsl\u00f8se og ondskapsfulle hatideologi"], ["25:94"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hatideologi"], ["83:94"]], "Polar_expression": [["ondskapsfulle"], ["69:82"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hatideologi"], ["83:94"]], "Polar_expression": [["hensynsl\u00f8se"], ["54:65"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102785-04-02", "text": "Som Hitlers minister for propaganda og senere kommiss\u00e6r for den totale krigsinnsats , fant Goebbels sin plass i n\u00e6rheten av makten .", "opinions": []}, {"sent_id": "102785-04-03", "text": "Men biograf Lars Ericson Wolke argumenterer overbevisende for at han aldri egentlig var del av selve makten .", "opinions": [{"Source": [[], []], "Target": [["Lars Ericson Wolke"], ["12:30"]], "Polar_expression": [["argumenterer overbevisende"], ["31:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102785-04-04", "text": "Snarere var han dens lakei , en krypende og tjenestevillig tjener for f\u00f8reren .", "opinions": [{"Source": [[], []], "Target": [["han"], ["12:15"]], "Polar_expression": [["en krypende og tjenestevillig tjener for f\u00f8reren"], ["29:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102785-04-05", "text": "Ja , det er faktisk mulig \u00e5 argumentere for at hele Joseph Goebbels' eksistens var avhengig av Adolf Hitler og hans velvilje .", "opinions": []}, {"sent_id": "102785-05-01", "text": "Til gjengjeld var det Goebbels som mer enn noen konstruerte selve f\u00f8rermyten , en s\u00e6regen blanding av kvasireligi\u00f8st , politisk og milit\u00e6rt tankegods .", "opinions": []}, {"sent_id": "102785-06-01", "text": "Nobelprisvinneren Carl von Ossietzky kalte ham \u00ab en psykopat med klumpfot \u00bb , og den skal da ogs\u00e5 lete lenge som vil finne noen sympatiske trekk ved denne 1.65 h\u00f8ye og 50 kilo tunge mannen med det overdimensjonerte hodet .", "opinions": [{"Source": [["Nobelprisvinneren Carl von Ossietzky"], ["0:36"]], "Target": [["ham"], ["43:46"]], "Polar_expression": [["\u00ab en psykopat med klumpfot \u00bb"], ["47:75"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "102785-06-02", "text": "Han var et underlegent og teatralsk barn , han l\u00f8y fra starten av om sin krigs- og partifortid og han var den kanskje mest brennende antisemitten av alle i den nazistiske ledelsen .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["underlegent"], ["11:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["teatralsk"], ["26:35"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["l\u00f8y fra starten av om sin krigs- og partifortid"], ["47:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["98:101"]], "Polar_expression": [["den kanskje mest brennende antisemitten av alle i den nazistiske ledelsen"], ["106:179"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102785-06-03", "text": "Som gauleiter i Berlin brukte han \u00ab krystallnatten \u00bb i 1938 til \u00e5 sette ny fart sin egen , stagnerende karriere .", "opinions": []}, {"sent_id": "102785-07-01", "text": "Ericson Wolke ber\u00f8rer ogs\u00e5 Goebbels' bes\u00f8k i Norge i 1940 , og viser hvordan han lenge mente at nordmennene best kunne vinnes for Tysklands sak ved hjelp av \u00e5ndelig og holdningsmessig p\u00e5virkning .", "opinions": []}, {"sent_id": "102785-08-01", "text": "Han var imidlertid ambivalent til b\u00e5de Terboven og Quisling .", "opinions": []}, {"sent_id": "102785-08-02", "text": "En oppsiktsvekkende opplysning er det at Goebbels i 1931 iscenesatte et attentatfors\u00f8k mot seg selv .", "opinions": []}, {"sent_id": "102785-08-03", "text": "Bare et \u00e5r senere gjorde som kjent dav\u00e6rende forsvarsminister Vidkun Quisling det samme .", "opinions": []}, {"sent_id": "102785-09-01", "text": "Begge m\u00f8tte de sin skjebne i 1945 .", "opinions": []}, {"sent_id": "102785-09-02", "text": "Joseph Goebbels tok med seg kone og seks barn i d\u00f8den .", "opinions": []}, {"sent_id": "102785-09-03", "text": "Et siste offer til en f\u00f8rer og en ideologi som hadde gitt ham selv en karriere .", "opinions": []}, {"sent_id": "102785-09-04", "text": "Og ondskapen et ansikt .", "opinions": []}, {"sent_id": "001885-01-01", "text": "Ut av obskuriteten", "opinions": []}, {"sent_id": "001885-02-01", "text": "Deerhunter-frontmann bringer soloprosjektet sitt fra lekegrinden inn i de voksnes rekker .", "opinions": [{"Source": [[], []], "Target": [["soloprosjektet"], ["29:43"]], "Polar_expression": [["fra lekegrinden inn i de voksnes rekker"], ["49:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001885-03-01", "text": "I takt med at hans moderband Deerhunter har utviklet seg fra et noks\u00e5 introvert st\u00f8yrock-konglomerat til \u00e5 bli et bredbent popband av rang , har interessant nok ogs\u00e5 vokalist Bradford Cox' soloprosjekt Atlas Sound fulgt samme utviklingen .", "opinions": [{"Source": [[], []], "Target": [["Atlas Sound"], ["202:213"]], "Polar_expression": [["utviklet seg fra et noks\u00e5 introvert st\u00f8yrock-konglomerat til \u00e5 bli et bredbent popband av rang"], ["44:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Deerhunter"], ["29:39"]], "Polar_expression": [["utviklet seg fra et noks\u00e5 introvert st\u00f8yrock-konglomerat til \u00e5 bli et bredbent popband av rang"], ["44:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-03-02", "text": "Debutalbumet Let The Blind Lead Those Who Can See But Cannot Feel hadde den typiske gutteromsestetikken man kan forvente fra en temmelig isolert og forvirret ung sjel med en veldig snodig sykdom , men etter hvert som Cox har blitt mer utadvendt og sikker p\u00e5 seg selv ( p\u00e5 scenen p\u00e5 Slottsfjell i sommer poserte han som et slags sirkusdirekt\u00f8r-gjenferd ) har dette ogs\u00e5 gitt gjenklang i musikken .", "opinions": [{"Source": [[], []], "Target": [["Let The Blind Lead Those Who Can See But Cannot Feel"], ["13:65"]], "Polar_expression": [["typiske gutteromsestetikken man kan forvente fra en temmelig isolert og forvirret ung sjel med en veldig snodig sykdom"], ["76:194"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Cox"], ["217:220"]], "Polar_expression": [["blitt mer utadvendt og sikker p\u00e5 seg selv"], ["225:266"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikken"], ["386:394"]], "Polar_expression": [["utadvendt og sikker"], ["235:254"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-04-01", "text": "Parallax , hans tredje album under Atlas Sound-navnet er derfor hans aller mest tilgjengelige til n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Parallax"], ["0:8"]], "Polar_expression": [["aller mest tilgjengelige"], ["69:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001885-04-02", "text": "P\u00e5 samme m\u00e5te som at Deerhunters siste , fantastiske Halcyon Digest , begrenset seg i tidsbruk og over\u00f8sing av st\u00f8ypartier , finner vi ogs\u00e5 dette her .", "opinions": [{"Source": [["vi"], ["132:134"]], "Target": [["Halcyon Digest"], ["53:67"]], "Polar_expression": [["fantastiske", "begrenset seg i tidsbruk og over\u00f8sing av st\u00f8ypartier"], ["41:52", "70:122"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["132:134"]], "Target": [[], []], "Polar_expression": [["begrenset seg i tidsbruk og over\u00f8sing av st\u00f8ypartier"], ["70:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001885-04-03", "text": "Her tilkjennegir han ogs\u00e5 en svakhet for britiske popband p\u00e5 sekstitallet , b\u00e5de i l\u00e5tskriving og produksjon .", "opinions": []}, {"sent_id": "001885-05-01", "text": "\" Angel Is Broken \" er et typisk eksempel i s\u00e5 m\u00e5te , som ogs\u00e5 viser hvor utrolig god Cox er til \u00e5 skrive s\u00e6regne l\u00e5ter innenfor velkjente rammer .", "opinions": [{"Source": [[], []], "Target": [["Cox"], ["86:89"]], "Polar_expression": [["utrolig god Cox er til \u00e5 skrive s\u00e6regne l\u00e5ter innenfor velkjente rammer"], ["74:145"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Angel Is Broken \""], ["0:19"]], "Polar_expression": [["utrolig god Cox er til \u00e5 skrive s\u00e6regne l\u00e5ter innenfor velkjente rammer"], ["74:145"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-05-02", "text": "Det er dette sv\u00e6rt tilgjengelige uttrykket som er dominerende p\u00e5 Parallax - fra anslaget i den briljante \u00e5pneren \" The Shakes \" forst\u00e5r vi fort at dette har blitt et uttrykk som han virkelig ha turt \u00e5 ta eierskap i :", "opinions": [{"Source": [["vi"], ["136:138"]], "Target": [["Parallax"], ["65:73"]], "Polar_expression": [["sv\u00e6rt tilgjengelige uttrykket"], ["13:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["136:138"]], "Target": [["\" The Shakes \""], ["113:127"]], "Polar_expression": [["briljante"], ["95:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["136:138"]], "Target": [["han"], ["178:181"]], "Polar_expression": [["virkelig ha turt \u00e5 ta eierskap i"], ["182:214"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["\" The Shakes \""], ["113:127"]], "Polar_expression": [["sv\u00e6rt tilgjengelige uttrykket"], ["13:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-05-03", "text": "Dette er fengende pop med stor selvtillit .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fengende pop med stor selvtillit"], ["9:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001885-06-01", "text": "Ved siden av ovennevnte l\u00e5ter er det vanskelig \u00e5 komme unna singelen \" Te Amo \" , som til tross for den Eurovision-vennlige tittelen er et av albumets mest intrikate verk .", "opinions": [{"Source": [[], []], "Target": [["\" Te Amo \""], ["69:79"]], "Polar_expression": [["Eurovision-vennlige tittelen"], ["104:132"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Te Amo \""], ["69:79"]], "Polar_expression": [["et av albumets mest intrikate verk"], ["136:170"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-06-02", "text": "Svevende og skj\u00f8nn , og med Bradford Cox' beste vokalprestasjon i karrieren .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Svevende"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skj\u00f8nn"], ["12:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bradford Cox' beste vokalprestasjon i karrieren"], ["28:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-06-03", "text": "Her er det imidlertid mange l\u00e5ter som sl\u00e5ss om oppmerksomheten , og med unntak i det i denne sammenhengen overfl\u00f8dige hvileskj\u00e6ret \" Flagstaff \" er dette en samling l\u00e5ter som ligger i det relative opptempo .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mange l\u00e5ter som sl\u00e5ss om oppmerksomheten"], ["22:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001885-06-04", "text": "Det er noe alle er tjent med - spesielt n\u00e5r man derfra kan f\u00e5 l\u00e5ter som \" Amplifiers \" , \" Parallax \" , \" Praying Man \" og i all s\u00e6rdeleshet \" Mona Lisa \" , som g\u00e5r The La's-klassikeren \" There She Goes \" i n\u00e6ringen .", "opinions": [{"Source": [[], []], "Target": [["\" Mona Lisa \""], ["141:154"]], "Polar_expression": [["g\u00e5r The La's-klassikeren \" There She Goes \" i n\u00e6ringen"], ["161:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["alle er tjent med"], ["11:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Amplifiers \""], ["72:86"]], "Polar_expression": [["spesielt n\u00e5r man derfra kan"], ["31:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Parallax \""], ["89:101"]], "Polar_expression": [["spesielt n\u00e5r man derfra kan"], ["31:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Praying Man \""], ["104:119"]], "Polar_expression": [["spesielt n\u00e5r man derfra kan"], ["31:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Mona Lisa \""], ["141:154"]], "Polar_expression": [["spesielt n\u00e5r man derfra kan"], ["31:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001885-07-01", "text": "Parallax har blitt et album med langt st\u00f8rre ambisjoner og vilje enn til \u00e5 forbli et sideprosjekt .", "opinions": [{"Source": [[], []], "Target": [["Parallax"], ["0:8"]], "Polar_expression": [["langt st\u00f8rre ambisjoner og vilje enn til \u00e5 forbli et sideprosjekt"], ["32:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001885-07-02", "text": "Her har Bradford Cox skapt et s\u00e5pass konsist og gjennomf\u00f8rt musikalsk univers at hovedbandet m\u00e5 finne seg i at det blir prioritert annerledes i tiden fremover - ogs\u00e5 i denne anmelders spillelister .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["konsist og gjennomf\u00f8rt musikalsk univers"], ["37:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hovedbandet"], ["81:92"]], "Polar_expression": [["m\u00e5 finne seg i at det blir prioritert annerledes i tiden fremover"], ["93:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Bradford Cox"], ["8:20"]], "Polar_expression": [["skapt et s\u00e5pass konsist og gjennomf\u00f8rt musikalsk univers"], ["21:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-01-01", "text": "Neato XV - 15", "opinions": []}, {"sent_id": "201849-02-01", "text": "Kraftigere og smartere enn konkurrentene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kraftigere", "enn konkurrentene"], ["0:10", "23:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["smartere enn konkurrentene"], ["14:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-03-01", "text": "Robotst\u00f8vsugere blir stadig vanligere , og vi har tidligere testet modeller fra Roomba og Samsung .", "opinions": []}, {"sent_id": "201849-03-02", "text": "Denne gangen er det imidlertid en vaskekte amerikaner som st\u00e5r klar til dyst p\u00e5 testgulvet , og den legger ikke fingrene imellom .", "opinions": []}, {"sent_id": "201849-04-01", "text": "Neato XV - 15 har nemlig et utseende kun en mor kan elske .", "opinions": [{"Source": [[], []], "Target": [["Neato XV - 15"], ["0:13"]], "Polar_expression": [["et utseende kun en mor kan elske"], ["25:57"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-04-02", "text": "Her har det alts\u00e5 ikke v\u00e6rt snakk om \u00e5 kaste bort penger p\u00e5 un\u00f8dvendig sminke , men \u00e5 lage en ekte arbeidshest .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Her har det alts\u00e5 ikke v\u00e6rt snakk om \u00e5 kaste bort penger p\u00e5 un\u00f8dvendig sminke"], ["0:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ekte arbeidshest"], ["94:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-05-01", "text": "Det er noe vi har sansen for .", "opinions": [{"Source": [["vi"], ["11:13"]], "Target": [[], []], "Polar_expression": [["har sansen for"], ["14:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-06-01", "text": "Hva f\u00e5r du ?", "opinions": []}, {"sent_id": "201849-07-01", "text": "Robotst\u00f8vsugeren er posel\u00f8s , og samler opp avfallet i en beholder som er enkel \u00e5 t\u00f8mme .", "opinions": [{"Source": [[], []], "Target": [["Robotst\u00f8vsugeren"], ["0:16"]], "Polar_expression": [["posel\u00f8s"], ["20:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["beholder"], ["58:66"]], "Polar_expression": [["samler opp avfallet i en beholder som er enkel \u00e5 t\u00f8mme"], ["33:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-07-02", "text": "Den leveres med en ladestasjon , og lader seg opp n\u00e5r det er behov for det .", "opinions": []}, {"sent_id": "201849-07-03", "text": "Hvis batteriet begynner \u00e5 g\u00e5 tomt for str\u00f8m under st\u00f8vsugingen , vil den lade seg selv opp , f\u00f8r den fortsetter akkurat der den slapp .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvis batteriet begynner \u00e5 g\u00e5 tomt for str\u00f8m under st\u00f8vsugingen , vil den lade seg selv opp , f\u00f8r den fortsetter akkurat der den slapp"], ["0:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-07-04", "text": "Dette fungerer meget bra , men er ogs\u00e5 slik vi forventer av en st\u00f8vsugerrobot i 2011.Det f\u00f8lger med \u00e5tte filtre , som skal kunne vaskes ved behov .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["fungerer meget bra"], ["6:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["44:46"]], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["\u00e5tte filtre , som skal kunne vaskes ved behov"], ["100:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-07-05", "text": "I praksis skylte vi av v\u00e5rt hver eneste bruksdag , men dette vil jo avhenge av bruk .", "opinions": []}, {"sent_id": "201849-07-06", "text": "Nye filterpakker med fire filtre , vil ligge p\u00e5 rundt 300 kroner.Roboten er selvsagt s\u00e5 smart at den ikke kj\u00f8rer utfor trapper , men av og til vil du kanskje at den ikke skal g\u00e5 inn p\u00e5 soverommet , eller over det langh\u00e5rede teppet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke kj\u00f8rer utfor trapper"], ["101:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-07-07", "text": "Her f\u00e5r du derfor med et magnetb\u00e5nd til romoppdeling ( cirka 4,5 meter ) .", "opinions": []}, {"sent_id": "201849-07-08", "text": "Konkurrentene Roomba og Samsung bruker i stedet s\u00e5kalte fyrt\u00e5rn , men det fungerer likt i praksis .", "opinions": []}, {"sent_id": "201849-08-01", "text": "Neato XV - 15 i bruk", "opinions": []}, {"sent_id": "201849-09-01", "text": "All betjening skjer via knappene p\u00e5 selve enheten , og en LCD-skjerm med engelsk tekst gj\u00f8r betjeningen rimelig enkel .", "opinions": [{"Source": [[], []], "Target": [["LCD-skjerm"], ["58:68"]], "Polar_expression": [["gj\u00f8r betjeningen rimelig enkel"], ["87:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["betjeningen"], ["92:103"]], "Polar_expression": [["rimelig enkel"], ["104:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-10-01", "text": "Vil du starte st\u00f8vsugingen umiddelbart er det bare \u00e5 trykke p\u00e5 den store oransje-knappen , og Neato setter i gang .", "opinions": [{"Source": [[], []], "Target": [["Neato"], ["94:99"]], "Polar_expression": [["Vil du starte st\u00f8vsugingen umiddelbart er det bare \u00e5 trykke p\u00e5 den store oransje-knappen"], ["0:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201849-10-02", "text": "Stor enklere kan det ikke gj\u00f8res .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stor enklere kan det ikke gj\u00f8res"], ["0:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-11-01", "text": "Neato bruker litt tid p\u00e5 spinne opp i riktig turtall , og som du ser i videoen :", "opinions": [{"Source": [[], []], "Target": [["Neato"], ["0:5"]], "Polar_expression": [["bruker litt tid p\u00e5 spinne opp i riktig turtall ,"], ["6:54"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-11-02", "text": "Det h\u00f8res godt , og dette er definitivt den mest br\u00e5kete st\u00f8vsugerroboten vi har pr\u00f8vd .", "opinions": [{"Source": [["vi"], ["74:76"]], "Target": [[], []], "Polar_expression": [["mest br\u00e5kete st\u00f8vsugerroboten"], ["44:73"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-11-03", "text": "Med mindre du h\u00f8rer d\u00e5rlig er det alts\u00e5 ikke aktuelt \u00e5 sitte i samme rom n\u00e5r den holder p\u00e5 , ei heller \u00e5 la den st\u00f8vsuge i f\u00f8rste etasje mens du skal pr\u00f8ve \u00e5 sove i underetasjen .", "opinions": [{"Source": [[], []], "Target": [["den"], ["77:80"]], "Polar_expression": [["ikke aktuelt \u00e5 sitte i samme rom n\u00e5r den holder p\u00e5"], ["40:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["108:111"]], "Polar_expression": [["ei heller \u00e5 la den st\u00f8vsuge i f\u00f8rste etasje mens du skal pr\u00f8ve \u00e5 sove i underetasjen"], ["93:177"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-12-01", "text": "Dette er det alts\u00e5 viktig \u00e5 v\u00e6re klar over , men vi har ikke trukket for dette .", "opinions": []}, {"sent_id": "201849-12-02", "text": "Sp\u00f8r du meg er nemlig hele poenget med robotst\u00f8vsugerne at de skal gj\u00f8re jobben mens du er ute av huset .", "opinions": []}, {"sent_id": "201849-12-03", "text": "Og her er timer-funksjonen s\u00e5 enkel \u00e5 bruke som vi forventer , enten du n\u00e5 vil ha daglig eller ukentlig st\u00f8vsuging .", "opinions": [{"Source": [["vi"], ["48:50"]], "Target": [["timer-funksjonen"], ["10:26"]], "Polar_expression": [["s\u00e5 enkel \u00e5 bruke som vi forventer"], ["27:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-12-04", "text": "( Se eksempler p\u00e5 menyene i bildespesialen . )", "opinions": []}, {"sent_id": "201849-13-01", "text": "Dette liker vi med Neato", "opinions": [{"Source": [["vi"], ["12:14"]], "Target": [["Neato"], ["19:24"]], "Polar_expression": [["liker"], ["6:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-14-01", "text": "R\u00e5sterk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["R\u00e5sterk"], ["0:7"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-14-02", "text": "Grunnen til at den br\u00e5ker mer enn sine konkurrenter er antagelig fordi den ogs\u00e5 suger kraftigere enn dem alle .", "opinions": [{"Source": [[], []], "Target": [["den"], ["15:18"]], "Polar_expression": [["br\u00e5ker mer enn sine konkurrenter"], ["19:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrenter"], ["39:51"]], "Polar_expression": [["den br\u00e5ker mer enn"], ["15:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["71:74"]], "Polar_expression": [["suger kraftigere enn dem alle"], ["80:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-14-03", "text": "Med to unger og hund i huset er det ikke til \u00e5 legge skjul p\u00e5 at det blir mye drit p\u00e5 gulvet , og Neatoen f\u00e5r med seg det aller meste , ogs\u00e5 p\u00e5 langh\u00e5rede tepper .", "opinions": [{"Source": [[], []], "Target": [["Neatoen"], ["98:105"]], "Polar_expression": [["f\u00e5r med seg det aller meste , ogs\u00e5 p\u00e5 langh\u00e5rede tepper"], ["106:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-14-04", "text": "Det er imponerende .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["imponerende"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-15-01", "text": "I motsetning til Roomba og Navibot , mangler den imidlertid en liten fangarm i fronten som drar hybelkaninene inn i gapet .", "opinions": [{"Source": [[], []], "Target": [["den"], ["45:48"]], "Polar_expression": [["mangler", "liten fangarm i fronten som drar hybelkaninene inn i gapet"], ["37:44", "63:121"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Roomba"], ["17:23"]], "Polar_expression": [["liten fangarm i fronten som drar hybelkaninene inn i gapet"], ["63:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Navibot"], ["27:34"]], "Polar_expression": [["liten fangarm i fronten som drar hybelkaninene inn i gapet"], ["63:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201849-15-02", "text": "Dette gj\u00f8r at Neatoen ikke kommer like godt til i hj\u00f8rner , men siden den er s\u00e5 n\u00f8ye n\u00e5r den st\u00f8vsuger , blir likevel ikke forskjellen stor i praksis .", "opinions": [{"Source": [[], []], "Target": [["Neatoen"], ["14:21"]], "Polar_expression": [["ikke kommer like godt til i hj\u00f8rner"], ["22:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Neatoen"], ["14:21"]], "Polar_expression": [["n\u00f8ye n\u00e5r den st\u00f8vsuger , blir likevel ikke forskjellen stor i praksis"], ["80:149"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-16-01", "text": "Neato gj\u00f8r mye av det samme , men det fungerer rett og slett bedre .", "opinions": [{"Source": [[], []], "Target": [["Neato"], ["0:5"]], "Polar_expression": [["fungerer rett og slett bedre"], ["38:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-17-01", "text": "Med sin 360 graders laserstyrte navigasjon og romoppm\u00e5ling g\u00e5r den rett p\u00e5 sak , og holder seg p\u00e5 sporet under hele st\u00f8vsugingsrunden .", "opinions": [{"Source": [[], []], "Target": [["den"], ["63:66"]], "Polar_expression": [["360 graders laserstyrte navigasjon"], ["8:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["den"], ["63:66"]], "Polar_expression": [["romoppm\u00e5ling"], ["46:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["den"], ["63:66"]], "Polar_expression": [["rett p\u00e5 sak"], ["67:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["63:66"]], "Polar_expression": [["holder seg p\u00e5 sporet under hele st\u00f8vsugingsrunden"], ["84:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-17-02", "text": "Dette er ogs\u00e5 tydelig n\u00e5r den har ladet seg selv underveis :", "opinions": []}, {"sent_id": "201849-17-03", "text": "Da kj\u00f8rer den nemlig direkte tilbake der den stoppet , for \u00e5 fullf\u00f8re jobben .", "opinions": [{"Source": [[], []], "Target": [["den"], ["10:13"]], "Polar_expression": [["kj\u00f8rer", "direkte tilbake der den stoppet , for \u00e5 fullf\u00f8re jobben"], ["3:9", "21:76"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-17-04", "text": "N\u00e5 har vi ikke pr\u00f8vd \u00e5rets Navibot , men Neatoen gj\u00f8r definitivt en bedre jobb p\u00e5 dette punkt enn de konkurrentene vi testet i fjor .", "opinions": [{"Source": [["vi"], ["115:117"]], "Target": [["Neatoen"], ["41:48"]], "Polar_expression": [["gj\u00f8r definitivt en bedre jobb p\u00e5 dette punkt enn de konkurrentene"], ["49:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrentene"], ["101:114"]], "Polar_expression": [["Neatoen gj\u00f8r definitivt en bedre jobb p\u00e5 dette punkt"], ["41:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-18-01", "text": "Den er ogs\u00e5 flink til \u00e5 unng\u00e5 hindringer , enten det n\u00e5 er bikkja som legger seg i sonen eller m\u00f8bler som ikke er ryddet p\u00e5 plass .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["flink til \u00e5 unng\u00e5 hindringer"], ["12:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-18-02", "text": "Har du dyre h\u00f8yttalere er det ogs\u00e5 greit \u00e5 vite at den aldri kr\u00e6sjer tungt i noe :", "opinions": [{"Source": [[], []], "Target": [["den"], ["51:54"]], "Polar_expression": [["aldri kr\u00e6sjer tungt i noe"], ["55:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-18-03", "text": "Her dempes f\u00f8rst farten , f\u00f8r den styrer unna .", "opinions": []}, {"sent_id": "201849-19-01", "text": "God p\u00e5 tepper og d\u00f8rkarmer !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["God p\u00e5 tepper og d\u00f8rkarmer !"], ["0:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-19-02", "text": "At d\u00f8rkarmer ikke er noe problem er noe vi forventet i 2011 , men at den ogs\u00e5 skulle gj\u00f8r en s\u00e5 god jobb p\u00e5 tepper var en overaskelse .", "opinions": [{"Source": [["vi"], ["40:42"]], "Target": [[], []], "Polar_expression": [["s\u00e5 god jobb p\u00e5 tepper var en overaskelse"], ["93:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-19-03", "text": "Korth\u00e5rede tepper er ikke noe problem i det hele tatt , og ser helt nystriglet ut etter en runde .", "opinions": [{"Source": [[], []], "Target": [["Korth\u00e5rede tepper"], ["0:17"]], "Polar_expression": [["ikke noe problem i det hele tatt"], ["21:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Korth\u00e5rede tepper"], ["0:17"]], "Polar_expression": [["ser helt nystriglet ut etter en runde"], ["59:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-19-04", "text": "Ogs\u00e5 p\u00e5 langh\u00e5rede tepper gj\u00f8r den en bedre jobb enn konkurrentene .", "opinions": [{"Source": [[], []], "Target": [["den"], ["31:34"]], "Polar_expression": [["langh\u00e5rede tepper gj\u00f8r", "en bedre jobb enn konkurrentene"], ["8:30", "35:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrentene"], ["53:66"]], "Polar_expression": [["langh\u00e5rede tepper gj\u00f8r den en bedre jobb enn"], ["8:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-19-05", "text": "Hvis teppet ditt loer , b\u00f8r du likevel v\u00e6re klar over at den da ogs\u00e5 f\u00e5r med seg sv\u00e6rt mye av teppet , noe som gj\u00f8r at den fort blir full .", "opinions": [{"Source": [[], []], "Target": [["den"], ["119:122"]], "Polar_expression": [["Hvis teppet ditt loer", "fort blir full"], ["0:21", "123:137"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-20-01", "text": "Oppgraderbar .", "opinions": []}, {"sent_id": "201849-20-02", "text": "Etter hvert som programvaren forbedres , kan du ogs\u00e5 oppdatere Neatoen , og vi gjorde selv det i l\u00f8pet av v\u00e5r testperiode .", "opinions": [{"Source": [["vi"], ["76:78"]], "Target": [["Neatoen"], ["63:70"]], "Polar_expression": [["kan du ogs\u00e5 oppdatere"], ["41:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-20-03", "text": "Alt du trenger er en PC og en mini-USB-kabel ( merk , det f\u00f8lger ikke med ) , for s\u00e5 \u00e5 f\u00f8lge fremgangsm\u00e5ten som st\u00e5r sv\u00e6rt god beskrevet p\u00e5 produsentens nettsider .", "opinions": [{"Source": [[], []], "Target": [["fremgangsm\u00e5ten"], ["93:107"]], "Polar_expression": [["st\u00e5r sv\u00e6rt god beskrevet p\u00e5 produsentens nettsider"], ["112:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt du trenger er en PC og en mini-USB-kabel"], ["0:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mini-USB-kabel"], ["30:44"]], "Polar_expression": [["f\u00f8lger ikke med"], ["58:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201849-21-01", "text": "Klassiske robotst\u00f8vsugersvakheter", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Klassiske robotst\u00f8vsugersvakheter"], ["0:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-22-01", "text": "V\u00e6r likevel klar over at ogs\u00e5 denne har de samme svakhetene som sine konkurrenter :", "opinions": [{"Source": [[], []], "Target": [["denne"], ["30:35"]], "Polar_expression": [["samme svakhetene som sine konkurrenter"], ["43:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrenter"], ["69:81"]], "Polar_expression": [["svakhetene"], ["49:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201849-23-01", "text": "Du m\u00e5 rydde f\u00f8r du sl\u00e5r den p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Du m\u00e5 rydde f\u00f8r du sl\u00e5r den p\u00e5"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-23-02", "text": "Slurver du her , kan du oppleve \u00e5 komme tilbake og finne roboten st\u00e5ende fast .", "opinions": [{"Source": [[], []], "Target": [["roboten"], ["57:64"]], "Polar_expression": [["kan du oppleve \u00e5 komme tilbake og finne", "st\u00e5ende fast"], ["17:56", "65:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-23-03", "text": "Typiske feller er lange skolisser , eller barneleker som sperrer st\u00f8vsugeren .", "opinions": []}, {"sent_id": "201849-23-04", "text": "Den m\u00e5 t\u00f8mmes .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["m\u00e5 t\u00f8mmes"], ["4:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-23-05", "text": "Det hjelper jo lite om den kj\u00f8rer runden sin , hvis det allerede er fullt i kammeret .", "opinions": []}, {"sent_id": "201849-23-06", "text": "Neatoen sier riktignok i fra n\u00e5r den er full , men da har du antegelig dratt hjemmefra allerede .", "opinions": [{"Source": [[], []], "Target": [["Neatoen"], ["0:7"]], "Polar_expression": [["sier riktignok i fra n\u00e5r den er full"], ["8:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Neatoen"], ["0:7"]], "Polar_expression": [["sier riktignok i fra n\u00e5r den er full", "antegelig dratt hjemmefra allerede"], ["8:44", "61:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-23-07", "text": "I praksis b\u00f8r du t\u00f8mme den f\u00f8r hver runde.Den perfekte hushjelpen er fortsatt deg selv , for roboten kommer ikke fram overalt , og er heller ikke like god i hj\u00f8rner som du kan v\u00e6re p\u00e5 den gamle manuelle m\u00e5ten .", "opinions": [{"Source": [[], []], "Target": [["roboten"], ["93:100"]], "Polar_expression": [["kommer ikke fram overalt"], ["101:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["roboten"], ["93:100"]], "Polar_expression": [["ikke like god i hj\u00f8rner som du kan v\u00e6re p\u00e5 den gamle manuelle m\u00e5ten"], ["141:208"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-23-08", "text": "Det en st\u00f8vsugerrobot gj\u00f8r , er alts\u00e5 \u00e5 ta unna det aller verste .", "opinions": []}, {"sent_id": "201849-23-09", "text": "Finpussen f\u00f8r svigermor kommer p\u00e5 bes\u00f8k , m\u00e5 du alts\u00e5 fortsatt ta selv .", "opinions": []}, {"sent_id": "201849-24-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "201849-25-01", "text": "Den er ikke s\u00e5 pen , og den br\u00e5ker som en jetmotor .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["ikke s\u00e5 pen"], ["7:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["br\u00e5ker som en jetmotor"], ["28:50"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-25-02", "text": "Likevel er Neato v\u00e5r nye favoritt blant st\u00f8vsugerrobotene .", "opinions": [{"Source": [["v\u00e5r"], ["17:20"]], "Target": [["Neato"], ["11:16"]], "Polar_expression": [["favoritt blant st\u00f8vsugerrobotene"], ["25:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-26-01", "text": "Den er ganske enkelt sterkere og smartere enn de konkurrentene vi har pr\u00f8vd , og f\u00e5r derfor en velfortjent femmer p\u00e5 terningen .", "opinions": [{"Source": [["vi"], ["63:65"]], "Target": [["Den"], ["0:3"]], "Polar_expression": [["sterkere og smartere enn de konkurrentene"], ["21:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["63:65"]], "Target": [["konkurrentene"], ["49:62"]], "Polar_expression": [["Den er ganske enkelt sterkere og smartere enn"], ["0:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["63:65"]], "Target": [["Den"], ["0:3"]], "Polar_expression": [["velfortjent femmer"], ["95:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-26-02", "text": "Vi kan trygt anbefale Neato XV - 15 til v\u00e5re lesere .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Neato XV - 15"], ["22:35"]], "Polar_expression": [["trygt anbefale"], ["7:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201849-27-01", "text": "Neato Robotics XV - 15", "opinions": []}, {"sent_id": "302181-01-01", "text": "\u00ab Orlando \u00bb er ofte litter\u00e6r , men aldri bokstavelig .", "opinions": []}, {"sent_id": "302181-02-01", "text": "Et eget rom .", "opinions": []}, {"sent_id": "302181-03-01", "text": "TEATER :", "opinions": []}, {"sent_id": "302181-03-02", "text": "\u00ab Orlando \u00bb fr\u00e5tser i metaforer , allegorier , assosiasjoner og tankesprang .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Orlando \u00bb"], ["0:11"]], "Polar_expression": [["fr\u00e5tser i metaforer , allegorier , assosiasjoner og tankesprang"], ["12:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302181-03-03", "text": "Teaterforestillingen bygger sitt eget lille univers - vi kan godt kalle det et rom for seg selv - og i dette rommet gir den oss en samling sm\u00e5 og store svar p\u00e5 det enorme sp\u00f8rsm\u00e5let om hva det vil si \u00e5 v\u00e6re menneske .", "opinions": []}, {"sent_id": "302181-04-01", "text": "Endring og stabilitet", "opinions": []}, {"sent_id": "302181-05-01", "text": "\u00ab Orlando \u00bb er b\u00e5de en hyllest til og en problematisering av menneskets evne til forvandling .", "opinions": []}, {"sent_id": "302181-05-02", "text": "Samtidig er det en hyllest til og en problematisering av menneskets bestandighet .", "opinions": []}, {"sent_id": "302181-05-03", "text": "Dette kan lyde som en selvmotsigelse , men er det ikke , det er en stadfestelse av den kompleksitet som finnes i personen Orlando , i romanen \u00ab Orlando \u00bb og teaterforestillingen \u00ab Orlando \u00bb .", "opinions": [{"Source": [[], []], "Target": [["personen Orlando"], ["113:129"]], "Polar_expression": [["stadfestelse av den kompleksitet"], ["67:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["romanen \u00ab Orlando"], ["134:151"]], "Polar_expression": [["stadfestelse av den kompleksitet"], ["67:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teaterforestillingen \u00ab Orlando \u00bb"], ["157:189"]], "Polar_expression": [["stadfestelse av den kompleksitet"], ["67:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302181-06-01", "text": "Forestillingen forst\u00e5r og formidler motsetninger , og forestillingen forst\u00e5r og formidler sammenhenger .", "opinions": []}, {"sent_id": "302181-07-01", "text": "At endring og stabilitet sammenstilles gjelder ikke bare i beskrivelsen av Orlandos livsl\u00f8p , men ogs\u00e5 i milj\u00f8beskrivelsene .", "opinions": []}, {"sent_id": "302181-07-02", "text": "Even Stormoens rojale rollegalleri er en stilhistorie i seg selv , en guide til tidsepoker og til livsbetingelser i gradvis utvikling .", "opinions": [{"Source": [[], []], "Target": [["rollegalleri"], ["22:34"]], "Polar_expression": [["stilhistorie i seg selv"], ["41:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rollegalleri"], ["22:34"]], "Polar_expression": [["rojale"], ["15:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rollegalleri"], ["22:34"]], "Polar_expression": [["guide til tidsepoker og til livsbetingelser i gradvis utvikling"], ["70:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302181-07-03", "text": "Som sju engelske regenter - utvalgte monarker fra Elizabeth I til Elizabeth II , tre kvinner og fire menn - blir Stormoen et symbol p\u00e5 Storbritannia i kontinuitet og forandring .", "opinions": []}, {"sent_id": "302181-07-04", "text": "Jeg sier sju regenter , og rollelisten sier sju , men hans tolkning av Elizabeth I , den s\u00e5kalte jomfrudronningen , trekker en linje til en \u00e5ttende av \u00f8yrikets overhoder , Henrik VIII .", "opinions": []}, {"sent_id": "302181-07-05", "text": "Den glupske lidderligheten hun spilles med gj\u00f8r henne til et slags dobbeltportrett av seg selv og ham , som var hennes far .", "opinions": []}, {"sent_id": "302181-08-01", "text": "\u00c5penhet", "opinions": []}, {"sent_id": "302181-09-01", "text": "Som Orlando portretterer Nina Ellen \u00d8deg\u00e5rd et tilpasningsvillig , utforskende og \u00e5pent menneske .", "opinions": [{"Source": [[], []], "Target": [["Nina Ellen \u00d8deg\u00e5rd"], ["25:43"]], "Polar_expression": [["portretterer", "et tilpasningsvillig , utforskende og \u00e5pent menneske"], ["12:24", "44:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302181-09-02", "text": "Orlando viser tvil og undring , og Orlando viser aksept .", "opinions": []}, {"sent_id": "302181-09-03", "text": "Orlando forvandles , og Orlando forblir den samme .", "opinions": []}, {"sent_id": "302181-10-01", "text": "\u00ab Du er ulik alt jeg har sett \u00bb , sier den forelskede Orlando til russiske Sasja ( spilt av Kamilla Gr\u00f8nli Hartvig ) , tidlig i forestillingen .", "opinions": []}, {"sent_id": "302181-10-02", "text": "Kanskje er hensikten at publikum skal tenke at Orlando er den unike .", "opinions": []}, {"sent_id": "302181-10-03", "text": "Men Orlando , som mann og som kvinne , er bare dels unik .", "opinions": []}, {"sent_id": "302181-10-04", "text": "Orlando er ogs\u00e5 dels oss alle :", "opinions": []}, {"sent_id": "302181-10-05", "text": "Ett individ med aspekter fra alle , satt sammen av natur og kultur , arv og milj\u00f8 , preget av konvensjoner og samtidig i oppr\u00f8r mot konvensjoner .", "opinions": []}, {"sent_id": "302181-11-01", "text": "Slik blir Orlando i seg selv et eksempel ( eller flere eksempler ) p\u00e5 allmennmenneskelighet .", "opinions": []}, {"sent_id": "302181-11-02", "text": "Samtidig er Orlando en tydeliggj\u00f8ring av hvor mye i et menneskeliv som avgj\u00f8res av kj\u00f8nn .", "opinions": []}, {"sent_id": "302181-11-03", "text": "De restriksjoner hun p\u00e5 1700-tallet m\u00f8ter som kvinne , blir ekstra tydelige fordi hun f\u00f8rst har hatt st\u00f8rre frihet som mann .", "opinions": []}, {"sent_id": "302181-12-01", "text": "Den scenografiske l\u00f8sningen ( Olav Myrtvedt ) kombinerer videodesign ( av Boya B\u00f8ckman ) , referanser til kunsthistorie fra de siste 400+ \u00e5r , med et fullt synlig teatermaskineri , og med DJ Trygve Stakkelands miksebord prominent plassert .", "opinions": [{"Source": [[], []], "Target": [["DJ Trygve Stakkelands miksebord"], ["188:219"]], "Polar_expression": [["prominent plassert"], ["220:238"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenografiske l\u00f8sningen"], ["4:27"]], "Polar_expression": [["kombinerer videodesign", "referanser til kunsthistorie fra de siste 400+ \u00e5r , med et fullt synlig teatermaskineri"], ["46:68", "91:178"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302181-12-02", "text": "Skuespillerne sminker seg og bytter parykker sittende ved speil bakerst p\u00e5 scenen , en prosess som blir forst\u00f8rret i filmgjengivelse .", "opinions": []}, {"sent_id": "302181-12-03", "text": "At teatret skaper og at teatret bringer metaforer skal ikke kunne glemmes .", "opinions": []}, {"sent_id": "107011-01-01", "text": "Innsikt i macholivet", "opinions": []}, {"sent_id": "107011-02-01", "text": "\u00ab JARHEAD \u00bb", "opinions": []}, {"sent_id": "107011-02-02", "text": "Regi :", "opinions": []}, {"sent_id": "107011-02-03", "text": "Sam Mendes .", "opinions": []}, {"sent_id": "107011-02-04", "text": "Med :", "opinions": []}, {"sent_id": "107011-02-05", "text": "Jake Gyllenhaal , Peter Sarsgaard , Jamie Foxx , Chris Cooper .", "opinions": []}, {"sent_id": "107011-02-06", "text": "Am . drama .", "opinions": []}, {"sent_id": "107011-02-07", "text": "15 \u00e5r .", "opinions": []}, {"sent_id": "107011-03-01", "text": "Etter to filmtimer med US Marines ( The Jarheads ) , f\u00f8rst p\u00e5 trening i hjemlandet , senere i \u00f8rkenen , aner man en Beckett-dimensjon .", "opinions": []}, {"sent_id": "107011-03-02", "text": "En tilv\u00e6relse der man venter p\u00e5 noe , noe som ingen riktig vet hva er .", "opinions": []}, {"sent_id": "107011-03-03", "text": "Under denne ventingen oppst\u00e5r desperasjon , gutteaktig testosteronkrangling , alko-b\u00e6lming og et s\u00e5rbart vennskap .", "opinions": []}, {"sent_id": "107011-03-04", "text": "Noen ser tilv\u00e6relsen i nytt lys , andre blir nesten skv\u00e6r g\u00e6rne .", "opinions": []}, {"sent_id": "107011-04-01", "text": "Alle er merket .", "opinions": []}, {"sent_id": "107011-04-02", "text": "Regiss\u00f8r Sam Mendes skildrer dette fra de meniges side , med sine personlige skarpheter innlagt i form av kameraf\u00f8ring , replikker og musikkvalg .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8r Sam Mendes"], ["0:19"]], "Polar_expression": [["skarpheter"], ["77:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107011-05-01", "text": "Filmen bygger p\u00e5 Anthony Swoffords bok \u00ab Jarhead \u00bb fra 2003 .", "opinions": []}, {"sent_id": "107011-05-02", "text": "Swofford var som 20-\u00e5ring skarpskytter under den f\u00f8rste Golfkrigen og stasjonert i \u00f8rkenen i flere m\u00e5neder f\u00f8r den korte krigen i 1991 .", "opinions": []}, {"sent_id": "107011-06-01", "text": "I Jake Gyllenhaal har Swofford en intelligent og f\u00f8lsom forsvarer ; en ung mann som ser det genuint maskuline konkurransepreg han er en del av , og som han b\u00e5de forsvarer og tar avstand fra .", "opinions": [{"Source": [[], []], "Target": [["Jake Gyllenhaal"], ["2:17"]], "Polar_expression": [["intelligent"], ["34:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jake Gyllenhaal"], ["2:17"]], "Polar_expression": [["f\u00f8lsom"], ["49:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107011-06-02", "text": "Tett og intenst f\u00f8lger kameraet unge menn som i det ene \u00f8yeblikk er macho-r\u00e5 , i det andre utrolig barnslige lekende guttunger , for s\u00e5 \u00e5 v\u00e6re f\u00f8lsomme karer som dr\u00f8mmer om kj\u00e6reste eller kone .", "opinions": [{"Source": [[], []], "Target": [["kameraet"], ["23:31"]], "Polar_expression": [["Tett og intenst"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107011-07-01", "text": "Intet av dette er nytt i krigsfilmer , men Sam Mendes bruker tid p\u00e5 \u00e5 fokusere nettopp p\u00e5 akkurat denne gruppen mennesker i en krigssituasjon .", "opinions": []}, {"sent_id": "107011-07-02", "text": "I en scene viser han hvordan gutta n\u00e6rmer seg seksuell ekstase n\u00e5r de ser \u00ab Apokalypse n\u00e5 \u00bb ( scenen der amerikanske helikoptre dundrer over Vietnam til Wagners pomp\u00f8se musikk ) .", "opinions": []}, {"sent_id": "107011-07-03", "text": "Det er en situasjon som effektivt beskriver milit\u00e6r massesuggesjon .", "opinions": []}, {"sent_id": "107011-08-01", "text": "Samtidig handler det om menn som vil krige .", "opinions": []}, {"sent_id": "107011-08-02", "text": "De er selv de udetonerte bombene , stadig mer frustrerte av ventingen som skaper kaos og usikkerhet i deres hoder .", "opinions": []}, {"sent_id": "107011-08-03", "text": "Fordi Mendes tillater seg \u00e5 bruke tid , blir \u00ab Jarhead \u00bb en innsiktsfull psykologisk betraktning .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jarhead \u00bb"], ["45:56"]], "Polar_expression": [["innsiktsfull"], ["60:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105573-01-01", "text": "Kvalifisert katastrofe", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kvalifisert katastrofe"], ["0:22"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105573-02-01", "text": "Null kj\u00f8tt p\u00e5 dette beinet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Null kj\u00f8tt p\u00e5 dette beinet"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105573-03-01", "text": "\u00c5 v\u00e6re dommer i \u00ab X", "opinions": []}, {"sent_id": "105573-03-02", "text": "Factor \u00bb betyr ikke n\u00f8dvendigvis at din egen popkarriere f\u00e5r et oppsving - bare sp\u00f8r Mira Craig eller Mariann Thomassen .", "opinions": []}, {"sent_id": "105573-04-01", "text": "Marion Ravn debuterer i samme rolle i morgen kveld , og for at vi ikke skal v\u00e6re i tvil om hvorfor hun er med lanserte hun sin nye singel p\u00e5 P4 i g\u00e5r .", "opinions": []}, {"sent_id": "105573-04-02", "text": "Den er en kvalifisert katastrofe .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["kvalifisert katastrofe"], ["10:32"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105573-05-01", "text": "Hun har ikke skygget unna kalkulerte bransjeman\u00f8vre f\u00f8r heller , men Ravn har - b\u00e5de i M2M , solo og sammen med Meat Loaf - alltid hatt en viss kvalitetskontroll .", "opinions": [{"Source": [[], []], "Target": [["Ravn"], ["69:73"]], "Polar_expression": [["alltid hatt en viss kvalitetskontroll"], ["124:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105573-05-02", "text": "Den er borte n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["borte"], ["7:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105573-06-01", "text": "\u00ab Flesh And Bone \u00bb er flau , fantasil\u00f8s hollywoodjenterock av typen selv Miley Cyrus er i ferd med \u00e5 vokse fra .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Flesh And Bone \u00bb"], ["0:18"]], "Polar_expression": [["flau , fantasil\u00f8s hollywoodjenterock"], ["22:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Flesh And Bone \u00bb"], ["0:18"]], "Polar_expression": [["selv Miley Cyrus er i ferd med \u00e5 vokse fra"], ["68:110"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105573-06-02", "text": "Og Cyrus kan tilgis for postpubertal sutrepop - hun er jo bare 17 .", "opinions": [{"Source": [[], []], "Target": [["Cyrus"], ["3:8"]], "Polar_expression": [["kan tilgis for postpubertal sutrepop"], ["9:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Cyrus"], ["3:8"]], "Polar_expression": [["postpubertal sutrepop"], ["24:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105573-06-03", "text": "Marion Ravn er 26 .", "opinions": [{"Source": [[], []], "Target": [["Marion Ravn"], ["0:11"]], "Polar_expression": [["er 26"], ["12:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "105573-07-01", "text": "Det er deprimerende at hennes klare vokal- og artistkvaliteter skusles bort p\u00e5 denne dritten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["deprimerende at hennes klare vokal- og artistkvaliteter skusles bort p\u00e5 denne dritten"], ["7:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["vokal- og artistkvaliteter"], ["36:62"]], "Polar_expression": [["skusles bort p\u00e5 denne dritten"], ["63:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hennes"], ["23:29"]], "Polar_expression": [["klare vokal- og artistkvaliteter"], ["30:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105573-07-02", "text": "Produksjonen er feig og harry , l\u00e5toppbygningen s\u00e5 forutsigbar at du kan stille klokken etter den , teksten en stabel av utmagrede klisjeer .", "opinions": [{"Source": [[], []], "Target": [["Produksjonen"], ["0:12"]], "Polar_expression": [["feig"], ["16:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Produksjonen"], ["0:12"]], "Polar_expression": [["harry"], ["24:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5toppbygningen"], ["32:47"]], "Polar_expression": [["forutsigbar"], ["51:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teksten"], ["100:107"]], "Polar_expression": [["utmagrede klisjeer"], ["121:139"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105573-08-01", "text": "Om ikke annet gir sangen h\u00f8stens artistkonkurranse p\u00e5 TV2 en ekstra dimensjon .", "opinions": [{"Source": [[], []], "Target": [["sangen"], ["18:24"]], "Polar_expression": [["gir", "h\u00f8stens artistkonkurranse p\u00e5 TV2 en ekstra dimensjon"], ["14:17", "25:77"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105573-08-02", "text": "De fleste deltagerne som ryker ut av \" X", "opinions": []}, {"sent_id": "105573-08-03", "text": "Factor \" kan tr\u00f8ste seg med at de i det minste gjorde en bedre innsats enn hun som akkurat ga dem tommelen ned .", "opinions": []}, {"sent_id": "109480-01-01", "text": "Teateranmeldelse :", "opinions": []}, {"sent_id": "109480-01-02", "text": "D\u00f8d og pine !", "opinions": []}, {"sent_id": "109480-02-01", "text": "Sm\u00e5 b\u00f8llefr\u00f8 d\u00f8r fortjent p\u00e5 rekke og rad p\u00e5 Det Norske Teatret i h\u00f8st - og det er en fryd !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fryd !"], ["86:92"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109480-03-01", "text": "Musikal :", "opinions": []}, {"sent_id": "109480-03-02", "text": "Det Norske Teatret \u00ab Shockheaded Peter \u00bb", "opinions": []}, {"sent_id": "109480-03-03", "text": "Av Julian Crouch og Phelim McDermott Til norsk ved Are Kalv\u00f8 Regi :", "opinions": []}, {"sent_id": "109480-03-04", "text": "Erik Ulfsby Originalmusikk :", "opinions": []}, {"sent_id": "109480-03-05", "text": "The Tiger Lilies", "opinions": []}, {"sent_id": "109480-03-06", "text": "I rollene :", "opinions": []}, {"sent_id": "109480-03-07", "text": "Vidar Magnussen , Kristin Grue , Unn Vibeke Hol , Jon Bleiklie Devik , Ingunn B. \u00d8yen , Niklas Gundersen , Espen Beranek Holm ( orkesterleder ) m.fl .", "opinions": []}, {"sent_id": "109480-03-08", "text": "En fryd for b\u00e5de \u00f8yne , \u00f8rer og v\u00e5re m\u00f8rke sider som synes det er herlig med groteskerier bare de er dratt langt nok ut .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En fryd for b\u00e5de \u00f8yne , \u00f8rer og v\u00e5re m\u00f8rke sider"], ["0:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109480-03-09", "text": "Og det skal jeg love deg at de er i \u00ab Shockheaded Peter \u00bb .", "opinions": []}, {"sent_id": "109480-04-01", "text": "Dette er stykket som egentlig skulle g\u00e5tt h\u00f8sten 2011 , men som ble tatt av plakaten etter Ut\u00f8ya-tragedien .", "opinions": []}, {"sent_id": "109480-04-02", "text": "Det virker som en helt korrekt beslutning , selv om \u00ab Shockheaded Peter \u00bb i bunn og grunn bare er t\u00f8ys .", "opinions": []}, {"sent_id": "109480-04-03", "text": "Norge var likevel ikke klar for morbiditeten som ligger i bunn av dette stykket i 2011 .", "opinions": []}, {"sent_id": "109480-05-01", "text": "F\u00e5r som fortjent", "opinions": []}, {"sent_id": "109480-06-01", "text": "Det blir presentert som et stykke om barn for voksne .", "opinions": []}, {"sent_id": "109480-06-02", "text": "Greit nok .", "opinions": []}, {"sent_id": "109480-06-03", "text": "Tar du det som skjer p\u00e5 scenen for bokstavelig - og det kan jo barn fort gj\u00f8re - vil du nok f\u00e5 problemer med nattes\u00f8vnen .", "opinions": []}, {"sent_id": "109480-06-04", "text": "For her straffes barna p\u00e5 verste m\u00e5te , med d\u00f8den , n\u00e5r de blir uskikkelige .", "opinions": []}, {"sent_id": "109480-07-01", "text": "Margrethe Munthe blir snill tante i forhold til moralen i de ti enkelthistoriene her ; er du for eksempel s\u00e5 dum at du leker med fyrstikker selv om mamma har sagt at du ikke f\u00e5r lov , ja s\u00e5 brenner du opp .", "opinions": []}, {"sent_id": "109480-08-01", "text": "Og spiser du ikke suppa di , svinner du hen og blir borte .", "opinions": []}, {"sent_id": "109480-08-02", "text": "Enkelt og greit .", "opinions": []}, {"sent_id": "109480-09-01", "text": "Utgangspunktet er rundt 170 \u00e5r gammelt .", "opinions": []}, {"sent_id": "109480-09-02", "text": "Da skrev den tyske psykiateren Heinrich Hoffman \u00ab Der Struwwelpeter \u00bb ( \u00ab Busteper \u00bb p\u00e5 norsk ) som reaksjon mot snillisme i barneoppdragelsen .", "opinions": []}, {"sent_id": "109480-09-03", "text": "I 1998 tok to engelskmann fatt i boken og lagde et rammeverk til en hel musikal som raskt ble en suksess .", "opinions": [{"Source": [[], []], "Target": [["musikal"], ["72:79"]], "Polar_expression": [["suksess"], ["97:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-10-01", "text": "De skapte selv en lignende motb\u00f8lge som det Hoffmann gjorde ; i en tid da det meste skulle v\u00e6re rosenr\u00f8dt i musikal-verden , satset de p\u00e5 svart humor , d\u00f8d og annen styggedom slik at tanken om hva en musikal kunne handle om tok en ny og - for mange - befriende vending .", "opinions": []}, {"sent_id": "109480-11-01", "text": "Fremdeles henger det igjen mye tysk ( musikken ) og engelsk ( humoren ) , men Are Kalv\u00f8 har gjort en fenomenal jobb med \u00e5 oversette teksten til nynorsk - den er for eksempel forbilledlig enkel og naturlig i sangrimene og ekstremt velflytende og passe pomp\u00f8s i tekstbrokkene .", "opinions": [{"Source": [[], []], "Target": [["Are Kalv\u00f8"], ["78:87"]], "Polar_expression": [["har gjort en fenomenal jobb med \u00e5 oversette teksten til nynorsk"], ["88:151"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teksten"], ["132:139"]], "Polar_expression": [["forbilledlig enkel og naturlig i sangrimene"], ["174:217"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sangrimene"], ["207:217"]], "Polar_expression": [["forbilledlig enkel og naturlig"], ["174:204"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teksten"], ["132:139"]], "Polar_expression": [["ekstremt velflytende og passe pomp\u00f8s i tekstbrokkene"], ["221:273"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekstbrokkene"], ["260:273"]], "Polar_expression": [["ekstremt velflytende"], ["221:241"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekstbrokkene"], ["260:273"]], "Polar_expression": [["passe pomp\u00f8s"], ["245:257"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-12-01", "text": "I munnen p\u00e5 seremonimester , frister og sirkusdirekt\u00f8r Vidar Magnussen ( som fremst\u00e5r som en ond Willy Wonka ) skaper Kalv\u00f8 b\u00e5de stor humor og prosa , selv om man av og til m\u00e5 konsentrere seg ekstra for \u00e5 h\u00f8re etter fordi nettopp Magnussen er en s\u00e5 innbitt , fresende og lidenskapelig ond p\u00e5driver av hele showet .", "opinions": [{"Source": [[], []], "Target": [["Kalv\u00f8"], ["118:123"]], "Polar_expression": [["skaper", "stor humor og prosa"], ["111:117", "129:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-13-01", "text": "Mye av ansvaret for fremdriften hviler p\u00e5 skuldrene til Vidar Magnussen .", "opinions": []}, {"sent_id": "109480-13-02", "text": "Det klarer han med glans , Magnussen er rett og slett fjetrende god i sin rolle , men han har selvf\u00f8lgelig ogs\u00e5 ypperlige medspillere rundt seg hele tiden .", "opinions": [{"Source": [[], []], "Target": [["Magnussen"], ["27:36"]], "Polar_expression": [["rett og slett fjetrende god i sin rolle"], ["40:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Magnussen"], ["27:36"]], "Polar_expression": [["glans"], ["19:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["medspillere"], ["122:133"]], "Polar_expression": [["ypperlige"], ["112:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-14-01", "text": "Det er heller ingen tvil om at \u00ab Shockheaded Peter \u00bb vil falle i smak hos alle som allerede har en svakhet for Brecht og Weill , samt Tom Waits .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Shockheaded Peter \u00bb"], ["31:52"]], "Polar_expression": [["ingen tvil om at", "vil falle i smak hos alle som allerede har en svakhet for Brecht og Weill , samt Tom Waits"], ["14:30", "53:143"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-14-02", "text": "Eller Kaizers Orchestra-forestillingen \u00ab Sonny \u00bb , for den saks skyld .", "opinions": []}, {"sent_id": "109480-15-01", "text": "Tipper at regiss\u00f8r Erik Ulfsby har studert dem ekstra n\u00f8ye f\u00f8r denne forestillingen , slik b\u00e5de de engelske skaperne av stykket , samt The Tiger Lilies som har skrevet musikken , ogs\u00e5 har gjort .", "opinions": []}, {"sent_id": "109480-16-01", "text": "Kabaretf\u00f8lelsen er p\u00e5trengende , akkurat slik det skal v\u00e6re i denne settingen .", "opinions": [{"Source": [[], []], "Target": [["Kabaretf\u00f8lelsen"], ["0:15"]], "Polar_expression": [["p\u00e5trengende , akkurat slik det skal v\u00e6re"], ["19:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-16-02", "text": "Ompa og klezmer g\u00e5r h\u00e5nd i h\u00e5nd med mer strait pop og danner helhetlige tabl\u00e5er som fort kan bli klassiske , ikke minst den nydelige balladen \u00ab Robert flyg \u00bb eller de elleville \u00ab Jegaren som la seg for \u00e5 sove \u00bb og \u00ab Sm\u00e5 ekle b\u00f8llefr\u00f8 \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Ompa og klezmer"], ["0:15"]], "Polar_expression": [["g\u00e5r h\u00e5nd i h\u00e5nd med mer strait pop"], ["16:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ompa og klezmer"], ["0:15"]], "Polar_expression": [["danner helhetlige tabl\u00e5er som fort kan bli klassiske"], ["54:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["balladen \u00ab Robert flyg \u00bb"], ["133:157"]], "Polar_expression": [["nydelige"], ["124:132"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Sm\u00e5 ekle b\u00f8llefr\u00f8 \u00bb"], ["214:235"]], "Polar_expression": [["kan bli klassiske"], ["89:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["balladen \u00ab Robert flyg \u00bb"], ["133:157"]], "Polar_expression": [["kan bli klassiske"], ["89:106"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Jegaren som la seg for \u00e5 sove \u00bb"], ["177:210"]], "Polar_expression": [["kan bli klassiske"], ["89:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-17-01", "text": "Disse numrene er helt ubetalelige og blir backet av et skreddersydd band med ukulele , tangenter , trommer og tuba der Espen Beranek Holm briljerer som sidekick til seremonimester Vidar Magnussen .", "opinions": [{"Source": [[], []], "Target": [["Disse numrene"], ["0:13"]], "Polar_expression": [["helt ubetalelige"], ["17:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Disse numrene"], ["0:13"]], "Polar_expression": [["blir backet av et skreddersydd band med ukulele , tangenter , trommer og tuba der Espen Beranek Holm briljerer som sidekick til seremonimester Vidar Magnussen"], ["37:195"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["68:72"]], "Polar_expression": [["skreddersydd"], ["55:67"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Espen Beranek Holm"], ["119:137"]], "Polar_expression": [["briljerer som sidekick til seremonimester Vidar Magnussen"], ["138:195"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-18-01", "text": "Riktignok mistenker vi Magnussen for \u00e5 improvisere frem spor av b\u00e5de Espen Lind , Jokke og Kirsti Sparboe i monologene sine , men hva gj\u00f8r det n\u00e5r sitatene passer ?", "opinions": [{"Source": [["vi"], ["20:22"]], "Target": [["Magnussen"], ["23:32"]], "Polar_expression": [["mistenker", "for \u00e5 improvisere frem spor av b\u00e5de Espen Lind , Jokke og Kirsti Sparboe i monologene sine"], ["10:19", "33:123"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["20:22"]], "Target": [["Magnussen"], ["23:32"]], "Polar_expression": [["hva gj\u00f8r det n\u00e5r sitatene passer"], ["130:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-19-01", "text": "Og da har vi enn\u00e5 ikke nevnt scenografien som kan bli statisk midtveis i stykket , men som har et par gispende originale effekter ( se opp for en elefant ... ) som redder det hele .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan bli statisk midtveis i stykket"], ["46:80"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenografien"], ["29:41"]], "Polar_expression": [["gispende originale effekter"], ["102:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109480-20-01", "text": "\u00ab Shockheaded Peter \u00bb er i det hele tatt en forestilling der alle ledd passer perfekt til hverandre .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Shockheaded Peter \u00bb"], ["0:21"]], "Polar_expression": [["alle ledd passer perfekt til hverandre"], ["61:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109480-20-02", "text": "Resultatet er at selv grotesk tull og t\u00f8ys og overdrevne moralregler kan v\u00e6re super underholdning .", "opinions": [{"Source": [[], []], "Target": [["Resultatet"], ["0:10"]], "Polar_expression": [["selv grotesk tull og t\u00f8ys og overdrevne moralregler kan v\u00e6re super underholdning"], ["17:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703109-01-01", "text": "Sjelden perle fra Laos", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sjelden perle"], ["0:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703109-02-01", "text": "Den australske regiss\u00f8ren Kim Mordaunt laget i 2007 en dokumentar om de tusenvis av udetonerte bomber som ligger igjen i Laos etter amerikanernes krig i nabolandet Vietnam p\u00e5 1950\u2014 og - 60-tallet .", "opinions": []}, {"sent_id": "703109-02-02", "text": "N\u00e5 kommer spillefilmen som levendegj\u00f8r tragedien .", "opinions": []}, {"sent_id": "703109-03-01", "text": "\" Raketten \" .", "opinions": []}, {"sent_id": "703109-03-02", "text": "Regi / manus : Kim Mordaunt .", "opinions": []}, {"sent_id": "703109-03-03", "text": "Med :", "opinions": []}, {"sent_id": "703109-03-04", "text": "Sitthiphon Disamoe , Loungnam Kaosainam , Thep Phongam , Bunsri Yindi , Sumrit Warin , Alice Kohavong .", "opinions": []}, {"sent_id": "703109-03-05", "text": "Australia 2013 .", "opinions": []}, {"sent_id": "703109-03-06", "text": "1 time 36 minutter .", "opinions": []}, {"sent_id": "703109-03-07", "text": "Aldersgrense : 11 \u00e5r .", "opinions": []}, {"sent_id": "703109-03-08", "text": "Egnethet :", "opinions": []}, {"sent_id": "703109-03-09", "text": "Ungdom / Voksen .", "opinions": []}, {"sent_id": "703109-04-01", "text": "Jeg kan ikke huske \u00e5 ha sett en kinofilm fra Laos f\u00f8r , men opplevelsen er god .", "opinions": [{"Source": [[], []], "Target": [["kinofilm"], ["32:40"]], "Polar_expression": [["god"], ["75:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703109-04-02", "text": "Mordaunt f\u00e5r to dyktige barneskuespillere til \u00e5 framstille gutten Ahlo og jenta Kia som han blir venn med .", "opinions": [{"Source": [[], []], "Target": [["barneskuespillere"], ["24:41"]], "Polar_expression": [["dyktige"], ["16:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703109-04-03", "text": "Fortellingen tar barnas perspektiv i m\u00f8te med gammel , laotisk overtro , moderne damutbygging og jungelens drepende krigsavfall .", "opinions": []}, {"sent_id": "703109-05-01", "text": "Mordaunt , som ogs\u00e5 har skrevet manuset , er dyktig til \u00e5 veve inn samfunnsutviklingen i Laos ved hjelp av ulike persontyper og hendelser .", "opinions": [{"Source": [[], []], "Target": [["Mordaunt"], ["0:8"]], "Polar_expression": [["dyktig"], ["45:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703109-05-02", "text": "Her er den autorit\u00e6re bestemora som hardnakket prediker at den ene i et tvillingpar alltid vil bli en forbannelse .", "opinions": []}, {"sent_id": "703109-05-03", "text": "Overtroen kleber snart til Ahlo hvis tvillingbror d\u00f8de i f\u00f8dselen .", "opinions": []}, {"sent_id": "703109-05-04", "text": "Her er landsbyboerne som tvinges til \u00e5 flytte fordi myndighetene vil bygge en stor dam og kraftverk akkurat der de bor .", "opinions": []}, {"sent_id": "703109-05-05", "text": "Av slikt f\u00f8lger mye motgang for Ahlo og hans familie .", "opinions": []}, {"sent_id": "703109-06-01", "text": "Her er ogs\u00e5 Kias fordrukne onkel som vi gradvis skj\u00f8nner lider av posttraumatisk stressyndrom etter at han var barnesoldat p\u00e5 1960-tallet .", "opinions": []}, {"sent_id": "703109-06-02", "text": "At han har stor peiling p\u00e5 sprengstoff , kommer barna til gode n\u00e5r de vil leke med granater som til forveksling ligner frukt , eller l\u00e6re \u00e5 bruke naturens r\u00e5stoff for \u00e5 lage en rakett \u2013 ved hjelp av flaggermusb\u00e6sj !", "opinions": []}, {"sent_id": "703109-07-01", "text": "Paradoksalt nok \u2013 i et krigsherjet , fattig land \u2013 er den store forlystelsen i en av landsbyene \u00e5 konkurrere om hvem som kan lage den h\u00f8yestg\u00e5ende raketten .", "opinions": []}, {"sent_id": "703109-07-02", "text": "Den utfordringen tar Ahlo tak i p\u00e5 en m\u00e5te som gir et fascinerende og underholdende innblikk i laotisk , folkelig kultur av i dag .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fascinerende"], ["54:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["underholdende"], ["70:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304002-01-01", "text": "Abstraksjonene er mange , og g\u00e5tene likes\u00e5 , i \u00ab R.U.R \u00bb p\u00e5 Torshovteatret", "opinions": []}, {"sent_id": "304002-02-01", "text": "Kryptisk undergangsfabel .", "opinions": []}, {"sent_id": "304002-03-01", "text": "TEATER :", "opinions": []}, {"sent_id": "304002-03-02", "text": "Er det maskinen som er en metafor for mennesket , eller er det mennesket som er en metafor for maskinen ?", "opinions": []}, {"sent_id": "304002-03-03", "text": "Det er ikke lett \u00e5 si .", "opinions": []}, {"sent_id": "304002-03-04", "text": "Spiller det egentlig noen rolle ?", "opinions": []}, {"sent_id": "304002-04-01", "text": "Torshovteatrets versjon av \u00ab R.U.R \u00bb , eller \u00ab Rossums Universal-Roboter \u00bb , varer i dr\u00f8yt tre og en halv time , og presenterer s\u00e5 mange g\u00e5tefulle uklarheter at tilskueren kan velge fritt hvilken livsvisdom som skal hentes ut av den .", "opinions": []}, {"sent_id": "304002-05-01", "text": "At for mye tid brukt p\u00e5 for ivrige fors\u00f8k p\u00e5 selvrealisering sprer ulykke , at isolasjon er skadelig , fordi mennesker trenger genuin kontakt og kommunikasjon med andre mennesker , at hjelpemidler ikke er klokere enn den som bruker dem , eller at hjelpemidler er for kloke for den som bruker dem , at ingen og ingenting b\u00f8r behandles kun som nyttegjenstander , at maskinene kommer til \u00e5 overta verden , at mennesket b\u00f8r slutte \u00e5 leke gud , eller at mennesket selv er fullt i stand til \u00e5 \u00f8delegge for menneskeheten - alt dette er mulige konklusjoner .", "opinions": []}, {"sent_id": "304002-06-01", "text": "Om tilskueren da ikke legger alle intensjoner om \u00e5 se sammenhenger eller trekke konklusjoner til side , for bare \u00e5 g\u00e5 inn i enkeltscenene som de er .", "opinions": []}, {"sent_id": "304002-07-01", "text": "Mekanisk", "opinions": []}, {"sent_id": "304002-08-01", "text": "I \u00ab R.U.R \u00bb er mennesket mekanisk , f\u00f8lelsesutbrudd er teoretiske konsepter , og tilknytning er en illusjon .", "opinions": []}, {"sent_id": "304002-08-02", "text": "Det snakkes om sjel , men ogs\u00e5 det framst\u00e5r som en id\u00e9 som kanskje ikke har forankring i realitetene - og dette gjelder b\u00e5de for de menneskelige og for de mekaniske skikkelsene .", "opinions": []}, {"sent_id": "304002-09-01", "text": "I sin instruksjon har Angelina Stoj\u010devska gitt menneskene et vel s\u00e5 mekanisk kroppsspr\u00e5k og vel s\u00e5 mekanisk stemmebruk som det robotene har .", "opinions": []}, {"sent_id": "304002-10-01", "text": "Janne Heltberg gj\u00f8r gymnastiske oppvisninger som den ensomme Helena , som lever sammen med tre arbeidsnarkomane robotprodusenter ( Herman Bernhoft , Sigurd Myhre , H\u00e5kon Ramstad ) og to roboter ( Olav Waastad og Liv Bernhoft Osa ) p\u00e5 en isolert \u00f8y .", "opinions": []}, {"sent_id": "304002-10-02", "text": "Helena har for mye tid og for lite mening i livet , og hun behandler roboten Marius ( Waastad ) som en s\u00f8nn .", "opinions": []}, {"sent_id": "304002-11-01", "text": "Lang historie kort fortalt :", "opinions": []}, {"sent_id": "304002-11-02", "text": "Det g\u00e5r ikke godt .", "opinions": []}, {"sent_id": "304002-12-01", "text": "F\u00f8rste i serie", "opinions": []}, {"sent_id": "304002-13-01", "text": "Forestillingen er den f\u00f8rste i Torshovteatrets sci-fi-prosjekt .", "opinions": []}, {"sent_id": "304002-13-02", "text": "Angelina Stoj\u010devska har skapt sin egen versjon av Karel \u010capeks tekst fra 1921 , en tekst som aldri tidligere har v\u00e6rt oppf\u00f8rt i Norge .", "opinions": []}, {"sent_id": "304002-14-01", "text": "Formspr\u00e5ket er hennes eget , gjenkjennelig burlesk , fr\u00e5tsende i abstraherende virkemidler .", "opinions": []}, {"sent_id": "304002-14-02", "text": "Noen av effektene er det enkelt \u00e5 se metaforisk betydning i , andre virker valgt mest for scenelekens skyld , eller kanskje for \u00e5 understreke Helenas voksende forvirring og mentale fremmedgj\u00f8ring .", "opinions": []}, {"sent_id": "304002-15-01", "text": "Gaute T\u00f8nders lydeffekter bygger opp under underliggj\u00f8ringen .", "opinions": [{"Source": [[], []], "Target": [["Gaute T\u00f8nders lydeffekter"], ["0:25"]], "Polar_expression": [["bygger opp under underliggj\u00f8ringen"], ["26:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-01-01", "text": "Chatteskjerm fra ViewSonic", "opinions": []}, {"sent_id": "202899-02-01", "text": "Bruker du PCen mest til nett og chatting er det kanskje like greit \u00e5 ha en skreddersydd skjerm ?", "opinions": []}, {"sent_id": "202899-02-02", "text": "Vi tester VX2255wmh fra ViewSonic", "opinions": []}, {"sent_id": "202899-03-01", "text": "Skjermer skal ikke bare passe til PCen , de skal ogs\u00e5 passe til innredning og bruk .", "opinions": []}, {"sent_id": "202899-03-02", "text": "Derfor kommer det stadig nye skjermer med flere egenskaper , beregnet p\u00e5 utvalgte brukergrupper .", "opinions": []}, {"sent_id": "202899-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "202899-05-01", "text": "ViewwSonics nye 55-serie byr forel\u00f8pig p\u00e5 to modeller , som leveres i svart pianolakk eller tilsvarende \" pianogtangent-hvit \" utf\u00f8relse .", "opinions": [{"Source": [[], []], "Target": [["ViewwSonics nye 55-serie"], ["0:24"]], "Polar_expression": [["byr forel\u00f8pig p\u00e5 to modeller"], ["25:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202899-05-02", "text": "Vi snakker om virkelig blanke saker , bortsett fra selve skjermpanelet som har en normal , matt overflate .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["virkelig blanke saker"], ["14:35"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["skjermpanelet"], ["57:70"]], "Polar_expression": [["normal , matt overflate"], ["82:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-06-01", "text": "De kommer som 20 eller 22-tommer , oppl\u00f8sningen er i begge tilfeller 1680x1050 , mens lysstyrke og kontrast varierer : 300cd / m2 og 1000:1 p\u00e5 den lille , mens den store har 280cd / m2 og 700:1 .", "opinions": []}, {"sent_id": "202899-07-01", "text": "Responstiden er 5ms .", "opinions": [{"Source": [[], []], "Target": [["Responstiden"], ["0:12"]], "Polar_expression": [["5ms"], ["16:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202899-08-01", "text": "Felles for begge er innebygd 1,3 Mpx webkamera , mikrofon og skjulte h\u00f8yttalere .", "opinions": [{"Source": [[], []], "Target": [["begge"], ["11:16"]], "Polar_expression": [["innebygd", "mikrofon"], ["20:28", "49:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["begge"], ["11:16"]], "Polar_expression": [["innebygd", "skjulte h\u00f8yttalere"], ["20:28", "61:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["begge"], ["11:16"]], "Polar_expression": [["innebygd 1,3 Mpx webkamera"], ["20:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202899-08-02", "text": "Tilkoblingen til PC er med DVI og VGA , pluss USB og analog tilkobling til lydkortet med en splittkabel med jack'er for linje og mikrofon .", "opinions": []}, {"sent_id": "202899-09-01", "text": "V\u00e5rt testeksemplar var en hvit 2255wmh .", "opinions": []}, {"sent_id": "202899-10-01", "text": "Utseende og tilkobling", "opinions": []}, {"sent_id": "202899-11-01", "text": "Skjermen har et tiltalende utseende , noen vil kanskje p\u00e5st\u00e5 at utf\u00f8relsen er i overkant motepreget .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["tiltalende utseende"], ["16:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["utseende"], ["27:35"]], "Polar_expression": [["tiltalende"], ["16:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["noen"], ["38:42"]], "Target": [["utf\u00f8relsen"], ["64:74"]], "Polar_expression": [["i overkant motepreget"], ["78:99"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "202899-11-02", "text": "Blank plast ble satt p\u00e5 kartet av Apple , men de er n\u00e5 i ferd med \u00e5 g\u00e5 bort fra dette materialet som designelement .", "opinions": []}, {"sent_id": "202899-11-03", "text": "Til syvende og sist dreier det seg om smak og behag , noe som ikke kan diskuteres ...", "opinions": []}, {"sent_id": "202899-12-01", "text": "Skjermen kan b\u00e5de dreies rundt 360 grader p\u00e5 foten og justeres opptil 8 cm i h\u00f8yden , men den kan ikke vris til h\u00f8ydeformat .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan", "dreies rundt 360 grader p\u00e5 foten"], ["9:12", "18:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan", "justeres opptil 8 cm i h\u00f8yden"], ["9:12", "54:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan ikke vris til h\u00f8ydeformat"], ["94:123"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202899-13-01", "text": "Tilkoblingene har standard plassering og det er ikke noe avtagbart deksel for \u00e5 skjule kontaktene .", "opinions": [{"Source": [[], []], "Target": [["Tilkoblingene"], ["0:13"]], "Polar_expression": [["standard plassering"], ["18:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Tilkoblingene"], ["0:13"]], "Polar_expression": [["ikke noe avtagbart deksel for \u00e5 skjule kontaktene"], ["48:97"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202899-13-02", "text": "Baksiden av foten har b\u00f8yleklemmer for \u00e5 holde en viss orden p\u00e5 kablene .", "opinions": [{"Source": [[], []], "Target": [["Baksiden av foten"], ["0:17"]], "Polar_expression": [["b\u00f8yleklemmer for \u00e5 holde en viss orden p\u00e5 kablene"], ["22:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202899-14-01", "text": "Betjeningen er plassert p\u00e5 h\u00f8yre side , og har pregete symboler i fronten .", "opinions": []}, {"sent_id": "202899-14-02", "text": "Det er bare 4 knapper , s\u00e5 bruken sitter fort i fingrene .", "opinions": [{"Source": [[], []], "Target": [["knapper"], ["14:21"]], "Polar_expression": [["bare 4"], ["7:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["knapper"], ["14:21"]], "Polar_expression": [["bruken sitter fort i fingrene"], ["27:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-14-03", "text": "Nedenfor knappene finner vi tilkobling for hodetelefoner .", "opinions": []}, {"sent_id": "202899-15-01", "text": "Skjermen har innebygde skjulte h\u00f8yttalere og mikrofon .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["innebygde skjulte h\u00f8yttalere og mikrofon"], ["13:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202899-15-02", "text": "Disse er ikke basert p\u00e5 USB , s\u00e5 du m\u00e5 bruke PCens lydkort og koble til ved hjelp av spesialkabelen som f\u00f8lger med .", "opinions": [{"Source": [[], []], "Target": [["Disse"], ["0:5"]], "Polar_expression": [["ikke basert p\u00e5 USB"], ["9:27"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Disse"], ["0:5"]], "Polar_expression": [["m\u00e5 bruke PCens lydkort og koble til ved hjelp av spesialkabelen som f\u00f8lger med"], ["36:114"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-16-01", "text": "Mikrofonen fungerer fint til Skype , MSN osv. , men l\u00f8sningen de innebygde h\u00f8yttalerne er i svakeste laget .", "opinions": [{"Source": [[], []], "Target": [["Mikrofonen"], ["0:10"]], "Polar_expression": [["fungerer fint til Skype , MSN osv."], ["11:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["h\u00f8yttalerne"], ["75:86"]], "Polar_expression": [["i svakeste laget"], ["90:106"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-17-01", "text": "P\u00e5 toppen av skjermen finner du et webkamera og en liten bl\u00e5 lysdiode som lyser n\u00e5r webkameraet er p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["toppen av skjermen"], ["3:21"]], "Polar_expression": [["finner du et webkamera"], ["22:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["webkamera"], ["35:44"]], "Polar_expression": [["bl\u00e5 lysdiode som lyser n\u00e5r webkameraet er p\u00e5"], ["57:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202899-17-02", "text": "Webkameraet er kompatibelt med generiske drivere i Windows , s\u00e5 du trenger ikke en gang \u00e5 installere noe som helst for \u00e5 f\u00e5 det til \u00e5 virke .", "opinions": [{"Source": [[], []], "Target": [["Webkameraet"], ["0:11"]], "Polar_expression": [["kompatibelt med generiske drivere i Windows"], ["15:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Webkameraet"], ["0:11"]], "Polar_expression": [["trenger ikke en gang \u00e5 installere noe som helst for \u00e5 f\u00e5 det til \u00e5 virke"], ["67:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-18-01", "text": "Vi testet i Skype og MSN og kameraet fungerer utmerket til vanlig chatting .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["kameraet"], ["28:36"]], "Polar_expression": [["fungerer utmerket til vanlig chatting"], ["37:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-18-02", "text": "Hvis du er avhengig av bedre bildekvalitet , optisk zoom osv.", "opinions": []}, {"sent_id": "202899-18-03", "text": "m\u00e5 du velge en mer avansert l\u00f8sning , men denne klarer seg kvalitetsmessig fint i konkurranse med webkameraer som alene koster mange hundre kroner .", "opinions": [{"Source": [[], []], "Target": [["denne"], ["42:47"]], "Polar_expression": [["klarer seg kvalitetsmessig fint i konkurranse"], ["48:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-19-01", "text": "Hva med bildekvaliteten ?", "opinions": []}, {"sent_id": "202899-20-01", "text": "Skjermen er et typisk , men godt eksemplar av en familie skjermer med TN-panel , som byr p\u00e5 h\u00f8y lysstyrke og kontrast pluss kort responstid .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["typisk"], ["15:21"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["godt eksemplar"], ["28:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["h\u00f8y lysstyrke"], ["92:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["h\u00f8y", "kontrast"], ["92:95", "109:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["pluss kort responstid"], ["118:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202899-20-02", "text": "Dette gj\u00f8r skjemene egnet til spill og video p\u00e5 bekostning av korrekt fargegjengivelse og stor betraktningsvinkel .", "opinions": [{"Source": [[], []], "Target": [["skjemene"], ["11:19"]], "Polar_expression": [["egnet til spill og video"], ["20:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skjemene"], ["11:19"]], "Polar_expression": [["bekostning av korrekt fargegjengivelse og stor betraktningsvinkel"], ["48:113"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202899-21-01", "text": "Men med god styreelektronikk kan ogs\u00e5 denne paneltypen gi meget gode farger med stor dynamikk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["med god styreelektronikk kan ogs\u00e5 denne paneltypen gi meget gode farger med stor dynamikk"], ["4:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-21-02", "text": "ViewSonic 2255wmh var faktisk hakket bedre enn det vi er vant til fra denne typen skjermer .", "opinions": [{"Source": [["vi"], ["51:53"]], "Target": [["ViewSonic 2255wmh"], ["0:17"]], "Polar_expression": [["hakket bedre enn det vi er vant til fra denne typen skjermer"], ["30:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202899-21-03", "text": "Sortniv\u00e5et var bra , det er ingen plagsom lekkasje fra bakgrunnsbelysningen .", "opinions": [{"Source": [[], []], "Target": [["Sortniv\u00e5et"], ["0:10"]], "Polar_expression": [["bra"], ["15:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sortniv\u00e5et"], ["0:10"]], "Polar_expression": [["ingen plagsom lekkasje fra bakgrunnsbelysningen"], ["28:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-21-04", "text": "Lysstyrken gir deg mye \u00e5 g\u00e5 p\u00e5 selv om du sitter i ganske kraftig belyste omgivelser .", "opinions": [{"Source": [[], []], "Target": [["Lysstyrken"], ["0:10"]], "Polar_expression": [["gir deg mye \u00e5 g\u00e5 p\u00e5 selv om du sitter i ganske kraftig belyste omgivelser"], ["11:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-22-01", "text": "For en typisk bruker i m\u00e5lgruppen for denne typen skjermer er den eneste egentlige svakheten i betraktningsvinkelen , at fargebalansen varierer .", "opinions": [{"Source": [[], []], "Target": [["betraktningsvinkelen"], ["95:115"]], "Polar_expression": [["eneste egentlige svakheten", "fargebalansen varierer"], ["66:92", "121:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-22-02", "text": "S\u00e5 lenge du sitter rimelig rolig foran skjermen fungerer det utmerket .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["S\u00e5 lenge du sitter rimelig rolig foran skjermen fungerer det utmerket"], ["0:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-22-03", "text": "Problemet oppst\u00e5r n\u00e5r flere skal se p\u00e5 skjermen samtidig , fra sv\u00e6rt forskjellig vinkel .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Problemet oppst\u00e5r n\u00e5r flere skal se p\u00e5 skjermen samtidig"], ["0:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-23-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "202899-24-01", "text": "ViewSonic 2255wmh er en stilig skjerm med utvidet funksjonalitet som gj\u00f8r at den passer perfekt til hjemmebruk , enten den er til hele familien , til hjemmearbeide eller p\u00e5 barnev\u00e6relset .", "opinions": [{"Source": [[], []], "Target": [["ViewSonic 2255wmh"], ["0:17"]], "Polar_expression": [["stilig"], ["24:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ViewSonic 2255wmh"], ["0:17"]], "Polar_expression": [["utvidet funksjonalitet"], ["42:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ViewSonic 2255wmh"], ["0:17"]], "Polar_expression": [["perfekt til hjemmebruk", "til hele familien , til hjemmearbeide eller p\u00e5 barnev\u00e6relset"], ["88:110", "126:186"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202899-25-01", "text": "Bildekvaliteten er god , webkamera og mikrofon fungerer utmerket , h\u00f8yttalerne er ikke like imponerende , men det er praktisk med hodetelefonuttak p\u00e5 siden av skjermen .", "opinions": [{"Source": [[], []], "Target": [["Bildekvaliteten"], ["0:15"]], "Polar_expression": [["god"], ["19:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mikrofon"], ["38:46"]], "Polar_expression": [["fungerer utmerket"], ["47:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["webkamera"], ["25:34"]], "Polar_expression": [["fungerer utmerket"], ["47:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["h\u00f8yttalerne"], ["67:78"]], "Polar_expression": [["ikke like imponerende"], ["82:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hodetelefonuttak"], ["130:146"]], "Polar_expression": [["praktisk"], ["117:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-26-01", "text": "H\u00f8ydejusteringen og den roterende foten er ogs\u00e5 egenskaper vi setter pris p\u00e5 .", "opinions": [{"Source": [["vi"], ["59:61"]], "Target": [["den roterende foten"], ["20:39"]], "Polar_expression": [["setter pris p\u00e5"], ["62:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["59:61"]], "Target": [["H\u00f8ydejusteringen"], ["0:16"]], "Polar_expression": [["setter pris p\u00e5"], ["62:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202899-27-01", "text": "Skjermene skal v\u00e6re p\u00e5 vei ut i forretningene i l\u00f8pet av kort tid .", "opinions": [{"Source": [[], []], "Target": [["Skjermene"], ["0:9"]], "Polar_expression": [["p\u00e5 vei ut i forretningene i l\u00f8pet av kort tid"], ["20:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "104901-01-01", "text": "C.L. Taylor :", "opinions": []}, {"sent_id": "104901-01-02", "text": "\u00ab L\u00f8gnen \u00bb", "opinions": []}, {"sent_id": "104901-02-01", "text": "C.L . Taylor l\u00e5 h\u00f8yt p\u00e5 bestselgerlistene i hjemlandet England i fjor med thrilleren \u00ab L\u00f8gnen \u00bb , noen f\u00e5 hakk bak den store internasjonale suksessen \u00ab Piken p\u00e5 toget \u00bb .", "opinions": []}, {"sent_id": "104901-02-02", "text": "Handler om Emma og venninnegjengen som drar til et yogaretreat i fjellene i Nepal .", "opinions": []}, {"sent_id": "104901-02-03", "text": "Fem \u00e5r senere m\u00f8ter vi igjen Emma som fors\u00f8ker \u00e5 glemme det som skjedde p\u00e5 turen .", "opinions": []}, {"sent_id": "104901-02-04", "text": "Men noen vet sannheten , og snart griper fortiden inn i Emmas liv \u2013 og hun begynner \u00e5 frykte for sitt eget liv .", "opinions": []}, {"sent_id": "104901-03-01", "text": "Det kan synes som om Taylor har latt seg inspirere av Alex Garlands \u00ab The Beach \u00bb i utviklingen av plottet , men der stopper ogs\u00e5 likheten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["der stopper ogs\u00e5 likheten"], ["113:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["utviklingen av plottet"], ["84:106"]], "Polar_expression": [["latt seg inspirere av Alex Garlands \u00ab The Beach \u00bb"], ["32:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "104901-03-02", "text": "For selv om \u00ab L\u00f8gnen \u00bb har spenningen i orden , mangler den flere ting , blant annet troverdighet og en god hovedperson .", "opinions": [{"Source": [[], []], "Target": [["\u00ab L\u00f8gnen \u00bb"], ["12:22"]], "Polar_expression": [["spenningen i orden"], ["27:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab L\u00f8gnen \u00bb"], ["12:22"]], "Polar_expression": [["mangler den flere ting"], ["48:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["troverdighet"], ["85:97"]], "Polar_expression": [["mangler"], ["48:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["god hovedperson"], ["104:119"]], "Polar_expression": [["mangler"], ["48:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-01-01", "text": "Polanski er den snikende uhygges mester", "opinions": [{"Source": [[], []], "Target": [["Polanski"], ["0:8"]], "Polar_expression": [["snikende uhygges mester"], ["16:39"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-02-01", "text": "Befriende intelligent thriller .", "opinions": [{"Source": [[], []], "Target": [["thriller"], ["22:30"]], "Polar_expression": [["Befriende intelligent"], ["0:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302087-03-01", "text": "|| |", "opinions": []}, {"sent_id": "302087-03-02", "text": "FILM :", "opinions": []}, {"sent_id": "302087-03-03", "text": "Den tidligere britiske statsministeren Andrew Lang har g\u00e5tt i dekning .", "opinions": []}, {"sent_id": "302087-03-04", "text": "Det har kommet frem at han s\u00e5 litt for iherdig en annen vei da fire britiske terrormistenkte ble torturert av CIA , og antagelig \u00f8vet litt for lite motstand da han ble bedt om \u00e5 kaste seg og landet sitt inn i en amerikanskledet krig .", "opinions": []}, {"sent_id": "302087-04-01", "text": "S\u00e5 n\u00e5 har han isolert seg p\u00e5 en forbl\u00e5st \u00f8y utenfor \u00f8stkysten av USA , p\u00e5 et monster av en overdesignet , modernistisk villa i bl\u00e5gr\u00e5tt og sort mens kobbelet av journalister og demonstranter utenfor portene hyler stadig h\u00f8yere , gamle allierte vender seg mot ham og himmelen utenfor blir stadig mer regntung og illevarslende bl\u00e5gr\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["villa"], ["119:124"]], "Polar_expression": [["monster av en overdesignet"], ["77:103"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["himmelen"], ["266:274"]], "Polar_expression": [["stadig mer regntung og illevarslende bl\u00e5gr\u00e5"], ["288:331"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00f8y"], ["41:43"]], "Polar_expression": [["forbl\u00e5st"], ["32:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-05-01", "text": "Mon tro om regiss\u00f8r Roman Polanski , som i h\u00f8st ble arrestert etter trettitre \u00e5r p\u00e5 r\u00f8mmen etter \u00e5 ha blitt d\u00f8mt for seksuelle overgrep mot en mindre\u00e5rig , og m\u00e5tte fullf\u00f8re filmen i fangenskap , f\u00f8lte seg noe beslektet med den beleirede ministeren .", "opinions": []}, {"sent_id": "302087-05-02", "text": "Og mon tro hva Tony Blair tenker om det hele .", "opinions": []}, {"sent_id": "302087-06-01", "text": "Kanskje blir han noe formildet av at skikkelsen som er en ikke s\u00e6rlig subtil parallell til ham selv , blir spilt av Pierce Brosnan med sedvanlig gr\u00e5net verdensvandthet og \u00e5ndsfrav\u00e6rende sjarm .", "opinions": [{"Source": [[], []], "Target": [["Pierce Brosnan"], ["116:130"]], "Polar_expression": [["sedvanlig gr\u00e5net verdensvandthet"], ["135:167"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Pierce Brosnan"], ["116:130"]], "Polar_expression": [["\u00e5ndsfrav\u00e6rende sjarm"], ["171:191"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-07-01", "text": "Dempet McGregorInn i bunkersen slipper Ewan McGregor , som skyggeforfatteren som skal hjelpe Lang skrive sine memoarer .", "opinions": []}, {"sent_id": "302087-08-01", "text": "Det er betegnende at MacGregors rollefigur ikke har noe navn .", "opinions": []}, {"sent_id": "302087-08-02", "text": "Han er et sp\u00f8kelse , en skygge , en halvbegavet samleb\u00e5ndsskribent uten politisk st\u00e5sted eller tydelig retning i livet , og uten forhistorie .", "opinions": []}, {"sent_id": "302087-08-03", "text": "Han er ingen i dette spillet og vil mest av alt forbli ubetydelig .", "opinions": []}, {"sent_id": "302087-09-01", "text": "Men s\u00e5 snill har ikke Polanski tenkt \u00e5 v\u00e6re med ham ?", "opinions": []}, {"sent_id": "302087-10-01", "text": "McGregors skyggeforfatter er blek og urolig , og det hjelper ikke p\u00e5 sjelefreden at han vet at forgjengeren hans ble skylt opp p\u00e5 stranden , druknet .", "opinions": []}, {"sent_id": "302087-10-02", "text": "Bare unntaksvis flasher MacGregor det gutteaktige , inntagende smilet som er som et slags tic for ham , og n\u00e5r han gj\u00f8r det , er det p\u00e5 en trett m\u00e5te , som et triks fra en profesjonell pleaser .", "opinions": []}, {"sent_id": "302087-11-01", "text": "Det er en intelligent , uselvisk rolleprestasjon som passer utmerket i Polanskis elegante thriller .", "opinions": [{"Source": [[], []], "Target": [["rolleprestasjon"], ["33:48"]], "Polar_expression": [["intelligent , uselvisk"], ["10:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Polanskis elegante thriller"], ["71:98"]], "Polar_expression": [["intelligent , uselvisk rolleprestasjon som passer utmerket"], ["10:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302087-12-01", "text": "Sniker seg inntilSom han viste til fulle i filmer som \u00ab Rosemary's Baby \u00bb , er Polanski den snikende uhygges mester .", "opinions": [{"Source": [[], []], "Target": [["Polanski"], ["79:87"]], "Polar_expression": [["snikende uhygges mester"], ["92:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-13-01", "text": "Spenningen i \u00ab Polanskis Skyggen \u00bb bygger seg opp sakte , sikkert for sakte for mange , og som en gjeng intenanende krabber i en fransk kokks gryte merker ikke publikum hvor hett det er f\u00f8r det er i seneste laget .", "opinions": [{"Source": [[], []], "Target": [["Spenningen"], ["0:10"]], "Polar_expression": [["bygger seg opp sakte , sikkert for sakte for mange"], ["35:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Polanskis Skyggen \u00bb"], ["13:34"]], "Polar_expression": [["Spenningen", "bygger seg opp sakte , sikkert for sakte for mange"], ["0:10", "35:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302087-13-02", "text": "Skyggeforfatteren blir stadig sikrere i sin sak p\u00e5 at noe er galt , men m\u00e5 like fullt g\u00e5 rundt og snakke om v\u00e6ret og takke for maten med tilforlatelig mine som om vertskapet slett ikke var CIA-styrte torturistkollaborat\u00f8rer som ikke kvier seg for \u00e5 gi nyfikne bladfyker en fuktig d\u00f8d .", "opinions": []}, {"sent_id": "302087-14-01", "text": "Og hvem vet - kanskje er de bare helt vanlige toppolitikere med noen sl\u00f8ve kniver i kofferten og et og annet gammelt svin p\u00e5 skogen .", "opinions": []}, {"sent_id": "302087-15-01", "text": "Dirrende nerveEt evig problem med sjangerfilmer er at de ofte fordrer at hovedpersonene oppf\u00f8rer seg som genier i det ene \u00f8yeblikket og idioter i det andre , for at plottet skal a ) g\u00e5 opp og b ) forvirre absolutt ingen av de millionene av seere som trengs for \u00e5 f\u00e5 et boost i filmens \u00e5pningshelg .", "opinions": [{"Source": [[], []], "Target": [["sjangerfilmer"], ["34:47"]], "Polar_expression": [["problem"], ["22:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sjangerfilmer"], ["34:47"]], "Polar_expression": [["hovedpersonene oppf\u00f8rer seg som genier i det ene \u00f8yeblikket og idioter i det andre"], ["73:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-16-01", "text": "Derfor er det s\u00e5 befriende , og uventet , n\u00e5r det kommer en thriller der hovedpersonene alle er smarte folk , dog p\u00e5 forskjellig vis , og at de f\u00e5r lov \u00e5 v\u00e6re litt g\u00e5tefulle .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["befriende"], ["17:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["uventet"], ["32:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hovedpersonene"], ["73:87"]], "Polar_expression": [["smarte"], ["96:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hovedpersonene"], ["73:87"]], "Polar_expression": [["f\u00e5r lov \u00e5 v\u00e6re litt g\u00e5tefulle"], ["144:173"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-16-02", "text": "At det har skjedd , og kanskje skjer , et eller annet mellom statsministeren og hans personlige assistent Amy , spilt av en fin og forbl\u00f8ffende tekkelig Kim Cattrall , er utvilsomt , men forblir uuttalt .", "opinions": [{"Source": [[], []], "Target": [["Kim Cattrall"], ["153:165"]], "Polar_expression": [["fin og forbl\u00f8ffende tekkelig"], ["124:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302087-17-01", "text": "Slik blir \u00ab Polanskis Skyggen \u00bb som enhver pasjonert fl\u00f8rt , der nerven blir holdt svingende og pulsen h\u00f8y av alt du ikke vet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Polanskis Skyggen \u00bb"], ["10:31"]], "Polar_expression": [["pasjonert fl\u00f8rt"], ["43:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Polanskis Skyggen \u00bb"], ["10:31"]], "Polar_expression": [["nerven blir holdt svingende"], ["65:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Polanskis Skyggen \u00bb"], ["10:31"]], "Polar_expression": [["pulsen h\u00f8y"], ["96:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500437-01-01", "text": "S\u00f8ster Marguerites kall", "opinions": []}, {"sent_id": "500437-02-01", "text": "En enkel og vakker film om \u00e5 finne spr\u00e5ket .", "opinions": [{"Source": [[], []], "Target": [["film"], ["19:23"]], "Polar_expression": [["enkel"], ["3:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["19:23"]], "Polar_expression": [["vakker"], ["12:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500437-03-01", "text": "Hvordan oppleves livet uten lyd , i totalt m\u00f8rke ?", "opinions": []}, {"sent_id": "500437-04-01", "text": "S\u00f8ster Marguerite gj\u00f8r et fors\u00f8k p\u00e5 \u00e5 forst\u00e5 .", "opinions": []}, {"sent_id": "500437-04-02", "text": "Hun putter korker i \u00f8rene og binder et t\u00f8rkle stramt over \u00f8ynene , snurrer rundt , pr\u00f8ver \u00e5 orientere seg .", "opinions": []}, {"sent_id": "500437-05-01", "text": "Marguerite tilh\u00f8rer Larnay-instituttet , en nonneorden som vier seg spesielt til d\u00f8ve jenter og kvinner .", "opinions": []}, {"sent_id": "500437-05-02", "text": "En landsens h\u00e5ndverker har kommet dit med datteren Marie .", "opinions": []}, {"sent_id": "500437-05-03", "text": "Klosterledelsen avviser den unge jenten fordi hun er d\u00f8vblind og dermed ikke kan kommunisere med tradisjonelt tegnspr\u00e5k .", "opinions": []}, {"sent_id": "500437-06-01", "text": "Jenten er ogs\u00e5 diagnostisert som tilbakest\u00e5ende .", "opinions": []}, {"sent_id": "500437-06-02", "text": "Bortsett fra klosteret eksisterer bare ett alternativ : sinnssykehuset .", "opinions": []}, {"sent_id": "500437-07-01", "text": "Marguerite ser det som sitt kall \u00e5 hjelpe henne .", "opinions": []}, {"sent_id": "500437-07-02", "text": "Hun overtaler priorinnen , og henter Marie tilbake til klosteret , overbevist om at det skal v\u00e6re mulig \u00e5 l\u00e6re henne en form for tegnspr\u00e5k .", "opinions": []}, {"sent_id": "500437-07-03", "text": "Utfordringen er kolossal .", "opinions": []}, {"sent_id": "500437-07-04", "text": "Bare det \u00e5 f\u00e5 kontakt med den redde og utagerende jenten synes umulig .", "opinions": []}, {"sent_id": "500437-08-01", "text": "\u00ab Historien om Marie \u00ab er inspirert av den virkelige historien om Marie Heurtin , f\u00f8dt i Frankrike i 1885 , fem \u00e5r etter den mer ber\u00f8mte , amerikanske Helen Keller .", "opinions": []}, {"sent_id": "500437-09-01", "text": "Historien om Marguerite og Marie har ogs\u00e5 likhetstrekk med forholdet mellom Keller og hennes l\u00e6rer , Anne Sullivan \u2014 gjenfortalt i Arthur Penns regi i \u00ab The Miracle Worker \u00bb ( 1962 ) , med Patty Duke og Anne Bancroft i hovedrollene .", "opinions": []}, {"sent_id": "500437-10-01", "text": "Jean-Pierre Am\u00e9ris' film handler i bunn og grunn om spr\u00e5kets frigj\u00f8rende kraft , fortalt gjennom beretningen om to menneskers m\u00f8ysommelige arbeid for \u00e5 finne ordene , knekke spr\u00e5kkoden , arbeide seg frem til kommunikasjon .", "opinions": []}, {"sent_id": "500437-10-02", "text": "Under ligger en fortelling om tillit , n\u00e6rhet , sensibilitet og en n\u00e6rmest grensel\u00f8s t\u00e5lmodighet .", "opinions": []}, {"sent_id": "500437-11-01", "text": "Am\u00e9ris legger en myk , landlig og billedskj\u00f8nn ramme rundt et drama der tro og hengivenhet ligger som en understr\u00f8m , uten \u00e5 bli p\u00e5trengende .", "opinions": [{"Source": [[], []], "Target": [["drama"], ["62:67"]], "Polar_expression": [["myk , landlig og billedskj\u00f8nn ramme"], ["17:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["drama"], ["62:67"]], "Polar_expression": [["uten \u00e5 bli p\u00e5trengende"], ["118:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500437-11-02", "text": "Sterkt spilt av Isabelle Carr\u00e9 og Ariana Rivoire er \u00ab Historien om Marie \u00bb en relativt enkel , n\u00e6rmest minimalistisk film , stillferdig og usentimental , men likevel bevegende .", "opinions": [{"Source": [[], []], "Target": [["Isabelle Carr\u00e9"], ["16:30"]], "Polar_expression": [["Sterkt spilt"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ariana Rivoire"], ["34:48"]], "Polar_expression": [["Sterkt spilt"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Historien om Marie \u00bb"], ["52:74"]], "Polar_expression": [["Sterkt spilt av Isabelle Carr\u00e9 og Ariana Rivoire"], ["0:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Historien om Marie \u00bb"], ["52:74"]], "Polar_expression": [["bevegende"], ["166:175"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304841-01-01", "text": "Lys og varme fra Motorpsycho", "opinions": [{"Source": [[], []], "Target": [["Motorpsycho"], ["17:28"]], "Polar_expression": [["Lys og varme"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304841-02-01", "text": "Ingen \u00e5penbare tretthetstegn i \u00ab Child of the Future \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Child of the Future \u00bb"], ["31:54"]], "Polar_expression": [["Ingen \u00e5penbare tretthetstegn"], ["0:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304841-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "304841-03-02", "text": "N\u00e5r Motorpsycho feirer 20-\u00e5rsjubileum er verket i god feinschmecker\u00e5nd bare tilgjengelig p\u00e5 vinyl .", "opinions": [{"Source": [[], []], "Target": [["verket"], ["41:47"]], "Polar_expression": [["i god feinschmecker\u00e5nd bare tilgjengelig p\u00e5 vinyl"], ["48:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304841-03-03", "text": "Denne gangen har trioen dratt til Chicago og samarbeidet med den legendariske produsenten Steve Albini ( Pixies , Nirvana ) .", "opinions": []}, {"sent_id": "304841-04-01", "text": "Resultatet er et vitalt og dynamisk album som umiddelbart forteller at de tunge og episke jammene fra forgjengeren \u00ab Little Lucid Moments \u00bb denne gangen har sneket seg ut bakd\u00f8ra .", "opinions": [{"Source": [[], []], "Target": [["album"], ["36:41"]], "Polar_expression": [["dynamisk"], ["27:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["36:41"]], "Polar_expression": [["vitalt"], ["17:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304841-04-02", "text": "Dekker hele spekteret", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dekker hele spekteret"], ["0:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304841-04-03", "text": "P\u00e5 mange m\u00e5ter fungerer plata som et kortfattet oppslagsverk av det gjengen har foretatt seg gjennom hele karrieren .", "opinions": []}, {"sent_id": "304841-04-04", "text": "Fra melodisterk og solkysset vestkystrock i form \u00ab The Ozzylot ( Hidden in a Girl ) \u00bb , ikke ulikt det de befattet seg med p\u00e5 \u00ab Black Hole / Black Canvas \u00bb , via dronete \u00ab Whole Lotta Diana \u00bb , psykedeliajammen \u00ab Cornucopia \u00bb til det varme og neddempede pustehullet \u00ab The Waiting Game \u00bb , leker trioen seg gjennom lekre og rikt illustrerte lydlandskap .", "opinions": [{"Source": [[], []], "Target": [["vestkystrock"], ["29:41"]], "Polar_expression": [["melodisterk"], ["4:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vestkystrock"], ["29:41"]], "Polar_expression": [["solkysset"], ["19:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Ozzylot ( Hidden in a Girl ) \u00bb"], ["49:85"]], "Polar_expression": [["melodisterk og solkysset vestkystrock"], ["4:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Waiting Game \u00bb"], ["266:286"]], "Polar_expression": [["varme og neddempede pustehullet"], ["234:265"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydlandskap"], ["340:351"]], "Polar_expression": [["lekre"], ["314:319"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydlandskap"], ["340:351"]], "Polar_expression": [["rikt illustrerte"], ["323:339"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304841-05-01", "text": "\u00ab Child of the Future \u00bb er selvsagt i god Motorpsycho-tradisjon spekket med platesamlerrockreferanser , men ogs\u00e5 like umiskjennelig identitetssterk av samme \u00e5rsak .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Child of the Future \u00bb"], ["0:23"]], "Polar_expression": [["i god Motorpsycho-tradisjon spekket med platesamlerrockreferanser"], ["36:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Child of the Future \u00bb"], ["0:23"]], "Polar_expression": [["umiskjennelig identitetssterk"], ["118:147"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304841-05-02", "text": "I sum er \u00ab Child of the Future \u00bb", "opinions": []}, {"sent_id": "304841-05-03", "text": "Motorpsycho fra deres mer oppstemte side , i alle fall om man har de seinere platene som utgangspunkt .", "opinions": []}, {"sent_id": "304841-06-01", "text": "Det er ogs\u00e5 tydelig at trommeslager Kenneth Kapstad for alvor har funnet sin plass i det vellagrede lydbildet , og som enhet framst\u00e5r de tre fremdeles som et kollektiv med en ukuelig trang til \u00e5 formidle musikk som ligger deres hjerte n\u00e6r .", "opinions": [{"Source": [[], []], "Target": [["trommeslager Kenneth Kapstad"], ["23:51"]], "Polar_expression": [["funnet sin plass i det vellagrede lydbildet"], ["66:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbildet"], ["100:109"]], "Polar_expression": [["vellagrede"], ["89:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de tre"], ["134:140"]], "Polar_expression": [["framst\u00e5r", "fremdeles som et kollektiv med en ukuelig trang til \u00e5 formidle musikk som ligger deres hjerte n\u00e6r"], ["125:133", "141:238"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304841-07-01", "text": "Med andre ord , fremdeles ingen \u00e5penbare tretthetstegn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fremdeles ingen \u00e5penbare tretthetstegn"], ["16:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101882-01-01", "text": "Film :", "opinions": []}, {"sent_id": "101882-01-02", "text": "Sprudlende tur oppover Amazonas", "opinions": [{"Source": [[], []], "Target": [["tur"], ["11:14"]], "Polar_expression": [["Sprudlende"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-02-01", "text": "Blu og vennene hans er tilbake med moro som p\u00e5 karneval :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tilbake med moro"], ["23:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-02-02", "text": "Festlig og sprudlende , men med s\u00e5 mange fargesprakende karakterer at man ikke alltid helt vet hvor man skal feste \u00f8ynene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Festlig og sprudlende"], ["0:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["med s\u00e5 mange fargesprakende karakterer at man ikke alltid helt vet hvor man skal feste \u00f8ynene"], ["28:121"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mange fargesprakende karakterer"], ["35:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101882-02-03", "text": "Her er s\u00e5 mye !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Her er s\u00e5 mye !"], ["0:15"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101882-02-04", "text": "Den domestiserte papeg\u00f8yefamilien som vi ble kjent med i filmen fra 2011 lever det urbane livet i den brasilianske hovedstaden .", "opinions": []}, {"sent_id": "101882-03-01", "text": "Men etter at husfedrene Linda og T\u00falio ( mennesker alts\u00e5 ) oppdager en hel dr\u00f8ss av arten Spix Macaw , den samme arten Blu og familien tilh\u00f8rer .", "opinions": []}, {"sent_id": "101882-03-02", "text": "Hele gjengen setter oppover Amazonas for \u00e5 finne r\u00f8ttene og l\u00e6re hvordan de lever der .", "opinions": []}, {"sent_id": "101882-03-03", "text": "Store utfordringer i m\u00f8te for Blu som har vent seg til kj\u00f8leskap og pannekakelaging for barna !", "opinions": []}, {"sent_id": "101882-03-04", "text": "Og ikke blir det bedre n\u00e5r han st\u00f8ter p\u00e5 svigerfar , en papeg\u00f8yenes Lars Monsen - og kona Jewels gamle fl\u00f8rt fra barndommen .", "opinions": []}, {"sent_id": "101882-03-05", "text": "Og menneskelige skurker treffer vi blant hensynsl\u00f8se regnskog-\u00f8deleggere .", "opinions": [{"Source": [[], []], "Target": [["menneskelige skurker"], ["3:23"]], "Polar_expression": [["hensynsl\u00f8se regnskog-\u00f8deleggere"], ["41:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-04-01", "text": "Nevnte karakterer er bare en liten del av floraen som presenteres i \u00ab Rio 2 \u00bb , som kanskje er litt for omfattende for halvannen times tur .", "opinions": [{"Source": [[], []], "Target": [["floraen som presenteres i \u00ab Rio 2 \u00bb"], ["42:77"]], "Polar_expression": [["litt for omfattende for halvannen times tur"], ["95:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-04-02", "text": "Historien kunne tjent litt p\u00e5 et litt klarere hovedfokus , uten at filmen mister sjarmen av den grunn .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["kunne tjent litt p\u00e5 et litt klarere hovedfokus"], ["10:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-04-03", "text": "De store sambainspirerte musikknumre er som i f\u00f8rste film imponerende , og ogs\u00e5 denne gangen er oversettelsene og valg av norske stemmer utmerket .", "opinions": [{"Source": [[], []], "Target": [["musikknumre"], ["25:36"]], "Polar_expression": [["imponerende"], ["58:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["valg av norske stemmer"], ["114:136"]], "Polar_expression": [["utmerket"], ["137:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oversettelsene"], ["96:110"]], "Polar_expression": [["utmerket"], ["137:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-04-04", "text": "Sangene har en flyt og logikk man sjelden h\u00f8rer i norsk spr\u00e5kdrakt .", "opinions": [{"Source": [[], []], "Target": [["Sangene"], ["0:7"]], "Polar_expression": [["flyt og logikk man sjelden h\u00f8rer i norsk spr\u00e5kdrakt"], ["15:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101882-04-05", "text": "Kall meg gjerne barnslig , jeg mener norske oversettelser som \u00ab Jeg skal prompe partyet deres prompte ! \u00bb svinger som bare det og vitner om overskudd .", "opinions": []}, {"sent_id": "101882-04-06", "text": "Joda , du kan trygt fly av g\u00e5rde med Blu og de andre en gang til .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["du kan trygt fly av g\u00e5rde med Blu og de andre en gang til"], ["7:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101882-04-07", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "110613-01-01", "text": "Ektef\u00f8lt , men schizofrent", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ektef\u00f8lt"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["schizofrent"], ["15:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110613-02-01", "text": "\u00c6rlig og varm , men litt schizofren familieskildring fra australsk debutant", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00c6rlig"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["varm"], ["9:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["familieskildring"], ["36:52"]], "Polar_expression": [["litt schizofren"], ["20:35"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110613-03-01", "text": "HANDLER OM :", "opinions": []}, {"sent_id": "110613-03-02", "text": "15-\u00e5rige Thomas har nettopp flyttet til et nytt sted og blir tvunget til \u00e5 ta ansvar for sin fysisk ustyrlige autistiske bror da moren blir gravid .", "opinions": []}, {"sent_id": "110613-03-03", "text": "Men mest av alt \u00f8nsker han \u00e5 leve et helt vanlig ungdomsliv .", "opinions": []}, {"sent_id": "110613-03-04", "text": "Og hva skal han gj\u00f8re n\u00e5r den blonde nabojenta Jackie dukker opp og viser interesse ?", "opinions": []}, {"sent_id": "110613-04-01", "text": "DOM :", "opinions": []}, {"sent_id": "110613-04-02", "text": "\u00ab The Black Balloon \u00bb er regidebuten til australske Elissa Down .", "opinions": []}, {"sent_id": "110613-04-03", "text": "Og som med mange debutanter f\u00f8r henne er det et sterkt personlig tema hun behandler i sin f\u00f8rste film .", "opinions": []}, {"sent_id": "110613-04-04", "text": "Hun gir oss et unikt og humant innblikk i hvordan det er \u00e5 leve med et menneske som krever ens fulle oppmerksomhet d\u00f8gnet rundt .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["gir", "et unikt og humant innblikk"], ["4:7", "12:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110613-04-05", "text": "Filmen klarer ikke alltid \u00e5 bestemme seg for hva den skal v\u00e6re , og hopper litt for lett mellom sommerlett feelgood og s\u00e5rt familiedrama .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["klarer ikke alltid \u00e5 bestemme seg for hva den skal v\u00e6re"], ["7:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["hopper litt for lett mellom sommerlett feelgood og s\u00e5rt familiedrama"], ["68:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110613-05-01", "text": "Det oppleves til tider som noe schizofrent og episodisk .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["oppleves til tider som noe schizofrent"], ["4:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["oppleves til tider som noe", "episodisk"], ["4:30", "46:55"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110613-05-02", "text": "Man venter liksom p\u00e5 noen dramatiske grep som kunne dratt historien i en mer bestemt retning .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Man venter liksom p\u00e5 noen dramatiske grep"], ["0:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110613-05-03", "text": "Manglene tilgis likevel i stor grad n\u00e5r prosjektet er s\u00e5 gjennomf\u00f8rt \u00e6rlig og ektef\u00f8lt , og med en n\u00e6r perfekt rollebesetning .", "opinions": [{"Source": [[], []], "Target": [["prosjektet"], ["40:50"]], "Polar_expression": [["gjennomf\u00f8rt \u00e6rlig"], ["57:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosjektet"], ["40:50"]], "Polar_expression": [["gjennomf\u00f8rt", "ektef\u00f8lt"], ["57:68", "78:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rollebesetning"], ["111:125"]], "Polar_expression": [["n\u00e6r perfekt"], ["99:110"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosjektet"], ["40:50"]], "Polar_expression": [["n\u00e6r perfekt rollebesetning"], ["99:125"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosjektet"], ["40:50"]], "Polar_expression": [["Manglene tilgis likevel i stor grad"], ["0:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110613-05-04", "text": "Supermodellen Gemma Ward fyller rollen sin med fortryllende \u00ab girl next door-sjarm \u00bb , og en Oscar-jury svak for autistroller har nok allerede notert seg navnet Luke Ford .", "opinions": [{"Source": [[], []], "Target": [["Gemma Ward"], ["14:24"]], "Polar_expression": [["fortryllende \u00ab girl next door-sjarm \u00bb"], ["47:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Luke Ford"], ["161:170"]], "Polar_expression": [["Oscar-jury svak for autistroller har nok allerede notert seg navnet"], ["93:160"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109346-01-01", "text": "Plateanmeldelse :", "opinions": []}, {"sent_id": "109346-01-02", "text": "Lee Ranaldo And The Dust - \u00ab Last Night On Earth \u00bb", "opinions": []}, {"sent_id": "109346-02-01", "text": "Mindre Youth , mer Young .", "opinions": []}, {"sent_id": "109346-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "109346-03-02", "text": "INDIEROCK Lee Ranaldo And The Dust \u00ab Last Night On Earth \u00bb ( Matador / Playground )", "opinions": []}, {"sent_id": "109346-04-01", "text": "St\u00f8yrockens svar p\u00e5 George Harrison har fremdeles med seg Steve Shelley p\u00e5 trommer .", "opinions": [{"Source": [[], []], "Target": [["St\u00f8yrockens svar p\u00e5 George Harrison"], ["0:35"]], "Polar_expression": [["fremdeles med seg Steve Shelley p\u00e5 trommer"], ["40:82"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109346-04-02", "text": "Hvilket alts\u00e5 gj\u00f8r prosjektet til det n\u00e6rmeste man kommer Sonic Youth for tiden .", "opinions": []}, {"sent_id": "109346-04-03", "text": "Sannsynligvis noensinne .", "opinions": []}, {"sent_id": "109346-05-01", "text": "Uansett :", "opinions": []}, {"sent_id": "109346-05-02", "text": "Jazzmaster-entusiastens tiende soloalbum er fylt av grom sm\u00e5glatt grumserock med middels bra vokal .", "opinions": [{"Source": [[], []], "Target": [["Jazzmaster-entusiastens tiende soloalbum"], ["0:40"]], "Polar_expression": [["fylt av grom sm\u00e5glatt grumserock med middels bra vokal"], ["44:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["grumserock"], ["66:76"]], "Polar_expression": [["grom"], ["52:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["grumserock"], ["66:76"]], "Polar_expression": [["sm\u00e5glatt"], ["57:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokal"], ["93:98"]], "Polar_expression": [["middels bra"], ["81:92"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jazzmaster-entusiastens tiende soloalbum"], ["0:40"]], "Polar_expression": [["grumserock"], ["66:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109346-06-01", "text": "Tidvis en velspilt versjon av Neil Youngs viderverdigheter og avvisning av kortspilt ( i snitt bikker l\u00e5tene sju minutter ) .", "opinions": [{"Source": [[], []], "Target": [["versjon av Neil Youngs viderverdigheter"], ["19:58"]], "Polar_expression": [["Tidvis", "velspilt"], ["0:6", "10:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109346-07-01", "text": "Men p\u00e5 alle m\u00e5ter beviset p\u00e5 at fantasil\u00f8se titler i m\u00f8te med - p\u00e5 papiret - ordin\u00e6r gitarrock , like fullt kan medf\u00f8re spetakul\u00e6re tryllerier .", "opinions": [{"Source": [[], []], "Target": [["titler"], ["44:50"]], "Polar_expression": [["fantasil\u00f8se"], ["32:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["spetakul\u00e6re tryllerier"], ["120:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109346-07-02", "text": "Om man bare kjenner de rette folkene .", "opinions": []}, {"sent_id": "109346-08-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "109346-08-02", "text": "\u00ab Ambulancer \u00bb", "opinions": []}, {"sent_id": "200099-01-01", "text": "Sony NWZ-X1050", "opinions": []}, {"sent_id": "200099-02-01", "text": "N\u00e5 med trykkf\u00f8lsom skjerm og WLAN , men har den en sjanse ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["trykkf\u00f8lsom skjerm"], ["7:25"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["WLAN"], ["29:33"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["men har den en sjanse ?"], ["36:59"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-03-01", "text": "Sonys Walkman-konsept lever i beste velg\u00e5ende , men CD og kassett er naturligvis borte .", "opinions": []}, {"sent_id": "200099-03-02", "text": "N\u00e5 er det multimediespillere og mobiltelefoner med utvidet musikkfunksjonalitet vi snakker om .", "opinions": []}, {"sent_id": "200099-04-01", "text": "Stor , trykkf\u00f8lsom OLED", "opinions": []}, {"sent_id": "200099-05-01", "text": "I X-serien som er p\u00e5 vei til markedet n\u00e5 , er skjermen blitt 3 tommer og bygger p\u00e5 OLED-teknologi .", "opinions": [{"Source": [[], []], "Target": [["skjermen"], ["46:54"]], "Polar_expression": [["3 tommer"], ["61:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["skjermen"], ["46:54"]], "Polar_expression": [["OLED-teknologi"], ["83:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-05-02", "text": "Denne skjermtypen er forel\u00f8pig sjelden \u00e5 se i s\u00e5 store st\u00f8rrelser , og i motsetning til LCD byr den blant annet p\u00e5 bedre innsyn fra sidene , bedre kontrast og mindre str\u00f8mbruk .", "opinions": [{"Source": [[], []], "Target": [["LCD"], ["88:91"]], "Polar_expression": [["bedre innsyn fra sidene"], ["115:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermtypen"], ["6:17"]], "Polar_expression": [["mindre str\u00f8mbruk"], ["159:175"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermtypen"], ["6:17"]], "Polar_expression": [["bedre innsyn fra sidene"], ["115:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermtypen"], ["6:17"]], "Polar_expression": [["bedre kontrast"], ["141:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["LCD"], ["88:91"]], "Polar_expression": [["mindre str\u00f8mbruk"], ["159:175"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["LCD"], ["88:91"]], "Polar_expression": [["bedre kontrast"], ["141:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-05-03", "text": "Det merkes godt under videoavspilling , og ved utend\u00f8rs bruk , blant annet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["merkes godt"], ["4:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-06-01", "text": "Vi sammenlignet skjermen p\u00e5 v\u00e5rt testeksemplar , 16-GB utgaven X1051 , mot en iPhone .", "opinions": []}, {"sent_id": "200099-06-02", "text": "Sett rett forfra er forskjellene sm\u00e5 .", "opinions": []}, {"sent_id": "200099-06-03", "text": "Da foretrekker vi iPhone , takket v\u00e6re skjermst\u00f8rrelsen , som er en del st\u00f8rre , og som ogs\u00e5 klarer seg sv\u00e6rt bra i sollys :", "opinions": [{"Source": [["vi"], ["15:17"]], "Target": [[], []], "Polar_expression": [["foretrekker vi iPhone"], ["3:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["15:17"]], "Target": [["iPhone"], ["18:24"]], "Polar_expression": [["foretrekker"], ["3:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iPhone"], ["18:24"]], "Polar_expression": [["takket v\u00e6re skjermst\u00f8rrelsen"], ["27:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iPhone"], ["18:24"]], "Polar_expression": [["en del st\u00f8rre"], ["65:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iPhone"], ["18:24"]], "Polar_expression": [["klarer seg sv\u00e6rt bra i sollys"], ["93:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-07-01", "text": "Men n\u00e5r det gjelder innsyn fra alle kanter vinner Sony .", "opinions": [{"Source": [[], []], "Target": [["Sony"], ["50:54"]], "Polar_expression": [["n\u00e5r det gjelder innsyn fra alle kanter vinner Sony"], ["4:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-07-02", "text": "Her ser du bildet klart fra n\u00e6rmest d\u00f8d vinkel , men hvor viktig dette er blir en individuell sak .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bildet klart fra n\u00e6rmest d\u00f8d vinkel"], ["11:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-08-01", "text": "Trenden g\u00e5r mot f\u00e6rre knapper og styring direkte p\u00e5 skjermen , og her er X-serien helt p\u00e5 linje .", "opinions": []}, {"sent_id": "200099-08-02", "text": "Skjermen er trykkf\u00f8lsom , og har like knallhard glassoverflate som p\u00e5 iPod Touch .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["trykkf\u00f8lsom"], ["12:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["knallhard glassoverflate"], ["38:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-09-01", "text": "Det meste av betjeningen foreg\u00e5r direkte ved \u00e5 bruke pekefingeren , men i motsetning til iPod Touch ( og iPhone for den saks skyld ) kan kun \u00e9n finger brukes om gangen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan kun \u00e9n finger brukes om gangen"], ["133:167"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-10-01", "text": "Responsen er imidlertid overbevisende , minst like bra som p\u00e5 konkurrenten fra Apple .", "opinions": [{"Source": [[], []], "Target": [["Responsen"], ["0:9"]], "Polar_expression": [["overbevisende"], ["24:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Responsen"], ["0:9"]], "Polar_expression": [["minst like bra som p\u00e5 konkurrenten fra Apple"], ["40:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-10-02", "text": "Vi g\u00e5r ikke s\u00e5 mye mer i detalj her , videoen under forklarer det meste :", "opinions": []}, {"sent_id": "200099-11-01", "text": "Ikke knappel\u00f8s", "opinions": []}, {"sent_id": "200099-12-01", "text": "I tillegg har spilleren ogs\u00e5 knapper p\u00e5 toppen for Play , Pause og navigering mellom spor , slik at du kan styre den uten n\u00f8dvendigvis \u00e5 m\u00e5tte se p\u00e5 skjermen .", "opinions": [{"Source": [[], []], "Target": [["spilleren"], ["14:23"]], "Polar_expression": [["knapper p\u00e5 toppen for Play , Pause og navigering mellom spor"], ["29:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spilleren"], ["14:23"]], "Polar_expression": [["kan styre den uten n\u00f8dvendigvis \u00e5 m\u00e5tte se p\u00e5 skjermen"], ["103:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-12-02", "text": "En stor fordel kontra iPod Touch , mener vi .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stor fordel"], ["3:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["iPod Touch"], ["22:32"]], "Polar_expression": [["stor fordel kontra"], ["3:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "200099-12-03", "text": "Den har ogs\u00e5 knapper for justering av volum p\u00e5 h\u00f8yre side , og Home-knappen under skjermen tar deg alltid tilbake til hovedmenyen .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["knapper for justering av volum"], ["13:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Home-knappen"], ["63:75"]], "Polar_expression": [["tar deg alltid tilbake til hovedmenyen"], ["91:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-13-01", "text": "Vi nevnte glassoverflaten , og legger til at baksiden er av plast , mens resten av spilleren er av metall .", "opinions": []}, {"sent_id": "200099-13-02", "text": "Det har gjort spilleren tyngre enn man forventer n\u00e5r man ser den , men materialvalget og tyngden bidrar ogs\u00e5 til et solid og st\u00f8pt inntrykk .", "opinions": [{"Source": [[], []], "Target": [["spilleren"], ["14:23"]], "Polar_expression": [["tyngre enn man forventer"], ["24:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["materialvalget og tyngden bidrar ogs\u00e5 til et solid og st\u00f8pt inntrykk"], ["71:139"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["materialvalget og tyngden"], ["71:96"]], "Polar_expression": [["solid og st\u00f8pt inntrykk"], ["116:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-14-01", "text": "Tr\u00e5dl\u00f8st nettverk", "opinions": []}, {"sent_id": "200099-15-01", "text": "I likhet med iPod Touch har X1050 innebygd nettleser , og kan streame innhold fra YouTube samt laste ned podcaster direkte , uten \u00e5 g\u00e5 via PC-en .", "opinions": [{"Source": [[], []], "Target": [["X1050"], ["28:33"]], "Polar_expression": [["innebygd nettleser"], ["34:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["X1050"], ["28:33"]], "Polar_expression": [["kan streame innhold fra YouTube samt laste ned podcaster direkte , uten \u00e5 g\u00e5 via PC-en"], ["58:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-15-02", "text": "N\u00e5r du spiller musikk finner du direktelenker til YouTube-videoer av artisten , samt et s\u00f8k p\u00e5 artisten via Yahoo .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5r du spiller musikk finner du direktelenker til YouTube-videoer av artisten , samt et s\u00f8k p\u00e5 artisten via Yahoo"], ["0:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200099-16-01", "text": "Vi setter imidlertid et lite sp\u00f8rsm\u00e5l med nettleseren , som vi opplever som langt mindre velutviklet enn Safari p\u00e5 iPod Touch , og mer p\u00e5 linje med nettleseren p\u00e5 Sony Ericssons mobiltelefoner .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["nettleseren"], ["42:53"]], "Polar_expression": [["setter imidlertid et lite sp\u00f8rsm\u00e5l"], ["3:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["nettleseren"], ["42:53"]], "Polar_expression": [["langt mindre velutviklet"], ["76:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-16-02", "text": "Vi synes dessuten at inntasting av nettadresser er i overkant tungvint , noe som til syvende og sist er med p\u00e5 \u00e5 gj\u00f8re at vi ikke finner det fristende \u00e5 surfe p\u00e5 denne spilleren .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["inntasting av nettadresser"], ["21:47"]], "Polar_expression": [["i overkant tungvint"], ["51:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["122:124"]], "Target": [["spilleren"], ["168:177"]], "Polar_expression": [["ikke finner det fristende \u00e5 surfe"], ["125:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-17-01", "text": "Spilleren har forresten ikke innebygd retningssensor , s\u00e5 hvis vi \u00f8nsker \u00e5 surfe i \" landskapsmodus \" m\u00e5 du aktivere dette manuelt via menyen .", "opinions": []}, {"sent_id": "200099-18-01", "text": "YouTube-tr\u00f8bbel", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["YouTube-tr\u00f8bbel"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-19-01", "text": "Direkteknapp til YouTube-videoer er vel og bra , men vi fikk funksjonen ikke til \u00e5 virke , og vi er usikre p\u00e5 hvor det gikk galt .", "opinions": [{"Source": [[], []], "Target": [["Direkteknapp til YouTube-videoer"], ["0:32"]], "Polar_expression": [["vel og bra"], ["36:46"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [["Direkteknapp til YouTube-videoer"], ["0:32"]], "Polar_expression": [["fikk funksjonen ikke til \u00e5 virke"], ["56:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-19-02", "text": "Forh\u00e5pentligvis er det knyttet til at v\u00e5rt testeksemplar er av den tid , for feilmeldingen gav oss f\u00e5 ledetr\u00e5der :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["feilmeldingen gav oss f\u00e5 ledetr\u00e5der"], ["77:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-20-01", "text": "For \u00f8vrig har spilleren ogs\u00e5 innebygd FM-radio , med relativt sterk mottaker .", "opinions": [{"Source": [[], []], "Target": [["spilleren"], ["14:23"]], "Polar_expression": [["innebygd FM-radio"], ["29:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["FM-radio"], ["38:46"]], "Polar_expression": [["sterk mottaker"], ["62:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-21-01", "text": "Gromlyd fra medf\u00f8lgende plugger", "opinions": [{"Source": [[], []], "Target": [["plugger"], ["24:31"]], "Polar_expression": [["Gromlyd"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["medf\u00f8lgende plugger"], ["12:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200099-22-01", "text": "Vi har tidligere ber\u00f8mmet Sonys spillere for god lydkvalitet , og dette er videref\u00f8rt og utvidet i den nye serien .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Sonys spillere"], ["26:40"]], "Polar_expression": [["tidligere ber\u00f8mmet", "god lydkvalitet"], ["7:25", "45:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["god lydkvalitet"], ["45:60"]], "Polar_expression": [["videref\u00f8rt og utvidet"], ["75:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-22-02", "text": "Du har et hav av forskjellige innstillinger \u00e5 velge mellom , og i tillegg skal nye teknologier s\u00f8rge for \u00e5 fylle inn de tonene som forsvinner under filkomprimering .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hav av forskjellige innstillinger \u00e5 velge mellom"], ["10:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nye teknologier s\u00f8rge for \u00e5 fylle inn de tonene som forsvinner under filkomprimering"], ["79:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-22-03", "text": "Vi kan ikke med h\u00e5nden p\u00e5 hjertet si at dette var veldig merkbart p\u00e5 v\u00e5re testfiler , men konstaterer at selv uten \u00e5 gj\u00f8re spesialtilpasninger byr X1050 p\u00e5 lydopplevelser som ligger klart i \u00f8vre skikt .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["kan ikke med h\u00e5nden p\u00e5 hjertet si at dette var veldig merkbart"], ["3:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["X1050"], ["147:152"]], "Polar_expression": [["lydopplevelser som ligger klart i \u00f8vre skikt"], ["156:200"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-23-01", "text": "De medf\u00f8lgende \u00f8repluggene er en variant av in-ear-prinsippet , og vi ser ingen grunn til \u00e5 bytte dem ut dersom du liker denne typen lyttel\u00f8sninger .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["medf\u00f8lgende \u00f8repluggene"], ["3:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [["vi"], ["67:69"]], "Target": [["\u00f8repluggene"], ["15:26"]], "Polar_expression": [["ser ingen grunn til \u00e5 bytte dem ut"], ["70:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-23-02", "text": "God bass , fyldig mellomtone og klar diskant er p\u00e5 plass .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["God bass"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fyldig mellomtone"], ["11:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["klar diskant"], ["32:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-24-01", "text": "De samme pluggene har dessuten en annen funksjon .", "opinions": [{"Source": [[], []], "Target": [["pluggene"], ["9:17"]], "Polar_expression": [["har dessuten en annen funksjon"], ["18:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200099-24-02", "text": "Sammen med spilleren danner de grunnlaget for digital , aktiv st\u00f8ydemping .", "opinions": [{"Source": [[], []], "Target": [["de"], ["28:30"]], "Polar_expression": [["digital , aktiv st\u00f8ydemping"], ["46:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["spilleren"], ["11:20"]], "Polar_expression": [["digital , aktiv st\u00f8ydemping"], ["46:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200099-24-03", "text": "Dette fungerer faktisk overraskende bra .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["faktisk overraskende bra"], ["15:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-25-01", "text": "Sitter du for eksempel p\u00e5 en buss eller andre steder der dype frekvenser romler i bakgrunnen , kan du v\u00e6re sikker p\u00e5 at de blir mer eller mindre helt borte - og du beh\u00f8ver av den grunn ikke skru musikken s\u00e6rlig h\u00f8yt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["beh\u00f8ver av den grunn ikke skru musikken s\u00e6rlig h\u00f8yt"], ["164:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["dype frekvenser romler i bakgrunnen , kan du v\u00e6re sikker p\u00e5 at de blir mer eller mindre helt borte"], ["57:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-25-02", "text": "Effekten er faktisk forbl\u00f8ffende god , her har konkurrentene noe \u00e5 strekke seg etter !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["faktisk forbl\u00f8ffende god"], ["12:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["her har konkurrentene noe \u00e5 strekke seg etter !"], ["39:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-26-01", "text": "Windows 7-vennlig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Windows 7-vennlig"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-27-01", "text": "Vi koblet spilleren til en PC med Windows 7 installert , og den dukket straks opp som en egen enhet :", "opinions": [{"Source": [[], []], "Target": [["spilleren"], ["10:19"]], "Polar_expression": [["dukket straks opp som en egen enhet"], ["64:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-28-01", "text": "P\u00e5 PC-en hadde vi liggende en del videoklipp i forskjellige formater som vi \u00f8nsket \u00e5 overf\u00f8re , og for f\u00f8rste gang slapp vi \u00e5 tenke p\u00e5 kompatibilitet over hodet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["for f\u00f8rste gang slapp vi \u00e5 tenke p\u00e5 kompatibilitet over hodet"], ["99:160"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-28-02", "text": "Windows 7 bare konverterte de klippene som ikke var kompatible :", "opinions": [{"Source": [[], []], "Target": [["Windows 7"], ["0:9"]], "Polar_expression": [["konverterte de klippene som ikke var kompatible"], ["15:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-29-01", "text": "P\u00e5 lydsiden st\u00f8tter imidlertid X1050 de aller mest aktuelle formatene direkte , inkludert WMA , AAC ( M4A ) og MP3 .", "opinions": [{"Source": [[], []], "Target": [["X1050"], ["31:36"]], "Polar_expression": [["st\u00f8tter", "mest aktuelle formatene direkte"], ["12:19", "46:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-29-02", "text": "Windows Media Player 11 f\u00f8lger med p\u00e5 CD om du ikke har den installert allerede , og den anbefales i forbindelse med synkronisering mot mediebiblioteket p\u00e5 PC-en din .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Windows Media Player 11 f\u00f8lger med p\u00e5 CD"], ["0:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Windows Media Player 11"], ["0:23"]], "Polar_expression": [["anbefales"], ["89:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-30-01", "text": "Du kan ogs\u00e5 overf\u00f8re fram og tilbake direkte via Utforsker , ved \u00e5 dra og slippe filene .", "opinions": []}, {"sent_id": "200099-30-02", "text": "Full frihet alts\u00e5 , og veldig enkelt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Full frihet"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["veldig enkelt"], ["23:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200099-30-03", "text": "Det eneste ankepunktet her er overf\u00f8ringshastigheten , som godt kunne v\u00e6rt kjappere enn de 3 MB pr sekund som vi oppn\u00e5dde .", "opinions": [{"Source": [[], []], "Target": [["overf\u00f8ringshastigheten"], ["30:52"]], "Polar_expression": [["eneste ankepunktet"], ["4:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["overf\u00f8ringshastigheten"], ["30:52"]], "Polar_expression": [["kunne v\u00e6rt kjappere"], ["64:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-31-01", "text": "Men har den en sjanse ?", "opinions": []}, {"sent_id": "200099-32-01", "text": "X-serien er p\u00e5 vei ut i butikkene i skrivende stund .", "opinions": []}, {"sent_id": "200099-32-02", "text": "I f\u00f8rste omgang serien f\u00e5tt to medlemmer , NWZ-X1051 med 16GB lagringskapasitet , og en veiledende pris p\u00e5 2500 kroner .", "opinions": []}, {"sent_id": "200099-32-03", "text": "Storebror NWZ-X1061 har 32 GB lagringskapasitet , og prislapp p\u00e5 3500 kr.", "opinions": []}, {"sent_id": "200099-33-01", "text": "Det er noen hundrelapper dyrere enn tilsvarende iPod Touch-modeller , og det kan kanskje bli vanskelig for Sony \u00e5 utfordre Apple direkte med disse modellene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dyrere"], ["25:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["iPod Touch-modeller"], ["48:67"]], "Polar_expression": [["dyrere"], ["25:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["disse modellene"], ["141:156"]], "Polar_expression": [["kan kanskje bli vanskelig for Sony \u00e5 utfordre Apple direkte"], ["77:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-34-01", "text": "Sonys fortrinn og st\u00f8rste salgsargument ligger f\u00f8rst og fremst i lyddelen , mener vi .", "opinions": [{"Source": [["vi"], ["82:84"]], "Target": [["lyddelen"], ["65:73"]], "Polar_expression": [["fortrinn og st\u00f8rste salgsargument"], ["6:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-34-02", "text": "Og det finnes tross alt fortsatt mange som er opptatt av at den skal v\u00e6re s\u00e5 god som mulig .", "opinions": []}, {"sent_id": "200099-35-01", "text": "Men , og det er et stort men , og det er knyttet til noe s\u00e5 banalt som modellbetegnelsene .", "opinions": [{"Source": [[], []], "Target": [["modellbetegnelsene"], ["71:89"]], "Polar_expression": [["banalt"], ["60:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-35-02", "text": "Hvem er det som g\u00e5r rundt og husker at det er en NWZ-X1051 de \u00f8nsker \u00e5 stifte n\u00e6rmere bekjentskaper med ?", "opinions": [{"Source": [[], []], "Target": [["NWZ-X1051"], ["49:58"]], "Polar_expression": [["Hvem er det som g\u00e5r rundt og husker at det er en NWZ-X1051 de \u00f8nsker \u00e5 stifte n\u00e6rmere bekjentskaper med ?"], ["0:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200099-35-03", "text": "Vi tror mange potensielle Sony-kunder g\u00e5r seg bort allerede her .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["mange potensielle Sony-kunder g\u00e5r seg bort"], ["8:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109227-01-01", "text": "Plateanmeldelse :", "opinions": []}, {"sent_id": "109227-01-02", "text": "Arif - \u00ab Aldri & alltid \u00bb", "opinions": []}, {"sent_id": "109227-02-01", "text": "Regjerende Ur\u00f8rt-vinner leverer .", "opinions": [{"Source": [[], []], "Target": [["Regjerende Ur\u00f8rt-vinner"], ["0:23"]], "Polar_expression": [["leverer"], ["24:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Regjerende Ur\u00f8rt-vinner leverer"], ["0:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109227-03-01", "text": "H\u00e5rdotten tidligere kjent som Phil T . Rich g\u00e5r n\u00e5 under navnet Arif , og har samtidig slengt sjarmkortet i baksetet - for han g\u00e5r dystert til verks p\u00e5 sin korte , men konseptuelt oppslukende debutplate .", "opinions": []}, {"sent_id": "109227-04-01", "text": "Syv spor som spiller p\u00e5 skjemt kj\u00e6rlighet og tangoen mellom usikkerhet og selvforherligelse over t\u00e5kete elektronisk klubb-R&B .", "opinions": []}, {"sent_id": "109227-05-01", "text": "Hans nonchalante forhold til rapteknikk er forfriskende , og han har et \u00f8ye for de sm\u00e5 historiene .", "opinions": [{"Source": [[], []], "Target": [["han"], ["61:64"]], "Polar_expression": [["nonchalante forhold til rapteknikk er forfriskende"], ["5:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["61:64"]], "Polar_expression": [["har et \u00f8ye for de sm\u00e5 historiene"], ["65:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109227-05-02", "text": "Sonisk g\u00e5r tankene like gjerne til Kid Cudi og The Weeknd som til Leee John fra Imagination .", "opinions": []}, {"sent_id": "109227-06-01", "text": "Lydarbeidet gjort av Axxe og Tailors er djevelsk eventyrlig .", "opinions": [{"Source": [[], []], "Target": [["Lydarbeidet"], ["0:11"]], "Polar_expression": [["djevelsk eventyrlig"], ["40:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109227-06-02", "text": "Den ideelle platen til h\u00f8stm\u00f8rket , ganske likt det Lars Vaular gjorde med \u00ab Du betyr meg \u00bb for to \u00e5r siden .", "opinions": [{"Source": [[], []], "Target": [["platen"], ["12:18"]], "Polar_expression": [["ideelle platen til h\u00f8stm\u00f8rket"], ["4:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109227-07-01", "text": "Ikke like smart , men definitivt mer sexy .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke like smart"], ["0:15"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["definitivt mer sexy"], ["22:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109227-08-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "109227-08-02", "text": "\u00ab Hun bruker meg \u00bb", "opinions": []}, {"sent_id": "107972-01-01", "text": "Alice Coltrane :", "opinions": []}, {"sent_id": "107972-01-02", "text": "\u00ab Translinear Light \u00bb", "opinions": []}, {"sent_id": "107972-02-01", "text": "( Impulse / Universal )", "opinions": []}, {"sent_id": "107972-03-01", "text": "Alice Coltrane vender tilbake .", "opinions": []}, {"sent_id": "107972-04-01", "text": "Det er en fantastisk opplevelse \u00e5 sette p\u00e5 en CD og h\u00f8re musikk du ikke hadde ventet , noe du ikke har h\u00f8rt f\u00f8r , i hvert fall ikke akkurat s\u00e5nn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fantastisk opplevelse"], ["10:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["musikk du ikke hadde ventet"], ["57:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["noe du ikke har h\u00f8rt f\u00f8r , i hvert fall ikke akkurat s\u00e5nn"], ["87:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107972-04-02", "text": "Alice Coltrane , som i en alder av 67 \u00e5r slipper sin f\u00f8rste plate p\u00e5 26 \u00e5r , har beg\u00e5tt en slik plate , en sv\u00e6rt uvanlig blanding av jazz og hinduistisk inspirert \u00e5ndelig musikk .", "opinions": [{"Source": [[], []], "Target": [["Alice Coltrane"], ["0:14"]], "Polar_expression": [["beg\u00e5tt en slik plate"], ["81:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Alice Coltrane"], ["0:14"]], "Polar_expression": [["sv\u00e6rt uvanlig blanding av jazz og hinduistisk inspirert \u00e5ndelig musikk"], ["107:177"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107972-04-03", "text": "Alice Coltrane medvirket sammen med sin ektemake John Coltrane p\u00e5 hans senere innspillinger , og gjorde flere under eget navn i 1970- og 1980-\u00e5rene , og den religi\u00f8se dimensjonen har alltid v\u00e6rt tydelig .", "opinions": []}, {"sent_id": "107972-04-04", "text": "N\u00e5r det n\u00e5 oppleves s\u00e5 nytt og friskt , er det kanskje fordi uttrykket er enklere , mer forklaret , mer jordn\u00e6rt .", "opinions": [{"Source": [[], []], "Target": [["uttrykket"], ["61:70"]], "Polar_expression": [["enklere"], ["74:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["uttrykket"], ["61:70"]], "Polar_expression": [["mer forklaret"], ["84:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["uttrykket"], ["61:70"]], "Polar_expression": [["mer jordn\u00e6rt"], ["100:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["oppleves s\u00e5 nytt og friskt"], ["11:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107972-04-05", "text": "Hun har en helt spesiell m\u00e5te \u00e5 spille Wurlitzer-orgel p\u00e5 , og blandingen av blues , gospel og hindu chants er helt unik .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["blandingen av blues , gospel og hindu chants er helt unik"], ["63:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["helt spesiell m\u00e5te \u00e5 spille Wurlitzer-orgel p\u00e5"], ["11:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107972-05-01", "text": "CARL PETTER OPSAHL", "opinions": []}, {"sent_id": "101192-01-01", "text": "Anniken H\u00f8ve :", "opinions": []}, {"sent_id": "101192-01-02", "text": "- Litt surt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Litt surt"], ["2:11"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101192-02-01", "text": "Anniken H\u00f8ve ( 29 ) fra Sortland tr\u00e5dde til med l\u00e5ten \u00ab Uprising \u00bb av det britiske rockebandet Muse .", "opinions": []}, {"sent_id": "101192-02-02", "text": "Dommerne etterlyste r\u00e5skap , mens VGs musikkjournalist Morten St\u00e5le Nilsen mente opptredenen ikke var helt heldig .", "opinions": [{"Source": [["VGs musikkjournalist Morten St\u00e5le Nilsen"], ["34:74"]], "Target": [["opptredenen"], ["81:92"]], "Polar_expression": [["ikke var helt heldig"], ["93:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E", "NFP": true}]}, {"sent_id": "101192-03-01", "text": "\u2013 Anniken l\u00e5ter unnselig i begynnelsen , uten kraften Muse \u2019 kaotisk glammete nyprog- og nyparanoial\u00e5t krever .", "opinions": [{"Source": [[], []], "Target": [["Anniken"], ["2:9"]], "Polar_expression": [["l\u00e5ter unnselig i begynnelsen"], ["10:38"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Anniken"], ["2:9"]], "Polar_expression": [["uten kraften Muse \u2019 kaotisk glammete nyprog- og nyparanoial\u00e5t krever"], ["41:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101192-03-02", "text": "Vokalmiksen er heller ikke helt heldig .", "opinions": [{"Source": [[], []], "Target": [["Vokalmiksen"], ["0:11"]], "Polar_expression": [["ikke helt heldig"], ["22:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101192-03-03", "text": "Hun kommer bedre til sin rett i det stampende refrenget , der hun slipper l\u00f8s den operatiske divaen i seg .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["kommer bedre til sin rett i det stampende refrenget"], ["4:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["refrenget"], ["46:55"]], "Polar_expression": [["stampende"], ["36:45"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["62:65"]], "Polar_expression": [["slipper l\u00f8s den operatiske divaen i seg"], ["66:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101192-03-04", "text": "Men det er ikke hundre prosent overveldende , slik rockdramatikk som dette trenger \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["det"], ["4:7"]], "Polar_expression": [["ikke hundre prosent overveldende"], ["11:43"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-01-01", "text": "Tyskere som fors\u00f8ker \u00e5 fille-sjarmere", "opinions": []}, {"sent_id": "700428-02-01", "text": "Etter p\u00e5 ha irritert meg lenge over at tyske skuespillere uten p\u00e5viselige eksistensberettigelser kledde seg i stygge kl\u00e6r og pr\u00f8vde \u00e5 fille-sjarmere meg i hjel , fant jeg ut av filmen er en god investering .", "opinions": [{"Source": [["jeg"], ["167:170"]], "Target": [[], []], "Polar_expression": [["irritert meg lenge over at tyske skuespillere uten p\u00e5viselige eksistensberettigelser kledde seg i stygge kl\u00e6r og pr\u00f8vde \u00e5 fille-sjarmere meg i hjel"], ["12:159"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["167:170"]], "Target": [["filmen"], ["177:183"]], "Polar_expression": [["god investering"], ["190:205"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-03-01", "text": "Den varer ikke lenge , men den f\u00f8les sv\u00e6rt lang .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["varer ikke lenge , men den f\u00f8les sv\u00e6rt lang"], ["4:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700428-03-02", "text": "Det vil si at du f\u00e5r mye for pengene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye for pengene"], ["21:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700428-04-01", "text": "Den tysk-tyrkiske regiss\u00f8ren Faith Akin er han som laget litt kjedelige \u00ab Solino \u00bb i 2002 , og han presser fram en uelegant og forstoppa komedie som etter hvert trenger farse-klyster for \u00e5 komme til enden .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Solino \u00bb i"], ["72:84"]], "Polar_expression": [["litt kjedelige"], ["57:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komedie"], ["137:144"]], "Polar_expression": [["uelegant"], ["115:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komedie"], ["137:144"]], "Polar_expression": [["forstoppa"], ["127:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komedie"], ["137:144"]], "Polar_expression": [["trenger farse-klyster for \u00e5 komme til enden"], ["161:204"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-04-02", "text": "Enklere sagt :", "opinions": []}, {"sent_id": "700428-04-03", "text": "Filmen er urimelig helt fra starten , men etter hvert som den prolapsa restaurant-grekerens skjebne blir tungvint , kommer overdrivelser av Olsenbanden-format .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["urimelig helt fra starten"], ["10:35"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["overdrivelser av Olsenbanden-format"], ["123:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700428-04-04", "text": "Som n\u00e5r hovedpersonen i tallerken-\u00f8yna sjalusi dytter kista med eksens d\u00f8de bestemor prematurt i h\u00e5let , og svartkledde sorg-tyskere kaster seg over ham og dasker p\u00e5 gravens kant .", "opinions": []}, {"sent_id": "700428-04-05", "text": "Mange Bud Spencer-filmer var fiksere .", "opinions": [{"Source": [[], []], "Target": [["Bud Spencer-filmer"], ["6:24"]], "Polar_expression": [["Mange", "var fiksere"], ["0:5", "25:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mange Bud Spencer-filmer var fiksere"], ["0:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700428-05-01", "text": "Det er gr\u00e5v\u00e6rsdag i Tyskland .", "opinions": []}, {"sent_id": "700428-05-02", "text": "Oppvaskmaskinen \u00f8delegger alle tallerknene , og Zinos' rosa-tyske Vogel-Gesicht skal reise til Kina .", "opinions": []}, {"sent_id": "700428-05-03", "text": "Bror hans sitter i fengsel , og han arver Hamburgs mest hysteriske perfeksjons-kokk .", "opinions": [{"Source": [[], []], "Target": [["perfeksjons-kokk"], ["67:83"]], "Polar_expression": [["Hamburgs mest hysteriske"], ["42:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-05-04", "text": "Kniv-kokken erstatter den stygge maten i Zinos restaurant med annen stygg mat , og s\u00e5 blir restauranten s\u00e5 diger suksess at hans blonde gamle tyskervenn Neumann kommer og vil ta hele sjappa , men tar kemneren i stedet .", "opinions": [{"Source": [[], []], "Target": [["maten"], ["33:38"]], "Polar_expression": [["stygge"], ["26:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mat"], ["74:77"]], "Polar_expression": [["stygg"], ["68:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["restauranten"], ["91:103"]], "Polar_expression": [["diger suksess"], ["107:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-05-05", "text": "Dette er en s\u00e5nn film der personene skifter personligheter etter hvert som regiss\u00f8ren trenger det eller ble ramma av kunstnerisk Alzheimer .", "opinions": [{"Source": [[], []], "Target": [["film"], ["17:21"]], "Polar_expression": [["personene skifter personligheter etter hvert som regiss\u00f8ren trenger det eller ble ramma av kunstnerisk Alzheimer"], ["26:138"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700428-05-06", "text": "Dette er ogs\u00e5 en s\u00e5nn film der det finnes en s\u00f8ramerikansk bark som man blir steink\u00e5t av .", "opinions": [{"Source": [[], []], "Target": [["s\u00f8ramerikansk bark"], ["45:63"]], "Polar_expression": [["blir steink\u00e5t av"], ["72:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-05-07", "text": "Da er det rett f\u00f8r Rolv Wesenlund stiger inn i rutete Rivir\u00e6vva-jakke .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rett f\u00f8r Rolv Wesenlund stiger inn i rutete Rivir\u00e6vva-jakke"], ["10:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700428-06-01", "text": "N\u00e5r den digitale kinoen kommer , forsvinner kanskje filmer som dette .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5r den digitale kinoen kommer , forsvinner kanskje filmer som dette"], ["0:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700428-06-02", "text": "Hold ut .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hold ut"], ["0:7"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111260-01-01", "text": "Spillanmeldelse :", "opinions": []}, {"sent_id": "111260-01-02", "text": "\u00ab NHL Slapshot \u00bb", "opinions": []}, {"sent_id": "111260-02-01", "text": "( VG Nett )", "opinions": []}, {"sent_id": "111260-02-02", "text": "Selv om det har sine mangler , er \u00ab NHL Slapshot \u00bb et spill som underholder fra f\u00f8rste stund man tar plastk\u00f8lla i h\u00e5nden .", "opinions": [{"Source": [[], []], "Target": [["\u00ab NHL Slapshot \u00bb"], ["34:50"]], "Polar_expression": [["har sine mangler"], ["12:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab NHL Slapshot \u00bb"], ["34:50"]], "Polar_expression": [["underholder fra f\u00f8rste stund"], ["64:92"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111260-03-01", "text": "En minihockeyk\u00f8lle som passer til de to Wii-kontrollerne f\u00f8lger med n\u00e5r man kj\u00f8per spillet .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["83:90"]], "Polar_expression": [["minihockeyk\u00f8lle", "f\u00f8lger med"], ["3:18", "57:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111260-03-02", "text": "Man styrer spilleren med analogstikka p\u00e5 \u00ab nunchucken \u00bb , og gjennomf\u00f8rer skudd , finter og taklinger ved \u00e5 bevege p\u00e5 hockeyk\u00f8lla som man ville gjort i det virkelige liv .", "opinions": []}, {"sent_id": "111260-04-01", "text": "Kontrollene fungerer bra for skudd , men det blir klart at det ikke er veldig presist n\u00e5r man pr\u00f8ver \u00e5 gjennomf\u00f8re finter .", "opinions": [{"Source": [[], []], "Target": [["Kontrollene"], ["0:11"]], "Polar_expression": [["fungerer bra for skudd"], ["12:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kontrollene"], ["0:11"]], "Polar_expression": [["ikke", "veldig presist n\u00e5r man pr\u00f8ver \u00e5 gjennomf\u00f8re finter"], ["63:67", "71:121"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-04-02", "text": "Dette er derimot noe jeg ikke bekymrer meg s\u00e5 veldig mye over n\u00e5r jeg spiller .", "opinions": [{"Source": [["jeg"], ["21:24"]], "Target": [[], []], "Polar_expression": [["ikke bekymrer meg s\u00e5 veldig mye over"], ["25:61"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-04-03", "text": "Fordi det er faktisk veldig tilfredsstillende \u00e5 smelle pucken opp i krysset ved hjelp av plastk\u00f8lla .", "opinions": [{"Source": [[], []], "Target": [["plastk\u00f8lla"], ["89:99"]], "Polar_expression": [["veldig tilfredsstillende \u00e5 smelle pucken opp i krysset ved hjelp av plastk\u00f8lla"], ["21:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-05-01", "text": "\u00ab NHL Slapshot \u00bb sitt udiskutable h\u00f8ydepunkt er \u00ab Peewee to Pro \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab NHL Slapshot \u00bb"], ["0:16"]], "Polar_expression": [["udiskutable h\u00f8ydepunkt er \u00ab Peewee to Pro \u00bb"], ["22:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Peewee to Pro \u00bb"], ["48:65"]], "Polar_expression": [["udiskutable h\u00f8ydepunkt"], ["22:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-05-02", "text": "I denne modusen lager man f\u00f8rst sin egen 12-\u00e5ring , for \u00e5 s\u00e5 spille seg opp seriesystemet til man n\u00e5r NHL .", "opinions": []}, {"sent_id": "111260-06-01", "text": "EA har klart \u00e5 gj\u00f8re ligaene veldig forskjellige i spillestil .", "opinions": [{"Source": [[], []], "Target": [["EA"], ["0:2"]], "Polar_expression": [["klart \u00e5 gj\u00f8re ligaene veldig forskjellige i spillestil"], ["7:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ligaene"], ["21:28"]], "Polar_expression": [["veldig forskjellige i spillestil"], ["29:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-06-02", "text": "I kn\u00f8tt- og lilleputtligaen kan man se likheter med spillestilen i arkadespillet \u00ab 3on3 NHL Arcade \u00bb , mens det sklir mer i retning av \u00ab NHL 11 \u00bb i de \u00f8vre divisjonene .", "opinions": []}, {"sent_id": "111260-06-03", "text": "\u00ab NHL Slapshot \u00bb klarer derimot \u00e5 beholde sitt eget s\u00e6rpreg , og mister aldri sin morsomme spillestil .", "opinions": [{"Source": [[], []], "Target": [["\u00ab NHL Slapshot \u00bb"], ["0:16"]], "Polar_expression": [["klarer", "\u00e5 beholde sitt eget s\u00e6rpreg"], ["17:23", "32:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab NHL Slapshot \u00bb"], ["0:16"]], "Polar_expression": [["mister aldri sin morsomme spillestil"], ["65:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillestil"], ["91:101"]], "Polar_expression": [["morsomme"], ["82:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-07-01", "text": "Tiden man bruker i starten av karrieren som sn\u00f8rrunge er ogs\u00e5 veldig godt balanser , slik at man aldri blir lei f\u00f8r man kommer seg videre .", "opinions": [{"Source": [[], []], "Target": [["Tiden man bruker i starten av karrieren som sn\u00f8rrunge"], ["0:53"]], "Polar_expression": [["aldri blir lei f\u00f8r man kommer seg videre"], ["97:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111260-08-01", "text": "Selv om spillet har sine mangler i form av presisjon p\u00e5 styresystemet og liten dybde i enkelte moduser leveres en utrolig morsom spillopplevelse , som kan nytes b\u00e5de alene og sammen med andre uavhengig av hockeyinteresse .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["8:15"]], "Polar_expression": [["har sine mangler i form av presisjon p\u00e5 styresystemet"], ["16:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["8:15"]], "Polar_expression": [["liten dybde i enkelte moduser"], ["73:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["styresystemet"], ["56:69"]], "Polar_expression": [["mangler i form av presisjon"], ["25:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["8:15"]], "Polar_expression": [["utrolig morsom spillopplevelse"], ["114:144"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillopplevelse"], ["129:144"]], "Polar_expression": [["utrolig morsom"], ["114:128"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["8:15"]], "Polar_expression": [["kan nytes b\u00e5de alene og sammen med andre uavhengig av hockeyinteresse"], ["151:220"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111260-09-01", "text": "NHL SLAPSHOT Plattform :", "opinions": []}, {"sent_id": "111260-09-02", "text": "Wii Genre :", "opinions": []}, {"sent_id": "111260-09-03", "text": "Sport Alder :", "opinions": []}, {"sent_id": "111260-09-04", "text": "3 Utvikler :", "opinions": []}, {"sent_id": "111260-09-05", "text": "EA Canada Utgiver :", "opinions": []}, {"sent_id": "111260-09-06", "text": "EA Sports", "opinions": []}, {"sent_id": "111260-09-07", "text": "Mer info", "opinions": []}, {"sent_id": "001965-01-01", "text": "Unga no til dags", "opinions": []}, {"sent_id": "001965-02-01", "text": "Det skortar ikkje p\u00e5 sjarmen p\u00e5 Death By Unga Bungas andrealbum , men litt p\u00e5 substansen .", "opinions": [{"Source": [[], []], "Target": [["Death By Unga Bungas andrealbum"], ["32:63"]], "Polar_expression": [["skortar ikkje p\u00e5 sjarmen"], ["4:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Death By Unga Bungas andrealbum"], ["32:63"]], "Polar_expression": [["litt p\u00e5 substansen"], ["70:88"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001965-03-01", "text": "Med fem par spisse boots planta i Moss' meir eller mindre stolte garasjerockmilj\u00f8 , og ei platesamlinga alfabetisert fr\u00e5 13th Floor Elevator til The Yardbirds , kjem Death By Unga Bunga no med sin andre fullengdar .", "opinions": []}, {"sent_id": "001965-03-02", "text": "The Kids Are Up To No Good er ei hum\u00f8rfylt og usjenert kj\u00e6rleikserkl\u00e6ring til amerikansk og britisk 1960-talsrock - og ikkje minst sjangerens meir eksperimentelle arvtakarar p\u00e5 1970- og 1980-talet - som raskt manar fram mentale bilete av stramme gitarreimar , tunge h\u00e5rfrisyrar og fillete Brian Jones-plakatar p\u00e5 guteromsveggen .", "opinions": []}, {"sent_id": "001965-03-03", "text": "Det er likevel mogleg at albumet hadde vore tent med ei litt mindre \u00e6rb\u00f8dig innstilling til sine musikalske f\u00f8rebilete .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["25:32"]], "Polar_expression": [["\u00e6rb\u00f8dig innstilling til sine musikalske f\u00f8rebilete"], ["68:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001965-04-01", "text": "Ein er ikkje langt inne i The Kids Are Up To No Good f\u00f8r ein byrjar \u00e5 danna seg eit klart bilete av kor det heile ber av stad .", "opinions": []}, {"sent_id": "001965-04-02", "text": "Ein l\u00e5t som \" Jenny \" introduserer den naive retropopen , \" Violent Femmes \" hentar fram surfelementa , medan ein i \" The Kids Are All Right \" h\u00f8yrer ekkoet fr\u00e5 b\u00f8lgja av rockeband som slo gjennom p\u00e5 byrjinga av v\u00e5rt eige tusen\u00e5r .", "opinions": []}, {"sent_id": "001965-04-03", "text": "Det er ei jamnt over sterk oppstilling av l\u00e5tsnekkeri , som ikkje minst viser fram korleis bandet greier \u00e5 ivareta ein variert dynamikk , samstundes som dei held seg p\u00e5 trygg avstand fr\u00e5 dei farlege ytterpunkta \" sidrumpa \" og \" frenetisk \" .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["jamnt over sterk oppstilling av l\u00e5tsnekkeri"], ["10:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["91:97"]], "Polar_expression": [["greier \u00e5 ivareta ein variert dynamikk"], ["98:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dei"], ["153:156"]], "Polar_expression": [["held seg p\u00e5 trygg avstand fr\u00e5 dei farlege ytterpunkta \" sidrumpa \" og \" frenetisk \""], ["157:240"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001965-05-01", "text": "Med seg p\u00e5 produsentsida har bandet f\u00e5tt Sjur Lyseid , seinast aktuell med sitt andre alybum som The Little Hands Of Asphalt .", "opinions": []}, {"sent_id": "001965-05-02", "text": "Lydbiletet er - kanskje ikkje s\u00e5 overraskande - lagt opp etter ein knitrande analog mal , som knapt nok legg skjul p\u00e5 at den ynskjer \u00e5 f\u00e5 deg til \u00e5 f\u00f8retrekkja LP-versjonen av albumet .", "opinions": []}, {"sent_id": "001965-06-01", "text": "Hovudinnvendinga mot albumet er at den strengt bakovervendte haldninga stundom gjer det vanskeleg \u00e5 tilleggja musikken noko som helst tyngde .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["21:28"]], "Polar_expression": [["strengt bakovervendte haldninga stundom gjer det vanskeleg \u00e5 tilleggja musikken noko som helst tyngde"], ["39:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001965-06-02", "text": "Den oppr\u00f8rske auraen som ein gong hefta ved bandets musikalske f\u00f8rebilete , har sj\u00f8lvsagt fordampa for lenge sidan , og The Kids Are Up To No Good framst\u00e5r fyrst og fremst som fullstendig ufarleg moro - og det uavhengig av det latterleg h\u00f8ge talet p\u00e5 referansar til fyll og dop.", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["oppr\u00f8rske auraen som ein gong hefta ved bandets musikalske f\u00f8rebilete , har sj\u00f8lvsagt fordampa for lenge sidan"], ["4:114"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["The Kids Are Up To No Good"], ["120:146"]], "Polar_expression": [["fullstendig ufarleg moro"], ["176:200"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The Kids Are Up To No Good"], ["120:146"]], "Polar_expression": [["latterleg h\u00f8ge talet p\u00e5 referansar til fyll og dop."], ["227:278"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001965-07-01", "text": "Der band som The Cramps og The Mummies' styrke l\u00e5g i \u00e5 tilf\u00f8ra sine inspirasjonskjelder fr\u00e5 1960-talet ein klar samtidig brodd , bevegar Death By Unga Bunga innimellom litt for n\u00e6re sjangerpastisj-grensa - med l\u00e5tar som \" Feel Alright \" og \" Mary Jane \" som eit par d\u00f8me .", "opinions": [{"Source": [[], []], "Target": [["Death By Unga Bunga"], ["137:156"]], "Polar_expression": [["litt for n\u00e6re sjangerpastisj-grensa"], ["168:203"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Feel Alright \""], ["220:236"]], "Polar_expression": [["litt for n\u00e6re sjangerpastisj-grensa"], ["168:203"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Mary Jane \""], ["240:253"]], "Polar_expression": [["litt for n\u00e6re sjangerpastisj-grensa"], ["168:203"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001965-07-02", "text": "Det er p\u00e5 inga m\u00e5te d\u00e5rleg handverk , men det hadde vore interessant om fors\u00f8ka p\u00e5 \u00e5 kopla for- og notid hadde vore av meir heilhjarta natur .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["inga m\u00e5te d\u00e5rleg handverk"], ["10:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["hadde vore interessant om fors\u00f8ka p\u00e5 \u00e5 kopla for- og notid hadde vore av meir heilhjarta natur"], ["46:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001965-08-01", "text": "Ikkje minst tekstane lir under denne problemstillinga .", "opinions": [{"Source": [[], []], "Target": [["tekstane"], ["12:20"]], "Polar_expression": [["Ikkje minst", "lir"], ["0:11", "21:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001965-08-02", "text": "Kriteria her verkar \u00e5 vera at det rimar s\u00e5nn nokonlunde , og at det p\u00e5 inga m\u00e5ter avsl\u00f8rer at me no lever i eit moderne , norsk samfunn ( der sv\u00e6rt f\u00e5 jenter heiter Mary Jane ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kriteria her verkar \u00e5 vera at det rimar s\u00e5nn nokonlunde , og at det p\u00e5 inga m\u00e5ter avsl\u00f8rer at me no lever i eit moderne , norsk samfunn ( der sv\u00e6rt f\u00e5 jenter heiter Mary Jane )"], ["0:176"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001965-08-03", "text": "Tekstlinjer som \" Cause", "opinions": []}, {"sent_id": "001965-08-04", "text": "I love you girl / yeah I love you girl / if you leave me for another / I'd be the saddest man in the world \" er kanskje sjarmerande p\u00e5 sitt vis - men dei er unekteleg ganske tullete uansett .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sjarmerande p\u00e5 sitt vis"], ["120:143"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["unekteleg ganske tullete"], ["157:181"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001965-09-01", "text": "Death By Unga Bunga har openbart musikalsk overskot , og er , om ryktene stemmer , eit skikkeleg godt liveband .", "opinions": [{"Source": [[], []], "Target": [["Death By Unga Bunga"], ["0:19"]], "Polar_expression": [["openbart musikalsk overskot"], ["24:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Death By Unga Bunga"], ["0:19"]], "Polar_expression": [["skikkeleg godt liveband"], ["87:110"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "001965-09-02", "text": "Nokre sperringar ligg likevel i vegen for \u00e5 oppleva The Kids Are Up To No Good som eit s\u00e6rskild substansielt album .", "opinions": [{"Source": [[], []], "Target": [["The Kids Are Up To No Good"], ["52:78"]], "Polar_expression": [["Nokre sperringar ligg likevel i vegen for \u00e5 oppleva The Kids Are Up To No Good som eit s\u00e6rskild substansielt album"], ["0:114"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-01-01", "text": "Lindgren-magi", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lindgren-magi"], ["0:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-02-01", "text": "Astrid Lindgrens figurer gj\u00f8r seg godt i et barnespill .", "opinions": [{"Source": [[], []], "Target": [["figurer"], ["17:24"]], "Polar_expression": [["gj\u00f8r seg godt"], ["25:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100392-03-01", "text": "I \u00e5r hadde Astrid Lindgren fylt 100 \u00e5r .", "opinions": []}, {"sent_id": "100392-03-02", "text": "I den forbindelse hedres hun , eller barna , med dette spillet , som inneholder hennes mest kjente og kj\u00e6re figurer .", "opinions": [{"Source": [[], []], "Target": [["figurer"], ["108:115"]], "Polar_expression": [["mest kjente og kj\u00e6re"], ["87:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["55:62"]], "Polar_expression": [["mest kjente og kj\u00e6re figurer"], ["87:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-04-01", "text": "Spillet inneholder 22 ulike spill , som omfatter alt fra \u00e5 spikke figurer sammen med Emil i \u00ab snikkarbua \u00bb til \u00e5 spille bowling med Karlsson p\u00e5 taket til \u00e5 kj\u00f8re racerbil mot Per Pusling .", "opinions": []}, {"sent_id": "100392-04-02", "text": "Spillene inneholder stor grad av variasjon , og utfordrer b\u00e5de hjernecellene og finmotorikken .", "opinions": [{"Source": [[], []], "Target": [["Spillene"], ["0:8"]], "Polar_expression": [["stor", "variasjon"], ["20:24", "33:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Spillene"], ["0:8"]], "Polar_expression": [["utfordrer b\u00e5de hjernecellene og finmotorikken"], ["48:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-05-01", "text": "Det kan likevel bli litt for utfordrende for finmotorikken til tider , ettersom det er vanskelig \u00e5 styre og utf\u00f8re oppgaver med museknappen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt for utfordrende"], ["20:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vanskelig"], ["87:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-05-02", "text": "Da kan barna lett f\u00f8le at de ikke mestrer oppgavene , og gi opp .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["lett f\u00f8le at de ikke mestrer oppgavene"], ["13:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-06-01", "text": "Ellers er det ikke mye \u00e5 utsette p\u00e5 spillet .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["36:43"]], "Polar_expression": [["ikke mye \u00e5 utsette"], ["14:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-06-02", "text": "Det har koselig og stemningsfull grafikk , det er passe utfordrende for aldersgruppen det er ment for , figurene snakker norsk , og spillet har en god tone , uten at det blir for sukkers\u00f8tt .", "opinions": [{"Source": [[], []], "Target": [["grafikk"], ["33:40"]], "Polar_expression": [["koselig"], ["8:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["grafikk"], ["33:40"]], "Polar_expression": [["stemningsfull"], ["19:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["132:139"]], "Polar_expression": [["passe utfordrende"], ["50:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["figurene"], ["104:112"]], "Polar_expression": [["snakker norsk"], ["113:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["132:139"]], "Polar_expression": [["god tone"], ["147:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["132:139"]], "Polar_expression": [["figurene snakker norsk"], ["104:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["132:139"]], "Polar_expression": [["uten at det blir for sukkers\u00f8tt"], ["158:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["132:139"]], "Polar_expression": [["koselig og stemningsfull grafikk"], ["8:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100392-06-03", "text": "Karlsson p\u00e5 taket for eksempel , er akkurat s\u00e5 frekk i kjeften som han er \u00ab i virkeligheten \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Karlsson p\u00e5 taket"], ["0:17"]], "Polar_expression": [["akkurat s\u00e5 frekk i kjeften som han er \u00ab i virkeligheten \u00bb"], ["36:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100392-07-01", "text": "KRISTINE STORLI HENNINGSEN", "opinions": []}, {"sent_id": "501225-01-01", "text": "Popjazzplagiat", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Popjazzplagiat"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501225-02-01", "text": "Det s\u00e6regne lydbildet til Pat Metheny Group lurer ofte i bakgrunnen n\u00e5r plate nummer to fra hardingen Gisle Torvik gj\u00f8r sine runder i cd-spilleren .", "opinions": []}, {"sent_id": "501225-03-01", "text": "Gitaristen fra T\u00f8rvikbygd har alliert seg med vokalisten Hilde Norbakken og laget en plate som i l\u00f8pet av snaue tre kvarter og ti melodisterke l\u00e5ter til stadighet forsyner seg av den amerikanske gitaristens lydrike .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5ter"], ["143:148"]], "Polar_expression": [["melodisterke"], ["130:142"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["85:90"]], "Polar_expression": [["melodisterke l\u00e5ter"], ["130:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["85:90"]], "Polar_expression": [["til stadighet forsyner seg av den amerikanske gitaristens lydrike"], ["149:214"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501225-03-02", "text": "Kun ved et par anledninger klarer Torvik \u00e5 befri seg fra stempelet av \u00e5 figurere som en Metheny-wannabe .", "opinions": [{"Source": [[], []], "Target": [["Torvik"], ["34:40"]], "Polar_expression": [["Metheny-wannabe"], ["88:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501225-04-01", "text": "For hangen til \u00e5 bruke tette syngende Metheny-riff over lett rullende rytmer blir tidvis p\u00e5trengende og nesten plagsom :", "opinions": [{"Source": [[], []], "Target": [["tette syngende Metheny-riff over lett rullende rytmer"], ["23:76"]], "Polar_expression": [["tidvis p\u00e5trengende"], ["82:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tette syngende Metheny-riff over lett rullende rytmer"], ["23:76"]], "Polar_expression": [["nesten plagsom"], ["104:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tette syngende Metheny-riff over lett rullende rytmer"], ["23:76"]], "Polar_expression": [["tette syngende Metheny-riff over lett rullende rytmer"], ["23:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "501225-04-02", "text": "I mine \u00f8rer opplever Torvik som en musiker som ikke helt har klart \u00e5 finne sin egen stemme .", "opinions": [{"Source": [[], []], "Target": [["Torvik"], ["21:27"]], "Polar_expression": [["ikke helt har klart \u00e5 finne sin egen stemme"], ["47:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501225-04-03", "text": "Det er synd , for Torvik er vitterlig en dyktig gitarist med finslepen teknikk , men han mangler opplagt en personlig signatur i det han foretar seg .", "opinions": [{"Source": [[], []], "Target": [["Torvik"], ["18:24"]], "Polar_expression": [["dyktig gitarist"], ["41:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Torvik"], ["18:24"]], "Polar_expression": [["finslepen teknikk"], ["61:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Torvik"], ["18:24"]], "Polar_expression": [["mangler opplagt en personlig signatur"], ["89:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "501225-05-01", "text": "Dette lett ford\u00f8yelige popjazz \u2013 passe pregl\u00f8s og med en sjarmfaktor som , spor for spor , dessverre n\u00e6rmer seg frysepunktet .", "opinions": [{"Source": [[], []], "Target": [["popjazz"], ["23:30"]], "Polar_expression": [["lett ford\u00f8yelige"], ["6:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["popjazz"], ["23:30"]], "Polar_expression": [["pregl\u00f8s"], ["39:46"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["popjazz"], ["23:30"]], "Polar_expression": [["sjarmfaktor som , spor for spor , dessverre n\u00e6rmer seg frysepunktet"], ["57:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "501225-06-01", "text": "GEIR DAHLE", "opinions": []}, {"sent_id": "501225-07-01", "text": "Enig med v\u00e5r anmelder ?", "opinions": []}, {"sent_id": "501225-07-02", "text": "Si din mening her !", "opinions": []}, {"sent_id": "705080-01-01", "text": "1B1-ensemblet er blitt et begrep for h\u00f8y kvalitet", "opinions": [{"Source": [[], []], "Target": [["1B1-ensemblet"], ["0:13"]], "Polar_expression": [["h\u00f8y kvalitet"], ["37:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-02-01", "text": "Ensemblet er n\u00e5 klar for store oppgaver .", "opinions": []}, {"sent_id": "705080-03-01", "text": "Det var litt av noen solister Bjergsted-ensemblet 1B1 kunne varte opp med fredag kveld , der programmet var delvis det samme som ved \u00e5rets Kammermusikkfestival .", "opinions": [{"Source": [[], []], "Target": [["solister"], ["21:29"]], "Polar_expression": [["litt av noen solister"], ["8:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-03-02", "text": "Den gang vakte spillet , der Clemens Hagen var solist i Haydn , enorm begeistring .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["15:22"]], "Polar_expression": [["vakte", "enorm begeistring"], ["9:14", "64:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-03-03", "text": "Fredag var Lars Anders Tomter , Norges fremste bratsjist , solist i Mozarts Sinfonia Concertante i Ess-dur , sammen med ensemblets leder , Jan Bj\u00f8ranger p\u00e5 fiolin .", "opinions": [{"Source": [[], []], "Target": [["Lars Anders Tomter"], ["11:29"]], "Polar_expression": [["Norges fremste bratsjist"], ["32:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "705080-03-04", "text": "I tillegg fikk vi Mozarts hornkonsert nr. 2 , med Andrej Zust fra Berliner Philharmonie som solist , og Clemens Hagen var igjen solist i Haydns cellokonsert i C-dur .", "opinions": []}, {"sent_id": "705080-04-01", "text": "Mozarts hornkonsert nr . 2 st\u00e5r i en toneart som er komfortabel for hornet , nemlig Ess-dur .", "opinions": []}, {"sent_id": "705080-04-02", "text": "Den slutter med en typisk jakthorn-finale .", "opinions": []}, {"sent_id": "705080-04-03", "text": "Konserten , som spilleteknisk er den vanskeligste av de tre Mozart skrev , ble spilt med bravur og lange legato-linjer i hornet .", "opinions": [{"Source": [[], []], "Target": [["Konserten"], ["0:9"]], "Polar_expression": [["den vanskeligste av de tre Mozart skrev"], ["33:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Konserten"], ["0:9"]], "Polar_expression": [["spilt med bravur"], ["79:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Konserten"], ["0:9"]], "Polar_expression": [["lange legato-linjer i hornet"], ["99:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "705080-04-04", "text": "Den rike instrumentasjonen ble ogs\u00e5 fremragende ivaretatt .", "opinions": [{"Source": [[], []], "Target": [["instrumentasjonen"], ["9:26"]], "Polar_expression": [["rike"], ["4:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["instrumentasjonen"], ["9:26"]], "Polar_expression": [["fremragende ivaretatt"], ["36:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-05-01", "text": "I februar neste \u00e5r skal 1B1 spille inn begge cellokonsertene til Haydn , med Clemens Hagens som solist .", "opinions": []}, {"sent_id": "705080-05-02", "text": "En verdensstjerne har alts\u00e5 valgt ensemblet i Bjergsted !", "opinions": [{"Source": [["verdensstjerne"], ["3:17"]], "Target": [["ensemblet i Bjergsted"], ["34:55"]], "Polar_expression": [["verdensstjerne har alts\u00e5 valgt ensemblet i Bjergsted"], ["3:55"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "705080-05-03", "text": "C-dur-konserten ble f\u00f8rst oppdaget i 1961 , i Prahas nasjonalmuseum .", "opinions": []}, {"sent_id": "705080-05-04", "text": "Det er en kraftfull konsert av den unge Haydn , og Clemens Hagen gir alle satsene deres forskjellige karakter : majestetisk og kraftfullt , betagende melodi\u00f8se linjer og virtuositet av beste merke \u2013 samt en sonor tone som gjennomstr\u00f8mmet det hele .", "opinions": [{"Source": [[], []], "Target": [["konsert"], ["20:27"]], "Polar_expression": [["kraftfull"], ["10:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Clemens Hagen"], ["51:64"]], "Polar_expression": [["gir alle satsene", "forskjellige karakter"], ["65:81", "88:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["satsene"], ["74:81"]], "Polar_expression": [["majestetisk"], ["112:123"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["satsene"], ["74:81"]], "Polar_expression": [["kraftfullt"], ["127:137"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["linjer"], ["160:166"]], "Polar_expression": [["betagende melodi\u00f8se"], ["140:159"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["satsene"], ["74:81"]], "Polar_expression": [["betagende melodi\u00f8se linjer"], ["140:166"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["satsene"], ["74:81"]], "Polar_expression": [["virtuositet av beste merke"], ["170:196"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["satsene"], ["74:81"]], "Polar_expression": [["sonor tone som gjennomstr\u00f8mmet det hele"], ["207:246"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-05-05", "text": "Det formelig slo gnister mellom solist og ensemble .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["slo gnister mellom solist og ensemble"], ["13:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "705080-05-06", "text": "De fine kadensene Hagen hadde valgt , er skrevet av Henning Kraggerud .", "opinions": [{"Source": [[], []], "Target": [["kadensene"], ["8:17"]], "Polar_expression": [["fine"], ["3:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-06-01", "text": "Etter pause fikk vi , som p\u00e5 kammermusikkfestivalen , Bart\u00f3ks Rumenske folkedanser .", "opinions": []}, {"sent_id": "705080-06-02", "text": "N\u00e5r den spilles slik , feiende flott , med store kontraster mellom dansene , syltynne toner i diskanten og rytmisk driv , klinger den bedre enn i versjonen for klaver .", "opinions": [{"Source": [[], []], "Target": [["spilles"], ["8:15"]], "Polar_expression": [["feiende flott"], ["23:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["rytmisk driv"], ["107:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["store kontraster mellom dansene"], ["43:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["syltynne toner i diskanten"], ["77:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["130:133"]], "Polar_expression": [["klinger den bedre enn i versjonen for klaver"], ["122:166"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-07-01", "text": "I Mozarts Sinfonia Concertante K. 364 er solo-bratsjen stemt opp en halvtone , noe som gir den en klang n\u00e6r opp til fiolinen , og bratsjstemmen er fordelt i orkesteret slik at klangfargen blir utvidet .", "opinions": [{"Source": [[], []], "Target": [["solo-bratsjen"], ["41:54"]], "Polar_expression": [["stemt opp en halvtone"], ["55:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["solo-bratsjen"], ["41:54"]], "Polar_expression": [["klang n\u00e6r opp til fiolinen"], ["98:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["klangfargen blir utvidet"], ["176:200"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "705080-07-02", "text": "Motiver blir presentert etter hverandre av de to soloinstrumentene og bearbeidet .", "opinions": []}, {"sent_id": "705080-07-03", "text": "Et subtilt klangbilde oppsto der ogs\u00e5 hornene og oboene hadde soloinnslag .", "opinions": [{"Source": [[], []], "Target": [["soloinnslag"], ["62:73"]], "Polar_expression": [["subtilt klangbilde"], ["3:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-07-04", "text": "Den langsomme satsen ble spilt vidunderlig vakkert , den er da ogs\u00e5 en av de mest s\u00f8rgmodig-vakre moll-satser Mozart har skrevet .", "opinions": [{"Source": [[], []], "Target": [["Den langsomme satsen"], ["0:20"]], "Polar_expression": [["spilt vidunderlig vakkert"], ["25:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den langsomme satsen"], ["0:20"]], "Polar_expression": [["en av de mest s\u00f8rgmodig-vakre moll-satser Mozart har skrevet"], ["68:128"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-07-05", "text": "Samspillet mellom de to solistene , som til tider er innfl\u00f8kt , var str\u00e5lende .", "opinions": [{"Source": [[], []], "Target": [["Samspillet"], ["0:10"]], "Polar_expression": [["str\u00e5lende"], ["68:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705080-08-01", "text": "Konserten fredag kveld var ikke s\u00e6rlig godt bes\u00f8kt .", "opinions": [{"Source": [[], []], "Target": [["Konserten"], ["0:9"]], "Polar_expression": [["ikke s\u00e6rlig godt bes\u00f8kt"], ["27:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "705080-08-02", "text": "Men det viktigste var at den ble holdt !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Men det viktigste var at den ble holdt"], ["0:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-01-01", "text": "Sukkert\u00f8ysfarget sexkomedie", "opinions": [{"Source": [[], []], "Target": [["sexkomedie"], ["17:27"]], "Polar_expression": [["Sukkert\u00f8ysfarget"], ["0:16"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304309-02-01", "text": "Meryl Streep og Alec Baldwin gir voksnes sexforviklinger et ansikt", "opinions": []}, {"sent_id": "304309-03-01", "text": "|| |", "opinions": []}, {"sent_id": "304309-03-02", "text": "FILM :", "opinions": []}, {"sent_id": "304309-03-03", "text": "\u00ab Er det slik det er \u00e5 v\u00e6re voksen ? \u00bb , sier Meryl Streep til Steve Martin mot slutten av \u00ab It's Complicated \u00bb .", "opinions": []}, {"sent_id": "304309-03-04", "text": "Frem til det punktet har sex- og samlivskomedien v\u00e6rt en pastellfarget parodi p\u00e5 sin egen sjanger , med Streep som et knisende knutepunkt .", "opinions": [{"Source": [[], []], "Target": [["sex- og samlivskomedien"], ["25:48"]], "Polar_expression": [["pastellfarget parodi p\u00e5 sin egen sjanger"], ["57:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Streep"], ["104:110"]], "Polar_expression": [["knisende knutepunkt"], ["118:137"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-03-05", "text": "Hvis dette er \u00e5 v\u00e6re ung til sinns , kunne seksti\u00e5ringene p\u00e5 lerretet godt f\u00f8lt alderen tynge \u00f8rlite grann mer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvis dette er \u00e5 v\u00e6re ung til sinns , kunne seksti\u00e5ringene p\u00e5 lerretet godt f\u00f8lt alderen tynge \u00f8rlite grann mer"], ["0:110"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304309-04-01", "text": "Vi m\u00f8ter Jane ( Meryl Streep ) ti \u00e5r etter at ektemannen Jake ( en pigg Alec Baldwin ) forlot henne for et vandrende ryggrad p\u00e5 noenogtyve .", "opinions": [{"Source": [[], []], "Target": [["Alec Baldwin"], ["72:84"]], "Polar_expression": [["pigg"], ["67:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-04-02", "text": "Jane er ensom og ulykkelig og blind for arkitekten Adams ( Steve Martin ) fomlete fors\u00f8k p\u00e5 en fl\u00f8rt .", "opinions": []}, {"sent_id": "304309-04-03", "text": "Men s\u00e5 havner Jane p\u00e5 fylla og til sengs med Jake , og kastes ut i en lett farseaktig fling .", "opinions": []}, {"sent_id": "304309-05-01", "text": "For uskyldig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For uskyldig"], ["0:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-05-02", "text": "Det er vel og bra at godt voksne skuespillere f\u00e5r tillit i hovedrollene i romantiske komedier , men hvorfor m\u00e5 de v\u00e6re s\u00e5 ford\u00f8mt nusselige ?", "opinions": [{"Source": [[], []], "Target": [["at godt voksne skuespillere f\u00e5r tillit i hovedrollene"], ["18:71"]], "Polar_expression": [["vel og bra"], ["7:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["romantiske komedier"], ["74:93"]], "Polar_expression": [["hvorfor m\u00e5 de v\u00e6re s\u00e5 ford\u00f8mt nusselige ?"], ["100:141"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-05-03", "text": "\u00c5 sitte gjennom hele \u00ab It's Complicated \u00bb f\u00f8les som \u00e5 bli tvangsforet med marengs og te i to timer .", "opinions": [{"Source": [[], []], "Target": [["\u00ab It's Complicated \u00bb"], ["21:41"]], "Polar_expression": [["f\u00f8les som \u00e5 bli tvangsforet med marengs og te i to timer"], ["42:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-05-04", "text": "Jane eier en av disse caf\u00e9ene med gammelmodige hvite m\u00f8bler og sorte tavler med menyen skrevet med hvitt kritt og l\u00f8kkeskrift , og har det aller best n\u00e5r hun f\u00e5r lage pains-au-chocolat fra bunnen .", "opinions": []}, {"sent_id": "304309-05-05", "text": "Selv de tre barna hennes , som er i en alder der de forlengst burde r\u00f8mt hjemmefra og p\u00e5dratt seg en kj\u00f8nnssykdom eller to , har ingenting bedre fore enn \u00e5 l\u00f8pe rundt i stripete pyjamas og forsikre moren om hvor glade de er i henne .", "opinions": [{"Source": [[], []], "Target": [["tre barna"], ["8:17"]], "Polar_expression": [["ingenting bedre fore enn \u00e5 l\u00f8pe rundt i stripete pyjamas og forsikre moren om hvor glade de er i henne"], ["129:231"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-05-06", "text": "Og n\u00e5r Jake gj\u00f8r det filmens kjernepublikum p\u00e5 kvinner 40 - 60 mener han b\u00f8r gj\u00f8re , og \u00f8nsker seg tilbake til ekskona , er det fordi sexen med henne ikke bare var sex .", "opinions": []}, {"sent_id": "304309-05-07", "text": "Den var spesiell .", "opinions": []}, {"sent_id": "304309-05-08", "text": "Med andre ord :", "opinions": []}, {"sent_id": "304309-05-09", "text": "\u00ab It's Complicated \u00bb syder og koker av \u00f8strogen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab It's Complicated \u00bb"], ["0:20"]], "Polar_expression": [["syder og koker av \u00f8strogen"], ["21:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304309-05-10", "text": "Den er altfor selvgodt sikker p\u00e5 hva voksne kvinner verden over vil ha .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["altfor selvgodt sikker p\u00e5 hva voksne kvinner verden over vil ha"], ["7:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-05-11", "text": "Uskylden i det utenomekteskapelige eventyret , som er ment \u00e5 v\u00e6re elskelig , f\u00f8les p\u00e5tatt .", "opinions": [{"Source": [[], []], "Target": [["Uskylden"], ["0:8"]], "Polar_expression": [["f\u00f8les p\u00e5tatt"], ["77:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-06-01", "text": "Streeps evne Selvtilliten er ikke ubegrunnet .", "opinions": []}, {"sent_id": "304309-06-02", "text": "Regiss\u00f8r Nancy Meyers gjorde stor suksess i 2003 med \u00ab Something's Gotta Give \u00bb med Diane Keaton og Jack Nicholson , en lignende , og bedre , film .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8r Nancy Meyers"], ["0:21"]], "Polar_expression": [["gjorde stor suksess i 2003"], ["22:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Something's Gotta Give \u00bb"], ["53:79"]], "Polar_expression": [["bedre"], ["134:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Something's Gotta Give \u00bb"], ["53:79"]], "Polar_expression": [["stor suksess"], ["29:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-06-03", "text": "Det har naturligvis ikke g\u00e5tt Meyers hus forbi at Baldwin de siste \u00e5rene har vunnet en ny tilhengerskare p\u00e5 grunn av rollen som den uforstyrrelig cocky kanalsjefen i \u00ab 30 Rock \u00bb , og at Streep er blitt hele verdens yndling gjennom feelgoodfantasier som \u00ab Mamma Mia ! \u00bb og \u00ab Julie & Julia \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Baldwin"], ["50:57"]], "Polar_expression": [["vunnet en ny tilhengerskare"], ["77:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["Streep"], ["186:192"]], "Polar_expression": [["hele verdens yndling"], ["202:222"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "304309-06-04", "text": "Her er de blitt invitert til \u00e5 gj\u00f8re litt mer blodfattige varianter av de samme rollene .", "opinions": [{"Source": [[], []], "Target": [["de"], ["7:9"]], "Polar_expression": [["litt mer blodfattige varianter av de samme rollene"], ["37:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-06-05", "text": "Heldigvis for filmen har de to en umiskjennelig kjemi seg imellom ; man griper seg i \u00e5 heie litt p\u00e5 dem .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["14:20"]], "Polar_expression": [["Heldigvis", "de to en umiskjennelig kjemi seg imellom"], ["0:9", "25:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["14:20"]], "Polar_expression": [["griper seg i \u00e5 heie litt p\u00e5 dem"], ["72:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-06-06", "text": "Baldwin elsker tilsynelatende \u00e5 tulle med sin egen \u00f8kende mage og minskende verdighet , mens Streep er Streep .", "opinions": []}, {"sent_id": "304309-06-07", "text": "Hun har en s\u00e6regen evne til \u00e5 uttrykke en rekke f\u00f8lelser p\u00e5 en gang ; hun virker stolt og flau og forelsket p\u00e5 samme tid , og f\u00e5r alt til \u00e5 virke spontant og ufiltrert .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["s\u00e6regen evne til \u00e5 uttrykke en rekke f\u00f8lelser p\u00e5 en gang"], ["11:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["alt til \u00e5 virke spontant og ufiltrert"], ["130:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-06-08", "text": "Det er synd for dem at de m\u00e5 takle s\u00e5 mange fjollete situasjoner og dustete replikker .", "opinions": [{"Source": [[], []], "Target": [["situasjoner"], ["53:64"]], "Polar_expression": [["synd for dem at de m\u00e5 takle s\u00e5 mange fjollete"], ["7:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["replikker"], ["76:85"]], "Polar_expression": [["synd for dem at de m\u00e5 takle s\u00e5 mange", "dustete"], ["7:43", "68:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304309-07-01", "text": "Krevende samliv", "opinions": []}, {"sent_id": "304309-07-02", "text": "Men s\u00e5 , akkurat n\u00e5r du hadde gitt opp og erkl\u00e6rt \u00ab It's Complicated \u00bb for en fjortisfilm med rynker , kommer noen fine , kloke samtaler , om det krevende samlivet , og hvor vanskelig det er b\u00e5de \u00e5 g\u00e5 og \u00e5 komme tilbake , \u00e5 vite om f\u00f8lelsene er der eller om de har tatt slutt , og det en merker bare er en matt ettergl\u00f8d .", "opinions": [{"Source": [[], []], "Target": [["\u00ab It's Complicated \u00bb"], ["50:70"]], "Polar_expression": [["fjortisfilm med rynker"], ["78:100"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab It's Complicated \u00bb"], ["50:70"]], "Polar_expression": [["noen fine , kloke samtaler"], ["110:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304309-07-03", "text": "Og det utrolige skjer :", "opinions": []}, {"sent_id": "304309-07-04", "text": "Meryl Streep", "opinions": []}, {"sent_id": "304309-07-05", "text": "- Meryl Streep ! - vender seg mot Steve Martin - Steve Martin !", "opinions": []}, {"sent_id": "304309-07-06", "text": "- for \u00e5 sp\u00f8rre om hva modenhet er .", "opinions": []}, {"sent_id": "304309-07-07", "text": "Og han forklarer henne det .", "opinions": []}, {"sent_id": "107878-01-01", "text": "Nytt navn - gamle sleivspark", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gamle sleivspark"], ["12:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-02-01", "text": "\u00ab Football Manager 2005 \u00bb er utvilsomt den beste managersimulatoren p\u00e5 markedet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["0:25"]], "Polar_expression": [["utvilsomt den beste managersimulatoren p\u00e5 markedet"], ["29:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-02-02", "text": "Men det er likevel mye \u00e5 sette en kritisk pekefinger p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye \u00e5 sette en kritisk pekefinger p\u00e5"], ["19:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-03-01", "text": "\u00ab Football Manager 2005 \u00bb er etterf\u00f8lgeren til den sv\u00e6rt popul\u00e6re \u00ab Championship Manager \u00bb -serien , som har eksistert siden tidlig p\u00e5 90-tallet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Championship Manager \u00bb -serien"], ["66:98"]], "Polar_expression": [["sv\u00e6rt popul\u00e6re"], ["51:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "107878-03-02", "text": "Koden til det gamle spillet er beholdt , men navnet er nytt og \u00ab Championship Manager 5 \u00bb , som trolig kommer p\u00e5 markedet til neste \u00e5r , vil alts\u00e5 v\u00e6re bygd opp fra bunnen av .", "opinions": []}, {"sent_id": "107878-04-01", "text": "Naturlig nok b\u00e6rer \u00ab Football Manager 2005 \u00bb preg av at mye er likt forgjengeren \u00ab Championship Manager 4 \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["19:44"]], "Polar_expression": [["mye er likt forgjengeren"], ["56:80"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-04-02", "text": "Den st\u00f8rste synlige forandringen er oppbygningen av menyene i spillet , som er blitt til det bedre .", "opinions": [{"Source": [[], []], "Target": [["oppbygningen av menyene"], ["36:59"]], "Polar_expression": [["blitt til det bedre"], ["79:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-04-03", "text": "N\u00e5r man f\u00f8rst er kommet inn det nye opplegget er det veldig greit \u00e5 finne fram til alt man trenger for \u00e5 gj\u00f8re en skikkelig managerjobb .", "opinions": [{"Source": [[], []], "Target": [["det nye opplegget"], ["28:45"]], "Polar_expression": [["veldig greit \u00e5 finne fram"], ["53:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-05-01", "text": "I \u00ab Football Manager 2005 \u00bb kan du boltre deg i 51 spillbare nasjoner , 158 forskjellige ligaer , 2352 spillbare lag og vanvittige 235.000 ekte navn p\u00e5 spillere og ansatte .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["2:27"]], "Polar_expression": [["51 spillbare nasjoner"], ["48:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["2:27"]], "Polar_expression": [["158 forskjellige ligaer"], ["72:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["2:27"]], "Polar_expression": [["2352 spillbare lag"], ["98:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["2:27"]], "Polar_expression": [["vanvittige 235.000 ekte navn p\u00e5 spillere og ansatte"], ["120:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-06-01", "text": "Det er imponerende tall , men dessverre er det s\u00e5 omfattende at opplagte feil og mangler ikke er til \u00e5 unng\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["imponerende tall"], ["7:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["dessverre", "s\u00e5 omfattende at opplagte feil og mangler ikke er til \u00e5 unng\u00e5"], ["30:39", "47:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-06-02", "text": "Derfor kan det v\u00e6re en st\u00f8rre skuffelse enn forn\u00f8yelse n\u00e5r du g\u00e5r lagene du kjenner godt litt etter i s\u00f8mmene hva spillermateriale og detaljer ang\u00e5r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["st\u00f8rre skuffelse enn forn\u00f8yelse"], ["23:54"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-06-03", "text": "Men det er nok \u00e5 ta av , og i de st\u00f8rste klubbene og ligaene er det mer enn bra nok niv\u00e5 p\u00e5 databasen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nok \u00e5 ta av"], ["11:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["databasen"], ["92:101"]], "Polar_expression": [["i de st\u00f8rste klubbene og ligaene er det mer enn bra nok niv\u00e5"], ["28:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-07-01", "text": "Det st\u00f8rste problemet med \u00ab Football Manager 2005 \u00bb er at jeg ikke t\u00f8r stole p\u00e5 \u00ab flyten \u00bb i spillet og venter hele tiden p\u00e5 at jeg skal oppdage ting som \u00f8delegger moroa .", "opinions": [{"Source": [["jeg"], ["58:61"]], "Target": [["\u00ab flyten \u00bb"], ["80:90"]], "Polar_expression": [["ikke t\u00f8r stole p\u00e5"], ["62:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["58:61"]], "Target": [[], []], "Polar_expression": [["venter hele tiden p\u00e5 at jeg skal oppdage ting som \u00f8delegger moroa"], ["104:169"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-07-02", "text": "Flere sm\u00e5 , men likevel irriterende , feil og detaljer gj\u00f8r at summen kanskje blir i overkant av det man klarer \u00e5 overse for \u00e5 kunne kose seg med spillet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Flere sm\u00e5 , men likevel irriterende , feil og detaljer gj\u00f8r at summen kanskje blir i overkant av det man klarer \u00e5 overse for \u00e5 kunne kose seg med spillet"], ["0:153"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-08-01", "text": "Det er for eksempel skuffende at b\u00f8rspoengene spillerne f\u00e5r etter kampene ikke klarer \u00e5 skape st\u00f8rre kontraster .", "opinions": [{"Source": [[], []], "Target": [["b\u00f8rspoengene"], ["33:45"]], "Polar_expression": [["ikke klarer \u00e5 skape st\u00f8rre kontraster"], ["74:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["b\u00f8rspoengene"], ["33:45"]], "Polar_expression": [["skuffende"], ["20:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-08-02", "text": "I kamp etter kamp kan alle spillerne f\u00e5 enten 7 eller 8 .", "opinions": []}, {"sent_id": "107878-08-03", "text": "Det blir ganske meningsl\u00f8st s\u00e5 lenge skalaen g\u00e5r fra 1 til 10 .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["meningsl\u00f8st"], ["16:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-08-04", "text": "Jeg har fortsatt til gode \u00e5 se at en spiller som har scoret , til og med p\u00e5 straffe etter \u00e5 ha spilt kun ett minutt , f\u00e5r d\u00e5rligere enn 7 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Jeg har fortsatt til gode \u00e5 se at en spiller som har scoret , til og med p\u00e5 straffe etter \u00e5 ha spilt kun ett minutt , f\u00e5r d\u00e5rligere enn 7"], ["0:137"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-08-05", "text": "Det blir for dumt .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["for dumt"], ["9:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-09-01", "text": "Andre ting som er med p\u00e5 \u00e5 \u00f8delegge realismen i spillet , er at det sv\u00e6rt ofte skapes vanvittig mange sjanser i l\u00f8pet av 90 minutter .", "opinions": [{"Source": [[], []], "Target": [["at det sv\u00e6rt ofte skapes vanvittig mange sjanser i l\u00f8pet av 90 minutter"], ["61:132"]], "Polar_expression": [["med p\u00e5 \u00e5 \u00f8delegge realismen"], ["18:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["at det sv\u00e6rt ofte skapes vanvittig mange sjanser i l\u00f8pet av 90 minutter"], ["61:132"]], "Polar_expression": [["skapes vanvittig mange sjanser i l\u00f8pet av 90 minutter"], ["79:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-09-02", "text": "Det kan jo selvf\u00f8lgelig skje i virkeligheten at man er vitne til et fyrverkeri av en fotballkamp , men gjennom en lang sesong skal det tross alt tilh\u00f8re sjeldenhetene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skal det tross alt tilh\u00f8re sjeldenhetene"], ["126:166"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-09-03", "text": "Det gj\u00f8r det ikke i dette spillet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke i dette spillet"], ["13:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-10-01", "text": "Det er ogs\u00e5 en tendens til at det er altfor enkelt \u00e5 oppn\u00e5 suksess med de aller st\u00f8rste og mektigste klubbene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["altfor enkelt \u00e5 oppn\u00e5 suksess"], ["37:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-10-02", "text": "Men som en \u00ab sm\u00e5klubbenes venn \u00bb har jeg mer enn nok med utfordringene i andre klubber enn Barcelona , Arsenal og Juventus .", "opinions": [{"Source": [["jeg"], ["37:40"]], "Target": [[], []], "Polar_expression": [["mer enn nok med utfordringene i andre klubber"], ["41:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-10-03", "text": "Uansett burde det ogs\u00e5 v\u00e6re en vanskelig jobb \u00e5 lede de store gigantene - hvis \u00ab Football Manager 2005 \u00bb virkelig tar m\u00e5l av seg til \u00e5 gjenspeile den virkelige fotballverden .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["79:104"]], "Polar_expression": [["burde det ogs\u00e5 v\u00e6re en vanskelig jobb \u00e5 lede de store gigantene"], ["8:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-11-01", "text": "Nytt i denne versjonen er at man kan g\u00e5 ut i mediene og \u00ab kommunisere \u00bb med andre managere - b\u00e5de datastyrte og menneskestyrte .", "opinions": []}, {"sent_id": "107878-11-02", "text": "Det er sm\u00e5artig \u00e5 f.eks . kunne si til Alex Ferguson eller Frank Riijkard at du ikke er spesielt imponert over jobben de gj\u00f8r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sm\u00e5artig \u00e5 f.eks . kunne si til Alex Ferguson eller Frank Riijkard at du ikke er spesielt imponert over jobben de gj\u00f8r"], ["7:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-11-03", "text": "Om det er lurt er en annen sak .", "opinions": []}, {"sent_id": "107878-11-04", "text": "Spillerne dine reagerer nemlig ogs\u00e5 p\u00e5 hva du sier i media .", "opinions": []}, {"sent_id": "107878-12-01", "text": "Men jeg savner at mediedelen i spillet tar mer tak i tingene du selv gj\u00f8r som manager .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [[], []], "Polar_expression": [["savner at mediedelen i spillet tar mer tak"], ["8:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-12-02", "text": "Har du vraket midtbanemotoren eller satt stjernespissen p\u00e5 transferlisten , b\u00f8r ikke det g\u00e5 up\u00e5aktet hen i den kritiske og n\u00e5del\u00f8se sportspressen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["b\u00f8r ikke det g\u00e5 up\u00e5aktet hen i den kritiske og n\u00e5del\u00f8se sportspressen"], ["76:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-12-03", "text": "Det er ogs\u00e5 altfor lite \u00e5 f\u00e5 to sp\u00f8rsm\u00e5l fra pressen gjennom en lang Premier League-sesong .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["altfor lite \u00e5 f\u00e5 to sp\u00f8rsm\u00e5l fra pressen"], ["12:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-12-04", "text": "Det skal ikke rare journalisten til for \u00e5 hoste opp mer enn det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skal ikke rare journalisten til for \u00e5 hoste opp mer enn det"], ["4:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-13-01", "text": "Dessuten synes jeg det blir litt bakvendt at du kan uttale deg om en hvilken som helst manager , men ikke kan kommunisere mer med dine egne spillere .", "opinions": [{"Source": [["jeg"], ["15:18"]], "Target": [[], []], "Polar_expression": [["litt bakvendt at du kan uttale deg om en hvilken som helst manager , men ikke kan kommunisere mer med dine egne spillere"], ["28:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["at du kan uttale deg om en hvilken som helst manager"], ["42:94"]], "Polar_expression": [["litt bakvendt"], ["28:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-14-01", "text": "Bare s\u00e5 det er sagt : det er derimot ikke noe problem \u00e5 bli hekta p\u00e5 \u00ab Football Manager 2005 \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Football Manager 2005 \u00bb"], ["69:94"]], "Polar_expression": [["ikke noe problem \u00e5 bli hekta p\u00e5"], ["37:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-14-02", "text": "\u00c5 dr\u00f8mme seg bort i en hel ferieuke man strengt tatt burde brukt til noe mer sosialt , er skremmende lett .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00c5 dr\u00f8mme seg bort", "skremmende lett"], ["0:17", "90:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-15-01", "text": "De som allerede er godt kjent med spillsjangeren vet hva jeg sikter til .", "opinions": []}, {"sent_id": "107878-15-02", "text": "\u00c5 gruble p\u00e5 om man skal t\u00f8mme kontoen for \u00e5 hente inn en ny spiss , eller kanskje gi toppscoreren p\u00e5 reservelaget en sjanse .", "opinions": []}, {"sent_id": "107878-15-03", "text": "For ikke \u00e5 snakke om det \u00e5 komme over et totalt ukjent kjempetalent i en s\u00f8lepytt av en klubb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For ikke \u00e5 snakke om det \u00e5 komme over et totalt ukjent kjempetalent i en s\u00f8lepytt av en klubb"], ["0:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-15-04", "text": "Det er herlig , fengslende og vanedannende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["herlig"], ["7:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fengslende"], ["16:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vanedannende"], ["30:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-16-01", "text": "\u00c5 ta seg tid til \u00e5 bygge opp taktikken rundt spillerne man etter hvert l\u00e6rer \u00e5 kjenne , gir faktisk resultater .", "opinions": [{"Source": [[], []], "Target": [["\u00c5 ta seg tid til \u00e5 bygge opp taktikken rundt spillerne"], ["0:54"]], "Polar_expression": [["gir faktisk resultater"], ["88:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-16-02", "text": "Den taktiske delen av spillet er med andre ord mer enn bra nok .", "opinions": [{"Source": [[], []], "Target": [["taktiske delen av spillet"], ["4:29"]], "Polar_expression": [["mer enn bra nok"], ["47:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-16-03", "text": "Og den 2-dimensjonale visningen av kampene kombinert med informativ tekst fungerer fortsatt s\u00e6rdeles godt .", "opinions": [{"Source": [[], []], "Target": [["2-dimensjonale visningen av kampene kombinert med informativ tekst"], ["7:73"]], "Polar_expression": [["fungerer fortsatt s\u00e6rdeles godt"], ["74:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-16-04", "text": "Du ser og f\u00e5r med deg akkurrat det du trenger .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ser og f\u00e5r med deg akkurrat det du trenger"], ["3:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-17-01", "text": "Men skal du f\u00e5 noe s\u00e6rlig utbytte av et spill som \u00ab Football Manager 2005 \u00bb m\u00e5 du investere mye tid .", "opinions": []}, {"sent_id": "107878-17-02", "text": "Da b\u00f8r det v\u00e6re like morsomt og utfordrende etter fem sesonger som det var i den f\u00f8rste .", "opinions": [{"Source": [[], []], "Target": [["den f\u00f8rste"], ["77:87"]], "Polar_expression": [["b\u00f8r det v\u00e6re like morsomt og utfordrende etter fem sesonger som det var i"], ["3:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["b\u00f8r det v\u00e6re like morsomt og utfordrende etter fem sesonger som det var i den f\u00f8rste"], ["3:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-17-03", "text": "Der har rett og slett serien tapt seg siden et par gyldne utgaver av \u00ab Championship Manager \u00bb som s\u00e5 dagens lys rundt tusen\u00e5rsskiftet .", "opinions": [{"Source": [[], []], "Target": [["serien"], ["22:28"]], "Polar_expression": [["tapt seg"], ["29:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-18-01", "text": "Etter maaaaaaaaaaange timer foran skjermen er konklusjonen derfor at Football Manager 2005 har mye \u00e5 g\u00e5 p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Football Manager 2005"], ["69:90"]], "Polar_expression": [["mye \u00e5 g\u00e5 p\u00e5"], ["95:106"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107878-18-02", "text": "Noe blir forh\u00e5pentligvis rettet opp med offisielle oppdateringer du kan laste ned gratis , men de er per idag ikke tilgjengelige og blir naturlig nok umulige \u00e5 forholde seg til .", "opinions": [{"Source": [[], []], "Target": [["oppdateringer"], ["51:64"]], "Polar_expression": [["ikke tilgjengelige og blir naturlig nok umulige \u00e5 forholde seg til"], ["110:176"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107878-19-01", "text": "Uansett - ballen er rund og cup er cup .", "opinions": []}, {"sent_id": "107878-19-02", "text": "Det er lov \u00e5 h\u00e5pe p\u00e5 at et par offisielle oppdateringer i l\u00f8pet av kort tid gj\u00f8r susen og hever spillet et hakk eller to .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["96:103"]], "Polar_expression": [["lov \u00e5 h\u00e5pe p\u00e5 at et par offisielle oppdateringer i l\u00f8pet av kort tid gj\u00f8r susen og hever spillet et hakk eller to"], ["7:120"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-01-01", "text": "Fansen kan puste lettet ut", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fansen kan puste lettet ut"], ["0:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304814-02-01", "text": "AC / DC er fremdeles seg selv lik p\u00e5 \u00ab Play Ball \u00bb .", "opinions": [{"Source": [[], []], "Target": [["AC / DC"], ["0:7"]], "Polar_expression": [["fremdeles seg selv lik"], ["11:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-02-02", "text": "Bandets f\u00f8rste l\u00e5t uten grunnlegger Malcolm Young p\u00e5 laget .", "opinions": []}, {"sent_id": "304814-03-01", "text": "L\u00c5T :", "opinions": []}, {"sent_id": "304814-03-02", "text": "Etter at det i v\u00e5r ble kjent at AC / DC-grunnlegger Malcolm Young var for syk til \u00e5 delta i innspillingen av bandets nye plate , har debatten om resten av gjengen burde fortsatt uten han rast blant fansen .", "opinions": []}, {"sent_id": "304814-04-01", "text": "Malcolm startet bandet sammen med sin hakket mer flamboyante lillebror , Angus i 1973 .", "opinions": []}, {"sent_id": "304814-04-02", "text": "Og selv om Malcolm har v\u00e6rt mer av en tilbaketrukket og f\u00e5m\u00e6lt kar , blir han av kjennere sett p\u00e5 som selve hjertet og hjernen i bandet .", "opinions": [{"Source": [["kjennere"], ["81:89"]], "Target": [["Malcolm"], ["11:18"]], "Polar_expression": [["blir", "sett p\u00e5 som selve hjertet og hjernen i bandet"], ["69:73", "90:135"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "304814-05-01", "text": "For et par uker siden kom ogs\u00e5 beskjeden om at helsa til gitaristen er av en slik karakter at bruddet med bandet blir permanent , og at hans nev\u00f8 , Stevie Young , vil ta hans plass fremover .", "opinions": []}, {"sent_id": "304814-06-01", "text": "Intet nytt 1. desember kommer AC / DC's f\u00f8rste plate siden megasuksessen \u00ab Black Ice \u00bb fra 2008 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Black Ice \u00bb"], ["73:86"]], "Polar_expression": [["megasuksessen"], ["59:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-06-02", "text": "\u00ab Rock or Bust \u00bb er tittelen p\u00e5 verket - heldigvis ingen tegn til nytenkning der i g\u00e5rden - og konklusjonen etter \u00e5 ha h\u00f8rt f\u00f8rste smakebit fra albumet , \u00ab Play Ball \u00bb , som slippes i dag , er at fansen kan puste lettet ut .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Play Ball \u00bb"], ["154:167"]], "Polar_expression": [["fansen kan puste lettet ut"], ["196:222"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tittelen"], ["20:28"]], "Polar_expression": [["heldigvis ingen tegn til nytenkning der i g\u00e5rden"], ["41:89"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-07-01", "text": "L\u00e5ten er AC / DC-dusinvare av godt gammelt merke , og i denne sammenhengen er det en slags hedersbetegnelse .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5ten"], ["0:5"]], "Polar_expression": [["AC / DC-dusinvare av godt gammelt merke"], ["9:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5ten"], ["0:5"]], "Polar_expression": [["hedersbetegnelse"], ["91:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-07-02", "text": "Det er vel ingen som \u00f8nsker noe annet enn et gromt , hektende gitarriff , fire tunge flate og en Brian Johnson i god gammel raspende form ?", "opinions": [{"Source": [[], []], "Target": [["gitarriff"], ["62:71"]], "Polar_expression": [["gromt"], ["45:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarriff"], ["62:71"]], "Polar_expression": [["hektende"], ["53:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Brian Johnson"], ["97:110"]], "Polar_expression": [["Brian Johnson i god gammel raspende form"], ["97:137"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-07-03", "text": "Vel , det er akkurat det du f\u00e5r .", "opinions": [{"Source": [[], []], "Target": [["det"], ["6:9"]], "Polar_expression": [["akkurat det du f\u00e5r"], ["13:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-08-01", "text": "Phil Rudd kakker i gang seansen p\u00e5 skarptromma og groover seg m\u00e5lrettet gjennom verset .", "opinions": [{"Source": [[], []], "Target": [["Phil Rudd"], ["0:9"]], "Polar_expression": [["groover seg m\u00e5lrettet gjennom verset"], ["50:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-08-02", "text": "Brendan O'Briens produksjon er klar og krisp , noe som gir Angus Youngs klimprende gitar rikelig med boltreplass .", "opinions": [{"Source": [[], []], "Target": [["Brendan O'Briens produksjon"], ["0:27"]], "Polar_expression": [["klar"], ["31:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Brendan O'Briens produksjon"], ["0:27"]], "Polar_expression": [["krisp"], ["39:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Brendan O'Briens produksjon"], ["0:27"]], "Polar_expression": [["gir Angus Youngs klimprende gitar rikelig med boltreplass"], ["55:112"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Angus Youngs", "gitar"], ["59:71", "83:88"]], "Polar_expression": [["klimprende"], ["72:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-08-03", "text": "Slagordrefrenget er p\u00e5 plass etter fornuftige 40 sekunder , og forteller klart og tydelig at Brian Johnson fremdeles har rikelig med futt i pipene .", "opinions": [{"Source": [[], []], "Target": [["Slagordrefrenget"], ["0:16"]], "Polar_expression": [["p\u00e5 plass etter fornuftige 40 sekunder"], ["20:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Brian Johnson"], ["93:106"]], "Polar_expression": [["rikelig med futt i pipene"], ["121:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-09-01", "text": "Epokemessig er det noe \u00ab The Razors Edge \u00bb -aktig over f\u00f8lelsen her , men n\u00e5 er det som sagt sm\u00e5 nyanser som skiller periodene fra hverandre i AC / DC-kanonen .", "opinions": [{"Source": [[], []], "Target": [["f\u00f8lelsen"], ["55:63"]], "Polar_expression": [["noe \u00ab The Razors Edge \u00bb -aktig over f\u00f8lelsen her"], ["19:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["AC / DC-kanonen"], ["143:158"]], "Polar_expression": [["AC / DC-kanonen"], ["143:158"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-09-02", "text": "I alle fall om man diskuterer tiden etter Bon Scott .", "opinions": []}, {"sent_id": "304814-10-01", "text": "Baseball-anthem \u00ab Play Ball \u00bb er ogs\u00e5 l\u00e5nt bort til den amerikanske baseball-ligaens post season-sendinger , noe som mest sannsynlig vil bidra til \u00e5 gj\u00f8re den til et anthem man vil h\u00f8re p\u00e5 et lass av sportstilstelninger i \u00e5rene som kommer .", "opinions": []}, {"sent_id": "304814-11-01", "text": "Sangen er ingen genistrek , men en typisk , velsmakende AC / DC-appetittvekker uten de store krumspringene .", "opinions": [{"Source": [[], []], "Target": [["Sangen"], ["0:6"]], "Polar_expression": [["ingen genistrek"], ["10:25"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sangen"], ["0:6"]], "Polar_expression": [["typisk , velsmakende AC / DC-appetittvekker uten de store krumspringene"], ["35:106"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304814-11-02", "text": "Da f\u00e5r det bli opp til de \u00f8vrige albumsporene \u00e5 vise om den reduserte troppen har nyansespennet fra forrige gang inntakt .", "opinions": [{"Source": [[], []], "Target": [["forrige gang"], ["100:112"]], "Polar_expression": [["nyansespennet"], ["82:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["troppen"], ["70:77"]], "Polar_expression": [["reduserte"], ["60:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700917-01-01", "text": "Vulg\u00e6r skygge av Chaplin", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vulg\u00e6r skygge av Chaplin"], ["0:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700917-02-01", "text": "Sacha Baron Cohens komedie sl\u00e5r i alle retninger , men hans spesielle og vulg\u00e6re form for satire blir bare en skygge av Chaplins \" Diktatoren \" .", "opinions": [{"Source": [[], []], "Target": [["Sacha Baron Cohens komedie"], ["0:26"]], "Polar_expression": [["sl\u00e5r i alle retninger"], ["27:48"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hans spesielle og vulg\u00e6re form for satire"], ["55:96"]], "Polar_expression": [["bare en skygge av Chaplins \" Diktatoren \""], ["102:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700917-02-02", "text": "Cohen n\u00f8yer seg med enkel utdriting .", "opinions": [{"Source": [[], []], "Target": [["Cohen"], ["0:5"]], "Polar_expression": [["n\u00f8yer seg med enkel utdriting"], ["6:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700917-03-01", "text": "( TheDictator ) Regi :", "opinions": []}, {"sent_id": "700917-03-02", "text": "Larry Charles .", "opinions": []}, {"sent_id": "700917-03-03", "text": "Med :", "opinions": []}, {"sent_id": "700917-03-04", "text": "Sacha Baron Cohen , Megan Fox , Anna Faris , John C. Reilly , Ben Kingsley .", "opinions": []}, {"sent_id": "700917-03-05", "text": "Manus : Sacha Baron Cohen , Alec Berg , DavidMandel , Jeff Schaffer .", "opinions": []}, {"sent_id": "700917-03-06", "text": "USA 2012 .", "opinions": []}, {"sent_id": "700917-03-07", "text": "1 time 25 minutter .", "opinions": []}, {"sent_id": "700917-03-08", "text": "Aldersgrense :", "opinions": []}, {"sent_id": "700917-03-09", "text": "11\u00e5r .", "opinions": []}, {"sent_id": "700917-03-10", "text": "Egnethet : Ungdom / voksen .", "opinions": []}, {"sent_id": "700917-04-01", "text": "Gir man en komedie tittelen \" Diktatoren \" , m\u00e5 manfinne seg i \u00e5 bli m\u00e5lt mot den mest legendariske filmen med samme navn : \" Diktatoren \" , Charlie Chaplins ber\u00f8mte parodi p\u00e5 Hitler fra 1940.Sacha Baron Cohens satiret\u00f8ys blir blekt i sammenligning .", "opinions": [{"Source": [[], []], "Target": [["filmen med samme navn : \" Diktatoren \""], ["100:138"]], "Polar_expression": [["mest legendariske"], ["82:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen med samme navn : \" Diktatoren \""], ["100:138"]], "Polar_expression": [["Charlie Chaplins ber\u00f8mte parodi p\u00e5 Hitler"], ["141:182"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Diktatoren \""], ["28:42"]], "Polar_expression": [["blekt"], ["227:232"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Diktatoren \""], ["28:42"]], "Polar_expression": [["satiret\u00f8ys"], ["211:221"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700917-05-01", "text": "Det er en slags parallell mellomde to filmene .", "opinions": []}, {"sent_id": "700917-05-02", "text": "Chaplin levendegjorde en barberer i det fiktive Toumania som i1918 havner p\u00e5 sykehus og slipper ut bare for \u00e5 oppdage at landet styres av denskremmende diktatoren Adenoid H\u00fcnkel .", "opinions": []}, {"sent_id": "700917-05-03", "text": "Etter mange forviklinger tar barberenover H\u00fcnkels plass .", "opinions": []}, {"sent_id": "700917-06-01", "text": "I Cohens manus starterhovedpersonen f\u00f8rst som diktator Aladeen i det fiktive , \u00f8stafrikanske landetWaadiya , klemt inn mellom Egypt , Sudan og Eritrea .", "opinions": []}, {"sent_id": "700917-06-02", "text": "Via forviklinger havner hani et hverdagsliv blant vanlige folk i Brooklyn i New York f\u00f8r han intrigererseg tilbake til diktatortronen i hjemlandet .", "opinions": []}, {"sent_id": "700917-07-01", "text": "Men der Chaplins komedie varlynende intelligent , skremmende og munnet ut i en alvorsfylt appell for \u00e5 f\u00e5USA med i 2. verdenskrig mot Hitler , n\u00f8yer regiss\u00f8r Larry Charles oghovedrolleinnehaver Cohen seg med utdritingshumor myntet p\u00e5 diverse diktatorer.Vi stilles fritt til \u00e5 assosiere til Irans Ahmadinejad , Nord-Koreas KimJong-Il , Iraks Saddam Hussein og Libyas Muammar al-Gaddafi .", "opinions": [{"Source": [[], []], "Target": [["Chaplins komedie"], ["8:24"]], "Polar_expression": [["intelligent"], ["36:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Chaplins komedie"], ["8:24"]], "Polar_expression": [["skremmende"], ["50:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Cohen"], ["194:199"]], "Polar_expression": [["n\u00f8yer", "seg med utdritingshumor"], ["143:148", "200:223"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["regiss\u00f8r Larry Charles"], ["149:171"]], "Polar_expression": [["n\u00f8yer", "seg med utdritingshumor"], ["143:148", "200:223"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700917-08-01", "text": "Radarparet Charles / Cohenfornekter seg ikke .", "opinions": []}, {"sent_id": "700917-08-02", "text": "Her er rikelig med vulg\u00e6re scener som n\u00e5r diktatoren skaltale i FN , tisser vannmuggen full med egen urin , drikker og heller overtilh\u00f8rerne .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rikelig med vulg\u00e6re scener"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700917-08-03", "text": "Ja ja , sukker jeg .", "opinions": [{"Source": [["jeg"], ["15:18"]], "Target": [[], []], "Polar_expression": [["Ja ja , sukker jeg"], ["0:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700917-09-01", "text": "Men under alle vulgarismenefinnes det en smule politisk alvor ogs\u00e5 i herv\u00e6rende film .", "opinions": [{"Source": [[], []], "Target": [["film"], ["80:84"]], "Polar_expression": [["en smule politisk alvor"], ["38:61"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700917-09-02", "text": "De som s\u00e5 Charles ogCohens mockumentar \" Borat \" ( 2006 ) vil huske at satiren like myerammet v\u00e5re fordommer om USA som v\u00e5re oppfatninger av \u00d8st-Europa og land somender p\u00e5 -stan .", "opinions": []}, {"sent_id": "700917-10-01", "text": "Det samme grepet \u2013 \u00e5 sl\u00e5 i alleretninger \u2013 gjentas n\u00e5 .", "opinions": []}, {"sent_id": "700917-10-02", "text": "N\u00e5r diktatoren lever et vanlig liv i Brooklyn , blir hankjent med en feminist ( Anna Faris ) som forsvarer alt fra rettferdig handel tilasyls\u00f8kere .", "opinions": []}, {"sent_id": "700917-10-03", "text": "Harselasen mot folk som henne er ikke til \u00e5 overse og byr p\u00e5 noengode iakttakelser , men ogs\u00e5 mye billig t\u00f8v .", "opinions": [{"Source": [[], []], "Target": [["Harselasen mot folk som henne"], ["0:29"]], "Polar_expression": [["mye billig t\u00f8v"], ["94:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700917-11-01", "text": "Den beste og virkeliglattervekkende fulltrefferen f\u00e5r filmskaperne inn n\u00e5r Waadiyas diktator bel\u00e6reramerikanerne om hvor lett det er \u00e5 skape et diktatur bare man brukervanntortur , trikser med valg , lyver for \u00e5 starte krig , kort sagt , rikelig medeksempler som har heftet ved USA det siste ti\u00e5ret .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fulltrefferen"], ["36:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700917-12-01", "text": "Det gj\u00f8r likevel ikkeCharles / Cohens \" The Dictator \" til mer enn en humrefilm utennevneverdig brodd .", "opinions": [{"Source": [[], []], "Target": [["\" The Dictator \""], ["38:54"]], "Polar_expression": [["humrefilm"], ["70:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110785-01-01", "text": "Interaktivt Aerosmith", "opinions": []}, {"sent_id": "110785-02-01", "text": "Det er skrikende opplagt , men det m\u00e5 sies allikevel :", "opinions": []}, {"sent_id": "110785-02-02", "text": "\u00ab Guitar Hero : Aerosmith \u00bb er f\u00f8rst og fremst et spill laget for Aerosmith-fansen .", "opinions": []}, {"sent_id": "110785-03-01", "text": "Jeg m\u00e5 innr\u00f8mme at tanken om barmfagre budeier , kuer og melketid meldte seg ganske raskt for min del .", "opinions": []}, {"sent_id": "110785-03-02", "text": "Spillbarheten er en bl\u00e5kopi av \u00ab Guitar Hero 3 \u00bb , og det generelle grunnkonseptet er i tillegg sv\u00e6rt godt kjent fra en rekke spill i denne popul\u00e6re serien .", "opinions": [{"Source": [[], []], "Target": [["serien"], ["149:155"]], "Polar_expression": [["popul\u00e6re"], ["140:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110785-04-01", "text": "Men s\u00e5 er det n\u00e5 en gang ingen hemmelighet at dette spillet har en klar m\u00e5lgruppe .", "opinions": []}, {"sent_id": "110785-04-02", "text": "Dette er ikke f\u00f8rst og fremst et spill myntet p\u00e5 sultne \u00ab Guitar Hero \u00bb -fans , det er et spill for de som elsker b\u00e5de Aerosmith og \u00ab Guitar Hero \u00bb .", "opinions": []}, {"sent_id": "110785-05-01", "text": "Og s\u00e5nn sett er det en ypperlig pakke .", "opinions": [{"Source": [[], []], "Target": [["det"], ["16:19"]], "Polar_expression": [["ypperlig pakke"], ["23:37"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110785-05-02", "text": "Du f\u00e5r totalt rundt 40 l\u00e5ter - de fleste av dem fra Aerosmiths rikholdige diskografi , med Joe Perry Project-l\u00e5ter som bonusmateriale og et knippe l\u00e5ter fra andre band som fyllmateriale .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rundt 40 l\u00e5ter"], ["14:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Joe Perry Project-l\u00e5ter som bonusmateriale"], ["91:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["de fleste av dem fra Aerosmiths rikholdige diskografi"], ["31:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "110785-06-01", "text": "Spillet f\u00f8lger hele Aerosmiths karriere , med konsertarenaer som har betydd mye for bandet som scener .", "opinions": []}, {"sent_id": "110785-06-02", "text": "Hver nye arena blir introdusert av intervjuer med bandet , og samtidig er det naturlig nok digitaliserte versjoner av bandmedlemmene som rocker p\u00e5 skjermen mens du spiller .", "opinions": []}, {"sent_id": "110785-07-01", "text": "Det grunnleggende \u00ab Guitar Hero \u00bb -konseptet har fremdeles noe for seg , og jeg er ganske glad i Aerosmith .", "opinions": [{"Source": [["jeg"], ["76:79"]], "Target": [["\u00ab Guitar Hero \u00bb -konseptet"], ["18:44"]], "Polar_expression": [["fremdeles noe for seg"], ["49:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["76:79"]], "Target": [["Aerosmith"], ["97:106"]], "Polar_expression": [["ganske glad i"], ["83:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110785-08-01", "text": "Dermed er ogs\u00e5 \u00ab Guitar Hero : Aerosmith \u00bb en helt OK pakke .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Guitar Hero : Aerosmith \u00bb"], ["15:42"]], "Polar_expression": [["helt OK"], ["46:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110785-09-01", "text": "Trailer fra PS3- , 360- , Wii- og PS2-spillet Guitar Hero : Aerosmith .", "opinions": []}, {"sent_id": "602126-01-01", "text": "Fremkalte f\u00f8lelser og magi", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fremkalte f\u00f8lelser og magi"], ["0:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602126-02-01", "text": "Punkt 2014", "opinions": []}, {"sent_id": "602126-03-01", "text": "Sted :", "opinions": []}, {"sent_id": "602126-03-02", "text": "Kristiansand", "opinions": []}, {"sent_id": "602126-04-01", "text": "N\u00e5r :", "opinions": []}, {"sent_id": "602126-04-02", "text": "L\u00f8rdag kveld", "opinions": []}, {"sent_id": "602126-05-01", "text": "Terningkast :", "opinions": []}, {"sent_id": "602126-05-02", "text": "5", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["5"], ["0:1"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602126-06-01", "text": "Laurie Anderson er mest kjent for sine multimedia-presentasjoner og innovative bruk av teknologi .", "opinions": []}, {"sent_id": "602126-06-02", "text": "Gjennom jobb som skribent , regiss\u00f8r , visuell artist og sanger , har hun skapt banebrytende verk innen teater , kunst og eksperimentell musikk .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["70:73"]], "Polar_expression": [["skapt banebrytende verk"], ["74:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602126-06-03", "text": "L\u00f8rdag kveld stod hun p\u00e5 scenen med Arve Henriksen .", "opinions": []}, {"sent_id": "602126-07-01", "text": "De to drar oss raskt inn i sin verden .", "opinions": [{"Source": [["oss"], ["11:14"]], "Target": [["De to"], ["0:5"]], "Polar_expression": [["drar oss raskt inn i sin verden"], ["6:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602126-07-02", "text": "Den er hypnotisk og fasinerende med Henriksen sin myke og klangfulle trompet i sentrum .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["hypnotisk"], ["7:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["fasinerende"], ["20:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["trompet"], ["69:76"]], "Polar_expression": [["myke"], ["50:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["trompet"], ["69:76"]], "Polar_expression": [["klangfulle"], ["58:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Henriksen"], ["36:45"]], "Polar_expression": [["myke og klangfulle trompet"], ["50:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602126-07-03", "text": "Anderson bruker instrumentet hun selv har skapt og kalt \" tape-bow \" -fiolin , og bruker dette mesteparten av konserten .", "opinions": []}, {"sent_id": "602126-07-04", "text": "Noen ganger bruker hun ogs\u00e5 vokalfilter for \u00e5 manipulere stemmen , samt andre elektroniske instrumenter .", "opinions": []}, {"sent_id": "602126-08-01", "text": "Det visuelle lys-shower passet ikke alltid like bra med stemningen i musikken , men etterhvert peker Anderson med buen p\u00e5 lerretet .", "opinions": [{"Source": [[], []], "Target": [["visuelle lys-shower"], ["4:23"]], "Polar_expression": [["passet ikke alltid like bra med stemningen i musikken"], ["24:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602126-08-02", "text": "Det blir orange , og ord dukker opp i forskjellige hastigheter mens fargen forrandrer seg .", "opinions": []}, {"sent_id": "602126-08-03", "text": "Intensiteten i musikken \u00f8ker og m\u00f8rke droner fyller salen .", "opinions": []}, {"sent_id": "602126-08-04", "text": "Man merker at ordene og musikken skaper sterke f\u00f8lelser .", "opinions": [{"Source": [[], []], "Target": [["musikken"], ["24:32"]], "Polar_expression": [["skaper sterke f\u00f8lelser"], ["33:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ordene"], ["14:20"]], "Polar_expression": [["skaper sterke f\u00f8lelser"], ["33:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602126-08-05", "text": "Lidenskap , frykt , overveldende intensitet , ro og nysgjerrighet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lidenskap"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["frykt"], ["12:17"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["overveldende intensitet"], ["20:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ro"], ["46:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nysgjerrighet"], ["52:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602126-08-06", "text": "Det g\u00e5r fra varmt til kaldt , sterkt og svakt .", "opinions": []}, {"sent_id": "602126-08-07", "text": "Men konserten varte kanskje litt for lenge og de to klarer ikke \u00e5 holde p\u00e5 spenningen og interessen i like stor grad gjennom hele konserten .", "opinions": [{"Source": [[], []], "Target": [["konserten"], ["4:13"]], "Polar_expression": [["varte kanskje litt for lenge"], ["14:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de to"], ["46:51"]], "Polar_expression": [["klarer ikke \u00e5 holde p\u00e5 spenningen og interessen i like stor grad"], ["52:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konserten"], ["130:139"]], "Polar_expression": [["de to klarer ikke \u00e5 holde p\u00e5 spenningen og interessen i like stor grad"], ["46:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602126-09-01", "text": "Konserten avsluttes med noen kloke ord fra Anderson .", "opinions": [{"Source": [[], []], "Target": [["Anderson"], ["43:51"]], "Polar_expression": [["kloke ord"], ["29:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Konserten"], ["0:9"]], "Polar_expression": [["kloke ord fra Anderson"], ["29:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602126-09-02", "text": "Vi strekker oss mot stjernene , og b\u00e5de Henriksen og Anderson skapte magiske \u00f8yeblikk opptil flere ganger .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Henriksen og Anderson"], ["40:61"]], "Polar_expression": [["skapte magiske \u00f8yeblikk"], ["62:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-01-01", "text": "Sony Alpha A55", "opinions": []}, {"sent_id": "200386-02-01", "text": "Funksjonalitet i alle bauger og kanter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Funksjonalitet i alle bauger og kanter"], ["0:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200386-03-01", "text": "Sony A55 er testet mot fem andre systemkameraer i samarbeid med TV2 Hjelper Deg .", "opinions": []}, {"sent_id": "200386-04-01", "text": "Denne artikkelen er en utvidet oppsummering av v\u00e5re vurderinger , men mer kompakt enn en tradisjonell kameratest p\u00e5 DinSide .", "opinions": []}, {"sent_id": "200386-05-01", "text": "Sony A55 er en dyrere utgave av A33 , som h\u00f8stet en sekser p\u00e5 terningen for et halvt \u00e5r siden .", "opinions": [{"Source": [[], []], "Target": [["Sony A55"], ["0:8"]], "Polar_expression": [["dyrere utgave av A33"], ["15:35"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["A33"], ["32:35"]], "Polar_expression": [["sekser p\u00e5 terningen"], ["52:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-05-02", "text": "Den dyrere modellen er ganske identisk med lillebror , men byr p\u00e5 kjappere seriefoto ( 10 bilder pr sekund ) og har ogs\u00e5 innbakt GPS som gj\u00f8r at informasjon om hvor bildene er tatt ogs\u00e5 lagres i bildefilene .", "opinions": [{"Source": [[], []], "Target": [["Den dyrere modellen"], ["0:19"]], "Polar_expression": [["kjappere seriefoto"], ["66:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["seriefoto"], ["75:84"]], "Polar_expression": [["kjappere"], ["66:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["seriefoto"], ["75:84"]], "Polar_expression": [["10 bilder pr sekund"], ["87:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200386-06-01", "text": "Konstruksjon", "opinions": []}, {"sent_id": "200386-07-01", "text": "Kameraet fra Sony er velkonstruert og relativt kompakt , med god grepsutforming med s\u00f8kk b\u00e5de til tommelen bak og resten av fingrene foran .", "opinions": [{"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["velkonstruert"], ["21:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["relativt kompakt"], ["38:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["god grepsutforming"], ["61:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["grepsutforming"], ["65:79"]], "Polar_expression": [["s\u00f8kk b\u00e5de til tommelen bak og resten av fingrene foran"], ["84:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["grepsutforming"], ["65:79"]], "Polar_expression": [["god"], ["61:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-07-02", "text": "Den elektroniske s\u00f8keren er stor , men har litt problemer med fargebl\u00f8dning n\u00e5r du panorerer kameraet .", "opinions": [{"Source": [[], []], "Target": [["Den elektroniske s\u00f8keren"], ["0:24"]], "Polar_expression": [["stor"], ["28:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den elektroniske s\u00f8keren"], ["0:24"]], "Polar_expression": [["litt problemer med fargebl\u00f8dning"], ["43:75"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-07-03", "text": "Ogs\u00e5 Sony-kameraet har \u00f8yesensor som automatisk kan flytte bildet til s\u00f8keren om du legger \u00f8yet inntil , og kan dessuten ogs\u00e5 begynne fokuseringen s\u00e5 snart dette gj\u00f8res for \u00e5 vinne litt tid om du har det travelt .", "opinions": [{"Source": [[], []], "Target": [["Sony-kameraet"], ["5:18"]], "Polar_expression": [["\u00f8yesensor som automatisk kan flytte bildet til s\u00f8keren om du legger \u00f8yet inntil"], ["23:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sony-kameraet"], ["5:18"]], "Polar_expression": [["kan dessuten ogs\u00e5 begynne fokuseringen s\u00e5 snart dette gj\u00f8res for \u00e5 vinne litt tid"], ["108:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-08-01", "text": "Utvalget av knapper og snarveier er meget godt , og A55 har ogs\u00e5 en dedikert videoknapp slik at videoopptak uavhengig av hvilken modus kameraet st\u00e5r i .", "opinions": [{"Source": [[], []], "Target": [["Utvalget av knapper og snarveier"], ["0:32"]], "Polar_expression": [["meget godt"], ["36:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["A55"], ["52:55"]], "Polar_expression": [["dedikert videoknapp"], ["68:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["videoknapp"], ["77:87"]], "Polar_expression": [["videoopptak uavhengig av hvilken modus kameraet st\u00e5r i"], ["96:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-08-02", "text": "En egen funksjonsknapp gir deg dessuten muligheten til \u00e5 endre de fleste bildeinnstillingene .", "opinions": [{"Source": [[], []], "Target": [["funksjonsknapp"], ["8:22"]], "Polar_expression": [["egen funksjonsknapp gir deg dessuten muligheten til \u00e5 endre de fleste bildeinnstillingene"], ["3:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-09-01", "text": "Skjermen har den beste innsynsvinkelen av de testede kameraene , men er hengslet i bunn , som gj\u00f8r at den ikke er like fleksibel som de som er sidehengslet .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["beste innsynsvinkelen av de testede kameraene"], ["17:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["hengslet i bunn"], ["72:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["ikke er like fleksibel som de som er sidehengslet"], ["106:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-09-02", "text": "A55 har innebygd bildestabilistor som fungerer p\u00e5 alle objektiver .", "opinions": [{"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["innebygd bildestabilistor som fungerer p\u00e5 alle objektiver"], ["8:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200386-10-01", "text": "Brukervennlighet", "opinions": []}, {"sent_id": "200386-11-01", "text": "Sony har valgt en veldig rett-frem-l\u00f8sning p\u00e5 brukergrensesnittet som fungerer veldig godt .", "opinions": [{"Source": [[], []], "Target": [["brukergrensesnittet"], ["46:65"]], "Polar_expression": [["veldig rett-frem-l\u00f8sning", "fungerer veldig godt"], ["18:42", "70:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-11-02", "text": "Hovedmenyen er oversiktlig og grei , og positivt er det at det spretter opp hjelpetekst om du venter litt n\u00e5r du har merket en av innstillingene .", "opinions": [{"Source": [[], []], "Target": [["Hovedmenyen"], ["0:11"]], "Polar_expression": [["oversiktlig"], ["15:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hovedmenyen"], ["0:11"]], "Polar_expression": [["grei"], ["30:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hovedmenyen"], ["0:11"]], "Polar_expression": [["positivt er det at det spretter opp hjelpetekst om du venter litt"], ["40:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-12-01", "text": "Det finnes i tillegg rikelig med snarveier , og funksjonsknappen gj\u00f8r at de aller fleste opptaksparametere kan justeres i l\u00f8pet av f\u00e5 tastetrykk .", "opinions": [{"Source": [[], []], "Target": [["snarveier"], ["33:42"]], "Polar_expression": [["rikelig"], ["21:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["funksjonsknappen"], ["48:64"]], "Polar_expression": [["aller fleste opptaksparametere kan justeres i l\u00f8pet av f\u00e5 tastetrykk"], ["76:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-12-02", "text": "Vi liker veldig godt Sonys InfoLithium-teknologi i batteriet , som viser n\u00f8yaktig hvor mye batteri som er igjen ( angitt i prosent ) .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Sonys InfoLithium-teknologi i batteriet"], ["21:60"]], "Polar_expression": [["liker veldig godt"], ["3:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sonys InfoLithium-teknologi i batteriet"], ["21:60"]], "Polar_expression": [["viser n\u00f8yaktig hvor mye batteri som er igjen"], ["67:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200386-13-01", "text": "Funksjoner", "opinions": []}, {"sent_id": "200386-14-01", "text": "Her er Sony kongen p\u00e5 haugen .", "opinions": [{"Source": [[], []], "Target": [["Sony"], ["7:11"]], "Polar_expression": [["kongen p\u00e5 haugen"], ["12:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-14-02", "text": "A55 har GPS-funksjon som gj\u00f8r at bildefilene ogs\u00e5 inneholder informasjon om hvor bildene er tatt , samt en sv\u00e6rt god panoramafunksjon ( trykk \u00e9n gang og sveip kameraet langs horisonten ) som syr sammen bildene meget godt .", "opinions": [{"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["GPS-funksjon"], ["8:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["panoramafunksjon"], ["117:133"]], "Polar_expression": [["sv\u00e6rt god"], ["107:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["panoramafunksjon"], ["117:133"]], "Polar_expression": [["syr sammen bildene meget godt"], ["191:220"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-15-01", "text": "I tillegg finnes muligheten for \u00e5 ta 3D-bilder ( og vise dem p\u00e5 3DTV dersom du kobler kameraet direkte til TV ) , samt en rekke sm\u00e5finesser som innbakt HDR-funksjon og muligheten for \u00e5 ta flere bilder i m\u00f8rket og kombinere dem til ett bilde med mindre st\u00f8y .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["muligheten for \u00e5 ta 3D-bilder"], ["17:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vise dem p\u00e5 3DTV"], ["52:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["innbakt HDR-funksjon"], ["144:164"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["muligheten for \u00e5 ta flere bilder i m\u00f8rket og kombinere dem til ett bilde med mindre st\u00f8y"], ["168:256"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200386-16-01", "text": "A55 har ogs\u00e5 elektronisk vater som hjelper deg til \u00e5 f\u00e5 rette horisonter , \u00f8yeaktivert autofokus , ansiktsgjenkjenning og mer til .", "opinions": [{"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["elektronisk vater som hjelper deg til \u00e5 f\u00e5 rette horisonter"], ["13:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["\u00f8yeaktivert autofokus"], ["75:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["ansiktsgjenkjenning"], ["99:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200386-17-01", "text": "Ytelse", "opinions": []}, {"sent_id": "200386-18-01", "text": "A55 er et r\u00e5skinn p\u00e5 seriebilder og kan knipse 10 i sekundet ( med full oppl\u00f8sning ) ; en skuddhastighet som til n\u00e5 har v\u00e6rt forbeholdt langt dyrere modeller .", "opinions": [{"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["r\u00e5skinn p\u00e5 seriebilder"], ["10:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["seriebilder"], ["21:32"]], "Polar_expression": [["r\u00e5skinn"], ["10:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-19-01", "text": "Autofokusen er ogs\u00e5 jevnt over rask og p\u00e5litelig , der fokusering ved videoopptak ogs\u00e5 er blant de raskeste .", "opinions": [{"Source": [[], []], "Target": [["Autofokusen"], ["0:11"]], "Polar_expression": [["jevnt over rask og p\u00e5litelig"], ["20:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Autofokusen"], ["0:11"]], "Polar_expression": [["fokusering ved videoopptak ogs\u00e5 er blant de raskeste"], ["55:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-19-02", "text": "Oppstartstiden er ogs\u00e5 sv\u00e6rt lav til \u00e5 v\u00e6re et kamera uten optisk s\u00f8ker ( ca et halvt sekund ) , men utl\u00f8serforsinkelsen ligger p\u00e5 ca 0,3s med blits , som er blant de tregere .", "opinions": [{"Source": [[], []], "Target": [["Oppstartstiden"], ["0:14"]], "Polar_expression": [["sv\u00e6rt lav til \u00e5 v\u00e6re et kamera uten optisk s\u00f8ker"], ["23:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["utl\u00f8serforsinkelsen"], ["101:120"]], "Polar_expression": [["ca 0,3s med blits"], ["131:148"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["utl\u00f8serforsinkelsen"], ["101:120"]], "Polar_expression": [["blant de tregere"], ["158:174"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Oppstartstiden"], ["0:14"]], "Polar_expression": [["ca et halvt sekund"], ["74:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200386-19-03", "text": "Batterilevetiden er for \u00f8vrig 380 bilder pr ladning , som er litt under middels godt i denne gruppen .", "opinions": [{"Source": [[], []], "Target": [["Batterilevetiden"], ["0:16"]], "Polar_expression": [["380 bilder pr ladning"], ["30:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Batterilevetiden"], ["0:16"]], "Polar_expression": [["litt under middels godt"], ["61:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-20-01", "text": "Bildekvalitet", "opinions": []}, {"sent_id": "200386-21-01", "text": "Den automatiske hvitbalansen er noe ustabil i Sony-kameraet , der bilder b\u00e5de f\u00e5r lilla og gule fargestikk litt om hverandre , men bildene har god dynamikk .", "opinions": [{"Source": [[], []], "Target": [["Den automatiske hvitbalansen"], ["0:28"]], "Polar_expression": [["noe ustabil"], ["32:43"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den automatiske hvitbalansen"], ["0:28"]], "Polar_expression": [["bilder b\u00e5de f\u00e5r lilla og gule fargestikk litt om hverandre"], ["66:124"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bildene"], ["131:138"]], "Polar_expression": [["god dynamikk"], ["143:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-22-01", "text": "A55 gj\u00f8r det ogs\u00e5 middels godt i denne gruppen p\u00e5 h\u00f8ye ISO-verdier , med lite st\u00f8y p\u00e5 bekostning av noe tap av detaljer .", "opinions": [{"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["middels godt i denne gruppen p\u00e5 h\u00f8ye ISO-verdier"], ["18:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["lite st\u00f8y p\u00e5 bekostning av noe tap av detaljer"], ["73:119"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-22-02", "text": "Blitsbildene innend\u00f8rs er jevnt over godt balanserte , selv om fargestikk ogs\u00e5 melder seg her fra tid til annen .", "opinions": [{"Source": [[], []], "Target": [["Blitsbildene"], ["0:12"]], "Polar_expression": [["jevnt over godt balanserte"], ["26:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Blitsbildene"], ["0:12"]], "Polar_expression": [["fargestikk ogs\u00e5 melder seg her fra tid til annen"], ["63:111"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-23-01", "text": "Kit-objektivet tegner ikke like skarp som de beste i denne testen , og har ogs\u00e5 den mest markante fortegningen ( der rette linjer blir buet i kantene ) .", "opinions": [{"Source": [[], []], "Target": [["Kit-objektivet"], ["0:14"]], "Polar_expression": [["tegner ikke like skarp som de beste"], ["15:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de beste"], ["42:50"]], "Polar_expression": [["Kit-objektivet tegner ikke like skarp som"], ["0:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kit-objektivet"], ["0:14"]], "Polar_expression": [["mest markante fortegningen"], ["84:110"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-23-02", "text": "Noe kromatisk feilbrytning er \u00e5 spore i h\u00f8ykontrastbilder p\u00e5 vidvinkel , men ikke s\u00e5 ille som de svakeste p\u00e5 dette punktet .", "opinions": [{"Source": [[], []], "Target": [["h\u00f8ykontrastbilder p\u00e5 vidvinkel"], ["40:70"]], "Polar_expression": [["Noe kromatisk feilbrytning"], ["0:26"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["h\u00f8ykontrastbilder p\u00e5 vidvinkel"], ["40:70"]], "Polar_expression": [["ikke s\u00e5 ille som de svakeste"], ["77:105"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-24-01", "text": "Video", "opinions": []}, {"sent_id": "200386-25-01", "text": "A55 er godt egnet til video og har hurtig autofokus ogs\u00e5 ved filmopptak .", "opinions": [{"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["godt egnet til video"], ["7:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["A55"], ["0:3"]], "Polar_expression": [["hurtig autofokus ogs\u00e5 ved filmopptak"], ["35:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["autofokus"], ["42:51"]], "Polar_expression": [["hurtig"], ["35:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-25-02", "text": "Detaljniv\u00e5et er over middels godt , men noe sus h\u00f8res fra kamerahuset mens man filmer .", "opinions": [{"Source": [[], []], "Target": [["Detaljniv\u00e5et"], ["0:12"]], "Polar_expression": [["over middels godt"], ["16:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["noe sus h\u00f8res fra kamerahuset mens man filmer"], ["40:85"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-26-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "200386-27-01", "text": "Med en rekke unike funksjoner , som GPS , panoramabilder og st\u00f8yreduksjon ved \u00e5 kombinere flere bilder , har Sony mye spennende \u00e5 by p\u00e5 i dette kameraet , og brukervennligheten er ogs\u00e5 meget god .", "opinions": [{"Source": [[], []], "Target": [["kameraet"], ["144:152"]], "Polar_expression": [["rekke unike funksjoner"], ["7:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kameraet"], ["144:152"]], "Polar_expression": [["GPS"], ["36:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kameraet"], ["144:152"]], "Polar_expression": [["panoramabilder"], ["42:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kameraet"], ["144:152"]], "Polar_expression": [["st\u00f8yreduksjon ved \u00e5 kombinere flere bilder"], ["60:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kameraet"], ["144:152"]], "Polar_expression": [["mye spennende \u00e5 by p\u00e5"], ["114:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kameraet"], ["144:152"]], "Polar_expression": [["brukervennligheten er ogs\u00e5 meget god"], ["158:194"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["brukervennligheten"], ["158:176"]], "Polar_expression": [["meget god"], ["185:194"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-28-01", "text": "Kameraet yter ogs\u00e5 godt med tanke p\u00e5 autofokus ( blant de aller raskeste p\u00e5 videoopptak ) og har dessuten mulighet til \u00e5 knipse 10 bilder i sekundet .", "opinions": [{"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["yter ogs\u00e5 godt med tanke p\u00e5 autofokus"], ["9:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["autofokus"], ["37:46"]], "Polar_expression": [["blant de aller raskeste p\u00e5 videoopptak"], ["49:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["mulighet til \u00e5 knipse 10 bilder i sekundet"], ["106:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200386-28-02", "text": "Bildekvaliteten er jevnt over god , men den automatiske hvitbalansen er ikke helt habil , og litt for mange bilder ender opp med fargestikk \u2013 b\u00e5de i retning lilla og gult .", "opinions": [{"Source": [[], []], "Target": [["Bildekvaliteten"], ["0:15"]], "Polar_expression": [["jevnt over god"], ["19:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den automatiske hvitbalansen"], ["40:68"]], "Polar_expression": [["ikke helt habil"], ["72:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den automatiske hvitbalansen"], ["40:68"]], "Polar_expression": [["litt for mange bilder ender opp med fargestikk \u2013 b\u00e5de i retning lilla og gult"], ["93:170"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-28-03", "text": "I tillegg er kvaliteten p\u00e5 kit-objektivet under middels god .", "opinions": [{"Source": [[], []], "Target": [["kit-objektivet"], ["27:41"]], "Polar_expression": [["kvaliteten", "under middels god"], ["13:23", "42:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200386-29-01", "text": "Sony Alpha SLT-A55 + 18-55 / 3,5 - 5,6", "opinions": []}, {"sent_id": "200247-01-01", "text": "SW : Knights of the Old Republic", "opinions": []}, {"sent_id": "200247-02-01", "text": "Ryktene er sanne :", "opinions": []}, {"sent_id": "200247-02-02", "text": "Dette spillet er det beste Star Wars-baserte tittelen p\u00e5 mange \u00e5r , og du m\u00e5 spille det hvis du har en XBox .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["6:13"]], "Polar_expression": [["p\u00e5 mange \u00e5r", "beste"], ["54:65", "21:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["6:13"]], "Polar_expression": [["m\u00e5 spille"], ["74:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-02-03", "text": "Vil du vite n\u00f8yaktig hvorfor , fortsett \u00e5 lese !", "opinions": []}, {"sent_id": "200247-03-01", "text": "Lovordene haglet da Knights of the Old Republic ble sluppet i USA tidligere i sommer .", "opinions": [{"Source": [[], []], "Target": [["Knights of the Old Republic"], ["20:47"]], "Polar_expression": [["Lovordene haglet"], ["0:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "200247-03-02", "text": "Oss europeere m\u00e5tte dessverre vente helt frem til n\u00e5 for \u00e5 f\u00e5 pr\u00f8vd dette glimrende spillet", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["84:91"]], "Polar_expression": [["glimrende"], ["74:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["m\u00e5tte dessverre vente"], ["14:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-03-03", "text": "\u0096 men heldigvis var ventetiden verdt det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["heldigvis var ventetiden verdt det"], ["6:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-03-04", "text": "Knights of the Old Republic er noe av det beste som har kommet p\u00e5 XBox noensinne , et av de beste Star Wars-baserte spillene , og et fantastisk rollespill i seg selv .", "opinions": [{"Source": [[], []], "Target": [["Knights of the Old Republic"], ["0:27"]], "Polar_expression": [["noe av det beste som har kommet p\u00e5 XBox noensinne"], ["31:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["0:27"]], "Polar_expression": [["et av de beste Star Wars-baserte spillene"], ["83:124"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["0:27"]], "Polar_expression": [["fantastisk rollespill i seg selv"], ["133:165"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "200247-05-01", "text": "Det er Bioware som st\u00e5r bak Knights of the Old Republic", "opinions": []}, {"sent_id": "200247-05-02", "text": "\u0096 de samme folkene som har gitt oss spill som Baldur\u0092s Gate og Neverwinter Nights .", "opinions": []}, {"sent_id": "200247-05-03", "text": "Rollespill er alts\u00e5 noe de kan , men Star Wars-baserte rollespill er likevel noe nytt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Rollespill er alts\u00e5 noe de kan"], ["0:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Star Wars-baserte rollespill"], ["37:65"]], "Polar_expression": [["nytt"], ["81:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-05-04", "text": "Mange har mer eller mindre avskrevet Star Wars-fenomenet ( de to siste filmene har f\u00e5tt blandet mottakelse , og spillene som har kommet de siste \u00e5rene har ogs\u00e5 v\u00e6rt ujevne ) .", "opinions": []}, {"sent_id": "200247-05-05", "text": "Derfor blir det ekstra flott \u00e5 se et spill som kan m\u00e5le seg med det beste George Lucas har f\u00e5tt til p\u00e5 film .", "opinions": [{"Source": [[], []], "Target": [["spill"], ["37:42"]], "Polar_expression": [["ekstra flott \u00e5 se"], ["16:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spill"], ["37:42"]], "Polar_expression": [["m\u00e5le seg med det beste George Lucas har f\u00e5tt til p\u00e5 film"], ["51:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-06-01", "text": "Stemning til tusen", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stemning til tusen"], ["0:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-07-01", "text": "Knights of the Old Republic er plassert hele 4.000 \u00e5r f\u00f8r filmene , alts\u00e5 ingen Luke Skywalker eller keiser Palpatine .", "opinions": []}, {"sent_id": "200247-07-02", "text": "Godt tenkt av Bioware , det viser at spillet kan st\u00e5 p\u00e5 egne bein uten \u00e5 v\u00e6re avhengig av de kjente karakterene .", "opinions": [{"Source": [[], []], "Target": [["Bioware"], ["14:21"]], "Polar_expression": [["Godt tenkt"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["37:44"]], "Polar_expression": [["st\u00e5 p\u00e5 egne bein uten \u00e5 v\u00e6re avhengig av de kjente karakterene"], ["49:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-08-01", "text": "Bakgrunnen for spillet er konflikten mellom den onde Sith-ordenen og republikken , som st\u00f8ttes av Jedi-ridderne .", "opinions": []}, {"sent_id": "200247-08-02", "text": "Du spiller en soldat ( kj\u00f8nnet velger du selv p\u00e5 begynnelsen av spillet ) , som havner midt i denne intergalaktiske krigen da skipet du befinner deg p\u00e5 blir angrepet av Sith-styrkene .", "opinions": []}, {"sent_id": "200247-08-03", "text": "Du og en annen av republikkens soldater klarer \u00e5 r\u00f8mme , og havner p\u00e5 Taris , en planet dekket av en enorm by .", "opinions": []}, {"sent_id": "200247-08-04", "text": "Den f\u00f8rste oppgaven er \u00e5 finne den unge Jedi-kvinnen Bastila , og komme deg vekk fra Sith-okkuperte Taris .", "opinions": []}, {"sent_id": "200247-08-05", "text": "Historien tar oss videre til Jedi-senteret p\u00e5 Dantooine , og etter hvert havner vi p\u00e5 Wookie-planeten Kashyyyk , \u00f8rkenverdenen Tatooine og steder som Manaan og Korriban .", "opinions": []}, {"sent_id": "200247-09-01", "text": "Historien i spillet er lang , dyp og meget involverende .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["lang"], ["23:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["dyp"], ["30:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["meget involverende"], ["37:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["12:19"]], "Polar_expression": [["Historien", "er lang , dyp og meget involverende"], ["0:9", "20:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-09-02", "text": "Selv om det hele begynner litt tregt ( Taris-delen av spillet kan v\u00e6re litt sm\u00e5kjedelig ) , f\u00e5r plottet kjapt fart og du vil bli sittende klistret til TV-skjermen time etter time .", "opinions": [{"Source": [[], []], "Target": [["plottet"], ["96:103"]], "Polar_expression": [["begynner litt tregt"], ["17:36"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plottet"], ["96:103"]], "Polar_expression": [["f\u00e5r", "kjapt fart"], ["92:95", "104:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plottet"], ["96:103"]], "Polar_expression": [["klistret til TV-skjermen time etter time"], ["138:178"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-09-03", "text": "Grunnsteinen i historien er ganske klassisk ( det er en slem Sith-leder som skal ta over galaksen og du m\u00e5 stoppe ham ) , men det hele er s\u00e5 velskrevet , fullt av overraskelser og involverende interaksjon med andre personer , at totalt sett liker vi spillet bedre enn mange av filmene .", "opinions": [{"Source": [["vi"], ["247:249"]], "Target": [["historien"], ["15:24"]], "Polar_expression": [["ganske klassisk"], ["28:43"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["247:249"]], "Target": [["historien"], ["15:24"]], "Polar_expression": [["velskrevet"], ["141:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["247:249"]], "Target": [["historien"], ["15:24"]], "Polar_expression": [["fullt av overraskelser og involverende interaksjon"], ["154:204"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["247:249"]], "Target": [["mange av filmene"], ["268:284"]], "Polar_expression": [["liker", "spillet bedre"], ["241:246", "250:263"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["247:249"]], "Target": [["spillet"], ["250:257"]], "Polar_expression": [["liker", "bedre enn mange av filmene"], ["241:246", "258:284"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-10-01", "text": "Personene vi m\u00f8ter i spillet representerer et bredt spekter av raser som h\u00f8rer til Star Wars-universet .", "opinions": []}, {"sent_id": "200247-10-02", "text": "Selv om spillet foreg\u00e5r lenge f\u00f8r filmene og ikke inneholder noen av de kjente karakterene , treffer vi likevel Wookies , Jawaer , Sand People og Hutts \u0096 og det gj\u00f8r at kontinuiteten med filmene blir bevart .", "opinions": []}, {"sent_id": "200247-10-03", "text": "Det viktigste er imidlertid at spillet er fylt med Star Wars-stemning , i langt h\u00f8yere grad enn noen av Star Wars-spillene vi har spilt i det siste ( kanskje med unntak av Rogue Leader ) .", "opinions": [{"Source": [["vi"], ["123:125"]], "Target": [["noen av Star Wars-spillene"], ["96:122"]], "Polar_expression": [["spillet er fylt med Star Wars-stemning , i langt h\u00f8yere grad"], ["31:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["123:125"]], "Target": [["spillet"], ["31:38"]], "Polar_expression": [["fylt med Star Wars-stemning , i langt h\u00f8yere grad enn noen av Star Wars-spillene"], ["42:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-11-01", "text": "Jedier og droider", "opinions": []}, {"sent_id": "200247-12-01", "text": "Underveis i Knights of the Old Republic vil du f\u00e5 selskap av flere andre personligheter .", "opinions": []}, {"sent_id": "200247-12-02", "text": "Det er flere Jedier som sl\u00e5r f\u00f8lge med deg , noen mennesker , noen representanter fra andre raser og et par droider .", "opinions": []}, {"sent_id": "200247-12-03", "text": "Samtlige har sine styrker og svakheter , og alle har en historie \u00e5 fortelle .", "opinions": []}, {"sent_id": "200247-12-04", "text": "Derfor er det viktig \u00e5 prate med dem en gang i blant for \u00e5 vite hvilket forhold de har til deg og hverandre .", "opinions": []}, {"sent_id": "200247-13-01", "text": "Droiden HK - 47 skiller seg ut som den absolutt morsomste \u00e5 prate med , med sine voldsforherligende kommentarer og negativ innstilling til alle levende organismer .", "opinions": [{"Source": [[], []], "Target": [["Droiden HK - 47"], ["0:15"]], "Polar_expression": [["absolutt morsomste \u00e5 prate med"], ["39:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-13-02", "text": "Du kan til enhver tid ha med deg to stykker , mens resten m\u00e5 finne seg i \u00e5 vente om bord p\u00e5 ditt skip , Ebon Hawk .", "opinions": []}, {"sent_id": "200247-13-03", "text": "Du kan n\u00e5r som helst returnere til skipet for \u00e5 bytte ut de du har med deg .", "opinions": []}, {"sent_id": "200247-14-01", "text": "Et sv\u00e6rt viktig element i Knights of the Old Republic er hvor du st\u00e5r i forhold til Kraften .", "opinions": []}, {"sent_id": "200247-14-02", "text": "Det er opp til deg hvorvidt du sverger til den lyse eller m\u00f8rke siden , og du st\u00e5r stadig vekk foran valg som definerer din personlighet .", "opinions": []}, {"sent_id": "200247-14-03", "text": "Om du er hjelpsom og h\u00f8flig , eller aggressiv og brutal , avgj\u00f8r hvilken side av Kraften du havner p\u00e5 , og har stor innvirkning p\u00e5 spillets gang , hvordan andre forholder seg til deg , og dine muligheter i kamp .", "opinions": []}, {"sent_id": "200247-15-01", "text": "Spillbarhet", "opinions": []}, {"sent_id": "200247-16-01", "text": "Knights of the Old Republic byr p\u00e5 mange titalls timer med kvalitetsspilling .", "opinions": [{"Source": [[], []], "Target": [["Knights of the Old Republic"], ["0:27"]], "Polar_expression": [["mange titalls timer med kvalitetsspilling"], ["35:76"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-16-02", "text": "Som rollespill flest , har ogs\u00e5 Knights of the Old Republic uttalige sidehistorier og sm\u00e5 oppdrag du kan utf\u00f8re i tillegg til hovedplottet .", "opinions": []}, {"sent_id": "200247-16-03", "text": "Mange av disse er overraskende gode , og gir deg et dypere innblikk i livet og forholdene p\u00e5 de forskjellige planetene og galaksen som helhet .", "opinions": [{"Source": [[], []], "Target": [["Mange av disse"], ["0:14"]], "Polar_expression": [["overraskende gode"], ["18:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mange av disse"], ["0:14"]], "Polar_expression": [["dypere innblikk"], ["52:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-17-01", "text": "Kamp er selvsagt ogs\u00e5 et meget viktig element i spillet .", "opinions": []}, {"sent_id": "200247-17-02", "text": "M\u00f8tene med fiendene er en blanding av turbasert og sanntid , og ditt ansvar best\u00e5r av \u00e5 velge hvilken fiende du vil angripe og hvordan .", "opinions": []}, {"sent_id": "200247-17-03", "text": "Det hele styres gjennom en meget oversiktelig meny der alle dine valgmuligheter med hensyn til angrep , spesialangrep , bruk av Kraften og forsvar er listet opp .", "opinions": [{"Source": [[], []], "Target": [["meny"], ["46:50"]], "Polar_expression": [["meget oversiktelig"], ["27:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-17-04", "text": "Kampsystemet fungerer sv\u00e6rt bra i v\u00e5re \u00f8yne , og krever ikke spesiell kunnskap om rollespillsjangeren .", "opinions": [{"Source": [["v\u00e5re"], ["34:38"]], "Target": [["Kampsystemet"], ["0:12"]], "Polar_expression": [["sv\u00e6rt bra"], ["22:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["v\u00e5re"], ["34:38"]], "Target": [["Kampsystemet"], ["0:12"]], "Polar_expression": [["krever ikke spesiell kunnskap"], ["49:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-18-01", "text": "Knights of the Old Republic er p\u00e5 mange m\u00e5ter et sv\u00e6rt tilgjengelig spill .", "opinions": [{"Source": [[], []], "Target": [["Knights of the Old Republic"], ["0:27"]], "Polar_expression": [["sv\u00e6rt tilgjengelig"], ["49:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-18-02", "text": "Mange av de typiske rollespillvalgene som \u00e5 bygge og oppgradere din karakter kan gj\u00f8res automatisk av datamaskinen .", "opinions": [{"Source": [[], []], "Target": [["rollespillvalgene"], ["20:37"]], "Polar_expression": [["kan gj\u00f8res automatisk av datamaskinen"], ["77:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200247-18-03", "text": "Meget hendig for de som ikke har lyst \u00e5 fikle med statistikker og tall .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Meget hendig"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-18-04", "text": "S\u00e5 , med andre ord , det er bare \u00e5 utforske , snakke med alle , s\u00f8rge for \u00e5 bygge opp karakterene og nyte den flotte historien .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["117:126"]], "Polar_expression": [["flotte"], ["110:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-18-05", "text": "Klassisk rollespill alts\u00e5 , fremf\u00f8rt p\u00e5 en feiende flott m\u00e5te og plassert i et univers alle elsker .", "opinions": [{"Source": [[], []], "Target": [["rollespill"], ["9:19"]], "Polar_expression": [["feiende flott"], ["43:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["univers"], ["79:86"]], "Polar_expression": [["alle elsker"], ["87:98"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-19-01", "text": "Teknologi", "opinions": []}, {"sent_id": "200247-20-01", "text": "Vi har knapt ett negativt ord \u00e5 si om spillbarheten i Knights of the Old Republic , men det eneste som trekker litt ned er grafikken .", "opinions": [{"Source": [[], []], "Target": [["spillbarheten"], ["38:51"]], "Polar_expression": [["knapt ett negativt ord"], ["7:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["grafikken"], ["123:132"]], "Polar_expression": [["trekker litt ned"], ["103:119"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["54:81"]], "Polar_expression": [["knapt ett negativt ord \u00e5 si om spillbarheten"], ["7:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["54:81"]], "Polar_expression": [["eneste som trekker litt ned er grafikken"], ["92:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-20-02", "text": "Den er absolutt ikke d\u00e5rlig , men det er klart at b\u00e5de spillermodellene og interi\u00f8rene er ikke s\u00e5 detaljerte som i mange andre spill .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["absolutt ikke d\u00e5rlig"], ["7:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["interi\u00f8rene"], ["75:86"]], "Polar_expression": [["ikke s\u00e5 detaljerte som i mange andre spill"], ["90:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillermodellene"], ["55:71"]], "Polar_expression": [["ikke s\u00e5 detaljerte som i mange andre spill"], ["90:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["andre spill"], ["121:132"]], "Polar_expression": [["ikke s\u00e5 detaljerte som"], ["90:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-20-03", "text": "Noen av omgivelsene er ekstremt pene ( Dantooine og Tatooine , for eksempel ) , mens noen har enkle teksturer som minner mest om tidlige PlayStation 2-spill .", "opinions": [{"Source": [[], []], "Target": [["Noen av omgivelsene"], ["0:19"]], "Polar_expression": [["ekstremt pene"], ["23:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["noen"], ["85:89"]], "Polar_expression": [["enkle teksturer"], ["94:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-20-04", "text": "Men for all del , n\u00e5r selve spillet er s\u00e5 bra , kan vi tilgi at grafikken er litt ujevn .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["28:35"]], "Polar_expression": [["bra"], ["42:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["grafikken"], ["64:73"]], "Polar_expression": [["litt ujevn"], ["77:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["28:35"]], "Polar_expression": [["grafikken er litt ujevn"], ["64:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-20-05", "text": "Uansett er ikke dette vi tenker p\u00e5 mest n\u00e5r vi spiller Knights of the Old Republic.", "opinions": []}, {"sent_id": "200247-21-01", "text": "Lyden er derimot sv\u00e6rt imponerende .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["sv\u00e6rt imponerende"], ["17:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-21-02", "text": "Utviklerne har naturligvis hatt tilgang til hele lydbiblioteket til LucasArts , s\u00e5 lyssabel-lydene og droidpipingen h\u00f8res veldig troverdig ut .", "opinions": [{"Source": [[], []], "Target": [["lyssabel-lydene og droidpipingen"], ["83:115"]], "Polar_expression": [["h\u00f8res veldig troverdig ut"], ["116:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-21-03", "text": "Det vi liker sv\u00e6rt godt er at Bioware har laget egen musikk til spillet , og bruker de klassiske John Williams-stykkene sparsomt .", "opinions": [{"Source": [["vi"], ["4:6"]], "Target": [["musikk"], ["53:59"]], "Polar_expression": [["liker sv\u00e6rt godt"], ["7:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200247-21-04", "text": "Det beviser at de ikke trenger \u00e5 benytte de velkjente Star Wars-symbolene for \u00e5 lage et godt spill", "opinions": [{"Source": [[], []], "Target": [["spill"], ["93:98"]], "Polar_expression": [["godt"], ["88:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-21-05", "text": "\u0096 Knights of the Old Republic klarer fint \u00e5 st\u00e5 p\u00e5 egne bein .", "opinions": [{"Source": [[], []], "Target": [["Knights of the Old Republic"], ["2:29"]], "Polar_expression": [["klarer fint \u00e5 st\u00e5 p\u00e5 egne bein"], ["30:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-22-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "200247-23-01", "text": "Hva mer er det egentlig \u00e5 si ?", "opinions": []}, {"sent_id": "200247-23-02", "text": "Hvis du ikke har kj\u00f8pt Knights of the Old Republic enda , l\u00f8p til n\u00e6rmeste butikk med en gang .", "opinions": [{"Source": [[], []], "Target": [["Knights of the Old Republic"], ["23:50"]], "Polar_expression": [["Hvis du ikke har kj\u00f8pt", "l\u00f8p til n\u00e6rmeste butikk med en gang"], ["0:22", "58:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-23-03", "text": "Du trenger ikke en gang \u00e5 v\u00e6re Star Wars-fan , for dette spillet er tilgjengelig for alle .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["57:64"]], "Polar_expression": [["tilgjengelig for alle"], ["68:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-23-04", "text": "Det er ogs\u00e5 s\u00e5pass enkelt \u00e5 komme i gang med at de med lite rollespill-erfaring ikke trenger \u00e5 v\u00e6re redd for \u00e5 bli forvirret av for mange tall .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["enkelt \u00e5 komme i gang"], ["19:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200247-24-01", "text": "Topp historie , masse spillbarhet og Star Wars-stemning til tusen gj\u00f8r Knights of the Old Republic til et av \u00e5rets m\u00e5 ha-kj\u00f8p for alle XBox-eiere .", "opinions": [{"Source": [[], []], "Target": [["historie"], ["5:13"]], "Polar_expression": [["Topp"], ["0:4"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["71:98"]], "Polar_expression": [["masse spillbarhet"], ["16:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["71:98"]], "Polar_expression": [["Star Wars-stemning til tusen"], ["37:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Knights of the Old Republic"], ["71:98"]], "Polar_expression": [["m\u00e5 ha-kj\u00f8p"], ["115:125"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301835-01-01", "text": "H\u00f8stdepresjon og svineinfluensa ?", "opinions": []}, {"sent_id": "301835-01-02", "text": "Her er vaksinen", "opinions": []}, {"sent_id": "301835-02-01", "text": "\u00ab Toxic \u00bb -produsentene utforsker ideen om den perfekte popl\u00e5t .", "opinions": []}, {"sent_id": "301835-03-01", "text": "|||", "opinions": []}, {"sent_id": "301835-03-02", "text": "ALBUM :", "opinions": []}, {"sent_id": "301835-03-03", "text": "Navnene Bloodshy & Avant , eller Pontus Winnberg og Kristian Karlsson , ble kanskje verdensber\u00f8mte da de i 2004 sto for produksjonen p\u00e5 den ikoniske Britney Spears-singelen \u00ab Toxic \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Toxic \u00bb"], ["173:182"]], "Polar_expression": [["ikoniske"], ["140:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301835-04-01", "text": "Men det er ikke f\u00f8r n\u00e5 de er i ferd med \u00e5 bli ordentlige popstjerner .", "opinions": []}, {"sent_id": "301835-05-01", "text": "Sammen med vokalist Andrew Wyatt har svenskene dannet Miike Snow , en hovedsakelig piano / gitar / elektro / modernepop-trio , som p\u00e5 sitt selvtitulerte debutalbum \u00e5penbart har bestemt seg for \u00e5 utforske ideen om den perfekte popl\u00e5t .", "opinions": []}, {"sent_id": "301835-06-01", "text": "Resultatet er ei plate som kysser deg i nakken , en butterdeigm\u00f8r og elektropopete liten sak som tester ut grenselandet mellom Junior Boys' myke melankoli , The Notwists rytmenaivisme , Ne- Yos gl\u00e6tte genialitet og Mark Ronsons utstuderte popsensibilitet .", "opinions": [{"Source": [[], []], "Target": [["plate"], ["17:22"]], "Polar_expression": [["kysser deg i nakken"], ["27:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["17:22"]], "Polar_expression": [["butterdeigm\u00f8r"], ["52:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301835-07-01", "text": "Ved f\u00f8rste gjennomlytting h\u00f8res plata kanskje en smule banal ut , som om det hele er litt for enkelt , men etter hvert \u00e5pner det nye rom og krinkelkroker , litt som \u00e5 spille dataspill .", "opinions": [{"Source": [[], []], "Target": [["plata"], ["32:37"]], "Polar_expression": [["smule banal"], ["49:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plata"], ["32:37"]], "Polar_expression": [["litt for enkelt"], ["85:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plata"], ["32:37"]], "Polar_expression": [["etter hvert \u00e5pner det nye rom og krinkelkroker"], ["107:153"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200140-01-01", "text": "Zepto Znote 3050CW", "opinions": []}, {"sent_id": "200140-02-01", "text": "Intels nye billig-prosessor for b\u00e6rbare PCer b\u00e6rer navnet Celeron M , og er i praksis en Pentium M med mindre sekund\u00e6rt hurtigminne , lavere klokkehastigheter og svakere str\u00f8msparingsfunksjonalitet enn originalen .", "opinions": [{"Source": [[], []], "Target": [["Celeron M"], ["58:67"]], "Polar_expression": [["billig-prosessor"], ["11:27"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Celeron M"], ["58:67"]], "Polar_expression": [["Pentium M med mindre sekund\u00e6rt hurtigminne"], ["89:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Celeron M"], ["58:67"]], "Polar_expression": [["lavere klokkehastigheter"], ["134:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Celeron M"], ["58:67"]], "Polar_expression": [["svakere str\u00f8msparingsfunksjonalitet enn originalen"], ["162:212"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-02-02", "text": "Men det beh\u00f8ver slett ikke v\u00e6re d\u00e5rlige kompromisser , viser v\u00e5r test .", "opinions": [{"Source": [[], []], "Target": [["det"], ["4:7"]], "Polar_expression": [["beh\u00f8ver slett ikke v\u00e6re d\u00e5rlige kompromisser"], ["8:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-03-01", "text": "De billigste b\u00e6rbare PCene er som regel utstyrt med en mobilprosessor fra AMD , eller en desktop-prosessor fra Intel .", "opinions": []}, {"sent_id": "200140-03-02", "text": "F\u00f8rstnevnte har mange gode egenskaper med hensyn til str\u00f8msparing , mens sistnevnte for det meste er \u00e5 finne i store beist - s\u00e5kalte skrivebordserstattere , der b\u00e5de viftest\u00f8y og batterilevetid er ikke-tema .", "opinions": [{"Source": [[], []], "Target": [["F\u00f8rstnevnte"], ["0:11"]], "Polar_expression": [["mange gode egenskaper med hensyn til str\u00f8msparing"], ["16:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "200140-05-01", "text": "Derfor var det med stor interesse vi mottok nyheten om Intels nye Celeron M-prosessor i januar .", "opinions": []}, {"sent_id": "200140-05-02", "text": "Denne lett-utgaven av Pentium M-prosessoren har ikke alle de gode egenskapene som storebror , men er langt rimeligere .", "opinions": [{"Source": [[], []], "Target": [["lett-utgaven av Pentium M-prosessoren"], ["6:43"]], "Polar_expression": [["ikke alle de gode egenskapene som storebror"], ["48:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["storebror"], ["82:91"]], "Polar_expression": [["lett-utgaven av Pentium M-prosessoren har ikke alle de gode egenskapene som"], ["6:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-05-03", "text": "Str\u00f8mforbruket er fortsatt meget lavt , og det gav forh\u00e5pninger om b\u00e5de lav st\u00f8y og lang batterilevetid p\u00e5 den f\u00f8rste modellen vi fikk til test , Znote 3050CW fra norske Zepto .", "opinions": [{"Source": [[], []], "Target": [["Str\u00f8mforbruket"], ["0:14"]], "Polar_expression": [["meget lavt"], ["27:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["127:129"]], "Target": [["Znote 3050CW"], ["146:158"]], "Polar_expression": [["forh\u00e5pninger om b\u00e5de lav st\u00f8y og lang batterilevetid"], ["51:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Znote 3050CW"], ["146:158"]], "Polar_expression": [["Str\u00f8mforbruket er fortsatt meget lavt"], ["0:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-06-01", "text": "Her er en kort oppsummering av de viktigste egenskapene :", "opinions": []}, {"sent_id": "200140-07-01", "text": "B\u00e6rbar PC med 15,4 \" bredskjerm ( 1280 x 800 punkter ) Intel Celeron M prosessor p\u00e5 1,2 GHz Intel Extreme-grafikk ( delt grafikkminne , inntil 64 MB ) VGA og TV-utgang 256 MB minne ( PC 2700 DDR SDRAM ) 30 GB harddisk fra Hitachi ( 4.200 rpm )", "opinions": []}, {"sent_id": "200140-07-02", "text": "Kombinert DVD-spiller / CD-brenner ( 8x DVD-les , 24x brennehastighet b\u00e5de p\u00e5 CDR / CDRW ) 3x USB 2.0-porter Firewire-port 1 x PCMCIA-plass", "opinions": []}, {"sent_id": "200140-07-03", "text": "Minnekortleser i fronten for SD/ MMC / MemoryStick 802.11B/G tr\u00e5dl\u00f8st nettverk ( Intel ) 56 Kb modem 100 Mbit nettverk ( kablet ) SPDIF + mic og lyd ut ( \u00f8retelefoner ) i frontM\u00e5l 35 x 25 x 3 cm , vekt 2,8 kg", "opinions": []}, {"sent_id": "200140-08-01", "text": "her", "opinions": []}, {"sent_id": "200140-09-01", "text": "Dette er tilsynelatende ikke noe r\u00e5skinn , verken prosessor , minnest\u00f8rrelse eller harddisk ligger i \u00f8vre del av skalaen .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["ikke noe r\u00e5skinn"], ["24:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["verken prosessor , minnest\u00f8rrelse eller harddisk ligger i \u00f8vre del av skalaen"], ["43:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["harddisk"], ["83:91"]], "Polar_expression": [["verken", "ligger i \u00f8vre del av skalaen"], ["43:49", "92:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minnest\u00f8rrelse"], ["62:76"]], "Polar_expression": [["verken", "ligger i \u00f8vre del av skalaen"], ["43:49", "92:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosessor"], ["50:59"]], "Polar_expression": [["verken", "ligger i \u00f8vre del av skalaen"], ["43:49", "92:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-09-02", "text": "Men utstyrsniv\u00e5et er bra , prisen tatt i betraktning .", "opinions": [{"Source": [[], []], "Target": [["utstyrsniv\u00e5et"], ["4:17"]], "Polar_expression": [["bra , prisen tatt i betraktning"], ["21:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-09-03", "text": "Dessuten merker vei oss at den st\u00f8tter b\u00e5de 54 Mbit tr\u00e5dl\u00f8st nettverk ( 802.11G ) , og er utstyrt med en CD-brenner som er uvanlig kjapp p\u00e5 CDRW-plater .", "opinions": [{"Source": [["oss"], ["20:23"]], "Target": [["den"], ["27:30"]], "Polar_expression": [["st\u00f8tter b\u00e5de 54 Mbit tr\u00e5dl\u00f8st nettverk"], ["31:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["oss"], ["20:23"]], "Target": [["den"], ["27:30"]], "Polar_expression": [["utstyrt med en CD-brenner"], ["90:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["CD-brenner"], ["105:115"]], "Polar_expression": [["uvanlig kjapp p\u00e5 CDRW-plater"], ["123:151"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-09-04", "text": "Kortleseren i front for en rekke minnetyper er selvsagt ogs\u00e5 et stort pluss .", "opinions": [{"Source": [[], []], "Target": [["Kortleseren"], ["0:11"]], "Polar_expression": [["for en rekke minnetyper"], ["20:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Kortleseren"], ["0:11"]], "Polar_expression": [["stort pluss"], ["64:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-10-01", "text": "Diskettstasjon , parallellport , PS / 2- og seriellport er totalt frav\u00e6rende , noe som blir vanlig p\u00e5 flere og flere nye modeller .", "opinions": []}, {"sent_id": "200140-11-01", "text": "PCen leveres uten operativsystem , men du f\u00e5r antivirusprogram ( Panda Antivirus Titanium 2004 ) , samt programmet BounceBack Express .", "opinions": []}, {"sent_id": "200140-11-02", "text": "Sistnevnte lar deg ta fullstendig backup av alt p\u00e5 harddisken , for eksempel p\u00e5 CD .", "opinions": [{"Source": [[], []], "Target": [["Sistnevnte"], ["0:10"]], "Polar_expression": [["lar deg ta fullstendig backup av alt p\u00e5 harddisken , for eksempel p\u00e5 CD"], ["11:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200140-11-03", "text": "N\u00e5r noe g\u00e5r galt , kan du enkelt gjenopprette alt slik det var f\u00f8r uhellet var ute ( begge programmer krever Windows ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan du enkelt gjenopprette alt slik det var f\u00f8r uhellet var ute"], ["19:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-12-01", "text": "Stilrent", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stilrent"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-13-01", "text": "Selve PCen har en smakfull design i gr\u00e5tt ( sort understell ) , og det er benyttet plast hele veien .", "opinions": [{"Source": [[], []], "Target": [["PCen"], ["6:10"]], "Polar_expression": [["smakfull design"], ["18:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["design"], ["27:33"]], "Polar_expression": [["smakfull"], ["18:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["PCen"], ["6:10"]], "Polar_expression": [["det er benyttet plast hele veien"], ["67:99"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-13-02", "text": "Den er minimalistisk med hensyn til knapper og styling , noe mange helt sikkert vil sette pris p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["minimalistisk med hensyn til knapper og styling"], ["7:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["mange helt sikkert vil sette pris p\u00e5"], ["61:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-13-03", "text": "At PCen i tillegg er slankere enn de fleste andre bredskjerm-modellene vi har sett p\u00e5 tidligere , ser vi dessuten ogs\u00e5 p\u00e5 som et pluss .", "opinions": [{"Source": [["vi"], ["71:73"]], "Target": [["PCen"], ["3:7"]], "Polar_expression": [["slankere enn de fleste andre bredskjerm-modellene vi har sett p\u00e5 tidligere"], ["21:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["102:104"]], "Target": [["PCen"], ["3:7"]], "Polar_expression": [["pluss"], ["129:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-14-01", "text": "Skjermen er klar og god , og sannsynligvis vil de aller fleste synes at oppl\u00f8sningen er passe for denne skjermst\u00f8rrelsen .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["klar og god"], ["12:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppl\u00f8sningen"], ["72:84"]], "Polar_expression": [["aller fleste synes", "passe for denne skjermst\u00f8rrelsen"], ["50:68", "88:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-14-02", "text": "De ekstra 256 pikslene i bredden i forhold til vanlig XGA-oppl\u00f8sning gj\u00f8r at du f\u00e5r plass til en god del mer informasjon i bredden , og dessuten er dette optimalt for deg som \u00f8nsker \u00e5 se filmer p\u00e5 PCen i bredformat .", "opinions": [{"Source": [[], []], "Target": [["De ekstra 256 pikslene i bredden"], ["0:32"]], "Polar_expression": [["f\u00e5r plass til en god del mer informasjon i bredden"], ["80:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200140-15-01", "text": "Vi er alltid litt skeptiske til lokk av plast , da disse som regel ikke gir like god beskyttelse for skjermen som lokk av metall .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["lokk av plast"], ["32:45"]], "Polar_expression": [["litt skeptiske"], ["13:27"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lokk av plast"], ["32:45"]], "Polar_expression": [["ikke gir like god beskyttelse for skjermen som lokk av metall"], ["67:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lokk av metall"], ["114:128"]], "Polar_expression": [["lokk av plast", "ikke gir like god beskyttelse for skjermen som"], ["32:45", "67:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-15-02", "text": "V\u00e5r trykktest viser ogs\u00e5 at skjermbildet raskt blir forvrengt n\u00e5r lokket belastes .", "opinions": [{"Source": [["V\u00e5r"], ["0:3"]], "Target": [["skjermbildet"], ["28:40"]], "Polar_expression": [["raskt blir forvrengt n\u00e5r lokket belastes"], ["41:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-15-03", "text": "Dette skyldes ikke n\u00f8dvendigvis at plasten er spesielt svak , men kanskje like mye at spennet er stort pga den brede skjermen .", "opinions": []}, {"sent_id": "200140-15-04", "text": "Vi ville med andre ord ikke lagt tunge gjenstander p\u00e5 denne PCen .", "opinions": []}, {"sent_id": "200140-16-01", "text": "Tastaturet er stort og godt , tastene er faste , og er stort sett logisk plassert i forhold til et vanlig tastatur .", "opinions": [{"Source": [[], []], "Target": [["Tastaturet"], ["0:10"]], "Polar_expression": [["godt"], ["23:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tastaturet"], ["0:10"]], "Polar_expression": [["stort"], ["14:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tastene"], ["30:37"]], "Polar_expression": [["faste"], ["41:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tastene"], ["30:37"]], "Polar_expression": [["stort sett logisk plassert i forhold til et vanlig tastatur"], ["55:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-16-02", "text": "Siden spesialtastene backspace , linjeskift og skift er s\u00e5 brede , er det ikke noe problem at det ligger taster til h\u00f8yre for disse , selv for deg som aldri ser p\u00e5 tastaturet n\u00e5r du skriver .", "opinions": [{"Source": [[], []], "Target": [["spesialtastene"], ["6:20"]], "Polar_expression": [["brede"], ["59:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spesialtastene"], ["6:20"]], "Polar_expression": [["ikke noe problem at det ligger taster til h\u00f8yre"], ["74:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-17-01", "text": "P\u00e5 hver sin side av tastaturet sitter h\u00f8yttalerne .", "opinions": []}, {"sent_id": "200140-17-02", "text": "Optimalt plassert , og lyden er heller ikke verst , sammenlignet med sv\u00e6rt mange andre lydl\u00f8sninger p\u00e5 b\u00e6rbare PCer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Optimalt plassert"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden"], ["23:28"]], "Polar_expression": [["ikke verst"], ["39:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["andre lydl\u00f8sninger p\u00e5 b\u00e6rbare PCer"], ["81:115"]], "Polar_expression": [["lyden er heller ikke verst , sammenlignet med"], ["23:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-17-03", "text": "Vi kan godt sitte p\u00e5 \" enmannskino \" og klare oss med de innebygde h\u00f8yttalerne .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["innebygde h\u00f8yttalerne"], ["57:78"]], "Polar_expression": [["kan godt sitte p\u00e5 \" enmannskino \" og klare oss med"], ["3:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-18-01", "text": "Uvanlig", "opinions": []}, {"sent_id": "200140-19-01", "text": "Plasseringer av porter og tilkoblinger er derimot noe uvanlig .", "opinions": [{"Source": [[], []], "Target": [["Plasseringer av porter og tilkoblinger"], ["0:38"]], "Polar_expression": [["noe uvanlig"], ["50:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-19-02", "text": "P\u00e5 baksiden sitter nemlig 2 stk USB 2.0-porter + str\u00f8minntaket , mens VGA , TV-utgang , nettverk og modem - som vanligvis er \u00e5 finne p\u00e5 baksiden , sitter p\u00e5 venstre side .", "opinions": []}, {"sent_id": "200140-19-03", "text": "Det gir naturligvis meget enkel ad-hoc tilkobling til skjerm og nettverk , men for permanente tilkoblinger av denne typen ville det v\u00e6rt ryddigere hvis disse tilkoblingene satt p\u00e5 baksiden .", "opinions": [{"Source": [[], []], "Target": [["ad-hoc tilkobling"], ["32:49"]], "Polar_expression": [["meget enkel", "til skjerm og nettverk"], ["20:31", "50:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["permanente tilkoblinger"], ["83:106"]], "Polar_expression": [["ville det v\u00e6rt ryddigere hvis disse tilkoblingene satt p\u00e5 baksiden"], ["122:188"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-20-01", "text": "Ytelsestestene", "opinions": []}, {"sent_id": "200140-21-01", "text": "Som nevnt innledningsvis er dette den f\u00f8rste PCen med Celeron M-prosessor vi tester .", "opinions": []}, {"sent_id": "200140-21-02", "text": "Selv om klokkehastigheten er s\u00e5 lav som 1,2 GHz , viser v\u00e5re tester at kraften pr MHz ikke avviker s\u00e6rlig mye fra Pentium M , i motsetning til styrkeforholdet mellom desktopvarianten av Celeron og Pentium 4 .", "opinions": [{"Source": [["v\u00e5re"], ["56:60"]], "Target": [["klokkehastigheten"], ["8:25"]], "Polar_expression": [["s\u00e5 lav som 1,2 GHz"], ["29:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kraften pr MHz"], ["71:85"]], "Polar_expression": [["ikke avviker s\u00e6rlig mye fra Pentium M"], ["86:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["klokkehastigheten"], ["8:25"]], "Polar_expression": [["kraften pr MHz ikke avviker s\u00e6rlig mye fra Pentium M"], ["71:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200140-22-01", "text": "En rask titt i v\u00e5re gamle notater fra fjor\u00e5rets b\u00e6rbar-test , viser at 1,2 GHz-prosessoren i Zepto Znote 3050z yter omtrent som desktop-varianten av Celeron med dobbel klokkehastighet , alts\u00e5 2,4 GHz .", "opinions": [{"Source": [["v\u00e5re"], ["15:19"]], "Target": [["1,2 GHz-prosessoren"], ["71:90"]], "Polar_expression": [["yter omtrent som desktop-varianten av Celeron med dobbel klokkehastighet"], ["111:183"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["v\u00e5re"], ["15:19"]], "Target": [["desktop-varianten av Celeron"], ["128:156"]], "Polar_expression": [["1,2 GHz-prosessoren i Zepto Znote 3050z yter omtrent som"], ["71:127"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200140-22-02", "text": "Sammenlignet med Pentium 4 vil 1,8 Ghz sannsynligvis gi deg noe i n\u00e6rheten av samme ytelse .", "opinions": []}, {"sent_id": "200140-22-03", "text": "I praksis opplevde vi PCen som kjapp og fin til alle \" vanlige \" oppgaver , herunder kontorapplikasjoner , web , musikk og film - og det er de viktigste oppgavene denne PCen er ment \u00e5 utf\u00f8re .", "opinions": [{"Source": [["vi"], ["19:21"]], "Target": [["PCen"], ["22:26"]], "Polar_expression": [["kjapp og fin til alle \" vanlige \" oppgaver"], ["31:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-23-01", "text": "Grafikkl\u00f8sningen er integrert , og vi forventet derfor ikke allverdens i moderne 3D-spill .", "opinions": [{"Source": [["vi"], ["35:37"]], "Target": [["Grafikkl\u00f8sningen"], ["0:16"]], "Polar_expression": [["integrert"], ["20:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["35:37"]], "Target": [["Grafikkl\u00f8sningen"], ["0:16"]], "Polar_expression": [["forventet derfor ikke allverdens i moderne 3D-spill"], ["38:89"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-23-02", "text": "Her m\u00e5 man i hvert fall g\u00e5 kraftig ned p\u00e5 oppl\u00f8sning og detaljniv\u00e5 !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Her m\u00e5 man i hvert fall g\u00e5 kraftig ned p\u00e5 oppl\u00f8sning og detaljniv\u00e5 !"], ["0:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-23-03", "text": "Ingen l\u00f8sning for spillentusiaster alts\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ingen l\u00f8sning for spillentusiaster"], ["0:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-23-04", "text": "Ytelsestallene fra PCMark 2004 taler da ogs\u00e5 sitt klare spr\u00e5k - 503 poeng er godt under halvparten av hva vi har oppn\u00e5dd med Geforce FX Go 5200 , som heller ikke er en fullgod l\u00f8sning for deg som er over middels spillinteressert .", "opinions": [{"Source": [["vi"], ["106:108"]], "Target": [[], []], "Polar_expression": [["503 poeng er godt under halvparten", "har oppn\u00e5dd med Geforce FX Go 5200"], ["64:98", "109:143"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["106:108"]], "Target": [["Geforce FX Go 5200"], ["125:143"]], "Polar_expression": [["ikke er en fullgod l\u00f8sning for deg som er over middels spillinteressert"], ["157:228"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-24-01", "text": "Men holder det til 2D og film / DVD ?", "opinions": []}, {"sent_id": "200140-24-02", "text": "Oh yes .", "opinions": []}, {"sent_id": "200140-24-03", "text": "Vi opplevde ingen hakking eller andre problemer , verken ved DVD- eller DivX-avspilling .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["ingen hakking eller andre problemer"], ["12:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-25-01", "text": "Celeron M-prosessoren er ikke like avansert som Pentium M n\u00e5r det gjelder str\u00f8msparing og regulering av klokkehastighet .", "opinions": [{"Source": [[], []], "Target": [["Celeron M-prosessoren"], ["0:21"]], "Polar_expression": [["ikke like avansert som Pentium M", "n\u00e5r det gjelder str\u00f8msparing og regulering av klokkehastighet"], ["25:57", "58:119"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Pentium M"], ["48:57"]], "Polar_expression": [["Celeron M-prosessoren er ikke like avansert som"], ["0:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-25-02", "text": "Vi synes likevel ikke at denne PCen har noe \u00e5 skamme seg over , med resultatet 3 timer og 34 minutter p\u00e5 batterilevetidstesten .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["batterilevetidstesten"], ["105:126"]], "Polar_expression": [["3 timer og 34 minutter"], ["79:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["PCen"], ["31:35"]], "Polar_expression": [["3 timer og 34 minutter p\u00e5 batterilevetidstesten"], ["79:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["PCen"], ["31:35"]], "Polar_expression": [["synes likevel ikke at denne PCen har noe \u00e5 skamme seg over"], ["3:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200140-25-03", "text": "Det er et stykke bak de seigeste Pentium M-PCene , men likevel godkjent .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["godkjent"], ["63:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["et stykke bak de seigeste Pentium M-PCene"], ["7:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Pentium M-PCene"], ["33:48"]], "Polar_expression": [["et stykke bak de seigeste"], ["7:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-26-01", "text": "Bruker du PCen til tekstbehandling og nettsurfing er den fullstendig lydl\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["PCen"], ["10:14"]], "Polar_expression": [["tekstbehandling og nettsurfing er den fullstendig lydl\u00f8s"], ["19:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200140-26-02", "text": "Fyrer du opp Windows Media Player for \u00e5 spille musikk i bakgrunnen , vil viften starte med jevne mellomrom - ikke konstant , og heller ikke s\u00e6rlig plagsomt , synes vi .", "opinions": [{"Source": [["vi"], ["164:166"]], "Target": [["viften"], ["73:79"]], "Polar_expression": [["starte med jevne mellomrom"], ["80:106"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["164:166"]], "Target": [["\u00e5 spille musikk i bakgrunnen"], ["38:66"]], "Polar_expression": [["starte med jevne mellomrom - ikke konstant , og heller ikke s\u00e6rlig plagsomt"], ["80:155"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-27-01", "text": "Hvis du \u00f8nsker flere detaljer fra ytelsestestene , viser vi til siden med tekniske data", "opinions": []}, {"sent_id": "200140-28-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "200140-29-01", "text": "Utvalget av billige PCer med bredskjerm er slett ikke stort .", "opinions": []}, {"sent_id": "200140-29-02", "text": "Velger du Znote 3050CW , f\u00e5r du en slank , stilleg\u00e5ende og bra bredskjerm-PC til en fin pris .", "opinions": [{"Source": [[], []], "Target": [["Znote 3050CW"], ["10:22"]], "Polar_expression": [["slank"], ["35:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Znote 3050CW"], ["10:22"]], "Polar_expression": [["stilleg\u00e5ende"], ["43:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Znote 3050CW"], ["10:22"]], "Polar_expression": [["bra"], ["59:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["pris"], ["88:92"]], "Polar_expression": [["fin"], ["84:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-29-03", "text": "Den vil holde lenge til kontor- og filmbruk .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["holde lenge til kontor- og filmbruk"], ["8:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200140-30-01", "text": "Noen racer er det ikke , men det merker du f\u00f8rst i 3D-applikasjoner og spill .", "opinions": [{"Source": [[], []], "Target": [["3D-applikasjoner"], ["51:67"]], "Polar_expression": [["Noen racer er det ikke"], ["0:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spill"], ["71:76"]], "Polar_expression": [["Noen racer er det ikke"], ["0:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200140-30-02", "text": "Hvis disse tingene er mindre viktig for deg , er denne PCen absolutt verdt \u00e5 vurdere .", "opinions": [{"Source": [[], []], "Target": [["PCen"], ["55:59"]], "Polar_expression": [["absolutt verdt \u00e5 vurdere"], ["60:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200140-30-03", "text": "Litt mer minne og raskere harddisk er derimot \u00e5 foretrekke , spesielt dersom du jobber med store data og har mange programmer kj\u00f8rende samtidig .", "opinions": [{"Source": [[], []], "Target": [["harddisk"], ["26:34"]], "Polar_expression": [["raskere", "foretrekke"], ["18:25", "48:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["minne"], ["9:14"]], "Polar_expression": [["Litt mer", "foretrekke"], ["0:8", "48:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111170-01-01", "text": "R\u00e5 ransb\u00f8lge", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["R\u00e5 ransb\u00f8lge"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111170-02-01", "text": "Ben Affleck gj\u00f8r som forrige gang han regisserte en langfilm ( \u00ab Gone Baby Gone \u00bb , 2007 ) , og inviterer ogs\u00e5 i \u00ab The Town \u00bb til Bostons kriminelle undergrunn .", "opinions": []}, {"sent_id": "111170-02-02", "text": "Denne gang skal vi til Charlestown - et r\u00f8ft nabolag som fungerer som en eneste stor rugekasse for ranere .", "opinions": []}, {"sent_id": "111170-03-01", "text": "Her st\u00e5r Doug MacRay ( Affleck ) og kameratene hans bak en serie brutale ran av banker og pengetransporter .", "opinions": []}, {"sent_id": "111170-03-02", "text": "Under et av ranene tar han Claire ( Hall ) , en ung bankansatt , som gissel .", "opinions": []}, {"sent_id": "111170-03-03", "text": "N\u00e5r han i etterkant opps\u00f8ker han henne , er det usikkert om han gj\u00f8r det for \u00e5 forsikre seg om at hun ikke vet noe , eller fordi han vil vite at hun er ok .", "opinions": []}, {"sent_id": "111170-04-01", "text": "Doug er nemlig den fyren som er litt smartere og litt snillere enn livet han lever skulle tilsi .", "opinions": []}, {"sent_id": "111170-04-02", "text": "Han er gangsteren vi holder med , plassert i feil milj\u00f8 , tilsynelatende uten store sjanser for \u00e5 slippe levende fra det .", "opinions": []}, {"sent_id": "111170-05-01", "text": "Om kjemien mellom Affleck og Hall ikke er spesielt gnistrende , er samspillet mellom kameratene til gjengjeld sv\u00e6rt overbevisende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke er spesielt gnistrende"], ["34:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samspillet"], ["67:77"]], "Polar_expression": [["sv\u00e6rt overbevisende"], ["110:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111170-05-02", "text": "Man kan spesielt merke seg Renner i rollen som Dougs dummere og mer ondsindige kamerat , et vandrende , skytende bevis p\u00e5 hva dyp desperasjon kan gj\u00f8re med en person .", "opinions": [{"Source": [[], []], "Target": [["Renner i rollen som Dougs dummere og mer ondsindige kamerat"], ["27:86"]], "Polar_expression": [["spesielt merke seg"], ["8:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111170-06-01", "text": "\u00ab The Town \u00bb , som er basert p\u00e5 Chuck Hogans roman \u00ab Prince of Thieves \u00bb , er en rimelig formulaisk actionfilm .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Town \u00bb"], ["0:12"]], "Polar_expression": [["rimelig formulaisk actionfilm"], ["81:110"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111170-06-02", "text": "Man har ikke holdt seg for god til \u00e5 runde av med noen vel svulstige minutter mot slutten .", "opinions": [{"Source": [[], []], "Target": [["slutten"], ["82:89"]], "Polar_expression": [["svulstige minutter"], ["59:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111170-06-03", "text": "Men filmen er solid gjennomf\u00f8rt , tettpakket og full av suspens - med noen sitrende gode actionsekvenser og biljakter som n\u00e6rmest f\u00e5r deg til \u00e5 begynne \u00e5 fomle etter bilbeltet i kinosetet .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["4:10"]], "Polar_expression": [["solid gjennomf\u00f8rt"], ["14:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["4:10"]], "Polar_expression": [["tettpakket"], ["34:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["4:10"]], "Polar_expression": [["full av suspens"], ["48:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["suspens"], ["56:63"]], "Polar_expression": [["full av"], ["48:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["4:10"]], "Polar_expression": [["sitrende gode actionsekvenser"], ["75:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionsekvenser"], ["89:104"]], "Polar_expression": [["sitrende gode"], ["75:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["biljakter"], ["108:117"]], "Polar_expression": [["n\u00e6rmest f\u00e5r deg til \u00e5 begynne \u00e5 fomle etter bilbeltet i kinosetet"], ["122:187"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["4:10"]], "Polar_expression": [["biljakter som n\u00e6rmest f\u00e5r deg til \u00e5 begynne \u00e5 fomle etter bilbeltet i kinosetet"], ["108:187"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111170-07-01", "text": "Skal man f\u00f8rst spille p\u00e5 actionsjangerens velkjente strenger , er dette m\u00e5ten \u00e5 gj\u00f8re det p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dette m\u00e5ten \u00e5 gj\u00f8re det p\u00e5"], ["66:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-01-01", "text": "Nordlands russefl\u00f8yte", "opinions": []}, {"sent_id": "304705-02-01", "text": "\u00ab Heart of Lightness \u00bb har gode r\u00e5varer , men feiler i bearbeidelsen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Heart of Lightness \u00bb"], ["0:22"]], "Polar_expression": [["gode r\u00e5varer"], ["27:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Heart of Lightness \u00bb"], ["0:22"]], "Polar_expression": [["feiler i bearbeidelsen"], ["46:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "304705-03-02", "text": "F\u00f8rst av alt :", "opinions": []}, {"sent_id": "304705-03-03", "text": "Hvis du vil fremst\u00e5 som seri\u00f8s filmskaper , ikke lag en fire minutters t\u00f8ysete forfilm om innspillingen full av interne vitser og kj\u00e6rlige festbilder av gjengen .", "opinions": [{"Source": [[], []], "Target": [["forfilm"], ["79:86"]], "Polar_expression": [["t\u00f8ysete"], ["71:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forfilm"], ["79:86"]], "Polar_expression": [["full av interne vitser og kj\u00e6rlige festbilder av gjengen"], ["104:160"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-03-04", "text": "Ingenting sier studentfilm som d\u00e9t .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["studentfilm"], ["15:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-04-01", "text": "Men utelivsmogul og kulturell altmuligmann Jan Vard\u00f8ens debutfilm f\u00f8les uv\u00f8ren p\u00e5 flere m\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["debutfilm"], ["56:65"]], "Polar_expression": [["f\u00f8les uv\u00f8ren p\u00e5 flere m\u00e5ter"], ["66:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-04-02", "text": "Dels er \u00ab Heart of Lightness \u00bb en filmatisering av Henrik Ibsens \u00ab Fruen fra havet \u00bb , dels en film om den kaotiske innspillingen , der Vard\u00f8en , uten \u00e5 ha lest gjennom skuespillet og tilsynelatende uten planer om \u00e5 holde seg v\u00e5ken eller edru , sleper \u00e5tte britiske skuespillere til Lofoten for \u00e5 bruke opp st\u00f8tten han har f\u00e5tt fra Filmfondet .", "opinions": [{"Source": [[], []], "Target": [["innspillingen"], ["116:129"]], "Polar_expression": [["kaotiske"], ["107:115"]], "Polarity": "Negative", "Intensity": null, "NOT": true, "Source_is_author": false, "Target_is_general": false}, {"Source": [[], []], "Target": [["Vard\u00f8en"], ["136:143"]], "Polar_expression": [["uten \u00e5 ha lest gjennom skuespillet"], ["146:180"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vard\u00f8en"], ["136:143"]], "Polar_expression": [["tilsynelatende uten planer om \u00e5 holde seg v\u00e5ken eller edru"], ["184:242"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vard\u00f8en"], ["136:143"]], "Polar_expression": [["sleper \u00e5tte britiske skuespillere til Lofoten for \u00e5 bruke opp st\u00f8tten han har f\u00e5tt fra Filmfondet"], ["245:342"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-04-03", "text": "Medienotatene r\u00f8per at dette ikke var s\u00e5 helt langt fra sannheten .", "opinions": []}, {"sent_id": "304705-05-01", "text": "Halvkokt komedie", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Halvkokt komedie"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-05-02", "text": "Det sp\u00f8rs om ikke sannheten var et litt for svakt utgangspunkt - og at \u00ab filmen bak filmen \u00bb , som riktignok er fiktiv , tydeligere burde v\u00e6rt konstruert for \u00e5 belyse Ibsens skuespill , og satt den inn i et samtidig perspektiv , i stedet for \u00e5 v\u00e6re en halvkokt og umorsom komedie om selvh\u00f8ytidelige regiss\u00f8rer , plagsom midnattssol og veganske skuespillere som helst ikke b\u00f8r f\u00e5 vite at det er hvalkj\u00f8tt de blir servert .", "opinions": [{"Source": [[], []], "Target": [["\u00ab filmen bak filmen \u00bb"], ["71:92"]], "Polar_expression": [["tydeligere burde v\u00e6rt konstruert for \u00e5 belyse Ibsens skuespill"], ["121:183"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt for svakt utgangspunkt"], ["35:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab filmen bak filmen \u00bb"], ["71:92"]], "Polar_expression": [["halvkokt og umorsom komedie"], ["252:279"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["regiss\u00f8rer"], ["299:309"]], "Polar_expression": [["selvh\u00f8ytidelige"], ["283:298"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["midnattssol"], ["320:331"]], "Polar_expression": [["plagsom"], ["312:319"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-05-03", "text": "Et snev av relevans finnes i historien om skuespillere som spiller den distanserte og ulykkelige Ellida og hennes frustrerte ektemann Wangel .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["29:38"]], "Polar_expression": [["snev av relevans"], ["3:19"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-06-01", "text": "Drakampen mellom dem handler om behovet for frihet og herred\u00f8mme over seg selv , om f\u00f8lelsen av \u00e5 leve et falskt liv og frykten for det ukjente alternativet .", "opinions": []}, {"sent_id": "304705-06-02", "text": "I bakomfilmen lever ogs\u00e5 skuespillerne i et spenningsfylt ekteskap , der han st\u00e5r maktesl\u00f8s og ser p\u00e5 at hun driver bort .", "opinions": []}, {"sent_id": "304705-06-03", "text": "Her kommer det frem , p\u00e5 to niv\u00e5er , hvordan det er umulig \u00e5 tviholde p\u00e5 mennesker som har bestemt seg for at de vil vekk .", "opinions": []}, {"sent_id": "304705-07-01", "text": "Ibsen i Vogue", "opinions": []}, {"sent_id": "304705-07-02", "text": "\u00ab Heart of Lightness \u00bb b\u00e6rer i seg kimen til et godt formidlingsprosjekt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Heart of Lightness \u00bb"], ["0:22"]], "Polar_expression": [["kimen til et godt formidlingsprosjekt"], ["35:72"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-07-03", "text": "Det er en fin id\u00e9 \u00e5 la Ibsens mest m\u00f8rkt romantiske , nesten gotiske tekst fremf\u00f8res i det vakre landskapet han la handlingen til .", "opinions": [{"Source": [[], []], "Target": [["tekst"], ["69:74"]], "Polar_expression": [["m\u00f8rkt romantiske , nesten gotiske"], ["35:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["landskapet"], ["97:107"]], "Polar_expression": [["vakre"], ["91:96"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fin id\u00e9"], ["10:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-07-04", "text": "Legg til at skuespillerne Vard\u00f8en har valgt er modellvakre og at de oftere enn ikke baler med sine livsvalg med en dramatisk nordlandshimmel i bakgrunnen og du har noe som ser ut som Vogue-versjonen av \u00ab Fruen fra havet \u00bb .", "opinions": [{"Source": [[], []], "Target": [["skuespillerne"], ["12:25"]], "Polar_expression": [["modellvakre"], ["47:58"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vogue-versjonen av \u00ab Fruen fra havet \u00bb"], ["183:221"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-08-01", "text": "Resultatet blir deretter :", "opinions": []}, {"sent_id": "304705-08-02", "text": "Stemningsfullt , nydelig fotografert , men glanset og overfladisk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stemningsfullt"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nydelig fotografert"], ["17:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["glanset"], ["43:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["overfladisk"], ["54:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-08-03", "text": "Prosjektet f\u00f8les ikke gjennomtenkt eller gjennomf\u00f8rt .", "opinions": [{"Source": [[], []], "Target": [["Prosjektet"], ["0:10"]], "Polar_expression": [["ikke gjennomtenkt eller gjennomf\u00f8rt"], ["17:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304705-08-04", "text": "Klippingen skaper ikke flyt og musikkvalget , med flere innslag fra Griegs \u00ab Peer Gynt \u00bb -suite , virker b\u00e5de litt \u00e5penbart og litt malplassert .", "opinions": [{"Source": [[], []], "Target": [["Klippingen"], ["0:10"]], "Polar_expression": [["skaper ikke flyt"], ["11:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikkvalget"], ["31:43"]], "Polar_expression": [["litt \u00e5penbart"], ["110:123"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikkvalget"], ["31:43"]], "Polar_expression": [["litt malplassert"], ["127:143"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-08-05", "text": "Spillet er ujevnt og b\u00e6rer preg av at skuespillerne har hatt noen som kan samle dem p\u00e5 samme frekvens .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["ujevnt"], ["11:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-09-01", "text": "Det er aldri kjedelig \u00e5 se gode replikker fremf\u00f8rt i vakre omgivelser .", "opinions": [{"Source": [[], []], "Target": [["replikker"], ["32:41"]], "Polar_expression": [["gode"], ["27:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["omgivelser"], ["59:69"]], "Polar_expression": [["vakre"], ["53:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304705-09-02", "text": "Men dette er ingrediensene Vard\u00f8en har f\u00e5tt gratis .", "opinions": []}, {"sent_id": "304705-09-03", "text": "Bearbeidelsen er d\u00e9t som skaper en god film .", "opinions": []}, {"sent_id": "304705-09-04", "text": "Og den lever ikke opp til r\u00e5varene .", "opinions": [{"Source": [[], []], "Target": [["den"], ["3:6"]], "Polar_expression": [["lever ikke opp til r\u00e5varene"], ["7:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702956-01-01", "text": "Dirty Harrys datter", "opinions": []}, {"sent_id": "702956-02-01", "text": "Alison Eastwood er datter av Clint og den t\u00f8ffeste etterforskeren siden Dirty Harry .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["t\u00f8ffeste etterforskeren siden Dirty Harry"], ["42:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702956-02-02", "text": "Under press akselererer hun fra 100 til Takk for I dag fortere enn det tar en tissetrengt Speedy Gonzales \u00e5 synge La Bamba .", "opinions": []}, {"sent_id": "702956-03-01", "text": "Hun har en stikkende , ut\u00e5lmodig personlighet , som en forfengelig kvinne n\u00e5r hun vet at hun parkerte kj\u00e6restens BMW uten h\u00e5ndbrekk i nedoverbakke mot orkid\u00e9drivhuset .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["stikkende , ut\u00e5lmodig personlighet"], ["11:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702956-04-01", "text": "Det passer godt i denne enkle thrilleren .", "opinions": [{"Source": [[], []], "Target": [["thrilleren"], ["30:40"]], "Polar_expression": [["passer godt"], ["4:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702956-04-02", "text": "En eller annen villfaren okkultist med Meget i kileskrift myrder kirketilh\u00f8rige mennesker og korsfester dem .", "opinions": []}, {"sent_id": "702956-04-03", "text": "Dette har med Genesaret-seremonien \u00e5 gj\u00f8re , men Dan Brown er helt uskyldig :", "opinions": []}, {"sent_id": "702956-04-04", "text": "Her snakker vi ikke om skjulte ekteskap , men om retten til \u00e5 tjene ved Urukians side .", "opinions": []}, {"sent_id": "702956-05-01", "text": "Mye stilig oppst\u00e5r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mye stilig"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702956-05-02", "text": "Judd Nelson i prestekrage .", "opinions": []}, {"sent_id": "702956-05-03", "text": "C. Thomas Howell i nattklubbpervo bukser som likner venteromssofaer av satanisthud .", "opinions": []}, {"sent_id": "702956-05-04", "text": "Thrillere er visuelt behagelige for tida \u2013 en slags gate-gotikk som melker m\u00f8rket for enkle stemninger .", "opinions": [{"Source": [[], []], "Target": [["Thrillere"], ["0:9"]], "Polar_expression": [["visuelt behagelige for tida"], ["13:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Thrillere"], ["0:9"]], "Polar_expression": [["gate-gotikk som melker m\u00f8rket for enkle stemninger"], ["52:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702956-06-01", "text": "Ukas replikk :", "opinions": []}, {"sent_id": "702956-06-02", "text": "\u00ab Fader Thadeus har avlagt taushetsl\u00f8fte , s\u00e5 vi bruker e-mail \u00bb .", "opinions": []}, {"sent_id": "703730-01-01", "text": "Ogna-ord", "opinions": []}, {"sent_id": "703730-02-01", "text": "Monosapiens er et Ogna-basert band med musikere fra hele fylket .", "opinions": []}, {"sent_id": "703730-02-02", "text": "De er ute med det de kaller et lydbilde ; bokstavelig talt en plate du kan henge p\u00e5 veggen til pynt .", "opinions": []}, {"sent_id": "703730-03-01", "text": "Bakgrunnen er nemlig en tegning lagd av Ogna-lyrikeren Hege Torvund .", "opinions": []}, {"sent_id": "703730-03-02", "text": "Diktene hans utgj\u00f8r i tillegg tekstene .", "opinions": []}, {"sent_id": "703730-03-03", "text": "Torvunds ord fanger deg , som setningen \" i _kkje la optimistane ta knekken p\u00e5 deg_ \" .", "opinions": [{"Source": [[], []], "Target": [["Torvunds ord"], ["0:12"]], "Polar_expression": [["fanger deg"], ["13:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703730-03-04", "text": "Musikken er en eksperimenterende miks av tungrock , jazz og verdensmusikk .", "opinions": []}, {"sent_id": "703730-03-05", "text": "Samarbeidet fungerer fordi hver del f\u00e5r lov \u00e5 skinne .", "opinions": [{"Source": [[], []], "Target": [["Samarbeidet"], ["0:11"]], "Polar_expression": [["fungerer"], ["12:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hver del"], ["27:35"]], "Polar_expression": [["f\u00e5r lov \u00e5 skinne"], ["36:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703730-03-06", "text": "Elementene kan understreke hverandre , som i starten av \" Den veldige musikken \" .", "opinions": [{"Source": [[], []], "Target": [["starten av \" Den veldige musikken \""], ["45:80"]], "Polar_expression": [["Elementene kan understreke hverandre"], ["0:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703730-03-07", "text": "Eller skape ny mening , som i \" Hitlertennene \" med tunge gitarer og varme ord .", "opinions": [{"Source": [[], []], "Target": [["\" Hitlertennene \""], ["30:47"]], "Polar_expression": [["tunge gitarer"], ["52:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Hitlertennene \""], ["30:47"]], "Polar_expression": [["varme ord"], ["69:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarer"], ["58:65"]], "Polar_expression": [["tunge"], ["52:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ord"], ["75:78"]], "Polar_expression": [["varme"], ["69:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703730-03-08", "text": "\" Lydbildet \" er trykt i 110 eksemplarer , men musikken finnes ogs\u00e5 p\u00e5 nettet .", "opinions": []}, {"sent_id": "703730-04-01", "text": "Beste spor :", "opinions": []}, {"sent_id": "703730-04-02", "text": "\" Ikkje la optimistane \" , \" Hitlertennene \" .", "opinions": []}, {"sent_id": "101807-01-01", "text": "MALTA ( Videre til finalen ) :", "opinions": []}, {"sent_id": "101807-01-02", "text": "Firelight - \u00ab Coming Home \u00bb", "opinions": []}, {"sent_id": "101807-02-01", "text": "Amerikansk folkemusikk , med dulcimer og greier , er ikke hverdagskost i Eurovision , men denne gjengen har lagt virkelig lagt seg i selen for \u00e5 lage en positiv sang om \u00e5 komme hjem til sine kj\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["gjengen"], ["96:103"]], "Polar_expression": [["virkelig lagt seg i selen for \u00e5 lage en positiv sang"], ["113:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101807-02-02", "text": "Organisk , oppriktig og oppl\u00f8ftende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Organisk"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["oppriktig"], ["11:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["oppl\u00f8ftende"], ["24:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111053-01-01", "text": "Me And My Army , \u00ab Thank God For Sending Demons \u00bb", "opinions": []}, {"sent_id": "111053-02-01", "text": "( Parlophone / EMI )", "opinions": []}, {"sent_id": "111053-03-01", "text": "Kjent produsent m / venner .", "opinions": []}, {"sent_id": "111053-04-01", "text": "Andreas Kleerups rolle som frontfigur for disse g\u00f8teborgerne gir dem betraktelig mer oppmerksomhet enn fortjent .", "opinions": [{"Source": [[], []], "Target": [["Andreas Kleerups rolle som frontfigur for disse g\u00f8teborgerne"], ["0:60"]], "Polar_expression": [["gir dem betraktelig mer oppmerksomhet enn fortjent"], ["61:111"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111053-04-02", "text": "\u00ab Skavlan \u00bb sist fredag , for eksempel .", "opinions": []}, {"sent_id": "111053-04-03", "text": "N\u00e5 er ikke det kompisgjengen Me And My Army bedriver i n\u00e6rheten av Kleerups Robyn-samarbeid eller hans nesten foreldede soloalbum .", "opinions": []}, {"sent_id": "111053-04-04", "text": "\u00c5pningssporet h\u00f8res ut som elektronikapop fra en TV-intro i 1986 , uten at det egentlig er feil .", "opinions": [{"Source": [[], []], "Target": [["\u00c5pningssporet"], ["0:13"]], "Polar_expression": [["h\u00f8res ut som elektronikapop fra en TV-intro i 1986 , uten at det egentlig er feil"], ["14:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111053-04-05", "text": "Resten er nok et middels vellykket fors\u00f8k p\u00e5 \u00e5 gjenoppfinne Fleetwood Macs gitarpop .", "opinions": [{"Source": [[], []], "Target": [["Resten"], ["0:6"]], "Polar_expression": [["middels vellykket fors\u00f8k p\u00e5 \u00e5 gjenoppfinne Fleetwood Macs gitarpop"], ["17:83"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111053-04-06", "text": "Selvsagt n\u00e6rmere onehitkloner som Sniff'n'the Tears og andre band kloden har hatt overproduksjon av .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e6rmere onehitkloner som Sniff'n'the Tears og andre band kloden har hatt overproduksjon"], ["9:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111053-04-07", "text": "Platen er som by : Larm-konserten deres sist helg - trivelig , men ikke varig interessant .", "opinions": [{"Source": [[], []], "Target": [["by : Larm-konserten"], ["14:33"]], "Polar_expression": [["trivelig"], ["52:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Platen"], ["0:6"]], "Polar_expression": [["trivelig"], ["52:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["by : Larm-konserten"], ["14:33"]], "Polar_expression": [["ikke varig interessant"], ["67:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Platen"], ["0:6"]], "Polar_expression": [["ikke varig interessant"], ["67:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111053-05-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "111053-05-02", "text": "The Only One TOR MARTIN B\u00d8E", "opinions": []}, {"sent_id": "001478-01-01", "text": "Magil\u00f8st fra Maggio", "opinions": [{"Source": [[], []], "Target": [["Maggio"], ["13:19"]], "Polar_expression": [["Magil\u00f8st fra Maggio"], ["0:19"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-02-01", "text": "Veronica Maggio er Juliette Lewis' rake motsetning :", "opinions": []}, {"sent_id": "001478-02-02", "text": "Hun har l\u00e5tene , men mangler gnisten .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["Hun har l\u00e5tene"], ["0:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["mangler gnisten"], ["21:36"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-02-03", "text": "Anmeldelse :", "opinions": []}, {"sent_id": "001478-02-04", "text": "Juliette Lewis , Slottsfjell ( 3 )", "opinions": []}, {"sent_id": "001478-03-01", "text": "Man skulle tro at dansbar soulpop treffer blink en l\u00f8rdag ettermiddag p\u00e5 Slottsfjell .", "opinions": []}, {"sent_id": "001478-03-02", "text": "Alt er lagt til rette for det : deilig v\u00e6r , god festivalstemning og svensk pop .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt er lagt til rette"], ["0:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["v\u00e6r"], ["39:42"]], "Polar_expression": [["deilig"], ["32:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["festivalstemning"], ["49:65"]], "Polar_expression": [["god festivalstemning"], ["45:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-03-03", "text": "For det liker jo vi nordmenn .", "opinions": []}, {"sent_id": "001478-04-01", "text": "Men det f\u00f8rste tegnet p\u00e5 at dette blir en slapp konsert er at Veronica Maggio entrer scenen if\u00f8rt en svart kjole som g\u00e5r i ett med bakteppet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Veronica Maggio entrer scenen if\u00f8rt en svart kjole som g\u00e5r i ett med bakteppet"], ["62:140"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["dette"], ["28:33"]], "Polar_expression": [["dette blir en slapp konsert"], ["28:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kjole"], ["107:112"]], "Polar_expression": [["g\u00e5r i ett med bakteppet"], ["117:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "001478-04-02", "text": "Hun forsvinner jo !", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["Hun forsvinner jo"], ["0:17"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-04-03", "text": "Med bravur blir \" fantastiske Veronica ! \" presentert av sin keyboardist , tett etterfulgt av \" Vinnaren \" - en l\u00e5t proppet full av selvtillitt der Maggio synger at \" Inget hadde varit m\u00f6jligt utan mig \" .", "opinions": []}, {"sent_id": "001478-04-04", "text": "Men heller ikke her er det noen gnist \u00e5 spore .", "opinions": [{"Source": [[], []], "Target": [["her"], ["16:19"]], "Polar_expression": [["ikke", "noen gnist \u00e5 spore"], ["11:15", "27:45"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-01", "text": "Maggio framst\u00e5r ikke som en vinner , men derimot som en helt ok artist .", "opinions": [{"Source": [[], []], "Target": [["Maggio"], ["0:6"]], "Polar_expression": [["framst\u00e5r ikke som en vinner"], ["7:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Maggio"], ["0:6"]], "Polar_expression": [["helt ok artist"], ["56:70"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-02", "text": "L\u00e5tene er langt fra svake , og Maggio synger heller ikke d\u00e5rlig .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["langt fra svake"], ["10:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Maggio"], ["31:37"]], "Polar_expression": [["synger heller ikke d\u00e5rlig"], ["38:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-03", "text": "Men hun fyller rett og slett ikke den store Kongescenen med sin tilstedev\u00e6relse .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["4:7"]], "Polar_expression": [["fyller rett og slett ikke den store Kongescenen med sin tilstedev\u00e6relse"], ["8:79"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-04", "text": "Musikerne hun har med seg er b\u00e5de samspilte og dyktige , men med en total mangel p\u00e5 karisma .", "opinions": [{"Source": [[], []], "Target": [["Musikerne"], ["0:9"]], "Polar_expression": [["samspilte"], ["34:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikerne"], ["0:9"]], "Polar_expression": [["dyktige"], ["47:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikerne"], ["0:9"]], "Polar_expression": [["total mangel p\u00e5 karisma"], ["68:91"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-05", "text": "Det hele er en \" snill pike-konsert \" .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["snill pike-konsert"], ["17:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001478-05-06", "text": "Veronica Maggio er ei jordn\u00e6r , s\u00f8t jente som synger pent , men utstr\u00e5ler overraskende lite entusiasme og sjarm .", "opinions": [{"Source": [[], []], "Target": [["Veronica Maggio"], ["0:15"]], "Polar_expression": [["jordn\u00e6r"], ["22:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Veronica Maggio"], ["0:15"]], "Polar_expression": [["s\u00f8t"], ["32:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Veronica Maggio"], ["0:15"]], "Polar_expression": [["synger pent"], ["46:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Veronica Maggio"], ["0:15"]], "Polar_expression": [["utstr\u00e5ler overraskende lite entusiasme og sjarm"], ["64:111"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-07", "text": "Problemet med en jordn\u00e6r konsert er at magien uteblir .", "opinions": [{"Source": [[], []], "Target": [["jordn\u00e6r konsert"], ["17:32"]], "Polar_expression": [["Problemet", "er at magien uteblir"], ["0:9", "33:53"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-08", "text": "Det er ingen sjanse for at konserten hverken tar av , eller faller sammen .", "opinions": [{"Source": [[], []], "Target": [["konserten"], ["27:36"]], "Polar_expression": [["ingen sjanse for at konserten hverken tar av , eller faller sammen"], ["7:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-05-09", "text": "Det hele utarter seg bare til \u00e5 bli en forutsigbar , men fin nok fremf\u00f8ring .", "opinions": [{"Source": [[], []], "Target": [["fremf\u00f8ring"], ["65:75"]], "Polar_expression": [["forutsigbar"], ["39:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fremf\u00f8ring"], ["65:75"]], "Polar_expression": [["fin nok"], ["57:64"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-06-01", "text": "Den skinnende , kommende popstjernen jeg s\u00e5 p\u00e5 Bl\u00e5 i Oslo for 1 1/2 \u00e5r siden er borte .", "opinions": [{"Source": [[], []], "Target": [["popstjernen"], ["25:36"]], "Polar_expression": [["skinnende"], ["4:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["popstjernen"], ["25:36"]], "Polar_expression": [["kommende"], ["16:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Den skinnende , kommende popstjernen jeg s\u00e5 p\u00e5 Bl\u00e5 i Oslo for 1 1/2 \u00e5r siden er borte"], ["0:85"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001478-06-02", "text": "P\u00e5 Slottsfjell er ikke Veronica Maggio noe annet enn ei jente med gode vokalferdigheter og en bunke stilige , Motown-inspirerte soulpop-l\u00e5ter - som rett og slett mangler gnist .", "opinions": [{"Source": [[], []], "Target": [["Veronica Maggio"], ["23:38"]], "Polar_expression": [["ikke", "annet enn ei jente med gode vokalferdigheter"], ["18:22", "43:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Veronica Maggio"], ["23:38"]], "Polar_expression": [["mangler gnist"], ["162:175"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-07-01", "text": "Maggios myke soulvokal og tidvis fengende l\u00e5ter redder den uinspirerte opptredenen fra \u00e5 bli en fadese .", "opinions": [{"Source": [[], []], "Target": [["Maggios"], ["0:7"]], "Polar_expression": [["tidvis fengende l\u00e5ter"], ["26:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Maggios"], ["0:7"]], "Polar_expression": [["myke soulvokal"], ["8:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["tidvis fengende"], ["26:41"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["opptredenen"], ["71:82"]], "Polar_expression": [["uinspirerte"], ["59:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["myke soulvokal og tidvis fengende l\u00e5ter"], ["8:47"]], "Polar_expression": [["redder den uinspirerte opptredenen fra \u00e5 bli en fadese"], ["48:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-07-02", "text": "Hun avslutter med sin desidert sterkeste l\u00e5t \" Stopp \" , en sang om kj\u00e6rlighetssorg som har en nerve og intensitet som treffer deg dypt inn i hjerterota .", "opinions": [{"Source": [[], []], "Target": [["\" Stopp \""], ["45:54"]], "Polar_expression": [["desidert sterkeste l\u00e5t"], ["22:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["60:64"]], "Polar_expression": [["nerve"], ["95:100"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["60:64"]], "Polar_expression": [["intensitet som treffer deg dypt inn i hjerterota"], ["104:152"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-07-03", "text": "Fremf\u00f8ringen p\u00e5 kveldens konsert treffer ikke like hardt som p\u00e5 plate , men den er n\u00e6re ved .", "opinions": [{"Source": [[], []], "Target": [["Fremf\u00f8ringen"], ["0:12"]], "Polar_expression": [["treffer ikke like hardt som p\u00e5 plate"], ["33:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fremf\u00f8ringen"], ["0:12"]], "Polar_expression": [["treffer ikke like hardt som p\u00e5 plate , men den er n\u00e6re ved"], ["33:91"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-07-04", "text": "Sammen med \" Gammal S\u00e5ng \" og \" 17 \u00e5r \" er den konsertens h\u00f8ydepunkt og viser fram hvilken artist som egentlig bor i Veronica Maggio .", "opinions": [{"Source": [[], []], "Target": [["den"], ["43:46"]], "Polar_expression": [["konsertens h\u00f8ydepunkt"], ["47:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["43:46"]], "Polar_expression": [["viser fram hvilken artist som egentlig bor i Veronica Maggio"], ["72:132"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-08-01", "text": "I tillegg til \u00e5 v\u00e6re en delvis kjedelig konsert , er lyden p\u00e5 Kongescenen nok en gang ullen og rar .", "opinions": [{"Source": [[], []], "Target": [["konsert"], ["40:47"]], "Polar_expression": [["delvis kjedelig"], ["24:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden p\u00e5 Kongescenen"], ["53:73"]], "Polar_expression": [["ullen"], ["86:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden p\u00e5 Kongescenen"], ["53:73"]], "Polar_expression": [["rar"], ["95:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001478-08-02", "text": "Topper du dette med Maggios usle 36 minutter p\u00e5 scenen og mangel p\u00e5 energi , er det ikke annet \u00e5 gj\u00f8re enn be Veronica Maggio pr\u00f8ve litt hardere neste gang .", "opinions": [{"Source": [[], []], "Target": [["36 minutter p\u00e5 scenen"], ["33:54"]], "Polar_expression": [["usle 36 minutter p\u00e5 scenen"], ["28:54"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Maggios"], ["20:27"]], "Polar_expression": [["mangel p\u00e5 energi"], ["58:74"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke annet \u00e5 gj\u00f8re enn be Veronica Maggio pr\u00f8ve litt hardere neste gang"], ["84:155"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302573-01-01", "text": "Dette f\u00e5r du h\u00f8re p\u00e5 Springsteens nye album", "opinions": []}, {"sent_id": "302573-02-01", "text": "Ryddet i arkivene - og fant b\u00e5de gull og gr\u00e5stein .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gull"], ["33:37"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["gr\u00e5stein"], ["41:49"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302573-02-02", "text": "\u00ab High Hopes \u00bb ble solgt ved en feiltakelse i helga .", "opinions": []}, {"sent_id": "302573-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "302573-03-02", "text": "\u00ab High Hopes \u00bb er ikke et nytt Springsteen-album , i den forstand at det best\u00e5r av nyskrevne l\u00e5ter .", "opinions": []}, {"sent_id": "302573-03-03", "text": "Det skj\u00f8nner man ogs\u00e5 fort n\u00e5r det viser seg at b\u00e5de Danny Federici og Clarence Clemons , som d\u00f8de i henholdsvis 2008 og 2011 , er med .", "opinions": []}, {"sent_id": "302573-03-04", "text": "Produsent er Ron Aniello , som ogs\u00e5 styrte innspillinga av \u00ab Wrecking Ball \u00bb ( 2012 ) .", "opinions": []}, {"sent_id": "302573-04-01", "text": "\u00ab Rasket \u00bb sammen Album nummer 18 er derimot Springsteens f\u00f8rste med bare coverl\u00e5ter , outtakes og nyinnspillinger av l\u00e5ter fra tidligere album og turneer .", "opinions": [{"Source": [[], []], "Target": [["Album nummer 18"], ["18:33"]], "Polar_expression": [["\u00ab Rasket \u00bb sammen"], ["0:17"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302573-05-01", "text": "Dette er noe man gjerne gj\u00f8r n\u00e5r man er g\u00e5tt tom for l\u00e5ter , men Springsteen forsvarer utgivelsen med at dette \u00ab er noe av det beste han har skrevet og derfor fortjener en skikkelig runde i studio \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["noe man gjerne gj\u00f8r n\u00e5r man er g\u00e5tt tom for l\u00e5ter"], ["9:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Springsteen"], ["65:76"]], "Target": [["utgivelsen"], ["87:97"]], "Polar_expression": [["noe av det beste han har skrevet"], ["116:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["Springsteen"], ["65:76"]], "Target": [["utgivelsen"], ["87:97"]], "Polar_expression": [["fortjener en skikkelig runde i studio"], ["159:196"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "302573-06-01", "text": "Derfor er det ogs\u00e5 vanskelig \u00e5 finne en felles tekstlig plattform p\u00e5 dette albumet .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["75:82"]], "Polar_expression": [["vanskelig \u00e5 finne en felles tekstlig plattform"], ["19:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302573-06-02", "text": "Mens \u00ab Wrecking Ball \u00bb var et gjennomg\u00e5ende politisk album og relativt nedtonet og snilt musikalsk , blir dette mer flakkende sjangermessig .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Wrecking Ball \u00bb"], ["5:22"]], "Polar_expression": [["gjennomg\u00e5ende politisk album"], ["30:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Wrecking Ball \u00bb"], ["5:22"]], "Polar_expression": [["relativt nedtonet og snilt musikalsk"], ["62:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dette"], ["106:111"]], "Polar_expression": [["flakkende sjangermessig"], ["116:139"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-07-01", "text": "Og mindre helhetlig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mindre helhetlig"], ["3:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302573-08-01", "text": "Norsk link", "opinions": []}, {"sent_id": "302573-08-02", "text": "Men \u00e9n ting er sikkert , Bruce Springsteen spiller bare unntaksvis inn andres l\u00e5ter .", "opinions": []}, {"sent_id": "302573-09-01", "text": "\u00c9n av nyinnspillingene er tittell\u00e5ten \u00ab High Hopes \u00bb , som ogs\u00e5 er et h\u00f8ydepunkt p\u00e5 albumet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab High Hopes \u00bb"], ["38:52"]], "Polar_expression": [["h\u00f8ydepunkt p\u00e5 albumet"], ["70:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-09-02", "text": "Litt av ei fj\u00e6r i hatten til den Oslo-bosatte amerikaneren Tim Scott McConnell , de siste \u00e5ra med artistnavnet Ledfoot , som opplever at hans l\u00e5t fra den korte tida i bandet Havalinas rundt 1990 for andre gang er spilt inn av New Jerseys store s\u00f8nn .", "opinions": []}, {"sent_id": "302573-10-01", "text": "F\u00f8rste gang var p\u00e5 dokumentarvideoen og ep-en \u00ab Blood Brothers \u00bb i 1995 .", "opinions": []}, {"sent_id": "302573-10-02", "text": "L\u00e5ten ble s\u00e5 hentet inn til noen f\u00e5 konserter i Australia under den siste turneen , og spilt inn p\u00e5 nytt , p\u00e5 oppfordring fra gitaristvikar Tom Morello ( Rage Against The Machine / Audioslave ) - som er sv\u00e6rt sentral p\u00e5 dette albumet .", "opinions": []}, {"sent_id": "302573-11-01", "text": "Morello , som er med p\u00e5 hele \u00e5tte av albumets 12 spor , ble hentet inn for \u00e5 erstatte Little Steven mens han var opptatt med \u00ab Lilyhammer \u00bb -innspilling .", "opinions": []}, {"sent_id": "302573-12-01", "text": "Fra nedtonet til rock", "opinions": []}, {"sent_id": "302573-12-02", "text": "Han er ogs\u00e5 sterkt medvirkende til at \u00ab The Ghost of Tom Joad \u00bb er blitt en helt ny l\u00e5t - og et n\u00f8kkelspor p\u00e5 godt og vondt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Ghost of Tom Joad \u00bb"], ["38:63"]], "Polar_expression": [["blitt en helt ny l\u00e5t", "godt"], ["67:87", "110:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Ghost of Tom Joad \u00bb"], ["38:63"]], "Polar_expression": [["blitt en helt ny l\u00e5t", "vondt"], ["67:87", "118:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-12-03", "text": "Fra den nedtonede versjonen p\u00e5 det Woody Guthrie-inspirerte albumet med samme navn fra 1995 er den fyrt opp til \u00e5 bli dette albumets mest rocka og br\u00e5kete l\u00e5t , over sju minutter med mye gitar - og dessuten vokal - fra Morello , som for \u00f8vrig ogs\u00e5 har spilt denne sangen live og p\u00e5 plate med Rage Against The Machine .", "opinions": []}, {"sent_id": "302573-13-01", "text": "Det er riktignok ganske befriende \u00e5 h\u00f8re den som en solid utbl\u00e5sning , og Morello kj\u00f8rer virkelig showet s\u00e5 langt at han nesten letter .", "opinions": [{"Source": [[], []], "Target": [["den"], ["41:44"]], "Polar_expression": [["befriende \u00e5 h\u00f8re den som en solid utbl\u00e5sning"], ["24:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Morello"], ["74:81"]], "Polar_expression": [["kj\u00f8rer virkelig showet s\u00e5 langt at han nesten letter"], ["82:134"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-13-02", "text": "Men det voldsomme tr\u00f8kket klarer ikke \u00e5 erstatte den stille kraften fra den akustiske originalversjonen .", "opinions": [{"Source": [[], []], "Target": [["det voldsomme tr\u00f8kket"], ["4:25"]], "Polar_expression": [["klarer ikke \u00e5 erstatte den stille kraften fra den akustiske originalversjonen"], ["26:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den akustiske originalversjonen"], ["72:103"]], "Polar_expression": [["det voldsomme tr\u00f8kket klarer ikke \u00e5 erstatte den stille kraften"], ["4:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-14-01", "text": "Politiskuddene Ogs\u00e5 \u00ab American Skin ( 41 Shots ) \u00bb , opprinnelig fra \u00ab Live In New York City \u00bb ( 2001 ) har f\u00e5tt en annen innpakning .", "opinions": []}, {"sent_id": "302573-14-02", "text": "Protesten mot politiskuddene som drepte Amadou Diallo i 1999 og som fikk ny aktualitet med drapet p\u00e5 Trayvon Martin i 2012 har kanskje mistet noe av styrken , men har f\u00e5tt atskillig mer energi i denne nye versjonen .", "opinions": [{"Source": [[], []], "Target": [["Protesten"], ["0:9"]], "Polar_expression": [["mistet noe av styrken"], ["135:156"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["nye versjonen"], ["201:214"]], "Polar_expression": [["f\u00e5tt atskillig mer energi"], ["167:192"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-15-01", "text": "\u00ab Just Like Fire Would \u00bb , en cover av den australske punkgruppa The Saints' l\u00e5t fra 1986 , er blitt et fengende spor med bl\u00e5sere - og en veldig tydelig E Street Band-innpakning , slik vi ofte h\u00f8rte dem under den siste lange turneen i 2012 og 2013 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Just Like Fire Would \u00bb"], ["0:24"]], "Polar_expression": [["fengende spor"], ["104:117"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-16-01", "text": "\u00ab Harry's Place \u00bb , opprinnelig spilt inn for \u00ab The Rising \u00bb ( 2002 ) , er en litt annerledes , lettere suggererende \u00ab snakkel\u00e5t \u00bb med fresende gitarer , mens \u00ab This Is Your Sword \u00bb er dette albumets keltiske fl\u00f8rt .", "opinions": []}, {"sent_id": "302573-17-01", "text": "Midt p\u00e5 treet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Midt p\u00e5 treet"], ["0:13"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302573-17-02", "text": "Mer midt p\u00e5 treet er \u00ab Down In The Hole \u00bb ( som minner litt for mye om \u00ab I'm On Fire \u00bb ) og gospelaktige \u00ab Heaven's Wall \u00bb , spilt inn i perioden 2002 - 2008 , samt \u00ab Frankie Fell In Love \u00bb og sm\u00e5tt pomp\u00f8se \u00ab Dream Baby Dream \u00bb ( Suicide-cover ) , mens det er mer overraskende at finfine , dempede l\u00e5ter som \u00ab Hunter Of Invisible Game \u00bb og ikke minst vare \u00ab The Wall \u00bb , til minne om en New Jersey-musiker som ikke kom hjem fra Vietnam , ikke har n\u00e5dd albumformatet tidligere .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Dream Baby Dream \u00bb"], ["207:227"]], "Polar_expression": [["midt p\u00e5 treet"], ["4:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Frankie Fell In Love \u00bb"], ["165:189"]], "Polar_expression": [["midt p\u00e5 treet"], ["4:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Heaven's Wall \u00bb"], ["105:122"]], "Polar_expression": [["midt p\u00e5 treet"], ["4:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Down In The Hole \u00bb"], ["21:41"]], "Polar_expression": [["midt p\u00e5 treet"], ["4:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Down In The Hole \u00bb"], ["21:41"]], "Polar_expression": [["minner litt for mye om \u00ab I'm On Fire \u00bb"], ["48:86"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Dream Baby Dream \u00bb"], ["207:227"]], "Polar_expression": [["sm\u00e5tt pomp\u00f8se"], ["193:206"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hunter Of Invisible Game \u00bb"], ["308:336"]], "Polar_expression": [["finfine"], ["280:287"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Wall \u00bb"], ["356:368"]], "Polar_expression": [["finfine"], ["280:287"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302573-18-01", "text": "\u00ab High Hopes \u00bb var tilgjengelig i MP3-format p\u00e5 Amazon en kort periode i helga , men er i ordin\u00e6rt salg fra 13. januar .", "opinions": []}, {"sent_id": "202601-01-01", "text": "Samsung Wave II S8530", "opinions": []}, {"sent_id": "202601-02-01", "text": "Bada-mobilen er \" oppgradert \" , men sp\u00f8rsm\u00e5let er om Samsungs eget operativsystem vil bli en suksess .", "opinions": [{"Source": [[], []], "Target": [["Bada-mobilen"], ["0:12"]], "Polar_expression": [["\" oppgradert \""], ["16:30"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Bada-mobilen"], ["0:12"]], "Polar_expression": [["vil bli en suksess", "sp\u00f8rsm\u00e5let er om"], ["83:101", "37:53"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-03-01", "text": "Det er et halvt \u00e5r siden vi testet Samsung Wave S8500 ; en telefon vi var ganske godt forn\u00f8yde med", "opinions": [{"Source": [["vi"], ["67:69"]], "Target": [["Samsung Wave S8500"], ["35:53"]], "Polar_expression": [["ganske godt forn\u00f8yde"], ["74:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-04-01", "text": "Selv om Wave II er st\u00f8rre enn forgjengeren , er lite forandret ved selve designen , og telefonen fremst\u00e5r fortsatt som en delikat sak , med stor skjerm og fine knappel\u00f8sninger , selv om den f\u00f8les noen millimeter un\u00f8dig h\u00f8y .", "opinions": [{"Source": [[], []], "Target": [["Wave II"], ["8:15"]], "Polar_expression": [["noen millimeter un\u00f8dig h\u00f8y"], ["196:222"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Wave II"], ["8:15"]], "Polar_expression": [["delikat"], ["122:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skjerm"], ["145:151"]], "Polar_expression": [["stor"], ["140:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["knappel\u00f8sninger"], ["160:175"]], "Polar_expression": [["fine"], ["155:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wave II"], ["8:15"]], "Polar_expression": [["fine knappel\u00f8sninger"], ["155:175"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Wave II"], ["8:15"]], "Polar_expression": [["stor skjerm"], ["140:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-05-01", "text": "Wave II er heller ikke veldig forskjellig fra den f\u00f8rste Wave-telefonen n\u00e5r det gjelder innmat .", "opinions": []}, {"sent_id": "202601-05-02", "text": "Det er f\u00f8rst og fremst skjermen som er blitt st\u00f8rre , der st\u00f8rrelsen er \u00f8kt fra 3,3 \" til 3,7 \" .", "opinions": []}, {"sent_id": "202601-05-03", "text": "Det gj\u00f8r ogs\u00e5 at telefonen har blitt st\u00f8rre enn tidligere ( 5mm lengre , 4mm bredere og 1mm tykkere ) og ogs\u00e5 veier mer ( 135g vs 116g ) .", "opinions": []}, {"sent_id": "202601-06-01", "text": "Forgjengeren hadde ogs\u00e5 en Super AMOLED-skjerm som vi var sv\u00e6rt forn\u00f8yde med , med sv\u00e6rt god fargemetning og h\u00f8y kontrast , men denne har blitt erstattet med en s\u00e5kalt Super LCD-skjerm , som gj\u00f8r at Wave II ikke stikker seg like mye ut i mengden som forgjengeren , men som vi allikevel opplever som meget god .", "opinions": [{"Source": [["vi"], ["51:53"]], "Target": [["Super AMOLED-skjerm"], ["27:46"]], "Polar_expression": [["sv\u00e6rt forn\u00f8yde"], ["58:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["51:53"]], "Target": [["Forgjengeren"], ["0:12"]], "Polar_expression": [["Super AMOLED-skjerm", "sv\u00e6rt forn\u00f8yde"], ["27:46", "58:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["51:53"]], "Target": [["fargemetning"], ["93:105"]], "Polar_expression": [["sv\u00e6rt god"], ["83:92"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["51:53"]], "Target": [["Super AMOLED-skjerm"], ["27:46"]], "Polar_expression": [["sv\u00e6rt god fargemetning"], ["83:105"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["51:53"]], "Target": [["kontrast"], ["113:121"]], "Polar_expression": [["h\u00f8y"], ["109:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["51:53"]], "Target": [["Super AMOLED-skjerm"], ["27:46"]], "Polar_expression": [["h\u00f8y kontrast"], ["109:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["273:275"]], "Target": [["Super LCD-skjerm"], ["168:184"]], "Polar_expression": [["meget god"], ["299:308"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["273:275"]], "Target": [["Wave II"], ["199:206"]], "Polar_expression": [["ikke stikker seg like mye ut i mengden som forgjengeren"], ["207:262"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["273:275"]], "Target": [["forgjengeren"], ["250:262"]], "Polar_expression": [["Wave II ikke stikker seg like mye ut i mengden som"], ["199:249"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["273:275"]], "Target": [["Wave II"], ["199:206"]], "Polar_expression": [["meget god", "Super LCD-skjerm"], ["299:308", "168:184"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-07-01", "text": "Sortniv\u00e5et er imidlertid ikke like m\u00f8rkt som Super AMOLED-skjermen p\u00e5 f.eks . Samsung Omnia 7 ( test rett rundt hj\u00f8rnet ) , og side om side ser vi en klar kvalitetsforskjell p\u00e5 det punktet .", "opinions": [{"Source": [[], []], "Target": [["Sortniv\u00e5et"], ["0:10"]], "Polar_expression": [["ikke like m\u00f8rkt som Super AMOLED-skjermen"], ["25:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-08-01", "text": "Presis skjerm", "opinions": [{"Source": [[], []], "Target": [["skjerm"], ["7:13"]], "Polar_expression": [["Presis"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-09-01", "text": "Samsung-skjermen oppleves uansett som presis med tanke p\u00e5 ber\u00f8ringsf\u00f8lsomhet , og det er sv\u00e6rt sjelden vi opplever \u00e5 trykke feil .", "opinions": [{"Source": [["vi"], ["103:105"]], "Target": [["ber\u00f8ringsf\u00f8lsomhet"], ["58:76"]], "Polar_expression": [["presis"], ["38:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["103:105"]], "Target": [["Samsung-skjermen"], ["0:16"]], "Polar_expression": [["presis med tanke p\u00e5 ber\u00f8ringsf\u00f8lsomhet"], ["38:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["103:105"]], "Target": [["ber\u00f8ringsf\u00f8lsomhet"], ["58:76"]], "Polar_expression": [["sv\u00e6rt sjelden vi opplever \u00e5 trykke feil"], ["89:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["103:105"]], "Target": [["Samsung-skjermen"], ["0:16"]], "Polar_expression": [["ber\u00f8ringsf\u00f8lsomhet", "sv\u00e6rt sjelden vi opplever \u00e5 trykke feil"], ["58:76", "89:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-09-02", "text": "P\u00e5 baksiden liker vi godt hvordan Samsung har l\u00f8st l\u00e5semekanismen for batteriluken , der du m\u00e5 skyve p\u00e5 en bryter for \u00e5 f\u00e5 lokket til \u00e5 \u00e5pne seg , men der bryteren er solid nok til at du ikke gj\u00f8r det ved et uhell ; faktisk mer solid enn hva tilfellet er p\u00e5 selskapets Omnia 7-telefon .", "opinions": [{"Source": [["vi"], ["18:20"]], "Target": [["l\u00e5semekanismen for batteriluken"], ["51:82"]], "Polar_expression": [["liker vi godt"], ["12:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["18:20"]], "Target": [["bryteren"], ["155:163"]], "Polar_expression": [["solid nok"], ["167:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["18:20"]], "Target": [["l\u00e5semekanismen for batteriluken"], ["51:82"]], "Polar_expression": [["bryteren er solid nok"], ["155:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["18:20"]], "Target": [["Omnia 7-telefon"], ["269:284"]], "Polar_expression": [["bryteren", "mer solid enn"], ["155:163", "224:237"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["18:20"]], "Target": [["bryteren"], ["155:163"]], "Polar_expression": [["mer solid enn", "Omnia 7-telefon"], ["224:237", "269:284"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-09-03", "text": "Minnekortet ligger gjemt bak batteriet og kan derfor ikke byttes med mindre telefonen sl\u00e5s helt av .", "opinions": [{"Source": [[], []], "Target": [["Minnekortet"], ["0:11"]], "Polar_expression": [["kan derfor ikke byttes med mindre telefonen sl\u00e5s helt av"], ["42:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-10-01", "text": "Ellers er lite forandret fra den f\u00f8rste telefonen - de har like rask prosessor , de samme kameramulighetene ( 5Mp stillbilder , 720p video ) og like mye internminne etc.", "opinions": [{"Source": [[], []], "Target": [["prosessor"], ["69:78"]], "Polar_expression": [["like rask"], ["59:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kameramulighetene"], ["90:107"]], "Polar_expression": [["samme", "5Mp stillbilder , 720p video"], ["84:89", "110:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["internminne"], ["153:164"]], "Polar_expression": [["like mye"], ["144:152"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-10-02", "text": "Faktisk er ogs\u00e5 oppl\u00f8sningen p\u00e5 skjermen den samme ( 480x800 ) , selv om st\u00f8rrelsen har \u00f8kt .", "opinions": [{"Source": [[], []], "Target": [["oppl\u00f8sningen"], ["16:28"]], "Polar_expression": [["Faktisk", "samme ( 480x800 ) , selv om st\u00f8rrelsen har \u00f8kt"], ["0:7", "45:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-11-01", "text": "Dedikert kameraknapp", "opinions": []}, {"sent_id": "202601-12-01", "text": "Vi setter spesielt pris p\u00e5 den dedikerte kameraknappen , som riktignok har v\u00e6rt vanlig p\u00e5 mobiltelefoner i lang tid , men som faktisk ikke veldig mange smarttelefoner kan by p\u00e5 .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["dedikerte kameraknappen"], ["31:54"]], "Polar_expression": [["setter spesielt pris p\u00e5"], ["3:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-12-02", "text": "Holder du denne inne noen tideler , startes kameraapplikasjonen uansett hvor du m\u00e5tte befinne deg , og den brukes ogs\u00e5 som utl\u00f8serknapp for \u00e5 ta bilder .", "opinions": [{"Source": [[], []], "Target": [["denne"], ["10:15"]], "Polar_expression": [["Holder du denne inne noen tideler , startes kameraapplikasjonen uansett"], ["0:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["den"], ["103:106"]], "Polar_expression": [["brukes ogs\u00e5 som utl\u00f8serknapp for \u00e5 ta bilder"], ["107:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-12-03", "text": "Bildeeksempler f\u00e5r du se lenger ned i testen .", "opinions": []}, {"sent_id": "202601-13-01", "text": "Kameraapplikasjonen er ogs\u00e5 meget godt utf\u00f8rt , der ikoner p\u00e5 sidene gir deg mulighet til \u00e5 stille p\u00e5 hvitbalanse , eksponeringskompensasjon , blitsbruk etc.", "opinions": [{"Source": [[], []], "Target": [["Kameraapplikasjonen"], ["0:19"]], "Polar_expression": [["meget godt utf\u00f8rt"], ["28:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-13-02", "text": "- alt veldig lettvint og kjapt \u00e5 endre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["veldig lettvint"], ["6:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjapt \u00e5 endre"], ["25:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-14-01", "text": "Fremdeles setter liker vi ogs\u00e5 l\u00f8sningen Samsung har laget p\u00e5 micro USB-uttaket , der et ekstra lokk beskytter USB-porten n\u00e5r denne ikke er i bruk .", "opinions": [{"Source": [["vi"], ["23:25"]], "Target": [["micro USB-uttaket"], ["62:79"]], "Polar_expression": [["liker"], ["17:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["23:25"]], "Target": [["micro USB-uttaket"], ["62:79"]], "Polar_expression": [["ekstra lokk beskytter USB-porten"], ["89:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-14-02", "text": "Etter \u00e5 ha g\u00e5tt med en smartmobil ( og alltid bare det ) i venstre bukselomme i noen \u00e5r n\u00e5 , kan jeg skrive under p\u00e5 at det etter hvert kan samles litt lo i en slik port .", "opinions": [{"Source": [["jeg"], ["97:100"]], "Target": [["slik port"], ["160:169"]], "Polar_expression": [["etter hvert kan samles litt lo"], ["124:154"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-15-01", "text": "Av og p\u00e5-bryteren er ogs\u00e5 plassert p\u00e5 siden av telefonen i likhet med flere andre Samsung-telefoner , noe som er litt uvant , siden de aller fleste konkurrentene har den plassert p\u00e5 toppen .", "opinions": [{"Source": [[], []], "Target": [["Av og p\u00e5-bryteren"], ["0:17"]], "Polar_expression": [["litt uvant"], ["113:123"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-15-02", "text": "Underveis inns\u00e5 vi at dette faktisk var en ganske god plassering n\u00e5r du holder telefonen i \u00e9n h\u00e5nd , siden knappen da er plassert direkte p\u00e5 fingeren uten at du trenger \u00e5 endre grep .", "opinions": [{"Source": [["vi"], ["16:18"]], "Target": [["knappen"], ["107:114"]], "Polar_expression": [["faktisk var en ganske god plassering"], ["28:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-16-01", "text": "Nederst p\u00e5 forsiden finnes tre knapper ; en som legger p\u00e5 eller lukker aktivt program , en som \u00e5pner app-menyen og en som viser aktivitetsloggen , men som tilsynelatende kun fungerer n\u00e5r du ser hjemmeskjermen .", "opinions": [{"Source": [[], []], "Target": [["knapper", "viser aktivitetsloggen"], ["31:38", "122:144"]], "Polar_expression": [["tilsynelatende kun fungerer n\u00e5r du ser hjemmeskjermen"], ["155:208"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-16-02", "text": "Etter \u00e5 ha pr\u00f8vd en del Android-telefoner synes vi godt at denne knappen kunne ha v\u00e6rt en universell tilbake-knapp .", "opinions": [{"Source": [["vi"], ["48:50"]], "Target": [["knappen"], ["65:72"]], "Polar_expression": [["kunne ha v\u00e6rt en universell tilbake-knapp"], ["73:114"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-17-01", "text": "I bruk", "opinions": []}, {"sent_id": "202601-18-01", "text": "Undertegnede hadde ikke pr\u00f8vd en Bada-telefon f\u00f8r denne modellen , men opplever Bada-systemet som lett \u00e5 sette seg inn i om du har litt erfaring med smarttelefoner fra f\u00f8r ( ogs\u00e5 denne telefonen har Samsungs Touchwiz-grensesnitt som de ogs\u00e5 har p\u00e5 Android-telefonene ) .", "opinions": [{"Source": [["Undertegnede"], ["0:12"]], "Target": [["Bada-systemet"], ["80:93"]], "Polar_expression": [["lett \u00e5 sette seg inn i"], ["98:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-19-01", "text": "Grensesnittet er pent utf\u00f8rt med god fargebruk , tydelig skrift og gjennomg\u00e5ende store ikoner slik at du slipper \u00e5 sikte .", "opinions": [{"Source": [[], []], "Target": [["Grensesnittet"], ["0:13"]], "Polar_expression": [["pent utf\u00f8rt"], ["17:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grensesnittet"], ["0:13"]], "Polar_expression": [["god fargebruk"], ["33:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grensesnittet"], ["0:13"]], "Polar_expression": [["tydelig skrift"], ["49:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grensesnittet"], ["0:13"]], "Polar_expression": [["gjennomg\u00e5ende store ikoner"], ["67:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-19-02", "text": "Hjemmeskjermen er delt opp p\u00e5 samme m\u00e5te som p\u00e5 Android , der bakgrunnsbildet beveger seg bittelitt n\u00e5r du sveiper til sidene .", "opinions": []}, {"sent_id": "202601-19-03", "text": "Det er ogs\u00e5 lett \u00e5 organisere hjemmeskjermene , legge til og fjerne etc. ved \u00e5 legge telefonen i landskapsmodus .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["85:94"]], "Polar_expression": [["lett \u00e5 organisere hjemmeskjermene", "i landskapsmodus"], ["12:45", "95:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-20-01", "text": "Stort sett er applikasjonene ogs\u00e5 standardiserte slik at du nederst til venstre finner en knapp for \" ok \" , \" s\u00f8k \" , \" neste \" etc , mens nederst til h\u00f8yre har \" tilbake \" , \" avbryt \" og s\u00e5 videre .", "opinions": [{"Source": [[], []], "Target": [["applikasjonene"], ["14:28"]], "Polar_expression": [["Stort sett", "standardiserte"], ["0:10", "34:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-20-02", "text": "Dog strider det litt med hva som f\u00f8les naturlig , der de i hvert fall i v\u00e5re \u00f8yne burde ha v\u00e6rt byttet om , og s\u00e5 finnes det enkelte uregelmessigheter slik at en send-knapp blir til slett-knapp p\u00e5 neste skjermbilde , s\u00e5 det gjelder \u00e5 f\u00f8lge med .", "opinions": [{"Source": [["v\u00e5re"], ["72:76"]], "Target": [[], []], "Polar_expression": [["strider det litt med hva som f\u00f8les naturlig"], ["4:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["v\u00e5re"], ["72:76"]], "Target": [[], []], "Polar_expression": [["burde ha v\u00e6rt byttet om"], ["82:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["enkelte uregelmessigheter"], ["125:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-21-01", "text": "Den presise skjermen g\u00e5r at Bada-tastaturet er godt \u00e5 skrive p\u00e5 , og det har ogs\u00e5 Swype-lignende funksjonalitet ( Nuance T9 Trace ) der du bare kan dra fingeren over bokstavene i ordet uten \u00e5 slippe dem , selv om vi har inntrykk av at Swype ( Android-applikasjon ) er flinkere til \u00e5 finne de riktige ordene i ordlista .", "opinions": [{"Source": [["vi"], ["213:215"]], "Target": [["skjermen"], ["12:20"]], "Polar_expression": [["presise"], ["4:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["213:215"]], "Target": [["Bada-tastaturet"], ["28:43"]], "Polar_expression": [["godt \u00e5 skrive p\u00e5"], ["47:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["213:215"]], "Target": [["Nuance T9 Trace"], ["114:129"]], "Polar_expression": [["Swype ( Android-applikasjon ) er flinkere til \u00e5 finne de riktige ordene i ordlista"], ["235:317"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["213:215"]], "Target": [["Swype ( Android-applikasjon )"], ["235:264"]], "Polar_expression": [["Nuance T9 Trace", "flinkere til \u00e5 finne de riktige ordene i ordlista"], ["114:129", "268:317"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-22-01", "text": "Som med en del Android-telefoner f\u00e5r du ogs\u00e5 s\u00e5kalt tactile feedback , slik at telefonen vibrerer litt hver gang du trykker p\u00e5 en knapp .", "opinions": []}, {"sent_id": "202601-22-02", "text": "Vibreringen fra Samsung Wave II er ogs\u00e5 , i mangel p\u00e5 et bedre ord , tight og kjennes i h\u00e5nda uten at telefonen br\u00e5ker .", "opinions": [{"Source": [[], []], "Target": [["Vibreringen"], ["0:11"]], "Polar_expression": [["tight"], ["69:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vibreringen"], ["0:11"]], "Polar_expression": [["kjennes i h\u00e5nda uten at telefonen br\u00e5ker"], ["78:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Samsung Wave II"], ["16:31"]], "Polar_expression": [["Vibreringen", "tight"], ["0:11", "69:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Samsung Wave II"], ["16:31"]], "Polar_expression": [["Vibreringen", "kjennes i h\u00e5nda uten at telefonen br\u00e5ker"], ["0:11", "78:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-22-03", "text": "Dog har den ogs\u00e5 sin ulempe ved at den ikke er like merkbar n\u00e5r telefonen ligger i lomma og du f\u00e5r en tekstmelding e.l.", "opinions": [{"Source": [[], []], "Target": [["den"], ["8:11"]], "Polar_expression": [["ulempe", "ikke er like merkbar n\u00e5r telefonen ligger i lomma"], ["21:27", "39:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["telefonen"], ["64:73"]], "Polar_expression": [["den", "ulempe", "ikke er like merkbar n\u00e5r telefonen ligger i lomma"], ["8:11", "21:27", "39:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-23-01", "text": "Gode applikasjoner f\u00f8lger med", "opinions": [{"Source": [[], []], "Target": [["applikasjoner"], ["5:18"]], "Polar_expression": [["Gode"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-24-01", "text": "Applikasjonene Samsung har laget selv ser ogs\u00e5 veldig pene ut og gir en innbydende opplevelse av telefonen .", "opinions": [{"Source": [[], []], "Target": [["Applikasjonene Samsung har laget selv"], ["0:37"]], "Polar_expression": [["ser ogs\u00e5 veldig pene ut"], ["38:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["innbydende opplevelse"], ["72:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["telefonen"], ["97:106"]], "Polar_expression": [["Applikasjonene Samsung har laget selv ser ogs\u00e5 veldig pene ut"], ["0:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefonen"], ["97:106"]], "Polar_expression": [["Applikasjonene Samsung har laget selv", "innbydende opplevelse"], ["0:37", "72:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-24-02", "text": "Rett ut av esken f\u00e5r du ogs\u00e5 godt med funksjonalitet , som aksesspunkt-mulighet der telefonen fungerer som en WiFi-ruter og bruker mobilnettet for nettilgang for opp til tre andre enheter , noe som for \u00f8vrig er tilgjengelig p\u00e5 Android ( fra v2.2 og oppover ) , samt den kommende utgaven av iOS .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["84:93"]], "Polar_expression": [["Rett ut av esken f\u00e5r du ogs\u00e5 godt med funksjonalitet"], ["0:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-25-01", "text": "Videospilleren fungerer meget godt og st\u00f8tter b\u00e5de Divx og .mkv-filer rett ut av boksen ; ogs\u00e5 med st\u00f8tte for undertekster .", "opinions": [{"Source": [[], []], "Target": [["Videospilleren"], ["0:14"]], "Polar_expression": [["fungerer meget godt"], ["15:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Videospilleren"], ["0:14"]], "Polar_expression": [["st\u00f8tter b\u00e5de Divx og .mkv-filer"], ["38:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Videospilleren"], ["0:14"]], "Polar_expression": [["st\u00f8tte for undertekster"], ["99:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-25-02", "text": "Musikkspilleren er ogs\u00e5 pent utf\u00f8rt , og en praktisk ting er at l\u00e5seskjermen inneholder avspillingskontrollere dersom du spiller musikk og l\u00e5ser telefonen , slik at f.eks . kan hoppe til neste sang direkte fra l\u00e5seskjermen .", "opinions": [{"Source": [[], []], "Target": [["Musikkspilleren"], ["0:15"]], "Polar_expression": [["pent utf\u00f8rt"], ["24:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5seskjermen"], ["64:76"]], "Polar_expression": [["praktisk", "inneholder avspillingskontrollere"], ["44:52", "77:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-25-03", "text": "I tillegg f\u00e5r du med musikkgjenkjenning , muligheter for spillelister , favoritter etc. , men ingen mulighet for \u00e5 hente cover-grafikk p\u00e5 nettet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["I tillegg f\u00e5r du med musikkgjenkjenning , muligheter for spillelister , favoritter etc."], ["0:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen mulighet for \u00e5 hente cover-grafikk p\u00e5 nettet"], ["94:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-25-04", "text": "Fra musikkspilleren kan du ogs\u00e5 sette en sang direkte som ringetone ( gjerne p\u00e5 \u00e9n kontakt om du vil ) , alarmlyd , sms-tone etc.", "opinions": [{"Source": [[], []], "Target": [["musikkspilleren"], ["4:19"]], "Polar_expression": [["kan du ogs\u00e5 sette en sang direkte som ringetone"], ["20:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["musikkspilleren"], ["4:19"]], "Polar_expression": [["kan du ogs\u00e5 sette en sang direkte som", "alarmlyd"], ["20:57", "105:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikkspilleren"], ["4:19"]], "Polar_expression": [["kan du ogs\u00e5 sette en sang direkte som", "sms-tone"], ["20:57", "116:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-26-01", "text": "Positivt er det ogs\u00e5 at telefonen kan kobles til datamaskinen som en masslagringsenhet , slik at du bare kan kopiere over filmer , musikk og bilder som om den var en vanlig minneplugg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Positivt", "kan kobles til datamaskinen som en masslagringsenhet"], ["0:8", "34:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-26-02", "text": "Dog er det litt knotete at du m\u00e5 huske \u00e5 aktivere dette f\u00f8r du kobler telefonen til PC-en .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["70:79"]], "Polar_expression": [["litt knotete"], ["11:23"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-27-01", "text": "En del irritasjoner", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En del irritasjoner"], ["0:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-28-01", "text": "Dog er det to ting ved Bada som er problematisk :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["to", "problematisk"], ["11:13", "35:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-29-01", "text": "*", "opinions": []}, {"sent_id": "202601-29-02", "text": "En god del irritasjonsmomenter i programvaren", "opinions": [{"Source": [[], []], "Target": [["programvaren"], ["33:45"]], "Polar_expression": [["En god del irritasjonsmomenter"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-29-03", "text": "* D\u00e5rlig st\u00f8tte fra tredjeparter", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["D\u00e5rlig st\u00f8tte fra tredjeparter"], ["2:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-30-01", "text": "Tar vi irritasjonsmomentene f\u00f8rst , er det flere av dem .", "opinions": [{"Source": [["vi"], ["4:6"]], "Target": [[], []], "Polar_expression": [["irritasjonsmomentene", "flere"], ["7:27", "43:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-30-02", "text": "Her er noen eksempler ( og det finnes flere ) :", "opinions": []}, {"sent_id": "202601-31-01", "text": "Stadig mas om WiFi-oppkobling", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stadig mas"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-31-02", "text": "- Nesten hver gang vi tar i bruk datanettet , f\u00e5r vi sp\u00f8rsm\u00e5l om \u00e5 koble oss p\u00e5 et WLAN dersom det er noe tilgjengelig , selv om vi har fin 3G-dekning .", "opinions": [{"Source": [["vi"], ["19:21"]], "Target": [[], []], "Polar_expression": [["Nesten hver gang", "sp\u00f8rsm\u00e5l om \u00e5 koble oss p\u00e5 et WLAN"], ["2:18", "53:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-31-03", "text": "\u00c5 starte Samsung Apps ( Samsungs app store ) gj\u00f8r at vi f\u00e5r sp\u00f8rsm\u00e5l om vi vil koble oss p\u00e5 et WLAN ( faktisk to ganger ) , og det samme gjelder n\u00e5r man starter nettleseren , Facebook eller andre ting ( trykk p\u00e5 \" refresh \" og du f\u00e5r sp\u00f8rsm\u00e5let enda en gang ) .", "opinions": [{"Source": [["vi"], ["53:55"]], "Target": [[], []], "Polar_expression": [["starte Samsung Apps", "sp\u00f8rsm\u00e5l om vi vil koble oss p\u00e5 et WLAN ( faktisk to ganger )"], ["2:21", "60:121"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [[], []], "Polar_expression": [["samme gjelder n\u00e5r man starter nettleseren , Facebook eller andre ting"], ["131:200"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [[], []], "Polar_expression": [["trykk p\u00e5 \" refresh \" og du f\u00e5r sp\u00f8rsm\u00e5let enda en gang"], ["203:257"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-31-04", "text": "Til tross for dypdykk i menyene har vi ikke klart \u00e5 finne noe som forhindrer dette , utover \u00e5 sl\u00e5 av WiFi.Sikkerhetsmekanismen har ingen timer", "opinions": [{"Source": [["vi"], ["36:38"]], "Target": [[], []], "Polar_expression": [["dypdykk i menyene", "ikke klart \u00e5 finne noe som forhindrer dette"], ["14:31", "39:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["36:38"]], "Target": [[], []], "Polar_expression": [["ingen timer"], ["131:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-31-05", "text": "- B\u00e5de p\u00e5 Android og iOS \" husker \" telefonen at du er logget inn i X antall minutter selv om skjermen slukker .", "opinions": [{"Source": [[], []], "Target": [["Android"], ["10:17"]], "Polar_expression": [["\" husker \" telefonen at du er logget inn i X antall minutter"], ["25:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["iOS"], ["21:24"]], "Polar_expression": [["\" husker \" telefonen at du er logget inn i X antall minutter"], ["25:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-31-06", "text": "P\u00e5 Bada-plattformen m\u00e5 du taste inn sikkerhetskoden hver gang skjermen har slukket.Nettleseren ( Dolfin Browser [ sic ] ) komprimerer bilder", "opinions": [{"Source": [[], []], "Target": [["Bada-plattformen"], ["3:19"]], "Polar_expression": [["m\u00e5 du taste inn sikkerhetskoden hver gang"], ["20:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Dolfin Browser"], ["97:111"]], "Polar_expression": [["komprimerer bilder"], ["122:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-31-07", "text": "- Dette gj\u00f8r selvsagt at den ikke trenger \u00e5 laste ned like mye data , men vi finner ingen mulighet for \u00e5 sl\u00e5 det av ; ei heller om du er koblet p\u00e5 WiFi .", "opinions": [{"Source": [["vi"], ["74:76"]], "Target": [["den"], ["25:28"]], "Polar_expression": [["ikke trenger \u00e5 laste ned like mye data"], ["29:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["74:76"]], "Target": [["den"], ["25:28"]], "Polar_expression": [["finner ingen mulighet for \u00e5 sl\u00e5 det av"], ["77:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-31-08", "text": "Det gj\u00f8r at nettsider ikke ser like innbydende ut som p\u00e5 andre plattformer , som du ser eksempel p\u00e5 under :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nettsider ikke ser like innbydende ut som p\u00e5 andre plattformer"], ["12:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["andre plattformer"], ["57:74"]], "Polar_expression": [["nettsider ikke ser like innbydende ut"], ["12:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-32-01", "text": "I tillegg er Bada-st\u00f8tten d\u00e5rlig p\u00e5 nettsteder .", "opinions": [{"Source": [[], []], "Target": [["Bada-st\u00f8tten"], ["13:25"]], "Polar_expression": [["d\u00e5rlig p\u00e5 nettsteder"], ["26:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-32-02", "text": "P\u00e5 de fleste av de store norske nettstedene f\u00e5r du fullversjonen , og ikke mobilversjonen av nettstedet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fleste av de store norske nettstedene f\u00e5r du fullversjonen"], ["6:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-32-03", "text": "Det er selvsagt ikke noe Samsung og Bada skal klandres for , men illustrerer allikevel manglende st\u00f8tte fra tredjeparter .", "opinions": [{"Source": [[], []], "Target": [["Bada"], ["36:40"]], "Polar_expression": [["manglende st\u00f8tte fra tredjeparter"], ["87:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-33-01", "text": "Nettleseren skalerer heller ikke sidene godt dersom du dobbeltklikker p\u00e5 et avsnitt , og skrolling til sidene blir derfor n\u00f8dvendig .", "opinions": [{"Source": [[], []], "Target": [["Nettleseren"], ["0:11"]], "Polar_expression": [["skalerer heller ikke sidene godt"], ["12:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-33-02", "text": "Dette klagde vi ogs\u00e5 p\u00e5 da vi testet Samsung Wave , uten at det er blitt fikset i versjon 1.2 av operativsystemet ( som Wave II gis ut med ) .", "opinions": [{"Source": [["vi"], ["13:15"]], "Target": [["Samsung Wave"], ["37:49"]], "Polar_expression": [["klagde"], ["6:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["versjon 1.2 av operativsystemet"], ["82:113"]], "Polar_expression": [["uten at det er blitt fikset"], ["52:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["Wave II"], ["120:127"]], "Polar_expression": [["uten at det er blitt fikset i versjon 1.2 av operativsystemet"], ["52:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-34-01", "text": "Uheldigvis for Samsung virker det ikke som om Bada har f\u00e5tt noe fotfeste blant utviklere enn\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Bada"], ["46:50"]], "Polar_expression": [["Uheldigvis", "ikke", "noe fotfeste blant utviklere enn\u00e5"], ["0:10", "34:38", "60:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-34-02", "text": "Deres App", "opinions": []}, {"sent_id": "202601-34-03", "text": "Store teller fortsatt bare et firesifret antall apps , og det er mye som mangler .", "opinions": [{"Source": [[], []], "Target": [["Store"], ["0:5"]], "Polar_expression": [["bare et firesifret antall apps"], ["22:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Store"], ["0:5"]], "Polar_expression": [["mye som mangler"], ["65:80"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-34-04", "text": "Glem de hotte lokasjonsbaserte tjenestene som Gowalla og Foursquare ( og Facebook Places for den saks skyld ) , fotodelingstjenester som Instagr.am og PicPlz , musikktjenester som Spotify , meldingstjenester a la Kik eller superhiten Angry Birds .", "opinions": [{"Source": [[], []], "Target": [["Gowalla"], ["46:53"]], "Polar_expression": [["hotte"], ["8:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Foursquare"], ["57:67"]], "Polar_expression": [["hotte"], ["8:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Facebook Places"], ["73:88"]], "Polar_expression": [["hotte"], ["8:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Gowalla"], ["0:4", "46:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Foursquare"], ["0:4", "57:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Facebook Places"], ["0:4", "73:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Instagr.am"], ["0:4", "137:147"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "PicPlz"], ["0:4", "151:157"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Spotify"], ["0:4", "180:187"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Kik"], ["0:4", "213:216"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Glem", "Angry Birds"], ["0:4", "234:245"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Angry Birds"], ["234:245"]], "Polar_expression": [["superhiten"], ["223:233"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-34-05", "text": "Det var greit i fjor sommer da plattformen var relativt ny , men det er ikke like greit n\u00e5 , selv om i hvert fall sistnevnte ( fuglene , ja ) skal v\u00e6re under utvikling .", "opinions": [{"Source": [[], []], "Target": [["plattformen"], ["31:42"]], "Polar_expression": [["greit i fjor sommer"], ["8:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plattformen"], ["31:42"]], "Polar_expression": [["ikke like greit n\u00e5"], ["72:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-34-06", "text": "I tillegg er f.eks . Facebook-appen et par hakk bak konkurrentene , der det ikke er mulig \u00e5 like andres oppdateringer ; ei heller mulighet for \u00e5 sjekke inn via Facebook Places .", "opinions": []}, {"sent_id": "202601-35-01", "text": "Det er ogs\u00e5 synd for Samsung at de ikke har st\u00f8rre brukermasse p\u00e5 Bada-plattformen , for etter \u00e5 ha g\u00e5tt igjennom ganske mange elementer i topplisten over apps , har vi ikke klart \u00e5 finne \u00e9n kommentar fra en bruker , selv om mange apper har rating p\u00e5 mer enn fire av fem stjerner ( det finnes heller ikke informasjon om hvor mange som har stemt ) .", "opinions": [{"Source": [["vi"], ["166:168"]], "Target": [["Bada-plattformen"], ["66:82"]], "Polar_expression": [["synd for Samsung at de ikke har st\u00f8rre brukermasse"], ["12:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["166:168"]], "Target": [["Bada-plattformen"], ["66:82"]], "Polar_expression": [["ikke klart \u00e5 finne \u00e9n kommentar"], ["169:200"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["apper"], ["231:236"]], "Polar_expression": [["rating p\u00e5 mer enn fire av fem stjerner"], ["241:279"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}, {"Source": [["vi"], ["166:168"]], "Target": [["Bada-plattformen"], ["66:82"]], "Polar_expression": [["mange apper har rating p\u00e5 mer enn fire av fem stjerner"], ["225:279"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["166:168"]], "Target": [["Bada-plattformen"], ["66:82"]], "Polar_expression": [["finnes heller ikke informasjon om hvor mange som har stemt"], ["286:344"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-35-02", "text": "Risikoen for et bomkj\u00f8p er med andre ord godt til stede , og appene vi har testet har varierende kvalitet .", "opinions": [{"Source": [["vi"], ["68:70"]], "Target": [["appene"], ["61:67"]], "Polar_expression": [["Risikoen for et bomkj\u00f8p er med andre ord godt til stede"], ["0:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["68:70"]], "Target": [["appene"], ["61:67"]], "Polar_expression": [["varierende kvalitet"], ["86:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-36-01", "text": "Kamera", "opinions": []}, {"sent_id": "202601-37-01", "text": "Kameraet , derimot , er vi godt forn\u00f8yde med p\u00e5 Samsung Wave II .", "opinions": [{"Source": [["vi"], ["24:26"]], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["godt forn\u00f8yde"], ["27:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["24:26"]], "Target": [["Samsung Wave II"], ["48:63"]], "Polar_expression": [["Kameraet", "godt forn\u00f8yde"], ["0:8", "27:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-37-02", "text": "Det er godt over gjennomsnittet p\u00e5 bildekvalitet , med relativt god skarphet .", "opinions": [{"Source": [[], []], "Target": [["bildekvalitet"], ["35:48"]], "Polar_expression": [["godt over gjennomsnittet"], ["7:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bildekvalitet"], ["35:48"]], "Polar_expression": [["relativt god skarphet"], ["55:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-37-03", "text": "Lysm\u00e5leren lar seg ofte lure i motlys , s\u00e5 eksponeringskompensasjon er sv\u00e6rt kjekk \u00e5 ha .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lysm\u00e5leren lar seg ofte lure i motlys"], ["0:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["eksponeringskompensasjon er sv\u00e6rt kjekk \u00e5 ha"], ["43:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-38-01", "text": "Men typisk - utend\u00f8rsbilder blir vesentlig bedre enn innend\u00f8rs , og med begrenset lysstyrke p\u00e5 optikken er det ofte vanskelig \u00e5 f\u00e5 skarpe innend\u00f8rsbilder , selv om blitsen hjelper noe .", "opinions": [{"Source": [[], []], "Target": [["innend\u00f8rs"], ["53:62"]], "Polar_expression": [["utend\u00f8rsbilder blir vesentlig bedre enn"], ["13:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["utend\u00f8rsbilder"], ["13:27"]], "Polar_expression": [["blir vesentlig bedre enn innend\u00f8rs"], ["28:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["optikken"], ["95:103"]], "Polar_expression": [["begrenset lysstyrke"], ["72:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["optikken"], ["95:103"]], "Polar_expression": [["ofte vanskelig \u00e5 f\u00e5 skarpe innend\u00f8rsbilder"], ["111:153"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["optikken"], ["95:103"]], "Polar_expression": [["blitsen hjelper noe"], ["164:183"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-39-01", "text": "Under ser du eksempler p\u00e5 bilder tatt med Wave II :", "opinions": []}, {"sent_id": "202601-40-01", "text": "Og her et par eksempler p\u00e5 video , der Wave II ogs\u00e5 er blant de beste p\u00e5 markedet med meget god videokvalitet , og ikke minst - klar og fin lyd sammenlignet med mange andre :", "opinions": [{"Source": [[], []], "Target": [["videokvalitet"], ["96:109"]], "Polar_expression": [["blant de beste p\u00e5 markedet med meget god"], ["55:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wave II"], ["39:46"]], "Polar_expression": [["blant de beste p\u00e5 markedet med meget god videokvalitet"], ["55:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fin"], ["136:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["klar"], ["128:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wave II"], ["39:46"]], "Polar_expression": [["ikke minst - klar og fin lyd sammenlignet med mange andre"], ["115:172"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["andre"], ["167:172"]], "Polar_expression": [["Wave II", "klar og fin lyd sammenlignet"], ["39:46", "128:156"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-41-01", "text": "En funksjon vi m\u00e5 trekke frem er muligheten til \u00e5 filme med et h\u00f8yt antall bilder pr sekund , slik at sluttresultatet blir i sakte film ; riktignok med redusert oppl\u00f8sning ( 320x240 ) .", "opinions": [{"Source": [["vi"], ["12:14"]], "Target": [[], []], "Polar_expression": [["trekke frem er muligheten til \u00e5 filme med et h\u00f8yt antall bilder pr sekund"], ["18:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["12:14"]], "Target": [[], []], "Polar_expression": [["sluttresultatet blir i sakte film"], ["102:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["12:14"]], "Target": [[], []], "Polar_expression": [["riktignok med redusert oppl\u00f8sning"], ["138:171"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-42-01", "text": "Lydkvalitet", "opinions": []}, {"sent_id": "202601-43-01", "text": "Under testingen opplevde vi Wave II \u00e5 ha god kvalitet under samtaler , og det medf\u00f8lgende \u00f8reproppsettet er bedre enn hos mange andre , med st\u00f8yisolerende gummi p\u00e5 tuppen .", "opinions": [{"Source": [["vi"], ["25:27"]], "Target": [["samtaler"], ["60:68"]], "Polar_expression": [["god kvalitet"], ["41:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["25:27"]], "Target": [["Wave II"], ["28:35"]], "Polar_expression": [["god kvalitet under samtaler"], ["41:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["25:27"]], "Target": [["Wave II"], ["28:35"]], "Polar_expression": [["medf\u00f8lgende \u00f8reproppsettet"], ["78:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [["vi"], ["25:27"]], "Target": [["\u00f8reproppsettet"], ["90:104"]], "Polar_expression": [["bedre enn hos mange andre"], ["108:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["25:27"]], "Target": [["andre"], ["128:133"]], "Polar_expression": [["\u00f8reproppsettet er bedre enn"], ["90:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["25:27"]], "Target": [["Wave II"], ["28:35"]], "Polar_expression": [["\u00f8reproppsettet er bedre enn hos mange andre"], ["90:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["25:27"]], "Target": [["\u00f8reproppsettet"], ["90:104"]], "Polar_expression": [["st\u00f8yisolerende gummi p\u00e5 tuppen"], ["140:170"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202601-43-02", "text": "Dog er det i overkant mye diskant og lite bass i dem , som til dels kan kompenseres for i telefonens innebygde equalizer .", "opinions": [{"Source": [[], []], "Target": [["dem"], ["49:52"]], "Polar_expression": [["i overkant mye diskant"], ["11:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dem"], ["49:52"]], "Polar_expression": [["lite bass"], ["37:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["telefonens"], ["90:100"]], "Polar_expression": [["til dels kan kompenseres for", "innebygde equalizer"], ["59:87", "101:120"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefonens"], ["90:100"]], "Polar_expression": [["i overkant mye diskant og lite bass i dem"], ["11:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-43-03", "text": "De medf\u00f8lgende proppene er ogs\u00e5 lettdrevne og gj\u00f8r at det er mulig \u00e5 spille ganske h\u00f8yt - noe vi vet mange er opptatt av .", "opinions": [{"Source": [["vi"], ["94:96"]], "Target": [["medf\u00f8lgende proppene"], ["3:23"]], "Polar_expression": [["lettdrevne"], ["32:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["94:96"]], "Target": [["medf\u00f8lgende proppene"], ["3:23"]], "Polar_expression": [["mulig \u00e5 spille ganske h\u00f8yt"], ["61:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-44-01", "text": "Verre er det med den eksterne h\u00f8yttaleren , som ikke er spesielt god , og som heller ikke spiller s\u00e5 h\u00f8yt .", "opinions": [{"Source": [[], []], "Target": [["eksterne h\u00f8yttaleren"], ["21:41"]], "Polar_expression": [["Verre"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eksterne h\u00f8yttaleren"], ["21:41"]], "Polar_expression": [["ikke er spesielt god"], ["48:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eksterne h\u00f8yttaleren"], ["21:41"]], "Polar_expression": [["ikke spiller s\u00e5 h\u00f8yt"], ["85:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-44-02", "text": "Ringetonen er derfor vanskelig \u00e5 h\u00f8re utend\u00f8rs med telefonen i lomma ; spesielt n\u00e5r vibreringen heller ikke er like markert som p\u00e5 andre telefoner .", "opinions": [{"Source": [[], []], "Target": [["Ringetonen"], ["0:10"]], "Polar_expression": [["vanskelig \u00e5 h\u00f8re utend\u00f8rs med telefonen i lomma"], ["21:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vibreringen"], ["84:95"]], "Polar_expression": [["spesielt", "ikke er like markert som p\u00e5 andre telefoner"], ["71:79", "103:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["andre telefoner"], ["131:146"]], "Polar_expression": [["vibreringen heller ikke er like markert"], ["84:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-45-01", "text": "Batterilevetiden oppleves som god , og batterim\u00e5leren virker \u00e5 v\u00e6re meget presis slik at du slipper ubehagelige overraskelser .", "opinions": [{"Source": [[], []], "Target": [["Batterilevetiden"], ["0:16"]], "Polar_expression": [["god"], ["30:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batterim\u00e5leren"], ["39:53"]], "Polar_expression": [["virker \u00e5 v\u00e6re meget presis"], ["54:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batterim\u00e5leren"], ["39:53"]], "Polar_expression": [["slipper ubehagelige overraskelser"], ["92:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-45-02", "text": "Under testingen ladet vi telefonen cirka annenhver dag , men det er selvsagt ogs\u00e5 en av fordelene med at telefonen ikke multitasker skikkelig .", "opinions": [{"Source": [["vi"], ["22:24"]], "Target": [["telefonen"], ["25:34"]], "Polar_expression": [["ladet", "cirka annenhver dag"], ["16:21", "35:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [["vi"], ["22:24"]], "Target": [["telefonen"], ["105:114"]], "Polar_expression": [["ikke multitasker skikkelig"], ["115:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["22:24"]], "Target": [["telefonen"], ["105:114"]], "Polar_expression": [["en av fordelene", "ikke multitasker skikkelig"], ["82:97", "115:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-46-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "202601-47-01", "text": "Det er vanskelig \u00e5 trille terning Samsung Wave II .", "opinions": []}, {"sent_id": "202601-47-02", "text": "Det er en telefon med god og presis skjerm , rask og fin respons , god ergonomi og et kamera som er blant de bedre i dagens marked .", "opinions": [{"Source": [[], []], "Target": [["skjerm"], ["36:42"]], "Polar_expression": [["presis"], ["29:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjerm"], ["36:42"]], "Polar_expression": [["god"], ["22:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["respons"], ["57:64"]], "Polar_expression": [["rask"], ["45:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["respons"], ["57:64"]], "Polar_expression": [["fin"], ["53:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ergonomi"], ["71:79"]], "Polar_expression": [["god"], ["67:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kamera"], ["86:92"]], "Polar_expression": [["blant de bedre i dagens marked"], ["100:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["telefon"], ["10:17"]], "Polar_expression": [["god og presis skjerm"], ["22:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefon"], ["10:17"]], "Polar_expression": [["rask og fin respons"], ["45:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefon"], ["10:17"]], "Polar_expression": [["god ergonomi"], ["67:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefon"], ["10:17"]], "Polar_expression": [["kamera som er blant de bedre i dagens marked"], ["86:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-47-03", "text": "Applikasjonene som f\u00f8lger med holder ogs\u00e5 god kvalitet , og b\u00e5de musikkspiller og videospiller er meget gode .", "opinions": [{"Source": [[], []], "Target": [["Applikasjonene som f\u00f8lger med"], ["0:29"]], "Polar_expression": [["god kvalitet"], ["42:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikkspiller"], ["65:78"]], "Polar_expression": [["meget gode"], ["98:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["videospiller"], ["82:94"]], "Polar_expression": [["meget gode"], ["98:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-48-01", "text": "I tillegg er prislappen ganske fin , der telefonen i skrivende stund ligger et par hundrelapper under tilsvarende Android-telefoner maskinvaremessig .", "opinions": [{"Source": [[], []], "Target": [["prislappen"], ["13:23"]], "Polar_expression": [["ganske fin"], ["24:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["telefonen"], ["41:50"]], "Polar_expression": [["prislappen ganske fin"], ["13:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["prislappen"], ["13:23"]], "Polar_expression": [["et par hundrelapper under tilsvarende Android-telefoner maskinvaremessig"], ["76:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-48-02", "text": "I utgangspunktet er Samsung Wave II derfor mye telefon for pengene .", "opinions": [{"Source": [[], []], "Target": [["Samsung Wave II"], ["20:35"]], "Polar_expression": [["mye telefon for pengene"], ["43:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-49-01", "text": "Dog har operativsystemet sine svakheter , som riktignok kan rettes opp i neste utgave , som forventes lansert til sommeren .", "opinions": [{"Source": [[], []], "Target": [["operativsystemet"], ["8:24"]], "Polar_expression": [["svakheter"], ["30:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["operativsystemet"], ["8:24"]], "Polar_expression": [["kan rettes opp i neste utgave"], ["56:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-49-02", "text": "Det store sp\u00f8rsm\u00e5let er imidlertid om Bada vil v\u00e6re en aktuell plattform i fremtiden , eller om Android , iOS , Symbian og muligens Windows Phone 7 blir for store for Samsung \u00e5 h\u00e5ndtere som eneste Bada-produsent ( Bada er et forel\u00f8pig et lukket system , p\u00e5 samme m\u00e5te som Apples iOS ) .", "opinions": [{"Source": [[], []], "Target": [["Bada"], ["38:42"]], "Polar_expression": [["store sp\u00f8rsm\u00e5let", "aktuell plattform i fremtiden"], ["4:20", "55:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-49-03", "text": "Det er ikke noe man b\u00f8r trekke for n\u00e5r en plattform er splitter ny , men det begynner \u00e5 bli et race mot klokka for Samsung p\u00e5 dette punktet dersom Bada skal overleve dagens smartmobilmarked .", "opinions": []}, {"sent_id": "202601-50-01", "text": "Mangelen p\u00e5 apps i applikasjonsbutikken og generell st\u00f8tte for tredjeparter er \u00e5penbar , og n\u00e5r Samsung satser b\u00e5de i Android- og Windows Phone 7-markedet ( og blant annet leverer sine beste skjermer til disse plattformene ) , f\u00f8les det som om Bada st\u00e5r litt p\u00e5 sidelinjen .", "opinions": [{"Source": [[], []], "Target": [["applikasjonsbutikken"], ["19:39"]], "Polar_expression": [["Mangelen p\u00e5 apps"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bada"], ["244:248"]], "Polar_expression": [["Mangelen p\u00e5 apps i applikasjonsbutikken", "\u00e5penbar"], ["0:39", "79:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bada"], ["244:248"]], "Polar_expression": [["Mangelen", "generell st\u00f8tte for tredjeparter er \u00e5penbar"], ["0:8", "43:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bada"], ["244:248"]], "Polar_expression": [["st\u00e5r litt p\u00e5 sidelinjen"], ["249:272"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-50-02", "text": "Vi ville derfor ha ventet med et eventuelt kj\u00f8p", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["ville derfor ha ventet med et eventuelt kj\u00f8p"], ["3:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202601-50-03", "text": "- Bada-plattformen har et potensiale , men om det skal bli en suksess , m\u00e5 Samsung gire opp et par hakk .", "opinions": [{"Source": [[], []], "Target": [["Bada-plattformen"], ["2:18"]], "Polar_expression": [["har et potensiale"], ["19:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["om det skal bli en suksess , m\u00e5 Samsung gire opp et par hakk"], ["43:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-51-01", "text": "Og det ganske snart .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ganske snart"], ["7:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202601-52-01", "text": "Samsung Wave 2 GT-S8530", "opinions": []}, {"sent_id": "102015-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "102015-01-02", "text": "Eirik Vold :", "opinions": []}, {"sent_id": "102015-01-03", "text": "\u00ab Hugo Ch\u00e1vez .", "opinions": []}, {"sent_id": "102015-01-04", "text": "Revansjen \u00bb", "opinions": []}, {"sent_id": "102015-02-01", "text": "Grundig , men litt retningsl\u00f8s dokumentar om fenomenet Hugo Ch\u00e1vez fra Eirik Vold .", "opinions": [{"Source": [[], []], "Target": [["dokumentar"], ["31:41"]], "Polar_expression": [["Grundig"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["dokumentar"], ["31:41"]], "Polar_expression": [["litt retningsl\u00f8s"], ["14:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102015-03-01", "text": "Dokumentar 470 sider Kr. 369 , - Manifest Forlag", "opinions": []}, {"sent_id": "102015-04-01", "text": "Da han d\u00f8de i mars i \u00e5r , hadde Hugo Ch\u00e1vez v\u00e6rt Venezuelas leder i 14 \u00e5r .", "opinions": []}, {"sent_id": "102015-04-02", "text": "I l\u00f8pet av disse \u00e5rene rakk han \u00e5 bygge seg opp ikke bare som en nasjonal leder , men ogs\u00e5 som en regional politisk maktfaktor .", "opinions": []}, {"sent_id": "102015-05-01", "text": "Med sin s\u00e6regne kombinasjon av grasrotmobilisering , populisme og personlig karisma la han grunnlaget for en helt egen form for latinamerikansk sosialisme .", "opinions": []}, {"sent_id": "102015-06-01", "text": "En slags grunnlovfestet revolusjon , som utl\u00f8ste et enormt sosialt eksperiment .", "opinions": []}, {"sent_id": "102015-06-02", "text": "Et eksperiment der folket - det vil si den fattige majoriteten - identifiserte seg med regjeringen og de styrende i en grad som aldri er sett tidligere .", "opinions": []}, {"sent_id": "102015-07-01", "text": "Eirik Vold kaller Hugo Ch\u00e1vez for en \u00ab milit\u00e6r demokrat \u00bb , og enten man er enig eller uenig i en slik karakteristikk , er den i hvert fall et fors\u00f8k p\u00e5 \u00e5 fange inn de spesielle forutsetningene som kunne frembringe fenomenet Ch\u00e1vez .", "opinions": []}, {"sent_id": "102015-08-01", "text": "Stikkord her er den historiske arven etter frigj\u00f8ringshelten Sim\u00f3n Bolivar og dr\u00f8mmen om \u00e5 skape en samlende , latinamerikansk politisk og kulturell identitet .", "opinions": []}, {"sent_id": "102015-09-01", "text": "Vold kjenner det venezuelanske samfunnet fra innsiden og sitter med s\u00e5 mye innsikt han gjerne vil dele at boken til tiden truer med \u00e5 kantre av faktaovervekt .", "opinions": [{"Source": [[], []], "Target": [["Vold"], ["0:4"]], "Polar_expression": [["kjenner det venezuelanske samfunnet fra innsiden"], ["5:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vold"], ["0:4"]], "Polar_expression": [["s\u00e5 mye innsikt"], ["68:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["106:111"]], "Polar_expression": [["Vold kjenner det venezuelanske samfunnet fra innsiden"], ["0:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["106:111"]], "Polar_expression": [["Vold", "s\u00e5 mye innsikt"], ["0:4", "68:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["106:111"]], "Polar_expression": [["truer med \u00e5 kantre av faktaovervekt"], ["122:157"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102015-10-01", "text": "Forfatteren tar seg god tid til de deskriptive detaljene og stiller gjerne seg selv i sentrum av handlingen .", "opinions": [{"Source": [[], []], "Target": [["Forfatteren"], ["0:11"]], "Polar_expression": [["god tid til de deskriptive detaljene"], ["20:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Forfatteren"], ["0:11"]], "Polar_expression": [["stiller gjerne seg selv i sentrum av handlingen"], ["60:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forfatteren tar seg god tid til de deskriptive detaljene"], ["0:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forfatteren", "stiller gjerne seg selv i sentrum av handlingen"], ["0:11", "60:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102015-10-02", "text": "Ellers har han en velkjent norsk venstresideinnfallsvinkel til historien , der den oppriktige beundringen for Hugo Ch\u00e1vez er lett synlig .", "opinions": [{"Source": [["han"], ["11:14"]], "Target": [["Hugo Ch\u00e1vez"], ["110:121"]], "Polar_expression": [["oppriktige beundringen"], ["83:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["velkjent norsk venstresideinnfallsvinkel"], ["18:58"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102015-11-01", "text": "Som et solid bidrag til norsk dokumentarlitteratur forsvarer likevel denne boken sin plass .", "opinions": [{"Source": [[], []], "Target": [["boken"], ["75:80"]], "Polar_expression": [["solid bidrag"], ["7:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["75:80"]], "Polar_expression": [["forsvarer", "sin plass"], ["51:60", "81:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700471-01-01", "text": "Kudrow som band-mamma", "opinions": []}, {"sent_id": "700471-02-01", "text": "Nok et nei .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nok et nei"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700471-02-02", "text": "Der havna vi rett inn i Disney Channels sp\u00f8kelsestog for s\u00f8t og ubrukt ungdom uten sjel .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rett inn i Disney Channels sp\u00f8kelsestog for s\u00f8t og ubrukt ungdom uten sjel"], ["13:87"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700471-03-01", "text": "Hovedpersonen er en utiltalende , m\u00e5pe-kyndig buskkvast-nerd som snakker ironisk til oss mens han viser bilder av normal ungdom .", "opinions": [{"Source": [[], []], "Target": [["Hovedpersonen"], ["0:13"]], "Polar_expression": [["utiltalende"], ["20:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hovedpersonen"], ["0:13"]], "Polar_expression": [["m\u00e5pe-kyndig buskkvast-nerd"], ["34:60"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700471-03-02", "text": "Det er faktisk litt irriterende , som n\u00e5r de impotente ler h\u00e5nlig av de med ereksjon .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt irriterende"], ["15:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700471-04-01", "text": "Lisa Kudrow spiller mor n\u00e5 .", "opinions": []}, {"sent_id": "700471-04-02", "text": "Hun og s\u00f8nnen skal flytte til New Jersey , som er fantasilandet til Kevin Smith og Bruce Springsteen .", "opinions": []}, {"sent_id": "700471-04-03", "text": "Kudrow ser etter hvert ut som kvinnelig r\u00f8yker p\u00e5 47 \u00e5r , slakk i munnmusklene og gusten i blikket .", "opinions": [{"Source": [[], []], "Target": [["Kudrow"], ["0:6"]], "Polar_expression": [["slakk i munnmusklene"], ["58:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kudrow"], ["0:6"]], "Polar_expression": [["gusten i blikket"], ["82:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kudrow"], ["0:6"]], "Polar_expression": [["ser etter hvert ut som kvinnelig r\u00f8yker p\u00e5 47 \u00e5r"], ["7:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700471-05-01", "text": "P\u00e5 den nye skolen skal de ha Bandslam .", "opinions": []}, {"sent_id": "700471-05-02", "text": "Nei , det er ikke 12-\u00e5ringer med blokkfl\u00f8yter som spruter s\u00f8le p\u00e5 hverandre , men en orkester-konkurranse .", "opinions": []}, {"sent_id": "700471-05-03", "text": "Flytteren m\u00f8ter ei kul lita jente med strikkelue som ikke ville ha snakket med ham uten at hun var seriemorder .", "opinions": [{"Source": [[], []], "Target": [["jente"], ["28:33"]], "Polar_expression": [["kul"], ["19:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700471-05-04", "text": "Den rare gutten organiserer band og setter sammen musikere som om han skulle v\u00e6re Phil Spector , men i s\u00e5 fall ville han ganske sikkert ha drukket vodka med solarolje og ligget med Hamlets mor , og her opptrer ikke mange handlingstekniske avvik .", "opinions": [{"Source": [[], []], "Target": [["gutten"], ["9:15"]], "Polar_expression": [["rare"], ["4:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700471-06-01", "text": "P\u00e5 slutten er David Bowie med som David Bowie .", "opinions": []}, {"sent_id": "700471-06-02", "text": "Det vil du ikke vite noe om .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["vil du ikke vite noe om"], ["4:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-01-01", "text": "Tribes :", "opinions": []}, {"sent_id": "202792-01-02", "text": "Vengeance", "opinions": []}, {"sent_id": "202792-02-01", "text": "Tribes-serien er tilbake for tredje gang , og nyhetene er mange .", "opinions": []}, {"sent_id": "202792-02-02", "text": "N\u00e5 kan du spille en full singleplayer-kampanje , og online-delen er hektisk som vanlig .", "opinions": []}, {"sent_id": "202792-02-03", "text": "Les v\u00e5r anmeldelse !", "opinions": []}, {"sent_id": "202792-03-01", "text": "Tribes-spillene har kanskje litt underdog-status i forhold til de mer profilerte online-titlene som Battlefield-serien og Unreal Tournament .", "opinions": [{"Source": [[], []], "Target": [["Tribes-spillene"], ["0:15"]], "Polar_expression": [["kanskje litt underdog-status i forhold til", "Battlefield-serien og Unreal Tournament"], ["20:62", "100:139"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Battlefield-serien"], ["100:118"]], "Polar_expression": [["Tribes-spillene har kanskje litt underdog-status i forhold til"], ["0:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Unreal Tournament"], ["122:139"]], "Polar_expression": [["Tribes-spillene har kanskje litt underdog-status i forhold til"], ["0:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Battlefield-serien"], ["100:118"]], "Polar_expression": [["profilerte"], ["70:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Unreal Tournament"], ["122:139"]], "Polar_expression": [["profilerte"], ["70:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-03-02", "text": "Det kan vi for s\u00e5 vidt skj\u00f8nne", "opinions": []}, {"sent_id": "202792-03-03", "text": "- Tribes er hakket mer avansert og komplisert enn disse , og krever litt mer tilvenning .", "opinions": [{"Source": [[], []], "Target": [["Tribes"], ["2:8"]], "Polar_expression": [["hakket mer avansert og komplisert enn disse"], ["12:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["disse"], ["50:55"]], "Polar_expression": [["Tribes er hakket mer avansert og komplisert enn disse"], ["2:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tribes"], ["2:8"]], "Polar_expression": [["krever litt mer tilvenning"], ["61:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-03-04", "text": "Men investerer du litt tid , f\u00e5r du en kjempespennende opplevelse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["investerer du litt tid , f\u00e5r du en kjempespennende opplevelse"], ["4:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "202792-05-01", "text": "For f\u00f8rste gang i Tribes-historien har spillet ogs\u00e5 f\u00e5tt en ordentlig enkeltspillermodus .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["39:46"]], "Polar_expression": [["For f\u00f8rste gang i Tribes-historien", "ordentlig enkeltspillermodus"], ["0:34", "60:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202792-05-02", "text": "Den har en gjennomf\u00f8rt bakgrunnshistorie og mange brett \u00e5 kjempe seg gjennom , og fungerer p\u00e5 mange m\u00e5ter som en utstrakt oppl\u00e6ring som gj\u00f8r deg vant med spillets finesser .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["gjennomf\u00f8rt bakgrunnshistorie"], ["11:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["mange brett \u00e5 kjempe seg gjennom"], ["44:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["fungerer p\u00e5 mange m\u00e5ter som en utstrakt oppl\u00e6ring som gj\u00f8r deg vant med spillets finesser"], ["82:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202792-06-01", "text": "Ikke bare p\u00e5 nett", "opinions": []}, {"sent_id": "202792-07-01", "text": "Enkeltspillerdelen handler om de forskjellige fraksjonene i Tribes-universet , og forteller en historie om spenningene mellom disse fra forskjellige synspunkter og i forskjellige tidsepoker .", "opinions": []}, {"sent_id": "202792-07-02", "text": "Vi skal ikke avsl\u00f8re for mye om hva som foreg\u00e5r , men for Tribes-entusiaster er dette garantert spennende stoff , som forklarer mye om bakgrunnen til konfliktene .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["garantert spennende stoff"], ["86:111"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-08-01", "text": "Enkeltspillerdelen er relativt lang , godt designet og involverende .", "opinions": [{"Source": [[], []], "Target": [["Enkeltspillerdelen"], ["0:18"]], "Polar_expression": [["relativt lang"], ["22:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Enkeltspillerdelen"], ["0:18"]], "Polar_expression": [["godt designet"], ["38:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Enkeltspillerdelen"], ["0:18"]], "Polar_expression": [["involverende"], ["55:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-08-02", "text": "M\u00e5lene varierer mellom defensive oppdrag , sv\u00e6re arena-kamper , kappkj\u00f8ring med jeep-aktige biler , infiltrasjoner og sniking .", "opinions": []}, {"sent_id": "202792-09-01", "text": "Tribes har en rekke muligheter som skiller spillet fra de fleste andre f\u00f8rstepersonstitler .", "opinions": [{"Source": [[], []], "Target": [["Tribes"], ["0:6"]], "Polar_expression": [["rekke muligheter som skiller spillet fra de fleste andre f\u00f8rstepersonstitler"], ["14:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202792-09-02", "text": "Noe av det mest underholdende er jetpackene , som lar deg fly - s\u00e5 lenge energien varer .", "opinions": [{"Source": [[], []], "Target": [["jetpackene"], ["33:43"]], "Polar_expression": [["Noe av det mest underholdende"], ["0:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["jetpackene"], ["33:43"]], "Polar_expression": [["lar deg fly"], ["50:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-09-03", "text": "Jetpackmulighetene kan du elegant kombinere med \u00e5 skli nedover i bakkene , og med litt \u00f8velse kan du gli gjennom de store utend\u00f8rsbrettene med vanvittig fart og stil .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Jetpackmulighetene kan du elegant kombinere med \u00e5 skli nedover i bakkene"], ["0:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan du gli gjennom de store utend\u00f8rsbrettene med vanvittig fart og stil"], ["94:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-10-01", "text": "Spredt rundt i spillverdenen finner du ogs\u00e5 v\u00e5penstasjoner , som lar deg endre utstyret ditt .", "opinions": []}, {"sent_id": "202792-10-02", "text": "I Tribes har alle spillere en rustning , og du kan velge mellom tre forskjellige vekt-varianter .", "opinions": []}, {"sent_id": "202792-10-03", "text": "Den letteste rustningen gir minst beskyttelse , men st\u00f8rst fart , og den tyngste varianten gj\u00f8r deg treg , men t\u00f8ff .", "opinions": []}, {"sent_id": "202792-10-04", "text": "Det finnes ogs\u00e5 visse v\u00e5pen som bare kan brukes med \u00e9n type rustning .", "opinions": []}, {"sent_id": "202792-10-05", "text": "Du kan ogs\u00e5 ha med deg ekstrautstyr , som for eksempel et b\u00e6rbart maskingev\u00e6r som du kan sette opp p\u00e5 strategiske steder , og som automatisk angriper motstandere .", "opinions": []}, {"sent_id": "202792-10-06", "text": "V\u00e5penutvalget er spennende , men en del kreative d\u00f8dsvert\u00f8y , selv om utvalget ikke er verdens st\u00f8rste .", "opinions": [{"Source": [[], []], "Target": [["V\u00e5penutvalget"], ["0:13"]], "Polar_expression": [["spennende"], ["17:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["V\u00e5penutvalget"], ["0:13"]], "Polar_expression": [["en del kreative d\u00f8dsvert\u00f8y"], ["33:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["V\u00e5penutvalget"], ["0:13"]], "Polar_expression": [["ikke er verdens st\u00f8rste"], ["79:102"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-10-07", "text": "Du kan bare ha med tre v\u00e5pen samtidig , noe som tvinger deg til \u00e5 foreta visse strategiske valg .", "opinions": []}, {"sent_id": "202792-11-01", "text": "Best online ?", "opinions": []}, {"sent_id": "202792-12-01", "text": "Tribes er et multiplayerspill i bunn og i grunn , og det er heller ingen overraskelse at flerspillerdelen er sv\u00e6rt solid .", "opinions": [{"Source": [[], []], "Target": [["Tribes"], ["0:6"]], "Polar_expression": [["ingen overraskelse at flerspillerdelen er sv\u00e6rt solid"], ["67:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["flerspillerdelen"], ["89:105"]], "Polar_expression": [["ingen overraskelse", "sv\u00e6rt solid"], ["67:85", "109:120"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-12-02", "text": "Det er fem hovedmodi \u00e5 velge mellom , selv om det virker som om de aller fleste serverne fremdeles kj\u00f8rer klasisk CTF .", "opinions": []}, {"sent_id": "202792-12-03", "text": "Du kan ogs\u00e5 spille Arena-kamper p\u00e5 nettet , som foreg\u00e5r p\u00e5 et stadion , og lar deg spille vanlig deathmatch og en variant som ligner mye p\u00e5 Battlefield ( laget ditt m\u00e5 ta over noder plassert p\u00e5 flere steder , og holde p\u00e5 disse ) .", "opinions": []}, {"sent_id": "202792-12-04", "text": "Men det er de sv\u00e6re utend\u00f8rsbrettene som er klart morsomst og hvor lagspillet kommer virkelig til sin rett .", "opinions": [{"Source": [[], []], "Target": [["de sv\u00e6re utend\u00f8rsbrettene"], ["11:36"]], "Polar_expression": [["klart morsomst"], ["44:58"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de sv\u00e6re utend\u00f8rsbrettene"], ["11:36"]], "Polar_expression": [["lagspillet kommer virkelig til sin rett"], ["67:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-12-05", "text": "Riktgnok er st\u00f8rrelsen p\u00e5 brettene og antallet kj\u00f8ret\u00f8y noe redusert i forhold til de tidligere spillene , men p\u00e5 en m\u00e5te intensiverer det kampene .", "opinions": [{"Source": [[], []], "Target": [["antallet kj\u00f8ret\u00f8y"], ["38:55"]], "Polar_expression": [["noe redusert i forhold til de tidligere spillene"], ["56:104"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["st\u00f8rrelsen p\u00e5 brettene"], ["12:34"]], "Polar_expression": [["noe redusert i forhold til de tidligere spillene"], ["56:104"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["st\u00f8rrelsen p\u00e5 brettene"], ["12:34"]], "Polar_expression": [["intensiverer det kampene"], ["122:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["antallet kj\u00f8ret\u00f8y"], ["38:55"]], "Polar_expression": [["intensiverer det kampene"], ["122:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-12-06", "text": "Det er alt i alt 15 brett i spillet .", "opinions": []}, {"sent_id": "202792-13-01", "text": "Det er , som nevnt , en del kj\u00f8ret\u00f8y \u00e5 velge mellom i Tribes : Vengeance .", "opinions": []}, {"sent_id": "202792-13-02", "text": "To av disse er bakkebasert ( en liten buggy og en tung tanks ) , og to er luftbaserte - et stort luftskip med plass til tre personer , og et lite , enmanns fly .", "opinions": []}, {"sent_id": "202792-13-03", "text": "Fysikken p\u00e5 de bakkebaserte maskinene er noe ujevn og de er ikke alltid like responsive , men alt i alt fungerer de bra .", "opinions": [{"Source": [[], []], "Target": [["Fysikken p\u00e5 de bakkebaserte maskinene"], ["0:37"]], "Polar_expression": [["noe ujevn"], ["41:50"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fysikken p\u00e5 de bakkebaserte maskinene"], ["0:37"]], "Polar_expression": [["ikke alltid like responsive"], ["60:87"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fysikken p\u00e5 de bakkebaserte maskinene"], ["0:37"]], "Polar_expression": [["alt i alt fungerer de bra"], ["94:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-14-01", "text": "Solid grafikk", "opinions": [{"Source": [[], []], "Target": [["grafikk"], ["6:13"]], "Polar_expression": [["Solid"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-15-01", "text": "Tribes :", "opinions": []}, {"sent_id": "202792-15-02", "text": "Vengeance er basert p\u00e5 Unreal-teknologien , med en del oppdateringer som gj\u00f8r spillet enda penere .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["78:85"]], "Polar_expression": [["enda penere"], ["86:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["oppdateringer"], ["55:68"]], "Polar_expression": [["gj\u00f8r spillet enda penere"], ["73:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-15-03", "text": "Grafikken er kanskje ikke helt p\u00e5 Doom III-niv\u00e5 , men likevel mer enn godkjent , spesielt med tanke p\u00e5 de flotte utend\u00f8rsomr\u00e5dene .", "opinions": [{"Source": [[], []], "Target": [["Doom III-niv\u00e5"], ["34:47"]], "Polar_expression": [["Grafikken er kanskje ikke helt p\u00e5"], ["0:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["kanskje ikke helt p\u00e5 Doom III-niv\u00e5"], ["13:47"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["mer enn godkjent"], ["62:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["utend\u00f8rsomr\u00e5dene"], ["113:129"]], "Polar_expression": [["flotte"], ["106:112"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["flotte utend\u00f8rsomr\u00e5dene"], ["106:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-15-04", "text": "Vi har imidlertid problemer med lyden , da talen har tendenser til \u00e5 hakke eller g\u00e5 alt for fort .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["lyden"], ["32:37"]], "Polar_expression": [["problemer"], ["18:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["talen"], ["43:48"]], "Polar_expression": [["tendenser til \u00e5 hakke eller g\u00e5 alt for fort"], ["53:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden"], ["32:37"]], "Polar_expression": [["talen har tendenser til \u00e5 hakke eller g\u00e5 alt for fort"], ["43:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-15-05", "text": "Vi opplevde ogs\u00e5 noen mindre grafikkbugs , s\u00e5 vi regner med at en st\u00f8rre patch er n\u00e6rt forest\u00e5ende .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["noen mindre grafikkbugs"], ["17:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-16-01", "text": "Antaller spillere p\u00e5 nettet er heller ikke overveldende , og vi slet med \u00e5 finne befolkede servere .", "opinions": [{"Source": [["vi"], ["61:63"]], "Target": [["Antaller spillere"], ["0:17"]], "Polar_expression": [["ikke overveldende"], ["38:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["61:63"]], "Target": [["Antaller spillere"], ["0:17"]], "Polar_expression": [["slet med \u00e5 finne befolkede servere"], ["64:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-16-02", "text": "Men det er jo ikke spillets feil , og vi h\u00e5per at flere f\u00e5r \u00f8yene opp for Tribes fremover .", "opinions": [{"Source": [["vi"], ["38:40"]], "Target": [[], []], "Polar_expression": [["ikke spillets feil"], ["14:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["38:40"]], "Target": [["Tribes"], ["74:80"]], "Polar_expression": [["h\u00e5per at flere f\u00e5r \u00f8yene opp"], ["41:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-17-01", "text": "Tribes :", "opinions": []}, {"sent_id": "202792-17-02", "text": "Vengeance er ikke like tigjengelig som tilsvarende titler , og f\u00f8lgelig vil kanskje ikke spillet tiltale alle .", "opinions": [{"Source": [[], []], "Target": [["Vengeance"], ["0:9"]], "Polar_expression": [["ikke like tigjengelig som tilsvarende titler"], ["13:57"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Vengeance"], ["0:9"]], "Polar_expression": [["kanskje ikke spillet tiltale alle"], ["76:109"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202792-17-03", "text": "Men det faktum at du f\u00e5r en full singleplayerkampanje og et skikkelig godt flerspillermodus b\u00f8r v\u00e6re anbefaling nok , og Tribes 3 gir virkelig mye for pengene .", "opinions": [{"Source": [[], []], "Target": [["Tribes 3"], ["121:129"]], "Polar_expression": [["gir virkelig mye for pengene"], ["130:158"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Tribes 3"], ["121:129"]], "Polar_expression": [["full singleplayerkampanje og et skikkelig godt flerspillermodus b\u00f8r v\u00e6re anbefaling nok"], ["28:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["flerspillermodus"], ["75:91"]], "Polar_expression": [["skikkelig godt"], ["60:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["singleplayerkampanje"], ["33:53"]], "Polar_expression": [["full"], ["28:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202792-17-04", "text": "Vi anbefaler det til alle som f\u00f8ler behov for et nytt online-skytespill .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["det"], ["13:16"]], "Polar_expression": [["anbefaler"], ["3:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202792-18-01", "text": "PS :", "opinions": []}, {"sent_id": "202792-18-02", "text": "Et stort pluss for at spillet kommer p\u00e5 \u00e9n DVD i stedet for fire CDer !", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["22:29"]], "Polar_expression": [["Et stort pluss", "kommer p\u00e5 \u00e9n DVD i stedet for fire CDer !"], ["0:14", "30:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-01-01", "text": "24 \"", "opinions": []}, {"sent_id": "201470-01-02", "text": "Dell 2407WFP", "opinions": []}, {"sent_id": "201470-02-01", "text": "Det er snart halvannet \u00e5r siden vi testet Dells 24-tommer LCD .", "opinions": []}, {"sent_id": "201470-02-02", "text": "Den har n\u00e5 kommet i en ny utgave , men har det samme grunnkonseptet .", "opinions": []}, {"sent_id": "201470-03-01", "text": "Det er ikke bare panelet som er nytt , chassiet og foten er ogs\u00e5 nye , s\u00e5 vi snakker om en helt ny modell .", "opinions": []}, {"sent_id": "201470-03-02", "text": "Rammen rundt er litt mer kantete , det er en s\u00f8lvfarget list \u00f8verst og underst , og knappene er ogs\u00e5 annerledes .", "opinions": []}, {"sent_id": "201470-03-03", "text": "Foten er ikke lenger en halv kringle , men har f\u00e5tt to \" t\u00e6r \" i stedet .", "opinions": []}, {"sent_id": "201470-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "201470-05-01", "text": "Fleksibilitet i h\u00f8ysetet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fleksibilitet i h\u00f8ysetet"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-06-01", "text": "Reguleringen i h\u00f8yden er utmerket , skjermen kan n\u00e5 plasseres enda lavere - undersiden kan senkes til knappe 5 cm over bordplaten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Reguleringen i h\u00f8yden er utmerket"], ["0:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Reguleringen i h\u00f8yden"], ["0:21"]], "Polar_expression": [["utmerket"], ["25:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermen"], ["36:44"]], "Polar_expression": [["kan n\u00e5 plasseres enda lavere"], ["45:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["skjermen"], ["36:44"]], "Polar_expression": [["undersiden kan senkes til knappe 5 cm over bordplaten"], ["76:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201470-06-02", "text": "Dette gir en sv\u00e6rt behagelig plassering .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sv\u00e6rt behagelig plassering"], ["13:39"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-07-01", "text": "Skjermen kan dreies , vris p\u00e5 h\u00f8ykant og vippes - full fleksibilitet med andre ord .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan dreies"], ["9:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan", "vris p\u00e5 h\u00f8ykant"], ["9:12", "22:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan", "vippes"], ["9:12", "41:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["full fleksibilitet"], ["50:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201470-07-02", "text": "Du kan ogs\u00e5 bruke et standard VESA-feste i stedet for foten , hvis du skulle ha behov for dette f.eks . i en flerskjermsl\u00f8sning .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan ogs\u00e5 bruke et standard VESA-feste i stedet for foten"], ["3:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201470-08-01", "text": "Ogs\u00e5 n\u00e5r det gjelder tilkoblingene finner vi den samme fleksibiliteten som tidligere , her dekkes de fleste tenkelige bruksomr\u00e5der .", "opinions": [{"Source": [["vi"], ["42:44"]], "Target": [["tilkoblingene"], ["21:34"]], "Polar_expression": [["samme fleksibiliteten som tidligere"], ["49:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["42:44"]], "Target": [["tilkoblingene"], ["21:34"]], "Polar_expression": [["dekkes de fleste tenkelige bruksomr\u00e5der"], ["91:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-08-02", "text": "I tillegg til DVI og VGA finner vi komposit ( koaks ) , S-Video og komponent ( RGB ) .", "opinions": []}, {"sent_id": "201470-09-01", "text": "Du kan ogs\u00e5 velge bilde -i bilde eller side-ved-side , med kontroll over plassering og st\u00f8rrelse samt separat justering av parmetre for videobildet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan ogs\u00e5 velge bilde -i bilde eller side-ved-side"], ["3:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kontroll over plassering og st\u00f8rrelse"], ["59:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["separat justering av parmetre for videobildet"], ["102:147"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201470-10-01", "text": "I tillegg er det en USB Hub med 2 porter p\u00e5 baksiden og 2 p\u00e5 venstre side , og toppen p\u00e5 kransekaka er en minnekortleser med 2 spalter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["USB Hub med 2 porter p\u00e5 baksiden og 2 p\u00e5 venstre side"], ["20:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["minnekortleser med 2 spalter"], ["106:134"]], "Polar_expression": [["toppen p\u00e5 kransekaka"], ["79:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-10-02", "text": "Den dekker SmartMedia,SD / MemoryStick og MMC pluss CompactFlash , med varianter blir det st\u00f8tte for 9 formater i 2 spalter .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["dekker SmartMedia,SD / MemoryStick og MMC pluss CompactFlash"], ["4:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["st\u00f8tte for 9 formater i 2 spalter"], ["90:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201470-10-03", "text": "USB-HUB og kortleser henger p\u00e5 samme USB-tilkobling til PCen .", "opinions": []}, {"sent_id": "201470-11-01", "text": "Mer fleksibel skjerm skal du alts\u00e5 lete lenge etter .", "opinions": [{"Source": [[], []], "Target": [["skjerm"], ["14:20"]], "Polar_expression": [["Mer fleksibel", "skal du alts\u00e5 lete lenge etter"], ["0:13", "21:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-12-01", "text": "Betjening", "opinions": []}, {"sent_id": "201470-13-01", "text": "Betjeningen er grei , men det blir mye knotting med denne type betjening hvor man\u00f8vrering og justering gj\u00f8res med de samme + og - knappene .", "opinions": []}, {"sent_id": "201470-13-02", "text": "Innganger og bilde-i-bilde velges med dedikerte knapper , heldigvis .", "opinions": []}, {"sent_id": "201470-14-01", "text": "Bildekvalitet", "opinions": []}, {"sent_id": "201470-15-01", "text": "Den forrige modellen var vi ikke s\u00e5 imponert over .", "opinions": [{"Source": [["vi"], ["25:27"]], "Target": [["forrige modellen"], ["4:20"]], "Polar_expression": [["ikke s\u00e5 imponert over"], ["28:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-15-02", "text": "Etter at vi hadde testet 20-tommeren 2005 FPW hadde vi store forventninger til storebror , men disse ble ikke oppfylt .", "opinions": [{"Source": [["vi"], ["52:54"]], "Target": [["storebror"], ["79:88"]], "Polar_expression": [["store forventninger", "ble ikke oppfylt"], ["55:74", "101:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["52:54"]], "Target": [["20-tommeren 2005 FPW"], ["25:45"]], "Polar_expression": [["store forventninger"], ["55:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-16-01", "text": "Spesielt betraktningsvinkelen og sortniv\u00e5et trakk ned , til kontorbruk var det uproblematisk , men bilder og video led under dette .", "opinions": [{"Source": [[], []], "Target": [["betraktningsvinkelen"], ["9:29"]], "Polar_expression": [["trakk ned"], ["44:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sortniv\u00e5et"], ["33:43"]], "Polar_expression": [["trakk ned"], ["44:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sortniv\u00e5et"], ["33:43"]], "Polar_expression": [["til kontorbruk var det uproblematisk"], ["56:92"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sortniv\u00e5et"], ["33:43"]], "Polar_expression": [["bilder og video led"], ["99:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["betraktningsvinkelen"], ["9:29"]], "Polar_expression": [["til kontorbruk var det uproblematisk"], ["56:92"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["betraktningsvinkelen"], ["9:29"]], "Polar_expression": [["bilder og video led"], ["99:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-17-01", "text": "Men med 2407WFP har Dell tatt tak i disse problemene , og den er n\u00e5 like bra som 20-tommeren p\u00e5 disse omr\u00e5dene .", "opinions": [{"Source": [[], []], "Target": [["Dell"], ["20:24"]], "Polar_expression": [["tatt tak i disse problemene"], ["25:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["2407WFP"], ["8:15"]], "Polar_expression": [["like bra som 20-tommeren"], ["68:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-17-02", "text": "Faktisk er sortniv\u00e5et enda bedre enn hos 2005 , som i kombinasjon med en litt annerledes matrise ogs\u00e5 resulterer i klart \" fetere \" tekst der 20-tommeren tegner sv\u00e6rt slankt .", "opinions": [{"Source": [[], []], "Target": [["sortniv\u00e5et"], ["11:21"]], "Polar_expression": [["enda bedre enn hos 2005"], ["22:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["2005"], ["41:45"]], "Polar_expression": [["sortniv\u00e5et enda bedre enn"], ["11:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-17-03", "text": "F\u00f8rst trodde vi 24-tommeren var uskarp , men testene viste 100 % stabilitet i alle m\u00f8nstre .", "opinions": [{"Source": [["vi"], ["13:15"]], "Target": [["24-tommeren"], ["16:27"]], "Polar_expression": [["trodde", "uskarp"], ["6:12", "32:38"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["24-tommeren"], ["16:27"]], "Polar_expression": [["100 % stabilitet i alle m\u00f8nstre"], ["59:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-18-01", "text": "Digitalfoto fra alle typer kameraer , fra v\u00e5rt gamle Canon G1 til v\u00e5re nye Ixus 800 og Nikon D200 , fremst\u00e5r med stort tr\u00f8kk i fargene , uten at det blir kunstig .", "opinions": [{"Source": [[], []], "Target": [["Digitalfoto"], ["0:11"]], "Polar_expression": [["fremst\u00e5r med stort tr\u00f8kk i fargene"], ["100:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Digitalfoto"], ["0:11"]], "Polar_expression": [["uten at det blir kunstig"], ["137:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-18-02", "text": "Her er vi ikke langt unna samme niv\u00e5 som toppskjermene fra Nec , som hittil har v\u00e6rt usl\u00e5elige .", "opinions": [{"Source": [["vi"], ["7:9"]], "Target": [[], []], "Polar_expression": [["ikke langt unna samme niv\u00e5 som toppskjermene fra Nec"], ["10:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["toppskjermene fra Nec"], ["41:62"]], "Polar_expression": [["usl\u00e5elige"], ["85:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["toppskjermene fra Nec"], ["41:62"]], "Polar_expression": [["toppskjermene"], ["41:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-19-01", "text": "Etterslepet er n\u00e5 redusert til 6ms , men her oppf\u00f8rte skjermen seg annerledes enn noen annen LCD-skjerm vi har sett .", "opinions": [{"Source": [["vi"], ["104:106"]], "Target": [["Etterslepet"], ["0:11"]], "Polar_expression": [["redusert til 6ms"], ["18:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201470-19-02", "text": "Skyggen som oppst\u00e5r n\u00e5r objekter i kontrastfarger beveger seg over skjermen var sv\u00e6rt liten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Skyggen som oppst\u00e5r n\u00e5r objekter i kontrastfarger beveger seg over skjermen var sv\u00e6rt liten"], ["0:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-19-03", "text": "Men i tillegg var det en klart synlig lysere \" ettergl\u00f8d \" som vi ikke har sett tidligere .", "opinions": [{"Source": [[], []], "Target": [["vi"], ["63:65"]], "Polar_expression": [["klart synlig lysere \" ettergl\u00f8d \"", "ikke har sett tidligere"], ["25:58", "66:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-19-04", "text": "I andre mer normale sammenhenger var det ikke mulig \u00e5 legge merke til denne effekten .", "opinions": []}, {"sent_id": "201470-20-01", "text": "Men noen spillskjerm er det likevel ikke snakk om , til det er oppl\u00f8sningen litt i st\u00f8rste laget .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["spillskjerm er det likevel ikke snakk om"], ["9:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["oppl\u00f8sningen"], ["63:75"]], "Polar_expression": [["litt i st\u00f8rste laget"], ["76:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-21-01", "text": "Vi koblet ogs\u00e5 skjermen til v\u00e5r HDTV-tuner med DVI-utgang , og fikk etter en del plunder et riktig bilde p\u00e5 skjermen .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["skjermen"], ["108:116"]], "Polar_expression": [["HDTV-tuner med DVI-utgang", "etter en del plunder et riktig bilde"], ["32:57", "68:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-21-02", "text": "Her var ikke resultatet like overbevisende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke resultatet like overbevisende"], ["8:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-21-03", "text": "Sammenlignet med en Philips 32-tommer var den vesentlig blassere i fargene .", "opinions": [{"Source": [[], []], "Target": [["den"], ["42:45"]], "Polar_expression": [["Sammenlignet med en Philips 32-tommer", "vesentlig blassere i fargene"], ["0:37", "46:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Philips 32-tommer"], ["20:37"]], "Polar_expression": [["Sammenlignet med", "den vesentlig blassere i fargene"], ["0:16", "42:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-22-01", "text": "S\u00e5 koblet vi til RGB i stedet , og det ble langt bedre !", "opinions": [{"Source": [["vi"], ["10:12"]], "Target": [[], []], "Polar_expression": [["RGB", "langt bedre !"], ["17:20", "43:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-22-02", "text": "Her kommer tydeligvis DCDi Faroudja prosesseringen som skjermen har innebygd inn i bildet , bokstavelig talt .", "opinions": []}, {"sent_id": "201470-23-01", "text": "Det var likevel noe flimring , spesielt tydelig p\u00e5 logoer og lignende h\u00f8ykontrast-materiale , men med normal avstand for TV / video-kikking var det knapt merkbart .", "opinions": [{"Source": [[], []], "Target": [["h\u00f8ykontrast-materiale"], ["70:91"]], "Polar_expression": [["noe flimring , spesielt tydelig"], ["16:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["TV / video-kikking"], ["121:139"]], "Polar_expression": [["knapt merkbart"], ["148:162"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-24-01", "text": "Vi koblet ogs\u00e5 v\u00e5r satelittuner til composit-inngangen , og fikk et kurant TV-bilde .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["satelittuner til composit-inngangen , og fikk et kurant TV-bilde"], ["19:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-25-01", "text": "Skjermen kan derfor fungere som et utmerket alternativ til en liten flatskjerm , hvis man allerede har signalkildene som trengs .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["utmerket alternativ til en liten flatskjerm"], ["35:78"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-25-02", "text": "Den er uansett langt bedre som TV / Videoskjerm enn sm\u00e5 TVer er som dataskjerm !", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["langt bedre som TV / Videoskjerm enn sm\u00e5 TVer er som dataskjerm !"], ["15:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["sm\u00e5 TVer er som dataskjerm"], ["52:78"]], "Polar_expression": [["Den er uansett langt bedre som TV / Videoskjerm"], ["0:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-26-01", "text": "Bruksomr\u00e5der", "opinions": []}, {"sent_id": "201470-27-01", "text": "Vi har alltid v\u00e6rt en forkjemper b\u00e5de for flerskjermsl\u00f8sninger og for bredskjermer , og har v\u00e6rt str\u00e5lende forn\u00f8yd med disse b\u00e5de p\u00e5 v\u00e5r egen stasjon\u00e6re - i kombinasjon med en 17 \" - og p\u00e5 v\u00e5r b\u00e6rbare .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["kombinasjon med en 17 \" - og p\u00e5 v\u00e5r b\u00e6rbare"], ["157:200"]], "Polar_expression": [["str\u00e5lende forn\u00f8yd"], ["97:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-28-01", "text": "Da vi koblet opp 24 \" ved siden av 20 \" fikk vi bekreftet v\u00e5re undertrykte lyster , dette er den optimale flerskjermsl\u00f8sningen for middels store budsjetter .", "opinions": [{"Source": [["vi"], ["45:47"]], "Target": [["24 \" ved siden av 20 \""], ["17:39"]], "Polar_expression": [["bekreftet v\u00e5re undertrykte lyster"], ["48:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["24 \" ved siden av 20 \""], ["17:39"]], "Polar_expression": [["optimale flerskjermsl\u00f8sningen for middels store budsjetter"], ["97:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vi"], ["45:47"]], "Polar_expression": [["optimale flerskjermsl\u00f8sningen for middels store budsjetter"], ["97:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-28-02", "text": "To 30-tommere er vanvittig , to 24-tommere er r\u00e5fl\u00e5tt , mens 24 \" og 20 \" er innen rekkevidde .", "opinions": [{"Source": [[], []], "Target": [["To 30-tommere"], ["0:13"]], "Polar_expression": [["vanvittig"], ["17:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["to 24-tommere"], ["29:42"]], "Polar_expression": [["r\u00e5fl\u00e5tt"], ["46:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["24 \" og 20 \""], ["61:73"]], "Polar_expression": [["innen rekkevidde"], ["77:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-28-03", "text": "Da snakker vi selvsagt om profesjonelt bruk , for media , finans , design osv .", "opinions": []}, {"sent_id": "201470-29-01", "text": "Men jobber du mye med bilder og video gir en 24-tommer alene en helt herlig arbeidsflate ( s\u00e5 kan du bruke den gamle 17-tommeren ved siden av ) .", "opinions": [{"Source": [[], []], "Target": [["24-tommer"], ["45:54"]], "Polar_expression": [["alene en helt herlig arbeidsflate"], ["55:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201470-29-02", "text": "Ogs\u00e5 for de som jobber vertikalt med tekst er en 24-tommer p\u00e5 h\u00f8kant en \u00e5penbaring .", "opinions": [{"Source": [[], []], "Target": [["24-tommer p\u00e5 h\u00f8kant"], ["49:68"]], "Polar_expression": [["\u00e5penbaring"], ["72:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201470-30-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "201470-31-01", "text": "Det nye panelet har vesentlig bedre fargegjengivelse og betraktningsvinkel , h\u00e5ndteringen av analoge videosignaler er langt bedre enn p\u00e5 den tidligere modellen , og prisen er i skrivende stund nesten halvert i forhold til det den forrige modellen kostet ved lansering .", "opinions": [{"Source": [[], []], "Target": [["panelet"], ["8:15"]], "Polar_expression": [["nye"], ["4:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["panelet"], ["8:15"]], "Polar_expression": [["vesentlig bedre fargegjengivelse"], ["20:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["panelet"], ["8:15"]], "Polar_expression": [["vesentlig bedre", "betraktningsvinkel"], ["20:35", "56:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fargegjengivelse"], ["36:52"]], "Polar_expression": [["vesentlig bedre"], ["20:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["betraktningsvinkel"], ["56:74"]], "Polar_expression": [["vesentlig bedre"], ["20:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tidligere modellen"], ["141:159"]], "Polar_expression": [["h\u00e5ndteringen av analoge videosignaler er langt bedre enn"], ["77:133"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["h\u00e5ndteringen av analoge videosignaler"], ["77:114"]], "Polar_expression": [["langt bedre enn p\u00e5 den tidligere modellen"], ["118:159"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prisen"], ["165:171"]], "Polar_expression": [["nesten halvert"], ["193:207"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201470-32-01", "text": "Skjermen har en listepris p\u00e5 over 10 275 kroner , men ut m\u00e5neden selges den med 25 % rabatt og prisen blir da 7 725,31 ( ! ) .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["ut m\u00e5neden selges den med 25 % rabatt og prisen blir da 7 725,31 ( ! )"], ["54:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703046-01-01", "text": "Dum hund !", "opinions": [{"Source": [[], []], "Target": [["hund"], ["4:8"]], "Polar_expression": [["Dum", "!"], ["0:3", "9:10"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703046-01-02", "text": "D\u00e5rlig hund !", "opinions": [{"Source": [[], []], "Target": [["hund"], ["7:11"]], "Polar_expression": [["D\u00e5rlig", "!"], ["0:6", "12:13"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703046-02-01", "text": "Dette er ikke moro .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke moro"], ["9:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703046-03-01", "text": "Det er tarmvriende smertefullt p\u00e5 en m\u00e5te som skulle v\u00e6rt forbi p\u00e5 det seine \u00e5ttitallet som vi kalte nittitall og som f\u00f8rte til filmer som \u00ab Beethoven \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tarmvriende smertefullt"], ["7:30"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Beethoven \u00bb"], ["139:152"]], "Polar_expression": [["tarmvriende smertefullt"], ["7:30"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703046-03-02", "text": "Marmaduke er en grand danois , og den er laget i delvis animasjon , s\u00e5nn at den etter hvert ser mer fjollete ut enn hest i hatt , enn ku i kyse , enn katt i kappe .", "opinions": [{"Source": [[], []], "Target": [["Marmaduke"], ["0:9"]], "Polar_expression": [["ser mer fjollete ut enn hest i hatt , enn ku i kyse , enn katt i kappe"], ["92:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703046-04-01", "text": "Poenget med filmen er at Marmaduke m\u00e5 flytte med familien fra Kansas til California , og der involveres han i et slags hundeverdenens high school-helvete med jocker og cluelesser og geeker .", "opinions": []}, {"sent_id": "703046-04-02", "text": "Marmaduke vanker med bastardene og mobbes av de rasereine , og det eneste som skjer er en fjollete , uferdig overf\u00f8ring fra ungdomsfilmer til hvalpe-fetisjismen , og det er stygt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["det eneste som skjer er en fjollete , uferdig overf\u00f8ring fra ungdomsfilmer til hvalpe-fetisjismen"], ["63:160"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["stygt"], ["173:178"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703046-04-03", "text": "Det hjelper ikke stort at matpappa m\u00e5 gj\u00f8re det godt i hundematbransjen for at sjefen skal bli glad , og at hundene skal surfe og at Marmaduke f\u00e5r kj\u00f8terqueen som kj\u00e6reste og svikter henne til fordel for en collie-kaksinne .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hjelper ikke stort"], ["4:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-01-01", "text": "Horribel gjemsel", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Horribel"], ["0:8"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-02-01", "text": "Regi : John Polson .", "opinions": []}, {"sent_id": "107563-02-02", "text": "Med Robert De Niro , Dakota Fanning , Famke Janssen , Elisabeth Shue , Amy Irving .", "opinions": []}, {"sent_id": "107563-02-03", "text": "Amerikansk .", "opinions": []}, {"sent_id": "107563-02-04", "text": "Thriller - 15 \u00e5r , egnet voksne .", "opinions": []}, {"sent_id": "107563-03-01", "text": "Psykologisk dypdykks-thriller forfaller til klisj\u00e9-spr\u00f8yte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forfaller til klisj\u00e9-spr\u00f8yte"], ["30:58"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-04-01", "text": "Hvor g\u00e5r det egentlig galt ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvor g\u00e5r det egentlig galt ?"], ["0:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-04-02", "text": "Antagelig etter halvg\u00e5tt l\u00f8p .", "opinions": []}, {"sent_id": "107563-04-03", "text": "I et kort \u00f8yeblikk blir det litt for \u00e5penbart hvem den egentlige skurken er .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt for \u00e5penbart hvem den egentlige skurken er"], ["28:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-04-04", "text": "Og det virker som filmen - for \u00e5 \u00ab unnskylde \u00bb seg - \u00e5pner hele lageret av velkjente og godt brukte skrekkeffekter .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["18:24"]], "Polar_expression": [["\u00e5pner hele lageret av velkjente og godt brukte skrekkeffekter"], ["53:114"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-05-01", "text": "Men det \u00e5pner alts\u00e5 bra :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00e5pner alts\u00e5 bra"], ["8:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107563-05-02", "text": "Den rastl\u00f8se og utilfredse mor i en urban New York-familie tar livet av seg .", "opinions": []}, {"sent_id": "107563-05-03", "text": "Til fars og den ti-\u00e5rige datters bunnl\u00f8se fortvilelse .", "opinions": []}, {"sent_id": "107563-06-01", "text": "Fra dette punktet er psykolog-faren og datteren p\u00e5 egen h\u00e5nd ; far velger \u00e5 dra ut p\u00e5 landet i et fors\u00f8k p\u00e5 \u00e5 lege sin datter fra traumene .", "opinions": []}, {"sent_id": "107563-07-01", "text": "Samspilet mellom de to , den 61 \u00e5r gamle superveteranen Robert De Niro , og det bare elleve \u00e5r gamle naturfenomenet Dakota Fanning , gir frydefulle stunder .", "opinions": [{"Source": [[], []], "Target": [["Robert De Niro"], ["56:70"]], "Polar_expression": [["superveteranen"], ["41:55"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dakota Fanning"], ["116:130"]], "Polar_expression": [["naturfenomenet"], ["101:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Samspilet"], ["0:9"]], "Polar_expression": [["frydefulle stunder"], ["137:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "107563-07-02", "text": "De Niro overskygger p\u00e5 ingen m\u00e5te sin langt yngre - og usannsynlig uttrykksfulle - kollega .", "opinions": [{"Source": [[], []], "Target": [["De Niro"], ["0:7"]], "Polar_expression": [["kollega", "overskygger p\u00e5 ingen m\u00e5te sin langt yngre"], ["83:90", "8:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107563-08-01", "text": "Er det fred \u00e5 finne p\u00e5 \u00ab landet \u00bb for far og datter ?", "opinions": []}, {"sent_id": "107563-08-02", "text": "Tro om igjen , ettersom \u00ab landet \u00bb har gigantiske hus med m\u00f8rke kjellere , truende skog , m\u00f8rke huler , merkelige mennesker !", "opinions": []}, {"sent_id": "107563-09-01", "text": "Og utflukten p\u00e5 landet havner helt p\u00e5 jordet .", "opinions": []}, {"sent_id": "300336-01-01", "text": "Noe amputert", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Noe amputert"], ["0:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300336-02-01", "text": "\u00ab Gutten og delfinen \u00bb er en passelig sentimental historie om en grei gutt og et sj\u00f8pattedyr uten hale .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Gutten og delfinen \u00bb"], ["0:22"]], "Polar_expression": [["passelig sentimental"], ["29:49"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["gutt"], ["70:74"]], "Polar_expression": [["grei"], ["65:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300336-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "300336-03-02", "text": "\u00ab Gutten og delfinen \u00bb er basert p\u00e5 en historie fra virkeligheten ( Clearwater i Florida ) og handler , sant nok , om en 11-\u00e5ring og hans v\u00e5te venn .", "opinions": []}, {"sent_id": "300336-03-03", "text": "P\u00e5 amerikansk heter filmen \u00ab Dolphin Tale \u00bb og historien dreier seg i stor grad om delfinens hale ( tail ) , en dobbeltbetydning som blir borte i den norske tittelen .", "opinions": []}, {"sent_id": "300336-04-01", "text": "Sawyer ( Nathan Gamble ) er en einst\u00f8ing p\u00e5 skolen , men hverdagen forandres n\u00e5r han en dag bidrar til \u00e5 redde en strandet delfin .", "opinions": []}, {"sent_id": "300336-04-02", "text": "Sawyer skulker skolen for \u00e5 henge med Dr. Haskett ( Harry Connick Jr. ) og resten av staben p\u00e5 Clearwater Marine Hospital , som pr\u00f8ver \u00e5 ta vare p\u00e5 delfinen Winter ( som spiller seg selv ) .", "opinions": []}, {"sent_id": "300336-04-03", "text": "Dessverre er halen s\u00e5 skadet at den m\u00e5 amputeres .", "opinions": []}, {"sent_id": "300336-05-01", "text": "Slapp i fisken", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Slapp i fisken"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300336-05-02", "text": "Sawyers eldre fetter Kyle er lokal sv\u00f8mmemester , men drar i krigen og blir skadet av en landmine .", "opinions": []}, {"sent_id": "300336-05-03", "text": "Han rehabiliteres p\u00e5 et sykehus for veteraner , samtidig som Winter l\u00e6rer seg \u00e5 sv\u00f8mme uten hale .", "opinions": []}, {"sent_id": "300336-06-01", "text": "\u00ab Gutten og delfinen \u00bb handler om mot , samhold og at man aldri skal gi opp .", "opinions": []}, {"sent_id": "300336-06-02", "text": "Stemningen er s\u00e5 sentimental som den b\u00f8r v\u00e6re i en historie om vennskap mellom gutt og delfin , beregnet p\u00e5 sm\u00e5 barn .", "opinions": [{"Source": [[], []], "Target": [["Stemningen"], ["0:10"]], "Polar_expression": [["s\u00e5 sentimental som den b\u00f8r v\u00e6re"], ["14:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300336-06-03", "text": "De norske stemmene er helt greie , men oversettelsen er slapp i fisken .", "opinions": [{"Source": [[], []], "Target": [["norske stemmene"], ["3:18"]], "Polar_expression": [["helt greie"], ["22:32"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["slapp i fisken"], ["56:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300336-06-04", "text": "Det er til n\u00f8d greit at amerikanske talem\u00e5ter skinner igjennom , men n\u00e5r man oversetter \u00ab I am sorry \u00bb med \u00ab beklager \u00bb , kan ikke svaret bli \u00ab Det b\u00f8r du v\u00e6re \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["til n\u00f8d greit at amerikanske talem\u00e5ter skinner igjennom"], ["7:62"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r man oversetter \u00ab I am sorry \u00bb med \u00ab beklager \u00bb , kan ikke svaret bli \u00ab Det b\u00f8r du v\u00e6re \u00bb"], ["69:161"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300336-06-05", "text": "Dessuten sp\u00f8rs det om barn som ikke har l\u00e6rt \u00e5 lese er fortrolige med ord som \u00ab dysfunksjonalitet \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sp\u00f8rs det om barn som ikke har l\u00e6rt \u00e5 lese er fortrolige med ord som \u00ab dysfunksjonalitet \u00bb"], ["9:99"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300336-07-01", "text": "\u00c9n dimensjon for mye", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00c9n dimensjon for mye"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300336-07-02", "text": "Til slutt m\u00e5 det tilf\u00f8yes at det finnes ingen kunstneriske grunner til at denne lite spektakul\u00e6re filmen skal vises i 3D \u2014 bortsett fra hvis form\u00e5let er \u00e5 skjule at Florida har mye sol .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen kunstneriske grunner til at denne lite spektakul\u00e6re filmen skal vises i 3D"], ["40:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["98:104"]], "Polar_expression": [["lite spektakul\u00e6re"], ["80:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300336-07-03", "text": "Hvorfor \u00f8nsker man \u00e5 tvinge kinoglade barnefamilier til \u00e5 bruke ekstra penger for \u00e5 se en d\u00e5rligere film ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvorfor \u00f8nsker man \u00e5 tvinge kinoglade barnefamilier til \u00e5 bruke ekstra penger for \u00e5 se en d\u00e5rligere film"], ["0:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-01-01", "text": "Sukkerspinn !", "opinions": []}, {"sent_id": "105977-02-01", "text": "Man tager et utvalg av Hollywoods mer forf\u00f8rende stjerner , draperer dem i filmatisk sukkerspinn omkring kj\u00e6rlighetens lykke & ulykker p\u00e5 selve Valentinsdagen - og , vips :", "opinions": [{"Source": [[], []], "Target": [["stjerner"], ["49:57"]], "Polar_expression": [["forf\u00f8rende"], ["38:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105977-02-02", "text": "Dr\u00f8mmeopplegget for det maksimalt romantiske ?", "opinions": []}, {"sent_id": "105977-03-01", "text": "Vel :", "opinions": []}, {"sent_id": "105977-03-02", "text": "Ikke aldeles .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke aldeles"], ["0:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-04-01", "text": "For visst har denne filmen sine gode stunder , sine romantiske \u00f8yeblikk og - faktisk !", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["20:26"]], "Polar_expression": [["gode stunder"], ["32:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["20:26"]], "Polar_expression": [["romantiske \u00f8yeblikk"], ["52:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-04-02", "text": "- en liten overraskelse eller to .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["liten overraskelse eller to"], ["5:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-04-03", "text": "For valentiner-elskende beh\u00f8ver dette slett ikke v\u00e6re helt galt .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["32:37"]], "Polar_expression": [["ikke", "helt galt"], ["44:48", "54:63"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105977-05-01", "text": "Likevel , og bare en smule n\u00f8kternt sett , blir denne filmen en noks\u00e5 sammenrasket unnskyldning for fremf\u00f8ring av kjente fjes og -kropper , som ikke beh\u00f8ver \u00e5 anstrenge seg noe s\u00e6rlig for \u00e5 levere de \u00e5penbart forventede varene .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["54:60"]], "Polar_expression": [["sammenrasket unnskyldning for fremf\u00f8ring av kjente fjes og -kropper"], ["70:137"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-06-01", "text": "Det handler om noen par , mellom barneskole- og pensjonist-alder , som beveger seg skisseaktig gjennom den ekstremt rosa kj\u00e6rlighetsdagen , 14. februar , med noen f\u00e5 felles ber\u00f8ringspunkter .", "opinions": [{"Source": [[], []], "Target": [["par"], ["20:23"]], "Polar_expression": [["beveger seg skisseaktig"], ["71:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105977-06-02", "text": "Men hele tiden i kaskader av blomster og sukkert\u00f8y og fargesterke kj\u00e6rlighetskort og dr\u00f8mmer om evige lykke .", "opinions": []}, {"sent_id": "105977-07-01", "text": "Alt blir slett ikke som man dr\u00f8mmer om - selv ikke i en film som denne - som , dypest sett bare egner seg p\u00e5 denne ene , muligvis magiske , dagen .", "opinions": [{"Source": [[], []], "Target": [["film som denne"], ["56:70"]], "Polar_expression": [["bare egner seg p\u00e5 denne ene", "dagen"], ["91:118", "140:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-08-01", "text": "Sukkerspinn-bildet gjelder :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sukkerspinn-bildet gjelder"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "105977-08-02", "text": "Overs\u00f8tt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Overs\u00f8tt"], ["0:8"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-08-03", "text": "Og stort sett ingenting .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stort sett ingenting"], ["3:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105977-09-01", "text": "JON SEL\u00c5S", "opinions": []}, {"sent_id": "303346-01-01", "text": "Anmeldelse :", "opinions": []}, {"sent_id": "303346-01-02", "text": "Alice Lima de Faria debuterer med en fulltreffer av en bildebok", "opinions": [{"Source": [[], []], "Target": [["bildebok"], ["55:63"]], "Polar_expression": [["fulltreffer"], ["37:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-02-01", "text": "Formfullendt , bildeskj\u00f8nn , vittig og varm .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Formfullendt"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bildeskj\u00f8nn"], ["15:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vittig"], ["29:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["varm"], ["39:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-03-01", "text": "Det er en s\u00e5nn dag .", "opinions": []}, {"sent_id": "303346-03-02", "text": "Robinhund vil ikke i barnehagen , og n\u00e5r han kommer dit g\u00e5r alt skeis .", "opinions": []}, {"sent_id": "303346-03-03", "text": "Han s\u00f8ler ut all melka , gir venninnen Fanta katastrofalt h\u00f8y fart p\u00e5 huska og sparker ballen rett p\u00e5 Uffle .", "opinions": []}, {"sent_id": "303346-03-04", "text": "Det vanker bare sure miner og kjeft , selv om Robinhund bl\u00e5nekter :", "opinions": []}, {"sent_id": "303346-03-05", "text": "\u00ab Det var ikke jeg ! \u00bb", "opinions": []}, {"sent_id": "303346-04-01", "text": "Helt beksvart er det likevel ikke i svensk-norske Alice Lima de Farias bildebok om hunden som st\u00e5r opp med feil labb .", "opinions": []}, {"sent_id": "303346-04-02", "text": "For Robinhund har en storebror som alltid st\u00e5r p\u00e5 hans side .", "opinions": []}, {"sent_id": "303346-04-03", "text": "Som alltid er rede til \u00e5 gi tr\u00f8st .", "opinions": []}, {"sent_id": "303346-05-01", "text": "H\u00f8y sjarmsk\u00e5r", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["H\u00f8y sjarmsk\u00e5r"], ["0:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-06-01", "text": "\u00ab Skyt s\u00e5 hardt du kan ! \u00bb ,", "opinions": []}, {"sent_id": "303346-07-01", "text": "H\u00f8y sjarmsk\u00e5r", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["H\u00f8y sjarmsk\u00e5r"], ["0:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-08-01", "text": "Barnehagens regelrytter og nusselige sladrehank er Tjalle , som med sine \u00ab Det var han \u00bb og \u00ab Han igjen ! \u00bb gj\u00f8r livet tungt for helten .", "opinions": []}, {"sent_id": "303346-08-02", "text": "Og til sist ulykkesfuglen Uffle .", "opinions": []}, {"sent_id": "303346-08-03", "text": "Han er en fyr med bekymret oppsyn , som \u00ab st\u00e5r i veien , som vanlig \u00bb .", "opinions": []}, {"sent_id": "303346-09-01", "text": "De sk\u00e5rer h\u00f8yt p\u00e5 sjarm , disse typene .", "opinions": [{"Source": [[], []], "Target": [["disse typene"], ["26:38"]], "Polar_expression": [["sk\u00e5rer h\u00f8yt p\u00e5 sjarm"], ["3:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-10-01", "text": "Billedskj\u00f8nn", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Billedskj\u00f8nn"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-11-01", "text": "Boka er uvanlig fint illustrert .", "opinions": [{"Source": [[], []], "Target": [["Boka"], ["0:4"]], "Polar_expression": [["uvanlig fint illustrert"], ["8:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-11-02", "text": "Egenartede karaktertrekk , skjeve hus , veltede b\u00f8tter og varierende fargepalett p\u00e5 oppslagene :", "opinions": [{"Source": [[], []], "Target": [["karaktertrekk"], ["11:24"]], "Polar_expression": [["Egenartede"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-11-03", "text": "Alt har sin bestemte mening , alt er med og forteller .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt har sin bestemte mening , alt er med og forteller"], ["0:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-12-01", "text": "Billedskj\u00f8nn", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Billedskj\u00f8nn"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-13-01", "text": "Bildene - tegning og papircollage der elementene kan se ut som de er klippet ut og limt inn - utfyller perfekt den stramme teksten .", "opinions": [{"Source": [[], []], "Target": [["Bildene"], ["0:7"]], "Polar_expression": [["utfyller perfekt den stramme teksten"], ["94:130"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-13-02", "text": "Bildene kan si ting ordene tier om .", "opinions": [{"Source": [[], []], "Target": [["Bildene"], ["0:7"]], "Polar_expression": [["kan si ting ordene tier om"], ["8:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-13-03", "text": "At Fanta lander p\u00e5 Uffle n\u00e5r hun fyker av huska st\u00e5r ikke i teksten .", "opinions": []}, {"sent_id": "303346-13-04", "text": "En liten leser kan f\u00e5 gleden av \u00e5 oppdage denne informasjonen selv , i illustrasjonen .", "opinions": [{"Source": [[], []], "Target": [["illustrasjonen"], ["71:85"]], "Polar_expression": [["En liten leser kan f\u00e5 gleden av \u00e5 oppdage denne informasjonen selv"], ["0:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303346-14-01", "text": "\u00ab Det var ikke jeg ! sa Robinhund \u00bb er formfullendt , bildeskj\u00f8nn , vittig og varm .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["formfullendt"], ["39:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bildeskj\u00f8nn"], ["54:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vittig"], ["68:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["varm"], ["78:82"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303346-14-02", "text": "Boka handler om de dummeste og fineste tingene :", "opinions": []}, {"sent_id": "303346-14-03", "text": "Om sure motvindsdager , og om verdien av forbundsfeller som er der for deg , uansett .", "opinions": []}, {"sent_id": "601171-01-01", "text": "Velbygd , effektiv og dyster", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Velbygd"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["effektiv"], ["10:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601171-02-01", "text": "Velbygd og effektiv , men dyster niende kriminalroman om politietterforskeren Harry Hole .", "opinions": [{"Source": [[], []], "Target": [["kriminalroman"], ["40:53"]], "Polar_expression": [["effektiv"], ["11:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kriminalroman"], ["40:53"]], "Polar_expression": [["Velbygd"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601171-03-01", "text": "Forfatter :", "opinions": []}, {"sent_id": "601171-03-02", "text": "Jo Nesb\u00f8", "opinions": []}, {"sent_id": "601171-04-01", "text": "En mann ankommer Oslo fra Bangkok .", "opinions": []}, {"sent_id": "601171-04-02", "text": "Han er h\u00f8y , kraftig bygget , men mager .", "opinions": []}, {"sent_id": "601171-04-03", "text": "Han har denne gr\u00e5brune fargen som er karakteristisk for hvite menn som har oppholdt seg lenge i \u00d8sten .", "opinions": []}, {"sent_id": "601171-04-04", "text": "Hans navn er Harry Hole , tidligere drapsetterforsker ved politiet i Oslo .", "opinions": []}, {"sent_id": "601171-04-05", "text": "Han opps\u00f8ker sin tidligere arbeidsgiver ved Politihuset og ber om \u00e5 f\u00e5 etterforske et narkotikadrap .", "opinions": []}, {"sent_id": "601171-04-06", "text": "Svaret er negativt .", "opinions": []}, {"sent_id": "601171-04-07", "text": "Men han f\u00e5r m\u00f8te den siktede i fengsel .", "opinions": []}, {"sent_id": "601171-04-08", "text": "Den siktede er Oleg , s\u00f8nnen til kvinnen Harry Hole fremdeles elsker .", "opinions": [{"Source": [["Harry Hole"], ["41:51"]], "Target": [["kvinnen"], ["33:40"]], "Polar_expression": [["elsker"], ["62:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "601171-05-01", "text": "Saken er oppklart .", "opinions": []}, {"sent_id": "601171-05-02", "text": "Tilsynelatende .", "opinions": []}, {"sent_id": "601171-05-03", "text": "Men for Harry Hole er saken meget personlig .", "opinions": []}, {"sent_id": "601171-05-04", "text": "Med mye personlig historikk i .", "opinions": []}, {"sent_id": "601171-05-05", "text": "Gjenferd .", "opinions": []}, {"sent_id": "601171-06-01", "text": "Dette er den niende kriminalromanen om etterforskeren Harry Hole .", "opinions": []}, {"sent_id": "601171-06-02", "text": "Jo Nesb\u00f8 har hatt en eventyrlig suksess med sine Harry Hole-b\u00f8ker .", "opinions": [{"Source": [[], []], "Target": [["Harry Hole-b\u00f8ker"], ["49:65"]], "Polar_expression": [["eventyrlig suksess"], ["21:39"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jo Nesb\u00f8"], ["0:8"]], "Polar_expression": [["eventyrlig suksess", "Harry Hole-b\u00f8ker"], ["21:39", "49:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-06-03", "text": "De er oversatt til hele f\u00f8rti spr\u00e5k , nok der \u00e5 nevne at den amerikanske utgaven av \u00ab Sorgenfri \u00bb ble i 2010 nominert til den prestisjetunge Edgarprisen .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["oversatt til hele f\u00f8rti spr\u00e5k"], ["6:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["amerikanske utgaven av \u00ab Sorgenfri \u00bb"], ["61:97"]], "Polar_expression": [["nominert til den prestisjetunge Edgarprisen"], ["109:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "601171-06-04", "text": "I januar i \u00e5r toppet han bestselgerlistene i England med utgivelsen av \u00ab The Leopard \u00bb ( norsk tittel \u00ab Panserhjerte \u00bb ) .", "opinions": []}, {"sent_id": "601171-07-01", "text": "La ett v\u00e6re hamret fast :", "opinions": []}, {"sent_id": "601171-07-02", "text": "Struktur , form , stil og tone i Harry Hole b\u00f8kene er av h\u00f8y kvalitet og h\u00f8yt kaliber .", "opinions": [{"Source": [[], []], "Target": [["tone"], ["26:30"]], "Polar_expression": [["h\u00f8y kvalitet"], ["57:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tone"], ["26:30"]], "Polar_expression": [["h\u00f8yt kaliber"], ["73:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stil"], ["18:22"]], "Polar_expression": [["h\u00f8y kvalitet"], ["57:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["form"], ["11:15"]], "Polar_expression": [["h\u00f8y kvalitet"], ["57:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Struktur"], ["0:8"]], "Polar_expression": [["h\u00f8y kvalitet"], ["57:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stil"], ["18:22"]], "Polar_expression": [["h\u00f8yt kaliber"], ["73:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["form"], ["11:15"]], "Polar_expression": [["h\u00f8yt kaliber"], ["73:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Struktur"], ["0:8"]], "Polar_expression": [["h\u00f8yt kaliber"], ["73:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-07-03", "text": "Vi snakker om de divisjonene der Henning Mankell og Stieg Larsson vagler seg .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["divisjonene der Henning Mankell og Stieg Larsson vagler seg"], ["17:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-07-04", "text": "Undertegnede anser faktisk", "opinions": []}, {"sent_id": "601171-07-05", "text": "Jo Nesb\u00f8 for en strammere , mer elegant , litter\u00e6rt sett , forfatter enn Stieg Larsson .", "opinions": [{"Source": [[], []], "Target": [["Jo Nesb\u00f8"], ["0:8"]], "Polar_expression": [["strammere", "enn Stieg Larsson"], ["16:25", "69:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jo Nesb\u00f8"], ["0:8"]], "Polar_expression": [["mer elegant", "enn Stieg Larsson"], ["28:39", "69:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Stieg Larsson"], ["73:86"]], "Polar_expression": [["Jo Nesb\u00f8 for en strammere", "enn"], ["0:25", "69:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Stieg Larsson"], ["73:86"]], "Polar_expression": [["Jo Nesb\u00f8", "mer elegant", "enn"], ["0:8", "28:39", "69:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-07-06", "text": "I tillegg til det generelt meget h\u00f8ye niv\u00e5 i forbindelse med struktur , form og stil , serverer han med jevne mellomrom skarpe , konsise bilder / metaforer .", "opinions": [{"Source": [[], []], "Target": [["struktur"], ["61:69"]], "Polar_expression": [["generelt meget h\u00f8ye niv\u00e5"], ["18:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["form"], ["72:76"]], "Polar_expression": [["generelt meget h\u00f8ye niv\u00e5"], ["18:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stil"], ["80:84"]], "Polar_expression": [["generelt meget h\u00f8ye niv\u00e5"], ["18:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilder"], ["137:143"]], "Polar_expression": [["jevne mellomrom skarpe , konsise"], ["104:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["metaforer"], ["146:155"]], "Polar_expression": [["jevne mellomrom skarpe , konsise"], ["104:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-07-07", "text": "Historiene , selve det kriminalistiske plot er alltid fengslende , eggende , stimulerende lesning .", "opinions": [{"Source": [[], []], "Target": [["Historiene"], ["0:10"]], "Polar_expression": [["alltid fengslende"], ["47:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historiene"], ["0:10"]], "Polar_expression": [["alltid", "eggende"], ["47:53", "67:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historiene"], ["0:10"]], "Polar_expression": [["alltid", "stimulerende"], ["47:53", "77:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-07-08", "text": "Vi lar oss hurtig fange inn og vi blir med p\u00e5 hele turen .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["lar oss hurtig fange inn"], ["3:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["31:33"]], "Target": [[], []], "Polar_expression": [["blir med p\u00e5 hele turen"], ["34:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-08-01", "text": "Denne gang f\u00f8les faktisk historien litt annerledes .", "opinions": []}, {"sent_id": "601171-08-02", "text": "Selve motorikken i det som fortelles er mer karakterdrevet enn actiondrevet , sett i forhold til flere av hans tidligere romaner .", "opinions": []}, {"sent_id": "601171-08-03", "text": "Og selve substansen f\u00f8les mer dyster enn tidligere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["selve substansen f\u00f8les mer dyster enn tidligere"], ["3:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "601171-08-04", "text": "H\u00e5pene , lysglimtene sitter langt , langt inne , ofte ser man dem ikke engang .", "opinions": []}, {"sent_id": "601171-08-05", "text": "D\u00e9t momentet betyr ikke noen forringelse av jo Nesb\u00f8s Harry Hole-univers , snarere tvert imot .", "opinions": [{"Source": [[], []], "Target": [["Harry Hole-univers"], ["54:72"]], "Polar_expression": [["ikke noen forringelse", "snarere tvert imot"], ["19:40", "75:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601171-09-01", "text": "\u00c5 si \u00ab Anbefales \u00bb om denne romanen f\u00f8les for fattig .", "opinions": [{"Source": [[], []], "Target": [["romanen"], ["28:35"]], "Polar_expression": [["\u00c5 si \u00ab Anbefales \u00bb", "f\u00f8les for fattig"], ["0:18", "36:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601171-09-02", "text": "Denne anmelder artikulerer seg heller slik :", "opinions": []}, {"sent_id": "601171-09-03", "text": "Sammen med Vidar Sundst\u00f8ls \u00ab Ravnene \u00bb er \u00ab Gjenferd \u00bb forsommerens , fellesferiens og sensommerens krimlesning !", "opinions": [{"Source": [[], []], "Target": [["\u00ab Gjenferd \u00bb"], ["42:54"]], "Polar_expression": [["forsommerens", "krimlesning !"], ["55:67", "100:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Gjenferd \u00bb"], ["42:54"]], "Polar_expression": [["fellesferiens", "krimlesning !"], ["70:83", "100:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Gjenferd \u00bb"], ["42:54"]], "Polar_expression": [["sensommerens krimlesning !"], ["87:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ravnene \u00bb"], ["27:38"]], "Polar_expression": [["forsommerens", "krimlesning !"], ["55:67", "100:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ravnene \u00bb"], ["27:38"]], "Polar_expression": [["fellesferiens", "krimlesning !"], ["70:83", "100:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ravnene \u00bb"], ["27:38"]], "Polar_expression": [["sensommerens krimlesning !"], ["87:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-01-01", "text": "Jaqueline \u00ab Idiots \u00bb", "opinions": []}, {"sent_id": "107548-02-01", "text": "( Pop Partner )", "opinions": []}, {"sent_id": "107548-03-01", "text": "Knallt\u00f8ft og \u00e6rlig fra Elverum .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Knallt\u00f8ft"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00e6rlig"], ["13:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107548-04-01", "text": "Jaqueline avsl\u00f8rer seg allerede p\u00e5 omslagsfotoet .", "opinions": []}, {"sent_id": "107548-04-02", "text": "Tre unge menn med blikk som signaliserer at dette er et band som mener alvor !", "opinions": [{"Source": [[], []], "Target": [["band"], ["56:60"]], "Polar_expression": [["mener alvor !"], ["65:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-05-01", "text": "Elverumtrioen Morten W\u00e6rhaug ( sang , gitar ) , Marius Drogs\u00e5s Hagen ( bass , gitar ) og Bjarne Ryen Berg ( trommer ) har skrudd sammen et debutalbum som til tider er sensasjonelt bra .", "opinions": [{"Source": [[], []], "Target": [["debutalbum"], ["139:149"]], "Polar_expression": [["sensasjonelt bra"], ["167:183"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107548-06-01", "text": "\u00ab Idiots \u00bb \u00e5pner rastl\u00f8st og forrykende med sylskarpe \u00ab Ensconce and Seal \u00bb , fortsetter i samme spor med den skumle r\u00e5nerockeren \u00ab Run Piggy \u00bb f\u00f8r de tar strupetak med seige , m\u00f8rke og sugende \u00ab Hooves \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Ensconce and Seal \u00bb"], ["54:75"]], "Polar_expression": [["sylskarpe"], ["44:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Run Piggy \u00bb"], ["130:143"]], "Polar_expression": [["sylskarpe"], ["44:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Idiots \u00bb"], ["0:10"]], "Polar_expression": [["sylskarpe \u00ab Ensconce and Seal \u00bb"], ["44:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Idiots \u00bb"], ["0:10"]], "Polar_expression": [["sylskarpe", "\u00ab Run Piggy \u00bb"], ["44:53", "130:143"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hooves \u00bb"], ["194:204"]], "Polar_expression": [["seige , m\u00f8rke og sugende"], ["169:193"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Idiots \u00bb"], ["0:10"]], "Polar_expression": [["seige , m\u00f8rke og sugende \u00ab Hooves \u00bb"], ["169:204"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107548-07-01", "text": "W\u00e6rhaug synger med r\u00f8ff autoritet , nerve og guts .", "opinions": [{"Source": [[], []], "Target": [["W\u00e6rhaug"], ["0:7"]], "Polar_expression": [["r\u00f8ff autoritet"], ["19:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["W\u00e6rhaug"], ["0:7"]], "Polar_expression": [["nerve"], ["36:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["W\u00e6rhaug"], ["0:7"]], "Polar_expression": [["guts"], ["45:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-07-02", "text": "Dessuten er han en gitarist som har mot til \u00e5 velge uortodokse l\u00f8sninger .", "opinions": [{"Source": [[], []], "Target": [["han"], ["12:15"]], "Polar_expression": [["mot til \u00e5 velge uortodokse l\u00f8sninger"], ["36:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-07-03", "text": "D\u00e5rligere blir det ikke med en rytmeseksjon som kan splitte et atom n\u00e5r de er p\u00e5 sitt tetteste og mest groovy .", "opinions": [{"Source": [[], []], "Target": [["rytmeseksjon"], ["31:43"]], "Polar_expression": [["D\u00e5rligere blir det ikke", "kan splitte et atom n\u00e5r de er p\u00e5 sitt tetteste og mest groovy"], ["0:23", "48:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-08-01", "text": "Det svinger nemlig faretruende av Jaqueline n\u00e5r alt klaffer .", "opinions": [{"Source": [[], []], "Target": [["Jaqueline"], ["34:43"]], "Polar_expression": [["svinger nemlig faretruende", "n\u00e5r alt klaffer"], ["4:30", "44:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-08-02", "text": "Selv beskriver de musikken sin som psykedelisk neandertalrock .", "opinions": []}, {"sent_id": "107548-08-03", "text": "Det er egentlig helt greit fra et ungt band som utvilsomt har h\u00f8rt mye velvoksen musikk , og destillert det hele ned til sitt eget kruttsterke brygg .", "opinions": [{"Source": [[], []], "Target": [["ungt band"], ["34:43"]], "Polar_expression": [["helt greit"], ["16:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ungt band"], ["34:43"]], "Polar_expression": [["kruttsterke brygg"], ["131:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107548-09-01", "text": "ESPEN A. HANSEN", "opinions": []}, {"sent_id": "300746-01-01", "text": "Fotballkampen for tilv\u00e6relsen", "opinions": []}, {"sent_id": "300746-02-01", "text": "\u00ab Mitt livs sjanse \u00bb er fotball for gutta og jentene vi h\u00e5per vinner den st\u00f8rste VM-kampen :", "opinions": []}, {"sent_id": "300746-02-02", "text": "Den for et okei liv .", "opinions": []}, {"sent_id": "300746-03-01", "text": "ANMELDELSE :", "opinions": []}, {"sent_id": "300746-03-02", "text": "Om fjorten dager starter gatefotball-VM i Chile .", "opinions": []}, {"sent_id": "300746-03-03", "text": "Norge er endelig med i et mesterskap .", "opinions": [{"Source": [[], []], "Target": [["Norge"], ["0:5"]], "Polar_expression": [["endelig med i et mesterskap"], ["9:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300746-04-01", "text": "Vi stiller med et brokete landslag best\u00e5ende av gutter og jenter , felles for troppen er at spillerne ikke kommer fra RBK , VIF , R\u00f8a eller Brann , vel , den ene vi blir kjent med , Fredric , har et fortid som trener i Oslo-klubben f\u00f8r han satte seg sj\u00f8l p\u00e5 den borteste benken .", "opinions": []}, {"sent_id": "300746-05-01", "text": "Og , i s\u00e5 m\u00e5te kan fotball v\u00e6re et av mange godt egnede steder \u00e5 f\u00e5 ut frustrasjoner , aggresjon og samtidig v\u00e6re med i et kollektiv med helt klare ambisjoner som strekker seg langt utover det \u00e5 se fram til neste kamp .", "opinions": [{"Source": [[], []], "Target": [["fotball"], ["19:26"]], "Polar_expression": [["et av mange godt egnede steder \u00e5 f\u00e5 ut frustrasjoner , aggresjon og samtidig v\u00e6re med i et kollektiv med helt klare ambisjoner som strekker seg langt utover det \u00e5 se fram til neste kamp"], ["32:217"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300746-06-01", "text": "Vel , neste kamp er jo d\u00f8nn forskjellig fra menneske til menneske .", "opinions": []}, {"sent_id": "300746-06-02", "text": "Her snakker vi flere kamper i selve kampen .", "opinions": []}, {"sent_id": "300746-07-01", "text": "Som en av spillerne sier ; fotball er ogs\u00e5 en form for rus , en god form for rus .", "opinions": [{"Source": [["en av spillerne"], ["4:19"]], "Target": [["fotball"], ["27:34"]], "Polar_expression": [["god form for rus"], ["64:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "300746-07-02", "text": "Enig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Enig"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300746-07-03", "text": "Fotball og trening kan faktisk nesten redde verden , nesten alts\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["trening"], ["11:18"]], "Polar_expression": [["kan faktisk nesten redde verden , nesten"], ["19:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fotball"], ["0:7"]], "Polar_expression": [["kan faktisk nesten redde verden , nesten"], ["19:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300746-08-01", "text": "Fellesnevneren for de vi f\u00f8lger er at de her f\u00e5r en unik en mulighet til \u00e5 f\u00e5 litt orden p\u00e5 den ford\u00f8mte tilv\u00e6relsen det er \u00e5 holde seg rusfri , dette ved hjelp av et ganske s\u00e5 h\u00e5rets m\u00e5l , et VM i gatefotball .", "opinions": []}, {"sent_id": "300746-08-02", "text": "Og i ukene framover vil vi f\u00f8lge de utvalgte som selvsagt g\u00e5r p\u00e5 smeller , det blir garantert t\u00e5rer , smil og oppturer .", "opinions": []}, {"sent_id": "300746-09-01", "text": "Den sympatiske gjengen forteller n\u00f8kternt og \u00e6rlig om hvor og hvordan og hvorfor ballen ble byttet ut med dop , og etter hvert for noen med kriminalitet .", "opinions": [{"Source": [[], []], "Target": [["gjengen"], ["15:22"]], "Polar_expression": [["sympatiske"], ["4:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gjengen"], ["15:22"]], "Polar_expression": [["forteller n\u00f8kternt og \u00e6rlig"], ["23:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300746-10-01", "text": "Og de som st\u00e5r bak serien lar seg ikke friste til \u00e5 overdramatisere med for mange effekter , ei heller blir det sosialporno med for mye innsmett av regissert feelgood , men litt regi er det nok innsmett av ved \u00e5 f\u00f8lge de \u00ab riktige \u00bb spillerne som blir tatt ut i den f\u00f8rste bruttotroppen .", "opinions": [{"Source": [[], []], "Target": [["de som st\u00e5r bak serien"], ["3:25"]], "Polar_expression": [["lar seg ikke friste til \u00e5 overdramatisere med for mange effekter"], ["26:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de som st\u00e5r bak serien"], ["3:25"]], "Polar_expression": [["ei heller blir det sosialporno med for mye innsmett av regissert feelgood"], ["93:166"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de som st\u00e5r bak serien"], ["3:25"]], "Polar_expression": [["litt regi er det nok innsmett av"], ["173:205"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300746-10-02", "text": "Pytt .", "opinions": []}, {"sent_id": "300746-11-01", "text": "\u00ab Mitt livs sjanse \u00bb f\u00f8lger noen utvalgte fra de spiller NM i gatefotball i sommer til de venter spent p\u00e5 om de kommer med i den endelig VM-troppen .", "opinions": []}, {"sent_id": "300746-11-02", "text": "Dette er ikke \u00ab Heia Tufte \u00bb , dette er ikke Per Mathias H\u00f8gmo som filosoferer , dette er ikke fortellingen om en ung proff som klager over vondt i kontofonen , dette er fotball for gutta og jentene som vi h\u00e5per vinner den st\u00f8rste VM-kampen , f\u00e5 tilbake et okei liv for seg og familiene .", "opinions": []}, {"sent_id": "600051-01-01", "text": "Intens Oscar-favoritt", "opinions": [{"Source": [[], []], "Target": [["Oscar-favoritt"], ["7:21"]], "Polar_expression": [["Intens"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Oscar-favoritt"], ["7:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600051-02-01", "text": "Jeg har alltid , i alle fall siden jeg s\u00e5 \" Haisommer \" som 13-\u00e5ring , tenkt at den verst tenkelige m\u00e5ten \u00e5 vite at du kanskje skal d\u00f8 p\u00e5 , er plaskende i dypt vann med en haifinne som stadig kommer n\u00e6rmere .", "opinions": [{"Source": [["jeg"], ["35:38"]], "Target": [["plaskende i dypt vann med en haifinne som stadig kommer n\u00e6rmere"], ["143:206"]], "Polar_expression": [["verst tenkelige m\u00e5ten \u00e5 vite at du kanskje skal d\u00f8 p\u00e5"], ["84:137"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-02-02", "text": "Det synes jeg fremdeles , men \u00e5 v\u00e6re \" lost in space \" er n\u00e5 p\u00e5 en sv\u00e6rt god andreplass .", "opinions": [{"Source": [["jeg"], ["10:13"]], "Target": [[], []], "Polar_expression": [["\u00e5 v\u00e6re \" lost in space \" er n\u00e5 p\u00e5 en sv\u00e6rt god andreplass"], ["30:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["10:13"]], "Target": [["\" lost in space \""], ["37:54"]], "Polar_expression": [["sv\u00e6rt god andreplass"], ["67:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-03-01", "text": "Dr . Ryan Stone ( Sandra Bullock ) er p\u00e5 sin f\u00f8rste tur i verdensrommet .", "opinions": []}, {"sent_id": "600051-03-02", "text": "Hun har utviklet ett eller annet fantastisk program , som hun med vansker fors\u00f8ker \u00e5 installere i en \u00f8delagt satellitt .", "opinions": []}, {"sent_id": "600051-03-03", "text": "Rundt henne , bekymringsfri og lett , suser Matt Kowalski ( George Clooney ) , som er en rutinert astronaut p\u00e5 sitt aller siste oppdrag .", "opinions": []}, {"sent_id": "600051-03-04", "text": "Han nyter utsikten og vektl\u00f8sheten uten sikkerhetssele , if\u00f8rt kun en liten jetpack p\u00e5 ryggen .", "opinions": []}, {"sent_id": "600051-04-01", "text": "Idyllen er kortvarig .", "opinions": []}, {"sent_id": "600051-04-02", "text": "En russisk satellitt sprenger i tusen biter , og de \u00f8delagte delene suser mot dem i h\u00f8y fart.Plutselig svever de inn i m\u00f8rket , uten romskip , med lite oksygen , og med lite brennstoff igjen i jetpacken .", "opinions": []}, {"sent_id": "600051-04-03", "text": "Deres eneste sjanse er \u00e5 komme seg bort til den nedlagte kinesiske satellitten som de s\u00e5 vidt skimter i det fjerne .", "opinions": []}, {"sent_id": "600051-05-01", "text": "\" Gravity \" inntok 1. plassen p\u00e5 kinotoppen i USA , og det er ikke tvil om at den svever inn som en soleklar Oscar-favoritt i flere kategorier .", "opinions": [{"Source": [[], []], "Target": [["\" Gravity \""], ["0:11"]], "Polar_expression": [["inntok 1. plassen p\u00e5 kinotoppen i USA"], ["12:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Gravity \""], ["0:11"]], "Polar_expression": [["ikke tvil om at den svever inn som en soleklar Oscar-favoritt i flere kategorier"], ["62:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-05-02", "text": "Deriblant beste kvinnelige skuespiller .", "opinions": []}, {"sent_id": "600051-06-01", "text": "Og jeg er stort sett enig i at dette er en veldig bra film , og en av de f\u00e5 filmene du bare m\u00e5 se i 3D .", "opinions": [{"Source": [["jeg"], ["3:6"]], "Target": [["film"], ["54:58"]], "Polar_expression": [["enig i at dette er en veldig bra film"], ["21:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["3:6"]], "Target": [["film"], ["54:58"]], "Polar_expression": [["en av de f\u00e5 filmene du bare m\u00e5 se i 3D"], ["64:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-07-01", "text": "Det eneste som trekker litt ned for min del , er at det til tider blir noe overdrevent og usannsynlig .", "opinions": [{"Source": [["min"], ["36:39"]], "Target": [[], []], "Polar_expression": [["tider blir noe overdrevent og usannsynlig"], ["60:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["min"], ["36:39"]], "Target": [["tider blir noe overdrevent og usannsynlig"], ["60:101"]], "Polar_expression": [["trekker litt ned"], ["15:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-08-01", "text": "Sandra Bullock gj\u00f8r en flott , nedstrippet , sterk og f\u00f8lsom prestasjon , men det er liksom ikke grenser for hva en helt fersk romfarer skal v\u00e6re i stand til \u00e5 klare .", "opinions": [{"Source": [[], []], "Target": [["Sandra Bullock"], ["0:14"]], "Polar_expression": [["flott", "prestasjon"], ["23:28", "61:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sandra Bullock"], ["0:14"]], "Polar_expression": [["nedstrippet", "prestasjon"], ["31:42", "61:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sandra Bullock"], ["0:14"]], "Polar_expression": [["sterk", "prestasjon"], ["45:50", "61:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sandra Bullock"], ["0:14"]], "Polar_expression": [["f\u00f8lsom prestasjon"], ["54:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke grenser for hva en helt fersk romfarer skal v\u00e6re i stand til \u00e5 klare"], ["92:165"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600051-08-02", "text": "Jeg sier ikke mer i fare for \u00e5 r\u00f8pe for mye av handlingen , og jeg har valgt \u00e5 ikke dvele for mye ved det negative siden det positive er s\u00e5 overveldende .", "opinions": [{"Source": [["jeg"], ["63:66"]], "Target": [[], []], "Polar_expression": [["har valgt \u00e5 ikke dvele for mye ved det negative siden det positive er s\u00e5 overveldende"], ["67:152"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["det positive"], ["121:133"]], "Polar_expression": [["overveldende"], ["140:152"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-09-01", "text": "En hyggetur er det derimot ikke .", "opinions": []}, {"sent_id": "600051-09-02", "text": "En blir sugd inn i filmen som i et svart hull .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["19:25"]], "Polar_expression": [["En blir sugd inn i filmen som i et svart hull"], ["0:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600051-09-03", "text": "En f\u00f8ler angsten , kjenner pusten , pulsen og kvalmen , og n\u00e5r filmen er over er en ganske utslitt , men det er absolutt verdt det .", "opinions": [{"Source": [[], []], "Target": [["n\u00e5r filmen er over"], ["59:77"]], "Polar_expression": [["ganske utslitt"], ["84:98"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["n\u00e5r filmen er over"], ["59:77"]], "Polar_expression": [["ganske utslitt , men det er absolutt verdt det"], ["84:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600051-10-01", "text": "Ekte astronauter har ogs\u00e5 sett filmen og skryter hemningsl\u00f8st av dens autentisitet .", "opinions": [{"Source": [["Ekte astronauter"], ["0:16"]], "Target": [["filmen"], ["31:37"]], "Polar_expression": [["skryter hemningsl\u00f8st av dens autentisitet"], ["41:82"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E", "NFP": true}]}, {"sent_id": "600051-11-01", "text": "Og for meg som aldri kommer til \u00e5 sette mine bein i et romskip , hvis ikke det er for \u00e5 v\u00e6re Anakin Skywalkers kopilot i dr\u00f8mme , er vel dette det n\u00e6rmeste jeg kommer en tur i verdensrommet .", "opinions": []}, {"sent_id": "600051-11-02", "text": "Det er bare \u00e5 hoppe p\u00e5 og nyte turen , for den er intens .", "opinions": [{"Source": [[], []], "Target": [["turen"], ["31:36"]], "Polar_expression": [["intens"], ["50:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det er bare \u00e5 hoppe p\u00e5 og nyte turen"], ["0:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111678-01-01", "text": "Lettvint", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lettvint"], ["0:8"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111678-02-01", "text": "DVD-anmeldelse :", "opinions": []}, {"sent_id": "111678-03-01", "text": "Regi :", "opinions": []}, {"sent_id": "111678-03-02", "text": "David Wain", "opinions": []}, {"sent_id": "111678-04-01", "text": "Med : Paul Rudd , Sean Willam Scott", "opinions": []}, {"sent_id": "111678-05-01", "text": "Mistanken om at sjangeren \u00ab ungdomskomedie med 30 - 40 \u00e5r gamle menn \u00bb n\u00e6rmer seg metningspunktet bekreftes av denne lettvinte farsen med gjengangerne Scott og Rudd .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mistanken om at sjangeren \u00ab ungdomskomedie med 30 - 40 \u00e5r gamle menn \u00bb n\u00e6rmer seg metningspunktet bekreftes av denne lettvinte farsen"], ["0:133"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["farsen"], ["127:133"]], "Polar_expression": [["lettvinte"], ["117:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111678-05-02", "text": "S\u00e5 er det da ogs\u00e5 guttungene lenger ned p\u00e5 rollelisten man ler av her :", "opinions": [{"Source": [[], []], "Target": [["guttungene"], ["18:28"]], "Polar_expression": [["man ler av"], ["55:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111678-05-03", "text": "Supernerden Chris Mintz-Plasse , og ikke minst Bobb'e J Thompson , som i en alder av 12 leverer bannskap en Richard Pryor verdig .", "opinions": [{"Source": [[], []], "Target": [["Bobb'e J Thompson"], ["47:64"]], "Polar_expression": [["Richard Pryor verdig"], ["108:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111678-05-04", "text": "Det utf\u00f8rlige ekstramaterialet byr p\u00e5 mer av det samme , skj\u00f8nt det er kanskje ikke et kvalitetstegn at flausescenene fikk fram den bredeste latteren .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kanskje ikke et kvalitetstegn at flausescenene fikk fram den bredeste latteren"], ["71:149"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["flausescenene"], ["104:117"]], "Polar_expression": [["fikk fram den bredeste latteren"], ["118:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ekstramaterialet"], ["14:30"]], "Polar_expression": [["byr p\u00e5 mer av det samme"], ["31:54"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "111678-06-01", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "002423-01-01", "text": "Katt uten kraft", "opinions": [{"Source": [[], []], "Target": [["Katt"], ["0:4"]], "Polar_expression": [["uten kraft"], ["5:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-02-01", "text": "Cat Power mangler fokus og n\u00e6rhet p\u00e5 \u00d8ya .", "opinions": [{"Source": [[], []], "Target": [["Cat Power"], ["0:9"]], "Polar_expression": [["mangler fokus"], ["10:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Cat Power"], ["0:9"]], "Polar_expression": [["mangler", "n\u00e6rhet"], ["10:17", "27:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-03-01", "text": "\" I planned to put on my clown make-up , because I'm so happy to be here , but instead I out on my Marilyn Monroe-dead playdoll make up \" , proklamerte Chan Marshall , kjent som Cat Power , fra scenen halvveis ute i \u00d8ya-settet .", "opinions": []}, {"sent_id": "002423-03-02", "text": "Omtrent d\u00e9t niv\u00e5et av fjernhet holdt hun seg p\u00e5 gjennom hele konserten p\u00e5 \u00d8yas andre dag .", "opinions": [{"Source": [[], []], "Target": [["konserten"], ["61:70"]], "Polar_expression": [["fjernhet holdt hun"], ["22:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["37:40"]], "Polar_expression": [["fjernhet"], ["22:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-04-01", "text": "41-\u00e5ringen skapte et av fjor\u00e5rets sterkeste album med Sun , men makter ikke \u00e5 overf\u00f8re den gripende stemningen p\u00e5 albumet til liveformatet .", "opinions": [{"Source": [[], []], "Target": [["41-\u00e5ringen"], ["0:10"]], "Polar_expression": [["skapte et av fjor\u00e5rets sterkeste album med Sun"], ["11:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sun"], ["54:57"]], "Polar_expression": [["et av fjor\u00e5rets sterkeste album"], ["18:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["41-\u00e5ringen"], ["0:10"]], "Polar_expression": [["makter ikke \u00e5 overf\u00f8re den gripende stemningen p\u00e5 albumet til liveformatet"], ["64:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-04-02", "text": "\u00c5pningsl\u00e5ta , nydelige \" The Greatest \" fra det soul-inspirerte albumet med samme navn fra 2006 , tar seg riktignok opp til et massivt niv\u00e5 med buldrende trommer og en foruroligende stemning etter en slapp start , men b\u00e5de energi- og kvalitetsniv\u00e5et daler kjapt etter den og \" Cherokee \" .", "opinions": [{"Source": [[], []], "Target": [["\" The Greatest \""], ["23:39"]], "Polar_expression": [["nydelige"], ["14:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Greatest \""], ["23:39"]], "Polar_expression": [["tar seg riktignok opp til et massivt niv\u00e5"], ["98:139"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Greatest \""], ["23:39"]], "Polar_expression": [["slapp start"], ["200:211"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["energi- og kvalitetsniv\u00e5et"], ["223:249"]], "Polar_expression": [["daler kjapt"], ["250:261"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-05-01", "text": "Cat Power er kjent for uforutsigbar oppf\u00f8rsel under konsertene sine , og skal ha slitt med nervene i perioder .", "opinions": []}, {"sent_id": "002423-05-02", "text": "Ogs\u00e5 denne kvelden fremst\u00e5r hun nerv\u00f8s ( og langt fra edru ) , der hun konstant fikler med mikrofonledningen eller bukselomma si .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["28:31"]], "Polar_expression": [["fremst\u00e5r", "nerv\u00f8s"], ["19:27", "32:38"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["67:70"]], "Polar_expression": [["langt fra edru"], ["44:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["67:70"]], "Polar_expression": [["konstant fikler med mikrofonledningen eller bukselomma si"], ["71:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-05-03", "text": "Samtidig er hun ydmyk , og virker helhjertet n\u00e5r hun takker folk for \u00e5 komme .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["12:15"]], "Polar_expression": [["ydmyk"], ["16:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["12:15"]], "Polar_expression": [["virker helhjertet n\u00e5r hun takker folk for \u00e5 komme"], ["27:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-05-04", "text": "Men den sl\u00e5ende kraften mye av materialet hennes besitter , er langt borte .", "opinions": [{"Source": [[], []], "Target": [["materialet hennes"], ["31:48"]], "Polar_expression": [["sl\u00e5ende kraften", "langt borte"], ["8:23", "63:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002423-06-01", "text": "Konserten forl\u00f8per , med et par unntak , ganske kjedelig .", "opinions": [{"Source": [[], []], "Target": [["Konserten"], ["0:9"]], "Polar_expression": [["ganske kjedelig"], ["41:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-06-02", "text": "Alt flyter avg\u00e5rde ; bandet virker ufokusert og likegyldig , hovedpersonen sliter med \u00e5 n\u00e5 gjennom og st\u00e5r igjen som frav\u00e6rende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt flyter avg\u00e5rde"], ["0:18"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["21:27"]], "Polar_expression": [["ufokusert"], ["35:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["21:27"]], "Polar_expression": [["likegyldig"], ["48:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hovedpersonen"], ["61:74"]], "Polar_expression": [["sliter med \u00e5 n\u00e5 gjennom"], ["75:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hovedpersonen"], ["61:74"]], "Polar_expression": [["st\u00e5r igjen som frav\u00e6rende"], ["102:127"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-06-03", "text": "Hun sliter tydelig med lyden , og fors\u00f8kene p\u00e5 \u00e5 kommunisere med lydmann og band g\u00e5r utover syngingen , som ofte blir utydelig og halvveis .", "opinions": [{"Source": [[], []], "Target": [["lyden"], ["23:28"]], "Polar_expression": [["sliter tydelig"], ["4:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["syngingen"], ["92:101"]], "Polar_expression": [["fors\u00f8kene p\u00e5 \u00e5 kommunisere med lydmann og band g\u00e5r utover syngingen"], ["34:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["syngingen"], ["92:101"]], "Polar_expression": [["utydelig"], ["118:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["syngingen"], ["92:101"]], "Polar_expression": [["halvveis"], ["130:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-07-01", "text": "I utgangspunktet gode l\u00e5ter , som \" Manhattan \" , \" 369 \" og coveren av The Birthday's Party dystre \" Shivers \" forsvinner alle i en lite givende gr\u00f8t .", "opinions": [{"Source": [[], []], "Target": [["\" Manhattan \""], ["34:47"]], "Polar_expression": [["gode l\u00e5ter"], ["17:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" 369 \""], ["50:57"]], "Polar_expression": [["gode l\u00e5ter"], ["17:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Shivers \""], ["100:111"]], "Polar_expression": [["gode l\u00e5ter"], ["17:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Shivers \""], ["100:111"]], "Polar_expression": [["forsvinner alle i en lite givende gr\u00f8t"], ["112:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" 369 \""], ["50:57"]], "Polar_expression": [["forsvinner alle i en lite givende gr\u00f8t"], ["112:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Manhattan \""], ["34:47"]], "Polar_expression": [["forsvinner alle i en lite givende gr\u00f8t"], ["112:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-07-02", "text": "Cat Power synger godt innimellom , og n\u00e5r hun avslutter med nydelige ( og i Middelalderparken selvskrevne ) \" Ruins \" , skjer det noe .", "opinions": [{"Source": [[], []], "Target": [["Cat Power"], ["0:9"]], "Polar_expression": [["synger godt innimellom"], ["10:32"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r hun avslutter med nydelige ( og i Middelalderparken selvskrevne ) \" Ruins \" , skjer det noe"], ["38:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Ruins \""], ["108:117"]], "Polar_expression": [["nydelige"], ["60:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002423-07-03", "text": "Her minner hun de som fremdeles henger foran Enga-scenen om hvilken fantastisk artist hun egentlig er .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["86:89"]], "Polar_expression": [["fantastisk"], ["68:78"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "002423-07-04", "text": "B\u00e5de stemmen , karismaen og energien er plutselig p\u00e5 plass - men da er det allerede for sent .", "opinions": [{"Source": [[], []], "Target": [["energien"], ["28:36"]], "Polar_expression": [["p\u00e5 plass"], ["50:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["karismaen"], ["15:24"]], "Polar_expression": [["p\u00e5 plass"], ["50:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["stemmen"], ["5:12"]], "Polar_expression": [["p\u00e5 plass"], ["50:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["B\u00e5de stemmen , karismaen og energien er plutselig p\u00e5 plass - men da er det allerede for sent"], ["0:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102359-01-01", "text": "Film :", "opinions": []}, {"sent_id": "102359-01-02", "text": "Billig og forhastet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Billig"], ["0:6"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["forhastet"], ["10:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102359-02-01", "text": "\u00ab The Host \u00bb , basert p\u00e5 Stephenie \u00ab Twilight \u00bb Meyers roman ( \u00ab Verten \u00bb p\u00e5 norsk ) , begynner omtrent der \u00ab Twilight \u00bb -serien topper seg .", "opinions": []}, {"sent_id": "102359-02-02", "text": "Med at den kvinnelige heltinnen blir \u00ab en av dem \u00bb .", "opinions": []}, {"sent_id": "102359-03-01", "text": "\u00ab Dem \u00bb er i dette tilfellet utenomjordiske vesener .", "opinions": []}, {"sent_id": "102359-03-02", "text": "Disse har skapt fred og harmoni p\u00e5 jordkloden .", "opinions": []}, {"sent_id": "102359-03-03", "text": "Problemet er bare at de har gjort det ved \u00e5 ta over kroppene til forsvarsl\u00f8se mennesker .", "opinions": []}, {"sent_id": "102359-04-01", "text": "Heltinnen , Melanie ( Ronan ) , har i \u00e5revis v\u00e6rt p\u00e5 flukt fra inntrengerne .", "opinions": []}, {"sent_id": "102359-04-02", "text": "En dag jakter de henne ned .", "opinions": []}, {"sent_id": "102359-04-03", "text": "Et utenomjordisk vesen - kalt Wanderer eller Wanda - tar bolig i kroppen hennes .", "opinions": []}, {"sent_id": "102359-04-04", "text": "Men Melanies bevissthet lar seg ikke knekke .", "opinions": []}, {"sent_id": "102359-04-05", "text": "Hun overlever , og deler n\u00e5 kropp med en annen .", "opinions": []}, {"sent_id": "102359-05-01", "text": "De to begynner \u00e5 \u00ab snakke sammen \u00bb , og kommer rimelig godt overens .", "opinions": []}, {"sent_id": "102359-05-02", "text": "Snart b\u00e6rer det ut i \u00f8rkenen for \u00e5 lete etter de gjenv\u00e6rende menneskene fra Melanies gamle liv :", "opinions": []}, {"sent_id": "102359-05-03", "text": "Lillebroren Jamie og kj\u00e6resten Jared ( Irons ) .", "opinions": []}, {"sent_id": "102359-06-01", "text": "P\u00e5 overflaten er \u00ab The Host \u00bb lite annet enn nok en utgave av en gammel , hyppig filmatisert science fiction-arketype :", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Host \u00bb"], ["17:29"]], "Polar_expression": [["lite annet enn nok en utgave av en gammel , hyppig filmatisert science fiction-arketype"], ["30:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-06-02", "text": "\u00ab alien invasion \u00bb -historien .", "opinions": []}, {"sent_id": "102359-07-01", "text": "Men Meyer vet selvsagt \u00e5 fylle den med sitt spesiale .", "opinions": []}, {"sent_id": "102359-07-02", "text": "Det hun skriver om , ofte med en slitsomt reaksjon\u00e6r slagside , er unge , rotl\u00f8se jenter p\u00e5 jakt etter trygghet , beskyttelse og felleskap .", "opinions": [{"Source": [[], []], "Target": [["Det hun skriver"], ["0:15"]], "Polar_expression": [["ofte med en slitsomt reaksjon\u00e6r slagside"], ["21:61"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["jenter"], ["82:88"]], "Polar_expression": [["rotl\u00f8se"], ["74:81"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-07-03", "text": "S\u00e5 ogs\u00e5 her .", "opinions": []}, {"sent_id": "102359-08-01", "text": "Beskyttelsen skal helst bes\u00f8rges av ikke bare \u00e9n , men to konkurrerende , forbausende kyske menn .", "opinions": []}, {"sent_id": "102359-08-02", "text": "I \u00ab The Host \u00bb l\u00f8ses dette ved \u00e5 la Ian ( Jake Abel ) bli forelsket i Wanderer / Wanda , samtidig som Melanie fortsatt elsker Jared .", "opinions": []}, {"sent_id": "102359-08-03", "text": "Voil\u00e1 !", "opinions": []}, {"sent_id": "102359-08-04", "text": "Den samme kroppen f\u00e5r anledning til \u00e5 kline med begge to !", "opinions": []}, {"sent_id": "102359-09-01", "text": "Det klines i det hele tatt mye i \u00ab The Host \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Host \u00bb"], ["33:45"]], "Polar_expression": [["klines i det hele tatt mye"], ["4:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102359-09-02", "text": "Jeg talte tre ganger i l\u00f8pet av det f\u00f8rste kvarteret .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tre ganger i l\u00f8pet av det f\u00f8rste kvarteret"], ["10:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "102359-09-03", "text": "En kyniker ville kanskje tro at disse kyssescenene var regiss\u00f8r og manusforfatter Niccols hele og fulle motivasjon for \u00e5 lage filmen .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8r og manusforfatter Niccols"], ["55:89"]], "Polar_expression": [["En kyniker ville kanskje tro at disse kyssescenene var regiss\u00f8r og manusforfatter Niccols hele og fulle motivasjon for \u00e5 lage filmen"], ["0:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-09-04", "text": "Kanskje det , ja .", "opinions": []}, {"sent_id": "102359-09-05", "text": "Ett er sikkert :", "opinions": []}, {"sent_id": "102359-09-06", "text": "Han bryr seg ikke nevneverdig om alt det andre .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["bryr seg ikke nevneverdig om alt det andre"], ["4:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-10-01", "text": "Han har for eksempel ikke funnet en velfungerende m\u00e5te \u00e5 presentere romanens indre dialoger p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["har", "ikke funnet en velfungerende m\u00e5te \u00e5 presentere romanens indre dialoger p\u00e5"], ["4:7", "21:94"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-10-02", "text": "Niccols lar Melanie vandre rundt i mer eller mindre kontinuerlig samtale med Wanderer - \u00ab inne i \u00bb sitt eget hode .", "opinions": []}, {"sent_id": "102359-10-03", "text": "( Sistnevnte er for enkelhets skyld blitt gitt en noe mer hysterisk stemme .", "opinions": []}, {"sent_id": "102359-10-04", "text": "Omtrent slik de utenomjordiske i filmen kan identifiseres ved de lysende \u00f8ynene ) .", "opinions": []}, {"sent_id": "102359-11-01", "text": "Actionsekvensene er sjuskete og slappe , logikken er svak ( Melanies onkel Jeb aksepterer \u00ab instinktivt \u00bb at hun fremdeles lever i den gamle kroppen sin , fordi han \u00ab er et geni \u00bb ? ) .", "opinions": [{"Source": [[], []], "Target": [["Actionsekvensene"], ["0:16"]], "Polar_expression": [["sjuskete"], ["20:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Actionsekvensene"], ["0:16"]], "Polar_expression": [["slappe"], ["32:38"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["logikken"], ["41:49"]], "Polar_expression": [["svak"], ["53:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-12-01", "text": "Mest overraskende er det at scenografien virker s\u00e5 billig , omtrent som i en sci fi-film fra 1950-tallet .", "opinions": [{"Source": [[], []], "Target": [["scenografien"], ["28:40"]], "Polar_expression": [["virker s\u00e5 billig"], ["41:57"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenografien"], ["28:40"]], "Polar_expression": [["omtrent som i en sci fi-film fra 1950-tallet"], ["60:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-12-02", "text": "Veggene i grotten der store deler av filmen utspiller seg , ser ut som de er laget av pappmasj\u00e9 .", "opinions": [{"Source": [[], []], "Target": [["Veggene i grotten"], ["0:17"]], "Polar_expression": [["ser ut som de er laget av pappmasj\u00e9"], ["60:95"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-12-03", "text": "Selv ekkoeffekten p\u00e5 stemmene h\u00f8res \u00ab fake \u00bb ut .", "opinions": [{"Source": [[], []], "Target": [["ekkoeffekten"], ["5:17"]], "Polar_expression": [["h\u00f8res \u00ab fake \u00bb ut"], ["30:47"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-12-04", "text": "Budsjettet gikk vel med til de s\u00f8lvfargede Lotus-bilene og de hvite dressene .", "opinions": [{"Source": [[], []], "Target": [["Budsjettet"], ["0:10"]], "Polar_expression": [["gikk vel med til de s\u00f8lvfargede Lotus-bilene og de hvite dressene"], ["11:76"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-12-05", "text": "Alt annet ser ut som om det er l\u00e5nt fra en s\u00e5peopera .", "opinions": [{"Source": [[], []], "Target": [["Alt annet"], ["0:9"]], "Polar_expression": [["Alt annet ser ut som om det er l\u00e5nt fra en s\u00e5peopera"], ["0:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-13-01", "text": "Og Melanie / Wanderer / Wanda - alts\u00e5 Ronan ?", "opinions": []}, {"sent_id": "102359-13-02", "text": "Hun er nok en av Meyers spake , anemiske heltinner .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["en av Meyers spake , anemiske heltinner"], ["11:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-13-03", "text": "\u00ab Sterk \u00bb , men bare p\u00e5 liksom .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00ab Sterk \u00bb", "p\u00e5 liksom"], ["0:9", "21:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-13-04", "text": "En god morserstatning for lillebroren .", "opinions": []}, {"sent_id": "102359-13-05", "text": "Men ikke et helt menneske f\u00f8r hun hviler i armene til en annen .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["30:33"]], "Polar_expression": [["ikke et helt menneske f\u00f8r hun hviler i armene til en annen"], ["4:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-14-01", "text": "Undertegnede har ikke lest Meyers bok .", "opinions": []}, {"sent_id": "102359-14-02", "text": "Alt tyder imidlertid p\u00e5 at Niccols har forenklet den ganske s\u00e5 voldsomt .", "opinions": [{"Source": [[], []], "Target": [["Niccols"], ["27:34"]], "Polar_expression": [["forenklet den ganske s\u00e5 voldsomt"], ["39:71"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-14-03", "text": "Han m\u00e5tte vel rekke \u00e5 kryste de siste kronene ut av \u00ab tween romance \u00bb -markedet \u00ab Twilight \u00bb skapte .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["m\u00e5tte vel rekke \u00e5 kryste de siste kronene ut av \u00ab tween romance \u00bb -markedet \u00ab Twilight \u00bb skapte"], ["4:99"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102359-15-01", "text": "Jeg tror Meyer kommer til \u00e5 bli skuffet av det han har gjort med romanen hennes .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["Jeg tror Meyer kommer til \u00e5 bli skuffet av det han har gjort med romanen hennes"], ["0:79"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102359-15-02", "text": "Det tror jeg \u00ab Twilight \u00bb -fansen blir ogs\u00e5 .", "opinions": [{"Source": [["jeg"], ["9:12"]], "Target": [[], []], "Polar_expression": [["Det tror jeg \u00ab Twilight \u00bb -fansen blir ogs\u00e5"], ["0:43"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102359-16-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "002747-01-01", "text": "Uskyldens tid er forbi", "opinions": []}, {"sent_id": "002747-02-01", "text": "Falmede superstjerner skjeler til ungdoms\u00e5rene for \u00e5 koble seg p\u00e5 n\u00e5tiden \u2013 uten \u00e5 lykkes helt .", "opinions": [{"Source": [[], []], "Target": [["superstjerner"], ["8:21"]], "Polar_expression": [["Falmede"], ["0:7"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["superstjerner"], ["8:21"]], "Polar_expression": [["uten \u00e5 lykkes helt"], ["76:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "002747-03-01", "text": "Tro det eller ei , kj\u00e6re leser under 25 \u00e5r :", "opinions": []}, {"sent_id": "002747-03-02", "text": "Det fantes en tid da man som musikkelsker enten m\u00e5tte elske eller hate U2 .", "opinions": []}, {"sent_id": "002747-03-03", "text": "Det er ikke s\u00e5 forferdelig lenge siden , heller .", "opinions": []}, {"sent_id": "002747-04-01", "text": "Men det siste ti\u00e5ret har kvartetten \u2013 godt hjulpet av den nitriste forrigeplaten No Line On The Horizon ( 2009 ) , som jeg trolig ga et terning\u00f8ye for mye i min anmeldelse \u2013 falt abrupt og brutalt under den popkulturelle radaren .", "opinions": [{"Source": [["jeg"], ["119:122"]], "Target": [["No Line On The Horizon ( 2009 )"], ["81:112"]], "Polar_expression": [["nitriste"], ["58:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["119:122"]], "Target": [["No Line On The Horizon ( 2009 )"], ["81:112"]], "Polar_expression": [["trolig ga et terning\u00f8ye for mye"], ["123:154"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["No Line On The Horizon ( 2009 )"], ["81:112"]], "Polar_expression": [["falt abrupt og brutalt"], ["174:196"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "002747-04-02", "text": "I 2014 gir verden i det store og det hele en jamn faen i hva de grandiose irene m\u00e5tte foreta seg .", "opinions": []}, {"sent_id": "002747-04-03", "text": "Det er kanskje ikke det verste utgangspunktet for et livstegn .", "opinions": []}, {"sent_id": "002747-05-01", "text": "\u00c5 gj\u00f8re narr av premisset for dette \u00ab overraskende \u00bb gratisalbumet \u2013 feterte og irrelevante rockere pirker overfladisk i fordums sult \u2013 er s\u00e5re enkelt .", "opinions": [{"Source": [[], []], "Target": [["gratisalbumet"], ["53:66"]], "Polar_expression": [["feterte og irrelevante rockere pirker overfladisk"], ["69:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["gratisalbumet"], ["53:66"]], "Polar_expression": [["\u00c5 gj\u00f8re narr av premisset", "er s\u00e5re enkelt"], ["0:25", "136:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true}]}, {"sent_id": "002747-05-02", "text": "Men i praksis er det jo dette U2 har bedrevet fra og med trauste , men anstendige All That You Can \u2019 t Leave Behind ( 2000 ) , da de la bak seg eksperimentalismen , humoren og den postmoderne uroen som preget deres mest fruktbare kunstneriske periode ( les : nittitallet ) .", "opinions": [{"Source": [[], []], "Target": [["All That You Can \u2019 t Leave Behind ( 2000 )"], ["82:124"]], "Polar_expression": [["anstendige"], ["71:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["All That You Can \u2019 t Leave Behind ( 2000 )"], ["82:124"]], "Polar_expression": [["trauste"], ["57:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["U2"], ["30:32"]], "Polar_expression": [["la bak seg eksperimentalismen , humoren og den postmoderne uroen som preget deres mest fruktbare kunstneriske periode"], ["133:250"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "002747-06-01", "text": "P\u00e5 Songs Of Innocence har bandet med seg Danger Mouse , Paul Epworth , Ryan Tedder og Flood bak spakene , uten at noen av dem legger s\u00e5 altfor h\u00f8rbare avtrykk p\u00e5 produktet .", "opinions": [{"Source": [[], []], "Target": [["Songs Of Innocence"], ["3:21"]], "Polar_expression": [["Danger Mouse , Paul Epworth , Ryan Tedder og Flood bak spakene , uten at noen av dem legger s\u00e5 altfor h\u00f8rbare avtrykk p\u00e5 produktet"], ["41:171"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002747-06-02", "text": "Dette er hovedsaklig minste-felles-multiplum-rock som forlengst har blitt foredlet av bandets direkte etterf\u00f8lgere , bare mer skaml\u00f8st ( The Killers ) og refrengsterkt ( Coldplay ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["minste-felles-multiplum-rock"], ["21:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The Killers"], ["137:148"]], "Polar_expression": [["mer skaml\u00f8st"], ["122:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Coldplay"], ["170:178"]], "Polar_expression": [["refrengsterkt"], ["154:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002747-06-03", "text": "Da hjelper det lite med halvhjertede shoutouts til Ramones og The Clash - de peker f\u00f8rst og fremst p\u00e5 U2s egne mangler .", "opinions": [{"Source": [[], []], "Target": [["shoutouts til Ramones og The Clash"], ["37:71"]], "Polar_expression": [["hjelper det lite"], ["3:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["shoutouts til Ramones og The Clash"], ["37:71"]], "Polar_expression": [["halvhjertede"], ["24:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["U2s"], ["102:105"]], "Polar_expression": [["peker f\u00f8rst og fremst p\u00e5 U2s egne mangler"], ["77:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002747-07-01", "text": "P\u00e5 \" California \" ( There Is No End To Love ) \" parafraseres finske The Rasmus' hit \" In The Shadows \" , av alle ting , og det l\u00e5nes generelt raust fra n\u00e6r pophistorie .", "opinions": [{"Source": [[], []], "Target": [["\" California \" ( There Is No End To Love )"], ["3:45"]], "Polar_expression": [["l\u00e5nes generelt raust fra n\u00e6r pophistorie"], ["127:167"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" California \" ( There Is No End To Love )"], ["3:45"]], "Polar_expression": [["parafraseres finske The Rasmus' hit \" In The Shadows \" , av alle ting"], ["48:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" In The Shadows \""], ["84:102"]], "Polar_expression": [["hit"], ["80:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002747-07-02", "text": "Men melodiene er gjennomg\u00e5ende ikke minneverdige nok til at de b\u00e6rer gjentatte runder med Bonos stadig mer anstrengte knekk dansende i \u00f8regangene .", "opinions": [{"Source": [[], []], "Target": [["melodiene"], ["4:13"]], "Polar_expression": [["ikke minneverdige nok"], ["31:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bonos"], ["90:95"]], "Polar_expression": [["stadig mer anstrengte knekk"], ["96:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002747-07-03", "text": "Direkte d\u00e5rlige er kun \" Raised By Wolves \" og \" Volcano \" - s\u00e6rlig sistnevnte er en brautende ikke-l\u00e5t som viser at bandet kanskje har sagt det meste de har \u00e5 si p\u00e5 dette tidspunktet .", "opinions": [{"Source": [[], []], "Target": [["\" Raised By Wolves \""], ["23:43"]], "Polar_expression": [["Direkte d\u00e5rlige"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Volcano \" -"], ["47:60"]], "Polar_expression": [["brautende ikke-l\u00e5t"], ["85:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Volcano \" -"], ["47:60"]], "Polar_expression": [["Direkte d\u00e5rlige"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["117:123"]], "Polar_expression": [["har sagt det meste de har \u00e5 si"], ["132:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002747-08-01", "text": "Mot slutten av albumet skjer det imidlertid noe .", "opinions": [{"Source": [[], []], "Target": [["slutten"], ["4:11"]], "Polar_expression": [["skjer det imidlertid noe"], ["23:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002747-08-02", "text": "Skuldrene senkes ; tvilen og ambivalensen som tilh\u00f8rer et halvkj\u00f8rt liv f\u00e5r snike seg inn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Skuldrene senkes"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002747-08-03", "text": "Det resulterer i to av bandets sterkeste l\u00e5ter p\u00e5 snart 15 \u00e5r - den beint fram nydelige , synthdrevne balladen \" Sleep Like A Baby Tonight \" og dumpe , dempede \" Troubles \" , der Lykke Li viser seg som en overraskende perfekt vokalmatch for v\u00e5r mann med det hvite flagget .", "opinions": [{"Source": [[], []], "Target": [["\" Sleep Like A Baby Tonight \""], ["111:140"]], "Polar_expression": [["sterkeste l\u00e5ter p\u00e5 snart 15 \u00e5r"], ["31:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Troubles \""], ["160:172"]], "Polar_expression": [["sterkeste l\u00e5ter p\u00e5 snart 15 \u00e5r"], ["31:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Sleep Like A Baby Tonight \""], ["111:140"]], "Polar_expression": [["beint fram nydelige"], ["68:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Troubles \""], ["160:172"]], "Polar_expression": [["Lykke Li viser seg som en overraskende perfekt vokalmatch"], ["179:236"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "002747-09-01", "text": "U2s status som et av verdens st\u00f8rste rockeband synes ugjenkallelig tapt .", "opinions": [{"Source": [[], []], "Target": [["U2s"], ["0:3"]], "Polar_expression": [["status som et av verdens st\u00f8rste rockeband synes ugjenkallelig tapt"], ["4:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "002747-09-02", "text": "Men Songs Of Innocence er likevel et lite steg i riktig retning .", "opinions": [{"Source": [[], []], "Target": [["Songs Of Innocence"], ["4:22"]], "Polar_expression": [["lite steg i riktig retning"], ["37:63"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002747-09-03", "text": "Noen m\u00e5 forvalte De Store F\u00f8lelsene , ogs\u00e5 i 2014 - da er ikke disse karene de verste \u00e5 ha i bakh\u00e5nd .", "opinions": [{"Source": [[], []], "Target": [["karene"], ["69:75"]], "Polar_expression": [["ikke", "verste \u00e5 ha i bakh\u00e5nd"], ["58:62", "79:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-01-01", "text": "Seier for ereksjonen", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Seier"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002380-02-01", "text": "Det var en erigert utgave av Turboneger som gikk av scenen etter halvannen time i sola p\u00e5 Roskilde .", "opinions": [{"Source": [[], []], "Target": [["Turboneger"], ["29:39"]], "Polar_expression": [["erigert"], ["11:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-03-01", "text": "\u00c5 kjempe mot sola er blitt Turbonegers tilbakevendende bane p\u00e5 Roskilde .", "opinions": []}, {"sent_id": "002380-03-02", "text": "Denne gangen hadde sola passert sitt h\u00f8yeste punkt med tre timer da bandet gikk p\u00e5 , og varmen var p\u00e5 sitt h\u00f8yeste s\u00e5 langt under festivalen .", "opinions": []}, {"sent_id": "002380-03-03", "text": "P\u00e5 akkurat samme tidspunkt , p\u00e5 akkurat samme scene , gikk bandet ogs\u00e5 p\u00e5 i 2005 .", "opinions": []}, {"sent_id": "002380-03-04", "text": "Den store forskjellen p\u00e5 de to konsertene er vokalisten og energiniv\u00e5et .", "opinions": []}, {"sent_id": "002380-04-01", "text": "Euroboy , for anledningen i et Jahn-Teigen-tidlig-80-talls-aktig kostyme river uten problemer i stykker den varme sommerluften og Tony Sylvester gj\u00f8r det han kan for \u00e5 skape en m\u00f8rkest mulig stemning .", "opinions": [{"Source": [[], []], "Target": [["Euroboy"], ["0:7"]], "Polar_expression": [["uten problemer"], ["79:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tony Sylvester"], ["130:144"]], "Polar_expression": [["gj\u00f8r det han kan"], ["145:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-04-02", "text": "Han og resten av gjengen makter ogs\u00e5 til tider \u00e5 mentalt skru av sola og skape den lett hedonistiske verdenen de st\u00e5r for musikalsk .", "opinions": [{"Source": [[], []], "Target": [["Han og resten av gjengen"], ["0:24"]], "Polar_expression": [["makter ogs\u00e5 til tider"], ["25:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han og resten av gjengen"], ["0:24"]], "Polar_expression": [["skape den lett hedonistiske verdenen de st\u00e5r for musikalsk"], ["73:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-05-01", "text": "For det er ikke til \u00e5 komme fra at sollyset ikke er dette bandets beste venn .", "opinions": []}, {"sent_id": "002380-05-02", "text": "Bandet gj\u00f8r seg trolig aller best i en m\u00f8rk kjeller .", "opinions": []}, {"sent_id": "002380-05-03", "text": "Men musikken innbyr likevel til stadionformatet og er selvsagt godt egna for allsang .", "opinions": [{"Source": [[], []], "Target": [["musikken"], ["4:12"]], "Polar_expression": [["innbyr likevel til stadionformatet"], ["13:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikken"], ["4:12"]], "Polar_expression": [["godt egna for allsang"], ["63:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-06-01", "text": "Gjennom halvannen time f\u00e5r vi en god blanding av eldre og nyere materiale .", "opinions": [{"Source": [["vi"], ["27:29"]], "Target": [["halvannen time"], ["8:22"]], "Polar_expression": [["god blanding av eldre og nyere materiale"], ["33:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002380-06-02", "text": "Nyere l\u00e5ter som \" I got a knife \" , \" Mister Sister \" , \" Dude without a Face \" og \" You Give Me Worms \" , alle fra sisteskiva Sexual Harassment , sklir alle godt inn i blandinga , uten \u00e5 skape nevneverdige d\u00f8dperioder .", "opinions": [{"Source": [[], []], "Target": [["\" You Give Me Worms \""], ["83:104"]], "Polar_expression": [["sklir alle godt inn i blandinga , uten \u00e5 skape nevneverdige d\u00f8dperioder"], ["147:218"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Dude without a Face \""], ["56:79"]], "Polar_expression": [["sklir alle godt inn i blandinga , uten \u00e5 skape nevneverdige d\u00f8dperioder"], ["147:218"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Mister Sister \""], ["36:53"]], "Polar_expression": [["sklir alle godt inn i blandinga , uten \u00e5 skape nevneverdige d\u00f8dperioder"], ["147:218"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" I got a knife \""], ["16:33"]], "Polar_expression": [["sklir alle godt inn i blandinga , uten \u00e5 skape nevneverdige d\u00f8dperioder"], ["147:218"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-07-01", "text": "Blant de mest ivrige i publikum er det som sedvanlig en god porsjon Turbojugend , som ogs\u00e5 som vanlig er mer enn bare til stede .", "opinions": []}, {"sent_id": "002380-07-02", "text": "Men Thomas Seltzer & co makter \u00e5 engasjere flere enn kun den innerste menigheten .", "opinions": [{"Source": [[], []], "Target": [["Thomas Seltzer & co"], ["4:23"]], "Polar_expression": [["makter \u00e5 engasjere flere"], ["24:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-08-01", "text": "Det gj\u00f8r de stort sett hele settet gjennom .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gj\u00f8r de stort sett hele settet"], ["4:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002380-08-02", "text": "Det var en periode midt i hvor varmen er i ferd med \u00e5 legge en demper p\u00e5 stemninga .", "opinions": [{"Source": [[], []], "Target": [["periode midt i"], ["11:25"]], "Polar_expression": [["varmen er i ferd med \u00e5 legge en demper p\u00e5 stemninga"], ["31:82"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-08-03", "text": "Men l\u00e5ter som \" Ass \" , \" Prince Of The Rodeo \" og spesielt avsluttende \" I Got Errection \" tar det hele til nye h\u00f8yder .", "opinions": [{"Source": [[], []], "Target": [["\" Ass \""], ["14:21"]], "Polar_expression": [["tar det hele til nye h\u00f8yder"], ["92:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Prince Of The Rodeo \""], ["24:47"]], "Polar_expression": [["tar det hele til nye h\u00f8yder"], ["92:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" I Got Errection \""], ["72:91"]], "Polar_expression": [["tar det hele til nye h\u00f8yder"], ["92:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-09-01", "text": "\u00c5 dele publikum i to er det eldste trikset i allsangboka , og The Duke Of Nothing brukte det til perfeksjon f\u00f8r Turboneger gikk av scenen uten tegn p\u00e5 ereksjonssvikt .", "opinions": [{"Source": [[], []], "Target": [["The Duke Of Nothing"], ["62:81"]], "Polar_expression": [["brukte det til perfeksjon"], ["82:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Turboneger"], ["112:122"]], "Polar_expression": [["uten tegn p\u00e5 ereksjonssvikt"], ["138:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002380-10-01", "text": "Flere bilder fra Turboneger-konserten p\u00e5 Roskilde :", "opinions": []}, {"sent_id": "100013-01-01", "text": "Benedicte Maurseth / \u00c5sne Valland Nordli / Berit Opheim / Kristin \u00ab Skaare Fodne ho svara stilt \u00bb", "opinions": []}, {"sent_id": "100013-02-01", "text": "JAZZ Heilo / Musikkoperat\u00f8rene", "opinions": []}, {"sent_id": "100013-03-01", "text": "Det er dobbeltjubileum for dikteren Olav H. Hauge og komponisten Geirr Tveitt , som begge ble f\u00f8dt for hundre \u00e5r siden .", "opinions": []}, {"sent_id": "100013-04-01", "text": "Her er det folkemusikksamleren Geirr Tveitt som er i fokus , med innsamlet materiale fra Hardanger som senere ble brukt i { ldquo } Hundrad Hardingtonar \" .", "opinions": []}, {"sent_id": "100013-05-01", "text": "De tre kvederne Benedicte Maurseth \u00c5sne Valland Nordli og Berit Opheim , sammen med Kristin Skaare p\u00e5 flygel , gir musikken en moderne , meditativ form .", "opinions": []}, {"sent_id": "100013-06-01", "text": "Ut av langtrukne linjer og et lett abstrakt pianospill trer de korthugne melodistrofene i relieff , de tre stemmene veves i en delikat klangblanding .", "opinions": [{"Source": [[], []], "Target": [["korthugne melodistrofene"], ["63:87"]], "Polar_expression": [["trer", "i relieff"], ["55:59", "88:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de tre stemmene"], ["100:115"]], "Polar_expression": [["veves i en delikat klangblanding"], ["116:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100013-06-02", "text": "Maurseths hardingfelespill gir en kj\u00e6rkommen klangvariasjon mot slutten .", "opinions": [{"Source": [[], []], "Target": [["Maurseths hardingfelespill"], ["0:26"]], "Polar_expression": [["kj\u00e6rkommen klangvariasjon mot slutten"], ["34:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100013-06-03", "text": "{ ldquo } Moltor og Myrab\u00e6r { ldquo } og { ldquo } Langeleikl\u00e5t \" er blant h\u00f8ydepunktene .", "opinions": [{"Source": [[], []], "Target": [["Langeleikl\u00e5t"], ["51:63"]], "Polar_expression": [["h\u00f8ydepunktene"], ["75:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Moltor og Myrab\u00e6r"], ["10:27"]], "Polar_expression": [["h\u00f8ydepunktene"], ["75:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-01-01", "text": "Singularity", "opinions": []}, {"sent_id": "000465-02-01", "text": "Kald krig og atomfrykt m\u00f8ter tidsreiser !", "opinions": []}, {"sent_id": "000465-03-01", "text": "Rett etter andreverdenskrig hadde USA atomv\u00e5pen , det eneste landet med makten til \u00e5 bokstavelig talt tilintetgj\u00f8re en hel by .", "opinions": []}, {"sent_id": "000465-04-01", "text": "Stalin satte i gang et forskningsprosjekt for \u00e5 gi Sovjet-staten et tilsvarende v\u00e5pen , og svaret ble Element -99 .", "opinions": []}, {"sent_id": "000465-04-02", "text": "Ren energi , tidsreiser og ekstreme krefter kunne utl\u00f8ses av det tidligere ukjente stoffet .", "opinions": []}, {"sent_id": "000465-05-01", "text": "Gjett hva som skjer n\u00e5 ...", "opinions": []}, {"sent_id": "000465-05-02", "text": "( Pst , noe gikk galt )", "opinions": []}, {"sent_id": "000465-06-01", "text": "Russerne la lokk p\u00e5 basen Katroga - 12 , de ville skjule det som gikk s\u00e5 fryktelig galt .", "opinions": []}, {"sent_id": "000465-06-02", "text": "S\u00e5 , plutselig , g\u00e5r en elektromagnetisk puls i lufta og et par helikoptere krasjer .", "opinions": []}, {"sent_id": "000465-06-03", "text": "To overlevende er fanget uten mulighet til \u00e5 kommunisere med verden p\u00e5 utsiden .", "opinions": []}, {"sent_id": "000465-07-01", "text": "Her tar du over , i rollen som Nate Renko , og jobben vil ikke bli lett for \u00e5 si det s\u00e5nn .", "opinions": []}, {"sent_id": "000465-08-01", "text": "En d\u00e6sj av ditt og datt", "opinions": []}, {"sent_id": "000465-09-01", "text": "P\u00e5 mange m\u00e5ter har Raven Software l\u00e5nt mye fra \" store br\u00f8drene \" Bioshock og Killzone-spillene .", "opinions": []}, {"sent_id": "000465-09-02", "text": "Forskjellen fra Bioshock at er at vi er p\u00e5 en forlatt russisk \u00f8y og ikke under vann .", "opinions": []}, {"sent_id": "000465-10-01", "text": "Og mange vil nok ( feilaktig ) sammenligne Singularity med disse spillene , og tenke at det ikke er verdt \u00e5 spille .", "opinions": [{"Source": [[], []], "Target": [["Singularity"], ["43:54"]], "Polar_expression": [["mange vil nok ( feilaktig ) sammenligne", "tenke at det ikke er verdt \u00e5 spille"], ["3:42", "79:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000465-10-02", "text": "Det er feil , feil og atter feil .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["feil , feil og atter feil"], ["7:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-11-01", "text": "Raven Software har , trass likhetene , klart \u00e5 skape et enormt og spennende spillunivers .", "opinions": [{"Source": [[], []], "Target": [["Raven Software"], ["0:14"]], "Polar_expression": [["klart \u00e5 skape et enormt og spennende spillunivers"], ["39:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillunivers"], ["76:88"]], "Polar_expression": [["spennende"], ["66:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillunivers"], ["76:88"]], "Polar_expression": [["enormt"], ["56:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-12-01", "text": "- Singularitet i relativitetsteorien er et punkt i romtid der en egenskap er uendelig .", "opinions": []}, {"sent_id": "000465-12-02", "text": "Wikipedia om singularitet", "opinions": []}, {"sent_id": "000465-13-01", "text": "En av spillmekanikkens mer spennende sider er bruken av en s\u00e5kalt \" TMD \" eller \" time manipulation device \" .", "opinions": [{"Source": [[], []], "Target": [["\" time manipulation device \""], ["80:108"]], "Polar_expression": [["En av spillmekanikkens mer spennende sider"], ["0:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-14-01", "text": "Den er festet p\u00e5 Renko sin venstre h\u00e5nd , og er lett \u00e5 bruke med Xbox-kontrolleren .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["lett \u00e5 bruke"], ["48:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-14-02", "text": "Den lar deg forynge eller aldre objekter og fiender , bruke telekinses og selvsagt skyte energistr\u00e5ler .", "opinions": []}, {"sent_id": "000465-15-01", "text": "Dette gir mye variasjon i l\u00f8pet av spillets vel 8 - 9 timer lange historie .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["gir mye variasjon"], ["6:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["66:74"]], "Polar_expression": [["mye variasjon"], ["10:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-16-01", "text": "Kjip flerspiller", "opinions": [{"Source": [[], []], "Target": [["flerspiller"], ["5:16"]], "Polar_expression": [["Kjip"], ["0:4"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-17-01", "text": "En flerspiller del er ogs\u00e5 med , men her faller spillmekanikken til kort .", "opinions": [{"Source": [[], []], "Target": [["flerspiller"], ["3:14"]], "Polar_expression": [["her faller spillmekanikken til kort"], ["37:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillmekanikken"], ["48:63"]], "Polar_expression": [["faller", "til kort"], ["41:47", "64:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-17-02", "text": "Kampene er ikke balanserte eller s\u00e6rlig underholdene i lengden .", "opinions": [{"Source": [[], []], "Target": [["Kampene"], ["0:7"]], "Polar_expression": [["ikke balanserte"], ["11:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kampene"], ["0:7"]], "Polar_expression": [["ikke", "s\u00e6rlig underholdene i lengden"], ["11:15", "33:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-18-01", "text": "Singularity sin styrke ligger i historien og situasjonene hvor fortellingen krever at du bruker kl\u00f8kt og intellekt for \u00e5 l\u00f8se oppgaver .", "opinions": [{"Source": [[], []], "Target": [["Singularity"], ["0:11"]], "Polar_expression": [["krever at du bruker kl\u00f8kt og intellekt for \u00e5 l\u00f8se oppgaver"], ["76:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["32:41"]], "Polar_expression": [["styrke"], ["16:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["situasjonene hvor fortellingen krever at du bruker kl\u00f8kt og intellekt for \u00e5 l\u00f8se oppgaver"], ["45:134"]], "Polar_expression": [["styrke"], ["16:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-19-01", "text": "Grafikken og lyden gj\u00f8r atmosf\u00e6ren til en opplevelse , kanskje ikke p\u00e5 niv\u00e5 med Bioshock , men fortsatt veldig bra .", "opinions": [{"Source": [[], []], "Target": [["lyden"], ["13:18"]], "Polar_expression": [["gj\u00f8r atmosf\u00e6ren til en opplevelse"], ["19:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["gj\u00f8r atmosf\u00e6ren til en opplevelse"], ["19:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden"], ["13:18"]], "Polar_expression": [["kanskje ikke p\u00e5 niv\u00e5 med Bioshock"], ["55:88"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["kanskje ikke p\u00e5 niv\u00e5 med Bioshock"], ["55:88"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bioshock"], ["80:88"]], "Polar_expression": [["kanskje ikke p\u00e5 niv\u00e5"], ["55:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden"], ["13:18"]], "Polar_expression": [["veldig bra"], ["104:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["veldig bra"], ["104:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-19-02", "text": "Du f\u00e5r faktisk tid til \u00e5 ta innover deg omgivelsene f\u00f8r det raske tempoet i historien drar deg videre , for dette er ikke kjedelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dette er ikke kjedelig"], ["108:130"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Du f\u00e5r faktisk tid til \u00e5 ta innover deg omgivelsene"], ["0:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000465-20-01", "text": "Dessverre viser ogs\u00e5 Singularity tegn p\u00e5 hastverksarbeid , for jeg opplevde mange \" bugs \" og \" glitches \" i grafikken .", "opinions": [{"Source": [[], []], "Target": [["Singularity"], ["21:32"]], "Polar_expression": [["Dessverre viser", "tegn p\u00e5 hastverksarbeid"], ["0:15", "33:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["63:66"]], "Target": [["grafikken"], ["109:118"]], "Polar_expression": [["opplevde mange \" bugs \" og \" glitches \""], ["67:106"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-20-02", "text": "Det \u00f8delegger , men overskygger heldigvis ikke for spillets fortelling .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["\u00f8delegger"], ["4:13"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["overskygger heldigvis ikke for spillets fortelling"], ["20:70"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-21-01", "text": "Singularity er et godt spill , som lider av at Raven Software ikke hadde penger til \u00e5 gj\u00f8re den siste finpussen .", "opinions": [{"Source": [[], []], "Target": [["Singularity"], ["0:11"]], "Polar_expression": [["godt spill"], ["18:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Singularity"], ["0:11"]], "Polar_expression": [["lider av at Raven Software ikke hadde penger til \u00e5 gj\u00f8re den siste finpussen"], ["35:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Raven Software"], ["47:61"]], "Polar_expression": [["ikke hadde penger til \u00e5 gj\u00f8re den siste finpussen"], ["62:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-21-02", "text": "Og det er nok ikke en \" stayer \" siden flerspillerbiten er enkel , ubalansert og raskt ganske kjedelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke en \" stayer \""], ["14:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["flerspillerbiten"], ["39:55"]], "Polar_expression": [["enkel"], ["59:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["flerspillerbiten"], ["39:55"]], "Polar_expression": [["ubalansert"], ["67:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["flerspillerbiten"], ["39:55"]], "Polar_expression": [["raskt ganske kjedelig"], ["81:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000465-22-01", "text": "Liker du sci-fi , action og f\u00f8rste personsskyetere , har du likevel nesten 10 timer med knall spilling foran deg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["nesten 10 timer med knall spilling"], ["68:102"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-01-01", "text": "Kj\u00e6rlighetsforviklinger i r\u00e5nebygda", "opinions": []}, {"sent_id": "702913-02-01", "text": "En norsk r\u00e5nekomedie med stor harryfaktor \u2013 kan det bli morsomt ?", "opinions": [{"Source": [[], []], "Target": [["norsk r\u00e5nekomedie"], ["3:20"]], "Polar_expression": [["stor harryfaktor"], ["25:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "702913-02-02", "text": "Svaret er ja , s\u00e5 absolutt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Svaret er ja , s\u00e5 absolutt"], ["0:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-03-01", "text": "Det handler om unge mennesker som vil finne den rette .", "opinions": []}, {"sent_id": "702913-03-02", "text": "Kalle med bart og kullsvart cowboyhatt kommer hjem fra uniten .", "opinions": []}, {"sent_id": "702913-03-03", "text": "I bagasjen har han \u00ab lick-a-baum \u00bb , en vare med tiln\u00e6rmet ecstasyvirkning p\u00e5 brukerne , ser det ut til .", "opinions": []}, {"sent_id": "702913-04-01", "text": "Men Kalle vil mer enn \u00e5 tjene tusenlapper .", "opinions": []}, {"sent_id": "702913-04-02", "text": "M\u00e5let er \u00e5 vinne den skj\u00f8nneste dama i bygda :", "opinions": []}, {"sent_id": "702913-04-03", "text": "Trine .", "opinions": []}, {"sent_id": "702913-04-04", "text": "Men sukk og st\u00f8nn , der st\u00e5r vennen Christer og frir .", "opinions": []}, {"sent_id": "702913-04-05", "text": "Til hvem ?", "opinions": []}, {"sent_id": "702913-04-06", "text": "Kalles utk\u00e5rede , s\u00e5 klart .", "opinions": []}, {"sent_id": "702913-05-01", "text": "JEG SKAL SI manusforfatter Thomas Moldestad har f\u00e5tt sving p\u00e5 komplottene sine .", "opinions": [{"Source": [[], []], "Target": [["manusforfatter Thomas Moldestad"], ["12:43"]], "Polar_expression": [["JEG SKAL SI", "f\u00e5tt sving p\u00e5 komplottene sine"], ["0:11", "48:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-05-02", "text": "Han st\u00e5r bak historien i \u00ab Fritt vilt \u00bb som trekker tusener p\u00e5 kino for \u00f8yeblikket .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Fritt vilt \u00bb"], ["25:39"]], "Polar_expression": [["trekker tusener p\u00e5 kino"], ["44:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "702913-05-03", "text": "N\u00e5 fikser han ogs\u00e5 en festlig vri p\u00e5 kj\u00e6rlighetsjakten i \u00ab Kalde f\u00f8tter \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kalde f\u00f8tter \u00bb"], ["57:73"]], "Polar_expression": [["festlig vri p\u00e5 kj\u00e6rlighetsjakten"], ["22:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-06-01", "text": "Moldestad lar Kalle hyre Veronica til \u00e5 lure stakkars Christer opp i stry og vekk fra Trine .", "opinions": []}, {"sent_id": "702913-07-01", "text": "P\u00e5funnene kiler lattermusklene i rikelig monn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["P\u00e5funnene kiler lattermusklene i rikelig monn"], ["0:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-07-02", "text": "Den pripne kan saktens innvende at her rulles det fram mye t\u00e5pelig situasjonskomikk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Den pripne kan saktens innvende at her rulles det fram mye t\u00e5pelig situasjonskomikk"], ["0:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-07-03", "text": "Men flere scener er s\u00e5 overrumplende komiske i sin r\u00e5ne-r\u00f8lpethet at de fungerer .", "opinions": [{"Source": [[], []], "Target": [["flere scener"], ["4:16"]], "Polar_expression": [["s\u00e5 overrumplende komiske i sin r\u00e5ne-r\u00f8lpethet at de fungerer"], ["20:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-08-01", "text": "REGISS\u00d8R Alexander Eik ( Kvinnen i mitt liv , 2003 ) stortrives med materialet han har f\u00e5tt mellom hendene .", "opinions": [{"Source": [[], []], "Target": [["REGISS\u00d8R Alexander Eik"], ["0:22"]], "Polar_expression": [["stortrives med materialet han har f\u00e5tt mellom hendene"], ["53:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-08-02", "text": "\u00c5pningsscenen med et tilstundende bryllup i bygdas kirke er morsomt klippet \u2013 med en nerv\u00f8s brudgom p\u00e5 r\u00f8mmen mellom sn\u00f8dekte gravsteiner .", "opinions": [{"Source": [[], []], "Target": [["\u00c5pningsscenen"], ["0:13"]], "Polar_expression": [["morsomt klippet"], ["60:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-08-03", "text": "Virkningen er stilig n\u00e5r scenen gjentas mot slutten .", "opinions": [{"Source": [[], []], "Target": [["scenen"], ["25:31"]], "Polar_expression": [["Virkningen er stilig n\u00e5r scenen gjentas mot slutten"], ["0:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-08-04", "text": "En ny desperat brudgom legger p\u00e5 sprang , n\u00e5 av en enda mer penibel grunn .", "opinions": []}, {"sent_id": "702913-09-01", "text": "I det hele tatt har Eik \u00f8ye for komiske effekter .", "opinions": [{"Source": [[], []], "Target": [["Eik"], ["20:23"]], "Polar_expression": [["\u00f8ye for komiske effekter"], ["24:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-09-02", "text": "Han lar karikaturene danse p\u00e5 syltynn line over avgrunner merket \u00ab det vulg\u00e6re \u00bb og \u00ab det t\u00e5pelige \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["lar karikaturene danse p\u00e5 syltynn line over avgrunner merket \u00ab det vulg\u00e6re \u00bb og \u00ab det t\u00e5pelige \u00bb"], ["4:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-09-03", "text": "Bare \u00e9n gang ramler han rett ned :", "opinions": [{"Source": [[], []], "Target": [["han"], ["20:23"]], "Polar_expression": [["Bare \u00e9n gang ramler han rett ned"], ["0:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-09-04", "text": "I scenen der den sexfikserte pappaen til Christer drar fram oppbl\u00e5sbare Barbara for \u00e5 bel\u00e6re s\u00f8nnen om kroppens mysterier .", "opinions": []}, {"sent_id": "702913-09-05", "text": "Da tynes moroa for langt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tynes moroa for langt"], ["3:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-09-06", "text": "Litt mer kill-your-darlings hadde gjort seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Litt mer kill-your-darlings hadde gjort seg"], ["0:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-10-01", "text": "MOLDESTAD lyktes ikke helt i \u00e5 gi fem venner tydelige s\u00e6regenheter i gr\u00f8sseren \u00ab Fritt vilt \u00bb .", "opinions": [{"Source": [[], []], "Target": [["MOLDESTAD"], ["0:9"]], "Polar_expression": [["lyktes ikke helt"], ["10:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Fritt vilt \u00bb"], ["79:93"]], "Polar_expression": [["MOLDESTAD lyktes ikke helt"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-11-01", "text": "Personkarakteristikkene er mye bedre utviklet i \u00ab Kalde f\u00f8tter \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Personkarakteristikkene"], ["0:23"]], "Polar_expression": [["mye bedre utviklet"], ["27:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kalde f\u00f8tter \u00bb"], ["48:64"]], "Polar_expression": [["Personkarakteristikkene er mye bedre utviklet"], ["0:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Personkarakteristikkene"], ["0:23"]], "Polar_expression": [["mye bedre utviklet i \u00ab Kalde f\u00f8tter \u00bb"], ["27:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-11-02", "text": "Kalle er kynisk egoist .", "opinions": [{"Source": [[], []], "Target": [["Kalle"], ["0:5"]], "Polar_expression": [["kynisk egoist"], ["9:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-11-03", "text": "Trine er s\u00f8t jente , men ikke uten bein i nesa .", "opinions": [{"Source": [[], []], "Target": [["Trine"], ["0:5"]], "Polar_expression": [["s\u00f8t"], ["9:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Trine"], ["0:5"]], "Polar_expression": [["ikke uten bein i nesa"], ["25:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-11-04", "text": "Man kunne likevel \u00f8nske enda mer s\u00e6rpreg i hennes figur .", "opinions": [{"Source": [[], []], "Target": [["hennes figur"], ["43:55"]], "Polar_expression": [["kunne likevel \u00f8nske enda mer s\u00e6rpreg"], ["4:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-11-05", "text": "R\u00f8dh\u00e5rete Veronica har anlegg for \u00e5 spille roller og kle seg i farlig svart , bare hun f\u00e5r godt betalt .", "opinions": []}, {"sent_id": "702913-12-01", "text": "Moldestad og Eik fletter ogs\u00e5 inn god generasjonssatire .", "opinions": [{"Source": [[], []], "Target": [["Eik"], ["13:16"]], "Polar_expression": [["fletter ogs\u00e5 inn god generasjonssatire"], ["17:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Moldestad"], ["0:9"]], "Polar_expression": [["fletter ogs\u00e5 inn god generasjonssatire"], ["17:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-12-02", "text": "Pappa til Christer , som attp\u00e5til er stedets prest ( artig Benny Borg i rollen ! ) , er en superfrigjort kroppstilbeder som gir s\u00f8nnen prestasjonsangst i senga .", "opinions": [{"Source": [[], []], "Target": [["Benny Borg"], ["59:69"]], "Polar_expression": [["artig Benny Borg i rollen !"], ["53:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Pappa til Christer"], ["0:18"]], "Polar_expression": [["artig Benny Borg i rollen !"], ["53:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-12-03", "text": "De countryrocka foreldrene til Trine er mer opptatt av motorsykler og soveromsaktiviteter enn av datterens behov .", "opinions": []}, {"sent_id": "702913-13-01", "text": "HOVEDROLLEINNEHAVERNE Andreas Blix Henriksen ( Christer ) og Sarah Elise Steensby ( Trine ) er plukket ut i TV2s program \u00ab Filmstjerne \u00bb .", "opinions": [{"Source": [[], []], "Target": [["HOVEDROLLEINNEHAVERNE Andreas Blix Henriksen ( Christer ) og Sarah Elise Steensby ( Trine )"], ["0:91"]], "Polar_expression": [["plukket ut i TV2s program \u00ab Filmstjerne \u00bb"], ["95:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "702913-13-02", "text": "Slikt kunne jo g\u00e5tt aldeles galt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Slikt kunne jo g\u00e5tt aldeles galt"], ["0:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-13-03", "text": "Men begge kommer godt fra det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["begge kommer godt fra det"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-13-04", "text": "Blix Henriksen f\u00e5r mest \u00e5 spille p\u00e5 mens Steensbys hovedjobb er \u00e5 glitre foran guttas \u00f8yne .", "opinions": [{"Source": [[], []], "Target": [["Blix Henriksen"], ["0:14"]], "Polar_expression": [["mest \u00e5 spille p\u00e5"], ["19:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Steensbys"], ["41:50"]], "Polar_expression": [["hovedjobb er \u00e5 glitre foran guttas \u00f8yne"], ["51:90"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-13-05", "text": "Det gj\u00f8r hun til gagns .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["9:12"]], "Polar_expression": [["gj\u00f8r hun til gagns"], ["4:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-14-01", "text": "Lasse Valdal ( Kalle ) og Hanne Kavli Lund ( Veronica ) gj\u00f8r en utmerket innsats og legger navn til rekken av unge skuespillere som fikser \u00e5 agere foran et kamera .", "opinions": [{"Source": [[], []], "Target": [["Hanne Kavli Lund"], ["26:42"]], "Polar_expression": [["utmerket innsats"], ["64:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hanne Kavli Lund"], ["26:42"]], "Polar_expression": [["legger navn til rekken av unge skuespillere som fikser \u00e5 agere foran et kamera"], ["84:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lasse Valdal"], ["0:12"]], "Polar_expression": [["utmerket innsats"], ["64:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lasse Valdal"], ["0:12"]], "Polar_expression": [["legger navn til rekken av unge skuespillere som fikser \u00e5 agere foran et kamera"], ["84:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-15-01", "text": "Og Magnus Beite har skaffet filmen musikk som kler milj\u00f8et og de alltid skiftende stemninger .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["28:34"]], "Polar_expression": [["musikk som kler milj\u00f8et og de alltid skiftende stemninger"], ["35:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["35:41"]], "Polar_expression": [["kler milj\u00f8et og de alltid skiftende stemninger"], ["46:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702913-16-01", "text": "Du blir ikke klokere av \u00ab Kalde f\u00f8tter \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kalde f\u00f8tter \u00bb"], ["24:40"]], "Polar_expression": [["blir ikke klokere av"], ["3:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702913-16-02", "text": "Men moro er det lell .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["moro er det lell"], ["4:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301338-01-01", "text": "Sankt Zamperini", "opinions": []}, {"sent_id": "301338-02-01", "text": "Angelina Jolies \u00ab Unbroken \u00bb er et langt , dyrt og ubehjelpelig banalt motivasjonsseminar om \u00e5 aldri gi opp .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["16:28"]], "Polar_expression": [["langt , dyrt og ubehjelpelig banalt motivasjonsseminar"], ["35:89"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301338-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "301338-03-02", "text": "Med sinn innsats i Yann Demanges \u00ab '71 \u00bb og David Mackenzies \u00ab Starred Up \u00bb , stod den unge engelskmannen Jack O'Connell for to av de mest imponerende rolletolkningene i \u00e5ret som gikk .", "opinions": [{"Source": [[], []], "Target": [["Jack O'Connell"], ["106:120"]], "Polar_expression": [["mest imponerende rolletolkningene"], ["134:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301338-03-03", "text": "Slikt g\u00e5r naturligvis ikke up\u00e5aktet hen , og allerede n\u00e5 er han aktuell med sin f\u00f8rste hovedrolle i en hollywoodfilm .", "opinions": []}, {"sent_id": "301338-03-04", "text": "Dessverre er det lite O'Connell kan gj\u00f8re for \u00e5 redde Angelina Jolies spekulative lidelsesmaraton \u00ab Unbroken \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["98:110"]], "Polar_expression": [["Dessverre er det lite O'Connell kan gj\u00f8re for \u00e5 redde"], ["0:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["98:110"]], "Polar_expression": [["spekulative lidelsesmaraton"], ["70:97"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301338-04-01", "text": "Lidelsespornografi \u00ab Unbroken \u00bb forteller den p\u00e5 alle m\u00e5ter imponerende livshistorien til den amerikanske langdistansel\u00f8peren og krigsfangen Louis Zamperini ( 1917 - 2014 ) , med hovedfokus p\u00e5 hans deltakelse i sommer-OL i Berlin i 1936 og hans milit\u00e6rinnsats under Den andre verdenskrig .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["19:31"]], "Polar_expression": [["Lidelsespornografi"], ["0:18"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["livshistorien til den amerikanske langdistansel\u00f8peren og krigsfangen Louis Zamperini"], ["72:156"]], "Polar_expression": [["p\u00e5 alle m\u00e5ter imponerende"], ["46:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301338-04-02", "text": "Det er \u00e5penbart at Jolie har \u00f8nsket \u00e5 lage en inspirerende film , og det \u00e5 inspirere en av verdens rikeste og mest ber\u00f8mte skuespillere er formodentlig ingen enkel sak .", "opinions": []}, {"sent_id": "301338-05-01", "text": "\u00ab Unbroken \u00bb er en film om \u00e5 overvinne motgang , men den hemmes av at Jolie har fratatt Zamperini hans menneskelighet og forvandlet ham til en overmenneskelig viljesterk og edel skikkelse som det er umulig for et allmennpublikum \u00e5 relatere til .", "opinions": [{"Source": [[], []], "Target": [["Zamperini"], ["88:97"]], "Polar_expression": [["overmenneskelig viljesterk og edel skikkelse som det er umulig for et allmennpublikum \u00e5 relatere til"], ["143:243"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["0:12"]], "Polar_expression": [["hemmes av at Jolie har fratatt Zamperini hans menneskelighet og forvandlet ham til en overmenneskelig viljesterk og edel skikkelse som det er umulig for et allmennpublikum \u00e5 relatere til"], ["57:243"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301338-05-02", "text": "S\u00e5pass klisj\u00e9messig inspirerende blir det faktisk , at man blir sittende og vente p\u00e5 at logoen til en amerikansk joggesko- eller leskedrikkprodusent skal manifestere seg p\u00e5 lerretet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["klisj\u00e9messig inspirerende"], ["7:32"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["man blir sittende og vente p\u00e5 at logoen til en amerikansk joggesko- eller leskedrikkprodusent skal manifestere seg p\u00e5 lerretet"], ["55:181"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301338-05-03", "text": "Og n\u00e5r Coldplay dukker opp p\u00e5 lydsporet under rulleteksten virker det som den mest naturlige ting av verden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r Coldplay dukker opp p\u00e5 lydsporet under rulleteksten virker det som den mest naturlige ting av verden"], ["3:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301338-05-04", "text": "Selvhjelpsverkt\u00f8y Jolies regi fremst\u00e5r gjennomg\u00e5ende som usikker og ineffektiv , og de lange og retningsl\u00f8se scenene gir opphav til en rastl\u00f8shet som gj\u00f8r det vanskelig \u00e5 ta filmens karikerte rollefigurer og \u00e9ndimensjonale konflikter p\u00e5 alvor .", "opinions": [{"Source": [[], []], "Target": [["Jolies regi"], ["18:29"]], "Polar_expression": [["usikker og ineffektiv"], ["57:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenene"], ["109:116"]], "Polar_expression": [["lange og retningsl\u00f8se"], ["87:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenene"], ["109:116"]], "Polar_expression": [["gir opphav til en rastl\u00f8shet som gj\u00f8r det vanskelig \u00e5 ta filmens karikerte rollefigurer og \u00e9ndimensjonale konflikter p\u00e5 alvor"], ["117:242"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301338-05-05", "text": "Den altomfattende h\u00e5pl\u00f8sheten og lidelsen skildres med samme innsikt og presisjon som en velplassert emoji , og O'Connells innwq5w motvirkes hele veien av et kl\u00f8nete manus og kostymeavdelingens bisarre fors\u00f8k p\u00e5 \u00e5 f\u00e5 ham til \u00e5 se italiensk ut .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["altomfattende h\u00e5pl\u00f8sheten og lidelsen skildres med samme innsikt og presisjon som en velplassert emoji"], ["4:106"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["manus"], ["166:171"]], "Polar_expression": [["kl\u00f8nete"], ["158:165"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kostymeavdelingens"], ["175:193"]], "Polar_expression": [["bisarre fors\u00f8k p\u00e5 \u00e5 f\u00e5 ham til \u00e5 se italiensk ut"], ["194:242"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301338-06-01", "text": "\u00ab Unbroken \u00bb gir kanskje mer mening som terapeutisk verkt\u00f8y enn som filmfortelling , men det sier seg ogs\u00e5 selv at selvhjelpsfilmer laget av og for verdensber\u00f8mte milliard\u00e6rer vil ha et noe begrenset nedslagsfelt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["0:12"]], "Polar_expression": [["gir kanskje mer mening som terapeutisk verkt\u00f8y enn som filmfortelling"], ["13:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Unbroken \u00bb"], ["0:12"]], "Polar_expression": [["selvhjelpsfilmer laget av og for verdensber\u00f8mte milliard\u00e6rer vil ha et noe begrenset nedslagsfelt"], ["115:212"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109519-01-01", "text": "Slitne \u00ab sjokk \u00bb", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Slitne \u00ab sjokk \u00bb"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109519-02-01", "text": "Barnlig \u00ab gr\u00f8sser \u00bb", "opinions": [{"Source": [[], []], "Target": [["gr\u00f8sser"], ["10:17"]], "Polar_expression": [["Barnlig \u00ab", "\u00bb"], ["0:9", "18:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109519-03-01", "text": "HANDLER OM :", "opinions": []}, {"sent_id": "109519-03-02", "text": "Etter at moren hennes d\u00f8de under mistenkelige omstendigheter , fors\u00f8kte Anna \u00e5 ta livet sitt .", "opinions": []}, {"sent_id": "109519-03-03", "text": "Deretter havnet hun p\u00e5 psykiatrisk sykehus .", "opinions": []}, {"sent_id": "109519-03-04", "text": "Da hun kommer ut blir hun hjems\u00f8kt av sp\u00f8kelser , og fatter mistanke om at fars nye kj\u00e6reste var involvert i d\u00f8dsfallet .", "opinions": []}, {"sent_id": "109519-04-01", "text": "DOM :", "opinions": []}, {"sent_id": "109519-04-02", "text": "Nyinnspillinger av asiatiske horrorfilmer for ungdom er for lengst blitt en miniindustri-i-industrien i Hollywood .", "opinions": []}, {"sent_id": "109519-04-03", "text": "Denne baserer seg p\u00e5 s\u00f8rkoreanske Kim Jee-Wons \u00ab Janghwa , Hongryeon \u00bb ( 2003 ) .", "opinions": []}, {"sent_id": "109519-04-04", "text": "De britiske Guard-br\u00f8drene gj\u00f8r som best de kan med en grei gr\u00f8sserkonstruksjon , men manuset ellers er uhyre tynt - omtrent tilstrekkelig til 45 minutter som del av en halvd\u00e5rlig serie p\u00e5 TV .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["grei gr\u00f8sserkonstruksjon"], ["55:79"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["manuset"], ["86:93"]], "Polar_expression": [["uhyre tynt"], ["104:114"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["manuset"], ["86:93"]], "Polar_expression": [["del av en halvd\u00e5rlig serie p\u00e5 TV"], ["159:191"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109519-04-05", "text": "Kamerat deres er i overkant begeistret for \u00e5 dvele ved Arielle Kebbel dukkefjes , og skuespillerinnsatsene ellers er lite bemerkelsesverdige .", "opinions": [{"Source": [[], []], "Target": [["Kamerat"], ["0:7"]], "Polar_expression": [["overkant begeistret for \u00e5 dvele ved Arielle Kebbel"], ["19:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillerinnsatsene"], ["85:106"]], "Polar_expression": [["lite bemerkelsesverdige"], ["117:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109519-05-01", "text": "Sjokkeffektene er slitne , og de f\u00e6rreste over 13 vil bli s\u00e6rlig skremt .", "opinions": [{"Source": [[], []], "Target": [["Sjokkeffektene"], ["0:14"]], "Polar_expression": [["f\u00e6rreste over 13 vil bli s\u00e6rlig skremt"], ["33:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sjokkeffektene"], ["0:14"]], "Polar_expression": [["slitne"], ["18:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109519-05-02", "text": "Det er jo dumt , all den tid aldersgrensen er 15 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dumt"], ["10:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109519-06-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "003717-01-01", "text": "M\u00f8rke sjeler", "opinions": []}, {"sent_id": "003717-02-01", "text": "For d\u00e5rlig for kino !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For d\u00e5rlig for kino !"], ["0:21"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003717-03-01", "text": "Det er imponerende at noen brenner s\u00e5 mye for en film at de bruker tre \u00e5r p\u00e5 innspillingen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["imponerende at noen brenner s\u00e5 mye for en film at de bruker tre \u00e5r p\u00e5 innspillingen"], ["7:90"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-04-01", "text": "Men M\u00f8rke sjeler fremkaller dessverre mer vantro latter , tunge sukk og rulling av \u00f8yne enn f\u00f8lelsen av skrekk .", "opinions": [{"Source": [[], []], "Target": [["M\u00f8rke sjeler"], ["4:16"]], "Polar_expression": [["fremkaller dessverre mer vantro latter , tunge sukk og rulling av \u00f8yne enn f\u00f8lelsen av skrekk"], ["17:110"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-05-01", "text": "Den befinner seg i en sjanger der filmer ikke trenger \u00e5 v\u00e6re av Scorsese-kaliber for \u00e5 v\u00e6re gode , men dette er altfor d\u00e5rlig for kino .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["befinner seg i en sjanger der filmer ikke trenger \u00e5 v\u00e6re av Scorsese-kaliber for \u00e5 v\u00e6re gode"], ["4:96"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["dette er altfor d\u00e5rlig for kino"], ["103:134"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003717-06-01", "text": "Svart g\u00f8rr", "opinions": []}, {"sent_id": "003717-07-01", "text": "Historien er s\u00e5nn cirka slik :", "opinions": []}, {"sent_id": "003717-07-02", "text": "Tilfeldige mennesker blir overfalt og drillet i hodet i Oslo .", "opinions": []}, {"sent_id": "003717-08-01", "text": "Ofrene d\u00f8r tilsynelatende , men v\u00e5kner i en zombielignende tilstand , mens de til stadighet spyr ut svart g\u00f8rr .", "opinions": []}, {"sent_id": "003717-09-01", "text": "Faren til ett av ofrene ( Morten Rud\u00e5 ) starter egen etterforskning for \u00e5 finne ut hvem som st\u00e5r bak .", "opinions": []}, {"sent_id": "003717-10-01", "text": "Bommer p\u00e5 historien", "opinions": [{"Source": [[], []], "Target": [["historien"], ["10:19"]], "Polar_expression": [["Bommer"], ["0:6"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-11-01", "text": "De norskbaserte franskmennene C\u00e9sar Ducasse og Mathieu Peteul har skrevet manus , produsert , klippet og regissert .", "opinions": []}, {"sent_id": "003717-11-02", "text": "Rulleteksten er kort .", "opinions": []}, {"sent_id": "003717-12-01", "text": "Det gj\u00f8res flere \u00e5lreite ting n\u00e5r det gjelder kamerabruk , lydeffekter , musikk og klipping .", "opinions": [{"Source": [[], []], "Target": [["kamerabruk"], ["46:56"]], "Polar_expression": [["gj\u00f8res flere \u00e5lreite ting"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydeffekter"], ["59:70"]], "Polar_expression": [["gj\u00f8res flere \u00e5lreite ting"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["73:79"]], "Polar_expression": [["gj\u00f8res flere \u00e5lreite ting"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["klipping"], ["83:91"]], "Polar_expression": [["gj\u00f8res flere \u00e5lreite ting"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-13-01", "text": "Jeg ser \u00e5penbare referanser til filmer som f.eks . Driller Killer og The Ring , men filmskaperne bommer totalt p\u00e5 historien , og greier heller ikke \u00e5 sette den rette stemningen .", "opinions": []}, {"sent_id": "003717-14-01", "text": "Det er ikke lett \u00e5 tro p\u00e5 apokalypsen n\u00e5r drosjer kj\u00f8rer rolig av sted i bakgrunnen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke lett \u00e5 tro p\u00e5 apokalypsen n\u00e5r drosjer kj\u00f8rer rolig av sted i bakgrunnen"], ["7:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-15-01", "text": "Intenst overspilt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Intenst overspilt"], ["0:17"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003717-16-01", "text": "Mysteriet avdekkes etter hvert , uten \u00e5 forklare noe om motiv eller den store tanken bak galskapen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mysteriet avdekkes etter hvert , uten \u00e5 forklare noe om motiv eller den store tanken bak galskapen"], ["0:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-17-01", "text": "Flere oransjekledde drillere opererer fra en fabrikk , under ledelse av en gammel mann .", "opinions": []}, {"sent_id": "003717-17-02", "text": "Jeg skj\u00f8nner rett og slett ikke tegninga .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["skj\u00f8nner rett og slett ikke tegninga"], ["4:40"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-18-01", "text": "Det er mulig det har noe med norsk oljeboring \u00e5 gj\u00f8re .", "opinions": []}, {"sent_id": "003717-18-02", "text": "Karl Sundby har en ekstremt overspilt rolle som hjeml\u00f8s ex-Nordsj\u00f8dykker , men jeg oppfattet ikke alt han sa om det .", "opinions": [{"Source": [[], []], "Target": [["Karl Sundby"], ["0:11"]], "Polar_expression": [["ekstremt overspilt rolle"], ["19:43"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-19-01", "text": "I ferd med \u00e5 sprekke", "opinions": []}, {"sent_id": "003717-20-01", "text": "Forholdsvis kjente fjes som Kyrre Haugen Sydness , Morten Rud\u00e5 og Ida Elise Broch er med i denne filmen , og de m\u00e5 da p\u00e5 et eller annet tidspunkt ha lurt p\u00e5 om det var s\u00e6rlig smart .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["97:103"]], "Polar_expression": [["Forholdsvis kjente fjes", "m\u00e5 da p\u00e5 et eller annet tidspunkt ha lurt p\u00e5 om det var s\u00e6rlig smart"], ["0:23", "112:180"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ida Elise Broch"], ["66:81"]], "Polar_expression": [["Forholdsvis kjente fjes"], ["0:23"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Morten Rud\u00e5"], ["51:62"]], "Polar_expression": [["Forholdsvis kjente fjes"], ["0:23"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kyrre Haugen Sydness"], ["28:48"]], "Polar_expression": [["Forholdsvis kjente fjes"], ["0:23"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-21-01", "text": "De fors\u00f8ker \u00e5 gi historien n\u00f8dvendig vekt for \u00e5 forhindre at den stiger til v\u00e6rs som en varmluftsballong , men greier det ikke .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["fors\u00f8ker \u00e5 gi historien n\u00f8dvendig vekt"], ["3:41"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["greier det ikke"], ["111:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-22-01", "text": "N\u00e5r Sydness avleverer en liksomkjekk replikk mot slutten av filmen , ser det ut som han selv er i ferd med \u00e5 sprekke i vantro latter .", "opinions": [{"Source": [[], []], "Target": [["slutten av filmen"], ["49:66"]], "Polar_expression": [["Sydness avleverer en liksomkjekk replikk", "ser det ut som han selv er i ferd med \u00e5 sprekke i vantro latter"], ["4:44", "69:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sydness"], ["4:11"]], "Polar_expression": [["ser det ut som han selv er i ferd med \u00e5 sprekke i vantro latter"], ["69:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-23-01", "text": "Knapper og glansbilder", "opinions": []}, {"sent_id": "003717-24-01", "text": "Jeg skj\u00f8nner at de fleste av mine innvendinger kan forklares med at en bitteliten stab har prestert en hel film for knapper og glansbilder , i dette tilfellet ca en million kroner .", "opinions": []}, {"sent_id": "003717-25-01", "text": "Det er godt gjort at man har orket alt dette p\u00e5 minibudsjett og i tillegg f\u00e5 vist det p\u00e5 kino .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["godt gjort at man har orket alt dette p\u00e5 minibudsjett og i tillegg f\u00e5 vist det p\u00e5 kino"], ["7:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003717-26-01", "text": "Men burde filmen v\u00e6re der ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["burde filmen v\u00e6re der"], ["4:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003717-26-02", "text": "Nei , jeg synes ikke det .", "opinions": []}, {"sent_id": "003717-26-03", "text": "Dette er en skikkelig kinokalkun som passer bedre p\u00e5 DVD for meget spesielt interesserte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skikkelig kinokalkun"], ["12:32"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["passer bedre p\u00e5 DVD for meget spesielt interesserte"], ["37:88"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300086-01-01", "text": "P\u00e5 ingen m\u00e5te Neil Youngs verste , bare du er t\u00e5lmodig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["P\u00e5 ingen m\u00e5te Neil Youngs verste"], ["0:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300086-02-01", "text": "Orkester / storband-albumet \u00ab Storytone \u00bb er faktisk et ganske typisk Neil Young-album .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Storytone \u00bb"], ["28:41"]], "Polar_expression": [["et ganske typisk Neil Young-album"], ["53:86"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "300086-03-02", "text": "Ikke f\u00f8r har han stavret seg ut av det lille telefonavlukket p\u00e5 teknisk museum der han spilte inn coverl\u00e5ter med Jack White , skilt seg og blitt kj\u00e6reste med Daryl Hannah , s\u00e5 tauer Neil Young ( straks 69 ) inn et 92-personers filharmonisk orkester og et storband for \u00e5 spille inn en serie l\u00e5ter med tematikk i krysningspunktet mellom Autofil , Natur & Milj\u00f8 og Vi over 60 .", "opinions": []}, {"sent_id": "300086-04-01", "text": "Det virker alts\u00e5 helt uaktuelt for Young \u00e5 gj\u00f8re det lett for seg selv - sette seg ned og lage en konvensjonell akustisk country / folk-plate eller enda bedre : en elektrisk harveplate med Crazy Horse som utelukkende byr p\u00e5 gode l\u00e5ter , som en ny \u00ab Ragged Glory \u00bb 25 \u00e5r etter .", "opinions": [{"Source": [[], []], "Target": [["Young"], ["35:40"]], "Polar_expression": [["virker alts\u00e5 helt uaktuelt for Young \u00e5 gj\u00f8re det lett for seg selv"], ["4:70"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["en elektrisk harveplate med Crazy Horse som utelukkende byr p\u00e5 gode l\u00e5ter"], ["161:234"]], "Polar_expression": [["enda bedre"], ["148:158"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ragged Glory \u00bb"], ["247:263"]], "Polar_expression": [["en elektrisk harveplate med Crazy Horse som utelukkende byr p\u00e5 gode l\u00e5ter"], ["161:234"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["gode"], ["224:228"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-05-01", "text": "Kanelspor i skiten", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kanelspor i skiten"], ["0:18"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-05-02", "text": "N\u00e5 ble jeg veldig negativ her .", "opinions": [{"Source": [["jeg"], ["7:10"]], "Target": [[], []], "Polar_expression": [["ble", "veldig negativ"], ["3:6", "11:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300086-05-03", "text": "Hovedinntrykket av \u00ab Storytone \u00bb , som i tillegg til orkester / storband-pakka byr p\u00e5 reprise av alle sangene i nedstrippet , akustisk format , er noe mer nyansert enn som s\u00e5 .", "opinions": []}, {"sent_id": "300086-06-01", "text": "Som tradisjonen etter hvert har blitt med Neil Young og hans innfallspregede arbeidsmetodikk og dormende genialitet , er det alltid noen spor av kanel i skiten , alltid et par hjerteslag av gull hist og her .", "opinions": [{"Source": [[], []], "Target": [["Neil Young"], ["42:52"]], "Polar_expression": [["alltid noen spor av kanel i skiten"], ["125:159"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young"], ["42:52"]], "Polar_expression": [["alltid et par hjerteslag av gull hist og her"], ["162:206"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young"], ["42:52"]], "Polar_expression": [["innfallspregede arbeidsmetodikk"], ["61:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young"], ["42:52"]], "Polar_expression": [["dormende genialitet"], ["96:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-07-01", "text": "20 tunge \u00e5r I forkant av konserten med Crazy Horse i Bergen tidligere i \u00e5r , satte jeg meg ned for \u00e5 lage en 100-l\u00e5ters spilleliste som oppsummerer karrieren til Neil Young .", "opinions": []}, {"sent_id": "300086-08-01", "text": "\u00c9n ting var \u00e5 bli enig med seg selv ( og etterp\u00e5 krangle med likesinnende ) om det \u00ab klassiske \u00bb utvalget ( jada , \u00ab Thrasher \u00bb burde v\u00e6rt med ) .", "opinions": []}, {"sent_id": "300086-08-02", "text": "Noe ganske annet var det selvvalgte premisset med \u00e5 plukke minst \u00e9n l\u00e5t fra samtlige studioalbum .", "opinions": []}, {"sent_id": "300086-08-03", "text": "I seg selv ikke noen sak , men vondere n\u00e5r det gikk p\u00e5 bekostning av enda flere \u00e5rgangsklassikere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vondere n\u00e5r det gikk p\u00e5 bekostning av enda flere \u00e5rgangsklassikere"], ["31:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-09-01", "text": "Denne \u00f8velsen var likevel \u00e5penbarende p\u00e5 mange m\u00e5ter :", "opinions": []}, {"sent_id": "300086-10-01", "text": "F\u00f8r det f\u00f8rste :", "opinions": []}, {"sent_id": "300086-10-02", "text": "Neil Young har de siste tjue \u00e5rene , siden allment bejublede \u00ab Sleeps With Angels \u00bb ( 1994 ) , stort sett , mer eller mindre , gitt ut ganske svake , uforl\u00f8ste eller kjedelige plater .", "opinions": [{"Source": [[], []], "Target": [["Neil Young"], ["0:10"]], "Polar_expression": [["har de siste tjue \u00e5rene", "gitt ut ganske svake , uforl\u00f8ste eller kjedelige plater"], ["11:34", "127:182"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plater"], ["176:182"]], "Polar_expression": [["svake"], ["142:147"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plater"], ["176:182"]], "Polar_expression": [["uforl\u00f8ste"], ["150:159"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plater"], ["176:182"]], "Polar_expression": [["kjedelige"], ["166:175"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Sleeps With Angels \u00bb"], ["61:83"]], "Polar_expression": [["allment bejublede"], ["43:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "300086-10-03", "text": "To hederlige unntak er \u00ab Prairie Wind \u00bb ( 2005 ) - det n\u00e6rmeste han har v\u00e6rt en god plate i \u00ab Harvest \u00bb -kategorien , og den forfriskende venstresving som Daniel Lanois-produserte \u00ab Le Noise \u00bb ( 2010 ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Prairie Wind \u00bb"], ["23:39"]], "Polar_expression": [["hederlige unntak"], ["3:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Le Noise \u00bb"], ["180:192"]], "Polar_expression": [["hederlige unntak"], ["3:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Prairie Wind \u00bb"], ["23:39"]], "Polar_expression": [["det n\u00e6rmeste han har v\u00e6rt en god plate i \u00ab Harvest \u00bb -kategorien"], ["51:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Le Noise \u00bb"], ["180:192"]], "Polar_expression": [["forfriskende venstresving"], ["125:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-10-04", "text": "Men selv disse er ikke uten svakheter .", "opinions": [{"Source": [[], []], "Target": [["disse"], ["9:14"]], "Polar_expression": [["ikke uten svakheter"], ["18:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-10-05", "text": "I selvforaktende etterp\u00e5klokskap er nok ogs\u00e5 disse platene ofre for i overkant velvillige f\u00f8rstelyttinger .", "opinions": [{"Source": [[], []], "Target": [["disse platene"], ["45:58"]], "Polar_expression": [["for i overkant velvillige f\u00f8rstelyttinger"], ["64:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-11-01", "text": "Det er nemlig lett \u00e5 la seg umiddelbart forf\u00f8re og begeistre av en ny Neil Young-plate , n\u00e6rmest instinktivt \u2014 den nostalgiske varmen man f\u00f8ler ved gjenh\u00f8r med det dovne , steine fuzzlyden til Crazy Horse etter noen \u00e5rs frav\u00e6r , eller den lune klangen , de blafrende strengene og den unike munnspilltonen i Neils akustiske sound .", "opinions": [{"Source": [[], []], "Target": [["Neil Young-plate"], ["70:86"]], "Polar_expression": [["lett \u00e5 la seg umiddelbart forf\u00f8re og begeistre"], ["14:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young-plate"], ["70:86"]], "Polar_expression": [["den nostalgiske varmen man f\u00f8ler ved gjenh\u00f8r med det dovne , steine fuzzlyden til Crazy Horse"], ["111:204"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young-plate"], ["70:86"]], "Polar_expression": [["den lune klangen"], ["235:251"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young-plate"], ["70:86"]], "Polar_expression": [["de blafrende strengene"], ["254:276"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Young-plate"], ["70:86"]], "Polar_expression": [["den unike munnspilltonen"], ["280:304"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["munnspilltonen"], ["290:304"]], "Polar_expression": [["unike"], ["284:289"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-12-01", "text": "Men vi gir ham ikke opp", "opinions": [{"Source": [["vi"], ["4:6"]], "Target": [["ham"], ["11:14"]], "Polar_expression": [["vi gir ham ikke opp"], ["4:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-12-02", "text": "For det andre :", "opinions": []}, {"sent_id": "300086-12-03", "text": "Det er nesten alltid minst \u00e9n l\u00e5t , kanskje to hvis vi er heldige , som st\u00e5r fram - mer til tross for enn p\u00e5 grunn av de mer eller mindre interessante konseptuelle rammene de er dyttet inn , og uansett hvor skuffende albumet ellers m\u00e5tte v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det er nesten alltid minst \u00e9n l\u00e5t", "som st\u00e5r fram"], ["0:33", "68:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de", "konseptuelle rammene"], ["118:120", "151:171"]], "Polar_expression": [["mer til tross for enn p\u00e5 grunn av de mer eller mindre interessante konseptuelle rammene de er dyttet inn"], ["84:188"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de", "konseptuelle rammene"], ["118:120", "151:171"]], "Polar_expression": [["mer eller mindre interessante"], ["121:150"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Det er nesten alltid minst \u00e9n l\u00e5t , kanskje to hvis vi er heldige , som st\u00e5r fram"], ["0:81"]], "Polar_expression": [["uansett hvor skuffende albumet ellers m\u00e5tte"], ["194:237"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-13-01", "text": "Og for det tredje :", "opinions": []}, {"sent_id": "300086-13-02", "text": "Den ambivalente f\u00f8lelsen man f\u00e5r av \u00e5 fornemme nettopp Neil Youngs dormende , instinktdrevne geni gj\u00f8r at vi aldri helt gir ham opp , tross alt .", "opinions": [{"Source": [["vi"], ["106:108"]], "Target": [["Neil Youngs"], ["55:66"]], "Polar_expression": [["ambivalente f\u00f8lelsen", "gj\u00f8r at", "aldri helt gir ham opp"], ["4:24", "98:105", "109:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Neil Youngs"], ["55:66"]], "Polar_expression": [["instinktdrevne geni"], ["78:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-14-01", "text": "Youngs ganske konsekvente antikonvensjonelle \u00ab fuck you \u00bb -holdning knyttet til hva slags musikk vi forventer at han skal lage , er i det lange l\u00f8p en form for varig konkurransefortrinn , selv om det er irriterende \u00e5 forholde seg til .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["antikonvensjonelle \u00ab fuck you \u00bb -holdning"], ["26:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["antikonvensjonelle \u00ab fuck you \u00bb -holdning"], ["26:67"]], "Polar_expression": [["varig konkurransefortrinn"], ["160:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["antikonvensjonelle \u00ab fuck you \u00bb -holdning"], ["26:67"]], "Polar_expression": [["irriterende \u00e5 forholde seg til"], ["203:233"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-14-02", "text": "Platene hans kan v\u00e6re helt j\u00e6vlige og likevel litt imponerende p\u00e5 samme tid , slik som den andre coverplata han ga ut for ikke altfor lenge siden , \u00ab Americana \u00bb , der han og Crazy Horse h\u00f8rtes ut som de hadde spilt inn og gitt ut f\u00f8rste \u00f8ving etter flere \u00e5rs pause .", "opinions": [{"Source": [[], []], "Target": [["Platene hans"], ["0:12"]], "Polar_expression": [["kan v\u00e6re helt j\u00e6vlige"], ["13:34"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Americana \u00bb"], ["148:161"]], "Polar_expression": [["kan v\u00e6re helt j\u00e6vlige"], ["13:34"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Platene hans"], ["0:12"]], "Polar_expression": [["kan v\u00e6re", "likevel litt imponerende"], ["13:21", "38:62"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Americana \u00bb"], ["148:161"]], "Polar_expression": [["likevel litt imponerende"], ["38:62"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Crazy Horse"], ["175:186"]], "Polar_expression": [["h\u00f8rtes ut som de hadde spilt inn og gitt ut f\u00f8rste \u00f8ving etter flere \u00e5rs pause"], ["187:265"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-14-03", "text": "Mye hat og elsk p\u00e5 samme tid alts\u00e5 - men er ikke det egentlig \u00e5 foretrekke framfor for eksempel tre-fire dvaske , ganske like Bruce Springsteen-plater p\u00e5 rad ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mye hat"], ["0:7"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mye", "elsk"], ["0:3", "11:15"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mye hat og elsk"], ["0:15"]], "Polar_expression": [["\u00e5 foretrekke framfor for eksempel tre-fire dvaske , ganske like Bruce Springsteen-plater p\u00e5 rad"], ["62:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bruce Springsteen-plater"], ["126:150"]], "Polar_expression": [["dvaske , ganske like"], ["105:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-15-01", "text": "Typisk Neil , hva n\u00e5 det er P\u00e5standen , etter en slags kontekstualisert vurdering , er derfor at \u00ab Storytone \u00bb , sin litt uvanlige / utypiske musikalske innpakning til tross , er en ganske typisk Neil Young-plate - slik han har praktisert ideen om seg selv det siste ti\u00e5ret .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Storytone \u00bb"], ["97:110"]], "Polar_expression": [["litt uvanlige / utypiske musikalske innpakning"], ["117:163"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Storytone \u00bb"], ["97:110"]], "Polar_expression": [["en ganske typisk Neil Young-plate"], ["179:212"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-16-01", "text": "De symfoniske l\u00e5tene er ganske tilforlatelige , i hvert fall s\u00e5 lenge du er blant dem som synes en \u00ab A Man Needs A Maid \u00bb eller en \u00ab Such A Woman \u00bb er til \u00e5 leve med , og ikke plages av at de norske voksenpopfavorittene dine spiller inn plater med KORK .", "opinions": [{"Source": [[], []], "Target": [["De symfoniske l\u00e5tene"], ["0:20"]], "Polar_expression": [["ganske tilforlatelige"], ["24:45"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-17-01", "text": "Storbandl\u00e5tene er derimot ordentlig tunge \u00e5 ford\u00f8ye , jeg tar meg i \u00e5 gispe etter luft og gripe etter \u00ab This Note's For You \u00bb i ren desperasjon av \u00e5 h\u00f8re \u00ab I Want To Drive My Car \u00bb og \u00ab Say Hello To Chicago \u00bb , deres stilbevissthet og beriking av Neil Young-katalogen er fullt p\u00e5 h\u00f8yde med en av hans virkelige konseptkalkuner , rockabillyplaten \u00ab Everybody's Rockin ' \u00bb ( 1983 ) .", "opinions": [{"Source": [[], []], "Target": [["Storbandl\u00e5tene"], ["0:14"]], "Polar_expression": [["ordentlig tunge \u00e5 ford\u00f8ye"], ["26:51"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["54:57"]], "Target": [["Storbandl\u00e5tene"], ["0:14"]], "Polar_expression": [["jeg tar meg i \u00e5 gispe etter luft og gripe etter \u00ab This Note's For You \u00bb i ren desperasjon av \u00e5 h\u00f8re \u00ab I Want To Drive My Car \u00bb og \u00ab Say Hello To Chicago \u00bb"], ["54:208"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["62:65"]], "Target": [["\u00ab This Note's For You \u00bb"], ["102:125"]], "Polar_expression": [["jeg tar meg i \u00e5 gispe etter luft og gripe etter"], ["54:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Say Hello To Chicago \u00bb"], ["184:208"]], "Polar_expression": [["i ren desperasjon av \u00e5 h\u00f8re"], ["126:153"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab I Want To Drive My Car \u00bb"], ["154:180"]], "Polar_expression": [["i ren desperasjon av \u00e5 h\u00f8re"], ["126:153"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Say Hello To Chicago \u00bb"], ["184:208"]], "Polar_expression": [["stilbevissthet"], ["217:231"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab I Want To Drive My Car \u00bb"], ["154:180"]], "Polar_expression": [["stilbevissthet"], ["217:231"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab This Note's For You \u00bb"], ["102:125"]], "Polar_expression": [["stilbevissthet"], ["217:231"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab This Note's For You \u00bb"], ["102:125"]], "Polar_expression": [["beriking av Neil Young-katalogen"], ["235:267"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Say Hello To Chicago \u00bb"], ["184:208"]], "Polar_expression": [["beriking av Neil Young-katalogen"], ["235:267"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab I Want To Drive My Car \u00bb"], ["154:180"]], "Polar_expression": [["beriking av Neil Young-katalogen"], ["235:267"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab This Note's For You \u00bb"], ["102:125"]], "Polar_expression": [["fullt p\u00e5 h\u00f8yde med en av hans virkelige konseptkalkuner"], ["271:326"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab I Want To Drive My Car \u00bb"], ["154:180"]], "Polar_expression": [["fullt p\u00e5 h\u00f8yde med en av hans virkelige konseptkalkuner"], ["271:326"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Say Hello To Chicago \u00bb"], ["184:208"]], "Polar_expression": [["fullt p\u00e5 h\u00f8yde med en av hans virkelige konseptkalkuner"], ["271:326"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Everybody's Rockin ' \u00bb"], ["346:370"]], "Polar_expression": [["konseptkalkuner"], ["311:326"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-17-02", "text": "Disse sangene beviser muligens - igjen - at Neil Young trolig bare har ja-mennesker i sitt st\u00f8tteapparat , det er ingen der til \u00e5 sette ned foten for noe som helst .", "opinions": [{"Source": [[], []], "Target": [["Disse sangene"], ["0:13"]], "Polar_expression": [["beviser muligens - igjen - at Neil Young trolig bare har ja-mennesker i sitt st\u00f8tteapparat"], ["14:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["st\u00f8tteapparat"], ["91:104"]], "Polar_expression": [["ingen der til \u00e5 sette ned foten for noe som helst"], ["114:163"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300086-18-01", "text": "Jeg f\u00f8yer \u00ab When I Watch You Sleeping \u00bb og \u00ab All Those Dreams \u00bb til lista over sanger det g\u00e5r an \u00e5 h\u00f8re p\u00e5 ogs\u00e5 etter at neste eiendommelige elbilmusikal eller \u00f8kologiske polka-album ser dagens lys og tenker at det tross alt kunne v\u00e6rt verre .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00ab When I Watch You Sleeping \u00bb"], ["10:39"]], "Polar_expression": [["f\u00f8yer", "til lista over sanger det g\u00e5r an \u00e5 h\u00f8re p\u00e5"], ["4:9", "64:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["\u00ab All Those Dreams \u00bb"], ["43:63"]], "Polar_expression": [["f\u00f8yer", "til lista over sanger det g\u00e5r an \u00e5 h\u00f8re p\u00e5"], ["4:9", "64:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["tenker at det tross alt kunne v\u00e6rt verre"], ["201:241"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300086-19-01", "text": "Men ogs\u00e5 - som vanlig - mye , mye bedre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Men ogs\u00e5 - som vanlig - mye , mye bedre"], ["0:39"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109725-01-01", "text": "Aerosmith :", "opinions": []}, {"sent_id": "109725-01-02", "text": "\u00ab Music From Another Dimension ! \u00bb", "opinions": []}, {"sent_id": "109725-02-01", "text": "Ludderrock .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ludderrock"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109725-03-01", "text": "Tilbake etter \u00e5tte \u00e5r med s\u00e5peopera , og det er stive , svette smil og helgarderinger over hele linja .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stive , svette smil"], ["48:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["helgarderinger over hele linja"], ["71:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109725-03-02", "text": "\u00ab Music From Another Dimension ! \u00bb trykker p\u00e5 alle de vante knappene - funky hardrock , boogie og blues , Stones-rockere som maser mer enn de svinger , et utall powerballader .", "opinions": []}, {"sent_id": "109725-03-03", "text": "Samt et par nye avarter :", "opinions": []}, {"sent_id": "109725-03-04", "text": "Powerballader av typen country ( en duett med Carrie Underwood ) og - gr\u00f8ssende f\u00e6lt - musikal ( \u00ab Another Last Goodbye \u00bb ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Another Last Goodbye \u00bb"], ["97:121"]], "Polar_expression": [["gr\u00f8ssende f\u00e6lt"], ["70:84"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109725-04-01", "text": "Diane Warren , Marti Fredriksen og Desmond Child har hjulpet til med \u00e5 konstruere dette overlessede Frankenstein-monsteret av et \u00ab rock \u00bb -produkt .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["82:87"]], "Polar_expression": [["overlessede Frankenstein-monsteret"], ["88:122"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109725-04-02", "text": "Det blir vel en ny turn\u00e9 , om ikke annet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["blir vel en ny turn\u00e9 , om ikke annet"], ["4:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109725-04-03", "text": "Og slik g\u00e5r no \u00e5ran .", "opinions": []}, {"sent_id": "109725-05-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "109725-05-02", "text": "\u00ab Oh Yeah \u00bb", "opinions": []}, {"sent_id": "109725-06-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "600163-01-01", "text": "Briljant thriller", "opinions": [{"Source": [[], []], "Target": [["thriller"], ["9:17"]], "Polar_expression": [["Briljant"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600163-02-01", "text": "USA 2010", "opinions": []}, {"sent_id": "600163-03-01", "text": "Regi :", "opinions": []}, {"sent_id": "600163-03-02", "text": "Anton Corbijn", "opinions": []}, {"sent_id": "600163-04-01", "text": "Manus : Rowan Joffe etter en roman av Martin Booth", "opinions": []}, {"sent_id": "600163-05-01", "text": "Musikk :", "opinions": []}, {"sent_id": "600163-05-02", "text": "Herbert Gr\u00f6nemeyer", "opinions": []}, {"sent_id": "600163-06-01", "text": "Skuespillere :", "opinions": []}, {"sent_id": "600163-06-02", "text": "George Clooney , Violante Placido , Bruce Altman , Thekla Reuten , Irina Bj\u00f6rklund", "opinions": []}, {"sent_id": "600163-07-01", "text": "Sensur :", "opinions": []}, {"sent_id": "600163-07-02", "text": "15 \u00e5r", "opinions": []}, {"sent_id": "600163-08-01", "text": "Egnethet :", "opinions": []}, {"sent_id": "600163-08-02", "text": "Ungdom / voksen", "opinions": []}, {"sent_id": "600163-09-01", "text": "Denne thrilleren baserer seg p\u00e5 en roman av Martin Booth , utkommet i 1990 .", "opinions": []}, {"sent_id": "600163-09-02", "text": "Originaltittelen er \u00ab A Very Private Gentleman \u00bb .", "opinions": []}, {"sent_id": "600163-09-03", "text": "Fokuset er p\u00e5 en s\u00e5kalt \u00ab shadow-dweller \u00bb , en teknisk v\u00e5penekspert som skaper og leverer v\u00e5pen for snikmord p\u00e5 h\u00f8yt plan .", "opinions": []}, {"sent_id": "600163-09-04", "text": "I romanen er v\u00e5penet ment \u00e5 skulle brukes mot Yassir Arafat .", "opinions": []}, {"sent_id": "600163-09-05", "text": "I filmen sies det kun at \u00ab Du kommer til \u00e5 lese om det i avisene \u00bb .", "opinions": []}, {"sent_id": "600163-10-01", "text": "Denne amerikaneren befinner seg i en landsby i Italia mens han forbereder sitt neste arbeid .", "opinions": []}, {"sent_id": "600163-10-02", "text": "Han holder kontakt med sin arbeidsgiver per telefon , en annen kontakt for samme jobben , en kvinne , dukker opp med spesifikke arbeidskrav .", "opinions": []}, {"sent_id": "600163-10-03", "text": "Men under det hele tikker en nettopp avsluttet jobb i Sverige , en jobb han m\u00e5tte flykte fra .", "opinions": []}, {"sent_id": "600163-10-04", "text": "Noe gikk galt fordi han lot seg involvere med en utenforst\u00e5ende kvinne .", "opinions": []}, {"sent_id": "600163-10-05", "text": "Ogs\u00e5 denne gang gir han slipp p\u00e5 det profesjonelle grepet :", "opinions": []}, {"sent_id": "600163-10-06", "text": "Han blir venn med en aldrende prest og han involverer seg mer enn en betalt time med en ung , prostituert kvinne .", "opinions": []}, {"sent_id": "600163-10-07", "text": "Han f\u00f8ler noe er galt , han ser fiender overalt .", "opinions": []}, {"sent_id": "600163-10-08", "text": "Samtidig forbereder han den nye jobben .", "opinions": []}, {"sent_id": "600163-11-01", "text": "\u00ab The American \u00bb er en briljant film .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The American \u00bb"], ["0:16"]], "Polar_expression": [["briljant film"], ["23:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600163-11-02", "text": "En spenningsthriller , samtidig en psykologisk studie av en jaget mann .", "opinions": []}, {"sent_id": "600163-11-03", "text": "Filmen er laget for amerikansk kapital , men romanen den baserer seg p\u00e5 er skrevet av en brite , ogs\u00e5 manusforfatteren er britisk .", "opinions": []}, {"sent_id": "600163-11-04", "text": "Og regiss\u00f8ren Anton Corbijn er nederlandsk , tidligere mest kjent for sine musikkvideoer , blant annet med U2 og Metallica .", "opinions": []}, {"sent_id": "600163-11-05", "text": "Ogs\u00e5 musikken er skrevet av en nederlender .", "opinions": []}, {"sent_id": "600163-12-01", "text": "Regigrepene virker mer europeiske enn hollywoodske , b\u00e5de i den rolige rytmen i selve fortellerstrukturen , i stemningene , i presentasjonen av personene , i de filmatiske uttrykkene , uten at det noen gang blir tregt .", "opinions": [{"Source": [[], []], "Target": [["Regigrepene"], ["0:11"]], "Polar_expression": [["mer europeiske enn hollywoodske"], ["19:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fortellerstrukturen"], ["86:105"]], "Polar_expression": [["mer europeiske enn hollywoodske"], ["19:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemningene"], ["110:121"]], "Polar_expression": [["mer europeiske enn hollywoodske"], ["19:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["presentasjonen av personene"], ["126:153"]], "Polar_expression": [["mer europeiske enn hollywoodske"], ["19:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmatiske uttrykkene"], ["161:182"]], "Polar_expression": [["mer europeiske enn hollywoodske"], ["19:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600163-12-02", "text": "Filmen besitter en dyp nerve , den bygges finurlig opp , slik at hele tiden beholdes den ulmende spenningen og den tikkende uroen .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["dyp nerve"], ["19:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["hele tiden beholdes den ulmende spenningen og den tikkende uroen"], ["65:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600163-12-03", "text": "Handlingsutviklingen kan faktisk avleses i George Clooneys v\u00e5kne ansikt .", "opinions": []}, {"sent_id": "600163-13-01", "text": "Igjen :", "opinions": []}, {"sent_id": "600163-13-02", "text": "Briljant .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Briljant"], ["0:8"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600163-13-03", "text": "Anbefales p\u00e5 det sterkeste .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Anbefales p\u00e5 det sterkeste"], ["0:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600163-13-04", "text": "Men husk for all del :", "opinions": []}, {"sent_id": "600163-13-05", "text": "Dette er verken en videref\u00f8ring av Clooneys \u00ab Oceans \u00bb -filmer eller en variant av Bruce Willis-universet .", "opinions": []}, {"sent_id": "600163-13-06", "text": "Filmen minner faktisk mer om den f\u00f8rste \u00ab Sjakalen \u00bb -filmen ( etter Frederick Forsyths roman ) , den fra 1973 .", "opinions": []}, {"sent_id": "106902-01-01", "text": "Beckstr\u00f8m :", "opinions": []}, {"sent_id": "106902-01-02", "text": "\u00ab Dr\u00f8m videre ! \u00bb", "opinions": []}, {"sent_id": "106902-02-01", "text": "( Pilar / Sonet )", "opinions": []}, {"sent_id": "106902-03-01", "text": "Lars Fredrik Beckstr\u00f8m , bassisten i deLillos , er ute med sin fjerde soloplate .", "opinions": []}, {"sent_id": "106902-04-01", "text": "Som l\u00e5tskriver har Beckstr\u00f8m ofte kommet litt i skyggen av Lars Lillo-Stenberg , selv om flere av konsertfavorittene til deLillos er signert Beckstr\u00f8m .", "opinions": []}, {"sent_id": "106902-05-01", "text": "\u00ab Dr\u00f8m videre ! \u00bb er en variert produksjon med sanger som b\u00e5de inneholder litt blues , rock og mest visepop .", "opinions": []}, {"sent_id": "106902-05-02", "text": "Beckstr\u00f8m skriver gode sanger , han har tekster som er gode , og av og til morsomme historier .", "opinions": [{"Source": [[], []], "Target": [["Beckstr\u00f8m"], ["0:9"]], "Polar_expression": [["skriver gode sanger"], ["10:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sanger"], ["23:29"]], "Polar_expression": [["gode"], ["18:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Beckstr\u00f8m"], ["0:9"]], "Polar_expression": [["tekster som er gode"], ["40:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekster"], ["40:47"]], "Polar_expression": [["gode"], ["55:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Beckstr\u00f8m"], ["0:9"]], "Polar_expression": [["av og til morsomme historier"], ["65:93"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historier"], ["84:93"]], "Polar_expression": [["morsomme"], ["75:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106902-06-01", "text": "P\u00e5 det nye albumet tar han lytterne med b\u00e5de til Kina og p\u00e5 Tivoli , og han har oss stifte bekjentskap b\u00e5de med blomster , mes\u00e9n og de hvite dagene .", "opinions": []}, {"sent_id": "106902-07-01", "text": "\u00ab Dr\u00f8m videre ! \u00bb er en av de platene som vokser og blir bedre jo mer du spiller den .", "opinions": []}, {"sent_id": "106902-07-02", "text": "P\u00e5 denne jevnt , gode platen er \u00ab Kina \u00bb , \u00ab Heksevisa \u00bb og \u00ab Hvite dager \u00bb trioen som rager litt h\u00f8yere enn de andre .", "opinions": [{"Source": [[], []], "Target": [["platen"], ["22:28"]], "Polar_expression": [["jevnt , gode"], ["9:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kina \u00bb"], ["32:40"]], "Polar_expression": [["rager litt h\u00f8yere enn de andre"], ["87:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Heksevisa \u00bb"], ["43:56"]], "Polar_expression": [["rager litt h\u00f8yere enn de andre"], ["87:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hvite dager \u00bb"], ["60:75"]], "Polar_expression": [["rager litt h\u00f8yere enn de andre"], ["87:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107747-01-01", "text": "\u00d8ystein Sunde \u00ab Ute var det sol \u00bb", "opinions": []}, {"sent_id": "107747-02-01", "text": "( Spinner / Universal ) ( CD single )", "opinions": []}, {"sent_id": "107747-03-01", "text": "\u00d8ystein Sunde markerer sitt 35-\u00e5rsjubileum med en smakebit fra hans nye album som kommer i mars .", "opinions": []}, {"sent_id": "107747-04-01", "text": "\u00ab Ute var det sol \u00bb er en litt annerledes \u00d8ystein Sunde enn det vi er vant til .", "opinions": []}, {"sent_id": "107747-04-02", "text": "Ikke munnrapp og morsom , men mer melankolsk , ettertenksom i en sang som tar utgangspunkt i farens d\u00f8dsfall , begravelse og \u00ab skj\u00f8re minner fra vi var sm\u00e5 \u00bb .", "opinions": []}, {"sent_id": "107747-05-01", "text": "Dette er en sv\u00e6rt ordin\u00e6r single , langt fra s\u00e5 umiddelbar som det vi er vant til fra den munnrappe ordekvilibristen fra Skarnes .", "opinions": [{"Source": [[], []], "Target": [["single"], ["26:32"]], "Polar_expression": [["sv\u00e6rt ordin\u00e6r"], ["12:25"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ordekvilibristen"], ["100:116"]], "Polar_expression": [["munnrappe"], ["90:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["single"], ["26:32"]], "Polar_expression": [["langt fra s\u00e5 umiddelbar som det", "er vant til"], ["35:66", "70:81"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107747-05-02", "text": "Sangen gir deg heller ikke den lille melodilinja du kan g\u00e5 og nynne p\u00e5 etter \u00e5 ha h\u00f8rt sangen et par ganger .", "opinions": [{"Source": [[], []], "Target": [["Sangen"], ["0:6"]], "Polar_expression": [["gir deg heller ikke den lille melodilinja du kan g\u00e5 og nynne p\u00e5 etter \u00e5 ha h\u00f8rt sangen"], ["7:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107747-06-01", "text": "\u00ab Ute er det sol \u00bb klarer ikke \u00e5 skape noen forventninger til Sundes f\u00f8rste album siden \u00ab N\u00e5 er begeret n\u00e5dd \u00bb som kom i 1999 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Ute er det sol \u00bb"], ["0:18"]], "Polar_expression": [["klarer ikke \u00e5 skape noen forventninger"], ["19:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107747-06-02", "text": "Kanskje Sunde med denne singelen vil dempe eventuelle forventninger .", "opinions": [{"Source": [[], []], "Target": [["singelen"], ["24:32"]], "Polar_expression": [["Kanskje Sunde", "vil dempe eventuelle forventninger"], ["0:13", "33:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302647-01-01", "text": "Impotent pornoparodi", "opinions": [{"Source": [[], []], "Target": [["pornoparodi"], ["9:20"]], "Polar_expression": [["Impotent"], ["0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-02-01", "text": "Kunstneren bak \u00ab Jordb\u00e6rmus \u00bb har laget en like meningsl\u00f8s klubbkalkun .", "opinions": [{"Source": [[], []], "Target": [["Kunstneren bak \u00ab Jordb\u00e6rmus \u00bb"], ["0:29"]], "Polar_expression": [["har laget en like meningsl\u00f8s klubbkalkun"], ["30:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["klubbkalkun"], ["59:70"]], "Polar_expression": [["meningsl\u00f8s"], ["48:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-03-01", "text": "L\u00e5t :", "opinions": []}, {"sent_id": "302647-03-02", "text": "Jeg liker Aune Sand .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["Aune Sand"], ["10:19"]], "Polar_expression": [["liker"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-03-03", "text": "Han byr p\u00e5 seg selv som f\u00e5 andre , enten han personifiserer motivene samboeren er kjent for \u00e5 male eller kommer som en spirituell \u00ab Special-Jesus \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["byr p\u00e5 seg selv som f\u00e5 andre"], ["4:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-04-01", "text": "N\u00e5 er deler av hans lett overomtalte pengefabrikk av en bok , \u00ab Jordb\u00e6rmus \u00bb , ute som l\u00e5t .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jordb\u00e6rmus \u00bb"], ["62:76"]], "Polar_expression": [["lett overomtalte pengefabrikk av en bok"], ["20:59"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-04-02", "text": "Ved hjelp av den StarRoc-affilierte Martin Kleveland p\u00e5 produksjon og Sofie Rose p\u00e5 et ufattelig amat\u00f8raktig refreng , byr kunstneren p\u00e5 en like meningsl\u00f8s klubbkalkun .", "opinions": [{"Source": [[], []], "Target": [["kunstneren"], ["123:133"]], "Polar_expression": [["byr", "p\u00e5 en like meningsl\u00f8s klubbkalkun"], ["119:122", "134:167"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["refreng"], ["109:116"]], "Polar_expression": [["ufattelig amat\u00f8raktig"], ["87:108"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-05-01", "text": "Den oppsiktsvekkende daffe erotika-dancen kan minne om en humorblottet versjon av Gunthers \u00ab Ding Dong Song \u00bb og en impotent pornoparodi av Baz Luhrmanns \u00ab Everybody's Free ( To Wear Sunscreen ) \u00bb .", "opinions": [{"Source": [[], []], "Target": [["erotika-dancen"], ["27:41"]], "Polar_expression": [["Den oppsiktsvekkende daffe"], ["0:26"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["erotika-dancen"], ["27:41"]], "Polar_expression": [["kan minne om en humorblottet versjon av Gunthers \u00ab Ding Dong Song \u00bb"], ["42:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["erotika-dancen"], ["27:41"]], "Polar_expression": [["impotent pornoparodi av Baz Luhrmanns \u00ab Everybody's Free ( To Wear Sunscreen ) \u00bb"], ["116:196"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-06-01", "text": "Men det er ingen pinlig ber\u00f8ring her .", "opinions": []}, {"sent_id": "302647-06-02", "text": "Det barometeret ble sprengt i filler av den grusomme Tix-l\u00e5ta tidligere i \u00e5r .", "opinions": [{"Source": [[], []], "Target": [["Tix-l\u00e5ta"], ["53:61"]], "Polar_expression": [["grusomme"], ["44:52"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tix-l\u00e5ta"], ["53:61"]], "Polar_expression": [["barometeret ble sprengt i filler"], ["4:36"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-06-03", "text": "Og apropos russel\u00e5t - \u00ab Jordbaermus \u00bb er ikke god nok til \u00e5 drikke seg sansel\u00f8s til p\u00e5 Tryvann engang .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jordbaermus \u00bb"], ["22:37"]], "Polar_expression": [["ikke god nok til \u00e5 drikke seg sansel\u00f8s til p\u00e5 Tryvann engang"], ["41:101"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-07-01", "text": "Den t\u00f8rre kvasipoesien g\u00e5r inn det ene \u00f8ret og ut det andre , kanskje med unntaket av \u00ab Jeg tok henne bakfra .", "opinions": [{"Source": [[], []], "Target": [["kvasipoesien"], ["10:22"]], "Polar_expression": [["g\u00e5r inn det ene \u00f8ret og ut det andre"], ["23:59"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["t\u00f8rre kvasipoesien"], ["4:22"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302647-07-02", "text": "Jeg elsket det \u00bb - som akkurat er nok til at Serge Gainsbourg holder midtfingeren opp fra grava .", "opinions": [{"Source": [[], []], "Target": [["Jeg elsket det \u00bb"], ["0:16"]], "Polar_expression": [["akkurat er nok til at Serge Gainsbourg holder midtfingeren opp fra grava"], ["23:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-08-01", "text": "\u00ab Jordbaermus \u00bb inneholder selvsagt ingen overraskelser - annet enn at Aune Sand ikke klarer \u00e5 vekke en eneste f\u00f8lelse .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jordbaermus \u00bb"], ["0:15"]], "Polar_expression": [["inneholder selvsagt ingen overraskelser"], ["16:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Aune Sand"], ["71:80"]], "Polar_expression": [["ikke klarer \u00e5 vekke en eneste f\u00f8lelse"], ["81:118"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-08-02", "text": "Verken letthet , humor eller engang avsky .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Verken letthet , humor eller engang avsky"], ["0:41"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-09-01", "text": "Det er alts\u00e5 slik at l\u00e5ten ikke gj\u00f8r noen verdens ting med deg .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5ten"], ["21:26"]], "Polar_expression": [["ikke gj\u00f8r noen verdens ting med deg"], ["27:62"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302647-09-02", "text": "Den bare er .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["bare er"], ["4:11"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302647-09-03", "text": "Og den er sykt r\u00e6va .", "opinions": [{"Source": [[], []], "Target": [["den"], ["3:6"]], "Polar_expression": [["sykt r\u00e6va"], ["10:19"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601343-01-01", "text": "Bladfyken gj\u00f8r opp regnskap", "opinions": []}, {"sent_id": "601343-02-01", "text": "I", "opinions": []}, {"sent_id": "601343-02-02", "text": "On liberty fra 1859 skriver John Stuart Mill at v\u00e5re oppfatninger stivner hen hvis vi aldri f\u00e5r utfordret det vi tror .", "opinions": []}, {"sent_id": "601343-02-03", "text": "Der Mill var en dannet engelsk filosof , kommer Norges fremste forkjemper for ytringsfriheten fra en mindre klassisk skole .", "opinions": []}, {"sent_id": "601343-02-04", "text": "Vebj\u00f8rn Selbekk er \u00ab en kristen bladfyk med rar frisyre \u00bb , for \u00e5 bruke samfunnsdebattant Kjetil Rolness \u2019 karakteristikk .", "opinions": [{"Source": [["Kjetil Rolness"], ["90:104"]], "Target": [["Vebj\u00f8rn Selbekk"], ["0:15"]], "Polar_expression": [["\u00ab en kristen bladfyk med rar frisyre \u00bb"], ["19:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "601343-02-05", "text": "Som redakt\u00f8r i den kristne avisa Magazinet har Selbekk , siden han trykket Jyllandspostens Muhammedkarikaturer i 2006 , blitt v\u00e5r fremste \u00ab ekspert \u00bb i ytringssp\u00f8rsm\u00e5l .", "opinions": []}, {"sent_id": "601343-03-01", "text": "N\u00e5r Selbekk oppsummerer sitt liv og virke , er det ogs\u00e5 endringer i ytringsklimaet som st\u00e5r i fokus :", "opinions": []}, {"sent_id": "601343-03-02", "text": "\u00ab Ett eller annet sted rundt \u00e5rtusenskiftet fikk s\u00e5rede religi\u00f8se f\u00f8lelser forkj\u00f8rsrett foran vern om ytringsfriheten \u00bb .", "opinions": []}, {"sent_id": "601343-04-01", "text": "Selbekk skriver seg selv inn i historien .", "opinions": []}, {"sent_id": "601343-04-02", "text": "Han gir en rask og spennende innf\u00f8ring i Kroll-slektslinjen , der bestefar kjempet for Wermacht og mor havnet i Norge etter at hennes familie flyktet fra DDR .", "opinions": [{"Source": [[], []], "Target": [["innf\u00f8ring i Kroll-slektslinjen"], ["29:59"]], "Polar_expression": [["rask"], ["11:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["innf\u00f8ring i Kroll-slektslinjen"], ["29:59"]], "Polar_expression": [["spennende"], ["19:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601343-04-03", "text": "Vi er kjapt p\u00e5 plass i avislokalet hvor beslutningen om \u00e5 trykke en faksimile av de omstridte muhammedkarikaturene tas .", "opinions": []}, {"sent_id": "601343-05-01", "text": "Fryktens makt handler om hvordan det er \u00e5 f\u00e5 livet snudd p\u00e5 hodet p\u00e5 grunn av drapstrusler .", "opinions": []}, {"sent_id": "601343-05-02", "text": "Om \u00e5 leve med politibeskyttelse og bli nektet adgang p\u00e5 restauranter fordi man rett og slett er en for kontroversiell gjest .", "opinions": []}, {"sent_id": "601343-05-03", "text": "Det er ogs\u00e5 et bittert oppgj\u00f8r med alle som lot v\u00e6re \u00e5 st\u00f8tte opp om demokratiets fremste verdi da det stormet som verst .", "opinions": []}, {"sent_id": "601343-05-04", "text": "S\u00e6rlig er det venstresida , med St\u00f8re og Stoltenbergs beklagelse og relativisering overfor den arabiske verden som f\u00e5r gjennomg\u00e5 .", "opinions": []}, {"sent_id": "601343-05-05", "text": "Her viser Selbekk ingen n\u00e5de .", "opinions": []}, {"sent_id": "601343-06-01", "text": "Selbekk skriver med et muntlig preg , s\u00e5 muntlig at man hele tiden h\u00f8rer den hese tr\u00f8nderstemmen hans inni hodet .", "opinions": []}, {"sent_id": "601343-06-02", "text": "Det er et smart grep av forfatteren som jo representerer det frittalende .", "opinions": [{"Source": [[], []], "Target": [["forfatteren"], ["24:35"]], "Polar_expression": [["smart grep"], ["10:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601343-06-03", "text": "Tidvis blir det likevel litt for muntlig , som n\u00e5r legen ber Selbekk trekke seg tilbake etter et panikkanfall :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tidvis blir det likevel litt for muntlig"], ["0:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601343-06-04", "text": "\u00ab Han hadde sikkert rett , den godeste medisinmannen . \u00bb", "opinions": []}, {"sent_id": "601343-07-01", "text": "I personlig form har Selbekk skrevet et veloverveid forsvar for ytringsfriheten .", "opinions": [{"Source": [[], []], "Target": [["Selbekk"], ["21:28"]], "Polar_expression": [["skrevet et veloverveid forsvar for ytringsfriheten"], ["29:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601343-07-02", "text": "Og han overbeviser .", "opinions": [{"Source": [[], []], "Target": [["han"], ["3:6"]], "Polar_expression": [["overbeviser"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601343-07-03", "text": "Trusler , vold og drap kan ikke v\u00e6re med i kalkylen n\u00e5r man skal bestemme seg for \u00e5 ytre eller ikke ytre , \u00e5 trykke eller ikke trykke .", "opinions": []}, {"sent_id": "601343-07-04", "text": "Er du ikke sikker , b\u00f8r du enten lese politisk filosofi , eller ta en titt p\u00e5 boka til den solbrune avisredakt\u00f8ren fra Mer\u00e5ker .", "opinions": []}, {"sent_id": "100632-01-01", "text": "Deborah Harry :", "opinions": []}, {"sent_id": "100632-01-02", "text": "\u00ab Necessary Evil \u00bb", "opinions": []}, {"sent_id": "100632-02-01", "text": "( Eleven Seven Music ) GENRE :", "opinions": []}, {"sent_id": "100632-02-02", "text": "POP", "opinions": []}, {"sent_id": "100632-03-01", "text": "Gj\u00f8r ikke \u00e6re p\u00e5 gammel storhet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Gj\u00f8r ikke \u00e6re p\u00e5 gammel storhet"], ["0:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100632-04-01", "text": "Det er snart 30 \u00e5r siden Deborah Harry hadde sitt internasjonale gjennombrudd som sanger i gruppa Blondie .", "opinions": []}, {"sent_id": "100632-04-02", "text": "N\u00e5 er hun 62 \u00e5r , men \u00ab Debbie \u00bb holder stand , p\u00e5 et vis .", "opinions": []}, {"sent_id": "100632-05-01", "text": "\u00ab Necessary Evil \u00bb viser at Deborah Harry fors\u00f8ker s\u00e5 godt hun kan \u00e5 ikke fremst\u00e5 som New York-rockens bestemor .", "opinions": []}, {"sent_id": "100632-05-02", "text": "De som fortsatt husker helium-vokalen p\u00e5 hitl\u00e5ten \u00ab Heart Of Glass \u00bb fra 1978 , b\u00f8r forberede seg p\u00e5 en litt mer moden stemmeprakt i 2007 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Heart Of Glass \u00bb"], ["50:68"]], "Polar_expression": [["helium-vokalen"], ["23:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Heart Of Glass \u00bb"], ["50:68"]], "Polar_expression": [["hitl\u00e5ten"], ["41:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt mer moden stemmeprakt"], ["104:130"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100632-06-01", "text": "Musikalsk er dette tynne saker .", "opinions": [{"Source": [[], []], "Target": [["Musikalsk"], ["0:9"]], "Polar_expression": [["tynne saker"], ["19:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100632-06-02", "text": "Med bonusspor er dette albumet 17 l\u00e5ter langt .", "opinions": []}, {"sent_id": "100632-06-03", "text": "Mange gullkorn vil du ikke finne .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mange gullkorn vil du ikke finne"], ["0:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100632-06-04", "text": "Det handler om enkel rock og pop av det lett elektroniske slaget , men magien er fullstendig frav\u00e6rende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["magien er fullstendig frav\u00e6rende"], ["71:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100632-07-01", "text": "Blondie er valgt inn i The Rock and Roll Hall of Fame .", "opinions": []}, {"sent_id": "100632-07-02", "text": "Med \u00ab Necessary Evil \u00bb gj\u00f8r Deborah Harry definitivt ikke \u00e6re p\u00e5 utmerkelsen .", "opinions": [{"Source": [[], []], "Target": [["Deborah Harry"], ["28:41"]], "Polar_expression": [["\u00ab Necessary Evil \u00bb", "definitivt ikke \u00e6re p\u00e5 utmerkelsen"], ["4:22", "42:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Necessary Evil \u00bb"], ["4:22"]], "Polar_expression": [["definitivt ikke \u00e6re p\u00e5 utmerkelsen"], ["42:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100632-08-01", "text": "ANBEFALTE KJ\u00d8P :", "opinions": []}, {"sent_id": "100632-08-02", "text": "Egentlig ingen , men fors\u00f8k \u00ab School Of Scandal \u00bb .", "opinions": []}, {"sent_id": "100632-09-01", "text": "ESPEN A. HANSEN", "opinions": []}, {"sent_id": "110371-01-01", "text": "Mangler nerve", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mangler nerve"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110371-02-01", "text": "DVD-anmeldelse :", "opinions": []}, {"sent_id": "110371-03-01", "text": "Staffasjen er det ingenting \u00e5 si p\u00e5 : Scenografi , kostymer og musikk , ja til og med Catherine Zeta-Jones ' Edinburgh-dialekt er uovertruffen .", "opinions": [{"Source": [[], []], "Target": [["Staffasjen"], ["0:10"]], "Polar_expression": [["ingenting \u00e5 si p\u00e5"], ["18:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Edinburgh-dialekt"], ["109:126"]], "Polar_expression": [["uovertruffen"], ["130:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["63:69"]], "Polar_expression": [["uovertruffen"], ["130:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kostymer"], ["51:59"]], "Polar_expression": [["uovertruffen"], ["130:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Scenografi"], ["38:48"]], "Polar_expression": [["uovertruffen"], ["130:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Staffasjen"], ["0:10"]], "Polar_expression": [["Scenografi , kostymer og musikk , ja til og med Catherine Zeta-Jones ' Edinburgh-dialekt er uovertruffen"], ["38:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110371-03-02", "text": "Men den dramatiske nerven er for lite til stede i periodedramaet om utbryterkongen Houdinis siste dager og damen som trodde hun kunne lure han .", "opinions": [{"Source": [[], []], "Target": [["dramatiske nerven"], ["8:25"]], "Polar_expression": [["for lite til stede"], ["29:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["periodedramaet"], ["50:64"]], "Polar_expression": [["dramatiske nerven er for lite til stede"], ["8:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110371-03-03", "text": "Filmen st\u00e5r lenge p\u00e5 stedet hvil og blir aldri en thriller som coveret lover , selv om den alts\u00e5 er flott \u00e5 se p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["lenge p\u00e5 stedet hvil"], ["12:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["aldri en thriller som coveret lover"], ["41:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["flott \u00e5 se p\u00e5"], ["100:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110371-03-04", "text": "\u00ab Death Defying Acts \u00bb ender den opp som en litt blekere fetter av to andre \" tryllefilmer \" fra de siste \u00e5rene , \u00ab Illusjonisten \u00bb og \u00ab The Prestige \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Illusjonisten \u00bb"], ["114:131"]], "Polar_expression": [["\u00ab Death Defying Acts \u00bb", "litt blekere fetter"], ["0:22", "44:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Death Defying Acts \u00bb"], ["0:22"]], "Polar_expression": [["litt blekere fetter", "\u00ab Illusjonisten \u00bb og \u00ab The Prestige \u00bb"], ["44:63", "114:151"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Prestige \u00bb"], ["135:151"]], "Polar_expression": [["\u00ab Death Defying Acts \u00bb", "litt blekere fetter"], ["0:22", "44:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110371-03-05", "text": "Trailere .", "opinions": []}, {"sent_id": "110371-04-01", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "100915-01-01", "text": "Filmanmeldelse :", "opinions": []}, {"sent_id": "100915-01-02", "text": "\u00ab Svenskj\u00e6vel \u00bb", "opinions": []}, {"sent_id": "100915-02-01", "text": "G\u00d8TEBORG ( VG )", "opinions": []}, {"sent_id": "100915-02-02", "text": "Vi kaller dem \u00ab partysvensker \u00bb .", "opinions": []}, {"sent_id": "100915-02-03", "text": "I virkeligheten er de Norges nye arbeidende underklasse .", "opinions": []}, {"sent_id": "100915-03-01", "text": "Sverige / Norge .", "opinions": []}, {"sent_id": "100915-03-02", "text": "Regi : Ronnie Sandahl .", "opinions": []}, {"sent_id": "100915-03-03", "text": "MED :", "opinions": []}, {"sent_id": "100915-03-04", "text": "Bianca Kronl\u00f6f , Henrik Rafaelsen , Mona-Cecilie Kristiansen , Naomi Emilie Christensen Beck , Petronella Barker , Kyrre Hellum , Ane Ryg .", "opinions": []}, {"sent_id": "100915-04-01", "text": "Slik er det i alle fall if\u00f8lge den f\u00f8rste filmen fra svenskemilj\u00f8et i Oslo , \u00ab Svenskj\u00e6vel \u00bb .", "opinions": []}, {"sent_id": "100915-04-02", "text": "Filmen hadde Norden-premiere her under G\u00f6teborg Internasjonale Filmfestival i kveld .", "opinions": []}, {"sent_id": "100915-05-01", "text": "Vi snakker selvf\u00f8lgelig om de tusenvis av svenske ungdommene som for tiden ikke kan f\u00e5 arbeid \u2013 eller bare d\u00e5rlig betalt arbeid \u2013 i sitt hjemland .", "opinions": []}, {"sent_id": "100915-05-02", "text": "I stedet drar de over grensen til Oslo eller andre norske byer for \u00e5 jobbe som serveringspersonale , i butikker , som hushjelper eller i andre serviceyrker .", "opinions": []}, {"sent_id": "100915-06-01", "text": "Filmen er en svensk / norsk co-produksjon , med svesk regiss\u00f8r i Ronnie Sandahl og hovedrolle i Bianca Kronl\u00f6f .", "opinions": []}, {"sent_id": "100915-06-02", "text": "\u00d8vrig skuespillere er i hovedsak norske .", "opinions": []}, {"sent_id": "100915-07-01", "text": "Kronl\u00f6fs \u00ab Dino \u00bb er en svensk 25 \u00e5r gammel tjej , som f\u00e5r en slags huspost i en norsk enebolig-familie , der far driver sushirestaurant og er alene i Norge med to d\u00f8tre , mens mor jobber i Afrika i byggebransjen .", "opinions": []}, {"sent_id": "100915-08-01", "text": "Dino bor i et svensk kollektiv like trangbodd og improvisert og uryddig som man kjenner fra tidligere tiders arbeidsinnvandringsperioder i Norge , eksempelvis da de f\u00f8rste pakistanske menn kom til oss p\u00e5 slutten av - 60-tallet og begynnelsen av - 70-tallet .", "opinions": [{"Source": [[], []], "Target": [["kollektiv"], ["21:30"]], "Polar_expression": [["trangbodd"], ["36:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kollektiv"], ["21:30"]], "Polar_expression": [["improvisert"], ["49:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kollektiv"], ["21:30"]], "Polar_expression": [["uryddig"], ["64:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-09-01", "text": "Uverdig ?", "opinions": []}, {"sent_id": "100915-09-02", "text": "Vel , i alle fall periodevis vanskelig for dem det gjelder .", "opinions": []}, {"sent_id": "100915-09-03", "text": "Og det blir faktisk ogs\u00e5 et klassesp\u00f8rsm\u00e5l , der filmens rike nordmenn noks\u00e5 ubetenksomt arrogant omtaler og forholder seg til sine svenske tjenere .", "opinions": [{"Source": [[], []], "Target": [["filmens rike nordmenn"], ["49:70"]], "Polar_expression": [["ubetenksomt arrogant"], ["77:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-10-01", "text": "Dino har sine problemer .", "opinions": []}, {"sent_id": "100915-10-02", "text": "Men til tross for sviktende selvtillit er hun t\u00f8ff og initiativrik .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["42:45"]], "Polar_expression": [["til tross for sviktende selvtillit er hun t\u00f8ff og initiativrik"], ["4:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-10-03", "text": "Dessuten h\u00f8ster hun premiere-salens villeste jubel \u2013 besatt til siste sete av filminteresserte svensker \u2013 da hun i en selskapsscene sammen med lett beduggede nordmenn blir utspurt om hvordan svenskene egentlig ser p\u00e5 oss nordmenn :", "opinions": [{"Source": [["filminteresserte svensker"], ["78:103"]], "Target": [["hun"], ["16:19"]], "Polar_expression": [["h\u00f8ster hun premiere-salens villeste jubel"], ["9:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["besatt til siste sete av filminteresserte svensker"], ["53:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "100915-11-01", "text": "\u2013 Som v\u00e5re utviklingshemmede fettere , som har vunnet i Lotto !", "opinions": []}, {"sent_id": "100915-12-01", "text": "\u00ab Svenskj\u00e6vel \u00bb er en god film med noks\u00e5 alvorlige og dramatiske undertoner \u2013 f\u00f8r den ender i ganske s\u00e5 kl\u00f8ktig feelgood .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Svenskj\u00e6vel \u00bb"], ["0:15"]], "Polar_expression": [["god"], ["22:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Svenskj\u00e6vel \u00bb"], ["0:15"]], "Polar_expression": [["alvorlige og dramatiske undertoner"], ["41:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Svenskj\u00e6vel \u00bb"], ["0:15"]], "Polar_expression": [["ender i ganske s\u00e5 kl\u00f8ktig feelgood"], ["86:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100915-13-01", "text": "Filmens lille problem er at den gjerne vil inneholde litt for mye ; et par sidespor gir litt mer forvirring enn de gir rikdom til fortellingen .", "opinions": [{"Source": [[], []], "Target": [["Filmens"], ["0:7"]], "Polar_expression": [["problem er at den gjerne vil inneholde litt for mye"], ["14:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmens"], ["0:7"]], "Polar_expression": [["sidespor gir litt mer forvirring enn de gir rikdom til fortellingen"], ["75:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["fortellingen"], ["130:142"]], "Polar_expression": [["sidespor gir litt mer forvirring enn de gir rikdom"], ["75:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-13-02", "text": "Og enkeltelementer virker sm\u00e5tt konstruert og hakker opp filmens flyt .", "opinions": [{"Source": [[], []], "Target": [["enkeltelementer"], ["3:18"]], "Polar_expression": [["sm\u00e5tt konstruert"], ["26:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["enkeltelementer"], ["3:18"]], "Polar_expression": [["hakker opp filmens flyt"], ["46:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmens flyt"], ["57:69"]], "Polar_expression": [["hakker opp"], ["46:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-14-01", "text": "Kronl\u00f6f er meget god som s\u00e5ret , stolt , omsorgsfull og initiativrik ung kvinne .", "opinions": [{"Source": [[], []], "Target": [["Kronl\u00f6f"], ["0:7"]], "Polar_expression": [["meget god"], ["11:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvinne"], ["73:79"]], "Polar_expression": [["s\u00e5ret"], ["25:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvinne"], ["73:79"]], "Polar_expression": [["stolt"], ["33:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvinne"], ["73:79"]], "Polar_expression": [["omsorgsfull"], ["41:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvinne"], ["73:79"]], "Polar_expression": [["initiativrik"], ["56:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-14-02", "text": "To norske barn oppi det hele , Mona-Cecilie Kristiansen og Naomi Emilie Christensen Beck , leverer imponerende prikkfritt .", "opinions": [{"Source": [[], []], "Target": [["Naomi Emilie Christensen Beck"], ["59:88"]], "Polar_expression": [["leverer imponerende prikkfritt"], ["91:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mona-Cecilie Kristiansen"], ["31:55"]], "Polar_expression": [["leverer imponerende prikkfritt"], ["91:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-14-03", "text": "Mens Henrik Rafaelsen befinner seg st\u00f8dig i en rolle vi har sett ham f\u00f8r :", "opinions": [{"Source": [[], []], "Target": [["Henrik Rafaelsen"], ["5:21"]], "Polar_expression": [["st\u00f8dig"], ["35:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-14-04", "text": "Den takbare , men veike og konfliktsky mannen .", "opinions": [{"Source": [[], []], "Target": [["mannen"], ["39:45"]], "Polar_expression": [["takbare"], ["4:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["39:45"]], "Polar_expression": [["veike"], ["18:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["39:45"]], "Polar_expression": [["konfliktsky"], ["27:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100915-15-01", "text": "\u00ab Svenskj\u00e6vel \u00bb har vunnet en rekke priser under ulike , noe mindre internasjonale filmfestivaler gjennom h\u00f8sten .", "opinions": []}, {"sent_id": "100915-15-02", "text": "Det store norske publikum vil m\u00f8te den etter norsk kinopremiere 13. mars .", "opinions": []}, {"sent_id": "001627-01-01", "text": "\u00c5 lytte mellom lydene", "opinions": []}, {"sent_id": "001627-02-01", "text": "Engelske James Blake debuterer med et komplekst og egenr\u00e5dig album der stor skj\u00f8nnhet bor i begrensningene .", "opinions": [{"Source": [[], []], "Target": [["album"], ["61:66"]], "Polar_expression": [["komplekst"], ["38:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["61:66"]], "Polar_expression": [["egenr\u00e5dig"], ["51:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["61:66"]], "Polar_expression": [["stor skj\u00f8nnhet"], ["71:85"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001627-03-01", "text": "23 \u00e5r gamle James Blake kom fra venstre og satte sitt umiskjennelige preg p\u00e5 den britiske popvirkeligheten i 2010 , med tre rikt sammensatte EPer og en sl\u00e5ende intim versjon av Feists \" Limit To Your Love \" som de tyngstveiende \u00e5rsakene til jubelbruset som har skylt over ham , inkludert fra Lydverkets eget kontorlandskap .", "opinions": [{"Source": [[], []], "Target": [["James Blake"], ["12:23"]], "Polar_expression": [["umiskjennelige preg"], ["54:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["EPer"], ["141:145"]], "Polar_expression": [["rikt sammensatte"], ["124:140"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Feists \" Limit To Your Love \""], ["177:206"]], "Polar_expression": [["sl\u00e5ende intim"], ["152:165"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001627-03-02", "text": "Er det mulig \u00e5 leve opp til s\u00e5nt ?", "opinions": []}, {"sent_id": "001627-03-03", "text": "Svaret er , i det store og det hele , et rungende ja .", "opinions": []}, {"sent_id": "001627-04-01", "text": "Med h\u00f8rbar bakgrunn som musikkstudent , betydelig fingerspissf\u00f8lelse som produsent og impulser som strekker seg fra pianojazz og klassisk musikk til soul og dubstep , ligger sv\u00e6rt mye av Blakes appell i hvor s\u00f8ml\u00f8st han lapper sammen tilsynelatende inkompatible uttrykk , etter f\u00f8rst \u00e5 ha hogd dem i fillebiter med nifs presisjon .", "opinions": [{"Source": [[], []], "Target": [["Blakes"], ["187:193"]], "Polar_expression": [["h\u00f8rbar bakgrunn som musikkstudent"], ["4:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Blakes"], ["187:193"]], "Polar_expression": [["betydelig fingerspissf\u00f8lelse"], ["40:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Blakes"], ["187:193"]], "Polar_expression": [["s\u00f8ml\u00f8st", "lapper sammen tilsynelatende inkompatible uttrykk"], ["208:215", "220:269"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Blakes"], ["187:193"]], "Polar_expression": [["nifs presisjon"], ["315:329"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001627-05-01", "text": "Tvillingsporene \" Unluck \" og \" The Wilhelm Scream \" , som sparker i gang ballet p\u00e5 like deler mjukt og myndig vis , er to sl\u00e5ende eksempler p\u00e5 hvor mye et lydbilde kan romme i kraft av nettopp sin egen begrensning , der en l\u00f8srevet vokalklynge eller et hjems\u00f8kt skarptrommeslag kan lodde n\u00e6rmest uutholdelige emosjonelle dyp .", "opinions": [{"Source": [[], []], "Target": [["\" Unluck \""], ["16:26"]], "Polar_expression": [["sparker i gang ballet"], ["59:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Wilhelm Scream \""], ["30:52"]], "Polar_expression": [["sparker i gang ballet"], ["59:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Wilhelm Scream \""], ["30:52"]], "Polar_expression": [["mjukt og myndig"], ["95:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Unluck \""], ["16:26"]], "Polar_expression": [["mjukt og myndig"], ["95:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Wilhelm Scream \""], ["30:52"]], "Polar_expression": [["sl\u00e5ende eksempler p\u00e5 hvor mye et lydbilde kan romme"], ["123:174"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Unluck \""], ["16:26"]], "Polar_expression": [["sl\u00e5ende eksempler p\u00e5 hvor mye et lydbilde kan romme"], ["123:174"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001627-05-02", "text": "Forestill deg D'Angelo oppvokst i London p\u00e5 nittitallet , og ...", "opinions": []}, {"sent_id": "001627-05-03", "text": "Vel , du er fortsatt ikke i n\u00e6rheten .", "opinions": []}, {"sent_id": "001627-06-01", "text": "\" Limit To Your Love \" fungerer som forventet enda bedre i albumkontekst enn p\u00e5 egenh\u00e5nd , men flere av l\u00e5tene som omgir den vil garantert skremme vannet av de som har forvekslet Blake med mer vokalsentriske st\u00f8rrelser som Antony Hegarty .", "opinions": [{"Source": [[], []], "Target": [["\" Limit To Your Love \""], ["0:22"]], "Polar_expression": [["enda bedre i albumkontekst enn p\u00e5 egenh\u00e5nd"], ["46:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["104:110"]], "Polar_expression": [["garantert skremme vannet av"], ["129:156"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001627-06-02", "text": "P\u00e5 det avsluttende trespannet \" To Care ( Like You ) \" , \" Why Don\u00b4t You Call Me \" og \" I Mind \" truer skillet mellom organiske og elektroniske elementer kontinuerlig med \u00e5 bryte sammen , og vokallinjer , instrumentering og melodi krenger mot hverandre i grenselandet mellom eufori og sj\u00f8syke .", "opinions": []}, {"sent_id": "001627-07-01", "text": "James Blake vil med andre ord neppe gj\u00f8re opphavsmannen til allemannseie ; til det l\u00e5ter den for strengt og egenr\u00e5dig , for ikke \u00e5 si fremmedartet .", "opinions": [{"Source": [[], []], "Target": [["den"], ["89:92"]], "Polar_expression": [["for strengt og egenr\u00e5dig"], ["93:117"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["89:92"]], "Polar_expression": [["fremmedartet"], ["134:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001627-07-02", "text": "Men den kan kjapt ende opp som en Voodoo oppdatert for en generasjon briter flasket opp p\u00e5 dubstep , og det er pinad\u00f8 ikke den verste skjebnen en plate kan lide .", "opinions": [{"Source": [[], []], "Target": [["plate"], ["146:151"]], "Polar_expression": [["pinad\u00f8 ikke den verste skjebnen"], ["111:142"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303356-01-01", "text": "Utro p\u00e5 Trinidad", "opinions": []}, {"sent_id": "303356-02-01", "text": "\u00ab Limbo \u00bb er en uvant og solid norsk film , men det er svensken som gj\u00f8r sterkest inntrykk .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Limbo \u00bb"], ["0:9"]], "Polar_expression": [["solid"], ["25:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["svensken"], ["55:63"]], "Polar_expression": [["gj\u00f8r sterkest inntrykk"], ["68:90"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303356-03-01", "text": "|| |", "opinions": []}, {"sent_id": "303356-03-02", "text": "FILM :", "opinions": []}, {"sent_id": "303356-03-03", "text": "Limbo er en \u00ab dans \u00bb som oppsto p\u00e5 Trinidad ( du b\u00f8yer deg bakover og g\u00e5r under en list ) .", "opinions": []}, {"sent_id": "303356-03-04", "text": "I Dantes \u00ab Den guddommelige komedie \u00bb er Limbo Helvetes f\u00f8rste sirkel .", "opinions": []}, {"sent_id": "303356-03-05", "text": "Sonia ( Line Verndal ) pr\u00f8ver \u00e5 leve i limbo , men f\u00e5r det ikke til .", "opinions": []}, {"sent_id": "303356-04-01", "text": "\u00c5ret er 1973 , Sonia Moe tar med seg barna p\u00e5 seks og ni til Trinidad , der ektemannen , oljeingeni\u00f8ren Jo ( Henrik Rafaelsen ) , allerede har bodd et halvt \u00e5r .", "opinions": []}, {"sent_id": "303356-04-02", "text": "Det er mulig Sonia kunne tatt overgangen fra norsk virkelighet til tropisk overklasse p\u00e5 strak arm , men det f\u00e5r vi aldri vite , siden Jo har v\u00e6rt utro .", "opinions": []}, {"sent_id": "303356-04-03", "text": "En klassisk historie som kunne foreg\u00e5tt hvor som helst , men Sonia er p\u00e5 et fremmed sted med f\u00e5 holdepunkter og livet hennes rakner i s\u00f8mmene .", "opinions": []}, {"sent_id": "303356-05-01", "text": "Samtidsst\u00f8y", "opinions": []}, {"sent_id": "303356-05-02", "text": "Dette er Maria S\u00f8dahls ( f . 1965 ) f\u00f8rste spillefilm etter flere prisbel\u00f8nte kortfilmer , blant annet .", "opinions": [{"Source": [[], []], "Target": [["Maria S\u00f8dahls"], ["9:22"]], "Polar_expression": [["flere prisbel\u00f8nte kortfilmer"], ["60:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kortfilmer"], ["78:88"]], "Polar_expression": [["prisbel\u00f8nte"], ["66:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "303356-05-03", "text": "Hun har ogs\u00e5 skrevet manus og historien er fortalt med st\u00f8 h\u00e5nd .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["historien er fortalt med st\u00f8 h\u00e5nd"], ["30:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["30:39"]], "Polar_expression": [["fortalt med st\u00f8 h\u00e5nd"], ["43:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303356-05-04", "text": "Hvorfor Trinidad ?", "opinions": []}, {"sent_id": "303356-05-05", "text": "Fordi S\u00f8dahl tilbrakte sitt f\u00f8rste skole\u00e5r der , tidlig p\u00e5 70-tallet .", "opinions": []}, {"sent_id": "303356-05-06", "text": "Og for , som hun uttaler til Rushprint , \u00e5 fjerne \u00ab samtidsst\u00f8yen \u00bb .", "opinions": []}, {"sent_id": "303356-06-01", "text": "S\u00f8dahl er ikke opptatt av situasjonen p\u00e5 Trinidad .", "opinions": []}, {"sent_id": "303356-06-02", "text": "Det ymtes om nasjonalisering av oljeindustrien , men historien forg\u00e5r innenfor bobla av \u00ab expats \u00bb , rike hvitinger som lever i sine gettoer med tjenere og privatsj\u00e5f\u00f8r .", "opinions": []}, {"sent_id": "303356-07-01", "text": "Lena Endre", "opinions": []}, {"sent_id": "303356-07-02", "text": "Selve plottet er som sagt enkelt :", "opinions": []}, {"sent_id": "303356-07-03", "text": "Gubben har hatt et forhold til en annen kvinne , s\u00e5 hva gj\u00f8r Sonia ?", "opinions": []}, {"sent_id": "303356-07-04", "text": "Inn fra venstre kommer en advarsel , i form av Charlotte ( Lena Endre ) , som er gift med Jos kollega og venn Daniel ( Bryan Brown ) .", "opinions": []}, {"sent_id": "303356-07-05", "text": "Charlotte skjuler sin tristhet bak en gin-tonic og fors\u00f8ker \u00e5 innvie Sonia i det kunstige rikmannslivet .", "opinions": []}, {"sent_id": "303356-08-01", "text": "Det er laget mange filmer om dekadente expats , men ikke p\u00e5 norsk .", "opinions": []}, {"sent_id": "303356-08-02", "text": "\u00ab Limbo \u00bb er et kammerdrama , fortalt med \u00f8mhet og aldri kjedelig .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Limbo \u00bb"], ["0:9"]], "Polar_expression": [["fortalt med \u00f8mhet"], ["30:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Limbo \u00bb"], ["0:9"]], "Polar_expression": [["aldri kjedelig"], ["51:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303356-08-03", "text": "Men jeg blir heller aldri mer enn passelig grepet av Sonias situasjon .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [["Sonias situasjon"], ["53:69"]], "Polar_expression": [["blir heller aldri mer enn passelig grepet av Sonias situasjon"], ["8:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303356-08-04", "text": "En ubalanse i filmen er at Lena Endre i birollen framst\u00e5r som en mer intens og fascinerende figur enn Sonia .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["14:20"]], "Polar_expression": [["ubalanse", "Lena Endre i birollen framst\u00e5r som en mer intens og fascinerende figur enn Sonia"], ["3:11", "27:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Lena Endre"], ["27:37"]], "Polar_expression": [["framst\u00e5r som en mer intens og fascinerende figur enn Sonia"], ["49:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303356-08-05", "text": "Regiss\u00f8r S\u00f8dahl har lokket fram gode rolleprestasjoner over hele fj\u00f8la , men den mangetydige og gl\u00f8dende Lena Endre stikker seg alts\u00e5 ut .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8r S\u00f8dahl"], ["0:15"]], "Polar_expression": [["lokket fram gode rolleprestasjoner over hele fj\u00f8la"], ["20:70"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rolleprestasjoner"], ["37:54"]], "Polar_expression": [["gode"], ["32:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rolleprestasjoner"], ["37:54"]], "Polar_expression": [["mangetydige og gl\u00f8dende Lena Endre stikker seg alts\u00e5 ut"], ["81:136"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lena Endre"], ["105:115"]], "Polar_expression": [["mangetydige"], ["81:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lena Endre"], ["105:115"]], "Polar_expression": [["gl\u00f8dende"], ["96:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303356-08-06", "text": "Hvis man derimot lar seg forf\u00f8re av Verndal , slik halve Norge opplevde i \u00ab Himmelbl\u00e5 \u00bb , blir \u00ab Limbo \u00bb en stor kinoopplevelse .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Limbo \u00bb"], ["95:104"]], "Polar_expression": [["Hvis man derimot lar seg forf\u00f8re av Verndal", "stor kinoopplevelse"], ["0:43", "108:127"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Verndal"], ["36:43"]], "Polar_expression": [["Hvis man derimot lar seg forf\u00f8re av Verndal", "slik halve Norge opplevde i \u00ab Himmelbl\u00e5 \u00bb"], ["0:43", "46:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-01-01", "text": "\u00ab En gyllen halvannen time \u00bb", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gyllen"], ["5:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601563-02-01", "text": "N\u00e5r Helene B\u00f8ksle synger er det fra hjertet .", "opinions": [{"Source": [[], []], "Target": [["Helene B\u00f8ksle"], ["4:17"]], "Polar_expression": [["synger", "fra hjertet"], ["18:24", "32:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-02-02", "text": "Publikum lytter stille \u2013 og det blir sanger til hjertet .", "opinions": [{"Source": [[], []], "Target": [["sanger"], ["37:43"]], "Polar_expression": [["til hjertet"], ["44:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-02-03", "text": "Slik opplevde jeg det i domkirken i g\u00e5r kveld , og det ble som Helene B\u00f8ksle \u00f8nsket det i introduksjonen : \u00ab en gyllen halvannen time \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Helene B\u00f8ksle"], ["63:76"]], "Polar_expression": [["gyllen"], ["112:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-02-04", "text": "Hun har som artist n\u00e5dd dit at hun ikke beh\u00f8ver \u00e5 vise seg fram .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["ikke beh\u00f8ver \u00e5 vise seg fram"], ["35:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-02-05", "text": "Hun har styrke nok i seg selv , trygghet i stemmen og ro p\u00e5 scenen til \u00e5 konsentrere seg om \u00e5 formidle .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["styrke nok i seg selv"], ["8:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["trygghet i stemmen"], ["32:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["ro p\u00e5 scenen"], ["54:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-02-06", "text": "Det gj\u00f8r hun til gjengjeld overbevisende .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["9:12"]], "Polar_expression": [["overbevisende"], ["27:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601563-03-01", "text": "Det er for s\u00e5 vidt lite originalt over programmet for denne juleturneen der hun opptrer sammen med Sindre Hotvedt som pianist og arrang\u00f8r , Markus Lillehaug Johnsen p\u00e5 gitar og Marie Forr Kl\u00e5pbakken p\u00e5 fiolin og vokal .", "opinions": [{"Source": [[], []], "Target": [["programmet"], ["39:49"]], "Polar_expression": [["lite originalt"], ["19:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-03-02", "text": "Ikke for det \u2013 det originale ligger faktisk i den enkle m\u00e5ten det meste gj\u00f8res p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["originale"], ["19:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-03-03", "text": "Her er det ikke behov for den store svulstighet , det overveldende tonebrus eller det ekstravagante .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke behov for den store svulstighet , det overveldende tonebrus eller det ekstravagante"], ["11:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601563-03-04", "text": "Oftere er arrangementene sv\u00e6rt n\u00f8kterne .", "opinions": [{"Source": [[], []], "Target": [["arrangementene"], ["10:24"]], "Polar_expression": [["sv\u00e6rt n\u00f8kterne"], ["25:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-03-05", "text": "Lange passasjer synges med bare en gjentatt figur i piano eller gitar , eller for den saks skyld i fiolinen som i slike \u00f8yeblikk f\u00e5r lov \u00e5 v\u00e6re fele \u2013 om man forst\u00e5r .", "opinions": []}, {"sent_id": "601563-03-06", "text": "Antakelig er denne sansen for det enkle utviklet i samarbeidet mellom Hotvedt og B\u00f8ksle , et samarbeid som n\u00e5 har vart i hele ti \u00e5r , nok til \u00e5 l\u00e6re hverandres musikalske smak og kvaliteter \u00e5 kjenne .", "opinions": []}, {"sent_id": "601563-04-01", "text": "Konsekvensen er at tekstene f\u00e5r lov \u00e5 st\u00e5 frem i all sin prakt , og det er jo ogs\u00e5 noen praktfulle salmer hun velger ut :", "opinions": [{"Source": [[], []], "Target": [["tekstene"], ["19:27"]], "Polar_expression": [["f\u00e5r lov \u00e5 st\u00e5 frem i all sin prakt"], ["28:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["salmer"], ["99:105"]], "Polar_expression": [["praktfulle"], ["88:98"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-04-02", "text": "Mitt hjerte alltid vanker , \u00c5 kom alle sjeler ( Adeste fideles ) , I denne s\u00f8de juletid , H\u00f8yr kor englar syng i sky ( Hark , the Herald Angel sing ) , Det hev ei rose sprunge og Deilig er jorden \u2013 for \u00e5 nevne de velkjente og tradisjonelle , for ikke \u00e5 si tradisjonsrike , velpr\u00f8vde og n\u00e6rmest uslitelige julesangene .", "opinions": [{"Source": [[], []], "Target": [["julesangene"], ["305:316"]], "Polar_expression": [["velkjente"], ["213:222"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["julesangene"], ["305:316"]], "Polar_expression": [["tradisjonelle"], ["226:239"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["julesangene"], ["305:316"]], "Polar_expression": [["tradisjonsrike"], ["256:270"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["julesangene"], ["305:316"]], "Polar_expression": [["velpr\u00f8vde"], ["273:282"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["julesangene"], ["305:316"]], "Polar_expression": [["n\u00e6rmest uslitelige"], ["286:304"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-04-03", "text": "I disse er Helene B\u00f8ksle s\u00e5 n\u00e6r man kan komme en evangelist som vel mulig .", "opinions": [{"Source": [[], []], "Target": [["Helene B\u00f8ksle"], ["11:24"]], "Polar_expression": [["s\u00e5 n\u00e6r man kan komme en evangelist som vel mulig"], ["25:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-05-01", "text": "S\u00e5 fikk vi ogs\u00e5 en rekke nyere sanger , den gode vennskapsvisen \u00ab De dager som har v\u00e6rt , min venn \u00bb \u2014 sterkt inspirert av \u00ab Auld lang syne \u00bb og \u00ab Mitt land \u00bb av Rolf L\u00f8vland \u2013 her i duett med Espen Grjotheim som var spesiell gjest i Kristiansand i g\u00e5r .", "opinions": [{"Source": [[], []], "Target": [["\u00ab De dager som har v\u00e6rt , min venn \u00bb"], ["64:100"]], "Polar_expression": [["gode"], ["44:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-05-02", "text": "Sammen gjorde de ogs\u00e5 \u00ab Et juleeventyr \u00bb - av det mer muntre slag , \u00ab Gje meg handa di \u00bb , og ikke \u00e5 forglemme en vakker islandsk ( eller var det f\u00e6r\u00f8ysk ? ) sang som innledet det hele .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Et juleeventyr \u00bb"], ["22:40"]], "Polar_expression": [["muntre"], ["54:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["158:162"]], "Polar_expression": [["vakker"], ["114:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-05-03", "text": "\u00ab Lys til nattsvart jord \u00bb og \u00ab Julen for meg \u00bb h\u00f8rer ogs\u00e5 til de vi kjenner fra B\u00f8ksles cd-utgivelser .", "opinions": []}, {"sent_id": "601563-05-04", "text": "Ny denne kvelden , andregansfremf\u00f8relse , var Marie Kl\u00e5pbakkens egen sang om hjemlengsel , \u00ab F\u00f8lg meg heim \u00bb - vakkert fremf\u00f8rt av l\u00e5tskriveren selv .", "opinions": [{"Source": [[], []], "Target": [["\u00ab F\u00f8lg meg heim \u00bb"], ["91:108"]], "Polar_expression": [["vakkert"], ["111:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-06-01", "text": "Helene B\u00f8ksle ledet med varme og glede .", "opinions": [{"Source": [[], []], "Target": [["Helene B\u00f8ksle"], ["0:13"]], "Polar_expression": [["varme"], ["24:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Helene B\u00f8ksle"], ["0:13"]], "Polar_expression": [["glede"], ["33:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-06-02", "text": "Hennes enkle sammenbindende fortelling er en fortelling til ettertanke .", "opinions": [{"Source": [[], []], "Target": [["fortelling"], ["45:55"]], "Polar_expression": [["til ettertanke"], ["56:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-06-03", "text": "Hun maner til takknemlighet , til \u00e5 se det store i det sm\u00e5 og til \u00e5 lete etter lyset i oss selv og i v\u00e5r neste .", "opinions": []}, {"sent_id": "601563-06-04", "text": "Sammen med de gamle og de nyere salmetekstene og sangtekstene blir det et godt og viktig budskap .", "opinions": [{"Source": [[], []], "Target": [["budskap"], ["89:96"]], "Polar_expression": [["godt"], ["74:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["budskap"], ["89:96"]], "Polar_expression": [["viktig"], ["82:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-06-05", "text": "B\u00e5de sang og tale er fra hjerte til hjerte .", "opinions": [{"Source": [[], []], "Target": [["tale"], ["13:17"]], "Polar_expression": [["fra hjerte til hjerte"], ["21:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["5:9"]], "Polar_expression": [["fra hjerte til hjerte"], ["21:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601563-06-06", "text": "Da \u00ab Deilig er jorden \u00bb kom til slutt , med orgelbrus fra domkantor Wilder p\u00e5 kirkens nye instrument , var tanken :", "opinions": []}, {"sent_id": "601563-06-07", "text": "Hva mer kan man vel \u00f8nske seg en torsdagskveld i adventen ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hva mer kan man vel \u00f8nske seg"], ["0:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601563-07-01", "text": "Emil Otto Syvertsen", "opinions": []}, {"sent_id": "105542-01-01", "text": "Film :", "opinions": []}, {"sent_id": "105542-01-02", "text": "Den helvetes familien", "opinions": []}, {"sent_id": "105542-02-01", "text": "Familier kan v\u00e6re en farlig \u00f8velse .", "opinions": [{"Source": [[], []], "Target": [["Familier"], ["0:8"]], "Polar_expression": [["farlig \u00f8velse"], ["21:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-02-02", "text": "Men s\u00e5 mange stygge svik , nevroser og eksplosjonsartet hevnlyst som hviler over familien Weston skal du lete lenge etter .", "opinions": [{"Source": [[], []], "Target": [["familien Weston"], ["81:96"]], "Polar_expression": [["skal du lete lenge etter", "s\u00e5 mange stygge svik , nevroser og eksplosjonsartet hevnlyst"], ["97:121", "4:64"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-03-01", "text": "Tracy Letts prisbel\u00f8nnede teaterstykke \u00ab August :", "opinions": [{"Source": [[], []], "Target": [["teaterstykke"], ["26:38"]], "Polar_expression": [["prisbel\u00f8nnede"], ["12:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "105542-03-02", "text": "Osage County \u00bb er blitt en studie i verbale giftigheter servert i en atmosf\u00e6re like klam og svett som Midtvestens lumre sommertemperatur .", "opinions": [{"Source": [[], []], "Target": [["atmosf\u00e6re"], ["69:78"]], "Polar_expression": [["like klam og svett som Midtvestens lumre sommertemperatur"], ["79:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-04-01", "text": "Med den Oscar-nominerte duoen Meryl Streep og Julia Roberts i spissen blir dette langt mer enn en cat-fight mellom pusekatter p\u00e5 hett blikktak ; snarere en \u00e5pen krig mellom to iltre l\u00f8vinner .", "opinions": []}, {"sent_id": "105542-05-01", "text": "Jeg har hatt den noe nifse glede av \u00e5 se dette p\u00e5 to teaterscener i Norge .", "opinions": []}, {"sent_id": "105542-05-02", "text": "Stykket er en skikkelig godbit og et solid basketak for gode skuespillere .", "opinions": [{"Source": [[], []], "Target": [["Stykket"], ["0:7"]], "Polar_expression": [["skikkelig godbit"], ["14:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Stykket"], ["0:7"]], "Polar_expression": [["solid basketak for gode skuespillere"], ["37:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-06-01", "text": "Men det som i en sceneoppsetning fungerer som en tettpakket og godt timet verbal mitralj\u00f8se , blir i denne filmversjonen i overkant anstrengende .", "opinions": [{"Source": [[], []], "Target": [["filmversjonen"], ["107:120"]], "Polar_expression": [["det som i en sceneoppsetning fungerer som en tettpakket og godt timet verbal mitralj\u00f8se", "i overkant anstrengende"], ["4:91", "121:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-06-02", "text": "Det teatrale ved det hele blir faktisk mer teatralt p\u00e5 filmlerretet enn p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["scenen"], ["75:81"]], "Polar_expression": [["Det teatrale ved det hele blir faktisk mer teatralt p\u00e5 filmlerretet"], ["0:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmlerretet"], ["55:67"]], "Polar_expression": [["Det teatrale ved det hele blir faktisk mer teatralt", "enn p\u00e5 scenen"], ["0:51", "68:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105542-07-01", "text": "De muntlige giftpillene st\u00e5r iblant i veien for nyanser i blikk og bevegelser - nyanser som er filmens styrke , fremfor teatrets .", "opinions": [{"Source": [[], []], "Target": [["De muntlige giftpillene"], ["0:23"]], "Polar_expression": [["st\u00e5r iblant i veien for nyanser i blikk og bevegelser"], ["24:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-08-01", "text": "Handlingen foreg\u00e5r i Oklahoma , langt ute p\u00e5 de store sletter .", "opinions": []}, {"sent_id": "105542-08-02", "text": "Etter at den alkoholiserte pater familias har tatt livet av seg , samles hans pillemisbrukende kone , hans tre d\u00f8tre og et par andre familiemedlemmer ; en gjeng preget av dysfunksjonelle relasjoner seg imellom .", "opinions": [{"Source": [[], []], "Target": [["gjeng"], ["155:160"]], "Polar_expression": [["preget av dysfunksjonelle relasjoner seg imellom"], ["161:209"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-09-01", "text": "I l\u00f8pet av en dag eller to \u00e5pnes det ene \u00ab skapet \u00bb etter det andre , og ut faller hevnlyst , hat , nevroser , bitterhet og sv\u00e6rt stygge svik .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ut faller hevnlyst , hat , nevroser , bitterhet og sv\u00e6rt stygge svik"], ["73:141"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-09-02", "text": "I s\u00e6rdeles grad gjelder det forholdet kvinnene seg imellom , mellom s\u00f8stre og mor-barn .", "opinions": []}, {"sent_id": "105542-10-01", "text": "I Tracy Letts fortelling skildres det intenst utleverende , med en s\u00e5rbar nerve i bunn , uten at teksten helt n\u00e5r dybdeniv\u00e5et til en Tennessee Williams .", "opinions": [{"Source": [[], []], "Target": [["Tracy Letts fortelling"], ["2:24"]], "Polar_expression": [["skildres det intenst utleverende , med en s\u00e5rbar nerve i bunn"], ["25:86"]], "Polarity": "Positive", "Intensity": null, "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teksten"], ["97:104"]], "Polar_expression": [["uten", "helt n\u00e5r dybdeniv\u00e5et til en Tennessee Williams"], ["89:93", "105:151"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-11-01", "text": "Filmen byr p\u00e5 et solid galleri av gode skuespillere , som utmerket fyller sine sko som plagede , engstelige og ondsinnede individer - breddfulle av forsvarsmekanismer som de er .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["byr p\u00e5 et solid galleri av gode skuespillere"], ["7:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillere"], ["39:51"]], "Polar_expression": [["gode"], ["34:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillere"], ["39:51"]], "Polar_expression": [["utmerket fyller sine sko"], ["58:82"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-11-02", "text": "Samlet representerer de et bredt spekter av samfunnets mangfold hva ulike personligheter ang\u00e5r .", "opinions": [{"Source": [[], []], "Target": [["de"], ["21:23"]], "Polar_expression": [["representerer", "bredt spekter av samfunnets mangfold hva ulike personligheter ang\u00e5r"], ["7:20", "27:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-12-01", "text": "Meryl Streep er s\u00e5 god som hun pleier \u00e5 v\u00e6re i rollen som moren fra helvete ; en rusa kvinne full av forakt for seg selv og andre , kombinert med et beinhardt overlevelsesinstinkt , krydret med en liten dose medynk .", "opinions": [{"Source": [[], []], "Target": [["Meryl Streep"], ["0:12"]], "Polar_expression": [["s\u00e5 god som hun pleier \u00e5 v\u00e6re"], ["16:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-12-02", "text": "Julia Roberts oser av kraft og undertrykket harme , og balanserer mellom slemt raseri og tragisk selvinnsikt .", "opinions": [{"Source": [[], []], "Target": [["Julia Roberts"], ["0:13"]], "Polar_expression": [["oser av kraft og undertrykket harme"], ["14:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105542-13-01", "text": "Dette er en film om de grandiose famili\u00e6re katastrofer , litt masete , men ikke uten \u00f8mhet , og slett ikke uten humor - beksvart humor !", "opinions": [{"Source": [[], []], "Target": [["film"], ["12:16"]], "Polar_expression": [["litt masete"], ["57:68"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["12:16"]], "Polar_expression": [["ikke uten \u00f8mhet"], ["75:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["12:16"]], "Polar_expression": [["slett ikke uten humor", "!"], ["96:117", "135:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106752-01-01", "text": "Matisyahu :", "opinions": []}, {"sent_id": "106752-01-02", "text": "\u00ab Youth \u00bb", "opinions": []}, {"sent_id": "106752-02-01", "text": "( Epic / SonyBMG )", "opinions": []}, {"sent_id": "106752-03-01", "text": "Fenomenet er iallfall originalt .", "opinions": [{"Source": [[], []], "Target": [["Fenomenet"], ["0:9"]], "Polar_expression": [["iallfall originalt"], ["13:31"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106752-04-01", "text": "En amerikanskf\u00f8dt , ortodoks j\u00f8de som omfavner reggae og dancehall er ikke akkurat dagligdags kost , men det er nettopp det som utgj\u00f8r Matisyahus univers .", "opinions": []}, {"sent_id": "106752-04-02", "text": "Det er imidlertid lite musikalsk oppsiktsvekkende ved \u00ab Youth \u00bb , som allerede i de to f\u00f8rste numrene jumper noe anstrengt fra reggae til rock , uten at vi helt blir overbevist om at det er smart .", "opinions": [{"Source": [["vi"], ["153:155"]], "Target": [["\u00ab Youth \u00bb"], ["54:63"]], "Polar_expression": [["lite musikalsk oppsiktsvekkende"], ["18:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["153:155"]], "Target": [["\u00ab Youth \u00bb"], ["54:63"]], "Polar_expression": [["jumper noe anstrengt fra reggae til rock , uten at vi helt blir overbevist om at det er smart"], ["102:195"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["153:155"]], "Target": [["de to f\u00f8rste numrene"], ["81:101"]], "Polar_expression": [["jumper noe anstrengt fra reggae til rock"], ["102:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106752-05-01", "text": "Litt m\u00e5 produsent Bill Laswell ta skylda for ; han har skapt et lydbilde som bidro til \u00e5 sende denne plata helt opp p\u00e5 fjerdeplass p\u00e5 amerikanske hitlister , men det er samtidig en avrundet , nesten polert lyd som ikke yter Matisyahus livfulle toasting full rettferdighet .", "opinions": [{"Source": [[], []], "Target": [["produsent Bill Laswell"], ["8:30"]], "Polar_expression": [["Litt m\u00e5", "ta skylda for"], ["0:7", "31:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["produsent Bill Laswell"], ["8:30"]], "Polar_expression": [["han har skapt et lydbilde som bidro til \u00e5 sende denne plata helt opp p\u00e5 fjerdeplass p\u00e5 amerikanske hitlister"], ["47:155"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbilde"], ["64:72"]], "Polar_expression": [["bidro til \u00e5 sende denne plata helt opp p\u00e5 fjerdeplass p\u00e5 amerikanske hitlister"], ["77:155"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbilde"], ["64:72"]], "Polar_expression": [["avrundet , nesten polert lyd som ikke yter Matisyahus livfulle toasting full rettferdighet"], ["181:271"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106752-05-02", "text": "Derfor kunne det ha v\u00e6rt morsomt \u00e5 se mannen live .", "opinions": []}, {"sent_id": "106752-06-01", "text": "Muligheten er der p\u00e5 Garage i Oslo i morgen eller p\u00e5 Quarten i sommer .", "opinions": []}, {"sent_id": "500322-01-01", "text": "En maktdemonstrasjon", "opinions": []}, {"sent_id": "500322-02-01", "text": "Intenst og ubehagelig om jakten p\u00e5 Osama bin Laden", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ubehagelig"], ["11:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Intenst"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500322-03-01", "text": "\u00ab Zero Dark Thirty \u00bb er en maktdemonstrasjon p\u00e5 flere plan .", "opinions": []}, {"sent_id": "500322-04-01", "text": "Ved \u00e5 rekonstruere ti \u00e5rs bestrebelser p\u00e5 \u00e5 spore opp USAs samfunnsfiende nr. 1 , viser den hvilke muskler amerikanerne besitter , milit\u00e6rt og etterretningsmessig , hvilken vilje de har til \u00e5 bruke dem , og hvor langt de er , eller var , villige til \u00e5 g\u00e5 .", "opinions": []}, {"sent_id": "500322-05-01", "text": "Filmens innledende torturscener har f\u00f8rt til heftig debatt i USA .", "opinions": []}, {"sent_id": "500322-06-01", "text": "Filmatisk er scenene ekstremt ubehagelige \u00e5 v\u00e6re vitne til ; ogs\u00e5 for hovedpersonen Maya .", "opinions": [{"Source": [[], []], "Target": [["scenene"], ["13:20"]], "Polar_expression": [["ekstremt ubehagelige"], ["21:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-07-01", "text": "Filmen er ogs\u00e5 en demonstrasjon av Kathryn Bigelows posisjon som en av Hollywoods fremste krigsfilmregiss\u00f8rer .", "opinions": [{"Source": [[], []], "Target": [["Kathryn Bigelows"], ["35:51"]], "Polar_expression": [["en av Hollywoods fremste krigsfilmregiss\u00f8rer"], ["65:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["Kathryn Bigelows posisjon som en av Hollywoods fremste krigsfilmregiss\u00f8rer"], ["35:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500322-08-01", "text": "Som i \u00ab The Hurt Locker \u00bb tar hun heller ikke her stilling til krigen som \u00ab rettferdig \u00bb eller \u00ab ond \u00bb .", "opinions": []}, {"sent_id": "500322-08-02", "text": "S\u00e5 kan man innvende at det ogs\u00e5 er en form for stillingtagen .", "opinions": []}, {"sent_id": "500322-08-03", "text": "Det , mener jeg , er en forkj\u00e6r tiln\u00e6rming til Bigelows filmer .", "opinions": [{"Source": [["jeg"], ["12:15"]], "Target": [[], []], "Polar_expression": [["forkj\u00e6r tiln\u00e6rming"], ["24:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-08-04", "text": "Hennes m\u00e5te \u00e5 lage krigsfilm p\u00e5 \u00e5pner , etter mitt syn , for selvstendig tenkning rundt filmenes tematikk .", "opinions": [{"Source": [[], []], "Target": [["krigsfilm"], ["19:28"]], "Polar_expression": [["\u00e5pner", "for selvstendig tenkning"], ["32:37", "57:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-08-05", "text": "Det er en kvalitet i seg selv .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kvalitet i seg selv"], ["10:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-08-06", "text": "De distinkte , filmatiske kvalitetene kommer i tillegg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["distinkte , filmatiske kvalitetene"], ["3:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500322-09-01", "text": "I \u00ab The Hurt Locker \u00bb gikk Bigelow n\u00e6rmest inn i de polstrede draktene til en gruppe elitesoldater hvis jobb var \u00e5 desarmere bomber .", "opinions": []}, {"sent_id": "500322-10-01", "text": "I bunnen av filmen l\u00e5 en studie av hva som f\u00e5r profesjonelle soldater til gang p\u00e5 gang \u00e5 s\u00f8ke seg tilbake til det helvetet krigen er .", "opinions": []}, {"sent_id": "500322-11-01", "text": "Denne gangen g\u00e5r hun formelig inn i hodet til Maya , CIA-agenten som gjennom ti \u00e5r jobber seg stadig n\u00e6rmere m\u00e5let .", "opinions": []}, {"sent_id": "500322-11-02", "text": "Slik oppn\u00e5r Bigelow det samme som i \u00ab The Hurt Locker \u00bb ; en intens , isende f\u00f8lelse av ikke bare \u00e5 v\u00e6re til stede , men midt inne i hendelsene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["intens , isende f\u00f8lelse"], ["61:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-12-01", "text": "Det gj\u00f8r \u00ab Zero Dark Thirty \u00bb til en uhyre spennende film , selv om man kjenner utgangen p\u00e5 dramaet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Zero Dark Thirty \u00bb"], ["9:29"]], "Polar_expression": [["uhyre spennende"], ["37:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500322-13-01", "text": "Mye av spenningen knytter seg selvsagt til det nitide etterretningsarbeidet , sporingene , spaningen , vurderingene og feilvurderingene underveis .", "opinions": []}, {"sent_id": "500322-14-01", "text": "Maya er p\u00e5 flere m\u00e5ter en n\u00e6r kollega av Carrie fra fjernsynsserien \u00ab Homeland \u00bb .", "opinions": []}, {"sent_id": "500322-14-02", "text": "Maya er psykisk frisk , men preges av den samme ekstreme fokuseringen p\u00e5 ett m\u00e5l , og den samme utholdende viljen til \u00e5 forf\u00f8lge sin egen id\u00e9 .", "opinions": []}, {"sent_id": "500322-15-01", "text": "Spilt av Jessica Chastain , fremstilles Maya som det r\u00e5skinnet hun presenterer seg som .", "opinions": [{"Source": [[], []], "Target": [["Maya"], ["40:44"]], "Polar_expression": [["r\u00e5skinnet"], ["53:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-15-02", "text": "Men det er faglig .", "opinions": []}, {"sent_id": "500322-15-03", "text": "Som person er hun tilbakeholden , stille , men m\u00e5lrettet .", "opinions": []}, {"sent_id": "500322-15-04", "text": "Hun er den intelligente detektiven som tar over ved hjelp av tankearbeid , etter at en nyvalgt Obama har erkl\u00e6rt nulltoleranse for tortur ( en etterretningsmetode som ikke f\u00f8rte til noe , \u00e5penbart ) .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["intelligente"], ["11:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-16-01", "text": "Men hun er ogs\u00e5 kvinnen som m\u00e5 sl\u00e5ss for \u00e5 bli h\u00f8rt i et system ledet av menn .", "opinions": []}, {"sent_id": "500322-16-02", "text": "Drevet av sitt indre , altoverskyggende m\u00e5l , presses hun bokstavelig talt fra alle kanter .", "opinions": []}, {"sent_id": "500322-16-03", "text": "Frustrasjonen og slitasjen lar seg lese b\u00e5de i antall dager hun tusjer p\u00e5 glassveggen til sin overordnede , og i Chastains forfinede ansikt .", "opinions": []}, {"sent_id": "500322-17-01", "text": "Jessica Chastain ble for alvor lagt merke til i Terrence Maliks \u00ab The Tree of Life \u00bb .", "opinions": []}, {"sent_id": "500322-17-02", "text": "F\u00f8r gjennombruddet slet hun med \u00e5 f\u00e5 jobb fordi filmindustrien syntes hun s\u00e5 gammeldags ut .", "opinions": [{"Source": [["filmindustrien"], ["48:62"]], "Target": [["hun"], ["70:73"]], "Polar_expression": [["s\u00e5 gammeldags ut"], ["74:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "500322-17-03", "text": "Malik grep fatt i akkurat dette , og brukte hennes ytre for alt det var verdt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["brukte hennes ytre for alt det var verdt"], ["37:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-18-01", "text": "En p\u00e5f\u00f8lgende birolle i \u00ab Barnepiken \u00bb antydet evnen til \u00e5 spille p\u00e5 et bredt register .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["evnen til \u00e5 spille p\u00e5 et bredt register"], ["47:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-19-01", "text": "Den manifesteres i \u00ab Zero Dark Thirty \u00bb .", "opinions": []}, {"sent_id": "500322-19-02", "text": "Slik sett , er filmen en maktdemonstrasjon ogs\u00e5 fra Chastains side .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["15:21"]], "Polar_expression": [["maktdemonstrasjon"], ["25:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500322-20-01", "text": "Sist , men ikke minst , demonstrerer Alexandre Desplat hvorfor han er verdens mest etterspurte filmkomponist akkurat n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Alexandre Desplat"], ["37:54"]], "Polar_expression": [["verdens mest etterspurte filmkomponist"], ["70:108"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-20-02", "text": "Musikken hans er en oppvisning av distinkte , elegante understrekninger og fremhevinger , og en ren nytelse for \u00f8ret .", "opinions": [{"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["distinkte , elegante understrekninger og fremhevinger"], ["34:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["ren nytelse for \u00f8ret"], ["96:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500322-21-01", "text": "Er du enig med anmelderen ?", "opinions": []}, {"sent_id": "500322-21-02", "text": "Si din mening her :", "opinions": []}, {"sent_id": "111643-01-01", "text": "Townes Van Zandt - \u00ab Be Here To Love Me \u00bb", "opinions": []}, {"sent_id": "111643-02-01", "text": "Countrymusikkens Van Gogh .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Countrymusikkens Van Gogh"], ["0:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111643-03-01", "text": "Texas-trubaduren Townes Van Zandts ( 1944 - 1997 ) ujevne , men overveldende 1970-tallskatalog er over oss igjen , denne gang via det kresne britiske indieplateselskapet Domino .", "opinions": [{"Source": [[], []], "Target": [["1970-tallskatalog"], ["77:94"]], "Polar_expression": [["overveldende"], ["64:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["1970-tallskatalog"], ["77:94"]], "Polar_expression": [["ujevne"], ["51:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111643-03-02", "text": "Gospelfargede \u00ab High , Low And Inbetween \u00bb og \u00ab The Late Great Townes Van Zandt \u00bb ( begge 1972 ) mangler , merkelig nok , ellers er alle de klassiske albumene hans p\u00e5 plass :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00ab High , Low And Inbetween \u00bb og \u00ab The Late Great Townes Van Zandt \u00bb", "mangler , merkelig nok"], ["14:81", "97:119"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ellers er alle de klassiske albumene hans p\u00e5 plass"], ["122:172"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111643-03-03", "text": "Fra det litt ubekvemt arrangerte debutalbumet \u00ab For The Sake Of The Song \u00bb ( 1968 ) , til og med \u00ab Flyin' Shoes \u00bb ( 1978 ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab For The Sake Of The Song \u00bb"], ["46:74"]], "Polar_expression": [["litt ubekvemt arrangerte"], ["8:32"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111643-04-01", "text": "Samt dette , det doble lydsporet til den bevegende , sobre dokumentarfilmen om ham fra 2005 .", "opinions": [{"Source": [[], []], "Target": [["dokumentarfilmen"], ["59:75"]], "Polar_expression": [["sobre"], ["53:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dokumentarfilmen"], ["59:75"]], "Polar_expression": [["bevegende"], ["41:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111643-04-02", "text": "\u00ab Legend \u00bb fra 2003 er og blir den perfekte introduksjonen til ham ; \u00ab Be Here To Love Me \u00bb er mer et tilskudd for dem som av en eller annen grunn ikke m\u00e5tte \u00f8nske \u00e5 eie alle platene .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Legend \u00bb"], ["0:10"]], "Polar_expression": [["er og blir den perfekte introduksjonen til ham"], ["20:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111643-05-01", "text": "Musikken er under alle omstendigheter nesten ubegripelig gripende .", "opinions": [{"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["under alle omstendigheter nesten ubegripelig gripende"], ["12:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111643-05-02", "text": "Van Zandt var en av de f\u00e5 l\u00e5tskriverne man uten fare for overdrivelse kan kalle en poet , og de beste \u00f8yeblikkene hans feier gulvet med den lettkj\u00f8pte melankolien musikken v\u00e5r er blitt s\u00e5 full av .", "opinions": [{"Source": [["v\u00e5r"], ["172:175"]], "Target": [["Van Zandt"], ["0:9"]], "Polar_expression": [["en av de f\u00e5 l\u00e5tskriverne man uten fare for overdrivelse kan kalle en poet"], ["14:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["v\u00e5r"], ["172:175"]], "Target": [["lettkj\u00f8pte melankolien musikken"], ["140:171"]], "Polar_expression": [["beste \u00f8yeblikkene hans feier gulvet med"], ["96:135"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["v\u00e5r"], ["172:175"]], "Target": [["Van Zandt"], ["0:9"]], "Polar_expression": [["beste \u00f8yeblikkene hans feier gulvet med den lettkj\u00f8pte melankolien musikken"], ["96:171"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "111643-05-03", "text": "Dette , venner , er den eksistensielle ekte vare .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["eksistensielle ekte vare"], ["24:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111643-05-04", "text": "Rystende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Rystende"], ["0:8"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "111643-06-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "101857-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "101857-01-02", "text": "Ida S. Skjelbakken :", "opinions": []}, {"sent_id": "101857-01-03", "text": "\u00ab Fangen p\u00e5 celle nr. 17 - Veien til frihet \u00bb", "opinions": []}, {"sent_id": "101857-02-01", "text": "Ida S .", "opinions": []}, {"sent_id": "101857-02-02", "text": "Skjelbakken er en sjelden fugl i norsk litteratur .", "opinions": [{"Source": [[], []], "Target": [["Skjelbakken"], ["0:11"]], "Polar_expression": [["sjelden fugl"], ["18:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-02-03", "text": "Hun skildrer alt fra livet i middelalderen til sosietetsliv og dypt fall i Miami .", "opinions": []}, {"sent_id": "101857-03-01", "text": "Hun skriver en romanserie med hjerte og smerte der handlingen utspiller seg i middelalderen , \u00ab Kr\u00f8niken om Ylva Alm \u00bb .", "opinions": []}, {"sent_id": "101857-03-02", "text": "Den er forel\u00f8pig utgitt i 13 bind .", "opinions": []}, {"sent_id": "101857-03-03", "text": "Hun er illustrat\u00f8r , har v\u00e6rt livvakt og skyte-instrukt\u00f8r .", "opinions": []}, {"sent_id": "101857-04-01", "text": "N\u00e5 foreligger en slags dagbok om de 151 dager hun satt i varetekt i et fengsel i en skyskraper i Miami , arrestert for identitetstyveri og ulovlig v\u00e5penbesittelse .", "opinions": []}, {"sent_id": "101857-04-02", "text": "Om man skulle tro omslagsbildet , som overhodet ikke er i pakt med innholdet , ser det ut som om Skjelbakken var en glamourmodell p\u00e5solskinnstur i fengslet .", "opinions": [{"Source": [[], []], "Target": [["omslagsbildet"], ["18:31"]], "Polar_expression": [["overhodet ikke er i pakt med innholdet"], ["38:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-04-03", "text": "Bokens innhold er tvert om lavm\u00e6lt og ydmykt overfor livet i en r\u00f8ff kvinneavdeling , der medfangene har eviglange straffer .", "opinions": [{"Source": [[], []], "Target": [["innhold"], ["7:14"]], "Polar_expression": [["lavm\u00e6lt"], ["27:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["innhold"], ["7:14"]], "Polar_expression": [["ydmykt"], ["38:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-05-01", "text": "Hvordan havnet norske Ida der ?", "opinions": []}, {"sent_id": "101857-05-02", "text": "Hun stjal en d\u00f8d kvinnes identitet for \u00e5 bo og arbeide i USA .", "opinions": []}, {"sent_id": "101857-05-03", "text": "Amanda het hun da politiet kom en s\u00f8ndag morgen .", "opinions": []}, {"sent_id": "101857-05-04", "text": "Amanda / Ida var kunststudent og drev skyteskole i Miami med sin kj\u00e6reste .", "opinions": []}, {"sent_id": "101857-05-05", "text": "Hun ble ogs\u00e5 tiltalt for ulovlig v\u00e5penbesittelse .", "opinions": []}, {"sent_id": "101857-05-06", "text": "I det f\u00f8derale varetektsfengselet FDC har Skjelbakken blikket med seg , de mange skarpe observasjonene gj\u00f8r boken verdt \u00e5 lese .", "opinions": [{"Source": [[], []], "Target": [["Skjelbakken"], ["42:53"]], "Polar_expression": [["blikket med seg"], ["54:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["108:113"]], "Polar_expression": [["mange skarpe observasjonene", "verdt \u00e5 lese"], ["75:102", "114:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Skjelbakken"], ["42:53"]], "Polar_expression": [["mange skarpe observasjonene"], ["75:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-05-07", "text": "I en stor manual nye fanger f\u00e5r st\u00e5r et avsnitt om hvordan \u00ab unng\u00e5 seksuelle overgrep \u00bb .", "opinions": []}, {"sent_id": "101857-05-08", "text": "Blant r\u00e5dene er :", "opinions": []}, {"sent_id": "101857-05-09", "text": "\u00ab opptre selvsikkert til alle tider ... ikke ta imot gaver eller tjenester ...", "opinions": []}, {"sent_id": "101857-05-10", "text": "Ikke godta tilbud fra en annen innsatt om \u00e5 v\u00e6re din beskytter . \u00bb", "opinions": []}, {"sent_id": "101857-06-01", "text": "Kvinneavdelingen virker brutal .", "opinions": [{"Source": [[], []], "Target": [["Kvinneavdelingen"], ["0:16"]], "Polar_expression": [["virker brutal"], ["17:30"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-06-02", "text": "Men hun f\u00e5r en bunkie , en cellekamerat , som hun g\u00e5r overens med .", "opinions": []}, {"sent_id": "101857-06-03", "text": "St\u00f8yen fra fjernsynet er h\u00f8y , ventilasjonen s\u00e5 kraftig at fangene fryser d\u00f8gnet rundt , maten simpel , skillet mellom de spansktalende og amerikansktalende fangene er stor .", "opinions": []}, {"sent_id": "101857-06-04", "text": "Skjelbakken l\u00e6rer seg kodene som \u00e5 g\u00e5 med dobbeltsokk n\u00e5r de skal i fengslingsm\u00f8te , da skj\u00e6rer ikke lenkene inn i leggene .", "opinions": []}, {"sent_id": "101857-07-01", "text": "Hun f\u00e5r venninner , klarer \u00e5 trene regelmessig , l\u00e6rer \u00e5 glede seg over det lille de kan f\u00e5 tak i av mat .", "opinions": []}, {"sent_id": "101857-07-02", "text": "Hun dras inn i et s\u00e6regent kvinnefellesskap , deler gleder og sorger , h\u00f8rer miserable familiehistorier , om vold og overgrep , om lengsel etter barna , om skjebner .", "opinions": []}, {"sent_id": "101857-07-03", "text": "Penger er mangelvare , og noen av medfangene stripper foran fengselsvinduet foran de mannlige fangene .", "opinions": []}, {"sent_id": "101857-08-01", "text": "Skjelbakken er ressurssterk og sysselsetter seg selv med \u00e5 tegne portretter av medfangene og tar initiativ til spr\u00e5kundervisning .", "opinions": [{"Source": [[], []], "Target": [["Skjelbakken"], ["0:11"]], "Polar_expression": [["ressurssterk"], ["15:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjelbakken"], ["0:11"]], "Polar_expression": [["tar initiativ til spr\u00e5kundervisning"], ["93:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-08-02", "text": "Hun skriver varmt og solidarisk om medfangene .", "opinions": [{"Source": [[], []], "Target": [["medfangene"], ["35:45"]], "Polar_expression": [["varmt"], ["12:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["medfangene"], ["35:45"]], "Polar_expression": [["solidarisk"], ["21:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-08-03", "text": "Mot tampen blir det litt uttv\u00e6ret , her kunne forfatteren ha anstrengt seg litt mer for \u00e5 gi teksten et l\u00f8ft .", "opinions": [{"Source": [[], []], "Target": [["Mot tampen"], ["0:10"]], "Polar_expression": [["litt uttv\u00e6ret"], ["20:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forfatteren"], ["46:57"]], "Polar_expression": [["kunne", "ha anstrengt seg litt mer"], ["40:45", "58:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101857-08-04", "text": "Det er stoffet verdt .", "opinions": [{"Source": [[], []], "Target": [["stoffet"], ["7:14"]], "Polar_expression": [["verdt"], ["15:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-01-01", "text": "Det var det ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det var det ?"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001670-02-01", "text": "The Strokes har vanskar med \u00e5 forklara kva som eigentleg er poenget med The Strokes p\u00e5 fjerdealbumet Angles .", "opinions": [{"Source": [[], []], "Target": [["The Strokes"], ["0:11"]], "Polar_expression": [["har vanskar med \u00e5 forklara kva som eigentleg er poenget med The Strokes"], ["12:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Angles"], ["101:107"]], "Polar_expression": [["vanskar med \u00e5 forklara kva som eigentleg er poenget med The Strokes"], ["16:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-03-01", "text": "\u00c5ret var 2001 , og The Strokes var over natta blitt opph\u00f8gd til rockens framtid .", "opinions": [{"Source": [[], []], "Target": [["The Strokes"], ["19:30"]], "Polar_expression": [["over natta blitt opph\u00f8gd til rockens framtid"], ["35:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-03-02", "text": "Med debutplata Is This It hadde dei fem gutane fr\u00e5 New York City drege gitarbasert musikk opp av ein sump av nu metal og brutte illusjonar , godt hjulpne av stramme riff , ein finger trygt plassert p\u00e5 samtidas hovudpuls\u00e5re og ein ganske fordelaktig utsj\u00e5nad .", "opinions": [{"Source": [[], []], "Target": [["Is This It"], ["15:25"]], "Polar_expression": [["drege gitarbasert musikk opp av ein sump av nu metal og brutte illusjonar"], ["65:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Is This It"], ["15:25"]], "Polar_expression": [["godt hjulpne av stramme riff"], ["141:169"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["riff"], ["165:169"]], "Polar_expression": [["stramme"], ["157:164"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dei fem gutane fr\u00e5 New York City"], ["32:64"]], "Polar_expression": [["ein finger trygt plassert p\u00e5 samtidas hovudpuls\u00e5re"], ["172:222"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Is This It"], ["15:25"]], "Polar_expression": [["ein finger trygt plassert p\u00e5 samtidas hovudpuls\u00e5re"], ["172:222"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dei fem gutane fr\u00e5 New York City"], ["32:64"]], "Polar_expression": [["ein ganske fordelaktig utsj\u00e5nad"], ["226:257"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["utsj\u00e5nad"], ["249:257"]], "Polar_expression": [["fordelaktig"], ["237:248"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-04-01", "text": "No , ti \u00e5r etter , er framtida her .", "opinions": []}, {"sent_id": "001670-04-02", "text": "Den prikkar bandet p\u00e5 skuldra , og sp\u00f8r :", "opinions": []}, {"sent_id": "001670-04-03", "text": "Treng eg dykk , eigentleg ?", "opinions": []}, {"sent_id": "001670-04-04", "text": "Svaret fr\u00e5 The Strokes kjem alts\u00e5 i form av fjerdeplata Angles , som i spr\u00e5kelege termar kanskje kan omsetjast til :", "opinions": []}, {"sent_id": "001670-04-05", "text": "Same for oss .", "opinions": []}, {"sent_id": "001670-05-01", "text": "The Strokes har ein eigen teft for album-opnarar , og ogs\u00e5 Angles byrjar bra .", "opinions": [{"Source": [[], []], "Target": [["Angles"], ["59:65"]], "Polar_expression": [["byrjar bra"], ["66:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The Strokes"], ["0:11"]], "Polar_expression": [["eigen teft for album-opnarar"], ["20:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-05-02", "text": "Den reggaeinspirerte - og ein anelse Vampire Weekend-lydande - \" Machu Picchu \" viser fram rytmegitaristane Nick Valensi og Albert Hammond Jr. p\u00e5 sitt bortimot beste , og er sympotmatisk nok kreditert b\u00e5de Valensi og vokalist Julian Casablancas .", "opinions": [{"Source": [[], []], "Target": [["\" Machu Picchu \""], ["63:79"]], "Polar_expression": [["ein anelse Vampire Weekend-lydande"], ["26:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-05-03", "text": "Sistnevnte har nemleg l\u00f8sna sitt tidlegare sv\u00e6rt s\u00e5 stramme kreative grep , og Angles er eit resultat av ein uvanleg demokratisk prosess .", "opinions": []}, {"sent_id": "001670-05-04", "text": "Singelen \" Under Cover Of Darkness \" og tredjesporet \" Two Kinds Of Happiness \" f\u00f8lgjer opp , og spesielt tilhengjarar av tidleg Strokes vil nok nikka anerkjennande i takt til desse spora .", "opinions": [{"Source": [[], []], "Target": [["\" Two Kinds Of Happiness \""], ["53:79"]], "Polar_expression": [["f\u00f8lgjer opp"], ["80:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Under Cover Of Darkness \""], ["9:36"]], "Polar_expression": [["f\u00f8lgjer opp"], ["80:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Two Kinds Of Happiness \""], ["53:79"]], "Polar_expression": [["spesielt tilhengjarar av tidleg Strokes vil nok nikka anerkjennande i takt"], ["97:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Under Cover Of Darkness \""], ["9:36"]], "Polar_expression": [["spesielt tilhengjarar av tidleg Strokes vil nok nikka anerkjennande i takt"], ["97:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-06-01", "text": "Etterkvart sklir diverre Angles ut i det som kjennes som eit uferdig og til tider kaotisk produkt .", "opinions": [{"Source": [[], []], "Target": [["Angles"], ["25:31"]], "Polar_expression": [["sklir diverre", "ut i det som kjennes som eit uferdig og til tider kaotisk produkt"], ["11:24", "32:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-06-02", "text": "Fr\u00e5 ein trygg og sj\u00f8lvsikker start endar bandet opp med \u00e5 vingla mellom ulike musikalske retningar , utan at dei greier \u00e5 hosta opp eit ektef\u00f8lt engasjement for nokon av dei .", "opinions": [{"Source": [[], []], "Target": [["start"], ["29:34"]], "Polar_expression": [["trygg"], ["8:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["start"], ["29:34"]], "Polar_expression": [["sj\u00f8lvsikker"], ["17:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["41:47"]], "Polar_expression": [["endar", "opp med \u00e5 vingla mellom ulike musikalske retningar"], ["35:40", "48:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["41:47"]], "Polar_expression": [["utan at dei greier \u00e5 hosta opp eit ektef\u00f8lt engasjement for nokon av dei"], ["101:173"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-06-03", "text": "Fr\u00e5 \u00e5 h\u00f8yrast ut som The Cars p\u00e5 \" Taken For A Fool \" , hoppar dei over til ein uorganisk bossanova-rytme p\u00e5 \" Call Me Back \" , og vidare til ein lite kledeleg Muse-pastisj p\u00e5 \" Matabolism \" .", "opinions": [{"Source": [[], []], "Target": [["\" Taken For A Fool \""], ["33:53"]], "Polar_expression": [["h\u00f8yrast ut som The Cars"], ["6:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dei"], ["63:66"]], "Polar_expression": [["h\u00f8yrast ut som The Cars p\u00e5 \" Taken For A Fool \""], ["6:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dei"], ["63:66"]], "Polar_expression": [["uorganisk bossanova-rytme p\u00e5 \" Call Me Back \""], ["80:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Call Me Back \""], ["109:125"]], "Polar_expression": [["uorganisk bossanova-rytme"], ["80:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dei"], ["63:66"]], "Polar_expression": [["lite kledeleg Muse-pastisj p\u00e5 \" Matabolism \""], ["146:190"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Matabolism \""], ["176:190"]], "Polar_expression": [["lite kledeleg Muse-pastisj"], ["146:172"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-06-04", "text": "Det heile framst\u00e5r s\u00e5 lite koherent at ein tek seg sj\u00f8lv i \u00e5 lengta tilbake til tida der Casablancas styrte skuta n\u00e6rmast eigenhendig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["framst\u00e5r s\u00e5 lite koherent at ein tek seg sj\u00f8lv i \u00e5 lengta tilbake til tida der Casablancas styrte skuta n\u00e6rmast eigenhendig"], ["10:133"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001670-07-01", "text": "Det mest vellukka eksperimentet er faktisk \" Gratisfaction \" , eit djupt nikk til Thin Lizzy , der Valensi og Hammond Jr . igjen f\u00e5r til eit godt gitarsamspel , og Casablancas sin vokal i mindre grad enn elles p\u00e5 plata avsl\u00f8rer at han slett ikkje var i same studio som resten av bandet d\u00e5 albumet vart spelt inn .", "opinions": [{"Source": [[], []], "Target": [["\" Gratisfaction \""], ["43:60"]], "Polar_expression": [["mest vellukka"], ["4:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Gratisfaction \""], ["43:60"]], "Polar_expression": [["Valensi og Hammond Jr . igjen f\u00e5r til eit godt gitarsamspel"], ["99:158"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Valensi og Hammond Jr"], ["99:120"]], "Polar_expression": [["godt gitarsamspel"], ["141:158"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Gratisfaction \""], ["43:60"]], "Polar_expression": [["Casablancas sin vokal i mindre grad enn elles p\u00e5 plata avsl\u00f8rer at han slett ikkje var i same studio som resten av bandet d\u00e5 albumet vart spelt inn"], ["164:311"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Casablancas sin vokal"], ["164:185"]], "Polar_expression": [["i mindre grad enn elles p\u00e5 plata avsl\u00f8rer at han slett ikkje var i same studio som resten av bandet d\u00e5 albumet vart spelt inn"], ["186:311"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-07-02", "text": "Ogs\u00e5 p\u00e5 sistesporet \" Life Is Simple In The Moonlight \" er det till\u00f8p til godt spel , i alle fall om ein ser forbi den horribelt grautete vokalen .", "opinions": [{"Source": [[], []], "Target": [["\" Life Is Simple In The Moonlight \""], ["20:55"]], "Polar_expression": [["till\u00f8p til godt spel"], ["63:83"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Life Is Simple In The Moonlight \""], ["20:55"]], "Polar_expression": [["horribelt grautete vokalen"], ["119:145"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokalen"], ["138:145"]], "Polar_expression": [["horribelt grautete"], ["119:137"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-08-01", "text": "Som svar p\u00e5 det betimelege sp\u00f8rsm\u00e5let om kva funksjon The Strokes eigentleg ynksjer \u00e5 fylla i 2011 , sviktar likevel Angles som album .", "opinions": [{"Source": [[], []], "Target": [["Angles"], ["117:123"]], "Polar_expression": [["sviktar"], ["101:108"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001670-08-02", "text": "I ein marknad der konkurransen er ein heilt annan enn for ti \u00e5r sidan , verkar det som bandet har tatt alt for lett p\u00e5 oppg\u00e5va med \u00e5 rettferdiggjera sin eigen ekstistens .", "opinions": [{"Source": [[], []], "Target": [["bandet"], ["87:93"]], "Polar_expression": [["tatt alt for lett p\u00e5 oppg\u00e5va med \u00e5 rettferdiggjera sin eigen ekstistens"], ["98:169"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001670-08-03", "text": "Rykta om eit nytt album innan kort tid har allereie byrja \u00e5 svirra , og det er berre \u00e5 kryssa fingrane for at The Strokes legg ein betre strategi ved eit slikt h\u00f8ve .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["berre \u00e5 kryssa fingrane for at The Strokes legg ein betre strategi"], ["79:145"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300789-01-01", "text": "Fra gangsta til pus", "opinions": []}, {"sent_id": "300789-02-01", "text": "Ghostface tar f\u00f8leriet helt ut .", "opinions": []}, {"sent_id": "300789-03-01", "text": "|||", "opinions": []}, {"sent_id": "300789-03-02", "text": "ALBUM :", "opinions": []}, {"sent_id": "300789-03-03", "text": "Det har egentlig aldri v\u00e6rt noen tvil om at Ghostface , p\u00e5 tross av et barka ytre og \u00e5r med kokainrap , egentlig er en pus .", "opinions": []}, {"sent_id": "300789-04-01", "text": "P\u00e5 sitt \u00e5ttende soloalbum har han da ogs\u00e5 valgt \u00e5 ta f\u00f8leriet helt ut .", "opinions": []}, {"sent_id": "300789-05-01", "text": "\u00ab Ghostdini \u00bb er en r&b-inspirert ; liten sak , en hyllest til kj\u00e6rlighet og sex med dets oppturer , nedturer og \u2014 i Ghosts tilfelle \u2014 hysterisk morsomme absurditeter .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Ghostdini \u00bb"], ["0:13"]], "Polar_expression": [["hysterisk morsomme absurditeter"], ["135:166"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300789-05-02", "text": "Beinhard sex og tjukkas-kj\u00e6rlighetserkl\u00e6ringer , graviditetsglede og trekantinnr\u00f8mmelser .", "opinions": []}, {"sent_id": "300789-06-01", "text": "Selv om produksjonen er mjukere enn vanlig , og sampler gammelsoulveteraner over en lav sko , forteller mannen historier slik han alltid har gjort :", "opinions": [{"Source": [[], []], "Target": [["produksjonen"], ["8:20"]], "Polar_expression": [["mjukere enn vanlig"], ["24:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["produksjonen"], ["8:20"]], "Polar_expression": [["sampler gammelsoulveteraner over en lav sko"], ["48:91"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["104:110"]], "Polar_expression": [["forteller", "historier slik han alltid har gjort"], ["94:103", "111:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300789-06-02", "text": "Med et metaforspekket spr\u00e5k og en f\u00f8lelse av at det alltid er noe som st\u00e5r p\u00e5 spill .", "opinions": [{"Source": [[], []], "Target": [["spr\u00e5k"], ["22:27"]], "Polar_expression": [["metaforspekket"], ["7:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8lelse av at det alltid er noe som st\u00e5r p\u00e5 spill"], ["34:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300789-07-01", "text": "Men selv om det blir drama n\u00e5r han finner kona i seng med kabeloperat\u00f8ren p\u00e5 \u00ab Guest House \u00bb , er det ogs\u00e5 umulig \u00e5 ikke le seg skakk av en kj\u00e6rlighetssyk Ghostface med paisley-pyjamas p\u00e5 \u00ab Forever \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Forever \u00bb"], ["188:199"]], "Polar_expression": [["umulig \u00e5 ikke le seg skakk"], ["107:133"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-01-01", "text": "Canon Selphy CP500", "opinions": []}, {"sent_id": "202124-02-01", "text": "Har du et digitalkamera som er PictBridge-kompatibelt , f\u00e5r du ikke enklere utskriftsl\u00f8sning enn en Selphy-skriver fra Canon .", "opinions": [{"Source": [[], []], "Target": [["Selphy-skriver"], ["100:114"]], "Polar_expression": [["f\u00e5r du ikke enklere utskriftsl\u00f8sning"], ["56:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-03-01", "text": "Canon har v\u00e6rt p\u00e5 dette markedet i flere \u00e5r allerede , og Selphy 500 tilh\u00f8rer siste generasjon fotokortskrivere fra selskapet .", "opinions": []}, {"sent_id": "202124-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "202124-05-01", "text": "Skriveren benytter sublimeringsteknikk , i likhet med Dell Photoprinter 540 .", "opinions": [{"Source": [[], []], "Target": [["Skriveren"], ["0:9"]], "Polar_expression": [["sublimeringsteknikk"], ["19:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-05-02", "text": "Det betyr at bildet blir trykket til papiret i en firedelt prosess , noe som blant annet betyr ingen prikker , og jevne tonegraderinger .", "opinions": [{"Source": [[], []], "Target": [["bildet"], ["13:19"]], "Polar_expression": [["ingen prikker , og jevne tonegraderinger"], ["95:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202124-05-03", "text": "Det glansede belegget som legges p\u00e5 til slutt , skal beskytte bildene mot fukt og fingeravtrykk - og s\u00f8rge for friske farger i inntil 100 \u00e5r , i f\u00f8lge produsenten selv .", "opinions": [{"Source": [["produsenten"], ["151:162"]], "Target": [["glansede belegget"], ["4:21"]], "Polar_expression": [["skal beskytte bildene mot fukt og fingeravtrykk - og s\u00f8rge for friske farger i inntil 100 \u00e5r"], ["48:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "EFINP"}]}, {"sent_id": "202124-06-01", "text": "Uten kortleser og skjerm", "opinions": []}, {"sent_id": "202124-07-01", "text": "I motsetning til de andre skriverne vi har sett p\u00e5 s\u00e5 langt , er Selphy 500 uten verken display eller kortplasser .", "opinions": [{"Source": [[], []], "Target": [["Selphy 500"], ["65:75"]], "Polar_expression": [["uten verken display eller kortplasser"], ["76:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-07-02", "text": "Her trenger du rett og slett et PictBridge-kompatibelt kamera som kobles direkte i skriveren .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["trenger du rett og slett et PictBridge-kompatibelt kamera"], ["4:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-07-03", "text": "Du kan selvsagt ogs\u00e5 koble skriveren til PC / Mac ved hjelp av USB-porten .", "opinions": []}, {"sent_id": "202124-08-01", "text": "Til gjengjeld er dette den mest kopakte skriveren vi har sett p\u00e5 s\u00e5 langt - den m\u00e5ler beskjedne 178 x 120 x 58,6 mm og veier knapt 850 g .", "opinions": [{"Source": [["vi"], ["50:52"]], "Target": [["skriveren"], ["40:49"]], "Polar_expression": [["mest kopakte", "har sett p\u00e5 s\u00e5 langt"], ["27:39", "53:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skriveren"], ["40:49"]], "Polar_expression": [["m\u00e5ler beskjedne 178 x 120 x 58,6 mm og veier knapt 850 g"], ["80:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-09-01", "text": "Begrensningene ligger i kameraet", "opinions": [{"Source": [[], []], "Target": [["kameraet"], ["24:32"]], "Polar_expression": [["Begrensningene"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-10-01", "text": "Hvilke funksjoner du har , avhenger med andre ord av programvaren ( som er ganske omfattende og god ) , eller av kameraet ditt .", "opinions": [{"Source": [[], []], "Target": [["programvaren"], ["53:65"]], "Polar_expression": [["omfattende"], ["82:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["programvaren"], ["53:65"]], "Polar_expression": [["god"], ["96:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-10-02", "text": "Vi testet skriveren sammen med kameraet Canon Digital IXUS 40 , der funksjonaliteten begrenset seg til \u00e5 velge antall kopier , utskriftsretning , utsnitt , datomerking , og utskrift med eller uten kanter .", "opinions": []}, {"sent_id": "202124-10-03", "text": "Den spesielle utskriftsmenyen dukket opp i det samme vi koblet kameraet til skriveren .", "opinions": [{"Source": [[], []], "Target": [["utskriftsmenyen"], ["14:29"]], "Polar_expression": [["dukket opp i det samme vi koblet kameraet til skriveren"], ["30:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202124-11-01", "text": "Skriveren reagerte momentant etter at vi hadde trykket p\u00e5 \" Skriv ut \" -knappen i menyen p\u00e5 kameraet , men f\u00f8r f\u00f8rste utskrift m\u00e5 systemet varmes opp .", "opinions": [{"Source": [[], []], "Target": [["Skriveren"], ["0:9"]], "Polar_expression": [["reagerte momentant"], ["10:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skriveren"], ["0:9"]], "Polar_expression": [["f\u00f8r f\u00f8rste utskrift m\u00e5 systemet varmes opp"], ["107:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-11-02", "text": "Dette tar ca 15 sekunder .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["tar ca 15 sekunder"], ["6:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202124-11-03", "text": "Deretter bruker skriveren n\u00f8yaktig ett minutt pr fotokort i 10 x 15 cm .", "opinions": [{"Source": [[], []], "Target": [["skriveren"], ["16:25"]], "Polar_expression": [["n\u00f8yaktig ett minutt pr fotokort"], ["26:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202124-11-04", "text": "Det er omtrent det samme som Dell Photoprinter 540 , og lyden fra drivverket er dessuten s\u00e5 lik at vi mistenker at de to skriverne har noe av den samme innmaten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["omtrent det samme som Dell Photoprinter 540"], ["7:50"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202124-12-01", "text": "Men noen forskjeller er det .", "opinions": []}, {"sent_id": "202124-12-02", "text": "Papiret du f\u00e5r kj\u00f8pt til Selphy er finere kuttet enn Dell-papiret , slik at du unng\u00e5r flisete kanter som vi beskrev i testen av Dell Photoprinter 540 .", "opinions": [{"Source": [[], []], "Target": [["Papiret"], ["0:7"]], "Polar_expression": [["finere kuttet"], ["35:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dell-papiret"], ["53:65"]], "Polar_expression": [["Papiret du f\u00e5r kj\u00f8pt til Selphy er finere kuttet"], ["0:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Papiret"], ["0:7"]], "Polar_expression": [["unng\u00e5r flisete kanter"], ["79:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-12-03", "text": "Fargegjengivelsen er n\u00f8ytral og omtrent den samme p\u00e5 begge skriverne , men bildene fra Selphy 500 er generelt noe skarpere - og i v\u00e5re \u00f8yne hakket bedre .", "opinions": [{"Source": [[], []], "Target": [["bildene"], ["75:82"]], "Polar_expression": [["skarpere"], ["114:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bildene"], ["75:82"]], "Polar_expression": [["hakket bedre"], ["140:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202124-13-01", "text": "Ikke optimalt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke optimalt"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-14-01", "text": "Vi oppdaget imidlertid en vesentlig svakhet , nemlig at en del bilder har f\u00e5tt sm\u00e5 s\u00e5r , som muligens kan relateres til sm\u00e5 st\u00f8vkorn - selv om vi var n\u00f8ye med \u00e5 sette fotokortene p\u00e5 plass i arkmateren umiddelbart etter \u00e5 ha tatt dem ut av pakken .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["vesentlig svakhet"], ["26:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["en del bilder har f\u00e5tt sm\u00e5 s\u00e5r"], ["56:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202124-14-02", "text": "Du legger gjerne ikke merke til dette f\u00f8r du studerer bildene n\u00f8ye , men det er likevel nok til at entusiaster vil rynke p\u00e5 nesen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["entusiaster vil rynke p\u00e5 nesen"], ["99:129"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-15-01", "text": "Veiledende pris p\u00e5 Canon Selphy 500 er 1.990 kroner inkl mva .", "opinions": []}, {"sent_id": "202124-15-02", "text": "Da f\u00e5r du med 5 fotoark + en rull med sublimeringstape som holder til disse - verken mer eller mindre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5r du med 5 fotoark + en rull med sublimeringstape"], ["3:54"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-15-03", "text": "Skal du skrive ut flere bilder , m\u00e5 du punge ut med 149 kroner for rull og papir til 36 bilder .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["punge ut med 149 kroner for rull og papir til 36 bilder"], ["39:94"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202124-15-04", "text": "Det blir med andre ord 4 kroner og 14 \u00f8re pr bilde .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["4 kroner og 14 \u00f8re pr bilde"], ["23:50"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202124-15-05", "text": "En maksi-pakke til 108 bilder f\u00e5s ogs\u00e5 kj\u00f8pt , denne koster 369 kroner , som betyr en kostnad p\u00e5 3 kroner og 41 \u00f8re .", "opinions": [{"Source": [[], []], "Target": [["maksi-pakke"], ["3:14"]], "Polar_expression": [["369 kroner"], ["60:70"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202124-15-06", "text": "Mye \u00e5 spare her - med andre ord .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mye \u00e5 spare"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-16-01", "text": "Vi legger til at denne skriveren har en lillebror , Selphy 400 .", "opinions": []}, {"sent_id": "202124-16-02", "text": "Denne koster rundt 1.500 kroner - men bruker rundt 20 sekunder lengre tid pr bilde .", "opinions": [{"Source": [[], []], "Target": [["Denne"], ["0:5"]], "Polar_expression": [["bruker rundt 20 sekunder lengre tid pr bilde"], ["38:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-16-03", "text": "Utskriftskvaliteten skal i f\u00f8lge de opplysninger vi har f\u00e5tt , v\u00e6re den samme .", "opinions": []}, {"sent_id": "202124-17-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "202124-18-01", "text": "Har du et PictBridge-kompatibelt kamera og er du ute etter en enklest mulig utskriftsl\u00f8sning i kompakt utf\u00f8relse , kan Selphy 500 gj\u00f8re jobben for deg .", "opinions": [{"Source": [[], []], "Target": [["Selphy 500"], ["119:129"]], "Polar_expression": [["gj\u00f8re jobben for deg"], ["130:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202124-18-02", "text": "Men skriveren er helt strippet for funksjoner , og kan ikke fungere uten kamera eller PC / Mac.", "opinions": [{"Source": [[], []], "Target": [["skriveren"], ["4:13"]], "Polar_expression": [["helt strippet for funksjoner"], ["17:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skriveren"], ["4:13"]], "Polar_expression": [["kan ikke fungere uten kamera eller PC / Mac."], ["51:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202124-18-03", "text": "Derfor mener vi at prislappen p\u00e5 2.000 kroner er for alt for h\u00f8y , og da blir for eksempel Dell Photoprinter 540 et klokere valg .", "opinions": [{"Source": [["vi"], ["13:15"]], "Target": [[], []], "Polar_expression": [["prislappen p\u00e5 2.000 kroner er for alt for h\u00f8y"], ["19:64"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [[], []], "Polar_expression": [["Dell Photoprinter 540 et klokere valg"], ["91:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Dell Photoprinter 540"], ["91:112"]], "Polar_expression": [["klokere valg"], ["116:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202124-18-04", "text": "Den tar ikke veldig mye st\u00f8rre plass , og har b\u00e5de minnekortleser og LCD innebygd , og er til gjengjeld en god del billigere .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["tar ikke veldig mye st\u00f8rre plass"], ["4:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["minnekortleser og LCD innebygd"], ["51:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["god del billigere"], ["107:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703512-01-01", "text": "Svart kropp betyr fare", "opinions": []}, {"sent_id": "703512-02-01", "text": "Ta-Nehisi Coates har lenge v\u00e6rt en innflytelsesrik stemme i amerikansk samfunnsliv .", "opinions": [{"Source": [[], []], "Target": [["Ta-Nehisi Coates"], ["0:16"]], "Polar_expression": [["har lenge v\u00e6rt en innflytelsesrik stemme"], ["17:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703512-02-02", "text": "Hans reportasjer i tidsskriftet \" The Atlantic \" har st\u00e5tt sentralt i diskursen rundt rase , historie og systemiske og systematiske overgrep i den amerikanske offentligheten .", "opinions": []}, {"sent_id": "703512-03-01", "text": "\" Mellom verden og meg \" , som blant annet vant den prestisjefylte National Book Award , var en av fjor\u00e5rets viktigste utgivelser i USA .", "opinions": [{"Source": [[], []], "Target": [["Mellom verden og meg \""], ["2:24"]], "Polar_expression": [["vant den prestisjefylte National Book Award"], ["43:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["Mellom verden og meg \""], ["2:24"]], "Polar_expression": [["en av fjor\u00e5rets viktigste utgivelser i USA"], ["93:135"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703512-03-02", "text": "Den kom p\u00e5 et tidspunkt da Black Lives Matter-bevegelsen for alvor gjorde seg gjeldende .", "opinions": []}, {"sent_id": "703512-03-03", "text": "Boken viser overgrepene og drapene som utl\u00f8ste denne bevegelsen .", "opinions": []}, {"sent_id": "703512-04-01", "text": "Med referanse til James Baldwins essay til sin nev\u00f8 i \" Ilden neste gang \" ( 1963 ) , er Coates \u2019 bok formulert som et brev til ten\u00e5ringss\u00f8nnen Samori .", "opinions": []}, {"sent_id": "703512-04-02", "text": "Coates tar utgangspunkt i sin egen kroppslige erfaring som svart mann i USA og frykten som f\u00f8lger av vissheten om hvor utsatt for vold og overgrep kroppen hans er .", "opinions": []}, {"sent_id": "703512-04-03", "text": "Dette videref\u00f8res i frykten for hva som kan skje med s\u00f8nnens kropp , og hva han som far er n\u00f8dt til \u00e5 l\u00e6re ham for \u00e5 overleve .", "opinions": []}, {"sent_id": "703512-05-01", "text": "Boken er en personlig skildring av avmakten han f\u00f8ler overfor de strukturene han lever med , og gjennom fortellingen om Coates \u2019 studiekamerat Prince Jones , som skytes ned mens han er p\u00e5 vei inn i en lys fremtid , blir det tydelig at ingen svart kropp er trygg .", "opinions": []}, {"sent_id": "703512-06-01", "text": "Tilbake til slaveriet", "opinions": []}, {"sent_id": "703512-07-01", "text": "Coates holder fast ved den kroppslige og menneskelige erfaringen gjennom hele teksten og fremholder slaveriet som det historiske grunnlaget for den svarte amerikanske erfaringen .", "opinions": []}, {"sent_id": "703512-07-02", "text": "Fokuset p\u00e5 det kroppslige gj\u00f8r det umulig for leseren \u00e5 betrakte slaveriet og rasismen som en abstrakt id\u00e9 man uforpliktende kan ta avstand fra , men tvinger frem en forst\u00e5else av et politisk og ideologisk system med konkrete og grusomme konsekvenser b\u00e5de individuelt og kollektivt .", "opinions": [{"Source": [[], []], "Target": [["Fokuset p\u00e5 det kroppslige"], ["0:25"]], "Polar_expression": [["gj\u00f8r det umulig for leseren \u00e5 betrakte slaveriet og rasismen som en abstrakt id\u00e9 man uforpliktende kan ta avstand fra"], ["26:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fokuset p\u00e5 det kroppslige"], ["0:25"]], "Polar_expression": [["tvinger frem en forst\u00e5else"], ["150:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703512-07-03", "text": "Han skildrer en spesifikt svart erfaring uten \u00e5 undersl\u00e5 kompleksitet og mangfold , og han belyser hvordan vi er innl\u00e6rt til \u00e5 betrakte hvit kultur som n\u00f8ytrale og representative eksempler p\u00e5 det allmennmenneskelige .", "opinions": []}, {"sent_id": "703512-08-01", "text": "Coates inng\u00e5r i en lang tradisjon som understreker at det uhyrlige i slaveriet og rasismen ikke bare rammer dem som utsettes for den , men i minst like stor grad \u00f8delegger dem som tillater seg selv \u00e5 bli umennesker ved \u00e5 dehumanisere andre .", "opinions": []}, {"sent_id": "703512-08-02", "text": "Coates insisterer p\u00e5 en grunnleggende etisk forpliktelse overfor enkeltmennesket som ikke bare gjelder i samtiden , men ogs\u00e5 har tilbakevirkende kraft .", "opinions": []}, {"sent_id": "703512-08-03", "text": "Dette er avgj\u00f8rende , for ved \u00e5 nekte \u00e5 se historiske overgrep som gjerninger beg\u00e5tt mot en masse , men mot individer , har vi mulighet til \u00e5 forandre oss .", "opinions": []}, {"sent_id": "703512-09-01", "text": "Favoriseringen av hvite", "opinions": []}, {"sent_id": "703512-10-01", "text": "Coates minner om at den amerikanske dr\u00f8mmen ikke er et resultat av hardt arbeid og st\u00e5-p\u00e5-vilje , slik mytologien rundt den vil ha det til , men at den amerikanske grunnloven underst\u00f8ttet slaveriet .", "opinions": []}, {"sent_id": "703512-10-02", "text": "Og at svarte amerikanere fremdeles lever med ettervirkningene av nyere politikk , som den systematiske forskjellsbehandlingen som med juridisk og offentlig forankring favoriserte hvite i boligpolitikken i USA i mellom\u2014 og etterkrigstiden .", "opinions": []}, {"sent_id": "703512-11-01", "text": "Coates kritiserer den grunnleggende skjevheten i et system som er opph\u00f8yd til det beste i verden , og der hans oppvekst i en lesende familie som hadde tilgang til og formidlet svart historie som en selvsagt del av hverdagen , st\u00e5r i enorm kontrast til et dysfunksjonelt skolesystem der utdanningen tjener til pasifisering og stillstand , ikke til bevisstgj\u00f8ring eller dyktiggj\u00f8ring for det livet elevene skal m\u00f8te .", "opinions": []}, {"sent_id": "703512-12-01", "text": "Boken viser ogs\u00e5 Coates \u2019 politiske utvikling , fra enkle forklaringer til en langt mer kompleks forst\u00e5else av \u00e5rsaksforhold og l\u00f8sninger .", "opinions": []}, {"sent_id": "703512-12-02", "text": "P\u00e5 det fremst\u00e5ende svarte Howard University , som Coates omtaler som sitt Mekka , utfordres mytologiene for Coates , slik at verden blir problematisk og nyansert , og kontrastene i den svarte erfaringen blir tydelige og grensesprengende .", "opinions": []}, {"sent_id": "703512-13-01", "text": "Handler om felles ansvar", "opinions": []}, {"sent_id": "703512-14-01", "text": "Coates har uttalt at han ikke \u00f8nsker \u00e5 ha skrevet den ene svarte boken som lar leseren anse seg som tilstrekkelig opplyst , men heller v\u00e6re et springbrett inn i en omfattende litter\u00e6r og politisk tradisjon som venter p\u00e5 \u00e5 bli utforsket av nye lesere .", "opinions": []}, {"sent_id": "703512-14-02", "text": "Det handler ikke om oss og dem , men om medmennesker med felles ansvar , og boken forplikter oss som lesere og mennesker til \u00e5 s\u00f8ke kunnskap og ta ansvar .", "opinions": []}, {"sent_id": "703512-15-01", "text": "Trass i at Coates behandler noen av de mest betente temaene i amerikansk samfunnsdebatt med imponerende kunnskap og kompleksitet , er dette en tilgjengelig bok .", "opinions": [{"Source": [[], []], "Target": [["Coates"], ["11:17"]], "Polar_expression": [["imponerende kunnskap og kompleksitet"], ["92:128"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bok"], ["156:159"]], "Polar_expression": [["tilgjengelig"], ["143:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703512-15-02", "text": "Ved \u00e5 formulere boken som et brev til s\u00f8nnen , gj\u00f8r Coates teksten s\u00e5 personlig og vesentlig at den ber\u00f8rer leseren i uvanlig sterk grad .", "opinions": [{"Source": [[], []], "Target": [["boken"], ["16:21"]], "Polar_expression": [["s\u00e5 personlig og vesentlig at den ber\u00f8rer leseren i uvanlig sterk grad"], ["67:136"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703512-15-03", "text": "Dette er p\u00e5krevd lesning , sier Toni Morrison om \" Mellom verden og meg \" .", "opinions": [{"Source": [["Toni Morrison"], ["32:45"]], "Target": [["\" Mellom verden og meg \""], ["49:73"]], "Polar_expression": [["p\u00e5krevd lesning"], ["9:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "703512-15-04", "text": "Det er bare \u00e5 slutte seg til hennes utsagn og sette pris p\u00e5 at boken n\u00e5 foreligger i fin norsk spr\u00e5kdrakt , slik at vi kan forst\u00e5 det amerikanske samfunnet litt bedre og f\u00e5 utfordret v\u00e5re forestillinger , ogs\u00e5 om oss selv .", "opinions": [{"Source": [[], []], "Target": [["boken"], ["63:68"]], "Polar_expression": [["Det er bare \u00e5 slutte seg til hennes utsagn"], ["0:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["63:68"]], "Polar_expression": [["foreligger i fin norsk spr\u00e5kdrakt"], ["72:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["63:68"]], "Polar_expression": [["vi kan", "f\u00e5 utfordret v\u00e5re forestillinger , ogs\u00e5 om oss selv"], ["116:122", "170:221"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105795-01-01", "text": "New Pornographers :", "opinions": []}, {"sent_id": "105795-01-02", "text": "\u00ab Together \u00bb", "opinions": []}, {"sent_id": "105795-02-01", "text": "( Matador / Playground )", "opinions": []}, {"sent_id": "105795-03-01", "text": "Fine biter , men feil helhet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["feil helhet"], ["17:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fine biter"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105795-04-01", "text": "Det er flere fatale \u00e5penbaringer ved femteutgivelsen til supergruppen fra Vancouver .", "opinions": []}, {"sent_id": "105795-04-02", "text": "Det fremst\u00e5r som om de har tatt til seg at \u00ab Challengers \u00bb var et feilskj\u00e6r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tatt til seg at \u00ab Challengers \u00bb var et feilskj\u00e6r"], ["27:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Challengers \u00bb"], ["43:58"]], "Polar_expression": [["feilskj\u00e6r"], ["66:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105795-04-03", "text": "Samtidig virker det som om de likevel ikke vil helt tilbake til den opprinnelige og gledelige powerpop-formelen .", "opinions": []}, {"sent_id": "105795-04-04", "text": "Dessuten er det mer enn noen gang tydelig at det de gj\u00f8r best er \u00e5 skrive fantastiske l\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["de"], ["49:51"]], "Polar_expression": [["det de gj\u00f8r best er \u00e5 skrive fantastiske l\u00e5ter"], ["45:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["86:91"]], "Polar_expression": [["fantastiske"], ["74:85"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105795-05-01", "text": "Kanadierne er en gave til listefetisjister - her er musikk for flere av hverdagslivets sjatteringer .", "opinions": [{"Source": [[], []], "Target": [["Kanadierne"], ["0:10"]], "Polar_expression": [["en gave til listefetisjister"], ["14:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["musikk for flere av hverdagslivets sjatteringer"], ["52:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105795-05-02", "text": "Men den st\u00f8rste \u00e5penbaringen er at albumet ikke fungerer som album .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["35:42"]], "Polar_expression": [["ikke fungerer som album"], ["43:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105795-05-03", "text": "Alle bitene er riktige , men helheten feil .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alle bitene er riktige"], ["0:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["helheten feil"], ["29:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105795-05-04", "text": "Og n\u00e5r vi tenker oss om - har det ikke egentlig alltid v\u00e6rt s\u00e5nn med dem ?", "opinions": [{"Source": [[], []], "Target": [["dem"], ["69:72"]], "Polar_expression": [["har det ikke egentlig alltid v\u00e6rt s\u00e5nn med dem"], ["26:72"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105795-06-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "105795-06-02", "text": "\u00ab Your Hands ( Together ) \u00bb", "opinions": []}, {"sent_id": "105795-07-01", "text": "TOR MARTIN B\u00d8E", "opinions": []}, {"sent_id": "106679-01-01", "text": "Nelly Furtado \u00ab Loose \u00bb", "opinions": []}, {"sent_id": "106679-02-01", "text": "( Geffen / Universal )", "opinions": []}, {"sent_id": "106679-03-01", "text": "V\u00e6rvarselet for sommeren er som f\u00f8lger :", "opinions": []}, {"sent_id": "106679-03-02", "text": "En kraftig storm med tunge rytmebyger , sterke synthstr\u00e5ler og h\u00f8ytrykk-refreng kommer til \u00e5 dominere hele den vestlige verden i m\u00e5nedene som kommer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kraftig storm"], ["3:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["tunge rytmebyger"], ["21:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sterke synthstr\u00e5ler"], ["40:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["h\u00f8ytrykk-refreng"], ["63:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kommer til \u00e5 dominere hele den vestlige verden i m\u00e5nedene som kommer"], ["80:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106679-04-01", "text": "Den har f\u00e5tt navnet \u00ab Maneater \u00bb , og er den formidable comebacksingelen fra Nelly Furtado - av de fleste avskrevet etter den komplette floppen hennes forrige album endte med \u00e5 bli .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Maneater \u00bb"], ["20:32"]], "Polar_expression": [["formidable"], ["45:55"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forrige album"], ["151:164"]], "Polar_expression": [["komplette floppen"], ["126:143"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["de fleste"], ["96:105"]], "Target": [["Nelly Furtado"], ["77:90"]], "Polar_expression": [["avskrevet etter den komplette floppen hennes forrige album endte med \u00e5 bli"], ["106:180"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "106679-05-01", "text": "Redningsmannen er Missy Elliotts produsent Timbaland , en mann som skal ha mye av \u00e6ren for at hip hop fikk ny kreativ n\u00e6ring p\u00e5 slutten av nittitallet .", "opinions": [{"Source": [[], []], "Target": [["produsent Timbaland"], ["33:52"]], "Polar_expression": [["Redningsmannen"], ["0:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["produsent Timbaland"], ["33:52"]], "Polar_expression": [["skal ha mye av \u00e6ren for at hip hop fikk ny kreativ n\u00e6ring p\u00e5 slutten av nittitallet"], ["67:150"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106679-05-02", "text": "Som en f\u00f8lge av dette er han ogs\u00e5 ansvarlig for hvordan urban popmusikk l\u00e5ter i dag , spekket med varme , \u00f8stlige farger .", "opinions": [{"Source": [[], []], "Target": [["urban popmusikk"], ["56:71"]], "Polar_expression": [["spekket med varme , \u00f8stlige farger"], ["86:120"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["25:28"]], "Polar_expression": [["ansvarlig for hvordan urban popmusikk l\u00e5ter i dag"], ["34:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106679-05-03", "text": "Han er imidlertid ikke banebrytende lenger , og \u00ab Loose \u00bb er mer en tidstypisk plate enn en banebrytende en .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["ikke banebrytende lenger"], ["18:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Loose \u00bb"], ["48:57"]], "Polar_expression": [["mer en tidstypisk plate enn en banebrytende en"], ["61:107"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106679-06-01", "text": "Men en god s\u00e5dan - frekk , sexy , stinn av selvtillit .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["god"], ["7:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["frekk"], ["19:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sexy"], ["27:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["stinn av selvtillit"], ["34:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106679-06-02", "text": "Fr\u00f8ken Furtado er mest av alt et instrument i Timbalands hender , men han bruker henne godt .", "opinions": [{"Source": [[], []], "Target": [["Furtado"], ["7:14"]], "Polar_expression": [["mest av alt et instrument i Timbalands hender"], ["18:63"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["70:73"]], "Polar_expression": [["bruker henne godt"], ["74:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106679-06-03", "text": "Hun har den obsternasige attityden som trengs i denne yppige hyperpopen .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["har den obsternasige attityden som trengs"], ["4:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106679-06-04", "text": "Litt ujevnt materiale trekker ned , men de beste \u00f8yeblikkene her er ubetalelige .", "opinions": [{"Source": [[], []], "Target": [["materiale"], ["12:21"]], "Polar_expression": [["Litt ujevnt"], ["0:11"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["materiale"], ["12:21"]], "Polar_expression": [["trekker ned"], ["22:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["beste \u00f8yeblikkene her er ubetalelige"], ["43:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["beste \u00f8yeblikkene"], ["43:60"]], "Polar_expression": [["ubetalelige"], ["68:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102679-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "102679-01-02", "text": "Roslund & Hellstr\u00f6m :", "opinions": []}, {"sent_id": "102679-01-03", "text": "\u00ab To soldater \u00bb", "opinions": []}, {"sent_id": "102679-02-01", "text": "Brutal fortelling fra ekstremt voldelig milj\u00f8 .", "opinions": []}, {"sent_id": "102679-03-01", "text": "Krim 669 s. Kr. 369 , - Cappelen Damm", "opinions": []}, {"sent_id": "102679-04-01", "text": "I et av Sveriges h\u00f8ysikkerhetsfengsler soner Leon en lang dom for vold og narkotikakriminalitet .", "opinions": []}, {"sent_id": "102679-04-02", "text": "Han er atten \u00e5r gammel , men allerede en garvet kriminell .", "opinions": []}, {"sent_id": "102679-05-01", "text": "I det gjengmilj\u00f8et han er en del av hjemme i drabantbyen R\u00e5by utenfor Stockholm , begynner reisen mot undergangen tidlig .", "opinions": []}, {"sent_id": "102679-05-02", "text": "De som er over soningsdyktig alder , utnytter ni-ti\u00e5ringers behov for tilh\u00f8righet , ved \u00e5 la ungene selge dopet og skjule tyvegods og v\u00e5pen .", "opinions": []}, {"sent_id": "102679-06-01", "text": "Slik har Leon selv startet sammen med bestevennen Gabriel .", "opinions": []}, {"sent_id": "102679-06-02", "text": "N\u00e5 er de helt \u00f8verst i pyramiden .", "opinions": []}, {"sent_id": "102679-06-03", "text": "Leon bak murene .", "opinions": []}, {"sent_id": "102679-06-04", "text": "Gabriel utenfor .", "opinions": []}, {"sent_id": "102679-06-05", "text": "Men det skal bli en forandring .", "opinions": []}, {"sent_id": "102679-06-06", "text": "Snart .", "opinions": []}, {"sent_id": "102679-07-01", "text": "Det planlegges en spektakul\u00e6r flukt .", "opinions": []}, {"sent_id": "102679-07-02", "text": "Men mens Leon har sittet inne , har Gabriel knyttet seg til Wanda .", "opinions": []}, {"sent_id": "102679-07-03", "text": "I utgangspunktet er hun en n\u00f8dvendig brikke for gjengmedlemmene .", "opinions": []}, {"sent_id": "102679-07-04", "text": "Det er hun som smugler dopet inn til de av dem som sitter .", "opinions": []}, {"sent_id": "102679-08-01", "text": "Den f\u00f8lelsesskadde Gabriel har ikke tiltenkt henne en annen rolle enn den .", "opinions": []}, {"sent_id": "102679-08-02", "text": "Men s\u00e5 skjer det noe likevel .", "opinions": []}, {"sent_id": "102679-08-03", "text": "Og en dag er Wanda gravid .", "opinions": []}, {"sent_id": "102679-08-04", "text": "Hva da ?", "opinions": []}, {"sent_id": "102679-09-01", "text": "\u00ab To soldater \u00bb er en brutal fortelling om et milj\u00f8 s\u00e5 voldelig og fylt av hat at det er vanskelig \u00e5 forholde seg til det .", "opinions": [{"Source": [[], []], "Target": [["fortelling"], ["29:39"]], "Polar_expression": [["brutal"], ["22:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["milj\u00f8"], ["46:51"]], "Polar_expression": [["voldelig"], ["55:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["milj\u00f8"], ["46:51"]], "Polar_expression": [["fylt av hat"], ["67:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102679-09-02", "text": "Og selv om forfatterne i et etterord medgir at de har strukket strikken vel langt , er de ogs\u00e5 p\u00e5passelige med \u00e5 understreke at situasjonen i enkelte svenske forsteder er i ferd med \u00e5 komme ut av kontroll .", "opinions": [{"Source": [["forfatterne"], ["11:22"]], "Target": [["situasjonen i enkelte svenske forsteder"], ["128:167"]], "Polar_expression": [["i ferd med \u00e5 komme ut av kontroll"], ["171:204"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "102679-10-01", "text": "Det st\u00e5r fast at 5000 unge gutter under 21 er i ferd med \u00e5 knytte seg til kriminelle gjengmilj\u00f8er \u00e0 la det de skildrer i denne boken .", "opinions": []}, {"sent_id": "102679-10-02", "text": "\u00c5 rygge ut av disse milj\u00f8ene er nesten umulig .", "opinions": []}, {"sent_id": "102679-11-01", "text": "Det blir korte liv , fylte av hat og vold .", "opinions": []}, {"sent_id": "102679-11-02", "text": "Og en total og livsfarlig forakt for hver eneste enkeltperson og gruppe som kommer i deres vei .", "opinions": []}, {"sent_id": "102679-11-03", "text": "Fra politi og sosialvesen , til de lokale brannmennene som rykker ut for \u00e5 slukke deres p\u00e5satte branner .", "opinions": []}, {"sent_id": "102679-11-04", "text": "Hver eneste dag .", "opinions": []}, {"sent_id": "102679-12-01", "text": "Politimennene Jose Pireira og Ewert Grens settes under et umenneskelig press , og til slutt brister demningen p\u00e5 flere steder samtidig .", "opinions": []}, {"sent_id": "102679-13-01", "text": "Roslund & Hellstr\u00f6m n\u00e5r denne gangen ikke helt opp til det niv\u00e5et de maktet \u00e5 holde i sin forrige bok \u00ab Tre sekunder \u00bb .", "opinions": [{"Source": [[], []], "Target": [["forrige bok \u00ab Tre sekunder \u00bb"], ["90:118"]], "Polar_expression": [["Roslund & Hellstr\u00f6m n\u00e5r denne gangen ikke helt opp til det niv\u00e5et de maktet \u00e5 holde"], ["0:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["denne gangen"], ["24:36"]], "Polar_expression": [["Roslund & Hellstr\u00f6m n\u00e5r", "ikke helt opp til det niv\u00e5et de maktet \u00e5 holde i sin forrige bok \u00ab Tre sekunder \u00bb"], ["0:23", "37:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102679-13-02", "text": "Det er ikke \u00e5 vente .", "opinions": []}, {"sent_id": "102679-13-03", "text": "En slik innertier kan man ikke f\u00e5 til hver gang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["innertier"], ["8:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102679-14-01", "text": "N\u00e5r jeg likevel anser \u00ab To soldater \u00bb for \u00e5 v\u00e6re h\u00f8yt hevet over det meste av hva som blir skrevet i nordisk krim for tiden , er det samtidig n\u00f8dvendig \u00e5 gj\u00f8re oppmerksom p\u00e5 at dette er deprimerende lesning .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [["\u00ab To soldater \u00bb"], ["22:37"]], "Polar_expression": [["h\u00f8yt hevet over det meste av hva som blir skrevet i nordisk krim for tiden"], ["49:123"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["4:7"]], "Target": [["\u00ab To soldater \u00bb"], ["22:37"]], "Polar_expression": [["deprimerende lesning"], ["186:206"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102679-14-02", "text": "S\u00e5 langt fra det innesn\u00f8dde godset som det er mulig \u00e5 tenke seg .", "opinions": []}, {"sent_id": "102679-14-03", "text": "Og et godt stykke til .", "opinions": []}, {"sent_id": "102679-15-01", "text": "Visste du at ...", "opinions": []}, {"sent_id": "102679-16-01", "text": "Anders Roslund har bakgrunn som reporter i Sveriges Televisjon .", "opinions": []}, {"sent_id": "102679-16-02", "text": "B\u00f8rge Hellstr\u00f6m er en sentral akt\u00f8r i debatten om kriminalomsorg .", "opinions": []}, {"sent_id": "102679-16-03", "text": "Dette er deres sjette kriminalroman .", "opinions": []}, {"sent_id": "102679-16-04", "text": "B\u00f8kene er utgitt i 17 land .", "opinions": []}, {"sent_id": "100122-01-01", "text": "Lite pop med pop-quiz", "opinions": [{"Source": [[], []], "Target": [["pop-quiz"], ["13:21"]], "Polar_expression": [["Lite pop"], ["0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-02-01", "text": "Er \u00ab Buzz \u00bb -konseptet i ferd med \u00e5 begrave seg selv med d\u00e5rlige oppf\u00f8lgere ?", "opinions": []}, {"sent_id": "100122-03-01", "text": "Buzz-spillene har solgt i b\u00f8tter og spann her til lands .", "opinions": []}, {"sent_id": "100122-03-02", "text": "Det er ingen hemmelighet at nordmenn er et quiz-elskende folkeferd .", "opinions": [{"Source": [["nordmenn"], ["28:36"]], "Target": [[], []], "Polar_expression": [["quiz-elskende"], ["43:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "100122-03-03", "text": "Dessuten har spillene holdt en h\u00f8y standard , trass i mange oppf\u00f8lgere .", "opinions": [{"Source": [[], []], "Target": [["spillene"], ["13:21"]], "Polar_expression": [["h\u00f8y standard"], ["31:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["trass i mange oppf\u00f8lgere"], ["46:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-04-01", "text": "Noe av \u00e5rsaken er trolig at quiz-temaene har v\u00e6rt gode i seg selv .", "opinions": [{"Source": [[], []], "Target": [["quiz-temaene"], ["28:40"]], "Polar_expression": [["gode"], ["50:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-04-02", "text": "Dessuten har spillmakerne v\u00e6rt flinke til \u00e5 tilf\u00f8re nye , morsomme elementer som begrenser forutsigbarheten og gir hvert spill et unikt preg .", "opinions": [{"Source": [[], []], "Target": [["spillmakerne"], ["13:25"]], "Polar_expression": [["flinke"], ["31:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["begrenser forutsigbarheten"], ["81:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["unikt preg"], ["130:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["morsomme elementer"], ["58:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nye", "elementer"], ["52:55", "67:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-05-01", "text": "Dessverre makter de ikke dette i \u00ab Buzz : The Pop Quiz \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Buzz : The Pop Quiz \u00bb"], ["33:56"]], "Polar_expression": [["Dessverre makter de ikke dette"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-05-02", "text": "Temaet burde v\u00e6re godt nok i seg selv - hva er morsommere enn \u00e5 h\u00f8re og gjette p\u00e5 gamle hits ?", "opinions": [{"Source": [[], []], "Target": [["Temaet"], ["0:6"]], "Polar_expression": [["burde v\u00e6re godt nok i seg selv"], ["7:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5 h\u00f8re og gjette p\u00e5 gamle hits"], ["62:92"]], "Polar_expression": [["hva er morsommere enn", "?"], ["40:61", "93:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5 h\u00f8re og gjette p\u00e5 gamle hits"], ["62:92"]], "Polar_expression": [["burde v\u00e6re godt nok i seg selv"], ["7:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Temaet"], ["0:6"]], "Polar_expression": [["hva er morsommere enn", "?"], ["40:61", "93:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-05-03", "text": "Dessverre er det hovedsakelig popmusikk fra 90-tallet det dreier seg om .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dessverre er det hovedsakelig popmusikk fra 90-tallet det dreier seg om"], ["0:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-06-01", "text": "Hvem er m\u00e5lgruppen da ?", "opinions": []}, {"sent_id": "100122-06-02", "text": "Unge , voksne som vil mimre tilbake ?", "opinions": []}, {"sent_id": "100122-06-03", "text": "Familievennlig , som spillene har ry p\u00e5 seg for \u00e5 v\u00e6re , er det i alle fall ikke .", "opinions": [{"Source": [[], []], "Target": [["spillene"], ["21:29"]], "Polar_expression": [["Familievennlig"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Familievennlig", "er det i alle fall ikke"], ["0:14", "57:80"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-06-04", "text": "Sm\u00e5 barn vet ingenting om 90-tallet , og foreldrene var ferdig med \u00e5 fly p\u00e5 disco i denne perioden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["foreldrene var ferdig med \u00e5 fly p\u00e5 disco i denne perioden"], ["41:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sm\u00e5 barn vet ingenting om 90-tallet"], ["0:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "100122-07-01", "text": "Dessuten blir det hele for amerikansk .", "opinions": [{"Source": [[], []], "Target": [["det"], ["14:17"]], "Polar_expression": [["for amerikansk"], ["23:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-07-02", "text": "Vi hadde kanskje ikke ventet oss Bertine Zetlitz og Jahn Teigen , selv om det hadde v\u00e6rt festlig , men litt mer internasjonalt kunne det gjerne ha v\u00e6rt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt mer internasjonalt kunne det gjerne ha v\u00e6rt"], ["103:151"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["Bertine Zetlitz og Jahn Teigen"], ["33:63"]], "Polar_expression": [["hadde v\u00e6rt festlig"], ["78:96"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-08-01", "text": "Noen av kategoriene er ogs\u00e5 latterlig enkle , for eksempel en der man skal gjette hva sanger heter .", "opinions": [{"Source": [[], []], "Target": [["kategoriene"], ["8:19"]], "Polar_expression": [["Noen", "latterlig enkle"], ["0:4", "28:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-08-02", "text": "Det er bare \u00e5 lytte p\u00e5 refrenget , s\u00e5 vet man det etterp\u00e5 .", "opinions": []}, {"sent_id": "100122-08-03", "text": "Et \u00ab mimrespill \u00bb skal vel stimulere mer enn korttidsminnet ?", "opinions": [{"Source": [[], []], "Target": [["\u00ab mimrespill \u00bb"], ["3:17"]], "Polar_expression": [["skal vel stimulere mer enn korttidsminnet ?"], ["18:61"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-09-01", "text": "Det er nesten ingen nye elementer i spillet heller , og n\u00e5 begynner vi \u00e5 bli litt lei kakekasting og bomber .", "opinions": [{"Source": [["vi"], ["68:70"]], "Target": [["spillet"], ["36:43"]], "Polar_expression": [["nesten ingen nye elementer"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["68:70"]], "Target": [[], []], "Polar_expression": [["litt lei kakekasting og bomber"], ["77:107"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-09-02", "text": "Gi oss noe nytt !", "opinions": [{"Source": [["oss"], ["3:6"]], "Target": [[], []], "Polar_expression": [["Gi oss noe nytt !"], ["0:17"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100122-09-03", "text": "Og da mener jeg ikke flashy studioer med blinkende gulv og artister p\u00e5 storskjerm .", "opinions": [{"Source": [["jeg"], ["12:15"]], "Target": [[], []], "Polar_expression": [["flashy studioer med blinkende gulv"], ["21:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["12:15"]], "Target": [[], []], "Polar_expression": [["artister p\u00e5 storskjerm"], ["59:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-09-04", "text": "Jeg mener en oppfriskning av hele konseptet - bedre grafikk , nye m\u00e5ter \u00e5 konkurrere p\u00e5 , familievennlige temaer og sp\u00f8rsm\u00e5l som utfordrer og fenger .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["konseptet"], ["34:43"]], "Polar_expression": [["oppfriskning", "familievennlige temaer"], ["13:25", "90:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["konseptet"], ["34:43"]], "Polar_expression": [["oppfriskning", "sp\u00f8rsm\u00e5l som utfordrer og fenger"], ["13:25", "116:148"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["konseptet"], ["34:43"]], "Polar_expression": [["oppfriskning", "nye m\u00e5ter \u00e5 konkurrere p\u00e5"], ["13:25", "62:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["konseptet"], ["34:43"]], "Polar_expression": [["oppfriskning", "bedre grafikk"], ["13:25", "46:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100122-10-01", "text": "Da tror jeg Buzz kan fenge i mange \u00e5r til , i stedet for \u00e5 ende opp som en slunken melkeku .", "opinions": [{"Source": [["jeg"], ["8:11"]], "Target": [["Buzz"], ["12:16"]], "Polar_expression": [["ende opp som en slunken melkeku"], ["59:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["8:11"]], "Target": [["Buzz"], ["12:16"]], "Polar_expression": [["kan fenge i mange \u00e5r til"], ["17:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600103-01-01", "text": "De stj\u00e5lne skritt i halvm\u00f8rket", "opinions": []}, {"sent_id": "600103-02-01", "text": "Denne thrilleren , regissert av svenske Tomas Alfredson ( \" La den rette komme inn \" ) , baserer seg p\u00e5 en roman av britiske John le Carr\u00e9 .", "opinions": []}, {"sent_id": "600103-02-02", "text": "Det er tidligere laget en engelsk tv-serie basert p\u00e5 romanen , hvor Alec Guiness hadde rollen som i filmen blir ivaretatt av Gary Oldman .", "opinions": []}, {"sent_id": "600103-03-01", "text": "Det hele utspilles under den kalde krigen :", "opinions": []}, {"sent_id": "600103-03-02", "text": "George Smiley ( Gary Oldman ) blir suspendert fra sin stilling som agent i britisk etterretningstjeneste .", "opinions": []}, {"sent_id": "600103-03-03", "text": "Men se :", "opinions": []}, {"sent_id": "600103-03-04", "text": "Da regjeringen mer enn aner at det finnes et menneske som har infiltrert den britiske etterretning p\u00e5 h\u00f8yeste niv\u00e5 , kalles Smiley tilbake til flokken .", "opinions": []}, {"sent_id": "600103-03-05", "text": "Ordren lyder :", "opinions": []}, {"sent_id": "600103-03-06", "text": "Finn mannen , uskadeliggj\u00f8r ham , men gj\u00f8r det i dypeste hemmelighet .", "opinions": []}, {"sent_id": "600103-04-01", "text": "igjen f\u00e5r vi klare prov p\u00e5 at spionasjens verden er en halvm\u00f8rk verden , der bevegelsene ofte kan minne om stj\u00e5lne skritt .", "opinions": []}, {"sent_id": "600103-04-02", "text": "Samtidig blir en ogs\u00e5 minnet p\u00e5 at denne verden overhodet ikke er tillokkende og / eller eksotisk .", "opinions": [{"Source": [[], []], "Target": [["verden"], ["41:47"]], "Polar_expression": [["overhodet ikke er tillokkende og / eller eksotisk"], ["48:97"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600103-04-03", "text": "Det er en paranoid verden , full av l\u00f8gn og svik , der spioner ikke fortjener v\u00e5r beundring , snarere v\u00e5r forakt eller v\u00e5r medynk .", "opinions": [{"Source": [[], []], "Target": [["verden"], ["19:25"]], "Polar_expression": [["paranoid"], ["10:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["verden"], ["19:25"]], "Polar_expression": [["full av l\u00f8gn og svik"], ["28:48"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["v\u00e5r"], ["78:81"]], "Target": [["spioner"], ["55:62"]], "Polar_expression": [["ikke fortjener", "beundring"], ["63:77", "82:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spioner"], ["55:62"]], "Polar_expression": [["snarere v\u00e5r forakt eller v\u00e5r medynk"], ["94:129"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600103-05-01", "text": "Dette til tross , vi tiltrekkes av spillet , det menneskelige sjakkspillet .", "opinions": [{"Source": [["vi"], ["18:20"]], "Target": [[], []], "Polar_expression": [["tiltrekkes av spillet"], ["21:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600103-05-02", "text": "Trekk .", "opinions": []}, {"sent_id": "600103-05-03", "text": "Mottrekk .", "opinions": []}, {"sent_id": "600103-05-04", "text": "Brikker som \" g\u00e5r ut \" .", "opinions": []}, {"sent_id": "600103-05-05", "text": "Konstellasjoner .", "opinions": []}, {"sent_id": "600103-05-06", "text": "Feilsl\u00e5tte grep .", "opinions": []}, {"sent_id": "600103-05-07", "text": "Flaks .", "opinions": []}, {"sent_id": "600103-05-08", "text": "Nye konstellasjoner .", "opinions": []}, {"sent_id": "600103-06-01", "text": "Svenske Tomas Alfredson har regissert dette spionasjedramaet med myndig h\u00e5nd , i en meget avbalansert , nesten avm\u00e5lt form og rytme , og med en ofte avdempet tone .", "opinions": [{"Source": [[], []], "Target": [["Tomas Alfredson"], ["8:23"]], "Polar_expression": [["regissert", "med myndig h\u00e5nd"], ["28:37", "61:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tomas Alfredson"], ["8:23"]], "Polar_expression": [["meget avbalansert , nesten avm\u00e5lt form og rytme"], ["84:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tomas Alfredson"], ["8:23"]], "Polar_expression": [["ofte avdempet tone"], ["144:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spionasjedramaet"], ["44:60"]], "Polar_expression": [["meget avbalansert , nesten avm\u00e5lt form og rytme"], ["84:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spionasjedramaet"], ["44:60"]], "Polar_expression": [["ofte avdempet tone"], ["144:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600103-07-01", "text": "Gary Oldman tolker George Smileys kl\u00f8kt , teft og nesten uhyggelige ro med finsk\u00e5rne virkemidler .", "opinions": [{"Source": [[], []], "Target": [["virkemidler"], ["85:96"]], "Polar_expression": [["finsk\u00e5rne"], ["75:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gary Oldman"], ["0:11"]], "Polar_expression": [["tolker George Smileys kl\u00f8kt , teft og nesten uhyggelige ro med finsk\u00e5rne virkemidler"], ["12:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600103-07-02", "text": "Virkemidler som er langt mer effektive enn all verdens grimaser .", "opinions": [{"Source": [[], []], "Target": [["Virkemidler"], ["0:11"]], "Polar_expression": [["langt mer effektive enn all verdens grimaser"], ["19:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600103-08-01", "text": "For en del vil kanskje denne spionasjethrilleren fremst\u00e5 som for stille , for lite actionpreget , men for John le Carr\u00e9-dyrkere er den en indrefilet .", "opinions": [{"Source": [[], []], "Target": [["spionasjethrilleren"], ["29:48"]], "Polar_expression": [["For en del vil kanskje", "fremst\u00e5 som for stille , for lite actionpreget"], ["0:22", "49:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spionasjethrilleren"], ["29:48"]], "Polar_expression": [["for John le Carr\u00e9-dyrkere er den en indrefilet"], ["102:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-01-01", "text": "Fikst og nesten ferdig", "opinions": []}, {"sent_id": "300016-02-01", "text": "Med strammere service og rydding av baren vil rosen skylle inn over Elvebredden .", "opinions": []}, {"sent_id": "300016-03-01", "text": "Robinson & Fredag var spente p\u00e5 hva folka bak Elvebredden hadde gjort med det tidligere lokalet til restaurant Mecca .", "opinions": []}, {"sent_id": "300016-04-01", "text": "-Sjelden har jeg sett en mer total forvandling , utbr\u00f8t Robinson .", "opinions": []}, {"sent_id": "300016-05-01", "text": "For der det f\u00f8r var et litt halvhjertet fors\u00f8k p\u00e5 noe arabisk , er det n\u00e5 lyst og nordisk , som en naturlig forlengelse av Elvebreddens hovedrestaurant i etasjen over .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt halvhjertet fors\u00f8k p\u00e5 noe arabisk"], ["23:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lyst og nordisk"], ["74:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["naturlig forlengelse"], ["99:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-05-02", "text": "Meccas stilbrudd med Norsk Design og Arkitektursenter ( DogA ) er erstattet med en matbar som \u00e5pner seg opp for Akerselva , ikke stenger for en av byens beste utsikter .", "opinions": [{"Source": [[], []], "Target": [["Meccas"], ["0:6"]], "Polar_expression": [["stilbrudd"], ["7:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["matbar"], ["83:89"]], "Polar_expression": [["Meccas stilbrudd", "er erstattet"], ["0:16", "63:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["matbar"], ["83:89"]], "Polar_expression": [["\u00e5pner seg opp for Akerselva"], ["94:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["matbar"], ["83:89"]], "Polar_expression": [["ikke stenger for en av byens beste utsikter"], ["124:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-05-03", "text": "Det er n\u00e5r blikket vender innover at det uferdige kommer til syne .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["det uferdige kommer til syne"], ["37:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-06-01", "text": "Bak den borterste enden av den 16 meter lange baren holder kokkene p\u00e5 , i midten st\u00e5r den roterende grillen , rottiseuren og n\u00e6rmest inngangen er de h\u00f8ye stolene satt fram .", "opinions": []}, {"sent_id": "300016-06-02", "text": "Problemet er at de bare er til pynt .", "opinions": [{"Source": [[], []], "Target": [["de"], ["16:18"]], "Polar_expression": [["bare er til pynt"], ["19:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["16:18"]], "Polar_expression": [["Problemet"], ["0:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-06-03", "text": "For disken brukes bare til \u00e5 slenge menyene og til en harry framvisning av brennevin .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["disken brukes bare til \u00e5 slenge menyene"], ["4:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["disken brukes bare til", "en harry framvisning av brennevin"], ["4:26", "51:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-06-04", "text": "Er det noe Oslos restaurantliv mangler er det muligheten til \u00e5 spise i baren for enslige sosiale gjester .", "opinions": [{"Source": [[], []], "Target": [["Oslos restaurantliv"], ["11:30"]], "Polar_expression": [["mangler", "muligheten til \u00e5 spise i baren for enslige sosiale gjester"], ["31:38", "46:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-06-05", "text": "Det burde v\u00e6re et av Elvebreddens st\u00f8rste pre , s\u00e6rlig n\u00e5r de til overm\u00e5l kaller seg matbar .", "opinions": [{"Source": [[], []], "Target": [["Elvebreddens"], ["21:33"]], "Polar_expression": [["burde v\u00e6re et av Elvebreddens st\u00f8rste pre"], ["4:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Elvebreddens"], ["21:33"]], "Polar_expression": [["s\u00e6rlig n\u00e5r de til overm\u00e5l kaller seg matbar"], ["48:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-07-01", "text": "-Det er meningen det skal bli slik , men forel\u00f8pig har vi ikke kapasitet , forklarte servit\u00f8ren .", "opinions": []}, {"sent_id": "300016-07-02", "text": "Hun skulle vise seg \u00e5 v\u00e6re bare en av to kelnere p\u00e5 jobb denne kvelden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hun skulle vise seg \u00e5 v\u00e6re bare en av to kelnere p\u00e5 jobb denne kvelden"], ["0:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "300016-07-03", "text": "Det holder ikke n\u00e5r 30 gjester krever sitt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det holder ikke"], ["0:15"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-08-01", "text": "-Arbeidsledigheten kan ikke v\u00e6re stor n\u00e5r de tre m\u00e5neder etter \u00e5pningen ikke har klart \u00e5 skaffe nok arbeidskraft , mente Robinson .", "opinions": [{"Source": [["Robinson"], ["121:129"]], "Target": [["de"], ["42:44"]], "Polar_expression": [["tre m\u00e5neder etter \u00e5pningen ikke har klart \u00e5 skaffe nok arbeidskraft"], ["45:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-09-01", "text": "-Og de som er p\u00e5 jobb b\u00f8r kunne legge veskene sine et annet sted enn godt synlig ved disken .", "opinions": [{"Source": [[], []], "Target": [["de som er p\u00e5 jobb"], ["4:21"]], "Polar_expression": [["b\u00f8r kunne legge veskene sine et annet sted enn godt synlig ved disken"], ["22:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-09-02", "text": "Et s\u00e5 \u00e5pent lokale krever ryddighet , sa pertentlige Fredag .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Et s\u00e5 \u00e5pent lokale krever ryddighet"], ["0:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-10-01", "text": "Matmessig har Elvebredden kontroll .", "opinions": [{"Source": [[], []], "Target": [["Elvebredden"], ["14:25"]], "Polar_expression": [["Matmessig har Elvebredden kontroll"], ["0:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-10-02", "text": "Ni retter , servert som hele ni , fem eller bare en smak av hver og en av dem .", "opinions": []}, {"sent_id": "300016-11-01", "text": "Robinson bestemte seg for fire , Fredag tre og en halv .", "opinions": []}, {"sent_id": "300016-11-02", "text": "F\u00f8rst fikk begge en espressokopp med strandkrabbesuppe , en intens smakfull appetittvekker .", "opinions": [{"Source": [[], []], "Target": [["espressokopp med strandkrabbesuppe"], ["20:54"]], "Polar_expression": [["intens smakfull appetittvekker"], ["60:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-11-03", "text": "Robinson var like forn\u00f8yd med bitene av and servert med p\u00e6re , valn\u00f8tter og v\u00e4sterbottenost .", "opinions": [{"Source": [["Robinson"], ["0:8"]], "Target": [["bitene av and servert med p\u00e6re , valn\u00f8tter og v\u00e4sterbottenost"], ["30:91"]], "Polar_expression": [["like forn\u00f8yd"], ["13:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-12-01", "text": "-Se s\u00e5 lekre r\u00f8dbeter !", "opinions": [{"Source": [[], []], "Target": [["r\u00f8dbeter"], ["13:21"]], "Polar_expression": [["-Se s\u00e5 lekre", "!"], ["0:12", "22:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-12-02", "text": "Jeg har aldri spist den oransje varianten av sorten , sa Fredag .", "opinions": []}, {"sent_id": "300016-13-01", "text": "Elvebredden annonserer p\u00e5 hjemmesida at konseptet er \u00ab norsk og nordisk innovativ mat basert p\u00e5 lokale produsenter og kortreiste r\u00e5varer som foredles og presenteres i et norsk designmilj\u00f8 . \u00bb", "opinions": []}, {"sent_id": "300016-14-01", "text": "Det l\u00f8ftet ser de ut til \u00e5 holde , men hvis det er s\u00e5 viktig hvor maten kommer fra burde servit\u00f8rene stolt opplyse om hvor r\u00f8dbetene og de andre godsakene er dyrket , alt opp og fanget .", "opinions": [{"Source": [[], []], "Target": [["servit\u00f8rene"], ["89:100"]], "Polar_expression": [["burde", "stolt opplyse om hvor r\u00f8dbetene og de andre godsakene er dyrket , alt opp og fanget"], ["83:88", "101:184"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["15:17"]], "Polar_expression": [["l\u00f8ftet ser de ut til \u00e5 holde"], ["4:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300016-15-01", "text": "En grillet piggvar ble servert med det deilige sidefettet som n\u00e6rmest er verd retten alene .", "opinions": [{"Source": [[], []], "Target": [["sidefettet"], ["47:57"]], "Polar_expression": [["deilige"], ["39:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sidefettet"], ["47:57"]], "Polar_expression": [["n\u00e6rmest er verd retten alene"], ["62:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-16-01", "text": "Fredag gikk for h\u00f8stens lam , men ogs\u00e5 der var kelneren sparsom med informasjonen .", "opinions": [{"Source": [[], []], "Target": [["kelneren"], ["47:55"]], "Polar_expression": [["sparsom med informasjonen"], ["56:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-16-02", "text": "Det f\u00f8rte til at Fredag m\u00e5tte smugle den f\u00f8rste biten ut av munnen .", "opinions": [{"Source": [["Fredag"], ["17:23"]], "Target": [[], []], "Polar_expression": [["m\u00e5tte smugle den f\u00f8rste biten ut av munnen"], ["24:66"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-16-03", "text": "For servit\u00f8ren hadde ikke opplyst om at sena som holdt kj\u00f8ttet sammen s\u00e5 saftig ikke lot seg tygge .", "opinions": [{"Source": [[], []], "Target": [["servit\u00f8ren"], ["4:14"]], "Polar_expression": [["hadde ikke opplyst om at sena som holdt kj\u00f8ttet sammen s\u00e5 saftig ikke lot seg tygge"], ["15:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-17-01", "text": "Desserten av bl\u00e5b\u00e6r og lavendelyoghurt var igjen nordisk h\u00f8yverdig , med b\u00e6r av riktig naturell st\u00f8rrelse , som om de var plukket vilt samme ettermiddag , ikke av den t\u00f8rre store sorten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke av den t\u00f8rre store sorten"], ["155:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["som om de var plukket vilt samme ettermiddag"], ["108:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nordisk h\u00f8yverdig"], ["49:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["med b\u00e6r av riktig naturell st\u00f8rrelse"], ["69:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300016-18-01", "text": "Bare Elvebredden f\u00e5r nok arbeidskraft og virkelig kan \u00e5pne matbaren gleder Robinson & Fredag seg til \u00e5 komme tilbake .", "opinions": [{"Source": [["Robinson & Fredag"], ["75:92"]], "Target": [["Elvebredden"], ["5:16"]], "Polar_expression": [["Bare Elvebredden f\u00e5r nok arbeidskraft"], ["0:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Robinson & Fredag"], ["75:92"]], "Target": [["Elvebredden"], ["5:16"]], "Polar_expression": [["Bare Elvebredden", "virkelig kan \u00e5pne matbaren"], ["0:16", "41:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Robinson & Fredag"], ["75:92"]], "Target": [["Elvebredden"], ["5:16"]], "Polar_expression": [["gleder", "seg til \u00e5 komme tilbake"], ["68:74", "93:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701606-01-01", "text": "Dommedag kommer , sitt ned og snakk", "opinions": []}, {"sent_id": "701606-02-01", "text": "Et litt resignert ordtak lyder s\u00e5nn :", "opinions": [{"Source": [[], []], "Target": [["ordtak"], ["18:24"]], "Polar_expression": [["litt resignert"], ["3:17"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701606-02-02", "text": "God works in wondrous ways .", "opinions": []}, {"sent_id": "701606-03-01", "text": "Fritt oversatt :", "opinions": []}, {"sent_id": "701606-03-02", "text": "Gud gj\u00f8r mye rart .", "opinions": []}, {"sent_id": "701606-03-03", "text": "Med denne filmen har amerikanere med mer livssyn enn vett fors\u00f8kt \u00e5 overg\u00e5 Gud i eksentrisitet .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["10:16"]], "Polar_expression": [["mer livssyn enn vett fors\u00f8kt \u00e5 overg\u00e5 Gud i eksentrisitet"], ["37:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701606-03-04", "text": "Omslaget til DVD-en antyder at filmen er en dramatisk katastrofe-thriller av den sorten der cruiseskip skylles i land i Sahara .", "opinions": [{"Source": [[], []], "Target": [["Omslaget"], ["0:8"]], "Polar_expression": [["antyder at filmen er en dramatisk katastrofe-thriller av den sorten der cruiseskip skylles i land i Sahara"], ["20:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["31:37"]], "Polar_expression": [["Omslaget til DVD-en antyder at filmen er en dramatisk katastrofe-thriller av den sorten der cruiseskip skylles i land i Sahara"], ["0:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701606-03-05", "text": "Men \u00ab The moment after \u00bb har i stedet er en merkelig , nesten komisk fortelling om at Jesus har kommet til jorden og hentet sine mest trofaste tilhengere , mens de andre sitter forskrekka tilbake og nekter \u00e5 snakke om det .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The moment after \u00bb"], ["4:24"]], "Polar_expression": [["merkelig , nesten komisk fortelling"], ["44:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701606-03-06", "text": "FBI-folk siger som gullfisker fra hus til hus for \u00e5 etterforske , en j\u00f8disk rabbi viser seg \u00e5 v\u00e6re Kristus-tilhenger uten at noen syns det er rart , og egentlig er \u00ab The moment after \u00bb en svakt formulert og temperamentsl\u00f8s film-andakt uten verken mening eller forstand .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The moment after \u00bb"], ["164:184"]], "Polar_expression": [["svakt formulert"], ["188:203"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The moment after \u00bb"], ["164:184"]], "Polar_expression": [["temperamentsl\u00f8s film-andakt uten verken mening eller forstand"], ["207:268"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The moment after \u00bb"], ["164:184"]], "Polar_expression": [["en j\u00f8disk rabbi viser seg \u00e5 v\u00e6re Kristus-tilhenger uten at noen syns det er rart"], ["66:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The moment after \u00bb"], ["164:184"]], "Polar_expression": [["FBI-folk siger som gullfisker fra hus til hus for \u00e5 etterforske"], ["0:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701606-04-01", "text": "Dette er s\u00e5 kjedelig at den vil kunne f\u00f8re til at vorspielere blir akutt edru , og i s\u00e5 m\u00e5te er kan den nok utrette mirakler .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5 kjedelig at den vil kunne f\u00f8re til at vorspielere blir akutt edru"], ["9:77"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004340-01-01", "text": "Mr .", "opinions": []}, {"sent_id": "004340-01-02", "text": "Turner", "opinions": []}, {"sent_id": "004340-02-01", "text": "En vakker film med skuespill av h\u00f8yt kaliber .", "opinions": [{"Source": [[], []], "Target": [["film"], ["10:14"]], "Polar_expression": [["vakker"], ["3:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["10:14"]], "Polar_expression": [["skuespill av h\u00f8yt kaliber"], ["19:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespill"], ["19:28"]], "Polar_expression": [["h\u00f8yt kaliber"], ["32:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-03-01", "text": "Filmpolitiet anmeldte \u00ab Mr. Turner \u00bb under filmfestivalen i Cannes i mai 2014 .", "opinions": []}, {"sent_id": "004340-03-02", "text": "Filmen har norsk kinopremiere den 9. januar 2015 .", "opinions": []}, {"sent_id": "004340-04-01", "text": "Cannes , Frankrike ( NRK ) :", "opinions": []}, {"sent_id": "004340-04-02", "text": "Den britiske maleren Joseph Turner ( 1775 - 1851 ) utpensles p\u00e5 kinolerretet i regiss\u00f8r Mike Leighs Mr. Turner .", "opinions": []}, {"sent_id": "004340-05-01", "text": "Timothy Spall spiller fantastisk i hovedrollen , og Dick Popes foto er like imponerende som tidskoloritten , men historien er i blant litt vag .", "opinions": [{"Source": [[], []], "Target": [["Timothy Spall"], ["0:13"]], "Polar_expression": [["spiller fantastisk"], ["14:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["113:122"]], "Polar_expression": [["litt vag"], ["134:142"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["foto"], ["63:67"]], "Polar_expression": [["like imponerende som tidskoloritten"], ["71:106"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-05-02", "text": "Vi f\u00e5r bruddstykker av Turners voksne liv , hans forhold til kvinner , familie og den intellektuelle kunsteliten som han var en del av .", "opinions": []}, {"sent_id": "004340-06-01", "text": "Det tegnes et bilde av en kompleks figur , drevet av trangen til \u00e5 male .", "opinions": []}, {"sent_id": "004340-06-02", "text": "Om ikke alt kan forst\u00e5s ved f\u00f8rste gangs p\u00e5syn , er det mye \u00e5 beundre i denne filmens vakre bilder og flotte skuespill .", "opinions": [{"Source": [[], []], "Target": [["filmens"], ["78:85"]], "Polar_expression": [["mye \u00e5 beundre"], ["56:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmens"], ["78:85"]], "Polar_expression": [["vakre bilder"], ["86:98"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilder"], ["92:98"]], "Polar_expression": [["vakre"], ["86:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmens"], ["78:85"]], "Polar_expression": [["flotte skuespill"], ["102:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespill"], ["109:118"]], "Polar_expression": [["flotte"], ["102:108"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-07-01", "text": "Regissert med en veterans t\u00e5lmodighet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Regissert med en veterans t\u00e5lmodighet"], ["0:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004340-08-01", "text": "Kanskje er det en fordel med forh\u00e5ndskunnskap om Turner for \u00e5 ha fullt utbytte av filmen .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["82:88"]], "Polar_expression": [["fordel med forh\u00e5ndskunnskap om Turner for \u00e5 ha fullt utbytte av filmen"], ["18:88"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-08-02", "text": "Jeg f\u00f8ler det er flere referanser til hans kunst her som g\u00e5r meg hus forbi .", "opinions": [{"Source": [["meg"], ["61:64"]], "Target": [["referanser"], ["23:33"]], "Polar_expression": [["g\u00e5r meg hus forbi"], ["57:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-08-03", "text": "Men det er en interessant figur .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["interessant"], ["14:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-09-01", "text": "Turner har vanskelig for \u00e5 uttrykke seg rent kroppslig , han er en tett , v\u00e6rbitt mann som ofte grynter i stedet for \u00e5 snakke .", "opinions": []}, {"sent_id": "004340-09-02", "text": "Spall spiller ham med utstudert bruk av kroppsspr\u00e5k og stemmeleie .", "opinions": [{"Source": [[], []], "Target": [["Spall"], ["0:5"]], "Polar_expression": [["spiller", "med utstudert bruk av kroppsspr\u00e5k og stemmeleie"], ["6:13", "18:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-09-03", "text": "Og han lar oss forst\u00e5 at det kanskje er nettopp derfor han drives til \u00e5 male .", "opinions": []}, {"sent_id": "004340-09-04", "text": "Her kan han uttrykke seg langt vakrere og sterkere enn han er i stand til som person .", "opinions": []}, {"sent_id": "004340-10-01", "text": "Mike Leigh regisserer filmen med en veterans t\u00e5lmodighet .", "opinions": [{"Source": [[], []], "Target": [["Mike Leigh"], ["0:10"]], "Polar_expression": [["regisserer filmen med en veterans t\u00e5lmodighet"], ["11:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-10-02", "text": "Ingen av scenene har det travelt med \u00e5 forlate oss , men utspilles i et rolig og bedagelig tempo .", "opinions": [{"Source": [[], []], "Target": [["scenene"], ["9:16"]], "Polar_expression": [["Ingen av scenene har det travelt"], ["0:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenene"], ["9:16"]], "Polar_expression": [["utspilles i et rolig og bedagelig tempo"], ["57:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tempo"], ["91:96"]], "Polar_expression": [["rolig"], ["72:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tempo"], ["91:96"]], "Polar_expression": [["bedagelig"], ["81:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-10-03", "text": "Flere bifigurer f\u00e5r tid til \u00e5 markere seg , og er med p\u00e5 \u00e5 beskrive Turners plass i hans samtids kulturlandskap .", "opinions": [{"Source": [[], []], "Target": [["bifigurer"], ["6:15"]], "Polar_expression": [["f\u00e5r tid til \u00e5 markere seg"], ["16:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-11-01", "text": "Leigh har til og med funnet plass til en kunstkritiker , som er tillagt en sleip og falsk personlighet som sikkert er Leighs stikk til oss som anmelder ham .", "opinions": []}, {"sent_id": "004340-11-02", "text": "Regiss\u00f8ren observerer figurene og lar dem f\u00e5 nok tid til \u00e5 synke inn hos tilskueren .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8ren"], ["0:10"]], "Polar_expression": [["lar dem f\u00e5 nok tid til \u00e5 synke inn hos tilskueren"], ["34:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-11-03", "text": "Vi f\u00e5r et innblikk i personer som helt klart er av en annen tid , men har de samme behov og tilb\u00f8yeligheter som oss selv .", "opinions": []}, {"sent_id": "004340-12-01", "text": "Treffende sort humor", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Treffende sort humor"], ["0:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["humor"], ["15:20"]], "Polar_expression": [["Treffende"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-13-01", "text": "Timothy Spall er litt av et syn i hovedrollen .", "opinions": [{"Source": [[], []], "Target": [["Timothy Spall"], ["0:13"]], "Polar_expression": [["litt av et syn"], ["17:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-13-02", "text": "Han skaper en figur som har sine hemmeligheter , som det ikke alltid er like enkel \u00e5 forst\u00e5 , men som har trekk og nykker som gj\u00f8r ham interessant \u00e5 oppleve .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["skaper en figur som har sine hemmeligheter , som det ikke alltid er like enkel \u00e5 forst\u00e5 , men som har trekk og nykker som gj\u00f8r ham interessant \u00e5 oppleve"], ["4:156"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figur"], ["14:19"]], "Polar_expression": [["har trekk og nykker som gj\u00f8r ham interessant \u00e5 oppleve"], ["102:156"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-14-01", "text": "Hans anstrengte forhold til egen familie beskrives med treffende sort humor , og hans nye og hemmeligholdte forhold med Sophia Booth ( Marion Bailey ) skildres med skj\u00f8nne \u00f8yeblikk , der figurenes s\u00e5rbarhet er godt synlig .", "opinions": [{"Source": [[], []], "Target": [["anstrengte forhold"], ["5:23"]], "Polar_expression": [["beskrives med treffende sort humor"], ["41:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00f8yeblikk"], ["172:180"]], "Polar_expression": [["skj\u00f8nne"], ["164:171"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurenes s\u00e5rbarhet"], ["187:206"]], "Polar_expression": [["s\u00e5rbarhet er godt synlig"], ["197:221"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["humor"], ["70:75"]], "Polar_expression": [["treffende"], ["55:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-15-01", "text": "Herr Turner er ogs\u00e5 preget av personlige tap , som han har vansker med \u00e5 prosessere .", "opinions": []}, {"sent_id": "004340-15-02", "text": "En spesielt sterk scene viser hvordan han gr\u00e5ter , og man skj\u00f8nner umiddelbart hvor vanskelig det er for ham \u00e5 uttrykke f\u00f8lelser .", "opinions": [{"Source": [[], []], "Target": [["scene"], ["18:23"]], "Polar_expression": [["spesielt sterk"], ["3:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-16-01", "text": "Kunsten st\u00e5r ofte i fokus i Mr. Turner , og vi f\u00e5r et godt inntrykk av hvordan samtiden benyttet seg av den , og hvorfor Joseph Turner huskes som en av periodens store malere .", "opinions": [{"Source": [[], []], "Target": [["Kunsten"], ["0:7"]], "Polar_expression": [["st\u00e5r ofte i fokus"], ["8:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["44:46"]], "Target": [["Kunsten"], ["0:7"]], "Polar_expression": [["vi f\u00e5r et godt inntrykk av hvordan samtiden benyttet seg av den"], ["44:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Joseph Turner"], ["121:134"]], "Polar_expression": [["huskes som en av periodens store malere"], ["135:174"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-16-02", "text": "Historien er s\u00e6rdeles vakkert filmet , har skuespill av h\u00f8yt kaliber og mange enkeltscener som er dyktig regissert .", "opinions": [{"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["s\u00e6rdeles vakkert filmet"], ["13:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespill"], ["43:52"]], "Polar_expression": [["h\u00f8yt kaliber"], ["56:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["enkeltscener"], ["78:90"]], "Polar_expression": [["dyktig regissert"], ["98:114"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-16-03", "text": "Da gj\u00f8r det kanskje ikke s\u00e5 mye at helheten f\u00f8les litt springende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Da gj\u00f8r det kanskje ikke s\u00e5 mye at helheten f\u00f8les litt springende"], ["0:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["helheten"], ["35:43"]], "Polar_expression": [["f\u00f8les litt springende"], ["44:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004340-17-01", "text": "Se traileren for Mr. Turner her :", "opinions": []}, {"sent_id": "106602-01-01", "text": "Terrorens anatomi", "opinions": []}, {"sent_id": "106602-02-01", "text": "Regi : Paul Greengrass .", "opinions": []}, {"sent_id": "106602-02-02", "text": "USA.Rekonstruert dokudrama - 15 \u00e5r , egnet voksne .", "opinions": []}, {"sent_id": "106602-03-01", "text": "MED :", "opinions": []}, {"sent_id": "106602-03-02", "text": "Khalid Abdalla , Opal Alladin , Lewis Alsamari , David Alan Basche , Richard Bekins , Starla Benford , Omar Berdouni , Susan Blommaert , m.fl .", "opinions": []}, {"sent_id": "106602-04-01", "text": "HANDLER OM :", "opinions": []}, {"sent_id": "106602-04-02", "text": "11. september 2001 rammet to fly Word Trade Center , ett fly rammet Pentagon .", "opinions": []}, {"sent_id": "106602-04-03", "text": "Flighten \u00ab United 93 \u00bb n\u00e5dde aldri sitt antatte m\u00e5l , Det hvite hus .", "opinions": []}, {"sent_id": "106602-04-04", "text": "Det styrtet p\u00e5 et jorde om lag 20 minutter unna .", "opinions": []}, {"sent_id": "106602-05-01", "text": "Man vet en del om hva som skjedde om bord i \u00ab United 93 \u00bb , ikke minst fordi en del av passasjerene lyktes i \u00e5 ringe sine n\u00e6rmeste f\u00f8r det styrtet .", "opinions": []}, {"sent_id": "106602-05-02", "text": "Regiss\u00f8r Paul Greengrass og hans stab har fors\u00f8kt \u00e5 samle alt tilgjengelig faktamateriale , og baserer sin film p\u00e5 det .", "opinions": []}, {"sent_id": "106602-06-01", "text": "Vi ser de 40 passasjerene g\u00e5 om bord , vi ser klargj\u00f8ring og take-off .", "opinions": []}, {"sent_id": "106602-06-02", "text": "Vi ser kaprerne g\u00e5 til aksjon , vi ser drap , manipulering , frykt , usikkerhet .", "opinions": []}, {"sent_id": "106602-06-03", "text": "Og vi ser at passasjerene til slutt organiserer seg i et fors\u00f8k p\u00e5 \u00e5 ta tilbake kontrollen over flyet - f\u00f8r det styrter .", "opinions": []}, {"sent_id": "106602-07-01", "text": "DOM :", "opinions": []}, {"sent_id": "106602-07-02", "text": "Filmen er dypt ber\u00f8rende og ytterst skremmende .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["dypt ber\u00f8rende"], ["10:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["ytterst skremmende"], ["28:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106602-07-03", "text": "Fortellerteknikken er rendyrket :", "opinions": [{"Source": [[], []], "Target": [["Fortellerteknikken"], ["0:18"]], "Polar_expression": [["rendyrket"], ["22:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106602-07-04", "text": "Absolutt alt foreg\u00e5r i n\u00e5-tid .", "opinions": []}, {"sent_id": "106602-07-05", "text": "Vi vet ingenting annet om passasjerene eller besetningen enn hva man ellers ville visst om man selv hadde v\u00e6rt om bord .", "opinions": []}, {"sent_id": "106602-08-01", "text": "Men f\u00e5r ikke vite annet om Word Trade Center enn det passasjerer om bord faktisk selv visste .", "opinions": []}, {"sent_id": "106602-08-02", "text": "Her er ingen \u00ab ondskapens akse \u00bb , ingen Saddam , ingen al-Qaida , ingen bin Laden .", "opinions": []}, {"sent_id": "106602-09-01", "text": "Parallelt med handlingen om bord i flyet f\u00f8lger vi minuti\u00f8st utviklingen i den nasjonale og regionale flykontroll , i forsvarets beredskapssenter og andre ber\u00f8rte institusjoner .", "opinions": []}, {"sent_id": "106602-09-02", "text": "Mange av dem som var p\u00e5 vakt den aktuelle dagen , spiller seg selv .", "opinions": []}, {"sent_id": "106602-09-03", "text": "Her f\u00f8lger filmutviklingen protokoller og vitneutsagn .", "opinions": []}, {"sent_id": "106602-10-01", "text": "Det er ingen helter .", "opinions": []}, {"sent_id": "106602-10-02", "text": "Ikke en eneste av skuespillerne er kjent fra f\u00f8r .", "opinions": []}, {"sent_id": "106602-10-03", "text": "Selv terroristene er mennesker som skal d\u00f8 , uansett deres for oss ubegripelig djevelske agenda .", "opinions": [{"Source": [[], []], "Target": [["agenda"], ["89:95"]], "Polar_expression": [["ubegripelig djevelske"], ["67:88"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106602-10-04", "text": "Endog det myteomspunne \u00ab Let's roll \u00bb , som skal ha blitt uttalt idet passasjerene gikk til aksjon ( og som senere president George W. Bush utnyttet for alt det var verdt da han ga startskuddet for invasjonen i Irak ) er knapt h\u00f8rbart .", "opinions": []}, {"sent_id": "106602-11-01", "text": "Noe m\u00e5 selvf\u00f8lgelig v\u00e6re diktet .", "opinions": []}, {"sent_id": "106602-11-02", "text": "Det er ikke til \u00e5 unng\u00e5 .", "opinions": []}, {"sent_id": "106602-11-03", "text": "\u00c9n symbolhandling kan kritiseres - den er dog ytterst trolig :", "opinions": [{"Source": [[], []], "Target": [["symbolhandling"], ["3:17"]], "Polar_expression": [["kan kritiseres"], ["18:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106602-11-04", "text": "Terroristen skriker \u00ab Allah er stor \u00bb n\u00e5r flyet styrter mot bakken .", "opinions": []}, {"sent_id": "106602-11-05", "text": "Mens passasjerene roper til sin gud bak i kabinen .", "opinions": []}, {"sent_id": "106602-12-01", "text": "Det er det grusomme og altomfattende paradoks i sv\u00e6rt mye av den moderne terrorismen :", "opinions": [{"Source": [[], []], "Target": [["paradoks"], ["37:45"]], "Polar_expression": [["grusomme og altomfattende"], ["11:36"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106602-12-02", "text": "Gjerningsmenn og ofre skriker i sin d\u00f8dsangst , i sin fortvilelse , i sin sorg og smerte og ( kanskje ) lammende overbevisning til sin gud .", "opinions": []}, {"sent_id": "106602-12-03", "text": "Den barmhjertige .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["barmhjertige"], ["4:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106602-13-01", "text": "\u00ab United 93 \u00bb slik sett ogs\u00e5 en intelligent og tvers igjennom forferdelig belysning av viktige sider ved selve terrorens anatomi .", "opinions": [{"Source": [[], []], "Target": [["\u00ab United 93 \u00bb"], ["0:13"]], "Polar_expression": [["intelligent"], ["32:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab United 93 \u00bb"], ["0:13"]], "Polar_expression": [["forferdelig belysning av viktige sider ved selve terrorens anatomi"], ["62:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-01-01", "text": "Klam nytelse", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Klam nytelse"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-02-01", "text": "I likhet med originalen , revolusjonerer ikke den f\u00f8rste utvidelsespakken til \u00ab Doom 3 \u00bb noen verdens ting .", "opinions": [{"Source": [[], []], "Target": [["den f\u00f8rste utvidelsespakken til \u00ab Doom 3 \u00bb"], ["46:88"]], "Polar_expression": [["noen verdens ting", "revolusjonerer ikke"], ["89:106", "26:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["originalen"], ["13:23"]], "Polar_expression": [["noen verdens ting", "revolusjonerer ikke"], ["89:106", "26:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-02-02", "text": "Men det gj\u00f8r lite n\u00e5r underholdningsniv\u00e5et er s\u00e5 h\u00f8yt som dette .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gj\u00f8r lite n\u00e5r underholdningsniv\u00e5et er s\u00e5 h\u00f8yt som dette"], ["8:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-03-01", "text": "To \u00e5r etter", "opinions": []}, {"sent_id": "107557-04-01", "text": "Som tilfeldigvis \u00e5pner en portal til Helvete igjen .", "opinions": []}, {"sent_id": "107557-05-01", "text": "Og da st\u00e5r du der da , med en ussel lommelykt , et pinglete v\u00e5pen og puls p\u00e5 120 .", "opinions": [{"Source": [[], []], "Target": [["lommelykt"], ["36:45"]], "Polar_expression": [["ussel"], ["30:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["v\u00e5pen"], ["60:65"]], "Polar_expression": [["pinglete"], ["51:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-05-02", "text": "Siklende , snerrende demoner kan komme fra hvor som helst .", "opinions": []}, {"sent_id": "107557-05-03", "text": "Det store sp\u00f8rsm\u00e5let for meg ble umiddelbart :", "opinions": []}, {"sent_id": "107557-06-01", "text": "Orker jeg egentlig \u00e5 g\u00e5 gjennom dette her en gang til ? !", "opinions": []}, {"sent_id": "107557-07-01", "text": "\u00ab Doom 3 \u00bb var nemlig en stor pr\u00f8velse for meg , den ultrarealistiske grafikken , det fantastiske lydbildet og en generell m\u00f8rk , ekkel stemning klarte \u00e5 skremme meg skikkelig .", "opinions": [{"Source": [["meg"], ["162:165"]], "Target": [["stemning"], ["136:144"]], "Polar_expression": [["m\u00f8rk , ekkel"], ["123:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["162:165"]], "Target": [["stemning"], ["136:144"]], "Polar_expression": [["klarte \u00e5 skremme", "skikkelig"], ["145:161", "166:175"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["43:46"]], "Target": [["grafikken"], ["70:79"]], "Polar_expression": [["ultrarealistiske"], ["53:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["43:46"]], "Target": [["lydbildet"], ["98:107"]], "Polar_expression": [["fantastiske"], ["86:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["43:46"]], "Target": [["\u00ab Doom 3 \u00bb"], ["0:10"]], "Polar_expression": [["ultrarealistiske grafikken"], ["53:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["43:46"]], "Target": [["\u00ab Doom 3 \u00bb"], ["0:10"]], "Polar_expression": [["fantastiske lydbildet"], ["86:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["43:46"]], "Target": [["\u00ab Doom 3 \u00bb"], ["0:10"]], "Polar_expression": [["stor pr\u00f8velse"], ["25:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["162:165"]], "Target": [["\u00ab Doom 3 \u00bb"], ["0:10"]], "Polar_expression": [["m\u00f8rk , ekkel stemning"], ["123:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-07-02", "text": "Men jeg holdt ut , og kom meg til Helvete og tilbake med b\u00e5de hjertet i behold og rene underbukser .", "opinions": []}, {"sent_id": "107557-08-01", "text": "Med det friskt i minne , ble \u00ab Doom 3 : Resurrection of Evil \u00bb raskt en nytelse det ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Doom 3 : Resurrection of Evil \u00bb"], ["29:62"]], "Polar_expression": [["raskt en nytelse"], ["63:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-09-01", "text": "Nerve Software , som har laget denne utvidelsen , er s\u00e6rdeles trofaste til originalen , men nye fiender , nye milj\u00f8er og en noe mer variert opplevelse s\u00f8rger for \u00e5 holde interessen oppe i de 10 - 12 timene det tar \u00e5 komme seg gjennom spillet .", "opinions": [{"Source": [[], []], "Target": [["Nerve Software"], ["0:14"]], "Polar_expression": [["s\u00e6rdeles trofaste til originalen"], ["53:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["noe mer variert opplevelse"], ["124:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nye fiender"], ["92:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nye milj\u00f8er"], ["106:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["noe mer variert opplevelse"], ["124:150"]], "Polar_expression": [["s\u00f8rger for \u00e5 holde interessen oppe"], ["151:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["nye milj\u00f8er"], ["106:117"]], "Polar_expression": [["s\u00f8rger for \u00e5 holde interessen oppe"], ["151:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["nye fiender"], ["92:103"]], "Polar_expression": [["s\u00f8rger for \u00e5 holde interessen oppe"], ["151:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-10-01", "text": "Du f\u00e5r ogs\u00e5 et knippe nye v\u00e5pen , inkludert den klassiske tol\u00f8pede haglen fra tidligere \u00ab Doom \u00bb -spill , og en \u00ab grabber \u00bb som - i likhet med \u00ab Half-Life 2 \u00bb - lar deg leke med fysikken i spillet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5r ogs\u00e5 et knippe nye v\u00e5pen"], ["3:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["\u00ab grabber \u00bb"], ["112:123"]], "Polar_expression": [["lar deg leke med fysikken i spillet"], ["161:196"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-11-01", "text": "Gjenstanden som starter showet , gir deg ogs\u00e5 totalt tre superkrefter du kan aktivere , den ene f\u00e5r tiden til \u00e5 g\u00e5 sakte , den andre \u00f8ker skaden v\u00e5pnene dine gj\u00f8r og den tredje gj\u00f8r deg ud\u00f8delig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["totalt tre superkrefter du kan aktivere"], ["46:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-12-01", "text": "Dessuten er et \u00ab capture the flag \u00bb -modus og noen nye brett , som alle er tilpasset \u00e5tte spillere , lagt til p\u00e5 flerspillersiden .", "opinions": [{"Source": [[], []], "Target": [["flerspillersiden"], ["113:129"]], "Polar_expression": [["\u00ab capture the flag \u00bb -modus"], ["15:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["flerspillersiden"], ["113:129"]], "Polar_expression": [["noen nye brett"], ["46:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["flerspillersiden"], ["113:129"]], "Polar_expression": [["alle er tilpasset \u00e5tte spillere"], ["67:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "107557-13-01", "text": "Ingen av nyhetene kan sies \u00e5 endre eller utvide voldsomt p\u00e5 konseptet , dette er og blir \u00ab Doom \u00bb om igjen .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["72:77"]], "Polar_expression": [["er og blir \u00ab Doom \u00bb om igjen"], ["78:106"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["dette"], ["72:77"]], "Polar_expression": [["Ingen av nyhetene kan sies \u00e5 endre eller utvide voldsomt p\u00e5 konseptet"], ["0:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-13-02", "text": "Men spillopplevelsen er utvilsomt b\u00e5de underholdende , skummel og engasjerende som bare det .", "opinions": [{"Source": [[], []], "Target": [["spillopplevelsen"], ["4:20"]], "Polar_expression": [["utvilsomt", "engasjerende som bare det"], ["24:33", "66:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillopplevelsen"], ["4:20"]], "Polar_expression": [["utvilsomt", "underholdende"], ["24:33", "39:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillopplevelsen"], ["4:20"]], "Polar_expression": [["utvilsomt", "skummel"], ["24:33", "55:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-14-01", "text": "I det hele tatt ga \u00ab Resurrection of Evil \u00bb meg den samme , klamme f\u00f8lelsen \u00ab Doom 3 \u00bb leverte , og jeg mistenker at sjansene er store for at ogs\u00e5 du vil like denne utvidelsen dersom du likte originalen .", "opinions": [{"Source": [["meg"], ["44:47"]], "Target": [["\u00ab Resurrection of Evil \u00bb"], ["19:43"]], "Polar_expression": [["ga", "den samme , klamme f\u00f8lelsen \u00ab Doom 3 \u00bb leverte"], ["16:18", "48:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["100:103"]], "Target": [["\u00ab Resurrection of Evil \u00bb"], ["19:43"]], "Polar_expression": [["sjansene er store for at ogs\u00e5 du vil like denne utvidelsen dersom du likte originalen"], ["117:202"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-15-01", "text": "Selv elsket jeg originalen .", "opinions": [{"Source": [["jeg"], ["12:15"]], "Target": [["originalen"], ["16:26"]], "Polar_expression": [["elsket"], ["5:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107557-15-02", "text": "S\u00e5 for meg er saken biff .", "opinions": [{"Source": [["meg"], ["7:10"]], "Target": [[], []], "Polar_expression": [["for meg er saken biff"], ["3:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107557-16-01", "text": "OBS !", "opinions": []}, {"sent_id": "107557-16-02", "text": "Du m\u00e5 ha originalspillet , \u00ab Doom 3 \u00bb , for \u00e5 kunne spille denne utvidelsespakken .", "opinions": [{"Source": [[], []], "Target": [["utvidelsespakken"], ["65:81"]], "Polar_expression": [["m\u00e5 ha originalspillet , \u00ab Doom 3 \u00bb , for \u00e5 kunne spille"], ["3:58"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "102338-01-01", "text": "Plateanmeldelse :", "opinions": []}, {"sent_id": "102338-01-02", "text": "Shining", "opinions": []}, {"sent_id": "102338-02-01", "text": "Kraften fra urdypet .", "opinions": []}, {"sent_id": "102338-03-01", "text": "ALBUM : METAL / JAZZ Shining \u00ab One One One \u00bb ( Universal ) La det v\u00e6re sagt med en gang - \u00ab One One One \u00bb er r\u00e5bra , og vel verdt ventetiden siden gjennombruddsalbumet \u00ab Blackjazz \u00bb ( 2010 ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab One One One \u00bb"], ["90:105"]], "Polar_expression": [["r\u00e5bra"], ["109:114"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab One One One \u00bb"], ["90:105"]], "Polar_expression": [["vel verdt ventetiden"], ["120:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102338-03-02", "text": "Med det albumet klarte Shining noe veldig f\u00e5 andre har f\u00e5tt til , nemlig \u00e5 definere sin egen sjanger .", "opinions": [{"Source": [[], []], "Target": [["Shining"], ["23:30"]], "Polar_expression": [["\u00e5 definere sin egen sjanger"], ["73:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["det albumet"], ["4:15"]], "Polar_expression": [["\u00e5 definere sin egen sjanger"], ["73:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-04-01", "text": "\u00ab Blackjazz \u00bb har blitt beskrevet som en krysning av black metal og frijazz , som er litt misvisende .", "opinions": []}, {"sent_id": "102338-04-02", "text": "Black metal - greit nok , med intrikate , tettsittende riff og J\u00f8rgen Munkebys vrengte vokal .", "opinions": [{"Source": [[], []], "Target": [["riff"], ["55:59"]], "Polar_expression": [["intrikate"], ["30:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["riff"], ["55:59"]], "Polar_expression": [["tettsittende"], ["42:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["J\u00f8rgen Munkebys"], ["63:78"]], "Polar_expression": [["vrengte vokal"], ["79:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-05-01", "text": "Men stramme rammer for improvisasjon og et sylskarpt samspill der trommer , gitar og bass f\u00f8lger hverandre i hver minste krok , gj\u00f8r at musikken ikke er fri i frijazzforstand .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sylskarpt samspill"], ["43:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["gitar og bass f\u00f8lger hverandre i hver minste krok"], ["76:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "102338-05-02", "text": "Snarere er det snakk om en grundig innstudert kanalisering av energi , med spor av frijazzens klanglige estetikk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["grundig innstudert kanalisering av energi"], ["27:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["spor av frijazzens klanglige estetikk"], ["75:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-05-03", "text": "Dette blir enda tydeligere p\u00e5 \u00ab One One One \u00bb .", "opinions": []}, {"sent_id": "102338-05-04", "text": "L\u00e5tene strammere og kortere , kraften enda tydeligere konsentrert .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["strammere og kortere"], ["7:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kraften enda tydeligere konsentrert"], ["30:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-05-05", "text": "Munkeby har denne gangen fokusert mer p\u00e5 \u00e5 lage selvstendige enkeltl\u00e5ter enn et helhetlig konseptalbum .", "opinions": []}, {"sent_id": "102338-05-06", "text": "Likevel er bandsignaturen s\u00e5 sterk at albumet aldri fremst\u00e5r som sprikende .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["38:45"]], "Polar_expression": [["aldri fremst\u00e5r som sprikende"], ["46:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bandsignaturen s\u00e5 sterk"], ["11:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-06-01", "text": "L\u00e5tene fremst\u00e5r ikke n\u00f8dvendigvis som sterke melodier , men har sin styrke i et finnyansert fargespill , tettmaskede linjef\u00f8ringer og en kraft som treffer hele kroppen .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["ikke n\u00f8dvendigvis som sterke melodier"], ["16:53"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["har sin styrke i et finnyansert fargespill"], ["60:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["kraft som treffer hele kroppen"], ["137:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-06-02", "text": "N\u00e5 og da kommer et kj\u00e6rkomment pusterom , som Munkebys fine saksofonintro til \u00ab How Your Story Ends \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5 og da kommer et kj\u00e6rkomment pusterom"], ["0:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Munkebys"], ["46:54"]], "Polar_expression": [["fine saksofonintro"], ["55:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["How Your Story Ends"], ["80:99"]], "Polar_expression": [["fine saksofonintro"], ["55:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["How Your Story Ends"], ["80:99"]], "Polar_expression": [["kj\u00e6rkomment pusterom"], ["19:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102338-07-01", "text": "Albumet lover godt for heftige liveopptredener , og med tildeling av Statoil-millionen p\u00e5 \u00e5rets by:Larm , har bandet \u00f8konomi til \u00e5 spre sitt sterke budskap ut i verden .", "opinions": [{"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["lover godt for heftige liveopptredener"], ["8:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["sterke budskap"], ["141:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102338-08-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "102338-08-02", "text": "\u00ab How Your Story Ends \u00bb", "opinions": []}, {"sent_id": "102338-09-01", "text": "CARL PETTER OPSAHL", "opinions": []}, {"sent_id": "108264-01-01", "text": "Tynt om Einstein", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tynt"], ["0:4"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108264-02-01", "text": "112 sider Kr . 198 , - Cappelen", "opinions": []}, {"sent_id": "108264-03-01", "text": "Den n\u00f8yer seg med \u00e5 beskrive de ni dagene Einstein oppholdt seg - som foredragsholder - i Kristiania i juni 1920 ; hvor han bodde , hva han gjorde hele dagen , hvem han snakket med .", "opinions": []}, {"sent_id": "108264-04-01", "text": "Alt i minste detalj .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt i minste detalj"], ["0:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "108264-04-02", "text": "Vi f\u00e5r vite hva det kostet \u00e5 kj\u00f8pe billett til hans foredrag , hvor han la sine spaserturer hen , ja , hva han spiste og drakk da det ble arrangert \u00ab piknik \u00bb for ham p\u00e5 Snar\u00f8ya : suppe , br\u00f8d og vin .", "opinions": []}, {"sent_id": "108264-05-01", "text": "Interessant for noen , kanskje .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Interessant for noen , kanskje"], ["0:30"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108264-05-02", "text": "Men neppe mange .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["neppe mange"], ["4:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108264-05-03", "text": "Forfatteren spenner buen for h\u00f8yt n\u00e5r han i begynnelsen sier at \u00ab store deler av fremstillingen bygger p\u00e5 materiale som ikke har v\u00e6rt kjent tidligere \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Forfatteren"], ["0:11"]], "Polar_expression": [["spenner buen for h\u00f8yt"], ["12:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108264-05-04", "text": "Kan nok v\u00e6re .", "opinions": []}, {"sent_id": "108264-05-05", "text": "Men er det n\u00f8dvendig \u00e5 kjenne det ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00f8dvendig \u00e5 kjenne det ?"], ["11:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108264-06-01", "text": "Enkelte vil kanskje notere seg med interesse hvordan det gikk til at Einstein overhodet ble invitert til Norge , hvem som sto bak .", "opinions": []}, {"sent_id": "108264-06-02", "text": "Hvilken behandling hans teorier fikk .", "opinions": []}, {"sent_id": "108264-06-03", "text": "De vil f\u00e5 beskjed .", "opinions": []}, {"sent_id": "108264-06-04", "text": "Men det er ikke nok til \u00e5 fylle en hel bok om Einstein i Norge med .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke nok"], ["11:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108264-07-01", "text": "Hadde det ikke v\u00e6rt for de tre popul\u00e6rvitenskapelige foredragene om relativitetsteorien Einstein holdt i Aulaen i Oslo - og som gjengis in extenso i boken - ville hele greia v\u00e6rt bortimot overfl\u00f8dig .", "opinions": [{"Source": [[], []], "Target": [["tre popul\u00e6rvitenskapelige foredragene"], ["27:64"]], "Polar_expression": [["ville hele greia v\u00e6rt bortimot overfl\u00f8dig", "Hadde det ikke v\u00e6rt for"], ["157:198", "0:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108264-07-02", "text": "Dessverre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dessverre"], ["0:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108264-07-03", "text": "Men foredragene er bra .", "opinions": [{"Source": [[], []], "Target": [["foredragene"], ["4:15"]], "Polar_expression": [["bra"], ["19:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108264-07-04", "text": "Ligner til forveksling de andre fremstillinger den ber\u00f8mte forsker har gitt andre steder .", "opinions": []}, {"sent_id": "107610-01-01", "text": "Maria Kannegaard trio :", "opinions": []}, {"sent_id": "107610-01-02", "text": "\u00ab Quiet Joy \u00bb", "opinions": []}, {"sent_id": "107610-02-01", "text": "( Jazzland Recordings )", "opinions": []}, {"sent_id": "107610-03-01", "text": "Det skyller en pianotriob\u00f8lge over Jazz-Norge for tiden , og Maria Kannegaards h\u00f8rer med blant de aller mest forfriskende .", "opinions": [{"Source": [[], []], "Target": [["Maria Kannegaards"], ["61:78"]], "Polar_expression": [["blant de aller mest forfriskende"], ["89:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107610-04-01", "text": "Trioen beveger seg i et helt annet landskap enn den nyromantiske retningen representert ved for eksempel Tord Gustavsens trio og svenske E.S.T .", "opinions": []}, {"sent_id": "107610-04-02", "text": "Dette ikke minst takket v\u00e6re Kannegaards muskul\u00f8se pianospill og presist tilhuggede komposisjoner i tradisjon etter frijazzens mer melodiske varianter .", "opinions": [{"Source": [[], []], "Target": [["pianospill"], ["51:61"]], "Polar_expression": [["muskul\u00f8se"], ["41:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kannegaards"], ["29:40"]], "Polar_expression": [["muskul\u00f8se pianospill"], ["41:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kannegaards"], ["29:40"]], "Polar_expression": [["presist tilhuggede komposisjoner"], ["65:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komposisjoner"], ["84:97"]], "Polar_expression": [["presist tilhuggede"], ["65:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107610-05-01", "text": "Bassist Ole Martin V\u00e5gan og trommeslager utfyller lydh\u00f8rt i et samspill rikt p\u00e5 linjer .", "opinions": [{"Source": [[], []], "Target": [["Bassist Ole Martin V\u00e5gan og trommeslager"], ["0:40"]], "Polar_expression": [["utfyller lydh\u00f8rt i et samspill rikt p\u00e5 linjer"], ["41:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107610-06-01", "text": "L\u00e5tene og fremf\u00f8relsen virker b\u00e5de sv\u00e6rt gjennomtenkte og sprudlende spontane p\u00e5 samme tid .", "opinions": [{"Source": [[], []], "Target": [["fremf\u00f8relsen"], ["10:22"]], "Polar_expression": [["sv\u00e6rt gjennomtenkte"], ["35:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["sprudlende spontane"], ["58:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fremf\u00f8relsen"], ["10:22"]], "Polar_expression": [["sv\u00e6rt gjennomtenkte og sprudlende spontane p\u00e5 samme tid"], ["35:90"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["sv\u00e6rt gjennomtenkte og sprudlende spontane p\u00e5 samme tid"], ["35:90"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107610-06-02", "text": "Her er id\u00e9rikdom og variasjon , fra den funky New Orleans-parade\u00e5pningen \u00ab How Come ? \u00bb til varme , melankolske \u00ab Little Grandma \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["id\u00e9rikdom"], ["7:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["variasjon"], ["20:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab How Come ?"], ["73:85"]], "Polar_expression": [["funky"], ["40:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Little Grandma \u00bb"], ["112:130"]], "Polar_expression": [["melankolske"], ["100:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Little Grandma \u00bb"], ["112:130"]], "Polar_expression": [["varme"], ["92:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107610-07-01", "text": "Dette er en vital og fengslende musikkopplevelse av de sjeldne .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vital og fengslende musikkopplevelse av de sjeldne"], ["12:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikkopplevelse"], ["32:48"]], "Polar_expression": [["vital"], ["12:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikkopplevelse"], ["32:48"]], "Polar_expression": [["fengslende"], ["21:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002294-01-01", "text": "P\u00e5 ville veier", "opinions": []}, {"sent_id": "002294-02-01", "text": "Americana-fetisjisten Kurt Vile seiler med sitt beste og mest ambisi\u00f8se album opp som en av sin generasjons st\u00f8rste l\u00e5tskrivere .", "opinions": [{"Source": [[], []], "Target": [["album"], ["72:77"]], "Polar_expression": [["sitt beste"], ["43:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["72:77"]], "Polar_expression": [["mest ambisi\u00f8se"], ["57:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kurt Vile"], ["22:31"]], "Polar_expression": [["seiler", "opp som en av sin generasjons st\u00f8rste l\u00e5tskrivere"], ["32:38", "78:127"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-03-01", "text": "\" Valiumsvalsen \" var den f\u00f8rste - om ikke beste - tittelideen jeg fikk til denne anmeldelsen .", "opinions": [{"Source": [["jeg"], ["63:66"]], "Target": [["\" Valiumsvalsen \""], ["0:17"]], "Polar_expression": [["den f\u00f8rste - om ikke beste - tittelideen"], ["22:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-03-02", "text": "For Pennsylvania-gutten Kurt Viles tiln\u00e6rming til americana \u00e1 la ud\u00f8delige travere som Neil Young , Tom Petty og Bob Dylan kan l\u00e5te som resultatet av en s\u00f8vnig rus .", "opinions": [{"Source": [[], []], "Target": [["Neil Young"], ["87:97"]], "Polar_expression": [["ud\u00f8delige travere"], ["65:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tom Petty"], ["100:109"]], "Polar_expression": [["ud\u00f8delige travere"], ["65:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bob Dylan"], ["113:122"]], "Polar_expression": [["ud\u00f8delige travere"], ["65:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kurt Viles tiln\u00e6rming til americana"], ["24:59"]], "Polar_expression": [["kan l\u00e5te som resultatet av en s\u00f8vnig rus"], ["123:163"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-03-03", "text": "Faktorer som Viles hese og henslengte stemme , \" stream-of-consciousness \" -aktige tekstlinjer , psykedeliske instrumentalkrydderier og tidvist narkoleptiske tempo bidrar alle til dette .", "opinions": []}, {"sent_id": "002294-04-01", "text": "Men s\u00e5 tok det kort tid f\u00f8r jeg inns\u00e5 at Vile synger \" Sometimes when I get in my zone / You'd think I was stoned / But I never as they say / Touch the stuff \" ( \" Goldtone \" ) p\u00e5 Wakin On A Pretty Daze , sitt femte og beste soloalbum - og p\u00e5f\u00f8rer dermed i samme slengen et vennlig klask p\u00e5 kjakene til alle som noensinne har antydet at rus er en n\u00f8dvendighet for \u00e5 kunne skape virkelig bra musikk .", "opinions": [{"Source": [[], []], "Target": [["soloalbum"], ["225:234"]], "Polar_expression": [["beste"], ["219:224"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002294-05-01", "text": "Selv om Vile var med p\u00e5 \u00e5 grunnlegge det famili\u00e6re bandet The War On Drugs sammen med bestekompisen Adam Granduciel ( for\u00f8vrig medlem i The Violators , Viles backingband ) , valgte han kort etter utgivelsen av debuten \u00e5 heller fokusere p\u00e5 karrieren som soloartist .", "opinions": []}, {"sent_id": "002294-05-02", "text": "Men det er kanskje ikke s\u00e5 rart at gjennombruddet f\u00f8rst skulle komme med den ypperlige forgjengeren Smoke Ring For My Halo ( 2011 ) .", "opinions": [{"Source": [[], []], "Target": [["Smoke Ring For My Halo"], ["100:122"]], "Polar_expression": [["ypperlige"], ["77:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Smoke Ring For My Halo"], ["100:122"]], "Polar_expression": [["gjennombruddet"], ["35:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-05-03", "text": "Hans tre f\u00f8rste album var nemlig i stor grad preget av en rustikk lofi-estetikk .", "opinions": []}, {"sent_id": "002294-05-04", "text": "Siden da har blitt en merkbart mer fokusert l\u00e5tskriver .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["har blitt en merkbart mer fokusert l\u00e5tskriver"], ["9:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-05-05", "text": "Og med Wakin on a Pretty Daze har han laget sitt mest ambisi\u00f8se og samtidig mest tilgjengelige album .", "opinions": [{"Source": [[], []], "Target": [["han"], ["34:37"]], "Polar_expression": [["Wakin on a Pretty Daze", "sitt mest ambisi\u00f8se og samtidig mest tilgjengelige"], ["7:29", "44:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wakin on a Pretty Daze"], ["7:29"]], "Polar_expression": [["mest ambisi\u00f8se"], ["49:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wakin on a Pretty Daze"], ["7:29"]], "Polar_expression": [["mest tilgjengelige"], ["76:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-06-01", "text": "For s\u00e5 vidt sier det sitt at Vile er kapabel til det f\u00e5 likesinnede klarer :", "opinions": [{"Source": [[], []], "Target": [["Vile"], ["29:33"]], "Polar_expression": [["kapabel til det f\u00e5 likesinnede klarer"], ["37:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-06-02", "text": "\u00c5 skrive nesten ti minutter lange l\u00e5ter uten d\u00f8dpunkter - som nesten-tittelsporet \" Wakin on a Pretty Day \" , et slentrende stykke landeveispop med yndige gitarsoloer , antydende temaskifter og Viles alltid underfundige tekstunivers .", "opinions": [{"Source": [[], []], "Target": [["\" Wakin on a Pretty Day \""], ["82:107"]], "Polar_expression": [["uten d\u00f8dpunkter"], ["40:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Wakin on a Pretty Day \""], ["82:107"]], "Polar_expression": [["yndige gitarsoloer"], ["148:166"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Wakin on a Pretty Day \""], ["82:107"]], "Polar_expression": [["slentrende stykke landeveispop"], ["113:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Wakin on a Pretty Day \""], ["82:107"]], "Polar_expression": [["antydende temaskifter"], ["169:190"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Wakin on a Pretty Day \""], ["82:107"]], "Polar_expression": [["Viles alltid underfundige tekstunivers"], ["194:232"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekstunivers"], ["220:232"]], "Polar_expression": [["underfundige"], ["207:219"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarsoloer"], ["155:166"]], "Polar_expression": [["yndige"], ["148:154"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-07-01", "text": "Flere av l\u00e5tene som krysser sjuminuttersmerket er allerede \u00e5rsfavoritter .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5tene som krysser sjuminuttersmerket"], ["9:46"]], "Polar_expression": [["Flere", "\u00e5rsfavoritter"], ["0:5", "59:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-07-02", "text": "Man kan ikke unng\u00e5 \u00e5 glise seg tvers gjennom surrehuerockeren \" Air Bud \" , albumlengste \" Goldtone \" gj\u00f8r seg fullt fortjent til hele spilletiden , mens flyvende \" Was All Talk \" tar et selvsikkert oppgj\u00f8r med alle som en gang har tvilt p\u00e5 Viles ambisjoner ( linjen \" making music is easy / watch me \" ! ) .", "opinions": [{"Source": [[], []], "Target": [["\" Air Bud \""], ["62:73"]], "Polar_expression": [["kan ikke unng\u00e5 \u00e5 glise seg tvers gjennom surrehuerockeren"], ["4:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Goldtone \""], ["89:101"]], "Polar_expression": [["gj\u00f8r seg fullt fortjent til hele spilletiden"], ["102:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Was All Talk \""], ["163:179"]], "Polar_expression": [["tar et selvsikkert oppgj\u00f8r med alle som en gang har tvilt p\u00e5 Viles ambisjoner"], ["180:257"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-07-03", "text": "Og n\u00e5r han p\u00e5 lavm\u00e6lte \" Too Hard \" synger til datteren , viser han seg fra sin mest ettertenksomme side :", "opinions": [{"Source": [[], []], "Target": [["han"], ["64:67"]], "Polar_expression": [["viser", "seg fra sin mest ettertenksomme side"], ["58:63", "68:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Too Hard \""], ["23:35"]], "Polar_expression": [["lavm\u00e6lte"], ["14:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Too Hard \""], ["23:35"]], "Polar_expression": [["viser han seg fra sin mest ettertenksomme side"], ["58:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-07-04", "text": "\" Take your time / so they say / and that's probably the best way to be / but what about those who are fighters / and what about their daughters ? \" .", "opinions": []}, {"sent_id": "002294-08-01", "text": "Ogs\u00e5 som produsent benytter Vile seg av antydningens lekre kunst .", "opinions": [{"Source": [[], []], "Target": [["Vile"], ["28:32"]], "Polar_expression": [["antydningens lekre kunst"], ["40:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-08-02", "text": "B\u00e5de dryppende synthesizere ( \" Snowflakes Are Dancing \" , \" Was All Talk \" , \" Air Bud \" ) og buldrende gitarvegger ( \" Girl Named Alex \" , \" Too Hard \" ) er kun med p\u00e5 \u00e5 fargelegge lydbildet , slik at l\u00e5tmaterialet kan f\u00e5 leve sitt vel fortjente liv i helt i front av miksen - mens den ivrigste lytteren bel\u00f8nnes rikelig .", "opinions": [{"Source": [[], []], "Target": [["\" Snowflakes Are Dancing \""], ["30:56"]], "Polar_expression": [["dryppende synthesizere"], ["5:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Was All Talk \""], ["59:75"]], "Polar_expression": [["dryppende synthesizere"], ["5:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Air Bud \""], ["78:89"]], "Polar_expression": [["dryppende synthesizere"], ["5:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Too Hard \""], ["141:153"]], "Polar_expression": [["med p\u00e5 \u00e5 fargelegge lydbildet"], ["163:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Girl Named Alex \""], ["119:138"]], "Polar_expression": [["med p\u00e5 \u00e5 fargelegge lydbildet"], ["163:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Girl Named Alex \""], ["119:138"]], "Polar_expression": [["buldrende gitarvegger"], ["95:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Too Hard \""], ["141:153"]], "Polar_expression": [["buldrende gitarvegger"], ["95:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Air Bud \""], ["78:89"]], "Polar_expression": [["med p\u00e5 \u00e5 fargelegge lydbildet"], ["163:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Was All Talk \""], ["59:75"]], "Polar_expression": [["med p\u00e5 \u00e5 fargelegge lydbildet"], ["163:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Snowflakes Are Dancing \""], ["30:56"]], "Polar_expression": [["med p\u00e5 \u00e5 fargelegge lydbildet"], ["163:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tmaterialet"], ["203:216"]], "Polar_expression": [["kan f\u00e5 leve sitt vel fortjente liv"], ["217:251"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tmaterialet"], ["203:216"]], "Polar_expression": [["den ivrigste lytteren bel\u00f8nnes rikelig"], ["284:322"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-09-01", "text": "Riktignok er det ikke alle l\u00e5tene som leker seg med det svevende .", "opinions": []}, {"sent_id": "002294-09-02", "text": "\" KV Crimes \" er platas opplagt mest upretensi\u00f8se \u00f8yeblikk - noe som ikke skjules av \" yeah ! \" -et midtveis .", "opinions": [{"Source": [[], []], "Target": [["\" KV Crimes \""], ["0:13"]], "Polar_expression": [["opplagt mest upretensi\u00f8se \u00f8yeblikk"], ["24:58"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-09-03", "text": "Men b\u00e5de dette kuttet og \" Never Run Away \" gj\u00f8r ikke med sine enkle rammeverk skam p\u00e5 resten av Wakin on A Pretty Daze .", "opinions": [{"Source": [[], []], "Target": [["\" Never Run Away \""], ["25:43"]], "Polar_expression": [["enkle rammeverk"], ["63:78"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dette kuttet"], ["9:21"]], "Polar_expression": [["enkle rammeverk"], ["63:78"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Never Run Away \""], ["25:43"]], "Polar_expression": [["gj\u00f8r ikke", "skam p\u00e5 resten av Wakin on A Pretty Daze"], ["44:53", "79:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dette kuttet"], ["9:21"]], "Polar_expression": [["gj\u00f8r ikke", "skam p\u00e5 resten av Wakin on A Pretty Daze"], ["44:53", "79:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-09-04", "text": "Tvert imot .", "opinions": []}, {"sent_id": "002294-10-01", "text": "\" Den beste kunsten er den som klarer \u00e5 f\u00e5 det kompliserte til \u00e5 fremst\u00e5 enkelt , \" sies det jo .", "opinions": []}, {"sent_id": "002294-10-02", "text": "Med Wakin On A Pretty Daze gj\u00f8r Kurt Vile nettopp d\u00e9t .", "opinions": []}, {"sent_id": "002294-10-03", "text": "Over sytti minutter viser han mesterlig vei gjennom elleve komplekse og mangefasetterte l\u00e5ter proppfulle av selvransakelse , eksistensialisme , kj\u00e6rlighet - og ikke minst humor - som b\u00e5de har noe unektelig umiddelbart og noe dypere , hemningsl\u00f8st oppslukende , over seg .", "opinions": [{"Source": [[], []], "Target": [["han"], ["26:29"]], "Polar_expression": [["viser", "mesterlig vei"], ["20:25", "30:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["komplekse"], ["59:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["mangefasetterte"], ["72:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["proppfulle av selvransakelse"], ["94:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["proppfulle av", "eksistensialisme"], ["94:107", "125:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["proppfulle av", "kj\u00e6rlighet"], ["94:107", "144:154"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["proppfulle av", "humor"], ["94:107", "171:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["unektelig umiddelbart"], ["196:217"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elleve", "l\u00e5ter"], ["52:58", "88:93"]], "Polar_expression": [["dypere , hemningsl\u00f8st oppslukende"], ["225:258"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002294-10-04", "text": "Ikke bli overrasket om dette st\u00e5r igjen som den mest berikende dr\u00f8ye timen fra musikk\u00e5ret 2013 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke bli overrasket om dette st\u00e5r igjen som den mest berikende dr\u00f8ye timen fra musikk\u00e5ret 2013"], ["0:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002294-10-05", "text": "Jeg er i hvert fall solgt .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["i hvert fall solgt"], ["7:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105567-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "105567-01-02", "text": "Kaia , Bendik og Trond Br\u00e6nne / Per Dybvik :", "opinions": []}, {"sent_id": "105567-01-03", "text": "\u00ab Redd \u00bb", "opinions": []}, {"sent_id": "105567-02-01", "text": "Trond Br\u00e6nne gikk bort i mars i fjor og etterlot seg mange fine fortellinger for barn og unge .", "opinions": [{"Source": [[], []], "Target": [["Trond Br\u00e6nne"], ["0:12"]], "Polar_expression": [["etterlot seg mange fine fortellinger"], ["40:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fortellinger"], ["64:76"]], "Polar_expression": [["fine"], ["59:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105567-03-01", "text": "Mange barn har allerede blitt godt kjent med fortellingene om dyra p\u00e5 g\u00e5rden som Br\u00e6nne skrev med sine voksne barn , gjennom \u00ab Venner \u00bb , \u00ab Uvenner \u00bb , \u00ab Fremmed \u00bb og \u00ab Savnet \u00bb .", "opinions": []}, {"sent_id": "105567-04-01", "text": "Gode fortellinger som tematiserer ulike situasjoner og lett gjenkjennelige f\u00f8lelser for barna , med karakteristiske og bustete illustrasjoner av Dybvik .", "opinions": [{"Source": [[], []], "Target": [["fortellinger"], ["5:17"]], "Polar_expression": [["Gode"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fortellinger"], ["5:17"]], "Polar_expression": [["lett gjenkjennelige f\u00f8lelser"], ["55:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["illustrasjoner"], ["127:141"]], "Polar_expression": [["karakteristiske"], ["100:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["illustrasjoner"], ["127:141"]], "Polar_expression": [["bustete"], ["119:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105567-04-02", "text": "Denne gangen er det redselen som utforskes .", "opinions": []}, {"sent_id": "105567-05-01", "text": "Masse skumle lyder", "opinions": []}, {"sent_id": "105567-06-01", "text": "Det bl\u00e5ser voldsomt , og med vinden kommer masse skumle lyder .", "opinions": []}, {"sent_id": "105567-06-02", "text": "Kaninen syns ikke det hjelper med en gulrot , og g\u00e5r til hesten .", "opinions": []}, {"sent_id": "105567-06-03", "text": "Hesten syns skyggene er uutholdelige , og g\u00e5r til h\u00f8na .", "opinions": []}, {"sent_id": "105567-06-04", "text": "H\u00f8na er like redd , og sammen g\u00e5r de til skj\u00e6ra .", "opinions": []}, {"sent_id": "105567-06-05", "text": "Han klarer ikke fly i vindv\u00e6ret , og hopper etter til sistemann , grisen .", "opinions": []}, {"sent_id": "105567-07-01", "text": "Testet med stort hell", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Testet med stort hell"], ["0:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105567-08-01", "text": "Men han skj\u00f8nner ikke oppstyret , han vil jo bare sove ?", "opinions": []}, {"sent_id": "105567-08-02", "text": "Her er punktet som gj\u00f8r boken god , et helt annet blikk p\u00e5 det alle var s\u00e5 redd for .", "opinions": [{"Source": [[], []], "Target": [["boken"], ["24:29"]], "Polar_expression": [["god"], ["30:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105567-08-03", "text": "G\u00e5r det an \u00e5 v\u00e6re redd og uredd for det samme ?", "opinions": []}, {"sent_id": "105567-08-04", "text": "Illustrasjonene f\u00f8lger teksten forbilledlig godt , selv om tekstst\u00f8rrelsen kan v\u00e6re litt forvirrende .", "opinions": [{"Source": [[], []], "Target": [["Illustrasjonene"], ["0:15"]], "Polar_expression": [["f\u00f8lger teksten forbilledlig godt"], ["16:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekstst\u00f8rrelsen"], ["59:74"]], "Polar_expression": [["kan v\u00e6re litt forvirrende"], ["75:100"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105567-08-05", "text": "Fortellingen er hos undertegnede testet p\u00e5 tre barn , med stort hell , nysgjerrighet og diskusjon .", "opinions": [{"Source": [["undertegnede"], ["20:32"]], "Target": [["Fortellingen"], ["0:12"]], "Polar_expression": [["testet p\u00e5 tre barn , med stort hell , nysgjerrighet og diskusjon"], ["33:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105567-08-06", "text": "MARI NYMOEN NILSEN", "opinions": []}, {"sent_id": "004273-01-01", "text": "Hundre\u00e5ringen som klatret ut gjennom vinduet og forsvant", "opinions": []}, {"sent_id": "004273-02-01", "text": "Svenskene har f\u00e5tt sin Forrest Gump !", "opinions": []}, {"sent_id": "004273-03-01", "text": "Svenskene har f\u00e5tt sin Forrest Gump .", "opinions": []}, {"sent_id": "004273-03-02", "text": "Han heter Allan Karlsson og spilles av komiker Robert Gustafsson , b\u00e5de med og uten sterk alderssminke .", "opinions": []}, {"sent_id": "004273-04-01", "text": "Det er en sm\u00e5humoristisk og underfundig historie , med flere absurde situasjoner fra n\u00e5- og fortid .", "opinions": [{"Source": [[], []], "Target": [["historie"], ["40:48"]], "Polar_expression": [["sm\u00e5humoristisk"], ["10:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["40:48"]], "Polar_expression": [["underfundig"], ["28:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-05-01", "text": "Filmen mangler kanskje en overhengende historie til \u00e5 knytte alt sammen , men figurene er herlige , og det skjer nok av ting til \u00e5 trekke smileb\u00e5nd med jevne mellomrom .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["mangler kanskje en overhengende historie til \u00e5 knytte alt sammen"], ["7:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurene"], ["78:86"]], "Polar_expression": [["herlige"], ["90:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["det skjer nok av ting til \u00e5 trekke smileb\u00e5nd med jevne mellomrom"], ["103:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004273-06-01", "text": "R\u00f8mmer fra gamlehjemmet", "opinions": []}, {"sent_id": "004273-07-01", "text": "Allan Karlsson ( Robert Gustafsson ) r\u00f8mmer fra gamlehjemmet p\u00e5 sin egen hundre\u00e5rsdag , og hopper p\u00e5 en buss p\u00e5 m\u00e5f\u00e5 .", "opinions": []}, {"sent_id": "004273-08-01", "text": "Problemet er at han har tatt med seg en koffert fylt av penger , og n\u00e5 er farlige folk etter ham .", "opinions": []}, {"sent_id": "004273-08-02", "text": "Men p\u00e5 en nedlagt togstasjon utenfor Stockholm m\u00f8ter han Julius ( Iwar Wiklander ) , som blir med p\u00e5 eventyret .", "opinions": []}, {"sent_id": "004273-09-01", "text": "Det skal ogs\u00e5 vise seg at det slett ikke er f\u00f8rste gang Allan Karlsson har v\u00e6rt ute og gjort verden utrygg .", "opinions": []}, {"sent_id": "004273-10-01", "text": "Filmen er basert p\u00e5 en roman av Jonas Jonasson , og byr p\u00e5 snedige figurer og pussige situasjoner .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["byr p\u00e5 snedige figurer"], ["52:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["67:74"]], "Polar_expression": [["snedige"], ["59:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["byr p\u00e5", "pussige situasjoner"], ["52:58", "78:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["situasjoner"], ["86:97"]], "Polar_expression": [["pussige"], ["78:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-10-02", "text": "Det er morsomt \u00e5 se tilbakeblikk p\u00e5 hvordan Allan Karlsson har snublet inn i verdenshistoriske sammenhenger i flere verdensdeler .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["morsomt \u00e5 se tilbakeblikk p\u00e5 hvordan Allan Karlsson har snublet inn i verdenshistoriske sammenhenger i flere verdensdeler"], ["7:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004273-11-01", "text": "Her f\u00e5r vi episodiske historier som jeg humrer godt av , som m\u00f8ter med Franco , Stalin , Truman , Reagan og , ikke minst , Herbert Einstein - Alberts mindre kjente , og ikke fullt s\u00e5 smarte , bror .", "opinions": [{"Source": [["jeg"], ["36:39"]], "Target": [["historier"], ["22:31"]], "Polar_expression": [["som jeg humrer godt av"], ["32:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-12-01", "text": "Figurene er godt karikerte og spilles med riktig grad av seri\u00f8sitet for en slik film , alts\u00e5 s\u00e5nn passe .", "opinions": [{"Source": [[], []], "Target": [["Figurene"], ["0:8"]], "Polar_expression": [["godt karikerte"], ["12:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Figurene"], ["0:8"]], "Polar_expression": [["spilles med riktig grad av seri\u00f8sitet for en slik film"], ["30:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-13-01", "text": "En rekke absurditeter", "opinions": []}, {"sent_id": "004273-14-01", "text": "Regiss\u00f8r Felix Herngren er i Norge best kjent som sjefsregiss\u00f8ren av tv-serien Solsidan , der han ogs\u00e5 spiller rollen som Alex .", "opinions": []}, {"sent_id": "004273-14-02", "text": "Han kan humor , og tilf\u00f8rer Hundre\u00e5ringen en rekke absurditeter som hovedrolleinnehaverne Robert Gustafsson og Iwar Wiklander spiller godt p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["kan humor"], ["4:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["tilf\u00f8rer Hundre\u00e5ringen en rekke absurditeter"], ["19:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["absurditeter"], ["51:63"]], "Polar_expression": [["hovedrolleinnehaverne", "spiller godt p\u00e5"], ["68:89", "126:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Robert Gustafsson", "Iwar Wiklander"], ["90:107", "111:125"]], "Polar_expression": [["absurditeter", "spiller godt p\u00e5"], ["51:63", "126:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-15-01", "text": "Spesielt Gustafsson har store utfordringer med \u00e5 spille Allan Karlsson som b\u00e5de ung , middelaldrende , gammel og utgammel mann , men lykkes i \u00e5 skildre ham i alle versjoner som en godhjertet mann som har det med \u00e5 snuble seg inn i begivenheter uten \u00e5 egentlig fors\u00f8ke .", "opinions": [{"Source": [[], []], "Target": [["Gustafsson"], ["9:19"]], "Polar_expression": [["lykkes i \u00e5 skildre ham i alle versjoner som en godhjertet mann"], ["133:195"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-16-01", "text": "Episodene fra fortiden bindes sammen med krimkomikk i n\u00e5tiden .", "opinions": []}, {"sent_id": "004273-16-02", "text": "Og selv om alle deler er underholdende , mangler de egentlig en overhengende historie til \u00e5 binde dem sammen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["alle deler er underholdende"], ["11:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["alle deler"], ["11:21"]], "Polar_expression": [["mangler de egentlig en overhengende historie til \u00e5 binde dem sammen"], ["41:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-16-03", "text": "Det er det jeg savner mest i denne filmen .", "opinions": [{"Source": [["jeg"], ["11:14"]], "Target": [["det"], ["7:10"]], "Polar_expression": [["savner mest i denne filmen"], ["15:41"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004273-17-01", "text": "Ellers er Hundre\u00e5ringen som klatret ut gjennom vinduet og forsvant en forn\u00f8yelig opplevelse av halvr\u00f8rete gamlinger i et Coen-inspirert univers der liv eller d\u00f8d spiller mindre rolle .", "opinions": [{"Source": [[], []], "Target": [["Hundre\u00e5ringen som klatret ut gjennom vinduet og forsvant"], ["10:66"]], "Polar_expression": [["forn\u00f8yelig opplevelse"], ["70:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-01-01", "text": "Kung Fu Panda 2", "opinions": []}, {"sent_id": "003803-02-01", "text": "En klumsete karatehelt du vil knusekose !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["klumsete karatehelt du vil knusekose !"], ["3:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-03-01", "text": "Kung Fu Panda 2 handler tilsynelatende om Pos oppdagelse av sin indre fred .", "opinions": []}, {"sent_id": "003803-03-02", "text": "Men det egentlige budskapet er at alle problemer kan l\u00f8ses med vold !", "opinions": []}, {"sent_id": "003803-04-01", "text": "H\u00f8rer dere det , alle foreldre ?", "opinions": []}, {"sent_id": "003803-04-02", "text": "Ungene deres vil springe sparkende og sl\u00e5ende ut av kinosalene !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ungene deres vil springe sparkende og sl\u00e5ende ut av kinosalene !"], ["0:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "003803-05-01", "text": "De vil elske denne filmen , stappfull som den er av fargerik action , morsomme figurer og enkle vitser .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["19:25"]], "Polar_expression": [["De vil elske"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["action"], ["61:67"]], "Polar_expression": [["fargerik"], ["52:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["19:25"]], "Polar_expression": [["stappfull som den er av fargerik action , morsomme figurer og enkle vitser"], ["28:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["79:86"]], "Polar_expression": [["morsomme"], ["70:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vitser"], ["96:102"]], "Polar_expression": [["enkle"], ["90:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-05-02", "text": "Jeg hadde ogs\u00e5 91 flotte minutter , med en slem p\u00e5fugl som h\u00f8ydepunkt .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["91 flotte minutter"], ["15:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["slem p\u00e5fugl"], ["43:54"]], "Polar_expression": [["h\u00f8ydepunkt"], ["59:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-06-01", "text": "Vil erobre Kina", "opinions": []}, {"sent_id": "003803-07-01", "text": "En landsby angripes av ulver sendt av den onde p\u00e5fuglen Shen , men sl\u00e5s tilbake av Dragekrigeren Po og De Fantastiske Fem .", "opinions": []}, {"sent_id": "003803-08-01", "text": "Samtidig oppdager", "opinions": []}, {"sent_id": "003803-08-02", "text": "Po et emblem p\u00e5 en av ulvene som vekker bortgjemte minner som kan avdekke hvem han egentlig er .", "opinions": []}, {"sent_id": "003803-09-01", "text": "De g\u00e5r etter Shen for \u00e5 finne ut mer , men Shen vil erobre Kina , og har et fryktelig v\u00e5pen til \u00e5 gj\u00f8re jobben .", "opinions": []}, {"sent_id": "003803-10-01", "text": "Steinar Sagen banker Jack Black", "opinions": [{"Source": [[], []], "Target": [["Steinar Sagen"], ["0:13"]], "Polar_expression": [["banker Jack Black"], ["14:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-11-01", "text": "Det er selvsagt naturlig \u00e5 sammenligne denne oppf\u00f8lgeren med originalen , og den t\u00e5ler det .", "opinions": [{"Source": [[], []], "Target": [["oppf\u00f8lgeren"], ["45:56"]], "Polar_expression": [["sammenligne denne oppf\u00f8lgeren med originalen"], ["27:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["oppf\u00f8lgeren"], ["45:56"]], "Polar_expression": [["t\u00e5ler"], ["81:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-12-01", "text": "Historien flyter dynamisk , dialogen er morsomt oversatt til norsk , og dyktig dubbet , med blant andre P3s Steinar Sagen som Po .", "opinions": [{"Source": [[], []], "Target": [["dialogen"], ["28:36"]], "Polar_expression": [["morsomt oversatt"], ["40:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Historien"], ["0:9"]], "Polar_expression": [["flyter dynamisk"], ["10:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dialogen"], ["28:36"]], "Polar_expression": [["dyktig dubbet"], ["72:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Steinar Sagen"], ["108:121"]], "Polar_expression": [["dyktig dubbet"], ["72:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-12-02", "text": "Savnet av Jack Blacks originale stemme er ikke merkbar .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Savnet av Jack Blacks originale stemme er ikke merkbar"], ["0:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-13-01", "text": "Samtidig ble jeg ikke like imponert av filmens utseende , kanskje fordi jeg s\u00e5 den i 3D , som gir hjernen min stress .", "opinions": [{"Source": [["jeg"], ["13:16"]], "Target": [["filmens utseende"], ["39:55"]], "Polar_expression": [["ikke like imponert"], ["17:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["3D"], ["85:87"]], "Polar_expression": [["gir hjernen min stress"], ["94:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-14-01", "text": "Men jeg ser at figurene er ekstremt godt animerte , og detaljrikdommen i bakgrunnene stor .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [["figurene"], ["15:23"]], "Polar_expression": [["ekstremt godt animerte"], ["27:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["4:7"]], "Target": [["detaljrikdommen i bakgrunnene"], ["55:84"]], "Polar_expression": [["stor"], ["85:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-14-02", "text": "Filmen vises ogs\u00e5 i 2D , og jeg tror jeg satser p\u00e5 den versjonen neste gang !", "opinions": [{"Source": [["jeg"], ["37:40"]], "Target": [["2D"], ["20:22"]], "Polar_expression": [["satser p\u00e5 den versjonen neste gang !"], ["41:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-15-01", "text": "Fremdeles elskelig panda", "opinions": [{"Source": [[], []], "Target": [["panda"], ["19:24"]], "Polar_expression": [["Fremdeles elskelig"], ["0:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-16-01", "text": "Som toere flest , mangler ogs\u00e5 Kung Fu Panda 2 nyhetens interesse .", "opinions": [{"Source": [[], []], "Target": [["Kung Fu Panda 2"], ["31:46"]], "Polar_expression": [["mangler", "nyhetens interesse"], ["18:25", "47:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["toere flest"], ["4:15"]], "Polar_expression": [["mangler", "nyhetens interesse"], ["18:25", "47:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-16-02", "text": "De fleste figurene ble satt i den f\u00f8rste filmen , og opplever ikke den helt store utviklingen her .", "opinions": [{"Source": [[], []], "Target": [["figurene"], ["10:18"]], "Polar_expression": [["ikke den helt store utviklingen her"], ["62:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-17-01", "text": "De Fantastiske", "opinions": []}, {"sent_id": "003803-17-02", "text": "Fem havner for eksempel i skyggen , selv om de er med hele veien .", "opinions": [{"Source": [[], []], "Target": [["Fem"], ["0:3"]], "Polar_expression": [["havner for eksempel i skyggen , selv om de er med hele veien"], ["4:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-17-03", "text": "Fokuset ligger p\u00e5 Po , som tar mye plass , b\u00e5de i bildene og i historien .", "opinions": [{"Source": [[], []], "Target": [["Po"], ["18:20"]], "Polar_expression": [["tar mye plass"], ["27:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-18-01", "text": "Han er heldigvis fremdeles en elskelig figur \u2013 en klumsete , keitete karatehelt som du har lyst til \u00e5 gi en knusekos !", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["heldigvis fremdeles en elskelig figur"], ["7:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["klumsete , keitete karatehelt"], ["50:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["lyst til \u00e5 gi en knusekos !"], ["91:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003803-19-01", "text": "Vil selge et tonn billetter", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vil selge et tonn billetter"], ["0:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-20-01", "text": "Kanskje pr\u00f8ver filmen for hardt \u00e5 formidle mystikken rundt kung fu .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["15:21"]], "Polar_expression": [["Kanskje pr\u00f8ver filmen for hardt"], ["0:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-20-02", "text": "Det oppleves av og til litt t\u00e5pelig n\u00e5r meningsl\u00f8se visdomsord hagler .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["av og til litt t\u00e5pelig n\u00e5r meningsl\u00f8se visdomsord hagler"], ["13:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-21-01", "text": "Men det \u00f8delegger ikke filmen .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["23:29"]], "Polar_expression": [["\u00f8delegger ikke"], ["8:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-21-02", "text": "Underholdningsfaktoren er up\u00e5klagelig .", "opinions": [{"Source": [[], []], "Target": [["Underholdningsfaktoren"], ["0:22"]], "Polar_expression": [["up\u00e5klagelig"], ["26:37"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-21-03", "text": "Regiss\u00f8r Jennifer Yuh Nelson og hennes team har prestert en verdig oppf\u00f8lger , som vil selge et tonn med kinobilletter .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8r Jennifer Yuh Nelson og hennes team"], ["0:43"]], "Polar_expression": [["prestert en verdig oppf\u00f8lger"], ["48:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppf\u00f8lger"], ["67:76"]], "Polar_expression": [["verdig"], ["60:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["oppf\u00f8lger"], ["67:76"]], "Polar_expression": [["vil selge et tonn med kinobilletter"], ["83:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003803-22-01", "text": "Det er ingen grunn til \u00e5 stoppe her , noe filmen heller ikke sender signaler om", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["42:48"]], "Polar_expression": [["ingen grunn til \u00e5 stoppe her , noe filmen heller ikke sender signaler om"], ["7:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-01-01", "text": "Den fantastiske Mikkel Rev", "opinions": []}, {"sent_id": "003576-02-01", "text": "Amerika har f\u00e5tt sin Fl\u00e5klypa Grand Prix .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Amerika har f\u00e5tt sin Fl\u00e5klypa Grand Prix"], ["0:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-03-01", "text": "Den fantastiske Mikkel Rev er en herlig historie og en fryd for \u00f8yet og \u00f8ret !", "opinions": [{"Source": [[], []], "Target": [["Den fantastiske Mikkel Rev"], ["0:26"]], "Polar_expression": [["herlig historie"], ["33:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den fantastiske Mikkel Rev"], ["0:26"]], "Polar_expression": [["fryd for \u00f8yet og \u00f8ret !"], ["55:78"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["40:48"]], "Polar_expression": [["herlig"], ["33:39"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-04-01", "text": "Deilige , komplekse figurer", "opinions": [{"Source": [[], []], "Target": [["figurer"], ["20:27"]], "Polar_expression": [["komplekse"], ["10:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["20:27"]], "Polar_expression": [["Deilige"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-05-01", "text": "Wes Anderson har f\u00e5tt sin hengivne fanskare p\u00e5 grunn av hans m\u00e5te \u00e5 lage film p\u00e5 ; underdrivelse i stedet for overdrivelse og deilige , komplekse , sammensatte figurer p\u00e5 en helsikes artig m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["Wes Anderson"], ["0:12"]], "Polar_expression": [["f\u00e5tt sin hengivne fanskare p\u00e5 grunn av hans m\u00e5te \u00e5 lage film p\u00e5"], ["17:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wes Anderson"], ["0:12"]], "Polar_expression": [["underdrivelse i stedet for overdrivelse"], ["83:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["160:167"]], "Polar_expression": [["deilige , komplekse , sammensatte", "p\u00e5 en helsikes artig m\u00e5te"], ["126:159", "168:193"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Wes Anderson"], ["0:12"]], "Polar_expression": [["deilige , komplekse , sammensatte figurer p\u00e5 en helsikes artig m\u00e5te"], ["126:193"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["160:167"]], "Polar_expression": [["sammensatte"], ["148:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["160:167"]], "Polar_expression": [["komplekse"], ["136:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["figurer"], ["160:167"]], "Polar_expression": [["deilige"], ["126:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-06-01", "text": "Underdrivelse og komplekse figurer \u2026 jeg h\u00f8rer at dette h\u00f8res ut som et langt samproduksjonsgjesp , og det er nettopp Andersons talent : han lager superfine filmer av ting som h\u00f8res kjedelig ut i utgangspunktet .", "opinions": [{"Source": [[], []], "Target": [["Andersons"], ["118:127"]], "Polar_expression": [["talent : han lager superfine filmer av ting som h\u00f8res kjedelig ut i utgangspunktet"], ["128:210"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-07-01", "text": "Utmerket med norsk tale", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Utmerket med norsk tale"], ["0:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-08-01", "text": "Den Fantastiske Mikkel", "opinions": []}, {"sent_id": "003576-08-02", "text": "Rev er filmen du kan ta med barna dine og foreldrene dine p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["7:13"]], "Polar_expression": [["kan ta med barna dine og foreldrene dine p\u00e5"], ["17:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-08-03", "text": "Musikken plasserer oss i Roald Dahls syttitallsatmosf\u00e6re , og egner seg utmerket med norsk tale , men er du Wilson- , Murray- og Daefoe-fan , ser du selvf\u00f8lgelig originalversjonen .", "opinions": [{"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["plasserer oss i Roald Dahls syttitallsatmosf\u00e6re"], ["9:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["egner seg utmerket med norsk tale"], ["62:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-09-01", "text": "Pr\u00f8v \u00e5 kjenne igjen stemmeskuespillerene , for det er artig , uansett om det er Bill Murray eller Fridtjov S\u00e5heim som spiller grevling .", "opinions": []}, {"sent_id": "003576-10-01", "text": "Fra Wes Anderson nye film \" Den fantastiske Mikkel Rev \" ( Foto / Copyright :", "opinions": []}, {"sent_id": "003576-10-02", "text": "Twentieth Century Fox Norway ) .", "opinions": []}, {"sent_id": "003576-11-01", "text": "Tilf\u00f8rer voksenunderholdning til sjangeren", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tilf\u00f8rer voksenunderholdning til sjangeren"], ["0:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-12-01", "text": "Her til lands har vi h\u00f8rt hvor mye arbeid som l\u00e5 til grunne for Fl\u00e5klypa Grand Prix , som jeg nevnte innledningsvis .", "opinions": []}, {"sent_id": "003576-12-02", "text": "Og teknologien er faktisk mye den samme n\u00e5 , femogtredve \u00e5r etterp\u00e5 , som den gang .", "opinions": []}, {"sent_id": "003576-12-03", "text": "Anderson og staben hans har jobbet mye .", "opinions": [{"Source": [[], []], "Target": [["Anderson og staben hans"], ["0:23"]], "Polar_expression": [["jobbet mye"], ["28:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-12-04", "text": "Og de har kost seg .", "opinions": [{"Source": [[], []], "Target": [["de"], ["3:5"]], "Polar_expression": [["kost seg"], ["10:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-13-01", "text": "De har ikke unng\u00e5tt noen ting .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["ikke unng\u00e5tt noen ting"], ["7:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-13-02", "text": "Ild ? ja .", "opinions": []}, {"sent_id": "003576-13-03", "text": "Vann ? ja .", "opinions": []}, {"sent_id": "003576-13-04", "text": "R\u00f8yk ? ja .", "opinions": []}, {"sent_id": "003576-13-05", "text": "De har ikke skydd noenting for \u00e5 lage denne actionfilmen , som har mye til felles fra \u201c Flukten fra Dyreskogen \u201c , men som tilf\u00f8rer voksenunderholdning til sjangeren .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["har ikke skydd noenting"], ["3:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["actionfilmen"], ["44:56"]], "Polar_expression": [["tilf\u00f8rer voksenunderholdning til sjangeren"], ["123:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionfilmen"], ["44:56"]], "Polar_expression": [["De har ikke skydd noenting"], ["0:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-13-06", "text": "En sjanger det fins altfor f\u00e5 filmer i .", "opinions": [{"Source": [[], []], "Target": [["sjanger"], ["3:10"]], "Polar_expression": [["fins altfor f\u00e5 filmer i"], ["15:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003576-14-01", "text": "En fest av en fortelling", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En fest av en fortelling"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-15-01", "text": "Hvis du er glad i dyr , ta turen p\u00e5 denne festen av en fortelling .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["festen av en fortelling"], ["42:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003576-15-02", "text": "Og ta gjerne med deg noen .", "opinions": []}, {"sent_id": "003576-15-03", "text": "Eller len deg umerkelig inntil den som havner ved siden av deg .", "opinions": []}, {"sent_id": "003576-15-04", "text": "Den Fantastiske Mikkel Rev er grunnen til at vi liker oss p\u00e5 kino", "opinions": [{"Source": [["vi"], ["45:47"]], "Target": [["Den Fantastiske Mikkel Rev"], ["0:26"]], "Polar_expression": [["grunnen til at", "liker oss p\u00e5 kino"], ["30:44", "48:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304096-01-01", "text": "Hum\u00f8rfylt , lekent og overskuddspreget", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hum\u00f8rfylt"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lekent"], ["12:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["overskuddspreget"], ["22:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304096-02-01", "text": "Men David Byrne og St . Vincent sjarmerer mer enn de imponerer .", "opinions": []}, {"sent_id": "304096-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "304096-03-02", "text": "De siste \u00e5rene har David Byrne plusset noks\u00e5 kraftig p\u00e5 samarbeids-CV-en , f\u00f8rst med gjenopplivingen av det klassiske Brian Eno-samarbeidet fra 1981 , og deretter med en plate med \u2014 av alle", "opinions": [{"Source": [[], []], "Target": [["David Byrne"], ["19:30"]], "Polar_expression": [["siste \u00e5rene", "plusset noks\u00e5 kraftig p\u00e5 samarbeids-CV-en"], ["3:14", "31:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Brian Eno-samarbeidet"], ["118:139"]], "Polar_expression": [["klassiske"], ["108:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304096-03-03", "text": "\u2014 DJen og musikeren Fatboy Slim .", "opinions": []}, {"sent_id": "304096-04-01", "text": "N\u00e5 er turen kommet til St. Vincent , alias Annie Clark .", "opinions": []}, {"sent_id": "304096-05-01", "text": "Bl\u00e5serpop", "opinions": []}, {"sent_id": "304096-05-02", "text": "De to skulle egentlig bare opptre i en bokhandel , og Clark foreslo for enkelhets skyld \u00e5 bygge l\u00e5tene rundt en bl\u00e5sergruppe .", "opinions": []}, {"sent_id": "304096-06-01", "text": "Ogs\u00e5 plata gj\u00f8r det , og bruker den til alt fra groovy saksofonlinjer til spretten storbandfunk , musikalfl\u00f8rt og vare Sufjan Stevens-harmonier .", "opinions": [{"Source": [[], []], "Target": [["plata"], ["5:10"]], "Polar_expression": [["groovy saksofonlinjer"], ["48:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["plata"], ["5:10"]], "Polar_expression": [["spretten storbandfunk"], ["74:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["saksofonlinjer"], ["55:69"]], "Polar_expression": [["groovy"], ["48:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["storbandfunk"], ["83:95"]], "Polar_expression": [["spretten"], ["74:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plata"], ["5:10"]], "Polar_expression": [["musikalfl\u00f8rt"], ["98:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304096-07-01", "text": "Sterke stemmer", "opinions": [{"Source": [[], []], "Target": [["stemmer"], ["7:14"]], "Polar_expression": [["Sterke"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304096-07-02", "text": "P\u00e5 papiret er dette en lovende allianse mellom to dyktige og sterke vokalister , musikere og l\u00e5tskrivere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["lovende allianse mellom to dyktige og sterke vokalister , musikere og l\u00e5tskrivere"], ["23:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokalister"], ["68:78"]], "Polar_expression": [["dyktige"], ["50:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokalister"], ["68:78"]], "Polar_expression": [["sterke"], ["61:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikere"], ["81:89"]], "Polar_expression": [["sterke"], ["61:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tskrivere"], ["93:104"]], "Polar_expression": [["sterke"], ["61:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikere"], ["81:89"]], "Polar_expression": [["dyktige"], ["50:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tskrivere"], ["93:104"]], "Polar_expression": [["dyktige"], ["50:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304096-08-01", "text": "Det l\u00e5ter hum\u00f8rfylt og overskuddspreget , og s\u00e6rlig Clarks fortryllende , trillende stemme f\u00e5r skinne p\u00e5 spor som \u00e5pningen \u00ab Who \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["l\u00e5ter hum\u00f8rfylt"], ["4:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["l\u00e5ter", "overskuddspreget"], ["4:9", "23:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Clarks"], ["52:58"]], "Polar_expression": [["fortryllende , trillende stemme"], ["59:90"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemme"], ["84:90"]], "Polar_expression": [["fortryllende"], ["59:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemme"], ["84:90"]], "Polar_expression": [["trillende"], ["74:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Who \u00bb"], ["123:130"]], "Polar_expression": [["Clarks fortryllende , trillende stemme f\u00e5r skinne"], ["52:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109901-01-01", "text": "Plateanmeldelse :", "opinions": []}, {"sent_id": "109901-01-02", "text": "Pogo Pops", "opinions": []}, {"sent_id": "109901-02-01", "text": "H\u00e5ndverkeren Hammersland .", "opinions": []}, {"sent_id": "109901-03-01", "text": "ALBUM : POP Pogo Pops \u00ab Darling Emm , Northern Girl \u00bb ( Doomsville / VME )", "opinions": []}, {"sent_id": "109901-03-02", "text": "Ingen kan sin pop-ABC bedre enn Frank Hammersland i Norge .", "opinions": [{"Source": [[], []], "Target": [["Frank Hammersland"], ["32:49"]], "Polar_expression": [["Ingen kan sin pop-ABC bedre"], ["0:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109901-03-03", "text": "Han er v\u00e5r Per Gessle , uten millionene .", "opinions": [{"Source": [["v\u00e5r"], ["7:10"]], "Target": [["Han"], ["0:3"]], "Polar_expression": [["Per Gessle"], ["11:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109901-03-04", "text": "Det er varmende \u00e5 konstatere at 1990-tallstrioen hans holder det g\u00e5ende ( de kom tilbake i 2009 ) , som vanlig med produsent Yngve Leidulv S\u00e6tre om bord .", "opinions": [{"Source": [[], []], "Target": [["1990-tallstrioen"], ["32:48"]], "Polar_expression": [["varmende \u00e5 konstatere", "holder det g\u00e5ende"], ["7:28", "54:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109901-03-05", "text": "\u00ab Darling Emm , Northern Girl \u00bb trykker p\u00e5 alle de sedvanlige , men varierte \u00ab hvite \u00bb popknappene :", "opinions": []}, {"sent_id": "109901-03-06", "text": "McCartney ( \u00ab Man Out Of Time \u00bb ) , Fleetwood Mac ( \u00ab Soaring With The Eagles \u00bb ) , dydig glam ( \u00ab My Girl \u00bb ) .", "opinions": []}, {"sent_id": "109901-03-07", "text": "Tekstene - han rimer \u00ab tomorrow \u00bb med \u00ab sorrow \u00bb uten \u00e5 blunke - understreker at det er dyktige pastisjer snarere enn gl\u00f8dende inspirerte popsanger .", "opinions": [{"Source": [[], []], "Target": [["han"], ["11:14"]], "Polar_expression": [["rimer \u00ab tomorrow \u00bb med \u00ab sorrow \u00bb uten \u00e5 blunke"], ["15:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tekstene"], ["0:8"]], "Polar_expression": [["dyktige pastisjer"], ["88:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109901-03-08", "text": "Fint likevel .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fint"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109901-03-09", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "109901-03-10", "text": "\u00ab Troubled Days Are Over \u00bb MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "105165-01-01", "text": "Trine Rein \u2013 \u00ab Stargazer \u00bb", "opinions": []}, {"sent_id": "105165-02-01", "text": "\u2013 Joda , Trine \u2013 Tony Carey spilte tangenter p\u00e5 \u201c Rising \u201d-plata fra 1976 , men det er jo Ritchie Blackmore og Ronnie James Dios sang , da \u2026", "opinions": []}, {"sent_id": "105165-02-02", "text": "Og for en l\u00e5t !", "opinions": [{"Source": [[], []], "Target": [["l\u00e5t"], ["10:13"]], "Polar_expression": [["for en", "!"], ["3:9", "14:15"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105165-02-03", "text": "Godt over \u00e5tte minutter i utgangspunktet , her serverer Trine to av de beste minuttene derfra med en scenerutine som ogs\u00e5 matcher en feiende flott aggressivitet som vi har manglet hittil i kveld .", "opinions": [{"Source": [["vi"], ["165:167"]], "Target": [["Trine"], ["56:61"]], "Polar_expression": [["serverer", "to av de beste minuttene"], ["47:55", "62:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["165:167"]], "Target": [["scenerutine"], ["101:112"]], "Polar_expression": [["matcher en feiende flott aggressivitet"], ["122:160"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105165-02-04", "text": "Maria tar deg stemmemessig , men du er enda r\u00f8ffere og naturlig p\u00e5 scenen i kveld !", "opinions": [{"Source": [[], []], "Target": [["Maria"], ["0:5"]], "Polar_expression": [["tar deg stemmemessig"], ["6:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Maria tar deg stemmemessig"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["enda r\u00f8ffere og naturlig p\u00e5 scenen i kveld !"], ["39:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105165-02-05", "text": "S\u00e5 f\u00e5r vi h\u00e5pe at kveldens seere ogs\u00e5 har sans for metal og at de ikke er ute p\u00e5 konsert i kveld \u2026", "opinions": []}, {"sent_id": "201835-01-01", "text": "LG G3", "opinions": []}, {"sent_id": "201835-02-01", "text": "F\u00f8rste modell p\u00e5 det norske markedet med QHD-skjerm .", "opinions": []}, {"sent_id": "201835-03-01", "text": "NB !", "opinions": []}, {"sent_id": "201835-03-02", "text": "LG har sendt oss et nytt testeksemplar etter at denne testen ble publisert fordi de mistenkte at vi hadde mottatt et ikke-produksjonsklart eksemplar av telefonen .", "opinions": []}, {"sent_id": "201835-03-03", "text": "Det viste seg \u00e5 v\u00e6re sannsynlig , for etter \u00e5 ha kj\u00f8rt det nye eksemplaret gjennom harde tester , har vi ikke klart \u00e5 fremprovosere hverken varmeproblemet eller ytelsesproblemet .", "opinions": [{"Source": [["vi"], ["102:104"]], "Target": [["nye eksemplaret"], ["59:74"]], "Polar_expression": [["ikke klart \u00e5 fremprovosere hverken varmeproblemet eller ytelsesproblemet"], ["105:177"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-03-04", "text": "Derfor er denne artikkelen oppdatert med kursiv tekst , og terningen har f\u00e5tt en ekstra prikk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["terningen har f\u00e5tt en ekstra prikk"], ["59:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-04-01", "text": "Hvor h\u00f8y skjermoppl\u00f8sning er godt nok ?", "opinions": []}, {"sent_id": "201835-05-01", "text": "Vi stiller oss sp\u00f8rsm\u00e5let etter \u00e5 ha brukt LG G3 den siste uka , for skal vi v\u00e6re \u00e6rlige , er det liten forskjell \u00e5 merke p\u00e5 denne og en full HD-skjerm , som er vanlig blant de \u00f8vrige toppmodellene i dagens marked .", "opinions": [{"Source": [[], []], "Target": [["LG G3"], ["43:48"]], "Polar_expression": [["liten forskjell \u00e5 merke p\u00e5 denne og en full HD-skjerm"], ["98:151"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-06-01", "text": "Vi ser det riktignok p\u00e5 n\u00e6rt hold , men vi m\u00e5 innr\u00f8mme at vi i det vanlige ikke tenker over at denne skjermen er skarpere enn \u00f8vrige toppmodeller .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["skjermen"], ["101:109"]], "Polar_expression": [["ser det riktignok p\u00e5 n\u00e6rt hold"], ["3:33"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["58:60"]], "Target": [["skjermen"], ["101:109"]], "Polar_expression": [["ikke tenker over at", "er skarpere enn \u00f8vrige toppmodeller"], ["75:94", "110:145"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-07-01", "text": "LG stiller nemlig med svimlende 2560x1440-oppl\u00f8sning i sitt siste flaggskip , LG G3 , og fordelt p\u00e5 en 5,5 tommers skjerm tilsvarer dette en punkttetthet p\u00e5 538 punkter per tomme ; alts\u00e5 over 20 punkter per millimeter .", "opinions": [{"Source": [[], []], "Target": [["LG G3"], ["78:83"]], "Polar_expression": [["svimlende 2560x1440-oppl\u00f8sning"], ["22:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["LG G3"], ["78:83"]], "Polar_expression": [["punkttetthet p\u00e5 538 punkter per tomme"], ["141:178"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-08-01", "text": "Til sammenligning har toppmodellene fra Samsung og Sony henholdsvis 432 og 424 punkter per tomme , mens iPhone 5s kan skilte med 326 punkter per tomme .", "opinions": [{"Source": [[], []], "Target": [["Samsung"], ["40:47"]], "Polar_expression": [["432", "punkter per tomme"], ["68:71", "79:96"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Sony"], ["51:55"]], "Polar_expression": [["424", "punkter per tomme"], ["75:78", "79:96"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["iPhone 5s"], ["104:113"]], "Polar_expression": [["326 punkter per tomme"], ["129:150"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-09-01", "text": "Sv\u00e6rt mye skjermflate", "opinions": [{"Source": [[], []], "Target": [["skjermflate"], ["10:21"]], "Polar_expression": [["Sv\u00e6rt mye"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-10-01", "text": "I likhet med forgjengeren , LG G2 , er det ogs\u00e5 p\u00e5 denne telefonen sv\u00e6rt mye skjermflate i forhold til fotavtrykket den gir , med sv\u00e6rt tynne kanter p\u00e5 sidene og knapper i selve skjermbildet , slik at det ikke finnes noen p\u00e5 undersiden av skjermen .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["57:66"]], "Polar_expression": [["sv\u00e6rt mye skjermflate i forhold til fotavtrykket den gir"], ["67:123"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefonen"], ["57:66"]], "Polar_expression": [["sv\u00e6rt tynne kanter p\u00e5 sidene"], ["130:158"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["telefonen"], ["57:66"]], "Polar_expression": [["knapper i selve skjermbildet , slik at det ikke finnes noen p\u00e5 undersiden av skjermen"], ["162:247"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-10-02", "text": "Derfor er den bare marginalt st\u00f8rre enn Samsung Galaxy S5 ( 5,2 tommers skjerm ) .", "opinions": []}, {"sent_id": "201835-11-01", "text": "Skjermen er selvsagt knivskarp og har meget god fargegjengivelse og innsynsvinkel p\u00e5 grunn av IPS-panelet .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["knivskarp"], ["21:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["meget god fargegjengivelse og innsynsvinkel"], ["38:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-11-02", "text": "Den har imidlertid ikke spesielt godt sortniv\u00e5 og virker noe fattig p\u00e5 kontrast sammenlignet med de beste .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["ikke spesielt godt sortniv\u00e5"], ["19:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["virker noe fattig p\u00e5 kontrast sammenlignet med de beste"], ["50:105"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sortniv\u00e5"], ["38:46"]], "Polar_expression": [["ikke spesielt godt"], ["19:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-12-01", "text": "P\u00e5 toppen av skjermen finnes ogs\u00e5 en IR-sender , som gj\u00f8r at du kan bruke telefonen som fjernkontroll via den medf\u00f8lgende appen .", "opinions": [{"Source": [[], []], "Target": [["IR-sender"], ["37:46"]], "Polar_expression": [["kan bruke telefonen som fjernkontroll"], ["64:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-12-02", "text": "Telefonen kan ogs\u00e5 l\u00e6res opp slik at den kan styre praktisk talt alt som mottar IR-signaler .", "opinions": [{"Source": [[], []], "Target": [["Telefonen"], ["0:9"]], "Polar_expression": [["kan ogs\u00e5 l\u00e6res opp slik at den kan styre praktisk talt alt som mottar IR-signaler"], ["10:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201835-13-01", "text": "Knappene bak", "opinions": []}, {"sent_id": "201835-14-01", "text": "LG har fortsatt med \u00e5 plassere volumknapper og str\u00f8mbryter p\u00e5 baksiden av telefonen ; under kameraet .", "opinions": []}, {"sent_id": "201835-14-02", "text": "Det gikk overraskende fort \u00e5 venne seg til det , men vi setter et sp\u00f8rsm\u00e5ltegn ved om denne plasseringen er den beste :", "opinions": [{"Source": [[], []], "Target": [["plasseringen"], ["92:104"]], "Polar_expression": [["gikk overraskende fort \u00e5 venne seg til"], ["4:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [["plasseringen"], ["92:104"]], "Polar_expression": [["setter et sp\u00f8rsm\u00e5ltegn ved om", "er den beste"], ["56:85", "105:117"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-15-01", "text": "Vi trykker litt for ofte p\u00e5 en volumbryter i stedet for str\u00f8mknappen .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["trykker litt for ofte p\u00e5 en volumbryter i stedet for str\u00f8mknappen"], ["3:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-15-02", "text": "Det er tungvint \u00e5 ta skjermbilder ( str\u00f8mknapp + volum ned samtidig ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tungvint \u00e5 ta skjermbilder"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-15-03", "text": "Vi tar ofte p\u00e5 kameralinsa , som gj\u00f8r at den f\u00e5r fettmerker.Knappene er lite tilgjengelige n\u00e5r telefonen er plassert i en bilholder .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["tar ofte p\u00e5 kameralinsa , som gj\u00f8r at den f\u00e5r fettmerker.Knappene"], ["3:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fettmerker.Knappene"], ["49:68"]], "Polar_expression": [["lite tilgjengelige n\u00e5r telefonen er plassert i en bilholder"], ["72:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-16-01", "text": "Verdt \u00e5 merke seg er ogs\u00e5 at lokket kan tas av , som gj\u00f8r det mulig \u00e5 bytte batteri og bruke minnekort , noe man ikke kunne p\u00e5 forgjengeren .", "opinions": [{"Source": [[], []], "Target": [["lokket"], ["29:35"]], "Polar_expression": [["kan tas av"], ["36:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["lokket"], ["29:35"]], "Polar_expression": [["gj\u00f8r det mulig \u00e5 bytte batteri og bruke minnekort"], ["53:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-16-02", "text": "Batteriet er for \u00f8vrig 3000mAh og hadde f\u00e5 problemer med \u00e5 vare en hel dag under testingen , men ikke s\u00e5 mye mer enn det .", "opinions": [{"Source": [[], []], "Target": [["Batteriet"], ["0:9"]], "Polar_expression": [["f\u00e5 problemer med \u00e5 vare en hel dag under testingen"], ["40:90"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-17-01", "text": "Bank inn koden", "opinions": []}, {"sent_id": "201835-18-01", "text": "Skj\u00f8nt ; man m\u00e5 ikke bruke str\u00f8mbryterknappen for \u00e5 sl\u00e5 p\u00e5 telefonen .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["59:68"]], "Polar_expression": [["m\u00e5 ikke bruke str\u00f8mbryterknappen for \u00e5 sl\u00e5 p\u00e5"], ["13:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-18-02", "text": "LG lar deg , som p\u00e5 forgjengeren , banke to ganger p\u00e5 skjermen for \u00e5 tenne den og har ogs\u00e5 st\u00f8tte for det de kaller Knock code ; en slags PIN-kode du angir ved \u00e5 banke p\u00e5 skjermen n\u00e5r den er avsl\u00e5tt .", "opinions": [{"Source": [[], []], "Target": [["LG"], ["0:2"]], "Polar_expression": [["lar deg", "banke to ganger p\u00e5 skjermen for \u00e5 tenne den"], ["3:10", "35:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["LG"], ["0:2"]], "Polar_expression": [["har ogs\u00e5 st\u00f8tte for det de kaller Knock code"], ["82:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-18-03", "text": "Her er skjermen delt opp i fire seksjoner , der du m\u00e5 trykke m\u00f8nsteret du har angitt for \u00e5 l\u00e5se opp telefonen direkte .", "opinions": []}, {"sent_id": "201835-19-01", "text": "Det fungerer ganske greit , men litt for ofte opplever vi at vi m\u00f8ter en r\u00f8d LED-p\u00e6re som angir at koden var feil slik at man m\u00e5 pr\u00f8ve p\u00e5 ny .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["fungerer ganske greit"], ["4:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["55:57"]], "Target": [[], []], "Polar_expression": [["litt for ofte opplever", "m\u00f8ter en r\u00f8d LED-p\u00e6re som angir at koden var feil slik at man m\u00e5 pr\u00f8ve p\u00e5 ny"], ["32:54", "64:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-19-02", "text": "Ved fem feil , m\u00e5 du heller bruke en PIN-kode du selv definerer p\u00e5 forh\u00e5nd .", "opinions": []}, {"sent_id": "201835-20-01", "text": "Du kan ogs\u00e5 prikke to ganger p\u00e5 bakgrunnen p\u00e5 hjemskjermen for \u00e5 slukke skjermen .", "opinions": []}, {"sent_id": "201835-21-01", "text": "Spesielle funksjoner", "opinions": []}, {"sent_id": "201835-22-01", "text": "Under er noen av funksjonene som er dels unike for LG G3 :", "opinions": []}, {"sent_id": "201835-23-01", "text": "Dual Window \u2013 Lar deg splitte skjermen i to og kj\u00f8re to apper samtidig .", "opinions": [{"Source": [[], []], "Target": [["Dual Window"], ["0:11"]], "Polar_expression": [["Lar deg splitte skjermen i to og kj\u00f8re to apper samtidig"], ["14:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-23-02", "text": "Du kan ogs\u00e5 regulere fritt hvor grensen mellom dem skal g\u00e5 , s\u00e5 de trenger ikke \u00e5 dele 50 / 50.Kamerasnarvei - N\u00e5r skjermen er slukket kan du bruke volumknappene som snarveier til hver sin app .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan ogs\u00e5 regulere fritt hvor grensen mellom dem skal g\u00e5"], ["3:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5r skjermen er slukket kan du bruke volumknappene som snarveier til hver sin app"], ["111:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-23-03", "text": "Fungerer dog ikke mens du spiller musikk.QSlide - Enkelte apper lar seg kj\u00f8re i et lite , halvgjennomsiktig vindu slik at du kan gj\u00f8re andre ting samtidig.Stillemodus - Kan brukes om natten for \u00e5 deaktivere ringing , vibrering , LED-blink etc.Smartskjerm - S\u00f8rger for ikke \u00e5 sl\u00e5 av skjermen dersom du ser p\u00e5 den.Clip -skuff", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fungerer dog ikke mens du spiller musikk.QSlide"], ["0:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikk.QSlide"], ["34:47"]], "Polar_expression": [["Enkelte apper lar seg kj\u00f8re i et lite , halvgjennomsiktig vindu slik at du kan gj\u00f8re andre ting samtidig.Stillemodus"], ["50:166"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samtidig.Stillemodus"], ["146:166"]], "Polar_expression": [["Kan brukes om natten for \u00e5 deaktivere ringing , vibrering , LED-blink"], ["169:238"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["etc.Smartskjerm"], ["239:254"]], "Polar_expression": [["S\u00f8rger for ikke \u00e5 sl\u00e5 av skjermen dersom du ser p\u00e5 den.Clip"], ["257:316"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-23-04", "text": "- En utklippstavle som tar vare p\u00e5 de sist kopierte elementene .", "opinions": []}, {"sent_id": "201835-23-05", "text": "Det liker vi !", "opinions": [{"Source": [["vi"], ["10:12"]], "Target": [["Det"], ["0:3"]], "Polar_expression": [["liker", "!"], ["4:9", "13:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-23-06", "text": "Gjestemodus", "opinions": []}, {"sent_id": "201835-23-07", "text": "- Lar deg definere egne oppl\u00e5singskoder til andre der du kan bestemme hvilke apper de skal ha tilgang til .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lar deg definere egne oppl\u00e5singskoder til andre der du kan bestemme hvilke apper de skal ha tilgang til"], ["2:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-23-08", "text": "Kjekt for deg med barn , for eksempel.Innebygde hjelpekort", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kjekt for deg med barn"], ["0:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["eksempel.Innebygde hjelpekort"], ["29:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201835-23-09", "text": "- Telefonen tipser deg om hvordan du kan bruke den bedre .", "opinions": []}, {"sent_id": "201835-24-01", "text": "\u00ab Simple is the new smart \u00bb", "opinions": []}, {"sent_id": "201835-25-01", "text": "Dette var LGs slagord da de viste frem", "opinions": []}, {"sent_id": "201835-25-02", "text": "G3 for f\u00f8rste gang og gir oss derfor forventninger til at dette skal v\u00e6re en telefon som er enkel i bruk .", "opinions": []}, {"sent_id": "201835-25-03", "text": "Og joda , telefonen har en rekke tips og triks innebygd , som viser hvordan du bruker telefonen mer effektivt .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["10:19"]], "Polar_expression": [["en rekke tips og triks innebygd"], ["24:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tips og triks"], ["33:46"]], "Polar_expression": [["viser hvordan du bruker telefonen mer effektivt"], ["62:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-25-04", "text": "Noen av dem er kjekke tips , som \u00e5 sveipe fingeren opp p\u00e5 kameraskjermen for \u00e5 bytte mellom front- og bakkameraet .", "opinions": [{"Source": [[], []], "Target": [["tips"], ["22:26"]], "Polar_expression": [["kjekke"], ["15:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-26-01", "text": "S\u00e6rlig de f\u00f8rste dagene , men ogs\u00e5 underveis , spretter det opp varsler med slike tips i ny og ne ( noe irriterende i v\u00e5re \u00f8yne ) , og de er ogs\u00e5 tilgjengelige via en widget p\u00e5 forsiden eller ved \u00e5 sveipe hjemskjermen mot venstre .", "opinions": [{"Source": [["v\u00e5re"], ["118:122"]], "Target": [["spretter det opp varsler"], ["47:71"]], "Polar_expression": [["noe irriterende"], ["100:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tips"], ["82:86"]], "Polar_expression": [["tilgjengelige via en widget p\u00e5 forsiden eller ved \u00e5 sveipe hjemskjermen mot venstre"], ["146:229"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-26-02", "text": "Der finner du ogs\u00e5 LGs helse-app , som ved oppstart kommer med f\u00f8lgende feilmelding :", "opinions": []}, {"sent_id": "201835-27-01", "text": "Det er i v\u00e5re \u00f8yne ikke like \u00ab simple \u00bb .", "opinions": [{"Source": [["v\u00e5re"], ["9:13"]], "Target": [["Det"], ["0:3"]], "Polar_expression": [["ikke like \u00ab simple \u00bb"], ["19:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-28-01", "text": "Telefonen skjemmes ogs\u00e5 av d\u00e5rlig oversetting til norsk , med eksempler som \u00ab stille arbeider \u00bb i stedet for \u00ab still working \u00bb og et brukergrensesnitt som ikke er tilpasset at enkelte norske ord har flere bokstaver enn p\u00e5 engelsk , for eksempel der hverken ordene \u00ab anropslogg \u00bb eller \u00ab Kontakter \u00bb f\u00e5r plass i sine respektive faner i ringeappen .", "opinions": [{"Source": [[], []], "Target": [["Telefonen"], ["0:9"]], "Polar_expression": [["skjemmes", "av d\u00e5rlig oversetting til norsk"], ["10:18", "24:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["oversetting"], ["34:45"]], "Polar_expression": [["d\u00e5rlig"], ["27:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["brukergrensesnitt"], ["133:150"]], "Polar_expression": [["ikke er tilpasset at enkelte norske ord har flere bokstaver enn p\u00e5 engelsk"], ["155:229"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["hverken ordene \u00ab anropslogg \u00bb eller \u00ab Kontakter \u00bb f\u00e5r plass i sine respektive faner i ringeappen"], ["249:345"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-29-01", "text": "Et valg i innstillinger-menyen heter \u00ab Applikasjonens standardmelding \u00bb og lar deg velge hvilken meldingsapp som skal v\u00e6re standard .", "opinions": []}, {"sent_id": "201835-29-02", "text": "Vi har ogs\u00e5 sett flere orddelingsfeil ( \u00ab liste visning \u00bb , \u00ab lyd profiler \u00bb ) og annet grums i menyene .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["menyene"], ["96:103"]], "Polar_expression": [["grums"], ["88:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["menyene"], ["96:103"]], "Polar_expression": [["sett flere orddelingsfeil"], ["12:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-29-03", "text": "Da vi hadde lite str\u00f8m igjen , fikk vi beskjed om at 12 % mangler ( remaining ) .", "opinions": [{"Source": [["vi"], ["3:5"]], "Target": [[], []], "Polar_expression": [["hadde lite str\u00f8m igjen , fikk vi beskjed om at 12 % mangler"], ["6:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-29-04", "text": "\u00ab Clear all \u00bb er oversatt til \u00ab Klarer alle \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00ab Clear all \u00bb er oversatt til \u00ab Klarer alle \u00bb"], ["0:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201835-29-05", "text": "Her virker det som om spr\u00e5kfila er oversatt ord for ord .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["virker det som om spr\u00e5kfila er oversatt ord for ord"], ["4:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-30-01", "text": "N\u00e5r det er sagt , er innstillinger-menyen pent ordnet , med fire faner som deler opp i ulike kategorier slik at det blir lettere \u00e5 finne frem .", "opinions": [{"Source": [[], []], "Target": [["innstillinger-menyen"], ["21:41"]], "Polar_expression": [["pent ordnet"], ["42:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["innstillinger-menyen"], ["21:41"]], "Polar_expression": [["fire faner som deler opp i ulike kategorier slik at det blir lettere \u00e5 finne frem"], ["60:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-31-01", "text": "OPPDATERT :", "opinions": []}, {"sent_id": "201835-31-02", "text": "Som skrevet i toppen av artikkelen er testen oppdatert i forhold til varme- og ytelsesproblemer .", "opinions": []}, {"sent_id": "201835-32-01", "text": "Varmeproblemer", "opinions": []}, {"sent_id": "201835-33-01", "text": "Vi ble noe overrasket en times tid etter \u00e5 ha mottatt telefonen til test .", "opinions": []}, {"sent_id": "201835-33-02", "text": "Da logget vi oss p\u00e5 telefonen som vanlig og hentet ned en haug av apper , etterfulgt av en lunsj i friluft .", "opinions": []}, {"sent_id": "201835-33-03", "text": "Siden det var vanskelig \u00e5 se skjermen i sola , pr\u00f8vde vi derfor \u00e5 skru opp lysstyrken , men fikk da melding om at dette ikke kunne gj\u00f8res p\u00e5 grunn av varme i telefonen .", "opinions": [{"Source": [[], []], "Target": [["skjermen"], ["29:37"]], "Polar_expression": [["vanskelig \u00e5 se", "i sola"], ["14:28", "38:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["54:56"]], "Target": [[], []], "Polar_expression": [["skru opp lysstyrken", "ikke kunne gj\u00f8res p\u00e5 grunn av varme i telefonen"], ["66:85", "120:167"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-34-01", "text": "Tilsvarende har vi ogs\u00e5 opplevd flere ganger under testingen , uten at vi har g\u00e5tt inn for \u00e5 stresse LG G3 noe mer enn vanlig .", "opinions": [{"Source": [["vi"], ["16:18"]], "Target": [["LG G3"], ["101:106"]], "Polar_expression": [["opplevd flere ganger under testingen , uten at vi har g\u00e5tt inn for \u00e5 stresse"], ["24:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-35-01", "text": "Det ovennevnte har vi ogs\u00e5 opplevd p\u00e5 det nye testseksemplarer , der vi ikke f\u00e5r satt lysstyrken p\u00e5 fullt med en feilmelding om at enheten er for varm .", "opinions": [{"Source": [["vi"], ["69:71"]], "Target": [["nye testseksemplarer"], ["42:62"]], "Polar_expression": [["ikke f\u00e5r satt lysstyrken p\u00e5 fullt med en feilmelding om at enheten er for varm"], ["72:150"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-35-02", "text": "Det uten \u00e5 stresse telefonen spesielt mye .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["uten \u00e5 stresse telefonen spesielt mye"], ["4:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-36-01", "text": "Vi har imidlertid pr\u00f8vd \u00e5 kj\u00f8re telefonen hardt \u2013 til og med i sollys , uten at vi har klart \u00e5 fremprovosere meldingen om at telefonen vil sl\u00e5s av .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["pr\u00f8vd \u00e5 kj\u00f8re telefonen hardt \u2013 til og med i sollys , uten at vi har klart \u00e5 fremprovosere meldingen om at telefonen vil sl\u00e5s av"], ["18:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-36-02", "text": "Vi har derfor fjernet denne delen av artikkelen .", "opinions": []}, {"sent_id": "201835-37-01", "text": "Vi har heller ikke opplevd den samme luggingen hva gjelder ytelse som beskrevet i den opprinnelige testen , der vi m\u00e5tte vente noen sekunder p\u00e5 at hjemskjermen tegnes opp n\u00e5 og da .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["ytelse"], ["59:65"]], "Polar_expression": [["ikke opplevd den samme luggingen"], ["14:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["112:114"]], "Target": [["ytelse"], ["59:65"]], "Polar_expression": [["m\u00e5tte vente noen sekunder p\u00e5 at hjemskjermen tegnes opp n\u00e5 og da"], ["115:179"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-37-02", "text": "Det nye testeksemplaret virker kvikkere i svingene enn det f\u00f8rste .", "opinions": [{"Source": [[], []], "Target": [["nye testeksemplaret"], ["4:23"]], "Polar_expression": [["kvikkere i svingene enn det f\u00f8rste"], ["31:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8rste"], ["59:65"]], "Polar_expression": [["nye testeksemplaret virker kvikkere i svingene"], ["4:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-37-03", "text": "Teksten under er derfor korrigert", "opinions": []}, {"sent_id": "201835-38-01", "text": "God ytelse", "opinions": [{"Source": [[], []], "Target": [["ytelse"], ["4:10"]], "Polar_expression": [["God"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-39-01", "text": "LG", "opinions": []}, {"sent_id": "201835-39-02", "text": "G3 er helt p\u00e5 h\u00f8yde med \u00f8vrige toppspesifiserte telefoner og oppf\u00f8rer seg som forventet av en toppmodell n\u00e5 til dags , med sv\u00e6rt kjapp surfing og god score i ytelsestester .", "opinions": [{"Source": [[], []], "Target": [["G3"], ["0:2"]], "Polar_expression": [["helt p\u00e5 h\u00f8yde med \u00f8vrige toppspesifiserte telefoner"], ["6:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["G3"], ["0:2"]], "Polar_expression": [["oppf\u00f8rer seg som forventet av en toppmodell n\u00e5 til dags"], ["61:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["surfing"], ["135:142"]], "Polar_expression": [["sv\u00e6rt kjapp"], ["123:134"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["G3"], ["0:2"]], "Polar_expression": [["sv\u00e6rt kjapp surfing"], ["123:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["G3"], ["0:2"]], "Polar_expression": [["god score i ytelsestester"], ["146:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-40-01", "text": "Dog opplever vi for eksempel i Epic Citadel-testen at telefonen ikke klarer \u00e5 levere like mange bilder per sekund som de beste , p\u00e5 grunn av h\u00f8yere oppl\u00f8sning ( i praksis 2392x1440 , siden skjermknappene opptar noe plass og testen ikke kj\u00f8res i fullskjermmodus ) .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["54:63"]], "Polar_expression": [["ikke klarer \u00e5 levere like mange bilder per sekund som de beste"], ["64:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de beste"], ["118:126"]], "Polar_expression": [["telefonen ikke klarer \u00e5 levere like mange bilder per sekund"], ["54:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-40-02", "text": "Der klokker LG G3 inn til 50,2 bilder pr sekund , mens \u00f8vrige toppmodeller ligger tett opptil 60 , som ogs\u00e5 er maks , siden de ikke tegner opp raskere enn bildeoppdateringsfrekvensen p\u00e5 skjermen ( 60Hz ) .", "opinions": [{"Source": [[], []], "Target": [["LG G3"], ["12:17"]], "Polar_expression": [["50,2 bilder pr sekund"], ["26:47"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["\u00f8vrige toppmodeller"], ["55:74"]], "Polar_expression": [["tett opptil 60"], ["82:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-41-01", "text": "Tilsvarende f\u00e5r vi ogs\u00e5 lavere score i 3DMark enn hva tilfellet er for f.eks . Xperia Z2 og Galaxy S5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["lavere score i 3DMark"], ["24:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-42-01", "text": "Meget godt kamera", "opinions": [{"Source": [[], []], "Target": [["kamera"], ["11:17"]], "Polar_expression": [["Meget godt"], ["0:10"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-43-01", "text": "Er det \u00e9n ting vi setter mer pris p\u00e5 enn noe annet i LG G3 , s\u00e5 er det den optiske bildestabilisatoren .", "opinions": [{"Source": [[], []], "Target": [["optiske bildestabilisatoren"], ["75:102"]], "Polar_expression": [["setter mer pris p\u00e5 enn noe annet", "optiske bildestabilisatoren"], ["18:50", "75:102"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["LG G3"], ["53:58"]], "Polar_expression": [["setter mer pris p\u00e5 enn noe annet", "optiske bildestabilisatoren"], ["18:50", "75:102"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-43-02", "text": "Den gj\u00f8r det lettere \u00e5 ta skarpe bilder i situasjoner med d\u00e5rlig lys ved \u00e5 korrigere for dine ust\u00f8heter .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["gj\u00f8r det lettere \u00e5 ta skarpe bilder i situasjoner med d\u00e5rlig lys"], ["4:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["korrigere for dine ust\u00f8heter"], ["75:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-43-03", "text": "Det hjelper selvsagt ikke om motivet beveger seg , s\u00e5 er det sagt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hjelper selvsagt ikke om motivet beveger seg"], ["4:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-44-01", "text": "Lysstyrken p\u00e5 objektivet er f/2,4 , alts\u00e5 litt bak de ledende telefonene , der for eksempel Sony Xperia Z2 har blender\u00e5pning helt opp til f/2,0 , som dermed slipper inn 44 prosent mer lys .", "opinions": [{"Source": [[], []], "Target": [["Lysstyrken p\u00e5 objektivet"], ["0:24"]], "Polar_expression": [["f/2,4"], ["28:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Lysstyrken p\u00e5 objektivet"], ["0:24"]], "Polar_expression": [["litt bak de ledende telefonene"], ["42:72"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sony Xperia Z2"], ["92:106"]], "Polar_expression": [["blender\u00e5pning helt opp til f/2,0"], ["111:143"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sony Xperia Z2"], ["92:106"]], "Polar_expression": [["slipper inn 44 prosent mer lys"], ["157:187"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-44-02", "text": "Sony-telefonen har ogs\u00e5 st\u00f8rre sensor enn LG G3 , mens Samsung Galaxy S5 ligger midt i mellom b\u00e5de hva gjelder lysstyrke og sensorst\u00f8rrelse .", "opinions": [{"Source": [[], []], "Target": [["LG G3"], ["42:47"]], "Polar_expression": [["Sony-telefonen har ogs\u00e5 st\u00f8rre sensor"], ["0:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sony-telefonen"], ["0:14"]], "Polar_expression": [["st\u00f8rre sensor enn LG G3"], ["24:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-45-01", "text": "Side om side med Galaxy S5 er det fint lite forskjell p\u00e5 bildene vi f\u00e5r i dagslys .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Side om side med Galaxy S5 er det fint lite forskjell p\u00e5 bildene vi f\u00e5r i dagslys"], ["0:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-45-02", "text": "Vi \u00f8yner noen flere detaljer i S5-bildene p\u00e5 grunn av en mindre aggressiv st\u00f8yreduksjon ( og h\u00f8yere oppl\u00f8sning , 16Mp vs 13Mp ) .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["S5-bildene"], ["31:41"]], "Polar_expression": [["flere detaljer"], ["14:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["S5-bildene"], ["31:41"]], "Polar_expression": [["mindre aggressiv st\u00f8yreduksjon"], ["57:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["S5-bildene"], ["31:41"]], "Polar_expression": [["h\u00f8yere oppl\u00f8sning"], ["93:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-45-03", "text": "I situasjoner med mindre lys , kommer den optiske bildestabilisatoren i LG G3 til sin rett og serverer rett og slett sv\u00e6rt gode bilder til et mobilkamera \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["optiske bildestabilisatoren"], ["42:69"]], "Polar_expression": [["situasjoner med mindre lys , kommer", "til sin rett"], ["2:37", "78:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["optiske bildestabilisatoren"], ["42:69"]], "Polar_expression": [["serverer rett og slett sv\u00e6rt gode bilder til et mobilkamera \u00e5 v\u00e6re"], ["94:160"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-46-01", "text": "Bare se her \u2013 den optiske bildestabilisatoren gj\u00f8r at LG G3 kan tillate seg lavere f\u00f8lsomhet og bevarer derfor flere detaljer i innend\u00f8rsbelysning :", "opinions": [{"Source": [[], []], "Target": [["optiske bildestabilisatoren"], ["18:45"]], "Polar_expression": [["gj\u00f8r at LG G3 kan tillate seg lavere f\u00f8lsomhet"], ["46:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["optiske bildestabilisatoren"], ["18:45"]], "Polar_expression": [["bevarer", "flere detaljer i innend\u00f8rsbelysning"], ["96:103", "111:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["LG G3"], ["54:59"]], "Polar_expression": [["kan tillate seg lavere f\u00f8lsomhet"], ["60:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-47-01", "text": "Ellers er vi godt forn\u00f8yde med eksponeringene vi f\u00e5r fra LG G3 , hvis autofokus ogs\u00e5 oppleves som rask \u2013 ikke at vi blir \u00ab blown away \u00bb av laserfokus\u2122 , men absolutt p\u00e5 h\u00f8yde med de beste .", "opinions": [{"Source": [["vi"], ["10:12"]], "Target": [["eksponeringene"], ["31:45"]], "Polar_expression": [["godt forn\u00f8yde"], ["13:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["autofokus"], ["70:79"]], "Polar_expression": [["rask"], ["98:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["113:115"]], "Target": [["autofokus"], ["70:79"]], "Polar_expression": [["ikke at vi blir \u00ab blown away \u00bb av laserfokus\u2122"], ["105:150"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["autofokus"], ["70:79"]], "Polar_expression": [["p\u00e5 h\u00f8yde med de beste"], ["166:187"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-48-01", "text": "Frontkameraet har ogs\u00e5 en kjekk \u00ab selfie \u00bb -funksjon , der du ved \u00e5 knytte neven aktiverer selvutl\u00f8seren p\u00e5 tre sekunder slik at du slipper \u00e5 trykke selv .", "opinions": [{"Source": [[], []], "Target": [["\u00ab selfie \u00bb -funksjon"], ["32:52"]], "Polar_expression": [["kjekk"], ["26:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Frontkameraet"], ["0:13"]], "Polar_expression": [["kjekk \u00ab selfie \u00bb -funksjon"], ["26:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab selfie \u00bb -funksjon"], ["32:52"]], "Polar_expression": [["ved \u00e5 knytte neven aktiverer selvutl\u00f8seren p\u00e5 tre sekunder slik at du slipper \u00e5 trykke selv"], ["62:153"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-49-01", "text": "Under ser du noen bilder tatt med LG G3 ( for ordens skyld er bilde nummer to et resultatet av telefonens automatiske HDR-funksjon , som setter sammen flere bilder med ulik eksponering ) :", "opinions": []}, {"sent_id": "201835-50-01", "text": "Og her kan du se et videoklipp .", "opinions": []}, {"sent_id": "201835-50-02", "text": "Som du h\u00f8rer har telefonen en st\u00f8yreduksjonsfunksjon som ikke alltid er like heldig og for\u00e5rsaker noe knepping i lyden .", "opinions": [{"Source": [[], []], "Target": [["st\u00f8yreduksjonsfunksjon"], ["30:52"]], "Polar_expression": [["ikke alltid er like heldig"], ["57:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["st\u00f8yreduksjonsfunksjon"], ["30:52"]], "Polar_expression": [["for\u00e5rsaker noe knepping i lyden"], ["87:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-51-01", "text": "Lyd", "opinions": []}, {"sent_id": "201835-52-01", "text": "I l\u00f8pet av testuken har vi opplevd lydkvaliteten \u00e5 v\u00e6re meget god i den interne h\u00f8yttaleren ( alts\u00e5 den du bruker til samtaler ) .", "opinions": [{"Source": [["vi"], ["24:26"]], "Target": [["lydkvaliteten"], ["35:48"]], "Polar_expression": [["meget god"], ["56:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["interne h\u00f8yttaleren"], ["72:91"]], "Polar_expression": [["lydkvaliteten \u00e5 v\u00e6re meget god"], ["35:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-52-02", "text": "Lydutgangen serverer imidlertid noe lav lyd \u2013 selv bruker jeg en vanlig minijackkabel i bilen og m\u00e5 skru volumet noen knepp h\u00f8yere med denne enn jeg m\u00e5 med andre telefoner , som da ogs\u00e5 kan v\u00e6re begrensende om du har tungdrevne hodetelefoner .", "opinions": [{"Source": [["jeg"], ["58:61"]], "Target": [["Lydutgangen"], ["0:11"]], "Polar_expression": [["noe lav lyd"], ["32:43"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["58:61"]], "Target": [["Lydutgangen"], ["0:11"]], "Polar_expression": [["m\u00e5 skru volumet noen knepp h\u00f8yere med denne enn jeg m\u00e5 med andre telefoner"], ["97:171"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-53-01", "text": "Den eksterne h\u00f8yttaleren er lokalisert p\u00e5 baksiden og byr p\u00e5 god og klar lyd \u2013 ikke p\u00e5 h\u00f8yde med HTC One M8 , men likefullt over middels god .", "opinions": [{"Source": [[], []], "Target": [["eksterne h\u00f8yttaleren"], ["4:24"]], "Polar_expression": [["byr p\u00e5 god og klar lyd"], ["54:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eksterne h\u00f8yttaleren"], ["4:24"]], "Polar_expression": [["over middels god"], ["124:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-53-02", "text": "De medf\u00f8lgende \u00f8reproppene er ogs\u00e5 ganske gode \u2013 ikke s\u00e5 mye bass , men de sitter sv\u00e6rt komfortabelt i \u00f8ret og har en flat kabel som er mindre utsatt for kr\u00f8lling , og som heller ikke lager lyd i \u00f8ret om du knipser borti den med fingeren .", "opinions": [{"Source": [[], []], "Target": [["medf\u00f8lgende \u00f8reproppene"], ["3:26"]], "Polar_expression": [["ganske gode"], ["35:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["medf\u00f8lgende \u00f8reproppene"], ["3:26"]], "Polar_expression": [["ikke s\u00e5 mye bass"], ["49:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["medf\u00f8lgende \u00f8reproppene"], ["3:26"]], "Polar_expression": [["sitter sv\u00e6rt komfortabelt i \u00f8ret"], ["75:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kabel"], ["123:128"]], "Polar_expression": [["mindre utsatt for kr\u00f8lling"], ["136:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["medf\u00f8lgende \u00f8reproppene"], ["3:26"]], "Polar_expression": [["flat kabel som er mindre utsatt for kr\u00f8lling"], ["118:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kabel"], ["123:128"]], "Polar_expression": [["ikke lager lyd i \u00f8ret om du knipser borti den med fingeren"], ["179:237"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-54-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "201835-55-01", "text": "LG", "opinions": []}, {"sent_id": "201835-55-02", "text": "G3 er den f\u00f8rste telefonen vi har f\u00e5tt inn p\u00e5 testbenken med QHD-oppl\u00f8sning , og det er selvsagt liten tvil om at dette er en sv\u00e6rt skarp og god skjerm .", "opinions": [{"Source": [["vi"], ["27:29"]], "Target": [["G3"], ["0:2"]], "Polar_expression": [["f\u00f8rste telefonen vi har f\u00e5tt inn p\u00e5 testbenken med QHD-oppl\u00f8sning"], ["10:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["skjerm"], ["145:151"]], "Polar_expression": [["liten tvil om at dette er en sv\u00e6rt skarp og god"], ["97:144"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-55-03", "text": "Kameraet m\u00e5 ogs\u00e5 trekkes frem som sv\u00e6rt godt ; spesielt i svak belysning der den optiske bildestabilisatoren s\u00f8rger for skarpere h\u00e5ndholdte bilder .", "opinions": [{"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["sv\u00e6rt godt"], ["34:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["optiske bildestabilisatoren"], ["81:108"]], "Polar_expression": [["s\u00f8rger for skarpere h\u00e5ndholdte bilder"], ["109:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kameraet"], ["0:8"]], "Polar_expression": [["optiske bildestabilisatoren s\u00f8rger for skarpere h\u00e5ndholdte bilder"], ["81:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-56-01", "text": "Den norske oversettelsen er imidlertid langt under pari ( ogs\u00e5 p\u00e5 den nye modellen ) og ser ut til \u00e5 v\u00e6re oversatt ord for ord , som gir mange ufrivillig morsomme formuleringer .", "opinions": [{"Source": [[], []], "Target": [["norske oversettelsen"], ["4:24"]], "Polar_expression": [["langt under pari"], ["39:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["norske oversettelsen"], ["4:24"]], "Polar_expression": [["ser ut til \u00e5 v\u00e6re oversatt ord for ord"], ["88:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["norske oversettelsen"], ["4:24"]], "Polar_expression": [["gir mange ufrivillig morsomme formuleringer"], ["133:176"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-56-02", "text": "Merk at telefonen er heller ikke vanntett , noe konkurrentene fra Sony og Samsung i samme prisklasse er .", "opinions": [{"Source": [[], []], "Target": [["telefonen"], ["8:17"]], "Polar_expression": [["ikke vanntett"], ["28:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Sony"], ["66:70"]], "Polar_expression": [["vanntett"], ["33:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Samsung"], ["74:81"]], "Polar_expression": [["vanntett"], ["33:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-57-01", "text": "Vi trillet opprinnelig en firer p\u00e5 terningen til LG G3 , blant annet fordi vi opplevde varmeproblemer og litt lugging ytelsesmessig .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["LG G3"], ["49:54"]], "Polar_expression": [["opprinnelig en firer p\u00e5 terningen"], ["11:44"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["75:77"]], "Target": [["LG G3"], ["49:54"]], "Polar_expression": [["litt lugging ytelsesmessig"], ["105:131"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["75:77"]], "Target": [["LG G3"], ["49:54"]], "Polar_expression": [["varmeproblemer"], ["87:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201835-57-02", "text": "Da vi fikk en ny telefon til test , var imidlertid dette problemet vesentlig mindre , og det gj\u00f8r at vi hever terningkastet med et ekstra \u00f8ye og klistrer p\u00e5 v\u00e5rt Anbefalt produkt-stempel .", "opinions": [{"Source": [["vi"], ["101:103"]], "Target": [["ny telefon"], ["14:24"]], "Polar_expression": [["problemet vesentlig mindre"], ["57:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["101:103"]], "Target": [["ny telefon"], ["14:24"]], "Polar_expression": [["hever terningkastet med et ekstra \u00f8ye"], ["104:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["101:103"]], "Target": [["ny telefon"], ["14:24"]], "Polar_expression": [["klistrer p\u00e5 v\u00e5rt Anbefalt produkt-stempel"], ["145:186"]], "Polarity": null, "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201835-58-01", "text": "LG G3 D855 16GB", "opinions": []}, {"sent_id": "101012-01-01", "text": "Lene Nystr\u00f8m \u2013 \u00ab Rompa mi \u00bb :", "opinions": []}, {"sent_id": "101012-02-01", "text": "Herlig selvironisk sangvalg fra Aquas blikkfang !", "opinions": [{"Source": [[], []], "Target": [["sangvalg"], ["19:27"]], "Polar_expression": [["Herlig selvironisk", "!"], ["0:18", "48:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101012-02-02", "text": "Og det stemmer det hun sier med at hun har gitt en liten Depeche Mode-overhaling p\u00e5 Pop-Norges mest ber\u00f8mte kroppsdel \u2013 Bjarne Br\u00f8ndbo har jo twerket i snart tyve \u00e5r f\u00f8r romperistingen ble et internasjonalt fenomen i 2014 .", "opinions": []}, {"sent_id": "101012-02-03", "text": "Alt g\u00e5r ikke p\u00e5 tverke for Lene , men arrangementet blir for bombastisk for stemmen hennes , den drukner tidvis .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt g\u00e5r ikke p\u00e5 tverke"], ["0:22"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["arrangementet"], ["38:51"]], "Polar_expression": [["blir for bombastisk for stemmen hennes"], ["52:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["stemmen hennes"], ["76:90"]], "Polar_expression": [["drukner tidvis"], ["97:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101012-02-04", "text": "Og hun har ikke akkurat gull \u00e5 jobbe med heller ; \u00ab Rompa mi \u00bb duger kun p\u00e5 fest og er neppe noe verken Bjarne eller Lene setter seg ned ved pianoet for \u00e5 spille til ungene sine .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Rompa mi \u00bb"], ["50:62"]], "Polar_expression": [["ikke akkurat gull \u00e5 jobbe med"], ["11:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Rompa mi \u00bb"], ["50:62"]], "Polar_expression": [["duger kun p\u00e5 fest"], ["63:80"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Rompa mi \u00bb"], ["50:62"]], "Polar_expression": [["neppe noe verken Bjarne eller Lene setter seg ned ved pianoet for \u00e5 spille til ungene"], ["87:172"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-01-01", "text": "Spillanmeldelse :", "opinions": []}, {"sent_id": "105571-01-02", "text": "\u00ab Metroid :", "opinions": []}, {"sent_id": "105571-01-03", "text": "Other M \u00bb", "opinions": []}, {"sent_id": "105571-02-01", "text": "( VG Nett )", "opinions": []}, {"sent_id": "105571-02-02", "text": "Wii-spillet \u00ab Metroid :", "opinions": []}, {"sent_id": "105571-02-03", "text": "Other M \u00bb er et spill det er lett \u00e5 hate og vanskelig ( men ikke umulig ) \u00e5 elske .", "opinions": [{"Source": [[], []], "Target": [["Other M"], ["0:7"]], "Polar_expression": [["lett \u00e5 hate"], ["29:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Other M"], ["0:7"]], "Polar_expression": [["vanskelig ( men ikke umulig ) \u00e5 elske"], ["44:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105571-03-01", "text": "Det er ikke bare bare \u00e5 se p\u00e5 klassikere med nye \u00f8yne .", "opinions": []}, {"sent_id": "105571-03-02", "text": "Noen ganger oppst\u00e5r magi , som da Johnny Cash lagde sin hjerteskj\u00e6rende versjon av Nine Inch Nails-l\u00e5ten \u00ab Hurt \u00bb , eller Chris Cornells fantastiske \u00ab Billie Jean \u00bb -versjon .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Noen ganger oppst\u00e5r magi"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hurt \u00bb"], ["105:113"]], "Polar_expression": [["hjerteskj\u00e6rende versjon"], ["56:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Billie Jean \u00bb -versjon"], ["149:173"]], "Polar_expression": [["fantastiske"], ["137:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-04-01", "text": "Andre ganger oppst\u00e5r radbrekking av episke proporsjoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["radbrekking av episke proporsjoner"], ["21:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105571-04-02", "text": "Jeg sier bare NEI NEI NEI ! og V\u00c6R S\u00c5 SNILL , STOPP !", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["NEI NEI NEI !"], ["14:27"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105571-05-01", "text": "Og n\u00e5r Team Ninja ( \u00ab Ninja Gaiden \u00bb og \u00ab Dead or Alive \u00bb ) n\u00e5 har lagd sitt bidrag til den klassiske og elskede \u00ab Metroid \u00bb -serien , smerter det meg dypt og inderlig at de ligger n\u00e6rmere Celine Dion enn Johnny Cash .", "opinions": [{"Source": [["meg"], ["147:150"]], "Target": [["Team Ninja"], ["7:17"]], "Polar_expression": [["smerter det meg dypt og inderlig at de ligger n\u00e6rmere Celine Dion enn Johnny Cash"], ["135:216"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["147:150"]], "Target": [["\u00ab Metroid \u00bb -serien"], ["113:132"]], "Polar_expression": [["klassiske"], ["92:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["147:150"]], "Target": [["\u00ab Metroid \u00bb -serien"], ["113:132"]], "Polar_expression": [["elskede"], ["105:112"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-06-01", "text": "\u00ab Metroid \u00bb -serien har siden starten p\u00e5 NES i 1986 v\u00e6rt fokusert p\u00e5 utforsking , puzzles og action i skj\u00f8nn forening .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Metroid \u00bb -serien"], ["0:19"]], "Polar_expression": [["utforsking , puzzles og action i skj\u00f8nn forening"], ["69:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-06-02", "text": "Det er en bakgrunnshistorie til stede , men den er mer antydet enn utbrodert .", "opinions": []}, {"sent_id": "105571-07-01", "text": "Dette har bidratt til at serien fremst\u00e5r mer som en opplevelse enn en fortelling spillerne blir foret med .", "opinions": [{"Source": [[], []], "Target": [["serien"], ["25:31"]], "Polar_expression": [["fremst\u00e5r mer som en opplevelse enn en fortelling"], ["32:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-08-01", "text": "N\u00e5 har derimot Team Ninja plassert en stinkende historie-dynge p\u00e5 en spade , og i \u00ab Metroid :", "opinions": [{"Source": [[], []], "Target": [["Team Ninja"], ["15:25"]], "Polar_expression": [["plassert en stinkende historie-dynge p\u00e5 en spade"], ["26:74"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-08-02", "text": "Other M \u00bb tvinger de den inn i gapet til den m\u00e5pende fanskaren .", "opinions": [{"Source": [[], []], "Target": [["Other M"], ["0:7"]], "Polar_expression": [["tvinger de den inn i gapet til den m\u00e5pende fanskaren"], ["10:62"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-08-03", "text": "Ikke bare serverer de store doser meningsl\u00f8s manga-svada , de behandler ogs\u00e5 heltinnen Samus Aran , et ikon og en foregangsfigur for kvinnelige spillroller , p\u00e5 ekstremt kritikkverdig vis .", "opinions": [{"Source": [[], []], "Target": [["de"], ["19:21"]], "Polar_expression": [["store doser meningsl\u00f8s manga-svada"], ["22:56"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["59:61"]], "Polar_expression": [["behandler ogs\u00e5 heltinnen Samus Aran", "p\u00e5 ekstremt kritikkverdig vis"], ["62:97", "158:187"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Samus Aran"], ["87:97"]], "Polar_expression": [["ikon og en foregangsfigur for kvinnelige spillroller"], ["103:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-09-01", "text": "De reduserer henne til en rollefigur som blir lammet av redsel n\u00e5r hun m\u00f8ter en av spillets bosser , som er sutrende obsternasig p\u00e5 den ene siden og som ydmykt f\u00f8yer seg for mannlige rollefigurer p\u00e5 den andre .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["reduserer henne til en rollefigur som blir lammet av redsel n\u00e5r hun m\u00f8ter en av spillets bosser , som er sutrende obsternasig p\u00e5 den ene siden og som ydmykt f\u00f8yer seg for mannlige rollefigurer p\u00e5 den andre"], ["3:208"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-10-01", "text": "Team Ninja har fjernet mystikken fra og respekten for Samus og omskapt henne til en mannssj\u00e5vinistisk klisj\u00e9 .", "opinions": [{"Source": [[], []], "Target": [["Team Ninja"], ["0:10"]], "Polar_expression": [["fjernet mystikken fra og respekten for Samus"], ["15:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Team Ninja"], ["0:10"]], "Polar_expression": [["omskapt henne til en mannssj\u00e5vinistisk klisj\u00e9"], ["63:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-10-02", "text": "Utrolig provoserende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Utrolig provoserende"], ["0:20"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-10-03", "text": "Og ufattelig irriterende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ufattelig irriterende"], ["3:24"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-11-01", "text": "For dersom man ser bort ifra Team Ninjas behandling av Samus og den flaue subteksten , er de faktisk inne p\u00e5 noe i den overbyggende historien .", "opinions": [{"Source": [[], []], "Target": [["Team Ninjas"], ["29:40"]], "Polar_expression": [["inne p\u00e5 noe"], ["101:112"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-11-02", "text": "S\u00e6rlig mot slutten blir det b\u00e5de spennende , intenst og t\u00f8ft med flere heftige og minnerike scener .", "opinions": [{"Source": [[], []], "Target": [["slutten"], ["11:18"]], "Polar_expression": [["spennende"], ["33:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["slutten"], ["11:18"]], "Polar_expression": [["intenst"], ["45:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["slutten"], ["11:18"]], "Polar_expression": [["t\u00f8ft"], ["56:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["slutten"], ["11:18"]], "Polar_expression": [["flere heftige og minnerike scener"], ["65:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-12-01", "text": "melbye82 :", "opinions": []}, {"sent_id": "105571-12-02", "text": "Gleder meg stort til dette spillet n\u00e5 , tror jeg aldri har gledet meg slik til ett spill f\u00f8r .", "opinions": [{"Source": [["jeg"], ["45:48"]], "Target": [["spillet"], ["27:34"]], "Polar_expression": [["Gleder meg stort"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E", "NFP": true}, {"Source": [["jeg"], ["45:48"]], "Target": [["spillet"], ["27:34"]], "Polar_expression": [["aldri har gledet meg slik til ett spill f\u00f8r"], ["49:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "105571-12-03", "text": "Diskuter Metroid Other M her !", "opinions": []}, {"sent_id": "105571-13-01", "text": "Stort sett har de ogs\u00e5 et godt grep om det generelle spillkonseptet .", "opinions": [{"Source": [[], []], "Target": [["de"], ["15:17"]], "Polar_expression": [["godt grep om det generelle spillkonseptet"], ["26:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-13-02", "text": "Romstasjonen spillet foreg\u00e5r p\u00e5 er spekket med kule omr\u00e5der , tilfredsstillende jakt p\u00e5 skjulte oppgraderinger , minneverdige fiender og deilig , klassisk \u00ab Metroid \u00bb -spillbarhet .", "opinions": [{"Source": [[], []], "Target": [["Romstasjonen"], ["0:12"]], "Polar_expression": [["spekket med kule omr\u00e5der"], ["35:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Romstasjonen"], ["0:12"]], "Polar_expression": [["tilfredsstillende jakt p\u00e5 skjulte oppgraderinger"], ["62:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Romstasjonen"], ["0:12"]], "Polar_expression": [["minneverdige fiender"], ["113:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Romstasjonen"], ["0:12"]], "Polar_expression": [["deilig , klassisk \u00ab Metroid \u00bb -spillbarhet"], ["137:179"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-14-01", "text": "Team Ninja har valgt en kombinasjon av 2D og 3D , og plasserer seg dermed midt mellom \u00ab Super Metroid \u00bb og \u00ab Metroid Prime \u00bb .", "opinions": []}, {"sent_id": "105571-14-02", "text": "Det tar litt tid \u00e5 vende seg til \u00e5 bytte mellom tredje- og f\u00f8rstepersons synsvinkel , men det sitter etter hvert .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tar litt tid \u00e5 vende seg til \u00e5 bytte mellom tredje- og f\u00f8rstepersons synsvinkel"], ["4:83"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bytte mellom tredje- og f\u00f8rstepersons synsvinkel"], ["35:83"]], "Polar_expression": [["sitter etter hvert"], ["94:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-14-03", "text": "Og det funker .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["funker"], ["7:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-15-01", "text": "Bak den idiotiske innpakningen skjuler det seg et spill jeg storkoste meg med i 70 - 80 prosent av tiden det tok meg \u00e5 komme til veis ende .", "opinions": [{"Source": [["jeg"], ["56:59"]], "Target": [["spill"], ["50:55"]], "Polar_expression": [["storkoste meg med i 70 - 80 prosent av tiden"], ["60:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["innpakningen"], ["18:30"]], "Polar_expression": [["idiotiske"], ["8:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-15-02", "text": "Et spill som er mer enn godt nok til \u00e5 finne sin naturlige plass i en av mine absolutte favorittserier noen sinne .", "opinions": [{"Source": [["mine"], ["73:77"]], "Target": [["spill"], ["3:8"]], "Polar_expression": [["mer enn godt nok til \u00e5 finne sin naturlige plass i en av mine absolutte favorittserier noen sinne"], ["16:113"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105571-16-01", "text": "Og da er det fryktelig synd at de siste 20 - 30 prosentene er s\u00e5 \u00f8deleggende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fryktelig synd at de siste 20 - 30 prosentene er s\u00e5 \u00f8deleggende"], ["13:76"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105571-17-01", "text": "PS :", "opinions": []}, {"sent_id": "105571-17-02", "text": "De tre \u00ab Metroid Prime \u00bb -spillene er samlet i \u00e9n boks til Wii , og du b\u00f8r ogs\u00e5 f\u00e5 med deg SNES-klassikeren \u00ab Super Metroid \u00bb , som kan lastes ned til Wii .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Super Metroid \u00bb"], ["108:125"]], "Polar_expression": [["SNES-klassikeren"], ["91:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105571-18-01", "text": "PPS :", "opinions": []}, {"sent_id": "105571-18-02", "text": "Fans av \u00ab Metroid \u00bb b\u00f8r definitivt f\u00e5 med seg det geniale \u00ab Shadow Complex \u00bb til Xbox Live Arcade ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Shadow Complex \u00bb"], ["58:76"]], "Polar_expression": [["geniale"], ["50:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702761-01-01", "text": "Dustete barne-r\u00e5skap", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dustete barne-r\u00e5skap"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702761-02-01", "text": "Den nyer versjonen av \" Conan the barbarian \" er enkel som en barnefilm , men til gjengjeld r\u00e5 og sadistisk langt utenfor det romantiske eller spennende .", "opinions": [{"Source": [[], []], "Target": [["nyer versjonen av \" Conan the barbarian \""], ["4:45"]], "Polar_expression": [["enkel som en barnefilm"], ["49:71"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["nyer versjonen av \" Conan the barbarian \""], ["4:45"]], "Polar_expression": [["r\u00e5 og sadistisk langt utenfor det romantiske eller spennende"], ["92:152"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702761-03-01", "text": "\" Conan the barbarian \" :", "opinions": []}, {"sent_id": "702761-03-02", "text": "Amerikansk fantasy .", "opinions": []}, {"sent_id": "702761-03-03", "text": "2011 .", "opinions": []}, {"sent_id": "702761-03-04", "text": "1time , 53 minutter .", "opinions": []}, {"sent_id": "702761-03-05", "text": "15 \u00e5r .", "opinions": []}, {"sent_id": "702761-03-06", "text": "Regi : Marcus Nispel .", "opinions": []}, {"sent_id": "702761-03-07", "text": "Med :", "opinions": []}, {"sent_id": "702761-03-08", "text": "Jason Momoa , Roise McGowan , Stephen Lang , Rachel Nichols .", "opinions": []}, {"sent_id": "702761-04-01", "text": "Det s\u00e6reste ved v\u00e5r tids Conan-film er at du blir sittendeog lure p\u00e5 hvorfor du likte den opprinnelige med Arnold Schwarzenegger .", "opinions": [{"Source": [[], []], "Target": [["v\u00e5r tids Conan-film"], ["16:35"]], "Polar_expression": [["blir sittendeog lure p\u00e5 hvorfor du likte den opprinnelige med Arnold Schwarzenegger"], ["45:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702761-04-02", "text": "Var detbare fordi vhs-en hadde kommet og satt alle sensurens fanger fri ?", "opinions": []}, {"sent_id": "702761-04-03", "text": "Var Arnoldskroppsbygde uskyld s\u00e5 utrolig sjarmerende at han kunne ha spilt hva som helst ? \" Conan \" kom i 1982 og var eksotisk .", "opinions": [{"Source": [[], []], "Target": [["han"], ["56:59"]], "Polar_expression": [["utrolig sjarmerende"], ["33:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702761-04-04", "text": "Da skulle menn fremdeles v\u00e6re kvisttynneog interessante .", "opinions": []}, {"sent_id": "702761-04-05", "text": "N\u00e5 er det ikke s\u00e5nn .", "opinions": []}, {"sent_id": "702761-04-06", "text": "N\u00e5 l\u00f8fter sognepresten vekter og ser utsom en sverdf\u00f8r barbar .", "opinions": [{"Source": [[], []], "Target": [["sognepresten"], ["10:22"]], "Polar_expression": [["sverdf\u00f8r barbar"], ["46:61"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702761-05-01", "text": "Marcus Nispels Conan-film fra 2011 er bare tragisk r\u00e5 ogvoldelig .", "opinions": []}, {"sent_id": "702761-05-02", "text": "Den har ingen fantasy-sjarm , men slakter i vei som om mennesker varjulemat .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["ingen fantasy-sjarm"], ["8:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["slakter i vei som om mennesker varjulemat"], ["34:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702761-05-03", "text": "Guttungen som spiller Conan som barn er faktisk bedre ennhovedrolle-innehaveren Jason Momoa , men mannen fra Hawaii har st\u00f8rre bryster.Rose McGowan har Lady Gaga-oppsyn og ser egentlig ut som ei goth-dame fra OsloVest som fors\u00f8ker \u00e5 bli P3-programleder for siden \u00e5 kunne vise fram eggstokkenei Trekant .", "opinions": [{"Source": [[], []], "Target": [["Guttungen som spiller Conan som barn"], ["0:36"]], "Polar_expression": [["faktisk bedre ennhovedrolle-innehaveren Jason Momoa"], ["40:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bryster.Rose McGowan"], ["127:147"]], "Polar_expression": [["ser egentlig ut som ei goth-dame fra OsloVest som fors\u00f8ker \u00e5 bli P3-programleder for siden \u00e5 kunne vise fram eggstokkenei Trekant"], ["172:301"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jason Momoa"], ["80:91"]], "Polar_expression": [["Guttungen som spiller Conan som barn er faktisk bedre"], ["0:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702761-05-04", "text": "Stephen Lang spiller Khalar Zym ( som ikke godtas i wordfeud ) , og haner egentlig eldre enn Bj\u00f8rndalen , s\u00e5 det er pinlig n\u00e5r han banker densteroidiotiske ungdommen Conan .", "opinions": [{"Source": [[], []], "Target": [["Stephen Lang"], ["0:12"]], "Polar_expression": [["pinlig n\u00e5r han banker densteroidiotiske ungdommen Conan"], ["116:171"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702761-05-05", "text": "Her finnes ogs\u00e5 ei hellig dame som er jomfru ikkebare nedentil , men ogs\u00e5 oventil der mimikken skulle holdt til .", "opinions": []}, {"sent_id": "702761-05-06", "text": "Filmen minnerlitt om \" Prinsen av Persia \" , men uten Jake Gyllenhaal og utenklatre-elegansen \u2014 dette ser mer ut som byggmester p\u00e5 stillas .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["ser mer ut som byggmester p\u00e5 stillas"], ["102:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["minnerlitt om \" Prinsen av Persia \""], ["7:42"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702761-06-01", "text": "Men verst er sadismen som gj\u00f8r en opplagt barnefilm til noesom voksne vil se beskjemma bort fra .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["verst er sadismen"], ["4:21"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-01-01", "text": "Mad Men ( sesong 2 )", "opinions": []}, {"sent_id": "000004-02-01", "text": "TV-underholdning av h\u00f8yeste kvalitet !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["h\u00f8yeste kvalitet !"], ["20:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-03-01", "text": "Den f\u00f8rste sesongen av tv-serien Mad Men imponerte meg med interessante figurer og intriger , satt i et elegant milj\u00f8 anno 1962 .", "opinions": [{"Source": [["meg"], ["51:54"]], "Target": [["f\u00f8rste sesongen av tv-serien Mad Men"], ["4:40"]], "Polar_expression": [["imponerte"], ["41:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["51:54"]], "Target": [["f\u00f8rste sesongen av tv-serien Mad Men"], ["4:40"]], "Polar_expression": [["interessante figurer og intriger"], ["59:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["51:54"]], "Target": [["f\u00f8rste sesongen av tv-serien Mad Men"], ["4:40"]], "Polar_expression": [["elegant milj\u00f8"], ["104:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000004-03-02", "text": "Mad Men sesong 2 er fremdeles tv-underholdning av h\u00f8yeste kvalitet !", "opinions": [{"Source": [[], []], "Target": [["Mad Men sesong 2"], ["0:16"]], "Polar_expression": [["h\u00f8yeste kvalitet !"], ["50:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-04-01", "text": "Sesong 2 starter der sesong 1 slapp , og forteller mer om hendelser i og rundt reklamebyr\u00e5et Sterling Cooper p\u00e5 Madison Avenue i New York .", "opinions": []}, {"sent_id": "000004-05-01", "text": "I denne sesongen f\u00e5r flere figurer lov til \u00e5 utvide sine horisonter , og vi oppdager stadig nye og spennende sider ved b\u00e5de sjefer og ansatte i firmaet .", "opinions": [{"Source": [["vi"], ["73:75"]], "Target": [["denne sesongen"], ["2:16"]], "Polar_expression": [["oppdager stadig nye og spennende sider"], ["76:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["73:75"]], "Target": [["denne sesongen"], ["2:16"]], "Polar_expression": [["f\u00e5r flere figurer lov til \u00e5 utvide sine horisonter"], ["17:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-06-01", "text": "Bedre kjent med figurene", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bedre kjent med figurene"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-07-01", "text": "Seriens senter er sjefen for kreativ avdeling , Donald Draper ( Jon Hamm ) , som i sesong 2 kommer p\u00e5 kant med sine sjefer p\u00e5 grunn av h\u00e5ndteringen av en spesiell kunde .", "opinions": []}, {"sent_id": "000004-08-01", "text": "Samtidig f\u00f8lger vi ham p\u00e5 hjemmebane , der barna kommer mer i fokus , samtidig som vi f\u00f8lger kona Betty Draper ( January Jones ) i drift utenfor huset .", "opinions": []}, {"sent_id": "000004-09-01", "text": "Dessuten f\u00e5r vi se Peggy Olson ( Elisabeth Moss ) p\u00e5 hjemmebane , og vi blir bedre kjent med Paul Kinsey ( Michael Gladis ) og Harry Crane ( Rich Sommer ) , som var mindre viktige figurer i sesong 1 .", "opinions": []}, {"sent_id": "000004-09-02", "text": "Der ble vi kjent med dem .", "opinions": []}, {"sent_id": "000004-09-03", "text": "N\u00e5 f\u00e5r vi anledning til \u00e5 bry oss om dem .", "opinions": []}, {"sent_id": "000004-10-01", "text": "Interessant \" gubbevelde \"", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Interessant \" gubbevelde \""], ["0:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000004-11-01", "text": "Det kan fremdeles v\u00e6re vanskelig for noen kvinnelige seere \u00e5 takle kvinnens underdanige rolle i det mannsdominerte samfunnet som serien skildrer .", "opinions": [{"Source": [[], []], "Target": [["serien"], ["129:135"]], "Polar_expression": [["vanskelig for noen kvinnelige seere \u00e5 takle kvinnens underdanige rolle i det mannsdominerte samfunnet"], ["23:124"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-11-02", "text": "En kollega av meg sluttet \u00e5 se serien , fordi hun ble sur p\u00e5 det hun kaller \u201d gubbeveldet \u201d .", "opinions": [{"Source": [["En kollega av meg"], ["0:17"]], "Target": [["serien"], ["31:37"]], "Polar_expression": [["ble sur p\u00e5 det hun kaller \u201d gubbeveldet \u201d"], ["50:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "000004-12-01", "text": "Jeg synes nettopp dette gubbeveldet er noe som gir serien ekstra appell .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["serien"], ["51:57"]], "Polar_expression": [["gubbeveldet er noe som gir serien ekstra appell"], ["24:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-12-02", "text": "Ikke fordi jeg \u00f8nsker meg tilbake til kvinnerollen anno 1962 , men fordi det er interessant \u00e5 se motstykket til dagens r\u00f8dstr\u00f8mpefeminister , og se den uvante dynamikken mellom menn og kvinner med datidens kvinnesyn .", "opinions": [{"Source": [["jeg"], ["11:14"]], "Target": [[], []], "Polar_expression": [["interessant \u00e5 se motstykket til dagens r\u00f8dstr\u00f8mpefeminister"], ["80:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["11:14"]], "Target": [[], []], "Polar_expression": [["interessant \u00e5", "se den uvante dynamikken mellom menn og kvinner med datidens kvinnesyn"], ["80:93", "145:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000004-13-01", "text": "Best i HD !", "opinions": [{"Source": [[], []], "Target": [["HD"], ["7:9"]], "Polar_expression": [["Best i"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000004-14-01", "text": "Mad Men sesong 2 kommer ut p\u00e5 b\u00e5de Blu-ray og DVD , og HD-versjonen av serien er selvsagt \u00e5 foretrekke .", "opinions": [{"Source": [[], []], "Target": [["HD-versjonen av serien"], ["55:77"]], "Polar_expression": [["selvsagt \u00e5 foretrekke"], ["81:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000004-14-02", "text": "Kulissene , kostymene og fargebruken kommer virkelig til sin rett , filmet som om det skulle v\u00e6re filmet i 1962 .", "opinions": [{"Source": [[], []], "Target": [["fargebruken"], ["25:36"]], "Polar_expression": [["kommer virkelig til sin rett"], ["37:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kostymene"], ["12:21"]], "Polar_expression": [["kommer virkelig til sin rett"], ["37:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kulissene"], ["0:9"]], "Polar_expression": [["kommer virkelig til sin rett"], ["37:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000004-15-01", "text": "Denne anmeldelsen er basert p\u00e5 de fire f\u00f8rste episodene av sesong 2 , og jeg m\u00e5 si jeg gleder meg stort til de neste 9 , og s\u00e5 er det bare \u00e5 vente p\u00e5 sesong 3 ! Mad Men har garantert mer \u00e5 fortelle", "opinions": [{"Source": [["jeg"], ["83:86"]], "Target": [["fire f\u00f8rste episodene av sesong 2"], ["34:67"]], "Polar_expression": [["gleder meg stort til de neste 9"], ["87:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103801-01-01", "text": "Viltert med Snurre og Daffy", "opinions": []}, {"sent_id": "103801-02-01", "text": "Regi : Joe Dante .", "opinions": []}, {"sent_id": "103801-02-02", "text": "Med :", "opinions": []}, {"sent_id": "103801-02-03", "text": "Brendan Fraser , Jenna Elfman , Snurre Sprett , Daffy Duck .", "opinions": []}, {"sent_id": "103801-02-04", "text": "Norske stemmer .", "opinions": []}, {"sent_id": "103801-02-05", "text": "Am . komedie .", "opinions": []}, {"sent_id": "103801-02-06", "text": "7 \u00e5r .", "opinions": []}, {"sent_id": "103801-03-01", "text": "Daffy Duck og Snurre Sprett leder an i en vilter og masete ferd med actionhumor underveis .", "opinions": []}, {"sent_id": "103801-04-01", "text": "Denne elleville aff\u00e6ren er en eneste lang henvisning til gamle og nyere tegnefilmhelter , animasjonsfigurer - og levende filmhelter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["en eneste lang henvisning til gamle og nyere tegnefilmhelter , animasjonsfigurer - og levende filmhelter"], ["27:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103801-04-02", "text": "Det har \u00e5penbart v\u00e6rt viktigere \u00e5 flette inn flest mulig effekter fra tidligere suksesser enn \u00e5 lage en god historie .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["viktigere \u00e5 flette inn flest mulig effekter fra tidligere suksesser enn \u00e5 lage en god historie"], ["22:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103801-05-01", "text": "Brendan Fraser ( fra \u00ab Mumien \u00bb -filmene ) og Jenna Elfman er i tillegg til filmens andre skapninger tillagt norske stemmer .", "opinions": []}, {"sent_id": "103801-05-02", "text": "Det er innlysende i forhold til filmens unge publikum , men gj\u00f8r de to \u00ab menneskelige \u00bb hovedpersonene enda mer stive og keitete enn de i utgangspunktet er .", "opinions": [{"Source": [[], []], "Target": [["hovedpersonene"], ["88:102"]], "Polar_expression": [["enda mer stive og keitete enn de i utgangspunktet er"], ["103:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103801-05-03", "text": "Snurre og Daffy , med animasjonsvenner , har i det minste en formidabel aksjonsradius og en eventyrlig evne til \u00e5 gjenoppst\u00e5 etter \u00e5 ha blitt overkj\u00f8rt , beskutt , pepret ut i verdensrommet - eller utsatt for andre sm\u00e5 uhell .", "opinions": [{"Source": [[], []], "Target": [["Snurre og Daffy , med animasjonsvenner"], ["0:38"]], "Polar_expression": [["formidabel aksjonsradius"], ["61:85"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Snurre og Daffy , med animasjonsvenner"], ["0:38"]], "Polar_expression": [["eventyrlig evne til \u00e5 gjenoppst\u00e5 etter \u00e5 ha blitt overkj\u00f8rt , beskutt , pepret ut i verdensrommet - eller utsatt for andre sm\u00e5 uhell"], ["92:224"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103801-05-04", "text": "Frekke og nesevise er de fremdeles - og ganske underholdende , og samspillet med vanlige d\u00f8delige behersker de godt .", "opinions": [{"Source": [[], []], "Target": [["de"], ["22:24"]], "Polar_expression": [["ganske underholdende"], ["40:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["108:110"]], "Polar_expression": [["samspillet med vanlige d\u00f8delige behersker de godt"], ["66:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103801-06-01", "text": "Steve Martin gj\u00f8r en forn\u00f8yelig skurkerolle , og Timothy Dalton greier seg bra som spionhelt - ogs\u00e5 de med for mine \u00f8rer uvante norske stemmer .", "opinions": [{"Source": [[], []], "Target": [["Steve Martin"], ["0:12"]], "Polar_expression": [["forn\u00f8yelig skurkerolle"], ["21:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Timothy Dalton"], ["49:63"]], "Polar_expression": [["greier seg bra"], ["64:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103801-07-01", "text": "Dette er helt klart ellevill action med en del kvaliteter , men etter hvert maser den mer enn den morer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ellevill action med en del kvaliteter"], ["20:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["action"], ["29:35"]], "Polar_expression": [["ellevill"], ["20:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["action"], ["29:35"]], "Polar_expression": [["en del kvaliteter"], ["40:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["etter hvert maser den mer enn den morer"], ["64:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400523-01-01", "text": "Donald Duck & Co , julehefte 2016", "opinions": []}, {"sent_id": "400523-02-01", "text": "Denne samlingen byr p\u00e5 noen historier som ikke har v\u00e6rt trykket i Norge .", "opinions": [{"Source": [[], []], "Target": [["samlingen"], ["6:15"]], "Polar_expression": [["historier som ikke har v\u00e6rt trykket i Norge"], ["28:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400523-02-02", "text": "Dessverre er det varierende kvalitet p\u00e5 dem , det er strengt tatt bare \u00ab Gratis gran \u00bb med Dolly som er noe \u00e5 henge i juletreet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dessverre", "varierende kvalitet"], ["0:9", "17:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bare \u00ab Gratis gran \u00bb med Dolly som er noe \u00e5 henge i juletreet"], ["66:127"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Gratis gran \u00bb"], ["71:86"]], "Polar_expression": [["noe \u00e5 henge i juletreet"], ["104:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-01-01", "text": "Plateanmeldelse :", "opinions": []}, {"sent_id": "109458-01-02", "text": "John Mayer - \u00ab Paradise Valley \u00bb", "opinions": []}, {"sent_id": "109458-02-01", "text": "Koselig med heis .", "opinions": [{"Source": [[], []], "Target": [["heis"], ["12:16"]], "Polar_expression": [["Koselig"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-03-01", "text": "ALBUM : COUNTRYPOP John Mayer \u00ab Paradise Valley \u00bb ( Columbia / Sony )", "opinions": []}, {"sent_id": "109458-04-01", "text": "Katy Perrys nye armpryd har aldri v\u00e6rt videre utfordrende , men umulig virkelig \u00e5 mislike musikalsk .", "opinions": [{"Source": [[], []], "Target": [["Katy Perrys nye armpryd"], ["0:23"]], "Polar_expression": [["umulig virkelig \u00e5 mislike musikalsk"], ["64:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-05-01", "text": "Mayers sjette er derimot s\u00e5 snill at de \u00e5penbare inspiratorene Crosby , Stills , Nash & Young h\u00f8res ut som Satyricon i forhold .", "opinions": [{"Source": [[], []], "Target": [["Mayers sjette"], ["0:13"]], "Polar_expression": [["s\u00e5 snill at de \u00e5penbare inspiratorene Crosby , Stills , Nash & Young h\u00f8res ut som Satyricon i forhold"], ["25:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["inspiratorene"], ["49:62"]], "Polar_expression": [["h\u00f8res ut som Satyricon i forhold"], ["94:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-06-01", "text": "35-\u00e5ringen tr\u00e5kker rundt i en tam utgave av amerikanalandskapet fra fjor\u00e5rets \u00ab Born And Raised \u00bb .", "opinions": [{"Source": [[], []], "Target": [["35-\u00e5ringen"], ["0:10"]], "Polar_expression": [["tr\u00e5kker rundt i en tam utgave av amerikanalandskapet fra fjor\u00e5rets \u00ab Born And Raised \u00bb"], ["11:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["utgave"], ["34:40"]], "Polar_expression": [["tam"], ["30:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109458-06-02", "text": "L\u00e5tene tar for seg n\u00e6re og fjerne ekser ( \u00ab Paper Doll \u00bb om Taylor Swift , \u00ab Dear Marie \u00bb om en ungdomsfl\u00f8rt ) og har med nyervervede Perry som fargel\u00f8s gjest .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["Perry som fargel\u00f8s gjest"], ["134:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Perry"], ["134:139"]], "Polar_expression": [["fargel\u00f8s"], ["144:152"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-06-03", "text": "Til og med JJ Cales \u00ab Call Me The Breeze \u00bb blir gr\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["JJ Cales \u00ab Call Me The Breeze \u00bb"], ["11:42"]], "Polar_expression": [["Til og med", "blir gr\u00e5"], ["0:10", "43:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-07-01", "text": "Albumets virkelige \u00f8yeblikk er Frank Ocean-versjonen av \u00e5pningsl\u00e5ten .", "opinions": [{"Source": [[], []], "Target": [["Frank Ocean-versjonen av \u00e5pningsl\u00e5ten"], ["31:68"]], "Polar_expression": [["Albumets virkelige \u00f8yeblikk"], ["0:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-07-02", "text": "Men den er til og med kortere enn Oceans \u00d8yakonsert .", "opinions": [{"Source": [[], []], "Target": [["den"], ["4:7"]], "Polar_expression": [["til og med kortere enn Oceans \u00d8yakonsert"], ["11:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109458-08-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "109458-08-02", "text": "\u00ab Dear Marie \u00bb", "opinions": []}, {"sent_id": "106831-01-01", "text": "Prince : \u00ab 3121 \u00bb", "opinions": []}, {"sent_id": "106831-02-01", "text": "( Universal )", "opinions": []}, {"sent_id": "106831-03-01", "text": "Verdens st\u00f8rste lille mann tilh\u00f8rer n\u00e5 en eksklusiv og problematisk artistklubb .", "opinions": [{"Source": [[], []], "Target": [["lille mann"], ["16:26"]], "Polar_expression": [["Verdens st\u00f8rste"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["artistklubb"], ["68:79"]], "Polar_expression": [["eksklusiv"], ["42:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["artistklubb"], ["68:79"]], "Polar_expression": [["problematisk"], ["55:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-04-01", "text": "De fleste er enige om at hans storhetstid er over .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hans storhetstid er over"], ["25:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-04-02", "text": "Den p\u00e5f\u00f8lgende nedturen er ogs\u00e5 et tilbakelagt stadium .", "opinions": []}, {"sent_id": "106831-04-03", "text": "Med \u00ab Musicology \u00bb ( 2004 ) var han tilbake i varmen b\u00e5de hos publikum og kritikere .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Musicology \u00bb ( 2004 )"], ["4:27"]], "Polar_expression": [["tilbake i varmen"], ["36:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-05-01", "text": "Og det albumet var en typisk \u00ab beste siden \u00bb -utgivelse .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["7:14"]], "Polar_expression": [["\u00ab beste siden \u00bb -utgivelse"], ["29:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-05-02", "text": "P\u00e5 samme m\u00e5te som samtlige David Bowie-plater siden 1993 er blitt hyllet som hans beste siden \u00ab Scary Monsters \u00bb ( 1980 ) , og likevel g\u00e5tt inn i glemmeboken ganske kjapt .", "opinions": [{"Source": [[], []], "Target": [["samtlige David Bowie-plater siden 1993"], ["18:56"]], "Polar_expression": [["hyllet som hans beste siden \u00ab Scary Monsters \u00bb ( 1980 )"], ["66:121"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samtlige David Bowie-plater siden 1993"], ["18:56"]], "Polar_expression": [["g\u00e5tt inn i glemmeboken ganske kjapt"], ["135:170"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-05-03", "text": "Rekk opp h\u00e5nden , den som har spilt Bowies \u00ab Heathen \u00bb -album det siste halv\u00e5ret .", "opinions": []}, {"sent_id": "106831-06-01", "text": "Like fullt m\u00e5 vi forholde oss til det disse fordums helter byr p\u00e5 , og hvordan det l\u00e5ter her og n\u00e5 .", "opinions": []}, {"sent_id": "106831-06-02", "text": "Og denne nye Prince-platen l\u00e5ter ypperlig i disse \u00f8rer .", "opinions": [{"Source": [[], []], "Target": [["Prince-platen"], ["13:26"]], "Polar_expression": [["l\u00e5ter ypperlig"], ["27:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106831-06-03", "text": "Ikke minst er det gledelig at han har tonet ned jamsession-funken han har brukt s\u00e5 mye tid p\u00e5 de siste 15 \u00e5rene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gledelig at han har tonet ned jamsession-funken"], ["18:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106831-06-04", "text": "I stedet f\u00e5r vi store doser av det han er best p\u00e5 : strippede , skjeve popl\u00e5ter med s\u00f8plete synthlyd og frekke gitarstikk .", "opinions": [{"Source": [["vi"], ["13:15"]], "Target": [[], []], "Polar_expression": [["store doser av det han er best p\u00e5"], ["16:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["popl\u00e5ter"], ["71:79"]], "Polar_expression": [["strippede"], ["52:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["popl\u00e5ter"], ["71:79"]], "Polar_expression": [["skjeve"], ["64:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["synthlyd"], ["92:100"]], "Polar_expression": [["s\u00f8plete"], ["84:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["gitarstikk"], ["111:121"]], "Polar_expression": [["frekke"], ["104:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-06-05", "text": "Han l\u00e5ner mye fra sin egen katalog , f\u00f8rst og fremst lydmessig .", "opinions": []}, {"sent_id": "106831-06-06", "text": "Det er mange referanser til essensielle \u00e5ttitallsplater som \u00ab Parade \u00bb , \u00ab Dirty Mind \u00bb , \u00ab 1999 \u00bb og \u00ab Sign O' The Times \u00bb her , uten at det f\u00f8les som annet enn lovlig gjenbruk og oppdatering av gamle meritter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mange referanser til essensielle \u00e5ttitallsplater", "uten at det f\u00f8les som annet enn lovlig gjenbruk og oppdatering av gamle meritter"], ["7:55", "130:210"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-07-01", "text": "\u00ab 3121 \u00bb er veldig l\u00e5tfokusert , og en viktig \u00e5rsak til mannens comeback er da ogs\u00e5 hans gjenopplivede evne til \u00e5 redigere seg selv .", "opinions": [{"Source": [[], []], "Target": [["hans"], ["84:88"]], "Polar_expression": [["gjenopplivede evne til \u00e5 redigere seg selv"], ["89:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-07-02", "text": "Tunge , psykedeliske funkl\u00e5ter som tittelsporet og \u00ab Black Sweat \u00bb fatter seg i korthet der de lett kunne blitt uttv\u00e6rede .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Black Sweat \u00bb"], ["51:66"]], "Polar_expression": [["fatter seg i korthet"], ["67:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tittelsporet"], ["35:47"]], "Polar_expression": [["fatter seg i korthet"], ["67:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-07-03", "text": "I stedet blir de Prince-pop av klassisk format .", "opinions": [{"Source": [[], []], "Target": [["de"], ["14:16"]], "Polar_expression": [["Prince-pop av klassisk format"], ["17:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-07-04", "text": "Tekstmessig er det sex , musikk og religion - alt som f\u00f8r der i g\u00e5rden .", "opinions": []}, {"sent_id": "106831-07-05", "text": "Prince har spilt og sunget det meste selv , men som i glansdagene har han en flink og vakker kvinne ved sin side :", "opinions": [{"Source": [[], []], "Target": [["Prince"], ["0:6"]], "Polar_expression": [["glansdagene"], ["54:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvinne"], ["93:99"]], "Polar_expression": [["vakker"], ["86:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kvinne"], ["93:99"]], "Polar_expression": [["flink"], ["77:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-07-06", "text": "T'amar heter hun , og gj\u00f8r seg spesielt bemerket p\u00e5 \u00ab Beautiful , Loved And Blessed \u00bb .", "opinions": [{"Source": [[], []], "Target": [["T'amar"], ["0:6"]], "Polar_expression": [["spesielt bemerket p\u00e5 \u00ab Beautiful , Loved And Blessed \u00bb"], ["31:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106831-08-01", "text": "S\u00e5 ja , det er vel den beste siden \u00ab Diamonds & Pearls \u00bb ( 1991 ) denne gang ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["beste siden \u00ab Diamonds & Pearls \u00bb ( 1991 )"], ["23:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106831-08-02", "text": "Enn s\u00e5 lenge , i hvert fall .", "opinions": []}, {"sent_id": "400835-01-01", "text": "Restaurantanmeldelsen :", "opinions": []}, {"sent_id": "400835-01-02", "text": "Nydelig i Nydalen", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nydelig"], ["0:7"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400835-02-01", "text": "Oslobys lesere har k\u00e5ret dette til byens beste gastropub .", "opinions": [{"Source": [["Oslobys lesere"], ["0:14"]], "Target": [["gastropub"], ["47:56"]], "Polar_expression": [["byens beste"], ["35:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "400835-02-02", "text": "Det er lett \u00e5 v\u00e6re enig i dommen , selv om enkelte retter har stive priser .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["lett \u00e5 v\u00e6re enig i dommen"], ["7:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["enkelte retter"], ["43:57"]], "Polar_expression": [["stive priser"], ["62:74"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-03-01", "text": "Hver uke bes\u00f8ker vi tre restauranter i ulike prisklasser .", "opinions": []}, {"sent_id": "400835-03-02", "text": "S\u00f8k i restaurantbasen og se de sist anmeldte restaurantene her .", "opinions": []}, {"sent_id": "400835-04-01", "text": "Spiseriet har flyttet inn der B\u00f8lgen&Moi pr\u00f8vde seg \u2014 og feilet .", "opinions": []}, {"sent_id": "400835-04-02", "text": "N\u00e5 kan BI-studentene og bedriftene ta en ettermiddagspils og spise godt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5 kan BI-studentene og bedriftene ta en ettermiddagspils og spise godt"], ["0:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400835-04-03", "text": "Da Osloby k\u00e5ret Oslos beste spisesteder i 2013 , stakk Nydalen bryggeri og spiseri av med seieren i kategorien gastropub .", "opinions": [{"Source": [[], []], "Target": [["Nydalen bryggeri og spiseri"], ["55:82"]], "Polar_expression": [["stakk", "av med seieren"], ["49:54", "83:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "400835-05-01", "text": "Uteplassen ser ut til \u00e5 v\u00e6re utvidet , men det er lenge siden vi har v\u00e6rt her , s\u00e5 hukommelsen kan spille oss et puss .", "opinions": []}, {"sent_id": "400835-06-01", "text": "Inne har det skjedd ting :", "opinions": []}, {"sent_id": "400835-06-02", "text": "Rommet er stort og h\u00f8yt under taket , men man har laget en mesanin der det er mulig \u00e5 nyte utsikten fra oven .", "opinions": [{"Source": [[], []], "Target": [["Rommet"], ["0:6"]], "Polar_expression": [["stort og h\u00f8yt under taket"], ["10:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["man har laget en mesanin der det er mulig \u00e5 nyte utsikten fra oven"], ["42:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-06-03", "text": "Langs den lange , L-formede bardisken st\u00e5r tappekranene p\u00e5 rekke og rad med en mengde kjente og ukjente \u00f8lsorter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["en mengde kjente og ukjente \u00f8lsorter"], ["76:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "400835-07-01", "text": "\u00d8lmenyen er et eget kart , og byr p\u00e5 \u00f8l alle varianter , st\u00f8rrelser og styrkegrad fra norske og utenlandske bryggerier , b\u00e5de store og sm\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["\u00d8lmenyen"], ["0:8"]], "Polar_expression": [["eget kart"], ["15:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["\u00d8lmenyen"], ["0:8"]], "Polar_expression": [["byr p\u00e5 \u00f8l alle varianter , st\u00f8rrelser og styrkegrad fra norske og utenlandske bryggerier , b\u00e5de store og sm\u00e5"], ["30:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "400835-08-01", "text": "Hjemmebrygg", "opinions": []}, {"sent_id": "400835-09-01", "text": "Vi bestiller et glass hvitvin og en halvliter husets eget brygg fra fat , en amerikansk pale ale , frisk p\u00e5 smak .", "opinions": [{"Source": [[], []], "Target": [["amerikansk pale ale"], ["77:96"]], "Polar_expression": [["frisk p\u00e5 smak"], ["99:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-09-02", "text": "Selve bryggeriet ligger i rommet ved siden av , s\u00e5 vi kan snakke om kortreist .", "opinions": [{"Source": [[], []], "Target": [["bryggeriet"], ["6:16"]], "Polar_expression": [["kortreist"], ["68:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-09-03", "text": "Flere av r\u00e5varene er ogs\u00e5 lokale :", "opinions": [{"Source": [[], []], "Target": [["r\u00e5varene"], ["9:17"]], "Polar_expression": [["lokale"], ["26:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-09-04", "text": "Slakter Str\u00f8m-Larsen er blant samarbeidspartnerne .", "opinions": []}, {"sent_id": "400835-10-01", "text": "Menyen byr p\u00e5 klassiske europeiske retter som tartar av kalv , l\u00f8ksuppe , fish\u2019 n \u2019 chips , bacalao , dampede bl\u00e5skjell , entrec\u00f4te , hamburgere , lammeskank og kyllingl\u00e5r , pluss deleretter for dem som bare vil ha noe lett ved siden av \u00f8let .", "opinions": []}, {"sent_id": "400835-10-02", "text": "Man er tydeligvis stolte av hva man kan tilby , og b\u00e5de spise\u2014 og \u00f8lkartet har beskrivelser av utvalget og filosofien bak konseptet .", "opinions": [{"Source": [["Man"], ["0:3"]], "Target": [[], []], "Polar_expression": [["stolte av hva man kan tilby"], ["18:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E", "NFP": true}]}, {"sent_id": "400835-10-03", "text": "Sitater om mat og \u00f8l er ogs\u00e5 en artig vri .", "opinions": [{"Source": [[], []], "Target": [["Sitater om mat og \u00f8l"], ["0:20"]], "Polar_expression": [["artig vri"], ["32:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-11-01", "text": "Ekte pubmat", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ekte pubmat"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400835-12-01", "text": "Vi begynner med \u00e5 dele en skagenr\u00f8re med toast .", "opinions": []}, {"sent_id": "400835-12-02", "text": "Jeg vurderte hjemmelaget p\u00f8lse med sennep , som kan deles , men ogs\u00e5 spises alene , men prisen p\u00e5 110 kroner virket avskrekkende , i likhet med to typer skinke for en hundrelapp .", "opinions": [{"Source": [[], []], "Target": [["prisen"], ["88:94"]], "Polar_expression": [["virket avskrekkende"], ["109:128"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["to typer skinke for en hundrelapp"], ["144:177"]], "Polar_expression": [["virket avskrekkende"], ["109:128"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-12-03", "text": "Derfor satser jeg heller p\u00e5 bangers and mash , ekte pubkost .", "opinions": []}, {"sent_id": "400835-12-04", "text": "Bordvenninnen lar seg ogs\u00e5 friste til \u00e5 gj\u00f8re dette til et pubm\u00e5ltid og bestiller fish\u2019 n \u2019 chips .", "opinions": []}, {"sent_id": "400835-13-01", "text": "Skagenr\u00f8ren er ikke s\u00e6rlig stor , men meget delikat p\u00e5 smak med fine reker vendt i majones og dill og fin , spr\u00f8 toast .", "opinions": [{"Source": [[], []], "Target": [["Skagenr\u00f8ren"], ["0:11"]], "Polar_expression": [["ikke s\u00e6rlig stor"], ["15:31"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skagenr\u00f8ren"], ["0:11"]], "Polar_expression": [["meget delikat p\u00e5 smak"], ["38:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fine reker"], ["64:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["toast"], ["113:118"]], "Polar_expression": [["fin"], ["102:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["toast"], ["113:118"]], "Polar_expression": [["spr\u00f8"], ["108:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-13-02", "text": "Til fish \u2019 n \u2019 chipsen vil bordvenninnen fortsette med vin , s\u00e5 hun g\u00e5r for et glass sancerre ved siden .", "opinions": []}, {"sent_id": "400835-13-03", "text": "Jeg sp\u00f8r servit\u00f8ren hva han foresl\u00e5r til p\u00f8lse med potetstappe , og ender p\u00e5 Proper Job IPA , en engelsk pale ale med mer humlesmak enn den amerikanske .", "opinions": []}, {"sent_id": "400835-14-01", "text": "Nam nam", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nam nam"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-15-01", "text": "\u2014 For en lekker presentasjon !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For en lekker presentasjon !"], ["2:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-15-02", "text": "Et kremmerhus med pommes frites satt i en \u00ab rist \u00bb for \u00e5 la frityrfettet renne av er en veldig god id\u00e9 .", "opinions": [{"Source": [[], []], "Target": [["kremmerhus med pommes frites"], ["3:31"]], "Polar_expression": [["veldig god id\u00e9"], ["88:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-15-03", "text": "Tartarsausen er mild , men ikke smakl\u00f8s , ertepureen er fin , men likevel med en passe fast konsistens .", "opinions": [{"Source": [[], []], "Target": [["Tartarsausen"], ["0:12"]], "Polar_expression": [["mild , men ikke smakl\u00f8s"], ["16:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ertepureen"], ["42:52"]], "Polar_expression": [["fin"], ["56:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ertepureen"], ["42:52"]], "Polar_expression": [["passe fast konsistens"], ["81:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-15-04", "text": "Og fisken har f\u00e5tt en spr\u00f8 utside , men er fin i fast inni. mmm ...", "opinions": [{"Source": [[], []], "Target": [["fisken"], ["3:9"]], "Polar_expression": [["spr\u00f8 utside"], ["22:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fisken"], ["3:9"]], "Polar_expression": [["fin i fast inni."], ["43:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fisken"], ["3:9"]], "Polar_expression": [["mmm"], ["60:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-16-01", "text": "P\u00f8lse og potetstappe hjemme blir litt stusslig etter dette :", "opinions": [{"Source": [[], []], "Target": [["P\u00f8lse og potetstappe"], ["0:20"]], "Polar_expression": [["P\u00f8lse og potetstappe hjemme blir litt stusslig etter dette"], ["0:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-16-02", "text": "En tykk , kremet mos med hvitl\u00f8k , en p\u00f8lse som er passe grov og rik p\u00e5 smak .", "opinions": [{"Source": [[], []], "Target": [["mos"], ["17:20"]], "Polar_expression": [["kremet"], ["10:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mos"], ["17:20"]], "Polar_expression": [["tykk"], ["3:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["p\u00f8lse"], ["38:43"]], "Polar_expression": [["passe grov"], ["51:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["p\u00f8lse"], ["38:43"]], "Polar_expression": [["rik p\u00e5 smak"], ["65:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-16-03", "text": "Men toppen er den m\u00f8rke sjyen basert p\u00e5 \u00f8l og l\u00f8k , som er god nok grunn til et snarlig gjenbes\u00f8k .", "opinions": [{"Source": [[], []], "Target": [["sjyen"], ["24:29"]], "Polar_expression": [["toppen"], ["4:10"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sjyen"], ["24:29"]], "Polar_expression": [["god nok grunn til et snarlig gjenbes\u00f8k"], ["59:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-17-01", "text": "\u2014 Det er hyggelig at man t\u00f8r etablere seg i et omr\u00e5de utenfor sentrum .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hyggelig at man t\u00f8r etablere seg i et omr\u00e5de utenfor sentrum"], ["9:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "400835-17-02", "text": "Det ser ut som om de kan lykkes , med tanke p\u00e5 alle gjestene .", "opinions": []}, {"sent_id": "400835-18-01", "text": "\u2014 N\u00e5r stedet ogs\u00e5 er stemt frem som byens beste gastropub , burde kundegrunnlaget v\u00e6re sikret en tid fremover .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["byens beste gastropub"], ["36:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kundegrunnlaget"], ["66:81"]], "Polar_expression": [["burde", "v\u00e6re sikret en tid fremover"], ["60:65", "82:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "400835-19-01", "text": "\u2014 Ja , hit kan vi gjerne komme tilbake .", "opinions": [{"Source": [["vi"], ["15:17"]], "Target": [[], []], "Polar_expression": [["hit kan vi gjerne komme tilbake"], ["7:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300474-01-01", "text": "Finske sukkerspinn-rockere", "opinions": []}, {"sent_id": "300474-02-01", "text": "HIM maler med vannfarger - men med for mye vann og for lite farge .", "opinions": [{"Source": [[], []], "Target": [["HIM"], ["0:3"]], "Polar_expression": [["for mye vann og for lite farge"], ["35:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-03-01", "text": "|||ALBUM :", "opinions": []}, {"sent_id": "300474-03-02", "text": "Ville Valo og hans finske kumpaner har spesialisert seg p\u00e5 ulykkelig kj\u00e6rlighet .", "opinions": []}, {"sent_id": "300474-03-03", "text": "En ekspertise som har som har gitt dem horder av tilhengere b\u00e5de i hjemlandet , USA og i s\u00e6r England .", "opinions": [{"Source": [[], []], "Target": [["dem"], ["35:38"]], "Polar_expression": [["ekspertise som har som har gitt dem horder av tilhengere", "hjemlandet", "USA", "i s\u00e6r England"], ["3:59", "67:77", "80:83", "87:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-04-01", "text": "Tristesse er lett omsettelig , men det vil v\u00e6re litt for enkelt \u00e5 skylde utelukkende p\u00e5 hjertesmerteaspektet n\u00e5r man skal forklare bandets suksess .", "opinions": [{"Source": [[], []], "Target": [["Tristesse"], ["0:9"]], "Polar_expression": [["lett omsettelig"], ["13:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["enkelt \u00e5 skylde utelukkende p\u00e5 hjertesmerteaspektet n\u00e5r man skal forklare bandets suksess"], ["57:146"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-05-01", "text": "BredbeintKatalogen har riktig nok v\u00e6rt ujevn , men har likevel bydd p\u00e5 n\u00f8dvendige mengder melodisterke semiballader , gratinert i smaksrikt keyboardkrydder og velkalibrerte Valo-fraser til at HIM-karriereren har v\u00e6rt i stadig ekspansjon .", "opinions": [{"Source": [[], []], "Target": [["BredbeintKatalogen"], ["0:18"]], "Polar_expression": [["v\u00e6rt ujevn"], ["34:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["BredbeintKatalogen"], ["0:18"]], "Polar_expression": [["bydd p\u00e5 n\u00f8dvendige mengder melodisterke semiballader , gratinert i smaksrikt keyboardkrydder og velkalibrerte Valo-fraser til at HIM-karriereren har v\u00e6rt i stadig ekspansjon"], ["63:236"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["semiballader"], ["103:115"]], "Polar_expression": [["melodisterke"], ["90:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["semiballader"], ["103:115"]], "Polar_expression": [["smaksrikt keyboardkrydder"], ["130:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["semiballader"], ["103:115"]], "Polar_expression": [["velkalibrerte Valo-fraser"], ["159:184"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["HIM-karriereren"], ["192:207"]], "Polar_expression": [["stadig ekspansjon"], ["219:236"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-06-01", "text": "L\u00e5ter som \u00ab Rip Out the Wings of a Butterfly \u00bb og \u00ab Burried Alive By Love \u00bb er gode eksempler p\u00e5 hvordan overnevnte bestanddeler har skapt bredbeint og fengende sukkerspinnrock med appellnedslag et sted mellom Depeche Mode og Nine Inche Nails .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Burried Alive By Love \u00bb"], ["50:75"]], "Polar_expression": [["bredbeint og fengende sukkerspinnrock"], ["139:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Rip Out the Wings of a Butterfly \u00bb"], ["10:46"]], "Polar_expression": [["bredbeint og fengende sukkerspinnrock"], ["139:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-07-01", "text": "Dessverre kommer ikke disse grepene helt gjennom p\u00e5 \u00ab Screamworks \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Screamworks \u00bb"], ["52:67"]], "Polar_expression": [["Dessverre kommer ikke disse grepene helt gjennom p\u00e5"], ["0:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300474-08-01", "text": "Tross uttallige gjennomlyttinger , er det minimalt som fester seg etter endt lytt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tross uttallige gjennomlyttinger", "minimalt som fester seg"], ["0:32", "42:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300474-08-02", "text": "Det blir litt som \u00e5 male med vannfarger med for mye vann og for lite farge .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt som \u00e5 male med vannfarger med for mye vann og for lite farge"], ["9:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300474-09-01", "text": "RepeterendeMelodiene sklir over i hverandre og blir utydelige , mens Valos bilder om maktesl\u00f8shet og hans tiln\u00e6rmet sadomasochistiske forhold til kj\u00e6rlighetstr\u00f8bbel og lengsel f\u00f8les repeterende og blasse .", "opinions": [{"Source": [[], []], "Target": [["Valos bilder om maktesl\u00f8shet"], ["69:97"]], "Polar_expression": [["blasse"], ["197:203"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tiln\u00e6rmet sadomasochistiske forhold til kj\u00e6rlighetstr\u00f8bbel og lengsel"], ["106:175"]], "Polar_expression": [["blasse"], ["197:203"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Valos bilder om maktesl\u00f8shet"], ["69:97"]], "Polar_expression": [["repeterende"], ["182:193"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tiln\u00e6rmet sadomasochistiske forhold til kj\u00e6rlighetstr\u00f8bbel og lengsel"], ["106:175"]], "Polar_expression": [["repeterende"], ["182:193"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-10-01", "text": "\u00ab In the Arms of Rain \u00bb drar HIM langt inn i 80-tallets syntht\u00e5ke med melodlinjer som ligger faretruende n\u00e6r Hot Butter-klassikeren \u00ab Popcorn \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab In the Arms of Rain \u00bb"], ["0:23"]], "Polar_expression": [["drar HIM langt inn i 80-tallets syntht\u00e5ke"], ["24:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["melodlinjer"], ["70:81"]], "Polar_expression": [["faretruende n\u00e6r Hot Butter-klassikeren \u00ab Popcorn \u00bb ."], ["93:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab In the Arms of Rain \u00bb"], ["0:23"]], "Polar_expression": [["melodlinjer som ligger faretruende n\u00e6r Hot Butter-klassikeren \u00ab Popcorn \u00bb ."], ["70:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["HIM"], ["29:32"]], "Polar_expression": [["\u00ab In the Arms of Rain \u00bb drar HIM langt inn i 80-tallets syntht\u00e5ke"], ["0:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-10-02", "text": "Da er fusjonen av Kraftwerk-minimalisme og store gitarvegger p\u00e5 \u00ab Heartkiller \u00bb langt mer tiltalende .", "opinions": [{"Source": [[], []], "Target": [["fusjonen av Kraftwerk-minimalisme og store gitarvegger p\u00e5 \u00ab Heartkiller \u00bb"], ["6:79"]], "Polar_expression": [["langt mer tiltalende"], ["80:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300474-11-01", "text": "HIM tr\u00e5r heller ikke veldig feil p\u00e5 den avm\u00e5lte \u00ab Acoustic Funeral \u00bb eller temposterke \u00ab Like St. Valentine \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Acoustic Funeral \u00bb"], ["48:68"]], "Polar_expression": [["avm\u00e5lte"], ["40:47"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["HIM"], ["0:3"]], "Polar_expression": [["tr\u00e5r heller ikke veldig feil"], ["4:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["\u00ab Acoustic Funeral \u00bb"], ["48:68"]], "Polar_expression": [["tr\u00e5r heller ikke veldig feil"], ["4:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "300474-12-01", "text": "Merkeligere ting har skjedd enn om \u00ab Screamworks \u00bb skulle l\u00f8fte HIM ytterligere et par steg p\u00e5 karrierestigen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Screamworks \u00bb"], ["35:50"]], "Polar_expression": [["Merkeligere ting har skjedd enn om", "skulle l\u00f8fte HIM ytterligere et par steg p\u00e5 karrierestigen"], ["0:34", "51:109"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300474-13-01", "text": "Men d\u00f8mt ut ifra bandets egen m\u00e5lestokk , er platen verken oppe blant de beste eller nede ved de svakeste .", "opinions": [{"Source": [[], []], "Target": [["platen"], ["45:51"]], "Polar_expression": [["d\u00f8mt ut ifra bandets egen m\u00e5lestokk", "verken oppe blant de beste eller nede ved de svakeste"], ["4:39", "52:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108139-01-01", "text": "Grensekryssing med redningsvest", "opinions": []}, {"sent_id": "108139-02-01", "text": "178 sider , Kr . 259 , - Damm", "opinions": []}, {"sent_id": "108139-03-01", "text": "Forfatterens stemme er tidligere formidlet via dramatikk , blogging , tidsskriftet Fett og avisen Klassekampen .", "opinions": []}, {"sent_id": "108139-04-01", "text": "Likevel synes denne tekstsamlingen \u00e5 v\u00e6re et veldig rop om \u00e5 bli h\u00f8rt .", "opinions": []}, {"sent_id": "108139-05-01", "text": "I korte brokker m\u00f8ter vi hovedpersonen p\u00e5 en kronglete vei mot fred og identitet som kvinne .", "opinions": []}, {"sent_id": "108139-05-02", "text": "Hun smaker p\u00e5 alt ekstremt , ogs\u00e5 hore-rollen , men er gjennomsyret av en dyp lengsel etter det feministisk idealiserte kvinnefellesskapet .", "opinions": []}, {"sent_id": "108139-05-03", "text": "Hun vil krysse grenser mot et forjettet land der urkvinnelig styrke omkranser henne i form av venninner - og gjerne elskere .", "opinions": []}, {"sent_id": "108139-06-01", "text": "Et annet hovedtema er den grunnleggende angsten for moderskap / barn / barndom .", "opinions": []}, {"sent_id": "108139-06-02", "text": "Dette f\u00e5r symbolisere f\u00f8lelser som hjelpel\u00f8shet , avhengighet og et omsorgsbehov p\u00e5 liv og d\u00f8d .", "opinions": []}, {"sent_id": "108139-07-01", "text": "Teksten drar hypoteser og viser lengsler mot en helt annen virkelighet , der kvinner ikke preges s\u00e5 sterkt av kravene om morsansvar , f\u00f8yelighet , renhet .", "opinions": []}, {"sent_id": "108139-07-02", "text": "Feministisk undring blir til raseri , men for avdempet til at teksten kan kalles intens .", "opinions": []}, {"sent_id": "108139-08-01", "text": "Ogs\u00e5 spr\u00e5ket eier en hardhet man kan kalle metallisk , og er ikke uten pinligheter som \u00ab sn\u00f8en er s\u00e5 stille \u00bb .", "opinions": [{"Source": [[], []], "Target": [["spr\u00e5ket"], ["5:12"]], "Polar_expression": [["hardhet man kan kalle metallisk"], ["21:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spr\u00e5ket"], ["5:12"]], "Polar_expression": [["ikke uten pinligheter"], ["61:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108139-09-01", "text": "\u00c5 spekulere i hvor selvbiografisk teksten er , synes meningsl\u00f8st .", "opinions": []}, {"sent_id": "108139-09-02", "text": "Men den eier et forbehold , en slags reserverthet midt i sin ekshibisjonisme , som undergraver noe av den litter\u00e6re desperasjonen og kraften .", "opinions": []}, {"sent_id": "108139-10-01", "text": "MAY GRETHE LERUM", "opinions": []}, {"sent_id": "703367-01-01", "text": "Rasemessig degenerert", "opinions": []}, {"sent_id": "703367-02-01", "text": "All livsens ondskap mellom to permer .", "opinions": []}, {"sent_id": "703367-03-01", "text": "Det er krevende \u00e5 lese Steve Sem-Sandbergs ( 1958 ) faktabaserte romaner , sprengfylte av lidelse , fornedring , fanatisme og hat , perversjoner og menneskeforakt , av all tenkelig \u2013 og for de fleste av oss helst utenkelig , f\u00f8r vi blir satt p\u00e5 det \u2013 livsens ondskap :", "opinions": [{"Source": [[], []], "Target": [["romaner"], ["65:72"]], "Polar_expression": [["krevende"], ["7:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703367-03-02", "text": "\u00ab De fattige i Lodz \u00bb ( p\u00e5 norsk i 2010 ) er en monumental roman fra polsk j\u00f8deghetto under andre verdenskrig , om en befolknings systematiserte desimering .", "opinions": [{"Source": [[], []], "Target": [["\u00ab De fattige i Lodz \u00bb"], ["0:21"]], "Polar_expression": [["monumental"], ["48:58"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703367-04-01", "text": "S\u00e5 fikk vi \u00ab Theres \u00bb , med tittelfiguren Ulrike Meinhof ( 1934 - 76 ) , journalist , tobarnsmor og terrorist , som siden 1970-tallet sammen med Bader-Meinhof-gruppen er herostratisk ber\u00f8mt verden over .", "opinions": []}, {"sent_id": "703367-04-02", "text": "Med \u00e5rets \u00ab De utvalgte \u00bb er Sem-Sandberg tilbake i det helt store format , i en roman om nazistenes eutanasiprogram til utryddelse av u\u00f8nskete individer , evneveike , retarderte , vanskapte , \u00ab rasemessig retarderte \u00bb og uregjerlige menneskebarn .", "opinions": []}, {"sent_id": "703367-04-03", "text": "Og hva som siden skjedde ; eller , helst , ikke skjedde .", "opinions": []}, {"sent_id": "703367-05-01", "text": "Det dreier seg under nazismen og hitlerismen om utryddelse som statlig politikk , samvittighetsfullt eksekvert av ideologiske fanatikere uten samvittighet , eller av helt \u00ab vanlige \u00bb , pliktoppfyllende mennesker uten moralsk kompass .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ideologiske fanatikere uten samvittighet"], ["114:154"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["pliktoppfyllende mennesker uten moralsk kompass"], ["185:232"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703367-05-02", "text": "Som den ene hovedpersonen , det \u00ab ut\u00f8vende redskapet \u00bb , sykepleieren Anna Katschenka , som \u00ab bare \u00bb gj\u00f8r det hun blir satt til .", "opinions": []}, {"sent_id": "703367-05-03", "text": "Som er \u00e5 ha ansvaret for den andre hovedpersonen , Adrian Ziegler , 13 \u00e5r gammel da han vinteren 1941 havner p\u00e5 den \u00f8sterrikske Spiegelgrund-klinikken , en transittstasjon i bekjempelsen av \u00ab syke og livsudugelige \u00bb .", "opinions": []}, {"sent_id": "703367-06-01", "text": "Ved testing og grotesk eksperimentering p\u00e5 barna , blir de fleste vanskj\u00f8ttet og deformert til d\u00f8de , eller de blir avlivet n\u00e5r de ikke lenger er interessante til fors\u00f8k .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["grotesk eksperimentering"], ["15:39"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703367-06-02", "text": "I sin \u00ab bestialitetens historie \u00bb ( Bj\u00f8rneboe ) lesser Sem-Sandberg ustoppelige pinsler og fornedrelser over de vergel\u00f8se barna .", "opinions": []}, {"sent_id": "703367-06-03", "text": "De fleste lar seg pine til d\u00f8de , en og annen klarer \u00e5 flykte \u2013 f\u00f8r han blir innhentet og tilbakesendt til klinikken , en enkelt kan orke \u00e5 drepe seg selv \u2013 ogs\u00e5 det beskrevet ; noen overlever .", "opinions": []}, {"sent_id": "703367-06-04", "text": "Gjennom mange frampeik i teksten forst\u00e5r leseren at b\u00e5de Adrian og Anna vil v\u00e6re blant overleverne .", "opinions": []}, {"sent_id": "703367-07-01", "text": "Anna Katschenka ble flere \u00e5r etter krigen d\u00f8mt til \u00e5tte \u00e5rs straffarbeid , som hun sonte 4 \u00e5r og 5 m\u00e5neder av , og som siden , i egen fornemmelse av subjektiv uskyld for sin krigsinnsats , presterte \u00e5 s\u00f8ke om \u00f8konomisk kompensasjon .", "opinions": []}, {"sent_id": "703367-07-02", "text": "Det fikk hun ikke .", "opinions": []}, {"sent_id": "703367-07-03", "text": "Hun d\u00f8de i 1966 , 61 \u00e5r gammel .", "opinions": []}, {"sent_id": "703367-07-04", "text": "For \u00e5 se hvordan Adrian Zieglers liv arter seg , fra vanskj\u00f8ttet barndom , til eutanasi-institusjonen og videre , er det alene verdt \u00e5 f\u00f8lge Sem-Sandberg gjennom de mange sidene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["verdt \u00e5 f\u00f8lge"], ["127:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703367-08-01", "text": "\u00ab De utvalgte \u00bb blir da en roman om menneskets umenneskelighet mot mennesker , en uopph\u00f8rlig lesep\u00e5kjenning over innp\u00e5 seks hundre sider , der forfatteren gnir det inn , for s\u00e5 \u00e5 gjenta elendigheten , vondskapen , smerten , igjen og igjen , og igjen .", "opinions": []}, {"sent_id": "703367-08-02", "text": "Han gj\u00f8r det med romanteknisk kunstferdighet , ikke minst med tid\u2014 og stedsprang , vekslinger mellom rein fiksjonsdikting og bruk av samtidige legejournaler og domspapirer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["romanteknisk kunstferdighet"], ["17:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703367-09-01", "text": "Oversettelsen har atter en gang v\u00e6rt i gode hender hos Bj\u00f8rn Alex Herrman , men sjelden savner man s\u00e5 mye lesefremmende punktuering som i denne massive tekstkroppen .", "opinions": [{"Source": [[], []], "Target": [["Oversettelsen"], ["0:13"]], "Polar_expression": [["i gode hender"], ["37:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Oversettelsen"], ["0:13"]], "Polar_expression": [["sjelden savner man s\u00e5 mye lesefremmende punktuering"], ["80:131"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703367-10-01", "text": "Den som ikke blir rystende ber\u00f8rt av \u00ab De utvalgte \u00bb , m\u00e5 v\u00e6re forherdet til det immune .", "opinions": [{"Source": [[], []], "Target": [["\u00ab De utvalgte \u00bb"], ["37:52"]], "Polar_expression": [["Den som ikke blir rystende ber\u00f8rt av \u00ab De utvalgte \u00bb , m\u00e5 v\u00e6re forherdet til det immune"], ["0:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703367-10-02", "text": "I romanens etterliv blir kanskje det aller uhyrligste hvordan s\u00e5 mange p\u00e5 tysk omr\u00e5de etter krigen ikke s\u00e5 ut til \u00e5 kjenne ansvar og skyld , eller faktisk erkl\u00e6rte at de ikke visste hva som skjedde i konsentrasjons- og eutanasileirene , at de ikke s\u00e5 det landskapet de beveget seg i .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["aller uhyrligste"], ["37:53"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703367-10-03", "text": "Som mange av oss fortsatt ved v\u00e5r taushet er skyldige .", "opinions": []}, {"sent_id": "703367-10-04", "text": "Sp\u00f8r noen enn\u00e5 om romaner har en samtidig , politisk funksjon ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sp\u00f8r noen enn\u00e5 om romaner har en samtidig , politisk funksjon ?"], ["0:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703367-10-05", "text": "Snakk med Steve Sem-Sandberg .", "opinions": []}, {"sent_id": "003157-01-01", "text": "Boogie Nights", "opinions": []}, {"sent_id": "003157-02-01", "text": "Paul Thomas Andersons film om jakten p\u00e5 perfekt porno !", "opinions": []}, {"sent_id": "003157-03-01", "text": "Folka i Boogie Nights har navn som Kurt Longjohn , Amber Waves , Becky Barnett og Rollergirl .", "opinions": []}, {"sent_id": "003157-04-01", "text": "Men det teitete artistnavnet har hovedpersonen , Dirk Diggler .", "opinions": [{"Source": [[], []], "Target": [["Dirk Diggler"], ["49:61"]], "Polar_expression": [["teitete artistnavnet"], ["8:28"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003157-04-02", "text": "Filmen f\u00f8lger hans inntreden i pornobransjen p\u00e5 slutten av 70-tallet , og hvordan en lysende karriere ender opp i en sm\u00f8rje av dop og vold .", "opinions": []}, {"sent_id": "003157-05-01", "text": "Samtidig er Boogie Nights faktisk en ganske morsom film !", "opinions": [{"Source": [[], []], "Target": [["Boogie Nights"], ["12:25"]], "Polar_expression": [["en ganske morsom film !"], ["34:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003157-06-01", "text": "Dagligdags med sex", "opinions": []}, {"sent_id": "003157-07-01", "text": "Den gir et godt innblikk i den delen av Hollywood som sjelden blir opplyst av spotlights , og som sjelden havner p\u00e5 forsida i sladderpressa .", "opinions": []}, {"sent_id": "003157-08-01", "text": "Her f\u00e5r vi se hvordan pornoakt\u00f8rene er som en slags stor familie , der det \u00e5 ha sex med hverandre er like dagligdags som \u00e5 drikke kaffe er for andre .", "opinions": []}, {"sent_id": "003157-09-01", "text": "Boogie Nights skildrer ogs\u00e5 en epoke i pornobransjen der filmene ble laget p\u00e5 film og ikke p\u00e5 video .", "opinions": []}, {"sent_id": "003157-10-01", "text": "Burt Reynolds sin figur , Jack Horner , er en regiss\u00f8r som streber etter den perfekte pornofilmen , en som f\u00e5r publikum til \u00e5 bli sittende i kinosetet , ogs\u00e5 etter at de har f\u00e5tt de de kom for ( du fikk med deg den ? ) .", "opinions": []}, {"sent_id": "003157-11-01", "text": "Wahlberg er stor i rollen", "opinions": [{"Source": [[], []], "Target": [["Wahlberg"], ["0:8"]], "Polar_expression": [["stor i rollen"], ["12:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003157-12-01", "text": "Burt Reynolds har f\u00e5tt en Oscar-nominasjon for sin birolle , men om navn skal trekkes frem , m\u00e5 Mark Wahlberg nevnes .", "opinions": [{"Source": [[], []], "Target": [["Burt Reynolds"], ["0:13"]], "Polar_expression": [["Oscar-nominasjon for sin birolle"], ["26:58"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["Mark Wahlberg"], ["96:109"]], "Polar_expression": [["m\u00e5", "nevnes"], ["93:95", "110:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003157-13-01", "text": "At han kan spille , skj\u00f8nte jeg da jeg s\u00e5 ham mot DiCaprio i Netter i New York , og jeg synes han er - bokstavelig talt - stor i rollen som Dirk Diggler .", "opinions": [{"Source": [["jeg"], ["28:31"]], "Target": [["han"], ["3:6"]], "Polar_expression": [["kan spille"], ["7:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["84:87"]], "Target": [["han"], ["94:97"]], "Polar_expression": [["stor i rollen som Dirk Diggler"], ["122:152"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003157-13-02", "text": "Hvem hadde trodd at lettvekterartisten Marky Mark skulle f\u00e5 en slik karriere ?", "opinions": [{"Source": [[], []], "Target": [["Marky Mark"], ["39:49"]], "Polar_expression": [["Hvem hadde trodd at lettvekterartisten", "skulle f\u00e5 en slik karriere ?"], ["0:38", "50:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003157-14-01", "text": "Regiss\u00f8r Paul Thomas Anderson har gjenskapt en perfekt 70-talls-setting , der b\u00e5de musikk , h\u00e5r , kl\u00e6r , m\u00f8bler og biler ser ut til \u00e5 stemme .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8r Paul Thomas Anderson"], ["0:29"]], "Polar_expression": [["gjenskapt en perfekt 70-talls-setting"], ["34:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["70-talls-setting"], ["55:71"]], "Polar_expression": [["perfekt"], ["47:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["biler"], ["115:120"]], "Polar_expression": [["ser ut til \u00e5 stemme"], ["121:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["m\u00f8bler"], ["105:111"]], "Polar_expression": [["ser ut til \u00e5 stemme"], ["121:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kl\u00e6r"], ["98:102"]], "Polar_expression": [["ser ut til \u00e5 stemme"], ["121:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["h\u00e5r"], ["92:95"]], "Polar_expression": [["ser ut til \u00e5 stemme"], ["121:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["83:89"]], "Polar_expression": [["ser ut til \u00e5 stemme"], ["121:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003157-15-01", "text": "Og alt dette gj\u00f8r Boogie Nights til en h\u00f8yst severdig og underholdende film , som kanskje er noe av det mer bisarre jeg har sett p\u00e5 kino i det siste .", "opinions": [{"Source": [[], []], "Target": [["Boogie Nights"], ["18:31"]], "Polar_expression": [["h\u00f8yst severdig"], ["39:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Boogie Nights"], ["18:31"]], "Polar_expression": [["underholdende"], ["57:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["116:119"]], "Target": [["Boogie Nights"], ["18:31"]], "Polar_expression": [["kanskje er noe av det mer bisarre jeg har sett p\u00e5 kino i det siste"], ["82:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110899-01-01", "text": "Lite troverdig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lite troverdig"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110899-02-01", "text": "Michael Connelly :", "opinions": []}, {"sent_id": "110899-02-02", "text": "\u00ab NI DRAGER \u00bb", "opinions": []}, {"sent_id": "110899-02-03", "text": "Oversatt av Stian Omland Gyldendal 737 s. , kr. 379 , - Et \u00ab hverdagslig \u00bb drap i forbindelse med et ran viser seg \u00e5 ha forbindelser til organisert kriminalitet i det eksil-kinesiske milj\u00f8et .", "opinions": []}, {"sent_id": "110899-02-04", "text": "Forfatterens veteranhelt , Harry Bosch , kjente den drepte butikkeieren .", "opinions": []}, {"sent_id": "110899-02-05", "text": "Han sverger at den skyldige skal f\u00e5 sin straff .", "opinions": []}, {"sent_id": "110899-02-06", "text": "Selv ikke n\u00e5r advarslene fra mafiamilj\u00f8et begynner \u00e5 ta sv\u00e6rt konkrete former , og Bosch mottar et bilde av sin datter i den fryktede Triadens kl\u00f8r , lar v\u00e5r mann seg stoppe .", "opinions": []}, {"sent_id": "110899-03-01", "text": "Man kan vanligvis stole p\u00e5 Michael Connelly som konstrukt\u00f8r av intrikate plots , og karaktertegningen er som regel kraftig , mot det overtydelige .", "opinions": [{"Source": [[], []], "Target": [["Michael Connelly"], ["27:43"]], "Polar_expression": [["vanligvis stole p\u00e5 Michael Connelly som konstrukt\u00f8r av intrikate plots"], ["8:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["karaktertegningen"], ["84:101"]], "Polar_expression": [["som regel kraftig , mot det overtydelige"], ["105:145"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110899-04-01", "text": "Her blir plottet b\u00e5de utroverdig og vinglete , og Connelly gir slipp p\u00e5 flere av de f\u00e5 nyansene han mestrer , i sin beskrivelse av detektivens sinnstilstand som stort sett varierer mellom to innstillinger :", "opinions": [{"Source": [[], []], "Target": [["plottet"], ["9:16"]], "Polar_expression": [["utroverdig"], ["22:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plottet"], ["9:16"]], "Polar_expression": [["vinglete"], ["36:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Connelly"], ["50:58"]], "Polar_expression": [["gir slipp p\u00e5 flere av de f\u00e5 nyansene han mestrer"], ["59:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["beskrivelse av detektivens sinnstilstand"], ["116:156"]], "Polar_expression": [["stort sett varierer mellom to innstillinger"], ["161:204"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110899-04-02", "text": "Fra irrasjonell villskap under forbryterjakten , til sutrende selvbebreidelser n\u00e5r hans uproffe opptreden f\u00e5r negative konsekvenser for hans kolleger og familie .", "opinions": []}, {"sent_id": "110899-05-01", "text": "Et par actionscener med tr\u00f8kk trekker opp , oversettelsen full av stilistisk rusk og rask trekker ned .", "opinions": [{"Source": [[], []], "Target": [["oversettelsen"], ["44:57"]], "Polar_expression": [["full av stilistisk rusk og rask trekker ned"], ["58:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionscener med tr\u00f8kk"], ["7:29"]], "Polar_expression": [["Et par", "trekker opp"], ["0:6", "30:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110899-06-01", "text": "KNUT FALDBAKKEN", "opinions": []}, {"sent_id": "100120-01-01", "text": "Reality sucks", "opinions": []}, {"sent_id": "100120-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "100120-02-02", "text": "Bill Guttentag Med :", "opinions": []}, {"sent_id": "100120-02-03", "text": "Eva Mendes , David Krumholtz , Rob Brown", "opinions": []}, {"sent_id": "100120-03-01", "text": "En liksomdokumentar som tar m\u00e5l av seg \u00e5 si noe kritisk om den \u00ab kyniske \u00bb TV-bransjen sliter litt n\u00e5r det er de mest spekulative \u00f8yeblikkene den \u00f8nsker \u00e5 rette pekefingeren mot som underholder mest .", "opinions": [{"Source": [[], []], "Target": [["liksomdokumentar"], ["3:19"]], "Polar_expression": [["sliter litt"], ["87:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100120-03-02", "text": "Disse kommer i en intens og ganske pirrende siste halvtime , men f\u00f8r den tid har man g\u00e5tt grundig lei av Eva Mendes ' ( den kyniske TV-produsenten ) endel\u00f8se l\u00f8ping rundt i gangene for \u00e5 overbevise sjefene sine om at russisk rulett er det ultimate reality-TV konsept .", "opinions": [{"Source": [[], []], "Target": [["siste halvtime"], ["44:58"]], "Polar_expression": [["intens"], ["18:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["siste halvtime"], ["44:58"]], "Polar_expression": [["ganske pirrende"], ["28:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["grundig lei av Eva Mendes '", "endel\u00f8se l\u00f8ping rundt i gangene"], ["90:117", "149:180"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100120-03-03", "text": "Kun trailere som bonus .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kun trailere som bonus"], ["0:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100120-04-01", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "202276-01-01", "text": "TEST :", "opinions": []}, {"sent_id": "202276-01-02", "text": "Mazda 3 1.6 DE", "opinions": []}, {"sent_id": "202276-02-01", "text": "Tiden er inne til \u00e5 dele v\u00e5re erfaringer med oppgraderte Mazda 3 .", "opinions": []}, {"sent_id": "202276-03-01", "text": "Tross denne bilens brede smil - nesten et glis , s\u00e5 seiler Mazda for tiden i motvind her i landet , og selger langt f\u00e6rre av sine modeller enn de objektivt sett hadde fortjent .", "opinions": [{"Source": [[], []], "Target": [["Mazda"], ["59:64"]], "Polar_expression": [["seiler", "for tiden i motvind"], ["52:58", "65:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mazda"], ["59:64"]], "Polar_expression": [["selger langt f\u00e6rre av sine modeller enn de objektivt sett hadde fortjent"], ["103:175"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-03-02", "text": "N\u00e5 om dagen g\u00e5r det enda tr\u00e5ere enn i fjor og det store problemomr\u00e5det er \u00e5penbart forhandlernettverket samt forholdet dets til import\u00f8ren .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["g\u00e5r det enda tr\u00e5ere enn i fjor"], ["12:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forhandlernettverket"], ["83:103"]], "Polar_expression": [["store problemomr\u00e5det"], ["50:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forholdet dets til import\u00f8ren"], ["109:138"]], "Polar_expression": [["store problemomr\u00e5det"], ["50:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-04-01", "text": "Godt rykte , men ...", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Godt rykte"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["men ..."], ["13:20"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-05-01", "text": "Det faktum at merket fortsatt ikke har hengt seg p\u00e5 trenden som har gjort Norgesgaranti p\u00e5 fem \u00e5r til standarden hjelper heller ikke , og det til tross for et image som noen av de mest driftssikre bilene du kan kj\u00f8pe .", "opinions": [{"Source": [[], []], "Target": [["merket"], ["14:20"]], "Polar_expression": [["fortsatt ikke har hengt seg p\u00e5 trenden"], ["21:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["merket"], ["14:20"]], "Polar_expression": [["image som noen av de mest driftssikre bilene du kan kj\u00f8pe"], ["159:216"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-05-02", "text": "Ingen av merkets to bestselgende biler har dermed n\u00e5dd topp 30-listen hittil i \u00e5r .", "opinions": [{"Source": [[], []], "Target": [["merkets to bestselgende biler"], ["9:38"]], "Polar_expression": [["Ingen", "n\u00e5dd topp 30-listen hittil i \u00e5r"], ["0:5", "50:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-05-03", "text": "Det er nylig oppgraderte Mazda 6 som leder an etter to m\u00e5neders salg med 121 solgte biler , mens Mazda 3 - som ledet p\u00e5 samme tid i fjor - kun har f\u00e5tt registrert 47 nye eksemplarer .", "opinions": [{"Source": [[], []], "Target": [["Mazda 6"], ["25:32"]], "Polar_expression": [["leder an etter to m\u00e5neders salg"], ["37:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mazda 6"], ["25:32"]], "Polar_expression": [["121 solgte biler"], ["73:89"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Mazda 3"], ["97:104"]], "Polar_expression": [["ledet p\u00e5 samme tid i fjor"], ["111:136"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mazda 3"], ["97:104"]], "Polar_expression": [["kun har f\u00e5tt registrert 47 nye eksemplarer"], ["139:181"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-06-01", "text": "\" Hva er kvalitet ? \"", "opinions": []}, {"sent_id": "202276-07-01", "text": "Mazda 3 er , sammen med Honda Civic , den bilen som har den mest sl\u00e5ende designen i C-segmentet ( eller \" Golf-klassen \" , som det er bedre kjent som ) .", "opinions": [{"Source": [[], []], "Target": [["Mazda 3"], ["0:7"]], "Polar_expression": [["mest sl\u00e5ende designen i C-segmentet"], ["60:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Honda Civic"], ["24:35"]], "Polar_expression": [["mest sl\u00e5ende designen i C-segmentet"], ["60:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["designen"], ["73:81"]], "Polar_expression": [["mest sl\u00e5ende"], ["60:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-07-02", "text": "Men mens Hondaen g\u00e5r for en futuristisk , \" spacy \" stil er Mazdaen resolutt sporty og dynamisk .", "opinions": [{"Source": [[], []], "Target": [["Mazdaen"], ["60:67"]], "Polar_expression": [["resolutt sporty"], ["68:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Mazdaen"], ["60:67"]], "Polar_expression": [["dynamisk"], ["87:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Hondaen"], ["9:16"]], "Polar_expression": [["futuristisk , \" spacy \" stil"], ["28:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-07-03", "text": "Felles for dem er for \u00f8vrig at de mangler noe av den kvalitetsf\u00f8lelsen som blir stadig mer utbredt i klassen .", "opinions": [{"Source": [[], []], "Target": [["dem"], ["11:14"]], "Polar_expression": [["mangler noe av den kvalitetsf\u00f8lelsen"], ["34:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-07-04", "text": "Felles for dem er ogs\u00e5 at de bygges av produsenter som er kjent for \u00e5 lage noen av de mest driftssikre bilene p\u00e5 markedet .", "opinions": [{"Source": [[], []], "Target": [["dem"], ["11:14"]], "Polar_expression": [["bygges av produsenter som er kjent for \u00e5 lage noen av de mest driftssikre bilene p\u00e5 markedet"], ["29:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["produsenter"], ["39:50"]], "Polar_expression": [["kjent for \u00e5 lage noen av de mest driftssikre bilene p\u00e5 markedet"], ["58:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-07-05", "text": "Opplevd kvalitet og erfart kvalitet g\u00e5r ikke alltid h\u00e5nd i h\u00e5nd ...", "opinions": [{"Source": [[], []], "Target": [["kvalitet"], ["8:16"]], "Polar_expression": [["Opplevd kvalitet og erfart kvalitet g\u00e5r ikke alltid h\u00e5nd i h\u00e5nd"], ["0:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-08-01", "text": "Eksteri\u00f8rbilder :", "opinions": []}, {"sent_id": "202276-09-01", "text": "Mye er sagt ...", "opinions": []}, {"sent_id": "202276-10-01", "text": "For de v\u00e5kne leserne som mener \u00e5 huske at vi allerede har skrevet om denne bilen :", "opinions": []}, {"sent_id": "202276-10-02", "text": "Dere tar ikke helt feil , og mye av det som ble skrevet i v\u00e5r test av Mazda 3 1.6 DE , foretatt mot slutten av fellesferien i fjor , er fortsatt gyldig .", "opinions": []}, {"sent_id": "202276-10-03", "text": "Vi henviser derfor til den for mer utf\u00f8rlig om kj\u00f8reegenskaper , interi\u00f8r og komfort .", "opinions": []}, {"sent_id": "202276-11-01", "text": "... men en del er nytt", "opinions": []}, {"sent_id": "202276-12-01", "text": "Det som er nytt med denne versjonen ?", "opinions": []}, {"sent_id": "202276-12-02", "text": "En oppgradert 1,6-liters dieselmotor - det som er mest etterspurt og mest attraktivt - som n\u00e5 leveres i kombinasjon med 6-trinns manuell girkasse som standard .", "opinions": [{"Source": [[], []], "Target": [["dieselmotor"], ["25:36"]], "Polar_expression": [["mest etterspurt"], ["50:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dieselmotor"], ["25:36"]], "Polar_expression": [["mest attraktivt"], ["69:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dieselmotor"], ["25:36"]], "Polar_expression": [["oppgradert"], ["3:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dieselmotor"], ["25:36"]], "Polar_expression": [["1,6-liters"], ["14:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["dieselmotor"], ["25:36"]], "Polar_expression": [["kombinasjon med 6-trinns manuell girkasse som standard"], ["104:158"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-12-03", "text": "Den er i hovedsak blitt videreutviklet for \u00e5 tilfredsstille Euro V-avgasskravene ; den utg\u00e5ende varianten var kun sertifisert Euro IV .", "opinions": []}, {"sent_id": "202276-13-01", "text": "Interi\u00f8rbilder :", "opinions": []}, {"sent_id": "202276-14-01", "text": "Mer futt ...", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mer futt"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-15-01", "text": "Motoren er utstyrt med ny turbolader med variabel turbogeometri og nytt innspr\u00f8ytningssystem , og byr n\u00e5 p\u00e5 115 hk - eller 6 mer enn tidligere - som i tillegg kommer ved 3.600 omdreininger - 400 lavere enn tidligere .", "opinions": [{"Source": [[], []], "Target": [["Motoren"], ["0:7"]], "Polar_expression": [["ny turbolader"], ["23:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["turbolader"], ["26:36"]], "Polar_expression": [["variabel turbogeometri"], ["41:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["turbolader"], ["26:36"]], "Polar_expression": [["nytt innspr\u00f8ytningssystem"], ["67:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Motoren"], ["0:7"]], "Polar_expression": [["115 hk"], ["108:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Motoren"], ["0:7"]], "Polar_expression": [["3.600 omdreininger"], ["170:188"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-15-02", "text": "Maksimalt dreiemoment har \u00f8kt fra 240 til 270 Nm i omr\u00e5det 1750 \u2013 2700 omdreininger .", "opinions": [{"Source": [[], []], "Target": [["Maksimalt dreiemoment"], ["0:21"]], "Polar_expression": [["\u00f8kt fra 240 til 270 Nm i omr\u00e5det 1750 \u2013 2700 omdreininger"], ["26:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-15-03", "text": "Det er som nevnt n\u00e5 standard med sekstrinns manuell girkasse .", "opinions": []}, {"sent_id": "202276-16-01", "text": "... mindre avgass", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mindre avgass"], ["4:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-17-01", "text": "Drivstofforbruket er noe redusert - offisielt 0,44 liter per mil ved blandet kj\u00f8ring , mens CO2-utslippet er redusert fra 119 til 117 g / km .", "opinions": [{"Source": [[], []], "Target": [["Drivstofforbruket"], ["0:17"]], "Polar_expression": [["noe redusert"], ["21:33"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Drivstofforbruket"], ["0:17"]], "Polar_expression": [["0,44 liter per mil ved blandet kj\u00f8ring"], ["46:84"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["CO2-utslippet"], ["92:105"]], "Polar_expression": [["redusert fra 119 til 117 g / km"], ["109:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-17-02", "text": "En annen fordel med den nye motoren er at partikkelfilteret n\u00e5 er av den vedlikeholdsfrie typen .", "opinions": [{"Source": [[], []], "Target": [["motoren"], ["28:35"]], "Polar_expression": [["fordel", "partikkelfilteret n\u00e5 er av den vedlikeholdsfrie typen"], ["9:15", "42:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["partikkelfilteret"], ["42:59"]], "Polar_expression": [["fordel", "av den vedlikeholdsfrie typen"], ["9:15", "66:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-18-01", "text": "Sist vi kj\u00f8rte Mazda 3 , med forgjengeren til denne motoren , skr\u00f8t vi ganske uhemmet av hvor behagelig den var i bruk .", "opinions": [{"Source": [["vi"], ["68:70"]], "Target": [["forgjengeren til denne motoren"], ["29:59"]], "Polar_expression": [["skr\u00f8t vi ganske uhemmet av hvor behagelig den var i bruk"], ["62:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-18-02", "text": "Den er ikke blitt noe d\u00e5rligere , for \u00e5 si det s\u00e5nn .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["ikke blitt noe d\u00e5rligere"], ["7:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-18-03", "text": "Den er blitt enda mer brukervennlig og er sv\u00e6rt trekkvillig fra lave turtall - i slake oppoverbakker greide vi \u00e5 f\u00e5 farts\u00f8kning fra rett over 1.000 omdreininger i 6. gir .", "opinions": [{"Source": [["vi"], ["108:110"]], "Target": [["Den"], ["0:3"]], "Polar_expression": [["enda mer brukervennlig"], ["13:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["108:110"]], "Target": [["Den"], ["0:3"]], "Polar_expression": [["sv\u00e6rt trekkvillig fra lave turtall"], ["42:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["108:110"]], "Target": [["Den"], ["0:3"]], "Polar_expression": [["slake oppoverbakker", "farts\u00f8kning fra rett over 1.000 omdreininger i 6. gir"], ["81:100", "116:169"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-18-04", "text": "I tillegg er lydbildet inne i kup\u00e9en veldig avslappet og rolig .", "opinions": [{"Source": [[], []], "Target": [["lydbildet inne i kup\u00e9en"], ["13:36"]], "Polar_expression": [["veldig avslappet"], ["37:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbildet inne i kup\u00e9en"], ["13:36"]], "Polar_expression": [["rolig"], ["57:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-18-05", "text": "Totalt st\u00f8yniv\u00e5 inklusive rullest\u00f8y og vindst\u00f8y er helt akseptabelt , men n\u00e5r ikke opp til lederne i klassen , som er blitt riktig gode p\u00e5 dette .", "opinions": [{"Source": [[], []], "Target": [["Totalt st\u00f8yniv\u00e5"], ["0:15"]], "Polar_expression": [["helt akseptabelt"], ["51:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Totalt st\u00f8yniv\u00e5"], ["0:15"]], "Polar_expression": [["n\u00e5r ikke opp til lederne i klassen"], ["74:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lederne i klassen"], ["91:108"]], "Polar_expression": [["blitt riktig gode p\u00e5 dette"], ["118:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-19-01", "text": "Gunstig velutstyrt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Gunstig velutstyrt"], ["0:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-20-01", "text": "Bilen vi kj\u00f8rte har utstyrsniv\u00e5et Advance Plus .", "opinions": [{"Source": [["vi"], ["6:8"]], "Target": [["Bilen"], ["0:5"]], "Polar_expression": [["utstyrsniv\u00e5et Advance Plus"], ["20:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-20-02", "text": "Den m\u00e5 anses som gunstig priset i forhold til utstyrsniv\u00e5et .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["gunstig priset i forhold til utstyrsniv\u00e5et"], ["17:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-20-03", "text": "Veiledende pris er 252.000 kroner og da f\u00e5r man mye inkludert - til og med blindsoneoverv\u00e5kning ( som Ford Focus n\u00e5 ogs\u00e5 har i sin helt nye generasjon ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Veiledende pris er 252.000 kroner"], ["0:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye inkludert"], ["48:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["til og med blindsoneoverv\u00e5kning"], ["64:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Ford Focus"], ["102:112"]], "Polar_expression": [["blindsoneoverv\u00e5kning"], ["75:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-20-04", "text": "Av annet standard kan nevnes :", "opinions": []}, {"sent_id": "202276-21-01", "text": "\u2022 17 \" lettmetallfelger \u2022", "opinions": []}, {"sent_id": "202276-21-02", "text": "El. oppvarmet frontrute \u2022", "opinions": [{"Source": [[], []], "Target": [["frontrute"], ["14:23"]], "Polar_expression": [["El. oppvarmet"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-21-03", "text": "Kj\u00f8recomputer \u2022", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kj\u00f8recomputer"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-21-04", "text": "Parkeringssensor bak \u2022", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Parkeringssensor bak"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-21-05", "text": "T\u00e5kelys foran og bak \u2022", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["T\u00e5kelys foran og bak"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-21-06", "text": "Elektrisk justerbare , oppvarmede og innfellbare sidespeil \u2022", "opinions": [{"Source": [[], []], "Target": [["sidespeil"], ["49:58"]], "Polar_expression": [["Elektrisk justerbare , oppvarmede og innfellbare"], ["0:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-21-07", "text": "Cruise control \u2022", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Cruise control"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-21-08", "text": "Automatisk to-soners klimaanlegg \u2022", "opinions": [{"Source": [[], []], "Target": [["klimaanlegg"], ["21:32"]], "Polar_expression": [["Automatisk to-soners"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-21-09", "text": "Skinntrukket ratt ( heldigvis h\u00f8yde- og lengdejusterbart ) \u2022", "opinions": [{"Source": [[], []], "Target": [["ratt"], ["13:17"]], "Polar_expression": [["Skinntrukket"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["ratt"], ["13:17"]], "Polar_expression": [["heldigvis h\u00f8yde- og lengdejusterbart"], ["20:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-21-10", "text": "Sportsseter - som gir god st\u00f8tte unntatt l\u00e5rst\u00f8tten for h\u00f8yvokste personer \u2022", "opinions": [{"Source": [[], []], "Target": [["Sportsseter"], ["0:11"]], "Polar_expression": [["gir god st\u00f8tte"], ["18:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sportsseter"], ["0:11"]], "Polar_expression": [["gir god st\u00f8tte unntatt l\u00e5rst\u00f8tten for h\u00f8yvokste personer"], ["18:74"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-21-11", "text": "Praktisk multifunksjonsratt med betjening av lydsystem , kj\u00f8recomputer og fartsholder \u2022", "opinions": [{"Source": [[], []], "Target": [["multifunksjonsratt"], ["9:27"]], "Polar_expression": [["Praktisk"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["multifunksjonsratt"], ["9:27"]], "Polar_expression": [["betjening av lydsystem , kj\u00f8recomputer og fartsholder"], ["32:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-21-12", "text": "Lydanlegg med 6 h\u00f8yttalere \u2022", "opinions": [{"Source": [[], []], "Target": [["Lydanlegg"], ["0:9"]], "Polar_expression": [["6 h\u00f8yttalere"], ["14:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202276-21-13", "text": "Bluetooth handsfree-system \u2022", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bluetooth handsfree-system"], ["0:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-21-14", "text": "Blindsone-sjekk ( som Mazda kaller RVM-system )", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Blindsone-sjekk"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-22-01", "text": "I tillegg kan man velge pakker inneholdende navigasjon , bi-xenonlys , n\u00f8kkelfri adgang og start .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan man velge pakker inneholdende navigasjon , bi-xenonlys , n\u00f8kkelfri adgang og start"], ["10:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202276-22-02", "text": "Metallic lakk er tilvalg uansett og koster 4.500 kroner .", "opinions": []}, {"sent_id": "202276-23-01", "text": "Konklusjon :", "opinions": []}, {"sent_id": "202276-24-01", "text": "Vi synes Mazda 3 fortsatt er en trivelig bil p\u00e5 de fleste m\u00e5ter .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Mazda 3"], ["9:16"]], "Polar_expression": [["trivelig bil p\u00e5 de fleste m\u00e5ter"], ["32:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-24-02", "text": "For de som synes terningkast fire er strengt , er det egentlig ikke det - husk at fire fortsatt er klart over middelm\u00e5dig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["terningkast fire"], ["17:33"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-24-03", "text": "Dette er dessuten en ganske sterk firer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ganske sterk firer"], ["21:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202276-24-04", "text": "Karakterene m\u00e5 ses i forhold til klasse og kompaktklassen er s\u00e6rdeles t\u00f8ff \u00e5 konkurrere i .", "opinions": []}, {"sent_id": "202276-24-05", "text": "Mazda 3 spiller uten tvil i samme divisjon som Honda Civic , Toyota Auris , Kia cee'd og Hyundai i30 og alle ville f\u00e5tt en femmer for tre \u00e5r siden .", "opinions": [{"Source": [[], []], "Target": [["Mazda 3"], ["0:7"]], "Polar_expression": [["spiller uten tvil i samme divisjon som Honda Civic , Toyota Auris , Kia cee'd og Hyundai i30"], ["8:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Honda Civic"], ["47:58"]], "Polar_expression": [["alle ville f\u00e5tt en femmer for tre \u00e5r siden"], ["104:146"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Toyota Auris"], ["61:73"]], "Polar_expression": [["alle ville f\u00e5tt en femmer for tre \u00e5r siden"], ["104:146"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kia cee'd"], ["76:85"]], "Polar_expression": [["alle ville f\u00e5tt en femmer for tre \u00e5r siden"], ["104:146"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hyundai i30"], ["89:100"]], "Polar_expression": [["alle ville f\u00e5tt en femmer for tre \u00e5r siden"], ["104:146"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-24-06", "text": "Men de beste er blitt bedre og ( relative ) nykommere som Ford Focus , Citro\u00ebn C4 , Opel Astra og - inntil nylig klasseleder VW Golf - er etter v\u00e5r mening hakket bedre allroundere i klassen .", "opinions": [{"Source": [[], []], "Target": [["de beste"], ["4:12"]], "Polar_expression": [["blitt bedre"], ["16:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["VW Golf"], ["125:132"]], "Polar_expression": [["hakket bedre allroundere i klassen"], ["155:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ford Focus , Citro\u00ebn C4 , Opel Astra og - inntil nylig klasseleder VW Golf - er etter v\u00e5r mening hakket bedre allroundere i klassen"], ["58:189"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Opel Astra"], ["84:94"]], "Polar_expression": [["hakket bedre allroundere i klassen"], ["155:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Citro\u00ebn C4"], ["71:81"]], "Polar_expression": [["hakket bedre allroundere i klassen"], ["155:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ford Focus"], ["58:68"]], "Polar_expression": [["hakket bedre allroundere i klassen"], ["155:189"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202276-25-01", "text": "Liker man det beste av det denne bilen har \u00e5 by p\u00e5 - b\u00e5de betryggende kj\u00f8ring , grei plass , ergonomi og fin motor for ikke \u00e5 snakke om designen som skiller seg ut - det hele med et godt utstyrs / pris-forhold - blir det likevel ikke et galt valg .", "opinions": [{"Source": [[], []], "Target": [["bilen"], ["33:38"]], "Polar_expression": [["betryggende kj\u00f8ring"], ["58:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["33:38"]], "Polar_expression": [["grei plass"], ["80:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["33:38"]], "Polar_expression": [["ergonomi"], ["93:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["motor"], ["109:114"]], "Polar_expression": [["fin"], ["105:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["designen"], ["136:144"]], "Polar_expression": [["skiller seg ut"], ["149:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["33:38"]], "Polar_expression": [["ikke et galt valg"], ["229:246"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["33:38"]], "Polar_expression": [["godt utstyrs / pris-forhold"], ["182:209"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-01-01", "text": "Storslagent og frustrerende", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Storslagent"], ["0:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["frustrerende"], ["15:27"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-02-01", "text": "Midt i et berg av action- , bil- og sportsspill p\u00e5 Xbox 360 , finner du alvejenta Kameo og hennes kamp mot sin s\u00f8ster og den onde troll-kongen Thorne .", "opinions": []}, {"sent_id": "107077-03-01", "text": "\u00ab Kameo : Elements of Power \u00bb tar stafettpinnen videre fra sjangersmeltedigler som \u00ab Banjo-Kazooie \u00bb , \u00ab Star Fox Adventures \u00bb og \u00ab Jak and Daxter \u00bb , og leverer b\u00e5de action , utforsking , plattformelementer og oppgavel\u00f8sing i en tiltalende pakke .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kameo : Elements of Power \u00bb"], ["0:29"]], "Polar_expression": [["tar stafettpinnen videre fra sjangersmeltedigler som \u00ab Banjo-Kazooie \u00bb , \u00ab Star Fox Adventures \u00bb og \u00ab Jak and Daxter \u00bb"], ["30:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo : Elements of Power \u00bb"], ["0:29"]], "Polar_expression": [["leverer", "action"], ["154:161", "167:173"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo : Elements of Power \u00bb"], ["0:29"]], "Polar_expression": [["leverer", "utforsking"], ["154:161", "176:186"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo : Elements of Power \u00bb"], ["0:29"]], "Polar_expression": [["leverer", "plattformelementer"], ["154:161", "189:207"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo : Elements of Power \u00bb"], ["0:29"]], "Polar_expression": [["leverer", "oppgavel\u00f8sing"], ["154:161", "211:224"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo : Elements of Power \u00bb"], ["0:29"]], "Polar_expression": [["tiltalende pakke"], ["230:246"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pakke"], ["241:246"]], "Polar_expression": [["tiltalende"], ["230:240"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-04-01", "text": "Det er i tillegg kanskje Xbox 360-lanseringens peneste spill rent grafisk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Xbox 360-lanseringens peneste spill"], ["25:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-04-02", "text": "Greit , du finner mange av de ekle , skinnende overflatene du ogs\u00e5 finner i flere andre av lanseringsspillene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["du finner mange av de ekle , skinnende overflatene du ogs\u00e5 finner i flere andre av lanseringsspillene"], ["8:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-05-01", "text": "Men innimellom briljerer spillet med sl\u00e5ende vakre omgivelser , og demonstrerer med det overgangen fra en konsollgenerasjon til en annen .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["25:32"]], "Polar_expression": [["innimellom briljerer spillet"], ["4:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["25:32"]], "Polar_expression": [["sl\u00e5ende vakre omgivelser"], ["37:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["25:32"]], "Polar_expression": [["demonstrerer", "overgangen fra en konsollgenerasjon til en annen"], ["67:79", "88:136"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-06-01", "text": "Se for eksempel p\u00e5 forskjellen mellom versjonen som i utgangspunktet skulle komme p\u00e5 Xbox , og versjonen som n\u00e5 er ute p\u00e5 Xbox 360 :", "opinions": []}, {"sent_id": "107077-07-01", "text": "Kjernen i det du opplever er basert p\u00e5 at Kameo kan transformere seg til ti forskjellige element-krigere , basert p\u00e5 planter , stein , ild , vann og is .", "opinions": []}, {"sent_id": "107077-08-01", "text": "Du g\u00e5r alts\u00e5 fra \u00e5 v\u00e6re en hissig , boksende plante i det ene \u00f8yeblikket til \u00e5 v\u00e6re en rullende steinball det neste .", "opinions": []}, {"sent_id": "107077-09-01", "text": "N\u00e5r det fungerer , og det gj\u00f8r det stort sett , er det herlig tilfredsstillende \u00e5 deise over orker og annet rask med disse krigerne .", "opinions": [{"Source": [[], []], "Target": [["N\u00e5r det fungerer"], ["0:16"]], "Polar_expression": [["gj\u00f8r det stort sett"], ["26:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["herlig tilfredsstillende \u00e5 deise over orker og annet rask med disse krigerne"], ["55:131"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-10-01", "text": "N\u00e5r det ikke fungerer , m\u00e5 man spille det samme omr\u00e5det om og og om igjen for \u00e5 komme videre - simpelthen fordi man ikke har f\u00e5tt helt taket p\u00e5 krigeren man m\u00e5 bruke , eller fordi kontrollene av dem ikke sitter helt som de b\u00f8r i utgangspunktet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5r det ikke fungerer , m\u00e5 man spille det samme omr\u00e5det om og og om igjen for \u00e5 komme videre"], ["0:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["krigeren"], ["144:152"]], "Polar_expression": [["kontrollene av dem ikke sitter helt som de b\u00f8r i utgangspunktet"], ["180:243"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-10-02", "text": "Ja , jeg snakker til deg , Deep Blue .", "opinions": []}, {"sent_id": "107077-10-03", "text": "Forbaskede dustekriger .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Forbaskede dustekriger"], ["0:22"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-11-01", "text": "\u00ab Kameo \u00bb tar forholdsvis lang tid \u00e5 gjennomf\u00f8re , men mye av \u00e5rsaken til det er bergene av frustrasjon man m\u00f8ter her og der .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kameo \u00bb"], ["0:9"]], "Polar_expression": [["forholdsvis lang tid \u00e5 gjennomf\u00f8re"], ["14:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo \u00bb"], ["0:9"]], "Polar_expression": [["bergene av frustrasjon man m\u00f8ter her og der"], ["81:124"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-12-01", "text": "Flere steder finner du ogs\u00e5 tydelige beviser p\u00e5 at dette originalt skulle ha kommet ut p\u00e5 den f\u00f8rste Xbox-maskinen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Flere", "tydelige beviser p\u00e5 at dette originalt skulle ha kommet ut p\u00e5 den f\u00f8rste Xbox-maskinen"], ["0:5", "28:114"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "107077-12-02", "text": "Det digre , sentrale omr\u00e5det som binder alle verdenene du skal gjennom sammen har omtrent ingen funksjon i det hele tatt - det bare er der for \u00e5 se imponerende ut ( og for \u00e5 kopiere \u00ab Ringenes Herre \u00bb , tydeligvis ) .", "opinions": [{"Source": [[], []], "Target": [["Det digre , sentrale omr\u00e5det som binder alle verdenene du skal gjennom sammen"], ["0:77"]], "Polar_expression": [["har omtrent ingen funksjon i det hele tatt"], ["78:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Det digre , sentrale omr\u00e5det som binder alle verdenene du skal gjennom sammen"], ["0:77"]], "Polar_expression": [["bare er der for \u00e5 se imponerende ut"], ["127:162"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-13-01", "text": "Kjedelig og meningsl\u00f8st fyllstoff , sp\u00f8r du meg , og en un\u00f8dvendig uthaling av tiden mellom hvert oppdrag .", "opinions": [{"Source": [[], []], "Target": [["fyllstoff"], ["24:33"]], "Polar_expression": [["Kjedelig"], ["0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fyllstoff"], ["24:33"]], "Polar_expression": [["meningsl\u00f8st"], ["12:23"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["44:47"]], "Target": [[], []], "Polar_expression": [["Kjedelig og meningsl\u00f8st fyllstoff"], ["0:33"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["un\u00f8dvendig uthaling av tiden mellom hvert oppdrag"], ["56:105"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-14-01", "text": "Den pomp\u00f8se og h\u00f8ydramatiske innpakningen , med orkestermusikk og sl\u00e5ende omgivelser , st\u00e5r ogs\u00e5 i skarp kontrast til mangelen p\u00e5 en interessant historie .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mangelen p\u00e5 en interessant historie"], ["118:153"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["innpakningen"], ["29:41"]], "Polar_expression": [["pomp\u00f8se"], ["4:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["innpakningen"], ["29:41"]], "Polar_expression": [["h\u00f8ydramatiske"], ["15:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["innpakningen"], ["29:41"]], "Polar_expression": [["orkestermusikk"], ["48:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["innpakningen"], ["29:41"]], "Polar_expression": [["sl\u00e5ende omgivelser"], ["66:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-15-01", "text": "Eller , det vil si - det er en OK historie her , men den er bare s\u00e5 d\u00e5rlig fortalt at b\u00e5de den , Kameo og andre roller blir statister i et spill som handler mer om stil enn om innhold .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["det er en OK historie her"], ["21:46"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["34:42"]], "Polar_expression": [["OK"], ["31:33"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["34:42"]], "Polar_expression": [["d\u00e5rlig fortalt"], ["68:82"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["34:42"]], "Polar_expression": [["s\u00e5 d\u00e5rlig fortalt at b\u00e5de den , Kameo og andre roller blir statister i et spill som handler mer om stil enn om innhold"], ["65:183"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spill"], ["139:144"]], "Polar_expression": [["handler mer om stil enn om innhold"], ["149:183"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-15-02", "text": "Det gjenspeiles ogs\u00e5 i de fleste oppdragene du skal l\u00f8se .", "opinions": []}, {"sent_id": "107077-15-03", "text": "Det er nedlagt mye arbeid i de forskjellige krigerne og hvilke egenskaper de har , og her ligger nok spillets st\u00f8rste og mest underholdende styrke .", "opinions": [{"Source": [[], []], "Target": [["de forskjellige krigerne og hvilke egenskaper de har"], ["28:80"]], "Polar_expression": [["nedlagt mye arbeid"], ["7:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de forskjellige krigerne og hvilke egenskaper de har"], ["28:80"]], "Polar_expression": [["spillets st\u00f8rste og mest underholdende styrke"], ["101:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-15-04", "text": "Men kanskje krigerne burde ha blitt satt til \u00e5 l\u00f8se mer spektakul\u00e6re oppdrag ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kanskje krigerne burde ha blitt satt til \u00e5 l\u00f8se mer spektakul\u00e6re oppdrag"], ["4:76"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-16-01", "text": "\u00ab Kameo \u00bb mangler p\u00e5 flere omr\u00e5der den altomfattende finpussen Rare var s\u00e5 kjente for da de herjet p\u00e5 Nintendo 64 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kameo \u00bb"], ["0:9"]], "Polar_expression": [["mangler p\u00e5 flere omr\u00e5der den altomfattende finpussen"], ["10:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Rare"], ["63:67"]], "Polar_expression": [["den altomfattende finpussen Rare var s\u00e5 kjente for da de herjet p\u00e5 Nintendo 64"], ["35:113"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-16-02", "text": "I gamle dager var spillene de lagde gjennomtenkte ned til hver minste detalj , og alt bare F\u00d8LTES riktig fra det \u00f8yeblikket man satt seg ned med h\u00e5ndkontrolleren .", "opinions": [{"Source": [[], []], "Target": [["I gamle dager", "spillene"], ["0:13", "18:26"]], "Polar_expression": [["gjennomtenkte ned til hver minste detalj"], ["36:76"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["I gamle dager", "spillene"], ["0:13", "18:26"]], "Polar_expression": [["bare F\u00d8LTES riktig fra det \u00f8yeblikket man satt seg ned med h\u00e5ndkontrolleren"], ["86:161"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-17-01", "text": "Det var i tillegg enklere \u00e5 innovere med spillbarhet og \u00e5 presentere spillere for rollefigurer man ikke hadde erfaring med fra f\u00f8r .", "opinions": []}, {"sent_id": "107077-17-02", "text": "Begge deler er vanskelig i dag , hvilket betyr at man m\u00e5 anstrenge seg hardere for \u00e5 by p\u00e5 genuine overraskelser .", "opinions": []}, {"sent_id": "107077-18-01", "text": "Men n\u00e5r alt dette er sagt , har allikevel \u00ab Kameo \u00bb noe ved seg som bidrar til spillkos .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kameo \u00bb"], ["42:51"]], "Polar_expression": [["har", "noe ved seg som bidrar til spillkos"], ["28:31", "52:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-19-01", "text": "Mye har med variasjonen i de forskjellige egenskapene til krigerne \u00e5 gj\u00f8re , endel har med muligheten til \u00e5 begi seg ut p\u00e5 en mengde sideoppdrag ( jeg elsker \u00e5 g\u00e5 p\u00e5 oppdagelsesferd i denne typen spill ) , det har litt med muligheten til \u00e5 oppgradere krigerne \u00e5 gj\u00f8re og noe av kosen kommer fra den generelle sammensettingen av oppdragene .", "opinions": [{"Source": [[], []], "Target": [["de forskjellige egenskapene til krigerne"], ["26:66"]], "Polar_expression": [["variasjonen"], ["12:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["muligheten til \u00e5 begi seg ut p\u00e5 en mengde sideoppdrag"], ["91:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["muligheten til \u00e5 oppgradere krigerne"], ["223:259"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sammensettingen av oppdragene"], ["309:338"]], "Polar_expression": [["kosen kommer fra den generelle sammensettingen av oppdragene"], ["278:338"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-20-01", "text": "Det er veldig tilfredsstillende \u00e5 f\u00e5 tilgang til hver eneste nye kriger , og \u00e5 pr\u00f8ve ut egenskapene deres for f\u00f8rste gang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["veldig tilfredsstillende \u00e5 f\u00e5 tilgang til hver eneste nye kriger"], ["7:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-20-02", "text": "Det blir sammenlignbart med \u00e5 kj\u00f8pe nye v\u00e5pen i \u00ab Ratchet & Clank \u00bb , for eksempel , og det skal man ikke fnyse av .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["sammenlignbart med \u00e5 kj\u00f8pe nye v\u00e5pen i \u00ab Ratchet & Clank \u00bb"], ["9:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5 kj\u00f8pe nye v\u00e5pen i \u00ab Ratchet & Clank \u00bb"], ["28:67"]], "Polar_expression": [["skal man ikke fnyse av"], ["92:114"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-20-03", "text": "\u00ab Kameo \u00bb er mer frustrerende og mindre engasjerende enn det burde ha v\u00e6rt , potensialet er absolutt til stede .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kameo \u00bb"], ["0:9"]], "Polar_expression": [["mer frustrerende og mindre engasjerende enn det burde ha v\u00e6rt"], ["13:74"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kameo \u00bb"], ["0:9"]], "Polar_expression": [["potensialet er absolutt til stede"], ["77:110"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107077-20-04", "text": "Men jeg koste meg allikevel .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [[], []], "Polar_expression": [["jeg koste meg"], ["4:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-21-01", "text": "Fullt s\u00e5 g\u00e6li kan det med andre ord ikke v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fullt s\u00e5 g\u00e6li kan det med andre ord ikke v\u00e6re"], ["0:45"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107077-21-02", "text": "RUNE FJELD OLSEN", "opinions": []}, {"sent_id": "703462-01-01", "text": "Den sjette like bra som de fem f\u00f8rste", "opinions": [{"Source": [[], []], "Target": [["sjette"], ["4:10"]], "Polar_expression": [["like bra som de fem f\u00f8rste"], ["11:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703462-02-01", "text": "F\u00e5r krimforfattere skriver stillere drama enn Ann Cleeves .", "opinions": [{"Source": [[], []], "Target": [["Ann Cleeves"], ["46:57"]], "Polar_expression": [["F\u00e5r krimforfattere skriver stillere drama"], ["0:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "703462-02-02", "text": "Hun lykkes igjen .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["lykkes igjen"], ["4:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-03-01", "text": "Ja , det er noe med Ann Cleeves , hennes stillferdige etterforsker Jimmy Perez og den styggvakre naturen p\u00e5 Shetland .", "opinions": [{"Source": [[], []], "Target": [["Ann Cleeves"], ["20:31"]], "Polar_expression": [["det er noe med"], ["5:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["etterforsker Jimmy Perez"], ["54:78"]], "Polar_expression": [["det er noe med"], ["5:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["naturen p\u00e5 Shetland"], ["97:116"]], "Polar_expression": [["det er noe med"], ["5:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["naturen p\u00e5 Shetland"], ["97:116"]], "Polar_expression": [["styggvakre"], ["86:96"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-03-02", "text": "Her , i den sjette boken i shetlandserien som opprinnelig var fire b\u00f8ker , skildrer hun tre venninner og deres menn som er reist til Shetland for \u00e5 feire den enes bryllup .", "opinions": []}, {"sent_id": "703462-04-01", "text": "To tilsynelatende svakheter vendes til styrke og s\u00e6rpreg .", "opinions": []}, {"sent_id": "703462-05-01", "text": "Venninnene er ulike , mennene deres enda mer forskjellige , og motivasjonen for \u00e5 bes\u00f8ke \u00f8yene langt uti havet varierer .", "opinions": []}, {"sent_id": "703462-05-02", "text": "Det hele ender i drap , og ganske snart blir kontrastene mellom de fastboende og de bes\u00f8kende tydelig \u2014 men er det her \u00e5rsaken til forbrytelsen ligger ?", "opinions": []}, {"sent_id": "703462-05-03", "text": "Eller henger volden sammen med gamle sagn og forestillinger om at en druknet ungjente g\u00e5r igjen ?", "opinions": []}, {"sent_id": "703462-06-01", "text": "Igjen fengsler Cleeves fortelling meg , og det er faktisk litt vanskelig \u00e5 forklare hvorfor .", "opinions": [{"Source": [["meg"], ["34:37"]], "Target": [["Cleeves fortelling"], ["15:33"]], "Polar_expression": [["fengsler"], ["6:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-06-02", "text": "Hun er nemlig ingen eksepsjonelt god g\u00e5tebygger , av og til er l\u00f8sningene hennes litt s\u00f8kte , eller nesten uvesentlige , p\u00e5 et litt snodig vis .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["ingen eksepsjonelt god g\u00e5tebygger"], ["14:47"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["l\u00f8sningene hennes litt s\u00f8kte , eller nesten uvesentlige , p\u00e5 et litt snodig vis"], ["63:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["l\u00f8sningene"], ["63:73"]], "Polar_expression": [["litt s\u00f8kte , eller nesten uvesentlige , p\u00e5 et litt snodig vis"], ["81:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-06-03", "text": "Og spr\u00e5ket kan av og til framst\u00e5 som litt uinspirert , nesten flatt , setningene er s\u00e5 enkle at de synes \u00e5 mangle indre trykk og framdrift .", "opinions": [{"Source": [[], []], "Target": [["spr\u00e5ket"], ["3:10"]], "Polar_expression": [["av og til", "litt uinspirert , nesten flatt"], ["15:24", "37:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["setningene"], ["70:80"]], "Polar_expression": [["s\u00e5 enkle at de synes \u00e5 mangle indre trykk og framdrift"], ["84:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "703462-07-01", "text": "Kanskje er det nettopp disse to tilsynelatende svakhetene som vendes til styrker og s\u00e6rpreg :", "opinions": []}, {"sent_id": "703462-07-02", "text": "Cleeves' fortellinger hviler nemlig ikke p\u00e5 finurlige avsl\u00f8ringer og geniale detektiver , og hun prakker ikke p\u00e5 oss rappkjefta formuleringer og krampaktig ordsjonglering .", "opinions": [{"Source": [[], []], "Target": [["Cleeves' fortellinger"], ["0:21"]], "Polar_expression": [["hviler nemlig ikke p\u00e5 finurlige avsl\u00f8ringer og geniale detektiver"], ["22:87"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["oss"], ["113:116"]], "Target": [["Cleeves' fortellinger"], ["0:21"]], "Polar_expression": [["prakker ikke p\u00e5 oss rappkjefta formuleringer og krampaktig ordsjonglering"], ["97:170"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-08-01", "text": "Hva st\u00e5r da igjen ?", "opinions": []}, {"sent_id": "703462-08-02", "text": "\" I l\u00f8se luften \" byr p\u00e5 de samme fortellergrepene og det samme fysiske og litter\u00e6re landskapet som f\u00f8r , og jeg m\u00e5 enda engang bruke ordet stillferdig .", "opinions": [{"Source": [["jeg"], ["109:112"]], "Target": [["fortellergrepene"], ["34:50"]], "Polar_expression": [["samme", "som f\u00f8r"], ["28:33", "96:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["109:112"]], "Target": [["\" I l\u00f8se luften \""], ["0:17"]], "Polar_expression": [["samme fortellergrepene"], ["28:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["109:112"]], "Target": [["fysiske og litter\u00e6re landskapet"], ["64:95"]], "Polar_expression": [["samme", "som f\u00f8r"], ["58:63", "96:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["109:112"]], "Target": [["\" I l\u00f8se luften \""], ["0:17"]], "Polar_expression": [["samme fysiske og litter\u00e6re landskapet som f\u00f8r"], ["58:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703462-08-03", "text": "For Cleeves historier er som mandager , uten p\u00e5st\u00e5tt drama - de er mer enn nok i seg selv .", "opinions": [{"Source": [[], []], "Target": [["Cleeves historier"], ["4:21"]], "Polar_expression": [["uten p\u00e5st\u00e5tt drama"], ["40:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Cleeves historier"], ["4:21"]], "Polar_expression": [["mer enn nok i seg selv"], ["67:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-08-04", "text": "Og personene hennes er som tirsdager , de bare er der , like lette \u00e5 overse og like fascinerende og spennende som hverdagsmenneskene faktisk er , n\u00e5r vi f\u00f8rst ser etter .", "opinions": [{"Source": [[], []], "Target": [["personene"], ["3:12"]], "Polar_expression": [["like lette \u00e5 overse og like fascinerende og spennende som hverdagsmenneskene"], ["56:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-09-01", "text": "Der er Cleeves store kvalitet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["store kvalitet"], ["15:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703462-09-02", "text": "Hun ser etter .", "opinions": []}, {"sent_id": "703462-09-03", "text": "Og hun ser bedre enn de aller fleste i bransjen .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["3:6"]], "Polar_expression": [["ser bedre enn de aller fleste i bransjen"], ["7:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-01-01", "text": "En stor overraskelse", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stor overraskelse"], ["3:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-02-01", "text": "Kizashi er noe s\u00e5 sjeldent som en mellomklassesedan fra Suzuki .", "opinions": []}, {"sent_id": "202607-02-02", "text": "Den kan skryte av firehjulsdrift , automatgir og stor motor .", "opinions": [{"Source": [[], []], "Target": [["motor"], ["54:59"]], "Polar_expression": [["stor"], ["49:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["stor motor", "kan skryte av"], ["49:59", "4:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["automatgir", "kan skryte av"], ["35:45", "4:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["kan skryte av firehjulsdrift"], ["4:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-03-01", "text": "Kizashi ble vist som konseptbil f\u00f8rste gang allerede i 2007 og n\u00e5 har produksjonsversjonen v\u00e6rt i salg i noen m\u00e5neder her i Norge .", "opinions": []}, {"sent_id": "202607-03-02", "text": "Vi har kj\u00f8rt den eneste varianten som finnes med en 2,4-liters bensinmotor , firehjulsdrift og trinnl\u00f8st automatgir .", "opinions": []}, {"sent_id": "202607-03-03", "text": "Denne koster 440.000 kroner .", "opinions": []}, {"sent_id": "202607-04-01", "text": "F\u00f8rsteinntrykket er at dette ikke ligner hva man vanligvis forbinder Suzuki med .", "opinions": []}, {"sent_id": "202607-04-02", "text": "Kizashi ser forholdsvis stor ut , til tross for at den ikke er lenger enn 465 centimeter .", "opinions": [{"Source": [[], []], "Target": [["Kizashi"], ["0:7"]], "Polar_expression": [["ser forholdsvis stor ut"], ["8:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["0:7"]], "Polar_expression": [["ikke er lenger enn 465 centimeter"], ["55:88"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-04-03", "text": "Men de fyldige formene og de store hjulene gir bilen mer pondus .", "opinions": [{"Source": [[], []], "Target": [["hjulene"], ["35:42"]], "Polar_expression": [["store"], ["29:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["formene"], ["15:22"]], "Polar_expression": [["fyldige"], ["7:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["47:52"]], "Polar_expression": [["fyldige formene", "mer pondus"], ["7:22", "53:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["47:52"]], "Polar_expression": [["store hjulene", "mer pondus"], ["29:42", "53:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-05-01", "text": "Fint interi\u00f8r", "opinions": [{"Source": [[], []], "Target": [["interi\u00f8r"], ["5:13"]], "Polar_expression": [["Fint"], ["0:4"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-06-01", "text": "Innvendig er kvalitetsf\u00f8lelsen overraskende bra .", "opinions": [{"Source": [[], []], "Target": [["Innvendig"], ["0:9"]], "Polar_expression": [["kvalitetsf\u00f8lelsen overraskende bra"], ["13:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-06-02", "text": "Skinninteri\u00f8ret er standard og det er ikke noe sparepreg \u00e5 spore her , selv om materialkvaliteten naturligvis ikke er helt p\u00e5 niv\u00e5 med de aller beste i klassen .", "opinions": [{"Source": [[], []], "Target": [["materialkvaliteten"], ["79:97"]], "Polar_expression": [["ikke er helt p\u00e5 niv\u00e5 med de aller beste i klassen"], ["110:159"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skinninteri\u00f8ret"], ["0:15"]], "Polar_expression": [["ikke noe sparepreg \u00e5 spore"], ["38:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-06-03", "text": "Det vil neppe plage mange og betjeningen fungerer greit .", "opinions": [{"Source": [[], []], "Target": [["betjeningen"], ["29:40"]], "Polar_expression": [["fungerer greit"], ["41:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-07-01", "text": "OK plass", "opinions": [{"Source": [[], []], "Target": [["plass"], ["3:8"]], "Polar_expression": [["OK"], ["0:2"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-08-01", "text": "Plassmessig er Kizashi omtrent p\u00e5 niv\u00e5 med storselgerne i mellomklassen .", "opinions": [{"Source": [[], []], "Target": [["Plassmessig"], ["0:11"]], "Polar_expression": [["omtrent p\u00e5 niv\u00e5 med storselgerne i mellomklassen"], ["23:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["15:22"]], "Polar_expression": [["Plassmessig", "omtrent p\u00e5 niv\u00e5 med storselgerne i mellomklassen"], ["0:11", "23:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-08-02", "text": "Bakseteplassen holder fint for voksne og bagasjerommet er OK for en sedan \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["Bakseteplassen"], ["0:14"]], "Polar_expression": [["holder fint for voksne"], ["15:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bagasjerommet"], ["41:54"]], "Polar_expression": [["OK for en sedan"], ["58:73"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-09-01", "text": "178 hestekrefter", "opinions": [{"Source": [[], []], "Target": [["hestekrefter"], ["4:16"]], "Polar_expression": [["178"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202607-10-01", "text": "Motoren startes med en startknapp og da g\u00e5r de fire sylindrene i gang .", "opinions": []}, {"sent_id": "202607-10-02", "text": "178 hestekrefter og 230 newtonmeter er hva den store rekkefireren har \u00e5 by p\u00e5 i den 1.530 kilo tunge bilen .", "opinions": [{"Source": [[], []], "Target": [["hestekrefter"], ["4:16"]], "Polar_expression": [["178"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["rekkefireren"], ["53:65"]], "Polar_expression": [["230 newtonmeter"], ["20:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["rekkefireren"], ["53:65"]], "Polar_expression": [["store"], ["47:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rekkefireren"], ["53:65"]], "Polar_expression": [["178 hestekrefter"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["bilen"], ["101:106"]], "Polar_expression": [["178 hestekrefter og 230 newtonmeter er hva den store rekkefireren har \u00e5 by p\u00e5"], ["0:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-10-03", "text": "Det burde holde bra , noe ogs\u00e5 0 - 100-tiden tyder p\u00e5 : 8,8 sekunder .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["burde holde bra"], ["4:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["0 - 100-tiden"], ["31:44"]], "Polar_expression": [["8,8 sekunder"], ["56:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202607-11-01", "text": "Trinnl\u00f8st", "opinions": []}, {"sent_id": "202607-12-01", "text": "Den trinnl\u00f8se girkassen gir en myk start og som slike girkasser flest en behagelig tur i rolig tempo .", "opinions": [{"Source": [[], []], "Target": [["girkassen"], ["14:23"]], "Polar_expression": [["myk start"], ["31:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["girkassen"], ["14:23"]], "Polar_expression": [["behagelig tur i rolig tempo"], ["73:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-12-02", "text": "Utvekslingen varieres kontinuerlig slik at turtallet holdes lavt innenfor alle lovlige norske hastigheter ved rolig gasspedalbruk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["turtallet holdes lavt"], ["43:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-12-03", "text": "Ulempen er typisk nok at det blir litt br\u00e5k og sluref\u00f8lelse n\u00e5r du gir p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ulempen", "blir litt br\u00e5k og sluref\u00f8lelse n\u00e5r du gir p\u00e5"], ["0:7", "29:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-12-04", "text": "Slike girkasser har sine fordeler og ulemper , men i hovedsak er det en smakssak .", "opinions": []}, {"sent_id": "202607-12-05", "text": "Seks forh\u00e5ndsprogrammerte \u201d gir \u201d finnes ogs\u00e5 , men heller ikke disse fjerner sluref\u00f8lelsen helt .", "opinions": [{"Source": [[], []], "Target": [["forh\u00e5ndsprogrammerte \u201d gir \u201d"], ["5:33"]], "Polar_expression": [["ikke disse fjerner sluref\u00f8lelsen helt"], ["59:96"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Seks forh\u00e5ndsprogrammerte \u201d gir \u201d"], ["0:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-13-01", "text": "Akselerasjonen g\u00e5r mykt og jevnt og det kamuflerer nok noe av fartsf\u00f8lelsen .", "opinions": [{"Source": [[], []], "Target": [["Akselerasjonen"], ["0:14"]], "Polar_expression": [["mykt"], ["19:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Akselerasjonen"], ["0:14"]], "Polar_expression": [["jevnt"], ["27:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Akselerasjonen"], ["0:14"]], "Polar_expression": [["kamuflerer nok noe av fartsf\u00f8lelsen"], ["40:75"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-13-02", "text": "For Kizashi f\u00f8les ikke s\u00e5 sprek som nesten 180 hestekrefter skulle tilsi .", "opinions": [{"Source": [[], []], "Target": [["Kizashi"], ["4:11"]], "Polar_expression": [["f\u00f8les ikke s\u00e5 sprek som nesten 180 hestekrefter skulle tilsi"], ["12:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-13-03", "text": "Det er heller ikke s\u00e5 veldig inspirerende \u00e5 jakte h\u00f8ye turtall og mye fart .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke s\u00e5 veldig inspirerende \u00e5 jakte h\u00f8ye turtall og mye fart"], ["14:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-13-04", "text": "Det beste er \u00e5 ta det med ro og la motoren og girkassen jobbe som de vil .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["beste er \u00e5 ta det med ro og la motoren og girkassen jobbe som de vil"], ["4:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-13-05", "text": "Da har 2,4-literen nok kraft til \u00e5 holde seg p\u00e5 lave og behagelige turtall i de fleste situasjoner .", "opinions": [{"Source": [[], []], "Target": [["2,4-literen"], ["7:18"]], "Polar_expression": [["nok kraft til \u00e5 holde seg p\u00e5 lave og behagelige turtall"], ["19:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-14-01", "text": "191 gram CO2", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["191 gram CO2"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202607-15-01", "text": "Under slik kj\u00f8ring er bensinmoten ikke s\u00e5 veldig t\u00f8rst .", "opinions": [{"Source": [[], []], "Target": [["bensinmoten"], ["22:33"]], "Polar_expression": [["ikke s\u00e5 veldig t\u00f8rst"], ["34:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-15-02", "text": "Blandet kj\u00f8ring skal g\u00e5 p\u00e5 0,83 liter per mil og v\u00e5r erfaring tilsier at det ikke skal mye til \u00e5 reprodusere lavere tall enn dette p\u00e5 kj\u00f8recomputeren .", "opinions": [{"Source": [[], []], "Target": [["Blandet kj\u00f8ring"], ["0:15"]], "Polar_expression": [["0,83 liter per mil"], ["27:45"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202607-15-03", "text": "CO2-utslippet ligger p\u00e5 191 gram , godkjent for en bil som dette .", "opinions": [{"Source": [[], []], "Target": [["CO2-utslippet"], ["0:13"]], "Polar_expression": [["191 gram"], ["24:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["CO2-utslippet"], ["0:13"]], "Polar_expression": [["godkjent"], ["35:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-16-01", "text": "Firehjulsdrift", "opinions": []}, {"sent_id": "202607-17-01", "text": "Firehjulsdriften kan kobles inn og ut etter behov .", "opinions": [{"Source": [[], []], "Target": [["Firehjulsdriften"], ["0:16"]], "Polar_expression": [["kan kobles inn og ut etter behov"], ["17:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202607-17-02", "text": "Det er kjekt ettersom man jo egentlig ganske sjelden trenger trekk p\u00e5 alle fire .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjekt"], ["7:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-17-03", "text": "Under kj\u00f8ring p\u00e5 t\u00f8rr asfalt er det vanskelig \u00e5 merke noen st\u00f8rre forskjell og vi fikk ikke mulighet til \u00e5 teste dette noe videre p\u00e5 glatt underlag .", "opinions": []}, {"sent_id": "202607-18-01", "text": "OK kj\u00f8reegenskaper", "opinions": [{"Source": [[], []], "Target": [["kj\u00f8reegenskaper"], ["3:18"]], "Polar_expression": [["OK"], ["0:2"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-19-01", "text": "Kj\u00f8reegenskapene er helt greie for klassen .", "opinions": [{"Source": [[], []], "Target": [["Kj\u00f8reegenskapene"], ["0:16"]], "Polar_expression": [["helt greie for klassen"], ["20:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-19-02", "text": "De setter ikke ny standard , men Kizashi gj\u00f8r stort sett det den skal .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["setter ikke ny standard"], ["3:26"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["33:40"]], "Polar_expression": [["De setter ikke ny standard"], ["0:26"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["33:40"]], "Polar_expression": [["gj\u00f8r stort sett det den skal"], ["41:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-19-03", "text": "Balansen er normalt understyrt og litt krenging i harde svinger m\u00e5 du regne med , men heller ikke dette er noe unormalt .", "opinions": [{"Source": [[], []], "Target": [["Balansen"], ["0:8"]], "Polar_expression": [["normalt understyrt"], ["12:30"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Balansen"], ["0:8"]], "Polar_expression": [["litt krenging i harde svinger"], ["34:63"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-19-04", "text": "Litt bedre styref\u00f8lelse kunne man \u00f8nsket om man har sportslige ambisjoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Litt bedre styref\u00f8lelse kunne man \u00f8nsket"], ["0:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-20-01", "text": "Best p\u00e5 cruising", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Best p\u00e5 cruising"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-21-01", "text": "Men det er i grunn p\u00e5 motorveien og fine landeveier denne bilen passer best .", "opinions": [{"Source": [[], []], "Target": [["bilen"], ["58:63"]], "Polar_expression": [["motorveien og fine landeveier", "best"], ["22:51", "71:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-21-02", "text": "For komfortniv\u00e5et er nemlig bra .", "opinions": [{"Source": [[], []], "Target": [["komfortniv\u00e5et"], ["4:17"]], "Polar_expression": [["bra"], ["28:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-21-03", "text": "Over skarpe ujevnheter \u00f8delegger lavprofildekkene litt , men p\u00e5 bedre veier flyter man fint av g\u00e5rde .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skarpe ujevnheter \u00f8delegger lavprofildekkene litt"], ["5:54"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bedre veier flyter man fint av g\u00e5rde"], ["64:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-21-04", "text": "Ogs\u00e5 et forholdsvis lavt st\u00f8yniv\u00e5 og drivlinjen bidrar til dette .", "opinions": [{"Source": [[], []], "Target": [["st\u00f8yniv\u00e5"], ["25:33"]], "Polar_expression": [["forholdsvis lavt"], ["8:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-22-01", "text": "Mye utstyr", "opinions": [{"Source": [[], []], "Target": [["utstyr"], ["4:10"]], "Polar_expression": [["Mye"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-23-01", "text": "Prisen p\u00e5 440.000 kroner h\u00f8res kanskje stiv ut for en Suzuki , men med tanke p\u00e5 alt som inng\u00e5r , er det ikke s\u00e5 ille .", "opinions": [{"Source": [[], []], "Target": [["Prisen"], ["0:6"]], "Polar_expression": [["ikke s\u00e5 ille"], ["104:116"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-23-02", "text": "Av utstyr kan vi nevne ting som skinn , 18-tommers aluminiumsfelger , xenon , bluetooth-tilkobling , el-seter foran , tosoners automatisk klimaanlegg , fartsholder , oppvarmede speil og parkeringssensorer i tillegg til automat og firehjulsdrift .", "opinions": [{"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["skinn"], ["32:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["18-tommers aluminiumsfelger"], ["40:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["xenon"], ["70:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["bluetooth-tilkobling"], ["78:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["el-seter foran"], ["101:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["tosoners automatisk klimaanlegg"], ["118:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["fartsholder"], ["152:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["oppvarmede speil"], ["166:182"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["parkeringssensorer"], ["186:204"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["automat"], ["219:226"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [["vi"], ["14:16"]], "Target": [["utstyr"], ["3:9"]], "Polar_expression": [["firehjulsdrift"], ["230:244"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202607-24-01", "text": "Tilsvarende utrustede konkurrenter koster fort en god del mer , men i realiteten er det kanskje mer relevant \u00e5 sammenligne mot litt annerledes sammensatte biler .", "opinions": [{"Source": [[], []], "Target": [["konkurrenter"], ["22:34"]], "Polar_expression": [["Tilsvarende utrustede", "koster fort en god del mer"], ["0:21", "35:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tilsvarende utrustede konkurrenter koster fort en god del mer"], ["0:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202607-24-02", "text": "Attraktive biler som Ford Mondeo , Skoda Superb , Volkswagen Passat og Toyota Avensis kan kj\u00f8pes til en langt billigere penge , eller i forholdsvis p\u00e5kostede utgaver for like mye som Kizashi , selv om firehjulsdrift og / eller automatgir og en del utstyr mangler .", "opinions": [{"Source": [[], []], "Target": [["Ford Mondeo"], ["21:32"]], "Polar_expression": [["Attraktive"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skoda Superb"], ["35:47"]], "Polar_expression": [["Attraktive"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volkswagen Passat"], ["50:67"]], "Polar_expression": [["Attraktive"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Toyota Avensis"], ["71:85"]], "Polar_expression": [["Attraktive"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Toyota Avensis"], ["71:85"]], "Polar_expression": [["kan kj\u00f8pes til en langt billigere penge"], ["86:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volkswagen Passat"], ["50:67"]], "Polar_expression": [["kan kj\u00f8pes til en langt billigere penge"], ["86:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skoda Superb"], ["35:47"]], "Polar_expression": [["kan kj\u00f8pes til en langt billigere penge"], ["86:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ford Mondeo"], ["21:32"]], "Polar_expression": [["kan kj\u00f8pes til en langt billigere penge"], ["86:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["183:190"]], "Polar_expression": [["Attraktive biler", "kan kj\u00f8pes til en langt billigere penge"], ["0:16", "86:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Toyota Avensis"], ["71:85"]], "Polar_expression": [["firehjulsdrift og / eller automatgir og en del utstyr mangler"], ["201:262"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volkswagen Passat"], ["50:67"]], "Polar_expression": [["firehjulsdrift og / eller automatgir og en del utstyr mangler"], ["201:262"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skoda Superb"], ["35:47"]], "Polar_expression": [["firehjulsdrift og / eller automatgir og en del utstyr mangler"], ["201:262"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ford Mondeo"], ["21:32"]], "Polar_expression": [["firehjulsdrift og / eller automatgir og en del utstyr mangler"], ["201:262"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-24-03", "text": "Hvis du vil ha det beste i klassen , anbefaler vi det .", "opinions": [{"Source": [["vi"], ["47:49"]], "Target": [[], []], "Polar_expression": [["anbefaler"], ["37:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["beste i klassen"], ["19:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202607-24-04", "text": "Hvis du vil ha en helt grei bil med full pakke til minst mulig penger , er Kizashi et godt valg .", "opinions": [{"Source": [[], []], "Target": [["Kizashi"], ["75:82"]], "Polar_expression": [["helt grei"], ["18:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["75:82"]], "Polar_expression": [["full pakke til minst mulig penger"], ["36:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kizashi"], ["75:82"]], "Polar_expression": [["godt valg"], ["86:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101419-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "101419-01-02", "text": "Charles Jackson :", "opinions": []}, {"sent_id": "101419-01-03", "text": "\u00ab Forspilte dager \u00bb", "opinions": []}, {"sent_id": "101419-02-01", "text": "Den 70 \u00e5r gamle klassikeren \u00ab Forspilte dager \u00bb er et n\u00e5del\u00f8st portrett av en alkoholiker \u2013 og en rystende skildring av tidenes fyllekule .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Forspilte dager \u00bb"], ["28:47"]], "Polar_expression": [["klassikeren"], ["16:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}, {"Source": [[], []], "Target": [["\u00ab Forspilte dager \u00bb"], ["28:47"]], "Polar_expression": [["n\u00e5del\u00f8st portrett"], ["54:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Forspilte dager \u00bb"], ["28:47"]], "Polar_expression": [["rystende skildring"], ["98:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101419-03-01", "text": "\u00ab The Lost Weekend \u00bb ( 1944 ) \u2013 som l\u00e5 til grunn for Billy Wilders Oscar-vinnende film ( 1945 ) og som utkom p\u00e5 norsk alt i 1946 \u2013 er n\u00e5 gjenutgitt i ny , norsk spr\u00e5kdrakt .", "opinions": []}, {"sent_id": "101419-04-01", "text": "\u00ab Forspilte dager \u00bb er et gripende dypdykk i alkoholikerens psyke .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Forspilte dager \u00bb"], ["0:19"]], "Polar_expression": [["gripende dypdykk"], ["26:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101419-04-02", "text": "Selvforakten .", "opinions": []}, {"sent_id": "101419-04-03", "text": "L\u00f8gnene .", "opinions": []}, {"sent_id": "101419-04-04", "text": "Fornedrelsen .", "opinions": []}, {"sent_id": "101419-04-05", "text": "Knepene .", "opinions": []}, {"sent_id": "101419-05-01", "text": "Romanen handler om Don Birnams fem d\u00f8gns fyllekule hos sin bror en gang p\u00e5 1930-tallet .", "opinions": []}, {"sent_id": "101419-06-01", "text": "Don drikker \u2013 i skjul \u2013 hjemme hos broren .", "opinions": []}, {"sent_id": "101419-06-02", "text": "Han opps\u00f8ker barer og kneiper .", "opinions": []}, {"sent_id": "101419-06-03", "text": "Desperat raver han rundt p\u00e5 Manhattan p\u00e5 jakt etter enda en drink .", "opinions": []}, {"sent_id": "101419-07-01", "text": "Han er ingen boms .", "opinions": []}, {"sent_id": "101419-07-02", "text": "Nei , Don er en kultivert , sjarmerende , reflektert mann .", "opinions": [{"Source": [[], []], "Target": [["Don"], ["6:9"]], "Polar_expression": [["kultivert"], ["16:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Don"], ["6:9"]], "Polar_expression": [["sjarmerende"], ["28:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Don"], ["6:9"]], "Polar_expression": [["reflektert"], ["42:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101419-07-03", "text": "Han siterer Shakespeare .", "opinions": []}, {"sent_id": "101419-07-04", "text": "Han barberer seg .", "opinions": []}, {"sent_id": "101419-07-05", "text": "Han g\u00e5r i dress .", "opinions": []}, {"sent_id": "101419-07-06", "text": "Alt for \u00e5 opprettholde fasaden .", "opinions": []}, {"sent_id": "101419-08-01", "text": "Men fylla har skylda :", "opinions": []}, {"sent_id": "101419-08-02", "text": "Don tisser p\u00e5 seg , han stjeler en veske , han blir kastet ut fra barer , han fornedrer seg selv .", "opinions": []}, {"sent_id": "101419-09-01", "text": "En scene fra spritbutikken , der han gj\u00f8r alt for ikke \u00e5 virke for ivrig etter \u00e5 kj\u00f8pe billigste merke , sier alt om selvbedraget .", "opinions": []}, {"sent_id": "101419-10-01", "text": "Mer enn spr\u00e5ket og mer enn handlingen lar jeg meg imponere av Charles Jacksons innsikt i alkoholikerens selvbilde og psyke .", "opinions": [{"Source": [["jeg"], ["42:45"]], "Target": [[], []], "Polar_expression": [["imponere av Charles Jacksons innsikt"], ["50:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101419-10-02", "text": "Ikke s\u00e5 rart :", "opinions": []}, {"sent_id": "101419-10-03", "text": "Alkoholikeren Jackson visste s\u00e5 altfor godt hva han skrev om .", "opinions": []}, {"sent_id": "101419-10-04", "text": "Ja , mange regner romanen som en fordekt selvbiografi .", "opinions": []}, {"sent_id": "101419-10-05", "text": "Forfatteren d\u00f8de av piller og alkohol i 1968 .", "opinions": []}, {"sent_id": "101419-11-01", "text": "Bj\u00f8rn Alex Herrman har gitt boken en god , norsk spr\u00e5kdrakt som b\u00e5de ivaretar fortellerstemmens lett gammelmodige toneleie samtidig som teksten f\u00f8les moderne .", "opinions": [{"Source": [[], []], "Target": [["norsk spr\u00e5kdrakt"], ["43:59"]], "Polar_expression": [["god"], ["37:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["28:33"]], "Polar_expression": [["god , norsk spr\u00e5kdrakt"], ["37:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Bj\u00f8rn Alex Herrman"], ["0:18"]], "Polar_expression": [["gitt boken en god , norsk spr\u00e5kdrakt"], ["23:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["28:33"]], "Polar_expression": [["ivaretar fortellerstemmens lett gammelmodige toneleie"], ["69:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["boken"], ["28:33"]], "Polar_expression": [["teksten f\u00f8les moderne"], ["136:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101419-12-01", "text": "B\u00f8ker bed\u00f8mmes for sitt innhold .", "opinions": []}, {"sent_id": "101419-12-02", "text": "Men la meg ogs\u00e5 ber\u00f8mme det kresne forlaget Pelikanen for bokens utforming .", "opinions": [{"Source": [["meg"], ["7:10"]], "Target": [["utforming"], ["65:74"]], "Polar_expression": [["ber\u00f8mme"], ["16:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["7:10"]], "Target": [["Pelikanen"], ["44:53"]], "Polar_expression": [["ber\u00f8mme", "bokens utforming"], ["16:23", "58:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101419-12-03", "text": "Omslag , rygg , for- og baksats og ikke minst typografien vitner om respekt for Boken med stor B.", "opinions": [{"Source": [[], []], "Target": [["for- og baksats"], ["16:31"]], "Polar_expression": [["respekt for Boken med stor B."], ["68:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["typografien"], ["46:57"]], "Polar_expression": [["ikke minst", "respekt for Boken med stor B."], ["35:45", "68:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["rygg"], ["9:13"]], "Polar_expression": [["respekt for Boken med stor B."], ["68:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Omslag"], ["0:6"]], "Polar_expression": [["respekt for Boken med stor B."], ["68:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101419-13-01", "text": "Der hvor bransjestandarden tilsier 37 satslinjer per side , reduserer bokens grafiske formgiver Yngve Knausg\u00e5rd linjetallet til 29 .", "opinions": [{"Source": [[], []], "Target": [["bokens"], ["70:76"]], "Polar_expression": [["reduserer", "linjetallet til 29"], ["60:69", "112:130"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "101419-13-02", "text": "Det gir luftige , delikate boksider .", "opinions": [{"Source": [[], []], "Target": [["boksider"], ["27:35"]], "Polar_expression": [["luftige , delikate"], ["8:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101419-13-03", "text": "Papirb\u00f8ker produseres n\u00f8dvendigvis industrielt , men her er et eksempel p\u00e5 en bok der forlaget har lagt vekt p\u00e5 papirbokens kvalitet ogs\u00e5 som grafisk uttrykk .", "opinions": [{"Source": [[], []], "Target": [["forlaget"], ["86:94"]], "Polar_expression": [["bok", "lagt vekt p\u00e5 papirbokens kvalitet"], ["78:81", "99:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forlaget"], ["86:94"]], "Polar_expression": [["papirbokens", "grafisk uttrykk"], ["112:123", "142:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["papirbokens"], ["112:123"]], "Polar_expression": [["lagt vekt p\u00e5", "kvalitet"], ["99:111", "124:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["papirbokens"], ["112:123"]], "Polar_expression": [["grafisk uttrykk"], ["142:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101419-14-01", "text": "I et klokt og informativt forord karakteriserer psykiater Finn Sk\u00e5rderud romanen som \u00ab Antabus mellom to permer \u00bb .", "opinions": [{"Source": [[], []], "Target": [["forord"], ["26:32"]], "Polar_expression": [["klokt"], ["5:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forord"], ["26:32"]], "Polar_expression": [["informativt"], ["14:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["psykiater Finn Sk\u00e5rderud"], ["48:72"]], "Target": [["romanen"], ["73:80"]], "Polar_expression": [["\u00ab Antabus mellom to permer \u00bb"], ["85:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "101419-15-01", "text": "En treffende oppsummering .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["treffende oppsummering"], ["3:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200607-01-01", "text": "TEST :", "opinions": []}, {"sent_id": "200607-01-02", "text": "Kingston SSDNow V+", "opinions": []}, {"sent_id": "200607-02-01", "text": "Et komplett sett for oppgradering av ytelse og kapasitet", "opinions": [{"Source": [[], []], "Target": [["sett"], ["12:16"]], "Polar_expression": [["komplett", "for oppgradering av ytelse og kapasitet"], ["3:11", "17:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200607-03-01", "text": "N\u00e5r du skal bytte ut den interne harddisken i en b\u00e6rbar med en SSD har du flere utfordringer .", "opinions": []}, {"sent_id": "200607-03-02", "text": "F\u00f8rst og fremst m\u00e5 du kunne koble til SSD-en for \u00e5 kunne kopiere over alt innholdet fra harddisken - eller rettere sagt klone disken .", "opinions": []}, {"sent_id": "200607-04-01", "text": "S\u00e5 m\u00e5 du ha et program som tar seg av kloningen , og en mulighet for \u00e5 kunne koble til harddisken etterp\u00e5 n\u00e5r , for \u00e5 bruke den til \u00e5 lagre data .", "opinions": []}, {"sent_id": "200607-05-01", "text": "Alt dette kommer fiks ferdig i dette settet fra Kingston .", "opinions": [{"Source": [[], []], "Target": [["settet fra Kingston"], ["37:56"]], "Polar_expression": [["Alt dette kommer fiks ferdig"], ["0:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200607-06-01", "text": "Innholdet i pakken", "opinions": []}, {"sent_id": "200607-07-01", "text": "I tillegg til selve SSD-en , som i v\u00e5rt testeksemplar var p\u00e5 128 GB , f\u00f8lger det med kabler , skruer , monteringsbraketter for montering i stasjon\u00e6r PC , et enkelt kabinett med intern SATA og ekstern USB-tilkobling og en CD med dokumentasjon og kloneprogram .", "opinions": [{"Source": [[], []], "Target": [["SSD-en"], ["20:26"]], "Polar_expression": [["128 GB"], ["61:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["I tillegg", "f\u00f8lger det med kabler , skruer , monteringsbraketter for montering i stasjon\u00e6r PC , et enkelt kabinett med intern SATA og ekstern USB-tilkobling og en CD med dokumentasjon og kloneprogram"], ["0:9", "70:257"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200607-08-01", "text": "I bruk", "opinions": []}, {"sent_id": "200607-09-01", "text": "Kabinettet til disken \u00e5pnes ved \u00e5 trekke lokket av , etter at du har skj\u00f8vet l\u00e5seknappen til side .", "opinions": []}, {"sent_id": "200607-09-02", "text": "S\u00e5 er det bare \u00e5 sette i disken og skyve tilbake lokket .", "opinions": []}, {"sent_id": "200607-10-01", "text": "S\u00e5 kommer det alltid tilbakevendende problemet :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["alltid tilbakevendende problemet"], ["14:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200607-10-02", "text": "Har du mer data p\u00e5 harddisken enn det er plass til p\u00e5 SSD-en m\u00e5 du f\u00f8rst kopiere over det du vil beholde fra harddisken til et tredje lagringsmedium , og s\u00e5 slette s\u00e5 mye data p\u00e5 disken at du f\u00e5r plass p\u00e5 SSD-en .", "opinions": []}, {"sent_id": "200607-11-01", "text": "Les :", "opinions": []}, {"sent_id": "200607-11-02", "text": "En mye bedre l\u00f8sning :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye bedre l\u00f8sning"], ["3:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200607-11-03", "text": "Paragon Migrate OS to SSD", "opinions": []}, {"sent_id": "200607-12-01", "text": "N\u00e5r du skal klone harddisken setter du SSD-en i det lille kabinettet og starter den b\u00e6rbare med CD-en som f\u00f8lger med .", "opinions": []}, {"sent_id": "200607-12-02", "text": "Husk \u00e5 velte oppstart fra CD i BIOS eller fra eventell oppstartsmeny .", "opinions": []}, {"sent_id": "200607-12-03", "text": "Mer om dette finner du i brukerveiledningen til den b\u00e6rbare .", "opinions": []}, {"sent_id": "200607-13-01", "text": "Kloneprogrammet lastes s\u00e5 inn og du velger hvilken disk som skal klones fra og til , s\u00e5 er det bare \u00e5 vente til programmet er ferdig .", "opinions": []}, {"sent_id": "200607-14-01", "text": "N\u00e5r dette er gjort tar du ut SSD-en , skrur opp den b\u00e6rbare og tar ut harddisken , setter inn SSD-en og skrur igjen .", "opinions": []}, {"sent_id": "200607-14-02", "text": "S\u00e5 setter du harddisken i det eksterne kabinettet .", "opinions": []}, {"sent_id": "200607-15-01", "text": "S\u00e5 er det bare \u00e5 starte opp den b\u00e6rbare igjen og du vil oppleve det som om du har f\u00e5tt en helt ny maskin !", "opinions": []}, {"sent_id": "200607-16-01", "text": "Hvor rask er SSD-en ?", "opinions": []}, {"sent_id": "200607-17-01", "text": "Vi m\u00e5lte med v\u00e5re utvalgte testprogrammer og fikk disse resultatene :", "opinions": []}, {"sent_id": "200607-18-01", "text": "Det vi ser er at Kingston-disken ligger sammen med de andre SSD-ene vi har testet i leseytelse .", "opinions": []}, {"sent_id": "200607-18-02", "text": "I skriveytelse er den mer varierende enn de andre , dette skyldes kontrolleren som jobber mer aktivt med \u00e5 tilrettelegge datablokkene for skriving .", "opinions": [{"Source": [[], []], "Target": [["skriveytelse"], ["2:14"]], "Polar_expression": [["mer varierende enn de andre"], ["22:49"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kontrolleren"], ["66:78"]], "Polar_expression": [["jobber mer aktivt"], ["83:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200607-19-01", "text": "Ser vi p\u00e5 tallene fra AS SSD-testen , s\u00e5 er skrive og lesehastigheten p\u00e5 sm\u00e5filer langt fra p\u00e5 h\u00f8yde med de beste SSD-ene , faktisk langt under .", "opinions": [{"Source": [[], []], "Target": [["skrive og lesehastigheten"], ["44:69"]], "Polar_expression": [["langt fra p\u00e5 h\u00f8yde med de beste SSD-ene"], ["82:121"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skrive og lesehastigheten"], ["44:69"]], "Polar_expression": [["faktisk langt under"], ["124:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200607-19-02", "text": "OCZ Vertex 2 klarer 43,90 MB / sek mot Kingstons 8,89 MB / sek p\u00e5 4k blokker , og enda viktigere : p\u00e5 iops p\u00e5 sm\u00e5 filer ligger den veldig langt under OCZ :", "opinions": [{"Source": [[], []], "Target": [["OCZ Vertex 2"], ["0:12"]], "Polar_expression": [["43,90 MB / sek"], ["20:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Kingstons"], ["39:48"]], "Polar_expression": [["8,89 MB / sek"], ["49:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["127:130"]], "Polar_expression": [["ligger", "veldig langt under OCZ"], ["120:126", "131:153"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200607-19-03", "text": "2327 mot 11 054 og 1892 mot 28 018 iops .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["2327 mot 11 054"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["1892 mot 28 018 iops"], ["19:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200607-20-01", "text": "Konklusjon :", "opinions": []}, {"sent_id": "200607-21-01", "text": "Kingston sitt sett er praktisk , og ytelsen vil gi deg en langt raskere maskin enn med en typisk harddisk p\u00e5 5400 omdreininger .", "opinions": [{"Source": [[], []], "Target": [["Kingston sitt sett"], ["0:18"]], "Polar_expression": [["praktisk"], ["22:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["typisk harddisk p\u00e5 5400 omdreininger"], ["90:126"]], "Polar_expression": [["langt raskere maskin enn"], ["58:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ytelsen"], ["36:43"]], "Polar_expression": [["langt raskere maskin enn med en typisk harddisk p\u00e5 5400 omdreininger"], ["58:126"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200607-22-01", "text": "Men denne disken klarer ikke \u00e5 hamle opp med nyere utgaver , b\u00e5de fra Kingston og andre leverand\u00f8rer .", "opinions": [{"Source": [[], []], "Target": [["disken"], ["10:16"]], "Polar_expression": [["klarer ikke \u00e5 hamle opp med nyere utgaver"], ["17:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200607-22-02", "text": "Kommer du over den til en sv\u00e6rt gunstig pris kan det likevel v\u00e6re et godt kj\u00f8p .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kommer du over den til en sv\u00e6rt gunstig pris kan det likevel v\u00e6re et godt kj\u00f8p"], ["0:78"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200607-23-01", "text": "Kingston leverer slike sett med flere forskjellige typer harddisker .", "opinions": []}, {"sent_id": "200607-23-02", "text": "Den nyeste generasjonen heter V+100 .", "opinions": []}, {"sent_id": "200607-23-03", "text": "Vi kommer tilbake til test av denne .", "opinions": []}, {"sent_id": "200607-24-01", "text": "Kingston SSDNow V+100 SVP100S2 128GB", "opinions": []}, {"sent_id": "202043-01-01", "text": "TEST :", "opinions": []}, {"sent_id": "202043-01-02", "text": "Huawei S7 mediebrett", "opinions": []}, {"sent_id": "202043-02-01", "text": "iPad-konkurransen vil bli hardere og hardere , men Huawei S7 er ikke den st\u00f8rste utfordreren .", "opinions": [{"Source": [[], []], "Target": [["Huawei S7"], ["51:60"]], "Polar_expression": [["ikke den st\u00f8rste utfordreren"], ["64:92"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-03-01", "text": "Nettbrett-markedet ble strengt tatt erkl\u00e6rt d\u00f8dt og begravet for ganske mange \u00e5r siden , f\u00f8rst og fremst fordi teknologien ikke var moden nok til \u00e5 flytte Windows over fra en kraftig PC til en altfor svak miniatyrversjon , men ogs\u00e5 fordi folk flest , de som skal finansiere herligheten , ikke fikk de s\u00e5kalte tablet-PCene til \u00e5 passe inn noe sted .", "opinions": [{"Source": [[], []], "Target": [["Nettbrett-markedet"], ["0:18"]], "Polar_expression": [["erkl\u00e6rt d\u00f8dt og begravet for ganske mange \u00e5r siden"], ["36:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teknologien"], ["111:122"]], "Polar_expression": [["ikke", "moden nok"], ["123:127", "132:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-03-02", "text": "Hva skulle de egentlig bruke den til ?", "opinions": []}, {"sent_id": "202043-04-01", "text": "S\u00e5 gikk det noen \u00e5r .", "opinions": []}, {"sent_id": "202043-04-02", "text": "S\u00e5 lanserte Apple iPhone , en mobiltelefon med den inntil da beste ber\u00f8ringsf\u00f8lsomme skjermen noensinne , og noen \u00e5r etter at en anselig kundegruppe hadde", "opinions": [{"Source": [[], []], "Target": [["Apple iPhone"], ["12:24"]], "Polar_expression": [["beste ber\u00f8ringsf\u00f8lsomme skjermen noensinne"], ["61:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ber\u00f8ringsf\u00f8lsomme skjermen"], ["67:93"]], "Polar_expression": [["beste", "noensinne"], ["61:66", "94:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-05-01", "text": "Innholdsfortegnelse:iPad er m\u00e5lestokkenIrriterende skjermIkke veldig elegantKresent batteriHurtig p\u00e5 visse omr\u00e5derKonklusjon", "opinions": []}, {"sent_id": "202043-06-01", "text": "iPad er m\u00e5lestokken", "opinions": []}, {"sent_id": "202043-07-01", "text": "Hvis vi maser mye om iPad i denne testen er det alts\u00e5 fordi den per n\u00e5 er den suverene markedslederen , og strengt tatt det eneste mediebrettet som har vist hvor bra det kan gj\u00f8res .", "opinions": [{"Source": [[], []], "Target": [["iPad"], ["21:25"]], "Polar_expression": [["suverene markedslederen"], ["78:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iPad"], ["21:25"]], "Polar_expression": [["eneste mediebrettet som har vist hvor bra det kan gj\u00f8res"], ["124:180"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-07-02", "text": "Steve Jobs ser til \u00e5 ha l\u00f8st nettbrettkoden , og plutselig har b\u00e5de kjente og ukjente produsenter f\u00e5tt hastverk med \u00e5 f\u00e5 ut en utfordrer til det som enn s\u00e5 lenge er mediebrettkongen .", "opinions": [{"Source": [[], []], "Target": [["Steve Jobs"], ["0:10"]], "Polar_expression": [["l\u00f8st nettbrettkoden"], ["24:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mediebrettkongen"], ["165:181"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-07-03", "text": "En av disse er kinesiske Huawei , et blodferskt merke her til lands , men som med sine rundt 90.000 ansatte b\u00f8r ha muskler nok til \u00e5 gi Apple motstand .", "opinions": []}, {"sent_id": "202043-08-01", "text": "S7 er en av de f\u00f8rste mediebrettene med Googles Android-operativsystem i bunnen .", "opinions": []}, {"sent_id": "202043-08-02", "text": "Den kommer med nestsiste offisielle versjon ( 2.1 ) , og har akkurat samme fordel for de mange som allerede sitter med en Android-mobil som iPad hadde for iPhone-brukere :", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["fordel for de mange som allerede sitter med en Android-mobil"], ["75:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-08-03", "text": "Du vet umiddelbart hvor alt befinner seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Du vet umiddelbart hvor alt befinner seg"], ["0:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-09-01", "text": "P\u00e5 utsiden er forskjellen mellom S7 og iPad vesensforskjellig .", "opinions": []}, {"sent_id": "202043-09-02", "text": "For det f\u00f8rste er den sju tommer store skjermen langt mindre enn de 9.7 tommene du finner p\u00e5 Apples brett , mens designet er langt mer ordin\u00e6rt .", "opinions": [{"Source": [[], []], "Target": [["skjermen"], ["39:47"]], "Polar_expression": [["langt mindre enn de 9.7 tommene du finner p\u00e5 Apples brett"], ["48:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["designet"], ["113:121"]], "Polar_expression": [["langt mer ordin\u00e6rt"], ["125:143"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-09-03", "text": "Wow-faktoren er med andre ord ikke helt den samme .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Wow-faktoren er med andre ord ikke helt den samme"], ["0:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-09-04", "text": "Du finner blant annet ogs\u00e5 minnekortplass ( micro-SD ) , hodetelefonutgang , USB-kontakt , og seks knapper p\u00e5 fronten , tre p\u00e5 hver side av skjermen , hvorav en ogs\u00e5 fungerer som et mini-scrollhjul for de som ikke \u00f8nsker \u00e5 bruke den trykkf\u00f8lsomme skjermen .", "opinions": []}, {"sent_id": "202043-10-01", "text": "Men hvorfor skulle du ikke \u00f8nske \u00e5 bruke skjermen ?", "opinions": []}, {"sent_id": "202043-11-01", "text": "Irriterende skjerm", "opinions": [{"Source": [[], []], "Target": [["skjerm"], ["12:18"]], "Polar_expression": [["Irriterende"], ["0:11"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-12-01", "text": "Da er vi allerede ved et av hovedankepunktene med Huawei S7 :", "opinions": []}, {"sent_id": "202043-12-02", "text": "Den bruker gammeldags skjermteknologi , som gj\u00f8r at du m\u00e5 trykke p\u00e5 menyene eller tastene for at den skal registrere valgene dine , ikke bare ber\u00f8re den slik som p\u00e5 iPad , eller mobiltelefoner som HTC Desire eller iPhone .", "opinions": [{"Source": [[], []], "Target": [["skjermteknologi"], ["22:37"]], "Polar_expression": [["gammeldags"], ["11:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-13-01", "text": "Det gj\u00f8r brukeropplevelsen langt d\u00e5rligere enn den burde v\u00e6rt .", "opinions": [{"Source": [[], []], "Target": [["brukeropplevelsen"], ["9:26"]], "Polar_expression": [["langt d\u00e5rligere enn den burde v\u00e6rt"], ["27:61"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-13-02", "text": "Avstanden mellom trykk- og ber\u00f8ringsf\u00f8lsomme skjermer f\u00f8les bare lenger og lenger , og f\u00f8rstnevnte gj\u00f8r blant annet at en stadig vekk kommer borti u\u00f8nskede menyer eller lenker , og at en n\u00e6rmest m\u00e5 f\u00f8re fingeren tydelig fra topp til bunn hvis en \u00f8nsker \u00e5 scrolle nedover en nettside .", "opinions": [{"Source": [[], []], "Target": [["Avstanden mellom trykk- og ber\u00f8ringsf\u00f8lsomme skjermer"], ["0:53"]], "Polar_expression": [["f\u00f8les bare lenger og lenger"], ["54:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["stadig vekk kommer borti u\u00f8nskede menyer eller lenker"], ["122:175"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-14-01", "text": "Pussig nok kan du ogs\u00e5 ringe med S7 .", "opinions": [{"Source": [[], []], "Target": [["S7"], ["33:35"]], "Polar_expression": [["Pussig nok kan du ogs\u00e5 ringe"], ["0:28"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-14-02", "text": "Det er en bonus i form av at du , vel , kan ringe , men en svakhet fordi du ser ut som David med Goliat-mobil hvis du skulle finne p\u00e5 \u00e5 bruke funksjonen i all offentlighet uten headset .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bonus i form av at du , vel , kan ringe"], ["10:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["svakhet fordi du ser ut som David med Goliat-mobil"], ["59:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-14-03", "text": "Det fungerer , men vi mistenker at de fleste vil styre unna ringefunksjonen .", "opinions": [{"Source": [["vi"], ["19:21"]], "Target": [[], []], "Polar_expression": [["fungerer"], ["4:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["19:21"]], "Target": [[], []], "Polar_expression": [["mistenker at de fleste vil styre unna ringefunksjonen"], ["22:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-15-01", "text": "Ikke veldig elegant", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke veldig elegant"], ["0:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-16-01", "text": "Oppl\u00f8sningen p\u00e5 skjermen er respektabel ( 800 x 480 piksler ) , men bildekvaliteten framst\u00e5r som altfor blass n\u00e5r en ser direkte p\u00e5 bildet .", "opinions": [{"Source": [[], []], "Target": [["Oppl\u00f8sningen"], ["0:12"]], "Polar_expression": [["respektabel"], ["28:39"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bildekvaliteten"], ["68:83"]], "Polar_expression": [["altfor blass n\u00e5r en ser direkte p\u00e5 bildet"], ["97:138"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-16-02", "text": "Vrir en \u00f8rlite p\u00e5 skjermen \u00f8ker kontrastniv\u00e5et noe , men det er fortsatt ikke mulig \u00e5 bli blendet av skjermen , verken i konkret eller overf\u00f8rt betydning .", "opinions": [{"Source": [[], []], "Target": [["skjermen"], ["101:109"]], "Polar_expression": [["ikke mulig \u00e5 bli blendet av skjermen"], ["73:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermen"], ["18:26"]], "Polar_expression": [["Vrir en \u00f8rlite p\u00e5 skjermen \u00f8ker kontrastniv\u00e5et noe"], ["0:50"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-17-01", "text": "Videoavspilling , som garantert er noe brukere av mediebrett er opptatt av , tar seg derimot godt ut , selv om vi opplevde \u00f8rlite hakking p\u00e5 filer med h\u00f8y oppl\u00f8sning .", "opinions": [{"Source": [["vi"], ["111:113"]], "Target": [["Videoavspilling"], ["0:15"]], "Polar_expression": [["tar seg derimot godt ut"], ["77:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["111:113"]], "Target": [["Videoavspilling"], ["0:15"]], "Polar_expression": [["\u00f8rlite hakking p\u00e5 filer med h\u00f8y oppl\u00f8sning"], ["123:165"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-17-02", "text": "Android-operativsystemet er langt fra s\u00e5 ensartet som deler av Apples iOS4 , systemet du finner i blant annet iPad og iPhone , noe som er b\u00e5de dets styrke og dets svakhet .", "opinions": [{"Source": [[], []], "Target": [["Android-operativsystemet"], ["0:24"]], "Polar_expression": [["langt fra s\u00e5 ensartet som deler av Apples iOS4"], ["28:74"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Apples iOS4"], ["63:74"]], "Polar_expression": [["Android-operativsystemet er langt fra s\u00e5 ensartet"], ["0:49"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-17-03", "text": "Vi lastet ned en alternativ spiller for \u00e5 fors\u00f8ke \u00e5 spille av mkv-formatet , og selv om spilleren aksepterer formatet , blir oppl\u00f8sningen for h\u00f8y .", "opinions": [{"Source": [[], []], "Target": [["spilleren"], ["88:97"]], "Polar_expression": [["aksepterer formatet"], ["98:117"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppl\u00f8sningen"], ["125:137"]], "Polar_expression": [["for h\u00f8y"], ["138:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-17-04", "text": "Dermed m\u00e5 videoen ( e ) uansett konverteres enten ned i oppl\u00f8sning , eller over til et annet , mer spiselig format .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["m\u00e5 videoen ( e ) uansett konverteres enten ned i oppl\u00f8sning , eller over til et annet , mer spiselig format"], ["7:114"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202043-18-01", "text": "Medieh\u00e5ndteringen er ikke fullt s\u00e5 elegant p\u00e5 Android enn p\u00e5 iOS 4 , et ganske vesentlig poeng p\u00e5 det som i praksis blir et underholdningssenter i miniatyr , men en f\u00e5r stort sett jobben gjort .", "opinions": [{"Source": [[], []], "Target": [["Medieh\u00e5ndteringen"], ["0:17"]], "Polar_expression": [["ikke fullt s\u00e5 elegant"], ["21:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Medieh\u00e5ndteringen"], ["0:17"]], "Polar_expression": [["f\u00e5r stort sett jobben gjort"], ["165:192"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-18-02", "text": "Det er som nevnt enklere \u00e5 f\u00e5 spilt av et bredere utvalg video- og musikkformater p\u00e5 Android enn p\u00e5 iOS4 , uten at det betyr at du simpelthen kan dumpe over hva som helst p\u00e5 enheten .", "opinions": [{"Source": [[], []], "Target": [["Android"], ["85:92"]], "Polar_expression": [["enklere \u00e5 f\u00e5 spilt av et bredere utvalg video- og musikkformater p\u00e5 Android enn p\u00e5 iOS4"], ["17:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iOS4"], ["100:104"]], "Polar_expression": [["enklere \u00e5 f\u00e5 spilt av et bredere utvalg video- og musikkformater p\u00e5 Android"], ["17:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-18-03", "text": "Sjansen for at det faktisk funker uten konvertering er dog st\u00f8rre her enn p\u00e5 iPad .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sjansen for at det faktisk funker uten konvertering er dog st\u00f8rre her enn p\u00e5 iPad"], ["0:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-19-01", "text": "Kresent batteri", "opinions": [{"Source": [[], []], "Target": [["batteri"], ["8:15"]], "Polar_expression": [["Kresent"], ["0:7"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-20-01", "text": "Batteritiden er en av tingene som virkelig har imponert med iPad .", "opinions": [{"Source": [[], []], "Target": [["iPad"], ["60:64"]], "Polar_expression": [["Batteritiden er en av tingene som virkelig har imponert"], ["0:55"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Batteritiden"], ["0:12"]], "Polar_expression": [["virkelig har imponert"], ["34:55"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-20-02", "text": "Produsentl\u00f8fter er ofte like mye verdt som g\u00e5rsdagens nyheter og fisken du glemte \u00e5 pakke inn kvelden f\u00f8r , men der iPaden faktisk ligger p\u00e5 rundt 10 timer per lading , og dessuten ikke mister kraft s\u00e6rlig raskere selv n\u00e5r en ser video eller spiller , leverer S7 langt d\u00e5rligere levetid per lading .", "opinions": [{"Source": [[], []], "Target": [["S7"], ["260:262"]], "Polar_expression": [["langt d\u00e5rligere levetid per lading"], ["263:297"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["levetid per lading"], ["279:297"]], "Polar_expression": [["langt d\u00e5rligere"], ["263:278"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Produsentl\u00f8fter"], ["0:15"]], "Polar_expression": [["like mye verdt som g\u00e5rsdagens nyheter og fisken du glemte \u00e5 pakke inn kvelden f\u00f8r"], ["24:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iPaden"], ["116:122"]], "Polar_expression": [["faktisk ligger p\u00e5 rundt 10 timer per lading"], ["123:166"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["iPaden"], ["116:122"]], "Polar_expression": [["ikke mister kraft s\u00e6rlig raskere selv n\u00e5r en ser video eller spiller"], ["181:249"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-21-01", "text": "Dette kan nok ha sammenheng med at Android er et operativsystem som , som vi allerede har nevnt , stiller krav til at brukeren holder oversikten over hvilke program som fortsetter \u00e5 jobbe i bakgrunnen , men det skyldes ogs\u00e5 at den er knyttet til GSM-nettet .", "opinions": []}, {"sent_id": "202043-21-02", "text": "Vi vet at 3G-versjonen av iPad ogs\u00e5 f\u00e5r redusert batterilevetid s\u00e5 lenge den jobber mot 3G-nettet , men likevel er de rundt 3 - 4 timene vi har f\u00e5tt ut av S7 til sammenlikning beskjedne .", "opinions": [{"Source": [[], []], "Target": [["3 - 4 timene vi har f\u00e5tt ut av S7"], ["124:157"]], "Polar_expression": [["beskjedne"], ["176:185"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["3G-versjonen av iPad"], ["10:30"]], "Polar_expression": [["redusert batterilevetid s\u00e5 lenge den jobber mot 3G-nettet"], ["40:97"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-22-01", "text": "Tatt i betraktning at skjermen og enheten som s\u00e5dan er markant mindre enn hos den ene store konkurrenten som per i dag finnes p\u00e5 det norske mediebrettmarkedet , hadde vi kanskje forventet at det skulle gjenspeiles bedre p\u00e5 vektsk\u00e5la .", "opinions": [{"Source": [["vi"], ["167:169"]], "Target": [[], []], "Polar_expression": [["forventet at det skulle gjenspeiles bedre p\u00e5 vektsk\u00e5la"], ["178:232"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skjermen og enheten"], ["22:41"]], "Polar_expression": [["markant mindre enn hos den ene store konkurrenten"], ["55:104"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-22-02", "text": "Slik er det ikke helt .", "opinions": []}, {"sent_id": "202043-22-03", "text": "Huawei S7 veier n\u00f8yaktig et halvt kilo , eller 180 gram mindre enn iPad .", "opinions": [{"Source": [[], []], "Target": [["Huawei S7"], ["0:9"]], "Polar_expression": [["veier n\u00f8yaktig et halvt kilo"], ["10:38"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Huawei S7"], ["0:9"]], "Polar_expression": [["180 gram mindre enn iPad"], ["47:71"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202043-22-04", "text": "Det er fors\u00e5vidt merkbart , men ikke s\u00e5 merkbart som vi hadde h\u00e5pet .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["fors\u00e5vidt merkbart"], ["7:25"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [["Det"], ["0:3"]], "Polar_expression": [["ikke s\u00e5 merkbart som vi hadde h\u00e5pet"], ["32:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-23-01", "text": "Hurtig p\u00e5 visse omr\u00e5der", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hurtig p\u00e5 visse omr\u00e5der"], ["0:23"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-24-01", "text": "Likevel ligger den bedre i h\u00e5nda enn iPad , f\u00f8rst og fremst fordi den er smalere .", "opinions": [{"Source": [[], []], "Target": [["den"], ["15:18"]], "Polar_expression": [["ligger", "bedre i h\u00e5nda enn iPad"], ["8:14", "19:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["iPad"], ["37:41"]], "Polar_expression": [["ligger den bedre i h\u00e5nda"], ["8:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["66:69"]], "Polar_expression": [["smalere"], ["73:80"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-24-02", "text": "Det er betraktelig enklere \u00e5 skrive p\u00e5 S7 , ettersom bredden er s\u00e5pass smal at grepet blir mer naturlig .", "opinions": [{"Source": [[], []], "Target": [["S7"], ["39:41"]], "Polar_expression": [["enklere \u00e5 skrive"], ["19:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bredden"], ["53:60"]], "Polar_expression": [["s\u00e5pass smal at grepet blir mer naturlig"], ["64:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-24-03", "text": "Det vil si , n\u00e5r jeg skriver betraktelig er det en liten overdrivelse , for det S7 vinner i smalhet , taper den p\u00e5 den allerede nevnte motstanden fra skjermen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r jeg skriver betraktelig er det en liten overdrivelse"], ["13:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["S7"], ["80:82"]], "Polar_expression": [["det S7 vinner i smalhet , taper den p\u00e5 den allerede nevnte motstanden fra skjermen"], ["76:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-24-04", "text": "Her finnes ikke multitouch , og her finnes alts\u00e5 ikke ber\u00f8ringsf\u00f8lsom skjerm , bare trykkf\u00f8lsom .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Her finnes ikke multitouch"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["her finnes alts\u00e5 ikke ber\u00f8ringsf\u00f8lsom skjerm , bare trykkf\u00f8lsom"], ["32:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "202043-24-05", "text": "Dermed merker du tidlig at hurtigskriving ikke er noe alternativ .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hurtigskriving ikke er noe alternativ"], ["27:64"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-24-06", "text": "S7 klarer ikke henge med , og du m\u00e5 tvinge deg selv til \u00e5 skrive langsommere .", "opinions": [{"Source": [[], []], "Target": [["S7"], ["0:2"]], "Polar_expression": [["klarer ikke henge med"], ["3:24"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["m\u00e5 tvinge deg selv til \u00e5 skrive langsommere"], ["33:76"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-25-01", "text": "P\u00e5 andre omr\u00e5der er S7 imponerende hurtig .", "opinions": [{"Source": [[], []], "Target": [["S7"], ["20:22"]], "Polar_expression": [["imponerende hurtig"], ["23:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-25-02", "text": "Websurfing viser at Huaweis mediebrett har potensiale , for her st\u00e5r den ikke mye tilbake for Apple-brettet .", "opinions": [{"Source": [[], []], "Target": [["Huaweis mediebrett"], ["20:38"]], "Polar_expression": [["har potensiale"], ["39:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Websurfing"], ["0:10"]], "Polar_expression": [["Websurfing viser at Huaweis mediebrett har potensiale"], ["0:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Huaweis mediebrett"], ["20:38"]], "Polar_expression": [["her st\u00e5r den ikke mye tilbake for Apple-brettet"], ["60:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-25-03", "text": "Ulempen med den trykkf\u00f8lsomme skjermen gir seg utslag ogs\u00e5 her , blant annet ved at du feilklikker p\u00e5 lenker n\u00e5r du skal scrolle ( fordi du , igjen , m\u00e5 v\u00e6re tydelig n\u00e5r du scroller ) .", "opinions": [{"Source": [[], []], "Target": [["trykkf\u00f8lsomme skjermen"], ["16:38"]], "Polar_expression": [["Ulempen", "gir seg utslag ogs\u00e5 her"], ["0:7", "39:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["trykkf\u00f8lsomme skjermen"], ["16:38"]], "Polar_expression": [["feilklikker p\u00e5 lenker n\u00e5r du skal scrolle"], ["87:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-25-04", "text": "Et annet irriterende moment tilh\u00f8rer hjemmeskjermen , som det ikke er mulig \u00e5 orientere til portrettformat .", "opinions": [{"Source": [[], []], "Target": [["hjemmeskjermen"], ["37:51"]], "Polar_expression": [["irriterende"], ["9:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hjemmeskjermen"], ["37:51"]], "Polar_expression": [["ikke er mulig \u00e5 orientere til portrettformat"], ["62:106"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202043-25-05", "text": "Den fungerer bare i liggende modus .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["fungerer bare i liggende modus"], ["4:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202043-25-06", "text": "Dette er sannsynligvis en Android-begrensning - vi s\u00e5 samme fenomenet da vi holdt Dells Streak mobiltablet i h\u00e5nda for noen uker siden - , og vil forh\u00e5pentligvis v\u00e6re historie hvis / n\u00e5r S7 f\u00e5r neste versjon av operativsystemet .", "opinions": []}, {"sent_id": "202043-26-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "202043-27-01", "text": "Har du lest testen s\u00e5 langt blir du ikke overrasket over konklusjonen :", "opinions": []}, {"sent_id": "202043-27-02", "text": "Her er det for mange ting \u00e5 sette fingeren p\u00e5 til at S7 kan anbefales som ditt f\u00f8rste mediebrett .", "opinions": [{"Source": [[], []], "Target": [["S7"], ["53:55"]], "Polar_expression": [["for mange ting \u00e5 sette fingeren p\u00e5 til at S7 kan anbefales som ditt f\u00f8rste mediebrett"], ["11:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-28-01", "text": "Skjermen blekner kraftig sammenliknet med iPad , og n\u00e5r Huawei i tillegg har valgt trykkf\u00f8lsom teknologi , og ikke ber\u00f8ringsf\u00f8lsom , s\u00e5 blir navigasjonen knotete og irriterende .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["blekner kraftig sammenliknet med iPad"], ["9:46"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["navigasjonen"], ["141:153"]], "Polar_expression": [["knotete og irriterende"], ["154:176"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202043-28-02", "text": "Norsk pris p\u00e5 iPad er forel\u00f8pig ikke kjent , men hvis vi skal bruke differansen mellom norsk og britisk pris p\u00e5 iPhone 4 , som i skrivende stund er null kroner , kan vi anta at rimeligste 3G-versjon havner p\u00e5 rundt 5000 kroner .", "opinions": []}, {"sent_id": "202043-29-01", "text": "Da blir differansen mellom S7 og iPad cirka 1500 kroner , og med store innvendinger mot blant annet skjermkvalitet , touchteknologien og batterilevetiden er ikke en viss hurtighet , minnekortplass og Android alene nok til \u00e5 forsvare prisen .", "opinions": [{"Source": [[], []], "Target": [["skjermkvalitet"], ["100:114"]], "Polar_expression": [["store innvendinger mot"], ["65:87"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["touchteknologien"], ["117:133"]], "Polar_expression": [["store innvendinger mot"], ["65:87"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batterilevetiden"], ["137:153"]], "Polar_expression": [["store innvendinger mot"], ["65:87"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["en viss hurtighet , minnekortplass og Android"], ["162:207"]], "Polar_expression": [["ikke", "nok til \u00e5 forsvare prisen"], ["157:161", "214:239"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202043-30-01", "text": "Mediebrettkonkurransen kommer til \u00e5 bli hardere og hardere , men forel\u00f8pig beh\u00f8ver ikke Apple miste nattes\u00f8vnen .", "opinions": [{"Source": [[], []], "Target": [["Apple"], ["88:93"]], "Polar_expression": [["beh\u00f8ver ikke", "miste nattes\u00f8vnen"], ["75:87", "94:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["forel\u00f8pig beh\u00f8ver ikke Apple miste nattes\u00f8vnen"], ["65:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600911-01-01", "text": "Kort og intenst", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kort og intenst"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600911-02-01", "text": "Med g\u00e5rsdagens premiere p\u00e5 \u00ab Jeg kommer tilbake i kveld \u00bb kan Gaute Heivoll f\u00f8ye nok en suksess til sitt forfatterskap , n\u00e5 ogs\u00e5 som dramatiker .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jeg kommer tilbake i kveld \u00bb"], ["27:57"]], "Polar_expression": [["suksess"], ["88:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Gaute Heivoll"], ["62:75"]], "Polar_expression": [["f\u00f8ye nok en suksess"], ["76:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-03-01", "text": "Regi :", "opinions": []}, {"sent_id": "600911-03-02", "text": "Bodil Kvamme", "opinions": []}, {"sent_id": "600911-04-01", "text": "Med :", "opinions": []}, {"sent_id": "600911-04-02", "text": "Anne Ma Usterud , Turid Gunnes og Henriette Mar\u00f8", "opinions": []}, {"sent_id": "600911-05-01", "text": "Agder Teater har vellykket bidratt til \u00e5 frembringe ny dramatikk .", "opinions": [{"Source": [[], []], "Target": [["Agder Teater"], ["0:12"]], "Polar_expression": [["vellykket bidratt til \u00e5 frembringe ny dramatikk"], ["17:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-05-02", "text": "Tre skuespillere skaper en levende og intens samtale i Bodil Kvammes stramme regi .", "opinions": [{"Source": [[], []], "Target": [["Tre skuespillere"], ["0:16"]], "Polar_expression": [["levende og intens samtale"], ["27:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-05-03", "text": "Etter 55 minutter er det hele over , og atmosf\u00e6ren er s\u00e5 fortettet at man n\u00e6rmest gisper etter luft .", "opinions": [{"Source": [[], []], "Target": [["atmosf\u00e6ren"], ["40:50"]], "Polar_expression": [["s\u00e5 fortettet at man n\u00e6rmest gisper etter luft"], ["54:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-05-04", "text": "Helt til sist projiseres navnet Louis Hogganvik med f\u00f8dsels\u2014 og d\u00f8dsdato p\u00e5 bakveggen , og vi er tilbake i virkeligheten .", "opinions": []}, {"sent_id": "600911-05-05", "text": "For dette er teater med historisk bakgrunn .", "opinions": []}, {"sent_id": "600911-06-01", "text": "Louis Hogganvik ble arrestert av gestapo mot slutten av krigen , i januar 1941 .", "opinions": []}, {"sent_id": "600911-06-02", "text": "P\u00e5 Arkivet ble han torturert s\u00e5 ille at han til slutt ikke s\u00e5 noen annen utvei enn \u00e5 ta sitt eget liv .", "opinions": []}, {"sent_id": "600911-06-03", "text": "For \u00e5 skjule forbrytelsen fraktet gestapistene liket ut p\u00e5 havet og senket det .", "opinions": []}, {"sent_id": "600911-06-04", "text": "Om dette forteller Heivoll i romanen Himmelarkivet som kom i 2008 .", "opinions": []}, {"sent_id": "600911-06-05", "text": "N\u00e5 har Heivoll diktet at fru Hogganvik noen \u00e5r etter krigen reiser til Tyskland for \u00ab \u00e5 se Kerner dypt inn i \u00f8ynene \u00bb .", "opinions": []}, {"sent_id": "600911-06-06", "text": "Hun treffer ham ikke hjemme .", "opinions": []}, {"sent_id": "600911-06-07", "text": "Hun blir invitert inn av datteren Elfi , som mistet sin far til krigen da hun var fire , og som n\u00e5 som atten\u00e5ring har f\u00e5tt hjem en far som \u00ab bare sitter og stirrer \u00bb .", "opinions": []}, {"sent_id": "600911-06-08", "text": "Fru Kerner deltar etter hvert sv\u00e6rt motvillig i samtalen .", "opinions": []}, {"sent_id": "600911-06-09", "text": "Elfi er barnet som aner mer enn de voksne tror .", "opinions": []}, {"sent_id": "600911-07-01", "text": "Heivolls tekst har kvaliteter som minner om Jon Fosses skuespill .", "opinions": [{"Source": [[], []], "Target": [["Heivolls tekst"], ["0:14"]], "Polar_expression": [["kvaliteter som minner om Jon Fosses skuespill"], ["19:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "600911-07-02", "text": "Formuleringer repeteres ofte tre , kanskje fire ganger , en utfordring som l\u00f8ses sv\u00e6rt godt av de tre p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["de tre p\u00e5 scenen"], ["95:111"]], "Polar_expression": [["utfordring som l\u00f8ses sv\u00e6rt godt"], ["60:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-07-03", "text": "\u00c5penbart behersker fru Hogganvik tysk , noe spr\u00e5kproblem antydes ikke .", "opinions": []}, {"sent_id": "600911-07-04", "text": "Men forskjellen i spr\u00e5k understrekes av Usteruds s\u00f8rlandsdialekt mot de to andres \u00f8stlandske normalm\u00e5l .", "opinions": []}, {"sent_id": "600911-07-05", "text": "Det er fine karaktertegninger fra alle tre , en ekstra stjerne til Henriette Mar\u00f8s lett nerv\u00f8se ungjente .", "opinions": [{"Source": [[], []], "Target": [["alle tre"], ["34:42"]], "Polar_expression": [["fine karaktertegninger"], ["7:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Henriette Mar\u00f8s"], ["67:82"]], "Polar_expression": [["ekstra stjerne"], ["48:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-08-01", "text": "Spr\u00e5ket virker naturlig , tross repetisjonene .", "opinions": [{"Source": [[], []], "Target": [["Spr\u00e5ket"], ["0:7"]], "Polar_expression": [["naturlig , tross repetisjonene"], ["15:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-08-02", "text": "Likevel er samtalen ikke realistisk i egentlig forstand .", "opinions": [{"Source": [[], []], "Target": [["samtalen"], ["11:19"]], "Polar_expression": [["ikke realistisk i egentlig forstand"], ["20:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-08-03", "text": "Det er vanskelig \u00e5 forestille seg at ikke fru Kerner for lengst ville ha ringt politiet for \u00e5 f\u00e5 kastet ut denne innp\u00e5slitne , ubudne gjesten fra Norge .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vanskelig \u00e5 forestille seg"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["gjesten fra Norge"], ["134:151"]], "Polar_expression": [["innp\u00e5slitne"], ["113:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gjesten fra Norge"], ["134:151"]], "Polar_expression": [["ubudne"], ["127:133"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-08-04", "text": "Realismen er delvis ogs\u00e5 borte i regi og scenografi .", "opinions": [{"Source": [[], []], "Target": [["regi"], ["33:37"]], "Polar_expression": [["Realismen er delvis ogs\u00e5 borte"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenografi"], ["41:51"]], "Polar_expression": [["Realismen er delvis ogs\u00e5 borte"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600911-08-05", "text": "Det er fire ulike stoler i stuen , de snakker til salen like mye som til hverandre , det er \u00ab tilfeldigvis \u00bb dekket\u00f8y til tre selv om man aldri vet n\u00e5r Kerner kommer hjem fra forretningsreise .", "opinions": []}, {"sent_id": "600911-09-01", "text": "\u00ab Hva var det du s\u00e5 i \u00f8ynene hans den gangen dere danset \u00bb ?", "opinions": []}, {"sent_id": "600911-09-02", "text": "Sp\u00f8rsm\u00e5let stilles fru Kerner av fru Hogganvik .", "opinions": []}, {"sent_id": "600911-09-03", "text": "\u00ab Jeg s\u00e5 - jeg s\u00e5 fremtiden .", "opinions": []}, {"sent_id": "600911-09-04", "text": "Begynnelsen p\u00e5 livet , det store livet \u00bb , svarer fru Kerner .", "opinions": []}, {"sent_id": "600911-09-05", "text": "Kerner hadde knust Louis Hogganviks ene \u00f8ye .", "opinions": []}, {"sent_id": "600911-09-06", "text": "Fru Hogganviks form\u00e5l med tysklandsreisen er \u00e5 \u00ab se Kerner dypt inn i \u00f8ynene \u00bb .", "opinions": []}, {"sent_id": "600911-09-07", "text": "Hva er det som bor der inne i et menneske som kan beg\u00e5 slike forbrytelser .", "opinions": []}, {"sent_id": "600911-09-08", "text": "Og - kan en se det i \u00f8ynene p\u00e5 folk ?", "opinions": []}, {"sent_id": "600911-09-09", "text": "Dette er bare noen av de mange sp\u00f8rsm\u00e5l en forlater denne sterke forestillingen med .", "opinions": [{"Source": [[], []], "Target": [["forestillingen"], ["65:79"]], "Polar_expression": [["sterke"], ["58:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003382-01-01", "text": "Paranoid Park", "opinions": []}, {"sent_id": "003382-02-01", "text": "Ung , vond historie .", "opinions": []}, {"sent_id": "003382-03-01", "text": "Regiss\u00f8r Gus Van Sant har omtrent gjort det som sitt varemerke \u00e5 lage film om unge rotl\u00f8se gutter .", "opinions": []}, {"sent_id": "003382-03-02", "text": "Eller \u201di drift \u201d , som det ogs\u00e5 kalles .", "opinions": []}, {"sent_id": "003382-04-01", "text": "Det m\u00e5 han gjerne fortsette med , for \u201d Paranoid Park \u201d viser at han fremdeles er veldig flink til \u00e5 skildre unge mennesker i den h\u00e5pl\u00f8se overgangsfasen mellom barn og voksen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det m\u00e5 han gjerne fortsette med"], ["0:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["65:68"]], "Polar_expression": [["veldig flink til \u00e5 skildre unge mennesker i den h\u00e5pl\u00f8se overgangsfasen mellom barn og voksen"], ["82:174"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003382-04-02", "text": "Denne filmen har en vond historie , og en ung gutt i en umulig situasjon i fokus .", "opinions": []}, {"sent_id": "003382-05-01", "text": "Mord ved skatebane", "opinions": []}, {"sent_id": "003382-06-01", "text": "Alex ( Gabe Nevins ) er 16 , og bor i et hjem i oppl\u00f8sning .", "opinions": []}, {"sent_id": "003382-06-02", "text": "Samtidig er det noe p\u00e5 gang p\u00e5 skolen , der politiet sp\u00f8r alle skatere i samband med et antatt mord i n\u00e6rheten av en skatebane .", "opinions": []}, {"sent_id": "003382-07-01", "text": "Det begynner \u00e5 demre for oss at Alex kanskje vet noe om dette som han ikke vil fortelle .", "opinions": []}, {"sent_id": "003382-08-01", "text": "Omstokket kronologi", "opinions": []}, {"sent_id": "003382-09-01", "text": "Alex forteller historien selv , men fragmentert , som han beklager med at han er litt d\u00e5rlig til \u00e5 skrive .", "opinions": []}, {"sent_id": "003382-09-02", "text": "Det er ikke akkurat nytt \u00e5 fortelle en historie med omstokket kronologi , men Van Sant bruker dette grepet effektivt .", "opinions": [{"Source": [[], []], "Target": [["Van Sant"], ["78:86"]], "Polar_expression": [["bruker dette grepet effektivt"], ["87:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003382-10-01", "text": "Den manglende kronologien gj\u00f8r historien uforutsigbar , og mer interessant .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["31:40"]], "Polar_expression": [["uforutsigbar"], ["41:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["31:40"]], "Polar_expression": [["interessant"], ["63:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003382-10-02", "text": "Den gir oss ledetr\u00e5der til den endelige forklaringen , som ikke er s\u00e5 vanskelig \u00e5 gjette .", "opinions": []}, {"sent_id": "003382-11-01", "text": "Hjerteskj\u00e6rende alene", "opinions": []}, {"sent_id": "003382-12-01", "text": "Gabe Nevins er et funn i hovedrollen .", "opinions": [{"Source": [[], []], "Target": [["Gabe Nevins"], ["0:11"]], "Polar_expression": [["et funn i hovedrollen"], ["15:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003382-12-02", "text": "Hans engleansikt viser at han fremdeles er et barn , men et barn som er i ferd med \u00e5 innse noen harde realiterer .", "opinions": []}, {"sent_id": "003382-12-03", "text": "Foreldrene er i ferd med \u00e5 skille seg , og er s\u00e5 godt som frav\u00e6rende .", "opinions": []}, {"sent_id": "003382-13-01", "text": "Van Sant viser dette ved \u00e5 stort sett filme dem p\u00e5 avstand eller ute av fokus .", "opinions": []}, {"sent_id": "003382-13-02", "text": "Alex er s\u00e5 godt som alene med sine hemmeligheter og skjulte s\u00e5r , og det er hjerteskj\u00e6rende \u00e5 v\u00e6re vitne til .", "opinions": [{"Source": [[], []], "Target": [["det"], ["69:72"]], "Polar_expression": [["hjerteskj\u00e6rende \u00e5 v\u00e6re vitne til"], ["76:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003382-14-01", "text": "Uten voksen st\u00f8tte", "opinions": []}, {"sent_id": "003382-15-01", "text": "Jeg har litt problemer med \u00e5 takle slutten .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["slutten"], ["35:42"]], "Polar_expression": [["litt problemer med \u00e5 takle slutten"], ["8:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003382-15-02", "text": "Uten \u00e5 r\u00f8pe noe , kan jeg si at jeg savner en slags konklusjon .", "opinions": [{"Source": [["jeg"], ["32:35"]], "Target": [[], []], "Polar_expression": [["savner en slags konklusjon"], ["36:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003382-15-03", "text": "Noe som forteller at Alex skj\u00f8nner sin egen situasjon .", "opinions": []}, {"sent_id": "003382-15-04", "text": "Et tegn p\u00e5 at ting vil ordne seg og at han kan bli et voksent menneske .", "opinions": []}, {"sent_id": "003382-16-01", "text": "Men \u201d Paranoid Park \u201d gir et s\u00f8rgelig bilde p\u00e5 et ungt menneske uten voksen st\u00f8tte , og Alex gj\u00f8r det han m\u00e5 for \u00e5 overleve mentalt .", "opinions": [{"Source": [[], []], "Target": [["\u201d Paranoid Park \u201d"], ["4:21"]], "Polar_expression": [["gir et s\u00f8rgelig bilde p\u00e5 et ungt menneske uten voksen st\u00f8tte"], ["22:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302663-01-01", "text": "Bob Dylan hyller country'ens st\u00f8rste helt", "opinions": []}, {"sent_id": "302663-02-01", "text": "Flere av verdens st\u00f8rste stjerner setter melodi til Hank Williams' ukjente tekster .", "opinions": []}, {"sent_id": "302663-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "302663-03-02", "text": "Den amerikanske countrysangeren Hank Williams ( 1923 - 1953 ) ble funnet d\u00f8d i baksetet p\u00e5 en Cadillac f\u00f8rste nytt\u00e5rsdag 1953 .", "opinions": []}, {"sent_id": "302663-03-03", "text": "Bare 29 \u00e5r gammel hadde han sikret seg et etterm\u00e6le som en original komponist av utallige sanger som seinere er blitt evergreens .", "opinions": [{"Source": [[], []], "Target": [["han"], ["24:27"]], "Polar_expression": [["original komponist"], ["59:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sanger"], ["90:96"]], "Polar_expression": [["evergreens"], ["118:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302663-04-01", "text": "I Cadillacen l\u00e5 ogs\u00e5 en notatbok som sangeren bar med seg , fylt med tekster som enn\u00e5 ikke hadde f\u00e5tt noen melodi .", "opinions": []}, {"sent_id": "302663-04-02", "text": "Omsider fikk noen ideen til \u00e5 la noen av hans mest lidenskapelige fans lage l\u00e5ter av tekstene .", "opinions": []}, {"sent_id": "302663-05-01", "text": "Det har de sannelig gjort , fra Bob Dylan til Jack White , fra Norah Jones til Merle Haggard , i alt 12 kvinner og menn som med dyp respekt har satt toner til Williams vakre ord , med f\u00e5 unntak om ulykkelig kj\u00e6rlighet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["med dyp respekt"], ["124:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ord"], ["174:177"]], "Polar_expression": [["vakre"], ["168:173"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302663-06-01", "text": "Ei plate som bekrefter Hank Williams som en enest\u00e5ende stilskaper , med et s\u00e5 sterkt personlig s\u00e6rpreg at det skinner stjerneklart igjennom ogs\u00e5 n\u00e5r andre artister hyller ham p\u00e5 denne m\u00e5ten .", "opinions": [{"Source": [[], []], "Target": [["Hank Williams"], ["23:36"]], "Polar_expression": [["enest\u00e5ende stilskaper"], ["44:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plate"], ["3:8"]], "Polar_expression": [["bekrefter Hank Williams som en enest\u00e5ende stilskaper"], ["13:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Hank Williams"], ["23:36"]], "Polar_expression": [["sterkt personlig s\u00e6rpreg"], ["78:102"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106032-01-01", "text": "The Magnetic Fields :", "opinions": []}, {"sent_id": "106032-01-02", "text": "\u00ab Realism \u00bb", "opinions": []}, {"sent_id": "106032-02-01", "text": "( Warner )", "opinions": []}, {"sent_id": "106032-03-01", "text": "Florlett og forglemmelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Florlett"], ["0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["forglemmelig"], ["12:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true}]}, {"sent_id": "106032-04-01", "text": "Momentet fra \u00ab 69 Love Songs \u00bb ( 1999 ) er for lengst skuslet bort .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["for lengst skuslet bort", "Momentet"], ["43:66", "0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab 69 Love Songs \u00bb"], ["13:30"]], "Polar_expression": [["Momentet"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106032-04-02", "text": "Stephin Merritt f\u00f8lges n\u00e5 bare av de trofaste og t\u00e5lmodige .", "opinions": [{"Source": [[], []], "Target": [["Stephin Merritt"], ["0:15"]], "Polar_expression": [["f\u00f8lges n\u00e5 bare av de trofaste og t\u00e5lmodige"], ["16:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106032-04-03", "text": "\u00ab Realism \u00bb er en helt annen plate enn den fengende , fuzzmarinerte forgjengeren \u00ab Distortion \u00bb ( 2008 ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Realism \u00bb"], ["0:11"]], "Polar_expression": [["helt annen plate enn den fengende , fuzzmarinerte forgjengeren \u00ab Distortion \u00bb"], ["18:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Distortion \u00bb"], ["81:95"]], "Polar_expression": [["fengende"], ["43:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Distortion \u00bb"], ["81:95"]], "Polar_expression": [["fuzzmarinerte"], ["54:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106032-04-04", "text": "Her i g\u00e5rden er ingenting s\u00e5 forventet som det \u00ab uventede \u00bb .", "opinions": []}, {"sent_id": "106032-05-01", "text": "Han kan fremdeles skrive en vittig tekst , og er en kl\u00f8pper til \u00e5 benytte seg av ord man ikke vanligvis h\u00f8rer i popsanger .", "opinions": [{"Source": [[], []], "Target": [["tekst"], ["35:40"]], "Polar_expression": [["vittig"], ["28:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["kl\u00f8pper til \u00e5 benytte seg av ord man ikke vanligvis h\u00f8rer i popsanger"], ["52:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["kan fremdeles skrive en vittig tekst"], ["4:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106032-05-02", "text": "Men det er noe litt ubrukelig ved teselskap- og kabaret-folkpopsangene p\u00e5 \u00ab Realism \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Realism \u00bb"], ["74:85"]], "Polar_expression": [["litt ubrukelig ved teselskap- og kabaret-folkpopsangene"], ["15:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["teselskap- og kabaret-folkpopsangene"], ["34:70"]], "Polar_expression": [["litt ubrukelig"], ["15:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106032-05-03", "text": "For hva er det her som skal dra deg tilbake til platen etter at du har humret deg ferdig av tekstene ?", "opinions": [{"Source": [[], []], "Target": [["platen"], ["48:54"]], "Polar_expression": [["hva er det her som skal dra deg tilbake til platen", "?"], ["4:54", "101:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tekstene"], ["92:100"]], "Polar_expression": [["humret"], ["71:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["platen"], ["48:54"]], "Polar_expression": [["humret deg ferdig av tekstene"], ["71:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106032-06-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "106032-06-02", "text": "\u00ab You Must Be Out Of Your Mind \u00bb", "opinions": []}, {"sent_id": "303179-01-01", "text": "Et alle tiders dypdykk i 80 \u00e5rs blueshistorie", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["alle tiders dypdykk i 80 \u00e5rs blueshistorie"], ["3:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303179-02-01", "text": "For en billig penge kan du bli kjent med noen av blueshistoriens album-milep\u00e6ler .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For en billig penge kan du bli kjent med noen av blueshistoriens album-milep\u00e6ler"], ["0:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303179-03-01", "text": "CD-BOKS :", "opinions": []}, {"sent_id": "303179-03-02", "text": "\u00c5 samle det beste fra en sjanger i en boks som spenner i tid fra 1923 til 2003 er en utrolig vanskelig \u00f8velse .", "opinions": []}, {"sent_id": "303179-03-03", "text": "\u00c9n ting er at smaken er individuell , en annen at det alltid vil v\u00e6re noen som mener at noen er oversett .", "opinions": []}, {"sent_id": "303179-03-04", "text": "Derfor er det vanskelig \u00e5 unng\u00e5 at den blir stort mer enn et personlig synspunkt .", "opinions": []}, {"sent_id": "303179-04-01", "text": "Det handler om \u00e5 forst\u00e5 historien og vite noe om utgangspunktet for musikken vi h\u00f8rer p\u00e5 .", "opinions": []}, {"sent_id": "303179-04-02", "text": "For husk :", "opinions": []}, {"sent_id": "303179-04-03", "text": "\u00ab The Blues Had a Baby and They Called It Rock' N' Roll \u00bb ( Muddy Waters ) .", "opinions": []}, {"sent_id": "303179-05-01", "text": "Notodden Blues Festival er vel to uker unna .", "opinions": []}, {"sent_id": "303179-05-02", "text": "Her er en liten \u00ab hjemmelekse \u00bb :", "opinions": []}, {"sent_id": "303179-05-03", "text": "25 essensielle blues-cd-er i en boks - presentert med de originale coverne .", "opinions": [{"Source": [[], []], "Target": [["25", "blues-cd-er i en boks"], ["0:2", "15:36"]], "Polar_expression": [["essensielle"], ["3:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["25", "blues-cd-er i en boks"], ["0:2", "15:36"]], "Polar_expression": [["presentert med de originale coverne"], ["39:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303179-05-04", "text": "Robert Johnson", "opinions": []}, {"sent_id": "303179-05-05", "text": "Det er mange opplagte valg \u2014 som Robert Johnsons \u00ab King Of The Delta Blues Singers \u00bb , spilt inn i 1936 og - 37 \u2014 med sanger som \u00ab Me and the Devil Blues \u00bb og \u00ab If I Had Posession Over Judgment Day \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab King Of The Delta Blues Singers \u00bb"], ["49:84"]], "Polar_expression": [["mange opplagte valg"], ["7:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Me and the Devil Blues \u00bb"], ["129:155"]], "Polar_expression": [["mange opplagte valg"], ["7:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab If I Had Posession Over Judgment Day \u00bb"], ["159:199"]], "Polar_expression": [["mange opplagte valg"], ["7:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-05-06", "text": "Men det er \u00ab The Bessie Smith Story \u2014 Vol.1 \u00bb fra 20-tallet , med Louis Armstrong \u2014 regnet som en av de f\u00f8rste blues-LP-ene \u2014 som innleder samlingen .", "opinions": []}, {"sent_id": "303179-06-01", "text": "Big Bill Broonzys \u00ab Big Bill Blues \u00bb fra 1951 - 52 , med klassikeren \u00ab John Henry \u00bb , er en flott introduksjon til folkblues , der viser og blues m\u00f8tes .", "opinions": [{"Source": [[], []], "Target": [["\u00ab John Henry \u00bb"], ["69:83"]], "Polar_expression": [["klassikeren"], ["57:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Big Bill Blues \u00bb"], ["18:36"]], "Polar_expression": [["flott introduksjon til folkblues"], ["92:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab John Henry \u00bb"], ["69:83"]], "Polar_expression": [["flott introduksjon til folkblues"], ["92:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-06-02", "text": "Son House f\u00f8lger opp med \u00ab Father of folk blues \u00bb fra 1965 .", "opinions": []}, {"sent_id": "303179-06-03", "text": "J\u00e5lekoppen Little Richard startet i r'n'b , som her fra 1958 , men ble seinere en av de f\u00f8rste store innen rock'n'roll med hits som \u00ab Tutti Frutti \u00bb og \u00ab Good Golly Miss Molly \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Little Richard"], ["11:25"]], "Polar_expression": [["J\u00e5lekoppen"], ["0:10"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Little Richard"], ["11:25"]], "Polar_expression": [["en av de f\u00f8rste store innen rock'n'roll"], ["79:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Tutti Frutti \u00bb"], ["132:148"]], "Polar_expression": [["hits"], ["123:127"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Good Golly Miss Molly \u00bb"], ["152:177"]], "Polar_expression": [["hits"], ["123:127"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-07-01", "text": "Mahalia Jackson Gospel ivaretas av verdens beste p\u00e5 omr\u00e5det , Mahalia Jackson .", "opinions": [{"Source": [[], []], "Target": [["Mahalia Jackson Gospel"], ["0:22"]], "Polar_expression": [["ivaretas av verdens beste p\u00e5 omr\u00e5det"], ["23:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mahalia Jackson"], ["62:77"]], "Polar_expression": [["verdens beste p\u00e5 omr\u00e5det"], ["35:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-07-02", "text": "\u00ab You make me feel like I am a star \u00bb , sier hun n\u00e6rmest litt beklemt etter applausen .", "opinions": []}, {"sent_id": "303179-07-03", "text": "Du f\u00e5r ikke bedre gospel enn \u00ab I'm", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5r ikke bedre gospel"], ["3:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-07-04", "text": "On My Way To Canaan \u00bb \u2014 live fra Newport Festival i 1958 .", "opinions": []}, {"sent_id": "303179-07-05", "text": "Magisk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Magisk"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-08-01", "text": "Elvis Presley Men Elvis , har han noe her \u00e5 gj\u00f8re ?", "opinions": []}, {"sent_id": "303179-08-02", "text": "\u00ab For LP Fans Only \u00bb fra 1959 var en samling av A- og B-sider som ikke var p\u00e5 noe album , fra \u00ab That's All Right \u00bb til \u00ab My Baby Left Me \u00bb .", "opinions": []}, {"sent_id": "303179-08-03", "text": "Albumet ble gitt ut mens Elvis var i milit\u00e6ret og regnes i ettertid som et av de beste rock'n'roll-album som er gitt ut .", "opinions": [{"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["et av de beste rock'n'roll-album som er gitt ut"], ["72:119"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-08-04", "text": "Og \u2014 det er slett ikke uten bluesfeeling .", "opinions": []}, {"sent_id": "303179-09-01", "text": "Sonny Boy Williamson gjorde munnspill til et hovedinstrument , og representerer \u00ab munnorgelet \u00bb .", "opinions": []}, {"sent_id": "303179-09-02", "text": "Aretha Franklin er blant de mest betydningsfulle kvinnene i bluesen , her hyller hun Dinah Washington p\u00e5 \u00ab Unforgettable \u00bb fra 1964 .", "opinions": [{"Source": [[], []], "Target": [["Aretha Franklin"], ["0:15"]], "Polar_expression": [["blant de mest betydningsfulle kvinnene i bluesen"], ["19:67"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dinah Washington"], ["85:101"]], "Polar_expression": [["hyller"], ["74:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-10-01", "text": "Champion Jack Dupree f\u00e5r representere pianobluesen og New Orleans-musikken - og humoren .", "opinions": []}, {"sent_id": "303179-10-02", "text": "Otis Spann dro fra Mississippi til Chicago og spilte i Muddy Waters-bandet .", "opinions": []}, {"sent_id": "303179-10-03", "text": "Begge er representert , Spann med \u00ab The Biggest Thing Since Collossus \u00bb fra 1969 ( supplert med Peter Green og John McVie fra Fleetwood Mac ) .", "opinions": []}, {"sent_id": "303179-11-01", "text": "Elektrisktar", "opinions": []}, {"sent_id": "303179-11-02", "text": "Med dem skifter albumene i boksen fokus \u2014 fra akustisk til elektrisk blues , fra \u00ab Johnny Winter \u00bb ( 1969 ) og sl\u00f8ye \u00ab Percy Mayfield Sings Percy Mayfield \u00bb ( 1970 ) , via showpregete \u00ab The Johnny Otis Show Live At Monterey ! \u00bb ( 1971 ) med \u00ab Willie And The Hand Jive \u00bb og Willie Dixons \u00ab I Am The Blues \u00bb ( 1970 ) til Hubert Sumlin & His Friends ' \u00ab Kings of Chicago Blues Vol .", "opinions": []}, {"sent_id": "303179-11-03", "text": "2 \u00bb ( 1971 ) , Taj Mahals \u00ab The Real Thing \u00bb ( live , 1972 ) med en akustisk \u00ab Fishin ' Blues \u00bb og Muddy Waters ' klassiker \u00ab Hard Again \u00bb ( 1977 ) med signaturl\u00e5ten \u00ab Mannish Boy \u00bb .", "opinions": []}, {"sent_id": "303179-12-01", "text": "Double Trouble Stevie Ray Vaughan & Double Trouble representerer bluesrocken med sin sensasjonelle debut \u00ab Texas Flood \u00bb ( 1983 ) , mens Keb' Mo' f\u00e5r representere de unge , akustiske bluesgitaristene ( det kunne v\u00e6rt Corey Harris eller Alvin Youngblood Hart ) i tradisjonen etter Robert Johnson og Son House \u2014 sj\u00f8l om \u00ab Just Like You \u00bb ( 1996 ) g\u00e5r i en litt glatt soulpopretning .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Texas Flood \u00bb"], ["105:120"]], "Polar_expression": [["sensasjonelle"], ["85:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Just Like You \u00bb"], ["318:335"]], "Polar_expression": [["litt glatt soulpopretning"], ["354:379"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-13-01", "text": "Etta James ' \u00ab Life , Love & The Blues \u00bb ( 1998 ) er \u00ab varepr\u00f8ven \u00bb fra de t\u00f8ffe , modne bluesdamene ( det kunne ogs\u00e5 v\u00e6rt Koko Taylor ) , mens Buddy Guy \u2014 den st\u00f8rste n\u00e5levende bluesartisten ved siden av B.B. King \u2014 avslutter samlingen med \u00ab Blues Singer \u00bb ( 2003 ) , Guys' hommage til Mississippi-bluesen han var s\u00e5 inspirert av .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Life , Love & The Blues \u00bb"], ["13:40"]], "Polar_expression": [["\u00ab varepr\u00f8ven \u00bb fra de t\u00f8ffe"], ["53:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-14-01", "text": "Chuck Willis Mest overraskende bidrag ?", "opinions": []}, {"sent_id": "303179-14-02", "text": "Det m\u00e5 v\u00e6re Chuck Willis' \u00ab Wails The Blues \u00bb , som kom ut etter hans d\u00f8d i 1958 .", "opinions": []}, {"sent_id": "303179-14-03", "text": "Han opererte i grenselandet blues / rhythm'n'blues / rock og sto bak en del viktige l\u00e5ter p\u00e5 50-tallet , men jeg har vanskelig for \u00e5 forst\u00e5 at han og Jimmy Whitherspoon fortjener plassen \u2014 p\u00e5 bekostning av folk som B.B. King , Howlin ' Wolf og John Lee Hooker .", "opinions": [{"Source": [["jeg"], ["109:112"]], "Target": [["han og Jimmy Whitherspoon"], ["143:168"]], "Polar_expression": [["vanskelig for \u00e5 forst\u00e5", "fortjener plassen"], ["117:139", "169:186"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-15-01", "text": "Forglemmelse Larry Williams & Johnny Watsons \u00ab Two For The Price Of One \u00bb kan ogs\u00e5 diskuteres , sj\u00f8l om s\u00e6rlig Johnny \u00ab Guitar \u00bb Watson i ettertid har satt sitt preg p\u00e5 bluesen gjennom mange prosjekter .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Two For The Price Of One \u00bb"], ["45:73"]], "Polar_expression": [["kan ogs\u00e5 diskuteres"], ["74:93"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Johnny \u00ab Guitar \u00bb Watson"], ["111:135"]], "Polar_expression": [["i ettertid har satt sitt preg p\u00e5 bluesen"], ["136:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303179-15-02", "text": "Eric Clapton er med , men bare i form av sitt bidrag ( sammen med blant andre B.B. King ) p\u00e5 Buddy Guys \u00ab Blues Singer \u00bb .", "opinions": []}, {"sent_id": "303179-16-01", "text": "Akkurat som n\u00e5r vi anmelder mat og vin , har prisen betydning for terningen .", "opinions": []}, {"sent_id": "303179-16-02", "text": "Denne boksen med 25 cd-er kan f\u00e5s for vel 400 kroner .", "opinions": [{"Source": [[], []], "Target": [["Denne boksen"], ["0:12"]], "Polar_expression": [["25 cd-er"], ["17:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Denne boksen"], ["0:12"]], "Polar_expression": [["400 kroner"], ["42:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "303179-16-03", "text": "Det er under 20 kroner cd-en .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["under 20 kroner cd-en"], ["7:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "303179-16-04", "text": "Et r\u00f8verkj\u00f8p om du er mer enn gjennomsnittet interessert i blues og blueshistorie .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["r\u00f8verkj\u00f8p om du er mer enn gjennomsnittet interessert i blues og blueshistorie"], ["3:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303179-17-01", "text": "PS .", "opinions": []}, {"sent_id": "303179-17-02", "text": "En tilsvarende samling finnes ogs\u00e5 for jazz .", "opinions": []}, {"sent_id": "102687-01-01", "text": "Spillanmeldelse :", "opinions": []}, {"sent_id": "102687-01-02", "text": "\u00ab NeverDead \u00bb", "opinions": []}, {"sent_id": "102687-02-01", "text": "( VG Nett )", "opinions": []}, {"sent_id": "102687-02-02", "text": "I \u00ab NeverDead \u00bb fors\u00f8ker man \u00e5 blande amerikansk action med japansk fantasi .", "opinions": []}, {"sent_id": "102687-02-03", "text": "Det ender opp som et sammensurium av slitne klisjeer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sammensurium av slitne klisjeer"], ["21:52"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-03-01", "text": "Helten i \u00ab NeverDead \u00bb er Bryce Boltzmann , en mann som blomstrer med like mye sjarme som en overkj\u00f8rt padde .", "opinions": [{"Source": [[], []], "Target": [["Bryce Boltzmann"], ["26:41"]], "Polar_expression": [["like mye sjarme som en overkj\u00f8rt padde"], ["70:108"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-03-02", "text": "Bryce ble nemlig forbannet med evig liv da han sloss og tapte mot en demon for 500 \u00e5r siden .", "opinions": []}, {"sent_id": "102687-04-01", "text": "Dette har gjort ham til en bitter , alkoholisert mannsj\u00e5vinist .", "opinions": [{"Source": [[], []], "Target": [["ham"], ["16:19"]], "Polar_expression": [["bitter , alkoholisert mannsj\u00e5vinist"], ["27:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-04-02", "text": "N\u00e5 er tiden kommet for at Bryce nok en gang m\u00e5 ta et oppgj\u00f8r med demonen og alle dens lakeier .", "opinions": []}, {"sent_id": "102687-05-01", "text": "Som ud\u00f8delig kan Bryce brennes , skytes og p\u00e5f\u00f8res elektroniske st\u00f8t uten \u00e5 ta skade .", "opinions": []}, {"sent_id": "102687-05-02", "text": "I stedet mister han kroppsdeler helt til han kun har hodet igjen .", "opinions": []}, {"sent_id": "102687-05-03", "text": "Avkappede armer kan fortsatt avfyre skudd eller sprenges som granater .", "opinions": []}, {"sent_id": "102687-06-01", "text": "Dette virker i utgangspunktet som en morsom greie , men det skal ikke mange timene til f\u00f8r moroa surner der man bruker st\u00f8rsteparten av tiden i kampsekvensene til \u00e5 kave rundt p\u00e5 letning etter armer og bein .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["virker i utgangspunktet som en morsom greie"], ["6:49"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["moroa surner"], ["91:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-06-02", "text": "N\u00e5r Bryce i tillegg \u00ab d\u00f8r \u00bb hvis hodet hans blir spist av en demon , fremst\u00e5r det hele som mer provoserende enn originalt .", "opinions": [{"Source": [[], []], "Target": [["det hele"], ["78:86"]], "Polar_expression": [["mer provoserende enn originalt"], ["91:121"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-07-01", "text": "Bryce kan bytte mellom skytev\u00e5pen og sverd , et godt konsept som her dessverre har blitt miserabelt gjennomf\u00f8rt .", "opinions": [{"Source": [[], []], "Target": [["konsept"], ["53:60"]], "Polar_expression": [["godt"], ["48:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konsept"], ["53:60"]], "Polar_expression": [["dessverre", "miserabelt gjennomf\u00f8rt"], ["69:78", "89:111"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-07-02", "text": "Det tar en halv evighet \u00e5 bytte v\u00e5pen og all kampdynamikk forsvinner n\u00e5r v\u00e5pnene i tillegg har presisjon som en dartspiller med tung promille .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["halv evighet \u00e5 bytte v\u00e5pen"], ["11:37"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["v\u00e5pnene"], ["73:80"]], "Polar_expression": [["presisjon som en dartspiller med tung promille"], ["95:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["all kampdynamikk forsvinner"], ["41:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-08-01", "text": "Fiendene i spillet ser litt ut som de kommer fra avslagsbunken til \u00ab Final Fantasy \u00bb , noe som faktisk gj\u00f8r dem til noe av det bedre i spillet .", "opinions": [{"Source": [[], []], "Target": [["Fiendene"], ["0:8"]], "Polar_expression": [["ser litt ut som de kommer fra avslagsbunken til \u00ab Final Fantasy \u00bb"], ["19:84"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fiendene"], ["0:8"]], "Polar_expression": [["noe av det bedre"], ["116:132"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["11:18"]], "Polar_expression": [["Fiendene", "ser litt ut som de kommer fra avslagsbunken til \u00ab Final Fantasy \u00bb"], ["0:8", "19:84"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["11:18"]], "Polar_expression": [["Fiendene", "noe av det bedre"], ["0:8", "116:132"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-08-02", "text": "Visuelt er det egentlig ikke s\u00e5 alt for mye i veien med opplevelsen .", "opinions": [{"Source": [[], []], "Target": [["Visuelt"], ["0:7"]], "Polar_expression": [["ikke s\u00e5 alt for mye i veien"], ["24:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-09-01", "text": "Det som derimot er i veien med \u00ab NeverDead \u00bb er at det er de samme fiendene som kommer stort sett hver eneste gang og at alle kampene f\u00f8les helt like .", "opinions": [{"Source": [[], []], "Target": [["kampene"], ["126:133"]], "Polar_expression": [["f\u00f8les helt like"], ["134:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kampene"], ["126:133"]], "Polar_expression": [["de samme fiendene som kommer stort sett hver eneste gang"], ["58:114"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab NeverDead \u00bb"], ["31:44"]], "Polar_expression": [["de samme fiendene som kommer stort sett hver eneste gang og at alle kampene f\u00f8les helt like"], ["58:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-09-02", "text": "Det er armer og bein over alt , mens kameraet leker tivoli .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["armer og bein over alt"], ["7:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kameraet"], ["37:45"]], "Polar_expression": [["leker tivoli"], ["46:58"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-10-01", "text": "Man skal ogs\u00e5 holde styr p\u00e5 partneren Arcadia , en ung kvinne som etter standarden har blitt utstyrt med mer i puppen enn i pappen .", "opinions": [{"Source": [[], []], "Target": [["Arcadia"], ["38:45"]], "Polar_expression": [["mer i puppen enn i pappen"], ["105:130"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-10-02", "text": "Mister hun livet er det game over ogs\u00e5 for Bryce .", "opinions": []}, {"sent_id": "102687-10-03", "text": "Heldigvis skjer dette nesten aldri .", "opinions": []}, {"sent_id": "102687-11-01", "text": "Arcadia er ikke til s\u00e6rlig stor hjelp n\u00e5r det komme til \u00e5 nedkjempe fiendene .", "opinions": [{"Source": [[], []], "Target": [["Arcadia"], ["0:7"]], "Polar_expression": [["ikke til s\u00e6rlig stor hjelp"], ["11:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-11-02", "text": "Hun er i det hele tatt en jevnt over menigsl\u00f8s f\u00f8lgesvenn som fungerer til lite annet enn mottager av de platte kommentarene til Bryce .", "opinions": [{"Source": [[], []], "Target": [["kommentarene"], ["112:124"]], "Polar_expression": [["platte"], ["105:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["menigsl\u00f8s"], ["37:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-12-01", "text": "For \u00ab morsomhetene \u00bb til Bryce er det aller , aller verste med dette spillet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab morsomhetene \u00bb til Bryce"], ["4:30"]], "Polar_expression": [["aller , aller verste"], ["38:58"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["69:76"]], "Polar_expression": [["\u00ab morsomhetene \u00bb til Bryce er det aller , aller verste"], ["4:58"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-12-02", "text": "N\u00e5r han ruller p\u00e5 hodet sitt og sier \u00ab I hope this doesn't mess up my hair \u00bb for nihundredeog\u00e5ttifemte gang har man mest lyst til \u00e5 skru av lyden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mest lyst til \u00e5 skru av lyden"], ["116:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-12-03", "text": "Det hjelper heller ikke p\u00e5 at all dialog er levert med en innlevelse som vanligvis er forbeholdt pornoindustrien .", "opinions": [{"Source": [[], []], "Target": [["dialog"], ["34:40"]], "Polar_expression": [["innlevelse som vanligvis er forbeholdt pornoindustrien"], ["58:112"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102687-13-01", "text": "\u00ab NeverDead \u00bb var kanskje en god id\u00e9 tidlig i prosessen , men resultatet har blitt kl\u00f8nete og platt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab NeverDead \u00bb"], ["0:13"]], "Polar_expression": [["kanskje en god id\u00e9 tidlig i prosessen"], ["18:55"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab NeverDead \u00bb"], ["0:13"]], "Polar_expression": [["kl\u00f8nete"], ["83:90"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab NeverDead \u00bb"], ["0:13"]], "Polar_expression": [["platt"], ["94:99"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-13-02", "text": "At spillets beste opplevelse er den ufattelig naturtro teksturen p\u00e5 sengepleddet til Arcadia burde vel si sitt .", "opinions": [{"Source": [[], []], "Target": [["spillets"], ["3:11"]], "Polar_expression": [["beste opplevelse er den ufattelig naturtro teksturen p\u00e5 sengepleddet til Arcadia burde vel si sitt"], ["12:110"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102687-14-01", "text": "NEVERDEAD Plattform :", "opinions": []}, {"sent_id": "102687-14-02", "text": "PS3 og 360 Genre : Action Alder : 18 Utvikler :", "opinions": []}, {"sent_id": "102687-14-03", "text": "Rebellion Developments Utgiver :", "opinions": []}, {"sent_id": "102687-14-04", "text": "Konami Mer info", "opinions": []}, {"sent_id": "110737-01-01", "text": "PROVOSERENDE OM UNG SEX", "opinions": []}, {"sent_id": "110737-02-01", "text": "Usedvanlig frittalende film om ung seksualitet og mange dumme voksne .", "opinions": [{"Source": [[], []], "Target": [["film"], ["23:27"]], "Polar_expression": [["Usedvanlig frittalende"], ["0:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110737-02-02", "text": "Den river !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["river !"], ["4:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110737-03-01", "text": "HANDLER OM :", "opinions": []}, {"sent_id": "110737-03-02", "text": "Vi befinner og i en amerikansk forstad rundt 1990 .", "opinions": []}, {"sent_id": "110737-03-03", "text": "Der er 13-\u00e5rige Jasira \u00ab forvist \u00bb av sin amerikanske mor til sin libanesiske far ; Ungjentas gryende seksualitet er mer enn mor kan h\u00e5ndtere , farens strengere tiln\u00e6rming til livet kan kanskje virke oppdragende ?", "opinions": []}, {"sent_id": "110737-04-01", "text": "Vel : Nei .", "opinions": []}, {"sent_id": "110737-04-02", "text": "Faren er velmenende , for streng og for lite innsiktsfull .", "opinions": [{"Source": [[], []], "Target": [["Faren"], ["0:5"]], "Polar_expression": [["velmenende"], ["9:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Faren"], ["0:5"]], "Polar_expression": [["for streng"], ["22:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Faren"], ["0:5"]], "Polar_expression": [["for lite innsiktsfull"], ["36:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110737-04-03", "text": "Den vakre piken virker som en magnet p\u00e5 menn - blant annet en riktig kjekk / ufyslig voksen nabo ... .", "opinions": [{"Source": [[], []], "Target": [["piken"], ["10:15"]], "Polar_expression": [["vakre"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["voksen nabo"], ["85:96"]], "Polar_expression": [["riktig kjekk"], ["62:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["voksen nabo"], ["85:96"]], "Polar_expression": [["ufyslig"], ["77:84"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110737-05-01", "text": "DOM :", "opinions": []}, {"sent_id": "110737-05-02", "text": "At regiss\u00f8ren heter Allen Ball , er avgj\u00f8rende har .", "opinions": []}, {"sent_id": "110737-05-03", "text": "Mannen bak manus til ting som TV-serien \u00ab Six Feet Under \u00bb og langfilmen \u00ab American Beauty \u00bb har aldri lagt fingrene mellom , verken i forhold til tabu-emner eller \u00ab avsl\u00f8ringer \u00bb av menneskers mer tvilsomme sider .", "opinions": []}, {"sent_id": "110737-06-01", "text": "\u00ab Towelhead \u00bb ( \u00ab Skjerfhue \u00bb ; klassekameraters ubarmhjertige mobbing av en antatt araber i det araberf\u00f8lsomme ( allerede da ! ) \u00e5r 1990 ) g\u00e5r rakt p\u00e5 , b\u00e5de om barn / ungdoms seksualitet , om voksnes vilje til utnyttelse og annen dumskap , om praktisk rasisme i middelklasseamerika .", "opinions": []}, {"sent_id": "110737-06-02", "text": "Og s\u00e5 videre .", "opinions": []}, {"sent_id": "110737-07-01", "text": "Filmens store pre er stor-talentet Summer Bishil i hovedrollen .", "opinions": [{"Source": [[], []], "Target": [["Summer Bishil"], ["35:48"]], "Polar_expression": [["stor-talentet"], ["21:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmens"], ["0:7"]], "Polar_expression": [["stor-talentet Summer Bishil"], ["21:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Summer Bishil"], ["35:48"]], "Polar_expression": [["store pre"], ["8:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110737-07-02", "text": "( Hun var 18 da filmen ble spilt inn . )", "opinions": []}, {"sent_id": "110737-07-03", "text": "Hun er sterk og s\u00e5rbar og vakker og usikker og sensuell og voksen og barn i en flott blanding .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["sterk"], ["7:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["s\u00e5rbar"], ["16:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["vakker"], ["26:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["sensuell"], ["47:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["voksen og barn i en flott blanding"], ["59:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110737-07-04", "text": "Hun g\u00e5r rett i hjertet p\u00e5 en publikummer ; man f\u00f8ler s\u00e5 inderlig med henne !", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["g\u00e5r rett i hjertet"], ["4:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["henne"], ["69:74"]], "Polar_expression": [["f\u00f8ler s\u00e5 inderlig med"], ["47:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110737-08-01", "text": "Nesten alle voksne er omfattende uf\u00f8lsomme og dumme - med et par fine unntak .", "opinions": [{"Source": [[], []], "Target": [["voksne"], ["12:18"]], "Polar_expression": [["Nesten alle", "omfattende uf\u00f8lsomme og dumme"], ["0:11", "22:51"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["voksne"], ["12:18"]], "Polar_expression": [["et par fine unntak"], ["58:76"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110737-08-02", "text": "Og dette er filmens svakhet :", "opinions": [{"Source": [[], []], "Target": [["filmens"], ["12:19"]], "Polar_expression": [["svakhet"], ["20:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110737-08-03", "text": "Det blir for skjematisk og overfladisk p\u00e5 litt for mange omr\u00e5der .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["for skjematisk og overfladisk"], ["9:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110737-08-04", "text": "Men ikke mer enn at jeg nok m\u00e5 medgi at akkurat denne typen provokasjon , og p\u00e5 denne m\u00e5ten , har jeg ikke blitt truffet av siden Larry Clarks \u00ab Kids \u00bb fra 1995 .", "opinions": []}, {"sent_id": "110737-09-01", "text": "Her er mye \u00e5 snakke om etter filmen , for mange !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye \u00e5 snakke om etter filmen , for mange !"], ["7:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109173-01-01", "text": "Velment om avhengighet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Velment"], ["0:7"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109173-02-01", "text": "Noen filmer lages \u00e5penbart med ideelle hensikter .", "opinions": []}, {"sent_id": "109173-02-02", "text": "\u00ab Thanks for Sharing \u00bb er en b\u00e5de velment og nesten vellykket film om avhengighet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Thanks for Sharing \u00bb"], ["0:22"]], "Polar_expression": [["velment"], ["34:41"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Thanks for Sharing \u00bb"], ["0:22"]], "Polar_expression": [["nesten vellykket"], ["45:61"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109173-03-01", "text": "Filmens tittel henspiller p\u00e5 det tilsiktet \u00e5pne , inkluderende felles-mantraet i grupper som bearbeider avhengighet .", "opinions": []}, {"sent_id": "109173-04-01", "text": "Det begynte med Anonyme Alkoholikere ; m\u00f8ter der de rusavhengige fritt kan snakke om sin bakgrunn , sine erfaringer , sine nederlag og sine seiere .", "opinions": []}, {"sent_id": "109173-04-02", "text": "Alt i bevisstheten om at deler man sine problemer med andre , likesinnede , blir byrdene lettere \u00e5 b\u00e6re .", "opinions": []}, {"sent_id": "109173-05-01", "text": "Etter hvert er disse gruppene utvidet til ogs\u00e5 andre typer avhengighet .", "opinions": []}, {"sent_id": "109173-05-02", "text": "I dette tilfelle :", "opinions": []}, {"sent_id": "109173-05-03", "text": "Sexavhengighet .", "opinions": []}, {"sent_id": "109173-05-04", "text": "Adam ( Mark Ruffalo ) er mannen i midten her , mannen som i sitt tidligere liv hadde et totalt destruktivt og absorberende liv i forhold til sex .", "opinions": []}, {"sent_id": "109173-06-01", "text": "Han er s\u00e5 avgjort p\u00e5 rett vei , etter \u00e5 ha tatt store avgj\u00f8relser om alt han ikke m\u00e5 utsette seg for .", "opinions": []}, {"sent_id": "109173-07-01", "text": "Det samme gjelder den tidligere alkoholisten .", "opinions": []}, {"sent_id": "109173-07-02", "text": "Og den enn\u00e5 sv\u00e6rt s\u00e5 aktive kikkeren .", "opinions": []}, {"sent_id": "109173-08-01", "text": "Livet som streit n\u00f8kternhet er ikke enkel .", "opinions": []}, {"sent_id": "109173-08-02", "text": "Man utsettes jo for en uendelighet av fristelser .", "opinions": []}, {"sent_id": "109173-08-03", "text": "Og for Mark sin del , blir det spesielt vanskelig n\u00e5r han skal innlede - etter fem t\u00f8rre \u00e5r - et kj\u00e6rlighetsforhold til den sv\u00e6rt s\u00e5 sensuelle Phoebe ( Gwyneth Paltrow ) .", "opinions": []}, {"sent_id": "109173-09-01", "text": "Det er mye fint og dyktig folk i denne filmen .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["39:45"]], "Polar_expression": [["mye fint"], ["7:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["folk"], ["26:30"]], "Polar_expression": [["dyktig"], ["19:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["39:45"]], "Polar_expression": [["dyktig folk"], ["19:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109173-09-02", "text": "Og de fors\u00f8ker helhjertet \u00e5 lage gangbart drama ut av det .", "opinions": [{"Source": [[], []], "Target": [["de"], ["3:5"]], "Polar_expression": [["fors\u00f8ker helhjertet"], ["6:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109173-09-03", "text": "Det lykkes en god stund ; det er scener , her , som virkelig river .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["lykkes en god stund"], ["4:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["scener"], ["33:39"]], "Polar_expression": [["virkelig river"], ["52:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109173-10-01", "text": "Men det er ikke til \u00e5 komme fra at \u00e5 lage film om ideelle , prisverdige m\u00e5lsettinger er vanskelig .", "opinions": []}, {"sent_id": "109173-10-02", "text": "Man m\u00e5 jo nesten havne ned p\u00e5 noe oppbyggelig - og da havner man lett ned i b\u00e5de sentimentalitet , klisjeer og forenklinger .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sentimentalitet"], ["81:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["klisjeer"], ["99:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["forenklinger"], ["111:123"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109173-10-03", "text": "Og det unng\u00e5r heller ikke \u00ab Thanks for Sharing \u00bb .", "opinions": []}, {"sent_id": "109173-11-01", "text": "Men n\u00e5r det er sagt :", "opinions": []}, {"sent_id": "109173-11-02", "text": "Mange \u00e6rlige sjeler vil m\u00f8te mer enn overfladiske utfordringer i denne filmen !", "opinions": [{"Source": [[], []], "Target": [["sjeler"], ["13:19"]], "Polar_expression": [["\u00e6rlige"], ["6:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["71:77"]], "Polar_expression": [["mer enn overfladiske utfordringer"], ["29:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-01-01", "text": "Skj\u00e6r i sikte ved Sj\u00f8huset", "opinions": [{"Source": [[], []], "Target": [["Sj\u00f8huset"], ["18:26"]], "Polar_expression": [["Skj\u00e6r i sikte"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-02-01", "text": "Beliggenheten er fantastisk , og stemningen rundt og i restauranten Sj\u00f8huset er up\u00e5klagelig .", "opinions": [{"Source": [[], []], "Target": [["Beliggenheten"], ["0:13"]], "Polar_expression": [["fantastisk"], ["17:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sj\u00f8huset"], ["68:76"]], "Polar_expression": [["Beliggenheten er fantastisk"], ["0:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["stemningen"], ["33:43"]], "Polar_expression": [["er up\u00e5klagelig", "rundt og i"], ["77:91", "44:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sj\u00f8huset"], ["68:76"]], "Polar_expression": [["er up\u00e5klagelig", "stemningen rundt og i"], ["77:91", "33:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-02-02", "text": "Men maten og servicen st\u00e5r ikke helt i stil , der Markens m\u00f8ter havet .", "opinions": [{"Source": [[], []], "Target": [["maten"], ["4:9"]], "Polar_expression": [["st\u00e5r ikke helt i stil"], ["22:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["servicen"], ["13:21"]], "Polar_expression": [["st\u00e5r ikke helt i stil"], ["22:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-03-01", "text": "Solen hadde lokket mange til Sj\u00f8husets uteservering denne kvelden , og det var nesten naturstridig for Rosmarin og Estragon \u00e5 trekke inn i hovedrestauranten .", "opinions": []}, {"sent_id": "602087-03-02", "text": "De store vinduene og den flotte utsikten fikk Rosmarin til \u00e5 utbryte i det dunkle lyset :", "opinions": [{"Source": [["Rosmarin"], ["46:54"]], "Target": [["utsikten"], ["32:40"]], "Polar_expression": [["flotte"], ["25:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Rosmarin"], ["46:54"]], "Target": [[], []], "Polar_expression": [["store vinduene"], ["3:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-04-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-04-02", "text": "Det f\u00f8les litt som \u00e5 v\u00e6re om bord p\u00e5 et skip , dette .", "opinions": []}, {"sent_id": "602087-05-01", "text": "S\u00e5 er det kanskje litt av tanken med interi\u00f8ret ogs\u00e5 .", "opinions": []}, {"sent_id": "602087-05-02", "text": "Skipsdekorasjoner er et tydelig tema .", "opinions": []}, {"sent_id": "602087-06-01", "text": "Det er ofte et krevende konsept \u00e5 kombinere en stor og popul\u00e6r bryggekaf\u00e9 med masse gjester , sommermeny ( og full \u00e0 la carte i deler av uteseksjonen ) med en stor restaurant innend\u00f8rs .", "opinions": []}, {"sent_id": "602087-06-02", "text": "Det skulle vise seg \u00e5 bli lang ventetid p\u00e5 mat og en service som ikke helt holdt m\u00e5l .", "opinions": [{"Source": [[], []], "Target": [["service"], ["53:60"]], "Polar_expression": [["ikke helt holdt m\u00e5l"], ["65:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lang ventetid p\u00e5 mat"], ["26:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-07-01", "text": "Menyen p\u00e5 Sj\u00f8huset er naturlig nok preget av havet , b\u00e5de innen skalldyr og fisk .", "opinions": []}, {"sent_id": "602087-07-02", "text": "Men for de som sverger til kj\u00f8tt , er det ogs\u00e5 alternativer .", "opinions": []}, {"sent_id": "602087-08-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-08-02", "text": "Vi holder vel oss til hvitvin i kveld ? spurte Estragon retorisk og hadde f\u00e5tt los p\u00e5 en skalldyr-plateau , et skikkelig berg av et fat som skulle inneholde det meste av skalldyr og duge b\u00e5de som forrett og hovedrett .", "opinions": []}, {"sent_id": "602087-09-01", "text": "Men til en pris p\u00e5 over 600 kroner var det ogs\u00e5 mye forventninger i lufta .", "opinions": [{"Source": [[], []], "Target": [["pris"], ["11:15"]], "Polar_expression": [["over 600 kroner"], ["19:34"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-10-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-10-02", "text": "Jeg tror jeg pr\u00f8ver en skalldyrbisque til forrett og breiflabb til hovedrett , slo Rosmarin fast .", "opinions": []}, {"sent_id": "602087-11-01", "text": "Med en flaske Joseph Mellot Pouilly-Fum\u00e9 l\u00e5 det til rette for gode smaker .", "opinions": [{"Source": [[], []], "Target": [["flaske Joseph Mellot Pouilly-Fum\u00e9"], ["7:40"]], "Polar_expression": [["l\u00e5 det til rette for gode smaker"], ["41:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-12-01", "text": "Menyvalget ble i stor grad gjort uten bistand fra servit\u00f8ren tildelt anmeldernes bord .", "opinions": [{"Source": [["anmeldernes"], ["69:80"]], "Target": [["servit\u00f8ren"], ["50:60"]], "Polar_expression": [["Menyvalget ble i stor grad gjort uten bistand"], ["0:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-12-02", "text": "Det var ikke s\u00e5 mye hjelp til anbefalinger verken p\u00e5 mat eller drikke , og kontrastene blir store til dansk dynamitt i Ny-Hellesund , som de opplevde ved forrige restaurantsjekk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke s\u00e5 mye hjelp til anbefalinger"], ["8:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Ny-Hellesund"], ["119:131"]], "Polar_expression": [["dansk dynamitt"], ["102:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kontrastene blir store til dansk dynamitt i Ny-Hellesund"], ["75:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-13-01", "text": "Forretten til Rosmarin ble servert , og den sterkt reduserte bisquen med sj\u00f8krepshale og julienne-kuttede gr\u00f8nnsaker s\u00e5 tiltalende ut .", "opinions": [{"Source": [["Rosmarin"], ["14:22"]], "Target": [["sterkt reduserte bisquen med sj\u00f8krepshale og julienne-kuttede gr\u00f8nnsaker"], ["44:116"]], "Polar_expression": [["s\u00e5 tiltalende ut"], ["117:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-13-02", "text": "Men smaken var ramsalt .", "opinions": [{"Source": [[], []], "Target": [["smaken"], ["4:10"]], "Polar_expression": [["ramsalt"], ["15:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-14-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-14-02", "text": "Det m\u00e5 nesten ha skjedd en feil p\u00e5 kj\u00f8kkenet , hvisket Rosmarin litt brydd , som ikke klarte \u00e5 spise mer enn et par skjeer , samt dyppe biter av br\u00f8det i den salte suppen .", "opinions": [{"Source": [["Rosmarin"], ["55:63"]], "Target": [["suppen"], ["164:170"]], "Polar_expression": [["m\u00e5 nesten ha skjedd en feil p\u00e5 kj\u00f8kkenet"], ["4:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Rosmarin"], ["55:63"]], "Target": [["suppen"], ["164:170"]], "Polar_expression": [["ikke klarte \u00e5 spise mer enn et par skjeer"], ["81:122"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Rosmarin"], ["55:63"]], "Target": [["suppen"], ["164:170"]], "Polar_expression": [["salte"], ["158:163"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-15-01", "text": "Estragon , som enn\u00e5 ikke hadde sett noe til sin kombinasjonsrett , smakte og var enig .", "opinions": [{"Source": [[], []], "Target": [["Estragon"], ["0:8"]], "Polar_expression": [["enn\u00e5 ikke hadde sett noe til sin kombinasjonsrett"], ["15:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-16-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-16-02", "text": "Det kan virke som om kokken har saltet kraften f\u00f8r den ble redusert , da g\u00e5r det fort galt .", "opinions": [{"Source": [[], []], "Target": [["kokken"], ["21:27"]], "Polar_expression": [["saltet kraften f\u00f8r den ble redusert"], ["32:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["g\u00e5r det fort galt"], ["73:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-17-01", "text": "Med galgenhumor skulle man tro det opprinnelige saltlageret fra 1892 bygningen en gang var , fremdeles satt i kj\u00f8kkenveggene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skulle man tro det opprinnelige saltlageret fra 1892", "fremdeles satt i kj\u00f8kkenveggene"], ["16:68", "93:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-18-01", "text": "Estragon begynte \u00e5 bli ut\u00e5lmodig .", "opinions": [{"Source": [[], []], "Target": [["Estragon"], ["0:8"]], "Polar_expression": [["begynte \u00e5 bli ut\u00e5lmodig"], ["9:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-18-02", "text": "P\u00e5 en restaurant som selv proklamerer h\u00f8y kvalitet b\u00e5de p\u00e5 mat og service , er det underlig ikke \u00e5 tenke p\u00e5 den ventetiden som gjorde seg gjeldende denne kvelden .", "opinions": [{"Source": [["restaurant"], ["6:16"]], "Target": [["mat"], ["59:62"]], "Polar_expression": [["h\u00f8y kvalitet"], ["38:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["restaurant"], ["6:16"]], "Target": [["service"], ["66:73"]], "Polar_expression": [["h\u00f8y kvalitet"], ["38:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["restaurant"], ["6:16"]], "Polar_expression": [["underlig ikke \u00e5 tenke p\u00e5 den ventetiden"], ["83:122"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-19-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-19-02", "text": "Det f\u00f8les litt som \u00e5 vente p\u00e5 Godot , sa Estragon matt da det hadde g\u00e5tt fem kvarter siden de bestilte .", "opinions": [{"Source": [["Estragon"], ["41:49"]], "Target": [[], []], "Polar_expression": [["f\u00f8les litt som \u00e5 vente p\u00e5 Godot", "matt"], ["4:35", "50:54"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Estragon"], ["41:49"]], "Target": [[], []], "Polar_expression": [["hadde g\u00e5tt fem kvarter siden de bestilte"], ["62:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-20-01", "text": "\u2013 Men Godot kom jo aldri , kj\u00e6re Estragon , svarte Rosmarin som hadde f\u00e5tt \u00f8ye p\u00e5 servit\u00f8ren som kom b\u00e6rende p\u00e5 hovedrettene .", "opinions": []}, {"sent_id": "602087-21-01", "text": "Rosmarin fikk sin breiflabb , dampet med en liten grillfinish i overflaten , dandert med savoyk\u00e5l , bacon og skalldyrsaus .", "opinions": []}, {"sent_id": "602087-21-02", "text": "Det tok ikke mange bitene for \u00e5 merke at dette var godt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["godt"], ["51:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-21-03", "text": "Riktig tilberedt fisk og smakfullt tilbeh\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["fisk"], ["17:21"]], "Polar_expression": [["Riktig tilberedt"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tilbeh\u00f8r"], ["35:43"]], "Polar_expression": [["smakfullt"], ["25:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-22-01", "text": "Estragons skalldyrkombinasjon kom p\u00e5 et fat i to etasjer og s\u00e5 riktig s\u00e5 innbydende ut da det ble plassert foran ham .", "opinions": [{"Source": [["Estragons"], ["0:9"]], "Target": [["skalldyrkombinasjon"], ["10:29"]], "Polar_expression": [["s\u00e5 riktig s\u00e5 innbydende ut"], ["60:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-22-02", "text": "\u00d8verst var det dampede bl\u00e5skjell og panneristede kamskjell .", "opinions": []}, {"sent_id": "602087-23-01", "text": "Det var velsmakende selv om ferske kamskjell med rogn hadde v\u00e6rt enda bedre enn frosne .", "opinions": [{"Source": [[], []], "Target": [["kamskjell med rogn", "frosne"], ["35:53", "80:86"]], "Polar_expression": [["velsmakende"], ["8:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kamskjell med rogn", "frosne"], ["35:53", "80:86"]], "Polar_expression": [["ferske kamskjell med rogn hadde v\u00e6rt enda bedre enn"], ["28:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-23-02", "text": "\u00c5 bevege seg til underetasjen av kreasjonen var derimot en skuffelse .", "opinions": [{"Source": [[], []], "Target": [["underetasjen av kreasjonen"], ["17:43"]], "Polar_expression": [["skuffelse"], ["59:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-24-01", "text": "Tilsynelatende fine r\u00e5varer ; reker , kongekrabbe , krabbe og hummer h\u00f8res tiltalende og fristende ut for skalldyrfantaster .", "opinions": []}, {"sent_id": "602087-24-02", "text": "Men kokt canadisk hummer , som ikke smakte som den ble levert levende til kj\u00f8kkenet , fylt krabbeskjell , slik man f\u00e5r det i n\u00e6rbutikken og kongekrabbe som kom helt naturell , blir ikke det helt store .", "opinions": [{"Source": [[], []], "Target": [["kokt canadisk hummer"], ["4:24"]], "Polar_expression": [["ikke smakte som den ble levert levende til kj\u00f8kkenet"], ["31:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fylt krabbeskjell"], ["86:103"]], "Polar_expression": [["slik man f\u00e5r det i n\u00e6rbutikken"], ["106:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kongekrabbe"], ["140:151"]], "Polar_expression": [["kom helt naturell"], ["156:173"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kokt canadisk hummer"], ["4:24"]], "Polar_expression": [[", blir ikke det helt store"], ["174:200"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fylt krabbeskjell"], ["86:103"]], "Polar_expression": [[", blir ikke det helt store"], ["174:200"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kongekrabbe"], ["140:151"]], "Polar_expression": [[", blir ikke det helt store"], ["174:200"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-25-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-25-02", "text": "Jeg savner tilbeh\u00f8r og kreative l\u00f8sninger , slo Estragon fast .", "opinions": [{"Source": [["Estragon"], ["48:56"]], "Target": [[], []], "Polar_expression": [["savner tilbeh\u00f8r"], ["4:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Estragon"], ["48:56"]], "Target": [[], []], "Polar_expression": [["savner", "kreative l\u00f8sninger"], ["4:10", "23:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-26-01", "text": "Det var ingen sauser , hjemmelaget majones , aioli , focacciabr\u00f8d eller annet som hadde l\u00f8ftet r\u00e5varene ( majones og aioli stod i menyen og ble nok bare glemt ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen sauser", "som hadde l\u00f8ftet r\u00e5varene"], ["8:20", "78:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen", "som hadde l\u00f8ftet r\u00e5varene"], ["8:13", "78:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen", "aioli", "som hadde l\u00f8ftet r\u00e5varene"], ["8:13", "45:50", "78:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen", "focacciabr\u00f8d", "som hadde l\u00f8ftet r\u00e5varene"], ["8:13", "53:65", "78:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["majones", "stod i menyen og ble nok bare glemt"], ["106:113", "123:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["aioli stod i menyen og ble nok bare glemt"], ["117:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-27-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-27-02", "text": "Du var den heldige i dag , Rosmarin , vi skulle holdt oss til de varme hovedrettene .", "opinions": [{"Source": [["vi"], ["38:40"]], "Target": [["varme hovedrettene"], ["65:83"]], "Polar_expression": [["skulle holdt oss til de"], ["41:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["38:40"]], "Target": [[], []], "Polar_expression": [["skulle holdt oss til de varme hovedrettene"], ["41:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-28-01", "text": "Det er viktig \u00e5 vektlegge det som er bra , og breiflabben var god .", "opinions": [{"Source": [[], []], "Target": [["breiflabben"], ["46:57"]], "Polar_expression": [["god"], ["62:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-28-02", "text": "Skalldyrtallerkenen innfridde p\u00e5 sin side absolutt ikke , mye p\u00e5 grunn av manglende helhet og valg av r\u00e5varer .", "opinions": [{"Source": [[], []], "Target": [["Skalldyrtallerkenen"], ["0:19"]], "Polar_expression": [["innfridde p\u00e5 sin side absolutt ikke"], ["20:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skalldyrtallerkenen"], ["0:19"]], "Polar_expression": [["mye", "manglende helhet"], ["58:61", "74:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skalldyrtallerkenen"], ["0:19"]], "Polar_expression": [["mye", "valg av r\u00e5varer"], ["58:61", "94:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-29-01", "text": "Sj\u00f8huset har fem desserter p\u00e5 menyen .", "opinions": []}, {"sent_id": "602087-29-02", "text": "Mangosuppe h\u00f8rtes mest spennende ut , men da karamellisen ikke kunne tilskrives kj\u00f8kkenet , falt valget p\u00e5 V\u00e5r lille fristelse ( to kuler hjemmelaget sorbet ) og sjokoladefondant med nougat .", "opinions": [{"Source": [[], []], "Target": [["Mangosuppe"], ["0:10"]], "Polar_expression": [["h\u00f8rtes mest spennende ut"], ["11:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["karamellisen"], ["45:57"]], "Polar_expression": [["ikke kunne tilskrives kj\u00f8kkenet"], ["58:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mangosuppe"], ["0:10"]], "Polar_expression": [["karamellisen ikke kunne tilskrives kj\u00f8kkenet"], ["45:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-30-01", "text": "Det var ikke d\u00e5rlige valg , og dessertene ble en fin avslutning p\u00e5 m\u00e5ltidet .", "opinions": [{"Source": [[], []], "Target": [["dessertene"], ["31:41"]], "Polar_expression": [["ikke d\u00e5rlige valg"], ["8:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dessertene"], ["31:41"]], "Polar_expression": [["fin avslutning p\u00e5 m\u00e5ltidet"], ["49:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-30-02", "text": "Sorbeten hadde kraftig bj\u00f8rneb\u00e6rsmak , sm\u00e5 biter av kiwi og granateple passet godt sammen .", "opinions": [{"Source": [[], []], "Target": [["Sorbeten"], ["0:8"]], "Polar_expression": [["kraftig bj\u00f8rneb\u00e6rsmak"], ["15:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sorbeten"], ["0:8"]], "Polar_expression": [["sm\u00e5 biter av kiwi og granateple passet godt sammen"], ["39:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-31-01", "text": "Estragons fondant hadde sterk og konsentrert sjokoladesmak .", "opinions": [{"Source": [["Estragons"], ["0:9"]], "Target": [["fondant"], ["10:17"]], "Polar_expression": [["sterk og konsentrert sjokoladesmak"], ["24:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-31-02", "text": "Den kom med en kule is , som dessverre ikke var hjemmelaget , samt friske b\u00e6r .", "opinions": [{"Source": [[], []], "Target": [["is"], ["20:22"]], "Polar_expression": [["dessverre ikke var hjemmelaget"], ["29:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602087-32-01", "text": "\u2013", "opinions": []}, {"sent_id": "602087-32-02", "text": "Dette var litt ujevnt , konkluderte Rosmarin .", "opinions": [{"Source": [["Rosmarin"], ["36:44"]], "Target": [[], []], "Polar_expression": [["litt ujevnt"], ["10:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-33-01", "text": "Det gode utgangspunktet med beliggenhet og lokaler kunne gitt en perle av perfeksjonisme om det var \u00f8nske om \u00e5 satse p\u00e5 mat og detaljer i stil med rammene rundt dette stedet .", "opinions": [{"Source": [[], []], "Target": [["beliggenhet"], ["28:39"]], "Polar_expression": [["gode utgangspunktet"], ["4:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lokaler"], ["43:50"]], "Polar_expression": [["gode utgangspunktet"], ["4:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kunne gitt en perle av perfeksjonisme"], ["51:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-34-01", "text": "Papirservietter og papirduker , sm\u00f8r i aluminiumsk\u00e5ler , og servit\u00f8rer som ikke vasker og rydder bordet mellom hovedrett og dessert , er dessverre ikke et slikt sted helt verdig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["papirduker"], ["19:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sm\u00f8r i aluminiumsk\u00e5ler"], ["32:54"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["servit\u00f8rer"], ["60:70"]], "Polar_expression": [["ikke vasker og rydder bordet mellom hovedrett og dessert"], ["75:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["dessverre ikke et slikt sted helt verdig"], ["137:177"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Papirservietter"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602087-35-01", "text": "Prisniv\u00e5et , regningen kom p\u00e5 rett under to tusen , er i toppsjiktet , maten var dessverre ikke helt i samme stil .", "opinions": [{"Source": [[], []], "Target": [["Prisniv\u00e5et"], ["0:10"]], "Polar_expression": [["i toppsjiktet"], ["55:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["maten"], ["71:76"]], "Polar_expression": [["dessverre ikke helt i samme stil"], ["81:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305169-01-01", "text": "Rammat\u00f8rmessig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Rammat\u00f8rmessig"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305169-02-01", "text": "Morten Ramm fyller Spektrum .", "opinions": []}, {"sent_id": "305169-02-02", "text": "TV-serien er fylt av ingenting .", "opinions": [{"Source": [[], []], "Target": [["TV-serien"], ["0:9"]], "Polar_expression": [["fylt av ingenting"], ["13:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-03-01", "text": "TV :", "opinions": []}, {"sent_id": "305169-03-02", "text": "I h\u00f8st tok komiker Morten Ramm og produksjonssjefen hans Thomas Giertsen hverandre i h\u00e5nda og inngikk et spenstig veddem\u00e5l om hvorvidt Ramm vil klare \u00e5 selge nok billetter til \u00e5 fylle Spektrum til et eget show .", "opinions": []}, {"sent_id": "305169-03-03", "text": "\u00ab Kan Morten Ramm fylle Oslo Spektrum ? \u00bb , var spenningsmomentet som l\u00e5 til grunn for en seks episoders serie om veien fram mot den store showdagen 24. mars .", "opinions": []}, {"sent_id": "305169-04-01", "text": "N\u00e5 er forestillingen allerede utsolgt .", "opinions": []}, {"sent_id": "305169-04-02", "text": "Hvor ligger s\u00e5 spenningen i serien som begynner i kveld ?", "opinions": [{"Source": [[], []], "Target": [["serien"], ["28:34"]], "Polar_expression": [["Hvor ligger s\u00e5 spenningen", "?"], ["0:25", "56:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-04-03", "text": "Ingensteds .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ingensteds"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-05-01", "text": "Ikke morsomt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke morsomt"], ["0:12"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-05-02", "text": "Vi f\u00e5r en slags kvasi-komi-dokumentar om forarbeid til showet .", "opinions": []}, {"sent_id": "305169-06-01", "text": "Hvor grensa g\u00e5r mellom en ekte Ramm og en ufordragelig arrogant rollefigur er usikkert , men ikke viktig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvor grensa g\u00e5r mellom en ekte Ramm og en ufordragelig arrogant rollefigur er usikkert"], ["0:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-06-02", "text": "Det er uansett ikke morsomt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["uansett ikke morsomt"], ["7:27"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-07-01", "text": "Ikke interessant , heller .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke interessant"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305169-07-02", "text": "Ramm durer rundt med sin makker , tekstforfatter Stefan Ludvigsen .", "opinions": []}, {"sent_id": "305169-07-03", "text": "De drodler ideer , som at Ramm b\u00f8r inkludere sine kjente karakterer fra \u00ab Torsdag kveld fra Nydalen \u00bb i showet .", "opinions": []}, {"sent_id": "305169-07-04", "text": "Ja , DJ Dan og Tommy P st\u00e5r p\u00e5 lista .", "opinions": []}, {"sent_id": "305169-07-05", "text": "Ramm konfererer ogs\u00e5 st\u00f8rrelser som Harald Eia og B\u00e5rd Tufte Johansen .", "opinions": []}, {"sent_id": "305169-07-06", "text": "Han sp\u00f8r folk p\u00e5 gata hva de ler av .", "opinions": []}, {"sent_id": "305169-07-07", "text": "Alt i en slurvete dokustil som sikkert skal gi f\u00f8lelse av spontanitet .", "opinions": [{"Source": [[], []], "Target": [["dokustil"], ["18:26"]], "Polar_expression": [["slurvete"], ["9:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305169-07-08", "text": "Latskap er mer n\u00e6rliggende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Latskap"], ["0:7"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-08-01", "text": "Det er som \u00e5 se gutter lage en halvslapp fjasedokumentar i f\u00f8rsteklasse p\u00e5 medielinja .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["som \u00e5 se", "halvslapp fjasedokumentar"], ["7:15", "31:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-09-01", "text": "Ikkje brrra", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikkje brrra"], ["0:11"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-09-02", "text": "Et par ganger er det fnisbart .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Et par ganger er det fnisbart"], ["0:29"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305169-09-03", "text": "Som da Ramm vitser om en viss brannskadd foredragssvenske , eller da han m\u00f8ter en kar som representerer \u00ab downsfolk med bj\u00f8rnefitte \u00bb eller da han sier til Cato Zahl Pedersen i kuldegradev\u00e6r at han ikke m\u00e5 slikke seg p\u00e5 fingrene .", "opinions": []}, {"sent_id": "305169-09-04", "text": "Vi har lov til \u00e5 forvente mer av en av Norges morsomste menn .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["en av Norges morsomste menn"], ["33:60"]], "Polar_expression": [["forvente mer"], ["17:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["en av Norges morsomste menn"], ["33:60"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305169-09-05", "text": "Om innholdet de planlegger i serien virkelig kommer med i showet i Spektrum , er attp\u00e5til overraskelsen borte for de sju tusen som har kj\u00f8pt billett .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Om innholdet de planlegger i serien virkelig kommer med i showet i Spektrum , er attp\u00e5til overraskelsen borte"], ["0:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305169-10-01", "text": "Som DJ Dan ville sagt :", "opinions": []}, {"sent_id": "305169-10-02", "text": "Ikkje brrra .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikkje brrra"], ["0:11"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500127-01-01", "text": "Imot naturen", "opinions": []}, {"sent_id": "500127-02-01", "text": "Kr\u00e5keungen :", "opinions": []}, {"sent_id": "500127-02-02", "text": "Noen ganger kreves et d\u00f8dsfall for \u00e5 akseptere et annet .", "opinions": []}, {"sent_id": "500127-03-01", "text": "Jojo er ti \u00e5r gammel og lever med faren sin i utkanten av en nederlandsk by .", "opinions": []}, {"sent_id": "500127-03-02", "text": "Hjemme g\u00e5r han p\u00e5 t\u00e5 hev .", "opinions": []}, {"sent_id": "500127-03-03", "text": "N\u00e5r han skj\u00f8nner at faren kan eksplodere hvert \u00f8yeblikk , smetter han opp p\u00e5 rommet sitt , og l\u00e5ser d\u00f8ren .", "opinions": []}, {"sent_id": "500127-03-04", "text": "F\u00f8rst n\u00e5r det smeller i utgangsd\u00f8ren , er det trygt \u00e5 g\u00e5 ned igjen .", "opinions": []}, {"sent_id": "500127-03-05", "text": "\u00ab Det var ikke s\u00e5 ille \u00bb , sier han til seg selv , n\u00e5r bolognesen er hevet veggimellom p\u00e5 kj\u00f8kkenet .", "opinions": []}, {"sent_id": "500127-03-06", "text": "Om natten kommer han krypende opp i dobbeltsengen , men faren er raskt til \u00e5 skyve ham ut igjen .", "opinions": []}, {"sent_id": "500127-03-07", "text": "Der f\u00e5r han ikke v\u00e6re .", "opinions": []}, {"sent_id": "500127-04-01", "text": "Hvordan skal det g\u00e5 med den fors\u00f8mte Jojo ?", "opinions": []}, {"sent_id": "500127-04-02", "text": "Og hvorfor er far s\u00e5 sint ?", "opinions": []}, {"sent_id": "500127-04-03", "text": "Har det noe med moren \u00e5 gj\u00f8re ?", "opinions": []}, {"sent_id": "500127-04-04", "text": "Det blir fort klart at gutten ikke er en helt p\u00e5litelig forteller n\u00e5r han insisterer p\u00e5 at hun bare er \u00ab p\u00e5 turn\u00e9 i USA \u00bb .", "opinions": []}, {"sent_id": "500127-05-01", "text": "En dag finner han en hjelpel\u00f8s fugleunge som har falt ut av redet sitt .", "opinions": []}, {"sent_id": "500127-05-02", "text": "S\u00e5 har han iallfall noen \u00e5 gi kj\u00e6rlighet til .", "opinions": []}, {"sent_id": "500127-05-03", "text": "Store deler av filmen fokuserer p\u00e5 denne stj\u00e5lne tosomheten mellom Jojo og den bevingede vennen .", "opinions": []}, {"sent_id": "500127-05-04", "text": "For faren sitter riktignok og ser p\u00e5 naturprogrammer dagen lang , men aksepterer ikke kj\u00e6ledyr i heimen .", "opinions": []}, {"sent_id": "500127-05-05", "text": "De bare d\u00f8r eller forsvinner , sier han .", "opinions": []}, {"sent_id": "500127-06-01", "text": "\u00ab Kr\u00e5keungen \u00bb var en av Nederlands Oscar-kandidater for et par \u00e5r siden og tegner et krast og hjerteskj\u00e6rende bilde av en liten familie i full oppl\u00f8sning .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kr\u00e5keungen \u00bb"], ["0:14"]], "Polar_expression": [["tegner et krast og hjerteskj\u00e6rende bilde"], ["76:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bilde av en liten familie i full oppl\u00f8sning"], ["111:154"]], "Polar_expression": [["krast"], ["86:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilde av en liten familie i full oppl\u00f8sning"], ["111:154"]], "Polar_expression": [["hjerteskj\u00e6rende"], ["95:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500127-06-02", "text": "Faren som har mer enn nok med seg selv .", "opinions": []}, {"sent_id": "500127-06-03", "text": "Og gutten som overlates til seg selv .", "opinions": []}, {"sent_id": "500127-07-01", "text": "Men filmen har ogs\u00e5 sin porsjon \u00f8mme blikk mellom to mennesker som i bunn grunn elsker hverandre og trenger hverandre .", "opinions": []}, {"sent_id": "500127-07-02", "text": "Og som forenes i et skjebnefellesskap .", "opinions": []}, {"sent_id": "500127-08-01", "text": "\u00ab Kr\u00e5keungen \u00bb byr ikke p\u00e5 narrative overraskelser ; fortellingen er like velkjent som den er velspilt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kr\u00e5keungen \u00bb"], ["0:14"]], "Polar_expression": [["byr ikke p\u00e5 narrative overraskelser"], ["15:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["fortellingen"], ["53:65"]], "Polar_expression": [["like velkjent som den er velspilt"], ["69:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500127-08-02", "text": "Barnets spr\u00e5kl\u00f8se fortvilelse og raseri n\u00e5r mor er borte og far sl\u00e5r med flat h\u00e5nd .", "opinions": []}, {"sent_id": "500127-09-01", "text": "Filmen foreg\u00e5r innenfor et strengt definert univers med praktisk talt bare tre karakterer .", "opinions": []}, {"sent_id": "500127-09-02", "text": "Den siste er nabojenten , som peker mot Jojos gryende seksualitet .", "opinions": []}, {"sent_id": "500127-09-03", "text": "I en scene skvetter Jojo en munnfull tannkrem p\u00e5 brystet sitt , et passe diskr\u00e9 bilde p\u00e5 hans p\u00e5begynnende pubertet .", "opinions": []}, {"sent_id": "500127-09-04", "text": "Slik f\u00e5r filmens natur\u2014 og skjebnemotiv enda en betydning :", "opinions": []}, {"sent_id": "500127-09-05", "text": "Jojos eksistensielle kamp for \u00e5 akseptere sitt lodd i livet , symbolisert ved kroppens hamskifte .", "opinions": []}, {"sent_id": "500127-10-01", "text": "To ord om skuespillerne :", "opinions": []}, {"sent_id": "500127-10-02", "text": "Det er p\u00e5 skuldrene til Rick Lens , som spiller Jojo , filmen b\u00e6res .", "opinions": [{"Source": [[], []], "Target": [["Rick Lens"], ["24:33"]], "Polar_expression": [["p\u00e5 skuldrene til", "filmen b\u00e6res"], ["7:23", "55:67"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500127-10-03", "text": "Uten ham , ingen film .", "opinions": [{"Source": [[], []], "Target": [["ham"], ["5:8"]], "Polar_expression": [["Uten", "ingen film"], ["0:4", "11:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500127-10-04", "text": "Det er sjelden kost \u00e5 se en barneskuespiller servere et s\u00e5 rikt f\u00f8lelsesregister med slik tilforlatelig intensitet .", "opinions": [{"Source": [[], []], "Target": [["barneskuespiller"], ["28:44"]], "Polar_expression": [["sjelden kost \u00e5 se", "servere et s\u00e5 rikt f\u00f8lelsesregister med slik tilforlatelig intensitet"], ["7:24", "45:114"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500127-10-05", "text": "Ansiktets b\u00f8nn om ivaretakelse er det noe som heter , og sjelden har kravet v\u00e6rt mer berettiget enn her .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ansiktets b\u00f8nn om ivaretakelse er det noe som heter , og sjelden har kravet v\u00e6rt mer berettiget enn her"], ["0:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500127-10-06", "text": "Kudos ogs\u00e5 til Loek Peters som fremstiller farens vrede som et uttrykk for hjelpel\u00f8shet - og ikke vond vilje .", "opinions": [{"Source": [[], []], "Target": [["Loek Peters"], ["15:26"]], "Polar_expression": [["Kudos", "fremstiller farens vrede som et uttrykk for hjelpel\u00f8shet - og ikke vond vilje"], ["0:5", "31:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302243-01-01", "text": "Nachspiel-oppgulp fra Pearl Jam-vokalist", "opinions": [{"Source": [[], []], "Target": [["Pearl Jam-vokalist"], ["22:40"]], "Polar_expression": [["Nachspiel-oppgulp"], ["0:17"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302243-02-01", "text": "Eddie Vedder blir fort enerverende p\u00e5 \u00ab Ukulele Songs \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Eddie Vedder"], ["0:12"]], "Polar_expression": [["fort enerverende p\u00e5 \u00ab Ukulele Songs \u00bb"], ["18:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ukulele Songs \u00bb"], ["38:55"]], "Polar_expression": [["Eddie Vedder blir fort enerverende"], ["0:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302243-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "302243-03-02", "text": "Eddie Vedder har utvilsomt sin velfortjente plass i rockehistorien .", "opinions": [{"Source": [[], []], "Target": [["Eddie Vedder"], ["0:12"]], "Polar_expression": [["utvilsomt sin velfortjente plass i rockehistorien"], ["17:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302243-03-03", "text": "Han har ogs\u00e5 en s\u00e6regen stemme som har inspirert mange av grungens etterkommere .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["s\u00e6regen stemme som har inspirert mange"], ["16:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemme"], ["24:30"]], "Polar_expression": [["s\u00e6regen"], ["16:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemme"], ["24:30"]], "Polar_expression": [["inspirert mange"], ["39:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302243-03-04", "text": "Til noens begeistring og andres fortvilelse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["noens begeistring"], ["4:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["andres fortvilelse"], ["25:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302243-04-01", "text": "For \u00e5 ha det sagt med en gang , man skal v\u00e6re rimelig begeistret for sangerens tykke og bevrende stemme for ikke \u00e5 g\u00e5 p\u00e5 veggene etter femte l\u00e5t .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skal v\u00e6re rimelig begeistret for sangerens tykke og bevrende stemme for ikke \u00e5 g\u00e5 p\u00e5 veggene etter femte l\u00e5t"], ["36:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302243-05-01", "text": "P\u00e5 \u00ab Ukulele Songs \u00bb er Vedder , som tittelen indikerer , uten moderbandet Pearl Jams instrumentalister \u00e5 st\u00f8tte seg til .", "opinions": []}, {"sent_id": "302243-05-02", "text": "Dette er stort sett Vedder og en ukulele i godt over en halvtime , hverken mer eller midre .", "opinions": []}, {"sent_id": "302243-06-01", "text": "Variasjonen er med andre ord minimal , noe som gj\u00f8r at man blir veldig fort mett p\u00e5 det endimensjonale uttrykket .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Variasjonen er med andre ord minimal"], ["0:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["blir veldig fort mett p\u00e5 det endimensjonale uttrykket"], ["59:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302243-07-01", "text": "Uten nevneverdig dynamikk eller f\u00f8lelsesmessig variasjon , flyter sangene over i hverandre og det blir etter hvert vanskelig \u00e5 se hvor den kunstneriske ambisjonen ligger hen .", "opinions": [{"Source": [[], []], "Target": [["dynamikk"], ["17:25"]], "Polar_expression": [["Uten nevneverdig"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8lelsesmessig variasjon"], ["32:56"]], "Polar_expression": [["Uten"], ["0:4"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sangene"], ["66:73"]], "Polar_expression": [["flyter", "over i hverandre"], ["59:65", "74:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sangene"], ["66:73"]], "Polar_expression": [["Uten nevneverdig dynamikk eller f\u00f8lelsesmessig variasjon"], ["0:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sangene"], ["66:73"]], "Polar_expression": [["vanskelig \u00e5 se hvor den kunstneriske ambisjonen ligger hen"], ["115:173"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110844-01-01", "text": "Stummende m\u00f8rke", "opinions": []}, {"sent_id": "110844-02-01", "text": "Vi visste fra f\u00f8r at situasjonen for unge kvinner i Nord-Irak er blytung .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["situasjonen for unge kvinner i Nord-Irak"], ["21:61"]], "Polar_expression": [["blytung"], ["65:72"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110844-02-02", "text": "Grufulle avisoverskrifter forteller om flere tusener av kvinner som har blitt \u00e6resdrept siden 1991 - i et omr\u00e5de hvor forkvaklede begreper om \u00e6re fortsatt f\u00e5r lov til \u00e5 styre .", "opinions": [{"Source": [[], []], "Target": [["avisoverskrifter"], ["9:25"]], "Polar_expression": [["Grufulle"], ["0:8"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["begreper om \u00e6re"], ["130:145"]], "Polar_expression": [["forkvaklede"], ["118:129"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110844-02-03", "text": "\u00ab R\u00f8dt hjerte \u00bb , et norsk-irakisk samarbeidsprosjekt , presenterer absolutt ingen lys i m\u00f8rket - snarere tvert i mot .", "opinions": []}, {"sent_id": "110844-02-04", "text": "Filmen er - uten \u00e5 r\u00f8pe for mye av handlingen - et overordentlig pessimistisk dokument , hvor gjennomgangstonen ser ut til \u00e5 v\u00e6re :", "opinions": []}, {"sent_id": "110844-02-05", "text": "Du kan ikke vinne - uansett hva du finner p\u00e5 .", "opinions": []}, {"sent_id": "110844-03-01", "text": "Temaet - forbudt kj\u00e6rlighet og kampen mot det undertrykkende patriarkatet - f\u00f8les noe oppbrukt i filmsammenheng , og debutantregiss\u00f8r Mustafa forenkler muligens fiendebildene mer enn hva godt er for en engasjerende filmopplevelse .", "opinions": [{"Source": [[], []], "Target": [["Temaet"], ["0:6"]], "Polar_expression": [["f\u00f8les noe oppbrukt"], ["76:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["debutantregiss\u00f8r Mustafa"], ["117:141"]], "Polar_expression": [["forenkler muligens fiendebildene mer enn hva godt er"], ["142:194"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110844-03-02", "text": "Det insisterende m\u00f8rket m\u00f8tes etter hvert med skuldertrekk - d\u00e9t er kritisk for en film med intensjonene til \u00ab R\u00f8dt hjerte \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab R\u00f8dt hjerte \u00bb"], ["109:124"]], "Polar_expression": [["insisterende m\u00f8rket m\u00f8tes etter hvert med skuldertrekk", "kritisk"], ["4:58", "68:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110844-04-01", "text": "Jeg betviler ikke engasjementet et sekund , men det er bare i enkeltscener vi virkelig kommer under huden p\u00e5 hovedpersonen Shirin .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["betviler ikke engasjementet et sekund"], ["4:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["75:77"]], "Target": [["enkeltscener"], ["62:74"]], "Polar_expression": [["virkelig kommer under huden p\u00e5 hovedpersonen"], ["78:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["75:77"]], "Target": [[], []], "Polar_expression": [["bare i enkeltscener vi virkelig kommer under huden p\u00e5 hovedpersonen"], ["55:122"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110844-04-02", "text": "Velment og fors\u00f8ksvis \u00ab viktig \u00bb ja visst , men litt for ensporet og skjematisk til \u00e5 bite ordentlig fra seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Velment"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fors\u00f8ksvis \u00ab viktig \u00bb"], ["11:32"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt for ensporet og skjematisk til \u00e5 bite ordentlig fra seg"], ["48:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110844-05-01", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "500921-01-01", "text": "Sterk h\u00f8ytlesingsbok i f\u00f8rjulstiden", "opinions": [{"Source": [[], []], "Target": [["h\u00f8ytlesingsbok"], ["6:20"]], "Polar_expression": [["Sterk"], ["0:5"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500921-02-01", "text": "En familiefor\u00f8kelse som utfordrer b\u00e5de store og sm\u00e5 lesere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["utfordrer b\u00e5de store og sm\u00e5 lesere"], ["24:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500921-02-02", "text": "Og en tekst god nok for Brageprisen .", "opinions": [{"Source": [[], []], "Target": [["tekst"], ["6:11"]], "Polar_expression": [["god nok for Brageprisen"], ["12:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500921-03-01", "text": "For en voksen er det mest n\u00e6rliggende \u00e5 forestille seg rollene som mamma og pappa i denne fortellingen .", "opinions": []}, {"sent_id": "500921-03-02", "text": "De er faddere til Steinar , fem \u00e5r .", "opinions": []}, {"sent_id": "500921-03-03", "text": "Alenemammaen hans er en kj\u00e6r venn , og familiene pleier \u00e5 feire jul sammen .", "opinions": []}, {"sent_id": "500921-03-04", "text": "Plutselig d\u00f8r hun .", "opinions": []}, {"sent_id": "500921-03-05", "text": "Steinar har ingen andre .", "opinions": []}, {"sent_id": "500921-03-06", "text": "Beslutningen om \u00e5 ta over omsorgen for gutten virker noks\u00e5 opplagt .", "opinions": []}, {"sent_id": "500921-04-01", "text": "Men forfatter Linde Hagerup har ikke tenkt \u00e5 gj\u00f8re det enkelt .", "opinions": []}, {"sent_id": "500921-04-02", "text": "Hun innkaller til familier\u00e5d der mamma og pappa ikke sp\u00f8r , bare informerer , de to d\u00f8trene om hvilken beslutning de har tatt .", "opinions": []}, {"sent_id": "500921-04-03", "text": "Sjokket blir st\u00f8rst for yngstejenten , Sara ni \u00e5r .", "opinions": []}, {"sent_id": "500921-04-04", "text": "Dette er hennes historie .", "opinions": []}, {"sent_id": "500921-05-01", "text": "Heretter skal Steinar bo p\u00e5 Saras rom .", "opinions": []}, {"sent_id": "500921-05-02", "text": "Eller mer presist , heretter har ikke Sara noe eget rom lenger .", "opinions": []}, {"sent_id": "500921-05-03", "text": "Mens barnelitteraturen er full av historier om \u00e5 f\u00e5 prakket p\u00e5 seg irriterende babyer , kommer denne familiefor\u00f8kelsen mer br\u00e5tt p\u00e5 .", "opinions": []}, {"sent_id": "500921-05-04", "text": "Snart forst\u00e5r vi at det i stor grad er opp til en ni-\u00e5ring hvordan den bortskjemte og s\u00f8rgende Steinar vil trives .", "opinions": []}, {"sent_id": "500921-06-01", "text": "Teksten er trofast mot Saras perspektiv .", "opinions": []}, {"sent_id": "500921-06-02", "text": "I et intenst kammerspill fremst\u00e5r familien med stor troverdighet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["intenst"], ["5:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true}, {"Source": [[], []], "Target": [["familien"], ["34:42"]], "Polar_expression": [["stor troverdighet"], ["47:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "500921-06-03", "text": "Alle snakker og handler uten noen forklarende forteller i et spr\u00e5k s\u00e5 friskt at det er en fryd .", "opinions": [{"Source": [[], []], "Target": [["spr\u00e5k"], ["61:66"]], "Polar_expression": [["s\u00e5 friskt at det er en fryd"], ["67:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500921-07-01", "text": "Gjennom Sara opplever leseren familiefor\u00f8kelsen i all sin dobbelthet :", "opinions": []}, {"sent_id": "500921-07-02", "text": "Hun innser at det er synd p\u00e5 Steinar , samtidig kjenner hun seg invadert og tilsidesatt .", "opinions": []}, {"sent_id": "500921-07-03", "text": "Denne sutrende lillebroren trenger t\u00e5lmodige s\u00f8sken som lar ham vinne i Yatzy og forsyne seg ubegrenset av Nugattien .", "opinions": []}, {"sent_id": "500921-07-04", "text": "Slik t\u00e5lmodighet har ikke Sara .", "opinions": []}, {"sent_id": "500921-08-01", "text": "N\u00e5r det er s\u00e5 lett \u00e5 f\u00f8le med henne , er det ogs\u00e5 lett \u00e5 forst\u00e5 hvor vanskelig det er \u00e5 v\u00e6re snill .", "opinions": []}, {"sent_id": "500921-08-02", "text": "Det er godt gjort \u00e5 la Sara leve ut frustrasjonen uten at jeg som leser mister sympatien for henne .", "opinions": [{"Source": [[], []], "Target": [["\u00e5 la Sara leve ut frustrasjonen uten at jeg som leser mister sympatien for henne"], ["18:98"]], "Polar_expression": [["godt gjort"], ["7:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500921-09-01", "text": "Likevel krever hovedpersoner en del av unge lesere n\u00e5r de ikke oppf\u00f8rer seg heltemodig .", "opinions": []}, {"sent_id": "500921-09-02", "text": "Selv om \u00ab En bror for mye \u00bb er lettlest og ment for lesere fra Saras alder , anbefaler jeg den derfor f\u00f8rst og fremst til h\u00f8ytlesing .", "opinions": [{"Source": [[], []], "Target": [["\u00ab En bror for mye"], ["8:25"]], "Polar_expression": [["lettlest"], ["31:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["87:90"]], "Target": [["\u00ab En bror for mye"], ["8:25"]], "Polar_expression": [["anbefaler", "f\u00f8rst og fremst til h\u00f8ytlesing"], ["77:86", "102:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500921-09-03", "text": "Her er mange scener verdt \u00e5 stoppe opp ved , og mange eksempler p\u00e5 barneoppdragelse som utfordrer s\u00e5 vel store som sm\u00e5 lesere .", "opinions": [{"Source": [[], []], "Target": [["scener"], ["13:19"]], "Polar_expression": [["mange", "verdt \u00e5 stoppe opp ved"], ["7:12", "20:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["mange", "utfordrer"], ["48:53", "88:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500921-09-04", "text": "Er det for eksempel s\u00e5 synd p\u00e5 Steinar at han ustraffet kan f\u00e5 ta for seg av Saras ting ?", "opinions": []}, {"sent_id": "500921-10-01", "text": "Pr\u00f8velsene kan nok mange kjenne igjen som lever i s\u00e5kalte stjernefamilier med diverse konstellasjoner .", "opinions": []}, {"sent_id": "500921-10-02", "text": "Hvordan skal Sara unng\u00e5 \u00e5 kjenne det som om foreldrene er mer glade i Steinar enn i henne ?", "opinions": []}, {"sent_id": "500921-10-03", "text": "Hvordan skal hun gj\u00f8re Steinar glad ?", "opinions": []}, {"sent_id": "500921-10-04", "text": "Boken tar en herlig vending n\u00e5r hun trer ut av offerrollen og introduserer sin overraskende l\u00f8sning .", "opinions": [{"Source": [[], []], "Target": [["Boken"], ["0:5"]], "Polar_expression": [["herlig vending"], ["13:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500921-10-05", "text": "Derfra f\u00e5r vi en suveren test av hvor langt det er mulig \u00e5 strekke seg i s\u00f8skenkj\u00e6rlighetens navn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["suveren"], ["17:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "500921-11-01", "text": "Dessverre er bildene av den typen som brukes i lettlestb\u00f8ker til \u00e5 hjelpe teksten frem uten \u00e5 tilf\u00f8re noe s\u00e6rlig ekstra .", "opinions": [{"Source": [[], []], "Target": [["bildene"], ["13:20"]], "Polar_expression": [["Dessverre", "uten \u00e5 tilf\u00f8re noe s\u00e6rlig ekstra"], ["0:9", "87:119"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500921-11-02", "text": "Grove streker og store \u00f8yne f\u00e5r ikke frem nyansene i Saras opplevelser og virker myntet p\u00e5 lesere som er yngre en denne bokens m\u00e5lgruppe .", "opinions": [{"Source": [[], []], "Target": [["Saras opplevelser"], ["53:70"]], "Polar_expression": [["Grove streker og store \u00f8yne f\u00e5r ikke frem nyansene"], ["0:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["myntet p\u00e5 lesere som er yngre en denne bokens m\u00e5lgruppe"], ["81:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "500921-11-03", "text": "Mer f\u00f8lsomme og antydende streker ville v\u00e6rt bedre egnet til \u00e5 stimulere leserens forestillingskraft .", "opinions": [{"Source": [[], []], "Target": [["streker"], ["26:33"]], "Polar_expression": [["Mer f\u00f8lsomme og antydende streker ville v\u00e6rt bedre egnet"], ["0:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500921-12-01", "text": "Uten bildene ville dette v\u00e6rt en klar kandidat til Brageprisen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Uten bildene ville dette v\u00e6rt en klar kandidat til Brageprisen"], ["0:62"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bildene"], ["5:12"]], "Polar_expression": [["Uten bildene ville dette v\u00e6rt en klar kandidat til Brageprisen"], ["0:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-01-01", "text": "Velkommen til \u00ab Kentucky , Norge \u00bb", "opinions": []}, {"sent_id": "300020-02-01", "text": "Imponerende andre servering fra norsk bluegrassband .", "opinions": [{"Source": [[], []], "Target": [["norsk bluegrassband"], ["32:51"]], "Polar_expression": [["Imponerende andre servering"], ["0:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["andre servering"], ["12:27"]], "Polar_expression": [["Imponerende"], ["0:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "300020-03-02", "text": "Bluegrass er en stivnet form , fordi reglene er s\u00e5 strenge \u2014 s\u00e6rlig i forhold til hvilke instrumenter man kan og ikke kan benytte .", "opinions": []}, {"sent_id": "300020-03-03", "text": "Det m\u00e5 v\u00e6re akustisk , og trommer er forbudt .", "opinions": []}, {"sent_id": "300020-04-01", "text": "Derfor handler det om \u00e5 forvalte tradisjonen p\u00e5 best mulig m\u00e5te , og det norske seksmannsbandet Earlybird Stringband har tatt enda et stort steg videre p\u00e5 sitt andre album .", "opinions": [{"Source": [[], []], "Target": [["andre album"], ["160:171"]], "Polar_expression": [["Earlybird Stringband har tatt enda et stort steg videre"], ["96:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Earlybird Stringband"], ["96:116"]], "Polar_expression": [["tatt enda et stort steg videre p\u00e5 sitt andre album"], ["121:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-05-01", "text": "Bandet ble etablert i 2006 , og medlemmene kunne like gjerne vokst opp p\u00e5 landet i amerikanske Kentucky , staten der bluegrassmusikken ble f\u00f8dt p\u00e5 40-tallet \u2014 oppkalt etter Bill Monroes backingband The Blue Grass Boys .", "opinions": []}, {"sent_id": "300020-06-01", "text": "Universell", "opinions": []}, {"sent_id": "300020-06-02", "text": "P\u00e5 grunn av sin strenge formel er bluegrass en universell sjanger .", "opinions": []}, {"sent_id": "300020-06-03", "text": "Og Earlybird Stringband er blitt lagt merke til ogs\u00e5 i utlandet .", "opinions": [{"Source": [[], []], "Target": [["Earlybird Stringband"], ["3:23"]], "Polar_expression": [["blitt lagt merke til ogs\u00e5 i utlandet"], ["27:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-06-04", "text": "De kom i fjor p\u00e5 andreplass i en bluegrasskonkurranse i Nederland , og om noen dager st\u00e5r en liten europaturn\u00e9 for d\u00f8ra \u2014 med stopp i Danmark , Nederland og Finland , f\u00f8r flere norske festivaler f\u00e5r bes\u00f8k i juli .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["andreplass i en bluegrasskonkurranse i Nederland"], ["17:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-07-01", "text": "L\u00e5tene", "opinions": []}, {"sent_id": "300020-07-02", "text": "Mye st\u00e5r og faller p\u00e5 l\u00e5tmaterialet i bluegrass , og de gode taktene p\u00e5 debuten f\u00f8lges opp med glans her .", "opinions": [{"Source": [[], []], "Target": [["taktene"], ["61:68"]], "Polar_expression": [["gode"], ["56:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["debuten"], ["72:79"]], "Polar_expression": [["gode taktene"], ["56:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["her"], ["101:104"]], "Polar_expression": [["gode taktene p\u00e5 debuten f\u00f8lges opp med glans"], ["56:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300020-08-01", "text": "L\u00e5tskriver Hans Martin Austestad ( vokal / banjo ) er virkelig p\u00e5 trygg grunn , b\u00e5de musikalsk og tekstlig .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tskriver Hans Martin Austestad"], ["0:32"]], "Polar_expression": [["virkelig p\u00e5 trygg grunn , b\u00e5de musikalsk og tekstlig"], ["54:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikalsk"], ["85:94"]], "Polar_expression": [["virkelig p\u00e5 trygg grunn"], ["54:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tekstlig"], ["98:106"]], "Polar_expression": [["virkelig p\u00e5 trygg grunn"], ["54:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-08-02", "text": "13 nye l\u00e5ter har han levert , mens to reinlendere fra Rogaland er dette albumets folkemusikkinnslag ( p\u00e5 debuten var det riler fra Agder ) .", "opinions": []}, {"sent_id": "300020-09-01", "text": "Sn\u00f8 Tekstene handler om livets blindsoner og om de sm\u00e5 ting , om tak som lekker , om duer som jages av kr\u00e5ker , om den gamle veien du h\u00f8rte om da du var barn og om parkbenker som snakker til deg .", "opinions": []}, {"sent_id": "300020-09-02", "text": "Og \u2014 har du tenkt p\u00e5 at det kan bli god poesi av noe s\u00e5 prosaisk som sn\u00f8 ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["har du tenkt p\u00e5 at det kan bli god poesi av noe s\u00e5 prosaisk som sn\u00f8"], ["5:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-09-03", "text": "\u00ab These months might seem a little cruel / The winter wind is always cool / But , when up close , a flake of snow / looks like a little jewel / Countless winter jewels are drifting by my window / Each one like a gift from the sky / Kiss those winter jewels a last goodbye \u00bb , synger Austestad i \u00ab Winter Jewels \u00bb .", "opinions": []}, {"sent_id": "300020-10-01", "text": "Men den virkelige juvelen i smykkeskrinet er melankolske \u00ab Long Goodbye \u00bb , en fantastisk sang med flotte harmonier som du f\u00e5r lyst til \u00e5 h\u00f8re igjen og igjen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Long Goodbye \u00bb"], ["57:73"]], "Polar_expression": [["den virkelige juvelen i smykkeskrinet"], ["4:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Long Goodbye \u00bb"], ["57:73"]], "Polar_expression": [["fantastisk"], ["79:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["harmonier"], ["106:115"]], "Polar_expression": [["flotte"], ["99:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Long Goodbye \u00bb"], ["57:73"]], "Polar_expression": [["flotte harmonier"], ["99:115"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Long Goodbye \u00bb"], ["57:73"]], "Polar_expression": [["f\u00e5r lyst til \u00e5 h\u00f8re igjen og igjen"], ["123:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300020-10-02", "text": "Her g\u00e5r tankene like mye til Irland som til USA \u2014 og s\u00e5 tilbake til bl\u00e5grasslandet Norge .", "opinions": []}, {"sent_id": "701242-01-01", "text": "Medisin mot sex i byen", "opinions": []}, {"sent_id": "701242-02-01", "text": "Moderne komedier mangler handling .", "opinions": [{"Source": [[], []], "Target": [["Moderne komedier"], ["0:16"]], "Polar_expression": [["mangler handling"], ["17:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701242-02-02", "text": "I stedet best\u00e5r de av uappetittlige menn og like skiftende humorkvalitet som en vestlandshimmel i juni .", "opinions": [{"Source": [[], []], "Target": [["de"], ["16:18"]], "Polar_expression": [["uappetittlige menn"], ["22:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["16:18"]], "Polar_expression": [["skiftende humorkvalitet"], ["49:72"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701242-02-03", "text": "Cool .", "opinions": []}, {"sent_id": "701242-02-04", "text": "Totally .", "opinions": []}, {"sent_id": "701242-03-01", "text": "\u00ab Forgetting Sarah Marshall \u00bb minner usjenert om komedier som \u00ab Superbad \u00bb , \u00ab Knocked up \u00bb , \u00ab 40 year old virgin \u00bb og noen Ben Stiller-scener .", "opinions": []}, {"sent_id": "701242-03-02", "text": "Den er en p\u00f8lse i salatens tid , en slags mumlemanisk manns-modernitets-manifestasjon som fors\u00f8ker \u00e5 more ved \u00e5 underyte .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["p\u00f8lse i salatens tid"], ["10:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["slags mumlemanisk manns-modernitets-manifestasjon"], ["36:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701242-03-03", "text": "Dette er motstykket til Jane Austen .", "opinions": []}, {"sent_id": "701242-03-04", "text": "Dette er motgiften som skal oppheve \u00ab Sex and the city \u00bb .", "opinions": []}, {"sent_id": "701242-04-01", "text": "Her kommer en oppregning som har to hensikter .", "opinions": []}, {"sent_id": "701242-04-02", "text": "Den hever det akademiske niv\u00e5et i anmeldelsen , og den antyder ( antydninger hever ogs\u00e5 det akademiske niv\u00e5et ) at filmen er et slags stimfenomen , noe som kan tas med tr\u00e5l og legges i olivenolje .", "opinions": []}, {"sent_id": "701242-04-03", "text": "Hovedperson og manusforfatter Jason Segel spilte i \u00ab Knocked up \u00bb .", "opinions": []}, {"sent_id": "701242-04-04", "text": "Bill Hader , som spiller stebror , var politimann i \u00ab Superbad \u00bb og Brent i \u00ab Knocked up \u00bb .", "opinions": []}, {"sent_id": "701242-04-05", "text": "Jonah Hill som spiller den snakkesalige kelneren , hadde sexpsyko-rollen i \u00ab Superbad \u00bb og var Jonah i \u00ab Knocked up \u00bb samt eBay-kunde i \u00ab 40 year old virgin \u00bb .", "opinions": []}, {"sent_id": "701242-04-06", "text": "Paul Rudd var Pete i \u00ab Knocked up \u00bb og David i \u00ab 40 year old virgin \u00bb .", "opinions": []}, {"sent_id": "701242-04-07", "text": "Den som mangler , er i grunnen Seth Rogen , som hadde irrasjonell birolle i \u00ab 40 year old virgin \u00bb og gikk videre til hovedrolle i \u00ab Knocked up \u00bb og politimannrolle i \u00ab Superbad \u00bb .", "opinions": []}, {"sent_id": "701242-05-01", "text": "Nykommerne i kulgutt-gjengen er i grunnen Kristen Bell , som spilte Veronica Mars i 64 episoder og spiller i andre sesong av \u00ab Heroes \u00bb og russiske Mila Kunis som var Jackie i 200 episoder av \u00ab That 70's Show \u00bb og kj\u00e6reste med Macaulay Culkin .", "opinions": []}, {"sent_id": "701242-05-02", "text": "Russell Brand , som spiller s\u00e6r britisk rocker , er en vellykka engelsk oppfinnelse av ny dato .", "opinions": [{"Source": [[], []], "Target": [["Russell Brand"], ["0:13"]], "Polar_expression": [["vellykka"], ["55:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701242-06-01", "text": "Segel spiller en komponist av TV-musikk og tilh\u00f8rer de romantiske antiheltene som sitter i sofaen og spiser pastellerte cereals som likner hundemat .", "opinions": []}, {"sent_id": "701242-06-02", "text": "Han bor med tv-serie-stjerna Sarah , som plutselig dumper ham .", "opinions": []}, {"sent_id": "701242-06-03", "text": "Dumpinga setter i gang en sorgbehandling som er inspirert av jentefilmer .", "opinions": []}, {"sent_id": "701242-06-04", "text": "Den parodisk sorgtynga mannen drar til Hawaii , men der finnes mirakul\u00f8st nok ogs\u00e5 eksen og kj\u00e6resten hennes .", "opinions": []}, {"sent_id": "701242-06-05", "text": "Hele filmen handler med vekslende vas om at den lidende st\u00f8ter p\u00e5 Sarah Marshall samtidig som han g\u00e5r ut med den freshe jenta i resepsjonen .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["5:11"]], "Polar_expression": [["vas"], ["34:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701242-06-06", "text": "Alle forestillinger om at samlivsbrudd kan s\u00e5re blir omhyggelig udretne .", "opinions": []}, {"sent_id": "701242-06-07", "text": "Hvis scenene hadde blitt s\u00e5 morsomme som det var meningen at de skulle bli , ville dette blitt en trivelig ting .", "opinions": [{"Source": [[], []], "Target": [["scenene"], ["5:12"]], "Polar_expression": [["Hvis", "hadde blitt s\u00e5 morsomme som det var meningen at de skulle bli , ville dette blitt en trivelig ting"], ["0:4", "13:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106097-01-01", "text": "Dypt ordin\u00e6r", "opinions": []}, {"sent_id": "106097-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "106097-02-02", "text": "Dome Karukoski .", "opinions": []}, {"sent_id": "106097-02-03", "text": "Genre :", "opinions": []}, {"sent_id": "106097-02-04", "text": "Ungdomsfilm .", "opinions": []}, {"sent_id": "106097-02-05", "text": "Finsk", "opinions": []}, {"sent_id": "106097-03-01", "text": "MED :", "opinions": []}, {"sent_id": "106097-03-02", "text": "Pamela Tola , Samuli Vauramo , Eero Milonoff .", "opinions": []}, {"sent_id": "106097-04-01", "text": "HANDLER OM :", "opinions": []}, {"sent_id": "106097-04-02", "text": "Nelli , en blond overklassejente som bor i kult funkishus og sykler med hjelm , har en dr\u00f8m om \u00e5 synge R'n'B .", "opinions": [{"Source": [[], []], "Target": [["funkishus"], ["48:57"]], "Polar_expression": [["kult"], ["43:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106097-04-03", "text": "Hun trenger en demoinnspilling , og f\u00e5r den kompromissl\u00f8se hiphop'eren Sune til \u00e5 hjelpe seg .", "opinions": []}, {"sent_id": "106097-05-01", "text": "DOM :", "opinions": []}, {"sent_id": "106097-05-02", "text": "Tittelen gir den beste pekepinn - dette er en \u00ab skj\u00f8nnheten og \u00ab uhyret \u00bb \u00bb -historie , for anledningen satt til Helsinkis sikkert , eh , bugnende hiphop- og R'n'B- \u00ab industri \u00bb .", "opinions": []}, {"sent_id": "106097-05-03", "text": "Som s\u00e5dan kan den minne om absolutt alle \u00ab ungt talent triumferer \u00bb -filmer som noensinne er blitt laget , fra \u00ab A Star Is Born \u00bb ( 1937 ) via \u00ab Fame \u00bb ( 1980 ) til Eminems \u00ab 8 Mile \u00bb ( 2002 ) .", "opinions": []}, {"sent_id": "106097-06-01", "text": "Det eneste litt originale med \u00ab Skj\u00f8nnheten og bastarden \u00bb er at den er fra Finland , og det er jo ikke noe originalt i det hele tatt , n\u00e5r jeg tenker meg om .", "opinions": [{"Source": [["jeg"], ["140:143"]], "Target": [["\u00ab Skj\u00f8nnheten og bastarden \u00bb"], ["30:58"]], "Polar_expression": [["ikke noe originalt i det hele tatt"], ["99:133"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Skj\u00f8nnheten og bastarden \u00bb"], ["30:58"]], "Polar_expression": [["litt originale", "fra Finland"], ["11:25", "72:83"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106097-06-02", "text": "Slemme platebransjefolk og vanskelige foreldre ( Nellis far ligner til forveksling p\u00e5 G\u00f6ran Persson ) stikker kjepper i hjulene til de unge forelskede ( som er i etableringsfasen , men oppf\u00f8rer seg yngre ) , men det gis ingen premier for \u00e5 gjette hvordan det ender til slutt .", "opinions": [{"Source": [[], []], "Target": [["platebransjefolk"], ["7:23"]], "Polar_expression": [["Slemme"], ["0:6"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["foreldre"], ["38:46"]], "Polar_expression": [["vanskelige"], ["27:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["gis ingen premier for \u00e5 gjette hvordan det ender til slutt"], ["216:274"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106097-06-03", "text": "Dog .", "opinions": []}, {"sent_id": "106097-06-04", "text": "Filmen skal ha pluss for hjerte , sjarmerende hovedrolleinnehavere og en viss vilje til oppgj\u00f8r med den tiltagende karikerte \u00ab wigger \u00bb / \u00ab gangsta \u00bb -kulturen her oppe i nord .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["pluss", "sjarmerende hovedrolleinnehavere"], ["15:20", "34:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["pluss for hjerte"], ["15:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["pluss", "viss vilje til oppgj\u00f8r med den tiltagende karikerte \u00ab wigger \u00bb / \u00ab gangsta \u00bb -kulturen"], ["15:20", "73:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["hovedrolleinnehavere"], ["46:66"]], "Polar_expression": [["sjarmerende"], ["34:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106097-07-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "600982-01-01", "text": "Snodig fortelling", "opinions": []}, {"sent_id": "600982-02-01", "text": "Forfatter :", "opinions": []}, {"sent_id": "600982-02-02", "text": "Daniel Kehlmann", "opinions": []}, {"sent_id": "600982-03-01", "text": "Sjanger :", "opinions": []}, {"sent_id": "600982-03-02", "text": "Roman", "opinions": []}, {"sent_id": "600982-04-01", "text": "Forlag :", "opinions": []}, {"sent_id": "600982-04-02", "text": "Gyldendal", "opinions": []}, {"sent_id": "600982-05-01", "text": "Tyske anmeldere fant denne boka vittig .", "opinions": [{"Source": [["Tyske anmeldere"], ["0:15"]], "Target": [["boka"], ["27:31"]], "Polar_expression": [["vittig"], ["32:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "600982-05-02", "text": "Jeg fant den mer underfundig og leken .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["den"], ["9:12"]], "Polar_expression": [["underfundig"], ["17:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["den"], ["9:12"]], "Polar_expression": [["leken"], ["32:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600982-05-03", "text": "Og sv\u00e6rt t\u00f8rr , men leseverdig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sv\u00e6rt t\u00f8rr"], ["3:13"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["leseverdig"], ["20:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600982-05-04", "text": "Daniel Kehlmann ble kjent i Norge med boka \" Oppm\u00e5lingen av verden \" , som ble betegnet som en genistrek .", "opinions": [{"Source": [[], []], "Target": [["\" Oppm\u00e5lingen av verden \""], ["43:68"]], "Polar_expression": [["genistrek"], ["95:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "600982-05-05", "text": "Han er tidligere bel\u00f8nnet med Thomas Mann-prisen og P.O. Enquist-prisen .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["bel\u00f8nnet med Thomas Mann-prisen"], ["17:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "600982-06-01", "text": "I vinter utgir Gyldendal to av hans nye romaner , og denne er en liten , pussig sak om en kynisk journalist som vil skrive biografien til en fordums kjent , tysk kunstner .", "opinions": []}, {"sent_id": "600982-06-02", "text": "Verken journalisten , og aller minst kunstneren , er motivert for prosjektet , som tar en underlig vending .", "opinions": []}, {"sent_id": "600982-07-01", "text": "I skrivem\u00e5te likner Kehlmann p\u00e5 sin landsmann , forfatter og jurist Ferdinand von Schirach :", "opinions": []}, {"sent_id": "600982-07-02", "text": "Skildring p\u00e5 armlengs avstand med beskrivelser av det ytre hendelsesplanet , som i en film .", "opinions": []}, {"sent_id": "600982-07-03", "text": "Stort lenger fra en ordrik , ofte f\u00f8lelsesmettet kvinnelig skrivem\u00e5te er det vanskelig \u00e5 komme .", "opinions": []}, {"sent_id": "600982-07-04", "text": "Her er det om \u00e5 gj\u00f8re \u00e5 si minst mulig med f\u00e6rrest mulig ord .", "opinions": []}, {"sent_id": "600982-07-05", "text": "Slik tilf\u00f8res sm\u00e5 ting stor ladning .", "opinions": []}, {"sent_id": "600982-08-01", "text": "S\u00e5 hva vil Kehlmann med denne boka ?", "opinions": []}, {"sent_id": "600982-09-01", "text": "Kanskje vil han si noe om kynisme , om frakoblethet , om manglende engasjement , om verden som bedrar og vil bedras .", "opinions": []}, {"sent_id": "600982-09-02", "text": "Men aller mest gir boka inntrykk av meningsl\u00f8shet .", "opinions": []}, {"sent_id": "600982-09-03", "text": "Hvis ettertiden bruker von Schirach og Kehlmann som temperaturm\u00e5lere p\u00e5 tysk kultur rundt \u00e5rhundreskiftet , vil de stemple den som fremmedgjort .", "opinions": []}, {"sent_id": "602157-01-01", "text": "Satyricon \u00f8dela s\u00f8rlandsidyllen", "opinions": [{"Source": [[], []], "Target": [["Satyricon"], ["0:9"]], "Polar_expression": [["\u00f8dela s\u00f8rlandsidyllen"], ["10:31"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-02-01", "text": "Kick er fylt av svartkledde metalheads for andre helg p\u00e5 rad .", "opinions": []}, {"sent_id": "602157-03-01", "text": "Det er riktignok flere som tok turen p\u00e5 kveldens konsert enn p\u00e5metalfestivalen Southern Discomfort .", "opinions": [{"Source": [[], []], "Target": [["Southern Discomfort"], ["79:98"]], "Polar_expression": [["flere som tok turen p\u00e5 kveldens konsert"], ["17:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kveldens konsert"], ["40:56"]], "Polar_expression": [["flere som tok turen", "enn p\u00e5metalfestivalen Southern Discomfort"], ["17:36", "57:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-03-02", "text": "Men det er ikke s\u00e5 rart n\u00e5r et av Norgesmest etablerte black metal-band gjester en klubbscene i Kristiansand for f\u00f8rstegang p\u00e5 20 \u00e5r \u2014 navnet er Satyricon .", "opinions": [{"Source": [[], []], "Target": [["Satyricon"], ["145:154"]], "Polar_expression": [["et av Norgesmest etablerte black metal-band"], ["28:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-04-01", "text": "Det starter tungt og seigt med riffet fra \" Voice ofShadows \" - f\u00f8rste l\u00e5t p\u00e5 deres nye album , som ogs\u00e5 er et av deres fetesteriff .", "opinions": [{"Source": [[], []], "Target": [["\" Voice ofShadows \""], ["42:61"]], "Polar_expression": [["tungt og seigt"], ["12:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Voice ofShadows \""], ["42:61"]], "Polar_expression": [["et av deres fetesteriff"], ["108:131"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-04-02", "text": "Det er bare noen uker siden utgivelsen kom og bandet holdt konsertp\u00e5 Operaen .", "opinions": []}, {"sent_id": "602157-04-03", "text": "Denne uken gikk det selvtitulerte albumet deres opp p\u00e5 f\u00f8rsteplassp\u00e5 salgslistene .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["34:41"]], "Polar_expression": [["f\u00f8rsteplassp\u00e5 salgslistene"], ["55:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-05-01", "text": "Satyr er en mester i \u00e5 engasjere publikum som gj\u00f8r althan ber dem om .", "opinions": [{"Source": [[], []], "Target": [["Satyr"], ["0:5"]], "Polar_expression": [["mester i \u00e5 engasjere publikum"], ["12:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-05-02", "text": "Han eier scenen og gj\u00f8r sin fremf\u00f8relse med selvtillit ogoverbevisning .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["eier scenen"], ["4:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fremf\u00f8relse"], ["28:39"]], "Polar_expression": [["selvtillit"], ["44:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-05-03", "text": "Mikrofonstativet hans er formet som en forkel , og racket tiltrommeslager Frost er alternativt bygget opp av spissede greiner - det erherlig harry .", "opinions": [{"Source": [[], []], "Target": [["racket"], ["51:57"]], "Polar_expression": [["erherlig harry"], ["132:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mikrofonstativet"], ["0:16"]], "Polar_expression": [["erherlig harry"], ["132:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-06-01", "text": "Frost leder bandet gjennom temposkifter og mer ellermindre avanserte riff .", "opinions": [{"Source": [[], []], "Target": [["Frost"], ["0:5"]], "Polar_expression": [["leder bandet"], ["6:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-06-02", "text": "Han headbanger heftig mens han g\u00e5r fra den eneblastbeaten til den andre .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["headbanger heftig"], ["4:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-06-03", "text": "Bandet spiller tight og har mer en nok overskudd til\u00e5 v\u00e6re med p\u00e5 sceneshowet til Satyr og Frost .", "opinions": [{"Source": [[], []], "Target": [["Bandet"], ["0:6"]], "Polar_expression": [["tight"], ["15:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bandet"], ["0:6"]], "Polar_expression": [["mer en nok overskudd"], ["28:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-06-04", "text": "Den eneste som \u00f8delegger fordette gjennomf\u00f8rte visuelle uttrykket er en keyboardist som sp\u00f8kelsesaktig st\u00e5rstille i en krok og n\u00e6rmest kjeder seg .", "opinions": [{"Source": [[], []], "Target": [["keyboardist"], ["72:83"]], "Polar_expression": [["\u00f8delegger", "st\u00e5rstille i en krok og n\u00e6rmest kjeder seg"], ["15:24", "103:145"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-07-01", "text": "Etter en lang stund med h\u00f8ylytt black metalmusikk , er detperfekt at bandet velger \u00e5 fremf\u00f8re l\u00e5ten \" The Infinity Of Time AndSpace \" - den lengste , men ogs\u00e5 den mest dynamiske l\u00e5ten fra deres sisteutgivelse .", "opinions": [{"Source": [[], []], "Target": [["\" The Infinity Of Time AndSpace \""], ["100:133"]], "Polar_expression": [["mest dynamiske"], ["163:177"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-07-02", "text": "Dessverre prater publikum for h\u00f8yt til at vi kan nyte de lavestepartiene .", "opinions": [{"Source": [[], []], "Target": [["publikum"], ["17:25"]], "Polar_expression": [["Dessverre prater", "for h\u00f8yt"], ["0:16", "26:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-08-01", "text": "Bandet blir klappet inn til ekstranummer og stemningenn\u00e5r nye h\u00f8yder med l\u00e5ten \" Mother North \" , samt budskapet fra Satyr omat publikum m\u00e5tte v\u00e6re med p\u00e5 \u00e5 \u00f8delegge s\u00f8rlandsidyllen i kveld .", "opinions": [{"Source": [[], []], "Target": [["Bandet"], ["0:6"]], "Polar_expression": [["klappet inn til ekstranummer"], ["12:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Mother North \""], ["79:95"]], "Polar_expression": [["stemningenn\u00e5r nye h\u00f8yder"], ["44:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602157-08-02", "text": "L\u00e5ten \" K.I.N.G \" er selvf\u00f8lgelig den siste , og Satyricon var konge for allemetalfans i kveld .", "opinions": [{"Source": [[], []], "Target": [["Satyricon"], ["49:58"]], "Polar_expression": [["konge"], ["63:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-01-01", "text": "Filmanmeldelse :", "opinions": []}, {"sent_id": "101562-01-02", "text": "Ekstraordin\u00e6r utryddelse", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ekstraordin\u00e6r utryddelse"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-02-01", "text": "Action-fans f\u00e5r til overm\u00e5l , Transformers-fans kan starte sin borgerkrig , film-f\u00f8lere vil gremme seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Action-fans f\u00e5r til overm\u00e5l"], ["0:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Transformers-fans kan starte sin borgerkrig"], ["30:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["film-f\u00f8lere vil gremme seg"], ["76:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-03-01", "text": "Med andre ord :", "opinions": []}, {"sent_id": "101562-03-02", "text": "Vi er i merkevarefilmenes s\u00e6re univers .", "opinions": []}, {"sent_id": "101562-03-03", "text": "\u00ab Transformers \u00bb -fenomenet har sitt opphav i japansk tegneserietradisjon ; manga .", "opinions": []}, {"sent_id": "101562-03-04", "text": "Og har bredt seg ut som merkevarespredning i milliardklassen , ikke minst som leket\u00f8y .", "opinions": []}, {"sent_id": "101562-03-05", "text": "Det handler om maskiner mot mennesker ; roboter mot folk , og der robotenes evne til forvandling fra en mekanisk form til en annen , er en hovedsak .", "opinions": []}, {"sent_id": "101562-03-06", "text": "Hvori opptatt :", "opinions": []}, {"sent_id": "101562-03-07", "text": "Ogs\u00e5 deres evne og / eller vilje til \u00e5 ta standpunkt til og kjempe for ondt eller godt i tilv\u00e6relsen .", "opinions": []}, {"sent_id": "101562-04-01", "text": "I filmene er dette blant de aller klareste invitasjonene til den reneste gigantomani innen dataanimering :", "opinions": []}, {"sent_id": "101562-04-02", "text": "Eksplosjoner i n\u00e6rheten av Big Bang , action for rakettforskere , \u00f8deleggelser p\u00e5 linje med apokalypsen .", "opinions": []}, {"sent_id": "101562-05-01", "text": "I denne fjerde \u00ab Transformers \u00bb -tappingen p\u00e5 film befinner vi oss i en slags fremtidig rekkef\u00f8lge :", "opinions": []}, {"sent_id": "101562-05-02", "text": "Chicago ble utslettet - mer eller mindre - p\u00e5 slutten av film nr. tre .", "opinions": []}, {"sent_id": "101562-05-03", "text": "\u00ab L\u00e6rdommen \u00bb blant ledende politikere og industrialister er at absolutt alle midler er tillatt i kampen mot robotene , og det skilles ikke lengre mellom de \u00ab snille \u00bb Autobots og de \u00ab slemme \u00bb Decepticons .", "opinions": []}, {"sent_id": "101562-05-04", "text": "F\u00e6lt , selvf\u00f8lgelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["F\u00e6lt , selvf\u00f8lgelig"], ["0:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-06-01", "text": "Autobotsenes leder , Optimus Prime , er i hvilemodus som rusten trailer - inntil den mislykkede oppfinneren Cade Yeager ( Mark Wahlberg ) slutter en \u00f8delagt krets eller to .", "opinions": []}, {"sent_id": "101562-06-02", "text": "Og jakten kan begynne , der b\u00e5de mystiske amerikanske autoriteter og hjertel\u00f8se Decepticons bruker absolutt alle mulige og umulige midler i sin jakt p\u00e5 skikkelige mennesker og rettferdige roboter .", "opinions": []}, {"sent_id": "101562-07-01", "text": "Filmen er nesten tre timer lang .", "opinions": []}, {"sent_id": "101562-07-02", "text": "Den er teknisk kolossal og imponerende .", "opinions": [{"Source": [[], []], "Target": [["teknisk"], ["7:14"]], "Polar_expression": [["kolossal"], ["15:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["teknisk"], ["7:14"]], "Polar_expression": [["imponerende"], ["27:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-07-03", "text": "Men den overforer ; det blir rett og slett for mye .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["overforer"], ["8:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["rett og slett for mye"], ["29:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101562-07-04", "text": "N\u00e5r man tenker at slutten n\u00e6rmer seg , er det en time til med enda mer eksplosjoner , enda en by \u00e5 \u00f8delegge , 42 andre slagsm\u00e5l \u00e5 komme gjennom , enda en romstasjon \u00e5 utforske .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["N\u00e5r man tenker at slutten n\u00e6rmer seg , er det en time til med enda mer eksplosjoner , enda en by \u00e5 \u00f8delegge , 42 andre slagsm\u00e5l \u00e5 komme gjennom , enda en romstasjon \u00e5 utforske"], ["0:175"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101562-08-01", "text": "Mark Wahlberg er ny i Transformers-innramming .", "opinions": []}, {"sent_id": "101562-08-02", "text": "Smukkasen Shia LaBeouf fra de tre f\u00f8rste filmene er ute .", "opinions": []}, {"sent_id": "101562-08-03", "text": "Den voksne , bekymrede pappaen med datter i p\u00e5fallende korte hotpants , har erstattet LaBeous ungdommelig energi .", "opinions": [{"Source": [[], []], "Target": [["LaBeous"], ["86:93"]], "Polar_expression": [["ungdommelig energi"], ["94:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-08-04", "text": "Wahlberg er en alltid p\u00e5litelig h\u00e5ndverker .", "opinions": [{"Source": [[], []], "Target": [["Wahlberg"], ["0:8"]], "Polar_expression": [["p\u00e5litelig h\u00e5ndverker"], ["22:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-08-05", "text": "Men Transformers-fans vil dele seg p\u00e5 midten om han holder m\u00e5l eller om LaBeouf er eneste mulige mann .", "opinions": []}, {"sent_id": "101562-09-01", "text": "Manuset kunne innbudt til kritikk , b\u00e5de av Hollywoods gigantomani og til et USA med fullmaktslover og overv\u00e5kningspraksis hinsides fundamentale menneskerettigheter .", "opinions": [{"Source": [[], []], "Target": [["Manuset"], ["0:7"]], "Polar_expression": [["kunne innbudt til kritikk"], ["8:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["overv\u00e5kningspraksis"], ["103:122"]], "Polar_expression": [["hinsides fundamentale menneskerettigheter"], ["123:164"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fullmaktslover"], ["85:99"]], "Polar_expression": [["hinsides fundamentale menneskerettigheter"], ["123:164"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-09-02", "text": "Det blir ikke utnyttet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke utnyttet"], ["9:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-09-03", "text": "I tillegg er det ikke s\u00e5 enkelt \u00e5 f\u00f8lge med p\u00e5 hvem som sloss mot hvem og hvorfor .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke s\u00e5 enkelt \u00e5 f\u00f8lge med"], ["17:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101562-09-04", "text": "Og der det burde v\u00e6rt mye mer humor , kommer i stede sentimentaliteten snikende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["der det burde v\u00e6rt mye mer humor , kommer i stede sentimentaliteten snikende"], ["3:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101562-10-01", "text": "Jeg er ikke et \u00f8yeblikk i tvil at den troende Transformers-skare vil s\u00f8ke til de nabokinoene som finnes .", "opinions": []}, {"sent_id": "101562-10-02", "text": "( Hvorav ikke opptatt Oslo Kino , som krangler om billettutbytte med import\u00f8ren UIP .", "opinions": [{"Source": [[], []], "Target": [["Oslo Kino"], ["22:31"]], "Polar_expression": [["krangler"], ["38:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-10-03", "text": "Filmen skal derfor vises p\u00e5 to privatkinoer i Oslo - og fansen vil vel helst dra til nabokinoer som forst\u00e5r at bransjekrangling ikke skal g\u00e5 ut over publikum . )", "opinions": [{"Source": [[], []], "Target": [["nabokinoer"], ["85:95"]], "Polar_expression": [["forst\u00e5r at bransjekrangling ikke skal g\u00e5 ut over publikum"], ["100:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101562-10-04", "text": "Mer ufrelste , vanlige kinogjengere vil ikke sterkt f\u00f8le savnet .", "opinions": []}, {"sent_id": "101562-11-01", "text": "S\u00e5 :", "opinions": []}, {"sent_id": "101562-11-02", "text": "Vi er imponert .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["imponert"], ["6:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101562-11-03", "text": "Men langt fra forn\u00f8yd .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["langt fra forn\u00f8yd"], ["4:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600997-01-01", "text": "Ei underlig salmebok til pynt", "opinions": []}, {"sent_id": "600997-02-01", "text": "Et mangelfullt sammenrask har gitt ei underlig bok som levner forlag og forfatter liten \u00e6re .", "opinions": [{"Source": [[], []], "Target": [["bok"], ["47:50"]], "Polar_expression": [["mangelfullt sammenrask"], ["3:25"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bok"], ["47:50"]], "Polar_expression": [["underlig"], ["38:46"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bok"], ["47:50"]], "Polar_expression": [["levner forlag og forfatter liten \u00e6re"], ["55:91"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-03-01", "text": "Harald Olsen \u00f8ser av sine kunnskaper etter \u00e5 ha gransket menighetsliv i Arendal og salmediktning i Aust-Agder gjennom flere \u00e5r .", "opinions": []}, {"sent_id": "600997-03-02", "text": "En \u00f8stlig slagside er forst\u00e5elig .", "opinions": []}, {"sent_id": "600997-03-03", "text": "Likevel lager han kaffebords-boka \u00ab Salmer fra S\u00f8rlandet \u00bb .", "opinions": []}, {"sent_id": "600997-03-04", "text": "Det er f\u00e5 kvinner i boka .", "opinions": []}, {"sent_id": "600997-03-05", "text": "Han har prestert \u00e5 overse den viktigste av dem alle :", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["har prestert \u00e5 overse den viktigste"], ["4:39"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-03-06", "text": "Gustava Kielland som , p\u00e5 1840-tallet da hun var prestefrue og misjonskvinne i Lyngdal , begikk slageren \u00ab O jul med din glede \u00bb .", "opinions": []}, {"sent_id": "600997-03-07", "text": "Hun var , med sine minst 17 \u00e5r i Lyngdal atskillig mer s\u00f8rlending enn Anders Hovden som var kapellan p\u00e5 Lista i sju \u00e5r , som er bredt presentert og illustrert med b\u00f8lger mot noe jeg tror er Trom\u00f8yas steinete strender .", "opinions": [{"Source": [[], []], "Target": [["Anders Hovden"], ["70:83"]], "Polar_expression": [["var kapellan p\u00e5 Lista i sju \u00e5r"], ["88:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["atskillig mer s\u00f8rlending enn Anders Hovden"], ["41:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["minst 17 \u00e5r i Lyngdal"], ["19:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "600997-03-08", "text": "Bildene er ellers i stor grad sentimentale klisjeer .", "opinions": [{"Source": [[], []], "Target": [["Bildene"], ["0:7"]], "Polar_expression": [["sentimentale klisjeer"], ["30:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-04-01", "text": "Definisjonen av \u00ab s\u00f8rlands-salme \u00bb er tynn .", "opinions": [{"Source": [[], []], "Target": [["Definisjonen"], ["0:12"]], "Polar_expression": [["tynn"], ["38:42"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-04-02", "text": "Utvalget diktere er skjevt .", "opinions": [{"Source": [[], []], "Target": [["Utvalget diktere"], ["0:16"]], "Polar_expression": [["skjevt"], ["20:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-04-03", "text": "En salme best\u00e5r av tekst og melodi .", "opinions": []}, {"sent_id": "600997-04-04", "text": "Olsen interesserer seg bare for tekster .", "opinions": [{"Source": [[], []], "Target": [["Olsen"], ["0:5"]], "Polar_expression": [["interesserer seg bare for tekster"], ["6:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-05-01", "text": "Han vier spr\u00e5kformen en smule oppmerksomhet , men de aller fleste er gjengitt i en noks\u00e5 moderne form .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["spr\u00e5kformen en smule oppmerksomhet"], ["9:43"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de aller fleste"], ["50:65"]], "Polar_expression": [["gjengitt i en noks\u00e5 moderne form"], ["69:101"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "600997-05-02", "text": "Noen har en kaudervelsk blanding av gammelt og nytt .", "opinions": [{"Source": [[], []], "Target": [["Noen"], ["0:4"]], "Polar_expression": [["kaudervelsk blanding av gammelt og nytt"], ["12:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["blanding"], ["24:32"]], "Polar_expression": [["kaudervelsk"], ["12:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-05-03", "text": "Det er en ulykke at ikke Olsen Bruuns og Zetlitz \u2019 salmer er gjengitt i original .", "opinions": [{"Source": [[], []], "Target": [["Olsen Bruuns og Zetlitz \u2019 salmer"], ["25:57"]], "Polar_expression": [["ulykke at ikke Olsen Bruuns og Zetlitz \u2019 salmer er gjengitt i original"], ["10:80"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-05-04", "text": "N\u00e5r det heter at en av melodiene til en Zetlitz-salme er av Ryga 1527 , steiler jeg .", "opinions": [{"Source": [["jeg"], ["80:83"]], "Target": [["det heter at en av melodiene til en Zetlitz-salme er av Ryga 1527"], ["4:69"]], "Polar_expression": [["steiler"], ["72:79"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-05-05", "text": "Var det R\u00fcgen det skulle st\u00e5 , eller Stralsund ?", "opinions": []}, {"sent_id": "600997-05-06", "text": "I salmeb\u00f8kene st\u00e5r det \u00ab Hos Joseph Klug 1529 \u00bb , en boktrykker i Wittenberg .", "opinions": []}, {"sent_id": "600997-06-01", "text": "Hos J\u00f8rgen Moe rimer svak p\u00e5 tag ( i troen svak , kommer jeg , imot meg tag ) , det burde v\u00e6re svag p\u00e5 tag eller svak p\u00e5 ta .", "opinions": [{"Source": [[], []], "Target": [["J\u00f8rgen Moe"], ["4:14"]], "Polar_expression": [["rimer svak p\u00e5 tag"], ["15:32"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["J\u00f8rgen Moe"], ["4:14"]], "Polar_expression": [["burde v\u00e6re svag p\u00e5 tag eller svak p\u00e5 ta"], ["84:123"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-06-02", "text": "Kombinasjonen av gammel og ny form blir bare klein .", "opinions": [{"Source": [[], []], "Target": [["Kombinasjonen av gammel og ny form"], ["0:34"]], "Polar_expression": [["bare klein"], ["40:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-07-01", "text": "Gabriel Scotts vidunderlige Godnatt-salme er blitt forkortet til tre strofer .", "opinions": [{"Source": [[], []], "Target": [["Gabriel Scotts", "Godnatt-salme"], ["0:14", "28:41"]], "Polar_expression": [["forkortet til tre strofer"], ["51:76"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gabriel Scotts", "Godnatt-salme"], ["0:14", "28:41"]], "Polar_expression": [["vidunderlige"], ["15:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-07-02", "text": "Den har opprinnelig syv , og er en s\u00f8rlandsk variant av Petter Dass \u2019 \u00ab Herre Guud dit Dyre Navn og \u00c6re \u00bb , like omfattende hele skaperverket , men mer s\u00f8rlandsk i lynnet , trolig den vakreste salmen som er skapt her s\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["trolig den vakreste salmen som er skapt her s\u00f8r"], ["173:220"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["s\u00f8rlandsk variant av Petter Dass \u2019 \u00ab Herre Guud dit Dyre Navn og \u00c6re \u00bb"], ["35:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["like omfattende hele skaperverket"], ["108:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["mer s\u00f8rlandsk i lynnet"], ["148:170"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-07-03", "text": "Men den skulle alts\u00e5 forkortes .", "opinions": [{"Source": [[], []], "Target": [["den"], ["4:7"]], "Polar_expression": [["skulle alts\u00e5 forkortes"], ["8:30"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600997-08-01", "text": "Til slutt er det funnet plass til H\u00e5vard Rem og Tore Thomassen .", "opinions": []}, {"sent_id": "600997-08-02", "text": "De er jo fra Aust .", "opinions": []}, {"sent_id": "600997-08-03", "text": "Men hvor ble det av Jens Gunderssen ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hvor ble det av Jens Gunderssen ?"], ["4:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600997-08-04", "text": "Og Jens Bj\u00f8rneboe ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Jens Bj\u00f8rneboe ?"], ["3:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600997-08-05", "text": "Enn Gaute Heivoll og Ivar Skippervold , for ikke \u00e5 snakke om B\u00f8rre Knudsen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Enn Gaute Heivoll og Ivar Skippervold , for ikke \u00e5 snakke om B\u00f8rre Knudsen"], ["0:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600997-08-06", "text": "Alle fra Vest-Agder , men dog fra S\u00f8rlandet .", "opinions": []}, {"sent_id": "600997-08-07", "text": "Denne boka tjener verken forlag eller forfatter til \u00e6re .", "opinions": [{"Source": [[], []], "Target": [["boka"], ["6:10"]], "Polar_expression": [["tjener verken forlag eller forfatter til \u00e6re"], ["11:55"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110622-01-01", "text": "Oasis \u00ab Dig Out Your Soul \u00bb", "opinions": []}, {"sent_id": "110622-02-01", "text": "ROCK ( Big Brother / Bonnier Amigo )", "opinions": []}, {"sent_id": "110622-03-01", "text": "Kledelig voksne n\u00e5", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kledelig"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110622-04-01", "text": "Etter en del tr\u00f8bbel rundt \u00e5rtusenskiftet har Oasis etter hvert l\u00e6rt seg \u00e5 takle overgangen fra \u00e5 v\u00e6re det nye , obsternasige store til \u00e5 bli en institusjon i britisk rock .", "opinions": [{"Source": [[], []], "Target": [["Oasis"], ["46:51"]], "Polar_expression": [["en del tr\u00f8bbel"], ["6:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Oasis"], ["46:51"]], "Polar_expression": [["l\u00e6rt seg \u00e5 takle overgangen"], ["64:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Oasis"], ["46:51"]], "Polar_expression": [["institusjon i britisk rock"], ["145:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110622-05-01", "text": "Forrige album var knall , og det er mye \u00e5 glede seg over her ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Forrige album"], ["0:13"]], "Polar_expression": [["knall"], ["18:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["her"], ["57:60"]], "Polar_expression": [["mye \u00e5 glede seg over"], ["36:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110622-06-01", "text": "Det er bandets klart m\u00f8rkeste plate til n\u00e5 , med relativt lav allsangfaktor .", "opinions": []}, {"sent_id": "110622-06-02", "text": "Ingen b\u00f8r la seg skremme av forvarslene om psykedeliafl\u00f8rt ; det er ingen eksperimenter her som The Beatles ikke tok seg av for 40 \u00e5r siden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ingen b\u00f8r la seg skremme"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110622-07-01", "text": "Men det er en fryd \u00e5 h\u00f8re hvilken storm Oasis er i stand til \u00e5 koke opp n\u00e5r de finner en melodi og et groove de tenner p\u00e5 , og singelen \u00ab The Shock Of The Lightning \u00bb er et klassisk eksempel i s\u00e5 m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Shock Of The Lightning \u00bb"], ["136:166"]], "Polar_expression": [["fryd \u00e5 h\u00f8re"], ["14:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110622-08-01", "text": "Albumet lider under det faktum at Noel Gallagher har blitt for demokratisk anlagt ; kun seks av de 11 sangene er signert ham .", "opinions": [{"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["lider"], ["8:13"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Noel Gallagher"], ["34:48"]], "Polar_expression": [["blitt for demokratisk anlagt"], ["53:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["kun seks av de 11 sangene er signert ham"], ["84:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Albumet"], ["0:7"]], "Polar_expression": [["Noel Gallagher har blitt for demokratisk anlagt"], ["34:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110622-09-01", "text": "Men det bastante drivet og Liams skyskrapende vokal er for gamle venner \u00e5 regne , og den utstrakte bruken av brusende orgel gir \u00ab Dig Out Your Soul \u00bb en dimensjon av nye takter .", "opinions": [{"Source": [[], []], "Target": [["vokal"], ["46:51"]], "Polar_expression": [["skyskrapende"], ["33:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Liams"], ["27:32"]], "Polar_expression": [["skyskrapende vokal"], ["33:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["drivet"], ["17:23"]], "Polar_expression": [["bastante"], ["8:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Dig Out Your Soul \u00bb"], ["128:149"]], "Polar_expression": [["brusende orgel"], ["109:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokal"], ["46:51"]], "Polar_expression": [["for gamle venner \u00e5 regne"], ["55:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["drivet"], ["17:23"]], "Polar_expression": [["for gamle venner \u00e5 regne"], ["55:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Dig Out Your Soul \u00bb"], ["128:149"]], "Polar_expression": [["dimensjon av nye takter"], ["153:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110622-09-02", "text": "Ingen perfekt Oasis-plate , men en sv\u00e6rt interessant en .", "opinions": [{"Source": [[], []], "Target": [["Oasis-plate"], ["14:25"]], "Polar_expression": [["Ingen perfekt"], ["0:13"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Oasis-plate"], ["14:25"]], "Polar_expression": [["sv\u00e6rt interessant"], ["35:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110622-10-01", "text": "ANBEFALTE KJ\u00d8P :", "opinions": []}, {"sent_id": "110622-10-02", "text": "\u00ab Bag It Up \u00bb , \u00ab The Turning \u00bb , \u00ab The Shock Of The Lightning \u00bb , \u00ab Falling Down \u00bb", "opinions": []}, {"sent_id": "004025-01-01", "text": "Titanic", "opinions": []}, {"sent_id": "004025-02-01", "text": "Denne Blu-rayen holder seg flytende !", "opinions": [{"Source": [[], []], "Target": [["Blu-rayen"], ["6:15"]], "Polar_expression": [["holder seg flytende !"], ["16:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004025-03-01", "text": "James Camerons storfilm Titanic fra 1997 er n\u00e5 endelig ute p\u00e5 Blu-ray , og kan dermed nytes for f\u00f8rste gang i High Definition fra sofaen !", "opinions": [{"Source": [[], []], "Target": [["p\u00e5 Blu-ray", "Titanic"], ["59:69", "24:31"]], "Polar_expression": [["kan dermed nytes for f\u00f8rste gang i High Definition fra sofaen !"], ["75:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004025-04-01", "text": "Da filmen ble relansert i 3D p\u00e5 kino tidligere i \u00e5r , konstaterte jeg at Titanic fortsatt er en episk historie med alle elementer til en storslagen filmopplevelse .", "opinions": [{"Source": [["jeg"], ["66:69"]], "Target": [["3D p\u00e5 kino"], ["26:36"]], "Polar_expression": [["episk historie"], ["96:110"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["66:69"]], "Target": [["3D p\u00e5 kino"], ["26:36"]], "Polar_expression": [["alle elementer til en storslagen filmopplevelse"], ["115:162"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-05-01", "text": "Valgets kvaler", "opinions": []}, {"sent_id": "004025-06-01", "text": "Du kan velge mellom tre Blu-ray-varianter .", "opinions": []}, {"sent_id": "004025-06-02", "text": "P\u00e5 den ene f\u00e5r du filmen i Blu-ray 2D og DVD , samt en disk med ekstrastoff .", "opinions": []}, {"sent_id": "004025-06-03", "text": "P\u00e5 den andre f\u00e5r du i tillegg 3D-versjonen , spredd over to Blu-ray-disker .", "opinions": []}, {"sent_id": "004025-07-01", "text": "Den tredje varianten er en gaveboks kalt Fifteenth Anniversary Special Collector \u2019 s Edition , som - i tillegg til filmen i b\u00e5de 2D og 3D - blant annet inneholder ei bok , en kopi av en Titanic-billett , og en replika av en avis fra 1912 .", "opinions": []}, {"sent_id": "004025-08-01", "text": "Topp bilde og lyd !", "opinions": [{"Source": [[], []], "Target": [["bilde"], ["5:10"]], "Polar_expression": [["Topp", "!"], ["0:4", "18:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyd"], ["14:17"]], "Polar_expression": [["Topp", "!"], ["0:4", "18:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-09-01", "text": "Filmen ser helt fantastisk ut i Blu-ray-kvalitet og er helt feilfri , etter hva jeg kan se .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["ser helt fantastisk ut i Blu-ray-kvalitet"], ["7:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004025-09-02", "text": "Russell Carpenters bilder fra 1997 ser virkelig ikke ut som om de er eldre enn \u00e9n dag .", "opinions": []}, {"sent_id": "004025-09-03", "text": "Dette er sylskarpt , detaljert og dybderikt !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sylskarpt"], ["9:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["detaljert"], ["21:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["dybderikt !"], ["34:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004025-10-01", "text": "Jeg har ikke f\u00e5tt sjekket 3D-versjonen , men s\u00e5 p\u00e5 kino tidligere i \u00e5r at konverteringen \u00e5penbart er gjort m\u00f8ysommelig , slik at det ble en av de bedre 3D-opplevelsene jeg har hatt .", "opinions": [{"Source": [["jeg"], ["168:171"]], "Target": [["3D-versjonen"], ["26:38"]], "Polar_expression": [["konverteringen \u00e5penbart er gjort m\u00f8ysommelig"], ["74:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["168:171"]], "Target": [["3D-opplevelsene"], ["152:167"]], "Polar_expression": [["en av de bedre"], ["137:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-11-01", "text": "Lyden kommer ogs\u00e5 til sin rett , takket v\u00e6re et imponerende lydspor i DTS-HD Master Audio .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["kommer ogs\u00e5 til sin rett"], ["6:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["takket v\u00e6re et imponerende lydspor i DTS-HD Master Audio"], ["33:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydspor i DTS-HD Master Audio"], ["60:89"]], "Polar_expression": [["imponerende"], ["48:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-11-02", "text": "De dramatiske lydene fra et d\u00f8ende skip kunne knapt ha v\u00e6rt mikset med st\u00f8rre effekt enn i dag .", "opinions": [{"Source": [[], []], "Target": [["dramatiske lydene"], ["3:20"]], "Polar_expression": [["kunne knapt ha v\u00e6rt mikset med st\u00f8rre effekt"], ["40:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-12-01", "text": "Rikelig med bonusmateriale", "opinions": [{"Source": [[], []], "Target": [["bonusmateriale"], ["12:26"]], "Polar_expression": [["Rikelig"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-13-01", "text": "Ekstrastoffet er mildt sagt rikholdig .", "opinions": [{"Source": [[], []], "Target": [["Ekstrastoffet"], ["0:13"]], "Polar_expression": [["mildt sagt rikholdig"], ["17:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-13-02", "text": "Mye av det er hentet fra tidligere DVD-utgivelser av Titanic , men noe er nytt .", "opinions": []}, {"sent_id": "004025-13-03", "text": "Reflections from Titanic er et timelangt program , der n\u00f8kkelspillere b\u00e5de foran og bak kamera forteller om sine minner fra innspillingen .", "opinions": []}, {"sent_id": "004025-14-01", "text": "Det er en interessant dokumentar , men holder et sv\u00e6rt h\u00f8yt tempo .", "opinions": [{"Source": [[], []], "Target": [["dokumentar"], ["22:32"]], "Polar_expression": [["interessant"], ["10:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dokumentar"], ["22:32"]], "Polar_expression": [["holder et sv\u00e6rt h\u00f8yt tempo"], ["39:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-14-02", "text": "Redigeringen er gjort i en s\u00e5 h\u00f8y rytme at jeg ofte fikk f\u00f8lelsen av \u00e5 bli presentert for mer fakta enn jeg rakk \u00e5 prosessere .", "opinions": [{"Source": [["jeg"], ["43:46"]], "Target": [["Redigeringen"], ["0:12"]], "Polar_expression": [["gjort i en s\u00e5 h\u00f8y rytme"], ["16:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["43:46"]], "Target": [["Redigeringen"], ["0:12"]], "Polar_expression": [["ofte fikk f\u00f8lelsen av \u00e5 bli presentert for mer fakta enn jeg rakk \u00e5 prosessere"], ["47:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-15-01", "text": "Den andre dokumentaren , Titanic : The Final Word With James Cameron , er et program fra National Geographic , laget i forbindelse med 100-\u00e5rs-markeringen av forliset .", "opinions": []}, {"sent_id": "004025-16-01", "text": "Her samler regiss\u00f8r Cameron en rekke av verdens fremste Titanic-eksperter til en slags havarikommisjon for \u00e5 analysere hva som egentlig skjedde med Titanic etter at det sank .", "opinions": []}, {"sent_id": "004025-16-02", "text": "Dette har kanskje ikke s\u00e5 mye med selve filmen \u00e5 gj\u00f8re , men er like fullt sv\u00e6rt interessant for alle med litt over middels interesse for dette historiske forliset .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kanskje ikke s\u00e5 mye med selve filmen \u00e5 gj\u00f8re"], ["10:54"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["like fullt sv\u00e6rt interessant for alle med litt over middels interesse"], ["64:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-17-01", "text": "Fortellerglede og eventyrlyst", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fortellerglede"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["eventyrlyst"], ["18:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-18-01", "text": "Foruten dette f\u00e5r du 29 slettede scener , 60 sm\u00e5 featurettes , tre kommentarspor til selve filmen ( kun 2D-versjonen ) og mye , mye mer .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["91:97"]], "Polar_expression": [["29 slettede scener"], ["21:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["91:97"]], "Polar_expression": [["60 sm\u00e5 featurettes"], ["42:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["91:97"]], "Polar_expression": [["tre kommentarspor"], ["63:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["91:97"]], "Polar_expression": [["og mye , mye mer"], ["119:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004025-18-02", "text": "Gjennom det hele fremst\u00e5r James Cameron som en ustoppelig kraft , med et enormt engasjement , fortellerglede og eventyrlyst .", "opinions": [{"Source": [[], []], "Target": [["James Cameron"], ["26:39"]], "Polar_expression": [["ustoppelig kraft"], ["47:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["James Cameron"], ["26:39"]], "Polar_expression": [["enormt engasjement"], ["73:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["James Cameron"], ["26:39"]], "Polar_expression": [["fortellerglede"], ["94:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["James Cameron"], ["26:39"]], "Polar_expression": [["eventyrlyst"], ["112:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-19-01", "text": "Dette smitter over p\u00e5 meg , og er med p\u00e5 \u00e5 gj\u00f8re Titanic p\u00e5 Blu-ray til et selvsagt kj\u00f8psvalg .", "opinions": [{"Source": [["meg"], ["22:25"]], "Target": [["Titanic p\u00e5 Blu-ray"], ["49:67"]], "Polar_expression": [["selvsagt kj\u00f8psvalg"], ["75:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004025-19-02", "text": "Denne utgivelsen vil f\u00e5 et langt og godt liv i hylla mi !", "opinions": [{"Source": [["mi"], ["53:55"]], "Target": [["utgivelsen"], ["6:16"]], "Polar_expression": [["vil f\u00e5 et langt og godt liv", "!"], ["17:44", "56:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004025-20-01", "text": "Her er hele lista over ekstrastoffet du f\u00e5r i tillegg til filmen :", "opinions": []}, {"sent_id": "004025-21-01", "text": "Deleted Scenes with commentary by James Cameron", "opinions": []}, {"sent_id": "004025-22-01", "text": "Deep Dive Presentation", "opinions": []}, {"sent_id": "004025-22-02", "text": "- Narrated by James Cameron", "opinions": []}, {"sent_id": "004025-23-01", "text": "$200,000,001 : A Ship \u2019 s Odyssey - the Titanic Crew Video", "opinions": []}, {"sent_id": "004025-24-01", "text": "Music Video - My Heart Will Go", "opinions": []}, {"sent_id": "004025-24-02", "text": "On by Celine Dion", "opinions": []}, {"sent_id": "004025-25-01", "text": "Titanic : The Final Word with James Cameron - NEW !", "opinions": []}, {"sent_id": "004025-26-01", "text": "Titanic Scriptment by James Cameron", "opinions": []}, {"sent_id": "004025-27-01", "text": "Concept Posters and One Sheets", "opinions": []}, {"sent_id": "004025-28-01", "text": "MTV \u2019 s 1998 Movie Awards skit", "opinions": []}, {"sent_id": "301323-01-01", "text": "For tydelig identitet ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For tydelig identitet ?"], ["0:23"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301323-02-01", "text": "Kent l\u00e5ter som Kent uansett hvordan de vrir p\u00e5 det .", "opinions": []}, {"sent_id": "301323-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "301323-03-02", "text": "Man kan mene mye om Kent , men at de etter mer enn 20 \u00e5r som band har bevist at de har egenart , er det liten tvil om .", "opinions": [{"Source": [[], []], "Target": [["Kent"], ["20:24"]], "Polar_expression": [["egenart"], ["87:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-04-01", "text": "Rett som det er leverer de dessuten monumentale l\u00e5ter som det skal mye til \u00e5 st\u00e5 imot , om man vil eller ei , og det har gjort dem til et av Skandinavias mest popul\u00e6re band .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5ter"], ["48:53"]], "Polar_expression": [["monumentale"], ["36:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["48:53"]], "Polar_expression": [["skal mye til \u00e5 st\u00e5 imot"], ["62:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dem"], ["127:130"]], "Polar_expression": [["et av Skandinavias mest popul\u00e6re band"], ["135:172"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["24:26"]], "Polar_expression": [["monumentale l\u00e5ter som det skal mye til \u00e5 st\u00e5 imot"], ["36:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-05-01", "text": "Utfylt lydbilde", "opinions": [{"Source": [[], []], "Target": [["lydbilde"], ["7:15"]], "Polar_expression": [["Utfylt"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-05-02", "text": "Det begynner \u00e5 bli en stund siden svenskene lot fuzzgitarene hvile til fordel for et tydeligere synthpreg og flere elektroniske produksjoner .", "opinions": []}, {"sent_id": "301323-05-03", "text": "Heller ikke n\u00e5 ser de seg tilbake , men l\u00e5tene har mer rock i seg enn for eksempel tre \u00e5r gamle \u00ab R\u00f6d \u00bb .", "opinions": []}, {"sent_id": "301323-06-01", "text": "Beats og synthlag befinner seg i en grundig utfylt pakke , ofte med piano , taktfaste trommer og flytende gitarlinjer .", "opinions": [{"Source": [[], []], "Target": [["synthlag"], ["9:17"]], "Polar_expression": [["grundig utfylt pakke"], ["36:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Beats"], ["0:5"]], "Polar_expression": [["grundig utfylt pakke"], ["36:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarlinjer"], ["106:117"]], "Polar_expression": [["flytende"], ["97:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["trommer"], ["86:93"]], "Polar_expression": [["taktfaste"], ["76:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-07-01", "text": "Flere steder minner lydbildet om stadionrockveien Arcade Fire har tatt - i f\u00f8rstesingelen \u00ab 999 \u00bb med hamrende piano og strykere , i \u00ab T\u00e4nd p\u00e5 \u00bb -refrenget med discobass , piano og lyst synthunderlag - uten at det l\u00e5ter mindre Kent av den grunn .", "opinions": [{"Source": [[], []], "Target": [["lydbildet"], ["20:29"]], "Polar_expression": [["Flere steder minner", "om stadionrockveien Arcade Fire har tatt"], ["0:19", "30:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbildet"], ["20:29"]], "Polar_expression": [["uten at det l\u00e5ter mindre Kent"], ["202:231"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab 999 \u00bb"], ["90:97"]], "Polar_expression": [["Flere steder minner", "om stadionrockveien Arcade Fire har tatt"], ["0:19", "30:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab T\u00e4nd p\u00e5 \u00bb"], ["133:144"]], "Polar_expression": [["Flere steder minner", "om stadionrockveien Arcade Fire har tatt"], ["0:19", "30:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab 999 \u00bb"], ["90:97"]], "Polar_expression": [["uten at det l\u00e5ter mindre Kent"], ["202:231"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab T\u00e4nd p\u00e5 \u00bb"], ["133:144"]], "Polar_expression": [["uten at det l\u00e5ter mindre Kent"], ["202:231"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-08-01", "text": "S\u00e6rpreg med en pris Mange spor ( \u00ab Jag ser dig \u00bb , \u00ab 999 \u00bb ) er i tillegg musikalsk lystigere enn vanlig - spesialiteten er tross alt skaml\u00f8st emosjonelle l\u00e5ter med en underliggende desperasjon , som i albumbeste \u00ab L\u00e5t dom komma \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["S\u00e6rpreg"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["S\u00e6rpreg med en pris"], ["0:19"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab 999 \u00bb"], ["51:58"]], "Polar_expression": [["musikalsk lystigere enn vanlig"], ["74:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Jag ser dig \u00bb"], ["33:48"]], "Polar_expression": [["musikalsk lystigere enn vanlig"], ["74:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab L\u00e5t dom komma \u00bb"], ["213:230"]], "Polar_expression": [["albumbeste"], ["202:212"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-09-01", "text": "Svakheten , og baksiden av \u00ab tydelig identitet \u00bb -medaljen , gj\u00f8r seg imidlertid gjeldende ogs\u00e5 denne gang :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Svakheten , og baksiden av \u00ab tydelig identitet \u00bb -medaljen"], ["0:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301323-09-02", "text": "Jocke Bergs s\u00e6rpregede vokalmelodier og forkj\u00e6rligheten for det inadvendte g\u00e5r utover variasjonen , og gj\u00f8r l\u00e5ter som \u00ab Beredd p\u00e5 allt \u00bb og \u00ab Ruta 1 \u00bb for anonyme - tross sympatiske trekk .", "opinions": [{"Source": [[], []], "Target": [["Jocke Bergs"], ["0:11"]], "Polar_expression": [["g\u00e5r utover variasjonen"], ["75:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Beredd p\u00e5 allt \u00bb"], ["118:136"]], "Polar_expression": [["for anonyme"], ["151:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Beredd p\u00e5 allt \u00bb"], ["118:136"]], "Polar_expression": [["sympatiske trekk"], ["171:187"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ruta 1 \u00bb"], ["140:150"]], "Polar_expression": [["for anonyme"], ["151:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Ruta 1 \u00bb"], ["140:150"]], "Polar_expression": [["sympatiske trekk"], ["171:187"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-01-01", "text": "Anmeldelse :", "opinions": []}, {"sent_id": "303715-01-02", "text": "Haruki Murakami viser at han ogs\u00e5 er en mesterlig novelleforfatter", "opinions": [{"Source": [[], []], "Target": [["Haruki Murakami"], ["0:15"]], "Polar_expression": [["mesterlig"], ["40:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-02-01", "text": "Pr\u00f8ver \u00e5 forst\u00e5 b\u00e5de utroskap og ensomhet .", "opinions": []}, {"sent_id": "303715-03-01", "text": "Haruki Murakami er mest kjent for sine mursteinstjukke romaner , som \u00ab Kafka p\u00e5 stranden \u00bb , \u00ab Trekkoppfuglen \u00bb og \u00ab 1Q84 \u00bb .", "opinions": []}, {"sent_id": "303715-03-02", "text": "Men da han ble lansert i vesten tidlig p\u00e5 90-tallet , var novellene hans i The New Yorker en viktig \u00e5rsak til gjennombruddet .", "opinions": []}, {"sent_id": "303715-04-01", "text": "Ulike former for ulykkelighet", "opinions": []}, {"sent_id": "303715-05-01", "text": "Ulike former for ulykkelighet", "opinions": []}, {"sent_id": "303715-06-01", "text": "Bokas tittel er talende , de sju novellene kretser alle rundt ensomme menn som lengter etter en kvinne de enten har hatt , eller tror m\u00e5 finnes der ute .", "opinions": []}, {"sent_id": "303715-06-02", "text": "Men selv om tematikken er lik fremst\u00e5r ikke hovedpersonene like .", "opinions": []}, {"sent_id": "303715-06-03", "text": "Murakami fornyer dermed Tolstojs ber\u00f8mte , og litt oppbrukte sitat :", "opinions": []}, {"sent_id": "303715-06-04", "text": "Hvert ulykkelige menneske er ulykkelig p\u00e5 sin egen m\u00e5te .", "opinions": []}, {"sent_id": "303715-07-01", "text": "Kafka i revers", "opinions": []}, {"sent_id": "303715-08-01", "text": "Kafka i revers", "opinions": []}, {"sent_id": "303715-09-01", "text": "\u00ab Tonefallet , pausene hun la inn , m\u00e5ten hun bygde opp fortellingen p\u00e5 , alt var perfekt .", "opinions": [{"Source": [[], []], "Target": [["m\u00e5ten hun bygde opp fortellingen"], ["36:68"]], "Polar_expression": [["alt var perfekt"], ["74:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pausene"], ["15:22"]], "Polar_expression": [["alt var perfekt"], ["74:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tonefallet"], ["2:12"]], "Polar_expression": [["alt var perfekt"], ["74:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-09-02", "text": "Hun vakte lytterens interesse , ertet ham ved \u00e5 holde igjen , fikk ham til \u00e5 trekke sine egne konklusjoner , f\u00f8r hun til slutt ga ham det han ville ha .", "opinions": []}, {"sent_id": "303715-09-03", "text": "Teknikken hennes var s\u00e5 raffinert at den fikk ham , om enn bare for en stund , til \u00e5 glemme alt rundt seg . \u00bb", "opinions": []}, {"sent_id": "303715-10-01", "text": "Smakfull symbolbruk", "opinions": [{"Source": [[], []], "Target": [["symbolbruk"], ["9:19"]], "Polar_expression": [["Smakfull"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-11-01", "text": "Som vanlig er Murakamis spr\u00e5k litt som japansk estetikk generelt :", "opinions": [{"Source": [[], []], "Target": [["Murakamis spr\u00e5k"], ["14:29"]], "Polar_expression": [["litt som japansk estetikk generelt"], ["30:64"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "303715-11-02", "text": "Tilsynelatende enkelt , men med intrikate sammenhenger som skaper dybde og skj\u00f8nnhet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tilsynelatende enkelt"], ["0:21"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["intrikate sammenhenger som skaper dybde og skj\u00f8nnhet"], ["32:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-12-01", "text": "Smakfull symbolbruk", "opinions": [{"Source": [[], []], "Target": [["symbolbruk"], ["9:19"]], "Polar_expression": [["Smakfull"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-13-01", "text": "I den novellen jeg synes er bokas sterkeste , \u00ab Kino \u00bb , kommer dette godt til syne .", "opinions": [{"Source": [["jeg"], ["15:18"]], "Target": [["\u00ab Kino \u00bb"], ["46:54"]], "Polar_expression": [["bokas sterkeste"], ["28:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-13-02", "text": "Det er en kompleks og symboltung historie , men den g\u00e5r fort \u00e5 lese , s\u00e5pass fort at man b\u00f8r lese den en gang til .", "opinions": [{"Source": [[], []], "Target": [["historie"], ["33:41"]], "Polar_expression": [["kompleks"], ["10:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["33:41"]], "Polar_expression": [["symboltung"], ["22:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-13-03", "text": "Hovedpersonen Kino , finner kona si i seng med en kollega .", "opinions": []}, {"sent_id": "303715-13-04", "text": "De blir skilt , han starter en bar hvor en rolig , lesende gjest , en utfordrende kvinne og en katt blir noen av de mystiske stamgjestene .", "opinions": []}, {"sent_id": "303715-13-05", "text": "N\u00e5r det begynner \u00e5 dukke opp slanger i hagen , forst\u00e5r Kino at han er i fare , men ikke hvorfor .", "opinions": []}, {"sent_id": "303715-13-06", "text": "Den lesende gjesten forklarer :", "opinions": []}, {"sent_id": "303715-13-07", "text": "\u00ab Det er et alvorlig problem som du b\u00f8r tenke grundig gjennom .", "opinions": []}, {"sent_id": "303715-13-08", "text": "Men svaret er ikke lett \u00e5 finne . \u00bb", "opinions": []}, {"sent_id": "303715-14-01", "text": "Svaret finner han til slutt i seg selv , men om det er for sent eller ikke , st\u00e5r igjen som uklart .", "opinions": []}, {"sent_id": "303715-15-01", "text": "Ettertanke , ikke t\u00e5rer", "opinions": []}, {"sent_id": "303715-16-01", "text": "Ettertanke , ikke t\u00e5rer", "opinions": []}, {"sent_id": "303715-17-01", "text": "De utrolige virkemidlene og hangen til symbolbruk kunne fort ha hengt p\u00e5 fortellingene som skrikende staffasje , men hos Murakami danderes det s\u00e5 naturlig og gjennomtenkt at det aldri blir kitsch .", "opinions": [{"Source": [[], []], "Target": [["symbolbruk"], ["39:49"]], "Polar_expression": [["naturlig og gjennomtenkt"], ["146:170"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["virkemidlene"], ["12:24"]], "Polar_expression": [["naturlig og gjennomtenkt"], ["146:170"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["symbolbruk"], ["39:49"]], "Polar_expression": [["aldri blir kitsch"], ["178:195"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["virkemidlene"], ["12:24"]], "Polar_expression": [["aldri blir kitsch"], ["178:195"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-17-02", "text": "Hans musikkreferanser begynner derimot \u00e5 bli litt forutsigbare .", "opinions": [{"Source": [[], []], "Target": [["musikkreferanser"], ["5:21"]], "Polar_expression": [["litt forutsigbare"], ["45:62"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-17-03", "text": "Var det virkelig n\u00f8dvendig \u00e5 bruke Beatles-sangene \u00ab Drive my car \u00bb og \u00ab Yesterday \u00bb som titler ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Var det virkelig n\u00f8dvendig \u00e5 bruke Beatles-sangene \u00ab Drive my car \u00bb og \u00ab Yesterday \u00bb som titler ?"], ["0:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303715-18-01", "text": "Japansk oddadialekt", "opinions": []}, {"sent_id": "303715-19-01", "text": "\u00ab H\u00e5llt du ho ikkje i h\u00e5nda aingang ? \u00bb", "opinions": []}, {"sent_id": "303715-20-01", "text": "Japansk oddadialekt", "opinions": []}, {"sent_id": "303715-21-01", "text": "Men siden dialekten er en s\u00e5 viktig del av historien var det nok den beste l\u00f8sningen .", "opinions": [{"Source": [[], []], "Target": [["dialekten"], ["10:19"]], "Polar_expression": [["beste l\u00f8sningen"], ["69:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303715-22-01", "text": "Etter Murakamis siste roman , \u00ab Fargel\u00f8se Tsukuru Tazaki og hans pilegrims\u00e5r \u00bb , som var en uforl\u00f8st aff\u00e6re , er det herlig \u00e5 lese denne gode og gjennomarbeidede samlingen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Fargel\u00f8se Tsukuru Tazaki og hans pilegrims\u00e5r \u00bb"], ["30:78"]], "Polar_expression": [["uforl\u00f8st aff\u00e6re"], ["92:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samlingen"], ["162:171"]], "Polar_expression": [["herlig \u00e5 lese"], ["117:130"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["samlingen"], ["162:171"]], "Polar_expression": [["gode"], ["137:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["samlingen"], ["162:171"]], "Polar_expression": [["gjennomarbeidede"], ["145:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303715-22-02", "text": "For det er sjelden novellesamlinger er s\u00e5 stilistisk , tematisk og idemessig i harmoni som denne .", "opinions": [{"Source": [[], []], "Target": [["idemessig"], ["67:76"]], "Polar_expression": [["harmoni"], ["79:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tematisk"], ["55:63"]], "Polar_expression": [["harmoni"], ["79:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stilistisk"], ["42:52"]], "Polar_expression": [["harmoni"], ["79:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["denne"], ["91:96"]], "Polar_expression": [["stilistisk , tematisk og idemessig i harmoni"], ["42:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-01-01", "text": "Ganske bra brasserie", "opinions": [{"Source": [[], []], "Target": [["brasserie"], ["11:20"]], "Polar_expression": [["Ganske bra"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-02-01", "text": "De kan sine klassikere p\u00e5 Brasserie Blanche .", "opinions": [{"Source": [[], []], "Target": [["Brasserie Blanche"], ["26:43"]], "Polar_expression": [["kan sine klassikere"], ["3:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-03-01", "text": "Et brasseri med franskinspirert kvalitetsmat gj\u00f8r en by litt bedre \u00e5 bo i .", "opinions": [{"Source": [[], []], "Target": [["brasseri"], ["3:11"]], "Polar_expression": [["kvalitetsmat"], ["32:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-03-02", "text": "I Oslo er Brasserie France i Nedre Slottsgate en institusjon , mens Andreas Viestads St . Lars seiler opp for dem som vil ha h\u00f8yere hipsterfaktor og mer hardcore tiln\u00e6rming til det grillfaglige .", "opinions": [{"Source": [[], []], "Target": [["Brasserie France"], ["10:26"]], "Polar_expression": [["en institusjon"], ["46:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-03-03", "text": "Og s\u00e5 er det litt mer anonyme Brasserie Blanche , i det gamle , hvite murhuset i Hegdehaugsveien .", "opinions": []}, {"sent_id": "302850-04-01", "text": "-Wow , dette var da veldig bra ! utbr\u00f8t Fredag , omtrent halvveis i en petit pois-suppe med fritert kalvebrissel og skiver av fersk tr\u00f8ffel .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["-Wow , dette var da veldig bra !"], ["0:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-04-02", "text": "Den friske pureen av gr\u00f8nne erter med sm\u00f8r og fl\u00f8te matchet b\u00e5de smaksmessig og visuelt perfekt de m\u00f8rke tonene i de mer eksklusive ingrediensene .", "opinions": [{"Source": [[], []], "Target": [["pureen"], ["11:17"]], "Polar_expression": [["friske"], ["4:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pureen"], ["11:17"]], "Polar_expression": [["matchet b\u00e5de smaksmessig og visuelt perfekt"], ["52:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ingrediensene"], ["132:145"]], "Polar_expression": [["eksklusive"], ["121:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-05-01", "text": "Robinsons forrett var ikke d\u00e5rligere .", "opinions": [{"Source": [[], []], "Target": [["forrett"], ["10:17"]], "Polar_expression": [["ikke d\u00e5rligere"], ["22:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-05-02", "text": "Sj\u00f8kreps er nesten alltid bedre enn overpriset hummer , og disse var perfekt grillet , s\u00f8tlige og saftige , med enkelt tilbeh\u00f8r av brunet sm\u00f8r , sitron og timian .", "opinions": [{"Source": [[], []], "Target": [["Sj\u00f8kreps"], ["0:8"]], "Polar_expression": [["perfekt grillet"], ["69:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sj\u00f8kreps"], ["0:8"]], "Polar_expression": [["s\u00f8tlige"], ["87:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sj\u00f8kreps"], ["0:8"]], "Polar_expression": [["saftige"], ["98:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sj\u00f8kreps"], ["0:8"]], "Polar_expression": [["enkelt tilbeh\u00f8r"], ["112:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hummer"], ["47:53"]], "Polar_expression": [["Sj\u00f8kreps er nesten alltid bedre"], ["0:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Sj\u00f8kreps"], ["0:8"]], "Polar_expression": [["bedre"], ["26:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hummer"], ["47:53"]], "Polar_expression": [["overpriset"], ["36:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-05-03", "text": "S\u00f8dme , syre og fett i perfekt balanse .", "opinions": [{"Source": [[], []], "Target": [["S\u00f8dme , syre og fett"], ["0:20"]], "Polar_expression": [["perfekt balanse"], ["23:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-05-04", "text": "En ung Sancerre fra Paul Prieur & Fils fungerte bra til begge rettene .", "opinions": [{"Source": [[], []], "Target": [["Sancerre fra Paul Prieur & Fils"], ["7:38"]], "Polar_expression": [["fungerte bra"], ["39:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-06-01", "text": "F\u00f8r forrettene hadde Robinson og Fredag kostet p\u00e5 seg husets champagne og fire feite , franske Gigas-\u00f8sters til 29 kroner stykket .", "opinions": [{"Source": [[], []], "Target": [["Gigas-\u00f8sters"], ["95:107"]], "Polar_expression": [["feite"], ["79:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gigas-\u00f8sters"], ["95:107"]], "Polar_expression": [["29 kroner stykket"], ["112:129"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "302850-06-02", "text": "Da hadde de to , uten protester fra hovmesteren , ogs\u00e5 rukket \u00e5 flytte til et mer privat bord inne ved serveringsdisken .", "opinions": []}, {"sent_id": "302850-06-03", "text": "Den var kledd med dekorative sider av vinkasser , i stil med det rustikke interi\u00f8ret med hvitmalt murstein og enkle , brune trem\u00f8bler .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["dekorative"], ["18:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-07-01", "text": "-Dette er mer Alsace enn Paris , konstaterte Robinson .", "opinions": []}, {"sent_id": "302850-08-01", "text": "P\u00e5 Brasserie Blanche er det ikke duker p\u00e5 bordene , og heller ingen som t\u00f8rker opp vanns\u00f8l p\u00e5 bordet .", "opinions": [{"Source": [[], []], "Target": [["Brasserie Blanche"], ["3:20"]], "Polar_expression": [["ikke duker p\u00e5 bordene"], ["28:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Brasserie Blanche"], ["3:20"]], "Polar_expression": [["ingen som t\u00f8rker opp vanns\u00f8l p\u00e5 bordet"], ["62:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-08-02", "text": "Kelneren tilb\u00f8d smaking av flere vinvalg , var som regel raskt p\u00e5 pletten med p\u00e5fyll av vin , og tok en litt sen endring i menyvalg p\u00e5 strak arm .", "opinions": [{"Source": [[], []], "Target": [["Kelneren"], ["0:8"]], "Polar_expression": [["tilb\u00f8d smaking av flere vinvalg"], ["9:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kelneren"], ["0:8"]], "Polar_expression": [["raskt p\u00e5 pletten med p\u00e5fyll av vin"], ["57:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kelneren"], ["0:8"]], "Polar_expression": [["tok en litt sen endring i menyvalg p\u00e5 strak arm"], ["97:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-08-03", "text": "Men f\u00f8lelsen av virkelig \u00e5 bli ivaretatt og personlig behandlet , glimret med sitt frav\u00e6r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8lelsen av virkelig \u00e5 bli ivaretatt og personlig behandlet , glimret med sitt frav\u00e6r"], ["4:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-09-01", "text": "Restauranten har en tre- eller femretters ukesmeny .", "opinions": []}, {"sent_id": "302850-09-02", "text": "P\u00e5 kj\u00f8kkenet jobber folk med fartstid fra noen av byens beste restauranter , og l\u00e6retid i Alsace .", "opinions": [{"Source": [[], []], "Target": [["kj\u00f8kkenet"], ["3:12"]], "Polar_expression": [["folk med fartstid fra noen av byens beste restauranter"], ["20:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-09-03", "text": "Her kan man sine franske klassikere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan man sine franske klassikere"], ["4:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302850-09-04", "text": "Hvorfor man da setter noe s\u00e5 norsk og uspennende som hjortefilet med stuet rosenk\u00e5l , glasert tytteb\u00e6r og viltsaus som hovedrett i ukesmenyen , er noe av et mysterium .", "opinions": [{"Source": [[], []], "Target": [["hovedrett"], ["119:128"]], "Polar_expression": [["uspennende"], ["38:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-09-05", "text": "Heller ikke femretterens bl\u00e5skjell gratinert med skinke og roquefort , fristet Robinson og Fredag , som heller valgte fra den rikholdige \u00e0 la carte-menyen .", "opinions": [{"Source": [["Robinson og Fredag"], ["79:97"]], "Target": [["femretterens bl\u00e5skjell gratinert med skinke og roquefort"], ["12:68"]], "Polar_expression": [["ikke", "fristet"], ["7:11", "71:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson og Fredag"], ["79:97"]], "Target": [["\u00e0 la carte-menyen"], ["137:154"]], "Polar_expression": [["rikholdige"], ["126:136"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-09-06", "text": "Robinson hadde bestilt sj\u00f8tunge Meunier , en av de franske klassikerne , men ombestemte seg i siste liten .", "opinions": []}, {"sent_id": "302850-10-01", "text": "-Ettersom du skal ha skrei , tar jeg grillet entrec\u00f4te .", "opinions": []}, {"sent_id": "302850-10-02", "text": "Vi m\u00e5 jo sjekke om de kan kj\u00f8tt her .", "opinions": []}, {"sent_id": "302850-11-01", "text": "Det kan de , langt p\u00e5 vei .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det kan de , langt p\u00e5 vei"], ["0:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-11-02", "text": "Entrec\u00f4ten var m\u00f8r og perfekt medium rare som bestilt , men burde hatt en mer karamellisert stekeskorpe .", "opinions": [{"Source": [[], []], "Target": [["Entrec\u00f4ten"], ["0:10"]], "Polar_expression": [["m\u00f8r"], ["15:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Entrec\u00f4ten"], ["0:10"]], "Polar_expression": [["perfekt"], ["22:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Entrec\u00f4ten"], ["0:10"]], "Polar_expression": [["burde hatt en mer karamellisert stekeskorpe"], ["60:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-12-01", "text": "Bearnaisen balanserte akkurat p\u00e5 grensen mot det litt for syrlige , der den gjerne er best .", "opinions": [{"Source": [[], []], "Target": [["Bearnaisen"], ["0:10"]], "Polar_expression": [["der den gjerne er best"], ["68:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-13-01", "text": "-Dette er kanskje den beste torsken jeg har spist , sukket Fredag .", "opinions": [{"Source": [["Fredag"], ["59:65"]], "Target": [["torsken"], ["28:35"]], "Polar_expression": [["beste"], ["22:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-14-01", "text": "Det perfekt stekte skreistykket hvilte p\u00e5 en seng av puylinser og persillerot , med skiver av stekt foie gras .", "opinions": [{"Source": [[], []], "Target": [["skreistykket"], ["19:31"]], "Polar_expression": [["perfekt stekte"], ["4:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-14-02", "text": "En innertier av en rett .", "opinions": [{"Source": [[], []], "Target": [["rett"], ["19:23"]], "Polar_expression": [["innertier"], ["3:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-15-01", "text": "-Matmessig er det ikke s\u00e5 mye \u00e5 plukke p\u00e5 her .", "opinions": [{"Source": [[], []], "Target": [["-Matmessig"], ["0:10"]], "Polar_expression": [["ikke s\u00e5 mye \u00e5 plukke p\u00e5"], ["18:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-15-02", "text": "Skj\u00f8nt butterdeigsbunnen p\u00e5 denne kaken er for tynn og bl\u00f8t , konstaterte Robinson noe senere , halvveis i en ellers god utgave av opp-ned-kaken Tarte Tatin , med vaniljeis til .", "opinions": [{"Source": [["Robinson"], ["74:82"]], "Target": [["butterdeigsbunnen"], ["7:24"]], "Polar_expression": [["butterdeigsbunnen", "for tynn og bl\u00f8t"], ["7:24", "43:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["74:82"]], "Target": [["Tarte Tatin"], ["145:156"]], "Polar_expression": [["ellers god"], ["110:120"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["74:82"]], "Target": [["Tarte Tatin"], ["145:156"]], "Polar_expression": [["butterdeigsbunnen", "for tynn og bl\u00f8t"], ["7:24", "43:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-15-03", "text": "Fredag , p\u00e5 sin side , hadde ingen innvendinger til sjokoladefondanten med salt karamell og bringeb\u00e6ris .", "opinions": [{"Source": [["Fredag"], ["0:6"]], "Target": [["sjokoladefondanten"], ["52:70"]], "Polar_expression": [["ingen innvendinger"], ["29:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-16-01", "text": "-Man f\u00e5r ikke den litt falmede Paris-stemningen og de herlige kelnerne fra Brasserie France , eller det litt rocka suset fra St. Lars .", "opinions": [{"Source": [[], []], "Target": [["Brasserie France"], ["75:91"]], "Polar_expression": [["f\u00e5r ikke", "litt falmede Paris-stemningen", "herlige kelnerne", "rocka suset"], ["5:13", "18:47", "54:70", "109:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["kelnerne"], ["62:70"]], "Polar_expression": [["herlige"], ["54:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-16-02", "text": "Men det er absolutt hyggelig her , og maten holder ganske h\u00f8yt niv\u00e5 , fastslo en godt over gjennomsnittet mett Fredag .", "opinions": [{"Source": [["Fredag"], ["111:117"]], "Target": [[], []], "Polar_expression": [["hyggelig"], ["20:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Fredag"], ["111:117"]], "Target": [["maten"], ["38:43"]], "Polar_expression": [["ganske h\u00f8yt niv\u00e5"], ["51:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302850-16-03", "text": "Regningen , p\u00e5 dr\u00f8yt 2200 kroner , f\u00f8ltes som en helt grei deal .", "opinions": [{"Source": [[], []], "Target": [["Regningen"], ["0:9"]], "Polar_expression": [["helt grei deal"], ["49:63"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-01-01", "text": "Balsam for v\u00e5re slitte sjeler", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Balsam for v\u00e5re slitte sjeler"], ["0:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704907-02-01", "text": "Han trengte bare \u00e5 vise sitt legeme p\u00e5 scenen i ett sekund f\u00f8r et fullsatt Stavanger konserthus reiste seg til trampeklapp for James Taylor , legenden med de skj\u00f8nne visene og den f\u00f8lsomme stemmen .", "opinions": [{"Source": [[], []], "Target": [["James Taylor"], ["127:139"]], "Polar_expression": [["trengte bare \u00e5 vise sitt legeme p\u00e5 scenen i ett sekund f\u00f8r et fullsatt Stavanger konserthus reiste seg til trampeklapp"], ["4:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["visene"], ["166:172"]], "Polar_expression": [["skj\u00f8nne"], ["158:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stemmen"], ["189:196"]], "Polar_expression": [["f\u00f8lsomme"], ["180:188"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["James Taylor"], ["127:139"]], "Polar_expression": [["skj\u00f8nne visene"], ["158:172"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["James Taylor"], ["127:139"]], "Polar_expression": [["f\u00f8lsomme stemmen"], ["180:196"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-03-01", "text": "Som folk har gledet seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["folk har gledet seg"], ["4:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704907-03-02", "text": "Ikke rart : for mange av de sv\u00e6rt s\u00e5 godt voksne publikummerne i salen har James Taylor v\u00e6rt en viktig bidragsyter til deres livs lydspor .", "opinions": [{"Source": [["godt voksne publikummerne"], ["37:62"]], "Target": [["James Taylor"], ["75:87"]], "Polar_expression": [["viktig bidragsyter til deres livs lydspor"], ["96:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "704907-03-03", "text": "Historiene om ham og sangene hans er ekte rock-mytologi .", "opinions": [{"Source": [[], []], "Target": [["Historiene om ham og sangene hans"], ["0:33"]], "Polar_expression": [["ekte rock-mytologi"], ["37:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-03-04", "text": "Gitarplukkingen hans har v\u00e6rt skoledannende .", "opinions": [{"Source": [[], []], "Target": [["Gitarplukkingen"], ["0:15"]], "Polar_expression": [["skoledannende"], ["30:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-03-05", "text": "Det var nok ingen tilfeldighet at p\u00e5fallende mange av distriktets musikere var til stede i konserthuset .", "opinions": []}, {"sent_id": "704907-04-01", "text": "Selv er jeg ikke en av dem som er oppvokst med James Taylors stemme og gitarspill under huden .", "opinions": []}, {"sent_id": "704907-04-02", "text": "Han har jo alltid v\u00e6rt der , og flere av l\u00e5tene hans er kjente og kj\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["flere av l\u00e5tene hans"], ["32:52"]], "Polar_expression": [["kjente og kj\u00e6re"], ["56:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-04-03", "text": "Men han imponerte meg i g\u00e5r , selv om jeg ikke ble helt bergtatt av musikken .", "opinions": [{"Source": [["jeg"], ["38:41"]], "Target": [["han"], ["4:7"]], "Polar_expression": [["imponerte"], ["8:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["38:41"]], "Target": [["musikken"], ["68:76"]], "Polar_expression": [["ikke ble helt bergtatt"], ["42:64"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704907-05-01", "text": "40 \u00e5rs patina", "opinions": []}, {"sent_id": "704907-06-01", "text": "L\u00e5tkatalogen hans er tidl\u00f8s og slitesterk , med mange perler .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tkatalogen"], ["0:12"]], "Polar_expression": [["tidl\u00f8s"], ["21:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tkatalogen"], ["0:12"]], "Polar_expression": [["slitesterk"], ["31:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["L\u00e5tkatalogen"], ["0:12"]], "Polar_expression": [["mange perler"], ["48:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "704907-06-02", "text": "Med 40 \u00e5rs patina og framf\u00f8rt av briljante musikere er det ingenting ikke \u00e5 like her .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["40 \u00e5rs patina"], ["4:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikere"], ["43:51"]], "Polar_expression": [["briljante"], ["33:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingenting ikke \u00e5 like"], ["59:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-06-03", "text": "Samtidig h\u00f8rer Taylor hjemme i en singer songwriter-sjanger der det finnes mange dyktige musikere og mange skj\u00f8nne l\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["singer songwriter-sjanger"], ["34:59"]], "Polar_expression": [["mange dyktige musikere og mange skj\u00f8nne l\u00e5ter"], ["75:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["Taylor"], ["15:21"]], "Polar_expression": [["h\u00f8rer", "hjemme i en singer songwriter-sjanger der"], ["9:14", "22:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikere"], ["89:97"]], "Polar_expression": [["mange dyktige"], ["75:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["115:120"]], "Polar_expression": [["mange skj\u00f8nne"], ["101:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-06-04", "text": "Men en lang karriere p\u00e5 veien har l\u00e6rt ham hvordan han skal bygge opp en konsertopplevelse som aldri f\u00e5r blir ensformig , og som sm\u00f8rer v\u00e5re s\u00e5re og slitte sjeler hele og varme igjen .", "opinions": [{"Source": [[], []], "Target": [["konsertopplevelse"], ["73:90"]], "Polar_expression": [["aldri f\u00e5r blir ensformig"], ["95:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["v\u00e5re"], ["136:140"]], "Target": [["konsertopplevelse"], ["73:90"]], "Polar_expression": [["sm\u00f8rer", "s\u00e5re og slitte sjeler hele og varme igjen"], ["129:135", "141:182"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704907-06-05", "text": "M\u00e5 si det er skj\u00f8nt av og til bare \u00e5 lene seg tilbake og nyte en konsert av alminnelig kledde , upretensi\u00f8se musikere , som bare har litt lek med lyskastere , rutine , spilleglede og fantastisk musikalsk h\u00e5ndverk \u00e5 by p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["konsert"], ["65:72"]], "Polar_expression": [["alminnelig kledde , upretensi\u00f8se musikere"], ["76:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["musikere"], ["109:117"]], "Polar_expression": [["alminnelig kledde , upretensi\u00f8se"], ["76:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["konsert"], ["65:72"]], "Polar_expression": [["litt lek med lyskastere"], ["133:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konsert"], ["65:72"]], "Polar_expression": [["rutine"], ["159:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konsert"], ["65:72"]], "Polar_expression": [["spilleglede"], ["168:179"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konsert"], ["65:72"]], "Polar_expression": [["fantastisk musikalsk h\u00e5ndverk"], ["183:212"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["konsert"], ["65:72"]], "Polar_expression": [["skj\u00f8nt av og til bare \u00e5 lene seg tilbake og nyte"], ["13:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704907-06-06", "text": "B\u00e5de Larry Golding p\u00e5 tangenter og den trommis-legenden Steve Gadd fikk rikelig med plass til \u00e5 briljere p\u00e5 sine respektive instrumenter .", "opinions": [{"Source": [[], []], "Target": [["Steve Gadd"], ["56:66"]], "Polar_expression": [["briljere"], ["96:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Larry Golding"], ["5:18"]], "Polar_expression": [["briljere"], ["96:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Steve Gadd"], ["56:66"]], "Polar_expression": [["trommis-legenden"], ["39:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-07-01", "text": "Den st\u00f8rste overraskelsen var faktisk hvor munter , humoristisk og rytmisk i kroppen Taylor var .", "opinions": [{"Source": [[], []], "Target": [["Taylor"], ["85:91"]], "Polar_expression": [["munter , humoristisk og rytmisk i kroppen"], ["43:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-07-02", "text": "Han som er kjent som en introvert , litt plaget mann sm\u00e5vitset og skr\u00f8t av Stavanger mellom l\u00e5tene og gitarbyttene , og kostet ogs\u00e5 p\u00e5 seg noen heftige dansetrinn n\u00e5r han tr\u00e5dte skikkelig til med elgitaren .", "opinions": [{"Source": [["Han"], ["0:3"]], "Target": [["Stavanger"], ["75:84"]], "Polar_expression": [["skr\u00f8t"], ["66:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["167:170"]], "Polar_expression": [["kostet ogs\u00e5 p\u00e5 seg noen heftige dansetrinn"], ["120:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["167:170"]], "Polar_expression": [["tr\u00e5dte skikkelig til med elgitaren"], ["171:205"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-07-03", "text": "Og noen av l\u00e5tene , s\u00e6rlig visene fra tidlig i karrieren , startet nakent og vakkert med bare Taylor og hans kassegitar , for deretter \u00e5 vokse seg store og mektige med resten av bandet .", "opinions": [{"Source": [[], []], "Target": [["noen av l\u00e5tene"], ["3:17"]], "Polar_expression": [["startet nakent og vakkert"], ["59:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["noen av l\u00e5tene"], ["3:17"]], "Polar_expression": [["store og mektige"], ["147:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-07-04", "text": "Slik fikk vi oppleve de kjente l\u00e5tene i ny drakt .", "opinions": []}, {"sent_id": "704907-08-01", "text": "Men pause ?", "opinions": []}, {"sent_id": "704907-09-01", "text": "Jeg er generelt skeptisk til pauseavbrudd i kulturarrangementer , det gagner aldri opplevelsen \u00e5 bli trukket ut av stemningen du er i for \u00e5 st\u00e5 i en eller annen k\u00f8 .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["pauseavbrudd i kulturarrangementer"], ["29:63"]], "Polar_expression": [["skeptisk"], ["16:24"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pauseavbrudd i kulturarrangementer"], ["29:63"]], "Polar_expression": [["gagner aldri opplevelsen \u00e5 bli trukket ut av stemningen"], ["70:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "704907-09-02", "text": "I teateret kan pausen v\u00e6re n\u00f8dvendig \u00e5 rigge om , men p\u00e5 en konsert av denne sorten ?", "opinions": []}, {"sent_id": "704907-09-03", "text": "Nei og atter nei !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nei og atter nei !"], ["0:18"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-09-04", "text": "Veldig d\u00e5rlig id\u00e9 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Veldig d\u00e5rlig id\u00e9"], ["0:17"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-09-05", "text": "Det viste seg ogs\u00e5 at James Taylor var enig .", "opinions": []}, {"sent_id": "704907-09-06", "text": "For f\u00f8r siste l\u00e5ten i f\u00f8rste sett p\u00e5pekte han at han og bandet n\u00e5 skulle st\u00e5 bak forhenget og glo p\u00e5 klokka i 20 minutter , uten at de forsto hvorfor .", "opinions": [{"Source": [["han"], ["49:52"]], "Target": [[], []], "Polar_expression": [["st\u00e5 bak forhenget og glo p\u00e5 klokka i 20 minutter , uten at de forsto hvorfor"], ["73:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "704907-10-01", "text": "Vel tilbake til andre sett har Taylor f\u00e5tt p\u00e5 seg en sixpence og har skiftet skjorte .", "opinions": []}, {"sent_id": "704907-10-02", "text": "Varm i tr\u00f8ya n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Varm i tr\u00f8ya"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-10-03", "text": "Presenterer den gamle Revox-spilleren han har med for bakgrunnsvokal .", "opinions": []}, {"sent_id": "704907-10-04", "text": "Helt herlig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Helt herlig"], ["0:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-11-01", "text": "Jeg kommer til \u00e5 huske best var de kraftige bluesl\u00e5tene i f\u00f8rste sett , og selvf\u00f8lgelig den nydelige \" Fire and rain \" .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["bluesl\u00e5tene i f\u00f8rste sett"], ["44:69"]], "Polar_expression": [["kommer til \u00e5 huske best"], ["4:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["\" Fire and rain \""], ["101:118"]], "Polar_expression": [["kommer til \u00e5 huske best"], ["4:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["bluesl\u00e5tene i f\u00f8rste sett"], ["44:69"]], "Polar_expression": [["kraftige"], ["35:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [["Jeg"], ["0:3"]], "Target": [["\" Fire and rain \""], ["101:118"]], "Polar_expression": [["nydelige"], ["92:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704907-11-02", "text": "Taylor trengte bare to plukk p\u00e5 gitaren f\u00f8r salen br\u00f8t ut i varm applaus .", "opinions": [{"Source": [["salen"], ["44:49"]], "Target": [["Taylor"], ["0:6"]], "Polar_expression": [["trengte bare to plukk p\u00e5 gitaren f\u00f8r salen br\u00f8t ut i varm applaus"], ["7:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true}]}, {"sent_id": "704907-11-03", "text": "Og \u2013 ikke minst \u2013 historiene Taylor fortalte f\u00f8r l\u00e5ter som \" Sweet baby James \" og \" You've got a friend \" .", "opinions": []}, {"sent_id": "704907-12-01", "text": "For han er en fantastisk historieforteller \u2013 ogs\u00e5 mellom l\u00e5tene .", "opinions": [{"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["fantastisk historieforteller"], ["14:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-01-01", "text": "Prisen for velstanden", "opinions": []}, {"sent_id": "600441-02-01", "text": "Forh\u00e5ndsomtalen har gitt inntrykk av at \" Pion\u00e9r \" skulle v\u00e6re et oppgj\u00f8r med den norske statens behandling av nordsj\u00f8dykkerne .", "opinions": []}, {"sent_id": "600441-02-02", "text": "Det stemmer bare et stykke p\u00e5 vei .", "opinions": []}, {"sent_id": "600441-03-01", "text": "Dykkernes innsats under ekstreme forhold og skadene de p\u00e5dro seg som en f\u00f8lge av den , fungerer f\u00f8rst og fremst som setting for en klassisk konspirasjonsthriller .", "opinions": []}, {"sent_id": "600441-03-02", "text": "Dette er en film \" inspirert av virkelige hendelser \" , ikke en film \" basert p\u00e5 en sann historie \" .", "opinions": []}, {"sent_id": "600441-04-01", "text": "Br\u00f8drene Petter ( en Aksel Hennie med nytrente magemuskler , en helt dr\u00f8y 70-tallsbart og jaget blikk ) og Knut ( J\u00f8rgen Langhelle ) er dykkere som g\u00e5r ned p\u00e5 flere hundre meters dyp for \u00e5 legge oljeledninger langs Norskerenna .", "opinions": [{"Source": [[], []], "Target": [["Aksel Hennie"], ["21:33"]], "Polar_expression": [["nytrente magemuskler"], ["38:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Aksel Hennie"], ["21:33"]], "Polar_expression": [["helt dr\u00f8y 70-tallsbart"], ["64:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["magemuskler"], ["47:58"]], "Polar_expression": [["nytrente"], ["38:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["70-tallsbart"], ["74:86"]], "Polar_expression": [["helt dr\u00f8y"], ["64:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-04-02", "text": "B\u00e5de norske og amerikanske krefter er involvert .", "opinions": []}, {"sent_id": "600441-04-03", "text": "\u00c6re , makt og store penger st\u00e5r p\u00e5 spill .", "opinions": []}, {"sent_id": "600441-05-01", "text": "Etter at Knut blir drept i en ulykke , sitter Petter igjen med en f\u00f8lelse av at noen ikke forteller hele sannheten om hva som skjedde .", "opinions": []}, {"sent_id": "600441-05-02", "text": "Og n\u00e5r han begynner \u00e5 snuse i saken , blir stemningen snart truende .", "opinions": []}, {"sent_id": "600441-06-01", "text": "Hvem som er skurkene i denne historien , er egentlig aldri noe \u00e5 lure p\u00e5 .", "opinions": []}, {"sent_id": "600441-06-02", "text": "Regiss\u00f8r Erik Skjoldbj\u00e6rg ( \" Insomnia \" , \" Nokas \" ) skaper i stedet spenning ved \u00e5 gj\u00f8re \" Pion\u00e9r \" til en nesten fysisk filmopplevelse .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8r"], ["0:8"]], "Polar_expression": [["skaper", "spenning ved \u00e5 gj\u00f8re \" Pion\u00e9r \" til en nesten fysisk filmopplevelse"], ["55:61", "71:138"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Pion\u00e9r \""], ["92:102"]], "Polar_expression": [["nesten fysisk filmopplevelse"], ["110:138"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-06-03", "text": "Spesielt undervannssekvensene er intense .", "opinions": [{"Source": [[], []], "Target": [["undervannssekvensene"], ["9:29"]], "Polar_expression": [["intense"], ["33:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-06-04", "text": "Suggererende vakre bilder akkompagneres av kompleks lyddesign \u2013 metalliske klanger , tung pusting \u2013 og Airs minimalistiske elektronika .", "opinions": [{"Source": [[], []], "Target": [["bilder"], ["19:25"]], "Polar_expression": [["Suggererende vakre"], ["0:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyddesign"], ["52:61"]], "Polar_expression": [["kompleks"], ["43:51"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Airs"], ["103:107"]], "Polar_expression": [["minimalistiske elektronika"], ["108:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elektronika"], ["123:134"]], "Polar_expression": [["minimalistiske"], ["108:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyddesign"], ["52:61"]], "Polar_expression": [["metalliske klanger"], ["64:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["lyddesign"], ["52:61"]], "Polar_expression": [["tung pusting"], ["85:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "600441-06-05", "text": "Det er s\u00e5 man kjenner m\u00f8rket og kulden p\u00e5 kroppen , saltsmaken i munnen og trykket mot tinningene .", "opinions": [{"Source": [["man"], ["10:13"]], "Target": [[], []], "Polar_expression": [["kjenner m\u00f8rket og kulden p\u00e5 kroppen"], ["14:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["man"], ["10:13"]], "Target": [[], []], "Polar_expression": [["kjenner", "saltsmaken i munnen"], ["14:21", "52:71"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["man"], ["10:13"]], "Target": [[], []], "Polar_expression": [["kjenner", "trykket mot tinningene"], ["14:21", "75:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-07-01", "text": "Om scenene under vann f\u00f8les klaustrofobiske , er det paranoiaen som r\u00e5r n\u00e5r handlingen forflytter seg til land .", "opinions": []}, {"sent_id": "600441-07-02", "text": "Skjoldbj\u00e6rg g\u00e5r dokumentarisk til verks , er tett p\u00e5 handlingen og holder kameraet i konstant bevegelse .", "opinions": [{"Source": [[], []], "Target": [["Skjoldbj\u00e6rg"], ["0:11"]], "Polar_expression": [["g\u00e5r dokumentarisk til verks"], ["12:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjoldbj\u00e6rg"], ["0:11"]], "Polar_expression": [["tett p\u00e5 handlingen"], ["45:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Skjoldbj\u00e6rg"], ["0:11"]], "Polar_expression": [["holder kameraet i konstant bevegelse"], ["67:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "600441-07-03", "text": "Det er en form som krever sitt av seeren \u2013 det er lett \u00e5 f\u00e5 et snev av dykkersyke der man sitter \u2013 men den er ogs\u00e5 effektiv og engasjerende .", "opinions": [{"Source": [[], []], "Target": [["form"], ["10:14"]], "Polar_expression": [["krever sitt av seeren"], ["19:40"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["form"], ["10:14"]], "Polar_expression": [["effektiv"], ["115:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["form"], ["10:14"]], "Polar_expression": [["engasjerende"], ["127:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-07-04", "text": "Man hiver etter pusten i takt med Hennie .", "opinions": []}, {"sent_id": "600441-08-01", "text": "\" Pion\u00e9r \" er en vellaget spenningsfilm og en levende skildring av en viktig periode i norsk historie .", "opinions": [{"Source": [[], []], "Target": [["\" Pion\u00e9r \""], ["0:10"]], "Polar_expression": [["vellaget spenningsfilm"], ["17:39"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Pion\u00e9r \""], ["0:10"]], "Polar_expression": [["levende skildring"], ["46:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600441-08-02", "text": "At den samtidig sier noe om hvilken pris enkeltpersoner har betalt for velstanden vi alle i dag nyter godt av , skulle nesten bare mangle .", "opinions": []}, {"sent_id": "109371-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "109371-01-02", "text": "Hanne \u00d8rstavik :", "opinions": []}, {"sent_id": "109371-01-03", "text": "\u00ab Det finnes en stor \u00e5pen plass i Bordeaux \u00bb", "opinions": []}, {"sent_id": "109371-02-01", "text": "Hanne \u00d8rstavik har skrevet en farlig kj\u00e6rlighetsfortelling som g\u00e5r mer rett p\u00e5 enn tidligere .", "opinions": []}, {"sent_id": "109371-03-01", "text": "Roman 214 sider 369 kr. Oktober", "opinions": []}, {"sent_id": "109371-04-01", "text": "Hanne \u00d8rstavik har f\u00e5tt en haug med priser og er oversatt til 17 spr\u00e5k .", "opinions": []}, {"sent_id": "109371-04-02", "text": "Romanene hennes har hele tiden tematisert spr\u00e5ket som eksistensielt grunnvilk\u00e5r i sin utforskning av tilh\u00f8righet og relasjoner .", "opinions": []}, {"sent_id": "109371-05-01", "text": "Jeg har ofte tenkt at \u00d8rstaviks hovedpersoner forteller gjennom kroppen .", "opinions": []}, {"sent_id": "109371-05-02", "text": "Denne romanen er i s\u00e5 m\u00e5te ikke en radikal vending i forfatterskapet , men den er mer direkte .", "opinions": []}, {"sent_id": "109371-06-01", "text": "I hennes forrige roman \u00ab Hyenene \u00bb ( 2011 ) leste vi om et l\u00f8srivingsprosjekt .", "opinions": []}, {"sent_id": "109371-07-01", "text": "Denne gangen m\u00f8ter vi Ruth , som vil n\u00e5 frem til Johannes , men han slipper henne ikke helt inn :", "opinions": []}, {"sent_id": "109371-07-02", "text": "\u00ab N\u00e5 vi er sammen , blir jeg usynlig for meg selv , for han bekrefter ikke , er ikke et speil , ingen reflektor , det jeg sier kommer ikke tilbake til meg s\u00e5 jeg kan se det . \u00bb", "opinions": []}, {"sent_id": "109371-08-01", "text": "Johannes s\u00f8ker ut , eksperimenterer og m\u00f8ter andre .", "opinions": []}, {"sent_id": "109371-08-02", "text": "Ruth g\u00e5r inn i en lammende og farlig prosess hvor hun presser seg selv til \u00e5 teste egen kj\u00e6rlighet og seksualitet .", "opinions": []}, {"sent_id": "109371-09-01", "text": "Romanen forholder seg til den konkrete verdenen utenfor teksten eksplisitt , b\u00e5de med steder og henvisninger til annen litteratur og kunst .", "opinions": [{"Source": [[], []], "Target": [["Romanen"], ["0:7"]], "Polar_expression": [["forholder seg til den konkrete verdenen utenfor teksten eksplisitt ,"], ["8:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Romanen"], ["0:7"]], "Polar_expression": [["steder og henvisninger til annen litteratur og kunst"], ["86:138"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "109371-10-01", "text": "Det gagner teksten , for \u00d8rstaviks univers er ofte tett , antydende og intimt .", "opinions": [{"Source": [[], []], "Target": [["teksten"], ["11:18"]], "Polar_expression": [["gagner"], ["4:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8rstaviks univers"], ["25:42"]], "Polar_expression": [["ofte tett"], ["46:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8rstaviks univers"], ["25:42"]], "Polar_expression": [["ofte", "antydende"], ["46:50", "58:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8rstaviks univers"], ["25:42"]], "Polar_expression": [["ofte", "intimt"], ["46:50", "71:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109371-10-02", "text": "Dette er en eksistensiell kj\u00e6rlighetsfortelling hvor seksualiteten er b\u00e5de \u00f8deleggende , utforskende og viktig .", "opinions": []}, {"sent_id": "109371-11-01", "text": "Spr\u00e5ket er enkelt sagt vakkert i sin utforskning .", "opinions": [{"Source": [[], []], "Target": [["Spr\u00e5ket"], ["0:7"]], "Polar_expression": [["vakkert"], ["23:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109371-11-02", "text": "S\u00e5rheten i Ruths m\u00f8te med mannen som heller g\u00e5r p\u00e5 bordell enn \u00e5 dele dagene med henne , er sterk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["S\u00e5rheten", "er sterk ."], ["0:8", "89:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109371-11-03", "text": "Det er som om vi venter p\u00e5 at Ruth skal f\u00e5 nok , men avslutningen kunne likevel v\u00e6rt tydeligere .", "opinions": [{"Source": [["vi"], ["14:16"]], "Target": [["avslutningen"], ["53:65"]], "Polar_expression": [["kunne likevel v\u00e6rt tydeligere"], ["66:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109371-12-01", "text": "Som en fin dynamisk kontrast m\u00f8ter vi det unge paret Lily og Ralf , som har en helt annen bevegelse i m\u00f8tet med hverandre .", "opinions": [{"Source": [[], []], "Target": [["Lily og Ralf"], ["53:65"]], "Polar_expression": [["fin dynamisk kontrast"], ["7:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109371-13-01", "text": "Jeg synes \u00e5 se en interessant og st\u00f8rre vilje til vekslinger mellom det helt tydelige og det mer poetiske og dunkle hos \u00d8rstavik denne gangen .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00d8rstavik"], ["120:128"]], "Polar_expression": [["interessant og st\u00f8rre vilje til vekslinger"], ["18:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100831-01-01", "text": "Vidar Busk : \u00ab Jookbox Charade \u00bb", "opinions": []}, {"sent_id": "100831-02-01", "text": "( Blue Mood / Musikkoperat\u00f8rene )", "opinions": []}, {"sent_id": "100831-03-01", "text": "Legger to fingre rundt hattebremmen og hilser \u00e6rb\u00f8dig til sine forbilder .", "opinions": []}, {"sent_id": "100831-04-01", "text": "Her samler Vidar Busk disse forbildene - og l\u00e5ter han selv har fremf\u00f8rt tidligere - i et passe skittent og groove-tungt lydbilde som blir den sterkeste r\u00f8de tr\u00e5den p\u00e5 en plate hvor Busk n\u00f8dvendigvis m\u00e5 innom alle stilarter som har inspirert han de siste tyve \u00e5rene - og det er mange !", "opinions": [{"Source": [[], []], "Target": [["lydbilde"], ["120:128"]], "Polar_expression": [["passe skittent"], ["89:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbilde"], ["120:128"]], "Polar_expression": [["groove-tungt"], ["107:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stilarter"], ["213:222"]], "Polar_expression": [["mange !"], ["277:284"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydbilde"], ["120:128"]], "Polar_expression": [["sterkeste r\u00f8de tr\u00e5den"], ["142:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100831-04-02", "text": "\u00ab Jookbox Charade \u00bb starter med beina litt for tungt plantet i Mississippis nublues-gj\u00f8rme , men New Orleans-foten blir atskillig mer funky , lettere og mer leken n\u00e5r han spaserer vestover mot Texas , der Paladins-shufflen \u00ab Years Since Yesterday \u00bb har sterkere drag av Stevie Ray Vaughans \u00ab Cold Shot \u00bb enn noensinne .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jookbox Charade \u00bb"], ["0:19"]], "Polar_expression": [["starter med beina litt for tungt plantet i Mississippis nublues-gj\u00f8rme"], ["20:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["New Orleans-foten"], ["97:114"]], "Polar_expression": [["atskillig mer funky"], ["120:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["New Orleans-foten"], ["97:114"]], "Polar_expression": [["lettere"], ["142:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["New Orleans-foten"], ["97:114"]], "Polar_expression": [["mer leken"], ["153:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Years Since Yesterday \u00bb"], ["223:248"]], "Polar_expression": [["sterkere drag av Stevie Ray Vaughans \u00ab Cold Shot \u00bb enn noensinne"], ["253:317"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100831-04-03", "text": "Med unntak av den oppsiktsvekkende f\u00f8lsomme crooner-l\u00e5ta \u00ab When Did You Leave Heaven \u00bb , utvikler faktisk \u00ab Jookbox Charade \u00bb seg til \u00e5 bli en real rytmisk gumbo av en plate - bl\u00e5sertung og feststemt !", "opinions": [{"Source": [[], []], "Target": [["\u00ab When Did You Leave Heaven \u00bb"], ["57:86"]], "Polar_expression": [["oppsiktsvekkende"], ["18:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab When Did You Leave Heaven \u00bb"], ["57:86"]], "Polar_expression": [["f\u00f8lsomme"], ["35:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Jookbox Charade \u00bb"], ["106:125"]], "Polar_expression": [["real rytmisk gumbo"], ["143:161"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Jookbox Charade \u00bb"], ["106:125"]], "Polar_expression": [["bl\u00e5sertung og feststemt !"], ["176:201"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100831-05-01", "text": "ANBEFALTE KJ\u00d8P :", "opinions": []}, {"sent_id": "100831-05-02", "text": "\u00ab Years Since Yesterday \u00bb , \u00ab Red Lipstick \u00bb , \u00ab New Suit \u00bb og \u00ab Goodnight Moon \u00bb .", "opinions": []}, {"sent_id": "100866-01-01", "text": "Bokanmeldelse :", "opinions": []}, {"sent_id": "100866-01-02", "text": "Roberto Bola\u00f1o :", "opinions": []}, {"sent_id": "100866-01-03", "text": "\u00ab 2666 \u00bb", "opinions": []}, {"sent_id": "100866-02-01", "text": "En sjelden gang utkommer det en bok som forandrer litteraturhistorien .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En sjelden gang utkommer det en bok som forandrer litteraturhistorien"], ["0:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "100866-02-02", "text": "Roberto Bola\u00f1os siste roman gir bud om at det ved inngangen til det 21. \u00e5rhundre fremdeles er mulig \u00e5 fornye romanen og skrive et d\u00f8nn originalt verk relevant for v\u00e5r tid .", "opinions": [{"Source": [[], []], "Target": [["Roberto Bola\u00f1os siste roman"], ["0:27"]], "Polar_expression": [["d\u00f8nn originalt"], ["130:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Roberto Bola\u00f1os siste roman"], ["0:27"]], "Polar_expression": [["relevant for v\u00e5r tid"], ["150:170"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100866-03-01", "text": "Romanen med den rare tittelen \u00ab 2666 \u00bb ble utgitt i 2004 , ett \u00e5r etter Roberto Bola\u00f1os d\u00f8d .", "opinions": []}, {"sent_id": "100866-03-02", "text": "Den myteomspunne chilenske forfatteren levde et omflakkende liv med alkohol og narkotiske stoffer , og p\u00e5dro seg en d\u00f8delig diagnose i form av leversvikt .", "opinions": []}, {"sent_id": "100866-04-01", "text": "De siste \u00e5rene av sitt liv skrev han som besatt p\u00e5 flere b\u00f8ker og fikk etter hvert stor anerkjennelse i den spansktalende verden .", "opinions": []}, {"sent_id": "100866-04-02", "text": "Internasjonalt er \u00ab 2666 \u00bb siden blitt hyllet som en litter\u00e6r milep\u00e6l , og Karl Ove Knausg\u00e5rd har hevdet at den stiller all annen samtidslitteratur i skyggen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab 2666 \u00bb"], ["18:26"]], "Polar_expression": [["blitt hyllet som en litter\u00e6r milep\u00e6l"], ["33:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "EFINP"}, {"Source": [["Karl Ove Knausg\u00e5rd"], ["75:93"]], "Target": [["\u00ab 2666 \u00bb"], ["18:26"]], "Polar_expression": [["stiller all annen samtidslitteratur i skyggen"], ["112:157"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "100866-05-01", "text": "Sterke ord .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sterke ord"], ["0:10"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100866-05-02", "text": "S\u00e5 hvordan lever den norske oversettelsen opp til forventningene ?", "opinions": []}, {"sent_id": "100866-05-03", "text": "La det v\u00e6re sagt med en gang :", "opinions": []}, {"sent_id": "100866-05-04", "text": "Du vil enten elske eller hate \u00ab 2666 \u00bb .", "opinions": []}, {"sent_id": "100866-05-05", "text": "Det er en roman det er umulig \u00e5 forholde seg likegyldig til .", "opinions": []}, {"sent_id": "100866-06-01", "text": "I sitt veldige omfang \u2013 fem deler \u2013 som hver for seg kan st\u00e5 som selvstendige romaner \u2013 m\u00e5 man som leser v\u00e6re villig til \u00e5 utsette seg for det uventede og selv lete etter sammenhenger .", "opinions": []}, {"sent_id": "100866-06-02", "text": "Det er tidvis g\u00e5tefullt og rart , andre ganger spennende som en thriller .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["spennende som en thriller"], ["47:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["tidvis g\u00e5tefullt og rart"], ["7:31"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100866-07-01", "text": "Men hva handler romanen om ?", "opinions": []}, {"sent_id": "100866-07-02", "text": "For \u00e5 gj\u00f8re en lang historie uanstendig kort :", "opinions": []}, {"sent_id": "100866-07-03", "text": "Jakten p\u00e5 en mystisk tysk forfatter ved navn Benno von Archimboldi og drapene p\u00e5 flere hundre kvinner i den meksikanske grensebyen Ciudad Ju\u00e1rez , i romanen omd\u00f8pt til Santa Teresa .", "opinions": []}, {"sent_id": "100866-07-04", "text": "Byen ble p\u00e5 1990-tallet omtalt som verdens drapshovedstad og fungerer som et sentralt omdreiningspunkt for de ulike historiene .", "opinions": []}, {"sent_id": "100866-08-01", "text": "Som den rebelske forfatteren han var , bryter Bola\u00f1o konsekvent med en rekke s\u00e5kalte regler for god skrivekunst .", "opinions": []}, {"sent_id": "100866-08-02", "text": "Han forener elementer fra krimromanen med id\u00e9romanen , hardkokt realisme med dr\u00f8mmer og eventyr og obduksjonsrapporter med poesi .", "opinions": []}, {"sent_id": "100866-09-01", "text": "Det skrivende blikket skifter stadig perspektiv ; det tilsynelatende uviktige blir viktig og det antatt viktige fisler ut i ingenting .", "opinions": []}, {"sent_id": "100866-09-02", "text": "P\u00e5 sett og vis har Bola\u00f1o en del til felles med japanske Haruki Murakami .", "opinions": []}, {"sent_id": "100866-09-03", "text": "Begge blander sjangre , bruker popul\u00e6rkulturelle referanser og har skrevet inng\u00e5ende om vold .", "opinions": []}, {"sent_id": "100866-10-01", "text": "Tre b\u00f8ker av forfatteren er tidligere oversatt til norsk , alle glimrende , men ingen kan i omfang og ambisjonsniv\u00e5 m\u00e5le seg med \u00ab 2666 \u00bb , som etter lang tids ventetid endelig er tilgjengelig i Kristina Solums fremragende oversettelse .", "opinions": [{"Source": [[], []], "Target": [["Tre b\u00f8ker av forfatteren"], ["0:24"]], "Polar_expression": [["alle glimrende"], ["59:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tre b\u00f8ker av forfatteren"], ["0:24"]], "Polar_expression": [["ingen kan i omfang og ambisjonsniv\u00e5 m\u00e5le seg med \u00ab 2666 \u00bb"], ["80:137"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab 2666 \u00bb"], ["129:137"]], "Polar_expression": [["ingen kan i omfang og ambisjonsniv\u00e5 m\u00e5le seg"], ["80:124"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kristina Solums", "oversettelse"], ["195:210", "223:235"]], "Polar_expression": [["fremragende"], ["211:222"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kristina Solums", "oversettelse"], ["195:210", "223:235"]], "Polar_expression": [["etter lang tids ventetid endelig er tilgjengelig"], ["144:192"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "100866-10-02", "text": "Alt ligger dermed til rette for en Bola\u00f1o-feber i Norge .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt ligger dermed til rette for en Bola\u00f1o-feber i Norge"], ["0:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "100866-11-01", "text": "Med litt flaks b\u00f8r han kunne tiltrekke seg lesere som \u00f8nsker \u00e5 bryne seg p\u00e5 en utfordrende bok som \u00e5pner vei inn i det ukjente .", "opinions": [{"Source": [[], []], "Target": [["bok"], ["91:94"]], "Polar_expression": [["utfordrende"], ["79:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bok"], ["91:94"]], "Polar_expression": [["\u00e5pner vei inn i det ukjente"], ["99:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109779-01-01", "text": "Test av BMW 1-serie :", "opinions": []}, {"sent_id": "109779-01-02", "text": "Kj\u00f8remaskinen", "opinions": []}, {"sent_id": "109779-02-01", "text": "For dem som er mest opptatt av kj\u00f8reglede og sportslighet holder BMWs 1-serie fremdeles stand mot stadig flinkere konkurrenter .", "opinions": [{"Source": [[], []], "Target": [["BMWs 1-serie"], ["65:77"]], "Polar_expression": [["fremdeles stand mot stadig flinkere konkurrenter", "holder"], ["78:126", "58:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrenter"], ["114:126"]], "Polar_expression": [["stadig flinkere"], ["98:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-03-01", "text": "P\u00e5 slutten av fjor\u00e5ret kom ogs\u00e5 BMW med en fornyelse av sin minstemann .", "opinions": []}, {"sent_id": "109779-03-02", "text": "VG og NAF pr\u00f8vekj\u00f8rte en 116d med 116 dieselhestekrefter .", "opinions": []}, {"sent_id": "109779-04-01", "text": "De \u00ab fire store \u00bb i test", "opinions": []}, {"sent_id": "109779-05-01", "text": "VG og NAF har kj\u00f8rt en stor test av fire biler i det \u00f8vre segmentet av kompaktklassen .", "opinions": []}, {"sent_id": "109779-06-01", "text": "Bilene er den lekre og splitter nye Mercedes A-klasse , den svenske supernyheten Volvo V40 mot den knappe et \u00e5r gamle kj\u00f8remaskinen BMW 1-serie .", "opinions": [{"Source": [[], []], "Target": [["Mercedes A-klasse"], ["36:53"]], "Polar_expression": [["lekre"], ["14:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mercedes A-klasse"], ["36:53"]], "Polar_expression": [["splitter nye"], ["23:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volvo V40"], ["81:90"]], "Polar_expression": [["supernyheten"], ["68:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["BMW 1-serie"], ["132:143"]], "Polar_expression": [["kj\u00f8remaskinen"], ["118:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109779-06-02", "text": "I tillegg har vi tatt med nye Audi A3 .", "opinions": []}, {"sent_id": "109779-07-01", "text": "Denne kommer forel\u00f8pig bare med tre d\u00f8rer , men en litt st\u00f8rre og femd\u00f8rs variant av samme modell er klar for Norge i mars m\u00e5ned neste \u00e5r .", "opinions": []}, {"sent_id": "109779-08-01", "text": "- Her er det vel s\u00e5 mye smak , stil og vektlegging av egenskaper som avgj\u00f8r valgene .", "opinions": []}, {"sent_id": "109779-08-02", "text": "Alle fire er knallgode kj\u00f8p i en stadig t\u00f8ffere klasse , sier teknisk konsulent og medlem av NAFs testteam , Audun Bergerud .", "opinions": [{"Source": [["Audun Bergerud"], ["109:123"]], "Target": [["Alle fire"], ["0:9"]], "Polar_expression": [["knallgode kj\u00f8p"], ["13:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "109779-09-01", "text": "Designen sitter som et skudd , kj\u00f8restillingen er lav og sportslig , setene gode , men ikke minst er bilen blitt romsligere .", "opinions": [{"Source": [[], []], "Target": [["Designen"], ["0:8"]], "Polar_expression": [["sitter som et skudd"], ["9:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kj\u00f8restillingen"], ["31:46"]], "Polar_expression": [["lav og sportslig"], ["50:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["setene"], ["69:75"]], "Polar_expression": [["gode"], ["76:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["101:106"]], "Polar_expression": [["ikke minst", "romsligere"], ["87:97", "113:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109779-10-01", "text": "Baksetepassasjerene har endelig f\u00e5tt levelig k\u00e5r , selv om Mercedes A-klasse kan by p\u00e5 bedre plass for de med lange ben .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Baksetepassasjerene har endelig f\u00e5tt levelig k\u00e5r"], ["0:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mercedes A-klasse kan by p\u00e5 bedre plass for de med lange ben"], ["59:119"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Mercedes A-klasse"], ["59:76"]], "Polar_expression": [["kan by p\u00e5 bedre plass for de med lange ben"], ["77:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-11-01", "text": "Bagasjerommet er faktisk st\u00f8rre enn i Volkswagen Golf og blir bare sl\u00e5tt av Audi A3 i denne testen p\u00e5 dette punktet .", "opinions": [{"Source": [[], []], "Target": [["Bagasjerommet"], ["0:13"]], "Polar_expression": [["faktisk st\u00f8rre enn i Volkswagen Golf"], ["17:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bagasjerommet"], ["0:13"]], "Polar_expression": [["blir bare sl\u00e5tt av Audi A3"], ["57:83"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volkswagen Golf"], ["38:53"]], "Polar_expression": [["Bagasjerommet er faktisk st\u00f8rre"], ["0:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Audi A3"], ["76:83"]], "Polar_expression": [["Bagasjerommet", "blir bare sl\u00e5tt av"], ["0:13", "57:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-12-01", "text": "P\u00e5 veien er BMW en ren nytelse \u00e5 kj\u00f8re .", "opinions": [{"Source": [[], []], "Target": [["BMW"], ["12:15"]], "Polar_expression": [["ren nytelse \u00e5 kj\u00f8re"], ["19:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109779-12-02", "text": "Her stemmer alt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Her stemmer alt"], ["0:15"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-12-03", "text": "Som den eneste bakhjulsdrevne bilen i testen leverer den en herlig stabilitet og kj\u00f8ref\u00f8lelse .", "opinions": [{"Source": [[], []], "Target": [["bakhjulsdrevne bilen"], ["15:35"]], "Polar_expression": [["leverer", "herlig stabilitet og kj\u00f8ref\u00f8lelse"], ["45:52", "60:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["stabilitet"], ["67:77"]], "Polar_expression": [["herlig"], ["60:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kj\u00f8ref\u00f8lelse"], ["81:93"]], "Polar_expression": [["herlig"], ["60:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-13-01", "text": "Samtidig er det VG og NAFs erfaring at bakhjulsdriften ikke fungerer like godt p\u00e5 vinterlig f\u00f8re som de andre med trekk foran .", "opinions": [{"Source": [["VG og NAFs"], ["16:26"]], "Target": [[], []], "Polar_expression": [["ikke fungerer like godt p\u00e5 vinterlig f\u00f8re som de andre med trekk foran"], ["55:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["VG og NAFs"], ["16:26"]], "Target": [["de andre med trekk foran"], ["101:125"]], "Polar_expression": [["bakhjulsdriften ikke fungerer like godt p\u00e5 vinterlig f\u00f8re"], ["39:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "109779-13-02", "text": "Dette erfarte vi da bilen ble testet under disse f\u00f8reforholdene i fjor .", "opinions": []}, {"sent_id": "109779-14-01", "text": "Selv om st\u00f8yniv\u00e5et ikke er plagsomt oppleves det som h\u00f8yere enn hos konkurrentene .", "opinions": [{"Source": [[], []], "Target": [["st\u00f8yniv\u00e5et"], ["8:18"]], "Polar_expression": [["ikke er plagsomt"], ["19:35"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["st\u00f8yniv\u00e5et"], ["8:18"]], "Polar_expression": [["oppleves det som h\u00f8yere enn hos konkurrentene"], ["36:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrentene"], ["68:81"]], "Polar_expression": [["oppleves det som h\u00f8yere"], ["36:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-14-02", "text": "B\u00e5de dekkst\u00f8y ( 17 tommers felger ) og noe dieselknatring er h\u00f8rbart .", "opinions": [{"Source": [[], []], "Target": [["dieselknatring"], ["43:57"]], "Polar_expression": [["h\u00f8rbart"], ["61:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dekkst\u00f8y"], ["5:13"]], "Polar_expression": [["h\u00f8rbart"], ["61:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-15-01", "text": "Som hos de fleste av konkurrentene er sikten rundt bilen litt hemmet av store stolper og en lav sittestilling fra f\u00f8rerplass .", "opinions": [{"Source": [[], []], "Target": [["sikten rundt bilen"], ["38:56"]], "Polar_expression": [["litt hemmet av store stolper og en lav sittestilling fra f\u00f8rerplass"], ["57:124"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrentene"], ["21:34"]], "Polar_expression": [["litt hemmet av store stolper og en lav sittestilling fra f\u00f8rerplass"], ["57:124"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-16-01", "text": "Interi\u00f8rmessig oser BMW av kvalitet selv om det etter hvert fremst\u00e5r som mindre nyskapende og moderne enn noen av konkurrentene .", "opinions": [{"Source": [[], []], "Target": [["BMW"], ["20:23"]], "Polar_expression": [["Interi\u00f8rmessig oser", "av kvalitet"], ["0:19", "24:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Interi\u00f8rmessig"], ["0:14"]], "Polar_expression": [["fremst\u00e5r som mindre nyskapende og moderne enn noen av konkurrentene"], ["60:127"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrentene"], ["114:127"]], "Polar_expression": [["fremst\u00e5r som mindre nyskapende og moderne"], ["60:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-17-01", "text": "Selv om det kanskje ikke er den st\u00f8rste ulempen p\u00e5 denne type mindre kompaktbiler er det verdt \u00e5 merke seg at BMW 116d med den minste dieselmotoren kan den ikke trekke tilhenger i det hele tatt .", "opinions": [{"Source": [[], []], "Target": [["BMW 116d"], ["110:118"]], "Polar_expression": [["kan", "ikke trekke tilhenger i det hele tatt"], ["148:151", "156:193"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-18-01", "text": "Modellen holder seg if\u00f8lge Autolease godt i verdi og over gjennomsnittet i klassen i bruktmarkedet .", "opinions": [{"Source": [["Autolease"], ["27:36"]], "Target": [["Modellen"], ["0:8"]], "Polar_expression": [["holder seg", "godt i verdi"], ["9:19", "37:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E", "NFP": true}, {"Source": [["Autolease"], ["27:36"]], "Target": [["Modellen"], ["0:8"]], "Polar_expression": [["over gjennomsnittet i klassen i bruktmarkedet"], ["53:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}]}, {"sent_id": "109779-18-02", "text": "Med riktig utstyrsniv\u00e5 vil markedsverdien v\u00e6re rundt 64 prosent av nybilprisen for b\u00e5de dieselvarianten med 116 hestekrefter og 136 hestekrefters bensinmotor .", "opinions": [{"Source": [[], []], "Target": [["markedsverdien"], ["27:41"]], "Polar_expression": [["rundt 64 prosent av nybilprisen"], ["47:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "109779-19-01", "text": "For \u00e5 f\u00e5 dette verdifallet anbefaler de at du minimum kj\u00f8per den s\u00e5kalte kj\u00f8rekomfortpakken og siktpakken .", "opinions": []}, {"sent_id": "109779-19-02", "text": "I tillegg b\u00f8r bilen if\u00f8lge Autolease ha xenonlys og sportsseter .", "opinions": []}, {"sent_id": "109779-20-01", "text": "VG og NAF hadde bare tilgang til en tred\u00f8rs versjon av 116d da bildene ble tatt .", "opinions": []}, {"sent_id": "109779-20-02", "text": "Innsteg i baksetet og lignende vurderinger er gjort p\u00e5 en tidligere vurdert femd\u00f8rs variant som ellers er akkurat lik i m\u00e5lene .", "opinions": []}, {"sent_id": "109779-21-01", "text": "HER ER V\u00c5RE VURDERINGER :", "opinions": []}, {"sent_id": "109779-22-01", "text": "F\u00f8rermilj\u00f8 :", "opinions": []}, {"sent_id": "109779-22-02", "text": "Grei sikt forover men litt d\u00e5rlig bakover .", "opinions": [{"Source": [[], []], "Target": [["sikt"], ["5:9"]], "Polar_expression": [["Grei", "forover"], ["0:4", "10:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sikt"], ["5:9"]], "Polar_expression": [["litt d\u00e5rlig bakover"], ["22:41"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-22-03", "text": "Knallgode seter .", "opinions": [{"Source": [[], []], "Target": [["seter"], ["10:15"]], "Polar_expression": [["Knallgode"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-22-04", "text": "Litt d\u00e5rlig kontrast i instrumenteringen med oransje tall mot svart bakgrunn .", "opinions": [{"Source": [[], []], "Target": [["instrumenteringen"], ["23:40"]], "Polar_expression": [["Litt d\u00e5rlig kontrast"], ["0:20"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["instrumenteringen"], ["23:40"]], "Polar_expression": [["oransje tall mot svart bakgrunn"], ["45:76"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-23-01", "text": "Kj\u00f8reegenskaper :", "opinions": []}, {"sent_id": "109779-23-02", "text": "Kort og greit helt topp .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["helt topp"], ["14:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-23-03", "text": "Sportslig , moro , trygt og komfortabelt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sportslig"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["moro"], ["12:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["trygt"], ["19:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["komfortabelt"], ["28:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-24-01", "text": "Plass :", "opinions": []}, {"sent_id": "109779-24-02", "text": "Bedre bakseteplass ( men d\u00e5rligere i lengden bak enn Mercedes A-klasse . )", "opinions": [{"Source": [[], []], "Target": [["bakseteplass"], ["6:18"]], "Polar_expression": [["Bedre"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mercedes A-klasse"], ["53:70"]], "Polar_expression": [["d\u00e5rligere i lengden bak"], ["25:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lengden bak"], ["37:48"]], "Polar_expression": [["d\u00e5rligere i lengden bak enn Mercedes A-klasse"], ["25:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-24-03", "text": "Trang \u00e5pning bak .", "opinions": [{"Source": [[], []], "Target": [["\u00e5pning bak"], ["6:16"]], "Polar_expression": [["Trang"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-24-04", "text": "Noe h\u00f8y terskel .", "opinions": [{"Source": [[], []], "Target": [["terskel"], ["8:15"]], "Polar_expression": [["Noe h\u00f8y"], ["0:7"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-25-01", "text": "Milj\u00f8 :", "opinions": []}, {"sent_id": "109779-25-02", "text": "Like bra som sine konkurrenter p\u00e5 CO2-utslipp p\u00e5 dieselvarianten .", "opinions": [{"Source": [[], []], "Target": [["CO2-utslipp"], ["34:45"]], "Polar_expression": [["Like bra som sine konkurrenter"], ["0:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dieselvarianten"], ["49:64"]], "Polar_expression": [["Like bra som sine konkurrenter p\u00e5 CO2-utslipp"], ["0:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-25-03", "text": "Bra ogs\u00e5 p\u00e5 bensinvarianten .", "opinions": [{"Source": [[], []], "Target": [["bensinvarianten"], ["12:27"]], "Polar_expression": [["Bra"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-26-01", "text": "Sikkerhet :", "opinions": []}, {"sent_id": "109779-26-02", "text": "Fem av fem mulige stjerner og en beskyttelsesgrad p\u00e5 91 prosent er sv\u00e6rt h\u00f8yt men heller ikke BMW n\u00e5r helt opp til Volvo V40 sin totalscore i EuroNCAP .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fem av fem mulige stjerner"], ["0:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["beskyttelsesgrad"], ["33:49"]], "Polar_expression": [["beskyttelsesgrad p\u00e5 91 prosent"], ["33:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["beskyttelsesgrad"], ["33:49"]], "Polar_expression": [["sv\u00e6rt h\u00f8yt"], ["67:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["BMW"], ["94:97"]], "Polar_expression": [["heller ikke BMW n\u00e5r helt opp til Volvo V40 sin totalscore i EuroNCAP"], ["82:150"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volvo V40"], ["115:124"]], "Polar_expression": [["heller ikke BMW n\u00e5r helt opp", "totalscore i EuroNCAP"], ["82:110", "129:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-27-01", "text": "\u00c5 eie :", "opinions": []}, {"sent_id": "109779-27-02", "text": "Bilen holder seg bedre enn gjennomsnittet i pris som brukt if\u00f8lge Autolease , men har et litt h\u00f8yere verditap enn Mercedes A-klasse og Audi A3 Sportback og Volvo V40 med minste diesel .", "opinions": [{"Source": [["Autolease"], ["66:75"]], "Target": [["Bilen"], ["0:5"]], "Polar_expression": [["holder seg bedre enn gjennomsnittet i pris som brukt"], ["6:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["Bilen"], ["0:5"]], "Polar_expression": [["har et litt h\u00f8yere verditap enn Mercedes A-klasse og Audi A3 Sportback og Volvo V40 med minste diesel"], ["82:183"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Mercedes A-klasse"], ["114:131"]], "Polar_expression": [["Bilen", "har et litt h\u00f8yere verditap"], ["0:5", "82:109"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Audi A3 Sportback"], ["135:152"]], "Polar_expression": [["Bilen", "har et litt h\u00f8yere verditap"], ["0:5", "82:109"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Volvo V40"], ["156:165"]], "Polar_expression": [["Bilen", "har et litt h\u00f8yere verditap"], ["0:5", "82:109"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-27-03", "text": "\u00c5rlige driftsutgifter de f\u00f8rste tre \u00e5rene er som snittet i klassen ; rundt 3600 kroner .", "opinions": []}, {"sent_id": "109779-27-04", "text": "BMWs eiere er de mest forn\u00f8yde blant alle de testede bilene if\u00f8lge NAFs AutoIndex .", "opinions": [{"Source": [["NAFs AutoIndex"], ["67:81"]], "Target": [["BMWs"], ["0:4"]], "Polar_expression": [["mest forn\u00f8yde"], ["17:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109779-28-01", "text": "Pris :", "opinions": []}, {"sent_id": "109779-28-02", "text": "Noe h\u00f8yt prisniv\u00e5 p\u00e5 en del av ekstrautstyret .", "opinions": [{"Source": [[], []], "Target": [["ekstrautstyret"], ["31:45"]], "Polar_expression": [["Noe h\u00f8yt prisniv\u00e5"], ["0:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prisniv\u00e5"], ["9:17"]], "Polar_expression": [["Noe h\u00f8yt"], ["0:8"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-29-01", "text": "Design :", "opinions": []}, {"sent_id": "109779-29-02", "text": "Lekker , stilfull , nydelige linjer langs karosserisiden og panseret .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Lekker"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["stilfull"], ["9:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["nydelige linjer langs karosserisiden og panseret"], ["20:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109779-30-01", "text": "( Hovedterningen er ikke et gjennomsnitt av delterningene .", "opinions": []}, {"sent_id": "109779-30-02", "text": "Vi har vektlagt bilenes totalinntrykk .", "opinions": []}, {"sent_id": "109779-30-03", "text": "VGs biltester bygger p\u00e5 vurderinger av bilene gjennom praktisk samt vurderinger av spesifikasjoner , priser og utstyr ) .", "opinions": []}, {"sent_id": "103393-01-01", "text": "Utfordrende fantasi-action", "opinions": []}, {"sent_id": "103393-02-01", "text": "\u00ab Champions of Norrath \u00bb er ingen umiddelbar klassiker , men vil garantert falle i smak hos de fleste tilhengere av actionrollespill .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Champions of Norrath \u00bb"], ["0:24"]], "Polar_expression": [["ingen umiddelbar klassiker"], ["28:54"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Champions of Norrath \u00bb"], ["0:24"]], "Polar_expression": [["vil garantert falle i smak hos de fleste tilhengere av actionrollespill"], ["61:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103393-03-01", "text": "Det hjelper ogs\u00e5 at selve produksjonen er god som gull .", "opinions": [{"Source": [[], []], "Target": [["produksjonen"], ["26:38"]], "Polar_expression": [["god som gull"], ["42:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-03-02", "text": "Grafikken er riktignok enkel og lite pomp\u00f8s , men samtidig er den stemningsfull og fungerer veldig godt sammen med de atmosf\u00e6reskapende melodiene .", "opinions": [{"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["enkel"], ["23:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["lite pomp\u00f8s"], ["32:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["stemningsfull"], ["66:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Grafikken"], ["0:9"]], "Polar_expression": [["fungerer veldig godt sammen med de atmosf\u00e6reskapende melodiene"], ["83:145"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["melodiene"], ["136:145"]], "Polar_expression": [["atmosf\u00e6reskapende"], ["118:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-03-03", "text": "Skuespillet er overraskende godt gjennomf\u00f8rt , og i sum lukter spillet kvalitet .", "opinions": [{"Source": [[], []], "Target": [["Skuespillet"], ["0:11"]], "Polar_expression": [["overraskende godt gjennomf\u00f8rt"], ["15:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["63:70"]], "Polar_expression": [["lukter", "kvalitet"], ["56:62", "71:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-04-01", "text": "\u00ab Champions of Norrath \u00bb har ogs\u00e5 en passende lengde , og stedene du bes\u00f8ker stiller med bra variasjon .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Champions of Norrath \u00bb"], ["0:24"]], "Polar_expression": [["passende lengde"], ["37:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Champions of Norrath \u00bb"], ["0:24"]], "Polar_expression": [["stedene du bes\u00f8ker stiller med bra variasjon"], ["58:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["stedene"], ["58:65"]], "Polar_expression": [["bra variasjon"], ["89:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-04-02", "text": "Alt fra dunkle grotter til vakre alveskoger ligger foran deg , og mye av fascinasjonen bak spillet ligger i \u00e5 kontinuerlig oppdage nye omr\u00e5der .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["91:98"]], "Polar_expression": [["Alt fra dunkle grotter til vakre alveskoger"], ["0:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["91:98"]], "Polar_expression": [["\u00e5 kontinuerlig oppdage nye omr\u00e5der"], ["108:142"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-05-01", "text": "Spillet kan heldigvis nytes b\u00e5de over Internett og sammen med fire spillere p\u00e5 samme konsoll .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["kan heldigvis nytes b\u00e5de over Internett og sammen med fire spillere p\u00e5 samme konsoll"], ["8:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-05-02", "text": "Dette fungerer bedre enn enspillerdelen , spesielt fordi det blir enklere \u00e5 knekke oppgavene med hjelp fra andre .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["fungerer bedre enn enspillerdelen"], ["6:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["enklere \u00e5 knekke oppgavene med hjelp fra andre"], ["66:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103393-06-01", "text": "For \u00ab Champions of Norrath \u00bb er et utfordrende spill som ofte setter deg opp mot umulige odds .", "opinions": []}, {"sent_id": "103393-06-02", "text": "Du skal ha en stor dose t\u00e5lmodighet for ikke \u00e5 bli riv , ruskende gal av \u00e5 m\u00e5tte g\u00e5 gjennom samme brett gjentatte ganger uten hell .", "opinions": []}, {"sent_id": "103393-07-01", "text": "Og det er kanskje der \u00ab Champions of Norrath \u00bb briljerer .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Champions of Norrath \u00bb"], ["22:46"]], "Polar_expression": [["briljerer"], ["47:56"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103393-07-02", "text": "Motgang er tross alt uimotst\u00e5elig avhengighetsdannende .", "opinions": []}, {"sent_id": "301630-01-01", "text": "Rystende", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Rystende"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301630-02-01", "text": "Du merker ikke den fulle effekten av \u00ab 12 Years a Slave \u00bb f\u00f8r du forlater kinosalen .", "opinions": []}, {"sent_id": "301630-03-01", "text": "FILM : Solomon Northup ( f . 1808 ) , snekker og fiolinist , er f\u00f8dt fri og lever i Saratoga Springs , New York med kone og to barn .", "opinions": []}, {"sent_id": "301630-03-02", "text": "Under en reise til Washington DC i 1841 blir han kidnappet og smuglet til S\u00f8r-statene .", "opinions": []}, {"sent_id": "301630-03-03", "text": "Uten papirer har han ingen rettigheter .", "opinions": []}, {"sent_id": "301630-03-04", "text": "Du er ikke fra New York , f\u00e5r han vite , du er en r\u00f8mt slave fra Georgia .", "opinions": []}, {"sent_id": "301630-03-05", "text": "Han r\u00e5des av medslaver til \u00e5 skjule at han kan lese og skrive .", "opinions": []}, {"sent_id": "301630-04-01", "text": "Northup ( Chiwetel Ejiofor ) blir solgt p\u00e5 et marked i New Orleans .", "opinions": []}, {"sent_id": "301630-04-02", "text": "Han f\u00e5r f\u00f8lge av Eliza .", "opinions": []}, {"sent_id": "301630-04-03", "text": "Hennes to barn blir solgt hver for seg .", "opinions": []}, {"sent_id": "301630-04-04", "text": "Gutten kan jobbe , jenta er vakker og verdt en god del penger .", "opinions": []}, {"sent_id": "301630-04-05", "text": "Kj\u00f8peren , plantasjeeier William Ford ( Benedict Cumberbatch ) , appellerer til slavehandler Freemans medmenneskelighet , siden han bare har r\u00e5d til mora .", "opinions": []}, {"sent_id": "301630-05-01", "text": "Denne hjerteskj\u00e6rende scenen er en av mange som viser det institusjonaliserte slaveriets nedbrytende virkning p\u00e5 alle involverte .", "opinions": [{"Source": [[], []], "Target": [["scenen"], ["22:28"]], "Polar_expression": [["hjerteskj\u00e6rende"], ["6:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301630-05-02", "text": "Ford er en god mann \u00ab etter forholdene \u00bb , som Northup uttrykker det , men han m\u00e5 tenke \u00f8konomi og det oppst\u00e5r etter hvert en situasjon som gj\u00f8r at han m\u00e5 selge Northup videre til Edwin Epps ( Michael Fassbender ) , som med bibelvers og pisk vet \u00e5 disiplinere sine \u00ab niggers \u00bb .", "opinions": []}, {"sent_id": "301630-06-01", "text": "Dvelende", "opinions": []}, {"sent_id": "301630-06-02", "text": "Steve McQueen ( f . 1969 ) var en etablert og prisbel\u00f8nt videokunstner da han i 2008 debuterte som spillefilmregiss\u00f8r med \u00ab Hunger \u00bb , om sultestreiken som tok livet av IRA-medlem Bobby Sands i 1981 .", "opinions": []}, {"sent_id": "301630-06-03", "text": "Han fulgte opp med \u00ab Shame \u00bb , om sexavhengige Brandon .", "opinions": []}, {"sent_id": "301630-06-04", "text": "Begge hovedrollene spilles av Michael Fassbender .", "opinions": []}, {"sent_id": "301630-06-05", "text": "I \u00ab Shame \u00bb er kontrasten skarp mellom filmens kj\u00f8lige tone og \u00f8yeblikk av kj\u00e6rkommen menneskelig varme .", "opinions": []}, {"sent_id": "301630-06-06", "text": "Jeg skrev i min anmeldelse at McQueens neste film burde v\u00e6re et romantisk drama , men den egenr\u00e5dige regiss\u00f8ren har ikke fulgt mitt r\u00e5d .", "opinions": []}, {"sent_id": "301630-06-07", "text": "I stedet har han fordypet seg i alt det onde mennesker kan f\u00e5 seg til \u00e5 gj\u00f8re mot hverandre , med loven i h\u00e5nd og Gud p\u00e5 sin side .", "opinions": []}, {"sent_id": "301630-07-01", "text": "Scene for scene , iblant med tilsynelatende distanse , bygger McQueen opp en kraftfull ford\u00f8mmelse av slaveriets vesen .", "opinions": [{"Source": [[], []], "Target": [["McQueen"], ["62:69"]], "Polar_expression": [["bygger", "kraftfull ford\u00f8mmelse av slaveriets vesen"], ["55:61", "77:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ford\u00f8mmelse av slaveriets vesen"], ["87:118"]], "Polar_expression": [["kraftfull"], ["77:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301630-07-02", "text": "Han dveler ved det grusomme , men uten \u00e5 skape karikaturer .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["dveler ved det grusomme , men uten \u00e5 skape karikaturer"], ["4:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301630-07-03", "text": "Han demper det melodramatiske og lar ikke onde gjerninger munne ut i sentimental forsoning .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["demper det melodramatiske"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["lar ikke onde gjerninger munne ut i sentimental forsoning"], ["33:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301630-08-01", "text": "Ettersjokk", "opinions": []}, {"sent_id": "301630-08-02", "text": "Ejiofor er filmens gl\u00f8dende sentrum .", "opinions": [{"Source": [[], []], "Target": [["Ejiofor"], ["0:7"]], "Polar_expression": [["filmens gl\u00f8dende sentrum"], ["11:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301630-08-03", "text": "Vi vet at Northup vil klare seg , men vi er aldri sikre p\u00e5 om han vil beholde sin verdighet som menneske i all nedrigheten han utsettes for .", "opinions": []}, {"sent_id": "301630-08-04", "text": "I tillegg til McQueen er b\u00e5de Ejiofor og Fassbender Oscar-nominert .", "opinions": []}, {"sent_id": "301630-08-05", "text": "Det er ogs\u00e5 Lupita Nyong'o .", "opinions": []}, {"sent_id": "301630-08-06", "text": "Hun spiller Patsey , som f\u00e5r lide fordi den plagede sadisten Epps er dypt forelsket i henne .", "opinions": []}, {"sent_id": "301630-09-01", "text": "Selv satt jeg i salen og tenkte :", "opinions": []}, {"sent_id": "301630-09-02", "text": "Dette er en briljant , kontrollert og troverdig skildring , men jeg har ingen klump i halsen , s\u00e5 her er det noe som mangler .", "opinions": [{"Source": [["jeg"], ["64:67"]], "Target": [["skildring"], ["48:57"]], "Polar_expression": [["briljant"], ["12:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["64:67"]], "Target": [["skildring"], ["48:57"]], "Polar_expression": [["kontrollert"], ["23:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["64:67"]], "Target": [["skildring"], ["48:57"]], "Polar_expression": [["troverdig"], ["38:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["64:67"]], "Target": [[], []], "Polar_expression": [["noe som mangler"], ["109:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301630-09-03", "text": "Den f\u00f8lelsesmessige effekten kom f\u00f8rst mot slutten - og etterp\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8lelsesmessige effekten kom f\u00f8rst mot slutten"], ["4:50"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["slutten"], ["43:50"]], "Polar_expression": [["f\u00f8lelsesmessige effekten"], ["4:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["etterp\u00e5"], ["56:63"]], "Polar_expression": [["f\u00f8lelsesmessige effekten"], ["4:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301630-09-04", "text": "En rystende og uforglemmelig film .", "opinions": [{"Source": [[], []], "Target": [["film"], ["29:33"]], "Polar_expression": [["rystende"], ["3:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["29:33"]], "Polar_expression": [["uforglemmelig"], ["15:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102362-01-01", "text": "Str\u00e5lende Sundf\u00f8r", "opinions": [{"Source": [[], []], "Target": [["Sundf\u00f8r"], ["10:17"]], "Polar_expression": [["Str\u00e5lende"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-02-01", "text": "Uten Susanne Sundf\u00f8r hadde ikke dette v\u00e6rt all verdens l\u00e5t .", "opinions": [{"Source": [[], []], "Target": [["Susanne Sundf\u00f8r"], ["5:20"]], "Polar_expression": [["Uten", "hadde ikke dette v\u00e6rt all verdens"], ["0:4", "21:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5t"], ["55:58"]], "Polar_expression": [["Uten Susanne Sundf\u00f8r hadde ikke dette v\u00e6rt all verdens"], ["0:54"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102362-03-01", "text": "L\u00c5T:M83 & Susanne Sundf\u00f8r :", "opinions": []}, {"sent_id": "102362-03-02", "text": "\u00ab Oblivion \u00bb ( Backlot Records )", "opinions": []}, {"sent_id": "102362-03-03", "text": "Susanne Sundf\u00f8r er i sannhet en sterk artist p\u00e5 egne bein , men nyter for tiden godt av at ogs\u00e5 andre og minst like kredible artister \u00f8nsker \u00e5 benytte seg av stemmeprakten hennes .", "opinions": [{"Source": [[], []], "Target": [["Susanne Sundf\u00f8r"], ["0:15"]], "Polar_expression": [["sterk artist p\u00e5 egne bein"], ["32:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Susanne Sundf\u00f8r"], ["0:15"]], "Polar_expression": [["andre og minst like kredible artister \u00f8nsker \u00e5 benytte seg av stemmeprakten hennes"], ["96:178"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["artister"], ["125:133"]], "Polar_expression": [["minst like kredible"], ["105:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-03-04", "text": "P\u00e5 den m\u00e5ten f\u00e5r Sundf\u00f8r ogs\u00e5 verdifull ekstraomtale utenom grensene til v\u00e5rt lille land .", "opinions": []}, {"sent_id": "102362-04-01", "text": "Et ferskt samarbeidseksempel er R\u00f6yksopp og deres milde , hektende \u00ab Running To The Sea \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Running To The Sea \u00bb"], ["67:89"]], "Polar_expression": [["hektende"], ["58:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Running To The Sea \u00bb"], ["67:89"]], "Polar_expression": [["milde"], ["50:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["R\u00f6yksopp"], ["32:40"]], "Polar_expression": [["milde , hektende \u00ab Running To The Sea \u00bb"], ["50:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-04-02", "text": "N\u00e5 er det alts\u00e5 franske M83 som f\u00e5r drahjelp av haugesundkvinnens vokale magi .", "opinions": [{"Source": [[], []], "Target": [["haugesundkvinnens"], ["48:65"]], "Polar_expression": [["vokale magi"], ["66:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-05-01", "text": "\u00ab Oblivion \u00bb er fra den kommende filmen med samme navn der Tom Cruise og Morgan Freeman har hovedrollene - et science fiction-prosjekt som neppe blir d\u00e5rligere av tittell\u00e5ta .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Oblivion \u00bb"], ["0:12"]], "Polar_expression": [["filmen", "neppe blir d\u00e5rligere av tittell\u00e5ta"], ["33:39", "139:173"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["33:39"]], "Polar_expression": [["neppe blir d\u00e5rligere av tittell\u00e5ta"], ["139:173"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-06-01", "text": "Selve l\u00e5ten starter opp som en synth-tung pop-ballade fra \u00e5ttitallet med stakkato Phil Collins-tromming , men det er n\u00e5r Susanne Sundf\u00f8r ramler inn med himmelvendt stemme at l\u00e5ta f\u00e5r liv .", "opinions": [{"Source": [[], []], "Target": [["stemme"], ["164:170"]], "Polar_expression": [["himmelvendt"], ["152:163"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Susanne Sundf\u00f8r"], ["121:136"]], "Polar_expression": [["himmelvendt stemme"], ["152:170"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ta"], ["174:178"]], "Polar_expression": [["Susanne Sundf\u00f8r ramler inn med himmelvendt stemme", "f\u00e5r liv"], ["121:170", "179:186"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102362-07-01", "text": "Mer enn noensinne h\u00f8res Sundf\u00f8rs glidende vokal her ut som om Stevie Nicks fors\u00f8ker \u00e5 n\u00e5 de h\u00f8yeste tonene til Kate Bush .", "opinions": [{"Source": [[], []], "Target": [["Sundf\u00f8rs glidende vokal"], ["24:47"]], "Polar_expression": [["Mer enn noensinne h\u00f8res Sundf\u00f8rs glidende vokal her ut som om Stevie Nicks fors\u00f8ker \u00e5 n\u00e5 de h\u00f8yeste tonene til Kate Bush"], ["0:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-07-02", "text": "D\u00e8t er ment som en kompliment .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ment som en kompliment"], ["7:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-08-01", "text": "Men selvf\u00f8lgelig er det ogs\u00e5 umiskjennelig Susanne Sundf\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["Susanne Sundf\u00f8r"], ["43:58"]], "Polar_expression": [["umiskjennelig"], ["29:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-08-02", "text": "Hennes fabelaktige evne til \u00e5 kontrollere energi selv om bestanddelene rundt stemmen hennes drypper av dramatikk , gj\u00f8r at \u00ab Oblivion \u00bb f\u00e5r dette ekstra dragsuget i refrenget som f\u00e5r deg til \u00e5 spisse \u00f8rer .", "opinions": [{"Source": [[], []], "Target": [["Hennes"], ["0:6"]], "Polar_expression": [["fabelaktige evne til \u00e5 kontrollere energi"], ["7:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Oblivion \u00bb"], ["123:135"]], "Polar_expression": [["Hennes fabelaktige evne til \u00e5 kontrollere energi"], ["0:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102362-09-01", "text": "M83s musikk har n\u00e6rmest v\u00e6rt skreddersydd for film ogs\u00e5 tidligere , men i samarbeid med Susanne Sundf\u00f8r f\u00e5r de tunge , dr\u00f8mmende lydscenariene ytterligere visualitet .", "opinions": [{"Source": [[], []], "Target": [["M83s musikk"], ["0:11"]], "Polar_expression": [["n\u00e6rmest v\u00e6rt skreddersydd for film"], ["16:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydscenariene"], ["129:142"]], "Polar_expression": [["f\u00e5r", "ytterligere visualitet"], ["104:107", "143:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydscenariene"], ["129:142"]], "Polar_expression": [["dr\u00f8mmende"], ["119:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydscenariene"], ["129:142"]], "Polar_expression": [["tunge"], ["111:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Susanne Sundf\u00f8r"], ["88:103"]], "Polar_expression": [["i samarbeid med", "f\u00e5r de tunge , dr\u00f8mmende lydscenariene ytterligere visualitet"], ["72:87", "104:165"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102362-09-02", "text": "Nydelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nydelig"], ["0:7"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108638-01-01", "text": "Det indre m\u00f8rket", "opinions": []}, {"sent_id": "108638-02-01", "text": "Roman , 223 sider Pris kr. 349 , - Cappelen", "opinions": []}, {"sent_id": "108638-03-01", "text": "Det skorter ikke akkurat p\u00e5 dramatikk n\u00e5r Selma L\u00f8nning Aar\u00f8 lar sin hovedperson David gjenfortelle sine foreldres liv , sitt eget liv og sin kj\u00e6restes liv .", "opinions": []}, {"sent_id": "108638-04-01", "text": "Situasjonen er at samboeren Bergljot st\u00e5r i ferd med \u00e5 forlate ham , og David utsetter henne for en desperat monolog gjennom den stengte baded\u00f8ren .", "opinions": []}, {"sent_id": "108638-05-01", "text": "Det er faktisk bare denne noe trengte rammefortellingen , og den un\u00f8dvendig insisterende tiltaleformen - \u00ab Du har ikke lov , du vet det , men p\u00e5 en eller annen m\u00e5te er det ikke du som velger lenger \u00bb - som fungerer d\u00e5rlig i denne romanen .", "opinions": [{"Source": [[], []], "Target": [["rammefortellingen"], ["38:55"]], "Polar_expression": [["noe trengte"], ["26:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tiltaleformen"], ["89:102"]], "Polar_expression": [["un\u00f8dvendig insisterende"], ["65:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["romanen"], ["230:237"]], "Polar_expression": [["noe trengte rammefortellingen", "fungerer d\u00e5rlig"], ["26:55", "206:221"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["romanen"], ["230:237"]], "Polar_expression": [["un\u00f8dvendig insisterende tiltaleformen", "fungerer d\u00e5rlig"], ["65:102", "206:221"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108638-05-02", "text": "N\u00e5r forfatteren frigj\u00f8r seg fra disse selvp\u00e5lagte restriksjonene og lar sine historier l\u00f8pe fritt , viser hun et fortellertalent av sjelden kraft og frodighet .", "opinions": [{"Source": [[], []], "Target": [["forfatteren"], ["4:15"]], "Polar_expression": [["fortellertalent av sjelden kraft og frodighet"], ["113:158"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108638-05-03", "text": "Selv et s\u00e5 \u00f8mskinnet og samtidig \u00ab slitent \u00bb tema som j\u00f8deforf\u00f8lgelser under den annen verdenskrig turnerer denne s\u00e5 vidt tretti \u00e5r gamle forfatteren med innlevelse og troverdighet .", "opinions": [{"Source": [[], []], "Target": [["j\u00f8deforf\u00f8lgelser under den annen verdenskrig"], ["54:98"]], "Polar_expression": [["\u00f8mskinnet og samtidig \u00ab slitent \u00bb tema"], ["11:49"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forfatteren"], ["138:149"]], "Polar_expression": [["Selv et s\u00e5 \u00f8mskinnet og samtidig \u00ab slitent \u00bb tema", "med innlevelse og troverdighet"], ["0:49", "150:180"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108638-06-01", "text": "M\u00f8rke er et sentralt motiv i boken .", "opinions": []}, {"sent_id": "108638-06-02", "text": "Davids far , j\u00f8degutten Michael , opplevde krigens siste \u00e5r gjemt i en trekasse i en kjeller , hjulpet av en norsk familie som ikke uten motforestillinger holdt liv i ham .", "opinions": []}, {"sent_id": "108638-06-03", "text": "Hans dramatiske m\u00f8te med lyset , og sitt eget voksne ansikt , etter frigj\u00f8ringen gir ham den sjokkerende innsikten :", "opinions": []}, {"sent_id": "108638-06-04", "text": "At de to \u00e5rene innestengt i kassen har r\u00f8vet ham for en del av hans liv han aldri vil f\u00e5 tilbake .", "opinions": []}, {"sent_id": "108638-06-05", "text": "Det vil alltid finnes et kistem\u00f8rke inni ham , og smerten ved dette er det bare Annas n\u00e6rv\u00e6r som kan lindre .", "opinions": []}, {"sent_id": "108638-06-06", "text": "Hun var den norske familiens datter , den eneste som viste omsorg for ham ut over det helt n\u00f8dvendige .", "opinions": []}, {"sent_id": "108638-06-07", "text": "Etter krigen blir hun hans kone , og s\u00f8nnen David blir f\u00f8dt .", "opinions": []}, {"sent_id": "108638-06-08", "text": "N\u00e5r faren d\u00f8r for egen h\u00e5nd , blir David plutselig blind .", "opinions": []}, {"sent_id": "108638-06-09", "text": "Han g\u00e5r inn i sitt eget m\u00f8rke .", "opinions": []}, {"sent_id": "108638-06-10", "text": "En kvinnelig assistent fra Blindeforbundet kommer til leiligheten , og de innleder et forhold .", "opinions": []}, {"sent_id": "108638-06-11", "text": "Bergljot - av mystiske grunner kalt Berg - b\u00e6rer ogs\u00e5 et m\u00f8rke i sitt indre .", "opinions": []}, {"sent_id": "108638-06-12", "text": "Hun ble utsatt for et overgrep i sin ungdom , og har siden s\u00f8kt en ulykkelig tilfredsstillelse i fornedrende seksuelle relasjoner .", "opinions": []}, {"sent_id": "108638-07-01", "text": "Det er en prestasjon av Aar\u00f8 \u00e5 h\u00e5ndtere et knippe s\u00e5 innfl\u00f8kte handlinger p\u00e5 en m\u00e5te som ikke virker trettende eller konstruert .", "opinions": [{"Source": [[], []], "Target": [["Aar\u00f8"], ["24:28"]], "Polar_expression": [["prestasjon", "ikke virker trettende eller konstruert"], ["10:20", "89:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108638-07-02", "text": "Tvert imot foretar hun alle sprang i kronologi og berettersynsvinkel med sikkerhet og eleganse .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["19:22"]], "Polar_expression": [["sikkerhet"], ["73:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["19:22"]], "Polar_expression": [["eleganse"], ["86:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108638-07-03", "text": "Selvsagt lurer melodramaet i en fortelling med s\u00e5 mange f\u00f8lelser i fritt spill .", "opinions": []}, {"sent_id": "108638-07-04", "text": "Men melodramaet er en plausibel litter\u00e6r teknikk , noe vi hemmede nordmenn har en tendens til \u00e5 overse .", "opinions": [{"Source": [["vi"], ["55:57"]], "Target": [["melodramaet"], ["4:15"]], "Polar_expression": [["plausibel litter\u00e6r teknikk"], ["22:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["55:57"]], "Target": [["nordmenn"], ["66:74"]], "Polar_expression": [["hemmede"], ["58:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108638-07-05", "text": "Denne romanen , Aar\u00f8s fjerde , er virkelig et vitnesbyrd om et forfatterskap i rik utvikling .", "opinions": [{"Source": [[], []], "Target": [["romanen"], ["6:13"]], "Polar_expression": [["vitnesbyrd om et forfatterskap i rik utvikling"], ["46:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103367-01-01", "text": "\u00ab The Graduate \u00bb", "opinions": []}, {"sent_id": "103367-02-01", "text": "( 1968 )", "opinions": []}, {"sent_id": "103367-03-01", "text": "I motsetning til hva mange tror , skrev Simon & Garfunkel bare \u00e9n ny sang til Mike Nichols ber\u00f8mte film \u00ab Manndomspr\u00f8ven \u00bb .", "opinions": []}, {"sent_id": "103367-03-02", "text": "Den er til gjengjeld en av deres beste - nemlig \u00ab Mrs . Robinson \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["en av deres beste"], ["21:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103367-03-03", "text": "Den med \u00ab de de de de de de / de de de de de de de \u00bb , du vet , en popsang s\u00e5 uimotst\u00e5elig at selv The Lemonheads ikke kunne unng\u00e5 \u00e5 f\u00e5 en hit med den ( i 1992 ) .", "opinions": [{"Source": [[], []], "Target": [["popsang"], ["67:74"]], "Polar_expression": [["s\u00e5 uimotst\u00e5elig at selv The Lemonheads ikke kunne unng\u00e5 \u00e5 f\u00e5 en hit med den"], ["75:150"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103367-03-04", "text": "Resten er kutt hentet fra deres tre f\u00f8rste album , samt Dave Grusins meget tidstypiske , Henry Mancini-aktige salongjazz .", "opinions": []}, {"sent_id": "103367-04-01", "text": "Sistnevnte beholdning f\u00f8les like utg\u00e5tt p\u00e5 dato som selve filmen , der en tretti \u00e5r gammel Dustin Hoffman spiller en ti \u00e5r yngre mann p\u00e5 jakt etter seg selv , i et amerikansk sekstitall som allerede var p\u00e5 vei inn i historien i det politisk og kulturelt stormfulle \u00e5ret 1967 .", "opinions": [{"Source": [[], []], "Target": [["Sistnevnte beholdning"], ["0:21"]], "Polar_expression": [["f\u00f8les like utg\u00e5tt p\u00e5 dato som selve filmen"], ["22:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-01-01", "text": "Hjelp , vi lager skole", "opinions": []}, {"sent_id": "304562-02-01", "text": "\u00ab Won't Back Down \u00bb pr\u00f8ver \u00e5 forene semit\u00e5reperse og samfunnsdebatt .", "opinions": []}, {"sent_id": "304562-02-02", "text": "Det g\u00e5r s\u00e5nn passe .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det g\u00e5r s\u00e5nn passe"], ["0:18"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304562-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "304562-03-02", "text": "Det finnes en egen filmsjanger som kan kalles \u00ab showfilmen \u00bb .", "opinions": []}, {"sent_id": "304562-03-03", "text": "En gjeng glade amat\u00f8rer vil eller m\u00e5 sette opp en forestilling , de er i utgangspunktet talentl\u00f8se og m\u00f8ter liten tiltro , men ender opp med fulle hus , st\u00e5ende applaus , ny livsvisdom og t\u00e5rer i \u00f8yekroken .", "opinions": []}, {"sent_id": "304562-03-04", "text": "\u00ab Won't Back Down \u00bb er skoleversjonen av det samme .", "opinions": []}, {"sent_id": "304562-03-05", "text": "Det inneb\u00e6rer langt f\u00e6rre paljetter , men like mange \u00e5ndel\u00f8se \u00ab f\u00e5r vi det til \u00bb -\u00f8yeblikk f\u00f8r jubelen bryter l\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["\u00ab f\u00e5r vi det til \u00bb -\u00f8yeblikk"], ["62:90"]], "Polar_expression": [["\u00e5ndel\u00f8se"], ["53:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-03-06", "text": "Og det er ingen tvil om hvem vi skal juble for .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen tvil om hvem vi skal juble for"], ["10:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-04-01", "text": "Sterke skuespillere", "opinions": [{"Source": [[], []], "Target": [["skuespillere"], ["7:19"]], "Polar_expression": [["Sterke"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-04-02", "text": "Den fattige alenemoren Jamie ( Maggie Gyllenhaal ) fortviler over at den falleferdige offentlige skolen ikke tar hensyn til den lille datteren og dysleksien hennes .", "opinions": []}, {"sent_id": "304562-04-03", "text": "Hun overtaler den nyskilte og desillusjonerte l\u00e6reren Nola ( Viola Davis ) til \u00e5 trenge seg gjennom et smutthull i loven sammen med henne og gj\u00f8re skolen l\u00e6rerstyrt .", "opinions": []}, {"sent_id": "304562-04-04", "text": "\u00ab Won't Back Down \u00bb handler om veien gjennom denne hinderl\u00f8ypa , og l\u00f8ftes helt klart av \u00e5 ha s\u00e5 sterke hinderl\u00f8pere :", "opinions": [{"Source": [[], []], "Target": [["hinderl\u00f8pere"], ["104:116"]], "Polar_expression": [["sterke"], ["97:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Won't Back Down \u00bb"], ["0:19"]], "Polar_expression": [["l\u00f8ftes helt klart av \u00e5 ha s\u00e5 sterke hinderl\u00f8pere"], ["68:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304562-04-05", "text": "Gyllenhaal og Davis er begge overbevisende , karismatiske skuespillere som f\u00e5r publikum til \u00e5 tro det de tror og f\u00f8le det de f\u00f8ler .", "opinions": [{"Source": [[], []], "Target": [["Davis"], ["14:19"]], "Polar_expression": [["overbevisende , karismatiske skuespillere som f\u00e5r publikum til \u00e5 tro det de tror og f\u00f8le det de f\u00f8ler ."], ["29:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gyllenhaal"], ["0:10"]], "Polar_expression": [["overbevisende , karismatiske skuespillere som f\u00e5r publikum til \u00e5 tro det de tror og f\u00f8le det de f\u00f8ler ."], ["29:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-05-01", "text": "Debatt og semit\u00e5reperse", "opinions": []}, {"sent_id": "304562-05-02", "text": "Det er heller ingen tvil om at det amerikanske skolesystemet , der sm\u00e5 barn mer eller mindre er fortapt fra dagen de begynner p\u00e5 en underfinansiert skole i bykjernen , fortjener noen drag pepper og vel s\u00e5 d\u00e9t .", "opinions": [{"Source": [[], []], "Target": [["det amerikanske skolesystemet"], ["31:60"]], "Polar_expression": [["fortjener noen drag pepper og vel s\u00e5 d\u00e9t"], ["168:208"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-05-03", "text": "Men det sp\u00f8rs om debatten er tjent med optimistiske aktiviststykker som \u00ab Won't Back Down \u00bb , som fors\u00f8ker \u00e5 lage en amalagam av kompleks samfunnsdebatt og semit\u00e5reperse om David og Goliat , og som fremstiller l\u00f8sningen som n\u00e6rmest gitt , bare du har hjertet p\u00e5 rett sted , st\u00e5 p\u00e5-vilje og et cheesy slogan .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Won't Back Down \u00bb"], ["72:91"]], "Polar_expression": [["sp\u00f8rs om debatten er tjent med optimistiske aktiviststykker"], ["8:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Won't Back Down \u00bb"], ["72:91"]], "Polar_expression": [["fors\u00f8ker \u00e5 lage en amalagam av kompleks samfunnsdebatt"], ["98:152"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Won't Back Down \u00bb"], ["72:91"]], "Polar_expression": [["semit\u00e5reperse om David og Goliat"], ["156:188"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["\u00ab Won't Back Down \u00bb"], ["72:91"]], "Polar_expression": [["fremstiller l\u00f8sningen som n\u00e6rmest gitt , bare du har hjertet p\u00e5 rett sted , st\u00e5 p\u00e5-vilje og et cheesy slogan"], ["198:306"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-05-04", "text": "Filmen er ogs\u00e5 dels kl\u00f8nete laget , med underlige kameraskift og umotiverte aksebrudd .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["dels kl\u00f8nete laget"], ["15:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["aksebrudd"], ["76:85"]], "Polar_expression": [["umotiverte"], ["65:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kameraskift"], ["50:61"]], "Polar_expression": [["underlige"], ["40:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["umotiverte aksebrudd"], ["65:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["underlige kameraskift"], ["40:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304562-06-01", "text": "I det lille", "opinions": []}, {"sent_id": "304562-06-02", "text": "Det mest interessante og troverdige skjer i det lille , i de sm\u00e5 frustrasjonene og dilemmaene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mest interessante og troverdige skjer i det lille"], ["4:53"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["de sm\u00e5 frustrasjonene og dilemmaene"], ["58:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304562-06-03", "text": "L\u00e6reren som tror p\u00e5 fagforeningen som id\u00e9 og prosjekt , men er uenig i hva de gj\u00f8r .", "opinions": []}, {"sent_id": "304562-06-04", "text": "Aktivisten som takker nei til et subtilt fors\u00f8k p\u00e5 bestikkelse , men m\u00e5 leve med \u00e5 ha avslutt noe hun virkelig ville beh\u00f8vd .", "opinions": []}, {"sent_id": "304562-06-05", "text": "Her ligger \u00e5ren til en god film .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Her ligger \u00e5ren til en god film"], ["0:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304562-06-06", "text": "Men det blir med antydningen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["det blir med antydningen"], ["4:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-01-01", "text": "Sommer i garasjen", "opinions": []}, {"sent_id": "002008-02-01", "text": "De australske fartsb\u00f8llene i Royal Headache imponerer \u2013 og anstrenger bittelitt \u2013 med et likandes lyspor til lysere netter .", "opinions": [{"Source": [[], []], "Target": [["Royal Headache"], ["29:43"]], "Polar_expression": [["imponerer"], ["44:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Royal Headache"], ["29:43"]], "Polar_expression": [["anstrenger bittelitt"], ["59:79"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyspor"], ["98:104"]], "Polar_expression": [["likandes"], ["89:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["Royal Headache"], ["29:43"]], "Polar_expression": [["likandes lyspor"], ["89:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-03-01", "text": "Royal Headache har allerede v\u00e6rt ute en stund i hjemlandet Australia .", "opinions": []}, {"sent_id": "002008-03-02", "text": "N\u00e5 lanseres Sydney-kvartettens selvtitulerte debutplate i resten av verden \u2013 akkurat tidsnok til virkelig \u00e5 kunne gj\u00f8re inntrykk p\u00e5 v\u00e5rk\u00e5te og sommerklare amerikanere og europeere .", "opinions": []}, {"sent_id": "002008-04-01", "text": "Og det kan den .", "opinions": []}, {"sent_id": "002008-04-02", "text": "Om man vil kalle dette garasjepunk , powerpop eller soulrock \u2013 tidl\u00f8se saker er det uansett .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["17:22"]], "Polar_expression": [["tidl\u00f8se saker"], ["63:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-04-03", "text": "At disse guttene er flasket opp p\u00e5 b\u00e5de Black Flack og st\u00f8vete Stax-singler lar seg noks\u00e5 lett h\u00f8re i bandets uanstrengte , harvende og hypermelodi\u00f8se tapning av musikken Black Keys ( som de skal varme for seinere i \u00e5r ) kanskje har v\u00e6rt de fremste til \u00e5 popularisere de siste ti \u00e5rene .", "opinions": [{"Source": [[], []], "Target": [["bandets"], ["102:109"]], "Polar_expression": [["uanstrengte , harvende og hypermelodi\u00f8se tapning"], ["110:158"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Black Keys"], ["171:181"]], "Polar_expression": [["kanskje har v\u00e6rt de fremste til \u00e5 popularisere de siste ti \u00e5rene"], ["221:285"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-05-01", "text": "Royal Headache skiller seg f\u00f8rst og fremst fra r\u00f8kla med et usedvanlig velutviklet \u00f8re for hektende hooks \u2013 pr\u00f8v for eksempel albumets \u00e5penbare This Is It-\u00f8yeblikk \u201d Sunrise \u201d , The Undertones-p\u00e5-amfetamin-heseblesende \u201d Psychotic Episode \u201d eller \u201d Girls \u201d , en euforisk popkaramell med herlig st\u00f8yemballasje rundt seg .", "opinions": [{"Source": [[], []], "Target": [["Royal Headache"], ["0:14"]], "Polar_expression": [["skiller seg f\u00f8rst og fremst fra r\u00f8kla med et usedvanlig velutviklet \u00f8re for hektende hooks"], ["15:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Sunrise \u201d"], ["164:175"]], "Polar_expression": [["\u00e5penbare This Is It-\u00f8yeblikk"], ["135:163"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["albumets"], ["126:134"]], "Polar_expression": [["\u00e5penbare This Is It-\u00f8yeblikk \u201d Sunrise \u201d"], ["135:175"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Psychotic Episode \u201d"], ["219:240"]], "Polar_expression": [["Undertones-p\u00e5-amfetamin-heseblesende"], ["182:218"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Girls \u201d"], ["247:256"]], "Polar_expression": [["euforisk popkaramell med herlig st\u00f8yemballasje"], ["262:308"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-06-01", "text": "Vokalist Shogun er bandets sterkeste kort .", "opinions": [{"Source": [[], []], "Target": [["Vokalist Shogun"], ["0:15"]], "Polar_expression": [["bandets sterkeste kort"], ["19:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-06-02", "text": "30-\u00e5ringen synger ofte surt , men gjennomg\u00e5ende sjelfullt , som p\u00e5 vakre \u201d Honey Joy \u201d .", "opinions": [{"Source": [[], []], "Target": [["30-\u00e5ringen"], ["0:10"]], "Polar_expression": [["synger ofte surt"], ["11:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["30-\u00e5ringen"], ["0:10"]], "Polar_expression": [["gjennomg\u00e5ende sjelfullt"], ["34:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Honey Joy \u201d"], ["73:86"]], "Polar_expression": [["gjennomg\u00e5ende sjelfullt"], ["34:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Honey Joy \u201d"], ["73:86"]], "Polar_expression": [["vakre"], ["67:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-06-03", "text": "Og tekstlinjen \u201d Well I \u2019 ve been alone / and I \u2019 d take you home / but my bedroom smells like cum \u201d fra \u201d Down The Lane \u201d rager lett der oppe blant \u00e5rets morsomste .", "opinions": [{"Source": [[], []], "Target": [["tekstlinjen \u201d Well I \u2019 ve been alone / and I \u2019 d take you home / but my bedroom smells like cum \u201d"], ["3:100"]], "Polar_expression": [["rager lett der oppe blant \u00e5rets morsomste"], ["123:164"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Down The Lane \u201d"], ["105:122"]], "Polar_expression": [["tekstlinjen", "rager lett der oppe blant \u00e5rets morsomste"], ["3:14", "123:164"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-07-01", "text": "Den sv\u00e6rt r\u00f8ffe produksjonen , DIY-estetikken og rett-i-trynet-formatet ( flere av l\u00e5tene varer i under to minutter ) er albumets tveeggede sverd .", "opinions": [{"Source": [[], []], "Target": [["albumets"], ["121:129"]], "Polar_expression": [["sv\u00e6rt r\u00f8ffe produksjonen , DIY-estetikken og rett-i-trynet-formatet", "tveeggede sverd"], ["4:71", "130:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["albumets"], ["121:129"]], "Polar_expression": [["sv\u00e6rt r\u00f8ffe produksjonen , DIY-estetikken og rett-i-trynet-formatet", "tveeggede sverd"], ["4:71", "130:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002008-07-02", "text": "Det er til tider vanskelig \u00e5 skille sporene fra hverandre der de uv\u00f8rent raser av g\u00e5rde , og jeg skulle gjerne h\u00f8rt bandet bryte ut av monotonien i lydbildet oftere enn de gj\u00f8r i l\u00f8pet av disse 26 minuttene .", "opinions": [{"Source": [["jeg"], ["93:96"]], "Target": [["sporene"], ["36:43"]], "Polar_expression": [["til tider vanskelig \u00e5 skille", "fra hverandre"], ["7:35", "44:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["93:96"]], "Target": [["sporene"], ["36:43"]], "Polar_expression": [["uv\u00f8rent raser av g\u00e5rde"], ["65:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["93:96"]], "Target": [["bandet"], ["116:122"]], "Polar_expression": [["skulle gjerne h\u00f8rt", "bryte ut av monotonien i lydbildet oftere enn de gj\u00f8r i l\u00f8pet av disse 26 minuttene"], ["97:115", "123:206"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-08-01", "text": "Ta den isolert sett noks\u00e5 uinteressante instrumentalen \u201d Wilson Street \u201d \u2013 i denne sammenhengen f\u00f8les den som et deilig vindkast i fleisen idet man forlater den gjennomsvette klubben .", "opinions": [{"Source": [[], []], "Target": [["\u201d Wilson Street \u201d"], ["55:72"]], "Polar_expression": [["uinteressante"], ["26:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Wilson Street \u201d"], ["55:72"]], "Polar_expression": [["deilig vindkast i fleisen"], ["113:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "002008-09-01", "text": "Royal Headache skal uansett ikke tas s\u00e5 veldig alvorlig .", "opinions": []}, {"sent_id": "002008-09-02", "text": "Debutplaten deres er som en karuselltur \u2013 kjapt gjort , lettlikt og enkel \u00e5 glemme .", "opinions": [{"Source": [[], []], "Target": [["Debutplaten"], ["0:11"]], "Polar_expression": [["kjapt gjort"], ["42:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Debutplaten"], ["0:11"]], "Polar_expression": [["lettlikt"], ["56:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Debutplaten"], ["0:11"]], "Polar_expression": [["enkel \u00e5 glemme"], ["68:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "002008-09-03", "text": "Men du verden s\u00e5 g\u00f8y mens den varer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["g\u00f8y"], ["17:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101115-01-01", "text": "VGs spillerb\u00f8rs :", "opinions": []}, {"sent_id": "101115-01-02", "text": "Slik spilte Norge", "opinions": []}, {"sent_id": "101115-02-01", "text": "BAKU ( VG ) ( Aserbajdsjan - Norge 0 - 1 ) H\u00e5vard Nordtveits ( 24 ) nikk f\u00f8r pause s\u00f8rget s\u00f8rget for at Norge st\u00e5r med ni poeng etter fire kamper i EM-kvalifiseringen .", "opinions": []}, {"sent_id": "101115-03-01", "text": "Det skuffende 0-1-tapet mot Estland onsdag er glemt .", "opinions": [{"Source": [[], []], "Target": [["0-1-tapet mot Estland"], ["14:35"]], "Polar_expression": [["skuffende"], ["4:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["0-1-tapet mot Estland onsdag er glemt"], ["14:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101115-03-02", "text": "Per-Mathias H\u00f8gmos gutter vant 1 - 0 i en t\u00f8ff bortekamp i Baku og st\u00e5r med pene ni poeng etter m\u00f8tene med Italia , Malta , Bulgaria og Aserbajdsjan .", "opinions": [{"Source": [[], []], "Target": [["ni poeng"], ["81:89"]], "Polar_expression": [["pene"], ["76:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Per-Mathias H\u00f8gmos gutter"], ["0:25"]], "Polar_expression": [["vant", "t\u00f8ff bortekamp"], ["26:30", "42:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-04-01", "text": "Mats M\u00f8ller D\u00e6hli , etter VGs mening banens beste spiller , ble byttet ut 12 minutter etter pause .", "opinions": [{"Source": [["VGs"], ["26:29"]], "Target": [["Mats M\u00f8ller D\u00e6hli"], ["0:17"]], "Polar_expression": [["banens beste spiller"], ["37:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["VGs"], ["26:29"]], "Target": [[], []], "Polar_expression": [["banens beste spiller , ble byttet ut 12 minutter etter pause"], ["37:97"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101115-04-02", "text": "De p\u00e5f\u00f8lgende minuttene var Norges svakeste i kampen , men hjemmelaget maktet aldri \u00e5 skape noe tr\u00f8kk foran \u00d8rjan H\u00e5skjold Nyland .", "opinions": [{"Source": [[], []], "Target": [["hjemmelaget"], ["59:70"]], "Polar_expression": [["maktet aldri \u00e5 skape noe tr\u00f8kk foran \u00d8rjan H\u00e5skjold Nyland"], ["71:129"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8rjan H\u00e5skjold Nyland"], ["108:129"]], "Polar_expression": [["hjemmelaget maktet aldri \u00e5 skape noe tr\u00f8kk foran"], ["59:107"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["p\u00e5f\u00f8lgende minuttene", "kampen"], ["3:23", "46:52"]], "Polar_expression": [["Norges svakeste"], ["28:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101115-05-01", "text": "Her er VGs vurderinger :", "opinions": []}, {"sent_id": "101115-06-01", "text": "\u00d8rjan H\u00e5skjold Nyland 5", "opinions": [{"Source": [[], []], "Target": [["\u00d8rjan H\u00e5skjold Nyland"], ["0:21"]], "Polar_expression": [["5"], ["22:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-07-01", "text": "Hadde merkelig lite \u00e5 gj\u00f8re p\u00e5 den nymalte gressmatta i Baku .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hadde merkelig lite \u00e5 gj\u00f8re"], ["0:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-07-02", "text": "Holdt konsentrasjonen oppe og maste hele tiden p\u00e5 fireren foran seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Holdt konsentrasjonen oppe"], ["0:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["maste hele tiden p\u00e5 fireren foran seg"], ["30:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-08-01", "text": "Omar Elabdellaoui 5", "opinions": [{"Source": [[], []], "Target": [["Omar Elabdellaoui"], ["0:17"]], "Polar_expression": [["5"], ["18:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-09-01", "text": "Ivrig offensivt og grei kontroll bakover .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ivrig offensivt"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["grei kontroll bakover"], ["19:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-09-02", "text": "Med fart og kvikke ben rydder han opp i mange potensielle problemer .", "opinions": [{"Source": [[], []], "Target": [["han"], ["30:33"]], "Polar_expression": [["kvikke ben"], ["12:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["30:33"]], "Polar_expression": [["rydder", "opp i mange potensielle problemer"], ["23:29", "34:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fart"], ["4:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-10-01", "text": "H\u00e5vard Nordtveit 6", "opinions": [{"Source": [[], []], "Target": [["H\u00e5vard Nordtveit"], ["0:16"]], "Polar_expression": [["6"], ["17:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-11-01", "text": "Solid i begge ender av banen og avgj\u00f8rende med sin heading etter Johansens corner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Solid i begge ender av banen"], ["0:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["avgj\u00f8rende med sin heading etter Johansens corner"], ["32:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-11-02", "text": "Langt mer trygg og solid enn mot Estland .", "opinions": [{"Source": [[], []], "Target": [["mot Estland"], ["29:40"]], "Polar_expression": [["Langt mer trygg og solid"], ["0:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Langt mer trygg og solid enn mot Estland"], ["0:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-12-01", "text": "Vegard Forren 5", "opinions": [{"Source": [[], []], "Target": [["Vegard Forren"], ["0:13"]], "Polar_expression": [["5"], ["14:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-13-01", "text": "God i oppspillsfasen med sin presise venstrefot .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["God i oppspillsfasen"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["presise venstrefot"], ["29:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-13-02", "text": "Flink til \u00e5 lese spillet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Flink til \u00e5 lese spillet"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-13-03", "text": "I likhet med Nordtveit leverte han bedre enn mot Estland .", "opinions": [{"Source": [[], []], "Target": [["han"], ["31:34"]], "Polar_expression": [["leverte han bedre enn mot Estland"], ["23:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Nordtveit"], ["13:22"]], "Polar_expression": [["leverte han bedre enn mot Estland"], ["23:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-14-01", "text": "Tom H\u00f8gli 6", "opinions": [{"Source": [[], []], "Target": [["Tom H\u00f8gli"], ["0:9"]], "Polar_expression": [["6"], ["10:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-15-01", "text": "Konsentrert og trygg hele veien .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Konsentrert", "hele veien"], ["0:11", "21:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["trygg hele veien"], ["15:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-15-02", "text": "Ble satt p\u00e5 f\u00e5 pr\u00f8ver defensivt og kom ut av det slik han ofte gj\u00f8r - bunnsolid .", "opinions": [{"Source": [[], []], "Target": [["han"], ["54:57"]], "Polar_expression": [["bunnsolid"], ["70:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-16-01", "text": "Per Ciljan Skjelbred 4", "opinions": [{"Source": [[], []], "Target": [["Per Ciljan Skjelbred"], ["0:20"]], "Polar_expression": [["4"], ["21:22"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-17-01", "text": "For mange feilpasninger f\u00f8r pause .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For mange feilpasninger"], ["0:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-17-02", "text": "Virker til tider stresset .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["til tider stresset"], ["7:25"]], "Polarity": "Negative", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-17-03", "text": "Ingen god landskamp av kapteinen som denne gang ikke ble byttet ut .", "opinions": [{"Source": [[], []], "Target": [["kapteinen"], ["23:32"]], "Polar_expression": [["Ingen god landskamp"], ["0:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kapteinen"], ["23:32"]], "Polar_expression": [["denne gang ikke ble byttet ut"], ["37:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "101115-18-01", "text": "Alexander Tettey 5", "opinions": [{"Source": [[], []], "Target": [["Alexander Tettey"], ["0:16"]], "Polar_expression": [["5"], ["17:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-19-01", "text": "Posisjonerte seg ofte riktig og fanget opp en rekke baller p\u00e5 den m\u00e5ten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Posisjonerte seg ofte riktig"], ["0:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fanget opp en rekke baller"], ["32:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-19-02", "text": "L\u00f8ste oppgaven som ryddegutt greit bortsett fra \u00e9n stygg tversoverpasning .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["L\u00f8ste oppgaven som ryddegutt greit"], ["0:34"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["stygg tversoverpasning"], ["51:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-20-01", "text": "Stefan Johansen 6", "opinions": [{"Source": [[], []], "Target": [["Stefan Johansen"], ["0:15"]], "Polar_expression": [["6"], ["16:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-21-01", "text": "Arkitekten da Norge skapte sin f\u00f8rste sjanse og slo corneren som ga 0 - 1 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Arkitekten"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["slo corneren som ga 0 - 1"], ["48:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-21-02", "text": "Spilte seg stort opp fra den svake prestasjonen mot Estland .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Spilte seg stort opp"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["svake prestasjonen mot Estland"], ["29:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-21-03", "text": "L\u00f8p mye .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["L\u00f8p mye"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-22-01", "text": "Mats M\u00f8ller D\u00e6hli 6", "opinions": [{"Source": [[], []], "Target": [["Mats M\u00f8ller D\u00e6hli"], ["0:17"]], "Polar_expression": [["6"], ["18:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-23-01", "text": "Norges beste - som sist .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Norges beste - som sist"], ["0:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-23-02", "text": "Flink til \u00e5 variere fra sin posisjon p\u00e5 venstrekanten .", "opinions": [{"Source": [[], []], "Target": [["\u00e5 variere fra sin posisjon"], ["10:36"]], "Polar_expression": [["Flink"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-23-03", "text": "Viste kapasiteten med et fantastisk raid etter pause .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Viste kapasiteten med et fantastisk raid"], ["0:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-23-04", "text": "Overraskende byttet ut f\u00e5 minutter senere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Overraskende byttet ut f\u00e5 minutter senere"], ["0:41"]], "Polarity": "Negative", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101115-23-05", "text": "Da ble Norge klart svakere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Da ble Norge klart svakere"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-24-01", "text": "Tarik Elyounoussi 4", "opinions": [{"Source": [[], []], "Target": [["Tarik Elyounoussi"], ["0:17"]], "Polar_expression": [["4"], ["18:19"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-25-01", "text": "Gult kort for filming allerede etter et kvarter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Gult kort for filming allerede etter et kvarter"], ["0:47"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-25-02", "text": "Burde sentret og ikke skutt da Norge kom tre mot to midtveis i f\u00f8rste omgang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Burde sentret"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Burde", "ikke skutt"], ["0:5", "17:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-26-01", "text": "H\u00e5vard Nielsen 5", "opinions": [{"Source": [[], []], "Target": [["H\u00e5vard Nielsen"], ["0:14"]], "Polar_expression": [["5"], ["15:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-27-01", "text": "Sterk i lufta selv mot robuste stoppere og slo ogs\u00e5 keeperen i en duell i boksen f\u00f8r pause .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sterk i lufta"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["slo ogs\u00e5 keeperen i en duell i boksen"], ["43:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-27-02", "text": "Mindre involvert etter pause og byttet ut .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mindre involvert"], ["0:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-28-01", "text": "Jone Samuelsen 3", "opinions": [{"Source": [[], []], "Target": [["Jone Samuelsen"], ["0:14"]], "Polar_expression": [["3"], ["15:16"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101115-29-01", "text": "Inn for D\u00e6hli 12 minutter etter pause .", "opinions": []}, {"sent_id": "101115-29-02", "text": "Fikk gult kort tre minutter senere og leverte ingen stor prestasjon p\u00e5 venstresiden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["leverte ingen stor prestasjon"], ["38:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Fikk gult kort tre minutter senere"], ["0:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "101115-30-01", "text": "Vurdert av Wegard Bakkehaug , Sindre \u00d8gar og Jon Martin Henriksen .", "opinions": []}, {"sent_id": "108182-01-01", "text": "Fredric Drums siste eventyr", "opinions": []}, {"sent_id": "108182-02-01", "text": "Krim 335 sider .", "opinions": []}, {"sent_id": "108182-02-02", "text": "Kr. 339 , - Cappelen", "opinions": []}, {"sent_id": "108182-03-01", "text": "Nytelse blandet med vemod :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vemod"], ["20:25"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nytelse"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108182-03-02", "text": "Slik er det \u00e5 lese Gert Nyg\u00e5rdshaugs siste krim med Fredric Drum og Skarphedin Olsen , dette p\u00e5 alle m\u00e5ter unike paret i norsk krimlitteratur .", "opinions": []}, {"sent_id": "108182-03-03", "text": "Dette er ikke stedet \u00e5 oppsummere en 10 b\u00f8ker lang suksesshistorie , men vi vil s\u00e5rt savne gourmet , restaurat\u00f8r og kryptolog Drum og hans lett koleriske , men lynskarpe onkel , Kripos-etterforsker Skarphedin Olsen .", "opinions": [{"Source": [["vi"], ["73:75"]], "Target": [["gourmet , restaurat\u00f8r og kryptolog Drum og hans lett koleriske , men lynskarpe onkel , Kripos-etterforsker Skarphedin Olsen"], ["91:214"]], "Polar_expression": [["vil s\u00e5rt savne"], ["76:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-03-04", "text": "Uansett har Nyg\u00e5rdshaug gitt dem en verdig svanesang :", "opinions": [{"Source": [[], []], "Target": [["Nyg\u00e5rdshaug"], ["12:23"]], "Polar_expression": [["verdig svanesang"], ["36:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-03-05", "text": "\u00ab R\u00f8dsonen \u00bb er utvilsomt et av h\u00f8ydepunktene i serien .", "opinions": [{"Source": [[], []], "Target": [["\u00ab R\u00f8dsonen \u00bb"], ["0:12"]], "Polar_expression": [["utvilsomt et av h\u00f8ydepunktene"], ["16:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-04-01", "text": "Mindre klovnerier , burleskerier og ironisk distanse denne gang - mer alvor , tett krimintrige og l\u00f8dig , dristig vitenskapsformidling .", "opinions": [{"Source": [[], []], "Target": [["klovnerier"], ["7:17"]], "Polar_expression": [["Mindre"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["burleskerier"], ["20:32"]], "Polar_expression": [["Mindre"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ironisk distanse"], ["36:52"]], "Polar_expression": [["Mindre"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vitenskapsformidling"], ["114:134"]], "Polar_expression": [["dristig"], ["106:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["alvor"], ["70:75"]], "Polar_expression": [["mer"], ["66:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["krimintrige"], ["83:94"]], "Polar_expression": [["mer"], ["66:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vitenskapsformidling"], ["114:134"]], "Polar_expression": [["l\u00f8dig"], ["98:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-04-02", "text": "Samt politisk brennstoff : \u00f8deleggelsen av og kampen om regnskogen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Samt politisk brennstoff"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-04-03", "text": "For denne gang blir Olsen beordret til Ny-Guineas jungel for \u00e5 oppklare en kompleks og f\u00f8lelsesladet sak :", "opinions": []}, {"sent_id": "108182-04-04", "text": "Olsens kollega", "opinions": []}, {"sent_id": "108182-04-05", "text": "Ungbeldt er funnet d\u00f8d etter at denne i sin tur ble sendt for \u00e5 oppklare drapet p\u00e5 en norsk regnskogsaktivist .", "opinions": []}, {"sent_id": "108182-04-06", "text": "Og flere drap skal det bli i eksotiske , men langt fra paradisiske omgivelser :", "opinions": []}, {"sent_id": "108182-04-07", "text": "Her barker brutale kapitalinteresser og statlig korrupsjon sammen med idealistisk milj\u00f8kamp .", "opinions": []}, {"sent_id": "108182-04-08", "text": "Humorinnslaget denne gang er en ubetalelig , lokal politisjef ved navn Gumali Albapung Fy , og sjelden har vel Nyg\u00e5rdshaug v\u00e6rt mer opplagt enn i scenene mellom Olsen og den pomp\u00f8se , korrupte politisjefen .", "opinions": [{"Source": [[], []], "Target": [["Nyg\u00e5rdshaug"], ["111:122"]], "Polar_expression": [["opplagt"], ["132:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-04-09", "text": "Heldigvis holdes karikeringen i t\u00f8mme denne gang , og klovnen f\u00e5r endog forsonende trekk ved seg .", "opinions": [{"Source": [[], []], "Target": [["karikeringen"], ["17:29"]], "Polar_expression": [["Heldigvis holdes", "i t\u00f8mme"], ["0:16", "30:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-05-01", "text": "\u00ab R\u00f8dsonen \u00bb s postludium , der Olsen og Drum gir seg slektshistorien i vold , er ambisi\u00f8s ; mystisk og grufull p\u00e5 samme tid , sv\u00f8pt i filosofiske gevanter .", "opinions": [{"Source": [[], []], "Target": [["\u00ab R\u00f8dsonen \u00bb s postludium"], ["0:25"]], "Polar_expression": [["ambisi\u00f8s"], ["82:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab R\u00f8dsonen \u00bb s postludium"], ["0:25"]], "Polar_expression": [["mystisk"], ["93:100"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab R\u00f8dsonen \u00bb s postludium"], ["0:25"]], "Polar_expression": [["grufull"], ["104:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-05-02", "text": "Det h\u00f8res jo h\u00e5pl\u00f8st ut , men Nyg\u00e5rdshaug pulls it off , som det heter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["pulls it off"], ["42:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-05-03", "text": "Godt gjort .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Godt gjort"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "108182-05-04", "text": "Vel bl\u00e5st , Nyg\u00e5rdshaug .", "opinions": [{"Source": [[], []], "Target": [["Nyg\u00e5rdshaug"], ["12:23"]], "Polar_expression": [["Vel bl\u00e5st"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-05-05", "text": "Og takk !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["takk !"], ["3:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "108182-06-01", "text": "JON H. RYDNE", "opinions": []}, {"sent_id": "103164-01-01", "text": "Spillanmeldelse :", "opinions": []}, {"sent_id": "103164-01-02", "text": "\u00ab The Legend of Zelda :", "opinions": []}, {"sent_id": "103164-01-03", "text": "Ocarina of Time 3D \u00bb", "opinions": []}, {"sent_id": "103164-02-01", "text": "( VG Nett )", "opinions": []}, {"sent_id": "103164-02-02", "text": "\u00ab The Legend of Zelda :", "opinions": []}, {"sent_id": "103164-02-03", "text": "Ocarina of Time \u00bb kalles ofte tidenes beste spill .", "opinions": [{"Source": [[], []], "Target": [["Ocarina of Time \u00bb"], ["0:17"]], "Polar_expression": [["tidenes beste spill"], ["30:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "103164-02-04", "text": "N\u00e5 gjenoppst\u00e5r klassikeren p\u00e5 3DS .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["klassikeren"], ["15:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-03-01", "text": "Nintendo er ikke akkurat fremmed for \u00e5 tjene penger p\u00e5 spillene sine flere ganger .", "opinions": [{"Source": [[], []], "Target": [["Nintendo"], ["0:8"]], "Polar_expression": [["ikke akkurat fremmed for \u00e5 tjene penger p\u00e5 spillene sine flere ganger"], ["12:81"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-03-02", "text": "Alle nye konsoller de gir ut henter gamle klassikere frem i lyset igjen - til full pris .", "opinions": [{"Source": [[], []], "Target": [["de"], ["19:21"]], "Polar_expression": [["Alle nye konsoller", "henter gamle klassikere frem i lyset igjen - til full pris"], ["0:18", "29:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-04-01", "text": "Og det er mulig \u00e5 sm\u00e5brumme litt i skjegget for dette .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["48:53"]], "Polar_expression": [["mulig \u00e5 sm\u00e5brumme litt i skjegget for dette"], ["10:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-04-02", "text": "Men n\u00e5r man har med 3DS-versjonen av Nintendo 64-klassikeren \u00ab The Legend of Zelda :", "opinions": []}, {"sent_id": "103164-04-03", "text": "Ocarina of Time \u00bb \u00e5 gj\u00f8re , er det grenser for hvor sur det er mulig \u00e5 v\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["Ocarina of Time \u00bb"], ["0:17"]], "Polar_expression": [["grenser for hvor sur det er mulig \u00e5 v\u00e6re"], ["35:75"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103164-05-01", "text": "Dette er riktignok fjerde gang Nintendo gir ut dette spillet , men i motsetning til versjonene som kom til Gamecube og Virtual Console p\u00e5 Wii , har de denne gangen totalrenovert spillet med mer levende grafikk , 3D-bilder og skreddersydd 3DS-spillbarhet .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["178:185"]], "Polar_expression": [["totalrenovert"], ["164:177"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["178:185"]], "Polar_expression": [["mer levende grafikk , 3D-bilder og skreddersydd 3DS-spillbarhet"], ["190:253"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["grafikk"], ["202:209"]], "Polar_expression": [["mer levende"], ["190:201"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-06-01", "text": "Alt dette kommer som et friskt , lekkert dryss over en spillgrunnmur sv\u00e6rt mange mener er tidenes beste .", "opinions": [{"Source": [[], []], "Target": [["spillgrunnmur"], ["55:68"]], "Polar_expression": [["friskt , lekkert dryss"], ["24:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["sv\u00e6rt mange"], ["69:80"]], "Target": [["spillgrunnmur"], ["55:68"]], "Polar_expression": [["sv\u00e6rt mange mener er tidenes beste"], ["69:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "103164-07-01", "text": "For den gledelige nyheten er at de rosenr\u00f8de minnene v\u00e5re fra den udiskutable 1998-klassikeren ikke overdriver .", "opinions": [{"Source": [[], []], "Target": [["1998-klassikeren"], ["78:94"]], "Polar_expression": [["ikke overdriver", "gledelige nyheten"], ["95:110", "8:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["1998-klassikeren"], ["78:94"]], "Polar_expression": [["udiskutable"], ["66:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-07-02", "text": "3DS-versjonen av \u00ab Ocarina of Time \u00bb er fantastisk , til tross for at originalen er 13 \u00e5r gammel .", "opinions": [{"Source": [[], []], "Target": [["3DS-versjonen av \u00ab Ocarina of Time \u00bb"], ["0:36"]], "Polar_expression": [["fantastisk"], ["40:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103164-08-01", "text": "VGD-bruker Venny 139 :", "opinions": []}, {"sent_id": "103164-08-02", "text": "Ocarina Of Time er et helt fantastisk spill , men det alene er ikke nok til \u00e5 f\u00e5 meg til \u00e5 kj\u00f8pe en 3DS enda .", "opinions": [{"Source": [["meg"], ["81:84"]], "Target": [["Ocarina Of Time"], ["0:15"]], "Polar_expression": [["helt fantastisk spill"], ["22:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "NFP": true, "Type": "E"}, {"Source": [["meg"], ["81:84"]], "Target": [["Ocarina Of Time"], ["0:15"]], "Polar_expression": [["det alene er ikke nok til \u00e5 f\u00e5 meg til \u00e5 kj\u00f8pe en 3DS"], ["50:103"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103164-08-03", "text": "F\u00e5r vente p\u00e5 flere store utgivelser .", "opinions": []}, {"sent_id": "103164-08-04", "text": "Diskuter Ocarina of Time 3D her !", "opinions": []}, {"sent_id": "103164-09-01", "text": "Man dykker ned i et deilig eventyr som - i kjent Zelda-tradisjon - starter i det sm\u00e5 , og s\u00e5 vokser og vokser i takt med at man f\u00e5r den ene nye , herlige egenskapen etter den andre .", "opinions": [{"Source": [[], []], "Target": [["eventyr"], ["27:34"]], "Polar_expression": [["deilig"], ["20:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eventyr"], ["27:34"]], "Polar_expression": [["f\u00e5r den ene nye , herlige egenskapen etter den andre"], ["128:180"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-10-01", "text": "Puzzles , action , skattejakt , bosskamper , givende sideoppdrag , spenning og utforsking av blendende vakre milj\u00f8er i skj\u00f8nn forening .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Puzzles , action , skattejakt , bosskamper , givende sideoppdrag , spenning og utforsking av blendende vakre milj\u00f8er i skj\u00f8nn forening"], ["0:134"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["sideoppdrag"], ["53:64"]], "Polar_expression": [["givende"], ["45:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["milj\u00f8er"], ["109:116"]], "Polar_expression": [["blendende vakre"], ["93:108"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-10-02", "text": "En uhyre vellaget og sv\u00e6rt givende spillopplevelse .", "opinions": [{"Source": [[], []], "Target": [["spillopplevelse"], ["35:50"]], "Polar_expression": [["uhyre vellaget"], ["3:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillopplevelse"], ["35:50"]], "Polar_expression": [["sv\u00e6rt givende"], ["21:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-11-01", "text": "Jeg var rett og slett ikke helt forberedt p\u00e5 hvor dypt inn i hjerterota \u00ab Ocarina of Time \u00bb ville treffe i 2011 .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00ab Ocarina of Time \u00bb"], ["72:91"]], "Polar_expression": [["rett og slett ikke helt forberedt p\u00e5 hvor dypt inn i hjerterota", "ville treffe i 2011"], ["8:71", "92:111"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103164-11-02", "text": "Etter bare noen minutter i selskap med spillet var jeg nyforelsket , en f\u00f8lelse som ikke bare vedvarte - men som ogs\u00e5 \u00f8kte i styrke jo lenger inn i spillet jeg kom .", "opinions": [{"Source": [["jeg"], ["51:54"]], "Target": [["spillet"], ["39:46"]], "Polar_expression": [["Etter bare noen minutter", "nyforelsket"], ["0:24", "55:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["51:54"]], "Target": [["spillet"], ["39:46"]], "Polar_expression": [["f\u00f8lelse som ikke bare vedvarte - men som ogs\u00e5 \u00f8kte i styrke jo lenger inn i spillet jeg kom"], ["72:163"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103164-12-01", "text": "Og det er man jo villig til \u00e5 betale for .", "opinions": [{"Source": [[], []], "Target": [["det"], ["3:6"]], "Polar_expression": [["villig til \u00e5 betale for"], ["17:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-12-02", "text": "Opptil flere ganger .", "opinions": []}, {"sent_id": "103164-13-01", "text": "PS :", "opinions": []}, {"sent_id": "103164-13-02", "text": "Spillet fungerer stort sett str\u00e5lende i 3D , men jeg tok meg selv i \u00e5 skru 3D-effektene av og p\u00e5 med jevne mellomrom , for lange \u00f8kter med 3D blir for slitsomt for \u00f8ynene .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["fungerer stort sett str\u00e5lende i 3D"], ["8:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["3D"], ["139:141"]], "Polar_expression": [["for lange \u00f8kter", "blir for slitsomt for \u00f8ynene"], ["119:134", "142:170"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103164-13-03", "text": "Jeg bare nevner det !", "opinions": []}, {"sent_id": "103164-14-01", "text": "The Legend of Zelda :", "opinions": []}, {"sent_id": "103164-14-02", "text": "Ocarina of Time 3D Plattform :", "opinions": []}, {"sent_id": "103164-14-03", "text": "3DS Genre :", "opinions": []}, {"sent_id": "103164-14-04", "text": "Action / eventyr Alder : 12 Utvikler :", "opinions": []}, {"sent_id": "103164-14-05", "text": "Nintendo / Grezzo", "opinions": []}, {"sent_id": "103164-14-06", "text": "Utgiver :", "opinions": []}, {"sent_id": "103164-14-07", "text": "Nintendo", "opinions": []}, {"sent_id": "103164-14-08", "text": "Mer info", "opinions": []}, {"sent_id": "703816-01-01", "text": "Pause fra \u00f8rkenvandringen", "opinions": []}, {"sent_id": "703816-02-01", "text": "Hvor ble det av energien ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvor ble det av energien ?"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703816-02-02", "text": "Etter at Joey Burns og John Convertino hoppet av fra Giant Sand og dannet Calexico i 2006 , har forbl\u00e5st \u00f8rkenrock og feststemt mariachi-musikk v\u00e6rt blandingen som fungerte utmerket for dem .", "opinions": [{"Source": [[], []], "Target": [["Calexico"], ["74:82"]], "Polar_expression": [["forbl\u00e5st \u00f8rkenrock og feststemt mariachi-musikk v\u00e6rt blandingen som fungerte utmerket"], ["96:181"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["forbl\u00e5st \u00f8rkenrock og feststemt mariachi-musikk"], ["96:143"]], "Polar_expression": [["utmerket"], ["173:181"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703816-02-03", "text": "Arizona-bandet er mer neddempet denne gang , og dermed viskes ogs\u00e5 mye av s\u00e6rpreget ut .", "opinions": [{"Source": [[], []], "Target": [["Arizona-bandet"], ["0:14"]], "Polar_expression": [["mer neddempet"], ["18:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Arizona-bandet"], ["0:14"]], "Polar_expression": [["viskes ogs\u00e5 mye av s\u00e6rpreget ut"], ["55:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703816-02-04", "text": "Trompetene er der , men de skingrer ikke .", "opinions": [{"Source": [[], []], "Target": [["Trompetene"], ["0:10"]], "Polar_expression": [["skingrer ikke"], ["27:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703816-02-05", "text": "\u00d8rkenen kan ses , men ikke f\u00f8les .", "opinions": [{"Source": [[], []], "Target": [["\u00d8rkenen"], ["0:7"]], "Polar_expression": [["kan ses , men ikke f\u00f8les"], ["8:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703816-02-06", "text": "Ikke dermed sagt at dette er noen d\u00e5rlig plate , men det er ikke den jeg har ventet i fire \u00e5r p\u00e5 .", "opinions": [{"Source": [["jeg"], ["69:72"]], "Target": [["plate"], ["41:46"]], "Polar_expression": [["Ikke", "d\u00e5rlig"], ["0:4", "34:40"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["69:72"]], "Target": [["plate"], ["41:46"]], "Polar_expression": [["ikke den", "ventet i fire \u00e5r p\u00e5"], ["60:68", "77:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703816-02-07", "text": "Er du forn\u00f8yd med Calexico som leverand\u00f8r av myk americana , fungerer dette likevel bra .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Er du forn\u00f8yd med Calexico", "fungerer dette likevel bra"], ["0:26", "61:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "703816-02-08", "text": "Calexico er fortsatt gjenkjennelige , selv om tyngdepunktet er endret .", "opinions": [{"Source": [[], []], "Target": [["Calexico"], ["0:8"]], "Polar_expression": [["fortsatt gjenkjennelige"], ["12:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Calexico"], ["0:8"]], "Polar_expression": [["tyngdepunktet er endret"], ["46:69"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703816-02-09", "text": "De trenger noen slike avstikkere for ikke \u00e5 bli forutsigelige .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["trenger noen slike avstikkere for ikke \u00e5 bli forutsigelige"], ["3:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "703816-03-01", "text": "Beste spor :", "opinions": []}, {"sent_id": "703816-03-02", "text": "\" Spiltter \" , \" Para \" , \" Hush \" , \" The vanshing mind \" .", "opinions": []}, {"sent_id": "001564-01-01", "text": "Sterkt fra start", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sterkt fra start"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001564-02-01", "text": "Dessverre faller den nye skiva til No Age sammen mot slutten .", "opinions": [{"Source": [[], []], "Target": [["skiva"], ["25:30"]], "Polar_expression": [["Dessverre faller", "sammen mot slutten"], ["0:16", "42:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001564-03-01", "text": "Den Los Angeles-baserte duoen No Age kapret massive mengder velfortjent blogg- og hypeterreng etter utgivelsen av Nouns i 2007 .", "opinions": [{"Source": [[], []], "Target": [["No Age"], ["30:36"]], "Polar_expression": [["kapret massive mengder velfortjent blogg- og hypeterreng"], ["37:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Nouns"], ["114:119"]], "Polar_expression": [["kapret massive mengder velfortjent blogg- og hypeterreng"], ["37:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001564-03-02", "text": "I 2010 er de tilbake med Everything In Between - og siden sist har Randy Randall og Dean Allen Spunt lagt vekk den mest br\u00e5kete gitarst\u00f8yinga og tonet ned tempo i sin enkle , men intense indierock et par hakk .", "opinions": []}, {"sent_id": "001564-04-01", "text": "Med f\u00f8rstesingelen \" Glitter \" som et udiskutabelt h\u00f8ydepunkt sparker de fire f\u00f8rste l\u00e5tene ( og til dels de to p\u00e5f\u00f8lgende ) i gang Everything In Between p\u00e5 best tenkelige m\u00e5te ; kort , konsis og perfeksjonert musikk i skj\u00e6ringspunktet mellom st\u00f8yrock , shoegaze og garasjepunk .", "opinions": [{"Source": [[], []], "Target": [["\" Glitter \""], ["19:30"]], "Polar_expression": [["udiskutabelt h\u00f8ydepunkt"], ["38:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fire f\u00f8rste l\u00e5tene"], ["73:91"]], "Polar_expression": [["sparker", "i gang", "best tenkelige m\u00e5te"], ["62:69", "125:131", "157:176"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikk"], ["210:216"]], "Polar_expression": [["kort , konsis og perfeksjonert"], ["179:209"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fire f\u00f8rste l\u00e5tene"], ["73:91"]], "Polar_expression": [["kort , konsis og perfeksjonert musikk"], ["179:216"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Everything In Between"], ["132:153"]], "Polar_expression": [["sparker de fire f\u00f8rste l\u00e5tene ( og til dels de to p\u00e5f\u00f8lgende ) i gang", "best tenkelige m\u00e5te"], ["62:131", "157:176"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["to p\u00e5f\u00f8lgende"], ["109:122"]], "Polar_expression": [["sparker", "til dels", "i gang", "best tenkelige m\u00e5te"], ["62:69", "97:105", "125:131", "157:176"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["to p\u00e5f\u00f8lgende"], ["109:122"]], "Polar_expression": [["til dels", "kort , konsis og perfeksjonert musikk"], ["97:105", "179:216"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001564-04-02", "text": "Desperasjon , energi og resignasjon kanaliseres ut p\u00e5 en m\u00e5te det er umulig \u00e5 ikke la seg gripe av - og det er nettopp denne nerven No Age mister mot slutten av sitt nye album .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["umulig \u00e5 ikke la seg gripe av"], ["69:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["slutten"], ["150:157"]], "Polar_expression": [["nettopp denne nerven No Age mister"], ["111:145"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["170:175"]], "Polar_expression": [["nettopp denne nerven No Age mister mot slutten"], ["111:157"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001564-04-03", "text": "Andre halvdel av skiva blir rett og slett for anonym og innadvendt - et par av de mest dronete partiene er for all del fine , men det blir for mye av det .", "opinions": [{"Source": [[], []], "Target": [["Andre halvdel"], ["0:13"]], "Polar_expression": [["rett og slett for anonym og innadvendt"], ["28:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["et par av de mest dronete partiene"], ["69:103"]], "Polar_expression": [["for all del fine"], ["107:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["et par av de mest dronete partiene"], ["69:103"]], "Polar_expression": [["blir for mye av det"], ["134:153"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001564-05-01", "text": "Rolige , balladeaktige \" Common Heat \" m\u00e5 ogs\u00e5 nevnes spesielt - her formidles s\u00e5rhet og h\u00e5pl\u00f8shet p\u00e5 en ny m\u00e5te i No Age-land , over rolig gitar og et nedstrippet lydbilde .", "opinions": [{"Source": [[], []], "Target": [["\" Common Heat \""], ["23:38"]], "Polar_expression": [["nevnes spesielt"], ["47:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Common Heat \""], ["23:38"]], "Polar_expression": [["formidles s\u00e5rhet og h\u00e5pl\u00f8shet p\u00e5 en ny m\u00e5te"], ["69:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001564-06-01", "text": "Det absolutt beste med Everything In Between er den umiddelbare n\u00e6rheten man f\u00f8ler til musikken - den manende vokalen har mye av \u00e6ren for dette , selv om den til tider blir masete og nasal .", "opinions": [{"Source": [[], []], "Target": [["Everything In Between"], ["23:44"]], "Polar_expression": [["absolutt beste", "umiddelbare n\u00e6rheten man f\u00f8ler til musikken"], ["4:18", "52:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["manende vokalen"], ["102:117"]], "Polar_expression": [["mye av \u00e6ren"], ["122:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["manende vokalen"], ["102:117"]], "Polar_expression": [["til tider blir masete og nasal"], ["158:188"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001564-06-02", "text": "Men albumets f\u00f8rste halvdel sniker seg langt godt under huden - og blir der s\u00e5pass lenge - at man kunne levd godt p\u00e5 det uten de seks siste l\u00e5tene .", "opinions": [{"Source": [[], []], "Target": [["f\u00f8rste halvdel"], ["13:27"]], "Polar_expression": [["sniker seg langt godt under huden"], ["28:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["seks siste l\u00e5tene"], ["129:146"]], "Polar_expression": [["kunne levd godt p\u00e5 det uten de seks siste l\u00e5tene"], ["98:146"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8rste halvdel"], ["13:27"]], "Polar_expression": [["kunne levd godt p\u00e5 det uten de seks siste l\u00e5tene"], ["98:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001564-07-01", "text": "No Age - \" Glitter \"", "opinions": []}, {"sent_id": "103635-01-01", "text": "Maria Mena :", "opinions": []}, {"sent_id": "103635-01-02", "text": "\u00ab Mellow \u00bb", "opinions": []}, {"sent_id": "103635-02-01", "text": "( Sony Music", "opinions": []}, {"sent_id": "103635-03-01", "text": "PS :", "opinions": []}, {"sent_id": "103635-03-02", "text": "Platen er i salg fra mandag 1. mars .", "opinions": []}, {"sent_id": "103635-04-01", "text": "Overbevisende fra lovende artist .", "opinions": [{"Source": [[], []], "Target": [["artist"], ["26:32"]], "Polar_expression": [["Overbevisende"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["artist"], ["26:32"]], "Polar_expression": [["lovende"], ["18:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103635-05-01", "text": "Maria Mena har utviklet seg b\u00e5de som l\u00e5tskriver og artist p\u00e5 sin nye plate , \u00ab Mellow \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Mellow \u00bb"], ["77:87"]], "Polar_expression": [["Maria Mena har utviklet seg b\u00e5de som l\u00e5tskriver og artist"], ["0:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Maria Mena"], ["0:10"]], "Polar_expression": [["utviklet seg b\u00e5de som l\u00e5tskriver og artist"], ["15:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103635-05-02", "text": "Ten\u00e5ringen , som fikk et solid gjennombrudd og solgte over 40000 av debutalbumet \u00ab Another Phase \u00bb , har med sitt nye album laget en variert og meget god popplate .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Another Phase \u00bb"], ["81:98"]], "Polar_expression": [["solid gjennombrudd"], ["25:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Another Phase \u00bb"], ["81:98"]], "Polar_expression": [["solgte over 40000"], ["47:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["popplate"], ["154:162"]], "Polar_expression": [["variert"], ["133:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["popplate"], ["154:162"]], "Polar_expression": [["meget god"], ["144:153"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103635-06-01", "text": "Maria Mena har skrevet alle unntatt \u00e9n melodi sammen med Arvid Solvang , og alle tekstene til de samme melodiene .", "opinions": []}, {"sent_id": "103635-06-02", "text": "Den siste av de tolv sangene p\u00e5 platen \u00ab So Sweet \u00bb er skrevet av Thomas Dybdahl , og her synger de to denne vakre duetten .", "opinions": [{"Source": [[], []], "Target": [["\u00ab So Sweet \u00bb"], ["39:51"]], "Polar_expression": [["vakre duetten"], ["109:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103635-07-01", "text": "\u00c5rets album viser Maria Mena fra en lysere side , der mye av musikken er gitarbasert , gode og varierte l\u00e5ter i et fengende , melodisk poplandskap .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5ter"], ["104:109"]], "Polar_expression": [["gode"], ["87:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["104:109"]], "Polar_expression": [["varierte"], ["95:103"]], "Polarity": "Positive", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["6:11"]], "Polar_expression": [["gode og varierte l\u00e5ter i et fengende , melodisk poplandskap"], ["87:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103635-07-02", "text": "Hun viser ogs\u00e5 sin styrke i balladen \u00ab Shadow \u00bb i tillegg til gode raske sanger som \u00ab You're The Only One \u00ab , \u00ab Just A Little Bit \u00bb og \u00ab Sorry \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab You're The Only One \u00ab"], ["84:107"]], "Polar_expression": [["gode"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Just A Little Bit \u00bb"], ["110:131"]], "Polar_expression": [["gode"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Sorry \u00bb"], ["135:144"]], "Polar_expression": [["gode"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["viser ogs\u00e5 sin styrke i balladen \u00ab Shadow \u00bb"], ["4:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Shadow \u00bb"], ["37:47"]], "Polar_expression": [["viser ogs\u00e5 sin styrke"], ["4:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["gode raske sanger som \u00ab You're The Only One \u00ab , \u00ab Just A Little Bit \u00bb og \u00ab Sorry \u00bb"], ["62:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103635-08-01", "text": "Mena har f\u00e5tt et mer modent uttrykk i tekstene , som er hennes historier , fantasier , betroelser og f\u00f8lelser .", "opinions": [{"Source": [[], []], "Target": [["tekstene"], ["38:46"]], "Polar_expression": [["mer modent uttrykk"], ["17:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103635-08-02", "text": "Hun holder en slags sorgmunter tone , og er ikke s\u00e5 melankolsk og m\u00f8rk som \u00ab Another phase \u00bb var .", "opinions": []}, {"sent_id": "103635-09-01", "text": "\u00ab Mellow \u00bb er en plate som overbeviser og viser Menas styrke som artist og formidler .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Mellow \u00bb"], ["0:10"]], "Polar_expression": [["overbeviser"], ["27:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Mellow \u00bb"], ["0:10"]], "Polar_expression": [["viser Menas styrke som artist og formidler"], ["42:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103635-09-02", "text": "\u00ab Mellow \u00bb befester Maria Menas stilling som en av v\u00e5re unge , dyktige l\u00e5tskrivere .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Mellow \u00bb"], ["0:10"]], "Polar_expression": [["befester Maria Menas stilling som en av v\u00e5re unge , dyktige l\u00e5tskrivere"], ["11:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Maria Menas"], ["20:31"]], "Polar_expression": [["dyktige l\u00e5tskrivere"], ["63:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103635-10-01", "text": "Arvid Solvang har produsert \u00ab Mellow \u00bb .", "opinions": []}, {"sent_id": "600160-01-01", "text": "Kultivert underholdning", "opinions": [{"Source": [[], []], "Target": [["underholdning"], ["10:23"]], "Polar_expression": [["Kultivert"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kultivert underholdning"], ["0:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600160-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "600160-02-02", "text": "Tom Hooper", "opinions": []}, {"sent_id": "600160-03-01", "text": "Manus :", "opinions": []}, {"sent_id": "600160-03-02", "text": "David Seidler", "opinions": []}, {"sent_id": "600160-04-01", "text": "Skuespillere : Colin Firth , Helena Bonham Carter , Geoffrey Rush , Derek Jacobi , Guy Pearce", "opinions": []}, {"sent_id": "600160-05-01", "text": "Sensur :", "opinions": []}, {"sent_id": "600160-05-02", "text": "Tillatt for alle", "opinions": []}, {"sent_id": "600160-06-01", "text": "I 1934 d\u00f8de Storbritannias dav\u00e6rende konge , Georg V .", "opinions": []}, {"sent_id": "600160-06-02", "text": "Hans eldste s\u00f8nn , Edward VIII , ble konge .", "opinions": []}, {"sent_id": "600160-06-03", "text": "To \u00e5r senere frasa han seg tronen for \u00e5 gifte seg med en amerikansk kvinne .", "opinions": []}, {"sent_id": "600160-06-04", "text": "S\u00f8nn nummer to , kalt Albert ( Bertie innen familien ) , ble den nye kongen .", "opinions": []}, {"sent_id": "600160-06-05", "text": "Han tok navnet Georg VI .", "opinions": []}, {"sent_id": "600160-06-06", "text": "Kongebyrden var en plikt han f\u00f8lte seg uverdig til , ikke minst p\u00e5 grunn av sin alvorlige stamming .", "opinions": []}, {"sent_id": "600160-06-07", "text": "Han er far til Storbritannias n\u00e5v\u00e6rende dronning , Elizabeth II.", "opinions": []}, {"sent_id": "600160-07-01", "text": "Georg VI overtok tronen i en turbulent tid :", "opinions": []}, {"sent_id": "600160-07-02", "text": "Hitler var p\u00e5 fremmarsj , en ny krig truet .", "opinions": []}, {"sent_id": "600160-07-03", "text": "Og et nytt instrument var tatt i bruk for at et kongerike skulle h\u00f8re deres konge :", "opinions": []}, {"sent_id": "600160-07-04", "text": "Radioen .", "opinions": []}, {"sent_id": "600160-07-05", "text": "Og Kong Georg VI stammet .", "opinions": []}, {"sent_id": "600160-08-01", "text": "Da Dronningen verken fikk hjelp fra Gud , erkebiskopen eller Winston Churchill , vendte hun seg der hjelpen kunne finnes :", "opinions": []}, {"sent_id": "600160-08-02", "text": "Hos en freidig , uortodoks og ukonvensjonell australier med praksis i London .", "opinions": []}, {"sent_id": "600160-08-03", "text": "En fremragende talespesialist , ble det sagt , som hadde hjulpet mange .", "opinions": [{"Source": [[], []], "Target": [["talespesialist"], ["15:29"]], "Polar_expression": [["fremragende"], ["3:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-08-04", "text": "Hans navn var Lionel Logue .", "opinions": []}, {"sent_id": "600160-09-01", "text": "Dette m\u00f8tet mellom to meget ulike personligheter hadde sin uro og sine svingninger , f\u00f8rst .", "opinions": [{"Source": [[], []], "Target": [["m\u00f8tet mellom to meget ulike personligheter"], ["6:48"]], "Polar_expression": [["hadde sin uro og sine svingninger"], ["49:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-09-02", "text": "Men det stabiliserte seg til fortrolighet , b\u00e5de faglig og vennskapelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stabiliserte seg til fortrolighet"], ["8:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-09-03", "text": "Og da Kong Georg VI skulle holde sin ber\u00f8mte tale ved krigsutbruddet , var denne pedagogen halvannen meter fra kongens mikrofon .", "opinions": []}, {"sent_id": "600160-10-01", "text": "Det kan faktisk lages solid , fengslende , r\u00f8rende og samtidig ironisk drama av stamming .", "opinions": [{"Source": [[], []], "Target": [["drama"], ["71:76"]], "Polar_expression": [["solid"], ["22:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["drama"], ["71:76"]], "Polar_expression": [["fengslende"], ["30:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["drama"], ["71:76"]], "Polar_expression": [["r\u00f8rende"], ["43:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600160-10-02", "text": "Vel , det hjelper selvf\u00f8lgelig at stammingen er kongelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hjelper selvf\u00f8lgelig at stammingen er kongelig"], ["10:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-11-01", "text": "Regien f\u00f8les lett .", "opinions": [{"Source": [[], []], "Target": [["Regien"], ["0:6"]], "Polar_expression": [["f\u00f8les lett"], ["7:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-11-02", "text": "Egentlig er den slett ikke det , den er myndig og disiplinert .", "opinions": [{"Source": [[], []], "Target": [["den"], ["33:36"]], "Polar_expression": [["myndig"], ["40:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["33:36"]], "Polar_expression": [["disiplinert"], ["50:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-11-03", "text": "Men n\u00e5r myndighet og disiplin brukes med stor kl\u00f8kt , f\u00f8les den lett .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r myndighet og disiplin brukes med stor kl\u00f8kt , f\u00f8les den lett"], ["4:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-12-01", "text": "Manuset har den helt rette blandingen av kunnskap , klokskap og ironi .", "opinions": [{"Source": [[], []], "Target": [["Manuset"], ["0:7"]], "Polar_expression": [["helt rette blandingen av kunnskap , klokskap og ironi"], ["16:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-13-01", "text": "Og skuespillerne er lysende .", "opinions": [{"Source": [[], []], "Target": [["skuespillerne"], ["3:16"]], "Polar_expression": [["lysende"], ["20:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-13-02", "text": "Farlig ord \u00e5 bruke , men det f\u00f8les som om de har en form for indre glorie , alle sammen .", "opinions": [{"Source": [[], []], "Target": [["de"], ["42:44"]], "Polar_expression": [["har en form for indre glorie"], ["45:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-13-03", "text": "Men s\u00e5 er da flere av de viktigste rollene tolket av de mest fornemme skuespillerkrefter fra England og Australia .", "opinions": [{"Source": [[], []], "Target": [["flere av de viktigste rollene"], ["13:42"]], "Polar_expression": [["tolket av de mest fornemme skuespillerkrefter"], ["43:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-13-04", "text": "Kong Georg VI selv tolkes av Colin Firth ( \u00ab A Single Man \u00bb , \u00ab Bridget Jones \u00bb m.m. ) , talespesialisten Logue av australske Geoffrey Rush ( \u00ab Shine \u00bb , \u00ab Pirates of the Caribbean \u00bb m.m. ) .", "opinions": []}, {"sent_id": "600160-13-05", "text": "Den samme disiplinen og avklarede myndigheten som finnes i regien , g\u00e5r igjen i deres tolkninger .", "opinions": [{"Source": [[], []], "Target": [["deres tolkninger"], ["80:96"]], "Polar_expression": [["samme disiplinen og avklarede myndigheten som finnes i regien"], ["4:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["regien"], ["59:65"]], "Polar_expression": [["disiplinen og avklarede myndigheten"], ["10:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600160-14-01", "text": "Kultivert underholdning !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kultivert underholdning !"], ["0:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kultivert", "!"], ["0:9", "24:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600160-15-01", "text": "Filmen er nominert til hele tolv \u2013 12 \u2013 Oscar-priser .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["nominert til hele tolv \u2013 12 \u2013 Oscar-priser"], ["10:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "E", "NFP": true}]}, {"sent_id": "103447-01-01", "text": "Faithless :", "opinions": []}, {"sent_id": "103447-01-02", "text": "\u00ab No Roots \u00bb", "opinions": []}, {"sent_id": "103447-02-01", "text": "( Cheeky / BMG )", "opinions": []}, {"sent_id": "103447-03-01", "text": "Takk for f\u00f8lget - det har v\u00e6rt ti hyggelige \u00e5r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Takk for f\u00f8lget"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["det har v\u00e6rt ti hyggelige \u00e5r"], ["18:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5r"], ["44:46"]], "Polar_expression": [["hyggelige"], ["34:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103447-04-01", "text": "Rollo , Maxi Jazz og Sister Bliss har gode minner fra Norge , og vise versa , men n\u00e5 ser det ut til at britene har strevd forgjeves i fors\u00f8ket p\u00e5 \u00e5 redefinere seg selv som relevante , slik de faktisk var p\u00e5 nittitallet .", "opinions": [{"Source": [[], []], "Target": [["Rollo , Maxi Jazz og Sister Bliss"], ["0:33"]], "Polar_expression": [["gode minner fra Norge , og vise versa"], ["38:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Rollo , Maxi Jazz og Sister Bliss"], ["0:33"]], "Polar_expression": [["strevd forgjeves i fors\u00f8ket p\u00e5 \u00e5 redefinere seg selv som relevante"], ["115:181"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103447-04-02", "text": "\u00ab No Roots \u00bb er hverken funky eller leken , slik vi kjenner Faithless .", "opinions": [{"Source": [["vi"], ["49:51"]], "Target": [["\u00ab No Roots \u00bb"], ["0:12"]], "Polar_expression": [["hverken funky eller leken"], ["16:41"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103447-04-03", "text": "I stedet er den m\u00f8rk , sv\u00e6rt m\u00f8rk - nesten svartere enn Massive Attack p\u00e5 sitt dystreste .", "opinions": [{"Source": [[], []], "Target": [["den"], ["12:15"]], "Polar_expression": [["sv\u00e6rt m\u00f8rk"], ["23:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["12:15"]], "Polar_expression": [["nesten svartere enn Massive Attack p\u00e5 sitt dystreste"], ["36:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103447-04-04", "text": "Platen er denne gang bygd mer opp rundt l\u00f8srevne stemninger enn l\u00e5ter , noe ikke engang Rollos s\u00f8ster , Dido , kan redde i tittell\u00e5ten med sin englestemme .", "opinions": [{"Source": [[], []], "Target": [["Platen"], ["0:6"]], "Polar_expression": [["bygd mer opp rundt l\u00f8srevne stemninger enn l\u00e5ter"], ["21:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Platen"], ["0:6"]], "Polar_expression": [["ikke engang Rollos s\u00f8ster , Dido , kan redde i tittell\u00e5ten med sin englestemme"], ["76:154"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Dido"], ["104:108"]], "Polar_expression": [["englestemme"], ["143:154"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103447-04-05", "text": "Dunkelheten i uttrykket til tross - dette er en svanesang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["svanesang"], ["48:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "705034-01-01", "text": "Vakker avslutning", "opinions": [{"Source": [[], []], "Target": [["avslutning"], ["7:17"]], "Polar_expression": [["Vakker"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "705034-02-01", "text": "Mens Skambankt fra Klepp tirsdag fikk \u00e6ren av \u00e5 \u00e5pne Quart , fikk Thomas Dybdahl fra Sandnes \u00e6ren av \u00e5 avslutte hele festivalen natt til s\u00f8ndag .", "opinions": []}, {"sent_id": "705034-03-01", "text": "Full pott til Nord-J\u00e6ren , med andre ord .", "opinions": []}, {"sent_id": "705034-03-02", "text": "Og mens Skambankt gjorde en overbevisende jobb , var ikke Dybdahl og gjengen hans noe svakere .", "opinions": [{"Source": [[], []], "Target": [["Skambankt"], ["8:17"]], "Polar_expression": [["overbevisende jobb"], ["28:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dybdahl og gjengen"], ["58:76"]], "Polar_expression": [["Skambankt gjorde en overbevisende jobb , var ikke", "noe svakere"], ["8:57", "82:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-04-01", "text": "Hans melankolske h\u00f8stpop fungerer like godt en varm sommernatt , og Dybdahl kikket opp p\u00e5 den stadig mer m\u00f8rkebl\u00e5 nattehimmelen og var s\u00e5 forn\u00f8yd , s\u00e5 forn\u00f8yd med det hele .", "opinions": [{"Source": [[], []], "Target": [["melankolske h\u00f8stpop"], ["5:24"]], "Polar_expression": [["fungerer like godt en varm sommernatt"], ["25:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dybdahl"], ["68:75"]], "Polar_expression": [["melankolske h\u00f8stpop fungerer like godt en varm sommernatt"], ["5:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Dybdahl"], ["68:75"]], "Target": [[], []], "Polar_expression": [["s\u00e5 forn\u00f8yd , s\u00e5 forn\u00f8yd med det hele"], ["135:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "705034-04-02", "text": "Hans ustoppelige takk til publikum ble nesten for mye av det gode , men det er samtidig godt \u00e5 se at Thomas fra Lura ikke er blitt mer blasert av all suksessen .", "opinions": [{"Source": [[], []], "Target": [["Thomas fra Lura"], ["101:116"]], "Polar_expression": [["ustoppelige takk til publikum ble nesten for mye av det gode"], ["5:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Thomas fra Lura"], ["101:116"]], "Polar_expression": [["godt \u00e5 se", "ikke er blitt mer blasert av all suksessen"], ["88:97", "117:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-04-03", "text": "Han gleder seg over \u00e5 st\u00e5 p\u00e5 en scene , og han er fortsatt overrasket over at det g\u00e5r bra .", "opinions": [{"Source": [["Han"], ["0:3"]], "Target": [[], []], "Polar_expression": [["gleder seg over \u00e5 st\u00e5 p\u00e5 en scene"], ["4:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["han"], ["43:46"]], "Target": [[], []], "Polar_expression": [["overrasket over at det g\u00e5r bra"], ["59:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "705034-05-01", "text": "Han gikk til oppgaven med et uttrykt \u00f8nske om \u00e5 skape magi , og klarte det tidvis .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["uttrykt \u00f8nske om \u00e5 skape magi , og klarte det tidvis"], ["29:81"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-05-02", "text": "Det som sviktet , var Silje Salomonsens koring p\u00e5 sangene som virkelig skulle l\u00f8ftet stemningen ; \u00ab A lovestory \u00bb , \u00ab Cecilia \u00bb og \u00ab Henry \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Silje Salomonsens koring"], ["22:46"]], "Polar_expression": [["sviktet"], ["8:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Henry \u00bb"], ["131:140"]], "Polar_expression": [["sviktet , var Silje Salomonsens koring"], ["8:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Cecilia \u00bb"], ["116:127"]], "Polar_expression": [["sviktet , var Silje Salomonsens koring"], ["8:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab A lovestory \u00bb"], ["98:113"]], "Polar_expression": [["sviktet , var Silje Salomonsens koring"], ["8:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-05-03", "text": "Kombinasjonen av en litt spinkel stemme og en d\u00e5rlig lydmiks gjorde at hun nesten forsvant .", "opinions": [{"Source": [[], []], "Target": [["stemme"], ["33:39"]], "Polar_expression": [["litt spinkel"], ["20:32"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydmiks"], ["53:60"]], "Polar_expression": [["d\u00e5rlig"], ["46:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["71:74"]], "Polar_expression": [["nesten forsvant"], ["75:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["71:74"]], "Polar_expression": [["litt spinkel stemme"], ["20:39"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-05-04", "text": "Da hjelper det ikke at hun debuterte p\u00e5 munnspill .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["23:26"]], "Polar_expression": [["hjelper det ikke", "debuterte p\u00e5 munnspill"], ["3:19", "27:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-06-01", "text": "Allsang-fors\u00f8kene satt heller ikke helt .", "opinions": [{"Source": [[], []], "Target": [["Allsang-fors\u00f8kene"], ["0:17"]], "Polar_expression": [["satt heller ikke helt"], ["18:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-06-02", "text": "Det funket kanskje helt framme ved scenen , men du skulle ikke langt bakover f\u00f8r publikumsr\u00f8stene forstummet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["funket kanskje helt framme ved scenen"], ["4:41"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skulle ikke langt bakover f\u00f8r publikumsr\u00f8stene forstummet"], ["51:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-07-01", "text": "Likevel ble det en fin avslutning p\u00e5 Quart .", "opinions": [{"Source": [[], []], "Target": [["Quart"], ["37:42"]], "Polar_expression": [["fin avslutning"], ["19:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["avslutning"], ["23:33"]], "Polar_expression": [["fin"], ["19:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "705034-07-02", "text": "Bandet valgte \u00e5 lage lange versjoner av sangene , der musikken slo som seige havd\u00f8nninger mot oss \u2014 avbrutt av en og annen brottsj\u00f8 .", "opinions": [{"Source": [["oss"], ["94:97"]], "Target": [["musikken"], ["54:62"]], "Polar_expression": [["slo som seige havd\u00f8nninger mot"], ["63:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-07-03", "text": "Etter en \u00e5rrekke sammen , er de sv\u00e6rt s\u00e5 samspilte med Morten Johan Olsen og \u00d8yvind Jakobsen p\u00e5 trommer og rytmeinstrumenter , Eirik Lye p\u00e5 bass , \u00d8yvind Berekvam p\u00e5 steelgitar og \u00c5dne S\u00e6verud p\u00e5 orgel .", "opinions": [{"Source": [[], []], "Target": [["Morten Johan Olsen"], ["55:73"]], "Polar_expression": [["sv\u00e6rt s\u00e5 samspilte"], ["32:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8yvind Jakobsen"], ["77:92"]], "Polar_expression": [["sv\u00e6rt s\u00e5 samspilte"], ["32:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00c5dne S\u00e6verud"], ["180:192"]], "Polar_expression": [["sv\u00e6rt s\u00e5 samspilte"], ["32:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8yvind Berekvam"], ["147:162"]], "Polar_expression": [["sv\u00e6rt s\u00e5 samspilte"], ["32:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Eirik Lye"], ["127:136"]], "Polar_expression": [["sv\u00e6rt s\u00e5 samspilte"], ["32:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-07-04", "text": "Ikke minst satte sistnevnte sitt preg p\u00e5 lyden med herlig \u00ab gammeldags \u00bb orgelspill .", "opinions": [{"Source": [[], []], "Target": [["sistnevnte"], ["17:27"]], "Polar_expression": [["Ikke minst", "preg p\u00e5 lyden med herlig \u00ab gammeldags \u00bb orgelspill"], ["0:10", "33:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "705034-08-01", "text": "Gjengen spilte en lang versjon av \u00ab I need love , baby , love , not trouble \u00bb , og avsluttet det ordin\u00e6re settet med en dr\u00f8m :", "opinions": []}, {"sent_id": "705034-08-02", "text": "\u00ab One day you'll dance for me , New York City \u00bb - med et bakgrunnsteppe p\u00e5 scenen best\u00e5ende av funklende stjerner .", "opinions": []}, {"sent_id": "705034-08-03", "text": "Uendelig vakkert , ikke minst kombinert med en varm , s\u00f8rlandsk sommernatt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Uendelig vakkert"], ["0:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke minst kombinert med en varm , s\u00f8rlandsk sommernatt"], ["19:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "705034-09-01", "text": "Overraskelsen kom helt til slutt , med en hyllest til gammel gospel og soul , framf\u00f8rt som en Elvis-medley .", "opinions": []}, {"sent_id": "705034-09-02", "text": "Glory , glory halleluja , sang Thomas Dybdahl .", "opinions": []}, {"sent_id": "705034-09-03", "text": "Et verdig punktum for Quart 2005. geir.flatoe@aftenbladet.no", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["verdig"], ["3:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Quart 2005."], ["22:33"]], "Polar_expression": [["verdig punktum"], ["3:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105949-01-01", "text": "Bare Egil Band :", "opinions": []}, {"sent_id": "105949-01-02", "text": "\u00ab I fyr og flamme \u00bb", "opinions": []}, {"sent_id": "105949-02-01", "text": "( Grappa / Musikkoperat\u00f8rene )", "opinions": []}, {"sent_id": "105949-03-01", "text": "Egil Hegerberger en morsom mann .", "opinions": [{"Source": [[], []], "Target": [["Egil Hegerberger"], ["0:16"]], "Polar_expression": [["morsom"], ["20:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105949-03-02", "text": "Riktignok veksler hans nye album mellom b\u00e5de festlig og enerverende , men slik er det ofte med t\u00f8ysemusikk .", "opinions": [{"Source": [[], []], "Target": [["album"], ["27:32"]], "Polar_expression": [["festlig"], ["45:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["27:32"]], "Polar_expression": [["enerverende"], ["56:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105949-03-03", "text": "Hegerbergs store fordel er han er mer absurd enn platt .", "opinions": [{"Source": [[], []], "Target": [["Hegerbergs"], ["0:10"]], "Polar_expression": [["mer absurd enn platt"], ["34:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105949-03-04", "text": "Mer Monty Python enn Benny Hill s\u00e5 \u00e5 si , med tekstlinjer som \u00ab men en kjole lagd av \u00f8rner burde da v\u00e6re spesiell nok , tenkt hvor vanskelig det er \u00e5 l\u00e6re en \u00f8rn og sy \u00bb og \u00ab jeg murer mitt h\u00e5r , jeg murer mitt skjegg \u00bb .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mer Monty Python enn Benny Hill"], ["0:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "105949-04-01", "text": "Enkelte av l\u00e5tene ( les parodiene ) virker b\u00e5de uforl\u00f8st og mindre gjennomarbeidet enn n\u00f8dvendig , men Hegerberg er fremdeles norsk tungrocks fremste humorist .", "opinions": [{"Source": [[], []], "Target": [["Enkelte av l\u00e5tene"], ["0:17"]], "Polar_expression": [["uforl\u00f8st"], ["48:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Enkelte av l\u00e5tene"], ["0:17"]], "Polar_expression": [["mindre gjennomarbeidet enn n\u00f8dvendig"], ["60:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Enkelte av l\u00e5tene"], ["0:17"]], "Polar_expression": [["norsk tungrocks fremste humorist"], ["126:158"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105949-04-02", "text": "Og jeg innbiller meg at han ikke en gang har h\u00f8rt om Bj\u00f8rn Hellfuck .", "opinions": []}, {"sent_id": "105949-05-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "105949-05-02", "text": "\u00ab Ta for deg n\u00e5 \u00bb .", "opinions": []}, {"sent_id": "105949-05-03", "text": "STIAN FJELLDAL", "opinions": []}, {"sent_id": "001233-01-01", "text": "Operafantomene", "opinions": []}, {"sent_id": "001233-02-01", "text": "Muse : The Resistance", "opinions": []}, {"sent_id": "001233-03-01", "text": "Muse gir seg frie kunsteriske t\u00f8yler p\u00e5 The Resistance .", "opinions": []}, {"sent_id": "001233-03-02", "text": "Litt for frie .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Litt for frie"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001233-04-01", "text": "Muses appell har alltid ligget et sted mellom de umiddelbare rock-hymnene ( \" Muscle Museum \" , \" Plug In Baby \" , \" Time Is Running Out \" , \" Super Massive Black Hole \" ) , og de gigantiske \u00f8yeblikk der vokalist Matthew Bellamy patos-bevrer om kapp med egen h\u00f8ytidelighet , men lander p\u00e5 den rette siden ( \" Knights Of Cydonia \" , \" Sing For Absolution \" , \" Unintended \" , \" Soldier's Poem \" ) .", "opinions": [{"Source": [[], []], "Target": [["\" Muscle Museum \""], ["76:93"]], "Polar_expression": [["umiddelbare rock-hymnene"], ["49:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Knights Of Cydonia \""], ["307:329"]], "Polar_expression": [["gigantiske \u00f8yeblikk", "( \" Knights Of Cydonia \" , \" Sing For Absolution \" , \" Unintended \" , \" Soldier's Poem \" )"], ["180:199", "305:395"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokalist Matthew Bellamy"], ["204:228"]], "Polar_expression": [["lander p\u00e5 den rette siden"], ["279:304"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Plug In Baby \""], ["96:112"]], "Polar_expression": [["umiddelbare rock-hymnene"], ["49:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Time Is Running Out \""], ["115:138"]], "Polar_expression": [["umiddelbare rock-hymnene"], ["49:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Super Massive Black Hole \""], ["141:169"]], "Polar_expression": [["umiddelbare rock-hymnene"], ["49:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Sing For Absolution \""], ["332:355"]], "Polar_expression": [["gigantiske \u00f8yeblikk", "( \" Knights Of Cydonia \" , \" Sing For Absolution \" , \" Unintended \" , \" Soldier's Poem \" )"], ["180:199", "305:395"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Unintended \""], ["358:372"]], "Polar_expression": [["gigantiske \u00f8yeblikk", "( \" Knights Of Cydonia \" , \" Sing For Absolution \" , \" Unintended \" , \" Soldier's Poem \" )"], ["180:199", "305:395"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Soldier's Poem \""], ["375:393"]], "Polar_expression": [["gigantiske \u00f8yeblikk", "( \" Knights Of Cydonia \" , \" Sing For Absolution \" , \" Unintended \" , \" Soldier's Poem \" )"], ["180:199", "305:395"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Muses"], ["0:5"]], "Polar_expression": [["umiddelbare rock-hymnene ( \" Muscle Museum \" , \" Plug In Baby \" , \" Time Is Running Out \" , \" Super Massive Black Hole \" )"], ["49:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Muses"], ["0:5"]], "Polar_expression": [["gigantiske \u00f8yeblikk", "( \" Knights Of Cydonia \" , \" Sing For Absolution \" , \" Unintended \" , \" Soldier's Poem \" )"], ["180:199", "305:395"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001233-05-01", "text": "P\u00e5 The Resistance har de i stor grad latt de umiddelbare \u00f8yeblikkene ligge , og ved hjelp av Pet Shop Boys- og Madonnaprodusent Mark \" Spike \"", "opinions": []}, {"sent_id": "001233-05-02", "text": "Stent lager de et univers der intet element er for grandiost og ingen grep for svulstige .", "opinions": []}, {"sent_id": "001233-05-03", "text": "Queen-inspirasjonen er tydeligere enn noen gang , og b\u00e5de \" United States Of Eurasia \" og \" Guiding Light \" mer eller mindre bl\u00e5kopierer gitarsoli og vendinger fra \" Bohemian Rhapsody \" og \" We Are The Champions \" .", "opinions": []}, {"sent_id": "001233-05-04", "text": "Ved mange anledninger blir dette underholdende , nettopp fordi de fortsatt lander p\u00e5 den rette siden av det latterlige .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["27:32"]], "Polar_expression": [["underholdende"], ["33:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de"], ["63:65"]], "Polar_expression": [["lander p\u00e5 den rette siden av det latterlige"], ["75:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001233-05-05", "text": "Tittelsporet , \" Undisclosed Desires \" og \" Unnatural Selection \" lokker frem de gode gysningene ; hovedproblemet her er dog albumets triumvirat av en avslutning : den tredelte symfonien \" Exogenesis \" .", "opinions": [{"Source": [[], []], "Target": [["\" Unnatural Selection \""], ["42:65"]], "Polar_expression": [["lokker frem de gode gysningene"], ["66:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Undisclosed Desires \""], ["15:38"]], "Polar_expression": [["lokker frem de gode gysningene"], ["66:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tittelsporet"], ["0:12"]], "Polar_expression": [["lokker frem de gode gysningene"], ["66:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Exogenesis \""], ["187:201"]], "Polar_expression": [["hovedproblemet"], ["99:113"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001233-06-01", "text": "Denne drives av en klaverf\u00f8ring og en serenadering som fremkaller gufs fra Andrew Lloyd Webbers mer slitsomme \u00f8yeblikk , og dette verket ( og i all s\u00e6rdeleshet \" Exogenesis : Symphony Part II : Cross-Pollination \" ) resonnerer mindre behagelige partier fra The Phantom Of The Opera og Cats .", "opinions": [{"Source": [[], []], "Target": [["verket"], ["130:136"]], "Polar_expression": [["slitsomme"], ["100:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Exogenesis : Symphony Part II : Cross-Pollination \""], ["160:213"]], "Polar_expression": [["slitsomme"], ["100:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Exogenesis : Symphony Part II : Cross-Pollination \""], ["160:213"]], "Polar_expression": [["mindre behagelige"], ["227:244"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["verket"], ["130:136"]], "Polar_expression": [["mindre behagelige"], ["227:244"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001233-06-02", "text": "Her bikker Muse over til \u00e5 bli parodiske , og dette er klassiske eksempler p\u00e5 tidspunkt der en produsent burde kommet inn i prosessen tidlig og sagt \" NEI . \"", "opinions": [{"Source": [[], []], "Target": [["Muse"], ["11:15"]], "Polar_expression": [["parodiske"], ["31:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001233-07-01", "text": "Grensen mellom parodi og patos er mer utydelig p\u00e5 The Resistance enn noen gang f\u00f8r , og dette tar luven av de gode l\u00e5tene , som alts\u00e5 fortsatt er til stede .", "opinions": [{"Source": [[], []], "Target": [["The Resistance"], ["50:64"]], "Polar_expression": [["Grensen mellom parodi og patos er mer utydelig"], ["0:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The Resistance"], ["50:64"]], "Polar_expression": [["tar luven av de gode l\u00e5tene"], ["94:121"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["115:121"]], "Polar_expression": [["gode"], ["110:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001233-07-02", "text": "Kunne de bare hive de verste musikalelementene til hundene neste gang .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kunne de bare hive de verste musikalelementene til hundene neste gang"], ["0:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702446-01-01", "text": "Hjerte-skj\u00e6rende f\u00f8lelsesl\u00f8st", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hjerte-skj\u00e6rende f\u00f8lelsesl\u00f8st"], ["0:29"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hjerte-skj\u00e6rende f\u00f8lelsesl\u00f8st"], ["0:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702446-02-01", "text": "Endelig settes fjor\u00e5rets gullpalmevinner fra Cannes opp p\u00e5 kino i Stavanger !", "opinions": [{"Source": [[], []], "Target": [["fjor\u00e5rets gullpalmevinner"], ["15:40"]], "Polar_expression": [["Endelig settes fjor\u00e5rets gullpalmevinner fra Cannes opp p\u00e5 kino i Stavanger"], ["0:75"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702446-03-01", "text": "Ikke et sekund for tidlig for filmen som hadde norgespremiere 2. juledag i fjor .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["30:36"]], "Polar_expression": [["Ikke et sekund for tidlig"], ["0:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702446-03-02", "text": "Men denne usedvanlig velspilte og gripende filmen har v\u00e6rt verd ventetiden \u2013 tross alt .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["43:49"]], "Polar_expression": [["usedvanlig velspilte"], ["10:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["43:49"]], "Polar_expression": [["gripende"], ["34:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["43:49"]], "Polar_expression": [["verd ventetiden"], ["59:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702446-04-01", "text": "I \u00f8stblokkfarger og n\u00e6rmest uten fakter og f\u00f8lelser skildres en dag i den unge sivilingeni\u00f8rstudenten Otilies liv .", "opinions": []}, {"sent_id": "702446-04-02", "text": "\u00c5ret er 1987 , ikke lenge f\u00f8r Ceausescus fall .", "opinions": []}, {"sent_id": "702446-04-03", "text": "Otilies romkamerat Gabita er blitt gravid og vil ta abort .", "opinions": []}, {"sent_id": "702446-04-04", "text": "Men abort er strengt forbudt i det totalit\u00e6re regimet , og m\u00e5 derfor utf\u00f8res illegalt .", "opinions": []}, {"sent_id": "702446-05-01", "text": "Helt uten musikk og andre f\u00f8lelsesskapende effekter f\u00f8lger kameraet hendelsene .", "opinions": []}, {"sent_id": "702446-05-02", "text": "F\u00e5 og ingen f\u00f8lelser pensles ut .", "opinions": []}, {"sent_id": "702446-05-03", "text": "Nesten mekanisk utf\u00f8rer Otilie , som er den historien skildres gjennom , det som m\u00e5 gj\u00f8res og som hun ser som sin plikt : hjelpe sin ulykkelige og tafatte venninne gjennom aborten og samtidig gj\u00f8re kj\u00e6resten til lags ved \u00e5 delta i hans mors lystige bursdagsselskap .", "opinions": []}, {"sent_id": "702446-06-01", "text": "Sm\u00e5 hverdagslige bagateller som vanligvis aldri finne veien inn i en filmhistorie bidrar sammen med usedvanlig lange tagninger til \u00e5 skape en realisme der seeren n\u00e6rmest f\u00f8ler seg som en kikker .", "opinions": []}, {"sent_id": "702446-06-02", "text": "Mens vi kronologisk f\u00f8lger hendelsene sn\u00f8rer et ikke synlig trusselbilde seg stadig tettere og vondere rundt dramaet .", "opinions": []}, {"sent_id": "702446-07-01", "text": "Denne fantastiske og effektive m\u00e5ten \u00e5 fortelle en filmhistorie p\u00e5 har Mungiu til felles med de belgiske Dardenne-br\u00f8drene i filmer som \u00ab Rosetta \u00bb og \u00ab Barnet \u00bb , men ogs\u00e5 med rumenske \u00ab Lazarescus d\u00f8d \u00bb fra 2005 , en film som ogs\u00e5 tok for seg den byr\u00e5kratiske mentaliteten under et totalit\u00e6rt regime .", "opinions": [{"Source": [[], []], "Target": [["filmhistorie"], ["51:63"]], "Polar_expression": [["fantastiske og effektive m\u00e5ten \u00e5 fortelle"], ["6:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mungiu"], ["71:77"]], "Polar_expression": [["fantastiske og effektive m\u00e5ten \u00e5 fortelle en filmhistorie"], ["6:63"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Rosetta \u00bb"], ["136:147"]], "Polar_expression": [["fantastiske og effektive m\u00e5ten \u00e5 fortelle"], ["6:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Lazarescus d\u00f8d \u00bb"], ["186:204"]], "Polar_expression": [["fantastiske og effektive m\u00e5ten \u00e5 fortelle"], ["6:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Barnet \u00bb"], ["151:161"]], "Polar_expression": [["fantastiske og effektive m\u00e5ten \u00e5 fortelle"], ["6:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702446-07-02", "text": "Men aldri har det v\u00e6rt gjort s\u00e5 sterkt og gripende som her .", "opinions": [{"Source": [[], []], "Target": [["her"], ["55:58"]], "Polar_expression": [["aldri har det v\u00e6rt gjort s\u00e5 sterkt og gripende"], ["4:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702446-08-01", "text": "\u00ab 4 m\u00e5neder , 3 uker og 2 dager \u00bb er ikke en abortpolitisk film , men mer en skildring av livet , byr\u00e5kratiet og mentaliteten under det totalit\u00e6re regimet i Romania f\u00f8r Ceausescus fall .", "opinions": []}, {"sent_id": "702446-08-02", "text": "Filmen har ikke et snev av humor , den er langt fra oppl\u00f8ftende .", "opinions": []}, {"sent_id": "702446-08-03", "text": "Men det ligger stor filmlykke i \u00e5 se noe s\u00e5 imponerende og uforglemmelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stor filmlykke"], ["15:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["imponerende"], ["44:55"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["uforglemmelig"], ["59:72"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-01-01", "text": "Contraband", "opinions": []}, {"sent_id": "003939-02-01", "text": "Denne filmen glemmer du fort .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["6:12"]], "Polar_expression": [["glemmer du fort"], ["13:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-03-01", "text": "Er den islandske regiss\u00f8ren Baltasar Korm\u00e1kur i ferd med \u00e5 bli slukt av Hollywood ?", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8ren Baltasar Korm\u00e1kur"], ["17:45"]], "Polar_expression": [["i ferd med \u00e5 bli slukt av Hollywood ?"], ["46:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-03-02", "text": "Hans nye film , Contraband , er et helt greit actiondrama , men mangler noe som ligner s\u00e6rpreg .", "opinions": [{"Source": [[], []], "Target": [["Contraband"], ["16:26"]], "Polar_expression": [["helt greit"], ["35:45"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Contraband"], ["16:26"]], "Polar_expression": [["mangler noe som ligner s\u00e6rpreg"], ["64:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-04-01", "text": "Dette er en A4-film som f\u00f8les \u00e5 v\u00e6re laget etter en velbrukt oppskrift .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["A4-film"], ["12:19"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["velbrukt oppskrift"], ["52:70"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-04-02", "text": "Kjente fjes som Mark Wahlberg , Giovanni Ribisi , Ben Foster og Kate Beckinsale i de st\u00f8rste rollene , s\u00f8rger for at kvaliteten aldri dropper under middels .", "opinions": [{"Source": [[], []], "Target": [["de st\u00f8rste rollene"], ["82:100"]], "Polar_expression": [["Kjente fjes"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de st\u00f8rste rollene"], ["82:100"]], "Polar_expression": [["kvaliteten aldri dropper under middels"], ["117:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-05-01", "text": "Men jeg f\u00f8ler samtidig at Korm\u00e1kur har mye mer inne som filmskaper enn han har f\u00e5tt muligheten til \u00e5 bevise her .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [["Korm\u00e1kur"], ["26:34"]], "Polar_expression": [["har mye mer inne som filmskaper enn han har f\u00e5tt muligheten til \u00e5 bevise her"], ["35:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["4:7"]], "Target": [[], []], "Polar_expression": [["Korm\u00e1kur har mye mer inne som filmskaper enn han har f\u00e5tt muligheten til \u00e5 bevise her"], ["26:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-06-01", "text": "Smugler falske penger", "opinions": []}, {"sent_id": "003939-07-01", "text": "Chris Farraday ( Mark Wahlberg ) har lagt smuglerkarrieren p\u00e5 hylla .", "opinions": []}, {"sent_id": "003939-07-02", "text": "Men s\u00e5 p\u00e5drar svigerbroren seg smuglergjeld , og Chris m\u00e5 ty til gamle triks for \u00e5 redde familien .", "opinions": []}, {"sent_id": "003939-08-01", "text": "Han ber kameraten Sebastian ( Ben Foster ) passe p\u00e5 kona ( Kate Beckinsale ) , mens han og svigerbroren tar hyre p\u00e5 et containerskip til Panama for \u00e5 smugle med seg falske dollars tilbake .", "opinions": []}, {"sent_id": "003939-09-01", "text": "Men operasjonen skal bli langt vanskeligere og farligere enn Chris hadde forutsett , b\u00e5de for ham selv og for familien hjemme i USA .", "opinions": []}, {"sent_id": "003939-10-01", "text": "Begrenset rekkevidde", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Begrenset rekkevidde"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-11-01", "text": "Den gamle forbryteren som tvinges til ett siste brekk har vi sett utallige ganger p\u00e5 film .", "opinions": [{"Source": [["vi"], ["58:60"]], "Target": [[], []], "Polar_expression": [["sett utallige ganger"], ["61:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-11-02", "text": "Og det er ingenting som skiller Wahlbergs figur ut fra mengden .", "opinions": [{"Source": [[], []], "Target": [["Wahlbergs figur"], ["32:47"]], "Polar_expression": [["ingenting som skiller", "ut fra mengden"], ["10:31", "48:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-12-01", "text": "Chris Farraday er en helt ordin\u00e6r figur , gestaltet av en skuespiller med begrenset rekkevidde , men med en viss karisma .", "opinions": [{"Source": [[], []], "Target": [["skuespiller"], ["58:69"]], "Polar_expression": [["begrenset rekkevidde"], ["74:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespiller"], ["58:69"]], "Polar_expression": [["viss karisma"], ["108:120"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-13-01", "text": "Wahlberg er selv en av produsentene , noe som kanskje forklarer at hovedfokuset hele tiden ligger p\u00e5 ham selv , mens andre virker nedprioriterte .", "opinions": [{"Source": [[], []], "Target": [["Wahlberg"], ["0:8"]], "Polar_expression": [["hovedfokuset hele tiden ligger p\u00e5 ham selv , mens andre virker nedprioriterte"], ["67:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-13-02", "text": "Selv figuren til en bedre skuespiller som Ben Foster blir kuttet ned til et minste felles multiplum .", "opinions": [{"Source": [[], []], "Target": [["Ben Foster"], ["42:52"]], "Polar_expression": [["bedre skuespiller"], ["20:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bedre skuespiller som Ben Foster blir kuttet ned til et minste felles multiplum"], ["20:99"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-14-01", "text": "Djevelske tilfeldigheter", "opinions": []}, {"sent_id": "003939-15-01", "text": "Reisen til Panama og hva som skjer der nede er skildret med fin flyt og noen sekvenser med eksplosiv action .", "opinions": [{"Source": [[], []], "Target": [["Reisen til Panama"], ["0:17"]], "Polar_expression": [["fin flyt"], ["60:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Reisen til Panama"], ["0:17"]], "Polar_expression": [["eksplosiv action"], ["91:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-15-02", "text": "Vi f\u00e5r f\u00f8lelsen av \u00e5 v\u00e6re p\u00e5 en spennende tur med gutta , samtidig som utryggheten er til \u00e5 ta og f\u00f8le p\u00e5 .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["f\u00e5r f\u00f8lelsen av \u00e5 v\u00e6re p\u00e5 en spennende tur med gutta"], ["3:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-16-01", "text": "Korm\u00e1kur viser at han ogs\u00e5 behersker denne delen av filmspekteret .", "opinions": [{"Source": [[], []], "Target": [["Korm\u00e1kur"], ["0:8"]], "Polar_expression": [["behersker denne delen av filmspekteret"], ["27:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-16-02", "text": "Men han har ikke mulighet til \u00e5 unng\u00e5 f\u00f8lelsen av at dette er sett mange ganger f\u00f8r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sett mange ganger f\u00f8r"], ["62:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-16-03", "text": "Originaliteten er lav .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Originaliteten er lav"], ["0:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-17-01", "text": "Noen av plotelementene f\u00f8les ogs\u00e5 noe anstrengte , da de er avhengige av b\u00e5de djevelske tilfeldigheter og himmelsk timing .", "opinions": [{"Source": [[], []], "Target": [["plotelementene"], ["8:22"]], "Polar_expression": [["noe anstrengte"], ["34:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003939-18-01", "text": "Fort sett , fort glemt", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fort glemt"], ["12:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-19-01", "text": "Contraband underholder nok til \u00e5 v\u00e6re verdt en kikk , bare du ikke forventer deg all verden av kvalitet .", "opinions": [{"Source": [[], []], "Target": [["Contraband"], ["0:10"]], "Polar_expression": [["ikke forventer deg all verden av kvalitet"], ["62:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Contraband"], ["0:10"]], "Polar_expression": [["underholder nok til \u00e5 v\u00e6re verdt en kikk"], ["11:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-19-02", "text": "Dette er glatt action som er fort sett og fort glemt .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["glatt action"], ["9:21"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["fort glemt"], ["42:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003939-20-01", "text": "Og enn s\u00e5 lenge lager Baltasar Korm\u00e1kur bedre filmer hjemme p\u00e5 Island enn i USA .", "opinions": [{"Source": [[], []], "Target": [["filmer"], ["46:52"]], "Polar_expression": [["bedre", "hjemme p\u00e5 Island enn i USA"], ["40:45", "53:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300040-01-01", "text": "Spansk og svingende", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Spansk og svingende"], ["0:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300040-02-01", "text": "Tapas kan v\u00e6re s\u00e5 mangt .", "opinions": []}, {"sent_id": "300040-02-02", "text": "Ogs\u00e5 hva kvalitet ang\u00e5r .", "opinions": []}, {"sent_id": "300040-03-01", "text": "-Restauranttettheten er snart like stor her som p\u00e5 Aker Brygge , sa Robinson , etter \u00e5 ha passert de livlige uteserveringene til B\u00f8lgen og Moi og Bygd\u00f8y All\u00e9 Restaurant , og inntatt et bord p\u00e5 ny\u00e5pnede Escal\u00f3n p\u00e5 Tjuvholmen .", "opinions": []}, {"sent_id": "300040-03-02", "text": "I Bergen har tapasrestauranten Escal\u00f3n holdt det g\u00e5ende siden 1998 .", "opinions": []}, {"sent_id": "300040-03-03", "text": "Det gikk s\u00e5 bra at den fikk en avlegger i samme by i 2006 , og n\u00e5 har de driftige bergenserne inntatt hovedstaden .", "opinions": [{"Source": [[], []], "Target": [["bergenserne"], ["82:93"]], "Polar_expression": [["driftige"], ["73:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["19:22"]], "Polar_expression": [["Det gikk s\u00e5 bra at den fikk en avlegger"], ["0:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-04-01", "text": "-Jeg bruker \u00e5 anbefale tre til fire tapas per person , beroende p\u00e5 hvor sulten man er , sa en str\u00e5lende opplagt kelner , som for \u00f8vrig kunne informere om at husets fat\u00f8l var spansk , av merke San Miguel .", "opinions": [{"Source": [[], []], "Target": [["kelner"], ["112:118"]], "Polar_expression": [["str\u00e5lende opplagt"], ["94:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-05-01", "text": "Ja , takk , sa Robinson og Fredag i kor , og kastet seg over den rikholdige menyen inspirert av spanske sm\u00e5retter slik de serveres til et glass \u00f8l eller vin , s\u00e5gar helt gratis i visse omr\u00e5der av Spania .", "opinions": [{"Source": [["Robinson og Fredag"], ["15:33"]], "Target": [["menyen"], ["76:82"]], "Polar_expression": [["rikholdige"], ["65:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-05-02", "text": "Slik forholder det seg selvf\u00f8lgelig ikke her .", "opinions": []}, {"sent_id": "300040-05-03", "text": "P\u00e5 Escal\u00f3n m\u00e5 man til og med betale for br\u00f8det .", "opinions": [{"Source": [[], []], "Target": [["Escal\u00f3n"], ["3:10"]], "Polar_expression": [["m\u00e5 man til og med betale for br\u00f8det"], ["11:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300040-06-01", "text": "- 29 kroner for fire skiver bakverk er stivt , sukket Fredag .", "opinions": [{"Source": [["Fredag"], ["54:60"]], "Target": [[], []], "Polar_expression": [["29 kroner for fire skiver bakverk er stivt"], ["2:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Fredag"], ["54:60"]], "Target": [[], []], "Polar_expression": [["sukket"], ["47:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-06-02", "text": "-", "opinions": []}, {"sent_id": "300040-07-01", "text": "Det kunne de i det minste ha bydd sine gjester p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det kunne de i det minste ha bydd sine gjester p\u00e5"], ["0:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300040-08-01", "text": "Utvalget av sm\u00e5retter p\u00e5 Escal\u00f3n er stort , variert og innbydende .", "opinions": [{"Source": [[], []], "Target": [["Utvalget av sm\u00e5retter"], ["0:21"]], "Polar_expression": [["stort"], ["36:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Utvalget av sm\u00e5retter"], ["0:21"]], "Polar_expression": [["variert"], ["44:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Utvalget av sm\u00e5retter"], ["0:21"]], "Polar_expression": [["innbydende"], ["55:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-08-02", "text": "Robinson og Fredag begynte p\u00e5 toppen av menyen , og stoppet da antallet var oppe i \u00e5tte .", "opinions": []}, {"sent_id": "300040-08-03", "text": "Rettene som etter hvert kom p\u00e5 bordet - i sv\u00e6rt tilfeldig rekkef\u00f8lge - besto av serranoskinke , stekte poteter med a\u00efoli , kamskjell med chorizo og r\u00f8dbeter , scampi i vin og hvitl\u00f8k , blekksprut i spicy tomat , alb\u00f3ndigas ( kj\u00f8ttboller ) i tomatsalsa , vaktelbryst med bacon og sherrysaus , samt oksehale eller Rabo de Toro som det heter p\u00e5 spansk , menyens f\u00f8rstespr\u00e5k .", "opinions": []}, {"sent_id": "300040-08-04", "text": "En uformell og morsom m\u00e5te \u00e5 spise p\u00e5 , der delingsprinsippet er n\u00f8kkelen til sv\u00e6rt varierte smaksopplevelser .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sv\u00e6rt varierte smaksopplevelser"], ["78:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["m\u00e5te \u00e5 spise p\u00e5"], ["22:37"]], "Polar_expression": [["uformell og morsom"], ["3:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-09-01", "text": "Etter at alle de \u00e5tte smakskombinasjonene var testet , med b\u00e5de spansk \u00f8l og husets Rioja att\u00e5t , var Robinson og Fredag helt enige om sine \u00ab tre p\u00e5 topp \u00bb .", "opinions": []}, {"sent_id": "300040-09-02", "text": "Kombinasjonen kamskjell-chorizo-r\u00f8dbet pirret smaksl\u00f8kene .", "opinions": [{"Source": [[], []], "Target": [["Kombinasjonen kamskjell-chorizo-r\u00f8dbet"], ["0:38"]], "Polar_expression": [["pirret smaksl\u00f8kene"], ["39:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-09-03", "text": "Den sterke p\u00f8lsa , de s\u00f8te r\u00f8dbetene og de aromatiske kamskjellmusklene harmonerte usedvanlig bra .", "opinions": [{"Source": [[], []], "Target": [["Den sterke p\u00f8lsa , de s\u00f8te r\u00f8dbetene og de aromatiske kamskjellmusklene"], ["0:71"]], "Polar_expression": [["harmonerte usedvanlig bra"], ["72:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-09-04", "text": "Det hele var ogs\u00e5 lekkert presentert .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["lekkert presentert"], ["18:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-09-05", "text": "Stykkene av oksehale , som var bakt i ovn over lang tid og kom med finhakkede rotfrukter og en solid dose sherry , var kraftige saker som avstedkom applaus .", "opinions": [{"Source": [[], []], "Target": [["Stykkene av oksehale"], ["0:20"]], "Polar_expression": [["kraftige saker som avstedkom applaus"], ["119:155"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-09-06", "text": "God mottakelse fikk ogs\u00e5 det blekrosa vaktelbrystet , pakket i spr\u00f8 baconskiver og med en nydelig sjy tilsatt sherry .", "opinions": [{"Source": [[], []], "Target": [["blekrosa vaktelbrystet"], ["29:51"]], "Polar_expression": [["God mottakelse"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["blekrosa vaktelbrystet"], ["29:51"]], "Polar_expression": [["nydelig sjy"], ["90:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-09-07", "text": "Sm\u00e5 , smaksrike lekkerbiskener .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["smaksrike lekkerbiskener"], ["6:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-10-01", "text": "-Hva rangerer vi s\u00e5 lengst ned , undret Robinson , etter \u00e5 ha k\u00e5ret vinnerne .", "opinions": []}, {"sent_id": "300040-11-01", "text": "-Potetene skuffet .", "opinions": [{"Source": [[], []], "Target": [["-Potetene"], ["0:9"]], "Polar_expression": [["skuffet"], ["10:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-11-02", "text": "Dvaske og tamme , ja , bl\u00f8te b\u00e5de utenp\u00e5 og inni .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Dvaske og tamme"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bl\u00f8te b\u00e5de utenp\u00e5 og inni"], ["23:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "300040-11-03", "text": "Og de seks syltynne skivene av serranoskinke , garantert ikke sk\u00e5ret for h\u00e5nd , slik man ser skinkekokkene briljere p\u00e5 barene i Sevilla , var f\u00f8rst og fremst uforskammet dyre , mente Fredag .", "opinions": [{"Source": [["Fredag"], ["183:189"]], "Target": [["skivene av serranoskinke"], ["20:44"]], "Polar_expression": [["uforskammet dyre"], ["158:174"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Fredag"], ["183:189"]], "Target": [["skivene av serranoskinke"], ["20:44"]], "Polar_expression": [["syltynne"], ["11:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Fredag"], ["183:189"]], "Target": [["skivene av serranoskinke"], ["20:44"]], "Polar_expression": [["garantert ikke sk\u00e5ret for h\u00e5nd , slik man ser skinkekokkene briljere p\u00e5 barene i Sevilla"], ["47:135"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-12-01", "text": "Robinson vendte tommelen ned for scampiene som var bleke og manglet hvitl\u00f8ksfuttet , mens de spanske kj\u00f8ttbollene fikk \u00ab godkjent \u00bb , men kunne v\u00e6rt saftigere og hadde vunnet p\u00e5 en litt grovere malt kj\u00f8ttfarse .", "opinions": [{"Source": [["Robinson"], ["0:8"]], "Target": [["scampiene"], ["33:42"]], "Polar_expression": [["vendte tommelen ned"], ["9:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["0:8"]], "Target": [["scampiene"], ["33:42"]], "Polar_expression": [["bleke"], ["51:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["0:8"]], "Target": [["scampiene"], ["33:42"]], "Polar_expression": [["manglet hvitl\u00f8ksfuttet"], ["60:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["0:8"]], "Target": [["de spanske kj\u00f8ttbollene"], ["90:113"]], "Polar_expression": [["godkjent"], ["121:129"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["0:8"]], "Target": [["de spanske kj\u00f8ttbollene"], ["90:113"]], "Polar_expression": [["kunne v\u00e6rt saftigere"], ["138:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["0:8"]], "Target": [["de spanske kj\u00f8ttbollene"], ["90:113"]], "Polar_expression": [["hadde vunnet p\u00e5 en litt grovere malt kj\u00f8ttfarse"], ["162:209"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-13-01", "text": "-Hva med blekkspruten , undret Fredag , som hadde avst\u00e5tt fra \u00e5 smake p\u00e5 den .", "opinions": []}, {"sent_id": "300040-14-01", "text": "-Der gikk du ikke glipp av noe , sa Robinson , snurt .", "opinions": [{"Source": [["Robinson"], ["36:44"]], "Target": [[], []], "Polar_expression": [["-Der gikk du ikke glipp av noe"], ["0:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["36:44"]], "Target": [[], []], "Polar_expression": [["snurt"], ["47:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-14-02", "text": "-", "opinions": []}, {"sent_id": "300040-15-01", "text": "Det er nok veldig lenge siden den var ute og sv\u00f8mte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det er nok veldig lenge siden den var ute og sv\u00f8mte"], ["0:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "300040-16-01", "text": "Escal\u00f3n skilter ogs\u00e5 med s\u00f8te sm\u00e5retter for dessertmagen .", "opinions": []}, {"sent_id": "300040-16-02", "text": "Robinson gikk for Cavagranit\u00e9 med mynte , en liten , frisk opplevelse som matchet den varme sommerkvelden perfekt .", "opinions": [{"Source": [["Robinson"], ["0:8"]], "Target": [["Cavagranit\u00e9 med mynte"], ["18:39"]], "Polar_expression": [["frisk opplevelse som matchet den varme sommerkvelden perfekt"], ["53:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-16-03", "text": "Det gjorde ogs\u00e5 Fredags lime- og agurksorbet , et overraskende og hyggelig bekjentskap .", "opinions": [{"Source": [["Fredags"], ["16:23"]], "Target": [["lime- og agurksorbet"], ["24:44"]], "Polar_expression": [["overraskende og hyggelig bekjentskap"], ["50:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-16-04", "text": "Summa summarum var Escal\u00f3n ogs\u00e5 det med sine blide kelnere og sitt hyggelige og uformelle interi\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["Escal\u00f3n"], ["19:26"]], "Polar_expression": [["blide kelnere"], ["45:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Escal\u00f3n"], ["19:26"]], "Polar_expression": [["hyggelige og uformelle interi\u00f8r"], ["67:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300040-16-05", "text": "Men de gastronomiske prestasjonene var sv\u00e6rt varierende .", "opinions": [{"Source": [[], []], "Target": [["gastronomiske prestasjonene"], ["7:34"]], "Polar_expression": [["sv\u00e6rt varierende"], ["39:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-17-01", "text": "-Hvor mange stjerner , spurte Fredag .", "opinions": []}, {"sent_id": "300040-18-01", "text": "-Tja , sa Robinson .", "opinions": []}, {"sent_id": "300040-18-02", "text": "- Litt vrient , dette her .", "opinions": []}, {"sent_id": "300040-18-03", "text": "Noe var h\u00f8yst forglemmelig , men det som var godt , var til gjengjeld veldig godt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Noe var h\u00f8yst forglemmelig"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["det som var godt , var til gjengjeld veldig godt"], ["33:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300040-18-04", "text": "Vi f\u00e5r la tvilen komme tiltalte til gode .", "opinions": []}, {"sent_id": "300040-19-01", "text": "-Og jeg vet hva jeg skal bestille neste gang , sa Fredag .", "opinions": []}, {"sent_id": "000076-01-01", "text": "Merlin S03", "opinions": []}, {"sent_id": "000076-02-01", "text": "Et g\u00f8yalt , men forutsigbart eventyr .", "opinions": [{"Source": [[], []], "Target": [["eventyr"], ["29:36"]], "Polar_expression": [["forutsigbart"], ["16:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["eventyr"], ["29:36"]], "Polar_expression": [["g\u00f8yalt"], ["3:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-03-01", "text": "Til h\u00f8sten slipper BBC sesong fire av serien Merlin i Storbritannia .", "opinions": []}, {"sent_id": "000076-03-02", "text": "Her i Norge kan du n\u00e5 f\u00e5 tredje sesong p\u00e5 DVD .", "opinions": []}, {"sent_id": "000076-04-01", "text": "Som den fantasyfantasten jeg er , blir jeg alltid like glad for \u00e5 se en skikkelig eventyrserie p\u00e5 tv .", "opinions": [{"Source": [["jeg"], ["25:28"]], "Target": [["eventyrserie"], ["82:94"]], "Polar_expression": [["glad"], ["55:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["25:28"]], "Target": [["eventyrserie"], ["82:94"]], "Polar_expression": [["skikkelig"], ["72:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-05-01", "text": "Jeg koste meg med dette eventyret , men det er altfor langt mellom de store spenningsmomentene .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["eventyret"], ["24:33"]], "Polar_expression": [["koste meg"], ["4:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Jeg"], ["0:3"]], "Target": [["eventyret"], ["24:33"]], "Polar_expression": [["altfor langt mellom de store spenningsmomentene"], ["47:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-06-01", "text": "Kongeriket fortsatt i fare", "opinions": []}, {"sent_id": "000076-07-01", "text": "Serien er basert p\u00e5 legenden om Arthur ( Bradley James ) og Merlin ( Colin Morgan ) , men har sin egen vri p\u00e5 fortellingen og handler om de tidligere \u00e5rene f\u00f8r Arthur ble konge og Merlin ble en beryktet trollmann .", "opinions": [{"Source": [[], []], "Target": [["Serien"], ["0:6"]], "Polar_expression": [["sin egen vri"], ["94:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-08-01", "text": "Som i de foreg\u00e5ende sesongene er Arthurs far , Uther ( Anthony Head ) , konge av Camelot .", "opinions": []}, {"sent_id": "000076-08-02", "text": "Han styrer med en hard h\u00e5nd og har forbudt bruken av magi .", "opinions": []}, {"sent_id": "000076-09-01", "text": "I tredje sesong av eventyret fortsetter Uthers elskede verge , Morgana , sitt hevntokt mot kongen .", "opinions": []}, {"sent_id": "000076-09-02", "text": "Hun og heksen Morgause g\u00e5r hardere til verks enn noensinne for \u00e5 styrte Uther og ta over makten .", "opinions": []}, {"sent_id": "000076-10-01", "text": "N\u00e5r Morgana f\u00e5r ferten av en farlig hemmelighet om sin egen far , st\u00e5r Uther og hele Camelot virkelig i fare .", "opinions": []}, {"sent_id": "000076-11-01", "text": "Nok en gang m\u00e5 Merlin redde Uther , Arthur og Camelot fra undergang .", "opinions": []}, {"sent_id": "000076-12-01", "text": "For mange digresjoner", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For mange digresjoner"], ["0:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-13-01", "text": "Denne sesongen av Merlin er mer actionfylt enn de f\u00f8rste to .", "opinions": [{"Source": [[], []], "Target": [["de f\u00f8rste to"], ["47:59"]], "Polar_expression": [["Denne sesongen av Merlin er mer actionfylt"], ["0:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Denne sesongen"], ["0:14"]], "Polar_expression": [["mer actionfylt enn de f\u00f8rste to"], ["28:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-13-02", "text": "Dessverre holdes formen med avsluttende episoder ved like og dette \u00f8delegger spenningskurven i serien .", "opinions": [{"Source": [[], []], "Target": [["serien"], ["95:101"]], "Polar_expression": [["Dessverre holdes formen med avsluttende episoder ved like"], ["0:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spenningskurven"], ["77:92"]], "Polar_expression": [["\u00f8delegger"], ["67:76"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["serien"], ["95:101"]], "Polar_expression": [["\u00f8delegger spenningskurven"], ["67:92"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-14-01", "text": "Hovedplottet i Merlin er interessant og spennende , men enkeltst\u00e5ende episoder som handler om helt andre ting river meg ut av fortellingen .", "opinions": [{"Source": [[], []], "Target": [["Hovedplottet"], ["0:12"]], "Polar_expression": [["interessant"], ["25:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hovedplottet"], ["0:12"]], "Polar_expression": [["spennende"], ["40:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["116:119"]], "Target": [["enkeltst\u00e5ende episoder"], ["56:78"]], "Polar_expression": [["river meg ut av fortellingen"], ["110:138"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-14-02", "text": "Selv om disse episodene kan v\u00e6re artige i seg selv , s\u00e5 f\u00f8les de som digresjoner fra hovedhistorien .", "opinions": [{"Source": [[], []], "Target": [["disse episodene"], ["8:23"]], "Polar_expression": [["kan v\u00e6re artige i seg selv"], ["24:50"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["disse episodene"], ["8:23"]], "Polar_expression": [["digresjoner"], ["69:80"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-15-01", "text": "Jeg bl\u00e5ser i historier som handler om at et rampete troll skaper ugang p\u00e5 slottet , eller at en landsbygutt pr\u00f8ver \u00e5 jukse seg til seier i en ridderturnering ved hjelp av magi .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["bl\u00e5ser i"], ["4:12"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-16-01", "text": "Disse f\u00f8les akkurat ut som det de er - nemlig episoder som er ment som fyllmasse for \u00e5 dra ut serien .", "opinions": [{"Source": [[], []], "Target": [["episoder"], ["46:54"]], "Polar_expression": [["fyllmasse for \u00e5 dra ut serien"], ["71:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-17-01", "text": "Heldigvis tar serien seg veldig opp mot slutten .", "opinions": [{"Source": [[], []], "Target": [["slutten"], ["40:47"]], "Polar_expression": [["Heldigvis tar", "seg veldig opp"], ["0:13", "21:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["serien"], ["14:20"]], "Polar_expression": [["Heldigvis tar serien seg veldig opp mot slutten"], ["0:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-17-02", "text": "Da blir dette eventyret s\u00e5 spennende som jeg skulle \u00f8nske det var hele veien .", "opinions": [{"Source": [["jeg"], ["41:44"]], "Target": [["eventyret"], ["14:23"]], "Polar_expression": [["spennende"], ["27:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["41:44"]], "Target": [["eventyret"], ["14:23"]], "Polar_expression": [["skulle \u00f8nske det var hele veien"], ["45:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-18-01", "text": "Jeg skulle likt \u00e5 se at skaperne av serien kunne kutte ut det overfl\u00f8dige og heller fokusere p\u00e5 det som er interessant .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["skulle likt \u00e5 se"], ["4:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-18-02", "text": "Da hadde vi nok f\u00e5tt en betydelig kortere serie , men den hadde til gjengjeld v\u00e6rt mye bedre .", "opinions": [{"Source": [[], []], "Target": [["serie"], ["42:47"]], "Polar_expression": [["hadde", "v\u00e6rt mye bedre"], ["58:63", "78:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-19-01", "text": "Vante klisj\u00e9er", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["klisj\u00e9er"], ["6:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-20-01", "text": "Skuespillerne i Merlin er sjarmerende .", "opinions": [{"Source": [[], []], "Target": [["Skuespillerne"], ["0:13"]], "Polar_expression": [["sjarmerende"], ["26:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-20-02", "text": "Det virker imidlertid som om karakterene har stagnert og at de n\u00e5 begynner \u00e5 g\u00e5 tom for ting \u00e5 spille p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["karakterene"], ["29:40"]], "Polar_expression": [["stagnert"], ["45:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["karakterene"], ["29:40"]], "Polar_expression": [["begynner \u00e5 g\u00e5 tom for ting \u00e5 spille p\u00e5"], ["66:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-21-01", "text": "Katie McGrath , som spiller Morgana , har for eksempel kun to ansiktsuttrykk .", "opinions": [{"Source": [[], []], "Target": [["Katie McGrath"], ["0:13"]], "Polar_expression": [["kun to ansiktsuttrykk"], ["55:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-21-02", "text": "Det ene bruker hun n\u00e5r Morgana spiller god og uskyldig .", "opinions": []}, {"sent_id": "000076-21-03", "text": "Det andre er det lille ondskapsfulle smilet hun f\u00e5r n\u00e5r hun nok en gang har lurt Uther trill rundt .", "opinions": []}, {"sent_id": "000076-22-01", "text": "Det ertende og sm\u00e5kranglete forholdet Arthur og Merlin har seg imellom begynner ogs\u00e5 \u00e5 bli gammelt nytt .", "opinions": [{"Source": [[], []], "Target": [["forholdet"], ["28:37"]], "Polar_expression": [["begynner ogs\u00e5 \u00e5 bli gammelt nytt"], ["71:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-22-02", "text": "Vi har allerede f\u00e5tt to sesonger med dette , n\u00e5 er det p\u00e5 tide at de utvikler seg litt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["p\u00e5 tide at de utvikler seg litt"], ["55:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-23-01", "text": "Manusforfatterne og skuespillerne er blitt s\u00e5 komfortable med rollefigurenes utforming at de aldri utfordrer den .", "opinions": [{"Source": [[], []], "Target": [["Manusforfatterne og skuespillerne"], ["0:33"]], "Polar_expression": [["aldri utfordrer den"], ["93:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-23-02", "text": "Dermed st\u00e5r karakterene i fare for \u00e5 bli vante klisj\u00e9er av seg selv .", "opinions": [{"Source": [[], []], "Target": [["karakterene"], ["12:23"]], "Polar_expression": [["i fare for \u00e5 bli vante klisj\u00e9er av seg selv"], ["24:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-24-01", "text": "Har potenisale", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["potenisale"], ["4:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-25-01", "text": "Tross alle de negative sidene ved tredje sesong , s\u00e5 er serien et koselig innslag for oss som er glade i eventyr .", "opinions": [{"Source": [[], []], "Target": [["tredje sesong"], ["34:47"]], "Polar_expression": [["alle de negative sidene"], ["6:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["serien"], ["56:62"]], "Polar_expression": [["koselig"], ["66:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000076-26-01", "text": "Trenger du litt tanketom underholdning p\u00e5 en s\u00f8ndags formiddag s\u00e5 passer sesong tre av Merlin fint .", "opinions": [{"Source": [[], []], "Target": [["sesong tre av Merlin"], ["73:93"]], "Polar_expression": [["tanketom underholdning"], ["16:38"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["sesong tre av Merlin"], ["73:93"]], "Polar_expression": [["passer", "fint"], ["66:72", "94:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000076-27-01", "text": "Jeg er spent p\u00e5 neste kapittel i historien og h\u00e5per at serieskaperne har tatt seg i nakkeskinnet for fjerde sesong av serien", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["neste kapittel i historien"], ["16:42"]], "Polar_expression": [["spent"], ["7:12"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-01-01", "text": "To som deg", "opinions": []}, {"sent_id": "300070-02-01", "text": "\u00ab En som deg \u00bb er en lovende norsk debutfilm som ikke lykkes helt i sin skildring av lengsel .", "opinions": [{"Source": [[], []], "Target": [["\u00ab En som deg \u00bb"], ["0:14"]], "Polar_expression": [["lovende"], ["21:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab En som deg \u00bb"], ["0:14"]], "Polar_expression": [["ikke lykkes helt i sin skildring av lengsel"], ["49:92"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300070-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "300070-03-02", "text": "Tre venninner fra Helsinki er i Istanbul p\u00e5 ferie .", "opinions": []}, {"sent_id": "300070-03-03", "text": "De blir kjent med tre norske gutter og tilbringer en kveld sammen .", "opinions": []}, {"sent_id": "300070-03-04", "text": "Kaisa ( Pamela Tola ) og Jacob ( Espen Klouman-H\u00f8iner ) finner tonen , helt til hun tr\u00e5kker i salaten .", "opinions": []}, {"sent_id": "300070-03-05", "text": "Disse scenene i Tyrkia er gjenkjennelige for alle som har v\u00e6rt lynforelsket i utlandet og regiss\u00f8r Eirik Svensson og skuespillerne improviserer fram en sv\u00e6rt realistisk atmosf\u00e6re .", "opinions": [{"Source": [[], []], "Target": [["scenene i Tyrkia"], ["6:22"]], "Polar_expression": [["gjenkjennelige"], ["26:40"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillerne"], ["117:130"]], "Polar_expression": [["improviserer fram en sv\u00e6rt realistisk atmosf\u00e6re"], ["131:178"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-03-06", "text": "Tankene g\u00e5r i retning av Joachim Trier og en type skildring av urbane mennesker rundt de tretti som Klouman-H\u00f8iner er kjent med fra \u00ab Reprise \u00bb .", "opinions": []}, {"sent_id": "300070-03-07", "text": "De seks er s\u00e5 overbevisende framstilt at jeg gjerne kunne fulgt dem gjennom en hel film .", "opinions": [{"Source": [["jeg"], ["41:44"]], "Target": [["De seks"], ["0:7"]], "Polar_expression": [["s\u00e5 overbevisende framstilt at", "gjerne kunne fulgt dem gjennom en hel film"], ["11:40", "45:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-04-01", "text": "Neste gang vi treffer Kaisa , har hun flyttet til Oslo , der hun instruerer dansere .", "opinions": []}, {"sent_id": "300070-04-02", "text": "En dag st\u00f8ter hun p\u00e5 Jacob i butikken , men han kjenner henne ikke igjen .", "opinions": []}, {"sent_id": "300070-04-03", "text": "Kaisa stusser .", "opinions": []}, {"sent_id": "300070-04-04", "text": "Det samme gj\u00f8r vi , for den vi ser , er vitterlig Jacob , n\u00e5 med nedoverlugg og en tynn bart .", "opinions": []}, {"sent_id": "300070-04-05", "text": "Han er interessert i Kaisa .", "opinions": []}, {"sent_id": "300070-04-06", "text": "De innleder et forhold .", "opinions": []}, {"sent_id": "300070-05-01", "text": "Isolert par", "opinions": []}, {"sent_id": "300070-05-02", "text": "Samtidig gj\u00f8r filmen et radikalt valg .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["14:20"]], "Polar_expression": [["gj\u00f8r", "et radikalt valg"], ["9:13", "21:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-05-03", "text": "I stedet for hyperrealistisk vennedynamikk i Istanbul , f\u00e5r vi et parforhold isolert fra sine n\u00f8ye utvalgte , meningsb\u00e6rende omgivelser :", "opinions": []}, {"sent_id": "300070-05-04", "text": "Bj\u00f8rvika ( bygging p\u00e5g\u00e5r ) , innpakket , bombeskadd regjeringsbygg ( en brutal verden der ute ) , Vigelandsparken ( en guide snakker om skulpturer og parforhold ) .", "opinions": []}, {"sent_id": "300070-06-01", "text": "\u00ab Jacob \u00bb spiller basketball og har ingen venner .", "opinions": []}, {"sent_id": "300070-06-02", "text": "Vi m\u00e5 anta at han enten er samme mann som vi m\u00f8tte i Istanbul ( med en tydelig spaltet personlighet ) eller hans tvillingbror .", "opinions": []}, {"sent_id": "300070-06-03", "text": "Men det Kaisa ser , er noe mer komplisert , noe som er vanskelig \u00e5 framstille p\u00e5 film , ikke minst fordi vi mennesker har en s\u00e6regen evne til \u00e5 skjelne ansikter .", "opinions": []}, {"sent_id": "300070-06-04", "text": "Etter hvert som de to blir kjent , m\u00e5 det skje noe i henne , men vi f\u00e5r ikke se den \u00e5penbare grunnen f\u00f8r helt mot slutten .", "opinions": []}, {"sent_id": "300070-06-05", "text": "En advarsel :", "opinions": []}, {"sent_id": "300070-06-06", "text": "Ikke sjekk rollelista p\u00e5 imdb f\u00f8r du ser filmen , det vil \u00f8delegge noe av opplevelsen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke sjekk rollelista", "vil \u00f8delegge noe av opplevelsen"], ["0:21", "54:85"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-07-01", "text": "Toneskifte", "opinions": []}, {"sent_id": "300070-07-02", "text": "N\u00e5r dette ikke funker tilfredsstillende , skyldes det at m\u00f8tet i Istanbul er for kort .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["4:9"]], "Polar_expression": [["ikke funker tilfredsstillende"], ["10:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["m\u00f8tet i Istanbul"], ["57:73"]], "Polar_expression": [["for kort"], ["77:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-07-03", "text": "Jeg kjenner ikke Kaisa godt nok til \u00e5 tro p\u00e5 det som skjer med henne i Oslo og Helsinki .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["kjenner ikke Kaisa godt nok til \u00e5 tro p\u00e5 det som skjer"], ["4:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-07-04", "text": "Det oppst\u00e5r et toneskifte der vi blir bedt om \u00e5 godta en enorm lengsel etter den rette , en lengsel som gir seg utslag i en voldsom projisering .", "opinions": [{"Source": [["vi"], ["30:32"]], "Target": [[], []], "Polar_expression": [["oppst\u00e5r et toneskifte der", "blir bedt om \u00e5 godta en enorm lengsel etter den rette"], ["4:29", "33:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["30:32"]], "Target": [[], []], "Polar_expression": [["lengsel som gir seg utslag i en voldsom projisering"], ["92:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-07-05", "text": "Slik oppfattes det i hvert fall utenfra .", "opinions": []}, {"sent_id": "300070-08-01", "text": "Likevel er det godt \u00e5 se en regiss\u00f8r med talent og ambisjoner .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8r"], ["28:36"]], "Polar_expression": [["godt \u00e5 se", "talent og ambisjoner"], ["15:24", "41:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300070-08-02", "text": "Svensson ble som filmstudent p\u00e5 Lillehammer utvekslet til Finland , der han m\u00f8tte manusmedforfatter Jyrki V\u00e4is\u00e4nen .", "opinions": []}, {"sent_id": "300070-08-03", "text": "Svenssons eksamensfilm \u00ab Fredag \u00bb ble ogs\u00e5 lagt merke til og det skal bli spennende \u00e5 se hva han og skuespillerne improviserer fram neste gang .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Fredag \u00bb"], ["23:33"]], "Polar_expression": [["ble ogs\u00e5 lagt merke til"], ["34:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-01-01", "text": "Velkjent og vellykket", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vellykket"], ["12:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Velkjent"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-02-01", "text": "Etter en rekke avstikkere , returnerer \u00ab Command & Conquer \u00bb til r\u00f8ttene sine med \u00ab Command & Conquer 3 : Tiberium Wars \u00bb .", "opinions": []}, {"sent_id": "106155-02-02", "text": "Og takk og lov for det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["takk og lov"], ["3:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-03-01", "text": "\u00ab Command & Conquer \u00bb tilh\u00f8rer den sjeldne kategorien spillserier som aldri skuffer .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Command & Conquer \u00bb"], ["0:21"]], "Polar_expression": [["tilh\u00f8rer den sjeldne kategorien spillserier som aldri skuffer"], ["22:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-03-02", "text": "Den eksklusive topphyllen p\u00e5 spillhistoriens hovedbibliotek .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["eksklusive topphyllen"], ["4:25"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-04-01", "text": "Ikke p\u00e5 grunn av originalitet , for all del .", "opinions": []}, {"sent_id": "106155-04-02", "text": "\u00ab Command & Conquer \u00bb har blitt selve symbolet p\u00e5 tradisjonelle strategispill , serien fnyser av moderne vrier og s\u00e5kalte \u00ab nyvinninger \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Command & Conquer \u00bb"], ["0:21"]], "Polar_expression": [["blitt selve symbolet p\u00e5 tradisjonelle strategispill"], ["26:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Command & Conquer \u00bb"], ["0:21"]], "Polar_expression": [["fnyser av moderne vrier og s\u00e5kalte \u00ab nyvinninger \u00bb"], ["87:137"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-05-01", "text": "Nei , dette er strategi av den gamle skolen , slik v\u00e5re forfedre spilte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["strategi av den gamle skolen"], ["15:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["slik v\u00e5re forfedre spilte"], ["46:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-05-02", "text": "Det har g\u00e5tt over tolv \u00e5r siden rebellen Kane for f\u00f8rste gang tok til v\u00e5pen for \u00e5 nedkjempe GDI , eller FN som noen visstnok ogs\u00e5 kaller det .", "opinions": []}, {"sent_id": "106155-06-01", "text": "Som vanlig har utvikleren valgt \u00e5 bruke skuespillere i kuttscenene , og dem er det mange av .", "opinions": []}, {"sent_id": "106155-06-02", "text": "Normalt ville jeg kanskje startet med \u00e5 fortelle litt om spillbarheten , men jeg syns strengt tatt kuttscenene fortjener den \u00e6ren , de er rett og slett s\u00e5pass bra .", "opinions": [{"Source": [["jeg"], ["77:80"]], "Target": [["kuttscenene"], ["99:110"]], "Polar_expression": [["fortjener den \u00e6ren"], ["111:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["77:80"]], "Target": [["kuttscenene"], ["99:110"]], "Polar_expression": [["rett og slett s\u00e5pass bra"], ["138:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-07-01", "text": "Riktignok kan det bli litt tullete og overdrevet til tider , men ikke nok til \u00e5 hindre at man sitter og virkelig fryder seg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan det bli litt tullete og overdrevet til tider"], ["10:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke nok til \u00e5 hindre at man sitter og virkelig fryder seg"], ["65:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-07-02", "text": "Her er det utallige kunstige nyhetsinnslag , intriger p\u00e5 toppniv\u00e5 , pressekonferanser og v\u00e5gale feltreportasjer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["utallige kunstige nyhetsinnslag"], ["11:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["intriger p\u00e5 toppniv\u00e5"], ["45:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-07-03", "text": "Kompetente skuespillere og et godt manus skader heller ikke .", "opinions": [{"Source": [[], []], "Target": [["skuespillere"], ["11:23"]], "Polar_expression": [["Kompetente"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["manus"], ["35:40"]], "Polar_expression": [["godt"], ["30:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skader heller ikke"], ["41:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-08-01", "text": "Spillet har tre fraksjoner , alle med sine naturlige styrker og svakheter .", "opinions": [{"Source": [[], []], "Target": [["fraksjoner"], ["16:26"]], "Polar_expression": [["styrker"], ["53:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fraksjoner"], ["16:26"]], "Polar_expression": [["svakheter"], ["64:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-08-02", "text": "Med mindre du hopper rett ut i flerspillerdelen eller \u00ab Skirmish \u00bb -modusen , tar det en liten stund f\u00f8r du m\u00f8ter den siste fraksjonen .", "opinions": []}, {"sent_id": "106155-09-01", "text": "I begynnelsen av kampanjen skal du lede enten Nod , rebellene , eller GDI - de forende nasjoner .", "opinions": []}, {"sent_id": "106155-09-02", "text": "Her kjempes det over hele kloden om alt fra ressurser og masse\u00f8delegelsesv\u00e5pen , til symbolkonstruksjoner som templer og det hvite hus .", "opinions": []}, {"sent_id": "106155-10-01", "text": "Klarer du \u00e5 fullf\u00f8re begge kampanjene , \u00e5pnes ogs\u00e5 en liten tilleggskampanje med Scrin , de lite trivelige romvesnene .", "opinions": [{"Source": [[], []], "Target": [["romvesnene"], ["107:117"]], "Polar_expression": [["lite trivelige"], ["92:106"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Klarer du \u00e5 fullf\u00f8re begge kampanjene , \u00e5pnes ogs\u00e5 en liten tilleggskampanje"], ["0:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-10-02", "text": "De har absolutt ikke kommet til jorden for \u00e5 f\u00e5 nye venner , men du verden s\u00e5 morsomt det er \u00e5 spille med dem .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["morsomt"], ["78:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-11-01", "text": "Det er en hel rekke spennende enheter i spillet , ogs\u00e5 noen virkelig kraftige , men det er ikke snakk om superenheter slik vi for eksempel s\u00e5 i \u00ab Supreme Commander \u00bb .", "opinions": [{"Source": [["vi"], ["123:125"]], "Target": [["spillet"], ["40:47"]], "Polar_expression": [["hel rekke spennende enheter"], ["10:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["123:125"]], "Target": [["spillet"], ["40:47"]], "Polar_expression": [["noen virkelig kraftige"], ["55:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["123:125"]], "Target": [[], []], "Polar_expression": [["ikke snakk om superenheter"], ["91:117"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["123:125"]], "Target": [["\u00ab Supreme Commander \u00bb"], ["144:165"]], "Polar_expression": [["superenheter"], ["105:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-11-02", "text": "Det finnes gode m\u00e5ter \u00e5 bekjempe samtlige p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["finnes gode m\u00e5ter \u00e5 bekjempe samtlige p\u00e5"], ["4:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-12-01", "text": "Til gjengjeld har hver fraksjon sitt eget superv\u00e5pen .", "opinions": []}, {"sent_id": "106155-12-02", "text": "Greier de \u00e5 peile inn dette p\u00e5 basen din , b\u00f8r du ha en sabla god forsikring , for f\u00e5 byggverk t\u00e5ler effektene av en ione-kanon eller et galaktisk tidsrift .", "opinions": []}, {"sent_id": "106155-13-01", "text": "At spillet kj\u00f8rer utmerket selv p\u00e5 litt eldre maskiner er heller ikke dumt , men s\u00e5 er det heller ikke p\u00e5 grafikkfronten at \u00ab Tiberium Wars \u00bb satser hardest .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Tiberium Wars \u00bb"], ["124:141"]], "Polar_expression": [["kj\u00f8rer utmerket selv p\u00e5 litt eldre maskiner"], ["11:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Tiberium Wars \u00bb"], ["124:141"]], "Polar_expression": [["ikke p\u00e5 grafikkfronten", "satser hardest"], ["98:120", "142:156"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Tiberium Wars \u00bb"], ["124:141"]], "Polar_expression": [["ikke", "satser hardest"], ["98:102", "142:156"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-14-01", "text": "\u00ab Company of Heroes \u00bb og \u00ab Supreme Commander \u00bb har begge gjort sitt for \u00e5 revolusjonere sanntidsstrategi-sjangeren .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Supreme Commander \u00bb"], ["25:46"]], "Polar_expression": [["revolusjonere sanntidsstrategi-sjangeren"], ["74:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Company of Heroes \u00bb"], ["0:21"]], "Polar_expression": [["revolusjonere sanntidsstrategi-sjangeren"], ["74:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-14-02", "text": "C&C :", "opinions": []}, {"sent_id": "106155-14-03", "text": "Tiberium Wars \u00bb nekter \u00e5 rikke seg en centimeter i konkurrentenes retning .", "opinions": []}, {"sent_id": "106155-15-01", "text": "Her er det perfeksjon av det gamle som st\u00e5r i fokus , og spillet gj\u00f8r en kjempegod jobb i s\u00e5 m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["57:64"]], "Polar_expression": [["perfeksjon av det gamle"], ["11:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["57:64"]], "Polar_expression": [["kjempegod jobb"], ["73:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-15-02", "text": "Jeg har derfor ingen kvaler med \u00e5 utrope \u00ab Tiberium Wars \u00bb til tidenes \u00ab Command & Conquer \u00bb -spill .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00ab Tiberium Wars \u00bb"], ["41:58"]], "Polar_expression": [["ingen kvaler med \u00e5 utrope", "til tidenes \u00ab Command & Conquer \u00bb -spill"], ["15:40", "59:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106155-16-01", "text": "Selv om det er n\u00e6rmest klinisk ren for nyskapninger .", "opinions": [{"Source": [[], []], "Target": [["det"], ["8:11"]], "Polar_expression": [["n\u00e6rmest klinisk ren for nyskapninger"], ["15:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106155-17-01", "text": "PS :", "opinions": []}, {"sent_id": "106155-17-02", "text": "Lanseres torsdag 29. mars .", "opinions": []}, {"sent_id": "106155-17-03", "text": "Kommer ogs\u00e5 p\u00e5 Xbox 360 i mai .", "opinions": []}, {"sent_id": "600007-01-01", "text": "Romantisk og fantasifull", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Romantisk"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fantasifull"], ["13:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600007-02-01", "text": "Fantasy", "opinions": []}, {"sent_id": "600007-03-01", "text": "USA 2014", "opinions": []}, {"sent_id": "600007-04-01", "text": "Regi :", "opinions": []}, {"sent_id": "600007-04-02", "text": "Akiva Goldsman", "opinions": []}, {"sent_id": "600007-05-01", "text": "Manus :", "opinions": []}, {"sent_id": "600007-05-02", "text": "Akive Goldsman", "opinions": []}, {"sent_id": "600007-06-01", "text": "Skuespillere : Will Smith , Jennifer Connelly , Colin Farrell , Russel Crowe , William Hurt", "opinions": []}, {"sent_id": "600007-07-01", "text": "Aldersgrense :", "opinions": []}, {"sent_id": "600007-07-02", "text": "11 \u00e5r", "opinions": []}, {"sent_id": "600007-08-01", "text": "Egnethet :", "opinions": []}, {"sent_id": "600007-08-02", "text": "Ungdom / voksen", "opinions": []}, {"sent_id": "600007-09-01", "text": "Veldig mange filmer for tiden er basert p\u00e5 sanne historier .", "opinions": []}, {"sent_id": "600007-09-02", "text": "\" Winter \u2019 s Tale \" er derimot helt hundre prosent fri fantasi , og handler om kj\u00e6rlighet og kampen mellom det gode og det onde .", "opinions": []}, {"sent_id": "600007-10-01", "text": "Handlingen er satt i et mytisk New York og hopper frem og tilbake 100 \u00e5r i tid .", "opinions": []}, {"sent_id": "600007-10-02", "text": "Colin Farrell spiller rollen som Peter , en foreldrel\u00f8s tyv med et stort hjerte og en enda st\u00f8rre skjebne .", "opinions": [{"Source": [[], []], "Target": [["Peter"], ["33:38"]], "Polar_expression": [["stort hjerte"], ["67:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Peter"], ["33:38"]], "Polar_expression": [["st\u00f8rre skjebne"], ["91:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600007-11-01", "text": "Kjemien med motspiller Jessica Brown Findlay , som spiller rollen som Beverly Penn , er bed\u00e5rende , og Russel Crowe gj\u00f8r en fabelaktig innsats som demonen Pearly .", "opinions": [{"Source": [[], []], "Target": [["Kjemien"], ["0:7"]], "Polar_expression": [["bed\u00e5rende"], ["88:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Russel Crowe"], ["103:115"]], "Polar_expression": [["fabelaktig innsats"], ["124:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600007-12-01", "text": "Hvorfor Will Smith ble castet som Lucifer , er imidlertid uforst\u00e5elig og \u00f8delegger for filmens nerve og mystikk .", "opinions": [{"Source": [[], []], "Target": [["Will Smith"], ["8:18"]], "Polar_expression": [["uforst\u00e5elig"], ["58:69"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Will Smith"], ["8:18"]], "Polar_expression": [["\u00f8delegger for filmens nerve og mystikk"], ["73:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600007-13-01", "text": "Boken med samme navn av Mark Helpin , som filmen bygger p\u00e5 , g\u00e5r i dybden og lar deg bli kjent med b\u00e5de hovedpersonene og den magiske verden de lever i .", "opinions": []}, {"sent_id": "600007-13-02", "text": "Filmen skummer bare overflaten , og mye av det magiske og mirakul\u00f8se som skjer , oppleves derfor lite troverdig .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["skummer bare overflaten"], ["7:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["lite troverdig"], ["97:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600007-13-03", "text": "Den klarer ikke \u00e5 fange og videreformidle magien som for eksempel \" Narnia \" -filmene eller \" Det gylne kompasset \" gj\u00f8r , men den er likevel underholdende .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["klarer ikke \u00e5 fange og videreformidle magien"], ["4:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["underholdende"], ["142:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\" Narnia \" -filmene"], ["66:85"]], "Polar_expression": [["klarer", "\u00e5 fange og videreformidle magien"], ["4:10", "16:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Det gylne kompasset \""], ["92:115"]], "Polar_expression": [["klarer", "\u00e5 fange og videreformidle magien"], ["4:10", "16:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600007-14-01", "text": "Filmen vil nok appellere mest til de mer romantiske av kinogjengerne , uten at jeg skal peke p\u00e5 verken alder eller kj\u00f8nn \u2013 dere vet hvem dere er .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["appellere mest til de mer romantiske av kinogjengerne"], ["15:68"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004230-01-01", "text": "Supervention", "opinions": []}, {"sent_id": "004230-02-01", "text": "Spektakul\u00e6r reise gjennom enorme fjellsider og tronge byomr\u00e5de .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Spektakul\u00e6r"], ["0:11"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004230-03-01", "text": "Det er vel p\u00e5 sett og vis ei slags vidaresending av fakkelen i skisporten .", "opinions": []}, {"sent_id": "004230-03-02", "text": "I opninga av skifilmen Supervention f\u00e9r f\u00f8rst skihoppar Tom Hilde ned Lysg\u00e5rdsbakken , d\u00e5 han kjem opp igjen st\u00e5r to menn i litt andre skiklede klar til \u00e5 reise ned det same unnarennet \u2013 dei reknar dog ikkje med \u00e5 hoppe like langt .", "opinions": []}, {"sent_id": "004230-04-01", "text": "\u00ab Ikkje gl\u00f8ym V-stilen , \u00bb seier Hilde \u2013 symbolsk ( ? ) \u2013 f\u00f8r f\u00f8rstemann set utanfor , landar p\u00e5 kulen , held fram ned unnarennet f\u00f8r dei seglar ned p\u00e5 eit skr\u00e5stilt tak \u2013 ein del av OL-fakkelkonstruksjonen \u2013 og vidare ned mot byomr\u00e5det .", "opinions": []}, {"sent_id": "004230-05-01", "text": "Ei glimrande opning til det regiss\u00f8rane sj\u00f8lve har kalla eit \u00ab innblikk i kva ski- og snowboardk\u00f8yring er i dag \u00bb .", "opinions": [{"Source": [[], []], "Target": [["opning"], ["13:19"]], "Polar_expression": [["glimrande"], ["3:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-06-01", "text": "Enorme fjellsider og tronge byomr\u00e5de", "opinions": []}, {"sent_id": "004230-07-01", "text": "Eg nyttar nok meir tid i l\u00f8pet av eit \u00e5r p\u00e5 \u00e5 sj\u00e5 s\u00e5kalla tradisjonell skik\u00f8yring enn den moderne , men har likevel sett ein del oppigjennom .", "opinions": []}, {"sent_id": "004230-07-02", "text": "Det som sl\u00e5r meg er at Supervention i st\u00f8rre grad viser gleda rundt skileiken , og ikkje berre sj\u00f8lve k\u00f8yringa .", "opinions": []}, {"sent_id": "004230-08-01", "text": "Milj\u00f8a i Supervention vekslar mellom enorme fjellsider og tronge byomr\u00e5de med stort hell .", "opinions": [{"Source": [[], []], "Target": [["Milj\u00f8a"], ["0:6"]], "Polar_expression": [["stort hell"], ["78:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-08-02", "text": "Her f\u00e5r me alt fr\u00e5 heftig natur i Lyngen , Canada og New Zealand , til utvalde stader i blant anna Lillehammer og Stockholm .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["alt fr\u00e5 heftig natur", "til utvalde stader"], ["11:31", "67:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-08-03", "text": "Leikinga i den spektakul\u00e6re gruvebyen Barentsburg st\u00e5r fram for meg som noko av det stiligaste i filmen , og den vellukka hoppinga fr\u00e5 kapittel til kapittel gjer til at filmen aldri rekk \u00e5 miste farten , men vert ei sterk reise fr\u00e5 start til slutt .", "opinions": [{"Source": [["meg"], ["64:67"]], "Target": [["Leikinga i den spektakul\u00e6re gruvebyen"], ["0:37"]], "Polar_expression": [["noko av det stiligaste i filmen"], ["72:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hoppinga fr\u00e5 kapittel til kapittel"], ["122:156"]], "Polar_expression": [["vellukka"], ["113:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["169:175"]], "Polar_expression": [["aldri rekk \u00e5 miste farten , men vert ei sterk reise fr\u00e5 start til slutt"], ["176:247"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004230-09-01", "text": "Eit sn\u00f8ras blir st\u00e5ande som det einaste som stikk seg ut negativt .", "opinions": [{"Source": [[], []], "Target": [["sn\u00f8ras"], ["4:10"]], "Polar_expression": [["stikk seg ut negativt"], ["44:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-09-02", "text": "Ikkje fordi det ikkje er like morosamt som resten av filmen \u2013 sn\u00f8ras er , og skal vere , farleg \u2013 men fordi intensiteten er skrudd litt for mykje til .", "opinions": [{"Source": [[], []], "Target": [["sn\u00f8ras"], ["62:68"]], "Polar_expression": [["intensiteten er skrudd litt for mykje til"], ["108:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-09-03", "text": "Den digitale ristinga av kameraet er overdriven i ein film som elles kjennest heilt naturleg .", "opinions": [{"Source": [[], []], "Target": [["ristinga av kameraet"], ["13:33"]], "Polar_expression": [["overdriven"], ["37:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["54:58"]], "Polar_expression": [["elles kjennest heilt naturleg"], ["63:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004230-10-01", "text": "Regiss\u00f8r Filip Christensen og resten av crewet hans har klart \u00e5 lage ei herleg reise som representerer alle delane av den moderne skik\u00f8yringa , der \u2013 interessant nok \u2013 ein god kameravinkel kan vere nesten like viktig som sj\u00f8lve ut\u00f8vinga av sporten .", "opinions": [{"Source": [[], []], "Target": [["crewet"], ["40:46"]], "Polar_expression": [["klart \u00e5 lage ei herleg reise"], ["56:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regiss\u00f8r Filip Christensen"], ["0:26"]], "Polar_expression": [["klart \u00e5 lage ei herleg reise"], ["56:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["crewet"], ["40:46"]], "Polar_expression": [["representerer alle delane av den moderne skik\u00f8yringa"], ["89:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regiss\u00f8r Filip Christensen"], ["0:26"]], "Polar_expression": [["representerer alle delane av den moderne skik\u00f8yringa"], ["89:141"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["god kameravinkel"], ["172:188"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-11-01", "text": "God bruk av alt fr\u00e5 helikopter og meir tradisjonell filming , til dei stadig meir popul\u00e6re hjelmkamera og ulike former for dronefilming , viser fram idretten p\u00e5 sitt beste i spektakul\u00e6re og imponerande omgivnader .", "opinions": [{"Source": [[], []], "Target": [["filming"], ["52:59"]], "Polar_expression": [["God bruk"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filming"], ["52:59"]], "Polar_expression": [["viser fram idretten p\u00e5 sitt beste"], ["138:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["omgivnader"], ["202:212"]], "Polar_expression": [["spektakul\u00e6re"], ["174:186"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["omgivnader"], ["202:212"]], "Polar_expression": [["imponerande"], ["190:201"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-12-01", "text": "Krev ikkje forkunnskapar", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Krev ikkje forkunnskapar"], ["0:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004230-13-01", "text": "Dei fleste har nok eit eller anna forhold til alpinverdsmeister Aksel Lund Svindal , men dei fleste ut\u00f8varane her er nok heller ukjende andlet for folkemengda .", "opinions": []}, {"sent_id": "004230-13-02", "text": "Terje H\u00e5konsen dukkar \u00f2g opp , som ein representant for \u00ab gamle dagar \u00bb \u2013 den \u00e9ine framfor kamera som framleis ikkje heilt klarar \u00e5 leggje fr\u00e5 seg rivaliseringa mellom ski og sn\u00f8brett .", "opinions": []}, {"sent_id": "004230-13-03", "text": "Sjarmerande !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sjarmerande !"], ["0:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-14-01", "text": "Supervention klarar uansett \u00e5 gjere deg kjend nok med hovuda bak dei utrulege prestasjonane \u2013 eit innblikk i den utrulege gleda bak plankek\u00f8yrarane og den finslipte teknikken .", "opinions": [{"Source": [[], []], "Target": [["Supervention"], ["0:12"]], "Polar_expression": [["klarar uansett \u00e5 gjere deg kjend nok med"], ["13:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["prestasjonane"], ["78:91"]], "Polar_expression": [["utrulege"], ["69:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["innblikk i den utrulege gleda"], ["98:127"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004230-15-01", "text": "Du treng ikkje ha kjennskap til verken filmsjangeren eller sporten for \u00e5 ha glede av Supervention , dette er imponerande uansett .", "opinions": [{"Source": [[], []], "Target": [["Supervention"], ["85:97"]], "Polar_expression": [["treng ikkje ha kjennskap", "for \u00e5 ha glede av"], ["3:27", "67:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Supervention"], ["85:97"]], "Polar_expression": [["imponerande uansett"], ["109:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004230-15-02", "text": "Og sj\u00f8lv om sn\u00f8sportfilmen kanskje har best grobotn p\u00e5 dataskjermar eller TV-stover verda over , s\u00e5 er det f\u00f8rst p\u00e5 kinolerretet at slik god kamerabruk verkeleg kjem til sin rett", "opinions": [{"Source": [[], []], "Target": [["kamerabruk"], ["141:151"]], "Polar_expression": [["god"], ["137:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kamerabruk"], ["141:151"]], "Polar_expression": [["verkeleg kjem til sin rett"], ["152:178"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sn\u00f8sportfilmen"], ["12:26"]], "Polar_expression": [["god kamerabruk"], ["137:151"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-01-01", "text": "Gamle sanger om igjen", "opinions": []}, {"sent_id": "301240-02-01", "text": "\u00ab Shrek", "opinions": []}, {"sent_id": "301240-02-02", "text": "- Lykkelig alle sine dager \u00bb skraper bunnen av kreativitetst\u00f8nna .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["skraper bunnen av kreativitetst\u00f8nna"], ["29:64"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-02-03", "text": "Men det finnes noe fint , der ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["finnes noe fint"], ["8:23"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-03-01", "text": "|||ANMELDELSE :", "opinions": []}, {"sent_id": "301240-03-02", "text": "Det er vanskelig \u00e5 v\u00e6re et farlig troll samtidig som du har tre barn og et tak som stadig p\u00e5 repareres .", "opinions": []}, {"sent_id": "301240-03-03", "text": "Kanskje er det spesielt vanskelig n\u00e5r du var et farlig troll i utgangspunktet .", "opinions": []}, {"sent_id": "301240-04-01", "text": "Shrek , han store , gr\u00f8nne fra tre eventyrlige og eventyrlig innbringende animasjonsfilmer , oppdager i sin fjerde og siste ( s\u00e6rlig ) film , \u00ab Shrek - Lykkelig alle sine dager \u00bb at alle sine dager er veldig lenge \u00e5 skulle v\u00e6re lykkelig .", "opinions": []}, {"sent_id": "301240-05-01", "text": "Tidsklemma", "opinions": []}, {"sent_id": "301240-05-02", "text": "Han mistrives som temmet og tidsklemt , og inng\u00e5r en kontrakt med den kortvokste Rumleskaft , han luringen fra Grimm-eventyret ved samme navn , om \u00e5 f\u00e5 \u00e9n magisk dag som bekymringsfri og ellevilt umoden ungkar , mot at han som vederlag gir Rumleskaft en dag fra sin egen barndom .", "opinions": []}, {"sent_id": "301240-06-01", "text": "Rumleskaft velger dagen Shrek ble f\u00f8dt , og br\u00e5tt st\u00e5r Shrek , slik James Stewart gjorde i inspirasjonskilde \u00ab It's A Wonderful Life \u00bb , overfor en alternativ og dystrere verden der han selv aldri levde , der hans elskede prinsesse Fiona aldri ble reddet fra dragen og der Rumleskaft selv har sikret seg makten .", "opinions": []}, {"sent_id": "301240-07-01", "text": "Barokke bilder", "opinions": []}, {"sent_id": "301240-07-02", "text": "3D-formatet virker som om det er slengt p\u00e5 i siste liten , og er overfl\u00f8dig .", "opinions": [{"Source": [[], []], "Target": [["3D-formatet"], ["0:11"]], "Polar_expression": [["slengt p\u00e5 i siste liten"], ["33:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["3D-formatet"], ["0:11"]], "Polar_expression": [["overfl\u00f8dig"], ["65:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-07-03", "text": "Bildene er flotte nok i seg selv ; kongeriket Langt , langt borte males ut i barokk detalj , og de store ansiktene til Shrek og den trolig ADHD-diagnostiserte f\u00f8lgesvennen Esel har nydelig , nyansert mimikk .", "opinions": [{"Source": [[], []], "Target": [["Bildene"], ["0:7"]], "Polar_expression": [["flotte nok i seg selv"], ["11:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ansiktene"], ["105:114"]], "Polar_expression": [["nydelig , nyansert mimikk"], ["181:206"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kongeriket Langt , langt borte"], ["35:65"]], "Polar_expression": [["males ut i barokk detalj"], ["66:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-08-01", "text": "Et up\u00e5klagelig tempo og snedige og selektive valg fra eventyrboka - Rottefangeren fra Hameln gj\u00f8r et gjesteinnhopp med sin teknologisk avanserte fl\u00f8yte og f\u00e5r trollene til \u00e5 danse til Beastie Boys - sikrer at \u00ab Shrek - Lykkelig alle sine dager \u00bb griper og holder p\u00e5 oppmerksomheten .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Shrek - Lykkelig alle sine dager \u00bb"], ["209:245"]], "Polar_expression": [["up\u00e5klagelig tempo"], ["3:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Shrek - Lykkelig alle sine dager \u00bb"], ["209:245"]], "Polar_expression": [["snedige og selektive valg fra eventyrboka"], ["24:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Shrek - Lykkelig alle sine dager \u00bb"], ["209:245"]], "Polar_expression": [["griper og holder p\u00e5 oppmerksomheten"], ["246:281"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-08-02", "text": "Filmen er bedre enn den dvaske \u00ab Shrek den tredje \u00bb , men har ikke friskheten til de to f\u00f8rste filmene .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["bedre enn den dvaske \u00ab Shrek den tredje \u00bb"], ["10:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Shrek den tredje \u00bb"], ["31:51"]], "Polar_expression": [["dvaske"], ["24:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Shrek den tredje \u00bb"], ["31:51"]], "Polar_expression": [["Filmen er bedre"], ["0:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["har ikke friskheten til de to f\u00f8rste filmene"], ["58:102"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-09-01", "text": "Bunnen av t\u00f8nna", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bunnen av t\u00f8nna"], ["0:15"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-09-02", "text": "Det m\u00e5 v\u00e6re lov \u00e5 si at den gr\u00f8nnhudede ikke helt har mestret entreen inn i det sm\u00e5borgerlige .", "opinions": [{"Source": [[], []], "Target": [["den gr\u00f8nnhudede"], ["24:39"]], "Polar_expression": [["ikke helt har mestret entreen inn i det sm\u00e5borgerlige"], ["40:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-09-03", "text": "Han b\u00e6rer sitt nye liv som en litt for trang dress , p\u00e5 mer enn ett vis .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["b\u00e6rer sitt nye liv som en litt for trang dress"], ["4:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-09-04", "text": "Denne Shrek minner mer om kongen av Queens enn m\u00f8rkets ridder .", "opinions": [{"Source": [[], []], "Target": [["Denne Shrek"], ["0:11"]], "Polar_expression": [["minner mer om kongen av Queens enn m\u00f8rkets ridder"], ["12:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-10-01", "text": "Morsomhetene er kjedeligere , mer satte , enn tidligere , noe som muligens har mer \u00e5 gj\u00f8re med et uoverveid skifte i manusforfattere etter den andre filmen enn Shreks nye livssituasjon .", "opinions": [{"Source": [[], []], "Target": [["Morsomhetene"], ["0:12"]], "Polar_expression": [["kjedeligere"], ["16:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Morsomhetene"], ["0:12"]], "Polar_expression": [["mer satte"], ["30:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["uoverveid skifte i manusforfattere"], ["98:132"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-10-02", "text": "Og det f\u00f8les unektelig som om man skaper bunnen av kreativitetst\u00f8nna n\u00e5r man kommer opp med en intrige som i praksis er en gjenfortelling av den f\u00f8rste filmen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8les unektelig som om man skaper bunnen av kreativitetst\u00f8nna"], ["7:68"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["intrige"], ["95:102"]], "Polar_expression": [["gjenfortelling av den f\u00f8rste filmen"], ["123:158"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "301240-11-01", "text": "Hyggelig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hyggelig"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-11-02", "text": "Samtidig var alts\u00e5 den f\u00f8rste filmen fin , og varmen derfra kaster en gyllen ettergl\u00f8d over \u00ab Shrek - Lykkelig alle sine dager \u00bb .", "opinions": [{"Source": [[], []], "Target": [["f\u00f8rste filmen"], ["23:36"]], "Polar_expression": [["fin"], ["37:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Shrek - Lykkelig alle sine dager \u00bb"], ["92:128"]], "Polar_expression": [["gyllen ettergl\u00f8d"], ["70:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-11-03", "text": "De spinnville plottkastene som gj\u00f8r at hovedpersonene m\u00e5 bli kjent med hverandre p\u00e5 nytt f\u00e5r det omsider til \u00e5 gnistre litt igjen i de gamle troll .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gnistre litt"], ["111:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "301240-11-04", "text": "Shrek har rett n\u00e5r han frykter at han er mindre kul enn f\u00f8r , men det betyr ikke at han ikke er hyggelig \u00e5 henge med .", "opinions": [{"Source": [[], []], "Target": [["Shrek"], ["0:5"]], "Polar_expression": [["mindre kul enn f\u00f8r"], ["41:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Shrek"], ["0:5"]], "Polar_expression": [["betyr ikke at han ikke er hyggelig \u00e5 henge med"], ["70:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-01-01", "text": "Kyss i vei i det kjedelige midtpartiet", "opinions": [{"Source": [[], []], "Target": [["midtpartiet"], ["27:38"]], "Polar_expression": [["kjedelige"], ["17:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-02-01", "text": "Kristoffer Joner kan eksplodere p\u00e5 film , det vet vi .", "opinions": [{"Source": [["vi"], ["50:52"]], "Target": [["Kristoffer Joner"], ["0:16"]], "Polar_expression": [["kan eksplodere p\u00e5 film"], ["17:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-02-02", "text": "Men at Eili Harboe skaper en s\u00e5 nyansert kvinnelig hovedrolle , er den hyggelige nyheten i Stian Kristiansens nye film .", "opinions": [{"Source": [[], []], "Target": [["Eili Harboe"], ["7:18"]], "Polar_expression": [["nyansert kvinnelig hovedrolle"], ["32:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hovedrolle"], ["51:61"]], "Polar_expression": [["nyansert"], ["32:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["nyheten"], ["81:88"]], "Polar_expression": [["hyggelige"], ["71:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-02-03", "text": "Slik unng\u00e5r regiss\u00f8ren at svakheter i midtpartiet blir plagsomme .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8ren"], ["12:22"]], "Polar_expression": [["unng\u00e5r", "svakheter i midtpartiet blir plagsomme"], ["5:11", "26:64"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-03-01", "text": "Med \u00e5rene har vi f\u00e5tt flust med filmfortellinger om menn som fors\u00f8ker \u00e5 finne seg selv og kvinnen i sitt liv .", "opinions": []}, {"sent_id": "701548-03-02", "text": "Bare i 2003 kom \" Kvinnen i mitt liv \" , \" United \" og \" Buddy \" .", "opinions": []}, {"sent_id": "701548-03-03", "text": "Alle fortalte riktig forutsigbart om den rotete mannen som etter gode venner\u00e5d omsider landet hos den rette kvinnen .", "opinions": [{"Source": [[], []], "Target": [["mannen"], ["48:54"]], "Polar_expression": [["rotete"], ["41:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-04-01", "text": "Og hun ?", "opinions": []}, {"sent_id": "701548-04-02", "text": "Kvinnene var oftest redusert til et objekt for mannlig forelskelse , passive pappfigurer med yndige attributter , tettsittende kl\u00e6r og t\u00e5rev\u00e5tt blikk .", "opinions": [{"Source": [[], []], "Target": [["Kvinnene"], ["0:8"]], "Polar_expression": [["oftest redusert til et objekt for mannlig forelskelse"], ["13:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kvinnene"], ["0:8"]], "Polar_expression": [["passive pappfigurer med yndige attributter"], ["69:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kvinnene"], ["0:8"]], "Polar_expression": [["tettsittende kl\u00e6r"], ["114:131"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kvinnene"], ["0:8"]], "Polar_expression": [["t\u00e5rev\u00e5tt blikk"], ["135:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-05-01", "text": "Det siste ti\u00e5ret har norske kvinneroller f\u00e5tt mer bein i nesa , men dermed yngler det ( senest i fjor ) av filmer om den umodne mannen .", "opinions": [{"Source": [[], []], "Target": [["norske kvinneroller"], ["21:40"]], "Polar_expression": [["f\u00e5tt mer bein i nesa"], ["41:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["128:134"]], "Polar_expression": [["umodne"], ["121:127"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-05-02", "text": "V\u00e5re stavangerregiss\u00f8rer skaper iallfall kvinner med styrke .", "opinions": [{"Source": [[], []], "Target": [["stavangerregiss\u00f8rer"], ["5:24"]], "Polar_expression": [["skaper iallfall kvinner med styrke"], ["25:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-05-03", "text": "Silje Salomonsen fanget v\u00e5r oppmerksomhet med en l\u00f8vinnes kraft i \" Eventyrland \" ( Arild \u00d8stin Ommundsen ) .", "opinions": [{"Source": [["v\u00e5r"], ["24:27"]], "Target": [["Silje Salomonsen"], ["0:16"]], "Polar_expression": [["fanget v\u00e5r oppmerksomhet"], ["17:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-05-04", "text": "N\u00e5 lar Kristiansen Eili Harboe utfolde et bredt register av f\u00f8lelser , fra s\u00e5r fortvilelse , aggressivt raseri til lengselsfull \u00f8mhet .", "opinions": [{"Source": [[], []], "Target": [["Kristiansen"], ["7:18"]], "Polar_expression": [["lar", "Eili Harboe utfolde et bredt register av f\u00f8lelser"], ["3:6", "19:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Eili Harboe"], ["19:30"]], "Polar_expression": [["bredt register av f\u00f8lelser"], ["42:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-06-01", "text": "Regnbuen av m\u00f8rke og lyse emosjoner tvinger seg fram da rollefiguren Tale , en 17 \u00e5r gammel jente , vil at amat\u00f8rteatergruppa hennes skal spille \" Draumen om hausten \" , et Jon Fosse-stykke .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Regnbuen av m\u00f8rke og lyse emosjoner tvinger seg fram"], ["0:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-06-02", "text": "Det er s\u00e5 ambisi\u00f8st at Tale og hennes medskuespillere i det lille bygdesamfunnet Leirfjord virkelig f\u00e5r pr\u00f8vd seg , kulturelt og menneskelig .", "opinions": []}, {"sent_id": "701548-07-01", "text": "Enten Eili Harbos framf\u00f8rer var Fosse-poesi p\u00e5 nynorsk eller skjeller ut Joners forsofne skikkelse for \u00e5 f\u00e5 ham til \u00e5 instruere oppsetningen , virker hun herlig ekte foran kamera .", "opinions": [{"Source": [[], []], "Target": [["Eili Harbos"], ["6:17"]], "Polar_expression": [["virker", "herlig ekte foran kamera"], ["143:149", "154:178"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-07-02", "text": "Det er skikkelig flott .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["skikkelig flott"], ["7:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-08-01", "text": "Skryt ogs\u00e5 til Joner .", "opinions": [{"Source": [[], []], "Target": [["Joner"], ["15:20"]], "Polar_expression": [["Skryt"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-08-02", "text": "Han spiller den uflidde , alkoholiserte Lars som har gjort suksess som skuespiller , men strever privat .", "opinions": [{"Source": [[], []], "Target": [["Lars"], ["40:44"]], "Polar_expression": [["alkoholiserte"], ["26:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lars"], ["40:44"]], "Polar_expression": [["uflidde"], ["16:23"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lars"], ["40:44"]], "Polar_expression": [["har gjort suksess som skuespiller"], ["49:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lars"], ["40:44"]], "Polar_expression": [["strever privat"], ["89:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-08-03", "text": "Som \" den vise d\u00e5ren \" lar han seg motvillig provosere til \u00e5 hjelpe Tales teatergruppe .", "opinions": []}, {"sent_id": "701548-09-01", "text": "De beste scenene er i starten da Joner tilf\u00f8rer intens energi og innbitt raseri i m\u00f8te med ungdommene .", "opinions": [{"Source": [[], []], "Target": [["starten"], ["22:29"]], "Polar_expression": [["beste scenene"], ["3:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Joner"], ["33:38"]], "Polar_expression": [["tilf\u00f8rer intens energi"], ["39:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Joner"], ["33:38"]], "Polar_expression": [["innbitt raseri"], ["65:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-09-02", "text": "Her er noen sjokkerende , nesten pinlige \u00f8yeblikk der hans direkte tone krasjer med den myke suffl\u00f8ren og den snille teatergutten .", "opinions": []}, {"sent_id": "701548-09-03", "text": "I garderoben hos fotballaget tar instrukt\u00f8r Lars formelig balletak p\u00e5 de som hater jenter med kulturinteresser .", "opinions": []}, {"sent_id": "701548-09-04", "text": "Jeg sier ikke mer , men det er bra .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["det"], ["24:27"]], "Polar_expression": [["bra"], ["31:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-10-01", "text": "Men s\u00e5 er det det livsfarlig krevende midtpartiet .", "opinions": []}, {"sent_id": "701548-10-02", "text": "Tale skal gradvis oppdage at den nye skuespilleren , han sure Vegard \u2013 tvangsmessig rekvirert av Joner'n fra fotballaget til teatergruppa \u2013 likevel er en tiltrekkende fyr .", "opinions": []}, {"sent_id": "701548-11-01", "text": "Her detter energien , og 5-eren triller til en tam 4-er .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["5-eren"], ["25:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["tam 4-er"], ["47:55"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["5-eren triller til en tam 4-er"], ["25:55"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["detter energien"], ["4:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-11-02", "text": "Det skyldes at indre , uavklarte f\u00f8lelser er s\u00e5 vanskelige \u00e5 visualisere .", "opinions": []}, {"sent_id": "701548-11-03", "text": "Men ogs\u00e5 at \u00d8yvind Larsen Runestad som Vegard og flere birollefigurer rundt ham f\u00e5r for lite konflikter \u00e5 spille p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["birollefigurer"], ["55:69"]], "Polar_expression": [["flere", "f\u00e5r for lite konflikter \u00e5 spille p\u00e5"], ["49:54", "80:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00d8yvind Larsen Runestad"], ["12:34"]], "Polar_expression": [["f\u00e5r for lite konflikter \u00e5 spille p\u00e5"], ["80:115"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-12-01", "text": "Her er det bare \u00e5 kysse i vei i kinosetene , folkens , f\u00f8r terningen vipper til 5 igjen straks Joner dukker opp .", "opinions": [{"Source": [[], []], "Target": [["Her"], ["0:3"]], "Polar_expression": [["bare \u00e5 kysse i vei i kinosetene"], ["11:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Joner"], ["95:100"]], "Polar_expression": [["terningen vipper til 5 igjen straks", "dukker opp"], ["59:94", "101:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-12-02", "text": "Da gnistrer det mellom ham og Tale , som i sterke replikker av typen \" jeg har gjort det alle gj\u00f8r , ligget med en jeg ikke f\u00f8ler noe for ! \" .", "opinions": [{"Source": [[], []], "Target": [["replikker"], ["50:59"]], "Polar_expression": [["sterke"], ["43:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701548-13-01", "text": "S\u00e5 alt i alt er dette blitt en ny , severdig film fra Stavanger , attp\u00e5til med en lekker l\u00e5t sunget av Eili Harboe .", "opinions": [{"Source": [[], []], "Target": [["film"], ["45:49"]], "Polar_expression": [["severdig"], ["36:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5t"], ["89:92"]], "Polar_expression": [["lekker"], ["82:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Eili Harboe"], ["103:114"]], "Polar_expression": [["lekker l\u00e5t"], ["82:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["45:49"]], "Polar_expression": [["lekker l\u00e5t sunget av Eili Harboe"], ["82:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701548-13-02", "text": "Ta vare p\u00e5 henne , filmfolk !", "opinions": [{"Source": [[], []], "Target": [["henne"], ["11:16"]], "Polar_expression": [["Ta vare p\u00e5", "!"], ["0:10", "28:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-01-01", "text": "Get box II", "opinions": []}, {"sent_id": "201078-02-01", "text": "Gets nye kabel-TV-dekoder har f\u00f8rst og fremst framtiden foran seg .", "opinions": [{"Source": [[], []], "Target": [["Gets nye kabel-TV-dekoder"], ["0:25"]], "Polar_expression": [["framtiden foran seg"], ["46:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-02-02", "text": "Det er nemlig ikke sikkert du trenger den i dag .", "opinions": [{"Source": [[], []], "Target": [["den"], ["38:41"]], "Polar_expression": [["ikke sikkert du trenger den i dag"], ["14:47"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-03-01", "text": "Det har utrolig nok allerede g\u00e5tt fem \u00e5r siden Get lanserte sin f\u00f8rste HD PVR , en opptaker med innebygget kabel-TV-dekoder og modem for nettilkobling .", "opinions": []}, {"sent_id": "201078-03-02", "text": "Boksen har v\u00e6rt en ubetinget suksess for Get , ikke minst p\u00e5 grunn av menysystemet og utmerket brukervennlighet .", "opinions": [{"Source": [[], []], "Target": [["Boksen"], ["0:6"]], "Polar_expression": [["ubetinget suksess"], ["19:36"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Boksen"], ["0:6"]], "Polar_expression": [["utmerket brukervennlighet"], ["86:111"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-04-01", "text": "I sommer lanserte Get enda en HD PVR , og selv om den har f\u00e5tt det litt anonyme navnet Get Box II , levnes det liten tvil om at dette er andregenerasjon med HD PVR n\u00e5r vi leser spesifikasjonene .", "opinions": []}, {"sent_id": "201078-05-01", "text": "P\u00e5 papiret er nemlig boksen en r\u00e5tass .", "opinions": [{"Source": [[], []], "Target": [["boksen"], ["21:27"]], "Polar_expression": [["r\u00e5tass"], ["31:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-06-01", "text": "Den har blant annet 16 tunere , harddisk p\u00e5 500 gigabyte ( som gir plass til rundt 140 timer med opptak ) , innebygget tr\u00e5dl\u00f8sruter , st\u00f8tte for IP-telefoni og st\u00f8tte for Dolby Digital Plus-lyd .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["16 tunere"], ["20:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["harddisk p\u00e5 500 gigabyte"], ["32:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["harddisk p\u00e5 500 gigabyte"], ["32:56"]], "Polar_expression": [["gir plass til rundt 140 timer med opptak"], ["63:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["innebygget tr\u00e5dl\u00f8sruter"], ["108:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["st\u00f8tte for IP-telefoni"], ["134:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["st\u00f8tte for Dolby Digital Plus-lyd"], ["160:193"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-06-02", "text": "I tillegg er den betydelig mindre enn sin forgjenger , f\u00f8rst og fremst ved at den er smalere og har en firkantet heller enn rektangul\u00e6r form .", "opinions": [{"Source": [[], []], "Target": [["den"], ["13:16"]], "Polar_expression": [["betydelig mindre enn sin forgjenger"], ["17:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["den"], ["13:16"]], "Polar_expression": [["smalere"], ["85:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["den"], ["13:16"]], "Polar_expression": [["firkantet heller enn rektangul\u00e6r"], ["103:135"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-07-01", "text": "Er du kjent med HD PVR-en fra f\u00f8r , vil du umiddelbart f\u00f8le deg hjemme med nye Get box II .", "opinions": []}, {"sent_id": "201078-07-02", "text": "Du setter i programkortet ( som n\u00e5 er like stort som et SIM-kort ) , kobler TV-antennen til boksen , og skrur p\u00e5 .", "opinions": []}, {"sent_id": "201078-07-03", "text": "Menysystemet er fullstendig likt som f\u00f8r , det samme er fjernkontrollen .", "opinions": [{"Source": [[], []], "Target": [["Menysystemet"], ["0:12"]], "Polar_expression": [["fullstendig likt som f\u00f8r"], ["16:40"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["fjernkontrollen"], ["56:71"]], "Polar_expression": [["fullstendig likt som f\u00f8r"], ["16:40"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-07-04", "text": "Avstanden estetisk sett mellom fjernkontrollen og den riktig s\u00e5 pene Get box II er n\u00e5 like stor som avstanden mellom en supermodell og en kassebil fra 70-tallet , men det gj\u00f8r fors\u00e5vidt ikke s\u00e5 mye - vi er godt vant med fjernkontrollen , og liker den .", "opinions": [{"Source": [[], []], "Target": [["Get box II"], ["69:79"]], "Polar_expression": [["riktig s\u00e5 pene"], ["54:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Avstanden"], ["0:9"]], "Polar_expression": [["like stor som avstanden mellom en supermodell og en kassebil fra 70-tallet"], ["86:160"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Get box II"], ["69:79"]], "Polar_expression": [["supermodell"], ["120:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fjernkontrollen"], ["31:46"]], "Polar_expression": [["kassebil fra 70-tallet"], ["138:160"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["200:202"]], "Target": [["fjernkontrollen"], ["220:235"]], "Polar_expression": [["vi er godt vant med fjernkontrollen"], ["200:235"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["200:202"]], "Target": [["fjernkontrollen"], ["220:235"]], "Polar_expression": [["liker"], ["241:246"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-08-01", "text": "S\u00e5 hvor ligger egentlig forskjellene ?", "opinions": []}, {"sent_id": "201078-08-02", "text": "Og hvorfor skal du eventuelt oppgradere ?", "opinions": []}, {"sent_id": "201078-09-01", "text": "Slik er den i bruk", "opinions": []}, {"sent_id": "201078-10-01", "text": "Ettersom den f\u00f8rste HD PVR-en var viftel\u00f8s , har vi aldri h\u00f8rt annet forsiktige lyder fra harddisken n\u00e5r den er i bruk - og da m\u00e5 vi lene oss inntil boksen .", "opinions": []}, {"sent_id": "201078-10-02", "text": "Vi ble derfor litt bekymret da vi s\u00e5 en vifte p\u00e5 baksiden av Get box II , men etter et par uker i bruk har vi aldri lagt merke til sus eller annen viftest\u00f8y .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["vifte p\u00e5 baksiden av Get box II"], ["40:71"]], "Polar_expression": [["ble", "litt bekymret da vi s\u00e5 en vifte p\u00e5 baksiden av Get box II"], ["3:6", "14:71"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["107:109"]], "Target": [["vifte p\u00e5 baksiden av Get box II"], ["40:71"]], "Polar_expression": [["aldri lagt merke til sus eller annen viftest\u00f8y"], ["110:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-10-03", "text": "Det er godt mulig harddisken ogs\u00e5 er bedre isolert , for den er blitt usedvanlig vanskelig \u00e5 h\u00f8re .", "opinions": [{"Source": [[], []], "Target": [["harddisken"], ["18:28"]], "Polar_expression": [["mulig harddisken ogs\u00e5 er bedre isolert"], ["12:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["harddisken"], ["18:28"]], "Polar_expression": [["usedvanlig vanskelig \u00e5 h\u00f8re"], ["70:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-10-04", "text": "Dette er gode nyheter , men det var alts\u00e5 heller ikke noe problem med HD PVR , s\u00e5 i prinsippet er ogs\u00e5 dette som f\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["gode nyheter"], ["9:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["HD PVR"], ["70:76"]], "Polar_expression": [["ikke noe problem"], ["49:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["HD PVR"], ["70:76"]], "Polar_expression": [["som f\u00f8r"], ["109:116"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-11-01", "text": "Den mest \u00e5penbare forskjellen ligger i navigeringshastigheten .", "opinions": []}, {"sent_id": "201078-11-02", "text": "Get box II er utstyrt med en betydelig raskere prosessor enn forgjengeren , og alt fra kanalveksling til \u00e5 bla gjennom menyene er merkbart raskere .", "opinions": [{"Source": [[], []], "Target": [["Get box II"], ["0:10"]], "Polar_expression": [["utstyrt med en betydelig raskere prosessor enn forgjengeren"], ["14:73"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosessor"], ["47:56"]], "Polar_expression": [["betydelig raskere"], ["29:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kanalveksling"], ["87:100"]], "Polar_expression": [["merkbart raskere"], ["130:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5 bla gjennom menyene"], ["105:126"]], "Polar_expression": [["merkbart raskere"], ["130:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Get box II"], ["0:10"]], "Polar_expression": [["alt fra kanalveksling til \u00e5 bla gjennom menyene er merkbart raskere"], ["79:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-11-03", "text": "Akkurat det er kj\u00e6rkomment , for selv om HD PVR aldri har v\u00e6rt treg , har den heller ikke utmerket seg som noe fartsmonster .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kj\u00e6rkomment"], ["15:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [[], []], "Target": [["HD PVR"], ["41:47"]], "Polar_expression": [["aldri har v\u00e6rt treg"], ["48:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["HD PVR"], ["41:47"]], "Polar_expression": [["ikke utmerket seg som noe fartsmonster"], ["85:123"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-12-01", "text": "En av tingene vi hadde sett fram til med Get box II var den vanvittige mengden tunere den er utstyrt med .", "opinions": []}, {"sent_id": "201078-12-02", "text": "Da boksen f\u00f8rst ble kjent og presentert av Get ga tallet seksten oss et aldri s\u00e5 lite hakeslepp , selv om vi fort ble klar over at vi absolutt ikke kunne forvente \u00e5 bruke kanskje , muligens mer enn halvparten av disse til opptak og andre TV-aktiviteter .", "opinions": []}, {"sent_id": "201078-13-01", "text": "P\u00e5 HD PVR er det bare mulig \u00e5 ta opp maksimalt to programmer samtidig .", "opinions": []}, {"sent_id": "201078-13-02", "text": "Skuffelsen er derfor stor n\u00e5r vi n\u00e5 ser at Get , i etterkant av den f\u00f8rste presentasjonen , har valgt \u00e5 utstyre spesifikasjonslisten sin med \" Get box II lanseres med 2 aktive tv-tunere \" .", "opinions": [{"Source": [[], []], "Target": [["2 aktive tv-tunere"], ["167:185"]], "Polar_expression": [["Skuffelsen", "stor"], ["0:10", "21:25"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["2 aktive tv-tunere"], ["167:185"]], "Polar_expression": [["2"], ["167:168"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-13-03", "text": "Det betyr enkelt og greit at per i dag alt er som f\u00f8r :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["per i dag alt er som f\u00f8r"], ["29:53"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-13-04", "text": "Du kan ta opp to programmer samtidig , men ikke noe mer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan ta opp to programmer samtidig"], ["3:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan ta opp to programmer samtidig , men ikke noe mer"], ["3:55"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-13-05", "text": "Gitt at vi mer enn \u00e9n gang har opplevd s\u00e5kalt opptakskonflikt p\u00e5 HD PVR , det vil si at du fors\u00f8ker \u00e5 se p\u00e5 en tredje kanal mens dekoderen tar opp p\u00e5 to andre kanaler ( ikke mulig ) , er dette en stor skuffelse .", "opinions": [{"Source": [["vi"], ["8:10"]], "Target": [["HD PVR"], ["65:71"]], "Polar_expression": [["mer enn \u00e9n gang har opplevd s\u00e5kalt opptakskonflikt"], ["11:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["opptakskonflikt"], ["46:61"]], "Polar_expression": [["stor skuffelse"], ["196:210"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fors\u00f8ker \u00e5 se p\u00e5 en tredje kanal mens dekoderen tar opp p\u00e5 to andre kanaler"], ["91:166"]], "Polar_expression": [["ikke mulig"], ["169:179"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-14-01", "text": "Vi vet heldigvis fra Get at dette vil forbedres ved seinere programvareoppdateringer , og vi vet at Get har store planer for de resterende tunerne ( se lenger ned i artikkelen under \" Dette skal framtida bringe \" ) .", "opinions": []}, {"sent_id": "201078-14-02", "text": "Det vil neste \u00e5r bli mulig \u00e5 ta opp fire programmer samtidig , men akkurat n\u00e5 er den alts\u00e5 like l\u00e5st som f\u00f8r ved opptak .", "opinions": []}, {"sent_id": "201078-15-01", "text": "Ellers mener vi fortsatt at mensystemet og funksjonaliteten fungerer utmerket , og er en oppvisning i brukervennlighet .", "opinions": [{"Source": [["vi"], ["13:15"]], "Target": [["funksjonaliteten"], ["43:59"]], "Polar_expression": [["fungerer utmerket"], ["60:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["13:15"]], "Target": [["mensystemet"], ["28:39"]], "Polar_expression": [["fungerer utmerket"], ["60:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["funksjonaliteten"], ["43:59"]], "Polar_expression": [["oppvisning i brukervennlighet"], ["89:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mensystemet"], ["28:39"]], "Polar_expression": [["oppvisning i brukervennlighet"], ["89:118"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-15-02", "text": "Selv om det ikke har skjedd dramatiske ting siden lanseringen av HD PVR i 2008 , oppleves menyer , TV-guide og s\u00e5 videre fortsatt som relativt moderne .", "opinions": [{"Source": [[], []], "Target": [["menyer , TV-guide og s\u00e5 videre"], ["90:120"]], "Polar_expression": [["oppleves", "fortsatt som relativt moderne"], ["81:89", "121:150"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-15-03", "text": "Bildekvaliteten er fortsatt str\u00e5lende , og selv om vi fortsatt savner muligheten til \u00e5 velge bort kanaler fra \" bla-lista2 som vi ikke vil se p\u00e5 eller som vi ikke har tilgang til , er helhetsinntrykket sv\u00e6rt solid .", "opinions": [{"Source": [[], []], "Target": [["Bildekvaliteten"], ["0:15"]], "Polar_expression": [["str\u00e5lende"], ["28:37"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["helhetsinntrykket"], ["184:201"]], "Polar_expression": [["sv\u00e6rt solid"], ["202:213"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-16-01", "text": "En grei ruter for de fleste", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["grei ruter for de fleste"], ["3:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ruter"], ["8:13"]], "Polar_expression": [["grei"], ["3:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ruter"], ["8:13"]], "Polar_expression": [["for de fleste"], ["14:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-17-01", "text": "Nytt med Get box II er det alts\u00e5 ogs\u00e5 at den fungerer som en tr\u00e5dl\u00f8sruter .", "opinions": [{"Source": [[], []], "Target": [["Get box II"], ["9:19"]], "Polar_expression": [["fungerer som en tr\u00e5dl\u00f8sruter"], ["45:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201078-17-02", "text": "Den st\u00f8tter b\u00e5de s\u00e5kalt 2,4GHz og 5GHz tr\u00e5dl\u00f8soverf\u00f8ring , eller rask og raskere som vi for enkelhets skyld kan kalle det her .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["st\u00f8tter b\u00e5de", "2,4GHz og 5GHz tr\u00e5dl\u00f8soverf\u00f8ring"], ["4:16", "24:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["2,4GHz og 5GHz tr\u00e5dl\u00f8soverf\u00f8ring"], ["24:56"]], "Polar_expression": [["rask og raskere"], ["65:80"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-18-01", "text": "Passordet til nettet st\u00e5r p\u00e5 undersiden av Get-boksen , s\u00e5 husk \u00e5 noter deg dette f\u00f8r du fors\u00f8ker \u00e5 koble deg til , eller s\u00e5 blir det noen \u00e5r med gjetting for \u00e5 komme seg gjennom den godt krypterte WPA2-tilkoblingen .", "opinions": []}, {"sent_id": "201078-19-01", "text": "Som ruter for folk flest fungerer dette helt greit .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["34:39"]], "Polar_expression": [["fungerer", "helt greit"], ["25:33", "40:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-19-02", "text": "Vi har ikke opplevd ustabilitet av noe slag underveis , og b\u00e5de nettbrett , smartmobiler og b\u00e6rbare har trivdes godt sammen med den innebygde tr\u00e5dl\u00f8sfunksjonaliteten .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["har ikke opplevd ustabilitet av noe slag underveis"], ["3:53"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["innebygde tr\u00e5dl\u00f8sfunksjonaliteten"], ["132:165"]], "Polar_expression": [["b\u00e5de nettbrett , smartmobiler og b\u00e6rbare har trivdes godt"], ["59:116"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-20-01", "text": "For enkelte vil det imidlertid v\u00e6re noen ganske store men her , hvor den alvorligste er at Get box II ikke kan fungere som et rent modem .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["For enkelte vil det imidlertid v\u00e6re noen ganske store men her"], ["0:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Get box II"], ["91:101"]], "Polar_expression": [["alvorligste", "ikke kan fungere som et rent modem"], ["73:84", "102:136"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-20-02", "text": "Det vil si , vi har funnet en oppskrift p\u00e5 nettet som absolutt ikke st\u00f8ttes av Get , for ringer du og sp\u00f8r Gets kundeservice vil du f\u00e5 vite at , nei , den skal kun fungere som kombinert kabelmodem og ruter i ett - den skal ikke bare v\u00e6re et kabelmodem .", "opinions": []}, {"sent_id": "201078-21-01", "text": "Ruter-rot med tilkoblinger", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ruter-rot med tilkoblinger"], ["0:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-22-01", "text": "Hvorfor er dette dumt ?", "opinions": []}, {"sent_id": "201078-22-02", "text": "Fordi mange rutere simpelthen er bedre , og ikke minst raskere , enn tr\u00e5dl\u00f8sruteren inne i Get box II .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mange rutere simpelthen er bedre"], ["6:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201078-22-03", "text": "For all del , Get-boksen st\u00f8tter blant annet s\u00e5kalt retningsstyring , hvor den fors\u00f8ker \u00e5 lete seg fram til enheter koblet til ruteren , og deretter sende mer av tr\u00e5dl\u00f8sstyrken i retning enheten ( e ) , istedenfor \u00e5 sende like mye av tr\u00e5dl\u00f8ssignalet i alle retninger .", "opinions": [{"Source": [[], []], "Target": [["Get-boksen"], ["14:24"]], "Polar_expression": [["st\u00f8tter blant annet s\u00e5kalt retningsstyring"], ["25:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201078-23-01", "text": "Men den st\u00f8tter derimot ikke den ferske AC-standarden .", "opinions": [{"Source": [[], []], "Target": [["den"], ["4:7"]], "Polar_expression": [["st\u00f8tter derimot ikke den ferske AC-standarden"], ["8:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201078-23-02", "text": "Har du en nyere b\u00e6rbar som st\u00f8tter denne standarden , som er betydelig raskere enn for eksempel et vanlig 5GHz-signal , vil du med andre ord ikke kunne bruke denne sammen med Get box II for \u00e5 f\u00e5 maksimal hastighet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Har du en nyere b\u00e6rbar som st\u00f8tter denne standarden , som er betydelig raskere enn for eksempel et vanlig 5GHz-signal , vil du med andre ord ikke kunne bruke denne sammen med Get box II for \u00e5 f\u00e5 maksimal hastighet"], ["0:213"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-23-03", "text": "Da m\u00e5 du eventuelt ringe Gets kundeservice og f\u00e5 tilsendt et dedikert kabelmodem , men da er plutselig en del av vitsen med \u00e5 samle alt i \u00e9n boks litt borte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vitsen med \u00e5 samle alt i \u00e9n boks litt borte"], ["113:156"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-24-01", "text": "Dette er likevel til \u00e5 leve med for de fleste , og AC-standarden har forel\u00f8pig beskjeden utbredelse .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["til \u00e5 leve med for de fleste"], ["17:45"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-24-02", "text": "Problemet for produsenter av alt-i-ett-bokser vil alltid v\u00e6re at en m\u00e5 legge listen et bestemt sted , og vi er ganske sikre p\u00e5 at for nittifem prosent av Get-kundene vil ikke dette v\u00e6re noen ulempe i dag .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["for nittifem prosent av Get-kundene vil ikke dette v\u00e6re noen ulempe i dag"], ["130:203"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-25-01", "text": "OPPDATERING :", "opinions": []}, {"sent_id": "201078-25-02", "text": "\u00d8yvind Husby hos Get forteller at det er mulig \u00e5 koble til en tr\u00e5dl\u00f8s ruter til Get box II , for eksempel en ruter med ac-standarden implementert , og at denne s\u00e5 f\u00e5r tildelt IP-adresse fra Get-boksen .", "opinions": [{"Source": [[], []], "Target": [["Get box II"], ["80:90"]], "Polar_expression": [["det er mulig \u00e5 koble til en tr\u00e5dl\u00f8s ruter til Get box II"], ["34:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-25-03", "text": "Get box II er dessuten s\u00e5kalt \" modulbasert \" , noe som blant annet medf\u00f8rer at senere versjoner av boksen vil kunne inneholde ac-standarden .", "opinions": [{"Source": [[], []], "Target": [["Get box II"], ["0:10"]], "Polar_expression": [["modulbasert"], ["32:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Get box II"], ["0:10"]], "Polar_expression": [["senere versjoner av boksen vil kunne inneholde ac-standarden"], ["80:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201078-25-04", "text": "Om rundt fire uker vil den nye boksen dessuten bli utstyrt med s\u00e5kalt \" full bridge \" -modus , og dermed ogs\u00e5 kunne fungere som rent modem .", "opinions": [{"Source": [[], []], "Target": [["boksen"], ["31:37"]], "Polar_expression": [["vil", "bli utstyrt med s\u00e5kalt \" full bridge \" -modus , og dermed ogs\u00e5 kunne fungere som rent modem"], ["19:22", "47:138"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-25-05", "text": "Gode nyheter , alts\u00e5 !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Gode nyheter"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-26-01", "text": "Verre er det nok med ruterens brukergrensesnittet .", "opinions": [{"Source": [[], []], "Target": [["ruterens brukergrensesnittet"], ["21:49"]], "Polar_expression": [["Verre"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-26-02", "text": "Ogs\u00e5 dette jobbes det med hos Get , men per i dag er det et salig rot .", "opinions": [{"Source": [[], []], "Target": [["Get"], ["30:33"]], "Polar_expression": [["et salig rot"], ["57:69"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-26-03", "text": "Layouten er stygg , og rett og slett litt forvirrende , og alle som har v\u00e6rt borti brukergrensesnittet p\u00e5 for eksempel en nyere Asus-ruter vil raskt se at Get har litt \u00e5 jobbe med n\u00e5r det kommer til brukervennlighet .", "opinions": [{"Source": [[], []], "Target": [["Layouten"], ["0:8"]], "Polar_expression": [["stygg"], ["12:17"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Layouten"], ["0:8"]], "Polar_expression": [["rett og slett litt forvirrende"], ["23:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["alle som har v\u00e6rt borti brukergrensesnittet p\u00e5 for eksempel en nyere Asus-ruter"], ["59:138"]], "Target": [["Get"], ["155:158"]], "Polar_expression": [["har litt \u00e5 jobbe med n\u00e5r det kommer til brukervennlighet"], ["159:215"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "201078-27-01", "text": "Ruteren mangler ogs\u00e5 s\u00e5kalt QoS-funksjonalitet , som vi ogs\u00e5 mistenker at en del Get-kunder ikke er s\u00e5 opptatt av .", "opinions": [{"Source": [[], []], "Target": [["Ruteren"], ["0:7"]], "Polar_expression": [["mangler", "QoS-funksjonalitet"], ["8:15", "28:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [["QoS-funksjonalitet"], ["28:46"]], "Polar_expression": [["mistenker at en del Get-kunder ikke er s\u00e5 opptatt av"], ["61:113"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-27-02", "text": "Det er en tjeneste hvor en kan styre hvilken datatrafikk som har prioritet i nettet , for eksempel at spillkonsollen din skal f\u00e5 stjele ekstra mye b\u00e5ndbredde n\u00e5r den er i bruk , eller at nedlasting av torrents skal nedprioriteres kraftig ved tildeling av b\u00e5ndbredde .", "opinions": []}, {"sent_id": "201078-27-03", "text": "Bruker du dette m\u00e5 du bruke egen ruter og kabelmodem .", "opinions": []}, {"sent_id": "201078-28-01", "text": "Dette skal fremtiden bringe", "opinions": []}, {"sent_id": "201078-29-01", "text": "Get er klar p\u00e5 at Get box II per i dag ikke utgj\u00f8r noen stor revolusjon sammenliknet med hva du allerede finner i HD PVR .", "opinions": [{"Source": [["Get"], ["0:3"]], "Target": [["Get box II"], ["18:28"]], "Polar_expression": [["ikke utgj\u00f8r noen stor revolusjon sammenliknet med hva du allerede finner i HD PVR"], ["39:120"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "201078-29-02", "text": "Den er riktignok merkbart raskere , den er mindre , og den har utvidede opptaksmuligheter i form av en st\u00f8rre harddisk .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["merkbart raskere"], ["17:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["mindre"], ["43:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["har utvidede opptaksmuligheter i form av en st\u00f8rre harddisk"], ["59:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201078-29-03", "text": "Den har ogs\u00e5 f\u00e5tt p\u00e5 plass en tr\u00e5dl\u00f8sruter , som vi likevel mistenker at de fleste har allerede .", "opinions": []}, {"sent_id": "201078-30-01", "text": "S\u00e5 hvorfor skal du oppgradere i dag ?", "opinions": []}, {"sent_id": "201078-30-02", "text": "Tja , det finnes strengt tatt ikke veldig gode grunner til at du skal gj\u00f8re det i dag , men vi vet at Get jobber med lanseringsplaner for neste \u00e5r som virkelig kan gj\u00f8re Get box II spennende .", "opinions": [{"Source": [[], []], "Target": [["veldig gode grunner til at du skal gj\u00f8re det i dag"], ["35:85"]], "Polar_expression": [["finnes strengt tatt ikke"], ["10:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Get box II"], ["170:180"]], "Polar_expression": [["Get jobber med lanseringsplaner for neste \u00e5r som virkelig kan gj\u00f8re", "spennende"], ["102:169", "181:190"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-31-01", "text": "Da skal en blant annet kunne bruke flere av tunerne til \u00e5 kringkaste signaler fra Get box II tr\u00e5dl\u00f8st i hele huset , slik at noen kan for eksempel kan se fotballkamp p\u00e5 soverommet , mens andre kan se film eller barne-TV i kjellerstuen .", "opinions": []}, {"sent_id": "201078-31-02", "text": "Det vil forh\u00e5pentligvis ogs\u00e5 bli mulig \u00e5 se opptak gjort med Get box II via for eksempel Gets micro-boks , og det jobbes ogs\u00e5 iherdig fra Gets side med \u00e5 integrere mobiler og nettbrett i Get-universet .", "opinions": []}, {"sent_id": "201078-32-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "201078-33-01", "text": "\u00d8nsker du \u00e5 kvitte deg med kabelmodem og ruter og samle det meste av tr\u00e5dl\u00f8suniverset i \u00e9n elegant boks kan Get box II absolutt ha noe for seg , og har du fortsatt ikke tatt steget opp til digitale HD-opptakere , er det strengt tatt ikke noen gode argumenter for \u00e5 bestille en HD PVR .", "opinions": []}, {"sent_id": "201078-33-02", "text": "Det vil si , hvis du har avanserte behov p\u00e5 rutersiden ( som vi allerede har v\u00e6rt inne p\u00e5 lenger oppe i artikkelen ) , b\u00f8r du vente med Get box II .", "opinions": []}, {"sent_id": "201078-33-03", "text": "Gitt en prisforskjell p\u00e5 30 kroner per m\u00e5ned er det i dag derimot ikke noen grunn til \u00e5 begynne med en HD PVR til 99 kroner i m\u00e5nedsleie - da g\u00e5r du rett til Get box II .", "opinions": []}, {"sent_id": "201078-34-01", "text": "Har du allerede en HD PVR er argumentene langt svakere for \u00e5 oppgradere .", "opinions": []}, {"sent_id": "201078-34-02", "text": "Det mest spennende med Gets nye HD-boks er som nevnt hva den vil bringe i framtiden , ikke hva den bringer til bords i dag .", "opinions": [{"Source": [[], []], "Target": [["Gets nye HD-boks"], ["23:39"]], "Polar_expression": [["mest spennende", "er som nevnt hva den vil bringe i framtiden , ikke hva den bringer til bords i dag"], ["4:18", "40:122"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-34-03", "text": "Ikke bare m\u00e5 du betale 499 kroner i et engangsgebyr for \u00e5 bytte boks , du m\u00e5 ogs\u00e5 legge ut 360 kroner ekstra det f\u00f8rste \u00e5ret p\u00e5 grunn av h\u00f8yere m\u00e5nedsleie .", "opinions": [{"Source": [[], []], "Target": [["engangsgebyr"], ["39:51"]], "Polar_expression": [["Ikke bare m\u00e5 du betale 499 kroner i et engangsgebyr for \u00e5 bytte boks"], ["0:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["h\u00f8yere m\u00e5nedsleie"], ["137:154"]], "Polar_expression": [["m\u00e5 ogs\u00e5 legge ut 360 kroner ekstra det f\u00f8rste \u00e5ret p\u00e5 grunn av h\u00f8yere m\u00e5nedsleie"], ["74:154"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201078-34-04", "text": "860 kroner er for mange for sm\u00e5penger \u00e5 regne i 2013 , men har du for eksempel liggende et tonn med opptak du ikke har sett p\u00e5 din gamle HD PVR , klarer ikke jeg gi deg noen suveren begrunnelse for \u00e5 oppgradere .", "opinions": [{"Source": [["jeg"], ["158:161"]], "Target": [["noen suveren begrunnelse for \u00e5 oppgradere"], ["169:210"]], "Polar_expression": [["har du", "liggende et tonn med opptak du ikke har sett p\u00e5 din gamle HD PVR , klarer ikke jeg gi deg noen suveren begrunnelse for \u00e5 oppgradere"], ["59:65", "79:210"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201078-35-01", "text": "DinSide.no vil komme tilbake med flere anmeldelser av Get box II etter hvert som boksen oppgraderes !", "opinions": []}, {"sent_id": "601158-01-01", "text": "S\u00e6r intrige , flott fortalt", "opinions": [{"Source": [[], []], "Target": [["intrige"], ["4:11"]], "Polar_expression": [["S\u00e6r"], ["0:3"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["intrige"], ["4:11"]], "Polar_expression": [["flott fortalt"], ["14:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601158-02-01", "text": "En meget spesiell og s\u00e6r intrige , men gjennom sin utvikling og sitt spr\u00e5k , vokser dette til et tiltrekkende og fiffig kriminaldrama .", "opinions": [{"Source": [[], []], "Target": [["intrige"], ["25:32"]], "Polar_expression": [["meget spesiell og s\u00e6r"], ["3:24"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["vokser", "til et tiltrekkende", "fiffig kriminaldrama"], ["77:83", "90:109", "113:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601158-03-01", "text": "Utgangspunktet f\u00f8les s\u00e6rt og spesielt :", "opinions": [{"Source": [[], []], "Target": [["Utgangspunktet"], ["0:14"]], "Polar_expression": [["s\u00e6rt og spesielt"], ["21:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601158-03-02", "text": "Likestillingsombudet i Norge blir brent i sitt eget hjem .", "opinions": []}, {"sent_id": "601158-03-03", "text": "En kvinne druknes etter et middelaldersk ritual .", "opinions": []}, {"sent_id": "601158-03-04", "text": "Deretter forsvinner flere kvinner .", "opinions": []}, {"sent_id": "601158-04-01", "text": "Journalist Ira Torgimsson settes p\u00e5 saken .", "opinions": []}, {"sent_id": "601158-04-02", "text": "Hun finner en mulig sammenheng mellom barnefordeling og hekseprosessene p\u00e5 1600-tallet .", "opinions": []}, {"sent_id": "601158-04-03", "text": "Og et sp\u00f8rsm\u00e5l toner frem :", "opinions": []}, {"sent_id": "601158-04-04", "text": "Hva i all verden er motivet og hvem er gruppen \" Presteskapet \" ?", "opinions": []}, {"sent_id": "601158-04-05", "text": "Saken blir mer og mer personlig for journalisten Ira Torgimsson .", "opinions": []}, {"sent_id": "601158-05-01", "text": "Det s\u00e6re og meget spesielle henger over \u00e5pningen av denne krimmen .", "opinions": [{"Source": [[], []], "Target": [["\u00e5pningen"], ["40:48"]], "Polar_expression": [["s\u00e6re og meget spesielle henger over"], ["4:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["denne krimmen"], ["52:65"]], "Polar_expression": [["s\u00e6re og meget spesielle henger over \u00e5pningen"], ["4:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601158-05-02", "text": "Det hele f\u00f8les farlig n\u00e6r karikaturen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["farlig n\u00e6r karikaturen"], ["15:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601158-05-03", "text": "Men se s\u00e5 :", "opinions": []}, {"sent_id": "601158-05-04", "text": "Romanen vokser p\u00e5 en vettug m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [["Romanen"], ["0:7"]], "Polar_expression": [["vokser p\u00e5 en vettug m\u00e5te"], ["8:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601158-05-05", "text": "Gjennom sitt m\u00e5l , sin retning og sitt levende , detaljerte spr\u00e5k , ikledd mennesker av kj\u00f8tt og blod og nervetr\u00e5der , kan vi , gradvis , ta til oss illusjonen om troverdighet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan vi , gradvis , ta til oss illusjonen om troverdighet"], ["119:175"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spr\u00e5k"], ["60:65"]], "Polar_expression": [["levende"], ["39:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spr\u00e5k"], ["60:65"]], "Polar_expression": [["detaljerte"], ["49:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601158-06-01", "text": "Og ved \" reisens \" slutt , sier vi :", "opinions": []}, {"sent_id": "601158-06-02", "text": "Dette var fiffig og det ble appetittlig fremf\u00f8rt !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fiffig", "!"], ["10:16", "49:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["appetittlig fremf\u00f8rt !"], ["28:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601158-07-01", "text": "Forfatteren Sonja Holterman ( f.1971 ) har v\u00e6rt journalist i b\u00e5de Dagbladet og NRK .", "opinions": []}, {"sent_id": "601158-07-02", "text": "I dag arbeider hun som journalist i fagbladet Utdanning .", "opinions": []}, {"sent_id": "601158-07-03", "text": "\" Presteskapet \" er hennes f\u00f8rste roman .", "opinions": []}, {"sent_id": "202389-01-01", "text": "Gudfaren", "opinions": []}, {"sent_id": "202389-02-01", "text": "SPILLTEST :", "opinions": []}, {"sent_id": "202389-02-02", "text": "N\u00e5r en av historiens mest klassiske filmserier gj\u00f8res om til spill , m\u00e5 det vekke sterke f\u00f8lelser .", "opinions": [{"Source": [[], []], "Target": [["filmserier"], ["36:46"]], "Polar_expression": [["en av historiens mest klassiske"], ["4:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-02-03", "text": "EA har h\u00e5ndtert dette relativt bra .", "opinions": [{"Source": [[], []], "Target": [["EA"], ["0:2"]], "Polar_expression": [["h\u00e5ndtert dette relativt bra"], ["7:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-03-01", "text": "Er det en voksende trend \u00e5 hente inspirasjon i filmklassikere fra gamle dager n\u00e5r man skal lage nye spill ?", "opinions": []}, {"sent_id": "202389-03-02", "text": "Det er ikke lenge siden vi har spilt The Warriors og From Russia With Love , Scarface er fortsatt p\u00e5 vei , og Taxi Driver og Jaws har v\u00e6rt inne i bildet .", "opinions": []}, {"sent_id": "202389-03-03", "text": "Slike spillmatiseringer er absolutt ingen d\u00e5rlig ide , forutsatt at kildematerialet behandles respekfullt og uten \u00e5 fordumme det for \u00e5 tiltale yngre generasjoner .", "opinions": [{"Source": [[], []], "Target": [["spillmatiseringer"], ["6:23"]], "Polar_expression": [["absolutt ingen d\u00e5rlig ide"], ["27:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "202389-05-01", "text": "En kalkulert risiko", "opinions": []}, {"sent_id": "202389-06-01", "text": "Gudfaren er et typisk eksempel p\u00e5 et slikt risikoprosjekt .", "opinions": []}, {"sent_id": "202389-06-02", "text": "En s\u00e5 h\u00f8yt aktet filmserie kan raskt f\u00e5 navnet sitt fullstendig \u00f8delagt av en halvhjertet spillversjon .", "opinions": []}, {"sent_id": "202389-06-03", "text": "Derfor er det essensielt at det legges inn betydelige ressurser i det tekniske , at historien holder m\u00e5l , og selvf\u00f8lgelig , at spillbarheten er bra nok .", "opinions": []}, {"sent_id": "202389-07-01", "text": "Electronic Arts har gjort mye riktig her .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gjort mye riktig"], ["20:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-08-01", "text": "For det f\u00f8rste , det er et glimrende ide \u00e5 la oss spille som et relativt anonymt medlem av familien", "opinions": [{"Source": [["oss"], ["46:49"]], "Target": [[], []], "Polar_expression": [["glimrende ide", "spille som et relativt anonymt medlem av familien"], ["27:40", "50:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-08-02", "text": "\u0096 filmenes kontinuitet blir ikke \u00f8delagt av at vi skal ikle oss Al Pacinos skikkelse , for eksempel .", "opinions": [{"Source": [[], []], "Target": [["filmenes kontinuitet"], ["2:22"]], "Polar_expression": [["ikke \u00f8delagt av at vi skal ikle oss Al Pacinos skikkelse"], ["28:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-08-03", "text": "I stedet er vi en nykommer , som holder seg i bakgrunnen , gj\u00f8r mye av grovarbeidet og samtidig er vitne til mange av de essensielle hendelsene i filmene ( vi liker ogs\u00e5 det faktum at du kan designe hans utseende selv ) .", "opinions": [{"Source": [["vi"], ["156:158"]], "Target": [[], []], "Polar_expression": [["liker", "kan designe hans utseende selv"], ["159:164", "187:217"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-08-04", "text": "Gjett hvem som plasserer pistolen p\u00e5 toalettet , som senere skal brukes av Michael Corleone i den ber\u00f8mte middagsscenen ?", "opinions": []}, {"sent_id": "202389-08-05", "text": "Nettopp .", "opinions": []}, {"sent_id": "202389-09-01", "text": "For det andre , utviklerne har v\u00e6rt sv\u00e6rt dyktige til \u00e5 gjenskape New Yorks gater , bygninger , spr\u00e5k og stemning .", "opinions": [{"Source": [[], []], "Target": [["utviklerne"], ["16:26"]], "Polar_expression": [["sv\u00e6rt dyktige til \u00e5 gjenskape New Yorks gater , bygninger , spr\u00e5k og stemning"], ["36:113"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-09-02", "text": "Det f\u00f8les som en Gudfaren-verden .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8les som en Gudfaren-verden"], ["4:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-10-01", "text": "For det tredje , de originale stemmeskuespillerne ( James Caan , Robert Duvall og selveste Marlon Brando ) er med , deres digitale likheter ser flotte ut og bevarer autensiteten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["originale stemmeskuespillerne", "er med"], ["20:49", "107:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["deres digitale likheter"], ["116:139"]], "Polar_expression": [["ser flotte ut"], ["140:153"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["deres digitale likheter"], ["116:139"]], "Polar_expression": [["bevarer autensiteten"], ["157:177"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-11-01", "text": "For det fjerde , spillet er ganske underholdende .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["17:24"]], "Polar_expression": [["ganske underholdende"], ["28:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-12-01", "text": "Vi sier det rett ut , Gudfaren er mer enn bare litt inspirert av GTA-serien .", "opinions": [{"Source": [[], []], "Target": [["Gudfaren"], ["22:30"]], "Polar_expression": [["mer enn bare litt inspirert av GTA-serien"], ["34:75"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-12-02", "text": "Som s\u00e5 mange andre spill ( ogs\u00e5 den interessante Mafia fra noen \u00e5r tilbake ) , bruker Gudfaren den velkjente strukturen som kombinerer en \u00e5pen by , bilkj\u00f8ring , actionsekvenser til fots og en relativ frihet .", "opinions": [{"Source": [[], []], "Target": [["Mafia"], ["49:54"]], "Polar_expression": [["interessante"], ["36:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gudfaren"], ["86:94"]], "Polar_expression": [["kombinerer en \u00e5pen by , bilkj\u00f8ring , actionsekvenser til fots og en relativ frihet"], ["124:206"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-12-03", "text": "Spillet tar imidlertid et par steg videre fra GTA-rammeverket , og eliminerer mange av de plagsomme feilene til den bestselgende spillserien .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["et par steg videre fra GTA-rammeverket"], ["23:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["eliminerer mange av de plagsomme feilene til den bestselgende spillserien"], ["67:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillserien"], ["129:140"]], "Polar_expression": [["bestselgende"], ["116:128"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillserien"], ["129:140"]], "Polar_expression": [["plagsomme feilene"], ["90:107"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-13-01", "text": "Mye bra \u00e5 hente", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mye bra"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-14-01", "text": "For eksempel lagrer spillet din fremgang inne i oppdragene , s\u00e5 du slipper \u00e5 begynne p\u00e5 nytt n\u00e5r du d\u00f8r .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["20:27"]], "Polar_expression": [["lagrer", "fremgang inne i oppdragene"], ["13:19", "32:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["spillet"], ["20:27"]], "Polar_expression": [["slipper \u00e5 begynne p\u00e5 nytt n\u00e5r du d\u00f8r"], ["67:103"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-14-02", "text": "Blir du drept utenom hovedoppdragene , v\u00e5kner du p\u00e5 sykehuset , men dine v\u00e5pen er intakt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Blir du drept utenom hovedoppdragene", "v\u00e5pen er intakt"], ["0:36", "73:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202389-15-01", "text": "Dessuten er kontrollsystemet elegant og praktisk , spesielt n\u00e5r det gjelder h\u00e5nd-til-h\u00e5nd-sl\u00e5ssing .", "opinions": [{"Source": [[], []], "Target": [["kontrollsystemet"], ["12:28"]], "Polar_expression": [["elegant"], ["29:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kontrollsystemet"], ["12:28"]], "Polar_expression": [["praktisk"], ["40:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-15-02", "text": "Ved \u00e5 kombinere skulderknapper og de analoge stikkene kan du utf\u00f8re en rekke t\u00f8ffe grep og brutale avrettelser .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kombinere skulderknapper og de analoge stikkene kan du utf\u00f8re en rekke t\u00f8ffe grep og brutale avrettelser"], ["6:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-15-03", "text": "Ved skyting fungerer ogs\u00e5 det automatiske siktesystemet temmelig bra , og er du ute etter en utfordring , kan du ogs\u00e5 sikte manuelt , og pr\u00f8ve \u00e5 skyte de individuelle kroppsdelene .", "opinions": [{"Source": [[], []], "Target": [["automatiske siktesystemet"], ["30:55"]], "Polar_expression": [["temmelig bra"], ["56:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan du ogs\u00e5 sikte manuelt"], ["106:131"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202389-16-01", "text": "Kj\u00f8ringen med de skranglete bilene er litt mer fra og til , da noen av kj\u00f8ret\u00f8yene har direkte merkelig h\u00e5ndtering .", "opinions": [{"Source": [[], []], "Target": [["bilene"], ["28:34"]], "Polar_expression": [["skranglete"], ["17:27"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kj\u00f8ringen"], ["0:9"]], "Polar_expression": [["litt mer fra og til"], ["38:57"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["noen av kj\u00f8ret\u00f8yene"], ["63:82"]], "Polar_expression": [["direkte merkelig h\u00e5ndtering"], ["87:114"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-16-02", "text": "Likevel , vi snakker om bilene fra 30-tallet her , hva vet vi om hvordan de var \u00e5 styre .", "opinions": []}, {"sent_id": "202389-17-01", "text": "Vi liker ogs\u00e5 det faktum at politiet ikke blander seg i like stor grad inn i hva vi gj\u00f8r .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["liker ogs\u00e5 det faktum at politiet ikke blander seg i like stor grad"], ["3:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-17-02", "text": "Selv om vi ikke alltid gidder \u00e5 bestikke dem , slik seg h\u00f8r og b\u00f8r , skal det mye skyting p\u00e5 uskyldige forbipasserende til f\u00f8r de begynner \u00e5 bry seg .", "opinions": [{"Source": [["vi"], ["8:10"]], "Target": [[], []], "Polar_expression": [["skal det mye skyting p\u00e5 uskyldige forbipasserende til f\u00f8r de begynner \u00e5 bry seg"], ["69:148"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "202389-18-01", "text": "Gjentakelser", "opinions": []}, {"sent_id": "202389-19-01", "text": "Gudfaren-spillet har alts\u00e5 veldig mange forutsetninger til \u00e5 lykkes , men et sted underveis g\u00e5r det litt galt .", "opinions": [{"Source": [[], []], "Target": [["Gudfaren-spillet"], ["0:16"]], "Polar_expression": [["veldig mange forutsetninger til \u00e5 lykkes"], ["27:67"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Gudfaren-spillet"], ["0:16"]], "Polar_expression": [["et sted underveis g\u00e5r det litt galt"], ["74:109"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-19-02", "text": "Selve spillbarheten er nemlig definitivt underholdende , med en solid kombinasjon av skyting , biljakter og interessant sl\u00e5ssemekanikk .", "opinions": [{"Source": [[], []], "Target": [["spillbarheten"], ["6:19"]], "Polar_expression": [["definitivt underholdende"], ["30:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillbarheten"], ["6:19"]], "Polar_expression": [["solid kombinasjon av skyting , biljakter og interessant sl\u00e5ssemekanikk"], ["64:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sl\u00e5ssemekanikk"], ["120:134"]], "Polar_expression": [["interessant"], ["108:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-19-03", "text": "Problemet er at etter en del timer blir hovedhistorien mer eller mindre repetitiv , med oppdrag som inneb\u00e6rer kjedelig kj\u00f8ring fra sted til sted med noe skyting innbakt p\u00e5 slutten .", "opinions": [{"Source": [[], []], "Target": [["hovedhistorien"], ["40:54"]], "Polar_expression": [["Problemet er at etter en del timer", "mer eller mindre repetitiv"], ["0:34", "55:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hovedhistorien"], ["40:54"]], "Polar_expression": [["oppdrag som inneb\u00e6rer kjedelig kj\u00f8ring fra sted til sted"], ["88:144"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kj\u00f8ring"], ["119:126"]], "Polar_expression": [["kjedelig"], ["110:118"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-19-04", "text": "Luften g\u00e5r rett og slett ut av hovedkampanjen , og vi mister fokus og engasjement .", "opinions": [{"Source": [[], []], "Target": [["hovedkampanjen"], ["31:45"]], "Polar_expression": [["Luften g\u00e5r rett og slett ut"], ["0:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vi"], ["51:53"]], "Polar_expression": [["mister fokus og engasjement"], ["54:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-19-05", "text": "Og det at selve hovedhistorien er ganske kort og krever ikke mange timer \u00e5 komme seg gjennom hjelper heller ikke .", "opinions": [{"Source": [[], []], "Target": [["hovedhistorien"], ["16:30"]], "Polar_expression": [["ganske kort"], ["34:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hovedhistorien"], ["16:30"]], "Polar_expression": [["krever ikke mange timer \u00e5 komme seg gjennom hjelper heller ikke"], ["49:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-20-01", "text": "S\u00e5 har vi alt det andre som skjer ved siden av hovedhistorien .", "opinions": []}, {"sent_id": "202389-20-02", "text": "Du skal blant annet ta over diverse butikker og andre estabilissmenter fra konkurrerende familier og f\u00e5 dem til \u00e5 betale deg beskyttelsespenger .", "opinions": []}, {"sent_id": "202389-20-03", "text": "Mekanikken for \u00e5 f\u00e5 det til , der du m\u00e5 overbevise eieren med trusler og litt vold , er interessant , men ogs\u00e5 dette blir ensformig i lengden .", "opinions": [{"Source": [[], []], "Target": [["Mekanikken"], ["0:10"]], "Polar_expression": [["interessant"], ["88:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mekanikken"], ["0:10"]], "Polar_expression": [["ensformig i lengden"], ["122:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-20-04", "text": "Etter hvert f\u00e5r du flere titalls sjapper du potensielt kan ta kontroll over , i tillegg til diverse varehus og ulovlige spillebuler , men fremgangen er s\u00e5 \u00e5 si identisk hver gang , og vi f\u00e5r ikke s\u00e5 innmari lyst \u00e5 ta over flere enn n\u00f8dvendig .", "opinions": [{"Source": [["vi"], ["184:186"]], "Target": [["fremgangen"], ["138:148"]], "Polar_expression": [["s\u00e5 \u00e5 si identisk hver gang"], ["152:178"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["184:186"]], "Target": [["fremgangen"], ["138:148"]], "Polar_expression": [["f\u00e5r ikke s\u00e5 innmari lyst \u00e5 ta over flere enn n\u00f8dvendig"], ["187:241"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-21-01", "text": "Det finnes andre elementer som krydrer spillet .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["39:46"]], "Polar_expression": [["andre elementer som krydrer"], ["11:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-21-02", "text": "Du kan leies inn til \u00e5 utf\u00f8re mord p\u00e5 diverse personer som har gjort urett mot familien , og det er ganske g\u00f8y .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan leies inn til \u00e5 utf\u00f8re mord p\u00e5 diverse personer som har gjort urett mot familien", "ganske g\u00f8y"], ["3:87", "100:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-21-03", "text": "Du kan oppgradere dine v\u00e5pen for ultimat effekt , og oppgradere dine egenskaper for \u00e5 bli den ultimate mafia-soldaten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan oppgradere dine v\u00e5pen for ultimat effekt"], ["3:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan", "oppgradere dine egenskaper for \u00e5 bli den ultimate mafia-soldaten"], ["3:6", "53:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-21-04", "text": "Og til slutt f\u00e5r du muligheten til \u00e5 bli kongen av New York .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["til slutt f\u00e5r du muligheten til \u00e5 bli kongen av New York"], ["3:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-22-01", "text": "Men igjen , spillet feiler i \u00e5 gi oss faktisk lyst \u00e5 f\u00e5 det til .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["12:19"]], "Polar_expression": [["feiler i \u00e5 gi oss faktisk lyst \u00e5 f\u00e5 det til"], ["20:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-22-02", "text": "Etter en god del timer begynner Gudfaren \u00e5 f\u00f8les som endel\u00f8s bilkj\u00f8ring ispedd noen actionsekvenser , og vi savner litt bedre dynamikk , litt mer spenning .", "opinions": [{"Source": [[], []], "Target": [["Gudfaren"], ["32:40"]], "Polar_expression": [["Etter en god del timer begynner", "\u00e5 f\u00f8les som endel\u00f8s bilkj\u00f8ring ispedd noen actionsekvenser"], ["0:31", "41:99"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Gudfaren"], ["32:40"]], "Polar_expression": [["savner litt bedre dynamikk"], ["108:134"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Gudfaren"], ["32:40"]], "Polar_expression": [["savner", "litt mer spenning"], ["108:114", "137:154"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-22-03", "text": "Litt mer driv , rett og slett .", "opinions": []}, {"sent_id": "202389-23-01", "text": "Gudfaren har enkelte glimrende \u00f8yeblikk , mye helt ok spillbarhet , og noen skikkelig kjedelige sekvenser .", "opinions": [{"Source": [[], []], "Target": [["Gudfaren"], ["0:8"]], "Polar_expression": [["enkelte glimrende \u00f8yeblikk"], ["13:39"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Gudfaren"], ["0:8"]], "Polar_expression": [["mye helt ok spillbarhet"], ["42:65"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillbarhet"], ["54:65"]], "Polar_expression": [["mye helt ok"], ["42:53"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gudfaren"], ["0:8"]], "Polar_expression": [["noen skikkelig kjedelige sekvenser"], ["71:105"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-23-02", "text": "Vi har det g\u00f8y , f\u00f8rsteinntrykket var veldig positivt , med det hele detter litt fra hverandre utover .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["har det g\u00f8y"], ["3:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["f\u00f8rsteinntrykket var veldig positivt"], ["17:53"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["det hele detter litt fra hverandre utover"], ["60:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-24-01", "text": "Nesten som NY", "opinions": []}, {"sent_id": "202389-25-01", "text": "Grafisk holder spillet en standard over gjennomsnittet ( p\u00e5 Xbox , i alle fall ) .", "opinions": [{"Source": [[], []], "Target": [["Grafisk"], ["0:7"]], "Polar_expression": [["over gjennomsnittet"], ["35:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-25-02", "text": "F\u00f8rst og fremst er karakterene meget godt animert , og ligner virkelig p\u00e5 sine oprinnelser .", "opinions": [{"Source": [[], []], "Target": [["karakterene"], ["19:30"]], "Polar_expression": [["meget godt animert"], ["31:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["karakterene"], ["19:30"]], "Polar_expression": [["ligner virkelig p\u00e5 sine oprinnelser"], ["55:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-25-03", "text": "Omgivelsene er derimot blandet , med noen veldig lavoppl\u00f8selige elementer , men samtidig er byen som helhet fremstilt s\u00e5pass detaljert at vi kan leve med noen uskarpe elementer .", "opinions": [{"Source": [[], []], "Target": [["Omgivelsene"], ["0:11"]], "Polar_expression": [["blandet"], ["23:30"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Omgivelsene"], ["0:11"]], "Polar_expression": [["noen veldig lavoppl\u00f8selige elementer"], ["37:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["138:140"]], "Target": [["Omgivelsene"], ["0:11"]], "Polar_expression": [["byen som helhet fremstilt s\u00e5pass detaljert at vi kan leve med noen uskarpe elementer"], ["92:176"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-26-01", "text": "Igjen nevner vi stemmearbeidet til de opprinnelige skuespillerne , her er troverdigheten virkelig ivaretatt , og det skulle bare mangle \u0096 det var tross alt Marlon Brandos siste opptreden f\u00f8r hans d\u00f8d .", "opinions": [{"Source": [["vi"], ["13:15"]], "Target": [["stemmearbeidet"], ["16:30"]], "Polar_expression": [["troverdigheten virkelig ivaretatt"], ["74:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-27-01", "text": "Det er ingen tvil om at EA behandlet Gudfaren-lisensen med respekt .", "opinions": [{"Source": [[], []], "Target": [["EA"], ["24:26"]], "Polar_expression": [["ingen tvil om", "behandlet Gudfaren-lisensen med respekt"], ["7:20", "27:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "202389-27-02", "text": "Spillet har den riktige stemningen , 18-\u00e5rsgrensen er velfortjent takket v\u00e6re massevis av brutale \u00f8yeblikk , filmens verden presenteres p\u00e5 en troverdig og interessant m\u00e5te , i det hele tatt er det ingen grunn \u00e5 klage p\u00e5 spillets presentasjon .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["riktige stemningen"], ["16:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["18-\u00e5rsgrensen er velfortjent"], ["37:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmens verden"], ["109:123"]], "Polar_expression": [["presenteres p\u00e5 en troverdig og interessant m\u00e5te"], ["124:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["ingen grunn \u00e5 klage p\u00e5 spillets presentasjon"], ["197:241"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true}]}, {"sent_id": "202389-28-01", "text": "Det er det faktum at oppdragene blir ensformige , at mange av elementene f\u00f8les litt meningsl\u00f8se , som gj\u00f8r at spillet ikke f\u00e5r h\u00f8yere karakter .", "opinions": [{"Source": [[], []], "Target": [["oppdragene"], ["21:31"]], "Polar_expression": [["ensformige"], ["37:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["110:117"]], "Polar_expression": [["mange av elementene f\u00f8les litt meningsl\u00f8se"], ["53:95"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["110:117"]], "Polar_expression": [["oppdragene blir ensformige"], ["21:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["110:117"]], "Polar_expression": [["ikke f\u00e5r h\u00f8yere karakter"], ["118:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-28-02", "text": "Det er rett og slett potensiale her som ikke blir utnyttet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["rett og slett potensiale her som ikke blir utnyttet"], ["7:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-28-03", "text": "Vi skulle gjerne , veldig gjerne gitt Gudfaren v\u00e5r varmeste anbefaling , fordi vi ser at spillet kunne blitt en klassiker p\u00e5 lik linje med filmene .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Gudfaren"], ["38:46"]], "Polar_expression": [["skulle gjerne , veldig gjerne gitt", "v\u00e5r varmeste anbefaling"], ["3:37", "47:70"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["79:81"]], "Target": [["Gudfaren"], ["38:46"]], "Polar_expression": [["kunne blitt en klassiker p\u00e5 lik linje med filmene"], ["97:146"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "202389-28-04", "text": "Men det n\u00e5r ikke helt , dessverre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["det n\u00e5r ikke helt , dessverre"], ["4:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110069-01-01", "text": "Bulgaria", "opinions": []}, {"sent_id": "110069-02-01", "text": "Sofi Marinova - \u00ab Love Unlimited \u00bb", "opinions": []}, {"sent_id": "110069-03-01", "text": "Sofi har en praktstemme som dessverre ikke f\u00e5r mye \u00e5 jobbe med p\u00e5 denne technofolk-hybriden .", "opinions": [{"Source": [[], []], "Target": [["technofolk-hybriden"], ["72:91"]], "Polar_expression": [["praktstemme som dessverre ikke f\u00e5r mye \u00e5 jobbe med"], ["12:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Sofi"], ["0:4"]], "Polar_expression": [["praktstemme"], ["12:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110069-03-02", "text": "Den kveles urettferdig nok av technorytmene .", "opinions": [{"Source": [[], []], "Target": [["technorytmene"], ["30:43"]], "Polar_expression": [["kveles urettferdig nok av"], ["4:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-01-01", "text": "The Warriors", "opinions": []}, {"sent_id": "201374-02-01", "text": "SPILLTEST :", "opinions": []}, {"sent_id": "201374-02-02", "text": "Hadde alle filmbaserte spill v\u00e6rt som dette , ville verden v\u00e6rt et bedre sted .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["38:43"]], "Polar_expression": [["Hadde alle filmbaserte spill v\u00e6rt som dette , ville verden v\u00e6rt et bedre sted"], ["0:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-02-03", "text": "Velkommen til New Yorks brutale underverdenen !", "opinions": []}, {"sent_id": "201374-03-01", "text": "Vi skal ikke legge skjul p\u00e5 at det er lenge siden vi har sett The Warriors-filmen , og f\u00f8lgelig ikke husker spesielt mye av handlingen .", "opinions": []}, {"sent_id": "201374-03-02", "text": "Men vi har forst\u00e5tt det slik at spillet , som alts\u00e5 baserer seg p\u00e5 denne kultklassikeren fra 70-tallet , er en slags prequel , men ogs\u00e5 inkluderer mange av filmens klassiske scener .", "opinions": []}, {"sent_id": "201374-04-01", "text": "LES OGS\u00c5 :", "opinions": []}, {"sent_id": "201374-05-01", "text": "Det er jo som regel det som skiller et godt filmbasert spill fra et d\u00e5rlig ett", "opinions": []}, {"sent_id": "201374-05-02", "text": "\u0096 hvorvidt utviklerne t\u00f8r \u00e5 bevege seg utenfor kildematerialet og vise andre sider av filmens historie , og ikke bare n\u00f8yaktig gjenskape sekvenser fra den gitte filmen .", "opinions": []}, {"sent_id": "201374-06-01", "text": "The Warriors er n\u00e5 heller ikke et typisk filmbasert spill som blir raskt satt sammen for \u00e5 rekke filmens slippdato , men et produkt av genuin kj\u00e6rlighet for filmen .", "opinions": [{"Source": [[], []], "Target": [["The Warriors"], ["0:12"]], "Polar_expression": [["ikke et typisk filmbasert spill som blir raskt satt sammen for \u00e5 rekke filmens slippdato"], ["26:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The Warriors"], ["0:12"]], "Polar_expression": [["produkt av genuin kj\u00e6rlighet for filmen"], ["124:163"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-06-02", "text": "Og det synes .", "opinions": []}, {"sent_id": "201374-07-01", "text": "Tro til kilden", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tro til kilden"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-08-01", "text": "Spillet er dynket i 70-talls stemning , b\u00e5de n\u00e5r det gjelder det visuelle og lydmessige .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["dynket i 70-talls stemning"], ["11:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["visuelle"], ["65:73"]], "Polar_expression": [["dynket i 70-talls stemning"], ["11:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lydmessige"], ["77:87"]], "Polar_expression": [["dynket i 70-talls stemning"], ["11:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-08-02", "text": "En vanvittig kul , stylisert intro \u00f8nsker oss velkommen , og vi f\u00e5r \u00f8yeblikkelig den rette f\u00f8lelsen .", "opinions": [{"Source": [["vi"], ["61:63"]], "Target": [["intro"], ["29:34"]], "Polar_expression": [["vanvittig kul"], ["3:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["61:63"]], "Target": [["intro"], ["29:34"]], "Polar_expression": [["stylisert"], ["19:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["61:63"]], "Target": [["intro"], ["29:34"]], "Polar_expression": [["f\u00e5r \u00f8yeblikkelig den rette f\u00f8lelsen"], ["64:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-09-01", "text": "Vi glemmer selvf\u00f8lgelig ikke at det tross alt er Rockstar som st\u00e5r bak spillet ( riktignok ikke samme teamet som lager GTA-spillene ) , og er det en ting Rockstar er vanvittig dyktige p\u00e5 er akkurat det \u00e5 referere til popkultur , og hvilken film er en bedre kilde til slikt enn akkurat Warriors ?", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["Warriors"], ["285:293"]], "Polar_expression": [["hvilken film er en bedre kilde til slikt"], ["232:272"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["Rockstar"], ["154:162"]], "Polar_expression": [["vanvittig dyktige p\u00e5 er akkurat det \u00e5 referere til popkultur"], ["166:226"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["spillet"], ["71:78"]], "Polar_expression": [["glemmer selvf\u00f8lgelig ikke at det tross alt er Rockstar som st\u00e5r bak"], ["3:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-10-01", "text": "Innerst inne er Warriors egentlig et ganske ukomplisert sl\u00e5ssespill .", "opinions": []}, {"sent_id": "201374-10-02", "text": "I bunn og i grunn er det det spillet handler om \u0096 brutal h\u00e5ndkamp mot rivaliserende gjenger .", "opinions": []}, {"sent_id": "201374-11-01", "text": "Din oppgave , som en del av Warriors-gjengen , er \u00e5 bygge opp gatekredibilitet , i hovedsak ved \u00e5 banke opp andre gjenger , rane uskyldige og skrive Warriors-navnet p\u00e5 veggene .", "opinions": []}, {"sent_id": "201374-11-02", "text": "Til tross for denne tilsynelatende enkeltheten har spillet likevel en dybde som er mye mer involverende enn andre , tilsvarende spill .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["51:58"]], "Polar_expression": [["tilsynelatende enkeltheten"], ["20:46"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["spillet"], ["51:58"]], "Polar_expression": [["dybde som er mye mer involverende enn andre , tilsvarende spill"], ["70:133"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tilsvarende spill"], ["116:133"]], "Polar_expression": [["spillet likevel en dybde som er mye mer involverende"], ["51:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-11-03", "text": "Og ikke minst er persongalleriet s\u00e5pass fargerikt at vi ikke kan unng\u00e5 \u00e5 like disse antiheltene .", "opinions": [{"Source": [[], []], "Target": [["persongalleriet"], ["17:32"]], "Polar_expression": [["s\u00e5pass fargerikt at vi ikke kan unng\u00e5 \u00e5 like disse antiheltene"], ["33:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["53:55"]], "Target": [["antiheltene"], ["84:95"]], "Polar_expression": [["ikke kan unng\u00e5 \u00e5 like"], ["56:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-12-01", "text": "Ukomplisert , men imponerende sl\u00e5ssing", "opinions": [{"Source": [[], []], "Target": [["sl\u00e5ssing"], ["30:38"]], "Polar_expression": [["Ukomplisert"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sl\u00e5ssing"], ["30:38"]], "Polar_expression": [["imponerende"], ["18:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-13-01", "text": "Kampsystemet forbl\u00f8ffer med sin effektivitet .", "opinions": [{"Source": [[], []], "Target": [["Kampsystemet"], ["0:12"]], "Polar_expression": [["forbl\u00f8ffer med sin effektivitet"], ["13:44"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-13-02", "text": "I utgangspunktet baserer det seg p\u00e5 tre separate knapper , der to av dem brukes til slag av varierende styrke , mens den tredje tar tak i motstanderen .", "opinions": []}, {"sent_id": "201374-13-03", "text": "Med smarte kombinasjoner av disse knappene \u00e5pnes det for elegante comboer som gjerne etterlater motstanderen sl\u00e5tt til blods .", "opinions": [{"Source": [[], []], "Target": [["comboer"], ["66:73"]], "Polar_expression": [["elegante"], ["57:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["comboer"], ["66:73"]], "Polar_expression": [["etterlater motstanderen sl\u00e5tt til blods"], ["85:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["kombinasjoner"], ["11:24"]], "Polar_expression": [["smarte"], ["4:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-14-01", "text": "Og etter \u00e5 ha banket nok gjengmedlemmer fylles opp din s\u00e5kalte \u0094rage-meter\u0094 , som gir deg muligheten til \u00e5 virkelig knuse motstanderen med imponerende superangrep .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["muligheten til \u00e5 virkelig knuse motstanderen med imponerende superangrep"], ["90:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["superangrep"], ["151:162"]], "Polar_expression": [["imponerende"], ["139:150"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-15-01", "text": "Du er ogs\u00e5 fri til \u00e5 benytte deg av et stort utvalg objekter du kan plukke opp og sl\u00e5 med .", "opinions": []}, {"sent_id": "201374-15-02", "text": "Alt fra baseballk\u00f8ller til spader og murstein kan plukkes opp og sl\u00e5s med \u0096 eller kastes .", "opinions": []}, {"sent_id": "201374-15-03", "text": "Det kommer som ingen sjokk at spillet er brutalt .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["30:37"]], "Polar_expression": [["brutalt"], ["41:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-15-04", "text": "Veldig brutalt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Veldig brutalt"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-15-05", "text": "Armer brekkes , kneer kj\u00f8res i ansiktene p\u00e5 folk , murstein knuses p\u00e5 hodene deres , i det hele tatt er ikke spillet \u00e5 anbefale for de med svake nerver .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["109:116"]], "Polar_expression": [["ikke", "\u00e5 anbefale for de med svake nerver"], ["104:108", "117:151"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-15-06", "text": "Den relativt realistiske settingen gj\u00f8r volden noe mer ubehagelig", "opinions": [{"Source": [[], []], "Target": [["settingen"], ["25:34"]], "Polar_expression": [["realistiske"], ["13:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["volden"], ["40:46"]], "Polar_expression": [["ubehagelig"], ["55:65"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-15-07", "text": "\u0096 men vi kan ikke f\u00e5 sagt det nok :", "opinions": []}, {"sent_id": "201374-15-08", "text": "Liker du ikke vold , la v\u00e6r \u00e5 kj\u00f8p spillet .", "opinions": []}, {"sent_id": "201374-15-09", "text": "S\u00e5 enkelt er det .", "opinions": []}, {"sent_id": "201374-16-01", "text": "Variert nok", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Variert nok"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-17-01", "text": "Spillet varierer dynamikken sin ved \u00e5 inkludere et godt utvalg av minispill som aksesseres fra en sentral hub , som er hovedkvarteret til Warriors-gjengen .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["varierer dynamikken sin ved \u00e5 inkludere et godt utvalg av minispill"], ["8:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["utvalg"], ["56:62"]], "Polar_expression": [["godt"], ["51:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-17-02", "text": "I god GTA-stil kan du derfra utforske spillets verden uten \u00e5 utf\u00f8re noen spesifikke oppdrag , du kan sette opp slagsm\u00e5l mellom valgfrie gjenger eller spille oppdrag som forteller forhistoriene til enkelte n\u00f8kkelmedlemmer til Warriors .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["utforske spillets verden uten \u00e5 utf\u00f8re noen spesifikke oppdrag"], ["29:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sette opp slagsm\u00e5l mellom valgfrie gjenger"], ["101:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["spille oppdrag som forteller forhistoriene til enkelte n\u00f8kkelmedlemmer til Warriors"], ["150:233"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201374-18-01", "text": "Det negative med Warriors er spillets ganske tydelige irritasjonsmomenter .", "opinions": [{"Source": [[], []], "Target": [["Warriors"], ["17:25"]], "Polar_expression": [["negative", "ganske tydelige irritasjonsmomenter"], ["4:12", "38:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-18-02", "text": "For eksempel krever en del av oppdragene at du tagger ned vegger med Warriors-logoen .", "opinions": []}, {"sent_id": "201374-18-03", "text": "Dette inneb\u00e6rer at du f\u00f8lger et m\u00f8nster p\u00e5 skjermen med den ene analoge stikken , ofte under kraftig tidspress .", "opinions": []}, {"sent_id": "201374-18-04", "text": "Disse oppdragene kan v\u00e6re kilden til ganske stor frustrasjon til tider .", "opinions": [{"Source": [[], []], "Target": [["oppdragene"], ["6:16"]], "Polar_expression": [["kilden til ganske stor frustrasjon"], ["26:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-19-01", "text": "Selv om Warriors ikke overrasker oss med utrolig grafikk , ser spillet veldig solid ut for det meste .", "opinions": [{"Source": [[], []], "Target": [["Warriors"], ["8:16"]], "Polar_expression": [["ikke overrasker oss med utrolig grafikk"], ["17:56"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Warriors"], ["8:16"]], "Polar_expression": [["ser", "veldig solid ut"], ["59:62", "71:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-19-02", "text": "Men den st\u00f8rste styrken n\u00e5r det gjelder det visuelle er den lekre presentasjonen og de stilige menyene .", "opinions": [{"Source": [[], []], "Target": [["presentasjonen"], ["66:80"]], "Polar_expression": [["st\u00f8rste styrken n\u00e5r det gjelder det visuelle"], ["8:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["menyene"], ["95:102"]], "Polar_expression": [["st\u00f8rste styrken n\u00e5r det gjelder det visuelle"], ["8:52"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["presentasjonen"], ["66:80"]], "Polar_expression": [["lekre"], ["60:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["menyene"], ["95:102"]], "Polar_expression": [["stilige"], ["87:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-19-03", "text": "Rockstar har alltid v\u00e6rt dyktige p\u00e5 det omr\u00e5det , og leverer varene ogs\u00e5 denne gangen .", "opinions": [{"Source": [[], []], "Target": [["Rockstar"], ["0:8"]], "Polar_expression": [["alltid v\u00e6rt dyktige p\u00e5 det omr\u00e5det"], ["13:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Rockstar"], ["0:8"]], "Polar_expression": [["leverer varene ogs\u00e5 denne gangen"], ["53:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-20-01", "text": "Spillet er s\u00e5 godt som obligatorisk kj\u00f8p for alle som elsker filmen , da den respektfullt bygger videre p\u00e5 verdenen filmen har skapt .", "opinions": [{"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["obligatorisk kj\u00f8p for alle som elsker filmen"], ["23:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Spillet"], ["0:7"]], "Polar_expression": [["respektfullt bygger videre p\u00e5 verdenen filmen har skapt"], ["77:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201374-20-02", "text": "Og i tillegg er det et fremragende actionspill som b\u00f8r tilfredsstille alle glad i litt hemningsl\u00f8s spillvold .", "opinions": [{"Source": [[], []], "Target": [["det"], ["16:19"]], "Polar_expression": [["fremragende actionspill"], ["23:46"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["det"], ["16:19"]], "Polar_expression": [["b\u00f8r tilfredsstille alle glad i litt hemningsl\u00f8s spillvold"], ["51:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["actionspill"], ["35:46"]], "Polar_expression": [["fremragende"], ["23:34"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201374-20-03", "text": "Can you dig it ? !", "opinions": []}, {"sent_id": "105723-01-01", "text": "Brad Paisley - \u00ab Norwegian Favorites \u00bb", "opinions": []}, {"sent_id": "105723-02-01", "text": "Progressiv tradisjonalist .", "opinions": []}, {"sent_id": "105723-03-01", "text": "Paisley har et lurt smil om munnen .", "opinions": []}, {"sent_id": "105723-03-02", "text": "Ser lik ut p\u00e5 alle bilder , som om han finner det meste i livet grunnleggende pussig .", "opinions": []}, {"sent_id": "105723-04-01", "text": "Tekstene understreker det underfundige ved ham .", "opinions": []}, {"sent_id": "105723-04-02", "text": "Dersom kona ber ham velge mellom om henne og fisketuren ... vel , han kommer til \u00e5 savne henne .", "opinions": []}, {"sent_id": "105723-04-03", "text": "Han forundrer seg over \u00ab dudes gettin' facials \u00bb , men er ellers en moderne mann :", "opinions": []}, {"sent_id": "105723-04-04", "text": "\u00ab Norwegian Favorites \u00bb inneholder sanger om snille steforeldre og svarte presidenter .", "opinions": []}, {"sent_id": "105723-05-01", "text": "Bra fyr , og en str\u00e5lende gitarist .", "opinions": [{"Source": [[], []], "Target": [["fyr"], ["4:7"]], "Polar_expression": [["Bra"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["gitarist"], ["26:34"]], "Polar_expression": [["str\u00e5lende"], ["16:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105723-05-02", "text": "Tradisjonalist , men ingen museumsvokter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tradisjonalist"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen museumsvokter"], ["21:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105723-05-03", "text": "18 kutt fra hele den ti \u00e5r gamle karrieren hans her .", "opinions": []}, {"sent_id": "105723-05-04", "text": "Paisley kan godt gi Alan Jackson litt avl\u00f8sning som \u00ab v\u00e5r \u00bb kontempor\u00e6re countryfavoritt .", "opinions": [{"Source": [[], []], "Target": [["Alan Jackson"], ["20:32"]], "Polar_expression": [["Paisley kan godt gi", "litt avl\u00f8sning som \u00ab v\u00e5r \u00bb kontempor\u00e6re countryfavoritt"], ["0:19", "33:88"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Paisley"], ["0:7"]], "Polar_expression": [["\u00ab v\u00e5r \u00bb kontempor\u00e6re countryfavoritt"], ["52:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105723-06-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "105723-06-02", "text": "\u00ab I'm Gonna Miss Her \u00bb", "opinions": []}, {"sent_id": "105723-07-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "003662-01-01", "text": "I en bedre verden", "opinions": []}, {"sent_id": "003662-02-01", "text": "Sterk og flott film om hevntanker .", "opinions": [{"Source": [[], []], "Target": [["film"], ["15:19"]], "Polar_expression": [["Sterk"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["15:19"]], "Polar_expression": [["flott"], ["9:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003662-03-01", "text": "Susanne Bier har regissert en stor historie best\u00e5ende av mange komponenter , men I en bedre verden ( H\u00e6vnen ) fremst\u00e5r likevel som en helst\u00f8pt fortelling .", "opinions": [{"Source": [[], []], "Target": [["Susanne Bier"], ["0:12"]], "Polar_expression": [["har regissert en stor historie best\u00e5ende av mange komponenter"], ["13:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["35:43"]], "Polar_expression": [["mange komponenter"], ["57:74"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["I en bedre verden"], ["81:98"]], "Polar_expression": [["fremst\u00e5r", "som en helst\u00f8pt fortelling"], ["110:118", "127:153"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-03-02", "text": "Den er lett \u00e5 forst\u00e5 , til tross for kompliserte sammenhenger og relasjoner .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["lett \u00e5 forst\u00e5"], ["7:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-04-01", "text": "Selv om b\u00e5de Mikael Persbrandt , Trine Dyrholm og Ulrich Thomsen gj\u00f8r gode og solide roller , er det filmens yngste skuespillere som imponerer meg aller mest .", "opinions": [{"Source": [[], []], "Target": [["Mikael Persbrandt", "Trine Dyrholm", "Ulrich Thomsen"], ["13:30", "33:46", "50:64"]], "Polar_expression": [["gj\u00f8r gode og solide roller"], ["65:91"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["meg"], ["143:146"]], "Target": [["filmens yngste skuespillere"], ["101:128"]], "Polar_expression": [["imponerer meg aller mest"], ["133:157"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-05-01", "text": "Deres skjebner gj\u00f8r inntrykk , og l\u00f8fter filmen fra god til glimrende .", "opinions": [{"Source": [[], []], "Target": [["Deres skjebner"], ["0:14"]], "Polar_expression": [["gj\u00f8r inntrykk"], ["15:28"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Deres skjebner"], ["0:14"]], "Polar_expression": [["l\u00f8fter filmen fra god til glimrende"], ["34:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["glimrende"], ["60:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003662-06-01", "text": "Gutter planlegger hevn", "opinions": []}, {"sent_id": "003662-07-01", "text": "Legen Anton ( Mikael Persbrandt ) jobber under farlige forhold i et afrikansk land .", "opinions": []}, {"sent_id": "003662-07-02", "text": "P\u00e5 hjemmebane vakler forholdet til Marianne ( Trine Dyrholm ) .", "opinions": []}, {"sent_id": "003662-08-01", "text": "Deres s\u00f8nn , Elias ( Markus Rygaard ) , mobbes p\u00e5 skolen , men blir reddet av en ny gutt .", "opinions": []}, {"sent_id": "003662-08-02", "text": "Christian ( William J\u00f8hnk Juels Nielsen ) sliter med tapet av sin mor , og n\u00f8ler ikke med \u00e5 g\u00e5 l\u00f8s p\u00e5 omgivelsene .", "opinions": []}, {"sent_id": "003662-09-01", "text": "N\u00e5r en slem mann truer Anton , begynner guttene \u00e5 planlegge en hevn .", "opinions": []}, {"sent_id": "003662-10-01", "text": "Vekker sterke f\u00f8lelser", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vekker sterke f\u00f8lelser"], ["0:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003662-11-01", "text": "Dette er en klok film som stiller sp\u00f8rsm\u00e5l ved hvor langt vi er villig til \u00e5 g\u00e5 med v\u00e5re hevntanker , og hvorvidt det er rett eller galt \u00e5 ut\u00f8ve dem i praksis .", "opinions": [{"Source": [[], []], "Target": [["film"], ["17:21"]], "Polar_expression": [["klok"], ["12:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003662-12-01", "text": "Her f\u00e5r vi tankevekkende scener med barn som ikke forst\u00e5r voksnes argumentasjon , og voksne som ikke tar realiteter inn over seg , men glatter over dem med antatt korrekt pedagogikk .", "opinions": []}, {"sent_id": "003662-13-01", "text": "Jeg kjenner at filmen vekker sterke f\u00f8lelser i meg .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["filmen"], ["15:21"]], "Polar_expression": [["vekker sterke f\u00f8lelser"], ["22:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003662-13-02", "text": "Det er en god f\u00f8lelse .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["god f\u00f8lelse"], ["10:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-14-01", "text": "T\u00f8ffing med skjult smerte", "opinions": []}, {"sent_id": "003662-15-01", "text": "Jeg nevnte filmens voksne skuespillere , og alle gj\u00f8r en flott innsats .", "opinions": [{"Source": [[], []], "Target": [["filmens voksne skuespillere"], ["11:38"]], "Polar_expression": [["alle gj\u00f8r en flott innsats"], ["44:70"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-15-02", "text": "Spesielt er Persbrandts Anton en interessant figur , som i det lengste fors\u00f8ker \u00e5 holde p\u00e5 et normalt reaksjonsm\u00f8nster , men tilslutt m\u00e5 gi etter for det irrasjonelle .", "opinions": [{"Source": [[], []], "Target": [["Persbrandts Anton"], ["12:29"]], "Polar_expression": [["interessant"], ["33:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-16-01", "text": "Men de som gj\u00f8r mest inntrykk , er Markus Rygaard og William J\u00f8hnk Juels Nielsen .", "opinions": [{"Source": [[], []], "Target": [["Markus Rygaard", "William J\u00f8hnk Juels Nielsen"], ["35:49", "53:80"]], "Polar_expression": [["gj\u00f8r mest inntrykk"], ["11:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-17-01", "text": "Rygaard kunne v\u00e6rt den norske skuespilleren Henrik Mestads s\u00f8nn , med det samme s\u00e5re uttrykket i \u00f8ynene som Mestad kan ha .", "opinions": [{"Source": [[], []], "Target": [["Rygaard"], ["0:7"]], "Polar_expression": [["kunne v\u00e6rt den norske skuespilleren Henrik Mestads s\u00f8nn"], ["8:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-17-02", "text": "Nielsen er overbevisende som t\u00f8ffing under press , som b\u00e6rer p\u00e5 skjult smerte .", "opinions": [{"Source": [[], []], "Target": [["Nielsen"], ["0:7"]], "Polar_expression": [["overbevisende som t\u00f8ffing"], ["11:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-18-01", "text": "Noe viktig \u00e5 si", "opinions": []}, {"sent_id": "003662-19-01", "text": "I en bedre verden er nok en flott film fra Susanne Bier , som markerer seg som en av Nordens beste regiss\u00f8rer .", "opinions": [{"Source": [[], []], "Target": [["I en bedre verden"], ["0:17"]], "Polar_expression": [["flott film"], ["28:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Susanne Bier"], ["43:55"]], "Polar_expression": [["markerer seg som en av Nordens beste regiss\u00f8rer"], ["62:109"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-20-01", "text": "Hun trekker lekkert i de riktige tr\u00e5dene , s\u00e5 \u00f8yet innimellom blir riktig s\u00e5 v\u00e5tt .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["trekker lekkert i de riktige tr\u00e5dene"], ["4:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-20-02", "text": "Samtidig har filmen noe viktig \u00e5 si om menneskets natur .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["13:19"]], "Polar_expression": [["noe viktig \u00e5 si"], ["20:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003662-21-01", "text": "Ikke rart Hollywood hanket henne inn til \u00e5 lage Things We Lost In The Fire i 2007 .", "opinions": [{"Source": [["Hollywood"], ["10:19"]], "Target": [["henne"], ["27:32"]], "Polar_expression": [["Ikke rart Hollywood hanket henne inn til \u00e5 lage Things We Lost In The Fire i 2007"], ["0:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003662-21-02", "text": "Men de beste filmene lager Susanne Bier fremdeles hjemme i Danmark", "opinions": []}, {"sent_id": "101421-01-01", "text": "Teater :", "opinions": []}, {"sent_id": "101421-01-02", "text": "Poetiske refleksjoner", "opinions": []}, {"sent_id": "101421-02-01", "text": "Gjennom lag p\u00e5 lag av tanker og prat kretser \u00ab Ingenting av meg \u00bb rundt et menneskes identitet .", "opinions": []}, {"sent_id": "101421-03-01", "text": "I denne forestillingen danner lys , skygger og speilbilder er bakteppe som gir assosiasjoner til den dr\u00f8mmeverden .", "opinions": []}, {"sent_id": "101421-03-02", "text": "Det poetisk neddempede m\u00f8ter en virkelighet som b\u00e5de har skj\u00f8re og humoristiske undertoner .", "opinions": [{"Source": [[], []], "Target": [["virkelighet"], ["32:43"]], "Polar_expression": [["skj\u00f8re og humoristiske undertoner"], ["57:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["undertoner"], ["80:90"]], "Polar_expression": [["skj\u00f8re og humoristiske"], ["57:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101421-04-01", "text": "Det hele gjenspeiler Lygres tekst der ytre og indre dialog g\u00e5r parallelt ; der personene ogs\u00e5 ytrer det de egentlig skulle eller burde ha sagt , men som forblir en usagt tanke .", "opinions": []}, {"sent_id": "101421-04-02", "text": "Gjennom det viser Lygre hvordan mennesker bevisst beveger seg i grenselandet mellom sannhet , justeringer av sannheten og l\u00f8gn .", "opinions": []}, {"sent_id": "101421-05-01", "text": "Den ytre handling er en kvinne som forlater mann og s\u00f8nn for \u00e5 flytte inn hos en langt yngre mann .", "opinions": []}, {"sent_id": "101421-05-02", "text": "Gradvis avsl\u00f8res en fortid med mange arr , og gradvis borer Lygre inn i hvordan og hvorfor vi endrer identitet , hva andre menneskers syn p\u00e5 oss gj\u00f8r med denne identiteten , og han observerer endringer som skjer n\u00e5r man knyttes sammen .", "opinions": []}, {"sent_id": "101421-06-01", "text": "Som han s\u00e5 poetisk sier det :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["poetisk"], ["11:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101421-06-02", "text": "\u00ab Eg legg meg inntil historien di \u00bb .", "opinions": []}, {"sent_id": "101421-06-03", "text": "I tillegg handler det om bagasjen vi har med oss ; hvordan foreldre ser det de \u00f8nsker \u00e5 se i en datter eller s\u00f8nn , istedenfor \u00e5 se en virkelighet som man helst lukker \u00f8ynene for .", "opinions": []}, {"sent_id": "101421-07-01", "text": "I dette indre landskapet er Gjertrud Jynge en tydelig stemme .", "opinions": [{"Source": [[], []], "Target": [["Gjertrud Jynge"], ["28:42"]], "Polar_expression": [["tydelig stemme"], ["46:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101421-07-02", "text": "Hun har kraft til \u00e5 v\u00e6re en kvinne med viljestyrke , til \u00e5 ta valg , men kan ogs\u00e5 med sm\u00e5 fakter vise s\u00e5rbarheten og angsten .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["kraft til \u00e5 v\u00e6re en kvinne med viljestyrke , til \u00e5 ta valg"], ["8:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["kan ogs\u00e5 med sm\u00e5 fakter vise s\u00e5rbarheten og angsten"], ["73:124"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101421-07-03", "text": "Jynge gj\u00f8r det med musikalitet og en slags r\u00e5 poesi .", "opinions": [{"Source": [[], []], "Target": [["Jynge"], ["0:5"]], "Polar_expression": [["musikalitet"], ["19:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jynge"], ["0:5"]], "Polar_expression": [["r\u00e5 poesi"], ["43:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["poesi"], ["46:51"]], "Polar_expression": [["r\u00e5"], ["43:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101421-08-01", "text": "Marianne Krogh veksler i roller som to m\u00f8dre , en s\u00f8nn og en datter og formidler nyansert kontrastene i livet til Jynges rolle , som i stykket bare er kalt \u00ab meg \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Marianne Krogh"], ["0:14"]], "Polar_expression": [["formidler nyansert kontrastene i livet til Jynges rolle"], ["71:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101421-09-01", "text": "Mennene rundt henne er mest til stede for \u00e5 beskrive hennes tanker og f\u00f8lelser om det \u00e5 v\u00e6re \u00f8nsket og attraktiv , og gjennom Lygres tekst bidrar til poetiske refleksjoner over hvordan den enkeltes vilje p\u00e5virkes i parforhold .", "opinions": [{"Source": [[], []], "Target": [["Lygres tekst"], ["126:138"]], "Polar_expression": [["Mennene rundt", "bidrar til poetiske refleksjoner over hvordan den enkeltes vilje p\u00e5virkes i parforhold"], ["0:13", "139:225"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101421-10-01", "text": "BORGHILD MAALAND", "opinions": []}, {"sent_id": "102095-01-01", "text": "Maria Mena-anmeldelse :", "opinions": []}, {"sent_id": "102095-01-02", "text": "H\u00f8re , ikke se", "opinions": []}, {"sent_id": "102095-02-01", "text": "Maria Mena synger bedre enn noen gang .", "opinions": [{"Source": [[], []], "Target": [["Maria Mena"], ["0:10"]], "Polar_expression": [["bedre enn noen gang"], ["18:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-02-02", "text": "Lovende nye sanger .", "opinions": [{"Source": [[], []], "Target": [["sanger"], ["12:18"]], "Polar_expression": [["Lovende"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-02-03", "text": "Men visuelt helt flatt .", "opinions": [{"Source": [[], []], "Target": [["visuelt"], ["4:11"]], "Polar_expression": [["helt flatt"], ["12:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-03-01", "text": "Maria Mena Norwegian Wood Publikum :", "opinions": []}, {"sent_id": "102095-03-02", "text": "Ca. 6000", "opinions": []}, {"sent_id": "102095-04-01", "text": "Maria Mena \u00e5pner med sin beste popslager , \u00ab You're The Only One \u00bb , og det er n\u00e6rliggende \u00e5 tolke det dithen at det kommende albumet vil bli en retur til nettopp popmusikk , etter et langt opphold i melodrama-balladeland .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["beste popslager"], ["25:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-05-01", "text": "L\u00e5t nummer tre - nye , fengende \u00ab Caught Off Guard \u00bb - synes \u00e5 bekrefte mistanken .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Caught Off Guard \u00bb"], ["32:52"]], "Polar_expression": [["fengende"], ["23:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-05-02", "text": "Hun spiller endog en annen ny \u00e9n om \u00e5 \u00ab like seg selv \u00bb .", "opinions": []}, {"sent_id": "102095-06-01", "text": "Jentene og de yngre kvinnene i Frognerbladet lar seg som alltid opplsuke av henne .", "opinions": [{"Source": [["Jentene og de yngre kvinnene i Frognerbladet"], ["0:44"]], "Target": [["henne"], ["76:81"]], "Polar_expression": [["lar seg som alltid opplsuke"], ["45:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "102095-06-02", "text": "Alle over 40 , og slike er det en del av p\u00e5 en festivaldag der Rod Stewart er hovedtrekkplaster , stiller seg noe mer avventende .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alle over 40", "stiller seg noe mer avventende"], ["0:12", "98:128"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-06-03", "text": "Men ikke avvisende .", "opinions": []}, {"sent_id": "102095-07-01", "text": "To andre ferske , \u00ab You're All Telling Stories \u00bb og den allerede kjente singelforsmaken \u00ab Fuck You \u00bb , styrer ogs\u00e5 de unna balladeland .", "opinions": []}, {"sent_id": "102095-07-02", "text": "Tekstene er imidlertid typiske .", "opinions": [{"Source": [[], []], "Target": [["Tekstene"], ["0:8"]], "Polar_expression": [["imidlertid typiske"], ["12:30"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-07-03", "text": "\u00c5 \u00ab synge sin dagbok \u00bb er det Maria Mena gj\u00f8r .", "opinions": []}, {"sent_id": "102095-07-04", "text": "P\u00e5 godt og vondt .", "opinions": []}, {"sent_id": "102095-07-05", "text": "Hun kommer neppe til \u00e5 slutte med det .", "opinions": []}, {"sent_id": "102095-08-01", "text": "Gamle \u00ab Fragile \u00bb blir i s\u00e5 m\u00e5te litt snodig \u00e5 h\u00f8re i 2013 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Fragile \u00bb"], ["6:17"]], "Polar_expression": [["litt snodig \u00e5 h\u00f8re i 2013"], ["33:58"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-08-02", "text": "Den er skrevet av et barn .", "opinions": []}, {"sent_id": "102095-08-03", "text": "N\u00e5 fremf\u00f8res den av en voksen .", "opinions": []}, {"sent_id": "102095-09-01", "text": "Jeg har aldri h\u00f8rt henne synge bedre fra en scene .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["henne"], ["19:24"]], "Polar_expression": [["aldri", "bedre"], ["8:13", "31:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-09-02", "text": "Og \u00ab You Hurt The Ones You Love \u00bb er , allerede f\u00f8r den er utgitt , en garantert fanfavoritt og et naturlig avslutningsnummer .", "opinions": [{"Source": [[], []], "Target": [["\u00ab You Hurt The Ones You Love \u00bb"], ["3:33"]], "Polar_expression": [["garantert fanfavoritt"], ["71:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab You Hurt The Ones You Love \u00bb"], ["3:33"]], "Polar_expression": [["naturlig avslutningsnummer"], ["99:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-10-01", "text": "Men .", "opinions": []}, {"sent_id": "102095-10-02", "text": "Problem !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Problem !"], ["0:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-10-03", "text": "Det er overhodet ingenting \u00e5 se p\u00e5 under en Maria Mena-konsert .", "opinions": [{"Source": [[], []], "Target": [["Maria Mena-konsert"], ["44:62"]], "Polar_expression": [["overhodet ingenting \u00e5 se p\u00e5"], ["7:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102095-10-04", "text": "Spesielt ikke i dagslys .", "opinions": []}, {"sent_id": "102095-10-05", "text": "Artistens keitethet er absolutt sjarmerende , men den evner ikke \u00e5 holde p\u00e5 \u00f8yets interesse i \u00e9n time .", "opinions": [{"Source": [[], []], "Target": [["Artistens keitethet"], ["0:19"]], "Polar_expression": [["absolutt sjarmerende"], ["23:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Artistens keitethet"], ["0:19"]], "Polar_expression": [["evner ikke \u00e5 holde p\u00e5 \u00f8yets interesse i \u00e9n time"], ["54:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-10-06", "text": "Hun f\u00e5r heller ingen drahjelp av et dyktig , men helt ukarismatisk band .", "opinions": [{"Source": [[], []], "Target": [["band"], ["67:71"]], "Polar_expression": [["dyktig"], ["36:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["67:71"]], "Polar_expression": [["helt ukarismatisk"], ["49:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["67:71"]], "Polar_expression": [["ingen drahjelp"], ["15:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-11-01", "text": "Menas dramapop fortjener - ja , krever - en tilsvarende dramatisk presentasjon .", "opinions": [{"Source": [[], []], "Target": [["Menas dramapop"], ["0:14"]], "Polar_expression": [["krever - en tilsvarende dramatisk presentasjon"], ["32:78"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-11-02", "text": "De lilla lysene hun hadde med seg forsvant i solen og var under alle omstendigheter ikke nok .", "opinions": [{"Source": [[], []], "Target": [["De lilla lysene"], ["0:15"]], "Polar_expression": [["forsvant i solen"], ["34:50"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["De lilla lysene"], ["0:15"]], "Polar_expression": [["var under alle omstendigheter ikke nok"], ["54:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-12-01", "text": "N\u00e5r hun skal trekke p\u00e5 turn\u00e9 innend\u00f8rs etter albumslippet , for det f\u00e5r man anta at hun skal , b\u00f8r hun st\u00f8ttes opp av en skikkelig sceneproduksjon .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["b\u00f8r hun st\u00f8ttes opp av en skikkelig sceneproduksjon"], ["95:146"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102095-13-01", "text": "En konsert dreier seg faktisk om mer enn bare musikk .", "opinions": []}, {"sent_id": "102095-13-02", "text": "Kanskje spesielt p\u00e5 festival , der ikke-innvidde skal overvinnes .", "opinions": []}, {"sent_id": "102095-14-01", "text": "Musikken hadde Mena med seg .", "opinions": [{"Source": [[], []], "Target": [["Mena"], ["15:19"]], "Polar_expression": [["Musikken hadde Mena med seg"], ["0:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102095-14-02", "text": "Hun burde hatt med seg en opplevelse i tillegg .", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["burde hatt med seg en opplevelse i tillegg"], ["4:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-01-01", "text": "The Crossroad Club :", "opinions": []}, {"sent_id": "305175-01-02", "text": "Er det fanden sj\u00f8l som st\u00e5r ved grillen ?", "opinions": []}, {"sent_id": "305175-02-01", "text": "M\u00f8rk moro i Maridalsveien .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["M\u00f8rk moro"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305175-03-01", "text": "- Her lukter det k\u00f8l , snerret Robinson .", "opinions": []}, {"sent_id": "305175-04-01", "text": "Nesevingene dirret , blikket feide usikkert over det svartmalte lokalet nederst i Maridalsveien .", "opinions": []}, {"sent_id": "305175-04-02", "text": "Det var ingen tvil om at kokken hadde fyrt opp grillen .", "opinions": []}, {"sent_id": "305175-04-03", "text": "En grov , gammeldags eim som du bare kan dr\u00f8mme om \u00e5 nyte fra en gassgrill .", "opinions": [{"Source": [[], []], "Target": [["eim"], ["21:24"]], "Polar_expression": [["gammeldags"], ["10:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eim"], ["21:24"]], "Polar_expression": [["grov"], ["3:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eim"], ["21:24"]], "Polar_expression": [["som du bare kan dr\u00f8mme om \u00e5 nyte fra en gassgrill"], ["25:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-05-01", "text": "- He-he .", "opinions": []}, {"sent_id": "305175-05-02", "text": "Skulle tro fanden sj\u00f8l st\u00e5r i dypet her og fyrer , sa Fredag og tok et dypt magadrag av den iskalde pilsen .", "opinions": []}, {"sent_id": "305175-06-01", "text": "For et merkelig sted \u00e5 ha en restaurant .", "opinions": []}, {"sent_id": "305175-06-02", "text": "The Crossroad Club ligger i en rundkj\u00f8ring , med en ubetjent bensinstasjon som n\u00e6rmeste nabo .", "opinions": []}, {"sent_id": "305175-07-01", "text": "Rett nok i utkanten av Gr\u00fcnerl\u00f8kka , hvis vi skal v\u00e6re litt rause , og med den legendariske musikkscenen Bl\u00e5 et steinkast unna .", "opinions": [{"Source": [[], []], "Target": [["Bl\u00e5"], ["105:108"]], "Polar_expression": [["legendariske musikkscenen"], ["79:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-08-01", "text": "Har historie", "opinions": []}, {"sent_id": "305175-08-02", "text": "Men lokalet har en historie .", "opinions": []}, {"sent_id": "305175-08-03", "text": "Her l\u00e5 Christiania Bryggeri , grunnlagt i 1855 .", "opinions": []}, {"sent_id": "305175-09-01", "text": "- S\u00e5 disse mursteinsveggene er nok godt marinert i \u00f8l , sa Fredag .", "opinions": []}, {"sent_id": "305175-10-01", "text": "Menyen passer sultne og sosiale mennesker .", "opinions": [{"Source": [[], []], "Target": [["Menyen"], ["0:6"]], "Polar_expression": [["passer sultne og sosiale mennesker"], ["7:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-10-02", "text": "Enkel og prioritert meny , rik \u00f8lmeny , morsomme drinker .", "opinions": [{"Source": [[], []], "Target": [["meny"], ["20:24"]], "Polar_expression": [["prioritert"], ["9:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["meny"], ["20:24"]], "Polar_expression": [["Enkel"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00f8lmeny"], ["31:37"]], "Polar_expression": [["rik"], ["27:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["drinker"], ["49:56"]], "Polar_expression": [["morsomme"], ["40:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-11-01", "text": "Dette er for mennesker som elsker det amerikanske - med retter som Memphis pork ribs , Chicken Maryland og Mama?s corn bread .", "opinions": [{"Source": [[], []], "Target": [["Dette"], ["0:5"]], "Polar_expression": [["for mennesker som elsker det amerikanske"], ["9:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-12-01", "text": "Ja , takk alt sammen", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ja , takk alt sammen"], ["0:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-12-02", "text": "- Jeg vil ha alt , brummet Robinson og banket pekefingeren i \u00ab Family Pickings \u00bb p\u00e5 menyen - det beste av kokkens eget utvalg .", "opinions": [{"Source": [["Robinson"], ["27:35"]], "Target": [[], []], "Polar_expression": [["Jeg vil ha alt"], ["2:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["27:35"]], "Target": [["\u00ab Family Pickings \u00bb"], ["61:80"]], "Polar_expression": [["det beste av kokkens eget utvalg"], ["93:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-13-01", "text": "Lokalet er spennende .", "opinions": [{"Source": [[], []], "Target": [["Lokalet"], ["0:7"]], "Polar_expression": [["spennende"], ["11:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-13-02", "text": "H\u00f8yt under taket , gammeldags .", "opinions": []}, {"sent_id": "305175-13-03", "text": "En stor og solid bardisk dekker nesten den ene veggen .", "opinions": [{"Source": [[], []], "Target": [["bardisk"], ["17:24"]], "Polar_expression": [["stor"], ["3:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bardisk"], ["17:24"]], "Polar_expression": [["solid"], ["11:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-14-01", "text": "- Hva er det , spurte Robinson og pekte p\u00e5 scenen .", "opinions": []}, {"sent_id": "305175-14-02", "text": "Den var full av instrumenter .", "opinions": []}, {"sent_id": "305175-15-01", "text": "Musikksted", "opinions": []}, {"sent_id": "305175-15-02", "text": "- Glemte jeg \u00e5 si det ?", "opinions": []}, {"sent_id": "305175-15-03", "text": "Det er konsert her i kveld .", "opinions": []}, {"sent_id": "305175-15-04", "text": "Dette er et musikksted , sa Fredag .", "opinions": []}, {"sent_id": "305175-16-01", "text": "Det var tydelig at det var .", "opinions": []}, {"sent_id": "305175-16-02", "text": "For musikken var s\u00e5 h\u00f8y at det knapt gikk an \u00e5 snakke .", "opinions": [{"Source": [[], []], "Target": [["musikken"], ["4:12"]], "Polar_expression": [["s\u00e5 h\u00f8y at det knapt gikk an \u00e5 snakke"], ["17:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-17-01", "text": "Selv om den kom fra et h\u00f8yttaleranlegg og det knapt var gjester i lokalet .", "opinions": []}, {"sent_id": "305175-18-01", "text": "- Jeg ber dem skru ned , sa Robinson og vinket p\u00e5 kelneren .", "opinions": []}, {"sent_id": "305175-18-02", "text": "Hun skrudde ned et umerkbart hakk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hun skrudde ned et umerkbart hakk"], ["0:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-19-01", "text": "- Vil folk spise i fred , b\u00f8r de komme f\u00f8r konserten , mente Fredag .", "opinions": []}, {"sent_id": "305175-20-01", "text": "Saftig og smaksrikt Irritasjonen forsvant da maten kom .", "opinions": [{"Source": [[], []], "Target": [["maten"], ["45:50"]], "Polar_expression": [["smaksrikt"], ["10:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maten"], ["45:50"]], "Polar_expression": [["Saftig"], ["0:6"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-20-02", "text": "Kylling , pulled pork , spreke , spicy p\u00f8lser , grillet mais , bakte b\u00f8nner .", "opinions": [{"Source": [[], []], "Target": [["p\u00f8lser"], ["39:45"]], "Polar_expression": [["spreke"], ["24:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-21-01", "text": "- Herre min hatt .", "opinions": []}, {"sent_id": "305175-21-02", "text": "Dette smaker , sa Fredag mens blikket danset gr\u00e5dig over maten .", "opinions": [{"Source": [["Fredag"], ["18:24"]], "Target": [["maten"], ["57:62"]], "Polar_expression": [["Dette smaker"], ["0:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maten"], ["57:62"]], "Polar_expression": [["blikket danset gr\u00e5dig over maten"], ["30:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-22-01", "text": "Ribbeina var saftige og balanserte lekent mot en sm\u00e5brent ytterkant .", "opinions": [{"Source": [[], []], "Target": [["Ribbeina"], ["0:8"]], "Polar_expression": [["saftige"], ["13:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ribbeina"], ["0:8"]], "Polar_expression": [["balanserte lekent mot en sm\u00e5brent ytterkant"], ["24:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-22-02", "text": "Kyllingen var nydelig smaksrik og krydret , p\u00f8lsene sparket p\u00e5 tunga .", "opinions": [{"Source": [[], []], "Target": [["Kyllingen"], ["0:9"]], "Polar_expression": [["nydelig smaksrik og krydret"], ["14:41"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["p\u00f8lsene"], ["44:51"]], "Polar_expression": [["sparket p\u00e5 tunga"], ["52:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-23-01", "text": "Sterke saker , men fint balansert med s\u00f8tt maisbr\u00f8d og bakte b\u00f8nner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fint balansert"], ["19:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-23-02", "text": "Og klassikeren Mac N Cheese , yammi .", "opinions": [{"Source": [[], []], "Target": [["Mac N Cheese"], ["15:27"]], "Polar_expression": [["yammi"], ["30:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Mac N Cheese"], ["15:27"]], "Polar_expression": [["klassikeren"], ["3:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-23-03", "text": "Det absolutte h\u00f8ydepunktet var bakte s\u00f8tpoteter med sirup og rosiner , som Fredag bestilte ekstra .", "opinions": [{"Source": [["Fredag"], ["75:81"]], "Target": [["bakte s\u00f8tpoteter med sirup og rosiner"], ["31:68"]], "Polar_expression": [["absolutte h\u00f8ydepunktet"], ["4:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Fredag"], ["75:81"]], "Target": [["bakte s\u00f8tpoteter med sirup og rosiner"], ["31:68"]], "Polar_expression": [["bestilte ekstra"], ["82:97"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-24-01", "text": "Et lite minus for vannete cole slaw , et s\u00e5 viktig tilbeh\u00f8r b\u00f8r v\u00e6re finjustert .", "opinions": [{"Source": [[], []], "Target": [["cole slaw"], ["26:35"]], "Polar_expression": [["Et lite minus"], ["0:13"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["cole slaw"], ["26:35"]], "Polar_expression": [["vannete"], ["18:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["cole slaw"], ["26:35"]], "Polar_expression": [["et s\u00e5 viktig tilbeh\u00f8r b\u00f8r v\u00e6re finjustert"], ["38:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-25-01", "text": "Hopp rundt p\u00e5 brettet", "opinions": []}, {"sent_id": "305175-25-02", "text": "- Dette var faktisk veldig godt , sa Robinson .", "opinions": [{"Source": [["Robinson"], ["37:45"]], "Target": [["Dette"], ["2:7"]], "Polar_expression": [["faktisk veldig godt"], ["12:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-26-01", "text": "- Jepp .", "opinions": []}, {"sent_id": "305175-26-02", "text": "Ogs\u00e5 er det morsomt \u00e5 spise , svarte Fredag .", "opinions": [{"Source": [["Fredag"], ["37:43"]], "Target": [["det"], ["8:11"]], "Polar_expression": [["morsomt \u00e5 spise"], ["12:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-26-03", "text": "- Du kan liksom hoppe litt rundt p\u00e5 brettet og veksle mellom smakene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan liksom hoppe litt rundt p\u00e5 brettet og veksle mellom smakene"], ["5:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-27-01", "text": "- Men du , sa Robinson med munnen full av b\u00f8nner .", "opinions": []}, {"sent_id": "305175-27-02", "text": "- Det er jo faktisk kantinebrett vi sitter og spiser av !", "opinions": [{"Source": [["vi"], ["33:35"]], "Target": [[], []], "Polar_expression": [["kantinebrett", "sitter og spiser av !"], ["20:32", "36:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-28-01", "text": "Det var stille i tre sekunder .", "opinions": []}, {"sent_id": "305175-28-02", "text": "F\u00f8r de bestemte seg for \u00e5 la det passere .", "opinions": []}, {"sent_id": "305175-28-03", "text": "For maten var solid .", "opinions": [{"Source": [[], []], "Target": [["maten"], ["4:9"]], "Polar_expression": [["solid"], ["14:19"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-29-01", "text": "- Men det burde v\u00e6rt ei godt brukt trefj\u00f8l med svimerker og inskripsjoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["burde v\u00e6rt ei godt brukt trefj\u00f8l med svimerker og inskripsjoner"], ["10:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-29-02", "text": "Dette stedet har en kul atmosf\u00e6re og de tjener p\u00e5 \u00e5 v\u00e6re gjennomf\u00f8rt , mente Robinson .", "opinions": [{"Source": [["Robinson"], ["77:85"]], "Target": [["stedet"], ["6:12"]], "Polar_expression": [["kul atmosf\u00e6re"], ["20:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Robinson"], ["77:85"]], "Target": [["de"], ["37:39"]], "Polar_expression": [["tjener p\u00e5 \u00e5 v\u00e6re gjennomf\u00f8rt"], ["40:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-30-01", "text": "- N\u00e5 vil jeg ha is , forkynte Fredag .", "opinions": []}, {"sent_id": "305175-30-02", "text": "De hadde fors\u00f8kt \u00e5 d\u00f8yve krydderet med nok en kald \u00f8l etter maten , men n\u00e5 m\u00e5tte det andre midler til .", "opinions": []}, {"sent_id": "305175-31-01", "text": "Hjemmelaget is", "opinions": []}, {"sent_id": "305175-32-01", "text": "- Vet du hva ?", "opinions": []}, {"sent_id": "305175-32-02", "text": "Dette er et artig sted .", "opinions": [{"Source": [[], []], "Target": [["sted"], ["18:22"]], "Polar_expression": [["artig"], ["12:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-32-03", "text": "Det er som \u00e5 v\u00e6re i en annen verden , sa Fredag og t\u00f8rket munnen med h\u00e5ndbaken .", "opinions": []}, {"sent_id": "305175-33-01", "text": "Det virket liksom riktig her .", "opinions": [{"Source": [[], []], "Target": [["her"], ["25:28"]], "Polar_expression": [["virket liksom riktig"], ["4:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305175-34-01", "text": "Robinson kikket p\u00e5 kvitteringen .", "opinions": []}, {"sent_id": "305175-34-02", "text": "Den endte opp p\u00e5 tretten hundre kroner .", "opinions": []}, {"sent_id": "305175-35-01", "text": "- Mye matglede for pengene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mye matglede for pengene"], ["2:26"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305175-35-02", "text": "Men grillkokken fyrer hardt .", "opinions": []}, {"sent_id": "305175-35-03", "text": "Jeg tror jeg m\u00e5 henge jakka til lufting .", "opinions": []}, {"sent_id": "305175-36-01", "text": "Velg en tag for type anmeldelse !", "opinions": []}, {"sent_id": "305175-36-02", "text": "En av disse :", "opinions": []}, {"sent_id": "700338-01-01", "text": "Et fantasiens mesterverk", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Et fantasiens mesterverk"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700338-02-01", "text": "Her kommer skildringen av en farefull stillehavsseilas som fullstendig danker ut v\u00e5r egen \" Kon-Tiki \" -film .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fullstendig danker ut v\u00e5r egen \" Kon-Tiki \" -film"], ["59:108"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700338-02-02", "text": "Regiss\u00f8r Ang", "opinions": []}, {"sent_id": "700338-02-03", "text": "Lee har laget et mesterverk med stor skj\u00f8nnhet og filosofisk dybde .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mesterverk"], ["17:27"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["stor skj\u00f8nnhet og filosofisk dybde"], ["32:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700338-03-01", "text": "Taiwaneseren huskes s\u00e6rlig for \" Snikende tiger , skjult drage \" ( 2000 ) som ga ham h\u00f8y stjernestatus , ikke minst i USA .", "opinions": []}, {"sent_id": "700338-03-02", "text": "Der har han n\u00e5 f\u00e5tt filmatisere , \" Historien om Pi \" , en prisbel\u00f8nnet roman av Yann Martel med et budsjett stort nok til \u00e5 lage spektakul\u00e6re scener med villdyr , eksotisk natur og et stormfylt osean .", "opinions": [{"Source": [[], []], "Target": [["\" Historien om Pi \""], ["34:53"]], "Polar_expression": [["prisbel\u00f8nnet"], ["59:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["spektakul\u00e6re scener"], ["130:149"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["scener"], ["143:149"]], "Polar_expression": [["spektakul\u00e6re"], ["130:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-04-01", "text": "En rammefortelling er ofte bare et teknisk grep for \u00e5 feste en historie i tid og rom .", "opinions": []}, {"sent_id": "700338-04-02", "text": "Men obs , her gir samtalene mellom den voksne inderen Pi Patel og hans lyttende gjest \u2013 en forfatter \u2013 viktige tolkningsn\u00f8kler til fortellingen vi snart suges inn i .", "opinions": []}, {"sent_id": "700338-05-01", "text": "Hurtig og muntert viser Ang Lee hvordan hovedpersonen fikk d\u00f8penavnet Piscine Patel , ble ledd ut p\u00e5 skolen som Pissing Patel , men tok innersvingen p\u00e5 mobberne ved \u00e5 kalle seg", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hurtig og muntert"], ["0:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-05-02", "text": "Pi Patel og linke navnet til et symbol for evighet :", "opinions": []}, {"sent_id": "700338-05-03", "text": "Pi = 3,14 som er forholdstallet mellom en sirkels omkrets og dens diameter .", "opinions": []}, {"sent_id": "700338-06-01", "text": "Raskt skisseres ogs\u00e5 hvordan", "opinions": []}, {"sent_id": "700338-06-02", "text": "Pi trosser sin fars spott over all religion ved at gutten kombinerer det beste fra hinduisme , islam og kristendom .", "opinions": []}, {"sent_id": "700338-06-03", "text": "Snart legger Ang", "opinions": []}, {"sent_id": "700338-06-04", "text": "Lee ut en eksistensiell g\u00e5te :", "opinions": []}, {"sent_id": "700338-06-05", "text": "Hva i Patels livshistorie skal f\u00e5 lytteren ( alts\u00e5 den gjestende forfatteren , men ogs\u00e5 oss i kinosalen ) til \u00e5 tro p\u00e5 Gud ?", "opinions": []}, {"sent_id": "700338-07-01", "text": "S\u00e5 er det bare \u00e5 bli med p\u00e5 den ufrivillige , eventyrlige ferden der 16 \u00e5r gamle", "opinions": []}, {"sent_id": "700338-07-02", "text": "Pi br\u00e5tt og brutalt havner i en livb\u00e5t \u00f8st av Japan sammen med en sebra , en hyene , en orangutang og en bengalsk tiger .", "opinions": []}, {"sent_id": "700338-08-01", "text": "Hva for noe ?", "opinions": []}, {"sent_id": "700338-08-02", "text": "Ja , sujettet lyder usannsynlig spr\u00f8tt og filmatisk ugjennomf\u00f8rbart da hyenen og tigeren er kj\u00f8ttetere som raskt vil fort\u00e6re de tre andre .", "opinions": []}, {"sent_id": "700338-08-03", "text": "Regiss\u00f8ren m\u00e5 ha tryllet rikelig digitalt for \u00e5 f\u00e5 scenene med glefsende rovdyr til \u00e5 se sv\u00e6rt overbevisende ut .", "opinions": [{"Source": [[], []], "Target": [["Regiss\u00f8ren"], ["0:10"]], "Polar_expression": [["m\u00e5 ha tryllet rikelig"], ["11:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["scenene"], ["51:58"]], "Polar_expression": [["sv\u00e6rt overbevisende"], ["89:108"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-08-04", "text": "For en gangs skyld bidrar 3D-filmingen til \u00f8kt spenning .", "opinions": [{"Source": [[], []], "Target": [["3D-filmingen"], ["26:38"]], "Polar_expression": [["bidrar", "til \u00f8kt spenning"], ["19:25", "39:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-09-01", "text": "Parallellen til \" Kon-Tiki \" kan lyde s\u00f8kt da Heyerdahl-filmen har et dokumentarisk utgangspunkt .", "opinions": []}, {"sent_id": "700338-09-02", "text": "Men likevel :", "opinions": []}, {"sent_id": "700338-09-03", "text": "I begge filmer m\u00e5 det skapes variasjon og spenning idet noen f\u00e5 skikkelser er driver i en farkost over Stillehavet d\u00f8gn etter d\u00f8gn .", "opinions": []}, {"sent_id": "700338-09-04", "text": "Ang Lee lykkes best fordi menneskets sjanse til \u00e5 overleve med villdyr om bord virker minimal .", "opinions": [{"Source": [[], []], "Target": [["Ang Lee"], ["0:7"]], "Polar_expression": [["lykkes"], ["8:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-09-05", "text": "Pi Patels utrettelige oppfinnsomhet er imponerende .", "opinions": [{"Source": [[], []], "Target": [["Pi Patels", "oppfinnsomhet"], ["0:9", "22:35"]], "Polar_expression": [["imponerende"], ["39:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Pi Patels", "oppfinnsomhet"], ["0:9", "22:35"]], "Polar_expression": [["utrettelige"], ["10:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-10-01", "text": "Dertil skaper regiss\u00f8ren en f\u00f8lelsesmessig utvikling mellom gutt og dyr som r\u00f8rer .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8ren"], ["14:24"]], "Polar_expression": [["skaper", "f\u00f8lelsesmessig utvikling mellom gutt og dyr som r\u00f8rer"], ["7:13", "28:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8lelsesmessig utvikling"], ["28:52"]], "Polar_expression": [["r\u00f8rer"], ["76:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-10-02", "text": "Enn videre er scenen da Pis livb\u00e5t m\u00f8ter hvalen \u2013 nesten identisk med tilsvarende episode i \" Kon-Tiki \" \u2013 enda vakrere .", "opinions": [{"Source": [[], []], "Target": [["scenen da Pis livb\u00e5t m\u00f8ter hvalen"], ["14:47"]], "Polar_expression": [["enda vakrere"], ["107:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-11-01", "text": "Ang Lee formidler med en overveldende skj\u00f8nnhet hvordan gutten opplever en uendelig himmel og et omskiftelig hav hvor d\u00f8den synes \u00e5 bli eneste utgang .", "opinions": [{"Source": [[], []], "Target": [["Ang Lee"], ["0:7"]], "Polar_expression": [["formidler med en overveldende skj\u00f8nnhet"], ["8:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-11-02", "text": "Og der en dumdristig \" Kon-Tiki \" -ferd ender som en vellykket ekspedisjon , flytter Pis fiktive drama seg over i en fantasiens mystiske sf\u00e6re der en stillehavs\u00f8y ikke lenger er det du trodde .", "opinions": [{"Source": [[], []], "Target": [["\" Kon-Tiki \" -ferd"], ["21:39"]], "Polar_expression": [["dumdristig"], ["10:20"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Kon-Tiki \" -ferd"], ["21:39"]], "Polar_expression": [["ender som en vellykket ekspedisjon"], ["40:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700338-12-01", "text": "Ender da gjesteforfatteren i rammefortellingen med \u00e5 tro p\u00e5 Gud ?", "opinions": []}, {"sent_id": "700338-12-02", "text": "Jeg r\u00f8per intet .", "opinions": []}, {"sent_id": "700338-12-03", "text": "Sikkert er at Ang", "opinions": []}, {"sent_id": "700338-12-04", "text": "Lee er flertydig og g\u00e5tefull nok til at kinogjengere av alle slags livssyn kan f\u00f8le seg komfortable .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kinogjengere av alle slags livssyn kan f\u00f8le seg komfortable"], ["40:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700338-12-05", "text": "L\u00f8p og se .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["L\u00f8p og se"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102158-01-01", "text": "Erica Jong ( red . ) :", "opinions": []}, {"sent_id": "102158-01-02", "text": "\u00ab Sukker i sk\u00e5len \u00bb", "opinions": []}, {"sent_id": "102158-02-01", "text": "Den lengselsfulle bluesl\u00e5ten \u00ab Sugar in my bowl \u00bb gir tittel til en samling der 29 erfarne forfattere skildrer meninger og minner om sex .", "opinions": []}, {"sent_id": "102158-03-01", "text": "291 sider 169 kr. ( heftet ) Juritzen", "opinions": []}, {"sent_id": "102158-04-01", "text": "Redakt\u00f8r Erica Jong har en tydelig agenda og et eget budskap .", "opinions": []}, {"sent_id": "102158-04-02", "text": "Fra Linda Gray Sextons moderne skildring av asfyxiofili ( n\u00e5r oksygenmangel p\u00e5f\u00f8res for \u00e5 \u00f8ke nytelsen ) til over \u00e5tti \u00e5r gamle Fay Weldons hete minner om egen debut , g\u00e5r det bokstavelig talt en r\u00f8dgl\u00f8dende tr\u00e5d :", "opinions": []}, {"sent_id": "102158-04-03", "text": "Kvinners k\u00e5tskap er muligens ikke s\u00e5 skambelagt n\u00e5 som for to-tre generasjoner siden , men kvinner som skriver mye om den slags , blir sjelden anerkjent som seri\u00f8se forfattere .", "opinions": []}, {"sent_id": "102158-05-01", "text": "Historiene er delvis sv\u00e6rt private og skildrer ulike milj\u00f8ers p\u00e5virkning p\u00e5 menneskers seksualitet .", "opinions": []}, {"sent_id": "102158-05-02", "text": "Blir man mer eller mindre interessert i sex n\u00e5r man vokser opp med hippieforeldre og nakenhet i overflod ?", "opinions": []}, {"sent_id": "102158-06-01", "text": "Hva skjer med kvinnen n\u00e5r hennes seks \u00e5r gamle datter frydefullt oppdager sin \u00ab Cho Cho \u00bb ?", "opinions": []}, {"sent_id": "102158-06-02", "text": "Hvordan forestiller kvinner seg at det er \u00e5 ha en penis ?", "opinions": []}, {"sent_id": "102158-07-01", "text": "Flere av skribentene forteller om skam og overgrep , frustrasjon og forargelse , feminisme og frihetskamp .", "opinions": []}, {"sent_id": "102158-07-02", "text": "Men bokens grunntone er livsbejaende , samlingen formidler nytelse og toleranse .", "opinions": [{"Source": [[], []], "Target": [["bokens grunntone"], ["4:20"]], "Polar_expression": [["livsbejaende"], ["24:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samlingen"], ["39:48"]], "Polar_expression": [["formidler nytelse"], ["49:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samlingen"], ["39:48"]], "Polar_expression": [["formidler", "toleranse"], ["49:58", "70:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102158-07-03", "text": "Her er sterke innlegg b\u00e5de for og imot pornokulturens effekter , enkelte forfattere eksperimenterer lekent med sjangerens spr\u00e5klige klisjeer .", "opinions": [{"Source": [[], []], "Target": [["innlegg"], ["14:21"]], "Polar_expression": [["sterke"], ["7:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["enkelte forfattere"], ["65:83"]], "Polar_expression": [["eksperimenterer lekent med sjangerens spr\u00e5klige klisjeer"], ["84:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102158-08-01", "text": "Det er heller ingen mangel p\u00e5 humor og skjeve blikk p\u00e5 samtiden ; Jong inviterer selvsagt til debatt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen mangel p\u00e5 humor"], ["14:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen mangel p\u00e5", "skjeve blikk p\u00e5 samtiden"], ["14:29", "39:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102158-09-01", "text": "Samlingen er b\u00e5de freidig og nennsomt redigert , av samme h\u00e5nd som p\u00e5 70-tallet skapte baluba med sin erotiske roman \u00ab Jeg t\u00f8r ikke fly \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Samlingen"], ["0:9"]], "Polar_expression": [["freidig og nennsomt redigert"], ["18:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102158-09-02", "text": "Ogs\u00e5 oversetter Ragnhild Aasland Sekne skal ha ros :", "opinions": [{"Source": [[], []], "Target": [["oversetter Ragnhild Aasland Sekne"], ["5:38"]], "Polar_expression": [["skal ha ros"], ["39:50"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102158-09-03", "text": "De ulike stemmene klinger rent og godt p\u00e5 norsk .", "opinions": [{"Source": [[], []], "Target": [["stemmene"], ["9:17"]], "Polar_expression": [["klinger rent og godt p\u00e5 norsk"], ["18:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704138-01-01", "text": "Dirty Detroit", "opinions": []}, {"sent_id": "704138-02-01", "text": "Jeg har sympati for soulsangeren Bettye LaVette , som i over 30 \u00e5r var et glemt kapittel .", "opinions": []}, {"sent_id": "704138-02-02", "text": "At hun g\u00e5r l\u00f8s p\u00e5 Neil Young , Bob Dylan og Tom Waits er likevel ikke udelt vellykket .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke udelt vellykket"], ["65:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704138-02-03", "text": "66-\u00e5ringen fra Michigan har en skarp stemme som ikke passer til alt , selv om det er tolkninger her som funker .", "opinions": [{"Source": [[], []], "Target": [["stemme"], ["37:43"]], "Polar_expression": [["skarp"], ["31:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["66-\u00e5ringen fra Michigan"], ["0:23"]], "Polar_expression": [["skarp stemme som ikke passer til alt"], ["31:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tolkninger"], ["85:95"]], "Polar_expression": [["funker"], ["104:110"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704138-02-04", "text": "I \" Dirty old town \" , Ewan McColls sang om Salford , har hun flyttet handlingen til Detroit .", "opinions": []}, {"sent_id": "704138-03-01", "text": "Beste spor :", "opinions": []}, {"sent_id": "704138-03-02", "text": "\" I'm not the one \" , \" Time will do the taking \" .", "opinions": []}, {"sent_id": "103737-01-01", "text": "En liten juvel", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["En liten juvel"], ["0:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103737-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "103737-02-02", "text": "Tom McCarthy .", "opinions": []}, {"sent_id": "103737-02-03", "text": "Med Peter Dinklage , Patricia Clarkson , Bobby Cannavale .", "opinions": []}, {"sent_id": "103737-02-04", "text": "Amerikansk .", "opinions": []}, {"sent_id": "103737-02-05", "text": "Drama - 7 \u00e5r , egnet ungdom / voksne .", "opinions": []}, {"sent_id": "103737-03-01", "text": "En sjelden filmopplevelse :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sjelden filmopplevelse"], ["3:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103737-03-02", "text": "Vakker , s\u00e5r , morsom , lavm\u00e6lt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vakker"], ["0:6"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e5r"], ["9:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["morsom"], ["15:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lavm\u00e6lt"], ["24:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103737-03-03", "text": "Et must for filmelskere !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["must for filmelskere !"], ["3:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103737-04-01", "text": "Det handler om Fin .", "opinions": []}, {"sent_id": "103737-04-02", "text": "Som er kortvokst og dermed annerledes og for evig d\u00f8mt til alle andre blikk .", "opinions": []}, {"sent_id": "103737-05-01", "text": "Fins opplevelsesnisje i livet er tog .", "opinions": []}, {"sent_id": "103737-05-02", "text": "N\u00e5r hans gamle venn og kollega i storbyen d\u00f8r , arver Fin hans eneste jordiske \u00ab gods \u00bb : en nedlagt jernbanestasjon langt ute p\u00e5 landet ; Fin blir \u00ab stasjonsbetjent \u00bb .", "opinions": []}, {"sent_id": "103737-06-01", "text": "Der skjer det ingenting .", "opinions": []}, {"sent_id": "103737-06-02", "text": "Eller nesten ingenting .", "opinions": []}, {"sent_id": "103737-06-03", "text": "Men et par andre figurer lever ogs\u00e5 i et slags eksil :", "opinions": []}, {"sent_id": "103737-06-04", "text": "En pratesjuk p\u00f8lseselger og en sorgridd kunstner - f\u00f8rst og fremst .", "opinions": []}, {"sent_id": "103737-07-01", "text": "Alle har sitt , viser det seg .", "opinions": []}, {"sent_id": "103737-07-02", "text": "Og langsomt og med stor m\u00f8ye n\u00e6rmer disse tre seg hverandre .", "opinions": []}, {"sent_id": "103737-08-01", "text": "Dette er en utpreget \u00ab annerledes \u00bb amerikansk film , utelukkende bygd opp om rollefigurene og deres indre liv .", "opinions": []}, {"sent_id": "103737-08-02", "text": "De tre skuespillerne leverer alle formidable prestasjoner uti skuespilleriets kleinkunst .", "opinions": [{"Source": [[], []], "Target": [["skuespillerne"], ["7:20"]], "Polar_expression": [["formidable prestasjoner"], ["34:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103737-08-03", "text": "Men fremst : den vakre , store , karaktersterke og kortvokste Peter Dinklage ; vanvittig uttrykksfullt til stede i nesten hver eneste scene .", "opinions": [{"Source": [[], []], "Target": [["Peter Dinklage"], ["62:76"]], "Polar_expression": [["vanvittig uttrykksfullt til stede"], ["79:112"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Peter Dinklage"], ["62:76"]], "Polar_expression": [["vakre"], ["17:22"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Peter Dinklage"], ["62:76"]], "Polar_expression": [["store"], ["25:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Peter Dinklage"], ["62:76"]], "Polar_expression": [["karaktersterke"], ["33:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103737-09-01", "text": "Storartet , rett og slett !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Storartet"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-01-01", "text": "Kaizers : \u2013 Slapp av , me komme snart igjen !", "opinions": []}, {"sent_id": "704974-02-01", "text": "\u00ab Maskineri \u00bb er en treffende tittel p\u00e5 Kaizers Orchestras nye album .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Maskineri \u00bb"], ["0:13"]], "Polar_expression": [["treffende tittel"], ["20:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-02-02", "text": "For Kaizers-kollektivet er for tida et massivt messende og malende maskineri .", "opinions": []}, {"sent_id": "704974-03-01", "text": "Bandet har full kontroll p\u00e5 dramaturgien og virkemidlene :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["full kontroll p\u00e5 dramaturgien og virkemidlene"], ["11:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-03-02", "text": "Det kombinerer gamle sirkustricks og n\u00f8ye innstuderte arrangementer og fakter ( sjekk Helge Risas tidvise Frankenstein-aktige oppsyn og mekaniske enh\u00e5ndsslag p\u00e5 tangentene ) med n\u00f8dvendige elementer av improvisasjon og \u00f8yeblikksgalskap .", "opinions": [{"Source": [[], []], "Target": [["Helge Risas tidvise Frankenstein-aktige oppsyn og mekaniske enh\u00e5ndsslag p\u00e5 tangentene"], ["86:171"]], "Polar_expression": [["n\u00f8ye innstuderte"], ["37:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["elementer av improvisasjon og \u00f8yeblikksgalskap"], ["189:235"]], "Polar_expression": [["n\u00f8dvendige"], ["178:188"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-04-01", "text": "L\u00f8rdag spilte bandet konsert nummer 16 p\u00e5 like mange dager .", "opinions": []}, {"sent_id": "704974-04-02", "text": "Og kan det egentlig g\u00e5 galt n\u00e5r den veltrimmede konsertmaskinen med maestro Janove Ottesen i front spiller p\u00e5 tiln\u00e6rmet hjemmebane i intime Folken ?", "opinions": [{"Source": [[], []], "Target": [["konsertmaskinen"], ["48:63"]], "Polar_expression": [["veltrimmede"], ["36:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-05-01", "text": "Nytt og gammelt", "opinions": []}, {"sent_id": "704974-06-01", "text": "Sekstetten innledet friskt med et par nye l\u00e5ter \u2014 tittelsporet \u00ab Maskineri \u00bb og \u00ab Bastard s\u00f8nn \u00bb , bare for \u00e5 sette det nye albumet , f\u00f8r konserten jevnet seg ut i en jevn str\u00f8m av gammelt og nytt om en annen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["innledet friskt med et par nye l\u00e5ter"], ["11:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-06-02", "text": "\u00ab Sig\u00f8ynerblod \u00bb f\u00e5r naturligvis alltid blodet hos publikum til \u00e5 flyte raskere ; et heftig musikalsk barslagsm\u00e5l av en l\u00e5t - og en konsertkiller som vekker sj\u00f8l de sl\u00f8veste norske velstandskropper .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Sig\u00f8ynerblod \u00bb"], ["0:16"]], "Polar_expression": [["f\u00e5r naturligvis alltid blodet hos publikum til \u00e5 flyte raskere"], ["17:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Sig\u00f8ynerblod \u00bb"], ["0:16"]], "Polar_expression": [["heftig musikalsk barslagsm\u00e5l av en l\u00e5t"], ["85:123"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Sig\u00f8ynerblod \u00bb"], ["0:16"]], "Polar_expression": [["konsertkiller som vekker sj\u00f8l de sl\u00f8veste norske velstandskropper"], ["132:197"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-07-01", "text": "Denne og andre kaizersklassikere som \u00ab Kontroll p\u00e5 kontinentet \u00bb og \u00ab Ompa til du d\u00f8r \u00bb , sikrer gaulingen og allsangen .", "opinions": [{"Source": [[], []], "Target": [["Denne og andre kaizersklassikere som \u00ab Kontroll p\u00e5 kontinentet \u00bb og \u00ab Ompa til du d\u00f8r \u00bb"], ["0:87"]], "Polar_expression": [["sikrer gaulingen og allsangen"], ["90:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704974-07-02", "text": "Men ogs\u00e5 flere av de nye l\u00e5tene er allerede i ferd med \u00e5 sette seg i publikumspannebrasken ; Folken-mengden tok begeistret imot ferske l\u00e5ter som \u00ab Volvo i Mexico \u00bb og \u00ab Enden av november \u00bb samt den vakre balladen \u00ab Den andre er meg \u00bb , som kom helt til slutt som duett med en usedvanlig sjarmerende , ung kvinnelig vokalist som jeg i all publikumsst\u00f8yen ikke greide \u00e5 f\u00e5 med meg navnet p\u00e5 .", "opinions": [{"Source": [["jeg"], ["328:331"]], "Target": [["flere av de nye l\u00e5tene"], ["9:31"]], "Polar_expression": [["allerede i ferd med \u00e5 sette seg i publikumspannebrasken"], ["35:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Folken-mengden"], ["93:107"]], "Target": [["\u00ab Volvo i Mexico \u00bb og \u00ab Enden av november \u00bb"], ["145:188"]], "Polar_expression": [["tok begeistret imot"], ["108:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["328:331"]], "Target": [["\u00ab Den andre er meg \u00bb"], ["213:233"]], "Polar_expression": [["vakre balladen"], ["198:212"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["Folken-mengden"], ["93:107"]], "Target": [["\u00ab Den andre er meg \u00bb"], ["213:233"]], "Polar_expression": [["tok begeistret imot"], ["108:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["328:331"]], "Target": [["ung kvinnelig vokalist"], ["301:323"]], "Polar_expression": [["usedvanlig sjarmerende"], ["276:298"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-08-01", "text": "Har Kaizers forandret seg siden sist ?", "opinions": []}, {"sent_id": "704974-08-02", "text": "Ja .", "opinions": []}, {"sent_id": "704974-08-03", "text": "Som andre anmeldere har p\u00e5pekt :", "opinions": []}, {"sent_id": "704974-08-04", "text": "Belg- og oljefatfaktoren er senket .", "opinions": []}, {"sent_id": "704974-08-05", "text": "Og de nye l\u00e5tene er \u00e5pnere og bredere .", "opinions": [{"Source": [[], []], "Target": [["de nye l\u00e5tene"], ["3:16"]], "Polar_expression": [["\u00e5pnere"], ["20:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de nye l\u00e5tene"], ["3:16"]], "Polar_expression": [["bredere"], ["30:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-08-06", "text": "Kaizers utvider repertoaret og kvitter seg med de trangeste musikalske tvangstr\u00f8yene .", "opinions": [{"Source": [[], []], "Target": [["Kaizers"], ["0:7"]], "Polar_expression": [["utvider repertoaret"], ["8:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Kaizers"], ["0:7"]], "Polar_expression": [["kvitter seg med de trangeste musikalske tvangstr\u00f8yene"], ["31:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-08-07", "text": "Smart .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Smart"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-08-08", "text": "Hvis ikke hadde Kaizers i l\u00f8pet av et par erketypiske Kaizers-album til blitt et nytt Stones eller for den saks skyld DumDum Boys ; stilige band som dessverre er fanget i publikums forventninger og sine egne begrensede musikalske nett .", "opinions": [{"Source": [[], []], "Target": [["DumDum Boys"], ["118:129"]], "Polar_expression": [["stilige band"], ["132:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Stones"], ["86:92"]], "Polar_expression": [["stilige band"], ["132:144"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["DumDum Boys"], ["118:129"]], "Polar_expression": [["dessverre er fanget i publikums forventninger og sine egne begrensede musikalske nett"], ["149:234"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Stones"], ["86:92"]], "Polar_expression": [["dessverre er fanget i publikums forventninger og sine egne begrensede musikalske nett"], ["149:234"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hvis ikke hadde Kaizers", "blitt et nytt Stones eller for den saks skyld DumDum Boys"], ["0:23", "72:129"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704974-09-01", "text": "N\u00e5 \u00e5pner Kaizers vinduene og lufter ut :", "opinions": []}, {"sent_id": "704974-09-02", "text": "Nye musikalske uttrykk pr\u00f8ves , filtreres og vurderes .", "opinions": []}, {"sent_id": "704974-09-03", "text": "Er det en mild eim av gammel soul over Kaizers 2008 ?", "opinions": []}, {"sent_id": "704974-09-04", "text": "Jeg synes det .", "opinions": []}, {"sent_id": "704974-09-05", "text": "Organist Helge Risa har lagt inn en smak av deep south i tangenttrakteringen .", "opinions": []}, {"sent_id": "704974-09-06", "text": "Og er det ikke noen minimalistiske soulstikk i b\u00e5de Geir Zahl og Terje Vinterst\u00f8s gitarspill og ikke minst i Ottesens vokal ?", "opinions": []}, {"sent_id": "704974-10-01", "text": "Ett er i all fall sikkert :", "opinions": []}, {"sent_id": "704974-10-02", "text": "De nye , svarte dressene er Motown s\u00e5 det holder .", "opinions": []}, {"sent_id": "704974-10-03", "text": "Motown med elementer av Iggy og Froddi n\u00e5r Janove Ottesen mot slutten av konserten - til publikums hemningsl\u00f8se glede - ender opp i bar overkropp .", "opinions": [{"Source": [[], []], "Target": [["Janove Ottesen", "ender opp i bar overkropp"], ["43:57", "120:145"]], "Polar_expression": [["til publikums hemningsl\u00f8se glede"], ["85:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704974-10-04", "text": "Vi er n\u00e5 i konsertens terminale og fullstendig krakilske fase ; Giganten \u00ab Maestro \u00bb er levert som siste ordin\u00e6re nummer .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Maestro \u00bb"], ["73:84"]], "Polar_expression": [["Giganten"], ["64:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704974-10-05", "text": "Og snart er gjengen i gang igjen med suverene ekstranumre som \u00ab Knekker deg til sist \u00bb , \u00ab B\u00f8n fra helvete \u00bb og \u00ab 170 \u00bb med den l\u00f8fterike linjen :", "opinions": [{"Source": [[], []], "Target": [["\u00ab Knekker deg til sist \u00bb"], ["62:86"]], "Polar_expression": [["suverene"], ["37:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab B\u00f8n fra helvete \u00bb"], ["89:108"]], "Polar_expression": [["suverene"], ["37:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab 170 \u00bb"], ["112:119"]], "Polar_expression": [["suverene"], ["37:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704974-10-06", "text": "\u00ab Slapp av me komme snart igjen \u00bb .", "opinions": []}, {"sent_id": "704974-11-01", "text": "Vi kan jo h\u00e5pe .", "opinions": []}, {"sent_id": "704974-11-02", "text": "Folken er n\u00e5 blant de mest intime lokalene Kaizers holder konserter i .", "opinions": [{"Source": [[], []], "Target": [["Folken"], ["0:6"]], "Polar_expression": [["blant de mest intime lokalene"], ["13:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704974-11-03", "text": "La oss h\u00e5pe at Folken ikke byttes ut med haller til neste turn\u00e9 .", "opinions": [{"Source": [["oss"], ["3:6"]], "Target": [["Folken"], ["15:21"]], "Polar_expression": [["La oss h\u00e5pe at Folken ikke byttes ut"], ["0:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-01-01", "text": "De fem legendene", "opinions": []}, {"sent_id": "004068-02-01", "text": "En passe spennende film med visuelt overskudd !", "opinions": [{"Source": [[], []], "Target": [["film"], ["19:23"]], "Polar_expression": [["passe spennende"], ["3:18"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["19:23"]], "Polar_expression": [["visuelt overskudd !"], ["28:47"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-03-01", "text": "Det er noe skummelt med eldre barn som tror p\u00e5 julenissen .", "opinions": [{"Source": [[], []], "Target": [["eldre barn som tror p\u00e5 julenissen"], ["24:57"]], "Polar_expression": [["skummelt"], ["11:19"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-03-02", "text": "Og det er noe skummelt med filmer som insisterer p\u00e5 at de m\u00e5 gj\u00f8re det .", "opinions": [{"Source": [[], []], "Target": [["filmer som insisterer p\u00e5 at de m\u00e5 gj\u00f8re det"], ["27:70"]], "Polar_expression": [["skummelt"], ["14:22"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-04-01", "text": "Historien i den animerte Dreamworks-filmen", "opinions": []}, {"sent_id": "004068-04-02", "text": "De fem legendene bygger p\u00e5 at litt for gamle barn har en litt for stor tro p\u00e5 overtro .", "opinions": [{"Source": [[], []], "Target": [["De fem legendene"], ["0:16"]], "Polar_expression": [["litt for gamle barn har en litt for stor tro p\u00e5 overtro"], ["30:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-05-01", "text": "Men det blir i alle fall en passe spennende film av det , med visuelt overskudd , men kanskje med litt for lite eventyrf\u00f8lelse ?", "opinions": [{"Source": [[], []], "Target": [["film"], ["44:48"]], "Polar_expression": [["passe spennende"], ["28:43"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["eventyrf\u00f8lelse"], ["112:126"]], "Polar_expression": [["litt for lite eventyrf\u00f8lelse ?"], ["98:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["44:48"]], "Polar_expression": [["litt for lite eventyrf\u00f8lelse ?"], ["98:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["44:48"]], "Polar_expression": [["visuelt overskudd"], ["62:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-06-01", "text": "Moralen kan v\u00e6re diffus", "opinions": [{"Source": [[], []], "Target": [["Moralen"], ["0:7"]], "Polar_expression": [["kan v\u00e6re diffus"], ["8:23"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-07-01", "text": "Julenissen , Ole Lukk\u00f8ye , Tannfeen og P\u00e5skeharen danner et fellesskap som voktere av verdens barn , men er avhengig av at barna tror p\u00e5 deres eksistens .", "opinions": []}, {"sent_id": "004068-08-01", "text": "N\u00e5r den slemme Busemannen Pitch kommer tilbake for \u00e5 \u00f8delegge barnetroen , m\u00e5 de invitere en femteperson som vokter , nemlig Jack Frost , den unge gutten som s\u00f8rger for sn\u00f8 og is .", "opinions": []}, {"sent_id": "004068-09-01", "text": "Regiss\u00f8r Peter Ramsey bruker et velkjent triks for \u00e5 dekke over en litt slapp historie , nemlig \u00e5 la begivenhetene flimre over lerretet i s\u00e5pass stor hastighet at du ikke f\u00e5r tid til \u00e5 reflektere s\u00e6rlig mye over hva som egentlig blir fortalt .", "opinions": [{"Source": [[], []], "Target": [["historie"], ["78:86"]], "Polar_expression": [["litt slapp"], ["67:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regiss\u00f8r Peter Ramsey"], ["0:21"]], "Polar_expression": [["bruker et velkjent triks for \u00e5 dekke over en litt slapp historie"], ["22:86"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-10-01", "text": "Vil underholde m\u00e5lgruppa godt , alts\u00e5 barn i skolealder .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["underholde m\u00e5lgruppa godt"], ["4:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-11-01", "text": "Moralen kan v\u00e6re diffus , det handler trolig om \u00e5 ikke miste troen , men jeg rakk i hvert fall ikke \u00e5 kjede meg .", "opinions": [{"Source": [["jeg"], ["73:76"]], "Target": [["Moralen"], ["0:7"]], "Polar_expression": [["kan v\u00e6re diffus"], ["8:23"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["73:76"]], "Target": [[], []], "Polar_expression": [["rakk i hvert fall ikke \u00e5 kjede meg"], ["77:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-12-01", "text": "Det finnes ogs\u00e5 artige innfall og ideer her , som for eksempel hva tannfeen gj\u00f8r med alle tennene , og hvordan julenissens gaver egentlig blir laget .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["artige innfall og ideer"], ["16:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-13-01", "text": "Mangler den spesielle historien", "opinions": [{"Source": [[], []], "Target": [["spesielle historien"], ["12:31"]], "Polar_expression": [["Mangler"], ["0:7"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-14-01", "text": "Hovedfigurene er morsomme kreasjoner , med distinkte s\u00e6rpreg og god stemmelegging i den norske versjonen jeg s\u00e5 .", "opinions": [{"Source": [["jeg"], ["105:108"]], "Target": [["Hovedfigurene"], ["0:13"]], "Polar_expression": [["morsomme kreasjoner"], ["17:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["105:108"]], "Target": [["Hovedfigurene"], ["0:13"]], "Polar_expression": [["distinkte s\u00e6rpreg"], ["43:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["105:108"]], "Target": [["Hovedfigurene"], ["0:13"]], "Polar_expression": [["god stemmelegging i den norske versjonen"], ["64:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-15-01", "text": "Jack Frost er kanskje en noe fremmed karakter , siden vi ikke har et forhold til ham i Norge , men blir likevel et fint eksempel p\u00e5 hvordan en ensom figur blomstrer i et fellesskap .", "opinions": [{"Source": [[], []], "Target": [["Jack Frost"], ["0:10"]], "Polar_expression": [["noe fremmed"], ["25:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jack Frost"], ["0:10"]], "Polar_expression": [["blir likevel et fint eksempel p\u00e5 hvordan en ensom figur blomstrer i et fellesskap"], ["99:180"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-16-01", "text": "Busemannen er ekkel nok , men kunne gjerne v\u00e6rt litt slemmere .", "opinions": [{"Source": [[], []], "Target": [["Busemannen"], ["0:10"]], "Polar_expression": [["ekkel nok"], ["14:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Busemannen"], ["0:10"]], "Polar_expression": [["kunne gjerne v\u00e6rt litt slemmere"], ["30:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "004068-16-02", "text": "Det hadde barna t\u00e5lt .", "opinions": []}, {"sent_id": "004068-17-01", "text": "De fem legendene vil underholde m\u00e5lgruppa godt , alts\u00e5 barn i skolealder .", "opinions": [{"Source": [[], []], "Target": [["De fem legendene"], ["0:16"]], "Polar_expression": [["vil underholde m\u00e5lgruppa godt"], ["17:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-17-02", "text": "Og den har mange kvaliteter p\u00e5 billedfronten .", "opinions": [{"Source": [[], []], "Target": [["billedfronten"], ["31:44"]], "Polar_expression": [["mange kvaliteter"], ["11:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["3:6"]], "Polar_expression": [["mange kvaliteter p\u00e5 billedfronten"], ["11:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-17-03", "text": "Men den mangler den spesielle historien som hever filmen over hopen .", "opinions": [{"Source": [[], []], "Target": [["spesielle historien"], ["20:39"]], "Polar_expression": [["mangler"], ["8:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["50:56"]], "Polar_expression": [["mangler den spesielle historien"], ["8:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-18-01", "text": "Og jeg er prinsipielt motstander av fortellinger om at man m\u00e5 tro p\u00e5 gudelignende figurer for at de skal virke .", "opinions": [{"Source": [["jeg"], ["3:6"]], "Target": [["fortellinger om at man m\u00e5 tro p\u00e5 gudelignende figurer for at de skal virke"], ["36:110"]], "Polar_expression": [["prinsipielt motstander"], ["10:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-18-02", "text": "Det blir litt for religi\u00f8st etter min smak .", "opinions": [{"Source": [["min"], ["34:37"]], "Target": [[], []], "Polar_expression": [["litt for religi\u00f8st"], ["9:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "004068-19-01", "text": "Ellers er dette en fin og ufarlig animasjonsfilm for hele familien .", "opinions": [{"Source": [[], []], "Target": [["animasjonsfilm"], ["34:48"]], "Polar_expression": [["fin"], ["19:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["animasjonsfilm"], ["34:48"]], "Polar_expression": [["ufarlig"], ["26:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["animasjonsfilm"], ["34:48"]], "Polar_expression": [["for hele familien"], ["49:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701111-01-01", "text": "Gammeldags mamma", "opinions": []}, {"sent_id": "701111-02-01", "text": "Verre kunne ikke lanseringstidspunktet bli .", "opinions": [{"Source": [[], []], "Target": [["lanseringstidspunktet"], ["17:38"]], "Polar_expression": [["Verre kunne ikke", "bli"], ["0:16", "39:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701111-02-02", "text": "En amerikansk komedie om en j\u00f8disk NY-familie som av rasistiske grunner ikke kan godta at s\u00f8nnen deres har sex med allmenn-amerikanske Uma Thurman .", "opinions": []}, {"sent_id": "701111-03-01", "text": "Bryan Greenberg spiller en 23 \u00e5r gammel kunstner som sitter med beina i kors slik Sandra Bullock gj\u00f8r og f\u00f8lgelig burde v\u00e6rt homofil .", "opinions": []}, {"sent_id": "701111-03-02", "text": "Han snakker bare om j\u00f8deting og blir sammen med 37 \u00e5r gamle ikke-kosher-hovedretten Thurman , som st\u00e5r der og henger bortkomment med kroppen sin som en basketspiller i Hobbiton .", "opinions": []}, {"sent_id": "701111-04-01", "text": "Mannen er forferdelig .", "opinions": [{"Source": [[], []], "Target": [["Mannen"], ["0:6"]], "Polar_expression": [["forferdelig"], ["10:21"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701111-04-02", "text": "Han bryr seg om hva mamma mener .", "opinions": []}, {"sent_id": "701111-04-03", "text": "Han bryr seg om hva farmor ( bubi ) mener og mormor mener .", "opinions": []}, {"sent_id": "701111-04-04", "text": "Dermed starter filmen som et nedstemmende pysestyr .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["15:21"]], "Polar_expression": [["starter", "som et nedstemmende pysestyr"], ["7:14", "22:50"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701111-04-05", "text": "M\u00f8dre skal v\u00e6re noe rart som menn driter i .", "opinions": []}, {"sent_id": "701111-04-06", "text": "Alle andre tiln\u00e6rmingsm\u00e5ter f\u00f8rer til at de m\u00e5 blinde seg eller klippe plenen .", "opinions": []}, {"sent_id": "701111-04-07", "text": "N\u00e5r Thurman har sex med en gutt som b\u00e6rer h\u00e5rstjert i stedet for lugg , skriker du i smerte :", "opinions": [{"Source": [[], []], "Target": [["N\u00e5r Thurman har sex med en gutt som b\u00e6rer h\u00e5rstjert i stedet for lugg"], ["0:69"]], "Polar_expression": [["skriker du i smerte"], ["72:91"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701111-04-08", "text": "Nei !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nei !"], ["0:5"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701111-04-09", "text": "Macaulay Culkin ville v\u00e6rt bedre .", "opinions": [{"Source": [[], []], "Target": [["Macaulay Culkin"], ["0:15"]], "Polar_expression": [["ville v\u00e6rt bedre"], ["16:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Macaulay Culkin ville v\u00e6rt bedre"], ["0:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701111-04-10", "text": "Harry Potter .", "opinions": []}, {"sent_id": "701111-04-11", "text": "Hardy-guttene !", "opinions": []}, {"sent_id": "701111-04-12", "text": "Poenget med filmen er at Uma g\u00e5r til psykiater , og psykiateren er barnets mor .", "opinions": []}, {"sent_id": "701111-04-13", "text": "Meryl Streep triller en omtenksom karusell av forskrekka ansiktsuttrykk , men sammen med t\u00e5rnet Thurman ser hun stadig vekk ut som en kortbeint buksedressmodell for Lindex .", "opinions": [{"Source": [[], []], "Target": [["Meryl Streep"], ["0:12"]], "Polar_expression": [["triller en omtenksom karusell av forskrekka ansiktsuttrykk"], ["13:71"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hun"], ["108:111"]], "Polar_expression": [["ser", "stadig vekk ut som en kortbeint buksedressmodell for Lindex"], ["104:107", "112:171"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701111-04-14", "text": "Litt vittig er det selvsagt n\u00e5r den uvitende Uma snakker med Streep om at hun gjerne ville strikke hatt til kj\u00e6restens penis , antakelig fordi den er omsk\u00e5ret og ser s\u00f8rgelig skalla ut .", "opinions": [{"Source": [[], []], "Target": [["n\u00e5r den uvitende Uma snakker med Streep om at hun gjerne ville strikke hatt til kj\u00e6restens penis"], ["28:124"]], "Polar_expression": [["Litt vittig"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-01-01", "text": "Konsertanmeldelse :", "opinions": []}, {"sent_id": "109021-01-02", "text": "Thirty Seconds To Mars", "opinions": []}, {"sent_id": "109021-02-01", "text": "Om n\u00f8yaktig \u00e9n uke kan Jared Leto ( 42 ) vinne Oscar for noe langt mer betydningsfullt enn det riktignok festlige og fargerike tullballet han bedrev p\u00e5 scenen i Oslo s\u00f8ndag kveld .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan", "vinne Oscar"], ["19:22", "41:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["tullballet"], ["127:137"]], "Polar_expression": [["festlige"], ["105:113"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tullballet"], ["127:137"]], "Polar_expression": [["fargerike"], ["117:126"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tullballet"], ["127:137"]], "Polar_expression": [["tullballet"], ["127:137"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-03-01", "text": "KONSERT :", "opinions": []}, {"sent_id": "109021-03-02", "text": "Thirty Seconds To Mars STED :", "opinions": []}, {"sent_id": "109021-03-03", "text": "Oslo Spektrum PUBLIKUM : 3400 AKTUELT ALBUM :", "opinions": []}, {"sent_id": "109021-03-04", "text": "\u00ab Love Lust Faith + Dreams \u00bb", "opinions": []}, {"sent_id": "109021-04-01", "text": "Alt det andre artister og band sparer til forestillingens siste halvtime , brenner Jared Leto og hans Thirty Seconds To Mars av i l\u00f8pet av den f\u00f8rste .", "opinions": [{"Source": [[], []], "Target": [["Jared Leto og hans Thirty Seconds To Mars"], ["83:124"]], "Polar_expression": [["Alt det andre artister og band sparer til forestillingens siste halvtime , brenner", "av i l\u00f8pet av den f\u00f8rste"], ["0:82", "125:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-05-01", "text": "Han deler publikum opp i to flanker , for \u00e5 sjekke hvem som kan \u00ab skrike h\u00f8yest \u00bb .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["deler publikum opp i to flanker , for \u00e5 sjekke hvem som kan \u00ab skrike h\u00f8yest \u00bb"], ["4:81"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-05-02", "text": "Han befaler oss \u00e5 \u00ab jump , jump ! \u00bb og \u00ab make some noise \u00bb ustanselig .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["befaler oss \u00e5 \u00ab jump , jump !"], ["4:33"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-05-03", "text": "Ber oss om \u00e5 veive med armene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ber oss om \u00e5 veive med armene"], ["0:29"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-05-04", "text": "Setter flomlyset p\u00e5 oss ute i salen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Setter flomlyset p\u00e5 oss ute i salen"], ["0:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-06-01", "text": "De store , fargesprakende ballongene - fylt med konfetti , hurra ! - kommer svevende inn over publikum allerede p\u00e5 tampen av sang nummer tre , \u00ab This Is War \u00bb .", "opinions": []}, {"sent_id": "109021-06-02", "text": "Det er mer konfetti i kanonene .", "opinions": []}, {"sent_id": "109021-07-01", "text": "Han tar publikummere opp p\u00e5 scenen , og skryter uhemmet av Oslo og Norge og hvor utrolig pene vi er .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["utrolig pene"], ["81:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["Oslo"], ["59:63"]], "Polar_expression": [["skryter uhemmet av"], ["40:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["Norge"], ["67:72"]], "Polar_expression": [["skryter uhemmet av"], ["40:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["Han"], ["0:3"]], "Target": [[], []], "Polar_expression": [["tar publikummere opp p\u00e5 scenen , og skryter uhemmet av Oslo og Norge og hvor utrolig pene vi er"], ["4:99"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-07-02", "text": "\u00ab Dere har vel bare sex hele tiden \u00bb , sier han , fl\u00f8rten .", "opinions": []}, {"sent_id": "109021-07-03", "text": "Han veiver med et norsk flagg .", "opinions": []}, {"sent_id": "109021-08-01", "text": "Strategien er \u00e5 stimulere til full underdanighet fra f\u00f8rste sekund , og han er ingen fusker i faget .", "opinions": [{"Source": [[], []], "Target": [["han"], ["72:75"]], "Polar_expression": [["ingen fusker i faget"], ["79:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-08-02", "text": "Det er f\u00f8rst n\u00e5r det er g\u00e5tt en stund , og triksene er brukt opp , at tempoet avtar .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r det er g\u00e5tt en stund , og triksene er brukt opp , at tempoet avtar"], ["13:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-09-01", "text": "\u00c5pningsvignetten \u00ab Birth \u00bb er en pomp\u00f8s klagesang .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Birth \u00bb"], ["17:26"]], "Polar_expression": [["pomp\u00f8s klagesang"], ["33:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-09-02", "text": "Leto er kledd i sin vanlige tunika , og vifter med en baseballk\u00f8lle p\u00e5 sin vei ut p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["Leto"], ["0:4"]], "Polar_expression": [["vifter med en baseballk\u00f8lle p\u00e5 sin vei ut p\u00e5 scenen"], ["40:91"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-09-03", "text": "Han har utstr\u00e5ling , ingen tvil om saken - halvt s\u00f8rstatspredikant og halvt Jim Morrison .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["har utstr\u00e5ling , ingen tvil om saken"], ["4:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-10-01", "text": "Han er 42 \u00e5r , og burde egentlig vite bedre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["burde egentlig vite bedre"], ["18:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-10-02", "text": "Men han har n\u00e5 en gang bygd seg dette absurde rocksirkuset , sammen med den ett \u00e5r eldre broren Shannon ( trommer ) og gitaristen Tomo Milicevic , og er fast bestemt p\u00e5 \u00e5 ha det g\u00f8y i det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["absurde rocksirkuset"], ["38:58"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-11-01", "text": "Det er en aura av kult rundt Thity Seconds To Mars , i den religi\u00f8se betydningen av ordet .", "opinions": [{"Source": [[], []], "Target": [["Thity Seconds To Mars"], ["29:50"]], "Polar_expression": [["aura av kult"], ["10:22"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-12-01", "text": "Musikken de lager er komplett ubetydelig , en saus av \u00ab emo \u00bb , industriell rock , \u00ab nu metal \u00bb og god , gammeldags arenarock , dandert med latterlige tekstklisjeer .", "opinions": [{"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["komplett ubetydelig"], ["21:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["en saus av \u00ab emo \u00bb , industriell rock , \u00ab nu metal \u00bb og god , gammeldags arenarock"], ["43:125"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikken"], ["0:8"]], "Polar_expression": [["latterlige tekstklisjeer"], ["140:164"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-12-02", "text": "De enorme korarrangementene som preger platene deres ( spesielt den forrige , \u00ab This Is War \u00bb ) , kommer mindre til sin rett i konsertsettingen .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["De enorme korarrangementene som preger platene deres", "mindre til sin rett"], ["0:52", "105:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-13-01", "text": "De sv\u00e6re \u00ab oh oh oh \u00bb -refrengene n\u00e5r imidlertid sitt fulle potensial her .", "opinions": [{"Source": [[], []], "Target": [["her"], ["70:73"]], "Polar_expression": [["De sv\u00e6re \u00ab oh oh oh \u00bb -refrengene n\u00e5r imidlertid sitt fulle potensial"], ["0:69"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-14-01", "text": "\u00ab Night Of The Hunter \u00bb og \u00ab Search And Destroy \u00bb er begge ganske effektive , og \u00ab Kings And Queens \u00bb - med bandets aller beste \u00ab oh oh oh \u00bb -refreng , melkes for alt den er verdt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Search And Destroy \u00bb"], ["27:49"]], "Polar_expression": [["ganske effektive"], ["59:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kings And Queens \u00bb"], ["81:101"]], "Polar_expression": [["bandets aller beste \u00ab oh oh oh \u00bb -refreng"], ["108:149"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kings And Queens \u00bb"], ["81:101"]], "Polar_expression": [["melkes for alt den er verdt"], ["152:179"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Night Of The Hunter \u00bb"], ["0:23"]], "Polar_expression": [["ganske effektive"], ["59:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-14-02", "text": "Leto danser med en elektrisk gitar han bare unntaksvis benytter til \u00e5 lage lyd .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["danser med en elektrisk gitar han bare unntaksvis benytter til \u00e5 lage lyd"], ["5:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-14-03", "text": "I \u00ab Ends Of All Days \u00bb prediker han at \u00ab faith \u00bb er alt vi trenger , selv i m\u00f8te med en \u00ab maniac messiah \u00bb .", "opinions": []}, {"sent_id": "109021-15-01", "text": "Han ber oss om \u00e5 l\u00f8fte mobiltelefonene v\u00e5re .", "opinions": []}, {"sent_id": "109021-15-02", "text": "\u00ab That's beautiful \u00bb , sier han .", "opinions": []}, {"sent_id": "109021-15-03", "text": "\u00ab I love you \u00bb .", "opinions": []}, {"sent_id": "109021-15-04", "text": "\u00ab City Of Angels \u00bb spiller U2-kortet , spesifikt \u00ab With Or Without You \u00bb .", "opinions": []}, {"sent_id": "109021-16-01", "text": "Den akustiske avdelingen , med Jared helt ute p\u00e5 scenetungen , blir langtekkelig .", "opinions": [{"Source": [[], []], "Target": [["akustiske avdelingen"], ["4:24"]], "Polar_expression": [["langtekkelig"], ["68:80"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-16-02", "text": "Han spiller surt p\u00e5 gitaren i \u00ab Hurricane \u00bb - han er i sannhet ingen trubadur - og bruker alt for lang tid p\u00e5 \u00e5 lage en \u00ab Instragram-video \u00bb med et sjarmerende norsk kj\u00e6restepar han drar opp p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Hurricane \u00bb"], ["30:43"]], "Polar_expression": [["spiller surt p\u00e5 gitaren"], ["4:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["spiller surt p\u00e5 gitaren i \u00ab Hurricane \u00bb"], ["4:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["i sannhet ingen trubadur"], ["53:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["bruker alt for lang tid p\u00e5 \u00e5 lage en \u00ab Instragram-video \u00bb"], ["83:140"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["norsk kj\u00e6restepar"], ["160:177"]], "Polar_expression": [["sjarmerende"], ["148:159"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-17-01", "text": "Han f\u00e5r salen til \u00e5 skrike \u00ab Norge \u00bb for kameraet , og det blir raskt for mye av det gode .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["raskt for mye av det gode"], ["64:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-17-02", "text": "Det er forskjell p\u00e5 \u00e5 pleie publikum og \u00e5 oppf\u00f8re seg som en klovn i et barneselskap .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forskjell p\u00e5 \u00e5 pleie publikum og \u00e5 oppf\u00f8re seg som en klovn i et barneselskap"], ["7:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-17-03", "text": "En sjarmerende kl\u00f8nete versjon av Rihannas \u00ab Stay \u00bb , fremf\u00f8rt sammen med resten av bandet , redder stumpene .", "opinions": [{"Source": [[], []], "Target": [["versjon av Rihannas \u00ab Stay \u00bb"], ["23:51"]], "Polar_expression": [["sjarmerende kl\u00f8nete"], ["3:22"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["versjon av Rihannas \u00ab Stay \u00bb"], ["23:51"]], "Polar_expression": [["redder stumpene"], ["93:108"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-18-01", "text": "I \u00ab Closer To The Edge \u00bb sl\u00e5r han p\u00e5 den selvnytende showbizsjarmen igjen , n\u00e5 ikledd s\u00f8lvlam\u00e9jakke , og g\u00e5r inn p\u00e5 oppl\u00f8pssiden .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Closer To The Edge \u00bb"], ["2:24"]], "Polar_expression": [["selvnytende showbizsjarmen"], ["41:67"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-18-02", "text": "Konfettikanonene spraker igjen , og schlockballaden \u00ab Bright Lights \u00bb er f\u00f8rste ekstranummer .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Konfettikanonene spraker igjen"], ["0:30"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Bright Lights \u00bb"], ["52:69"]], "Polar_expression": [["schlockballaden"], ["36:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-19-01", "text": "I avsluttende \u00ab Up In The Air \u00bb vil ha han oss til \u00e5 huke oss helt ned p\u00e5 gulvet , for s\u00e5 \u00e5 hoppe - jepp - \u00ab up in the air \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Up In The Air \u00bb"], ["14:31"]], "Polar_expression": [["vil ha han oss til \u00e5 huke oss helt ned p\u00e5 gulvet , for s\u00e5 \u00e5 hoppe - jepp - \u00ab up in the air \u00bb"], ["32:124"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-19-02", "text": "P\u00e5 dette tidspunktet har han invitert et femtitalls folk opp p\u00e5 scenen , og plassert dem som et tensingkor bak seg .", "opinions": [{"Source": [[], []], "Target": [["han"], ["25:28"]], "Polar_expression": [["invitert et femtitalls folk opp p\u00e5 scenen , og plassert dem som et tensingkor bak seg"], ["29:114"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-20-01", "text": "Leto og bandet hans liker \u00e5 gi inntrykk av at de snakker om vektige , viktige saker .", "opinions": []}, {"sent_id": "109021-20-02", "text": "Tekstene hans er fulle av hul eksistensiell angst , konspirasjonsteoriparanoia , \u00ab oss mot dem \u00bb -retorikk og generell fremmedgjorthet .", "opinions": [{"Source": [[], []], "Target": [["Tekstene"], ["0:8"]], "Polar_expression": [["fulle av hul eksistensiell angst"], ["17:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tekstene"], ["0:8"]], "Polar_expression": [["konspirasjonsteoriparanoia"], ["52:78"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tekstene"], ["0:8"]], "Polar_expression": [["\u00ab oss mot dem \u00bb -retorikk"], ["81:106"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tekstene"], ["0:8"]], "Polar_expression": [["generell fremmedgjorthet"], ["110:134"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-20-03", "text": "Det vi ser , er imidlertid glanset , glammete amerikansk showbiz , fullstendig og komplett etter oppskriftsboken .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["glanset , glammete amerikansk showbiz , fullstendig og komplett etter oppskriftsboken"], ["27:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-20-04", "text": "Det gir en ganske merkelig effekt , litt som \u00e5 treffe Julian Assange p\u00e5 Disneyland .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ganske merkelig effekt"], ["11:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt som \u00e5 treffe Julian Assange p\u00e5 Disneyland"], ["36:82"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-21-01", "text": "Men han har som sagt utstr\u00e5ling .", "opinions": [{"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["utstr\u00e5ling"], ["21:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-21-02", "text": "Om \u00e9n uke kan han bli tildelt Oscar-statuetten for beste mannlige birolle , for innsatsen som AIDS-syk \u00ab transperson \u00bb i \u00ab Dallas Buyers Club \u00bb .", "opinions": [{"Source": [[], []], "Target": [["han"], ["14:17"]], "Polar_expression": [["kan", "bli tildelt Oscar-statuetten for beste mannlige birolle"], ["10:13", "18:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-21-03", "text": "Utvilsomt fortjent , og garantert det han vil bli husket for ( i tillegg til rollen hans som mystisk hjerteknuser i 1990-tallserien \u00ab My So-Called Life \u00bb ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Utvilsomt fortjent"], ["0:18"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-22-01", "text": "Thirty Seconds To Mars er en hobby , et eksperiment i autorit\u00e6r kitsch .", "opinions": [{"Source": [[], []], "Target": [["Thirty Seconds To Mars"], ["0:22"]], "Polar_expression": [["hobby"], ["29:34"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Thirty Seconds To Mars"], ["0:22"]], "Polar_expression": [["eksperiment i autorit\u00e6r kitsch"], ["40:70"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109021-22-02", "text": "Men han har l\u00e6rt seg faget , og virker til \u00e5 ha det g\u00f8y .", "opinions": [{"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["har l\u00e6rt seg faget"], ["8:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["4:7"]], "Polar_expression": [["virker til \u00e5 ha det g\u00f8y"], ["32:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109021-22-03", "text": "Det hadde publikum ogs\u00e5 , is\u00e6r de mest ekstreme skrikhalsjentene helt foran .", "opinions": []}, {"sent_id": "003889-01-01", "text": "The Girl With The Dragon Tattoo", "opinions": []}, {"sent_id": "003889-02-01", "text": "Kopien er bedre enn originalen !", "opinions": [{"Source": [[], []], "Target": [["Kopien"], ["0:6"]], "Polar_expression": [["bedre enn originalen !"], ["10:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-03-01", "text": "Hadde jeg ikke sett", "opinions": []}, {"sent_id": "003889-03-02", "text": "Menn som hater kvinner , ville The Girl With The Dragon Tattoo kanskje v\u00e6rt \u00e5rets mest interessante krimthriller .", "opinions": [{"Source": [[], []], "Target": [["The Girl With The Dragon Tattoo"], ["31:62"]], "Polar_expression": [["ville", "kanskje v\u00e6rt \u00e5rets mest interessante krimthriller"], ["25:30", "63:112"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Menn som hater kvinner"], ["0:22"]], "Polar_expression": [["\u00e5rets mest interessante krimthriller"], ["76:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-04-01", "text": "Men , med Niels Arden Oplevs svenske original relativt friskt i minne , er det ikke til \u00e5 unng\u00e5 at denne amerikanske versjonen mister litt av sin appell .", "opinions": [{"Source": [[], []], "Target": [["denne amerikanske versjonen"], ["99:126"]], "Polar_expression": [["mister litt av sin appell"], ["127:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-05-01", "text": "En slags bl\u00e5kopi", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["bl\u00e5kopi"], ["9:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-06-01", "text": "David Fincher tilf\u00f8rer sin karakteristiske filmatiske virtuositet , mens manusforfatter Steven Zaillian med hell har finjustert flere elementer i Stieg Larssons historie .", "opinions": [{"Source": [[], []], "Target": [["David Fincher"], ["0:13"]], "Polar_expression": [["tilf\u00f8rer sin karakteristiske filmatiske virtuositet"], ["14:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["manusforfatter Steven Zaillian"], ["73:103"]], "Polar_expression": [["med hell har finjustert flere elementer"], ["104:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-07-01", "text": "Samtidig tas det overraskende f\u00e5 sjanser her .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["tas det overraskende f\u00e5 sjanser"], ["9:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-07-02", "text": "Filmen f\u00f8les som en slags bl\u00e5kopi av sin svenske forgjenger .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["f\u00f8les som en slags bl\u00e5kopi av sin svenske forgjenger"], ["7:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-08-01", "text": "Det forundrer meg at dette prosjektet tiltalte Fincher .", "opinions": [{"Source": [["meg"], ["14:17"]], "Target": [["Fincher"], ["47:54"]], "Polar_expression": [["forundrer meg at dette prosjektet tiltalte"], ["4:46"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-08-02", "text": "Men \" kopien \" hans er noen hakk bedre enn originalen .", "opinions": [{"Source": [[], []], "Target": [["\" kopien \""], ["4:14"]], "Polar_expression": [["noen hakk bedre enn originalen"], ["23:53"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["\" kopien \" hans er noen hakk bedre"], ["4:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-09-01", "text": "40 \u00e5r gammelt mysterium", "opinions": []}, {"sent_id": "003889-10-01", "text": "Utgangspunktet er det samme .", "opinions": []}, {"sent_id": "003889-10-02", "text": "Journalisten Mikael Blomkvist ( Daniel Craig ) f\u00e5r et mystisk oppdrag .", "opinions": []}, {"sent_id": "003889-11-01", "text": "Den gamle milliard\u00e6ren Henrik Vanger ( Christopher Plummer ) leier ham for \u00e5 l\u00f8se et 40 \u00e5r gammelt mysterium .", "opinions": []}, {"sent_id": "003889-12-01", "text": "Blomkvist trenger en dyktig researcher og blir tipset om Lisbeth Salander , en m\u00f8rk og mystisk kvinne som m\u00f8ter samfunnet med piggene ute .", "opinions": []}, {"sent_id": "003889-13-01", "text": "Sammen trenger de inn i en sak som skal vise seg \u00e5 v\u00e6re atskillig m\u00f8rkere enn f\u00f8rst antatt .", "opinions": []}, {"sent_id": "003889-14-01", "text": "Sammentreff og tilfeldigheter", "opinions": []}, {"sent_id": "003889-15-01", "text": "The Girl With The Dragon Tattoo er sv\u00e6rt godt fortalt .", "opinions": [{"Source": [[], []], "Target": [["The Girl With The Dragon Tattoo"], ["0:31"]], "Polar_expression": [["sv\u00e6rt godt fortalt"], ["35:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-15-02", "text": "Det er mange figurer , steder og detaljer \u00e5 holde styr p\u00e5 , men filmen springer tilsynelatende lekende lett mellom dem .", "opinions": [{"Source": [[], []], "Target": [["figurer , steder og detaljer"], ["13:41"]], "Polar_expression": [["mange", "\u00e5 holde styr p\u00e5"], ["7:12", "42:57"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["64:70"]], "Polar_expression": [["springer tilsynelatende lekende lett mellom dem"], ["71:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-16-01", "text": "Ogs\u00e5 denne versjonen avhenger av litt for mange sammentreff og tilfeldigheter .", "opinions": [{"Source": [[], []], "Target": [["denne versjonen"], ["5:20"]], "Polar_expression": [["avhenger av litt for mange sammentreff og tilfeldigheter"], ["21:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003889-17-01", "text": "Men jeg godtar det , for kvaliteten er s\u00e5 h\u00f8y p\u00e5 alt det andre , b\u00e5de bildene , lyden , musikken og , ikke minst , skuespillet .", "opinions": [{"Source": [["jeg"], ["4:7"]], "Target": [[], []], "Polar_expression": [["godtar det"], ["8:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bildene"], ["70:77"]], "Polar_expression": [["kvaliteten er s\u00e5 h\u00f8y"], ["25:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lyden"], ["80:85"]], "Polar_expression": [["kvaliteten er s\u00e5 h\u00f8y"], ["25:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["4:7"]], "Target": [["musikken"], ["88:96"]], "Polar_expression": [["kvaliteten er s\u00e5 h\u00f8y"], ["25:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["4:7"]], "Target": [["skuespillet"], ["115:126"]], "Polar_expression": [["ikke minst"], ["102:112"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillet"], ["115:126"]], "Polar_expression": [["kvaliteten er s\u00e5 h\u00f8y"], ["25:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-18-01", "text": "Mara vs Rapace", "opinions": []}, {"sent_id": "003889-19-01", "text": "Daniel Craig gj\u00f8r en fin rolle som Mikael Blomkvist , men han f\u00e5r ha meg unnskyldt , det er jo en annen jeg er mer interessert i .", "opinions": [{"Source": [["jeg"], ["104:107"]], "Target": [["Daniel Craig"], ["0:12"]], "Polar_expression": [["gj\u00f8r en fin rolle"], ["13:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["104:107"]], "Target": [["annen"], ["98:103"]], "Polar_expression": [["mer interessert i"], ["111:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["104:107"]], "Target": [["Daniel Craig"], ["0:12"]], "Polar_expression": [["en annen jeg er mer interessert i"], ["95:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-20-01", "text": "Rooney Mara hadde kanskje en tilsynelatende umulig oppgave .", "opinions": []}, {"sent_id": "003889-20-02", "text": "Noomi Rapace ER Lisbeth Salander , uansett .", "opinions": []}, {"sent_id": "003889-20-03", "text": "Men Mara gj\u00f8r en utmerket innsats i sin tolkning av figuren .", "opinions": [{"Source": [[], []], "Target": [["Mara"], ["4:8"]], "Polar_expression": [["utmerket innsats"], ["17:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-21-01", "text": "Ogs\u00e5 her er Lisbeth som et skadet dyr , som fors\u00f8ker \u00e5 holde seg skjult i terrenget , men enser hun fare , angriper hun med alt hun har .", "opinions": []}, {"sent_id": "003889-22-01", "text": "Mara virker et hakk mer s\u00e5rbar enn originalen , mens Rapaces Salander hadde en mer m\u00e5lrettet intensitet i det hun foretok seg .", "opinions": []}, {"sent_id": "003889-22-02", "text": "Jeg likte sistnevnte bedre .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["sistnevnte"], ["10:20"]], "Polar_expression": [["likte", "bedre"], ["4:9", "21:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-22-03", "text": "Likevel , hatten av for Mara !", "opinions": [{"Source": [[], []], "Target": [["Mara"], ["24:28"]], "Polar_expression": [["hatten av", "!"], ["10:19", "29:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-23-01", "text": "Svensk p\u00e5 engelsk", "opinions": []}, {"sent_id": "003889-24-01", "text": "Ved siden av Craig og Mara , finner vi solide skuespillere som Stellan Skarsg\u00e5rd , Robin Wright , Steven Berkoff og Christopher Plummer i de st\u00f8rste rollene .", "opinions": [{"Source": [[], []], "Target": [["Stellan Skarsg\u00e5rd"], ["63:80"]], "Polar_expression": [["solide skuespillere", "i de st\u00f8rste rollene"], ["39:58", "136:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Robin Wright"], ["83:95"]], "Polar_expression": [["solide skuespillere", "i de st\u00f8rste rollene"], ["39:58", "136:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Christopher Plummer"], ["116:135"]], "Polar_expression": [["solide skuespillere", "i de st\u00f8rste rollene"], ["39:58", "136:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Steven Berkoff"], ["98:112"]], "Polar_expression": [["solide skuespillere", "i de st\u00f8rste rollene"], ["39:58", "136:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-25-01", "text": "David Fincher valgte \u00e5 spille inn filmen i Sverige , og la alle skuespillerne snakke engelsk med lett svensk aksent .", "opinions": []}, {"sent_id": "003889-25-02", "text": "Det h\u00f8rtes rart ut i begynnelsen , men etter de f\u00f8rste fem minuttene var det glemt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["h\u00f8rtes rart ut i begynnelsen"], ["4:32"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["etter de f\u00f8rste fem minuttene var det glemt"], ["39:82"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-26-01", "text": "Milj\u00f8skildringen er up\u00e5klagelig svensk , og alle nordmenn som elsker at Norge blir nevnt i enhver internasjonal sammenheng , f\u00e5r sitt , ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Milj\u00f8skildringen"], ["0:16"]], "Polar_expression": [["up\u00e5klagelig svensk"], ["20:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["nordmenn som elsker at Norge blir nevnt"], ["49:88"]], "Polar_expression": [["f\u00e5r sitt"], ["125:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-27-01", "text": "Kan ikke lage d\u00e5rlig film", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kan ikke lage d\u00e5rlig film"], ["0:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-28-01", "text": "The Girl With The Dragon Tattoo er nok en kvalitetsfilm fra David Fincher , som ikke ser ut til \u00e5 v\u00e6re i stand til \u00e5 lage d\u00e5rlig film .", "opinions": [{"Source": [[], []], "Target": [["The Girl With The Dragon Tattoo"], ["0:31"]], "Polar_expression": [["nok en kvalitetsfilm"], ["35:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["David Fincher"], ["60:73"]], "Polar_expression": [["ikke ser ut til \u00e5 v\u00e6re i stand til \u00e5 lage d\u00e5rlig film"], ["80:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-29-01", "text": "Den tar tak i et r\u00e5materiale som jeg opplevde som middels godt , og gj\u00f8r det til en bedre filmopplevelse .", "opinions": [{"Source": [["jeg"], ["33:36"]], "Target": [["r\u00e5materiale"], ["17:28"]], "Polar_expression": [["opplevde som middels godt"], ["37:62"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["r\u00e5materiale"], ["17:28"]], "Polar_expression": [["gj\u00f8r det til en bedre filmopplevelse"], ["68:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003889-30-01", "text": "S\u00e5 n\u00e5 er det bare og vente p\u00e5 at resten av Stieg Larssons Millenium-trilogi amerikaniseres .", "opinions": []}, {"sent_id": "003889-30-02", "text": "Jeg h\u00e5per det skjer , for de to oppf\u00f8lgerne trenger virkelig forbedringer !", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["de to oppf\u00f8lgerne"], ["26:43"]], "Polar_expression": [["trenger virkelig forbedringer !"], ["44:75"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109100-01-01", "text": "TV-premiere", "opinions": []}, {"sent_id": "109100-01-02", "text": "\u00ab P\u00e5 liv og d\u00f8d \u00bb :", "opinions": []}, {"sent_id": "109100-01-03", "text": "Respekt !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Respekt !"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-02-01", "text": "Dokumentarserien", "opinions": []}, {"sent_id": "109100-02-02", "text": "\u00ab P\u00e5 liv og d\u00f8d \u00bb gir et unikt og sterkt innblikk i et helt vanlig d\u00f8gn for norske helsemedarbeidere .", "opinions": [{"Source": [[], []], "Target": [["\u00ab P\u00e5 liv og d\u00f8d \u00bb"], ["0:17"]], "Polar_expression": [["unikt og sterkt innblikk"], ["25:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-02-03", "text": "Et av 365 slike d\u00f8gn i \u00e5ret .", "opinions": []}, {"sent_id": "109100-02-04", "text": "Respekt !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Respekt !"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-03-01", "text": "TV-premiere", "opinions": []}, {"sent_id": "109100-03-02", "text": "\u00ab P\u00e5 liv og d\u00f8d \u00bb TVNorge mandag , tirsdag og onsdag klokken 20.30 ( de neste tre episodene vises neste uke samme tid )", "opinions": []}, {"sent_id": "109100-04-01", "text": "1. oktober sendte TVNorge og produksjonsselskapet ITV Studios ut over hundre TV-folk til sykehus , legekontor og akuttmottak over hele landet - for \u00e5 f\u00f8lge alt som skjer i l\u00f8pet av et d\u00f8gn .", "opinions": []}, {"sent_id": "109100-04-02", "text": "De har kommet s\u00e5 tett p\u00e5 norsk helsevesen som det g\u00e5r an , og i l\u00f8pet av 24 timer fulgte de f\u00f8dsler , kompliserte operasjoner , gjenoppliving og m\u00f8ter med d\u00f8den .", "opinions": []}, {"sent_id": "109100-05-01", "text": "Seriens forteller ( Nils J\u00f8rgen Kaalstad ) sp\u00f8r i starten :", "opinions": []}, {"sent_id": "109100-05-02", "text": "\u00ab Hvis man kunne se alt det norske helsevesenet gj\u00f8r p\u00e5 et d\u00f8gn .", "opinions": []}, {"sent_id": "109100-05-03", "text": "Hva ville man tenke da ? \u00bb", "opinions": []}, {"sent_id": "109100-06-01", "text": "Min f\u00f8rste tanke er :", "opinions": []}, {"sent_id": "109100-06-02", "text": "Dette er bare et helt vanlig d\u00f8gn for norske helsemedarbeidere , dette er hverdagen deres - 365 d\u00f8gn i \u00e5ret .", "opinions": []}, {"sent_id": "109100-07-01", "text": "Min andre tanke er :", "opinions": []}, {"sent_id": "109100-07-02", "text": "Jeg m\u00e5 hjem og klemme p\u00e5 barna mine .", "opinions": []}, {"sent_id": "109100-08-01", "text": "Min tredje tanke er :", "opinions": []}, {"sent_id": "109100-08-02", "text": "Hva driver jeg egentlig p\u00e5 med mens dette skjer hele tiden ?", "opinions": []}, {"sent_id": "109100-09-01", "text": "S\u00e5nn kan man jo ikke tenke , men det er lov \u00e5 la seg vippe av pinnen av slik dokumentasjon .", "opinions": []}, {"sent_id": "109100-09-02", "text": "Dette er noe som ikke bare f\u00f8les ekte , det er ekte - det er virkeligheten .", "opinions": []}, {"sent_id": "109100-10-01", "text": "Det er selvsagt mye patos her , mye f\u00f8lelser , og noen vil kanskje sp\u00f8rre om det er greit \u00e5 lage TV-underholdning av en mann som f\u00e5r hjertestans eller en prest som synger yndlingssalmen til en d\u00f8ende kreftpasient .", "opinions": []}, {"sent_id": "109100-10-02", "text": "Premature barn , nyf\u00f8dte som m\u00e5 operere , en eldre mann som f\u00e5r ny hjerteklaff .", "opinions": []}, {"sent_id": "109100-11-01", "text": "Men dette er mye mer enn underholdning .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye mer enn underholdning"], ["13:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-11-02", "text": "Det er journalistikk , det er dokumentarisk - og slik serien er bygget opp , havner TV-skaperne ned p\u00e5 den riktige siden .", "opinions": [{"Source": [[], []], "Target": [["serien"], ["54:60"]], "Polar_expression": [["havner TV-skaperne ned p\u00e5 den riktige siden"], ["77:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["serien"], ["54:60"]], "Polar_expression": [["Det er journalistikk , det er dokumentarisk"], ["0:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "109100-12-01", "text": "Klippingen er rask , vi f\u00e5r flere ganger bare en serie klipp , ikke historien bak ( mulig den kommer i senere program ) , og vi hopper mellom pasienter og caser .", "opinions": []}, {"sent_id": "109100-12-02", "text": "Det kan v\u00e6re litt forvirrende , men det fungerer bra \u00e5 ikke dvele for lenge ved hvert case .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt forvirrende"], ["13:29"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fungerer bra"], ["40:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-13-01", "text": "Vi f\u00e5r ogs\u00e5 fakta og god informasjon ved hvert tilfelle og sitter ikke igjen med noen sp\u00f8rsm\u00e5l hverken om hjerteklaff- eller hornhinneoperasjon .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5r ogs\u00e5 fakta og god informasjon"], ["3:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["sitter ikke igjen med noen sp\u00f8rsm\u00e5l"], ["59:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-13-02", "text": "Men n\u00e5 vet vi at nye hjerteklaffer kommer fra enten kalv , ku eller hest - og at ny hornhinne kommer fra en avd\u00f8d person .", "opinions": []}, {"sent_id": "109100-14-01", "text": "Bakgrunnsmusikken er riktignok i moll , men den er nedp\u00e5 - og den tar aldri overh\u00e5nd .", "opinions": [{"Source": [[], []], "Target": [["Bakgrunnsmusikken"], ["0:17"]], "Polar_expression": [["moll"], ["33:37"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bakgrunnsmusikken"], ["0:17"]], "Polar_expression": [["nedp\u00e5"], ["51:56"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bakgrunnsmusikken"], ["0:17"]], "Polar_expression": [["tar aldri overh\u00e5nd"], ["66:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109100-14-02", "text": "Den er ogs\u00e5 frav\u00e6rende i \u00f8yeblikk der andre kanskje heller vil dratt til med musikken for \u00e5 skape de riktige f\u00f8lelsene .", "opinions": []}, {"sent_id": "109100-14-03", "text": "Det f\u00f8les godt at f\u00f8lelsene bare kommer helt av seg selv - uten f\u00f8ringer i noen av disse \u00f8yeblikkene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8les godt at f\u00f8lelsene bare kommer helt av seg selv"], ["4:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-15-01", "text": "For f\u00f8lelser blir det .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00f8lelser blir det"], ["4:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109100-15-02", "text": "Og det blir en del bilder som vil v\u00e6re sterk kost for mange , ja sikkert de fleste .", "opinions": []}, {"sent_id": "109100-15-03", "text": "Mager som sages opp og stiftes igjen .", "opinions": []}, {"sent_id": "109100-15-04", "text": "Nyrer som tas ut og settes inn .", "opinions": []}, {"sent_id": "109100-15-05", "text": "Det er sterkt .", "opinions": []}, {"sent_id": "109100-15-06", "text": "Men s\u00e5nn er det .", "opinions": []}, {"sent_id": "109100-16-01", "text": "TVNorge velger \u00e5 vise serien tre dager p\u00e5 rad denne uken , og de siste tre episodene allerede neste uke .", "opinions": []}, {"sent_id": "109100-16-02", "text": "Dette fordi de vil at seeren skal f\u00e5 mer opplevelse av at alt dette faktisk skjedde i l\u00f8pet av 24 timer .", "opinions": []}, {"sent_id": "109100-16-03", "text": "Men det kan kanskje bli vel krevende for TV-seeren med tre kvelder p\u00e5 rad .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan kanskje bli vel krevende"], ["8:36"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109100-17-01", "text": "Ideen om \u00e5 filme alt i l\u00f8pet av et d\u00f8gn er genial - og det m\u00e5 ha v\u00e6rt en vanvittig jobb , for ikke \u00e5 snakke om alt etterarbeidet .", "opinions": [{"Source": [[], []], "Target": [["Ideen om \u00e5 filme alt i l\u00f8pet av et d\u00f8gn"], ["0:39"]], "Polar_expression": [["genial"], ["43:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ideen om \u00e5 filme alt i l\u00f8pet av et d\u00f8gn"], ["0:39"]], "Polar_expression": [["m\u00e5 ha v\u00e6rt en vanvittig jobb , for ikke \u00e5 snakke om alt etterarbeidet"], ["59:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109100-17-02", "text": "Men ikke s\u00e5 vanvittig som den jobben norske helsemedarbeidere har hver eneste dag og natt .", "opinions": [{"Source": [[], []], "Target": [["jobben norske helsemedarbeidere har"], ["30:65"]], "Polar_expression": [["vanvittig"], ["12:21"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701716-01-01", "text": "\u00ab S\u00f8stre \u00bb :", "opinions": []}, {"sent_id": "701716-01-02", "text": "Vakkert om vrient s\u00f8sterskap", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vakkert"], ["0:7"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701716-02-01", "text": "Her kommer en av de skj\u00f8nne japanske filmene der rollefigurene f\u00e5r god tid til bare \u00e5 v\u00e6re til , for og mot og med hverandre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["en av de skj\u00f8nne japanske filmene der rollefigurene f\u00e5r god tid til bare \u00e5 v\u00e6re til"], ["11:94"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "701716-03-01", "text": "Ettersom japanske regiss\u00f8rer har utmerket seg med sv\u00e6rt stemningsfulle tegnefilmer de siste ti\u00e5rene , er det nesten pussig \u00e5 se en manga , en tegneserie fra et magasin , bli til spillefilm p\u00e5 kinoduken .", "opinions": [{"Source": [[], []], "Target": [["japanske regiss\u00f8rer"], ["9:28"]], "Polar_expression": [["har utmerket seg med sv\u00e6rt stemningsfulle tegnefilmer de siste ti\u00e5rene"], ["29:99"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701716-04-01", "text": "Regiss\u00f8r Hirokazu Kore-eda har laget filmmanus av Akimi Yoshidas kvinne-manga \" Umimachi Diary \" .", "opinions": []}, {"sent_id": "701716-04-02", "text": "Fortellingen skildrer tre unge s\u00f8stre som oppdager en fjerde s\u00f8ster og drar henne inn i sitt bofellesskap .", "opinions": []}, {"sent_id": "701716-05-01", "text": "Norske kinogjengere ble kjent med Kore-eda i 2014 , da med det r\u00f8rende familiedramaet \" Som far , s\u00e5 s\u00f8nn \" som handlet om to familier som fikk vite at s\u00f8nnene deres ble byttet om p\u00e5 f\u00f8destuen .", "opinions": [{"Source": [[], []], "Target": [["familiedramaet"], ["71:85"]], "Polar_expression": [["r\u00f8rende"], ["63:70"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701716-06-01", "text": "Tre pluss \u00e9n s\u00f8stre", "opinions": []}, {"sent_id": "701716-07-01", "text": "I \" S\u00f8stre \" dreier det seg igjen om vriene familierelasjoner .", "opinions": []}, {"sent_id": "701716-07-02", "text": "Tre ganske forskjellige s\u00f8stre , barn av samme foreldre , bor alene etter at faren stakk av med en annen kvinne og moren ikke orket \u00e5 ta seg av dem alene .", "opinions": []}, {"sent_id": "701716-07-03", "text": "Inn i sitt fellesskap inviterer de en dag en nyoppdaget halvs\u00f8ster , Suzu , den 15-\u00e5rige frukten av farens forbindelse med elskerinnen .", "opinions": []}, {"sent_id": "701716-08-01", "text": "Ikke forvent typisk hollywood-dramaturgi .", "opinions": []}, {"sent_id": "701716-08-02", "text": "Kore-eda har funnet noen skj\u00f8nne skuespillere som levendegj\u00f8r de fire jentene / kvinnene p\u00e5 en poetisk , nesten meditativ m\u00e5te mens de utf\u00f8rer hverdagssysler i huset ved havet .", "opinions": [{"Source": [[], []], "Target": [["Kore-eda"], ["0:8"]], "Polar_expression": [["har funnet noen skj\u00f8nne skuespillere"], ["9:45"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillere"], ["33:45"]], "Polar_expression": [["skj\u00f8nne"], ["25:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillere"], ["33:45"]], "Polar_expression": [["levendegj\u00f8r de fire jentene / kvinnene p\u00e5 en poetisk , nesten meditativ m\u00e5te"], ["50:126"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701716-09-01", "text": "Det betyr ikke at filmen er uten nerve og motsetninger .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["18:24"]], "Polar_expression": [["betyr ikke at filmen er uten nerve og motsetninger"], ["4:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701716-09-02", "text": "Selvoppofrende eldstes\u00f8ster Sachi krangler stadig med nesteldste Yoschino , en utagerende kvinne som heller vil drikke \u00f8l enn bidra til husholdet .", "opinions": []}, {"sent_id": "701716-10-01", "text": "Nyankomne Suzu , aldeles nydelig spilt av Suzu Hirose , strever med skyldf\u00f8lelse fordi hun ble til etter at faren sviktet de tre f\u00f8rste d\u00f8trene sine .", "opinions": [{"Source": [[], []], "Target": [["Suzu Hirose"], ["42:53"]], "Polar_expression": [["aldeles nydelig spilt"], ["17:38"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "701716-11-01", "text": "Slik spinner Kore-eda en vev av s\u00e5re tr\u00e5der , men formidler ogs\u00e5 at det er mulig \u00e5 utvikle forst\u00e5else og kj\u00e6rlighet p\u00e5 tvers av motsetninger i en familie .", "opinions": [{"Source": [[], []], "Target": [["Kore-eda"], ["13:21"]], "Polar_expression": [["spinner", "en vev av s\u00e5re tr\u00e5der"], ["5:12", "22:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Kore-eda"], ["13:21"]], "Polar_expression": [["formidler ogs\u00e5 at det er mulig \u00e5 utvikle forst\u00e5else og kj\u00e6rlighet p\u00e5 tvers av motsetninger i en familie"], ["50:153"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102176-01-01", "text": "Plateanmeldelse :", "opinions": []}, {"sent_id": "102176-01-02", "text": "Laura Marling - \u00ab Once I Was An Eagle \u00bb", "opinions": []}, {"sent_id": "102176-02-01", "text": "Praktfugl .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Praktfugl"], ["0:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102176-03-01", "text": "Bill Callahan i tittel .", "opinions": [{"Source": [[], []], "Target": [["tittel"], ["16:22"]], "Polar_expression": [["Bill Callahan i tittel"], ["0:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "102176-03-02", "text": "Dobbel Dylan i l\u00e5t .", "opinions": [{"Source": [[], []], "Target": [["l\u00e5t"], ["15:18"]], "Polar_expression": [["Dobbel Dylan"], ["0:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "102176-03-03", "text": "Joni , Vashti og alle som noensinne har gitarfingerspilt over hele greia .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Joni , Vashti og alle som noensinne har gitarfingerspilt over hele greia"], ["0:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "102176-03-04", "text": "Skal man ta britiske", "opinions": []}, {"sent_id": "102176-03-05", "text": "Marling for noe m\u00e5 det v\u00e6re at hun fremst\u00e5r noe tilbakeskuende .", "opinions": [{"Source": [[], []], "Target": [["Marling"], ["0:7"]], "Polar_expression": [["noe tilbakeskuende"], ["44:62"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102176-03-06", "text": "Til tider m\u00e5 kalenderen dobbeltsjekkes , for \u00e5 vite om man er i riktig \u00e5rhundre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Til tider m\u00e5 kalenderen dobbeltsjekkes , for \u00e5 vite om man er i riktig \u00e5rhundre"], ["0:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102176-04-01", "text": "Det er et godt tegn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["godt tegn"], ["10:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102176-05-01", "text": "Vingene spenner fra de fem f\u00f8rste l\u00e5tenes sitar-tabl\u00e5 , om maktspill i forhold og evnen til \u00e5 bli elsket , til den myke , hjertehete klassiske annendelen om , tja , mer eller mindre det samme .", "opinions": [{"Source": [[], []], "Target": [["annendelen"], ["143:153"]], "Polar_expression": [["myke , hjertehete klassiske"], ["115:142"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102176-05-02", "text": "Tidsreisen er uansett s\u00e5 fullkommen at albumet i seg selv fungerer om mulig enda bedre i ett .", "opinions": [{"Source": [[], []], "Target": [["albumet"], ["39:46"]], "Polar_expression": [["Tidsreisen er uansett s\u00e5 fullkommen at albumet i seg selv fungerer om mulig enda bedre i ett"], ["0:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102176-05-03", "text": "Ja , det er hennes fjerde .", "opinions": []}, {"sent_id": "102176-05-04", "text": "Og hun er fremdeles bare 23 .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["3:6"]], "Polar_expression": [["bare 23"], ["20:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102176-06-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "102176-06-02", "text": "\u00ab Once \u00bb", "opinions": []}, {"sent_id": "102176-07-01", "text": "TOR MARTIN B\u00d8E", "opinions": []}, {"sent_id": "305287-01-01", "text": "Kongen av un\u00f8dvendige dobbeltalbum", "opinions": [{"Source": [[], []], "Target": [["dobbeltalbum"], ["22:34"]], "Polar_expression": [["un\u00f8dvendige"], ["10:21"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kongen av un\u00f8dvendige dobbeltalbum"], ["0:34"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-02-01", "text": "Ryan Adams klarer rett og slett ikke \u00e5 begrense seg .", "opinions": [{"Source": [[], []], "Target": [["Ryan Adams"], ["0:10"]], "Polar_expression": [["klarer rett og slett ikke \u00e5 begrense seg"], ["11:51"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "305287-03-02", "text": "Ryan Adams ( 36 ) er det siste ti\u00e5ret mest kjent for \u00e5 lage altfor mange plater \u2014 som bare unntaksvis kan m\u00e5le seg med niv\u00e5et p\u00e5 hans glimrende solodebut \u00ab Heartbreaker \u00bb i 2000 .", "opinions": [{"Source": [[], []], "Target": [["Ryan Adams"], ["0:10"]], "Polar_expression": [["siste ti\u00e5ret mest kjent for \u00e5 lage altfor mange plater"], ["25:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Heartbreaker \u00bb"], ["154:170"]], "Polar_expression": [["glimrende"], ["134:143"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-04-01", "text": "Etter hele tre plater i 2005 , med countryalbumet \u00ab Jacksonville City Lights \u00bb som bestenotering , kom helt brukbare \u00ab Easy Tiger \u00bb i 2007 og skuffende \u00ab Cardinology \u00bb i 2008 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Jacksonville City Lights \u00bb"], ["50:78"]], "Polar_expression": [["bestenotering"], ["83:96"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Jacksonville City Lights \u00bb"], ["50:78"]], "Polar_expression": [["helt brukbare"], ["103:116"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Cardinology \u00bb"], ["152:167"]], "Polar_expression": [["skuffende"], ["142:151"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-05-01", "text": "Skriver og skriver l\u00e5ter Den tidligere frontfiguren i americana-bandet Whiskeytown skal ha kuttet ut b\u00e5de dop og alkohol i 2006 , og det kan v\u00e6re grunnen til at han tilsynelatende ikke har stort andre ting \u00e5 gj\u00f8re enn \u00e5 skrive l\u00e5ter .", "opinions": []}, {"sent_id": "305287-06-01", "text": "De 21 l\u00e5tene p\u00e5 \u00ab III / IV \u00bb stammer fra seks m\u00e5neder i studio i forkant av \u00ab Cardinology \u00bb , der han skal ha spilt inn 60 l\u00e5ter .", "opinions": []}, {"sent_id": "305287-07-01", "text": "Materialet er alts\u00e5 nytt , men ikke ferskt .", "opinions": [{"Source": [[], []], "Target": [["Materialet"], ["0:10"]], "Polar_expression": [["nytt"], ["20:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Materialet"], ["0:10"]], "Polar_expression": [["ikke ferskt"], ["31:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-08-01", "text": "Dessverre virker det som om det er mer oppsop enn at han har gjemt unna gode sanger .", "opinions": [{"Source": [[], []], "Target": [["det"], ["28:31"]], "Polar_expression": [["Dessverre", "mer oppsop enn at han har gjemt unna gode sanger"], ["0:9", "35:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-08-02", "text": "Det skal ogs\u00e5 finnes andre album som er gitt ut i mindre opplag .", "opinions": []}, {"sent_id": "305287-08-03", "text": "Har han hatt behov for \u00e5 t\u00f8mme seg igjen , som i 2005 ?", "opinions": []}, {"sent_id": "305287-09-01", "text": "Doptema Folk som er ferdig med dop er som regel opptatt av \u00e5 skrive om det \u2014 og om sitt nye liv .", "opinions": []}, {"sent_id": "305287-10-01", "text": "Hvordan det f\u00f8les gir han kanskje uttrykk for i \u00e5pningsl\u00e5ten \u00ab Breakdown Into The Resolve \u00bb .", "opinions": []}, {"sent_id": "305287-11-01", "text": "Den \u00e5pner slik :", "opinions": []}, {"sent_id": "305287-11-02", "text": "\u00ab Hi !", "opinions": []}, {"sent_id": "305287-11-03", "text": "Hello !", "opinions": []}, {"sent_id": "305287-11-04", "text": "It's me again / Don't worry , I'll talk slow / So , you probably heard", "opinions": []}, {"sent_id": "305287-11-05", "text": "I went away / Where do we start , oh I know / From the breakdown into the fall / The breakdown , another black hole \u00bb ( \u00ab Blackhole \u00bb er for \u00f8vrig tittelen p\u00e5 enda et ikke utgitt album som i f\u00f8lge nettsteder n\u00e5 skal ligge klart for lansering ) .", "opinions": []}, {"sent_id": "305287-12-01", "text": "Twitter Fjor\u00e5rets Twitter-melding \u00ab George Strait is AWESOME ! ! ! !", "opinions": []}, {"sent_id": "305287-12-02", "text": "And my word talk about tasteful pedal steel .", "opinions": []}, {"sent_id": "305287-12-03", "text": "Makes me wish i was playing music like that again . \u00bb kunne v\u00e6rt et varsel om at vi kunne forvente noe i n\u00e6rheten av et countryalbum ( Strait er sammen med Alan Jackson den fremste faneb\u00e6reren for tradisjonell country ) .", "opinions": []}, {"sent_id": "305287-13-01", "text": "Men i stedet er \u00ab III / IV \u00bb blitt enda et album med ganske kj\u00f8nnsl\u00f8s og anonym rock \u2014 og av og til punk \u2014 med et og annet hederlig lyspunkt .", "opinions": [{"Source": [[], []], "Target": [["\u00ab III / IV \u00bb"], ["16:28"]], "Polar_expression": [["ganske kj\u00f8nnsl\u00f8s og anonym rock"], ["53:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab III / IV \u00bb"], ["16:28"]], "Polar_expression": [["et og annet hederlig lyspunkt"], ["111:140"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305287-13-02", "text": "Er det lov \u00e5 savne trubaduren Ryan Adams ?", "opinions": []}, {"sent_id": "305287-14-01", "text": "Uredigert", "opinions": []}, {"sent_id": "305287-14-02", "text": "Jeg har aldri skj\u00f8nt vitsen med \u00e5 skrive og skrive \u2014 og gi ut absolutt alt .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["\u00e5 skrive og skrive \u2014 og gi ut absolutt alt"], ["32:74"]], "Polar_expression": [["aldri skj\u00f8nt vitsen"], ["8:27"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-15-01", "text": "Redigering har v\u00e6rt en mangelsykdom hos Adams i mange \u00e5r , og \u00ab III / IV \u00bb er ikke noe unntak .", "opinions": [{"Source": [[], []], "Target": [["\u00ab III / IV \u00bb"], ["62:74"]], "Polar_expression": [["Redigering har v\u00e6rt en mangelsykdom", "ikke noe unntak"], ["0:35", "78:93"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Redigering"], ["0:10"]], "Polar_expression": [["mangelsykdom"], ["23:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-16-01", "text": "Antallet l\u00e5ter ( 21 ) kunne godt v\u00e6rt halvert og \u00ab III / IV \u00bb kunne blitt et enkelt album i stedet for \u00e5 overfore med to .", "opinions": [{"Source": [[], []], "Target": [["\u00ab III / IV \u00bb"], ["49:61"]], "Polar_expression": [["Antallet l\u00e5ter ( 21 ) kunne godt v\u00e6rt halvert"], ["0:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["9:14"]], "Polar_expression": [["Antallet", "kunne godt v\u00e6rt halvert"], ["0:8", "22:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["\u00ab III / IV \u00bb"], ["49:61"]], "Polar_expression": [["kunne blitt et enkelt album i stedet for \u00e5 overfore med to"], ["62:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305287-17-01", "text": "Og fortsatt er det de litt s\u00e5re og melodi\u00f8se balladene som er best , slik vi kjenner dem fra blant andre \u00ab Heartbreaker \u00bb , \u00ab Demolition \u00bb , \u00ab Love Is Hell \u00bb 1 og 2 og \u00ab Easy Tiger \u00bb .", "opinions": [{"Source": [["vi"], ["74:76"]], "Target": [["\u00ab Heartbreaker \u00bb"], ["105:121"]], "Polar_expression": [["best"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["74:76"]], "Target": [["\u00ab Demolition \u00bb"], ["124:138"]], "Polar_expression": [["best"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["74:76"]], "Target": [["\u00ab Love Is Hell \u00bb 1 og 2"], ["141:164"]], "Polar_expression": [["best"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["74:76"]], "Target": [["\u00ab Easy Tiger \u00bb"], ["168:182"]], "Polar_expression": [["best"], ["62:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-17-02", "text": "Men de er for f\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["for f\u00e5"], ["10:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-18-01", "text": "Fengende pop", "opinions": [{"Source": [[], []], "Target": [["pop"], ["9:12"]], "Polar_expression": [["Fengende"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-18-02", "text": "I denne gata ligger ogs\u00e5 \u00ab Death And Rats \u00bb helt p\u00e5 tampen , en l\u00e5t som , tittelen til tross , er blant h\u00f8ydepunktene p\u00e5 et album som altfor sjelden gir grunn til ettertanke .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Death And Rats \u00bb"], ["25:43"]], "Polar_expression": [["blant h\u00f8ydepunktene"], ["98:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["album"], ["124:129"]], "Polar_expression": [["altfor sjelden gir grunn til ettertanke"], ["134:173"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305287-19-01", "text": "Til tross for hederlige unntak som pop-fengende \u00ab Ultraviolet Light \u00bb , \u00ab Typecast \u00bb og \u00ab Kisses Start Wars \u00bb , p\u00f8ses det i stor grad p\u00e5 med gitarer ( s\u00e6rlig signert Neal Casal ) og tr\u00f8kk \u2014 slik vi kjenner Adams fra bunnoteringa \u00ab Rock N Roll \u00bb i 2003 .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Ultraviolet Light \u00bb"], ["48:69"]], "Polar_expression": [["hederlige unntak som pop-fengende"], ["14:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["195:197"]], "Target": [["\u00ab Typecast \u00bb"], ["72:84"]], "Polar_expression": [["hederlige unntak som pop-fengende"], ["14:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kisses Start Wars \u00bb"], ["88:109"]], "Polar_expression": [["hederlige unntak som pop-fengende"], ["14:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["195:197"]], "Target": [[], []], "Polar_expression": [["p\u00f8ses det i stor grad p\u00e5 med gitarer", "og tr\u00f8kk"], ["112:148", "179:187"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["195:197"]], "Target": [["\u00ab Rock N Roll \u00bb"], ["229:244"]], "Polar_expression": [["bunnoteringa"], ["216:228"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "305287-20-01", "text": "Det l\u00e5ter til tider litt som Crazy Horse , men uten Neil Youngs tilstedev\u00e6relse og l\u00e5tteft .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["l\u00e5ter til tider litt som Crazy Horse , men uten Neil Youngs tilstedev\u00e6relse og l\u00e5tteft"], ["4:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "305287-21-01", "text": "Men Norah Jones korer .", "opinions": []}, {"sent_id": "305287-21-02", "text": "Det er da noe .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Det er da noe"], ["0:13"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-01-01", "text": "Rosa roboter , beige l\u00e5ter", "opinions": [{"Source": [[], []], "Target": [["l\u00e5ter"], ["21:26"]], "Polar_expression": [["beige"], ["15:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "001349-02-01", "text": "The Pink Robots : Bylarm , Sub Scene", "opinions": []}, {"sent_id": "001349-03-01", "text": "\u00c5rets Ur\u00f8rtvinnerne er en blank blanding av Superfamily , Donkeyboy og Pony the Pirate .", "opinions": []}, {"sent_id": "001349-03-02", "text": "F\u00e5r man det kjedeligere ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["F\u00e5r man det kjedeligere ?"], ["0:25"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001349-04-01", "text": "Det er ikke noe godt tegn at jeg ikke blar tilbake til disse bandenes hiostoriske fellesreferanser .", "opinions": [{"Source": [["jeg"], ["29:32"]], "Target": [["disse bandenes"], ["55:69"]], "Polar_expression": [["ikke noe godt tegn at jeg ikke blar tilbake til", "hiostoriske fellesreferanser"], ["7:54", "70:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-04-02", "text": "Og vi snakker Donkeyboy , som i vilje til \u00e5 v\u00e6re popstjerner , Superfamilys h\u00f8ye stemmeleie og Pony the Pirates allsangtendenser .", "opinions": []}, {"sent_id": "001349-04-03", "text": "Dessuten : de tre nevnte bandenes minste felles multiplum .", "opinions": []}, {"sent_id": "001349-04-04", "text": "D\u00e9t multiplumet , som f\u00e5r en blekrosa skygge i The Pink Robots , heter radiovennlige sanger - uten den spesielle touchen .", "opinions": [{"Source": [[], []], "Target": [["The Pink Robots"], ["47:62"]], "Polar_expression": [["blekrosa skygge"], ["29:44"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["The Pink Robots"], ["47:62"]], "Polar_expression": [["uten den spesielle touchen"], ["94:120"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001349-05-01", "text": "The Pink Robots gj\u00f8r en av Bylarms siste opptredener , og de gj\u00f8r det til et etterhvert s\u00e6rs lydh\u00f8rt , ungt publikum .", "opinions": []}, {"sent_id": "001349-05-02", "text": "P\u00e5 rusfrie Sub Scene med fri alder har de klart en fanskare .", "opinions": [{"Source": [[], []], "Target": [["de"], ["39:41"]], "Polar_expression": [["klart en fanskare"], ["42:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-05-03", "text": "Og robotene fortjener akkurat sine fans ; ikke minst hovedvokalist Hans Christian Helgesen gj\u00f8r jobben med \u00e5 varme dem opp , stikke hodet blant dem og henvende seg direkte med frierier om at de er deilige , kule og fantastiske .", "opinions": [{"Source": [[], []], "Target": [["robotene"], ["3:11"]], "Polar_expression": [["fortjener akkurat sine fans"], ["12:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["hovedvokalist Hans Christian Helgesen"], ["53:90"]], "Target": [["fans"], ["35:39"]], "Polar_expression": [["deilige"], ["197:204"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["hovedvokalist Hans Christian Helgesen"], ["53:90"]], "Target": [["fans"], ["35:39"]], "Polar_expression": [["kule"], ["207:211"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["hovedvokalist Hans Christian Helgesen"], ["53:90"]], "Target": [["fans"], ["35:39"]], "Polar_expression": [["fantastiske"], ["215:226"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["hovedvokalist Hans Christian Helgesen"], ["53:90"]], "Polar_expression": [["gj\u00f8r jobben"], ["91:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-05-04", "text": "I tillegg avsl\u00f8rer han n\u00e5 og da potensiale som popartist , ikke minst n\u00e5r han strofer seg opp p\u00e5 den siste l\u00e5ta .", "opinions": [{"Source": [[], []], "Target": [["han"], ["19:22"]], "Polar_expression": [["potensiale som popartist"], ["32:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["siste l\u00e5ta"], ["101:111"]], "Polar_expression": [["ikke minst n\u00e5r han strofer seg opp p\u00e5 den siste l\u00e5ta"], ["59:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["74:77"]], "Polar_expression": [["ikke minst n\u00e5r han strofer seg opp"], ["59:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-05-05", "text": "Ur\u00f8rt-vinnerl\u00e5ta \" Curly \" er kveldens mest interessante blant l\u00e5tene de viste fram p\u00e5 kveldens showcasekonsert .", "opinions": [{"Source": [[], []], "Target": [["\" Curly \""], ["17:26"]], "Polar_expression": [["kveldens mest interessante"], ["30:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-05-06", "text": "Det sier litt : sm\u00e5tt uinteressant , tross sitt pophook .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sm\u00e5tt uinteressant"], ["16:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-06-01", "text": "Pink Robots er i n\u00e6rheten av \u00e5 kjempe seg til over gjennomsnittet basert fordi de viser opp god gammaldags jobbing samt hum\u00f8r og fin vokal .", "opinions": [{"Source": [[], []], "Target": [["Pink Robots"], ["0:11"]], "Polar_expression": [["i n\u00e6rheten av \u00e5 kjempe seg til over gjennomsnittet"], ["15:65"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Pink Robots"], ["0:11"]], "Polar_expression": [["god gammaldags jobbing"], ["92:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Pink Robots"], ["0:11"]], "Polar_expression": [["hum\u00f8r"], ["120:125"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Pink Robots"], ["0:11"]], "Polar_expression": [["fin vokal"], ["129:138"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["vokal"], ["133:138"]], "Polar_expression": [["fin"], ["129:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-06-02", "text": "Men det holder likevel ikke n\u00e5r l\u00e5tene st\u00e5r d\u00f8nn stille .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["holder likevel ikke n\u00e5r l\u00e5tene st\u00e5r d\u00f8nn stille"], ["8:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5tene"], ["32:38"]], "Polar_expression": [["st\u00e5r d\u00f8nn stille"], ["39:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001349-06-03", "text": "Talende nok er Ur\u00f8rt-hiten den eneste som gir gjenlyd i hodet idet jeg g\u00e5r fra dem .", "opinions": [{"Source": [["jeg"], ["67:70"]], "Target": [[], []], "Polar_expression": [["Ur\u00f8rt-hiten den eneste som gir gjenlyd"], ["15:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["67:70"]], "Target": [["Ur\u00f8rt-hiten"], ["15:26"]], "Polar_expression": [["gir gjenlyd"], ["42:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-01-01", "text": "\u00ab Homeland 2 \u00bb :", "opinions": []}, {"sent_id": "109778-01-02", "text": "Starter like glimrende !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Starter like glimrende !"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109778-02-01", "text": "Emmy-juryen kan bare sette opp Claire Danes til neste \u00e5rs prisutdeling - for ny glimrende innsats som Carrie Mathison i \u00ab Homeland \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Homeland \u00bb"], ["120:132"]], "Polar_expression": [["glimrende innsats", "Claire Danes"], ["80:97", "31:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Claire Danes"], ["31:43"]], "Polar_expression": [["glimrende innsats"], ["80:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-03-01", "text": "Premiere sesong 2 TV 2 mandag kl . 22.40", "opinions": []}, {"sent_id": "109778-04-01", "text": "For to uker siden hentet hun hjem prisen for beste kvinnelige dramaskuespiller under \u00e5rets Emmy-utdeling .", "opinions": []}, {"sent_id": "109778-04-02", "text": "Det kommer hun til \u00e5 gj\u00f8re neste \u00e5r ogs\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["hun"], ["11:14"]], "Polar_expression": [["Det kommer", "til \u00e5 gj\u00f8re neste \u00e5r ogs\u00e5"], ["0:10", "15:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-04-03", "text": "Jeg har kun sett f\u00f8rste episode av sesong to av \u00ab Homeland \u00bb , men Danes er p\u00e5 et helt eget niv\u00e5 som skuespiller .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["Danes"], ["67:72"]], "Polar_expression": [["helt eget niv\u00e5"], ["82:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-05-01", "text": "Jeg synes ogs\u00e5 Mandy Patinkin fortjener pris for rollen som CIA-agenten Saul Berenson og Carries mentor .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["Mandy Patinkin"], ["15:29"]], "Polar_expression": [["fortjener pris"], ["30:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-05-02", "text": "Han har en ro og en varme og myndighet - og kommer virkelig gjennom skjermen .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["kommer virkelig gjennom skjermen"], ["44:76"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["har en ro og en varme og myndighet"], ["4:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-06-01", "text": "I siste episode av f\u00f8rste sesong av det som alts\u00e5 er k\u00e5ret til den beste dramaserien i fjor , forlot vi Carrie p\u00e5 bunnen :", "opinions": []}, {"sent_id": "109778-06-02", "text": "Sparket som CIA-agent , manisk og depressiv om hverandre - og lenket til sykesengen der hun frivillig lot seg behandle med elektrosjokk .", "opinions": []}, {"sent_id": "109778-07-01", "text": "Det hun ikke visste , var selvf\u00f8lgelig at hun hadde helt rett i alle sine mistanker og mer og mer panikkartede anklager om at den hjemvendte krigsfangen Brody ville gjennomf\u00f8re terrorangrep mot USA i samarbeid med fienden .", "opinions": []}, {"sent_id": "109778-08-01", "text": "N\u00e5 finner vi henne i s\u00f8sterens gr\u00f8nnsakshage .", "opinions": []}, {"sent_id": "109778-08-02", "text": "Hun har det bra igjen , men hverken egendyrkede gr\u00f8nnsaker , h\u00f8yt inntak av litium eller ny jobb som spr\u00e5kl\u00e6rer , kan ta vekk savnet etter den litt mer spennende hverdagen i CIA .", "opinions": []}, {"sent_id": "109778-09-01", "text": "S\u00e5 selv om hun reagerer med sinne n\u00e5r hun blir kontaktet av sin tidligere arbeidsgiver , b\u00e6rer det av sted p\u00e5 oppdrag i Beirut .", "opinions": []}, {"sent_id": "109778-10-01", "text": "Kontrasten mellom den gr\u00f8nnsaksplukkende , litt bleke og utmattede Carrie i starten , og Carrie som m\u00e5 takle tr\u00f8bbel allerede ved ankomsten ved landet , er enorm .", "opinions": []}, {"sent_id": "109778-10-02", "text": "Endelig f\u00e5r vi se et skikkelig smil .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Endelig f\u00e5r vi se et skikkelig smil"], ["0:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-10-03", "text": "Hun er back in business !", "opinions": [{"Source": [[], []], "Target": [["Hun"], ["0:3"]], "Polar_expression": [["back in business !"], ["7:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-11-01", "text": "Mens Carrie blir sendt til Beirut , er marinesoldaten Nicholas Brody p\u00e5 vei oppover i maktposisjon .", "opinions": []}, {"sent_id": "109778-11-02", "text": "Han er blitt kongressmedlem og n\u00e5 lanseres han ogs\u00e5 som visepresidentkandidat .", "opinions": []}, {"sent_id": "109778-11-03", "text": "Ok , kanskje bittelitt usannsynlig raskt karrierestiging , men pytt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kanskje bittelitt usannsynlig raskt karrierestiging , men pytt"], ["5:67"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-12-01", "text": "I siste episode i f\u00f8rste sesong var han s\u00e5\u00e5\u00e5 n\u00e6r \u00e5 sprenge opp b\u00e5de seg selv , visepresidenten og en haug med ministre i lufta .", "opinions": []}, {"sent_id": "109778-12-02", "text": "Han vil ikke kalle seg terrorist , men b\u00e5ndene til fienden er sterke .", "opinions": []}, {"sent_id": "109778-12-03", "text": "Han vikles i aller h\u00f8yeste grad inn igjen som terroristen Abu Nazirs viktigste brikke i nye angrep p\u00e5 USA , samtidig som b\u00e5ndet til hans lett oppr\u00f8rske ten\u00e5ringsdatter Dana blir sterkere .", "opinions": []}, {"sent_id": "109778-13-01", "text": "Sesong to starter like bra som sesong \u00e9n sluttet .", "opinions": [{"Source": [[], []], "Target": [["Sesong to"], ["0:9"]], "Polar_expression": [["starter like bra som sesong \u00e9n sluttet"], ["10:48"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sesong \u00e9n"], ["31:40"]], "Polar_expression": [["starter", "bra"], ["10:17", "23:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-13-02", "text": "Nye sammenhenger og plot presenteres p\u00e5 finurlig vis - og vi fortsetter \u00e5 komme under huden p\u00e5 de sammensatte karakterene som gj\u00f8r denne serien spesielt bra .", "opinions": [{"Source": [["vi"], ["58:60"]], "Target": [["Nye sammenhenger og plot"], ["0:24"]], "Polar_expression": [["presenteres p\u00e5 finurlig vis"], ["25:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["58:60"]], "Target": [["serien"], ["137:143"]], "Polar_expression": [["komme under huden p\u00e5 de sammensatte karakterene"], ["74:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["sammensatte karakterene"], ["98:121"]], "Polar_expression": [["komme under huden"], ["74:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["serien"], ["137:143"]], "Polar_expression": [["spesielt bra"], ["144:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["sammensatte karakterene"], ["98:121"]], "Polar_expression": [["gj\u00f8r denne serien spesielt bra"], ["126:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109778-13-03", "text": "F\u00f8rste episode avsluttes p\u00e5 akkurat samme vis som samtlige episoder i f\u00f8rste sesong :", "opinions": []}, {"sent_id": "109778-14-01", "text": "Du vil bare ha mer !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Du vil bare ha mer !"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109778-14-02", "text": "Mer , mer , mer !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Mer , mer , mer !"], ["0:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109617-01-01", "text": "Flukt med vri", "opinions": []}, {"sent_id": "109617-02-01", "text": "Sjangeren \u00ab vi flykter fra fengselet \u00bb f\u00e5r nok et skudd p\u00e5 stammen med denne britiske lettvekteren .", "opinions": []}, {"sent_id": "109617-02-02", "text": "\u00ab Norgesvennen \u00bb Brian Cox ( som alltid god ) er stifinner i en ikke helt troverdig historie fortalt med hopp frem og tilbake i tid , med en fullstendig uventet vri i de siste scenene .", "opinions": [{"Source": [[], []], "Target": [["Brian Cox"], ["17:26"]], "Polar_expression": [["alltid god"], ["33:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historie"], ["84:92"]], "Polar_expression": [["ikke helt troverdig"], ["64:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "109617-02-03", "text": "En type film som kanskje fungerer bedre andre gang du ser den .", "opinions": [{"Source": [[], []], "Target": [["film"], ["8:12"]], "Polar_expression": [["kanskje fungerer bedre andre gang du ser den"], ["17:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "109617-02-04", "text": "Bakomfilm , slettede scener .", "opinions": []}, {"sent_id": "109617-03-01", "text": "\u00d8YSTEIN DAVID JOHANSEN", "opinions": []}, {"sent_id": "304135-01-01", "text": "Kompani i oppl\u00f8sning", "opinions": []}, {"sent_id": "304135-02-01", "text": "Det er litt for \u00e5penbart hva som m\u00e5 gj\u00f8res i den ulykkelige familien i \u00ab Kompani Orheim \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kompani Orheim \u00bb"], ["71:89"]], "Polar_expression": [["litt for \u00e5penbart"], ["7:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304135-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "304135-03-02", "text": "Faren i \u00ab Kompani Orheim \u00bb er litt for vanskelig \u00e5 forsvare .", "opinions": [{"Source": [[], []], "Target": [["Faren i \u00ab Kompani Orheim \u00bb"], ["0:26"]], "Polar_expression": [["litt for vanskelig \u00e5 forsvare"], ["30:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-03-03", "text": "Kristoffer Joner jobber som en beinmager helt , det er ikke d\u00e9t .", "opinions": [{"Source": [[], []], "Target": [["Kristoffer Joner"], ["0:16"]], "Polar_expression": [["jobber som en beinmager helt"], ["17:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-03-04", "text": "Men det er s\u00e5 \u00e5penbart og uunng\u00e5elig at familien i filmens sentrum m\u00e5 og b\u00f8r g\u00e5 i oppl\u00f8sning , egentlig fra f\u00f8rste stund , da lille Jarle Orheim ( Vebj\u00f8rn Enger ) f\u00e5r Live Aid-konserten , som han har gledet seg voldsomt til , sabotert av farens insistering p\u00e5 at de skal p\u00e5 sykketur under tv-overf\u00f8ringen .", "opinions": [{"Source": [[], []], "Target": [["filmens"], ["51:58"]], "Polar_expression": [["s\u00e5 \u00e5penbart og uunng\u00e5elig at familien", "m\u00e5 og b\u00f8r g\u00e5 i oppl\u00f8sning"], ["11:48", "67:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304135-04-01", "text": "Faren \u00f8delegger bevisst et h\u00f8ydepunkt for s\u00f8nnen for \u00e5 markere at det er han som har makten og kontrollen i familien , og at det er den gamle tids verdier som skal ha forrang fremfor de nye .", "opinions": []}, {"sent_id": "304135-04-02", "text": "Det er bare et sp\u00f8rsm\u00e5l om tid f\u00f8r denne oppf\u00f8rselen , samt vold og alkoholmisbruk , isolerer ham fra det han sier er viktigst for ham :", "opinions": []}, {"sent_id": "304135-04-03", "text": "Kone og barn .", "opinions": []}, {"sent_id": "304135-05-01", "text": "Tragisk og trengende", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Tragisk og trengende"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-05-02", "text": "\u00ab Kompani Orheim \u00bb er basert p\u00e5 Tore Renbergs roman av samme navn , og den tredje filmen om Jarle Klepp , som av grunnene nevnt overfor snart skal skifte etternavn .", "opinions": []}, {"sent_id": "304135-05-03", "text": "Tidvis f\u00f8lger filmen boken til punkt og prikke , som i den pinlige gjengivelsen av alpeluen og de runde brillene Jarle if\u00f8rer seg foran en antirasistisk demonstrasjon .", "opinions": []}, {"sent_id": "304135-06-01", "text": "Men noe mangler .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["noe mangler"], ["4:15"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304135-06-02", "text": "Romanens farsskikkelse hadde en viss lekenhet , ga inntrykk av \u00e5 v\u00e6re en mann det kunne v\u00e6re , eller hadde v\u00e6rt , morsomt \u00e5 v\u00e6re sammen med .", "opinions": [{"Source": [[], []], "Target": [["Romanens farsskikkelse"], ["0:22"]], "Polar_expression": [["viss lekenhet"], ["32:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Romanens farsskikkelse"], ["0:22"]], "Polar_expression": [["morsomt \u00e5 v\u00e6re sammen med"], ["114:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-06-03", "text": "Filmens farsskikkelse er ogs\u00e5 tragisk , hjelpel\u00f8s og trengende , faktisk er frykten for \u00e5 miste familien trolig drivkraften bak de desperate maktdemonstrasjonene - men f\u00f8rst og fremst er han gjennomg\u00e5ende destruktiv .", "opinions": [{"Source": [[], []], "Target": [["Filmens farsskikkelse"], ["0:21"]], "Polar_expression": [["tragisk"], ["30:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmens farsskikkelse"], ["0:21"]], "Polar_expression": [["hjelpel\u00f8s"], ["40:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmens farsskikkelse"], ["0:21"]], "Polar_expression": [["trengende"], ["53:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Filmens farsskikkelse"], ["0:21"]], "Polar_expression": [["gjennomg\u00e5ende destruktiv"], ["191:215"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-06-04", "text": "Det gj\u00f8r veien mot l\u00f8srivelsen mindre interessant .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mindre interessant"], ["31:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-07-01", "text": "Uttrykksfulle \u00f8yne", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Uttrykksfulle \u00f8yne"], ["0:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-07-02", "text": "Utover dette er \u00ab Kompani Orheim \u00bb en av disse sobre , skikkelige norske dramafilmene om ungdomstid i et krevende hjem og en krevende skoleg\u00e5rd .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Kompani Orheim \u00bb"], ["16:34"]], "Polar_expression": [["sobre"], ["47:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Kompani Orheim \u00bb"], ["16:34"]], "Polar_expression": [["skikkelige"], ["55:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "304135-07-03", "text": "Identiteten formes og forl\u00f8ses , her som i den beslektede \u00ab S\u00f8nner av Norge \u00bb , i m\u00f8te med musikken .", "opinions": []}, {"sent_id": "304135-07-04", "text": "Det politiske engasjementet fremst\u00e5r mer som en fors\u00f8ksvis sti inn i hjertene p\u00e5 de vakre og radikale jentene p\u00e5 skolen .", "opinions": []}, {"sent_id": "304135-08-01", "text": "Vebj\u00f8rn Enger og Cecilie Mosli som moren har to par store , uttrykksfulle \u00f8yne som de f\u00e5r brukt til gangs , i \u00e5ndel\u00f8se , observerende scener .", "opinions": [{"Source": [[], []], "Target": [["Cecilie Mosli"], ["17:30"]], "Polar_expression": [["store , uttrykksfulle \u00f8yne", "brukt til gangs"], ["52:78", "90:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vebj\u00f8rn Enger"], ["0:13"]], "Polar_expression": [["store , uttrykksfulle \u00f8yne", "brukt til gangs"], ["52:78", "90:105"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-08-02", "text": "Men \u00e5ttitallskoloritten n\u00e6rmer seg det karikerte og utgangene og inngangene i enkelte scener virker forserte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00e5ttitallskoloritten n\u00e6rmer seg det karikerte"], ["4:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["utgangene og inngangene", "scener"], ["52:75", "86:92"]], "Polar_expression": [["enkelte", "forserte"], ["78:85", "100:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "304135-09-01", "text": "Og valget , det store , om \u00e5 bli eller dra , burde v\u00e6rt litt vanskeligere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["valget", "burde v\u00e6rt litt vanskeligere"], ["3:9", "45:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-01-01", "text": "B&O BeoPlay A3", "opinions": []}, {"sent_id": "200662-02-01", "text": "En smart dokkingstasjon fra Bang & Olufsen , men den er smartest p\u00e5 avstand .", "opinions": [{"Source": [[], []], "Target": [["dokkingstasjon"], ["9:23"]], "Polar_expression": [["smart"], ["3:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["dokkingstasjon"], ["9:23"]], "Polar_expression": [["den er smartest p\u00e5 avstand"], ["49:75"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-03-01", "text": "Da vi s\u00e5 BeoPlay A3 for f\u00f8rste gang hadde vi en god f\u00f8lelse :", "opinions": [{"Source": [[], []], "Target": [["BeoPlay A3"], ["9:19"]], "Polar_expression": [["for f\u00f8rste gang hadde vi en god f\u00f8lelse", "Da vi s\u00e5"], ["20:59", "0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-04-01", "text": "Ikke bare er den en dokkingstasjon til iPad med innebygde h\u00f8yttalere .", "opinions": [{"Source": [[], []], "Target": [["dokkingstasjon til iPad"], ["20:43"]], "Polar_expression": [["med innebygde h\u00f8yttalere"], ["44:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["h\u00f8yttalere"], ["58:68"]], "Polar_expression": [["innebygde"], ["48:57"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200662-04-02", "text": "Den har ogs\u00e5 et innebygget batteri som skal holde koken i 7,5 time p\u00e5 iPad 1 og 2 , eller 5 timer med iPad 3 .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["innebygget batteri"], ["16:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["batteri"], ["27:34"]], "Polar_expression": [["skal holde koken i 7,5 time p\u00e5 iPad 1 og 2 , eller 5 timer med iPad 3"], ["39:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["batteri"], ["27:34"]], "Polar_expression": [["innebygget"], ["16:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200662-04-03", "text": "Det \u00f8ker definitivt nytteverdien .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["\u00f8ker definitivt nytteverdien"], ["4:32"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-05-01", "text": "iPaden l\u00e5ses fast", "opinions": []}, {"sent_id": "200662-06-01", "text": "iPaden m\u00e5 plasseres i et gummietui f\u00f8r den dokkes til BeoPlay A3 , og siden disse etuiene er spesielt tilpasset de ulike iPad-utgavene m\u00e5 du huske p\u00e5 \u00e5 f\u00e5 med deg riktig utgave .", "opinions": []}, {"sent_id": "200662-07-01", "text": "iPaden sitter ellers bom fast n\u00e5r den f\u00f8rst er p\u00e5 plass i A3 , og du f\u00e5r heller ikke tilgang til iPadens knapper .", "opinions": []}, {"sent_id": "200662-07-02", "text": "Det siste er dog ikke noe problem , siden volumstyringen skjer via faste knapper direkte p\u00e5 A3en .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["volumstyringen skjer via faste knapper direkte p\u00e5 A3en"], ["42:96"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200662-08-01", "text": "Noe av det vi likte best da vi s\u00e5 BeoPlay A3 for f\u00f8rste gang , er at den kan plasseres p\u00e5 flere ulike m\u00e5ter :", "opinions": [{"Source": [["vi"], ["28:30"]], "Target": [["BeoPlay A3"], ["34:44"]], "Polar_expression": [["Noe av det vi likte best", "er at den kan plasseres p\u00e5 flere ulike m\u00e5ter"], ["0:24", "63:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-08-02", "text": "Det vil si st\u00e5ende , liggende , bratt eller slakt .", "opinions": []}, {"sent_id": "200662-08-03", "text": "Og her anbefaler vi at du ser videoen vi tok fra lanseringen , der B&O-representanten ; elegant demonstrerer , litt for elegant dessverre .", "opinions": [{"Source": [["vi"], ["17:19"]], "Target": [["videoen"], ["30:37"]], "Polar_expression": [["anbefaler"], ["7:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["B&O-representanten"], ["67:85"]], "Polar_expression": [["elegant demonstrerer"], ["88:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["B&O-representanten"], ["67:85"]], "Polar_expression": [["litt for elegant dessverre"], ["111:137"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-09-01", "text": "I den virkelige verden er nemlig problemet at BeoPlay A3 er notorisk ust\u00f8 uansett hvilken posisjon du plasserer den i .", "opinions": [{"Source": [[], []], "Target": [["BeoPlay A3"], ["46:56"]], "Polar_expression": [["problemet", "notorisk ust\u00f8 uansett hvilken posisjon du plasserer den i"], ["33:42", "60:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-10-01", "text": "Se n\u00f8yaktig hva vi mener i denne videoen :", "opinions": []}, {"sent_id": "200662-11-01", "text": "Med andre ord :", "opinions": []}, {"sent_id": "200662-11-02", "text": "Vil du betjene BeoPlay A3 uten at den velter , er du helt n\u00f8dt til \u00e5 holde den med to hender , for s\u00e5 \u00e5 sette den forsiktig fra deg p\u00e5 et st\u00f8dig bord .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vil du betjene", "uten at den velter , er du helt n\u00f8dt til \u00e5 holde den med to hender , for s\u00e5 \u00e5 sette den forsiktig fra deg p\u00e5 et st\u00f8dig bord"], ["0:14", "26:149"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-11-03", "text": "For oss med barn i huset , eller ivrige venner som vil overstyre musikkvalget ditt n\u00e5r du har vorspiel , er den alts\u00e5 d\u00e5rlig egnet .", "opinions": [{"Source": [[], []], "Target": [["den"], ["108:111"]], "Polar_expression": [["For oss med barn i huset , eller ivrige venner som vil overstyre musikkvalget ditt n\u00e5r du har vorspiel", "d\u00e5rlig egnet"], ["0:102", "118:130"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-12-01", "text": "Men hva med lyden ?", "opinions": []}, {"sent_id": "200662-13-01", "text": "At B&O-produkter ; kan gi sv\u00e6rt god lyd er det mange eksempler p\u00e5 , og v\u00e5r favoritt er fortsatt klassikeren BeoLab 5.", "opinions": [{"Source": [["v\u00e5r"], ["71:74"]], "Target": [["BeoLab 5."], ["108:117"]], "Polar_expression": [["favoritt"], ["75:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["B&O-produkter"], ["3:16"]], "Polar_expression": [["At", "kan gi sv\u00e6rt god lyd er det mange eksempler p\u00e5"], ["0:2", "19:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-14-01", "text": "iPad-dokken BeoPlay A3 er selvsagt i en helt annen kategori , men har likevel ikke noe \u00e5 skamme seg over lydmessig .", "opinions": [{"Source": [[], []], "Target": [["BeoPlay A3"], ["12:22"]], "Polar_expression": [["ikke noe \u00e5 skamme seg over lydmessig"], ["78:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["BeoPlay A3"], ["12:22"]], "Polar_expression": [["helt annen kategori"], ["40:59"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-14-02", "text": "P\u00e5 mange m\u00e5ter er det imponerende at s\u00e5 mye lyd kan plasseres i et s\u00e5 tynt produkt - og B&Os ; digitale forsterkere m\u00e5 f\u00e5 mye av \u00e6ren for dette .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["imponerende at s\u00e5 mye lyd kan plasseres i et s\u00e5 tynt produkt"], ["22:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["B&Os ; digitale forsterkere"], ["88:115"]], "Polar_expression": [["m\u00e5 f\u00e5 mye av \u00e6ren"], ["116:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-14-03", "text": "P\u00e5 dette feltet har det alts\u00e5 skjedd mye de siste \u00e5rene .", "opinions": []}, {"sent_id": "200662-15-01", "text": "Dessverre for B&O ; har ogs\u00e5 konkurrentene blitt gode p\u00e5 god lyd , og det som hadde gitt st\u00e5ende ovasjoner for en stund tilbake er ikke lenger like imponerende i dag .", "opinions": [{"Source": [[], []], "Target": [["B&O"], ["14:17"]], "Polar_expression": [["Dessverre", "har ogs\u00e5 konkurrentene blitt gode p\u00e5 god lyd"], ["0:9", "20:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrentene"], ["29:42"]], "Polar_expression": [["blitt gode p\u00e5 god lyd"], ["43:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-16-01", "text": "BeoPlay A3 er utstyrt med B&O ; Adaptive Stereo Orientation , som kort fortalt gj\u00f8r at A3 vet hvilken vei den st\u00e5r , og slik alltid skal s\u00f8rge for et best mulig lydbilde .", "opinions": [{"Source": [[], []], "Target": [["BeoPlay A3"], ["0:10"]], "Polar_expression": [["B&O ; Adaptive Stereo Orientation"], ["26:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "200662-17-01", "text": "Helt problemfritt er det likevel ikke :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Helt problemfritt er det likevel ikke"], ["0:37"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-17-02", "text": "A3 gir for eksempel tydelig mindre bass n\u00e5r den st\u00e5r p\u00e5 h\u00f8ykant .", "opinions": [{"Source": [[], []], "Target": [["A3"], ["0:2"]], "Polar_expression": [["tydelig mindre bass n\u00e5r den st\u00e5r p\u00e5 h\u00f8ykant"], ["20:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200662-17-03", "text": "Plasserer du den horisontalt f\u00e5r du riktignok mer bass , men da merker du ogs\u00e5 at bassen kommer fra h\u00f8yre side .", "opinions": []}, {"sent_id": "200662-17-04", "text": "Det betyr selvsagt lite hvis du ser p\u00e5 film , men skal du bruke A3 som musikkformidler er det ikke helt optimalt .", "opinions": [{"Source": [[], []], "Target": [["A3"], ["64:66"]], "Polar_expression": [["som musikkformidler er det ikke helt optimalt"], ["67:112"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-18-01", "text": "Konkurrenter ?", "opinions": []}, {"sent_id": "200662-19-01", "text": "Med en pris p\u00e5 rundt rundt 4.000 kroner er BeoPlay A3 rimelig til \u00e5 v\u00e6re et B&O-produkt ; , men den er ogs\u00e5 i en klasse hvor det finnes mange gode konkurrenter :", "opinions": [{"Source": [[], []], "Target": [["BeoPlay A3"], ["43:53"]], "Polar_expression": [["rimelig til \u00e5 v\u00e6re et B&O-produkt"], ["54:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["BeoPlay A3"], ["43:53"]], "Polar_expression": [["pris p\u00e5 rundt rundt 4.000 kroner"], ["7:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["BeoPlay A3"], ["43:53"]], "Polar_expression": [["i en klasse hvor det finnes mange gode konkurrenter"], ["108:159"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konkurrenter"], ["147:159"]], "Polar_expression": [["mange gode"], ["136:146"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-20-01", "text": "Lydmessig er for eksempel B&W ; Zeppelin Air og Philips Fidelio i en helt annen liga , selv om formfaktoren p\u00e5 disse helt annerledes .", "opinions": [{"Source": [[], []], "Target": [["Philips Fidelio"], ["48:63"]], "Polar_expression": [["Lydmessig", "i en helt annen liga"], ["0:9", "64:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Zeppelin Air"], ["32:44"]], "Polar_expression": [["Lydmessig", "i en helt annen liga"], ["0:9", "64:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["B&W"], ["26:29"]], "Polar_expression": [["Lydmessig", "i en helt annen liga"], ["0:9", "64:84"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-21-01", "text": "V\u00e5r favoritt er Zeppelineren som bare koster 700 kroner mer , og det er den ogs\u00e5 verdt .", "opinions": [{"Source": [["V\u00e5r"], ["0:3"]], "Target": [["Zeppelineren"], ["16:28"]], "Polar_expression": [["favoritt"], ["4:12"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Zeppelineren"], ["16:28"]], "Polar_expression": [["bare koster 700 kroner mer"], ["33:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Zeppelineren"], ["16:28"]], "Polar_expression": [["det er den ogs\u00e5 verdt"], ["65:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-21-02", "text": "Et langt billigere alternativ er Fidelio DS8550 , som faktisk er over 2.000 kroner rimeligere .", "opinions": [{"Source": [[], []], "Target": [["Fidelio DS8550"], ["33:47"]], "Polar_expression": [["langt billigere alternativ"], ["3:29"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Fidelio DS8550"], ["33:47"]], "Polar_expression": [["over 2.000 kroner rimeligere"], ["65:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200662-21-03", "text": "Prisen her er faktisk s\u00e5 lav , at den blir vanskelig \u00e5 overse .", "opinions": [{"Source": [[], []], "Target": [["Prisen"], ["0:6"]], "Polar_expression": [["s\u00e5 lav , at den blir vanskelig \u00e5 overse"], ["22:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-22-01", "text": "En annen konkurrent som kan v\u00e6re verdt \u00e5 nevne er Revo K2 som i tillegg til \u00e5 dokke iPaden ogs\u00e5 har nett- og DAB-radio integrert .", "opinions": [{"Source": [[], []], "Target": [["Revo K2"], ["50:57"]], "Polar_expression": [["En annen konkurrent som kan v\u00e6re verdt \u00e5 nevne"], ["0:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Revo K2"], ["50:57"]], "Polar_expression": [["tillegg til \u00e5 dokke iPaden ogs\u00e5 har nett- og DAB-radio integrert"], ["64:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200662-22-02", "text": "Heller ikke den fikk imidlertid full score fra oss lydmessig .", "opinions": [{"Source": [["oss"], ["47:50"]], "Target": [["den"], ["12:15"]], "Polar_expression": [["Heller ikke", "fikk imidlertid full score fra oss lydmessig"], ["0:11", "16:60"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-23-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "200662-24-01", "text": "Vi har sans for BeoPlay-konseptet til Bang & Olufsen , men i praktisk bruk fungerer ikke BeoPlay A3 godt nok til at vi ville kj\u00f8pt det .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["BeoPlay-konseptet"], ["16:33"]], "Polar_expression": [["har sans for"], ["3:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Vi"], ["0:2"]], "Target": [["BeoPlay A3"], ["89:99"]], "Polar_expression": [["i praktisk bruk fungerer ikke BeoPlay A3 godt nok til at vi ville kj\u00f8pt det"], ["59:134"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-25-01", "text": "Lyden er god , men det forventer vi ogs\u00e5 i denne prisklassen i dag .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["god"], ["9:12"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200662-25-02", "text": "Det beste med", "opinions": []}, {"sent_id": "200662-25-03", "text": "A3 er derfor at den g\u00e5r p\u00e5 batteri , men dessverre hjelper det lite med god batteritid n\u00e5r den er s\u00e5 ust\u00f8dig at den garantert kommer til \u00e5 velte n\u00e5r du bruker den .", "opinions": [{"Source": [[], []], "Target": [["A3"], ["0:2"]], "Polar_expression": [["g\u00e5r p\u00e5 batteri"], ["20:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["A3"], ["0:2"]], "Polar_expression": [["dessverre hjelper det lite med god batteritid n\u00e5r den er s\u00e5 ust\u00f8dig at den garantert kommer til \u00e5 velte n\u00e5r du bruker den"], ["41:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-01-01", "text": "Uengasjerende om kreft", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Uengasjerende"], ["0:13"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600117-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "600117-02-02", "text": "Jonathan Levine", "opinions": []}, {"sent_id": "600117-03-01", "text": "Manus : Will Reiser", "opinions": []}, {"sent_id": "600117-04-01", "text": "Musikk :", "opinions": []}, {"sent_id": "600117-04-02", "text": "Michael Giacchino", "opinions": []}, {"sent_id": "600117-05-01", "text": "Skuespillere :", "opinions": []}, {"sent_id": "600117-05-02", "text": "Joseph Gordon-Levitt , Seth Rogen , Anna Kendrick , Anjelica Huston", "opinions": []}, {"sent_id": "600117-06-01", "text": "Sensur :", "opinions": []}, {"sent_id": "600117-06-02", "text": "11 \u00e5r", "opinions": []}, {"sent_id": "600117-07-01", "text": "Iblant f\u00e5r man en slik \u00ab hvis bare \u00bb -f\u00f8lelse .", "opinions": []}, {"sent_id": "600117-07-02", "text": "Filmen handler om en frisk og sympatisk mann p\u00e5 27 \u00e5r som det blir oppdaget en sjelden krefttype hos .", "opinions": []}, {"sent_id": "600117-07-03", "text": "Og det er i den filmatiske behandlingen av dette emnet at man tenker :", "opinions": []}, {"sent_id": "600117-07-04", "text": "Hvis bare dette teamet hadde blitt tatt p\u00e5 nakent , n\u00f8kternt alvor , ville dette kunne ha blitt et h\u00f8yst b\u00e6rekraftig drama .", "opinions": [{"Source": [[], []], "Target": [["dette"], ["75:80"]], "Polar_expression": [["Hvis bare dette teamet hadde blitt tatt p\u00e5 nakent , n\u00f8kternt alvor"], ["0:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["dette"], ["75:80"]], "Polar_expression": [["kunne ha blitt et h\u00f8yst b\u00e6rekraftig drama"], ["81:122"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "600117-08-01", "text": "Et stykke p\u00e5 vei behandles emnet med fasthet .", "opinions": [{"Source": [[], []], "Target": [["emnet"], ["27:32"]], "Polar_expression": [["behandles", "med fasthet"], ["17:26", "33:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-08-02", "text": "Vi tror p\u00e5 den unge mannens forvirring , fortvilelse , sinne og delvise forsoning .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["den unge mannens forvirring , fortvilelse , sinne og delvise forsoning"], ["11:81"]], "Polar_expression": [["tror p\u00e5"], ["3:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-08-03", "text": "Men en har vanskelig for \u00e5 se grunnene til \u00e5 blande inn en del typisk vulg\u00e6re og kyniske komediegrep i et slikt tema .", "opinions": [{"Source": [[], []], "Target": [["komediegrep"], ["89:100"]], "Polar_expression": [["vanskelig for \u00e5 se grunnene til \u00e5 blande inn"], ["11:55"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komediegrep"], ["89:100"]], "Polar_expression": [["vulg\u00e6re"], ["70:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["komediegrep"], ["89:100"]], "Polar_expression": [["kyniske"], ["81:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-08-04", "text": "Det er i beste fall utenp\u00e5klistret .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["i beste fall utenp\u00e5klistret"], ["7:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-08-05", "text": "Det , pluss flere andre innfall og utfall , virker som sopp p\u00e5 et tre , de er forstyrrende vedheng , de skurrer i det som skal fortelles .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["forstyrrende vedheng"], ["78:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skurrer i det som skal fortelles"], ["104:136"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-08-06", "text": "Ens engasjement blaffer som et d\u00e5rlig batteri .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ens engasjement blaffer som et d\u00e5rlig batteri"], ["0:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-09-01", "text": "Regigrepene i seg selv er klare og behendige , og n\u00e5r filmen er p\u00e5 sitt beste , leverer Joseph Gordon-Levitt et troverdig spill .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["54:60"]], "Polar_expression": [["Regigrepene i seg selv er klare og behendige"], ["0:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Regigrepene"], ["0:11"]], "Polar_expression": [["klare"], ["26:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regigrepene"], ["0:11"]], "Polar_expression": [["behendige"], ["35:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["54:60"]], "Polar_expression": [["leverer Joseph Gordon-Levitt et troverdig spill"], ["80:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Joseph Gordon-Levitt"], ["88:108"]], "Polar_expression": [["leverer", "troverdig spill"], ["80:87", "112:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "600117-10-01", "text": "Og :", "opinions": []}, {"sent_id": "600117-10-02", "text": "En m\u00e5 jo godta at slutten er som den er , men for undertegnede blir den for lettvint .", "opinions": [{"Source": [["undertegnede"], ["50:62"]], "Target": [["slutten"], ["18:25"]], "Polar_expression": [["for lettvint"], ["72:84"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-01-01", "text": "Smelter pikehjerter", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Smelter pikehjerter"], ["0:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602054-02-01", "text": "Finlands svar p\u00e5 Justin Bieber smelter unge pikehjerter verden over med sine kj\u00e6rlighetsl\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["Finlands svar p\u00e5 Justin Bieber"], ["0:30"]], "Polar_expression": [["smelter unge pikehjerter verden over"], ["31:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602054-02-02", "text": "N\u00e5 er Isac Elliot ute med enda flere sanger av samme sort .", "opinions": []}, {"sent_id": "602054-02-03", "text": "Allerede under f\u00f8rste l\u00e5t f\u00e5r vi slengt alle klisjeene i trynet .", "opinions": [{"Source": [["vi"], ["30:32"]], "Target": [["f\u00f8rste l\u00e5t"], ["15:25"]], "Polar_expression": [["Allerede", "slengt alle klisjeene i trynet"], ["0:8", "33:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-02-04", "text": "Banal tekst om ung kj\u00e6rlighet , den klassiske trance-oppbygningen , popmelodi , autotune og finpolert produksjon .", "opinions": [{"Source": [[], []], "Target": [["tekst"], ["6:11"]], "Polar_expression": [["Banal"], ["0:5"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["klassiske trance-oppbygningen"], ["36:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["popmelodi"], ["68:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["autotune"], ["80:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["produksjon"], ["102:112"]], "Polar_expression": [["finpolert"], ["92:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-02-05", "text": "Det g\u00e5r fra up-beat dansel\u00e5ter til rolige ballader , men ingen av dem imponerer spesielt .", "opinions": [{"Source": [[], []], "Target": [["up-beat dansel\u00e5ter til rolige ballader"], ["12:50"]], "Polar_expression": [["ingen av dem imponerer spesielt"], ["57:88"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-02-06", "text": "Absolutt alle sangene handler om kj\u00e6rlighet , og teksten \u00ab My heart goes bom , bom \u00bb , bom fra l\u00e5ten \u00ab Recklessy \u00bb er som et ekko fra 90-tallet .", "opinions": [{"Source": [[], []], "Target": [["sangene"], ["14:21"]], "Polar_expression": [["Absolutt alle", "handler om kj\u00e6rlighet"], ["0:13", "22:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["teksten \u00ab My heart goes bom , bom \u00bb"], ["49:84"]], "Polar_expression": [["ekko fra 90-tallet"], ["125:143"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "602054-02-07", "text": "Vi har h\u00f8rt det s\u00e5 mange ganger f\u00f8r , men vi skal ikke avskrive han helt enda .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["h\u00f8rt det s\u00e5 mange ganger f\u00f8r"], ["7:35"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["vi"], ["42:44"]], "Target": [["han"], ["64:67"]], "Polar_expression": [["ikke avskrive han helt enda"], ["50:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-03-01", "text": "Elliot og hans team gj\u00f8r tross alt jobben sin , som er \u00e5 n\u00e5 ut til de mellom 10 til 15 \u00e5r .", "opinions": [{"Source": [[], []], "Target": [["Elliot og hans team"], ["0:19"]], "Polar_expression": [["gj\u00f8r tross alt jobben sin"], ["20:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-03-02", "text": "I alle \u00e5r har det v\u00e6rt akkurat slike l\u00e5ter som g\u00e5r rett hjem hos denne aldersgruppen .", "opinions": [{"Source": [[], []], "Target": [["slike l\u00e5ter"], ["31:42"]], "Polar_expression": [["akkurat", "g\u00e5r rett hjem hos denne aldersgruppen"], ["23:30", "47:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-03-03", "text": "De \u00f8nsker det enkelt og det er nettopp det de f\u00e5r her .", "opinions": []}, {"sent_id": "602054-03-04", "text": "Unntaket er l\u00e5ten \u00ab Engine \u00bb som viser at Elliot har et h\u00e5p om en litt mer moden framtid , og inneholder spor av funky riff og noen spennende harmoniseringer .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Engine \u00bb"], ["18:28"]], "Polar_expression": [["Unntaket"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Engine \u00bb"], ["18:28"]], "Polar_expression": [["viser at Elliot har et h\u00e5p om en litt mer moden framtid"], ["33:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Engine \u00bb"], ["18:28"]], "Polar_expression": [["funky riff"], ["113:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Engine \u00bb"], ["18:28"]], "Polar_expression": [["noen spennende harmoniseringer"], ["127:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Elliot"], ["42:48"]], "Polar_expression": [["\u00ab Engine \u00bb", "h\u00e5p om en litt mer moden framtid"], ["18:28", "56:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "602054-03-05", "text": "Frem til den tid kommer , skal han smelte enda flere hjerter , og dette albumet vil nok gj\u00f8re akkurat det .", "opinions": [{"Source": [[], []], "Target": [["han"], ["31:34"]], "Polar_expression": [["smelte enda flere hjerter"], ["35:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["albumet"], ["72:79"]], "Polar_expression": [["smelte enda flere hjerter"], ["35:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "602054-03-06", "text": "Vi gamlinger kan bare ignorere dette albumet som en fotnote i historien .", "opinions": [{"Source": [["Vi gamlinger"], ["0:12"]], "Target": [["albumet"], ["37:44"]], "Polar_expression": [["kan bare ignorere"], ["13:30"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201174-01-01", "text": "Kingston HyperX 3K 240 GB SSD", "opinions": []}, {"sent_id": "201174-02-01", "text": "Ny og rimeligere utgave av Kingstons SSD .", "opinions": [{"Source": [[], []], "Target": [["Kingstons SSD"], ["27:40"]], "Polar_expression": [["rimeligere"], ["6:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201174-03-01", "text": "Prisene p\u00e5 SSD skal ned , og de er definitivt p\u00e5 vei ned .", "opinions": []}, {"sent_id": "201174-03-02", "text": "Men produsentene vil gjerne at det skal skje raskere , slik at de kan selge mer .", "opinions": []}, {"sent_id": "201174-03-03", "text": "Samtidig gjelder det \u00e5 knipe inn p\u00e5 kostnadene slik at de ikke tjener mindre , og da er komponentprisene et viktig element .", "opinions": []}, {"sent_id": "201174-04-01", "text": "Elektroniske komponenter prises etter mange parametre , som ytelse og kapasitet .", "opinions": []}, {"sent_id": "201174-04-02", "text": "Flashminne prises ogs\u00e5 etter levetid , hvor mange ganger minnecellene kan skrives / slettes f\u00f8r de er s\u00e5 svekket at de ikke lenger kan holde p\u00e5 data .", "opinions": []}, {"sent_id": "201174-05-01", "text": "Derfor er en SSD med mindre levetid et rimeligere produkt , men likevel mer enn godt nok for den bruken det er tiltenkt .", "opinions": [{"Source": [[], []], "Target": [["SSD"], ["13:16"]], "Polar_expression": [["mindre levetid"], ["21:35"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["SSD"], ["13:16"]], "Polar_expression": [["rimeligere"], ["39:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["SSD"], ["13:16"]], "Polar_expression": [["mer enn godt nok"], ["72:88"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201174-05-02", "text": "Vi snakker om en levetid som uansett er lenger enn de fleste andre komponentene i en PC .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [["levetid"], ["17:24"]], "Polar_expression": [["lenger enn de fleste andre komponentene i en PC"], ["40:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-06-01", "text": "Hvorfor 3K", "opinions": []}, {"sent_id": "201174-07-01", "text": "I denne sammenhengen betyr 3K at hver enkelt celle kan skrives til 3000 ganger .", "opinions": []}, {"sent_id": "201174-07-02", "text": "Men kontrolleren sammen med operativsystemet s\u00f8rger for \u00e5 fordele bruken og dermed levetiden jevnt over alle cellene i alle brikkene .", "opinions": [{"Source": [[], []], "Target": [["levetiden"], ["83:92"]], "Polar_expression": [["fordele bruken og dermed levetiden jevnt over alle cellene i alle brikkene"], ["58:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["operativsystemet"], ["28:44"]], "Polar_expression": [["fordele bruken og dermed levetiden jevnt over alle cellene i alle brikkene"], ["58:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["kontrolleren"], ["4:16"]], "Polar_expression": [["fordele bruken og dermed levetiden jevnt over alle cellene i alle brikkene"], ["58:132"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201174-07-03", "text": "Ved 10 GB skriving hver dag gir dette en levetid p\u00e5 over 8 \u00e5r for hele SSD-en .", "opinions": [{"Source": [[], []], "Target": [["levetid"], ["41:48"]], "Polar_expression": [["over 8 \u00e5r"], ["52:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201174-07-04", "text": "I praksis vil dette holde i lange baner for de fleste brukere .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["holde i lange baner"], ["20:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-07-05", "text": "Til sammenligning vil flashminne med den lengste levetiden under samme belastning vare i over 80 \u00e5r .", "opinions": []}, {"sent_id": "201174-07-06", "text": "Vi kan ikke se noen grunn til \u00e5 spandere ekstra for \u00e5 holde p\u00e5 private data i flere generasjoner .", "opinions": [{"Source": [["Vi"], ["0:2"]], "Target": [[], []], "Polar_expression": [["kan ikke se noen grunn til \u00e5 spandere ekstra"], ["3:47"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-07-07", "text": "For datasentraler er saken selvsagt en annen , der er ogs\u00e5 belastningen vesentlig h\u00f8yere og levetiden reduseres tilsvarende .", "opinions": []}, {"sent_id": "201174-08-01", "text": "Det som betyr mest for brukerne er hastigheten , og den er ikke d\u00e5rligere p\u00e5 3K minne enn p\u00e5 5K eller mer .", "opinions": [{"Source": [[], []], "Target": [["hastigheten"], ["35:46"]], "Polar_expression": [["ikke d\u00e5rligere"], ["59:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-09-01", "text": "HyperX 3K", "opinions": []}, {"sent_id": "201174-10-01", "text": "Vi testet HyperX 3K SSD-en fra Kingston levert som oppgraderingsversjon .", "opinions": []}, {"sent_id": "201174-10-02", "text": "Det betyr eske med festebrakett , eksternt kabinett til den gamle disken , Acronis programvare for overf\u00f8ring av data fra den gamle disken , kabler , skruer og hendig lommeverkt\u00f8y .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hendig lommeverkt\u00f8y"], ["160:179"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "201174-11-01", "text": "Settet fungerer utmerket og gj\u00f8r det enkelt \u00e5 oppgradere en stasjon\u00e6r eller b\u00e6rbar PC .", "opinions": [{"Source": [[], []], "Target": [["Settet"], ["0:6"]], "Polar_expression": [["fungerer utmerket"], ["7:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Settet"], ["0:6"]], "Polar_expression": [["gj\u00f8r det enkelt \u00e5 oppgradere"], ["28:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-11-02", "text": "Programvaren overf\u00f8rer og tilpasser partisjonen etter datamengden , men du m\u00e5 selv fjerne un\u00f8dvendige data fra originaldisken som ikke f\u00e5r plass p\u00e5 SSD-en .", "opinions": [{"Source": [[], []], "Target": [["Programvaren"], ["0:12"]], "Polar_expression": [["overf\u00f8rer og tilpasser partisjonen etter datamengden"], ["13:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Programvaren"], ["0:12"]], "Polar_expression": [["m\u00e5 selv fjerne un\u00f8dvendige data fra originaldisken som ikke f\u00e5r plass p\u00e5 SSD-en"], ["75:154"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201174-12-01", "text": "Med 240GB kapasitet f\u00e5r du ganske god plass til operativsystem og programmer , og mye data i tillegg .", "opinions": [{"Source": [[], []], "Target": [["plass"], ["38:43"]], "Polar_expression": [["ganske god"], ["27:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["plass"], ["38:43"]], "Polar_expression": [["240GB"], ["4:9"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "201174-13-01", "text": "Ytelse", "opinions": []}, {"sent_id": "201174-14-01", "text": "Kingston hevder at ytelsen ikke er d\u00e5rligere p\u00e5 denne enn p\u00e5 forgjengeren , og det bekreftes av v\u00e5re tester .", "opinions": [{"Source": [["Kingston"], ["0:8"]], "Target": [["forgjengeren"], ["61:73"]], "Polar_expression": [["ytelsen ikke er d\u00e5rligere p\u00e5 denne"], ["19:53"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [["v\u00e5re"], ["96:100"]], "Target": [["ytelsen"], ["19:26"]], "Polar_expression": [["ikke er d\u00e5rligere p\u00e5 denne enn p\u00e5 forgjengeren", "bekreftes av v\u00e5re tester"], ["27:73", "83:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["Kingston"], ["0:8"]], "Target": [["ytelsen"], ["19:26"]], "Polar_expression": [["ikke er d\u00e5rligere p\u00e5 denne enn p\u00e5 forgjengeren"], ["27:73"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "201174-15-01", "text": "I praksis er ytelsen identisk , forskjellene er ubetydelige for opplevelsen i daglig bruk .", "opinions": [{"Source": [[], []], "Target": [["ytelsen"], ["13:20"]], "Polar_expression": [["forskjellene er ubetydelige"], ["32:59"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-16-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "201174-17-01", "text": "HyperX", "opinions": []}, {"sent_id": "201174-17-02", "text": "3K holder stand , med samme h\u00f8ye ytelse som forgjengeren .", "opinions": [{"Source": [[], []], "Target": [["3K"], ["0:2"]], "Polar_expression": [["holder stand"], ["3:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["3K"], ["0:2"]], "Polar_expression": [["h\u00f8ye ytelse"], ["28:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["forgjengeren"], ["44:56"]], "Polar_expression": [["h\u00f8ye ytelse"], ["28:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-17-03", "text": "Det som er forandret er prisen , som har sunket dramatisk siden forgjengeren ble introdusert .", "opinions": [{"Source": [[], []], "Target": [["prisen"], ["24:30"]], "Polar_expression": [["sunket dramatisk"], ["41:57"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "201174-17-04", "text": "Listeprisen var 3 990 kroner p\u00e5 f\u00f8rste 5K utgave , mens den nye 3K har i skrivende stund en pris p\u00e5 litt under 2 300 kroner i butikkene .", "opinions": [{"Source": [[], []], "Target": [["Listeprisen"], ["0:11"]], "Polar_expression": [["3 990 kroner"], ["16:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["5K"], ["39:41"]], "Polar_expression": [["Listeprisen var 3 990 kroner"], ["0:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["pris"], ["92:96"]], "Polar_expression": [["litt under 2 300 kroner"], ["100:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["3K"], ["64:66"]], "Polar_expression": [["pris p\u00e5 litt under 2 300 kroner"], ["92:123"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "201174-18-01", "text": "Kingston HyperX 3K SSD SH103S3 240GB", "opinions": []}, {"sent_id": "101381-01-01", "text": "Filmanmeldelse :", "opinions": []}, {"sent_id": "101381-01-02", "text": "Eksistensialisme p\u00e5 norsk", "opinions": []}, {"sent_id": "101381-02-01", "text": "\u00ab Mot naturen \u00bb er en lang vandring .", "opinions": []}, {"sent_id": "101381-02-02", "text": "F\u00f8rst og fremst i en manns hode .", "opinions": []}, {"sent_id": "101381-03-01", "text": "Norge .", "opinions": []}, {"sent_id": "101381-03-02", "text": "Manus og regi :", "opinions": []}, {"sent_id": "101381-03-03", "text": "Ole Gi\u00e6ver .", "opinions": []}, {"sent_id": "101381-03-04", "text": "Drama / komedie .", "opinions": []}, {"sent_id": "101381-03-05", "text": "11 \u00e5rs aldersgrense .", "opinions": []}, {"sent_id": "101381-04-01", "text": "Med : Ole Gi\u00e6ver .", "opinions": []}, {"sent_id": "101381-05-01", "text": "Mannen er helt normal .", "opinions": []}, {"sent_id": "101381-05-02", "text": "Den r\u00e5dende tristessen helt normal .", "opinions": []}, {"sent_id": "101381-05-03", "text": "Livets stillstand overveldende normal .", "opinions": []}, {"sent_id": "101381-05-04", "text": "Samlivets stivnethet s\u00f8rgelig normal .", "opinions": [{"Source": [[], []], "Target": [["Samlivets stivnethet"], ["0:20"]], "Polar_expression": [["s\u00f8rgelig normal"], ["21:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101381-05-05", "text": "Den d\u00e5rlige samvittigheten helt normal .", "opinions": []}, {"sent_id": "101381-05-06", "text": "Og botemiddelet helt normalt for en norsk nordmann :", "opinions": []}, {"sent_id": "101381-05-07", "text": "Han s\u00f8ker ut i naturen , en lang fottur i fjellet en helg .", "opinions": []}, {"sent_id": "101381-05-08", "text": "For , om mulig \u00e5 klare tankene .", "opinions": []}, {"sent_id": "101381-06-01", "text": "Det som ikke er normalt i Ole Gi\u00e6vers sorgmuntre eksistensielle ekspedisjon , er med hvilket alvor og med hvilken n\u00f8yaktighet normaliteten skildres .", "opinions": []}, {"sent_id": "101381-07-01", "text": "Nesten hele filmens dialog er snakkede tanker , temmelig ufiltrert .", "opinions": []}, {"sent_id": "101381-07-02", "text": "Det er faktisk meget originalt \u00e5 se s\u00e5 vanlige tanker konkretisert p\u00e5 denne m\u00e5ten .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["meget originalt"], ["15:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101381-08-01", "text": "Tenker man virkelig s\u00e5nn ?", "opinions": []}, {"sent_id": "101381-08-02", "text": "- tenker man .", "opinions": []}, {"sent_id": "101381-08-03", "text": "Og lett r\u00f8dmende m\u00e5 det vel innr\u00f8mmes at det gj\u00f8r man .", "opinions": []}, {"sent_id": "101381-08-04", "text": "Av og til .", "opinions": []}, {"sent_id": "101381-08-05", "text": "Det er ikke s\u00e5 mye \u00e5 v\u00e6re stolt av .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke s\u00e5 mye \u00e5 v\u00e6re stolt av"], ["7:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101381-08-06", "text": "Men s\u00e5nn er det .", "opinions": []}, {"sent_id": "101381-08-07", "text": "Og blir man avsl\u00f8rt , kan det bli temmelig latterlig patetisk .", "opinions": []}, {"sent_id": "101381-08-08", "text": "For eksempel under en onani-seanse , bak en furu , h\u00f8yt til fjells , n\u00e5r man tror seg alene .", "opinions": []}, {"sent_id": "101381-09-01", "text": "Bekjennelseslitteratur av dette kaliber er ikke ukjent .", "opinions": []}, {"sent_id": "101381-09-02", "text": "P\u00e5 film er det fors\u00f8k i dokumentarer av en mann som bergenseren Gunnar Hall Jensen .", "opinions": []}, {"sent_id": "101381-09-03", "text": "Litter\u00e6rt , for eksempel , av en Karl Over Knausg\u00e5rd eller en Tomas Espedal .", "opinions": []}, {"sent_id": "101381-09-04", "text": "Det interessante med slike temaer er ikke f\u00f8rst og fremst de private avsl\u00f8ringene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["interessante"], ["4:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101381-09-05", "text": "De private bekjennelsers allmenne relevans , derimot !", "opinions": []}, {"sent_id": "101381-10-01", "text": "Gi\u00e6vers film er , og m\u00e5 vel v\u00e6re , monoton .", "opinions": [{"Source": [[], []], "Target": [["film"], ["8:12"]], "Polar_expression": [["monoton"], ["35:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101381-10-02", "text": "P\u00e5 et eneste , avgj\u00f8rende punkt kommer en ren spillefilmsekvens inn - der livet og filmen f\u00e5r en avgj\u00f8rende u-sving , gjennom at tankene og dr\u00f8mmene faktisk blir virkelighet .", "opinions": []}, {"sent_id": "101381-10-03", "text": "Det blir ingen vakker dr\u00f8mmerealisering .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ingen vakker dr\u00f8mmerealisering"], ["9:39"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "101381-10-04", "text": "Men dessverre ogs\u00e5 filmens svakeste fortellende punkt , fordi man f\u00e5r en plagsom f\u00f8lelse av avsporing fra et ellers kl\u00f8ktig helhetlig stykke film .", "opinions": [{"Source": [[], []], "Target": [["filmens"], ["19:26"]], "Polar_expression": [["dessverre", "svakeste fortellende punkt"], ["4:13", "27:53"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["141:145"]], "Polar_expression": [["plagsom f\u00f8lelse av avsporing"], ["73:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["141:145"]], "Polar_expression": [["kl\u00f8ktig helhetlig"], ["116:133"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "101381-11-01", "text": "Likevel :", "opinions": []}, {"sent_id": "101381-11-02", "text": "En film \u00e5 g\u00e5 ut fra med et s\u00f8rgmodig / muntert smil om munn !", "opinions": [{"Source": [[], []], "Target": [["film"], ["3:7"]], "Polar_expression": [["g\u00e5 ut fra med et s\u00f8rgmodig / muntert smil om munn !"], ["10:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303311-01-01", "text": "Det er ikke viljen og energien det skorter p\u00e5", "opinions": [{"Source": [[], []], "Target": [["energien"], ["22:30"]], "Polar_expression": [["skorter p\u00e5", "ikke"], ["35:45", "7:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["viljen"], ["12:18"]], "Polar_expression": [["skorter p\u00e5", "ikke"], ["35:45", "7:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303311-02-01", "text": "L\u00e5tene matcher ikke engasjementet p\u00e5 Honningbarnas andre album .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tene"], ["0:6"]], "Polar_expression": [["matcher ikke engasjementet"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["engasjementet"], ["20:33"]], "Polar_expression": [["L\u00e5tene matcher ikke"], ["0:19"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["andre album"], ["51:62"]], "Polar_expression": [["L\u00e5tene matcher ikke engasjementet"], ["0:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-03-01", "text": "ALBUM :", "opinions": []}, {"sent_id": "303311-03-02", "text": "Honningbarna ble kjapt en snakkis etter at de stakk av med Ur\u00f8rt-seieren i 2011 .", "opinions": [{"Source": [[], []], "Target": [["Honningbarna"], ["0:12"]], "Polar_expression": [["ble kjapt en snakkis"], ["13:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}, {"Source": [[], []], "Target": [["Honningbarna"], ["0:12"]], "Polar_expression": [["Ur\u00f8rt-seieren i 2011"], ["59:79"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "303311-03-03", "text": "S\u00f8rlandets fremadstormende punkambassad\u00f8rer plukket sine stemmer p\u00e5 h\u00f8y energif\u00f8ring , rappkjeftede tekster om skeivhetene i samfunnet og alternativ instrumentering .", "opinions": [{"Source": [[], []], "Target": [["S\u00f8rlandets fremadstormende punkambassad\u00f8rer"], ["0:43"]], "Polar_expression": [["fremadstormende punkambassad\u00f8rer"], ["11:43"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["S\u00f8rlandets fremadstormende punkambassad\u00f8rer"], ["0:43"]], "Polar_expression": [["h\u00f8y energif\u00f8ring"], ["68:84"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["S\u00f8rlandets fremadstormende punkambassad\u00f8rer"], ["0:43"]], "Polar_expression": [["rappkjeftede tekster"], ["87:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["S\u00f8rlandets fremadstormende punkambassad\u00f8rer"], ["0:43"]], "Polar_expression": [["alternativ instrumentering"], ["138:164"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-04-01", "text": "Musikalsk sett fremsto debutplaten \u00ab La Alarmane G\u00e5 \u00bb p\u00e5 mange m\u00e5ter som en slags hybrid av Turbonegro , Kaizers Orchestra og Raga Rockers .", "opinions": []}, {"sent_id": "303311-04-02", "text": "I alle fall p\u00e5 overflaten .", "opinions": []}, {"sent_id": "303311-04-03", "text": "L\u00e5tmessig holdt det ikke helt m\u00e5l .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5tmessig"], ["0:9"]], "Polar_expression": [["holdt det ikke helt m\u00e5l"], ["10:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-04-04", "text": "Det gj\u00f8r det dessverre ikke denne gangen heller .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dessverre ikke denne gangen heller"], ["13:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "303311-05-01", "text": "Noe som er ganske synd all den tid bandet er b\u00e5de kompetente musikere og \u00e5penbart en ambisi\u00f8s gjeng med mye p\u00e5 hjertet .", "opinions": [{"Source": [[], []], "Target": [["musikere"], ["61:69"]], "Polar_expression": [["kompetente"], ["50:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["35:41"]], "Polar_expression": [["kompetente musikere"], ["50:69"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["35:41"]], "Polar_expression": [["\u00e5penbart en ambisi\u00f8s gjeng"], ["73:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-05-02", "text": "S\u00e5nn umiddelbart kan det virke som de har lagt den mest oppkjeftede og noe gutteaktige tiln\u00e6rmelsen bak seg .", "opinions": [{"Source": [[], []], "Target": [["de"], ["35:37"]], "Polar_expression": [["lagt den mest oppkjeftede og noe gutteaktige tiln\u00e6rmelsen bak seg"], ["42:107"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-06-01", "text": "\u00c5pningsl\u00e5ten \u00ab D\u00f8dtid \u00bb har en tung og m\u00f8rk , nesten slepende funky groove under seg .", "opinions": [{"Source": [[], []], "Target": [["\u00ab D\u00f8dtid \u00bb"], ["13:23"]], "Polar_expression": [["tung og m\u00f8rk , nesten slepende funky groove"], ["31:74"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-06-02", "text": "Ikke ulikt det Rage Against the Machine bedrev p\u00e5 sine siste plater .", "opinions": []}, {"sent_id": "303311-06-03", "text": "Men s\u00e5 er det kjapt over i det heseblesende giret , hvor det er om \u00e5 gj\u00f8re \u00e5 trykke flest stavelser inn i en strofe .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kjapt over i det heseblesende giret"], ["14:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["om \u00e5 gj\u00f8re \u00e5 trykke flest stavelser inn i en strofe"], ["64:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-07-01", "text": "Honningbarna har f\u00e5tt produsenthjelp av The Hives' knottevrider Pelle Gunnerfeldt , noe som er spesielt tydelig p\u00e5 i gitaravdelingen og p\u00e5 l\u00e5ter som \u00ab Velkommen Tilbake \u00bb og lyspunktet \u00ab Offerdans \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Offerdans \u00bb"], ["185:198"]], "Polar_expression": [["lyspunktet"], ["174:184"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-08-01", "text": "Bandets st\u00f8rste problem er at det skorter p\u00e5 minneverdige refreng og hooks .", "opinions": [{"Source": [[], []], "Target": [["refreng"], ["58:65"]], "Polar_expression": [["skorter p\u00e5 minneverdige"], ["34:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hooks"], ["69:74"]], "Polar_expression": [["skorter p\u00e5 minneverdige"], ["34:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-08-02", "text": "De har kampropene , hjertet , temperament og nok av verdensproblemer \u00e5 debattere , men tonef\u00f8lget mangler nyanser og knagger \u00e5 henge herligheten p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["har kampropene , hjertet , temperament og nok av verdensproblemer \u00e5 debattere"], ["3:80"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["tonef\u00f8lget"], ["87:97"]], "Polar_expression": [["mangler nyanser og knagger \u00e5 henge herligheten p\u00e5"], ["98:147"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "303311-08-03", "text": "Det blir rett og slett for anmassende og fattig p\u00e5 temperaturskifter i lengden .", "opinions": [{"Source": [[], []], "Target": [["Det"], ["0:3"]], "Polar_expression": [["rett og slett for anmassende og fattig p\u00e5 temperaturskifter"], ["9:68"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "702603-01-01", "text": "Partaj-blottere !", "opinions": []}, {"sent_id": "702603-02-01", "text": "Forleden fortalte porno-tabloidene om en ungdomsfest som ble en katastrofe fordi 30.000 gjester kom .", "opinions": []}, {"sent_id": "702603-02-02", "text": "Det er utrolig at noen har klart \u00e5 lage en s\u00e5 poengfattig film som denne om et s\u00e5 fargerikt tema .", "opinions": [{"Source": [[], []], "Target": [["film"], ["58:62"]], "Polar_expression": [["utrolig at noen har klart \u00e5 lage en s\u00e5 poengfattig film som denne om et s\u00e5 fargerikt tema"], ["7:96"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["58:62"]], "Polar_expression": [["poengfattig"], ["46:57"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["tema"], ["92:96"]], "Polar_expression": [["fargerikt"], ["82:91"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702603-02-03", "text": "Men \" Project X \" er virkelig som fjellklatring i Sahara .", "opinions": [{"Source": [[], []], "Target": [["\" Project X \""], ["4:17"]], "Polar_expression": [["som fjellklatring i Sahara"], ["30:56"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702603-03-01", "text": "\" Project X \" :", "opinions": []}, {"sent_id": "702603-03-02", "text": "Amerikansk komedie .", "opinions": []}, {"sent_id": "702603-03-03", "text": "2012 .", "opinions": []}, {"sent_id": "702603-03-04", "text": "1 time , 28minutter .", "opinions": []}, {"sent_id": "702603-03-05", "text": "15 \u00e5r .", "opinions": []}, {"sent_id": "702603-03-06", "text": "Regi :", "opinions": []}, {"sent_id": "702603-03-07", "text": "Nima Nourizadeh .", "opinions": []}, {"sent_id": "702603-03-08", "text": "Med :", "opinions": []}, {"sent_id": "702603-03-09", "text": "Thomas Mann , Oliver Cooper , Jonathan Daniel .", "opinions": []}, {"sent_id": "702603-04-01", "text": "Jeg begriper ikke at Todd Phillips ( \" Hangover \" ) kan v\u00e6re produsent for dette m\u00f8let .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["m\u00f8let"], ["81:86"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702603-04-02", "text": "Filmen er s\u00e5 traumatisk fri for talenter atden ikke en gang makter \u00e5 v\u00e6re smakl\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["traumatisk fri for talenter"], ["13:40"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Filmen"], ["0:6"]], "Polar_expression": [["ikke en gang makter \u00e5 v\u00e6re smakl\u00f8s"], ["47:81"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702603-04-03", "text": "Fra f\u00f8rste referanse tilHollywood-folkloren onani er regien tafatt , historien kraftl\u00f8s som nattetissingog provokasjonskraften som en TV2-reportasje om sms-jenter i bare bh-en .", "opinions": [{"Source": [[], []], "Target": [["regien"], ["53:59"]], "Polar_expression": [["tafatt"], ["60:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["69:78"]], "Polar_expression": [["kraftl\u00f8s"], ["79:87"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["provokasjonskraften"], ["107:126"]], "Polar_expression": [["som en TV2-reportasje om sms-jenter i bare bh-en"], ["127:175"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702603-04-04", "text": "Joda.Det finnes en del innleide anonymiteter som flasher forel\u00f8pighetene sine ibritneypoolen , men vi er ikke bare bortskjemte med hertuginne-bryster , faktiskogs\u00e5 s\u00e5 matleie n\u00e5r det gjelder kroppslig \u00e5penhet at vi ville ha gjespafrav\u00e6rende av Shirley MacLaines hemorroider ( forrige film ) .", "opinions": [{"Source": [["vi"], ["99:101"]], "Target": [[], []], "Polar_expression": [["matleie"], ["167:174"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702603-05-01", "text": "Filmen forteller om tre gymnas-geeker som iverksetter\u00e5rhundrets mest \u00f8deleggende hjemme alene-fest fordi de vil ha fl\u00f8teis p\u00e5 pinneneller hva det n\u00e5 heter i metafor-kretser fra Dropsen-segmentet .", "opinions": []}, {"sent_id": "702603-05-02", "text": "Festlighetenetar fort av , og etter en stund kan du ikke huske hvem som er hvem eller om detvar meningen at noen skulle bli kj\u00e6rester her .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke huske hvem som er hvem eller om detvar meningen at noen skulle bli kj\u00e6rester her"], ["52:137"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702603-05-03", "text": "Det var det .", "opinions": []}, {"sent_id": "302049-01-01", "text": "Piker , vin og ugagn", "opinions": []}, {"sent_id": "302049-02-01", "text": "\u00ab Utdrikningslaget \u00bb er en m\u00f8rk komedie om overd\u00e5dig usympatiske jenter .", "opinions": [{"Source": [[], []], "Target": [["jenter"], ["65:71"]], "Polar_expression": [["overd\u00e5dig usympatiske"], ["43:64"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-03-01", "text": "FILM :", "opinions": []}, {"sent_id": "302049-03-02", "text": "De er verken flinke eller snille piker , de tre hovedpersonene i \u00ab Utdrikningslaget \u00bb .", "opinions": [{"Source": [[], []], "Target": [["tre hovedpersonene"], ["44:62"]], "Polar_expression": [["verken flinke eller snille"], ["6:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-03-03", "text": "De er ganske n\u00e6r det motsatte .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["ganske n\u00e6r det motsatte"], ["6:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-03-04", "text": "Den bekm\u00f8rke komedien om en jentegjengs katastrofale oppseilling f\u00f8r bryllupet til den ene \u00ab venninnen \u00bb vil nok bli sammenlignet med fjor\u00e5rets boblende hit \u00ab Bridesmaids \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Bridesmaids \u00bb"], ["157:172"]], "Polar_expression": [["boblende hit"], ["144:156"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["oppseilling f\u00f8r bryllupet"], ["53:78"]], "Polar_expression": [["katastrofale"], ["40:52"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-03-05", "text": "I struktur er den en feminin versjon av \u00ab The Hangover \u00bb , trendmessig en fortsettelse av kjip kvinne-komediene \u00ab Bad Teacher \u00bb og \u00ab Young Adult \u00bb .", "opinions": []}, {"sent_id": "302049-03-06", "text": "Men \u00ab Utdrikningslaget \u00bb er seg selv nok .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["seg selv nok"], ["28:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302049-03-07", "text": "Den er m\u00f8rkere , skarpere , mer sardonisk og mer marinert i selvforakt enn de foreg\u00e5ende .", "opinions": []}, {"sent_id": "302049-03-08", "text": "Og den frontes av en overd\u00e5dig usympatisk Kirsten Dunst , med stikkende blikk og sammenknepne lepper .", "opinions": [{"Source": [[], []], "Target": [["Kirsten Dunst"], ["42:55"]], "Polar_expression": [["overd\u00e5dig usympatisk"], ["21:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-04-01", "text": "Kokain og referanser", "opinions": []}, {"sent_id": "302049-04-02", "text": "Det er Dunsts rollefigur , Regan , som reagerer med sv\u00e6rt lett kamuflert sjokk og vantro n\u00e5r Becky ( Rebel Wilson ) forteller at hun er forlovet .", "opinions": []}, {"sent_id": "302049-04-03", "text": "Etterp\u00e5 ringer hun rasende til resten av gjengen , den seksuelt utsvevende og dypt desillusjonerte Gena ( Lizzy Caplan ) og den imbesile partyjenta Katie ( Isla Fisher ) , for \u00e5 viderebringe at det faktisk er den tykke jenta de s\u00e5vidt tolererte p\u00e5 ungdomsskolen som skal gifte seg f\u00f8rst .", "opinions": [{"Source": [[], []], "Target": [["Katie"], ["148:153"]], "Polar_expression": [["imbesile"], ["128:136"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gena"], ["99:103"]], "Polar_expression": [["dypt desillusjonerte"], ["78:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-04-04", "text": "Et skjebnesvangert nachspiel ender med en spj\u00e6ret brudekjole og en desperat natteferd gjennom Manhattans gater , spekket med kokain og nittitallsreferanser , for \u00e5 f\u00e5 reparert plagget .", "opinions": []}, {"sent_id": "302049-05-01", "text": "Nevrotiske og morsomme", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["morsomme"], ["14:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nevrotiske"], ["0:10"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-05-02", "text": "Regan , Gena og Katie har en underholdende gjennomsiktighet .", "opinions": [{"Source": [[], []], "Target": [["Katie"], ["16:21"]], "Polar_expression": [["underholdende"], ["29:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Gena"], ["8:12"]], "Polar_expression": [["underholdende"], ["29:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regan"], ["0:5"]], "Polar_expression": [["underholdende"], ["29:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-05-03", "text": "De henger ut av andres svakheter og klarer ikke \u00e5 skjule sine egne .", "opinions": []}, {"sent_id": "302049-05-04", "text": "De h\u00e5nler av en verden som har beveget seg videre og som s\u00e5vidt orker dem og nykkene deres .", "opinions": [{"Source": [["De"], ["0:2"]], "Target": [["verden"], ["16:22"]], "Polar_expression": [["h\u00e5nler"], ["3:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}, {"Source": [["verden"], ["16:22"]], "Target": [["dem"], ["70:73"]], "Polar_expression": [["s\u00e5vidt orker"], ["57:69"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}]}, {"sent_id": "302049-05-05", "text": "De er nevrotiske , miserable og morsomme .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["nevrotiske"], ["6:16"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["miserable"], ["19:28"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["morsomme"], ["32:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-05-06", "text": "Og n\u00e5r de er umulige bare \u00e5 avfeie som fuckups , er det ikke s\u00e5 mye fordi de er gode p\u00e5 bunnen - det er de kanskje , kanskje ikke - som at det er noe ekte og innsiktsfullt over portrettet av folk som innerst inne vet at de gj\u00f8r dumme , stygge ting , men som alltid finner en bortforklaring .", "opinions": [{"Source": [[], []], "Target": [["de"], ["104:106"]], "Polar_expression": [["noe ekte og innsiktsfullt"], ["146:171"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-06-01", "text": "Herjet skj\u00f8nnhet", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Herjet skj\u00f8nnhet"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "302049-06-02", "text": "De billedskj\u00f8nne skuespillerne lar seg gjerne bade i regiss\u00f8r og manusforfatter Leslye Headlands hvite lys , som gj\u00f8r dem harde og herjede \u00e5 se p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["skuespillerne"], ["17:30"]], "Polar_expression": [["billedskj\u00f8nne"], ["3:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillerne"], ["17:30"]], "Polar_expression": [["harde og herjede \u00e5 se p\u00e5"], ["122:146"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-06-03", "text": "Og ingen er hardere enn Regan .", "opinions": [{"Source": [[], []], "Target": [["Regan"], ["24:29"]], "Polar_expression": [["ingen er hardere enn"], ["3:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-06-04", "text": "Nettopp hardheten , forakten for andres f\u00f8lelser , gir henne en ut\u00e5lmodig energi , en usentimental handlekraft , som i sin tur gj\u00f8r henne interessant .", "opinions": [{"Source": [[], []], "Target": [["henne"], ["132:137"]], "Polar_expression": [["interessant"], ["138:149"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-06-05", "text": "Formidable", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Formidable"], ["0:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-06-06", "text": "Dunst kan gjerne nomineres til det som er av skuespillerpriser for denne rollen , skj\u00f8nt det kan hende hun blir for dr\u00f8y kost for amerikanske juryer med sans for tragiske heltinner .", "opinions": [{"Source": [[], []], "Target": [["Dunst"], ["0:5"]], "Polar_expression": [["kan gjerne nomineres til det som er av skuespillerpriser"], ["6:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dunst"], ["0:5"]], "Polar_expression": [["kan hende hun blir for dr\u00f8y kost"], ["93:125"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-07-01", "text": "Det g\u00e5r seg for fint til mot slutten , dette .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["g\u00e5r seg for fint til mot slutten"], ["4:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-07-02", "text": "Regans , Genas og Katies destruktive l\u00f8p er ikke slike som kan settes p\u00e5 rett kurs s\u00e5nn helt uten videre .", "opinions": [{"Source": [[], []], "Target": [["Regans , Genas og Katies", "l\u00f8p"], ["0:24", "37:40"]], "Polar_expression": [["destruktive"], ["25:36"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Regans , Genas og Katies", "l\u00f8p"], ["0:24", "37:40"]], "Polar_expression": [["ikke slike som kan settes p\u00e5 rett kurs s\u00e5nn helt uten videre"], ["44:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "302049-07-03", "text": "Men de vippes opp mot femmeren for viddet og v\u00e5gemotet .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vippes opp mot femmeren"], ["7:30"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003523-01-01", "text": "Pride and Glory", "opinions": []}, {"sent_id": "003523-02-01", "text": "Sett det f\u00f8r , bedre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sett det f\u00f8r , bedre"], ["0:20"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003523-03-01", "text": "Korrupt purk har v\u00e6rt tema for mang en film , og \u201d Pride & Glory \u201d er enda en .", "opinions": []}, {"sent_id": "003523-03-02", "text": "Det er dessverre ikke en spesielt god en .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["dessverre ikke en spesielt god"], ["7:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003523-04-01", "text": "Irriterende elementer", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Irriterende elementer"], ["0:21"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-05-01", "text": "Jeg har f\u00f8lelsen av \u00e5 ha sett den samme historien f\u00f8r , bare bedre .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [["historien"], ["40:49"]], "Polar_expression": [["sett den samme", "f\u00f8r , bare bedre"], ["25:39", "50:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-05-02", "text": "Det er talentfulle folk foran kamera som Edward Norton , Colin Farrell , Jon Voight og Noah Emmerich .", "opinions": [{"Source": [[], []], "Target": [["Edward Norton"], ["41:54"]], "Polar_expression": [["talentfulle"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Colin Farrell"], ["57:70"]], "Polar_expression": [["talentfulle"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jon Voight"], ["73:83"]], "Polar_expression": [["talentfulle"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Noah Emmerich"], ["87:100"]], "Polar_expression": [["talentfulle"], ["7:18"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-06-01", "text": "Men regiss\u00f8r Gavin O\u2019 Connor , som ogs\u00e5 har skrevet manuset sammen med Joe Carnahan , f\u00e5r meg ikke overbevist ang\u00e5ende historiens troverdighet .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8r Gavin O\u2019 Connor"], ["4:28"]], "Polar_expression": [["f\u00e5r meg ikke overbevist"], ["86:109"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-06-02", "text": "Det er noen irriterende elementer i plottet som strider imot min logiske sans .", "opinions": [{"Source": [["min"], ["61:64"]], "Target": [["plottet"], ["36:43"]], "Polar_expression": [["noen irriterende elementer"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["min"], ["61:64"]], "Target": [["plottet"], ["36:43"]], "Polar_expression": [["strider imot", "logiske sans"], ["48:60", "65:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-07-01", "text": "En sak som lukter", "opinions": []}, {"sent_id": "003523-08-01", "text": "Fire politimenn blir skutt i en leilighet i et av New Yorks tvilsomme nabolag .", "opinions": []}, {"sent_id": "003523-08-02", "text": "Politisjefen setter sin egen s\u00f8nn p\u00e5 saken , Ray Tierney ( Edward Norton ) .", "opinions": []}, {"sent_id": "003523-08-03", "text": "Ray oppdager snart at saken lukter .", "opinions": []}, {"sent_id": "003523-09-01", "text": "Ledetr\u00e5der leder ham tilbake til sine kollegaer , blant annet egne familiemedlemmer .", "opinions": []}, {"sent_id": "003523-09-02", "text": "Ray blir revet mellom sannheten , lojaliteten til NYPD og forholdet til sin egen familie .", "opinions": []}, {"sent_id": "003523-10-01", "text": "Ikke troverdig", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke troverdig"], ["0:14"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-11-01", "text": "Jeg har alts\u00e5 f\u00f8lelsen av \u00e5 ha sett noe lignende f\u00f8r , og jeg trenger ikke g\u00e5 lenger tilbake enn til \u201d We own the night \u201d eller \u201d Dark Blue \u201d for \u00e5 finne bedre variasjoner av samme tema .", "opinions": [{"Source": [["jeg"], ["58:61"]], "Target": [[], []], "Polar_expression": [["sett noe lignende f\u00f8r"], ["31:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["58:61"]], "Target": [["\u201d Dark Blue \u201d"], ["128:141"]], "Polar_expression": [["bedre variasjoner av samme tema"], ["154:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["58:61"]], "Target": [["\u201d We own the night \u201d"], ["101:121"]], "Polar_expression": [["bedre variasjoner av samme tema"], ["154:185"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u201d We own the night \u201d eller \u201d Dark Blue \u201d", "bedre variasjoner av samme tema"], ["101:141", "154:185"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003523-12-01", "text": "Problemet i \u201d Pride & Glory \u201d er at jeg ikke tror p\u00e5 historien , slik den utfolder seg .", "opinions": [{"Source": [["jeg"], ["36:39"]], "Target": [["historien"], ["53:62"]], "Polar_expression": [["Problemet", "ikke tror p\u00e5"], ["0:9", "40:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["36:39"]], "Target": [["\u201d Pride & Glory \u201d"], ["12:29"]], "Polar_expression": [["Problemet", "ikke tror p\u00e5 historien"], ["0:9", "40:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003523-13-01", "text": "Edward Norton spiller solid , men jeg har vansker med \u00e5 tro fullt og helt p\u00e5 figuren hans .", "opinions": [{"Source": [["jeg"], ["34:37"]], "Target": [["Edward Norton"], ["0:13"]], "Polar_expression": [["spiller solid"], ["14:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["34:37"]], "Target": [["figuren hans"], ["77:89"]], "Polar_expression": [["vansker med \u00e5 tro fullt og helt"], ["42:73"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-13-02", "text": "Han skal v\u00e6re rammet av en skandale noen \u00e5r tidligere , som vi ikke f\u00e5r vite mye om , men kommer alts\u00e5 tilbake og er beinhard purk fra f\u00f8rste sekund .", "opinions": []}, {"sent_id": "003523-14-01", "text": "Teit avslutning", "opinions": [{"Source": [[], []], "Target": [["avslutning"], ["5:15"]], "Polar_expression": [["Teit"], ["0:4"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-15-01", "text": "Filmens store konflikt tilspisser seg kraftig i filmens siste del , og avsluttes med en teit sl\u00e5sskamp , som s\u00e5 g\u00e5r over i noe mer alvorlig , uten at det ser ut til \u00e5 f\u00e5 noen konsekvenser for ut\u00f8verne .", "opinions": [{"Source": [[], []], "Target": [["Filmens store konflikt"], ["0:22"]], "Polar_expression": [["teit sl\u00e5sskamp", "uten at det ser ut til \u00e5 f\u00e5 noen konsekvenser for ut\u00f8verne"], ["88:102", "142:200"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-15-02", "text": "Beklager , men jeg tror ikke p\u00e5 det !", "opinions": [{"Source": [["jeg"], ["15:18"]], "Target": [[], []], "Polar_expression": [["tror ikke p\u00e5 det !"], ["19:37"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "003523-16-01", "text": "En film med en s\u00e5 realistisk tone som \u201d Pride & Glory \u201d har , kunne trengt et manus som sto i stil .", "opinions": [{"Source": [[], []], "Target": [["\u201d Pride & Glory \u201d"], ["38:55"]], "Polar_expression": [["kunne trengt et manus som sto i stil"], ["62:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "003523-16-02", "text": "Dette utvikler seg til \u00e5 bli et rent fantasidrama , og det var ikke det jeg hadde \u00f8nsket meg .", "opinions": [{"Source": [["jeg"], ["72:75"]], "Target": [[], []], "Polar_expression": [["rent fantasidrama"], ["32:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [[], []], "Polar_expression": [["ikke det", "hadde \u00f8nsket meg"], ["63:71", "76:92"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107375-01-01", "text": "Vemodig muntert", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Vemodig muntert"], ["0:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107375-02-01", "text": "Regi :", "opinions": []}, {"sent_id": "107375-02-02", "text": "Vladimir Michalek .", "opinions": []}, {"sent_id": "107375-02-03", "text": "Med :", "opinions": []}, {"sent_id": "107375-02-04", "text": "Vlastimil Brodsky , Stella Zazvorkova , Stanislav Zindulka .", "opinions": []}, {"sent_id": "107375-02-05", "text": "Tsjekkisk komedie .", "opinions": []}, {"sent_id": "107375-03-01", "text": "En hjertevarm , munter-vemodig film om alderdom , livslyst og verdighet .", "opinions": [{"Source": [[], []], "Target": [["film"], ["31:35"]], "Polar_expression": [["hjertevarm"], ["3:13"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["31:35"]], "Polar_expression": [["munter-vemodig"], ["16:30"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "107375-04-01", "text": "Dette er noe s\u00e5 sjeldent som en komedie der hovedakt\u00f8rene utelukkende er eldre mennesker .", "opinions": []}, {"sent_id": "107375-04-02", "text": "To pensjonerte skuespillere bruker dagen p\u00e5 \u00e5 lage sine h\u00f8yst private skuespill , der de utgir seg for \u00e5 v\u00e6re rike dirigenter , billettkontroll\u00f8rer eller andre yrker der de f\u00e5r oppmerksomhet .", "opinions": []}, {"sent_id": "107375-04-03", "text": "Alt for \u00e5 gj\u00f8re hverdagen litt artig , og for \u00e5 fjerne tankene fra det som faretruende n\u00e6rmer seg - d\u00f8den .", "opinions": []}, {"sent_id": "107375-04-04", "text": "Den enes kone er til gjengjeld ekstremt opptatt av d\u00f8den ; alt skal v\u00e6re klart , gravstein skal fikses , penger til en verdig begravelse skal v\u00e6re p\u00e5 plass til dommens dag .", "opinions": []}, {"sent_id": "107375-05-01", "text": "I sedat tempo rulles historien fremover , stillferdig fortalt med t\u00f8rrvittig humor .", "opinions": [{"Source": [[], []], "Target": [["historien"], ["21:30"]], "Polar_expression": [["t\u00f8rrvittig humor"], ["66:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["historien"], ["21:30"]], "Polar_expression": [["stillferdig fortalt"], ["42:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107375-05-02", "text": "Det er skuespillerne som b\u00e6rer filmen , is\u00e6r Vlastimil Brodsky som den fantasifulle , trassige eks-skuespiller Fanda .", "opinions": [{"Source": [[], []], "Target": [["skuespillerne"], ["7:20"]], "Polar_expression": [["b\u00e6rer filmen"], ["25:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Vlastimil Brodsky"], ["45:62"]], "Polar_expression": [["b\u00e6rer filmen"], ["25:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eks-skuespiller Fanda"], ["95:116"]], "Polar_expression": [["trassige"], ["86:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["eks-skuespiller Fanda"], ["95:116"]], "Polar_expression": [["fantasifulle"], ["71:83"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "107375-05-03", "text": "I scener med sin venn og sin kone er det \u00f8yeblikk av storhet ; varme , vemodige scener om eldre mennesker som har lyst til \u00e5 leve med fandenivoldsk frekkhet , men som lett kan la seg fange inn av omgivelsenes forventninger til hvordan man skal te seg ved skjells \u00e5r og alder .", "opinions": []}, {"sent_id": "107375-06-01", "text": "\u00ab Autumn Spring \u00bb - en film om mennesker i livets h\u00f8st med v\u00e5rlig sinn - er en stillferdig liten perle som fortjener litt sommerlig oppmerksomhet .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Autumn Spring \u00bb"], ["0:17"]], "Polar_expression": [["stillferdig liten perle"], ["79:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Autumn Spring \u00bb"], ["0:17"]], "Polar_expression": [["fortjener", "oppmerksomhet"], ["107:116", "132:145"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200520-01-01", "text": "HP Envy X2", "opinions": []}, {"sent_id": "200520-02-01", "text": "Kanskje den lekreste hybrid-PC-en s\u00e5 langt .", "opinions": [{"Source": [[], []], "Target": [["hybrid-PC-en"], ["21:33"]], "Polar_expression": [["lekreste", "s\u00e5 langt"], ["12:20", "34:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-03-01", "text": "PC-kategorien er i sterk endring .", "opinions": []}, {"sent_id": "200520-03-02", "text": "Nylig var vi i Las Vegas og overvar \u00e5rets CES-messe , og selv om trendene spriker litt , er det ingen tvil om at den tradisjonelle PC-en er p\u00e5 vikende front .", "opinions": []}, {"sent_id": "200520-04-01", "text": "Den stasjon\u00e6re PC-en kan f\u00e5 sin erstatning i alt-i-ett-maskiner der alt er innebygd i skjermen , enkelte av dem kan hektes av foten og brukes som et gigantisk nettbrett i fanget .", "opinions": []}, {"sent_id": "200520-04-02", "text": "Og b\u00e6rbare PC-er har ber\u00f8ringsf\u00f8lsomme skjermer som kan hektes av eller snus rundt og klappes over tastaturet - for dermed ogs\u00e5 \u00e5 kunne brukes som nettbrett .", "opinions": []}, {"sent_id": "200520-05-01", "text": "HP Envy X2 er en s\u00e5kalt hybrid b\u00e6rbar PC / nettbrett , og er den fjerde maskinen vi tester innenfor denne kategorien .", "opinions": []}, {"sent_id": "200520-05-02", "text": "I likhet med Samsung ATIV Smart PC kan du her hekte skjermen helt av tastaturet med et enkelt klikk , men b\u00e5de vekt- og maskinvaremessig er HPs maskin langt lettere .", "opinions": [{"Source": [[], []], "Target": [["her"], ["42:45"]], "Polar_expression": [["kan", "hekte skjermen helt av tastaturet med et enkelt klikk"], ["35:38", "46:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Samsung ATIV Smart PC"], ["13:34"]], "Polar_expression": [["kan", "hekte skjermen helt av tastaturet med et enkelt klikk"], ["35:38", "46:99"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["HPs maskin"], ["140:150"]], "Polar_expression": [["vekt- og maskinvaremessig", "langt lettere"], ["111:136", "151:164"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-06-01", "text": "Her er de viktigste spesifikasjonene :", "opinions": []}, {"sent_id": "200520-07-01", "text": "Skjerm : 11,6 \" \" blank ber\u00f8ringsskjerm , 1366 x 768 piksler Prosessor :", "opinions": []}, {"sent_id": "200520-07-02", "text": "Intel Atom Z2760 RAM :", "opinions": []}, {"sent_id": "200520-07-03", "text": "2 GB , maks 4 GB Grafikkort :", "opinions": []}, {"sent_id": "200520-07-04", "text": "Intel GMA ( integrert ) Lagring :", "opinions": []}, {"sent_id": "200520-07-05", "text": "64 GB SSD Optisk drev :", "opinions": []}, {"sent_id": "200520-07-06", "text": "Nei Skjermutganger :", "opinions": []}, {"sent_id": "200520-07-07", "text": "HDMI USB-porter : 2x USB 2.0 i tastaturdelen Webkamera : 1,3 mpix + 8 mpix kamera p\u00e5 baksiden Kortleser : microSD i brett , vanlig SD-leser i tastaturdel Tr\u00e5dl\u00f8st nett : a / b /g /n + Bluetooth Kablet nett :", "opinions": []}, {"sent_id": "200520-07-08", "text": "Nei Annet :", "opinions": []}, {"sent_id": "200520-07-09", "text": "St\u00f8tter NFC OS :", "opinions": []}, {"sent_id": "200520-07-10", "text": "Windows 8 , 32 bit St\u00f8rrelse : 303 \u00d7 206 \u00d7 19 mm ( brett og tastaturdel ) Vekt :", "opinions": []}, {"sent_id": "200520-07-11", "text": "1450 gram totalvekt , bare brettet : 700 gram Pris : fra ca 7000 kroner ( 16. januar 2013 )", "opinions": []}, {"sent_id": "200520-08-01", "text": "Ikke noe r\u00e5skinn-spesifikasjoner her , alts\u00e5 , og spesielt prosessor og RAM kunne v\u00e6rt hentet fra en minib\u00e6rbar til et par tusenlapper .", "opinions": [{"Source": [[], []], "Target": [["her"], ["33:36"]], "Polar_expression": [["Ikke noe r\u00e5skinn-spesifikasjoner her"], ["0:36"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosessor"], ["59:68"]], "Polar_expression": [["kunne v\u00e6rt hentet fra en minib\u00e6rbar til et par tusenlapper"], ["76:134"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["RAM"], ["72:75"]], "Polar_expression": [["kunne v\u00e6rt hentet fra en minib\u00e6rbar til et par tusenlapper"], ["76:134"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-08-02", "text": "Maskinen leveres dessuten med fullversjonen av Windows 8 , og da er 64 GB SSD i snaueste laget .", "opinions": [{"Source": [[], []], "Target": [["Maskinen"], ["0:8"]], "Polar_expression": [["leveres", "med fullversjonen av Windows 8"], ["9:16", "26:56"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Maskinen"], ["0:8"]], "Polar_expression": [["64 GB SSD i snaueste laget"], ["68:94"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-08-03", "text": "Allerede ved leveransen har du bare 30 GB ledig lagringsplass .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ved leveransen har du bare 30 GB ledig lagringsplass"], ["9:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-09-01", "text": "Solid og lekker", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Solid"], ["0:5"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["lekker"], ["9:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200520-10-01", "text": "Men det den mangler p\u00e5 maskinvarefronten tar den igjen s\u00e5 det monner p\u00e5 design og byggekvalitet .", "opinions": [{"Source": [[], []], "Target": [["den"], ["8:11"]], "Polar_expression": [["det den mangler p\u00e5 maskinvarefronten tar den igjen s\u00e5 det monner p\u00e5 design og byggekvalitet"], ["4:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["8:11"]], "Polar_expression": [["mangler p\u00e5 maskinvarefronten"], ["12:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["8:11"]], "Polar_expression": [["tar", "igjen s\u00e5 det monner p\u00e5 design og byggekvalitet"], ["41:44", "49:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-10-02", "text": "Her har HP benyttet aluminium fra innerst til ytterst , og maskinen gir derfor et eksklusivt inntrykk .", "opinions": [{"Source": [[], []], "Target": [["HP"], ["8:10"]], "Polar_expression": [["har", "benyttet aluminium fra innerst til ytterst"], ["4:7", "11:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["maskinen"], ["59:67"]], "Polar_expression": [["gir derfor et eksklusivt inntrykk"], ["68:101"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-11-01", "text": "Power-knappen sitter p\u00e5 lokket eller baksiden av nettbrettet , alt ettersom .", "opinions": []}, {"sent_id": "200520-11-02", "text": "Her sitter ogs\u00e5 frontlinsen for kameraet , som akkompagneres av et LED-lys i m\u00f8rke omgivelser .", "opinions": [{"Source": [[], []], "Target": [["frontlinsen for kameraet"], ["16:40"]], "Polar_expression": [["akkompagneres av et LED-lys i m\u00f8rke omgivelser"], ["47:93"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-11-03", "text": "Bilde- og videkvaliteten er ganske midt p\u00e5 treet , og sammenlignbar med Android- og iOS-brett .", "opinions": [{"Source": [[], []], "Target": [["Bilde- og videkvaliteten"], ["0:24"]], "Polar_expression": [["ganske midt p\u00e5 treet"], ["28:48"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bilde- og videkvaliteten"], ["0:24"]], "Polar_expression": [["sammenlignbar med Android- og iOS-brett"], ["54:93"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-12-01", "text": "Noen enkle tilkoblinger", "opinions": []}, {"sent_id": "200520-13-01", "text": "Foruten en microSD-leser og minijack lydutgang er det ikke andre tilkoblinger i selve brettet .", "opinions": [{"Source": [[], []], "Target": [["brettet"], ["86:93"]], "Polar_expression": [["Foruten en microSD-leser og minijack lydutgang er det ikke andre tilkoblinger i selve brettet"], ["0:93"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-13-02", "text": "En USB-port her hadde gjort seg .", "opinions": [{"Source": [[], []], "Target": [["her"], ["12:15"]], "Polar_expression": [["En USB-port her hadde gjort seg"], ["0:31"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-14-01", "text": "Tastaturdelen har imidlertid to USB 2.0-porter og en kortleser for fullst\u00f8rrelses SD-kort , i tillegg til HDMI-utgang og en minijack for lyd ogs\u00e5 her .", "opinions": [{"Source": [[], []], "Target": [["Tastaturdelen"], ["0:13"]], "Polar_expression": [["har", "to USB 2.0-porter"], ["14:17", "29:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Tastaturdelen"], ["0:13"]], "Polar_expression": [["har", "kortleser for fullst\u00f8rrelses SD-kort"], ["14:17", "53:89"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Tastaturdelen"], ["0:13"]], "Polar_expression": [["har", "HDMI-utgang"], ["14:17", "106:117"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tastaturdelen"], ["0:13"]], "Polar_expression": [["har", "minijack for lyd"], ["14:17", "124:140"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-14-02", "text": "Det sitter ogs\u00e5 et batteri i tastaturdelen , noe som er med p\u00e5 \u00e5 gj\u00f8re totalvekten s\u00e5 h\u00f8y som 1,4 kg , men som s\u00f8rger for meget god batteritid .", "opinions": [{"Source": [[], []], "Target": [["totalvekten"], ["71:82"]], "Polar_expression": [["s\u00e5 h\u00f8y som 1,4 kg"], ["83:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteri i tastaturdelen"], ["19:42"]], "Polar_expression": [["med p\u00e5 \u00e5 gj\u00f8re totalvekten s\u00e5 h\u00f8y som 1,4 kg"], ["56:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["batteri i tastaturdelen"], ["19:42"]], "Polar_expression": [["s\u00f8rger for meget god batteritid"], ["111:142"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteritid"], ["132:142"]], "Polar_expression": [["meget god"], ["122:131"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-14-03", "text": "Mer om det siden .", "opinions": []}, {"sent_id": "200520-15-01", "text": "Rett over tastaturet sitter en skyvebryter som med et enkelt skyv l\u00f8sner skjermen .", "opinions": []}, {"sent_id": "200520-15-02", "text": "En ting vi liker er at n\u00e5r du jobber i standard PC-modus tappes batteriet i tastaturdelen f\u00f8rst .", "opinions": [{"Source": [[], []], "Target": [["PC-modus"], ["48:56"]], "Polar_expression": [["n\u00e5r du jobber i standard PC-modus tappes batteriet i tastaturdelen f\u00f8rst"], ["23:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["8:10"]], "Target": [["PC-modus"], ["48:56"]], "Polar_expression": [["liker"], ["11:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-15-03", "text": "N\u00e5r du s\u00e5 hekter av skjermen , vil du da ofte ha 100 % batteritid tilgjengelig .", "opinions": [{"Source": [[], []], "Target": [["N\u00e5r du", "hekter av skjermen"], ["0:6", "10:28"]], "Polar_expression": [["100 % batteritid tilgjengelig"], ["49:78"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-16-01", "text": "Skjermen har ikke den h\u00f8yeste oppl\u00f8sningen , men kan betraktes fra n\u00e6rmest d\u00f8d vinkel , og lysstyrke og fargemetning er vi meget godt forn\u00f8yd med .", "opinions": [{"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["har ikke den h\u00f8yeste oppl\u00f8sningen"], ["9:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["kan betraktes fra n\u00e6rmest d\u00f8d vinkel"], ["49:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Skjermen"], ["0:8"]], "Polar_expression": [["lysstyrke og fargemetning er vi meget godt forn\u00f8yd med"], ["91:145"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["120:122"]], "Target": [["lysstyrke"], ["91:100"]], "Polar_expression": [["meget godt forn\u00f8yd"], ["123:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["120:122"]], "Target": [["fargemetning"], ["104:116"]], "Polar_expression": [["meget godt forn\u00f8yd"], ["123:141"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-17-01", "text": "Tastatur og pekeplate fungerer ogs\u00e5 eksemplarisk .", "opinions": [{"Source": [[], []], "Target": [["pekeplate"], ["12:21"]], "Polar_expression": [["eksemplarisk"], ["36:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tastatur"], ["0:8"]], "Polar_expression": [["eksemplarisk"], ["36:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-18-01", "text": "Helt stille", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Helt stille"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "200520-19-01", "text": "I motsetning til ATIV-maskinen fra Samsung , som riktig nok var utstyrt med en mye kraftigere prosessor , er Envy X2 ogs\u00e5 s\u00e5 godt som lydl\u00f8s .", "opinions": [{"Source": [[], []], "Target": [["Envy X2"], ["109:116"]], "Polar_expression": [["s\u00e5 godt som lydl\u00f8s"], ["122:140"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["ATIV-maskinen fra Samsung"], ["17:42"]], "Polar_expression": [["utstyrt med en mye kraftigere prosessor"], ["64:103"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-19-02", "text": "Her f\u00e5r du alts\u00e5 et brett med full Windows 8-funksjonalitet , du kan kj\u00f8re helt vanlige Windows-programmer , og det uten \u00e5 bli forstyrret av sjenerende vifter .", "opinions": [{"Source": [[], []], "Target": [["brett"], ["20:25"]], "Polar_expression": [["full Windows 8-funksjonalitet"], ["30:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["brett"], ["20:25"]], "Polar_expression": [["du kan kj\u00f8re helt vanlige Windows-programmer", "uten \u00e5 bli forstyrret av sjenerende vifter"], ["62:106", "116:158"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-19-03", "text": "Det liker vi !", "opinions": [{"Source": [["vi"], ["10:12"]], "Target": [["Det"], ["0:3"]], "Polar_expression": [["liker"], ["4:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-20-01", "text": "Men merk at det er Modern UI-apper den trives best med .", "opinions": [{"Source": [[], []], "Target": [["den"], ["35:38"]], "Polar_expression": [["merk at det er Modern UI-apper den trives best med"], ["4:54"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-20-02", "text": "De startes og kj\u00f8res uten s\u00e6rlige forsinkelser , og alt glir lett og fint i den nye startmenyen med fingersveiping , zooming osv .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["startes og kj\u00f8res uten s\u00e6rlige forsinkelser"], ["3:46"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["den nye startmenyen"], ["76:95"]], "Polar_expression": [["alt glir lett og fint"], ["52:73"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-20-03", "text": "Tradisjonelle , litt komplekse Windows-programmer , fleroppgavekj\u00f8ring og lignende er tungt for den svake prosessoren .", "opinions": [{"Source": [[], []], "Target": [["prosessoren"], ["106:117"]], "Polar_expression": [["Tradisjonelle , litt komplekse Windows-programmer , fleroppgavekj\u00f8ring og lignende er tungt"], ["0:91"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["prosessoren"], ["106:117"]], "Polar_expression": [["svake"], ["100:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-20-04", "text": "\u00c5 pakke ut store ZIP-filer g\u00e5r ogs\u00e5 tregt , men det skyldes ogs\u00e5 at SSD-en i denne maskinen ikke er av den raske sorten , dessverre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00c5 pakke ut store ZIP-filer g\u00e5r ogs\u00e5 tregt"], ["0:41"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["SSD-en i denne maskinen"], ["68:91"]], "Polar_expression": [["ikke", "av den raske sorten"], ["92:96", "100:119"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-21-01", "text": "Slik yter den", "opinions": []}, {"sent_id": "200520-22-01", "text": "Windows Opplevelseindeks gir oss f\u00f8lgende indikasjoner p\u00e5 ytelsen .", "opinions": []}, {"sent_id": "200520-22-02", "text": "Her g\u00e5r skalaen fra 1,0 ( tregest ) til 9,9 ( raskest ) :", "opinions": []}, {"sent_id": "200520-23-01", "text": "Prosessor : 3,4 Minne :", "opinions": [{"Source": [[], []], "Target": [["Prosessor"], ["0:9"]], "Polar_expression": [["3,4"], ["12:15"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-23-02", "text": "4,7 Grafikk :", "opinions": []}, {"sent_id": "200520-23-03", "text": "3,8 Spillgrafikk :", "opinions": []}, {"sent_id": "200520-23-04", "text": "3,3 Prim\u00e6r harddisk :", "opinions": []}, {"sent_id": "200520-23-05", "text": "5,4", "opinions": []}, {"sent_id": "200520-24-01", "text": "Passmark PerformanceTest avsl\u00f8rer at SSD-en har en lese / skrive-hastighet p\u00e5 beskjedne 44/11 MB , noe som er mye lavere enn selv vanlige harddisker .", "opinions": [{"Source": [[], []], "Target": [["SSD-en"], ["37:43"]], "Polar_expression": [["lese / skrive-hastighet p\u00e5 beskjedne 44/11 MB"], ["51:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["lese / skrive-hastighet"], ["51:74"]], "Polar_expression": [["mye lavere enn", "vanlige harddisker"], ["110:124", "130:148"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-25-01", "text": "Alt dette understreker v\u00e5r oppfatning av at dette er en maskin som er beregnet p\u00e5 meget lett bruk .", "opinions": []}, {"sent_id": "200520-26-01", "text": "Atom-prosessoren f\u00e5r en score p\u00e5 620 .", "opinions": [{"Source": [[], []], "Target": [["Atom-prosessoren"], ["0:16"]], "Polar_expression": [["score p\u00e5 620"], ["24:36"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-26-02", "text": "Til sammenligning ligger de fleste Ultrabook-ene i samme prisklasse p\u00e5 rundt 3500 , og det merkes i de fleste situasjoner .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Til sammenligning ligger de fleste Ultrabook-ene i samme prisklasse p\u00e5 rundt 3500"], ["0:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["det"], ["87:90"]], "Polar_expression": [["merkes i de fleste situasjoner"], ["91:121"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de fleste Ultrabook-ene i samme prisklasse"], ["25:67"]], "Polar_expression": [["3500"], ["77:81"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-26-03", "text": "Det som imidlertid er gledelig \u00e5 se , er at den nye Modern UI-videoavspilleren ikke har noen problemer med \u00e5 spille av h\u00f8yoppl\u00f8st video , ikke en gang 1080P .", "opinions": []}, {"sent_id": "200520-26-04", "text": "Vi testet flere forskjellige formater , og dette ser vi p\u00e5 som sv\u00e6rt positivt .", "opinions": []}, {"sent_id": "200520-27-01", "text": "En annen ting som er sv\u00e6rt positivt er batteritiden .", "opinions": [{"Source": [[], []], "Target": [["batteritiden"], ["39:51"]], "Polar_expression": [["sv\u00e6rt positivt"], ["21:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-27-02", "text": "HP antyder 14 timer bruk n\u00e5r du bruker maskinen i PC-modus , og v\u00e5re tester kan langt p\u00e5 vei bekrefte dette .", "opinions": [{"Source": [[], []], "Target": [["PC-modus"], ["50:58"]], "Polar_expression": [["14 timer bruk"], ["11:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["HP antyder 14 timer bruk"], ["0:24"]], "Polar_expression": [["v\u00e5re tester kan langt p\u00e5 vei bekrefte dette"], ["64:107"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-27-03", "text": "Ved kontinuerlig videoavspilling var batteriet sv\u00e6rt seiglivet , og etter \u00e9n hel time video i 720P hadde ikke batteriindikatoren sunket mer enn 10 % !", "opinions": [{"Source": [[], []], "Target": [["batteriet"], ["37:46"]], "Polar_expression": [["Ved kontinuerlig videoavspilling", "sv\u00e6rt seiglivet"], ["0:32", "47:62"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["batteriet"], ["37:46"]], "Polar_expression": [["etter \u00e9n hel time video i 720P hadde ikke batteriindikatoren sunket mer enn 10 %"], ["68:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-28-01", "text": "Selve brettet har ogs\u00e5 bra batteritid , selv om den ikke er n\u00e5r helt opp til for eksempel iPad .", "opinions": [{"Source": [[], []], "Target": [["brettet"], ["6:13"]], "Polar_expression": [["bra batteritid"], ["23:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteritid"], ["27:37"]], "Polar_expression": [["ikke", "n\u00e5r helt opp til for eksempel iPad"], ["52:56", "60:94"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-28-02", "text": "V\u00e5re tester tyder p\u00e5 en batteritid p\u00e5 7 - 8 timer med moderat belastning .", "opinions": [{"Source": [[], []], "Target": [["batteritid"], ["24:34"]], "Polar_expression": [["V\u00e5re tester tyder p\u00e5 en batteritid p\u00e5 7 - 8 timer med moderat belastning"], ["0:72"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "200520-28-03", "text": "Det kan vi gi godkjent karakter p\u00e5 .", "opinions": [{"Source": [["vi"], ["8:10"]], "Target": [["Det"], ["0:3"]], "Polar_expression": [["kan", "gi godkjent karakter p\u00e5"], ["4:7", "11:34"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-29-01", "text": "Konklusjon", "opinions": []}, {"sent_id": "200520-30-01", "text": "HP har laget en meget elegant hybrid som oser av god byggekvalitet .", "opinions": [{"Source": [[], []], "Target": [["HP"], ["0:2"]], "Polar_expression": [["har laget en meget elegant hybrid som oser av god byggekvalitet"], ["3:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hybrid"], ["30:36"]], "Polar_expression": [["meget elegant"], ["16:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["byggekvalitet"], ["53:66"]], "Polar_expression": [["god"], ["49:52"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-30-02", "text": "Den er lydl\u00f8s og byr p\u00e5 sv\u00e6rt god batteritid n\u00e5r den brukes i PC-modus .", "opinions": [{"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["lydl\u00f8s"], ["7:13"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Den"], ["0:3"]], "Polar_expression": [["byr p\u00e5 sv\u00e6rt god batteritid n\u00e5r den brukes i PC-modus"], ["17:70"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["batteritid"], ["34:44"]], "Polar_expression": [["sv\u00e6rt god"], ["24:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-30-03", "text": "Du kan kj\u00f8re tradisjonelle Windows-programmer , men hvis dette er hovedfokus for deg , ville vi sett en annen vei .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kan kj\u00f8re tradisjonelle Windows-programmer"], ["3:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["Windows-programmer"], ["27:45"]], "Polar_expression": [["hvis dette er hovedfokus for deg , ville vi sett en annen vei"], ["52:113"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-30-04", "text": "Maskinen har nemlig meget begrenset ytelse og lagringsplass .", "opinions": [{"Source": [[], []], "Target": [["Maskinen"], ["0:8"]], "Polar_expression": [["har", "meget begrenset ytelse"], ["9:12", "20:42"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Maskinen"], ["0:8"]], "Polar_expression": [["har", "meget begrenset", "lagringsplass"], ["9:12", "20:35", "46:59"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-31-01", "text": "Ytelsen er likevel god nok for video , bilder og surfing samt de fleste Modern UI-apper , i hvert fall de mest aktuelle akkurat n\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["Ytelsen"], ["0:7"]], "Polar_expression": [["god nok for video"], ["19:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ytelsen"], ["0:7"]], "Polar_expression": [["god nok for", "bilder"], ["19:30", "39:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ytelsen"], ["0:7"]], "Polar_expression": [["god nok for", "surfing"], ["19:30", "49:56"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ytelsen"], ["0:7"]], "Polar_expression": [["god nok for", "de fleste Modern UI-apper"], ["19:30", "62:87"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-32-01", "text": "S\u00e5 her m\u00e5 du gj\u00f8re en avveining og definere hva som er viktigst for deg .", "opinions": []}, {"sent_id": "200520-32-02", "text": "Er du fascinert over hybrid-prinsippet men forventer mer kraft , b\u00f8r du ta en titt p\u00e5 ATIV Smart PC fra Samsung , Lenovo Thinkpad Twist eller Dell XPS Duo 12 .", "opinions": [{"Source": [[], []], "Target": [["ATIV Smart PC fra Samsung", "Lenovo Thinkpad Twist", "Dell XPS Duo 12"], ["86:111", "114:135", "142:157"]], "Polar_expression": [["Er du fascinert over hybrid-prinsippet men forventer mer kraft , b\u00f8r du ta en titt p\u00e5 ATIV Smart PC fra Samsung , Lenovo Thinkpad Twist eller Dell XPS Duo 12"], ["0:157"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "200520-33-01", "text": "HP Envy x2 11- G001eo", "opinions": []}, {"sent_id": "106244-01-01", "text": "Steffen Horn , klaver :", "opinions": []}, {"sent_id": "106244-01-02", "text": "\u00ab Konsert \u00bb", "opinions": []}, {"sent_id": "106244-02-01", "text": "Musikk av Dusik , Grieg , Rachmaninov og Prokofiev ( 2L )", "opinions": []}, {"sent_id": "106244-03-01", "text": "Innholdsrik piano-konsert", "opinions": [{"Source": [[], []], "Target": [["piano-konsert"], ["12:25"]], "Polar_expression": [["Innholdsrik"], ["0:11"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106244-04-01", "text": "\u00ab Konsert \u00bb er det greie navnet p\u00e5 pianisten Steffen Horns siste cd . Folkemusikk-bruk i kunstmusikk er fellesnevneren her , og den eldste representerte komponisten er den wienerklassisk anlagte og slavisk-inspirerte tjekkeren Jan Ladislav Dusik .", "opinions": []}, {"sent_id": "106244-04-02", "text": "S\u00e5 kommer Grieg , Prokofiev og Rachmaninov .", "opinions": []}, {"sent_id": "106244-04-03", "text": "Av sistnevnte f\u00e5r vi \u00ab Preludier \u00bb op.", "opinions": []}, {"sent_id": "106244-04-04", "text": "23 , Grieg presenteres med \u00ab Lyriske stykker \u00bb Op.", "opinions": []}, {"sent_id": "106244-04-05", "text": "65 , som avrundes med \u00ab Bryllupsdag p\u00e5 Troldhaugen \u00bb , og Prokofievs Sonate no .", "opinions": []}, {"sent_id": "106244-04-06", "text": "1 op. 1 representerer det st\u00f8rre formatet .", "opinions": []}, {"sent_id": "106244-04-07", "text": "Det er mye spennende musikk , og Horn viser seg som en veldig nennsom og innsiktsfull pianist .", "opinions": [{"Source": [[], []], "Target": [["musikk"], ["21:27"]], "Polar_expression": [["mye spennende"], ["7:20"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Horn"], ["33:37"]], "Polar_expression": [["veldig nennsom og innsiktsfull"], ["55:85"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106244-04-08", "text": "Dusiks wienerklassisistiske l\u00f8p er lette og flatterende , men det er f\u00f8rst hos Rachmaninov at man kan merke det dypere uttrykket .", "opinions": [{"Source": [[], []], "Target": [["Dusiks wienerklassisistiske l\u00f8p"], ["0:31"]], "Polar_expression": [["lette"], ["35:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Dusiks wienerklassisistiske l\u00f8p"], ["0:31"]], "Polar_expression": [["flatterende"], ["44:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Rachmaninov"], ["79:90"]], "Polar_expression": [["dypere uttrykket"], ["112:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106244-04-09", "text": "Horn f\u00e5r musikken til \u00e5 virke nesten impresjonistisk i det lette , f\u00f8r han tr\u00e5r til med romantisk makt , som hos Prokofiev .", "opinions": [{"Source": [[], []], "Target": [["musikken"], ["9:17"]], "Polar_expression": [["nesten impresjonistisk i det lette"], ["30:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["musikken"], ["9:17"]], "Polar_expression": [["romantisk makt"], ["88:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106244-04-10", "text": "Hos Grieg er det nok av folkemusikalsk snert , f\u00f8r han gj\u00f8r de svakere partiene nesten dvelende , duse og lekre \u00e5 lytte til .", "opinions": [{"Source": [[], []], "Target": [["Grieg"], ["4:9"]], "Polar_expression": [["folkemusikalsk snert"], ["24:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de svakere partiene"], ["60:79"]], "Polar_expression": [["dvelende"], ["87:95"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de svakere partiene"], ["60:79"]], "Polar_expression": [["duse"], ["98:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["de svakere partiene"], ["60:79"]], "Polar_expression": [["lekre \u00e5 lytte til"], ["106:123"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106244-04-11", "text": "En innholdsrik plate fra en pianist det er spennende \u00e5 f\u00f8lge med .", "opinions": [{"Source": [[], []], "Target": [["plate"], ["15:20"]], "Polar_expression": [["innholdsrik"], ["3:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["pianist"], ["28:35"]], "Polar_expression": [["spennende \u00e5 f\u00f8lge med"], ["43:64"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-01-01", "text": "Vil , vil , men f\u00e5r det ikke til", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5r det ikke til"], ["16:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-02-01", "text": "Converge kan v\u00e6re verdens beste liveband .", "opinions": [{"Source": [[], []], "Target": [["Converge"], ["0:8"]], "Polar_expression": [["kan v\u00e6re verdens beste liveband"], ["9:40"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-02-02", "text": "De kan ogs\u00e5 v\u00e6re riktig s\u00e5 midt-p\u00e5-treet .", "opinions": [{"Source": [[], []], "Target": [["De"], ["0:2"]], "Polar_expression": [["kan ogs\u00e5 v\u00e6re riktig s\u00e5 midt-p\u00e5-treet"], ["3:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-03-01", "text": "Jacob Bannon og hans Converge m\u00e5 ha et noe underlig inntrykk av Norge .", "opinions": []}, {"sent_id": "001521-03-02", "text": "F\u00f8rst spilte de p\u00e5 Sub Scene for noen \u00e5r tilbake , og store deler av konserten ble brukt p\u00e5 \u00e5 fortelle kids at det var helt greit \u00e5 rocke ut til musikken deres .", "opinions": []}, {"sent_id": "001521-03-03", "text": "S\u00e5 var det den gigantiske hovedscenen p\u00e5 Hove en tidlig ettermiddag , foran noen hundre interesserte og nysgjerrige publikummere .", "opinions": []}, {"sent_id": "001521-03-04", "text": "S\u00e5 var det \u00d8yafestivalen i g\u00e5r , igjen foran flere nysgjerrige festivalgjengere enn entusiastiske fans .", "opinions": []}, {"sent_id": "001521-04-01", "text": "Men s\u00e5nn g\u00e5r nu dagan n\u00e5r man er et hardtturnerende band , ene dagen skriker man i ansiktet p\u00e5 fans som har bl\u00f8dd for musikken din , andre dager spiller du for skjeggete indienordmenn og s\u00f8te jenter som egentlig venter p\u00e5 Big Boi .", "opinions": [{"Source": [[], []], "Target": [["band"], ["52:56"]], "Polar_expression": [["fans som har bl\u00f8dd for musikken"], ["95:126"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["skjeggete indienordmenn og s\u00f8te jenter som egentlig venter p\u00e5 Big Boi"], ["160:229"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-04-02", "text": "Jobben er jo da \u00e5 tilfredsstille og vinne over b\u00e5de de nyfikne , skeptikerne og blodfansen .", "opinions": []}, {"sent_id": "001521-05-01", "text": "Det begynte p\u00e5 verst mulig m\u00e5te .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["begynte p\u00e5 verst mulig m\u00e5te"], ["4:31"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-05-02", "text": "Etter Egon Holstads entusiastiske introduksjon om at Converge f\u00e5r Black Flag og Slayer til \u00e5 h\u00f8res ut som sengev\u00e6tere , setter Converge i gang sin kaotiske og tekniske , men akk s\u00e5 suggerende takning p\u00e5 hardcore .", "opinions": [{"Source": [[], []], "Target": [["introduksjon"], ["34:46"]], "Polar_expression": [["entusiastiske"], ["20:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}, {"Source": [["Egon Holstads"], ["6:19"]], "Target": [["Black Flag og Slayer"], ["66:86"]], "Polar_expression": [["Converge f\u00e5r", "til \u00e5 h\u00f8res ut som sengev\u00e6tere"], ["53:65", "87:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}, {"Source": [["Egon Holstads"], ["6:19"]], "Target": [["Converge"], ["53:61"]], "Polar_expression": [["f\u00e5r Black Flag og Slayer til \u00e5 h\u00f8res ut som sengev\u00e6tere"], ["62:117"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false, "NFP": true, "Type": "E"}, {"Source": [[], []], "Target": [["takning p\u00e5 hardcore"], ["192:211"]], "Polar_expression": [["kaotiske"], ["147:155"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["takning p\u00e5 hardcore"], ["192:211"]], "Polar_expression": [["suggerende"], ["181:191"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["takning p\u00e5 hardcore"], ["192:211"]], "Polar_expression": [["tekniske"], ["159:167"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-05-03", "text": "Og det l\u00e5ter ... som en bisverm som har flydd seg vill p\u00e5 andre siden av parken .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["l\u00e5ter", "som en bisverm som har flydd seg vill p\u00e5 andre siden av parken"], ["7:12", "17:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-05-04", "text": "Lyden er lavere enn l\u00f8rdagens frokostlytting p\u00e5 nye Maiden-platen p\u00e5 hjemmeanlegget , og Converge ser egentlig mest komiske ut der de spretter rundt som i en semistumfilm .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["lavere enn l\u00f8rdagens frokostlytting p\u00e5 nye Maiden-platen p\u00e5 hjemmeanlegget"], ["9:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Converge"], ["89:97"]], "Polar_expression": [["ser egentlig mest komiske ut"], ["98:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Converge"], ["89:97"]], "Polar_expression": [["spretter rundt som i en semistumfilm"], ["134:170"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-05-05", "text": "Riktig s\u00e5 ufrivillig , men likevel .", "opinions": []}, {"sent_id": "001521-05-06", "text": "Bannon og gitarist Kurt Ballou ( mannen som produserte Kvelertak , for \u00f8vrig ) jobber hardt og intenst , men det publikum h\u00f8rer rimer ikke med det som skjer p\u00e5 scenen .", "opinions": [{"Source": [[], []], "Target": [["Kurt Ballou"], ["19:30"]], "Polar_expression": [["jobber hardt og intenst"], ["79:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bannon"], ["0:6"]], "Polar_expression": [["jobber hardt og intenst"], ["79:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["det publikum h\u00f8rer rimer ikke med det som skjer p\u00e5 scenen"], ["109:166"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-06-01", "text": "At Bannon bruker litt mye tid p\u00e5 \u00e5 klage p\u00e5 at han har sol i \u00f8ynene ( er det ikke bare barn som har lov til slikt ? ) og sutrer litt over at publikum ser ut som de st\u00e5r p\u00e5 en fotoshoot gj\u00f8r at \u00e5pningen p\u00e5 konserten rett og slett er litt kjedelig og mest trist .", "opinions": [{"Source": [[], []], "Target": [["Bannon"], ["3:9"]], "Polar_expression": [["bruker litt mye tid p\u00e5 \u00e5 klage p\u00e5 at han har sol i \u00f8ynene"], ["10:67"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bannon"], ["3:9"]], "Polar_expression": [["er det ikke bare barn som har lov til slikt ?"], ["70:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bannon"], ["3:9"]], "Polar_expression": [["sutrer"], ["121:127"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5pningen"], ["193:201"]], "Polar_expression": [["kjedelig"], ["237:245"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00e5pningen"], ["193:201"]], "Polar_expression": [["trist ."], ["254:261"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-07-01", "text": "Det er rett og slett uunng\u00e5elig at det blir bedre .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["uunng\u00e5elig at det blir bedre"], ["21:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-07-02", "text": "Lyden skrus brukbart til , Ballous knivskarpe riff kommer etter hvert til sin rett , og Bannon begynner \u00e5 ligne p\u00e5 den hardcorelegenden han tross alt er .", "opinions": [{"Source": [[], []], "Target": [["Lyden"], ["0:5"]], "Polar_expression": [["skrus brukbart til"], ["6:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ballous"], ["27:34"]], "Polar_expression": [["knivskarpe riff kommer etter hvert til sin rett"], ["35:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Bannon"], ["88:94"]], "Polar_expression": [["begynner \u00e5 ligne p\u00e5 den hardcorelegenden han tross alt er"], ["95:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-07-03", "text": "L\u00e5ter fra No Heroes og Axe To Fall viser hvordan Converge p\u00e5 sine voksne dager har funnet en brillefin blanding av undergrunnshardcoren de kom fra , klassisk thrash og mer typisk alternativ hardrock .", "opinions": [{"Source": [[], []], "Target": [["L\u00e5ter fra No Heroes og Axe To Fall"], ["0:34"]], "Polar_expression": [["viser hvordan Converge p\u00e5 sine voksne dager har funnet en brillefin blanding"], ["35:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Converge"], ["49:57"]], "Polar_expression": [["L\u00e5ter fra No Heroes og Axe To Fall viser", "funnet en brillefin blanding"], ["0:40", "83:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Converge"], ["49:57"]], "Polar_expression": [["klassisk thrash"], ["149:164"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Converge"], ["49:57"]], "Polar_expression": [["typisk alternativ hardrock"], ["172:198"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-07-04", "text": "De siste 15 minuttene redder konserten fra total katastrofe , men som Jacob Bannon selv sa uten \u00e5 mukke : neste gang kommer de tilbake og spiller en liten klubb .", "opinions": [{"Source": [[], []], "Target": [["siste 15 minuttene"], ["3:21"]], "Polar_expression": [["redder konserten fra total katastrofe"], ["22:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["konserten"], ["29:38"]], "Polar_expression": [["siste 15 minuttene redder", "fra total katastrofe"], ["3:28", "39:59"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "001521-07-05", "text": "2 til \u00e5pningen av konserten , 4 til avslutningen , og da klarer ikke engang Converge sine matematiske rifformler \u00e5 lande p\u00e5 annet enn 3 .", "opinions": [{"Source": [[], []], "Target": [["\u00e5pningen"], ["6:14"]], "Polar_expression": [["2"], ["0:1"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["avslutningen"], ["36:48"]], "Polar_expression": [["4"], ["30:31"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Converge sine matematiske rifformler"], ["76:112"]], "Polar_expression": [["klarer ikke", "\u00e5 lande p\u00e5 annet enn 3"], ["57:68", "113:135"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-08-01", "text": "Bonustips 1 : Sjekk DVD-en Long Road Home , som f\u00f8lger Converge i fragmenter fra konsertsteder og rare venues .", "opinions": []}, {"sent_id": "001521-08-02", "text": "Total undergrunn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Total undergrunn"], ["0:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-08-03", "text": "Nydelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nydelig"], ["0:7"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "001521-09-01", "text": "Bonustips 2 : Sjekk trykkene Bannon selger p\u00e5 www.jacobbannon.com , han er en r\u00e5 illustrat\u00f8r", "opinions": [{"Source": [[], []], "Target": [["Bannon"], ["29:35"]], "Polar_expression": [["r\u00e5 illustrat\u00f8r"], ["78:92"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-01-01", "text": "Latterlig bever", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Latterlig"], ["0:9"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-02-01", "text": "\" The beaver \" fors\u00f8ker \u00e5 ta opp depresjon , men mislykkes .", "opinions": [{"Source": [[], []], "Target": [["\" The beaver \""], ["0:14"]], "Polar_expression": [["mislykkes"], ["49:58"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-03-01", "text": "Det beste man kan si om \" The Beaver \" , er at temaet som filmen fors\u00f8ker \u00e5 ta opp \u2013 depresjon \u2013 ang\u00e5r altfor mange av oss .", "opinions": [{"Source": [[], []], "Target": [["\" The Beaver \""], ["24:38"]], "Polar_expression": [["depresjon \u2013 ang\u00e5r altfor mange av oss", "beste man kan si"], ["85:122", "4:20"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-03-02", "text": "Desto mer synd er det at verken manus eller skuespillere trekker oss inn p\u00e5 en engasjerende m\u00e5te .", "opinions": [{"Source": [["oss"], ["65:68"]], "Target": [["manus"], ["32:37"]], "Polar_expression": [["Desto mer synd", "verken", "trekker oss inn p\u00e5 en engasjerende m\u00e5te"], ["0:14", "25:31", "57:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["oss"], ["65:68"]], "Target": [["skuespillere"], ["44:56"]], "Polar_expression": [["Desto mer synd", "verken", "trekker oss inn p\u00e5 en engasjerende m\u00e5te"], ["0:14", "25:31", "57:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-04-01", "text": "Det er mange filmatiske problemer med \" The Beaver \" .", "opinions": [{"Source": [[], []], "Target": [["\" The Beaver \""], ["38:52"]], "Polar_expression": [["mange filmatiske problemer"], ["7:33"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-04-02", "text": "Ett er at Mel Gibson spiller den deprimerte familiefaren med samme ansiktsuttrykk absolutt hele veien .", "opinions": [{"Source": [[], []], "Target": [["Mel Gibson"], ["10:20"]], "Polar_expression": [["samme ansiktsuttrykk absolutt hele veien"], ["61:101"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-04-03", "text": "Manusforfatterne har gitt figuren hans navnet Walter Black , i tilfelle vi ikke skj\u00f8nner at han er deprimert .", "opinions": [{"Source": [["vi"], ["72:74"]], "Target": [["Manusforfatterne"], ["0:16"]], "Polar_expression": [["gitt figuren hans navnet Walter Black , i tilfelle vi ikke skj\u00f8nner at han er deprimert"], ["21:108"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-05-01", "text": "Den slags overtydelighet er typisk for filmen .", "opinions": [{"Source": [[], []], "Target": [["filmen"], ["39:45"]], "Polar_expression": [["overtydelighet er typisk"], ["10:34"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-05-02", "text": "N\u00e5 er herr Black deprimert , n\u00e5 vil han henge seg i dusjen , n\u00e5 vil han kaste seg utfor balkongen , n\u00e5 dunker ten\u00e5ringss\u00f8nnen hans hull i soveromsveggen i frustrasjon over faren .", "opinions": []}, {"sent_id": "702152-06-01", "text": "Likevel oppleves Blacks depresjon som en p\u00e5stand .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["oppleves Blacks depresjon som en p\u00e5stand"], ["8:48"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-06-02", "text": "Jeg savner at det levendegj\u00f8res hva slags liv han levde f\u00f8r han endte i det svarte m\u00f8rket , men nei , her m\u00e5 vi bare godta at mor , far , nesten voksen s\u00f8nn og sm\u00e5skolegutt overhodet ikke fungerer sammen lenger .", "opinions": [{"Source": [["Jeg"], ["0:3"]], "Target": [[], []], "Polar_expression": [["savner at det levendegj\u00f8res hva slags liv han levde f\u00f8r han endte i det svarte m\u00f8rket"], ["4:89"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-07-01", "text": "Aller mest irriterende er manusforfatterens p\u00e5funn med Beveren \u2013 en h\u00e5nddukke som herr Black tyr til som en slags terapeutisk stemme i et fors\u00f8k p\u00e5 \u00e5 skape den rette distanse mellom ham selv og omgivelsene .", "opinions": [{"Source": [[], []], "Target": [["Beveren"], ["55:62"]], "Polar_expression": [["Aller mest irriterende"], ["0:22"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-08-01", "text": "Men ogs\u00e5 Beveren forblir en p\u00e5stand av en metafor , et stygt , litt komisk vesen som Gibson b\u00e6rer rundt p\u00e5 uten at jeg kommer p\u00e5 noe ved dyret som tilf\u00f8rer helbredende assosiasjoner .", "opinions": [{"Source": [["jeg"], ["115:118"]], "Target": [["Beveren"], ["9:16"]], "Polar_expression": [["p\u00e5stand av en metafor"], ["28:49"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["115:118"]], "Target": [["Beveren"], ["9:16"]], "Polar_expression": [["stygt"], ["55:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["115:118"]], "Target": [["Beveren"], ["9:16"]], "Polar_expression": [["litt komisk"], ["63:74"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-08-02", "text": "Like fullt kommer Walter p\u00e5 talefot med yngstemann , kan elske igjen med kona ( Jodie Foster ) og gj\u00f8r kommersiell beversuksess i selskapet der han egentlig er en mislykket sjef .", "opinions": [{"Source": [[], []], "Target": [["Walter"], ["18:24"]], "Polar_expression": [["kommer", "p\u00e5 talefot med yngstemann"], ["11:17", "25:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Walter"], ["18:24"]], "Polar_expression": [["kan elske igjen med kona"], ["53:77"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Walter"], ["18:24"]], "Polar_expression": [["gj\u00f8r kommersiell beversuksess"], ["98:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-09-01", "text": "Regiss\u00f8r Foster m\u00e5 selv ha f\u00f8lt p\u00e5 at beverdokka ikke funker ordentlig og s\u00f8rger p\u00e5 brutalt vis for \u00e5 eksportere den ut av storyen mot slutten .", "opinions": [{"Source": [[], []], "Target": [["beverdokka"], ["38:48"]], "Polar_expression": [["ikke funker ordentlig"], ["49:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-10-01", "text": "Fors\u00f8ket p\u00e5 \u00e5 lage en parallell historie om eldstes\u00f8nnen ( Anton Yelchin ) og medeleven Norah ( Jennifer Lawrence ) , er heller ikke av det vellykkede slaget .", "opinions": [{"Source": [[], []], "Target": [["Fors\u00f8ket p\u00e5 \u00e5 lage en parallell historie"], ["0:40"]], "Polar_expression": [["ikke av det vellykkede slaget"], ["128:157"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-10-02", "text": "Gutten skriver stiler for andre mot betaling , Norah er et deprimert skolelys med sorg i bagasjen .", "opinions": []}, {"sent_id": "702152-11-01", "text": "\" The Beaver \" er en film der manusforfatter og regiss\u00f8r opererer med uferdige sketsjer til en handling , med skikkelser du aldri kommer p\u00e5 innsiden av og dermed aldri f\u00f8ler noe for .", "opinions": [{"Source": [[], []], "Target": [["regiss\u00f8r"], ["48:56"]], "Polar_expression": [["opererer med uferdige sketsjer til en handling"], ["57:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["manusforfatter"], ["30:44"]], "Polar_expression": [["opererer med uferdige sketsjer til en handling"], ["57:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Beaver \""], ["0:14"]], "Polar_expression": [["manusforfatter og regiss\u00f8r opererer med uferdige sketsjer til en handling"], ["30:103"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["skikkelser"], ["110:120"]], "Polar_expression": [["aldri kommer p\u00e5 innsiden av"], ["124:151"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skikkelser"], ["110:120"]], "Polar_expression": [["aldri f\u00f8ler noe for"], ["162:181"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Beaver \""], ["0:14"]], "Polar_expression": [["skikkelser du aldri kommer p\u00e5 innsiden av og dermed aldri f\u00f8ler noe for"], ["110:181"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "702152-11-02", "text": "Og et sluttbudskap som er s\u00e5 overflatisk og selvf\u00f8lgelig at det blir mest latterlig .", "opinions": [{"Source": [[], []], "Target": [["sluttbudskap"], ["6:18"]], "Polar_expression": [["overflatisk"], ["29:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sluttbudskap"], ["6:18"]], "Polar_expression": [["selvf\u00f8lgelig"], ["44:56"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sluttbudskap"], ["6:18"]], "Polar_expression": [["mest latterlig"], ["69:83"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "702152-12-01", "text": "The beaver", "opinions": []}, {"sent_id": "702152-13-01", "text": "Regi : Jodie Foster .", "opinions": []}, {"sent_id": "702152-13-02", "text": "Med :", "opinions": []}, {"sent_id": "702152-13-03", "text": "Jodie Foster , Anton Yelchin , Mel Gibson , Jennifer Lawrence , Riley Thomas Stewart .", "opinions": []}, {"sent_id": "702152-13-04", "text": "USA 2010 .", "opinions": []}, {"sent_id": "702152-13-05", "text": "1 time 31 minutter .", "opinions": []}, {"sent_id": "702152-13-06", "text": "Aldersgrense : 11 \u00e5r , egnethet : Ungdom / voksen .", "opinions": []}, {"sent_id": "102929-01-01", "text": "Test av BMW 520d Touring :", "opinions": []}, {"sent_id": "102929-01-02", "text": "Sportslig kj\u00f8reglede", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sportslig kj\u00f8reglede"], ["0:20"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-02-01", "text": "Hvis Audi er det beste valget for familien er BMW 520d bilen som virkelig setter f\u00f8reren i sentrum .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["virkelig setter f\u00f8reren i sentrum"], ["65:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-02-02", "text": "Maken til kj\u00f8reglede finner du ikke hos noen av konkurrentene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Maken til kj\u00f8reglede finner du ikke hos noen av konkurrentene"], ["0:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-03-01", "text": "Den direkte styringen , den litt lave sitteposisjonen og fart og akselerasjonsdata som ogs\u00e5 sl\u00e5r Audis splitter nye modell , imponerer .", "opinions": [{"Source": [[], []], "Target": [["fart og akselerasjonsdata"], ["57:82"]], "Polar_expression": [["imponerer"], ["125:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fart og akselerasjonsdata"], ["57:82"]], "Polar_expression": [["sl\u00e5r Audis splitter nye modell"], ["92:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["litt lave sitteposisjonen"], ["28:53"]], "Polar_expression": [["imponerer"], ["125:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["direkte styringen"], ["4:21"]], "Polar_expression": [["imponerer"], ["125:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-04-01", "text": "0 - 100 km/t p\u00e5 8,9 sekunder med den manuelle girkassevarianten er faktisk et halvt sekund raskere enn A6 stasjonsvogn med n\u00f8yaktig like mange hestekrefter .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["0 - 100 km/t p\u00e5 8,9 sekunder"], ["0:28"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["et halvt sekund raskere enn A6 stasjonsvogn"], ["75:118"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-05-01", "text": "Tittelen som Norges mest sportslige stasjonsvogn beholder den ogs\u00e5 etter dette m\u00f8tet med Audi A6 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Norges mest sportslige stasjonsvogn"], ["13:48"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-06-01", "text": "For dem som ikke spretter ut og inn av en s\u00e5 vidt lav bil , scorer BMW litt lavere .", "opinions": [{"Source": [[], []], "Target": [["BMW"], ["67:70"]], "Polar_expression": [["For dem som ikke spretter ut og inn av en s\u00e5 vidt lav bil , scorer BMW litt lavere"], ["0:82"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-06-02", "text": "Audi A6 er en bil som det er enklere \u00e5 komme seg inn og ut av .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["enklere \u00e5 komme seg inn og ut av"], ["29:61"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Audi A6"], ["0:7"]], "Polar_expression": [["enklere \u00e5 komme seg inn og ut av"], ["29:61"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-07-01", "text": "Vel inne i kupeen er ogs\u00e5 sikten rundt bilen noe d\u00e5rligere i BMW-en .", "opinions": [{"Source": [[], []], "Target": [["sikten"], ["26:32"]], "Polar_expression": [["noe d\u00e5rligere"], ["45:58"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-07-02", "text": "Bilen f\u00f8les ogs\u00e5 noe mindre letth\u00e5ndterlig , spesielt i lave hastigheter , sammenlignet med den nye A6en .", "opinions": [{"Source": [[], []], "Target": [["Bilen"], ["0:5"]], "Polar_expression": [["noe mindre letth\u00e5ndterlig"], ["17:42"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-08-01", "text": "Plassen i baksetet er noe d\u00e5rligere enn i Audien .", "opinions": [{"Source": [[], []], "Target": [["Plassen i baksetet"], ["0:18"]], "Polar_expression": [["noe d\u00e5rligere"], ["22:35"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-08-02", "text": "En stor mellomakselstunnel stjeler ogs\u00e5 en del gulvplass for de bak .", "opinions": [{"Source": [[], []], "Target": [["stor mellomakselstunnel"], ["3:26"]], "Polar_expression": [["stjeler ogs\u00e5 en del gulvplass"], ["27:56"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-09-01", "text": "Bagasjeplassen er ogs\u00e5 marginalt d\u00e5rligere i 520en .", "opinions": [{"Source": [[], []], "Target": [["Bagasjeplassen"], ["0:14"]], "Polar_expression": [["marginalt d\u00e5rligere"], ["23:42"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-10-01", "text": "St\u00f8y ved kj\u00f8ring er , som i konkurrenten , ikke noe stort sp\u00f8rsm\u00e5l p\u00e5 denne klasse biler .", "opinions": [{"Source": [[], []], "Target": [["denne klasse biler"], ["70:88"]], "Polar_expression": [["St\u00f8y ved kj\u00f8ring er , som i konkurrenten , ikke noe stort sp\u00f8rsm\u00e5l"], ["0:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-11-01", "text": "Her er stort sett alt av sikkerhetsutstyr , underholdningssystemer og annen teknologi tilgjengelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["stort sett alt av sikkerhetsutstyr , underholdningssystemer og annen teknologi tilgjengelig"], ["7:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-12-01", "text": "VGs gjennomgang av BMWs liste viser at de generelt sett hverken skiller seg ut i positiv eller negativ forstand , sammenlignet med prisene BMW krever .", "opinions": []}, {"sent_id": "102929-13-01", "text": "Men Audien har en \u00f8rlite bedre standardutrustning med sin Drive Select l\u00f8sning og sitt fargedisplay .", "opinions": [{"Source": [[], []], "Target": [["Audien"], ["4:10"]], "Polar_expression": [["\u00f8rlite bedre standardutrustning"], ["18:49"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Audien har en \u00f8rlite bedre standardutrustning"], ["4:49"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-13-02", "text": "Den bakhjulsdrevne BMW-en blir derimot levert standard med luftfj\u00e6ringer p\u00e5 bakakselen , s\u00e5 her er det mer smaken for forskjellig type ekstrautstyr som skiller .", "opinions": [{"Source": [[], []], "Target": [["BMW-en"], ["19:25"]], "Polar_expression": [["levert standard med luftfj\u00e6ringer p\u00e5 bakakselen"], ["39:86"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-14-01", "text": "For \u00e5 f\u00e5 \u00e5ttetrinns automatkasse \u00f8ker inngangsprisene p\u00e5 bilen fra 508.300 kroner til 528.500 kroner .", "opinions": []}, {"sent_id": "102929-15-01", "text": "Vil du ha kombinasjonen diesel , automat og trekk p\u00e5 alle fire er den rimeligste varianten 525d XDrive .", "opinions": []}, {"sent_id": "102929-16-01", "text": "Den har en to liters diesel med 211 hestekrefter og koster fra 701.600 kroner .", "opinions": []}, {"sent_id": "102929-17-01", "text": "HER ER V\u00c5RE VURDERINGER :", "opinions": []}, {"sent_id": "102929-18-01", "text": "F\u00f8rermilj\u00f8 :", "opinions": []}, {"sent_id": "102929-18-02", "text": "Sv\u00e6rt h\u00f8yt kvalitetsniv\u00e5 , noe d\u00e5rligere sikt rundt bilen , mer kronglete \u00e5 komme seg ut og inn av .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Sv\u00e6rt h\u00f8yt kvalitetsniv\u00e5"], ["0:24"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["noe d\u00e5rligere sikt"], ["27:45"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["kronglete \u00e5 komme seg ut og inn av"], ["64:98"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-18-03", "text": "Bare en grunn koppholder foran ved manuelt gir .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bare en grunn koppholder"], ["0:24"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-19-01", "text": "Kj\u00f8reegenskaper :", "opinions": []}, {"sent_id": "102929-19-02", "text": "I litt fart er BMW-en i en klasse for seg i dette prissegmentet .", "opinions": [{"Source": [[], []], "Target": [["BMW-en"], ["15:21"]], "Polar_expression": [["klasse for seg"], ["27:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-19-03", "text": "Ikke fullt s\u00e5 lettkj\u00f8rt som Audi i lavere hastigheter .", "opinions": [{"Source": [[], []], "Target": [["Audi"], ["28:32"]], "Polar_expression": [["Ikke fullt s\u00e5 lettkj\u00f8rt"], ["0:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Ikke fullt s\u00e5 lettkj\u00f8rt som Audi"], ["0:32"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-20-01", "text": "Familiemilj\u00f8 :", "opinions": []}, {"sent_id": "102929-20-02", "text": "Mindre i baksetet , lavere sitteh\u00f8yde , ikke fullt s\u00e5 bra som konkurrenten p\u00e5 dette punktet .", "opinions": [{"Source": [[], []], "Target": [["baksetet"], ["9:17"]], "Polar_expression": [["Mindre"], ["0:6"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sitteh\u00f8yde"], ["27:37"]], "Polar_expression": [["lavere"], ["20:26"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke fullt s\u00e5 bra som konkurrenten"], ["40:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-21-01", "text": "Milj\u00f8 :", "opinions": []}, {"sent_id": "102929-21-02", "text": "Tatt i betraktning en motor p\u00e5 163 hestekrefter er et forbruk p\u00e5 0,49 l / mil meget bra .", "opinions": [{"Source": [[], []], "Target": [["forbruk"], ["54:61"]], "Polar_expression": [["meget bra"], ["78:87"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-22-01", "text": "Sikkerhet :", "opinions": []}, {"sent_id": "102929-22-02", "text": "Toppscore for sedan i EuroNCAP .", "opinions": [{"Source": [[], []], "Target": [["sedan"], ["14:19"]], "Polar_expression": [["Toppscore"], ["0:9"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "102929-22-03", "text": "Alt mulig sikkerhetsutstyr tilgjengelig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Alt mulig sikkerhetsutstyr tilgjengelig"], ["0:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-23-01", "text": "\u00c5 eie :", "opinions": []}, {"sent_id": "102929-23-02", "text": "Norges mest forn\u00f8yde bileiere kj\u00f8rer BMW if\u00f8lge NAFs eiertilfredshetsunders\u00f8kelse , AutoIndex .", "opinions": [{"Source": [["NAFs"], ["48:52"]], "Target": [["BMW"], ["37:40"]], "Polar_expression": [["Norges mest forn\u00f8yde bileiere kj\u00f8rer BMW"], ["0:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": true, "Type": "EFINP"}]}, {"sent_id": "102929-23-03", "text": "Det borger for en attraktiv og lettsolgt bil i bruktmarkedet .", "opinions": [{"Source": [[], []], "Target": [["bil"], ["41:44"]], "Polar_expression": [["lettsolgt"], ["31:40"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bil"], ["41:44"]], "Polar_expression": [["attraktiv"], ["18:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-24-01", "text": "\u00c5 kj\u00f8pe :", "opinions": []}, {"sent_id": "102929-24-02", "text": "Dyrt ekstrautstyr i denne klassen , men bilen kommer med god standardutrustning .", "opinions": [{"Source": [[], []], "Target": [["bilen"], ["40:45"]], "Polar_expression": [["god standardutrustning"], ["57:79"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["ekstrautstyr"], ["5:17"]], "Polar_expression": [["Dyrt"], ["0:4"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bilen"], ["40:45"]], "Polar_expression": [["Dyrt ekstrautstyr"], ["0:17"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["standardutrustning"], ["61:79"]], "Polar_expression": [["god"], ["57:60"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "102929-25-01", "text": "Design :", "opinions": []}, {"sent_id": "102929-25-02", "text": "Stilfull og konservativ hele veien , men den nye modellen som kom i fjor gj\u00f8r at BMW skiller seg mindre fra Audis dempede ytre n\u00e5 enn for noen \u00e5r siden .", "opinions": [{"Source": [[], []], "Target": [["BMW"], ["81:84"]], "Polar_expression": [["Stilfull"], ["0:8"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["BMW"], ["81:84"]], "Polar_expression": [["konservativ"], ["12:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["BMW"], ["81:84"]], "Polar_expression": [["skiller seg mindre fra Audis dempede ytre"], ["85:126"]], "Polarity": "Negative", "Intensity": null, "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "000984-01-01", "text": "Ray p\u00e5 nye veier", "opinions": []}, {"sent_id": "000984-02-01", "text": "Ray Lamontagne :", "opinions": []}, {"sent_id": "000984-02-02", "text": "Gossip In The Grain", "opinions": []}, {"sent_id": "000984-03-01", "text": "Nyutforsket grensesnitt , p\u00e5 godt og vondt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nyutforsket grensesnitt , p\u00e5 godt"], ["0:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["Nyutforsket grensesnitt , p\u00e5", "vondt"], ["0:28", "37:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-04-01", "text": "Ut fra de dypeste skogene et sted langt nord i USA , nesten helt oppe ved grensen til Canada , der m\u00f8rket hver eneste h\u00f8st samles som i en enklave fra helvete , kom for fire \u00e5r siden et hest , s\u00e5rt og helt inni hampen sjelfullt st\u00f8nn ; en svak jamring .", "opinions": []}, {"sent_id": "000984-04-02", "text": "Musikk s\u00e5 tidl\u00f8s , myk og meningsfull at det halve hadde v\u00e6rt nok .", "opinions": [{"Source": [[], []], "Target": [["Musikk"], ["0:6"]], "Polar_expression": [["tidl\u00f8s"], ["10:16"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikk"], ["0:6"]], "Polar_expression": [["myk"], ["19:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikk"], ["0:6"]], "Polar_expression": [["meningsfull"], ["26:37"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Musikk"], ["0:6"]], "Polar_expression": [["tidl\u00f8s , myk og meningsfull at det halve hadde v\u00e6rt nok"], ["10:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-04-03", "text": "Man kunne formerlig fysisk kjenne tr\u00f8bbelet bre seg i kroppen , som bloggmote i storbygater :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kunne formerlig fysisk kjenne tr\u00f8bbelet bre seg i kroppen"], ["4:61"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-04-04", "text": "Hvordan skulle man ta imot denne musikken uten \u00e5 begynne \u00e5 grine ?", "opinions": [{"Source": [[], []], "Target": [["musikken"], ["33:41"]], "Polar_expression": [["Hvordan skulle man ta imot", "uten \u00e5 begynne \u00e5 grine ?"], ["0:26", "42:66"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-04-05", "text": "Hvordan ville de fineste \u00f8yeblikkene til Donny Hathaway l\u00e5te etter dette ?", "opinions": [{"Source": [[], []], "Target": [["dette"], ["67:72"]], "Polar_expression": [["Hvordan ville de fineste \u00f8yeblikkene til Donny Hathaway l\u00e5te etter dette ?"], ["0:74"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-04-06", "text": "Hva skulle Otis Redding n\u00e5 v\u00e6re alene om , som stemmen var tangert ?", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Hva skulle Otis Redding n\u00e5 v\u00e6re alene om , som stemmen var tangert ?"], ["0:68"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-05-01", "text": "Debuten Trouble var et mesterverk .", "opinions": [{"Source": [[], []], "Target": [["Trouble"], ["8:15"]], "Polar_expression": [["mesterverk"], ["23:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-05-02", "text": "Sanger med ubetydelige titler som \u201d Jolene \u201d var sjelelige sjokk , og antydet at vi kunne komme til \u00e5 dele resten av livet med en fyr som f\u00f8rst i en alder av 31 \u00e5r ga oss helt nye erkjennelser , ved rolig \u00e5 heve stemmen .", "opinions": [{"Source": [["vi"], ["81:83"]], "Target": [["\u201d Jolene \u201d"], ["34:44"]], "Polar_expression": [["sjelelige sjokk"], ["49:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["vi"], ["81:83"]], "Target": [["\u201d Jolene \u201d"], ["34:44"]], "Polar_expression": [["ubetydelige titler"], ["11:29"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fyr"], ["130:133"]], "Polar_expression": [["ga oss helt nye erkjennelser"], ["164:192"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-05-03", "text": "Ray Lamontagne har siden den gang gitt oss Till The Sun Turns Black , og linsev\u00e6ske har v\u00e6rt helt un\u00f8dvendig f\u00f8lge til en l\u00e5t som \u201d Empty \u201d , der en mann som har gitt opp sin store kj\u00e6rlighet og grepet om gitaren blottstiller seg helt .", "opinions": [{"Source": [["oss"], ["39:42"]], "Target": [["Ray Lamontagne"], ["0:14"]], "Polar_expression": [["gitt oss Till The Sun Turns Black"], ["34:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u201d Empty \u201d"], ["130:139"]], "Polar_expression": [["linsev\u00e6ske har v\u00e6rt helt un\u00f8dvendig f\u00f8lge"], ["73:114"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ray Lamontagne"], ["0:14"]], "Polar_expression": [["linsev\u00e6ske har v\u00e6rt helt un\u00f8dvendig f\u00f8lge til en l\u00e5t som \u201d Empty \u201d"], ["73:139"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-05-04", "text": "Skjegg , hvit hud og m\u00f8rk sjel .", "opinions": []}, {"sent_id": "000984-05-05", "text": "Rutete skjorte og seks strenger .", "opinions": []}, {"sent_id": "000984-06-01", "text": "P\u00e5 tredjealbumet Gossip\u2026 gj\u00f8r Lamontagne mye av det samme .", "opinions": []}, {"sent_id": "000984-06-02", "text": "Han beholder husfar Ethan Johns ( Kings Of Leon , Ryan Adams ) i produsentstolen .", "opinions": []}, {"sent_id": "000984-06-03", "text": "Han leverer ogs\u00e5 lissepasninger , som den Harry Nilsson-fl\u00f8rtende og selvutleverende \u201d Sarah \u201d , samt \u00e5rets kanskje vakreste l\u00e5t , \" Winter Birds \u201d .", "opinions": [{"Source": [[], []], "Target": [["\u201d Sarah \u201d"], ["85:94"]], "Polar_expression": [["lissepasninger"], ["17:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Winter Birds \u201d"], ["131:147"]], "Polar_expression": [["\u00e5rets kanskje vakreste l\u00e5t"], ["102:128"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Winter Birds \u201d"], ["131:147"]], "Polar_expression": [["lissepasninger"], ["17:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["lissepasninger", "\u201d Sarah \u201d , samt \u00e5rets kanskje vakreste l\u00e5t , \" Winter Birds \u201d"], ["17:31", "85:147"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-07-01", "text": "Nytt denne gangen er en mer v\u00e5gal tiln\u00e6rming til ulike sjangre , fra Memphis-soulen i \u00e5pningsl\u00e5ta til den folkorienterte og John Hiatt-aktige \u201d Henry Nearly Killed Me ( It \u2019 s A Shame ) \u201d .", "opinions": []}, {"sent_id": "000984-07-02", "text": "Her mister imidlertid Lamontagne noe av nerven i sin egen sang , og blir mer en hvermansen enn den soulshakeren han har blitt gjennom \u00e5 skape et lys langt , langt inne i m\u00f8rket av sine sl\u00f8ye , nedstrippede l\u00e5ter .", "opinions": [{"Source": [[], []], "Target": [["Lamontagne"], ["22:32"]], "Polar_expression": [["blir mer en hvermansen enn den soulshakeren"], ["68:111"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lamontagne"], ["22:32"]], "Polar_expression": [["mister imidlertid", "noe av nerven i sin egen sang"], ["4:21", "33:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["sang"], ["58:62"]], "Polar_expression": [["mister imidlertid Lamontagne noe av nerven"], ["4:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-08-01", "text": "For all del , det er ikke mye \u00e5 sette fingeren p\u00e5 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke mye \u00e5 sette fingeren p\u00e5"], ["21:49"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-08-02", "text": "Selv humoristiske tekster \u2013 \u201d Meg White , I saw you on the big screen / old Jack was keen \u201d \u2013 bl\u00e5ses liv i ; dessuten t\u00f8r Lamontagne \u00e5 utforske sine egne grenser , og det kler ham godt .", "opinions": [{"Source": [[], []], "Target": [["humoristiske tekster"], ["5:25"]], "Polar_expression": [["bl\u00e5ses liv i"], ["94:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lamontagne"], ["122:132"]], "Polar_expression": [["humoristiske tekster", "bl\u00e5ses liv i"], ["5:25", "94:106"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Lamontagne"], ["122:132"]], "Polar_expression": [["t\u00f8r", "utforske sine egne grenser , og det kler ham godt"], ["118:121", "135:184"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-08-03", "text": "Mindre kledelig er det imidlertid n\u00e5r han rammes av produsentens imperialistgen og mister kontrollen .", "opinions": [{"Source": [[], []], "Target": [["han"], ["38:41"]], "Polar_expression": [["Mindre kledelig", "rammes av produsentens imperialistgen"], ["0:15", "42:79"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["38:41"]], "Polar_expression": [["Mindre kledelig", "mister kontrollen"], ["0:15", "83:100"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "000984-08-04", "text": "Da ramler han ut av det universet han har skapt , og blir mer som James Morrison \u2013 tilforlatelig fremfor formidabel .", "opinions": [{"Source": [[], []], "Target": [["han"], ["10:13"]], "Polar_expression": [["ramler", "ut av det universet han har skapt"], ["3:9", "14:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["James Morrison"], ["66:80"]], "Polar_expression": [["tilforlatelig fremfor formidabel"], ["83:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["han"], ["10:13"]], "Polar_expression": [["blir mer som James Morrison \u2013 tilforlatelig fremfor formidabel"], ["53:115"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-01-01", "text": "Engel + r\u00e5tass = magisk !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Engel + r\u00e5tass = magisk !"], ["0:25"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704915-02-01", "text": "Gjetordene om Pendulums fantastiske liveshow viste seg \u00e5 stemme .", "opinions": [{"Source": [[], []], "Target": [["liveshow"], ["36:44"]], "Polar_expression": [["fantastiske"], ["24:35"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704915-02-02", "text": "Og vel s\u00e5 det .", "opinions": []}, {"sent_id": "704915-03-01", "text": "I et band der det er plass til b\u00e5de den ville , skrytende og aggressive MC-en Ben \" The verse \" Mount og den innadvendte multiinstrumentalisten med englestemmen , Rob Swire , og det funker perfekt sammen , har store ting \u00e5 fare med .", "opinions": [{"Source": [[], []], "Target": [["Rob Swire"], ["163:172"]], "Polar_expression": [["multiinstrumentalisten med englestemmen"], ["121:160"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["5:9"]], "Polar_expression": [["funker perfekt sammen"], ["182:203"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ben \" The verse \" Mount"], ["78:101"]], "Polar_expression": [["ville"], ["40:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ben \" The verse \" Mount"], ["78:101"]], "Polar_expression": [["skrytende"], ["48:57"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ben \" The verse \" Mount"], ["78:101"]], "Polar_expression": [["aggressive"], ["61:71"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["5:9"]], "Polar_expression": [["har store ting \u00e5 fare med"], ["206:231"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-03-02", "text": "Legg til en katalog med deilige , kraftige elektrorockl\u00e5ter , og du har et band som kan bli veldig store .", "opinions": [{"Source": [[], []], "Target": [["elektrorockl\u00e5ter"], ["43:59"]], "Polar_expression": [["deilige"], ["24:31"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["elektrorockl\u00e5ter"], ["43:59"]], "Polar_expression": [["kraftige"], ["34:42"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["band"], ["75:79"]], "Polar_expression": [["kan bli veldig store"], ["84:104"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-03-03", "text": "Stadionstore !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Stadionstore !"], ["0:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-04-01", "text": "L\u00f8rdag var et lydh\u00f8rt publikum p\u00e5 R\u00e5tt og R\u00e5de s\u00e5 heldige \u00e5 f\u00e5 oppleve dette glimrende bandet p\u00e5 full fart oppover .", "opinions": [{"Source": [[], []], "Target": [["bandet"], ["87:93"]], "Polar_expression": [["glimrende"], ["77:86"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bandet"], ["87:93"]], "Polar_expression": [["p\u00e5 full fart oppover"], ["94:114"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-04-02", "text": "Kongebooking !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kongebooking !"], ["0:14"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704915-05-01", "text": "N\u00e5r du h\u00f8rer platene til Pendulum , og s\u00e6rlig nydelige \" Immersion \" fra i fjor , h\u00f8rer du snev av Muse , Prodigy , Linkin Park .", "opinions": [{"Source": [[], []], "Target": [["\" Immersion \""], ["55:68"]], "Polar_expression": [["nydelige"], ["46:54"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["platene til Pendulum"], ["13:33"]], "Polar_expression": [["h\u00f8rer du snev av Muse , Prodigy , Linkin Park"], ["82:127"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-05-02", "text": "Blant annet .", "opinions": []}, {"sent_id": "704915-05-03", "text": "De samme gjelder konserversjonen , som er mindre elektronisk og mer aggressiv enn plateversjonen .", "opinions": []}, {"sent_id": "704915-05-04", "text": "Bandet har remikset l\u00e5ter fra Coldplay via Prodigy til Metallica .", "opinions": []}, {"sent_id": "704915-05-05", "text": "Likevel :", "opinions": []}, {"sent_id": "704915-05-06", "text": "Pendulum er noe helt for seg selv .", "opinions": [{"Source": [[], []], "Target": [["Pendulum"], ["0:8"]], "Polar_expression": [["noe helt for seg selv"], ["12:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-06-01", "text": "Australsk-britiske Pendulum startet som et drum'n bass-band med innslag av dubstep .", "opinions": []}, {"sent_id": "704915-06-02", "text": "Men etter som \u00e5rene seg p\u00e5 ble interessen for alternativ rock og heavy metal stadig st\u00f8rre .", "opinions": []}, {"sent_id": "704915-06-03", "text": "Synthen er intakt , ellers er Pendulum et helt annet band i dag enn da de ble etablert i Australia i 2002 .", "opinions": [{"Source": [[], []], "Target": [["Synthen"], ["0:7"]], "Polar_expression": [["intakt"], ["11:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-06-04", "text": "Bandet , som n\u00e5 er bosatt i Storbritannia , skal etter planen komme med nytt album neste \u00e5r .", "opinions": []}, {"sent_id": "704915-06-05", "text": "Det har ryktes at bandet beveger seg videre igjen : til et m\u00f8rkere , mer aggressivt uttrykk i et punkinspirert tempo .", "opinions": []}, {"sent_id": "704915-06-06", "text": "Smakebiten fra det kommende albumet som ble spilt p\u00e5 R\u00e5tt og R\u00e5de tyder p\u00e5 at det stemmer .", "opinions": []}, {"sent_id": "704915-06-07", "text": "Det l\u00e5ter fett , men v\u00e6r s\u00e5 snill : ikke g\u00e5 helt bort fra lydbildet som har gitt oss nydelige l\u00e5ter som \" Watercolour \" , \" Set me on fire \" , \" Crush \" , \" The Island \" og \" Witchcraft \" , da !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["l\u00e5ter fett"], ["4:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["v\u00e6r s\u00e5 snill : ikke g\u00e5 helt bort fra lydbildet som har gitt oss nydelige l\u00e5ter", "!"], ["21:99", "193:194"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Watercolour \""], ["104:119"]], "Polar_expression": [["nydelige"], ["85:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Set me on fire \""], ["122:140"]], "Polar_expression": [["nydelige"], ["85:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Crush \""], ["143:152"]], "Polar_expression": [["nydelige"], ["85:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" The Island \""], ["155:169"]], "Polar_expression": [["nydelige"], ["85:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\" Witchcraft \""], ["173:187"]], "Polar_expression": [["nydelige"], ["85:93"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-07-01", "text": "Pendulum er et band som har en stadig st\u00f8rre veldig dedikerte fans , bygget stein for stein med nydelige , f\u00f8lelsesladde og kraftfulle l\u00e5ter som ikke n\u00f8dvendigvis havner p\u00e5 hitlistene .", "opinions": [{"Source": [[], []], "Target": [["Pendulum"], ["0:8"]], "Polar_expression": [["stadig st\u00f8rre veldig dedikerte fans"], ["31:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["135:140"]], "Polar_expression": [["nydelige"], ["96:104"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["135:140"]], "Polar_expression": [["f\u00f8lelsesladde"], ["107:120"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["135:140"]], "Polar_expression": [["kraftfulle"], ["124:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["l\u00e5ter"], ["135:140"]], "Polar_expression": [["ikke n\u00f8dvendigvis havner p\u00e5 hitlistene"], ["145:183"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-07-02", "text": "Og gjennom spektakul\u00e6re konserter .", "opinions": [{"Source": [[], []], "Target": [["konserter"], ["24:33"]], "Polar_expression": [["spektakul\u00e6re"], ["11:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704915-07-03", "text": "Rob Swire er en slags australsk Matthew Bellamy fra Muse : en stemme \u00e5 d\u00f8 for , r\u00e5 p\u00e5 b\u00e5de gitar og synth .", "opinions": [{"Source": [[], []], "Target": [["Rob Swire"], ["0:9"]], "Polar_expression": [["stemme \u00e5 d\u00f8 for"], ["62:77"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Rob Swire"], ["0:9"]], "Polar_expression": [["r\u00e5 p\u00e5 b\u00e5de gitar og synth"], ["80:105"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-07-04", "text": "Men litt innadvendt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["litt innadvendt"], ["4:19"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-07-05", "text": "I hvert fall ikke noen stor scenekarismatiker .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["ikke noen stor scenekarismatiker"], ["13:45"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-07-06", "text": "Derfor har Pendulum ogs\u00e5 MC-en Ben Mount .", "opinions": []}, {"sent_id": "704915-07-07", "text": "Et genialt trekk .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["genialt trekk"], ["3:16"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-07-08", "text": "Hans vokale bidrag er ikke vakre som Swires , og heller ikke s\u00e5 interessante , men dette er mannen som skaper en n\u00e6rmest ekstatisk stemning av villskap og k\u00e5tskap i mengden , som skapte till\u00f8p til mosh pit foran scenen , som fikk sindige mannfolk i allv\u00e6rsjakke og ryggsekk til \u00e5 sitre .", "opinions": [{"Source": [[], []], "Target": [["Hans vokale bidrag"], ["0:18"]], "Polar_expression": [["ikke vakre som Swires"], ["22:43"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Swires"], ["37:43"]], "Polar_expression": [["Hans vokale bidrag er ikke vakre som"], ["0:36"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hans vokale bidrag"], ["0:18"]], "Polar_expression": [["ikke s\u00e5 interessante"], ["56:76"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["92:98"]], "Polar_expression": [["skaper en n\u00e6rmest ekstatisk stemning av villskap og k\u00e5tskap"], ["103:162"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["92:98"]], "Polar_expression": [["skapte till\u00f8p til mosh pit foran scenen"], ["179:218"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["mannen"], ["92:98"]], "Polar_expression": [["fikk sindige mannfolk i allv\u00e6rsjakke og ryggsekk til \u00e5 sitre"], ["225:285"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "704915-08-01", "text": "En helt utrolig konsertopplevelse .", "opinions": [{"Source": [[], []], "Target": [["konsertopplevelse"], ["16:33"]], "Polar_expression": [["helt utrolig"], ["3:15"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "704915-08-02", "text": "Et annet Pendulum enn p\u00e5 plate , men minst like bra !", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Et annet Pendulum enn p\u00e5 plate , men minst like bra !"], ["0:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110840-01-01", "text": "Stevie Nicks :", "opinions": []}, {"sent_id": "110840-01-02", "text": "\u00ab In Your Dreams \u00bb", "opinions": []}, {"sent_id": "110840-02-01", "text": "( Reprise / Warner )", "opinions": []}, {"sent_id": "110840-03-01", "text": "P\u00e5 sporet av fortidens magi .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["P\u00e5 sporet av fortidens magi"], ["0:27"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110840-04-01", "text": "Et fors\u00f8k p\u00e5 \u00e5 f\u00f8lge opp de to f\u00f8rste , drusefine soloalbumene hennes :", "opinions": [{"Source": [[], []], "Target": [["to f\u00f8rste", "soloalbumene"], ["28:37", "50:62"]], "Polar_expression": [["drusefine"], ["40:49"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110840-04-02", "text": "Endel\u00f8s takkeliste , gjester fra The Heartbreakers og Fleetwood Mac , tyll , taft og et omslag som f\u00e5r Nicks til \u00e5 se ut som en nyvokset dukke ( hun ble 63 p\u00e5 tirsdag ) .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["gjester fra The Heartbreakers og Fleetwood Mac"], ["21:67"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "EFINP"}, {"Source": [[], []], "Target": [["omslag"], ["88:94"]], "Polar_expression": [["f\u00e5r Nicks til \u00e5 se ut som en nyvokset dukke"], ["99:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110840-04-03", "text": "Samt , mer foruroligende , ordene \u00ab produced by Dave Stewart \u00bb p\u00e5 omslaget .", "opinions": [{"Source": [[], []], "Target": [["omslaget"], ["66:74"]], "Polar_expression": [["mer foruroligende , ordene \u00ab produced by Dave Stewart \u00bb"], ["7:62"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110840-04-04", "text": "Hva verre er :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["verre"], ["4:9"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110840-04-05", "text": "Stewart har skrevet mange av melodiene .", "opinions": [{"Source": [[], []], "Target": [["melodiene"], ["29:38"]], "Polar_expression": [["Stewart har skrevet mange"], ["0:25"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110840-04-06", "text": "Dumt , all den tid komposisjonene hans p\u00e5 langt n\u00e6r er like s\u00e6rpregede som hennes .", "opinions": [{"Source": [[], []], "Target": [["hennes"], ["75:81"]], "Polar_expression": [["komposisjonene hans p\u00e5 langt n\u00e6r er like s\u00e6rpregede"], ["19:70"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["hans"], ["34:38"]], "Polar_expression": [["komposisjonene", "p\u00e5 langt n\u00e6r er like s\u00e6rpregede som hennes"], ["19:33", "39:81"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false}]}, {"sent_id": "110840-04-07", "text": "Spesielt n\u00e5r hennes , som i tilfellet \u00ab Secret Love \u00bb , har r\u00f8tter 35 \u00e5r tilbake i tid .", "opinions": []}, {"sent_id": "110840-05-01", "text": "Men n\u00e5r det er fint , er det fint .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["n\u00e5r det er fint , er det fint"], ["4:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110840-05-02", "text": "\u00ab Soldier's Angel \u00bb kunne forsvart en plass p\u00e5 \u00ab Tusk \u00bb ( 1979 ) .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Soldier's Angel \u00bb"], ["0:19"]], "Polar_expression": [["kunne forsvart en plass p\u00e5 \u00ab Tusk \u00bb"], ["20:55"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110840-06-01", "text": "BESTE L\u00c5T :", "opinions": []}, {"sent_id": "110840-06-02", "text": "\u00ab Soldier's Angel \u00bb", "opinions": []}, {"sent_id": "110840-07-01", "text": "MORTEN ST\u00c5LE NILSEN", "opinions": []}, {"sent_id": "102688-01-01", "text": "L\u00e5t :", "opinions": []}, {"sent_id": "102688-01-02", "text": "Stay Artist :", "opinions": []}, {"sent_id": "102688-01-03", "text": "Tooji Komponist : Tooji , Peter Bostr\u00f6m og Figge Bostr\u00f6m Tekstforfatter : Tooji , Peter Bostr\u00f6m og Figge Bostr\u00f6m", "opinions": []}, {"sent_id": "102688-02-01", "text": "Iranskf\u00f8dte Tooji fors\u00f8ker godt med et dansbart , orientalsk-inspirert og refrenglett bidrag .", "opinions": [{"Source": [[], []], "Target": [["Tooji"], ["12:17"]], "Polar_expression": [["fors\u00f8ker godt"], ["18:31"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["bidrag"], ["86:92"]], "Polar_expression": [["dansbart"], ["39:47"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["bidrag"], ["86:92"]], "Polar_expression": [["refrenglett"], ["74:85"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300178-01-01", "text": "Arne Lygre g\u00e5r nok en gang dypt inn i menneskelige kjerner", "opinions": []}, {"sent_id": "300178-02-01", "text": "Essensielle ber\u00f8ringspunkter", "opinions": []}, {"sent_id": "300178-03-01", "text": "TEATER :", "opinions": []}, {"sent_id": "300178-03-02", "text": "\u00ab Midt i livet er vi i d\u00f8den \u00bb , sier det gamle latinske munnhellet , opprinnelig en verselinje fra et korverk .", "opinions": []}, {"sent_id": "300178-03-03", "text": "\u00ab Media vita in morte sumus \u00bb .", "opinions": []}, {"sent_id": "300178-03-04", "text": "Arne Lygres nyeste tekst sier det like enkelt , like klassisk rent , like poetisk og like minneverdig :", "opinions": [{"Source": [[], []], "Target": [["Arne Lygres nyeste tekst"], ["0:24"]], "Polar_expression": [["like enkelt"], ["34:45"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Arne Lygres nyeste tekst"], ["0:24"]], "Polar_expression": [["like klassisk rent"], ["48:66"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Arne Lygres nyeste tekst"], ["0:24"]], "Polar_expression": [["like poetisk"], ["69:81"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Arne Lygres nyeste tekst"], ["0:24"]], "Polar_expression": [["like minneverdig"], ["85:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300178-03-05", "text": "\u00ab Vi er her \u00bb .", "opinions": []}, {"sent_id": "300178-03-06", "text": "Og , i variasjoner over det samme :", "opinions": []}, {"sent_id": "300178-03-07", "text": "\u00ab N\u00e5 er vi her \u00bb , \u00ab Jeg er her \u00bb .", "opinions": []}, {"sent_id": "300178-03-08", "text": "I \u00ab La deg v\u00e6re \u00bb ber\u00f8rer d\u00f8dsbevisstheten vi-et , s\u00e5 vel som her-et , n\u00e5-et og er-et .", "opinions": []}, {"sent_id": "300178-04-01", "text": "Det handler om b\u00e5nd mellom mennesker , eller kanskje rettere sagt , om behovet for b\u00e5nd , behovet for \u00e5 ha noen \u00e5 st\u00e5 n\u00e6r - koblet med vissheten om at det ikke kommer til \u00e5 vare .", "opinions": []}, {"sent_id": "300178-04-02", "text": "En dag vil b\u00e5ndet brytes , enten det skyldes et menneskelig valg eller en d\u00f8d .", "opinions": []}, {"sent_id": "300178-05-01", "text": "Dette uttrykkes gjennom skjerpede , spissede versjoner av gjenkjennelige menneskelige situasjoner , med analyser og rekonstruksjoner av de emosjoner som h\u00f8rer til .", "opinions": []}, {"sent_id": "300178-06-01", "text": "Sammenhenger", "opinions": []}, {"sent_id": "300178-07-01", "text": "Scenene er konsentrater av menneskelighet , og skuespillerne framf\u00f8rer dem med nerve og nyanse .", "opinions": [{"Source": [[], []], "Target": [["Scenene"], ["0:7"]], "Polar_expression": [["konsentrater av menneskelighet"], ["11:41"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [["skuespillerne"], ["47:60"]], "Polar_expression": [["framf\u00f8rer dem med nerve og nyanse"], ["61:94"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300178-07-02", "text": "Ett og samme utsagn kan ha mange ulike meninger , avhengig av den kontekst det er sagt i , og den m\u00e5te det er sagt p\u00e5 .", "opinions": []}, {"sent_id": "300178-07-03", "text": "Hva et ansiktsuttrykk betyr gjennomg\u00e5r gradvis foranderlige fortolkninger og omfortolkninger .", "opinions": []}, {"sent_id": "300178-07-04", "text": "Undertekst legges inn i kroppsspr\u00e5k og i skuespillernes plassering i forhold til hverandre .", "opinions": []}, {"sent_id": "300178-07-05", "text": "Det er finstemt , og det f\u00f8rer med seg subtile ( og noen mindre subtile , humoristiske ) forskyvninger mellom de ord som sies og de meninger som ligger mellom dem , mellom det som gj\u00f8res og det som kunne v\u00e6rt gjort .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["finstemt"], ["7:15"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["subtile", "forskyvninger mellom de ord som sies og de meninger som ligger mellom dem"], ["39:46", "89:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["og noen mindre subtile , humoristiske", "forskyvninger mellom de ord som sies og de meninger som ligger mellom dem"], ["49:86", "89:162"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300178-07-06", "text": "Hver av de fem - Tone Mostraum , Andrine S\u00e6ther , Glenn Andr\u00e9 Kaada , Hanne Skille Reitan og Olav Waastad - er bare tildelt ett rollenavn , men de opptrer alle som ulike personer med ulike forhold til hverandre underveis .", "opinions": []}, {"sent_id": "300178-07-07", "text": "Handlingen er inndelt i sekvenser , med omdreiningspunkter der den personen som sist uttalte seg g\u00e5r inn i rollen som en annen , og denne andre er alltid en person med tilknytning til det siste som skjedde eller det siste som ble sagt .", "opinions": []}, {"sent_id": "300178-07-08", "text": "Slik oppl\u00f8ses de enkelte rolleidentitetene , p\u00e5 tvers av kj\u00f8nn og alder , og det tydeliggj\u00f8res hvor fellesmenneskelige erfaringene er , samtidig som alt ogs\u00e5 viser seg \u00e5 henge sammen med alt det andre .", "opinions": []}, {"sent_id": "300178-07-09", "text": "Det finnes alltid ber\u00f8ringspunkter , ett menneskes handlinger og valg p\u00e5virker alltid ogs\u00e5 minst ett annets .", "opinions": []}, {"sent_id": "300178-07-10", "text": "Noen ganger st\u00e5r to personers opplevelse av en og samme situasjon i konflikt med hverandre , andre ganger utfyller de hverandre til en harmonisk felles sannhet .", "opinions": []}, {"sent_id": "300178-08-01", "text": "\u00c5penhet og brudd", "opinions": []}, {"sent_id": "300178-09-01", "text": "P\u00e5 ett tidspunkt rykkes undertegnede ut av de rom teksten skaper .", "opinions": [{"Source": [["undertegnede"], ["24:36"]], "Target": [[], []], "Polar_expression": [["rykkes undertegnede ut av de rom teksten skaper"], ["17:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300178-09-02", "text": "Det er under et ordl\u00f8st innslag der skuespillerne trekker str\u00f8mper over hodene , og kler p\u00e5 seg parykker .", "opinions": []}, {"sent_id": "300178-09-03", "text": "En liten stund svirrer de rundt uten \u00e5 si noe , f\u00f8r de g\u00e5r tilbake til sine rollefigurer .", "opinions": []}, {"sent_id": "300178-09-04", "text": "Det g\u00e5r ikke lang tid f\u00f8r jeg er sugd tilbake i situasjonen igjen , men jeg opplever likevel dette bruddet som en forstyrrelse og en svekkelse , ikke en berikelse .", "opinions": [{"Source": [[], []], "Target": [["jeg"], ["26:29"]], "Polar_expression": [["Det g\u00e5r ikke lang tid f\u00f8r jeg er sugd tilbake i situasjonen igjen"], ["0:65"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["bruddet"], ["99:106"]], "Polar_expression": [["forstyrrelse"], ["114:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["bruddet"], ["99:106"]], "Polar_expression": [["svekkelse"], ["133:142"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [["jeg"], ["72:75"]], "Target": [["bruddet"], ["99:106"]], "Polar_expression": [["ikke en berikelse"], ["145:162"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300178-10-01", "text": "Dette er den ene unntaksscenen i en teateroppsetning som ellers , tross all sin \u00e5penhet , er helhetlig og sterk .", "opinions": [{"Source": [[], []], "Target": [["teateroppsetning"], ["36:52"]], "Polar_expression": [["helhetlig"], ["93:102"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["teateroppsetning"], ["36:52"]], "Polar_expression": [["sterk"], ["106:111"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "300178-11-01", "text": "Rebekka Ringsts scenografi , en skr\u00e5nende bakke av pressede sponplater , har den samme \u00e5pne fleksibiliteten som rolleidentitetene og replikkene .", "opinions": [{"Source": [[], []], "Target": [["Rebekka Ringsts scenografi"], ["0:26"]], "Polar_expression": [["har den samme \u00e5pne fleksibiliteten som rolleidentitetene og replikkene"], ["73:143"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "300178-11-02", "text": "Den kan v\u00e6re et svaberg , en brygge , en gate eller en terrasse , men mest er den et forankringspunkt for skiftende mentale landskap , overalt og ingen steder .", "opinions": []}, {"sent_id": "601300-01-01", "text": "En eminent skribent", "opinions": [{"Source": [[], []], "Target": [["skribent"], ["11:19"]], "Polar_expression": [["eminent"], ["3:10"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-01", "text": "En kunne trodd at 630 sider er i meste laget for en roman , men denne er av en slik karakter at en blir glad for hver eneste en av dem .", "opinions": [{"Source": [[], []], "Target": [["630 sider"], ["18:27"]], "Polar_expression": [["glad for hver eneste en av dem"], ["104:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-02", "text": "Carsten Jensen er s\u00e5 god skribent at han unng\u00e5r langhalm og d\u00f8dperioder ; alt han skriver er meningsb\u00e6rende for historien .", "opinions": [{"Source": [[], []], "Target": [["Carsten Jensen"], ["0:14"]], "Polar_expression": [["god skribent"], ["21:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Carsten Jensen"], ["0:14"]], "Polar_expression": [["unng\u00e5r langhalm og d\u00f8dperioder"], ["41:71"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Carsten Jensen"], ["0:14"]], "Polar_expression": [["alt han skriver er meningsb\u00e6rende for historien"], ["74:121"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-03", "text": "Og den er helt r\u00e5 .", "opinions": [{"Source": [[], []], "Target": [["den"], ["3:6"]], "Polar_expression": [["helt r\u00e5"], ["10:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-04", "text": "Men kanskje ikke helt troverdig .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["kanskje ikke helt troverdig"], ["4:31"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-05", "text": "For hvor sannsynlig er det at en dansk troppssjef hopper av fra det milit\u00e6re oppdraget i Afghanistan , f\u00e5r 13 av sine menn massakrert og driver egen krigf\u00f8ring med skiftende lokale allianser i et slags internettspill \u2014 bare for moro ? ? ?", "opinions": [{"Source": [[], []], "Target": [["at en dansk troppssjef hopper av fra det milit\u00e6re oppdraget i Afghanistan , f\u00e5r 13 av sine menn massakrert og driver egen krigf\u00f8ring med skiftende lokale allianser i et slags internettspill \u2014 bare for moro"], ["27:232"]], "Polar_expression": [["hvor sannsynlig er det", "?"], ["4:26", "233:234"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-06", "text": "Men d\u00f8dsspennende er det.Styrken til Carsten Jensen ligger i tre forhold :", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["d\u00f8dsspennende"], ["4:17"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601300-02-07", "text": "Han er en eminent litterat som behersker det h\u00e5ndverksmessige til fingerspissene .", "opinions": [{"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["eminent litterat"], ["10:26"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Han"], ["0:3"]], "Polar_expression": [["behersker det h\u00e5ndverksmessige til fingerspissene"], ["31:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-08", "text": "Spr\u00e5ket er skrelt til det n\u00f8dvendigste , likevel billedskapende og flytende deilig .", "opinions": [{"Source": [[], []], "Target": [["Spr\u00e5ket"], ["0:7"]], "Polar_expression": [["billedskapende"], ["49:63"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Spr\u00e5ket"], ["0:7"]], "Polar_expression": [["flytende deilig"], ["67:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Spr\u00e5ket"], ["0:7"]], "Polar_expression": [["skrelt til det n\u00f8dvendigste"], ["11:38"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-02-09", "text": "Oppdelingen i mange sm\u00e5 kapitler med \u00ab cliff hangere \u00bb gj\u00f8r den til en page turner .", "opinions": [{"Source": [[], []], "Target": [["den"], ["60:63"]], "Polar_expression": [["mange sm\u00e5 kapitler med \u00ab cliff hangere \u00bb"], ["14:54"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["den"], ["60:63"]], "Polar_expression": [["page turner"], ["71:82"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "601300-03-01", "text": "Med en usedvanlig innsikt gir Jensen dybdepsykologiske innblikk i tenkningen og dilemmaene til flere av figurene i romanen .", "opinions": [{"Source": [[], []], "Target": [["Jensen"], ["30:36"]], "Polar_expression": [["usedvanlig innsikt gir", "dybdepsykologiske innblikk i tenkningen og dilemmaene"], ["7:29", "37:90"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-03-02", "text": "Refleksjonene til offiseren som forhandler med afghanere i n\u00e6rmilj\u00f8et til den danske milit\u00e6rleiren er alene verd lesningen av boka .", "opinions": [{"Source": [[], []], "Target": [["Refleksjonene til offiseren"], ["0:27"]], "Polar_expression": [["alene verd lesningen"], ["102:122"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-03-03", "text": "Her er mye anvendt menneskekunnskap .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mye anvendt menneskekunnskap"], ["7:35"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-04-01", "text": "Og s\u00e5 er Jensen en ener i \u00e5 skrive gode fortellinger .", "opinions": [{"Source": [[], []], "Target": [["Jensen"], ["9:15"]], "Polar_expression": [["ener i \u00e5 skrive gode fortellinger"], ["19:52"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "601300-04-02", "text": "Denne gangen skriver han en thriller , en spenningsroman , om danskenes milit\u00e6re engasjement i Afghanistan .", "opinions": []}, {"sent_id": "601300-05-01", "text": "Tittelen Den f\u00f8rste sten har dobbel bunn ; den viser b\u00e5de til barbariske , muslimske tradisjoner , men ogs\u00e5 til Jesu utsagn om \u00e5 kaste den f\u00f8rste sten , og blir slik en metafor for budskapet i boka :", "opinions": []}, {"sent_id": "601300-05-02", "text": "Vi , alts\u00e5 Vesten , drar til fjerne sivilisasjoner for \u00e5 ordne opp og havner i et uoversiktlig kaos der alle potensielt er hverandres fiender , men ogs\u00e5 allierte .", "opinions": []}, {"sent_id": "601300-05-03", "text": "Svart / hvit- og snill / slem-tenkningen strekker ikke til for \u00e5 takle de innviklede forholdene .", "opinions": []}, {"sent_id": "601300-06-01", "text": "I romanen tvinges danskene til \u00e5 inng\u00e5 forbindelser med folk de egentlig er fiender med og er sendt ut for \u00e5 nedkjempe - lokale krigsherrer og Taliban - for \u00e5 oppn\u00e5 h\u00f8yere m\u00e5l .", "opinions": []}, {"sent_id": "601300-06-02", "text": "Og under s\u00e5nne forhold , hvem kan kaste den f\u00f8rste sten ?", "opinions": []}, {"sent_id": "601300-06-03", "text": "Men sten blir kastet .", "opinions": []}, {"sent_id": "601300-06-04", "text": "Og blodige blir de .", "opinions": []}, {"sent_id": "103942-01-01", "text": "Ludacris :", "opinions": []}, {"sent_id": "103942-01-02", "text": "\u00ab Chicken-N-Beer \u00bb", "opinions": []}, {"sent_id": "103942-02-01", "text": "( Def Jam South / Universal )", "opinions": []}, {"sent_id": "103942-03-01", "text": "Mer breial r\u00e6pp fra s\u00f8rstatenes mest selvsikre .", "opinions": []}, {"sent_id": "103942-04-01", "text": "Ludacris \u00e5pner \u00ab Chicken-N-Beer \u00bb - med et av r\u00e6pp-h\u00f8stens mest harry covre - forrykende sterkt i \u00ab Southern Fried Intro \u00bb , der han arrogant ( og helt korrekt ) tar \u00e6ren for verdensdominansen til dirty south-stilen .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Southern Fried Intro \u00bb"], ["98:122"]], "Polar_expression": [["et av r\u00e6pp-h\u00f8stens mest harry covre"], ["40:75"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Southern Fried Intro \u00bb"], ["98:122"]], "Polar_expression": [["forrykende sterkt"], ["78:95"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ludacris"], ["0:8"]], "Polar_expression": [["arrogant", "tar \u00e6ren for verdensdominansen til dirty south-stilen"], ["133:141", "162:215"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Ludacris"], ["0:8"]], "Polar_expression": [["helt korrekt ) tar \u00e6ren for verdensdominansen til dirty south-stilen"], ["147:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Southern Fried Intro \u00bb"], ["98:122"]], "Polar_expression": [["arrogant", "tar \u00e6ren for verdensdominansen til dirty south-stilen"], ["133:141", "162:215"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Southern Fried Intro \u00bb"], ["98:122"]], "Polar_expression": [["helt korrekt ) tar \u00e6ren for verdensdominansen til dirty south-stilen"], ["147:215"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "103942-04-02", "text": "Men hverken beats , flow eller humor holder hele veien til m\u00e5l her .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["hverken beats , flow eller humor holder hele veien til m\u00e5l her"], ["4:66"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103942-04-03", "text": "I det hele tatt er \u00ab Chicken-N-Beer \u00bb oppsiktsvekkende lite oppfinnsom i produksjonen med tanke p\u00e5 hva to andre s\u00f8rstats-helter nylig kom med , nemlig Outkast .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Chicken-N-Beer \u00bb"], ["19:37"]], "Polar_expression": [["oppsiktsvekkende lite oppfinnsom"], ["38:70"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "103942-04-04", "text": "Et par kutt hvor snippen henger lovlig l\u00f8st , \u00ab Screwed Up \u00bb og \u00ab Hoes In My Room \u00bb , redder dagen og minner oss om at man ikke alltid skal ta hip hop gravalvorlig .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Screwed Up \u00bb"], ["46:60"]], "Polar_expression": [["snippen henger lovlig l\u00f8st"], ["17:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hoes In My Room \u00bb"], ["64:83"]], "Polar_expression": [["redder dagen"], ["86:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Screwed Up \u00bb"], ["46:60"]], "Polar_expression": [["redder dagen"], ["86:98"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hoes In My Room \u00bb"], ["64:83"]], "Polar_expression": [["snippen henger lovlig l\u00f8st"], ["17:43"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Hoes In My Room \u00bb"], ["64:83"]], "Polar_expression": [["minner oss om at man ikke alltid skal ta hip hop gravalvorlig"], ["102:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Screwed Up \u00bb"], ["46:60"]], "Polar_expression": [["minner oss om at man ikke alltid skal ta hip hop gravalvorlig"], ["102:163"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106148-01-01", "text": "Son Volt :", "opinions": []}, {"sent_id": "106148-01-02", "text": "\u00ab The Search \u00bb", "opinions": []}, {"sent_id": "106148-02-01", "text": "( Legacy / SonyBMG )", "opinions": []}, {"sent_id": "106148-03-01", "text": "GENRE : ALT. /", "opinions": []}, {"sent_id": "106148-03-02", "text": "ROCK", "opinions": []}, {"sent_id": "106148-04-01", "text": "Bra , men aldri bedre enn onkel .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Bra"], ["0:3"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["aldri bedre enn onkel"], ["10:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "106148-05-01", "text": "Uncle Tupelo ble stilskapere tidlig p\u00e5 nittitallet med sin blanding av country-r\u00f8tter og energien fra alternativ rock , men bandets to hovedmenn , Jay Farrar og Jeff Tweedy , har i sannhetens navn hatt store problemer med \u00e5 matche gamlebandet sitt med henholdsvis Son Volt og Wilco .", "opinions": [{"Source": [[], []], "Target": [["Uncle Tupelo"], ["0:12"]], "Polar_expression": [["stilskapere tidlig p\u00e5 nittitallet"], ["17:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Jay Farrar og Jeff Tweedy"], ["147:172"]], "Polar_expression": [["store problemer med \u00e5 matche gamlebandet sitt med henholdsvis Son Volt og Wilco"], ["202:281"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106148-06-01", "text": "Her tar Farrar steget p\u00e5 mange m\u00e5ter tilbake til den f\u00f8rste og beste Son Volt-skiva , \u00ab Trace \u00bb fra 1995 , selv om de manglende country-innflytelsene p\u00e5 f\u00f8rste halvdel ligger mye n\u00e6rmere R.E.M. og Counting Crows enn noen gang tidligere .", "opinions": [{"Source": [[], []], "Target": [["Farrar"], ["8:14"]], "Polar_expression": [["tar", "steget p\u00e5 mange m\u00e5ter tilbake til den f\u00f8rste og beste Son Volt-skiva"], ["4:7", "15:83"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Trace \u00bb"], ["86:95"]], "Polar_expression": [["beste"], ["63:68"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106148-07-01", "text": "Mot slutten aner vi imidlertid hvor Jay Farrar kommer fra musikalsk , og det er f\u00f8rst her vi gjenkjenner den sterkeste Farrar-signaturen - den som b\u00e5de fans av Uncle Tupelo og tidlig Son Volt vil elske .", "opinions": [{"Source": [["vi"], ["90:92"]], "Target": [["slutten"], ["4:11"]], "Polar_expression": [["gjenkjenner den sterkeste Farrar-signaturen - den som b\u00e5de fans av Uncle Tupelo og tidlig Son Volt vil elske"], ["93:201"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "106148-08-01", "text": "ANBEFALTE KJ\u00d8P :", "opinions": []}, {"sent_id": "106148-08-02", "text": "\u00ab The Picture \u00bb , \u00ab Automatic Society \u00bb , \u00ab Metamphetamine \u00bb og \u00ab Highways And Cigarettes \u00bb .", "opinions": []}, {"sent_id": "105177-01-01", "text": "Teateranmeldelse :", "opinions": []}, {"sent_id": "105177-01-02", "text": "\u00ab Fulle folk \u00bb", "opinions": []}, {"sent_id": "105177-02-01", "text": "Fylla er en farlig greie .", "opinions": [{"Source": [[], []], "Target": [["Fylla"], ["0:5"]], "Polar_expression": [["farlig"], ["12:18"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105177-02-02", "text": "De vanlige skjerpede filtre lekker som en sil , og sannheten fosser fram som en flodb\u00f8lge .", "opinions": []}, {"sent_id": "105177-03-01", "text": "Dette er essensen i den robust realistiske , velregisserte og underholdende forestillingen \u00ab Fulle folk \u00bb ; et stykke som raljerer med urban europeisk selvopptatt syting og som inneholder sm\u00e5 poetiske perler .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Fulle folk \u00bb"], ["91:105"]], "Polar_expression": [["robust realistiske"], ["24:42"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Fulle folk \u00bb"], ["91:105"]], "Polar_expression": [["velregisserte"], ["45:58"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Fulle folk \u00bb"], ["91:105"]], "Polar_expression": [["underholdende"], ["62:75"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Fulle folk \u00bb"], ["91:105"]], "Polar_expression": [["sm\u00e5 poetiske perler"], ["188:207"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105177-04-01", "text": "DET NORSKE TEATRET", "opinions": []}, {"sent_id": "105177-05-01", "text": "Den russiske dramatiker Vyrypajev har skrevet et stykke som utelukkende handler om folk som er dritings .", "opinions": []}, {"sent_id": "105177-05-02", "text": "Vi presenteres for ulike settinger der et bredt spekter av samfunnet er representert .", "opinions": []}, {"sent_id": "105177-06-01", "text": "De har sine koder for sine respektive klaner , men n\u00e5r beruselsen g\u00e5r over til det punkt der hjernen slutter \u00e5 operere med fornuftens filter , s\u00e5 er de alle i samme b\u00e5s .", "opinions": []}, {"sent_id": "105177-07-01", "text": "De er seg selv , bare litt mer seg selv enn vanlig .", "opinions": []}, {"sent_id": "105177-07-02", "text": "De - eller vi - slipper l\u00f8s de tanker , id\u00e9er , aggresjoner , og sorger som man av ymse \u00e5rsaker helst ikke lufter offentlig .", "opinions": []}, {"sent_id": "105177-07-03", "text": "Og behovet for \u00e5 si sannheten er en av de skumleste farene ved kraft-fylla .", "opinions": []}, {"sent_id": "105177-08-01", "text": "Dette fremf\u00f8res alldeles utmerket av ensemblet .", "opinions": [{"Source": [[], []], "Target": [["ensemblet"], ["37:46"]], "Polar_expression": [["alldeles utmerket"], ["16:33"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105177-08-02", "text": "\u00c5 v\u00e6re full i noen timer er en ting , \u00e5 spille full over lengre tid p\u00e5 en scene , er noe annet .", "opinions": []}, {"sent_id": "105177-08-03", "text": "Faren for overdrivelse er skyh\u00f8y .", "opinions": []}, {"sent_id": "105177-08-04", "text": "Her balanseres det , med noen unntak , nennsomt Den fysiske slapsticken er rene balletten og viser hvordan kroppskontrollen er p\u00e5 vaklende grunn .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["balanseres det , med noen unntak , nennsomt"], ["4:47"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["fysiske slapsticken"], ["52:71"]], "Polar_expression": [["rene balletten"], ["75:89"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": false, "Target_is_general": false}]}, {"sent_id": "105177-09-01", "text": "I selve spillet styres det unna for mye av uforst\u00e5elig sn\u00f8vling ; det er de pomp\u00f8se , filosofiske og ganske s\u00e5 morsomme betraktninger som gjentas med en p\u00e5st\u00e5elighet du finner hos fulle folk og insisterende unger .", "opinions": [{"Source": [[], []], "Target": [["spillet"], ["8:15"]], "Polar_expression": [["styres det unna for mye av uforst\u00e5elig sn\u00f8vling"], ["16:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["betraktninger"], ["120:133"]], "Polar_expression": [["pomp\u00f8se"], ["76:83"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["betraktninger"], ["120:133"]], "Polar_expression": [["filosofiske"], ["86:97"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["betraktninger"], ["120:133"]], "Polar_expression": [["ganske s\u00e5 morsomme"], ["101:119"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105177-09-02", "text": "Replikker og tema tydeliggj\u00f8res og det lattervekkende kombineres med beskt alvor .", "opinions": []}, {"sent_id": "105177-10-01", "text": "Samtalene som f\u00f8res i de ulike settinger har noe til felles ; det handler om Gud , kj\u00e6rlighet , hvem vi er og hvordan vi forvalter det hele .", "opinions": []}, {"sent_id": "105177-10-02", "text": "Er vi sm\u00e5 nurk som liker \u00e5 sause oss inn i all dritten rundt oss ( her er en forn\u00f8yelig referanse til den danske filmskaper Lars von Trier ) , klarer vi ikke \u00e5 mestre hverdagen uten noen sm\u00e5 l\u00f8gner , eller evner vi \u00e5 se kj\u00e6rligheten ?", "opinions": []}, {"sent_id": "105177-11-01", "text": "Store tema og s\u00e5rbare mennesker - noks\u00e5 gjenkjennbart det hele .", "opinions": []}, {"sent_id": "105177-11-02", "text": "Regiss\u00f8ren har lagt vekt p\u00e5 godt ensemblespill .", "opinions": [{"Source": [[], []], "Target": [["ensemblespill"], ["33:46"]], "Polar_expression": [["godt"], ["28:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105177-11-03", "text": "Det er flust av fine detaljer , b\u00e5de hos de som er mest i fokus gjennom dialogene , men ogs\u00e5 hos de som kommer med herlige komikk fra sidelinja .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["flust av fine detaljer"], ["7:29"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["herlige komikk"], ["115:129"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105177-12-01", "text": "I siste del av forestillingen samles tr\u00e5der , n\u00e5r persongallerier fra f\u00f8rste akt m\u00f8tes i andre settinger .", "opinions": []}, {"sent_id": "105177-12-02", "text": "Da brukes fylle-metaforen som en effektiv bakgrunn for \u00e5 speile en rastl\u00f8s og kanskje ikke helt lykkelig samtid .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["effektiv bakgrunn"], ["33:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samtid"], ["105:111"]], "Polar_expression": [["rastl\u00f8s"], ["67:74"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["samtid"], ["105:111"]], "Polar_expression": [["ikke helt lykkelig"], ["86:104"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-01-01", "text": "Dansefeber av tredje grad", "opinions": []}, {"sent_id": "105705-02-01", "text": "At denne dansefilmen er i 3D er den eneste nye ingrediensen i \u00ab Streetdance 3D \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Streetdance 3D \u00bb"], ["62:80"]], "Polar_expression": [["3D er den eneste nye ingrediensen"], ["26:59"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-02-02", "text": "Heldigvis holder det ganske langt .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Heldigvis holder det ganske langt"], ["0:33"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-03-01", "text": "\u00c9n gruppe dansere liker streetdance .", "opinions": [{"Source": [["\u00c9n gruppe dansere"], ["0:17"]], "Target": [["streetdance"], ["24:35"]], "Polar_expression": [["liker"], ["18:23"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "105705-03-02", "text": "En annen liker ballett .", "opinions": [{"Source": [["En annen"], ["0:8"]], "Target": [["ballett"], ["15:22"]], "Polar_expression": [["liker"], ["9:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "105705-03-03", "text": "Sammen m\u00e5 de l\u00e6re \u00e5 kombinere kreftene for \u00e5 sl\u00e5 ut konkurrentene .", "opinions": []}, {"sent_id": "105705-03-04", "text": "H\u00f8res det kjent ut ?", "opinions": []}, {"sent_id": "105705-03-05", "text": "Kanskje fordi du har sett det \u00f8rten ganger f\u00f8r .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["sett det \u00f8rten ganger f\u00f8r"], ["21:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-03-06", "text": "Allerede i 1953 tilpasset Fred Astaire dansestilen til ballett i \u00ab The band Wagon \u00bb .", "opinions": []}, {"sent_id": "105705-03-07", "text": "P\u00e5 80-tallet viste \u00ab Flashdance \u00bb oss at stilmiks var sexy .", "opinions": []}, {"sent_id": "105705-03-08", "text": "I \u00ab Center Stage \u00bb ( 2000 ) m\u00e5tte balletten jazzes opp for \u00e5 bli en suksessformel .", "opinions": []}, {"sent_id": "105705-03-09", "text": "\u00c5ret etter viste \u00ab Save the Last Dance \u00bb det samme .", "opinions": []}, {"sent_id": "105705-03-10", "text": "Og nylig lagde NRK en hel TV-serie , \u00ab AF1 \u00bb , over temaet .", "opinions": []}, {"sent_id": "105705-04-01", "text": "Vi har skj\u00f8nt det allerede :", "opinions": []}, {"sent_id": "105705-04-02", "text": "\u00c5 mikse forskjellige dansestiler er bra .", "opinions": [{"Source": [[], []], "Target": [["\u00c5 mikse forskjellige dansestiler"], ["0:32"]], "Polar_expression": [["bra"], ["36:39"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": false, "Target_is_general": false, "Type": "E", "NFP": true}]}, {"sent_id": "105705-04-03", "text": "Det er likevel g\u00f8y \u00e5 se fusjonen ufolde seg foran deg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["likevel g\u00f8y \u00e5 se fusjonen ufolde seg foran deg"], ["7:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-04-04", "text": "Ikke minst er det g\u00f8y \u00e5 se det i 3D - hvor dansernes piruetter nesten pirker deg p\u00e5 nesa .", "opinions": [{"Source": [[], []], "Target": [["3D"], ["33:35"]], "Polar_expression": [["dansernes piruetter nesten pirker deg p\u00e5 nesa"], ["43:88"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["3D"], ["33:35"]], "Polar_expression": [["g\u00f8y"], ["18:21"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-05-01", "text": "Selve handlingen er sv\u00e6rt banal og forutsigbar - og selvf\u00f8lgelig bare et p\u00e5skudd for \u00e5 vise dans .", "opinions": [{"Source": [[], []], "Target": [["handlingen"], ["6:16"]], "Polar_expression": [["banal"], ["26:31"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["handlingen"], ["6:16"]], "Polar_expression": [["forutsigbar"], ["35:46"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["handlingen"], ["6:16"]], "Polar_expression": [["bare et p\u00e5skudd for \u00e5 vise dans"], ["65:96"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-05-02", "text": "Dansen er det sus over , mens skuespillet heller mer til sug .", "opinions": [{"Source": [[], []], "Target": [["Dansen"], ["0:6"]], "Polar_expression": [["sus over"], ["14:22"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["skuespillet"], ["30:41"]], "Polar_expression": [["heller mer til sug"], ["42:60"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-05-03", "text": "Det er likevel ikke det som trekker denne filmen ned , men de flaue transportetappene mellom dansenumrene .", "opinions": [{"Source": [[], []], "Target": [["transportetappene"], ["68:85"]], "Polar_expression": [["flaue", "mellom dansenumrene"], ["62:67", "86:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["transportetappene"], ["68:85"]], "Polar_expression": [["trekker denne filmen ned"], ["28:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-05-04", "text": "Og i en slik sjangerfilm kunne det med fordel v\u00e6rt enda mer dans .", "opinions": [{"Source": [[], []], "Target": [["en slik sjangerfilm"], ["5:24"]], "Polar_expression": [["kunne det med fordel v\u00e6rt enda mer dans"], ["25:64"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-05-05", "text": "En sitter ogs\u00e5 igjen med f\u00f8lelsen av at 3D-teknikkens muligheter kunne v\u00e6rt utnyttet bedre i koreografien : gjerne enda flere f\u00f8tter i fjeset !", "opinions": [{"Source": [[], []], "Target": [["3D-teknikkens"], ["40:53"]], "Polar_expression": [["kunne v\u00e6rt utnyttet bedre"], ["65:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-06-01", "text": "I tillegg skjemmer d\u00e5rlig oversettelse de norske tekstene .", "opinions": [{"Source": [[], []], "Target": [["norske tekstene"], ["42:57"]], "Polar_expression": [["skjemmer d\u00e5rlig oversettelse"], ["10:38"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "105705-06-02", "text": "Sjokoladen Kit Kat er blitt til kattemat .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Kit Kat er blitt til kattemat"], ["11:40"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "105705-06-03", "text": "Det \u00e5 drille / \u00f8ve lidenskapen ut av danserne har blitt \u00e5 banke den ut av dem , og det \u00e5 v\u00e6re \u00ab cheeky \u00bb , alts\u00e5 frekk , har blitt til j\u00e5lete .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00e5 drille / \u00f8ve lidenskapen ut av danserne har blitt \u00e5 banke den ut av dem"], ["4:77"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00ab cheeky \u00bb , alts\u00e5 frekk , har blitt til j\u00e5lete"], ["94:141"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "EFINP"}]}, {"sent_id": "105705-06-04", "text": "Selv til \u00e5 v\u00e6re en dansefilm er denne av den overtydelige sorten :", "opinions": [{"Source": [[], []], "Target": [["dansefilm"], ["19:28"]], "Polar_expression": [["overtydelige"], ["45:57"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-06-05", "text": "Igjen l\u00e6rer man \u00e5 v\u00e6re seg selv 110 prosent , og fjerde gangen det understrekes at dansegruppa er en familie , har du f\u00e5tt nok .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["f\u00e5tt nok"], ["118:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-07-01", "text": "Det er lyspunkter i \u00ab Streetdance 3D \u00bb .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Streetdance 3D \u00bb"], ["20:38"]], "Polar_expression": [["lyspunkter"], ["7:17"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-07-02", "text": "Den er fylt av spenstige kropper , halsbrekkende hopp og b\u00e5de hjerte og smerte .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["fylt av spenstige kropper"], ["7:32"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["halsbrekkende hopp"], ["35:53"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["hjerte og smerte"], ["62:78"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-07-03", "text": "Om du kobler ut hjernen kan \u00f8ynene bare boltre seg - i partier .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["\u00f8ynene bare boltre seg"], ["28:50"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-07-04", "text": "Men faktum forblir at selv om denne dansefilmen er i 3D , er den litt for ... tja ... flat .", "opinions": [{"Source": [[], []], "Target": [["dansefilmen"], ["36:47"]], "Polar_expression": [["selv om denne", "i 3D , er den litt for ... tja ... flat"], ["22:35", "51:90"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "105705-08-01", "text": "INGVILL DYBFEST DAHL", "opinions": []}, {"sent_id": "500984-01-01", "text": "Suveren m\u00f8rkemannsdisco", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Suveren m\u00f8rkemannsdisco"], ["0:23"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500984-02-01", "text": "Canadiske Arcade Fire inntar dansegulvet med en av \u00e5rets beste plater .", "opinions": [{"Source": [[], []], "Target": [["plater"], ["63:69"]], "Polar_expression": [["en av \u00e5rets beste"], ["45:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500984-03-01", "text": "Etter to m\u00e5neder med mildt sagt obskur og forvirrende markedsf\u00f8ring , som mystiske tegninger malt p\u00e5 vegger verden over , lange geriljakonserter under navnet The Reflektors , og humoristiske videoklipp p\u00e5 Youtube , er Arcade Fires etterlengtede fjerdealbum endelig her .", "opinions": [{"Source": [[], []], "Target": [["markedsf\u00f8ring"], ["54:67"]], "Polar_expression": [["obskur"], ["32:38"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["markedsf\u00f8ring"], ["54:67"]], "Polar_expression": [["forvirrende"], ["42:53"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["markedsf\u00f8ring"], ["54:67"]], "Polar_expression": [["mystiske tegninger malt p\u00e5 vegger verden over"], ["74:119"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["markedsf\u00f8ring"], ["54:67"]], "Polar_expression": [["lange geriljakonserter"], ["122:144"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["markedsf\u00f8ring"], ["54:67"]], "Polar_expression": [["humoristiske videoklipp p\u00e5 Youtube"], ["178:212"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["fjerdealbum"], ["245:256"]], "Polar_expression": [["endelig her"], ["257:268"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500984-03-02", "text": "Oppbygningen og veien mot slippet har v\u00e6rt s\u00e5 intens og forventningsfylt at selve platen l\u00e5 an til \u00e5 bli en skuffelse .", "opinions": []}, {"sent_id": "500984-03-03", "text": "Det er da man priser seg lykkelig over at Arcade Fire har laget det som kanskje er et av de mest ambisi\u00f8se og storsl\u00e5tte verkene p\u00e5 denne siden av 2010 .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["mest ambisi\u00f8se og storsl\u00e5tte verkene p\u00e5 denne siden av 2010"], ["92:151"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["Arcade Fire"], ["42:53"]], "Polar_expression": [["laget det som kanskje er et av de mest ambisi\u00f8se og storsl\u00e5tte verkene p\u00e5 denne siden av 2010"], ["58:151"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500984-03-04", "text": "Punktum .", "opinions": []}, {"sent_id": "500984-04-01", "text": "Man vil ikke bli skuffet om man likte \u00ab The Suburbs \u00bb , platen hvor de vant det kommersielle publikum og mot alle odds endte opp med \u00e5 f\u00e5 en Grammy-pris .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["vil ikke bli skuffet"], ["4:24"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Suburbs \u00bb"], ["38:53"]], "Polar_expression": [["vant det kommersielle publikum"], ["71:101"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab The Suburbs \u00bb"], ["38:53"]], "Polar_expression": [["mot alle odds endte opp med \u00e5 f\u00e5 en Grammy-pris"], ["105:152"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500984-04-02", "text": "\u00c9n ting har likevel endret seg :", "opinions": []}, {"sent_id": "500984-04-03", "text": "\u00ab The Reflektor \u00bb viser et band som er mer dansbart enn noensinne .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Reflektor \u00bb"], ["0:17"]], "Polar_expression": [["mer dansbart enn noensinne"], ["39:65"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "500984-04-04", "text": "James Murphy , eks-frontmann i LCD", "opinions": []}, {"sent_id": "500984-04-05", "text": "Soundsystem og en forkjemper for bass\u2014 og trommetung disko , har fungert som produsent p\u00e5 platen .", "opinions": []}, {"sent_id": "500984-04-06", "text": "Han har definitivt satt dype spor .", "opinions": []}, {"sent_id": "500984-05-01", "text": "Perkusjonen er langt mer levende og energisk enn f\u00f8r , og sangene er tunge p\u00e5 synthen .", "opinions": [{"Source": [[], []], "Target": [["Perkusjonen"], ["0:11"]], "Polar_expression": [["langt mer levende og energisk"], ["15:44"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["f\u00f8r"], ["49:52"]], "Polar_expression": [["Perkusjonen er langt mer levende og energisk enn f\u00f8r"], ["0:52"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500984-05-02", "text": "\u00ab Afterlife \u00bb kan bokstavelig talt sees som en hommage til LCD Soundsystem - likheten er p\u00e5fallende .", "opinions": []}, {"sent_id": "500984-05-03", "text": "Kunststykket er at Arcade Fire fortsatt er seg selv , og l\u00e5ter som \u00ab We Exist \u00bb , \u00ab It's Never Over ( Oh Orpheus ) \u00bb , \u00ab You Already Know \u00bb kunne like godt ha dukket opp p\u00e5 en av deres forrige plater .", "opinions": [{"Source": [[], []], "Target": [["Arcade Fire"], ["19:30"]], "Polar_expression": [["Kunststykket er at Arcade Fire fortsatt er seg selv"], ["0:51"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab You Already Know \u00bb"], ["119:139"]], "Polar_expression": [["kunne like godt ha dukket opp p\u00e5 en av deres forrige plater"], ["140:199"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab It's Never Over ( Oh Orpheus ) \u00bb"], ["82:116"]], "Polar_expression": [["kunne like godt ha dukket opp p\u00e5 en av deres forrige plater"], ["140:199"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab We Exist \u00bb"], ["67:79"]], "Polar_expression": [["kunne like godt ha dukket opp p\u00e5 en av deres forrige plater"], ["140:199"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500984-05-04", "text": "Selv n\u00e5r bandet viser frem tydelig inspirasjon fra haitisk ra-ra-musikk p\u00e5 \u00ab Here Come The Night Time \u00bb , h\u00f8res det ut som Arcade Fire .", "opinions": [{"Source": [[], []], "Target": [["Arcade Fire"], ["123:134"]], "Polar_expression": [["Selv n\u00e5r bandet viser frem tydelig inspirasjon fra haitisk ra-ra-musikk p\u00e5 \u00ab Here Come The Night Time \u00bb , h\u00f8res det ut som Arcade Fire"], ["0:134"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "500984-06-01", "text": "Bandet har med \u00ab The Reflektor \u00bb tatt ting til et helt nytt niv\u00e5 og \u00e6rlig talt er jeg bekymret for hvordan de noen gang kan komme til \u00e5 overg\u00e5 dette .", "opinions": [{"Source": [[], []], "Target": [["\u00ab The Reflektor \u00bb"], ["15:32"]], "Polar_expression": [["helt nytt niv\u00e5"], ["50:64"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [["jeg"], ["82:85"]], "Target": [["\u00ab The Reflektor \u00bb"], ["15:32"]], "Polar_expression": [["bekymret for hvordan de noen gang kan komme til \u00e5 overg\u00e5 dette"], ["86:148"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110133-01-01", "text": "Godkjent retur", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["Godkjent retur"], ["0:14"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "110133-02-01", "text": "L\u00c5T : PUNKROCK Turboneger \u00ab You Give Me Worms \u00bb ( Scandinavian Leather / Universal )", "opinions": []}, {"sent_id": "110133-03-01", "text": "En bra , men ikke fantastisk , omstart .", "opinions": [{"Source": [[], []], "Target": [["omstart"], ["31:38"]], "Polar_expression": [["bra , men ikke fantastisk"], ["3:28"]], "Polarity": "Positive", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110133-04-01", "text": "F\u00f8rste innspilte turbo\u00f8yeblikk p\u00e5 fem \u00e5r f\u00f8ler nok forventningspresset .", "opinions": []}, {"sent_id": "110133-04-02", "text": "Delvis p\u00e5 grunn av tiden , men mest fordi bandet introduserer ny trommis og - viktigst - ny vokalist .", "opinions": []}, {"sent_id": "110133-04-03", "text": "Samtlige av disse har alt innfridd live .", "opinions": []}, {"sent_id": "110133-04-04", "text": "Tommy Akerholdt , bl.a. tidligere rytmemaskin i Serena-Maneesh , gj\u00f8r bandet strammere og tettere .", "opinions": [{"Source": [[], []], "Target": [["Tommy Akerholdt"], ["0:15"]], "Polar_expression": [["gj\u00f8r bandet strammere og tettere"], ["65:97"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Tommy Akerholdt"], ["0:15"]], "Polar_expression": [["tidligere rytmemaskin i Serena-Maneesh"], ["24:62"]], "Polarity": "Positive", "Intensity": "Strong", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110133-04-05", "text": "Britiske Tony Sylvester har en stemme som er mer \u00ab Ass Cobra \u00bb enn \u00ab Retox \u00bb , og gj\u00f8r flere aggressive og mindre sirkusvennlige vokalvalg enn de Hank von Helvete sjekket ut med .", "opinions": [{"Source": [[], []], "Target": [["Tony Sylvester"], ["9:23"]], "Polar_expression": [["gj\u00f8r flere aggressive og mindre sirkusvennlige vokalvalg enn de Hank von Helvete sjekket ut med"], ["82:177"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Hank von Helvete"], ["146:162"]], "Polar_expression": [["Tony Sylvester", "gj\u00f8r flere aggressive og mindre sirkusvennlige vokalvalg"], ["9:23", "82:138"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": true, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110133-04-06", "text": "Denne f\u00f8rste singelen fra det n\u00e6rt forest\u00e5ende albumet lener seg for \u00f8vrig p\u00e5 et riff som er like mye The Hives som ZZ Top , og kan turbokatalogiseres som den harde og mer kompakte lillebroren til \u00ab Get It On \u00bb .", "opinions": []}, {"sent_id": "110133-04-07", "text": "Introdusert p\u00e5 Sylvesters banddebut i Hamburg i fjor ; dette er popete frihetspunk man vanskelig kan mislike , men som fremst\u00e5r sterkere enn det egentlig er p\u00e5 grunn av de to nyervervelsene .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["popete frihetspunk man vanskelig kan mislike"], ["64:108"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [[], []], "Polar_expression": [["fremst\u00e5r sterkere enn det egentlig er p\u00e5 grunn av de to nyervervelsene"], ["119:189"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["de to nyervervelsene"], ["169:189"]], "Polar_expression": [["fremst\u00e5r sterkere enn det egentlig er p\u00e5 grunn av"], ["119:168"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110133-04-08", "text": "Turboneger 4.0 , eller hva man skal kalle dem , er i alle fall godkjent s\u00e5 langt .", "opinions": [{"Source": [[], []], "Target": [["Turboneger 4.0"], ["0:14"]], "Polar_expression": [["godkjent s\u00e5 langt"], ["63:80"]], "Polarity": "Positive", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "110133-05-01", "text": "TOR MARTIN B\u00d8E", "opinions": []}, {"sent_id": "700556-01-01", "text": "Fotballtilhengere uten trekkvogn", "opinions": [{"Source": [[], []], "Target": [["Fotballtilhengere"], ["0:17"]], "Polar_expression": [["uten trekkvogn"], ["18:32"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700556-02-01", "text": "Egentlig trodde jeg at livet mitt hadde kommet til det h\u00f8ydepunktet da jeg skulle f\u00e5 se Hege Sch\u00f8yen spille sex-komedie .", "opinions": []}, {"sent_id": "700556-03-01", "text": "Det kunne ha f\u00f8rt til at ogs\u00e5 mennesker med selvinnsikt fikk et avslappa forhold til sin egen prestasjonsevne .", "opinions": []}, {"sent_id": "700556-04-01", "text": "I stedet er \u00ab Andre omgang \u00bb en kontinuerlig kommunikasjonskrise .", "opinions": [{"Source": [[], []], "Target": [["\u00ab Andre omgang \u00bb"], ["12:28"]], "Polar_expression": [["kontinuerlig kommunikasjonskrise"], ["32:64"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700556-04-02", "text": "Nok en gang har en norsk filmskaper klart \u00e5 lage en film som ikke bare handler om ingen ting , men dessuten gj\u00f8r det med d\u00e5rlige setninger .", "opinions": [{"Source": [[], []], "Target": [["film"], ["52:56"]], "Polar_expression": [["handler om ingen ting"], ["71:92"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["setninger"], ["129:138"]], "Polar_expression": [["d\u00e5rlige"], ["121:128"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["film"], ["52:56"]], "Polar_expression": [["d\u00e5rlige setninger"], ["121:138"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700556-04-03", "text": "D\u00e5rlige setninger er like norsk som puddelbunader og ketchupgrisete p\u00f8lseservietter .", "opinions": [{"Source": [[], []], "Target": [["setninger"], ["8:17"]], "Polar_expression": [["D\u00e5rlige"], ["0:7"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700556-04-04", "text": "Norske setningsprodusenter har lett for \u00e5 late som om innholdet skal ligge innimellom , og halve litteraturen best\u00e5r av beskrivelser uten egentlig forstand :", "opinions": [{"Source": [[], []], "Target": [["Norske setningsprodusenter"], ["0:26"]], "Polar_expression": [["lett for \u00e5 late som om innholdet skal ligge innimellom"], ["31:85"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["halve litteraturen"], ["91:109"]], "Polar_expression": [["beskrivelser uten egentlig forstand"], ["120:155"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700556-04-05", "text": "\u00ab Det var f\u00f8rste gang hun tok p\u00e5 seg selv ; lot h\u00e5nden bli liggende p\u00e5 l\u00e5ret .", "opinions": []}, {"sent_id": "700556-04-06", "text": "S\u00e5 reinsdyrene i tapetet .", "opinions": []}, {"sent_id": "700556-04-07", "text": "Hva tenker de n\u00e5 ?", "opinions": []}, {"sent_id": "700556-04-08", "text": "Lav kveldssol . \u00bb", "opinions": []}, {"sent_id": "700556-05-01", "text": "Setningene i \u00ab Andre omgang \u00bb er ikke litter\u00e6re , men de er boklige i den forstand at de ikke fors\u00f8ker \u00e5 kommunisere .", "opinions": [{"Source": [[], []], "Target": [["Setningene"], ["0:10"]], "Polar_expression": [["ikke litter\u00e6re"], ["33:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Setningene"], ["0:10"]], "Polar_expression": [["ikke fors\u00f8ker \u00e5 kommunisere"], ["89:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Andre omgang \u00bb"], ["13:29"]], "Polar_expression": [["Setningene", "ikke litter\u00e6re"], ["0:10", "33:47"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["\u00ab Andre omgang \u00bb"], ["13:29"]], "Polar_expression": [["Setningene", "ikke fors\u00f8ker \u00e5 kommunisere"], ["0:10", "89:116"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700556-05-02", "text": "Sch\u00f8yen og Johannes Joner spiller et merkelig oppfunnet ektepar i 46 \u00e5rs alderen , og etter en farseaktig beskrivelse av hennes kreftangst , vandrer filmen ut i den uforl\u00f8ste forstadserotikkens banale grenseland , og der skjer det dummere ting enn i Nettavisens Aylar-journalistikk .", "opinions": [{"Source": [[], []], "Target": [["ektepar"], ["56:63"]], "Polar_expression": [["merkelig oppfunnet"], ["37:55"]], "Polarity": "Negative", "Intensity": "Slight", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["beskrivelse"], ["106:117"]], "Polar_expression": [["farseaktig"], ["95:105"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["149:155"]], "Polar_expression": [["uforl\u00f8ste forstadserotikkens banale grenseland"], ["165:211"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["149:155"]], "Polar_expression": [["merkelig oppfunnet ektepar"], ["37:63"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["149:155"]], "Polar_expression": [["farseaktig beskrivelse"], ["95:117"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}, {"Source": [[], []], "Target": [["filmen"], ["149:155"]], "Polar_expression": [["dummere ting enn i Nettavisens Aylar-journalistikk"], ["231:281"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}, {"sent_id": "700556-06-01", "text": "Bror hans flytter hjemmefra etter at kona har skreket om den nye kj\u00e6restens analsex til sine sm\u00e5 d\u00f8tre i en scene som er s\u00e5 utillatelig logikk-skeiv at den burde f\u00f8rt til unntakstilstand p\u00e5 apoteket :", "opinions": [{"Source": [[], []], "Target": [["scene"], ["108:113"]], "Polar_expression": [["utillatelig logikk-skeiv"], ["124:148"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700556-06-02", "text": "St\u00e5 klar med pille og vann , her kommer en norsk manusforfatter !", "opinions": [{"Source": [[], []], "Target": [["norsk manusforfatter"], ["43:63"]], "Polar_expression": [["St\u00e5 klar med pille og vann , her kommer en norsk manusforfatter !"], ["0:65"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700556-07-01", "text": "Den tredje fotballtilhengeren er br\u00f8drenes pappa Baard Owe som vandrer rundt som en bauta over de eldres absolutte hum\u00f8rl\u00f8shet og er latterlig i veien for alt .", "opinions": [{"Source": [[], []], "Target": [["Baard Owe"], ["49:58"]], "Polar_expression": [["bauta over de eldres absolutte hum\u00f8rl\u00f8shet"], ["84:126"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}, {"Source": [[], []], "Target": [["Baard Owe"], ["49:58"]], "Polar_expression": [["latterlig i veien for alt"], ["133:158"]], "Polarity": "Negative", "Intensity": "Strong", "NOT": false, "Source_is_author": true, "Target_is_general": false, "Type": "E"}]}, {"sent_id": "700556-07-02", "text": "Aftenbladets journalister har naturlig nok henlagt h\u00f8stfesten sin til pensjonistbula Skipper Worse , s\u00e5 avisa har spisskompetanse p\u00e5 gamle menneskers festlighet .", "opinions": []}, {"sent_id": "700556-07-03", "text": "Dette kan vi .", "opinions": []}, {"sent_id": "700556-08-01", "text": "Hovedpoenget er at de tre mennene holder lidenskapelig med Skeid .", "opinions": []}, {"sent_id": "700556-08-02", "text": "N\u00e5 er det antakelig flere som var der da enhj\u00f8rningene parret seg enn de som s\u00e5 Skeid spille fotball , men likevel :", "opinions": []}, {"sent_id": "700556-08-03", "text": "S\u00e5 s\u00e6re som dette er ikke engang folk med Johannes Joners hakeskjegg .", "opinions": [{"Source": [[], []], "Target": [[], []], "Polar_expression": [["s\u00e6re"], ["3:7"]], "Polarity": "Negative", "Intensity": "Standard", "NOT": false, "Source_is_author": true, "Target_is_general": true, "Type": "E"}]}] \ No newline at end of file diff --git a/mtool/data/sample/psd/wsj.mrp b/mtool/data/sample/psd/wsj.mrp new file mode 100644 index 0000000000000000000000000000000000000000..eae51120870f5e3a3d0a5215127d004e37e96b4e --- /dev/null +++ b/mtool/data/sample/psd/wsj.mrp @@ -0,0 +1,89 @@ +{"id": "20001001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29.", "tops": [8], "nodes": [{"id": 0, "label": "Pierre", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "vinken", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "label": "61", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "label": "year", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "label": "old", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "join", "properties": ["pos", "frame"], "values": ["VB", "ev-w1777f1"], "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "label": "board", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "nonexecutive", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 54, "to": 66}]}, {"id": 14, "label": "director", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "label": "nov.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "label": "29", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 81, "to": 83}]}], "edges": [{"source": 1, "target": 5, "label": "DESCR"}, {"source": 8, "target": 14, "label": "COMPL"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 8, "target": 10, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "EXT"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 8, "target": 1, "label": "ACT-arg"}, {"source": 15, "target": 16, "label": "RSTR"}, {"source": 8, "target": 15, "label": "TWHEN"}]} +{"id": "20001002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [2], "nodes": [{"id": 0, "label": "mr.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "vinken", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "label": "chairman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "label": "Elsevier", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "label": "n.v.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "label": "dutch", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "label": "publish", "properties": ["pos", "frame"], "values": ["VBG", "ev-w2430f2"], "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "label": "group", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 62, "to": 67}]}], "edges": [{"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 11, "target": 9, "label": "RSTR"}, {"source": 7, "target": 11, "label": "APPS.member"}, {"source": 6, "target": 5, "label": "NE"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 7, "target": 6, "label": "APPS.member"}, {"source": 3, "target": 11, "label": "APP"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 3, "target": 6, "label": "APP"}]} +{"id": "20003001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [34], "nodes": [{"id": 1, "label": "form", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 2, "to": 6}]}, {"id": 3, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "label": "once", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3525f6"], "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "ev-w1923f6"], "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "kent", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "label": "cigarette", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 42, "to": 51}]}, {"id": 10, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "label": "cause", "properties": ["pos", "frame"], "values": ["VBN", "ev-w467f1"], "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "label": "high", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "label": "percentage", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 78, "to": 88}]}, {"id": 17, "label": "cancer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 92, "to": 98}]}, {"id": 18, "label": "death", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 99, "to": 105}]}, {"id": 21, "label": "group", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 114, "to": 119}]}, {"id": 23, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 123, "to": 130}]}, {"id": 24, "label": "expose", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1251f1"], "anchors": [{"from": 131, "to": 138}]}, {"id": 26, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 142, "to": 144}]}, {"id": 27, "label": "more", "properties": ["pos"], "values": ["RBR"], "anchors": [{"from": 145, "to": 149}]}, {"id": 29, "label": "30", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 155, "to": 157}]}, {"id": 30, "label": "year", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 158, "to": 163}]}, {"id": 33, "label": "researcher", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 169, "to": 180}]}, {"id": 34, "label": "report", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2671f1"], "anchors": [{"from": 181, "to": 189}]}], "edges": [{"source": 1, "target": 5, "label": "RSTR"}, {"source": 7, "target": 10, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "TWHEN"}, {"source": 24, "target": 27, "label": "TWHEN"}, {"source": 18, "target": 17, "label": "CAUS"}, {"source": 12, "target": 1, "label": "ACT-arg"}, {"source": 10, "target": 8, "label": "ID"}, {"source": 34, "target": 12, "label": "PAT-arg"}, {"source": 34, "target": 33, "label": "ACT-arg"}, {"source": 15, "target": 21, "label": "LOC"}, {"source": 10, "target": 9, "label": "RSTR"}, {"source": 27, "target": 30, "label": "CPR"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 12, "target": 15, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "APP"}, {"source": 30, "target": 29, "label": "RSTR"}, {"source": 5, "target": 7, "label": "AIM"}, {"source": 21, "target": 23, "label": "MAT"}, {"source": 24, "target": 26, "label": "PAT-arg"}, {"source": 15, "target": 18, "label": "MAT"}, {"source": 23, "target": 24, "label": "RSTR"}]} +{"id": "20003002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [30], "nodes": [{"id": 1, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "fiber", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "label": "crocidolite", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 20, "to": 31}]}, {"id": 6, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "label": "usually", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "label": "resilient", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 46, "to": 55}]}, {"id": 10, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "label": "enter", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1171f1"], "anchors": [{"from": 64, "to": 70}]}, {"id": 13, "label": "lung", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "label": "even", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "label": "brief", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 92, "to": 97}]}, {"id": 18, "label": "exposure", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 98, "to": 107}]}, {"id": 20, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 111, "to": 113}]}, {"id": 21, "label": "cause", "properties": ["pos", "frame"], "values": ["VBG", "ev-w467f1"], "anchors": [{"from": 114, "to": 121}]}, {"id": 22, "label": "symptom", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 122, "to": 130}]}, {"id": 23, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 131, "to": 135}]}, {"id": 24, "label": "show_up", "properties": ["pos", "frame"], "values": ["VBP", "ev-w2946f1"], "anchors": [{"from": 136, "to": 140}]}, {"id": 26, "label": "decade", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 144, "to": 151}]}, {"id": 27, "label": "later", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 152, "to": 157}]}, {"id": 29, "label": "researcher", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 159, "to": 170}]}, {"id": 30, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 171, "to": 175}]}], "edges": [{"source": 21, "target": 18, "label": "ACT-arg"}, {"source": 21, "target": 22, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 18, "target": 16, "label": "RHEM"}, {"source": 18, "target": 17, "label": "THL"}, {"source": 6, "target": 21, "label": "ACMP"}, {"source": 30, "target": 6, "label": "EFF-arg"}, {"source": 24, "target": 23, "label": "ACT-arg"}, {"source": 30, "target": 29, "label": "ACT-arg"}, {"source": 6, "target": 2, "label": "ACT-arg"}, {"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 3, "target": 4, "label": "APPS.member"}, {"source": 6, "target": 11, "label": "TWHEN"}, {"source": 24, "target": 27, "label": "TWHEN"}, {"source": 22, "target": 24, "label": "RSTR"}, {"source": 6, "target": 4, "label": "ACT-arg"}, {"source": 27, "target": 26, "label": "DIFF"}, {"source": 8, "target": 7, "label": "MANN"}, {"source": 3, "target": 2, "label": "APPS.member"}, {"source": 6, "target": 8, "label": "PAT-arg"}, {"source": 18, "target": 20, "label": "PAT-arg"}, {"source": 11, "target": 13, "label": "PAT-arg"}]} +{"id": "20003003", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [15], "nodes": [{"id": 0, "label": "Lorillard", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "label": "inc.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "label": "#Comma_#Cor", "properties": ["pos"], "values": [","], "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "label": "unit", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "label": "new", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "label": "york-based", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "label": "Loews", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "label": "corp.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "label": "make", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1923f6"], "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "label": "kent", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "label": "cigarette", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 71, "to": 81}]}, {"id": 15, "label": "stop", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3189f5"], "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "label": "use", "properties": ["pos", "frame"], "values": ["VBG", "ev-w3525f6"], "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "label": "crocidolite", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 97, "to": 108}]}, {"id": 19, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 112, "to": 115}]}, {"id": 20, "label": "micronite", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 116, "to": 125}]}, {"id": 21, "label": "cigarette", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 126, "to": 135}]}, {"id": 22, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 136, "to": 143}]}, {"id": 24, "label": "1956", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 147, "to": 151}]}], "edges": [{"source": 15, "target": 16, "label": "PAT-arg"}, {"source": 2, "target": 4, "label": "CONJ.member"}, {"source": 13, "target": 12, "label": "ID"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 16, "target": 17, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "CONJ.member"}, {"source": 22, "target": 21, "label": "RSTR"}, {"source": 15, "target": 1, "label": "ACT-arg"}, {"source": 9, "target": 8, "label": "NE"}, {"source": 16, "target": 2, "label": "ACT-arg"}, {"source": 22, "target": 19, "label": "APP"}, {"source": 4, "target": 9, "label": "APP"}, {"source": 15, "target": 24, "label": "TWHEN"}, {"source": 4, "target": 11, "label": "RSTR"}, {"source": 11, "target": 13, "label": "PAT-arg"}, {"source": 16, "target": 22, "label": "LOC"}, {"source": 21, "target": 20, "label": "RSTR"}, {"source": 15, "target": 4, "label": "ACT-arg"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 9, "target": 7, "label": "RSTR"}]} +{"id": "20003005", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [3], "nodes": [{"id": 1, "label": "lorillard", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "label": "spokewoman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "old", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "label": "story", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 45, "to": 50}]}], "edges": [{"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 2, "target": 1, "label": "APP"}, {"source": 10, "target": 9, "label": "RSTR"}, {"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 3, "target": 7, "label": "EFF-arg"}, {"source": 7, "target": 10, "label": "PAT-arg"}]} +{"id": "20003007", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "There is no asbestos in our products now.\"", "tops": [1], "nodes": [{"id": 1, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f3"], "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 12, "to": 20}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "product", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "label": "now", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 37, "to": 40}]}], "edges": [{"source": 1, "target": 7, "label": "TWHEN"}, {"source": 1, "target": 6, "label": "LOC"}, {"source": 1, "target": 3, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 6, "target": 5, "label": "APP"}]} +{"id": "20003008", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [9], "nodes": [{"id": 1, "label": "lorillard", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "label": "neither_nor", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "researcher", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 26, "to": 37}]}, {"id": 5, "label": "who", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 38, "to": 41}]}, {"id": 6, "label": "study", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3222f1"], "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f2"], "anchors": [{"from": 62, "to": 66}]}, {"id": 10, "label": "aware", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "label": "any", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "label": "research", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 80, "to": 88}]}, {"id": 15, "label": "smoker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 92, "to": 99}]}, {"id": 18, "label": "kent", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 107, "to": 111}]}, {"id": 19, "label": "cigarette", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 112, "to": 122}]}], "edges": [{"source": 2, "target": 4, "label": "CONJ.member"}, {"source": 4, "target": 6, "label": "RSTR"}, {"source": 19, "target": 18, "label": "ID"}, {"source": 13, "target": 15, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "CONJ.member"}, {"source": 6, "target": 8, "label": "PAT-arg"}, {"source": 9, "target": 4, "label": "ACT-arg"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 10, "target": 13, "label": "PAT-arg"}, {"source": 15, "target": 19, "label": "PAT-arg"}, {"source": 13, "target": 12, "label": "RSTR"}, {"source": 9, "target": 10, "label": "PAT-arg"}, {"source": 9, "target": 1, "label": "ACT-arg"}]} +{"id": "20003009", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [14], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "ev-w1566f3"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "useful", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "label": "information", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 19, "to": 30}]}, {"id": 8, "label": "user", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "label": "be", "properties": ["pos", "frame"], "values": ["VBP", "ev-w218f20_u_nobody"], "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "label": "risk", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "label": "James", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "label": "A.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "label": "talcott", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 76, "to": 83}]}, {"id": 19, "label": "boston", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 87, "to": 93}]}, {"id": 21, "label": "Dana-Farber", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 96, "to": 107}]}, {"id": 22, "label": "Cancer", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 108, "to": 114}]}, {"id": 23, "label": "institute", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 115, "to": 124}]}], "edges": [{"source": 23, "target": 19, "label": "APP"}, {"source": 5, "target": 3, "label": "RSTR"}, {"source": 17, "target": 15, "label": "NE"}, {"source": 17, "target": 23, "label": "APP"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 23, "target": 22, "label": "NE"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 5, "label": "PAT-arg"}, {"source": 23, "target": 21, "label": "NE"}, {"source": 9, "target": 11, "label": "LOC-arg"}, {"source": 14, "target": 2, "label": "EFF-arg"}, {"source": 17, "target": 16, "label": "NE"}, {"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 5, "target": 9, "label": "REG"}, {"source": 14, "target": 17, "label": "ACT-arg"}]} +{"id": "20003010", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [2], "nodes": [{"id": 0, "label": "dr.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "talcott", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "lead", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1835f2"], "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "team", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "label": "researcher", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 26, "to": 37}]}, {"id": 9, "label": "National", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "label": "Cancer", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "label": "institute", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 63, "to": 72}]}, {"id": 12, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "label": "medical", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 81, "to": 88}]}, {"id": 15, "label": "school", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 89, "to": 96}]}, {"id": 17, "label": "Harvard", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 100, "to": 107}]}, {"id": 18, "label": "university", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 108, "to": 118}]}, {"id": 19, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 119, "to": 122}]}, {"id": 20, "label": "Boston", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 123, "to": 129}]}, {"id": 21, "label": "university", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 130, "to": 140}]}], "edges": [{"source": 12, "target": 11, "label": "CONJ.member"}, {"source": 6, "target": 15, "label": "DIR1"}, {"source": 12, "target": 15, "label": "CONJ.member"}, {"source": 18, "target": 17, "label": "NE"}, {"source": 19, "target": 18, "label": "CONJ.member"}, {"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 6, "target": 11, "label": "DIR1"}, {"source": 21, "target": 20, "label": "NE"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 19, "target": 21, "label": "CONJ.member"}, {"source": 15, "target": 21, "label": "APP"}, {"source": 4, "target": 6, "label": "MAT"}, {"source": 11, "target": 9, "label": "NE"}, {"source": 11, "target": 10, "label": "NE"}, {"source": 15, "target": 18, "label": "APP"}, {"source": 2, "target": 1, "label": "ACT-arg"}]} +{"id": "20003011", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [3], "nodes": [{"id": 1, "label": "lorillard", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "label": "spokeswoman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 14, "to": 25}]}, {"id": 3, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3525f6"], "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "very", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "label": "modest", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 58, "to": 64}]}, {"id": 11, "label": "amount", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "label": "make", "properties": ["pos", "frame"], "values": ["VBG", "ev-w1923f6"], "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "label": "paper", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "label": "early", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 113, "to": 118}]}, {"id": 22, "label": "1950s", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 119, "to": 124}]}, {"id": 23, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 125, "to": 128}]}, {"id": 24, "label": "replace", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2667f1"], "anchors": [{"from": 129, "to": 137}]}, {"id": 27, "label": "different", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 145, "to": 154}]}, {"id": 28, "label": "type", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 155, "to": 159}]}, {"id": 30, "label": "filter", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 163, "to": 169}]}, {"id": 32, "label": "1956", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 173, "to": 177}]}], "edges": [{"source": 22, "target": 21, "label": "RSTR"}, {"source": 24, "target": 4, "label": "PAT-arg"}, {"source": 3, "target": 24, "label": "EFF-arg"}, {"source": 10, "target": 9, "label": "EXT"}, {"source": 28, "target": 30, "label": "APP"}, {"source": 2, "target": 1, "label": "APP"}, {"source": 23, "target": 6, "label": "CONJ.member"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 14, "target": 15, "label": "PAT-arg"}, {"source": 3, "target": 6, "label": "EFF-arg"}, {"source": 6, "target": 14, "label": "LOC"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 6, "target": 22, "label": "TWHEN"}, {"source": 24, "target": 28, "label": "EFF-arg"}, {"source": 23, "target": 24, "label": "CONJ.member"}, {"source": 6, "target": 4, "label": "PAT-arg"}, {"source": 6, "target": 11, "label": "MANN"}, {"source": 15, "target": 18, "label": "BEN"}, {"source": 24, "target": 32, "label": "TWHEN"}, {"source": 28, "target": 27, "label": "RSTR"}]} +{"id": "20003012", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [17], "nodes": [{"id": 1, "label": "1953", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "label": "1955", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "label": "9.8", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "label": "billion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "kent", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "label": "cigarette", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 36, "to": 46}]}, {"id": 11, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "label": "sell", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2888f2"], "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "label": "company", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 87, "to": 91}]}], "edges": [{"source": 13, "target": 1, "label": "TFRWH"}, {"source": 8, "target": 6, "label": "RSTR"}, {"source": 13, "target": 8, "label": "PAT-arg"}, {"source": 8, "target": 7, "label": "ID"}, {"source": 8, "target": 11, "label": "ACMP"}, {"source": 13, "target": 3, "label": "TTILL"}, {"source": 17, "target": 13, "label": "EFF-arg"}, {"source": 17, "target": 16, "label": "ACT-arg"}, {"source": 6, "target": 5, "label": "RSTR"}]} +{"id": "20003013", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [12], "nodes": [{"id": 1, "label": "33", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "man", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "who", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "label": "work", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3657f5"], "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "label": "closely", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 24, "to": 31}]}, {"id": 8, "label": "substance", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "label": "28", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "die", "properties": ["pos", "frame"], "values": ["VBN", "ev-w928f2"], "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "label": "#Dash", "properties": ["pos"], "values": [":"], "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "label": "more", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "label": "time", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "label": "expect", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1239f1"], "anchors": [{"from": 94, "to": 102}]}, {"id": 20, "label": "number", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 103, "to": 109}]}], "edges": [{"source": 12, "target": 14, "label": "ACT-arg"}, {"source": 17, "target": 20, "label": "PAT-arg"}, {"source": 13, "target": 10, "label": "APPS.member"}, {"source": 13, "target": 14, "label": "APPS.member"}, {"source": 14, "target": 17, "label": "CPR"}, {"source": 20, "target": 19, "label": "RSTR"}, {"source": 12, "target": 10, "label": "ACT-arg"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 17, "target": 16, "label": "RSTR"}, {"source": 4, "target": 8, "label": "ACMP"}, {"source": 10, "target": 2, "label": "LOC"}, {"source": 4, "target": 5, "label": "MANN"}, {"source": 2, "target": 4, "label": "RSTR"}]} +{"id": "20003014", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [6], "nodes": [{"id": 0, "label": "four", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "five", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "survive", "properties": ["pos", "frame"], "values": ["VBG", "ev-w3273f2"], "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "ev-w1566f3"], "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "label": "asbestos-related", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 40, "to": 56}]}, {"id": 8, "label": "disease", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 77, "to": 82}]}, {"id": 13, "label": "recently", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 88, "to": 96}]}, {"id": 14, "label": "diagnose", "properties": ["pos", "frame"], "values": ["VBN", "ev-w923f1"], "anchors": [{"from": 97, "to": 106}]}, {"id": 15, "label": "cancer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 107, "to": 113}]}], "edges": [{"source": 5, "target": 4, "label": "RSTR"}, {"source": 0, "target": 5, "label": "DIR1"}, {"source": 5, "target": 15, "label": "ACMP"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 6, "target": 8, "label": "PAT-arg"}, {"source": 14, "target": 13, "label": "TWHEN"}, {"source": 5, "target": 11, "label": "RESTR"}, {"source": 6, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 3, "label": "RSTR"}, {"source": 8, "target": 7, "label": "RSTR"}]} +{"id": "20003015", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [21], "nodes": [{"id": 1, "label": "total", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "label": "18", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "death", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 16, "to": 22}]}, {"id": 6, "label": "malignant", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "label": "mesothelioma", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 38, "to": 50}]}, {"id": 9, "label": "lung", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "label": "cancer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "label": "asbestosis", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 68, "to": 78}]}, {"id": 13, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f2"], "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "label": "far", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "label": "high", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "label": "expect", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1239f1"], "anchors": [{"from": 99, "to": 107}]}, {"id": 20, "label": "researcher", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 113, "to": 124}]}, {"id": 21, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 125, "to": 129}]}], "edges": [{"source": 4, "target": 3, "label": "RSTR"}, {"source": 10, "target": 9, "label": "LOC"}, {"source": 15, "target": 17, "label": "CPR"}, {"source": 21, "target": 20, "label": "ACT-arg"}, {"source": 4, "target": 10, "label": "PAT-arg"}, {"source": 11, "target": 10, "label": "CONJ.member"}, {"source": 13, "target": 15, "label": "PAT-arg"}, {"source": 4, "target": 12, "label": "PAT-arg"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 11, "target": 12, "label": "CONJ.member"}, {"source": 15, "target": 14, "label": "EXT"}, {"source": 21, "target": 13, "label": "EFF-arg"}, {"source": 1, "target": 4, "label": "APP"}, {"source": 4, "target": 7, "label": "PAT-arg"}, {"source": 11, "target": 7, "label": "CONJ.member"}, {"source": 13, "target": 1, "label": "ACT-arg"}, {"source": 17, "target": 1, "label": "PAT-arg"}]} +{"id": "20003016", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [18], "nodes": [{"id": 2, "label": "morbidity", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "label": "rate", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "striking", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "finding", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "label": "those", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "label": "who", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "label": "study", "properties": ["pos", "frame"], "values": ["VBP", "ev-w3222f1"], "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "label": "asbestos-related", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 70, "to": 86}]}, {"id": 15, "label": "disease", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "label": "dr.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "label": "talcott", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 107, "to": 114}]}], "edges": [{"source": 4, "target": 7, "label": "PAT-arg"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 18, "target": 4, "label": "EFF-arg"}, {"source": 4, "target": 9, "label": "LOC"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 13, "target": 12, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 9, "target": 13, "label": "RSTR"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 18, "target": 20, "label": "ACT-arg"}, {"source": 13, "target": 15, "label": "PAT-arg"}, {"source": 9, "target": 11, "label": "APP"}, {"source": 20, "target": 19, "label": "RSTR"}]} +{"id": "20003017", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [34], "nodes": [{"id": 1, "label": "percentage", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "lung", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "label": "cancer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "label": "death", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "label": "West", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "label": "groton", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "label": "mas.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "label": "paper", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "label": "factory", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "label": "appear", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w115f2"], "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "label": "be", "properties": ["pos", "frame"], "values": ["VB", "ev-w218f2"], "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "label": "high", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 114, "to": 121}]}, {"id": 24, "label": "any", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 126, "to": 129}]}, {"id": 25, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 130, "to": 138}]}, {"id": 26, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 139, "to": 146}]}, {"id": 27, "label": "study", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3222f1"], "anchors": [{"from": 147, "to": 154}]}, {"id": 29, "label": "western", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 158, "to": 165}]}, {"id": 30, "label": "industrialize", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1688f1"], "anchors": [{"from": 166, "to": 180}]}, {"id": 31, "label": "country", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 181, "to": 190}]}, {"id": 33, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 192, "to": 194}]}, {"id": 34, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 195, "to": 199}]}], "edges": [{"source": 18, "target": 20, "label": "ACT-arg"}, {"source": 20, "target": 22, "label": "PAT-arg"}, {"source": 31, "target": 29, "label": "LOC"}, {"source": 34, "target": 33, "label": "ACT-arg"}, {"source": 20, "target": 1, "label": "ACT-arg"}, {"source": 4, "target": 3, "label": "LOC"}, {"source": 12, "target": 11, "label": "NE"}, {"source": 1, "target": 5, "label": "APP"}, {"source": 31, "target": 30, "label": "RSTR"}, {"source": 17, "target": 12, "label": "LOC"}, {"source": 26, "target": 27, "label": "RSTR"}, {"source": 27, "target": 31, "label": "LOC"}, {"source": 22, "target": 26, "label": "REG"}, {"source": 34, "target": 18, "label": "EFF-arg"}, {"source": 1, "target": 8, "label": "LOC"}, {"source": 5, "target": 4, "label": "PAT-arg"}, {"source": 26, "target": 24, "label": "RSTR"}, {"source": 17, "target": 16, "label": "RSTR"}, {"source": 26, "target": 25, "label": "ACMP"}, {"source": 8, "target": 17, "label": "LOC"}, {"source": 12, "target": 14, "label": "PAR"}]} +{"id": "20003018", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [12], "nodes": [{"id": 1, "label": "plant", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "label": "which", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "own", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2176f1"], "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "Hollingsworth", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 29, "to": 42}]}, {"id": 8, "label": "#Amp", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "label": "Vose", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "label": "co.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f20_u_nobody"], "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "label": "contract", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 65, "to": 73}]}, {"id": 16, "label": "lorillard", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "ev-w1923f6"], "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "label": "cigarette", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 101, "to": 110}]}, {"id": 21, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 111, "to": 118}]}], "edges": [{"source": 18, "target": 1, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "NE"}, {"source": 14, "target": 16, "label": "ACMP"}, {"source": 5, "target": 10, "label": "ACT-arg"}, {"source": 18, "target": 21, "label": "PAT-arg"}, {"source": 10, "target": 7, "label": "NE"}, {"source": 14, "target": 18, "label": "PAT-arg"}, {"source": 8, "target": 7, "label": "CONJ.member"}, {"source": 21, "target": 20, "label": "RSTR"}, {"source": 12, "target": 1, "label": "ACT-arg"}, {"source": 8, "target": 9, "label": "CONJ.member"}, {"source": 12, "target": 14, "label": "LOC-arg"}, {"source": 5, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 5, "label": "DESCR"}]} +{"id": "20003019", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [40], "nodes": [{"id": 1, "label": "finding", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "probably", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "support", "properties": ["pos", "frame"], "values": ["VB", "ev-w3262f1"], "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "label": "those", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "who", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "label": "argue", "properties": ["pos", "frame"], "values": ["VBP", "ev-w131f2"], "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "label": "regulate", "properties": ["pos", "frame"], "values": ["VB", "ev-w2606f1"], "anchors": [{"from": 71, "to": 79}]}, {"id": 14, "label": "class", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 93, "to": 101}]}, {"id": 18, "label": "crocidolite", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 112, "to": 123}]}, {"id": 20, "label": "stringently", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 129, "to": 140}]}, {"id": 23, "label": "common", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 150, "to": 156}]}, {"id": 24, "label": "kind", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 157, "to": 161}]}, {"id": 26, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 165, "to": 173}]}, {"id": 27, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 173, "to": 174}]}, {"id": 28, "label": "chrysotile", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 175, "to": 185}]}, {"id": 30, "label": "find", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1327f3"], "anchors": [{"from": 187, "to": 192}]}, {"id": 32, "label": "most", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 196, "to": 200}]}, {"id": 33, "label": "school", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 201, "to": 208}]}, {"id": 34, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 209, "to": 212}]}, {"id": 35, "label": "other", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 213, "to": 218}]}, {"id": 36, "label": "building", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 219, "to": 228}]}, {"id": 38, "label": "dr.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 230, "to": 233}]}, {"id": 39, "label": "talcott", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 234, "to": 241}]}, {"id": 40, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 242, "to": 246}]}], "edges": [{"source": 34, "target": 36, "label": "CONJ.member"}, {"source": 12, "target": 20, "label": "MANN"}, {"source": 4, "target": 1, "label": "ACT-arg"}, {"source": 12, "target": 14, "label": "PAT-arg"}, {"source": 40, "target": 4, "label": "EFF-arg"}, {"source": 5, "target": 7, "label": "RSTR"}, {"source": 14, "target": 16, "label": "APP"}, {"source": 12, "target": 24, "label": "PAT-arg"}, {"source": 30, "target": 36, "label": "LOC"}, {"source": 4, "target": 2, "label": "MOD"}, {"source": 27, "target": 28, "label": "APPS.member"}, {"source": 34, "target": 33, "label": "CONJ.member"}, {"source": 33, "target": 32, "label": "RSTR"}, {"source": 40, "target": 39, "label": "ACT-arg"}, {"source": 28, "target": 30, "label": "RSTR"}, {"source": 36, "target": 35, "label": "RSTR"}, {"source": 39, "target": 38, "label": "RSTR"}, {"source": 12, "target": 28, "label": "PAT-arg"}, {"source": 7, "target": 12, "label": "PAT-arg"}, {"source": 24, "target": 26, "label": "APP"}, {"source": 24, "target": 23, "label": "RSTR"}, {"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 30, "target": 33, "label": "LOC"}, {"source": 27, "target": 24, "label": "APPS.member"}, {"source": 4, "target": 5, "label": "PAT-arg"}, {"source": 14, "target": 18, "label": "RESTR"}]} +{"id": "20003020", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [2], "nodes": [{"id": 1, "label": "u.s.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "few", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "label": "industrialize", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1688f1"], "anchors": [{"from": 27, "to": 41}]}, {"id": 8, "label": "nation", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "label": "have", "properties": ["pos", "frame"], "values": ["VB", "ev-w1566f3"], "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "label": "high", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "label": "standard", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 77, "to": 85}]}, {"id": 17, "label": "regulation", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 89, "to": 99}]}, {"id": 20, "label": "smooth", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 108, "to": 114}]}, {"id": 22, "label": "needle-like", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 116, "to": 127}]}, {"id": 23, "label": "fiber", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 128, "to": 134}]}, {"id": 25, "label": "such_as", "properties": ["pos"], "values": ["IN"], "anchors": [{"from": 140, "to": 142}]}, {"id": 26, "label": "crocidolite", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 143, "to": 154}]}, {"id": 27, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 155, "to": 159}]}, {"id": 29, "label": "classify", "properties": ["pos", "frame"], "values": ["VBN", "ev-w541f1"], "anchors": [{"from": 164, "to": 174}]}, {"id": 31, "label": "amphobile", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 178, "to": 188}]}, {"id": 35, "label": "Brooke", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 203, "to": 209}]}, {"id": 36, "label": "T.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 210, "to": 212}]}, {"id": 37, "label": "mossman", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 213, "to": 220}]}, {"id": 38, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 220, "to": 221}]}, {"id": 40, "label": "professor", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 224, "to": 233}]}, {"id": 42, "label": "pathlogy", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 237, "to": 245}]}, {"id": 45, "label": "University", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 253, "to": 263}]}, {"id": 47, "label": "Vermont", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 267, "to": 274}]}, {"id": 48, "label": "college", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 275, "to": 282}]}, {"id": 50, "label": "Medicine", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 286, "to": 294}]}], "edges": [{"source": 2, "target": 40, "label": "CRIT"}, {"source": 25, "target": 23, "label": "APPS.member"}, {"source": 15, "target": 26, "label": "BEN"}, {"source": 37, "target": 36, "label": "RSTR"}, {"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 15, "target": 17, "label": "APP"}, {"source": 45, "target": 47, "label": "NE"}, {"source": 48, "target": 45, "label": "NE"}, {"source": 12, "target": 9, "label": "ACT-arg"}, {"source": 15, "target": 23, "label": "BEN"}, {"source": 2, "target": 37, "label": "CRIT"}, {"source": 29, "target": 31, "label": "EFF-arg"}, {"source": 8, "target": 6, "label": "RSTR"}, {"source": 48, "target": 50, "label": "NE"}, {"source": 26, "target": 29, "label": "RSTR"}, {"source": 12, "target": 15, "label": "PAT-arg"}, {"source": 8, "target": 12, "label": "RSTR"}, {"source": 3, "target": 8, "label": "DIR1"}, {"source": 23, "target": 29, "label": "RSTR"}, {"source": 38, "target": 37, "label": "APPS.member"}, {"source": 37, "target": 35, "label": "RSTR"}, {"source": 23, "target": 22, "label": "RSTR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 40, "target": 48, "label": "LOC"}, {"source": 25, "target": 26, "label": "APPS.member"}, {"source": 23, "target": 20, "label": "RSTR"}, {"source": 29, "target": 27, "label": "PAT-arg"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 12, "target": 11, "label": "RHEM"}, {"source": 40, "target": 42, "label": "APP"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 38, "target": 40, "label": "APPS.member"}]} +{"id": "20003021", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [17], "nodes": [{"id": 1, "label": "common", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "label": "chrysotile", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "fiber", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "label": "be", "properties": ["pos", "frame"], "values": ["VBP", "ev-w218f2"], "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "label": "curly", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "label": "easily", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "label": "reject", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2622f1"], "anchors": [{"from": 60, "to": 68}]}, {"id": 13, "label": "body", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "label": "dr.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "label": "mossman", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 86, "to": 93}]}, {"id": 17, "label": "explain", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1246f1"], "anchors": [{"from": 94, "to": 103}]}], "edges": [{"source": 17, "target": 4, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "MANN"}, {"source": 6, "target": 10, "label": "CONJ.member"}, {"source": 10, "target": 13, "label": "ACT-arg"}, {"source": 4, "target": 5, "label": "PAT-arg"}, {"source": 17, "target": 16, "label": "ACT-arg"}, {"source": 10, "target": 3, "label": "PAT-arg"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 17, "target": 10, "label": "PAT-arg"}, {"source": 3, "target": 1, "label": "RSTR"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 6, "target": 4, "label": "CONJ.member"}]} +{"id": "20003022", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [7], "nodes": [{"id": 1, "label": "july", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 3, "to": 7}]}, {"id": 4, "label": "Environmental", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 13, "to": 26}]}, {"id": 5, "label": "Protection", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "label": "agency", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "label": "impose", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1663f1"], "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "label": "gradual", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "label": "ban", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "label": "virtually", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "label": "use", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 92, "to": 100}]}], "edges": [{"source": 14, "target": 12, "label": "ATT"}, {"source": 7, "target": 10, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "NE"}, {"source": 5, "target": 4, "label": "NE"}, {"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 14, "target": 16, "label": "PAT-arg"}, {"source": 7, "target": 14, "label": "ADDR-arg"}, {"source": 7, "target": 1, "label": "TWHEN"}, {"source": 10, "target": 9, "label": "MANN"}, {"source": 14, "target": 13, "label": "RSTR"}]} +{"id": "20003023", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [12], "nodes": [{"id": 1, "label": "1997", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "almost", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "label": "remain", "properties": ["pos", "frame"], "values": ["VBG", "ev-w2638f1"], "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "label": "use", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "label": "cancer-causing", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 38, "to": 52}]}, {"id": 9, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "label": "outlaw", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2131f1"], "anchors": [{"from": 70, "to": 78}]}], "edges": [{"source": 4, "target": 3, "label": "EXT"}, {"source": 12, "target": 1, "label": "TTILL"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 12, "target": 6, "label": "PAT-arg"}, {"source": 6, "target": 4, "label": "RSTR"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 6, "target": 9, "label": "PAT-arg"}]} +{"id": "20003024", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [14], "nodes": [{"id": 0, "label": "about", "properties": ["pos"], "values": ["IN"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "160", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 10, "to": 17}]}, {"id": 5, "label": "factory", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "make", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1923f6"], "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "paper", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "label": "kent", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "label": "expose", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1251f1"], "anchors": [{"from": 73, "to": 80}]}, {"id": 16, "label": "asbestos", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 84, "to": 92}]}, {"id": 19, "label": "1950s", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 100, "to": 105}]}], "edges": [{"source": 14, "target": 19, "label": "TWHEN"}, {"source": 7, "target": 8, "label": "PAT-arg"}, {"source": 8, "target": 12, "label": "BEN"}, {"source": 12, "target": 11, "label": "ID"}, {"source": 1, "target": 0, "label": "EXT"}, {"source": 2, "target": 5, "label": "LOC"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 5, "target": 7, "label": "RSTR"}, {"source": 14, "target": 16, "label": "PAT-arg"}, {"source": 14, "target": 2, "label": "ADDR-arg"}, {"source": 7, "target": 6, "label": "ACT-arg"}]} +{"id": "20003025", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [4], "nodes": [{"id": 0, "label": "area", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "factory", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f2"], "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "label": "particularly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 26, "to": 38}]}, {"id": 6, "label": "dusty", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "label": "crocidolite", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 55, "to": 66}]}, {"id": 11, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3525f6"], "anchors": [{"from": 71, "to": 75}]}], "edges": [{"source": 4, "target": 6, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "EXT"}, {"source": 0, "target": 11, "label": "RSTR"}, {"source": 4, "target": 0, "label": "ACT-arg"}, {"source": 11, "target": 9, "label": "PAT-arg"}, {"source": 0, "target": 3, "label": "APP"}]} +{"id": "20003026", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [1, 14, 22], "nodes": [{"id": 0, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "dump", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1074f1"], "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "label": "large", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "label": "burlap", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "label": "sack", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "label": "import", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1662f1"], "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "label": "material", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 50, "to": 58}]}, {"id": 11, "label": "huge", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "label": "bin", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "label": "pour_in", "properties": ["pos", "frame"], "values": ["VBD", "v-w452_u_nobodyf1_u_nobody"], "anchors": [{"from": 76, "to": 82}]}, {"id": 16, "label": "cotton", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "label": "acetate", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 97, "to": 104}]}, {"id": 19, "label": "fiber", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 105, "to": 111}]}, {"id": 20, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 112, "to": 115}]}, {"id": 21, "label": "mechanically", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 116, "to": 128}]}, {"id": 22, "label": "mix", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2010f1"], "anchors": [{"from": 129, "to": 134}]}, {"id": 24, "label": "dry", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 139, "to": 142}]}, {"id": 25, "label": "fiber", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 143, "to": 149}]}, {"id": 28, "label": "process", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 155, "to": 162}]}, {"id": 29, "label": "use", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3525f6"], "anchors": [{"from": 163, "to": 167}]}, {"id": 31, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "ev-w1923f6"], "anchors": [{"from": 171, "to": 175}]}, {"id": 32, "label": "filter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 176, "to": 183}]}], "edges": [{"source": 14, "target": 19, "label": "PAT-arg"}, {"source": 14, "target": 0, "label": "ACT-arg"}, {"source": 17, "target": 18, "label": "CONJ.member"}, {"source": 25, "target": 24, "label": "RSTR"}, {"source": 4, "target": 8, "label": "MAT"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 29, "target": 31, "label": "AIM"}, {"source": 31, "target": 32, "label": "PAT-arg"}, {"source": 22, "target": 0, "label": "ACT-arg"}, {"source": 20, "target": 22, "label": "CONJ.member"}, {"source": 1, "target": 12, "label": "DIR3"}, {"source": 19, "target": 18, "label": "RSTR"}, {"source": 22, "target": 28, "label": "LOC"}, {"source": 4, "target": 2, "label": "RSTR"}, {"source": 28, "target": 29, "label": "RSTR"}, {"source": 17, "target": 16, "label": "CONJ.member"}, {"source": 1, "target": 4, "label": "PAT-arg"}, {"source": 20, "target": 14, "label": "CONJ.member"}, {"source": 19, "target": 16, "label": "RSTR"}, {"source": 22, "target": 21, "label": "MANN"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 22, "target": 25, "label": "PAT-arg"}, {"source": 20, "target": 1, "label": "CONJ.member"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 8, "target": 7, "label": "RSTR"}]} +{"id": "20003027", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [1], "nodes": [{"id": 0, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "describe", "properties": ["pos", "frame"], "values": ["VBD", "ev-w894f2"], "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "cloud", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "label": "blue", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "label": "dust", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "label": "hang", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1547f5"], "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "label": "part", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "label": "factory", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "label": "exhaust", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "label": "fan", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "label": "ventilate", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3543f1"], "anchors": [{"from": 102, "to": 112}]}, {"id": 22, "label": "area", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 117, "to": 121}]}], "edges": [{"source": 19, "target": 18, "label": "RSTR"}, {"source": 9, "target": 20, "label": "CNCS"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 20, "target": 22, "label": "PAT-arg"}, {"source": 9, "target": 11, "label": "LOC"}, {"source": 11, "target": 14, "label": "APP"}, {"source": 3, "target": 9, "label": "RSTR"}, {"source": 20, "target": 19, "label": "ACT-arg"}, {"source": 3, "target": 6, "label": "MAT"}, {"source": 9, "target": 8, "label": "ACT-arg"}]} +{"id": "20003028", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [17], "nodes": [{"id": 2, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f3"], "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "question", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 12, "to": 20}]}, {"id": 6, "label": "some", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "label": "those", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "label": "worker", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "label": "manager", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "label": "contract", "properties": ["pos", "frame"], "values": ["VBD", "ev-w686f3"], "anchors": [{"from": 61, "to": 71}]}, {"id": 13, "label": "asbestos-related", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 72, "to": 88}]}, {"id": 14, "label": "disease", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 89, "to": 97}]}, {"id": 17, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 100, "to": 104}]}, {"id": 18, "label": "Darrell", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 105, "to": 112}]}, {"id": 19, "label": "Phillips", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 113, "to": 121}]}, {"id": 20, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 121, "to": 122}]}, {"id": 21, "label": "vice", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 123, "to": 127}]}, {"id": 22, "label": "president", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 128, "to": 137}]}, {"id": 24, "label": "human", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 141, "to": 146}]}, {"id": 25, "label": "resource", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 147, "to": 156}]}, {"id": 27, "label": "Hollingsworth", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 161, "to": 174}]}, {"id": 28, "label": "#Amp", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 175, "to": 176}]}, {"id": 29, "label": "Vose", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 177, "to": 181}]}], "edges": [{"source": 12, "target": 14, "label": "PAT-arg"}, {"source": 20, "target": 22, "label": "APPS.member"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 22, "target": 21, "label": "RSTR"}, {"source": 25, "target": 24, "label": "NE"}, {"source": 6, "target": 11, "label": "DIR1"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 6, "target": 9, "label": "DIR1"}, {"source": 10, "target": 11, "label": "CONJ.member"}, {"source": 22, "target": 25, "label": "APP"}, {"source": 10, "target": 9, "label": "CONJ.member"}, {"source": 20, "target": 19, "label": "APPS.member"}, {"source": 28, "target": 27, "label": "CONJ.member"}, {"source": 17, "target": 2, "label": "EFF-arg"}, {"source": 2, "target": 4, "label": "ACT-arg"}, {"source": 12, "target": 6, "label": "ACT-arg"}, {"source": 11, "target": 8, "label": "RSTR"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 17, "target": 22, "label": "ACT-arg"}, {"source": 4, "target": 12, "label": "PAT-arg"}, {"source": 22, "target": 29, "label": "NE"}, {"source": 17, "target": 19, "label": "ACT-arg"}, {"source": 19, "target": 18, "label": "NE"}, {"source": 22, "target": 27, "label": "NE"}, {"source": 28, "target": 29, "label": "CONJ.member"}]} +{"id": "20003029", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [5], "nodes": [{"id": 1, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 8}]}, {"id": 5, "label": "recognize", "properties": ["pos", "frame"], "values": ["VB", "ev-w2549f2"], "anchors": [{"from": 17, "to": 26}]}, {"id": 7, "label": "these", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "label": "event", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "label": "take", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3310f37_u_nobody"], "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "label": "place", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "label": "35", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "label": "year", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 59, "to": 64}]}], "edges": [{"source": 8, "target": 7, "label": "RSTR"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 9, "target": 10, "label": "CPHR-arg"}, {"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 5, "target": 2, "label": "ACT-arg"}, {"source": 9, "target": 12, "label": "TWHEN"}, {"source": 5, "target": 1, "label": "PREC"}, {"source": 5, "target": 9, "label": "PAT-arg"}]} +{"id": "20003030", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "It has no bearing on our work force today.", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "have", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1566f3"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "bearing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 17}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "work", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "label": "force", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "label": "today", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 36, "to": 41}]}], "edges": [{"source": 7, "target": 8, "label": "TWHEN"}, {"source": 7, "target": 5, "label": "APP"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 3, "target": 7, "label": "RSTR"}, {"source": 7, "target": 6, "label": "RSTR"}]} +{"id": "20004001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [5], "nodes": [{"id": 0, "label": "yield", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "money-market", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "label": "mutual", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "label": "continue", "properties": ["pos", "frame"], "values": ["VBD", "ev-w685f2"], "anchors": [{"from": 36, "to": 45}]}, {"id": 7, "label": "slide", "properties": ["pos", "frame"], "values": ["VB", "ev-w3012f1"], "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "label": "sign", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "label": "portfolio", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 72, "to": 81}]}, {"id": 13, "label": "manager", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 82, "to": 90}]}, {"id": 14, "label": "expect", "properties": ["pos", "frame"], "values": ["VBP", "ev-w1239f1"], "anchors": [{"from": 91, "to": 97}]}, {"id": 15, "label": "further", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 98, "to": 105}]}, {"id": 16, "label": "decline", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 106, "to": 114}]}, {"id": 18, "label": "interest", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 118, "to": 126}]}, {"id": 19, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 127, "to": 132}]}], "edges": [{"source": 19, "target": 18, "label": "RSTR"}, {"source": 4, "target": 2, "label": "RSTR"}, {"source": 0, "target": 4, "label": "LOC"}, {"source": 5, "target": 0, "label": "ACT-arg"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 14, "target": 13, "label": "ACT-arg"}, {"source": 5, "target": 7, "label": "PAT-arg"}, {"source": 16, "target": 19, "label": "LOC"}, {"source": 7, "target": 0, "label": "ACT-arg"}, {"source": 14, "target": 16, "label": "PAT-arg"}, {"source": 13, "target": 12, "label": "PAT-arg"}, {"source": 10, "target": 14, "label": "PAT-arg"}, {"source": 5, "target": 10, "label": "LOC"}, {"source": 16, "target": 15, "label": "MANN"}]} +{"id": "20004002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday.", "tops": [17], "nodes": [{"id": 1, "label": "average", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "seven-day", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "label": "compound", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 22, "to": 30}]}, {"id": 4, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "label": "400", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "label": "taxable", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 48, "to": 55}]}, {"id": 9, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 56, "to": 61}]}, {"id": 10, "label": "track", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3416f3"], "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "label": "ibc", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "label": "Money", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "label": "Fund", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "label": "report", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "label": "ease", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1084f1"], "anchors": [{"from": 97, "to": 102}]}, {"id": 19, "label": "fraction", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 105, "to": 113}]}, {"id": 22, "label": "percentage", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 119, "to": 129}]}, {"id": 23, "label": "point", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 130, "to": 135}]}, {"id": 25, "label": "8.45", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 139, "to": 143}]}, {"id": 26, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 143, "to": 144}]}, {"id": 28, "label": "8.47", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 150, "to": 154}]}, {"id": 29, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 154, "to": 155}]}, {"id": 32, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 164, "to": 168}]}, {"id": 33, "label": "end", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1142f3"], "anchors": [{"from": 169, "to": 174}]}, {"id": 34, "label": "tuesday", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 175, "to": 182}]}], "edges": [{"source": 17, "target": 26, "label": "PAT-arg"}, {"source": 17, "target": 19, "label": "DIFF"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 4, "target": 1, "label": "RSTR"}, {"source": 16, "target": 12, "label": "AUTH"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 19, "target": 23, "label": "APP"}, {"source": 4, "target": 9, "label": "APP"}, {"source": 17, "target": 4, "label": "ACT-arg"}, {"source": 26, "target": 25, "label": "RSTR"}, {"source": 29, "target": 28, "label": "RSTR"}, {"source": 9, "target": 10, "label": "RSTR"}, {"source": 4, "target": 2, "label": "TFHL"}, {"source": 17, "target": 29, "label": "ORIG-arg"}, {"source": 10, "target": 16, "label": "ACT-arg"}, {"source": 15, "target": 14, "label": "NE"}, {"source": 16, "target": 15, "label": "NE"}, {"source": 33, "target": 34, "label": "ACT-arg"}, {"source": 9, "target": 7, "label": "RSTR"}, {"source": 32, "target": 33, "label": "RSTR"}, {"source": 17, "target": 32, "label": "TFHL"}, {"source": 23, "target": 22, "label": "RSTR"}]} +{"id": "20004004", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [7], "nodes": [{"id": 0, "label": "average", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "maturity", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "label": "investment", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "label": "lengthen", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1850f1"], "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "label": "day", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "label": "41", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "label": "day", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "label": "long", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "label": "early", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "label": "august", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 99, "to": 105}]}, {"id": 23, "label": "donoghue", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 120, "to": 128}]}], "edges": [{"source": 13, "target": 12, "label": "RSTR"}, {"source": 7, "target": 10, "label": "DIFF"}, {"source": 7, "target": 13, "label": "DIR3"}, {"source": 7, "target": 23, "label": "REG"}, {"source": 6, "target": 4, "label": "APP"}, {"source": 19, "target": 18, "label": "TWHEN"}, {"source": 14, "target": 13, "label": "APPS.member"}, {"source": 7, "target": 16, "label": "DIR3"}, {"source": 7, "target": 1, "label": "ACT-arg"}, {"source": 16, "target": 19, "label": "TSIN"}, {"source": 1, "target": 6, "label": "APP"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 14, "target": 16, "label": "APPS.member"}]} +{"id": "20004005", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [3], "nodes": [{"id": 0, "label": "Long", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "maturity", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "label": "think", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3363f4"], "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "label": "indicate", "properties": ["pos", "frame"], "values": ["VB", "ev-w1683f1"], "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "label": "decline", "properties": ["pos", "frame"], "values": ["VBG", "ev-w829f2"], "anchors": [{"from": 42, "to": 51}]}, {"id": 7, "label": "interest", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 52, "to": 60}]}, {"id": 8, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 61, "to": 66}]}, {"id": 10, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 75, "to": 79}]}, {"id": 11, "label": "permit", "properties": ["pos", "frame"], "values": ["VBP", "ev-w2248f2"], "anchors": [{"from": 80, "to": 86}]}, {"id": 12, "label": "portfolio", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 87, "to": 96}]}, {"id": 13, "label": "manager", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 97, "to": 105}]}, {"id": 15, "label": "retain", "properties": ["pos", "frame"], "values": ["VB", "ev-w2718f1"], "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "label": "relatively", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 116, "to": 126}]}, {"id": 17, "label": "high", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 127, "to": 133}]}, {"id": 18, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 134, "to": 139}]}, {"id": 21, "label": "long", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 146, "to": 152}]}, {"id": 22, "label": "period", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 153, "to": 159}]}], "edges": [{"source": 11, "target": 13, "label": "ADDR-arg"}, {"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 15, "target": 22, "label": "TFHL"}, {"source": 5, "target": 8, "label": "PAT-arg"}, {"source": 5, "target": 1, "label": "ACT-arg"}, {"source": 3, "target": 5, "label": "EFF-arg"}, {"source": 22, "target": 21, "label": "RSTR"}, {"source": 5, "target": 11, "label": "CAUS"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 13, "target": 12, "label": "PAT-arg"}, {"source": 15, "target": 18, "label": "PAT-arg"}, {"source": 8, "target": 6, "label": "RSTR"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 18, "target": 17, "label": "RSTR"}, {"source": 15, "target": 13, "label": "ACT-arg"}, {"source": 11, "target": 15, "label": "PAT-arg"}, {"source": 17, "target": 16, "label": "MANN"}]} +{"id": "20004006", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [3], "nodes": [{"id": 0, "label": "Short", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "maturity", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "label": "consider", "properties": ["pos", "frame"], "values": ["VBN", "ev-w662f2"], "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "label": "sign", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "label": "rise", "properties": ["pos", "frame"], "values": ["VBG", "ev-w2772f1"], "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "label": "portfolio", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 65, "to": 74}]}, {"id": 11, "label": "manager", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 75, "to": 83}]}, {"id": 13, "label": "capture", "properties": ["pos", "frame"], "values": ["VB", "ev-w438f1"], "anchors": [{"from": 88, "to": 95}]}, {"id": 14, "label": "high", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 96, "to": 102}]}, {"id": 15, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 103, "to": 108}]}, {"id": 16, "label": "sooner", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 109, "to": 115}]}], "edges": [{"source": 5, "target": 8, "label": "PAT-arg"}, {"source": 13, "target": 15, "label": "PAT-arg"}, {"source": 11, "target": 10, "label": "PAT-arg"}, {"source": 13, "target": 16, "label": "TWHEN"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 3, "target": 5, "label": "EFF-arg"}, {"source": 3, "target": 13, "label": "CAUS"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 3, "target": 1, "label": "PAT-arg"}, {"source": 13, "target": 11, "label": "ACT-arg"}]} +{"id": "20004007", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [26], "nodes": [{"id": 1, "label": "average", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "maturity", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "label": "open", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "label": "only", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "institution", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 44, "to": 56}]}, {"id": 10, "label": "consider", "properties": ["pos", "frame"], "values": ["VBN", "ev-w662f2"], "anchors": [{"from": 58, "to": 68}]}, {"id": 12, "label": "some", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "label": "be", "properties": ["pos", "frame"], "values": ["VB", "ev-w218f2"], "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "label": "strong", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "label": "indicator", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 94, "to": 103}]}, {"id": 19, "label": "those", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 112, "to": 117}]}, {"id": 20, "label": "manager", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 118, "to": 126}]}, {"id": 21, "label": "watch", "properties": ["pos", "frame"], "values": ["VBP", "ev-w3595f2"], "anchors": [{"from": 127, "to": 132}]}, {"id": 23, "label": "market", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 137, "to": 143}]}, {"id": 24, "label": "closely", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 144, "to": 151}]}, {"id": 26, "label": "reach", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2510f5"], "anchors": [{"from": 153, "to": 160}]}, {"id": 28, "label": "high", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 163, "to": 167}]}, {"id": 29, "label": "point", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 168, "to": 173}]}, {"id": 32, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 182, "to": 186}]}, {"id": 33, "label": "#Dash", "properties": ["pos"], "values": [":"], "anchors": [{"from": 187, "to": 189}]}, {"id": 34, "label": "33", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 190, "to": 192}]}, {"id": 35, "label": "day", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 193, "to": 197}]}], "edges": [{"source": 29, "target": 28, "label": "RSTR"}, {"source": 14, "target": 21, "label": "CAUS"}, {"source": 14, "target": 17, "label": "PAT-arg"}, {"source": 26, "target": 29, "label": "PAT-arg"}, {"source": 10, "target": 14, "label": "EFF-arg"}, {"source": 33, "target": 29, "label": "APPS.member"}, {"source": 21, "target": 20, "label": "ACT-arg"}, {"source": 21, "target": 24, "label": "MANN"}, {"source": 4, "target": 5, "label": "RSTR"}, {"source": 26, "target": 35, "label": "PAT-arg"}, {"source": 2, "target": 10, "label": "RSTR"}, {"source": 20, "target": 19, "label": "RSTR"}, {"source": 33, "target": 35, "label": "APPS.member"}, {"source": 26, "target": 2, "label": "ACT-arg"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 17, "target": 16, "label": "RSTR"}, {"source": 2, "target": 4, "label": "BEN"}, {"source": 5, "target": 6, "label": "RHEM"}, {"source": 29, "target": 32, "label": "TFHL"}, {"source": 21, "target": 23, "label": "PAT-arg"}, {"source": 10, "target": 12, "label": "ACT-arg"}, {"source": 35, "target": 34, "label": "RSTR"}, {"source": 5, "target": 8, "label": "PAT-arg"}]} +{"id": "20004008", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [2], "nodes": [{"id": 0, "label": "nevertheless", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "label": "Brenda", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "label": "Malizia", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "label": "Negus", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "label": "editor", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "label": "Money", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "label": "Fund", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "report", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "label": "yield", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "label": "blip_up", "properties": ["pos", "frame"], "values": ["VB", "v-w178_u_nobodyf1_u_nobody"], "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "label": "again", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "label": "blip_down", "properties": ["pos", "frame"], "values": ["VBP", "v-w179_u_nobodyf2"], "anchors": [{"from": 108, "to": 112}]}, {"id": 26, "label": "recent", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 130, "to": 136}]}, {"id": 27, "label": "rise", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 137, "to": 142}]}, {"id": 29, "label": "short-term", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 146, "to": 156}]}, {"id": 30, "label": "interest", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 157, "to": 165}]}, {"id": 31, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 166, "to": 171}]}], "edges": [{"source": 2, "target": 5, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "PREC"}, {"source": 21, "target": 20, "label": "ACT-arg"}, {"source": 27, "target": 26, "label": "TWHEN"}, {"source": 7, "target": 11, "label": "PAT-arg"}, {"source": 16, "target": 18, "label": "THO"}, {"source": 27, "target": 31, "label": "LOC"}, {"source": 31, "target": 29, "label": "TFHL"}, {"source": 31, "target": 30, "label": "RSTR"}, {"source": 6, "target": 5, "label": "APPS.member"}, {"source": 16, "target": 27, "label": "CAUS"}, {"source": 11, "target": 10, "label": "NE"}, {"source": 16, "target": 21, "label": "TWHEN"}, {"source": 6, "target": 7, "label": "APPS.member"}, {"source": 5, "target": 4, "label": "NE"}, {"source": 16, "target": 13, "label": "ACT-arg"}, {"source": 5, "target": 3, "label": "NE"}, {"source": 2, "target": 7, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "NE"}, {"source": 2, "target": 16, "label": "EFF-arg"}]} +{"id": "20004009", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [15], "nodes": [{"id": 1, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "label": "six-month", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "label": "treasury", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "label": "bill", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "label": "sell", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2888f2"], "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "label": "monday", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "label": "auction", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "label": "example", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 68, "to": 75}]}, {"id": 15, "label": "rise", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2772f1"], "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "label": "8.04", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "label": "7.90", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 100, "to": 101}]}], "edges": [{"source": 18, "target": 17, "label": "RSTR"}, {"source": 6, "target": 10, "label": "LOC"}, {"source": 15, "target": 1, "label": "ACT-arg"}, {"source": 15, "target": 18, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 21, "target": 20, "label": "RSTR"}, {"source": 15, "target": 13, "label": "RHEM"}, {"source": 5, "target": 3, "label": "THL"}, {"source": 10, "target": 8, "label": "TWHEN"}, {"source": 15, "target": 21, "label": "ORIG-arg"}, {"source": 1, "target": 5, "label": "ORIG-arg"}, {"source": 5, "target": 6, "label": "RSTR"}]} +{"id": "20004010", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [7], "nodes": [{"id": 1, "label": "recent", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "label": "decline", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "label": "yield", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "label": "investor", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 35, "to": 44}]}, {"id": 7, "label": "continue", "properties": ["pos", "frame"], "values": ["VBP", "ev-w685f2"], "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "label": "pour", "properties": ["pos", "frame"], "values": ["VB", "ev-w2348f2"], "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "label": "cash", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "label": "money", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 72, "to": 77}]}, {"id": 13, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 78, "to": 83}]}], "edges": [{"source": 9, "target": 6, "label": "ACT-arg"}, {"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 7, "target": 9, "label": "PAT-arg"}, {"source": 7, "target": 2, "label": "CNCS"}, {"source": 9, "target": 10, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "TWHEN"}, {"source": 13, "target": 12, "label": "MAT"}, {"source": 2, "target": 4, "label": "LOC"}, {"source": 9, "target": 13, "label": "DIR3-arg"}]} +{"id": "20004011", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [6], "nodes": [{"id": 0, "label": "asset", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "400", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "taxable", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "label": "grow", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1517f3"], "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "label": "1.5", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "label": "billion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 45, "to": 52}]}, {"id": 13, "label": "late", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "label": "352.7", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "label": "billion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 87, "to": 94}]}], "edges": [{"source": 19, "target": 18, "label": "RSTR"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 14, "target": 13, "label": "TWHEN"}, {"source": 6, "target": 0, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "RSTR"}, {"source": 6, "target": 17, "label": "PAT-arg"}, {"source": 0, "target": 5, "label": "APP"}, {"source": 6, "target": 8, "label": "DIFF"}, {"source": 8, "target": 10, "label": "RSTR"}, {"source": 6, "target": 14, "label": "TPAR"}, {"source": 17, "target": 19, "label": "RSTR"}, {"source": 5, "target": 3, "label": "RSTR"}]} +{"id": "20004012", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [4], "nodes": [{"id": 0, "label": "typically", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 9}]}, {"id": 2, "label": "money-fund", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "label": "yield", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 22, "to": 28}]}, {"id": 4, "label": "beat", "properties": ["pos", "frame"], "values": ["VBP", "ev-w223f4"], "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "label": "comparable", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 34, "to": 44}]}, {"id": 6, "label": "short-term", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 45, "to": 55}]}, {"id": 7, "label": "investment", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 56, "to": 67}]}, {"id": 9, "label": "portfolio", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 76, "to": 85}]}, {"id": 10, "label": "manager", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 86, "to": 94}]}, {"id": 12, "label": "vary", "properties": ["pos", "frame"], "values": ["VB", "ev-w3537f2"], "anchors": [{"from": 99, "to": 103}]}, {"id": 13, "label": "maturity", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 104, "to": 114}]}, {"id": 14, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 115, "to": 118}]}, {"id": 15, "label": "go", "properties": ["pos", "frame"], "values": ["VB", "ev-w1484f21"], "anchors": [{"from": 119, "to": 121}]}, {"id": 18, "label": "high", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 132, "to": 139}]}, {"id": 19, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 140, "to": 145}]}], "edges": [{"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 4, "target": 0, "label": "ATT"}, {"source": 7, "target": 5, "label": "RSTR"}, {"source": 3, "target": 2, "label": "ORIG-arg"}, {"source": 12, "target": 13, "label": "PAT-arg"}, {"source": 4, "target": 7, "label": "ADDR-arg"}, {"source": 14, "target": 15, "label": "CONJ.member"}, {"source": 19, "target": 18, "label": "RSTR"}, {"source": 14, "target": 12, "label": "CONJ.member"}, {"source": 4, "target": 15, "label": "CAUS"}, {"source": 10, "target": 9, "label": "PAT-arg"}, {"source": 7, "target": 6, "label": "TFHL"}, {"source": 4, "target": 12, "label": "CAUS"}, {"source": 15, "target": 10, "label": "ACT-arg"}, {"source": 15, "target": 19, "label": "PAT-arg"}, {"source": 12, "target": 10, "label": "ACT-arg"}]} +{"id": "20004014", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [8], "nodes": [{"id": 0, "label": "Dreyfus", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "world-wide", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "label": "dollar", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "label": "top-yielding", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 31, "to": 43}]}, {"id": 6, "label": "fund", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "label": "have", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1566f3"], "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "label": "seven-day", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "label": "compound", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 66, "to": 74}]}, {"id": 12, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "label": "9.37", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "label": "late", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 101, "to": 107}]}, {"id": 19, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "label": "down", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 114, "to": 118}]}, {"id": 23, "label": "9.45", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 124, "to": 128}]}, {"id": 24, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 128, "to": 129}]}, {"id": 26, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "label": "early", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 137, "to": 144}]}], "edges": [{"source": 12, "target": 10, "label": "THL"}, {"source": 8, "target": 21, "label": "LOC"}, {"source": 24, "target": 23, "label": "RSTR"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 2, "target": 0, "label": "APP"}, {"source": 21, "target": 24, "label": "DIR1"}, {"source": 8, "target": 2, "label": "ACT-arg"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 27, "target": 26, "label": "DIFF"}, {"source": 2, "target": 1, "label": "LOC"}, {"source": 19, "target": 18, "label": "TWHEN"}, {"source": 8, "target": 19, "label": "TPAR"}, {"source": 8, "target": 6, "label": "ACT-arg"}, {"source": 3, "target": 6, "label": "APPS.member"}, {"source": 24, "target": 27, "label": "RSTR"}, {"source": 3, "target": 2, "label": "APPS.member"}, {"source": 8, "target": 12, "label": "PAT-arg"}, {"source": 12, "target": 15, "label": "APP"}]} +{"id": "20004015", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [1, 10], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "invest", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1752f1"], "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "label": "heavily", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "label": "dollar-denominated", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 22, "to": 40}]}, {"id": 5, "label": "security", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 41, "to": 51}]}, {"id": 6, "label": "overseas", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 52, "to": 60}]}, {"id": 7, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 61, "to": 64}]}, {"id": 9, "label": "currently", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 68, "to": 77}]}, {"id": 10, "label": "waive", "properties": ["pos", "frame"], "values": ["VBG", "ev-w3578f1"], "anchors": [{"from": 78, "to": 85}]}, {"id": 11, "label": "management", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 86, "to": 96}]}, {"id": 12, "label": "fee", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 97, "to": 101}]}, {"id": 14, "label": "which", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 103, "to": 108}]}, {"id": 15, "label": "boost", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w315f1"], "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 116, "to": 119}]}, {"id": 17, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 120, "to": 125}]}], "edges": [{"source": 15, "target": 17, "label": "PAT-arg"}, {"source": 15, "target": 14, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "TWHEN"}, {"source": 1, "target": 2, "label": "MANN"}, {"source": 7, "target": 10, "label": "CONJ.member"}, {"source": 17, "target": 16, "label": "ACT-arg"}, {"source": 10, "target": 12, "label": "PAT-arg"}, {"source": 1, "target": 5, "label": "DIR3"}, {"source": 1, "target": 6, "label": "LOC"}, {"source": 10, "target": 15, "label": "DESCR"}, {"source": 7, "target": 1, "label": "CONJ.member"}, {"source": 10, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 12, "target": 11, "label": "RSTR"}]} +{"id": "20004016", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [9], "nodes": [{"id": 1, "label": "average", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "seven-day", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "label": "simple", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 22, "to": 28}]}, {"id": 4, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "400", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "label": "fund", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f4_u_nobody"], "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "label": "8.12", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "label": "down", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "label": "8.14", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 77, "to": 78}]}], "edges": [{"source": 9, "target": 4, "label": "ACT-arg"}, {"source": 4, "target": 1, "label": "RSTR"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 9, "target": 13, "label": "CPHR-arg"}, {"source": 4, "target": 2, "label": "TFHL"}, {"source": 4, "target": 8, "label": "ORIG-arg"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 9, "target": 11, "label": "PAT-arg"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 9, "target": 16, "label": "ORIG-arg"}]} +{"id": "20004017", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [4, 18], "nodes": [{"id": 1, "label": "30-day", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "simple", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "label": "fall", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1273f5"], "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "average", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "8.19", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "label": "8.22", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "label": "#Semicolon", "properties": ["pos"], "values": [":"], "anchors": [{"from": 59, "to": 60}]}, {"id": 15, "label": "30-day", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 65, "to": 71}]}, {"id": 16, "label": "compound", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 72, "to": 80}]}, {"id": 17, "label": "yield", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "label": "slide", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3012f1"], "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "label": "average", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 98, "to": 105}]}, {"id": 22, "label": "8.53", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 110, "to": 111}]}, {"id": 25, "label": "8.56", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 121, "to": 122}]}], "edges": [{"source": 4, "target": 12, "label": "ORIG-arg"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 9, "target": 7, "label": "RSTR"}, {"source": 13, "target": 4, "label": "CONJ.member"}, {"source": 26, "target": 25, "label": "RSTR"}, {"source": 23, "target": 22, "label": "RSTR"}, {"source": 4, "target": 9, "label": "PAT-arg"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 23, "target": 21, "label": "RSTR"}, {"source": 3, "target": 1, "label": "TFHL"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 17, "target": 16, "label": "RSTR"}, {"source": 18, "target": 23, "label": "PAT-arg"}, {"source": 18, "target": 17, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 13, "target": 18, "label": "CONJ.member"}, {"source": 18, "target": 26, "label": "ORIG-arg"}, {"source": 17, "target": 15, "label": "TFHL"}]} +{"id": "20005001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [23], "nodes": [{"id": 0, "label": "J.P.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "bolduc", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "label": "vice", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "label": "chairman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "label": "W.R.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "Grace", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "label": "#Amp", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "label": "Co.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "label": "which", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "label": "hold", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1601f7"], "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "label": "83.4", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "label": "interest", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 68, "to": 76}]}, {"id": 18, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "label": "energy-services", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 85, "to": 100}]}, {"id": 20, "label": "company", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 101, "to": 108}]}, {"id": 23, "label": "elect", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1102f1"], "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "label": "director", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 124, "to": 132}]}], "edges": [{"source": 16, "target": 20, "label": "LOC"}, {"source": 4, "target": 7, "label": "NE"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 4, "target": 9, "label": "NE"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 23, "target": 1, "label": "PAT-arg"}, {"source": 7, "target": 6, "label": "NE"}, {"source": 8, "target": 9, "label": "CONJ.member"}, {"source": 9, "target": 12, "label": "DESCR"}, {"source": 20, "target": 18, "label": "RSTR"}, {"source": 12, "target": 16, "label": "PAT-arg"}, {"source": 2, "target": 4, "label": "APPS.member"}, {"source": 23, "target": 25, "label": "EFF-arg"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 7, "target": 12, "label": "DESCR"}, {"source": 2, "target": 1, "label": "APPS.member"}, {"source": 23, "target": 4, "label": "PAT-arg"}, {"source": 12, "target": 11, "label": "ACT-arg"}, {"source": 20, "target": 19, "label": "RSTR"}, {"source": 8, "target": 7, "label": "CONJ.member"}]} +{"id": "20005002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "succeed", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w3245f2"], "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "label": "Terrence", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "D.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "label": "Daniels", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "label": "formerly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "label": "W.R.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "grace", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "label": "vice", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "label": "chairman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 60, "to": 68}]}, {"id": 13, "label": "who", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "label": "resign", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2696f3"], "anchors": [{"from": 74, "to": 82}]}], "edges": [{"source": 11, "target": 6, "label": "TWHEN"}, {"source": 11, "target": 14, "label": "DESCR"}, {"source": 11, "target": 9, "label": "APP"}, {"source": 9, "target": 8, "label": "NE"}, {"source": 1, "target": 11, "label": "PAT-arg"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 4, "target": 2, "label": "NE"}, {"source": 5, "target": 11, "label": "APPS.member"}, {"source": 1, "target": 4, "label": "PAT-arg"}, {"source": 14, "target": 13, "label": "ACT-arg"}, {"source": 4, "target": 14, "label": "DESCR"}, {"source": 4, "target": 3, "label": "NE"}, {"source": 5, "target": 4, "label": "APPS.member"}]} +{"id": "20005003", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [2], "nodes": [{"id": 0, "label": "W.R.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "grace", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "label": "hold", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1601f5"], "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "label": "Grace", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "label": "energy", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "label": "seven", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "label": "board", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "label": "seat", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 53, "to": 58}]}], "edges": [{"source": 10, "target": 6, "label": "APP"}, {"source": 10, "target": 9, "label": "LOC"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 5, "label": "NE"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 3, "target": 10, "label": "DIR1"}, {"source": 2, "target": 3, "label": "CPHR-arg"}]} +{"id": "20006001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million.", "tops": [4], "nodes": [{"id": 0, "label": "Pacific", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "First", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "label": "Financial", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 14, "to": 23}]}, {"id": 3, "label": "corp.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 24, "to": 29}]}, {"id": 4, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "label": "shareholder", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 35, "to": 47}]}, {"id": 6, "label": "approve", "properties": ["pos", "frame"], "values": ["VBD", "ev-w126f1"], "anchors": [{"from": 48, "to": 56}]}, {"id": 7, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 57, "to": 60}]}, {"id": 8, "label": "acquisition", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 61, "to": 72}]}, {"id": 10, "label": "Royal", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 76, "to": 81}]}, {"id": 11, "label": "Trustco", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 82, "to": 89}]}, {"id": 12, "label": "ltd.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 90, "to": 94}]}, {"id": 14, "label": "toronto", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 98, "to": 105}]}, {"id": 16, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 110, "to": 111}]}, {"id": 17, "label": "27", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 111, "to": 113}]}, {"id": 19, "label": "share", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 116, "to": 121}]}, {"id": 21, "label": "or", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 123, "to": 125}]}, {"id": 22, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 126, "to": 127}]}, {"id": 23, "label": "212", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 127, "to": 130}]}, {"id": 24, "label": "million", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 131, "to": 138}]}], "edges": [{"source": 3, "target": 2, "label": "NE"}, {"source": 8, "target": 7, "label": "PAT-arg"}, {"source": 24, "target": 23, "label": "RSTR"}, {"source": 6, "target": 8, "label": "PAT-arg"}, {"source": 22, "target": 24, "label": "RSTR"}, {"source": 12, "target": 14, "label": "APP"}, {"source": 8, "target": 12, "label": "ACT-arg"}, {"source": 16, "target": 19, "label": "REG"}, {"source": 2, "target": 1, "label": "NE"}, {"source": 8, "target": 16, "label": "EXT"}, {"source": 4, "target": 6, "label": "EFF-arg"}, {"source": 2, "target": 0, "label": "NE"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 12, "target": 11, "label": "NE"}, {"source": 11, "target": 10, "label": "NE"}, {"source": 21, "target": 22, "label": "APPS.member"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 16, "target": 17, "label": "RSTR"}, {"source": 21, "target": 16, "label": "APPS.member"}, {"source": 8, "target": 22, "label": "EXT"}]} +{"id": "20006002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end.", "tops": [4], "nodes": [{"id": 1, "label": "thrift", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "hold", "properties": ["pos", "frame"], "values": ["VBG", "ev-w1601f7"], "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "label": "company", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "label": "expect", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1239f1"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "obtain", "properties": ["pos", "frame"], "values": ["VB", "ev-w2099f1"], "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "label": "regulatory", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "label": "approval", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 64, "to": 72}]}, {"id": 11, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 73, "to": 76}]}, {"id": 12, "label": "complete", "properties": ["pos", "frame"], "values": ["VB", "ev-w620f1"], "anchors": [{"from": 77, "to": 85}]}, {"id": 14, "label": "transaction", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 90, "to": 101}]}, {"id": 16, "label": "year-end", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 105, "to": 113}]}], "edges": [{"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 6, "target": 8, "label": "PAT-arg"}, {"source": 8, "target": 5, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "RSTR"}, {"source": 11, "target": 12, "label": "CONJ.member"}, {"source": 12, "target": 5, "label": "ACT-arg"}, {"source": 12, "target": 14, "label": "PAT-arg"}, {"source": 8, "target": 16, "label": "TTILL"}, {"source": 12, "target": 16, "label": "TTILL"}, {"source": 11, "target": 8, "label": "CONJ.member"}, {"source": 3, "target": 1, "label": "RSTR"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 8, "target": 10, "label": "PAT-arg"}, {"source": 4, "target": 6, "label": "EFF-arg"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 6, "target": 12, "label": "PAT-arg"}]} +{"id": "20007002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [1], "nodes": [{"id": 0, "label": "finmeccanica", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "italian", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "label": "state-owned", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 27, "to": 38}]}, {"id": 5, "label": "hold", "properties": ["pos", "frame"], "values": ["VBG", "ev-w1601f7"], "anchors": [{"from": 39, "to": 46}]}, {"id": 6, "label": "company", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 54}]}, {"id": 8, "label": "interest", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 60, "to": 69}]}, {"id": 11, "label": "mechanical", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 77, "to": 87}]}, {"id": 12, "label": "engineering", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 88, "to": 99}]}, {"id": 13, "label": "industry", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 100, "to": 108}]}], "edges": [{"source": 12, "target": 11, "label": "RSTR"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 13, "target": 12, "label": "RSTR"}, {"source": 1, "target": 6, "label": "PAT-arg"}, {"source": 6, "target": 8, "label": "ACMP"}, {"source": 6, "target": 4, "label": "RSTR"}, {"source": 6, "target": 3, "label": "RSTR"}, {"source": 8, "target": 13, "label": "LOC"}]} +{"id": "20007003", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [9], "nodes": [{"id": 0, "label": "Bailey", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "Controls", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "label": "base", "properties": ["pos", "frame"], "values": ["VBN", "ev-w211f1"], "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "label": "wickliffe", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "label": "ohio", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "label": "make", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1923f6"], "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "label": "computerized", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 49, "to": 61}]}, {"id": 11, "label": "industrial", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 62, "to": 72}]}, {"id": 12, "label": "control", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 73, "to": 81}]}, {"id": 13, "label": "system", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 82, "to": 89}]}], "edges": [{"source": 1, "target": 0, "label": "NE"}, {"source": 9, "target": 1, "label": "ACT-arg"}, {"source": 13, "target": 10, "label": "RSTR"}, {"source": 13, "target": 11, "label": "RSTR"}, {"source": 9, "target": 13, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "DESCR"}, {"source": 3, "target": 5, "label": "LOC-arg"}, {"source": 13, "target": 12, "label": "RSTR"}, {"source": 5, "target": 7, "label": "PAR"}]} +{"id": "20007004", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [1, 5], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "employ", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1125f1"], "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "label": "2_700", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "label": "people", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "label": "have", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1566f3"], "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "label": "annual", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "label": "revenue", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "label": "about", "properties": ["pos"], "values": ["IN"], "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "label": "370", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "label": "million", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 61, "to": 68}]}], "edges": [{"source": 11, "target": 9, "label": "EXT"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 10, "target": 12, "label": "RSTR"}, {"source": 4, "target": 5, "label": "CONJ.member"}, {"source": 7, "target": 10, "label": "APP"}, {"source": 5, "target": 7, "label": "PAT-arg"}, {"source": 7, "target": 6, "label": "THO"}, {"source": 4, "target": 1, "label": "CONJ.member"}]} +{"id": "20008001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [3], "nodes": [{"id": 1, "label": "federal", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "suspend", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3275f2"], "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "label": "sale", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "label": "u.s.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "label": "savings", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 47, "to": 54}]}, {"id": 8, "label": "bond", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "label": "Congress", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 69, "to": 77}]}, {"id": 12, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 81, "to": 84}]}, {"id": 13, "label": "lift", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1863f4"], "anchors": [{"from": 85, "to": 91}]}, {"id": 15, "label": "ceiling", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 96, "to": 103}]}, {"id": 17, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 107, "to": 117}]}, {"id": 18, "label": "debt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 118, "to": 122}]}], "edges": [{"source": 8, "target": 7, "label": "RSTR"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 13, "label": "CAUS"}, {"source": 13, "target": 10, "label": "ACT-arg"}, {"source": 13, "target": 15, "label": "PAT-arg"}, {"source": 18, "target": 17, "label": "APP"}, {"source": 15, "target": 18, "label": "REG"}, {"source": 13, "target": 12, "label": "RHEM"}, {"source": 3, "target": 4, "label": "PAT-arg"}, {"source": 8, "target": 6, "label": "RSTR"}, {"source": 4, "target": 8, "label": "PAT-arg"}]} +{"id": "20008002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [21], "nodes": [{"id": 1, "label": "Congress", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "label": "act", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w42f1"], "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "label": "have", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1566f3"], "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "label": "any", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "authority", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 56}]}, {"id": 11, "label": "issue", "properties": ["pos", "frame"], "values": ["VB", "ev-w1762f1"], "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "label": "new", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "label": "debt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "label": "obligation", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 75, "to": 86}]}, {"id": 16, "label": "any", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "label": "kind", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "label": "treasury", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 104, "to": 112}]}, {"id": 21, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 113, "to": 117}]}], "edges": [{"source": 11, "target": 14, "label": "PAT-arg"}, {"source": 21, "target": 6, "label": "EFF-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 9, "target": 11, "label": "PAT-arg"}, {"source": 6, "target": 7, "label": "RHEM"}, {"source": 14, "target": 12, "label": "RSTR"}, {"source": 14, "target": 17, "label": "APP"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 11, "target": 5, "label": "ACT-arg"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 21, "target": 20, "label": "ACT-arg"}, {"source": 17, "target": 16, "label": "RSTR"}, {"source": 6, "target": 9, "label": "PAT-arg"}, {"source": 6, "target": 2, "label": "TTILL"}]} +{"id": "20008003", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [5], "nodes": [{"id": 1, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "borrowing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "label": "authority", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 27, "to": 36}]}, {"id": 5, "label": "drop", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1065f3"], "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "label": "midnight", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 48, "to": 56}]}, {"id": 8, "label": "tuesday", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 68, "to": 69}]}, {"id": 11, "label": "2.80", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "label": "trillion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 74, "to": 82}]}, {"id": 14, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 88, "to": 89}]}, {"id": 15, "label": "2.87", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 89, "to": 93}]}, {"id": 16, "label": "trillion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 94, "to": 102}]}], "edges": [{"source": 5, "target": 4, "label": "ACT-arg"}, {"source": 5, "target": 10, "label": "PAT-arg"}, {"source": 5, "target": 7, "label": "TWHEN"}, {"source": 4, "target": 1, "label": "APP"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 5, "target": 8, "label": "TWHEN"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 5, "target": 14, "label": "ORIG-arg"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 14, "target": 16, "label": "RSTR"}, {"source": 10, "target": 12, "label": "RSTR"}]} +{"id": "20008004", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [7], "nodes": [{"id": 0, "label": "legislation", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "lift", "properties": ["pos", "frame"], "values": ["VB", "ev-w1863f4"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "debt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "label": "ceiling", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "label": "ensnarl", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1166f2"], "anchors": [{"from": 40, "to": 49}]}, {"id": 10, "label": "fight", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "label": "cut", "properties": ["pos", "frame"], "values": ["VBG", "ev-w790f1"], "anchors": [{"from": 68, "to": 75}]}, {"id": 13, "label": "capital-gains", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 76, "to": 89}]}, {"id": 14, "label": "tax", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 90, "to": 95}]}], "edges": [{"source": 0, "target": 2, "label": "RSTR"}, {"source": 7, "target": 10, "label": "EFF-arg"}, {"source": 7, "target": 0, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 10, "target": 12, "label": "PAT-arg"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 2, "target": 5, "label": "PAT-arg"}, {"source": 12, "target": 14, "label": "PAT-arg"}]} +{"id": "20008005", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [3, 18], "nodes": [{"id": 1, "label": "house", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "label": "vote", "properties": ["pos", "frame"], "values": ["VBN", "ev-w3564f2"], "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "label": "raise", "properties": ["pos", "frame"], "values": ["VB", "ev-w2481f3"], "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "label": "ceiling", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "label": "3.1", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "label": "trillion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "label": "senate", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 67, "to": 73}]}, {"id": 17, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "label": "expect", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1239f1"], "anchors": [{"from": 80, "to": 88}]}, {"id": 20, "label": "act", "properties": ["pos", "frame"], "values": ["VB", "ev-w42f1"], "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "label": "next", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 107, "to": 111}]}, {"id": 26, "label": "early", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 119, "to": 127}]}], "edges": [{"source": 11, "target": 10, "label": "RSTR"}, {"source": 13, "target": 18, "label": "ADVS.member"}, {"source": 5, "target": 1, "label": "ACT-arg"}, {"source": 13, "target": 3, "label": "ADVS.member"}, {"source": 18, "target": 20, "label": "PAT-arg"}, {"source": 23, "target": 22, "label": "RSTR"}, {"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 9, "target": 11, "label": "RSTR"}, {"source": 20, "target": 23, "label": "TTILL"}, {"source": 3, "target": 5, "label": "PAT-arg"}, {"source": 5, "target": 9, "label": "EFF-arg"}, {"source": 20, "target": 15, "label": "ACT-arg"}, {"source": 5, "target": 7, "label": "PAT-arg"}, {"source": 18, "target": 17, "label": "RHEM"}, {"source": 20, "target": 26, "label": "TWHEN"}]} +{"id": "20008006", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [2], "nodes": [{"id": 1, "label": "treasury", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "label": "u.s.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "label": "default", "properties": ["pos", "frame"], "values": ["VB", "ev-w840f1"], "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "label": "nov.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "9", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "label": "Congress", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 53, "to": 61}]}, {"id": 13, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "label": "act", "properties": ["pos", "frame"], "values": ["VB", "ev-w42f1"], "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 77, "to": 81}]}], "edges": [{"source": 6, "target": 14, "label": "COND"}, {"source": 14, "target": 11, "label": "ACT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 4, "label": "ACT-arg"}, {"source": 14, "target": 13, "label": "RHEM"}, {"source": 8, "target": 9, "label": "RSTR"}, {"source": 2, "target": 6, "label": "EFF-arg"}, {"source": 14, "target": 16, "label": "TTILL"}, {"source": 6, "target": 8, "label": "TWHEN"}]} +{"id": "20009001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [4], "nodes": [{"id": 0, "label": "Clark", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "J.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "vitulli", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "label": "name", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2055f1"], "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "senior", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "label": "vice", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "label": "president", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 39, "to": 48}]}, {"id": 8, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "label": "general", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 53, "to": 60}]}, {"id": 10, "label": "manager", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 61, "to": 68}]}, {"id": 12, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "label": "u.s.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 77, "to": 81}]}, {"id": 14, "label": "sale", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 82, "to": 87}]}, {"id": 15, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 88, "to": 91}]}, {"id": 16, "label": "marketing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 92, "to": 101}]}, {"id": 17, "label": "arm", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 102, "to": 105}]}, {"id": 19, "label": "japanese", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 109, "to": 117}]}, {"id": 20, "label": "auto", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 118, "to": 122}]}, {"id": 21, "label": "maker", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 123, "to": 128}]}, {"id": 22, "label": "Mazda", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 129, "to": 134}]}, {"id": 23, "label": "Motor", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 135, "to": 140}]}, {"id": 24, "label": "corp", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 141, "to": 145}]}], "edges": [{"source": 17, "target": 24, "label": "APP"}, {"source": 21, "target": 20, "label": "PAT-arg"}, {"source": 8, "target": 10, "label": "CONJ.member"}, {"source": 15, "target": 16, "label": "CONJ.member"}, {"source": 2, "target": 0, "label": "NE"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 4, "target": 2, "label": "PAT-arg"}, {"source": 4, "target": 10, "label": "EFF-arg"}, {"source": 2, "target": 1, "label": "NE"}, {"source": 17, "target": 13, "label": "RSTR"}, {"source": 24, "target": 21, "label": "RSTR"}, {"source": 7, "target": 5, "label": "RSTR"}, {"source": 15, "target": 14, "label": "CONJ.member"}, {"source": 10, "target": 17, "label": "APP"}, {"source": 7, "target": 17, "label": "APP"}, {"source": 17, "target": 12, "label": "RSTR"}, {"source": 17, "target": 16, "label": "RSTR"}, {"source": 8, "target": 7, "label": "CONJ.member"}, {"source": 4, "target": 7, "label": "EFF-arg"}, {"source": 24, "target": 23, "label": "NE"}, {"source": 23, "target": 22, "label": "NE"}, {"source": 10, "target": 9, "label": "RSTR"}, {"source": 21, "target": 19, "label": "RSTR"}, {"source": 17, "target": 14, "label": "RSTR"}]} +{"id": "20009002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [6], "nodes": [{"id": 2, "label": "new", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "position", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "oversee", "properties": ["pos", "frame"], "values": ["VB", "ev-w2161f1"], "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "label": "mazda", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "label": "u.s.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "label": "sale", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "label": "service", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "label": "part", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "label": "marketing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 75, "to": 84}]}, {"id": 17, "label": "operation", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 85, "to": 95}]}], "edges": [{"source": 17, "target": 16, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 6, "target": 3, "label": "LOC"}, {"source": 17, "target": 14, "label": "PAT-arg"}, {"source": 15, "target": 12, "label": "CONJ.member"}, {"source": 10, "target": 9, "label": "LOC"}, {"source": 6, "target": 17, "label": "PAT-arg"}, {"source": 6, "target": 4, "label": "ACT-arg"}, {"source": 15, "target": 16, "label": "CONJ.member"}, {"source": 10, "target": 7, "label": "ACT-arg"}, {"source": 15, "target": 14, "label": "CONJ.member"}, {"source": 17, "target": 12, "label": "PAT-arg"}, {"source": 17, "target": 10, "label": "RSTR"}]} +{"id": "20009003", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [9], "nodes": [{"id": 0, "label": "previously", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "mr.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "label": "vitulli", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "label": "43", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "label": "year", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "label": "old", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f2"], "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "label": "general", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "label": "marketing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "label": "manager", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 61, "to": 68}]}, {"id": 14, "label": "Chrysler", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "label": "corp.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "label": "chrysler", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 89, "to": 97}]}, {"id": 18, "label": "division", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 98, "to": 106}]}], "edges": [{"source": 9, "target": 3, "label": "ACT-arg"}, {"source": 9, "target": 0, "label": "TWHEN"}, {"source": 12, "target": 18, "label": "APP"}, {"source": 7, "target": 6, "label": "EXT"}, {"source": 3, "target": 7, "label": "DESCR"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 12, "target": 10, "label": "RSTR"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 9, "target": 12, "label": "PAT-arg"}, {"source": 18, "target": 15, "label": "APP"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 15, "target": 14, "label": "NE"}, {"source": 18, "target": 17, "label": "RSTR"}]} +{"id": "20009004", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "be", "properties": ["pos", "frame"], "values": ["VBN", "ev-w218f2"], "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "label": "sale", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "label": "marketing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "label": "executive", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "label": "chrysler", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "label": "20", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "label": "year", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 65, "to": 70}]}], "edges": [{"source": 2, "target": 7, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "CONJ.member"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 5, "target": 6, "label": "CONJ.member"}, {"source": 7, "target": 9, "label": "ACMP"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 2, "target": 0, "label": "ACT-arg"}, {"source": 2, "target": 12, "label": "TFHL"}, {"source": 7, "target": 4, "label": "RSTR"}]} +{"id": "20010001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [15], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "label": "biannual", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "powwow", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 40}]}, {"id": 10, "label": "nation", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "label": "manufacture", "properties": ["pos", "frame"], "values": ["VBG", "ev-w1936f1"], "anchors": [{"from": 55, "to": 68}]}, {"id": 13, "label": "titan", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 69, "to": 75}]}, {"id": 14, "label": "typically", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 76, "to": 85}]}, {"id": 15, "label": "jet_off", "properties": ["pos", "frame"], "values": ["VBP", "ev-w1771f1"], "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "sunny", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 101, "to": 106}]}, {"id": 20, "label": "confines", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 107, "to": 115}]}, {"id": 22, "label": "resort", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 119, "to": 125}]}, {"id": 23, "label": "town", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 126, "to": 131}]}, {"id": 25, "label": "Boca", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 137, "to": 141}]}, {"id": 26, "label": "Raton", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 142, "to": 147}]}, {"id": 27, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 148, "to": 151}]}, {"id": 28, "label": "Hot", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 152, "to": 155}]}, {"id": 29, "label": "Springs", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 156, "to": 163}]}], "edges": [{"source": 15, "target": 20, "label": "DIR3-arg"}, {"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 23, "target": 29, "label": "CPR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 13, "target": 12, "label": "RSTR"}, {"source": 13, "target": 10, "label": "APP"}, {"source": 29, "target": 28, "label": "NE"}, {"source": 20, "target": 23, "label": "APP"}, {"source": 20, "target": 19, "label": "RSTR"}, {"source": 23, "target": 22, "label": "RSTR"}, {"source": 15, "target": 13, "label": "ACT-arg"}, {"source": 3, "target": 7, "label": "PAT-arg"}, {"source": 15, "target": 2, "label": "TWHEN"}, {"source": 23, "target": 26, "label": "CPR"}, {"source": 27, "target": 25, "label": "CONJ.member"}, {"source": 15, "target": 14, "label": "MANN"}, {"source": 7, "target": 5, "label": "APP"}, {"source": 23, "target": 25, "label": "CPR"}, {"source": 27, "target": 29, "label": "CONJ.member"}, {"source": 7, "target": 6, "label": "THO"}, {"source": 27, "target": 26, "label": "CONJ.member"}]} +{"id": "20010002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Not this year.", "tops": [0, 2], "nodes": [{"id": 0, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 9, "to": 13}]}], "edges": [{"source": 2, "target": 1, "label": "RSTR"}]} +{"id": "20010003", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [5], "nodes": [{"id": 1, "label": "National", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "association", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 13, "to": 24}]}, {"id": 4, "label": "Manufacturers", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 28, "to": 41}]}, {"id": 5, "label": "settle", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2904f3"], "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "label": "hoosier", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "label": "capital", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 65, "to": 72}]}, {"id": 11, "label": "Indianapolis", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 76, "to": 88}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 93, "to": 96}]}, {"id": 14, "label": "fall", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 97, "to": 101}]}, {"id": 15, "label": "board", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 102, "to": 107}]}, {"id": 16, "label": "meeting", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 108, "to": 115}]}], "edges": [{"source": 5, "target": 16, "label": "AIM"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 16, "target": 14, "label": "TWHEN"}, {"source": 5, "target": 2, "label": "ACT-arg"}, {"source": 5, "target": 9, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "NE"}, {"source": 16, "target": 15, "label": "ACT-arg"}, {"source": 16, "target": 13, "label": "APP"}, {"source": 9, "target": 11, "label": "APP"}, {"source": 2, "target": 4, "label": "NE"}]} +{"id": "20010006", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [7], "nodes": [{"id": 2, "label": "receive", "properties": ["pos", "frame"], "values": ["VBG", "ev-w2542f1"], "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "label": "end", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "message", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f7_u_nobody"], "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "official", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "label": "giant", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "label": "Du", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "label": "Pont", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "label": "maytag", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 80, "to": 86}]}, {"id": 19, "label": "less", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 99, "to": 105}]}, {"id": 20, "label": "known", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 106, "to": 112}]}, {"id": 22, "label": "Trojan", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 118, "to": 124}]}, {"id": 23, "label": "steel", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 125, "to": 130}]}, {"id": 24, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 131, "to": 134}]}, {"id": 26, "label": "Valley", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 139, "to": 145}]}, {"id": 27, "label": "Queen", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 146, "to": 151}]}, {"id": 28, "label": "Cheese", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 152, "to": 158}]}, {"id": 29, "label": "factory", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 159, "to": 166}]}], "edges": [{"source": 24, "target": 23, "label": "CONJ.member"}, {"source": 29, "target": 28, "label": "NE"}, {"source": 20, "target": 23, "label": "CPR"}, {"source": 8, "target": 10, "label": "DIR1"}, {"source": 10, "target": 12, "label": "CPR"}, {"source": 3, "target": 6, "label": "APP"}, {"source": 29, "target": 27, "label": "NE"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 24, "target": 29, "label": "CONJ.member"}, {"source": 14, "target": 13, "label": "CONJ.member"}, {"source": 10, "target": 13, "label": "CPR"}, {"source": 20, "target": 19, "label": "EXT"}, {"source": 23, "target": 22, "label": "NE"}, {"source": 14, "target": 12, "label": "CONJ.member"}, {"source": 14, "target": 15, "label": "CONJ.member"}, {"source": 7, "target": 8, "label": "ACT-arg"}, {"source": 27, "target": 26, "label": "NE"}, {"source": 20, "target": 29, "label": "CPR"}, {"source": 7, "target": 3, "label": "LOC-arg"}, {"source": 8, "target": 20, "label": "ACMP"}, {"source": 10, "target": 15, "label": "CPR"}]} +{"id": "20010007", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [5], "nodes": [{"id": 1, "label": "starter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "executive", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "label": "join", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1777f1"], "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "mayor", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "label": "William", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "label": "H.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "label": "hudnut", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "label": "III", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "label": "evening", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "label": "Indianapolis", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 86, "to": 98}]}, {"id": 17, "label": "Symphony", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 99, "to": 107}]}, {"id": 18, "label": "orchestra", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 108, "to": 117}]}, {"id": 19, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 118, "to": 121}]}, {"id": 21, "label": "guest", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 124, "to": 129}]}, {"id": 22, "label": "pianist-comedian", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 130, "to": 146}]}, {"id": 23, "label": "Victor", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 147, "to": 153}]}, {"id": 24, "label": "borge", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 154, "to": 159}]}], "edges": [{"source": 5, "target": 9, "label": "PAT-arg"}, {"source": 22, "target": 21, "label": "RSTR"}, {"source": 19, "target": 18, "label": "CONJ.member"}, {"source": 19, "target": 24, "label": "CONJ.member"}, {"source": 13, "target": 24, "label": "APP"}, {"source": 5, "target": 4, "label": "ACT-arg"}, {"source": 9, "target": 8, "label": "NE"}, {"source": 9, "target": 6, "label": "RSTR"}, {"source": 5, "target": 13, "label": "AIM"}, {"source": 24, "target": 23, "label": "NE"}, {"source": 18, "target": 16, "label": "NE"}, {"source": 5, "target": 1, "label": "REG"}, {"source": 24, "target": 22, "label": "RSTR"}, {"source": 13, "target": 18, "label": "APP"}, {"source": 9, "target": 7, "label": "NE"}, {"source": 18, "target": 17, "label": "NE"}, {"source": 9, "target": 10, "label": "NE"}]} +{"id": "20010008", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Champagne and dessert followed.", "tops": [3], "nodes": [{"id": 0, "label": "champagne", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "label": "dessert", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "label": "follow", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1378f2"], "anchors": [{"from": 22, "to": 30}]}], "edges": [{"source": 3, "target": 0, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "CONJ.member"}, {"source": 1, "target": 2, "label": "CONJ.member"}]} +{"id": "20010010", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [4, 11], "nodes": [{"id": 1, "label": "governor", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "label": "#Neg", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "ev-w1923f28"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "label": "so", "properties": ["pos"], "values": ["IN"], "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "label": "lieutenant", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 38, "to": 48}]}, {"id": 10, "label": "governor", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "label": "welcome", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3616f1"], "anchors": [{"from": 58, "to": 66}]}, {"id": 13, "label": "special", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "label": "guest", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 79, "to": 85}]}], "edges": [{"source": 7, "target": 4, "label": "CSQ.member"}, {"source": 4, "target": 3, "label": "RHEM"}, {"source": 4, "target": 1, "label": "ACT-arg"}, {"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 7, "target": 11, "label": "CSQ.member"}, {"source": 10, "target": 9, "label": "RSTR"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 11, "target": 14, "label": "PAT-arg"}, {"source": 4, "target": 5, "label": "DPHR-arg"}]} +{"id": "20010011", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [4], "nodes": [{"id": 1, "label": "buffet", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "label": "breakfast", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "label": "hold", "properties": ["pos", "frame"], "values": ["VBN", "ev-w1601f5"], "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "museum", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "label": "food", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "label": "drink", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "label": "ban", "properties": ["pos", "frame"], "values": ["VBN", "ev-w193f1"], "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "label": "everyday", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 79, "to": 87}]}, {"id": 17, "label": "visitor", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 88, "to": 96}]}], "edges": [{"source": 17, "target": 16, "label": "THO"}, {"source": 14, "target": 12, "label": "PAT-arg"}, {"source": 11, "target": 12, "label": "CONJ.member"}, {"source": 11, "target": 10, "label": "CONJ.member"}, {"source": 14, "target": 10, "label": "PAT-arg"}, {"source": 7, "target": 14, "label": "DESCR"}, {"source": 4, "target": 2, "label": "CPHR-arg"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 14, "target": 17, "label": "BEN"}, {"source": 4, "target": 7, "label": "LOC"}]} +{"id": "20010012", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [10], "nodes": [{"id": 0, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "guest", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "label": "honor", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 21, "to": 26}]}, {"id": 9, "label": "speedway", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 32, "to": 40}]}, {"id": 10, "label": "haul_out", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1564f1"], "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "label": "four", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "driver", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 57, "to": 64}]}, {"id": 15, "label": "crew", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "label": "even", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 76, "to": 80}]}, {"id": 19, "label": "official", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 85, "to": 93}]}, {"id": 20, "label": "Indianapolis", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 94, "to": 106}]}, {"id": 21, "label": "500", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "label": "announcer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 111, "to": 120}]}, {"id": 25, "label": "10-lap", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "label": "exhibition", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 134, "to": 144}]}, {"id": 27, "label": "race", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 145, "to": 149}]}], "edges": [{"source": 13, "target": 12, "label": "RSTR"}, {"source": 10, "target": 6, "label": "APP"}, {"source": 22, "target": 20, "label": "BEN"}, {"source": 27, "target": 25, "label": "RSTR"}, {"source": 16, "target": 22, "label": "CONJ.member"}, {"source": 10, "target": 0, "label": "TWHEN"}, {"source": 22, "target": 17, "label": "CM"}, {"source": 27, "target": 26, "label": "RSTR"}, {"source": 10, "target": 22, "label": "PAT-arg"}, {"source": 10, "target": 15, "label": "PAT-arg"}, {"source": 13, "target": 17, "label": "CM"}, {"source": 10, "target": 9, "label": "ACT-arg"}, {"source": 16, "target": 13, "label": "CONJ.member"}, {"source": 10, "target": 13, "label": "PAT-arg"}, {"source": 22, "target": 19, "label": "RSTR"}, {"source": 16, "target": 15, "label": "CONJ.member"}, {"source": 20, "target": 21, "label": "RSTR"}, {"source": 10, "target": 27, "label": "DIR3"}, {"source": 6, "target": 4, "label": "RSTR"}, {"source": 15, "target": 17, "label": "CM"}]} +{"id": "20010013", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [7], "nodes": [{"id": 2, "label": "race", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "label": "fortune", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "label": "500", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "executive", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "label": "drool", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1064f2"], "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "label": "schoolboy", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "label": "car", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 77, "to": 80}]}, {"id": 14, "label": "driver", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 81, "to": 88}]}], "edges": [{"source": 7, "target": 14, "label": "PAT-arg"}, {"source": 6, "target": 4, "label": "APP"}, {"source": 13, "target": 14, "label": "CONJ.member"}, {"source": 7, "target": 13, "label": "PAT-arg"}, {"source": 4, "target": 5, "label": "RSTR"}, {"source": 7, "target": 9, "label": "ACT-arg"}, {"source": 13, "target": 12, "label": "CONJ.member"}, {"source": 7, "target": 12, "label": "PAT-arg"}, {"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 7, "target": 2, "label": "TWHEN"}]} +{"id": "20010015", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [5], "nodes": [{"id": 0, "label": "back", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "downtown", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 5, "to": 13}]}, {"id": 4, "label": "exec", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "label": "squeeze_in", "properties": ["pos", "frame"], "values": ["VBD", "v-w543_u_nobodyf4"], "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "few", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "label": "meeting", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 43, "to": 51}]}, {"id": 12, "label": "hotel", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "label": "board", "properties": ["pos", "frame"], "values": ["VBG", "ev-w297f1"], "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "label": "bus", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "label": "again", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 91, "to": 96}]}], "edges": [{"source": 5, "target": 9, "label": "PAT-arg"}, {"source": 14, "target": 16, "label": "PAT-arg"}, {"source": 5, "target": 0, "label": "LOC"}, {"source": 14, "target": 4, "label": "ACT-arg"}, {"source": 5, "target": 4, "label": "ACT-arg"}, {"source": 9, "target": 12, "label": "LOC"}, {"source": 0, "target": 1, "label": "LOC"}, {"source": 5, "target": 14, "label": "TWHEN"}, {"source": 14, "target": 17, "label": "THO"}, {"source": 9, "target": 8, "label": "RSTR"}]} +{"id": "20010016", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [4], "nodes": [{"id": 0, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f21_u_nobody"], "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "dinner", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "label": "dancing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 33, "to": 40}]}, {"id": 11, "label": "block", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "label": "away", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 52, "to": 56}]}], "edges": [{"source": 4, "target": 12, "label": "LOC"}, {"source": 4, "target": 1, "label": "TWHEN"}, {"source": 4, "target": 8, "label": "AIM-arg"}, {"source": 4, "target": 6, "label": "AIM-arg"}, {"source": 7, "target": 6, "label": "CONJ.member"}, {"source": 12, "target": 11, "label": "DIFF"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 7, "target": 8, "label": "CONJ.member"}]} +{"id": "20010017", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [19], "nodes": [{"id": 2, "label": "star", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "label": "moon", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "renovate", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2655f1"], "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "label": "Indiana", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "label": "Roof", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "label": "ballroom", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 56, "to": 64}]}, {"id": 12, "label": "nine", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "label": "hot", "properties": ["pos"], "values": ["JJS"], "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "label": "chef", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "label": "town", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "label": "feed", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1296f1"], "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "label": "indiana", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 109, "to": 116}]}, {"id": 22, "label": "duckling", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 117, "to": 125}]}, {"id": 23, "label": "mousseline", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 126, "to": 136}]}, {"id": 25, "label": "lobster", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 138, "to": 145}]}, {"id": 26, "label": "consomme", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 146, "to": 154}]}, {"id": 28, "label": "veal", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 156, "to": 160}]}, {"id": 29, "label": "mignon", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 161, "to": 167}]}, {"id": 30, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 168, "to": 171}]}, {"id": 31, "label": "chocolate", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 172, "to": 181}]}, {"id": 32, "label": "terrine", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 182, "to": 189}]}, {"id": 35, "label": "raspberry", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 197, "to": 206}]}, {"id": 36, "label": "sauce", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 207, "to": 212}]}], "edges": [{"source": 19, "target": 20, "label": "ADDR-arg"}, {"source": 23, "target": 22, "label": "RSTR"}, {"source": 16, "target": 18, "label": "LOC"}, {"source": 30, "target": 32, "label": "CONJ.member"}, {"source": 23, "target": 21, "label": "RSTR"}, {"source": 10, "target": 7, "label": "RSTR"}, {"source": 4, "target": 10, "label": "APP"}, {"source": 36, "target": 35, "label": "RSTR"}, {"source": 12, "target": 16, "label": "DIR1"}, {"source": 19, "target": 12, "label": "ACT-arg"}, {"source": 9, "target": 8, "label": "NE"}, {"source": 3, "target": 2, "label": "CONJ.member"}, {"source": 19, "target": 32, "label": "PAT-arg"}, {"source": 32, "target": 31, "label": "RSTR"}, {"source": 3, "target": 4, "label": "CONJ.member"}, {"source": 29, "target": 28, "label": "RSTR"}, {"source": 30, "target": 23, "label": "CONJ.member"}, {"source": 26, "target": 25, "label": "RSTR"}, {"source": 2, "target": 10, "label": "APP"}, {"source": 30, "target": 26, "label": "CONJ.member"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 32, "target": 36, "label": "ACMP"}, {"source": 19, "target": 23, "label": "PAT-arg"}, {"source": 19, "target": 26, "label": "PAT-arg"}, {"source": 19, "target": 29, "label": "PAT-arg"}, {"source": 19, "target": 2, "label": "LOC"}, {"source": 30, "target": 29, "label": "CONJ.member"}, {"source": 10, "target": 9, "label": "NE"}, {"source": 19, "target": 4, "label": "LOC"}]} +{"id": "20010018", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [15], "nodes": [{"id": 0, "label": "know", "properties": ["pos", "frame"], "values": ["VBG", "ev-w1810f6_u_nobody"], "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "tasty", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "free", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "meal", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "label": "eat", "properties": ["pos", "frame"], "values": ["VBP", "ev-w1086f1"], "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "label": "executive", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 59, "to": 69}]}, {"id": 15, "label": "give", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1465f9_u_nobody"], "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "label": "chef", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "label": "standing", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 87, "to": 95}]}, {"id": 20, "label": "ovation", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 96, "to": 103}]}], "edges": [{"source": 15, "target": 14, "label": "ACT-arg"}, {"source": 4, "target": 2, "label": "CONJ.member"}, {"source": 7, "target": 5, "label": "RSTR"}, {"source": 0, "target": 7, "label": "PAT-arg"}, {"source": 15, "target": 17, "label": "ADDR-arg"}, {"source": 7, "target": 2, "label": "RSTR"}, {"source": 10, "target": 9, "label": "ACT-arg"}, {"source": 0, "target": 10, "label": "TWHEN"}, {"source": 15, "target": 20, "label": "CPHR-arg"}, {"source": 15, "target": 0, "label": "CAUS"}, {"source": 4, "target": 5, "label": "CONJ.member"}, {"source": 20, "target": 19, "label": "RSTR"}, {"source": 10, "target": 11, "label": "PAT-arg"}, {"source": 0, "target": 14, "label": "ACT-arg"}]} +{"id": "20010019", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [5], "nodes": [{"id": 0, "label": "more", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "few", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "ceo", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "label": "say", "properties": ["pos", "frame"], "values": ["VBP", "ev-w2833f1"], "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "red-carpet", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 29, "to": 39}]}, {"id": 8, "label": "treatment", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "label": "tempt", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w3350f1"], "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "label": "return", "properties": ["pos", "frame"], "values": ["VB", "ev-w2734f1"], "anchors": [{"from": 65, "to": 71}]}, {"id": 15, "label": "heartland", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 77, "to": 86}]}, {"id": 16, "label": "city", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "label": "future", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 96, "to": 102}]}, {"id": 19, "label": "meeting", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 9, "target": 12, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 8, "target": 7, "label": "MANN"}, {"source": 19, "target": 18, "label": "TWHEN"}, {"source": 12, "target": 19, "label": "AIM"}, {"source": 12, "target": 10, "label": "ACT-arg"}, {"source": 16, "target": 15, "label": "LOC"}, {"source": 12, "target": 16, "label": "DIR3-arg"}, {"source": 5, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 9, "label": "EFF-arg"}, {"source": 9, "target": 10, "label": "ADDR-arg"}, {"source": 0, "target": 4, "label": "CPR"}]} +{"id": "20010020", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [6], "nodes": [{"id": 0, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "now", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "label": "look_forward", "properties": ["pos", "frame"], "values": ["VBG", "ev-w1900f1"], "anchors": [{"from": 21, "to": 28}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "label": "winter", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "label": "meeting", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 53, "to": 60}]}, {"id": 13, "label": "boca", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "label": "february", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 72, "to": 80}]}], "edges": [{"source": 11, "target": 13, "label": "RSTR"}, {"source": 6, "target": 4, "label": "ACT-arg"}, {"source": 6, "target": 0, "label": "PREC"}, {"source": 11, "target": 10, "label": "TWHEN"}, {"source": 6, "target": 2, "label": "TWHEN"}, {"source": 11, "target": 15, "label": "RSTR"}, {"source": 11, "target": 9, "label": "ACT-arg"}, {"source": 6, "target": 11, "label": "PAT-arg"}]} +{"id": "20011001", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [2], "nodes": [{"id": 0, "label": "South", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "korea", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "label": "register", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2603f3"], "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "label": "trade", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "label": "deficit", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "label": "101", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "million", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "label": "october", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "label": "reflect", "properties": ["pos", "frame"], "values": ["VBG", "ev-w2589f1"], "anchors": [{"from": 67, "to": 77}]}, {"id": 15, "label": "country", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "label": "economic", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 92, "to": 100}]}, {"id": 18, "label": "sluggishness", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 101, "to": 113}]}, {"id": 22, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 128, "to": 138}]}, {"id": 23, "label": "figure", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 139, "to": 146}]}, {"id": 24, "label": "release", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2629f1"], "anchors": [{"from": 147, "to": 155}]}, {"id": 25, "label": "wednesday", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 156, "to": 165}]}], "edges": [{"source": 18, "target": 15, "label": "APP"}, {"source": 2, "target": 11, "label": "TWHEN"}, {"source": 24, "target": 25, "label": "TWHEN"}, {"source": 18, "target": 17, "label": "RSTR"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 13, "target": 18, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 23, "target": 22, "label": "RSTR"}, {"source": 2, "target": 23, "label": "REG"}, {"source": 7, "target": 9, "label": "RSTR"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 5, "target": 7, "label": "APP"}, {"source": 23, "target": 24, "label": "RSTR"}, {"source": 5, "target": 13, "label": "DESCR"}, {"source": 2, "target": 5, "label": "PAT-arg"}]} +{"id": "20011002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy.", "tops": [8], "nodes": [{"id": 0, "label": "preliminary", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "tally", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "Trade", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "label": "Industry", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "label": "ministry", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 46, "to": 54}]}, {"id": 8, "label": "show", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2945f1"], "anchors": [{"from": 55, "to": 61}]}, {"id": 9, "label": "another", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 62, "to": 69}]}, {"id": 10, "label": "trade", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 70, "to": 75}]}, {"id": 11, "label": "deficit", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 76, "to": 83}]}, {"id": 13, "label": "october", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 87, "to": 94}]}, {"id": 14, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 94, "to": 95}]}, {"id": 16, "label": "fifth", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 100, "to": 105}]}, {"id": 17, "label": "monthly", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 106, "to": 113}]}, {"id": 18, "label": "setback", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 114, "to": 121}]}, {"id": 19, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 122, "to": 126}]}, {"id": 20, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 127, "to": 131}]}, {"id": 22, "label": "cast", "properties": ["pos", "frame"], "values": ["VBG", "ev-w456f1"], "anchors": [{"from": 133, "to": 140}]}, {"id": 24, "label": "cloud", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 143, "to": 148}]}, {"id": 26, "label": "South", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 152, "to": 157}]}, {"id": 27, "label": "korea", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 158, "to": 163}]}, {"id": 29, "label": "export-oriented", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 166, "to": 181}]}, {"id": 30, "label": "economy", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 182, "to": 189}]}], "edges": [{"source": 7, "target": 4, "label": "NE"}, {"source": 8, "target": 1, "label": "ACT-arg"}, {"source": 30, "target": 27, "label": "APP"}, {"source": 14, "target": 11, "label": "APPS.member"}, {"source": 8, "target": 22, "label": "COMPL"}, {"source": 30, "target": 29, "label": "RSTR"}, {"source": 18, "target": 17, "label": "THO"}, {"source": 11, "target": 9, "label": "RSTR"}, {"source": 7, "target": 6, "label": "NE"}, {"source": 22, "target": 1, "label": "ACT-arg"}, {"source": 8, "target": 11, "label": "PAT-arg"}, {"source": 18, "target": 16, "label": "RSTR"}, {"source": 1, "target": 7, "label": "ACT-arg"}, {"source": 8, "target": 18, "label": "PAT-arg"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 5, "target": 6, "label": "CONJ.member"}, {"source": 14, "target": 18, "label": "APPS.member"}, {"source": 5, "target": 4, "label": "CONJ.member"}, {"source": 20, "target": 19, "label": "RSTR"}, {"source": 11, "target": 13, "label": "TWHEN"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 27, "target": 26, "label": "NE"}, {"source": 18, "target": 20, "label": "TWHEN"}, {"source": 22, "target": 24, "label": "CPHR-arg"}, {"source": 22, "target": 30, "label": "PAT-arg"}]} +{"id": "20011004", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [11], "nodes": [{"id": 0, "label": "South", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "korea", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "label": "economic", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "label": "boom", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "which", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "begin", "properties": ["pos", "frame"], "values": ["VBD", "ev-w234f3"], "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "label": "1986", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "label": "stop", "properties": ["pos", "frame"], "values": ["VBD", "ev-w3189f3"], "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "label": "prolong", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2407f1"], "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "label": "labor", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "label": "dispute", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 95, "to": 103}]}, {"id": 20, "label": "trade", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 105, "to": 110}]}, {"id": 21, "label": "conflict", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 111, "to": 120}]}, {"id": 22, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 121, "to": 124}]}, {"id": 23, "label": "sluggish", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 125, "to": 133}]}, {"id": 24, "label": "export", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 134, "to": 141}]}], "edges": [{"source": 11, "target": 4, "label": "ACT-arg"}, {"source": 13, "target": 12, "label": "RSTR"}, {"source": 18, "target": 16, "label": "RSTR"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 18, "target": 17, "label": "REG"}, {"source": 11, "target": 21, "label": "CAUS"}, {"source": 4, "target": 1, "label": "ACT-arg"}, {"source": 24, "target": 23, "label": "MANN"}, {"source": 22, "target": 24, "label": "CONJ.member"}, {"source": 21, "target": 20, "label": "REG"}, {"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 22, "target": 21, "label": "CONJ.member"}, {"source": 11, "target": 13, "label": "TWHEN"}, {"source": 7, "target": 9, "label": "TWHEN"}, {"source": 4, "target": 7, "label": "DESCR"}, {"source": 11, "target": 18, "label": "CAUS"}, {"source": 11, "target": 24, "label": "CAUS"}, {"source": 22, "target": 18, "label": "CONJ.member"}]} +{"id": "20011005", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [2], "nodes": [{"id": 0, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "official", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "label": "export", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "label": "end", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "label": "remain", "properties": ["pos", "frame"], "values": ["VB", "ev-w2638f1"], "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "label": "government", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 78, "to": 88}]}, {"id": 15, "label": "target", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 89, "to": 95}]}, {"id": 17, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 99, "to": 100}]}, {"id": 18, "label": "68", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 100, "to": 102}]}, {"id": 19, "label": "billion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 103, "to": 110}]}], "edges": [{"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 11, "label": "EFF-arg"}, {"source": 17, "target": 19, "label": "RSTR"}, {"source": 11, "target": 15, "label": "LOC-arg"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 15, "target": 17, "label": "RSTR"}, {"source": 19, "target": 18, "label": "RSTR"}, {"source": 6, "target": 9, "label": "APP"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 11, "target": 3, "label": "ACT-arg"}, {"source": 3, "target": 6, "label": "TWHEN"}]} +{"id": "20011006", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [8], "nodes": [{"id": 2, "label": "gloomy", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "label": "forecast", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "label": "South", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "label": "korea", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "label": "record", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2554f1"], "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "trade", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "label": "surplus", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "label": "71", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "label": "million", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 77, "to": 84}]}, {"id": 17, "label": "so_far", "properties": ["pos"], "values": ["IN"], "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 97, "to": 101}]}], "edges": [{"source": 8, "target": 11, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 19, "target": 18, "label": "RSTR"}, {"source": 8, "target": 3, "label": "CNCS"}, {"source": 13, "target": 15, "label": "RSTR"}, {"source": 8, "target": 19, "label": "TWHEN"}, {"source": 6, "target": 5, "label": "NE"}, {"source": 8, "target": 17, "label": "TTILL"}, {"source": 8, "target": 6, "label": "ACT-arg"}, {"source": 11, "target": 13, "label": "RSTR"}, {"source": 11, "target": 10, "label": "RSTR"}]} +{"id": "20011007", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [10], "nodes": [{"id": 1, "label": "january", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "label": "october", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "label": "nation", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "label": "accumulate", "properties": ["pos", "frame"], "values": ["VBN", "ev-w30f1"], "anchors": [{"from": 38, "to": 49}]}, {"id": 9, "label": "export", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "label": "increase", "properties": ["pos", "frame"], "values": ["VBD", "ev-w1678f2"], "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "label": "4", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "label": "same", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "label": "period", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 85, "to": 91}]}, {"id": 17, "label": "last", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "label": "year", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "label": "50.45", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 106, "to": 111}]}, {"id": 22, "label": "billion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 112, "to": 119}]}], "edges": [{"source": 18, "target": 17, "label": "RSTR"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 10, "target": 16, "label": "CPR"}, {"source": 10, "target": 20, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "ACT-arg"}, {"source": 22, "target": 21, "label": "RSTR"}, {"source": 10, "target": 1, "label": "TFRWH"}, {"source": 9, "target": 8, "label": "RSTR"}, {"source": 9, "target": 6, "label": "APP"}, {"source": 10, "target": 12, "label": "DIFF"}, {"source": 16, "target": 18, "label": "TWHEN"}, {"source": 20, "target": 22, "label": "RSTR"}, {"source": 10, "target": 3, "label": "TOWH"}]} +{"id": "20011008", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [1], "nodes": [{"id": 0, "label": "import", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "be", "properties": ["pos", "frame"], "values": ["VBD", "ev-w218f4_u_nobody"], "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "label": "50.38", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "label": "billion", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "up", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "label": "19", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 37, "to": 38}]}], "edges": [{"source": 3, "target": 5, "label": "RSTR"}, {"source": 1, "target": 9, "label": "DIFF"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 7, "label": "CPHR-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 9, "target": 8, "label": "RSTR"}]} +{"id": "20012002", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [15], "nodes": [{"id": 1, "label": "new", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "ad", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "label": "plan", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "label": "newsweek", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "label": "#Comma", "properties": ["pos"], "values": [","], "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "label": "unit", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "label": "Washington", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 45, "to": 55}]}, {"id": 12, "label": "Post", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "label": "co.", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "label": "be", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w218f2"], "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "label": "second", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 73, "to": 79}]}, {"id": 18, "label": "incentive", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 80, "to": 89}]}, {"id": 19, "label": "plan", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "label": "magazine", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 99, "to": 107}]}, {"id": 23, "label": "offer", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2105f1"], "anchors": [{"from": 112, "to": 119}]}, {"id": 24, "label": "advertiser", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 120, "to": 131}]}, {"id": 26, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 135, "to": 140}]}, {"id": 27, "label": "year", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 141, "to": 146}]}], "edges": [{"source": 15, "target": 19, "label": "PAT-arg"}, {"source": 19, "target": 17, "label": "RSTR"}, {"source": 8, "target": 13, "label": "APP"}, {"source": 15, "target": 3, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 19, "target": 18, "label": "RSTR"}, {"source": 23, "target": 21, "label": "ACT-arg"}, {"source": 6, "target": 8, "label": "APPS.member"}, {"source": 27, "target": 26, "label": "RSTR"}, {"source": 23, "target": 27, "label": "TPAR"}, {"source": 12, "target": 11, "label": "NE"}, {"source": 3, "target": 5, "label": "DIR1"}, {"source": 19, "target": 23, "label": "RSTR"}, {"source": 23, "target": 24, "label": "ADDR-arg"}, {"source": 13, "target": 12, "label": "NE"}, {"source": 6, "target": 5, "label": "APPS.member"}, {"source": 3, "target": 1, "label": "RSTR"}, {"source": 3, "target": 8, "label": "DIR1"}]} +{"id": "20012004", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [8], "nodes": [{"id": 0, "label": "Alan", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "spoon", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "recently", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "label": "name", "properties": ["pos", "frame"], "values": ["VBN", "ev-w2055f1"], "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "newsweek", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "label": "president", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "ev-w2833f1"], "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "label": "newsweek", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "ad", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "label": "rate", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "label": "increase", "properties": ["pos", "frame"], "values": ["VB", "ev-w1678f2"], "anchors": [{"from": 78, "to": 86}]}, {"id": 15, "label": "5", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 87, "to": 88}]}, {"id": 16, "label": "#Percnt", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "label": "january", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 93, "to": 100}]}], "edges": [{"source": 12, "target": 9, "label": "APP"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 14, "target": 16, "label": "DIFF"}, {"source": 4, "target": 6, "label": "EFF-arg"}, {"source": 6, "target": 5, "label": "APP"}, {"source": 4, "target": 3, "label": "TWHEN"}, {"source": 14, "target": 18, "label": "TWHEN"}, {"source": 1, "target": 4, "label": "DESCR"}, {"source": 8, "target": 14, "label": "EFF-arg"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 14, "target": 12, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "NE"}, {"source": 8, "target": 1, "label": "ACT-arg"}]} +{"id": "20012005", "flavor": 0, "framework": "psd", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [8], "nodes": [{"id": 1, "label": "full", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 2, "to": 6}]}, {"id": 3, "label": "four-color", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "page", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "label": "newsweek", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "label": "cost", "properties": ["pos", "frame"], "values": ["VB", "ev-w716f1"], "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "$", "properties": ["pos"], "values": ["$"], "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "label": "100_980", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 47, "to": 54}]}], "edges": [{"source": 9, "target": 10, "label": "RSTR"}, {"source": 4, "target": 6, "label": "LOC"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 8, "target": 4, "label": "ACT-arg"}, {"source": 4, "target": 1, "label": "RSTR"}, {"source": 8, "target": 9, "label": "EXT-arg"}]} diff --git a/mtool/data/sample/psd/wsj.sdp b/mtool/data/sample/psd/wsj.sdp new file mode 100644 index 0000000000000000000000000000000000000000..ba11c312f212f27a0ab1b199da7603ef259a1160 --- /dev/null +++ b/mtool/data/sample/psd/wsj.sdp @@ -0,0 +1,2147 @@ +#SDP 2015 +#20001001 +1 Pierre Pierre NNP - - _ NE _ _ _ _ _ +2 Vinken vinken NNP - + _ _ _ _ ACT-arg _ _ +3 , , , - - _ _ _ _ _ _ _ +4 61 61 CD - - _ _ RSTR _ _ _ _ +5 years year NNS - + _ _ _ EXT _ _ _ +6 old old JJ - + _ DESCR _ _ _ _ _ +7 , , , - - _ _ _ _ _ _ _ +8 will will MD - - _ _ _ _ _ _ _ +9 join join VB + + ev-w1777f1 _ _ _ _ _ _ +10 the the DT - - _ _ _ _ _ _ _ +11 board board NN - - _ _ _ _ PAT-arg _ _ +12 as as IN - - _ _ _ _ _ _ _ +13 a a DT - - _ _ _ _ _ _ _ +14 nonexecutive nonexecutive JJ - - _ _ _ _ _ RSTR _ +15 director director NN - + _ _ _ _ COMPL _ _ +16 Nov. nov. NNP - + _ _ _ _ TWHEN _ _ +17 29 29 CD - - _ _ _ _ _ _ RSTR +18 . . . - - _ _ _ _ _ _ _ + +#20001002 +1 Mr. mr. NNP - - _ RSTR _ _ _ _ _ +2 Vinken vinken NNP - + _ _ ACT-arg _ _ _ _ +3 is be VBZ + + ev-w218f2 _ _ _ _ _ _ +4 chairman chairman NN - + _ _ PAT-arg _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ +6 Elsevier Elsevier NNP - - _ _ _ _ NE _ _ +7 N.V. n.v. NNP - + _ _ _ APP _ APPS.member _ +8 , #Comma , - + _ _ _ _ _ _ _ +9 the the DT - - _ _ _ _ _ _ _ +10 Dutch dutch NNP - - _ _ _ _ _ _ RSTR +11 publishing publish VBG - - ev-w2430f2 _ _ _ _ _ RSTR +12 group group NN - + _ _ _ APP _ APPS.member _ +13 . . . - - _ _ _ _ _ _ _ + +#20003001 +1 A a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 form form NN - + _ _ _ _ _ ACT-arg _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 asbestos asbestos NN - - _ APP _ _ _ _ _ _ _ _ _ _ _ _ +5 once once RB - - _ _ TWHEN _ _ _ _ _ _ _ _ _ _ _ +6 used use VBN - + ev-w3525f6 RSTR _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 make make VB - + ev-w1923f6 _ AIM _ _ _ _ _ _ _ _ _ _ _ +9 Kent kent NNP - - _ _ _ _ ID _ _ _ _ _ _ _ _ _ +10 cigarette cigarette NN - - _ _ _ _ RSTR _ _ _ _ _ _ _ _ _ +11 filters filter NNS - + _ _ _ PAT-arg _ _ _ _ _ _ _ _ _ _ +12 has have VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 caused cause VBN - + ev-w467f1 _ _ _ _ _ _ _ _ _ _ _ _ PAT-arg +14 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 high high JJ - - _ _ _ _ _ _ RSTR _ _ _ _ _ _ _ +16 percentage percentage NN - + _ _ _ _ _ PAT-arg _ _ _ _ _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 cancer cancer NN - - _ _ _ _ _ _ _ CAUS _ _ _ _ _ _ +19 deaths death NNS - + _ _ _ _ _ _ MAT _ _ _ _ _ _ _ +20 among among IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 group group NN - + _ _ _ _ _ _ LOC _ _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 workers worker NNS - + _ _ _ _ _ _ _ _ MAT _ _ _ _ _ +25 exposed expose VBN - + ev-w1251f1 _ _ _ _ _ _ _ _ RSTR _ _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 it #PersPron PRP - - _ _ _ _ _ _ _ _ _ _ PAT-arg _ _ _ +28 more more RBR - + _ _ _ _ _ _ _ _ _ _ TWHEN _ _ _ +29 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 30 30 CD - - _ _ _ _ _ _ _ _ _ _ _ _ RSTR _ +31 years year NNS - + _ _ _ _ _ _ _ _ _ _ _ CPR _ _ +32 ago ago IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 researchers researcher NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ ACT-arg +35 reported report VBD + + ev-w2671f1 _ _ _ _ _ _ _ _ _ _ _ _ _ +36 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003002 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +2 asbestos asbestos NN - - _ RSTR _ _ _ _ _ _ _ _ _ _ +3 fiber fiber NN - + _ _ APPS.member ACT-arg _ _ _ _ _ _ _ _ +4 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ _ +5 crocidolite crocidolite NN - - _ _ APPS.member ACT-arg _ _ _ _ _ _ _ _ +6 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +7 is be VBZ - + ev-w218f2 _ _ _ _ _ _ _ _ _ _ EFF-arg +8 unusually usually RB - - _ _ _ _ MANN _ _ _ _ _ _ _ +9 resilient resilient JJ - + _ _ _ PAT-arg _ _ _ _ _ _ _ _ +10 once once IN - - _ _ _ _ _ _ _ _ _ _ _ _ +11 it #PersPron PRP - - _ _ _ _ _ ACT-arg _ _ _ _ _ _ +12 enters enter VBZ - + ev-w1171f1 _ _ TWHEN _ _ _ _ _ _ _ _ +13 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +14 lungs lung NNS - - _ _ _ _ _ PAT-arg _ _ _ _ _ _ +15 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +16 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ +17 even even RB - - _ _ _ _ _ _ RHEM _ _ _ _ _ +18 brief brief JJ - - _ _ _ _ _ _ THL _ _ _ _ _ +19 exposures exposure NNS - + _ _ _ _ _ _ _ ACT-arg _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +21 it #PersPron PRP - - _ _ _ _ _ _ PAT-arg _ _ _ _ _ +22 causing cause VBG - + ev-w467f1 _ _ ACMP _ _ _ _ _ _ _ _ +23 symptoms symptom NNS - + _ _ _ _ _ _ _ PAT-arg _ _ _ _ +24 that that WDT - - _ _ _ _ _ _ _ _ _ ACT-arg _ _ +25 show show_up VBP - + ev-w2946f1 _ _ _ _ _ _ _ RSTR _ _ _ +26 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ +27 decades decade NNS - - _ _ _ _ _ _ _ _ _ _ DIFF _ +28 later later JJ - + _ _ _ _ _ _ _ _ _ TWHEN _ _ +29 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +30 researchers researcher NNS - - _ _ _ _ _ _ _ _ _ _ _ ACT-arg +31 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ _ +32 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20003003 +1 Lorillard Lorillard NNP - - _ NE _ _ _ _ _ _ _ _ _ _ +2 Inc. inc. NNP - + _ _ CONJ.member _ _ _ _ _ ACT-arg _ _ _ +3 , #Comma_#Cor , - + _ _ _ _ _ _ _ _ _ ACT-arg _ _ +4 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +5 unit unit NN - + _ _ CONJ.member _ _ _ _ _ ACT-arg _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +7 New new JJ - - _ _ _ _ RSTR _ _ _ _ _ _ _ +8 York-based york-based JJ - + _ _ _ _ _ RSTR _ _ _ _ _ _ +9 Loews Loews NNP - - _ _ _ _ _ NE _ _ _ _ _ _ +10 Corp. corp. NNP - + _ _ _ APP _ _ _ _ _ _ _ _ +11 that that WDT - - _ _ _ _ _ _ ACT-arg _ _ _ _ _ +12 makes make VBZ - + ev-w1923f6 _ _ RSTR _ _ _ _ _ _ _ _ +13 Kent kent NNP - - _ _ _ _ _ _ _ ID _ _ _ _ +14 cigarettes cigarette NNS - + _ _ _ _ _ _ PAT-arg _ _ _ _ _ +15 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +16 stopped stop VBD + + ev-w3189f5 _ _ _ _ _ _ _ _ _ _ _ +17 using use VBG - + ev-w3525f6 _ _ _ _ _ _ _ PAT-arg _ _ _ +18 crocidolite crocidolite NN - - _ _ _ _ _ _ _ _ _ PAT-arg _ _ +19 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +20 its #PersPron PRP$ - - _ _ _ _ _ _ _ _ _ _ _ APP +21 Micronite micronite NN - - _ _ _ _ _ _ _ _ _ _ RSTR _ +22 cigarette cigarette NN - + _ _ _ _ _ _ _ _ _ _ _ RSTR +23 filters filter NNS - + _ _ _ _ _ _ _ _ _ LOC _ _ +24 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +25 1956 1956 CD - - _ _ _ _ _ _ _ _ TWHEN _ _ _ +26 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20003005 +1 A a DT - - _ _ _ _ _ +2 Lorillard lorillard NNP - - _ APP _ _ _ +3 spokewoman spokewoman NN - + _ _ ACT-arg _ _ +4 said say VBD + + ev-w2833f1 _ _ _ _ +5 , , , - - _ _ _ _ _ +6 “ “ `` - - _ _ _ _ _ +7 This this DT - - _ _ _ ACT-arg _ +8 is be VBZ - + ev-w218f2 _ EFF-arg _ _ +9 an an DT - - _ _ _ _ _ +10 old old JJ - - _ _ _ _ RSTR +11 story story NN - + _ _ _ PAT-arg _ +12 . . . - - _ _ _ _ _ + +#20003007 +1 There there EX - - _ _ _ _ +2 is be VBZ + + ev-w218f3 _ _ _ +3 no no DT - - _ _ RSTR _ +4 asbestos asbestos NN - + _ ACT-arg _ _ +5 in in IN - - _ _ _ _ +6 our #PersPron PRP$ - - _ _ _ APP +7 products product NNS - + _ LOC _ _ +8 now now RB - - _ TWHEN _ _ +9 . . . - - _ _ _ _ +10 ” ” '' - - _ _ _ _ + +#20003008 +1 Neither neither DT - - _ _ _ _ _ _ _ _ _ +2 Lorillard lorillard NNP - - _ CONJ.member _ _ ACT-arg _ _ _ _ +3 nor neither_nor CC - + _ _ _ _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ _ _ _ +5 researchers researcher NNS - + _ CONJ.member _ _ ACT-arg _ _ _ _ +6 who who WP - - _ _ _ ACT-arg _ _ _ _ _ +7 studied study VBD - + ev-w3222f1 _ RSTR _ _ _ _ _ _ +8 the the DT - - _ _ _ _ _ _ _ _ _ +9 workers worker NNS - - _ _ _ PAT-arg _ _ _ _ _ +10 were be VBD + + ev-w218f2 _ _ _ _ _ _ _ _ +11 aware aware JJ - + _ _ _ _ PAT-arg _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ +13 any any DT - - _ _ _ _ _ _ RSTR _ _ +14 research research NN - + _ _ _ _ _ PAT-arg _ _ _ +15 on on IN - - _ _ _ _ _ _ _ _ _ +16 smokers smoker NNS - + _ _ _ _ _ _ PAT-arg _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ +18 the the DT - - _ _ _ _ _ _ _ _ _ +19 Kent kent NNP - - _ _ _ _ _ _ _ _ ID +20 cigarettes cigarette NNS - + _ _ _ _ _ _ _ PAT-arg _ +21 . . . - - _ _ _ _ _ _ _ _ _ + +#20003009 +1 “ “ `` - - _ _ _ _ _ _ _ +2 We #PersPron PRP - - _ ACT-arg _ _ _ _ _ +3 have have VBP - + ev-w1566f3 _ _ _ EFF-arg _ _ +4 no no DT - - _ _ RSTR _ _ _ _ +5 useful useful JJ - - _ _ RSTR _ _ _ _ +6 information information NN - + _ PAT-arg _ _ _ _ _ +7 on on IN - - _ _ _ _ _ _ _ +8 whether whether IN - - _ _ _ _ _ _ _ +9 users user NNS - - _ _ _ ACT-arg _ _ _ +10 are be VBP - + ev-w218f20_u_nobody _ REG _ _ _ _ +11 at at IN - - _ _ _ _ _ _ _ +12 risk risk NN - - _ _ _ LOC-arg _ _ _ +13 , , , - - _ _ _ _ _ _ _ +14 ” ” '' - - _ _ _ _ _ _ _ +15 said say VBD + + ev-w2833f1 _ _ _ _ _ _ +16 James James NNP - - _ _ _ _ _ NE _ +17 A. A. NNP - - _ _ _ _ _ NE _ +18 Talcott talcott NNP - + _ _ _ _ ACT-arg _ _ +19 of of IN - - _ _ _ _ _ _ _ +20 Boston boston NNP - - _ _ _ _ _ _ APP +21 ’s ’s POS - - _ _ _ _ _ _ _ +22 Dana-Farber Dana-Farber NNP - - _ _ _ _ _ _ NE +23 Cancer Cancer NNP - - _ _ _ _ _ _ NE +24 Institute institute NNP - + _ _ _ _ _ APP _ +25 . . . - - _ _ _ _ _ _ _ + +#20003010 +1 Dr. dr. NNP - - _ RSTR _ _ _ _ _ _ _ _ _ +2 Talcott talcott NNP - + _ _ ACT-arg _ _ _ _ _ _ _ _ +3 led lead VBD + + ev-w1835f2 _ _ _ _ _ _ _ _ _ _ +4 a a DT - - _ _ _ _ _ _ _ _ _ _ _ +5 team team NN - + _ _ PAT-arg _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +7 researchers researcher NNS - + _ _ _ MAT _ _ _ _ _ _ _ +8 from from IN - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +10 National National NNP - - _ _ _ _ _ NE _ _ _ _ _ +11 Cancer Cancer NNP - - _ _ _ _ _ NE _ _ _ _ _ +12 Institute institute NNP - + _ _ _ _ DIR1 _ CONJ.member _ _ _ _ +13 and and CC - + _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +15 medical medical JJ - - _ _ _ _ _ _ _ RSTR _ _ _ +16 schools school NNS - + _ _ _ _ DIR1 _ CONJ.member _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +18 Harvard Harvard NNP - - _ _ _ _ _ _ _ _ NE _ _ +19 University university NNP - + _ _ _ _ _ _ _ APP _ CONJ.member _ +20 and and CC - + _ _ _ _ _ _ _ _ _ _ _ +21 Boston Boston NNP - - _ _ _ _ _ _ _ _ _ _ NE +22 University university NNP - + _ _ _ _ _ _ _ APP _ CONJ.member _ +23 . . . - - _ _ _ _ _ _ _ _ _ _ _ + +#20003011 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +2 Lorillard lorillard NNP - - _ APP _ _ _ _ _ _ _ _ _ _ +3 spokeswoman spokeswoman NN - + _ _ ACT-arg _ _ _ _ _ _ _ _ _ +4 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ _ +5 asbestos asbestos NN - - _ _ _ PAT-arg _ _ _ _ _ _ PAT-arg _ +6 was be VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +7 used use VBN - + ev-w3525f6 _ EFF-arg _ _ _ _ _ _ CONJ.member _ _ +8 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +9 “ “ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +10 very very RB - - _ _ _ _ EXT _ _ _ _ _ _ _ +11 modest modest JJ - + _ _ _ _ _ RSTR _ _ _ _ _ _ +12 amounts amount NNS - + _ _ _ MANN _ _ _ _ _ _ _ _ +13 ” ” '' - - _ _ _ _ _ _ _ _ _ _ _ _ +14 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +15 making make VBG - + ev-w1923f6 _ _ LOC _ _ _ _ _ _ _ _ +16 paper paper NN - + _ _ _ _ _ _ PAT-arg _ _ _ _ _ +17 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +19 filters filter NNS - - _ _ _ _ _ _ _ BEN _ _ _ _ +20 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +22 early early JJ - - _ _ _ _ _ _ _ _ RSTR _ _ _ +23 1950s 1950s CD - + _ _ _ TWHEN _ _ _ _ _ _ _ _ +24 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ +25 replaced replace VBN - + ev-w2667f1 _ EFF-arg _ _ _ _ _ _ CONJ.member _ _ +26 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ +28 different different JJ - - _ _ _ _ _ _ _ _ _ _ _ RSTR +29 type type NN - + _ _ _ _ _ _ _ _ _ _ EFF-arg _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +31 filter filter NN - - _ _ _ _ _ _ _ _ _ _ _ APP +32 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +33 1956 1956 CD - - _ _ _ _ _ _ _ _ _ _ TWHEN _ +34 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20003012 +1 From from IN - - _ _ _ _ _ +2 1953 1953 CD - - _ _ _ TFRWH _ +3 to to TO - - _ _ _ _ _ +4 1955 1955 CD - - _ _ _ TTILL _ +5 , , , - - _ _ _ _ _ +6 9.8 9.8 CD - - _ RSTR _ _ _ +7 billion billion CD - + _ _ RSTR _ _ +8 Kent kent NNP - - _ _ ID _ _ +9 cigarettes cigarette NNS - + _ _ _ PAT-arg _ +10 with with IN - - _ _ _ _ _ +11 the the DT - - _ _ _ _ _ +12 filters filter NNS - - _ _ ACMP _ _ +13 were be VBD - - _ _ _ _ _ +14 sold sell VBN - + ev-w2888f2 _ _ _ EFF-arg +15 , , , - - _ _ _ _ _ +16 the the DT - - _ _ _ _ _ +17 company company NN - - _ _ _ _ ACT-arg +18 said say VBD + + ev-w2833f1 _ _ _ _ +19 . . . - - _ _ _ _ _ + +#20003013 +1 Among among IN - - _ _ _ _ _ _ _ _ _ +2 33 33 CD - - _ RSTR _ _ _ _ _ _ _ +3 men man NNS - + _ _ _ LOC _ _ _ _ _ +4 who who WP - - _ _ ACT-arg _ _ _ _ _ _ +5 worked work VBD - + ev-w3657f5 RSTR _ _ _ _ _ _ _ +6 closely closely RB - - _ _ MANN _ _ _ _ _ _ +7 with with IN - - _ _ _ _ _ _ _ _ _ +8 the the DT - - _ _ _ _ _ _ _ _ _ +9 substance substance NN - - _ _ ACMP _ _ _ _ _ _ +10 , , , - - _ _ _ _ _ _ _ _ _ +11 28 28 CD - + _ _ _ _ ACT-arg APPS.member _ _ _ +12 have have VBP - - _ _ _ _ _ _ _ _ _ +13 died die VBN + + ev-w928f2 _ _ _ _ _ _ _ _ +14 – #Dash : - + _ _ _ _ _ _ _ _ _ +15 more more JJ - + _ _ _ _ ACT-arg APPS.member _ _ _ +16 than than IN - - _ _ _ _ _ _ _ _ _ +17 three three CD - - _ _ _ _ _ _ _ RSTR _ +18 times time NNS - + _ _ _ _ _ _ CPR _ _ +19 the the DT - - _ _ _ _ _ _ _ _ _ +20 expected expect VBN - - ev-w1239f1 _ _ _ _ _ _ _ RSTR +21 number number NN - + _ _ _ _ _ _ _ PAT-arg _ +22 . . . - - _ _ _ _ _ _ _ _ _ + +#20003014 +1 Four four CD - + _ _ _ ACT-arg _ _ _ +2 of of IN - - _ _ _ _ _ _ _ +3 the the DT - - _ _ _ _ _ _ _ +4 five five CD - - _ _ RSTR _ _ _ _ +5 surviving survive VBG - - ev-w3273f2 _ RSTR _ _ _ _ +6 workers worker NNS - + _ DIR1 _ _ _ _ _ +7 have have VBP + + ev-w1566f3 _ _ _ _ _ _ +8 asbestos-related asbestos-related JJ - - _ _ _ _ RSTR _ _ +9 diseases disease NNS - + _ _ _ PAT-arg _ _ _ +10 , , , - - _ _ _ _ _ _ _ +11 including include VBG - - _ _ _ _ _ _ _ +12 three three CD - - _ _ RESTR _ _ _ _ +13 with with IN - - _ _ _ _ _ _ _ +14 recently recently RB - - _ _ _ _ _ TWHEN _ +15 diagnosed diagnose VBN - + ev-w923f1 _ _ _ _ _ RSTR +16 cancer cancer NN - + _ _ ACMP _ _ _ _ +17 . . . - - _ _ _ _ _ _ _ + +#20003015 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ +2 total total NN - + _ _ _ _ _ _ ACT-arg _ PAT-arg _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ +4 18 18 CD - - _ _ RSTR _ _ _ _ _ _ _ +5 deaths death NNS - + _ APP _ _ _ _ _ _ _ _ +6 from from IN - - _ _ _ _ _ _ _ _ _ _ +7 malignant malignant JJ - - _ _ _ RSTR _ _ _ _ _ _ +8 mesothelioma mesothelioma NN - + _ _ PAT-arg _ _ CONJ.member _ _ _ _ +9 , , , - - _ _ _ _ _ _ _ _ _ _ +10 lung lung NN - - _ _ _ _ LOC _ _ _ _ _ +11 cancer cancer NN - + _ _ PAT-arg _ _ CONJ.member _ _ _ _ +12 and and CC - + _ _ _ _ _ _ _ _ _ _ +13 asbestosis asbestosis NN - - _ _ PAT-arg _ _ CONJ.member _ _ _ _ +14 was be VBD - + ev-w218f2 _ _ _ _ _ _ _ _ EFF-arg +15 far far RB - - _ _ _ _ _ _ _ EXT _ _ +16 higher high JJR - + _ _ _ _ _ _ PAT-arg _ _ _ +17 than than IN - - _ _ _ _ _ _ _ _ _ _ +18 expected expect VBN - + ev-w1239f1 _ _ _ _ _ _ CPR _ _ +19 , , , - - _ _ _ _ _ _ _ _ _ _ +20 the the DT - - _ _ _ _ _ _ _ _ _ _ +21 researchers researcher NNS - - _ _ _ _ _ _ _ _ _ ACT-arg +22 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ +23 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20003016 +1 “ “ `` - - _ _ _ _ _ _ _ _ _ +2 The the DT - - _ _ _ _ _ _ _ _ _ +3 morbidity morbidity NN - - _ RSTR _ _ _ _ _ _ _ +4 rate rate NN - + _ _ ACT-arg _ _ _ _ _ _ +5 is be VBZ - + ev-w218f2 _ _ _ _ _ _ EFF-arg _ +6 a a DT - - _ _ _ _ _ _ _ _ _ +7 striking striking JJ - - _ _ _ RSTR _ _ _ _ _ +8 finding finding NN - + _ _ PAT-arg _ _ _ _ _ _ +9 among among IN - - _ _ _ _ _ _ _ _ _ +10 those those DT - + _ _ LOC _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ +12 us #PersPron PRP - - _ _ _ _ APP _ _ _ _ +13 who who WP - - _ _ _ _ _ ACT-arg _ _ _ +14 study study VBP - + ev-w3222f1 _ _ _ RSTR _ _ _ _ +15 asbestos-related asbestos-related JJ - - _ _ _ _ _ _ RSTR _ _ +16 diseases disease NNS - + _ _ _ _ _ PAT-arg _ _ _ +17 , , , - - _ _ _ _ _ _ _ _ _ +18 ” ” '' - - _ _ _ _ _ _ _ _ _ +19 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ +20 Dr. dr. NNP - - _ _ _ _ _ _ _ _ RSTR +21 Talcott talcott NNP - + _ _ _ _ _ _ _ ACT-arg _ +22 . . . - - _ _ _ _ _ _ _ _ _ + +#20003017 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 percentage percentage NN - + _ _ _ _ _ _ _ _ ACT-arg _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 lung lung NN - - _ _ LOC _ _ _ _ _ _ _ _ _ _ _ +5 cancer cancer NN - + _ _ _ PAT-arg _ _ _ _ _ _ _ _ _ _ +6 deaths death NNS - + _ APP _ _ _ _ _ _ _ _ _ _ _ _ +7 among among IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 workers worker NNS - + _ LOC _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 West West NNP - - _ _ _ _ _ NE _ _ _ _ _ _ _ _ +13 Groton groton NNP - + _ _ _ _ _ _ LOC _ _ _ _ _ _ _ +14 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Mass. mas. NNP - - _ _ _ _ _ PAR _ _ _ _ _ _ _ _ +16 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 paper paper NN - - _ _ _ _ _ _ RSTR _ _ _ _ _ _ _ +18 factory factory NN - + _ _ _ _ LOC _ _ _ _ _ _ _ _ _ +19 appears appear VBZ - + ev-w115f2 _ _ _ _ _ _ _ _ _ _ _ _ EFF-arg +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 be be VB - + ev-w218f2 _ _ _ _ _ _ ACT-arg _ _ _ _ _ _ +22 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 highest high JJS - + _ _ _ _ _ _ _ _ PAT-arg _ _ _ _ _ +24 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 any any DT - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ +26 asbestos asbestos NN - - _ _ _ _ _ _ _ _ _ _ ACMP _ _ _ +27 workers worker NNS - + _ _ _ _ _ _ _ _ _ REG _ _ _ _ +28 studied study VBN - + ev-w3222f1 _ _ _ _ _ _ _ _ _ RSTR _ _ _ +29 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Western western JJ - - _ _ _ _ _ _ _ _ _ _ _ _ LOC _ +31 industrialized industrialize VBN - - ev-w1688f1 _ _ _ _ _ _ _ _ _ _ _ RSTR _ +32 countries country NNS - + _ _ _ _ _ _ _ _ _ _ _ LOC _ _ +33 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 he #PersPron PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ ACT-arg +35 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ _ _ _ +36 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003018 +1 The the DT - - _ _ _ _ _ _ _ _ _ +2 plant plant NN - + _ _ _ _ _ ACT-arg _ ACT-arg _ +3 , , , - - _ _ _ _ _ _ _ _ _ +4 which which WDT - - _ _ PAT-arg _ _ _ _ _ _ +5 is be VBZ - - _ _ _ _ _ _ _ _ _ +6 owned own VBN - + ev-w2176f1 DESCR _ _ _ _ _ _ _ +7 by by IN - - _ _ _ _ _ _ _ _ _ +8 Hollingsworth Hollingsworth NNP - - _ _ _ CONJ.member NE _ _ _ _ +9 & #Amp CC - + _ _ _ _ _ _ _ _ _ +10 Vose Vose NNP - - _ _ _ CONJ.member NE _ _ _ _ +11 Co. co. NNP - + _ _ ACT-arg _ _ _ _ _ _ +12 , , , - - _ _ _ _ _ _ _ _ _ +13 was be VBD + + ev-w218f20_u_nobody _ _ _ _ _ _ _ _ +14 under under IN - - _ _ _ _ _ _ _ _ _ +15 contract contract NN - + _ _ _ _ _ LOC-arg _ _ _ +16 with with IN - - _ _ _ _ _ _ _ _ _ +17 Lorillard lorillard NN - - _ _ _ _ _ _ ACMP _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ +19 make make VB - + ev-w1923f6 _ _ _ _ _ PAT-arg _ _ +20 the the DT - - _ _ _ _ _ _ _ _ _ +21 cigarette cigarette NN - - _ _ _ _ _ _ _ _ RSTR +22 filters filter NNS - + _ _ _ _ _ _ _ PAT-arg _ +23 . . . - - _ _ _ _ _ _ _ _ _ + +#20003019 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 finding finding NN - - _ ACT-arg _ _ _ _ _ _ _ _ _ _ _ _ _ +3 probably probably RB - - _ MOD _ _ _ _ _ _ _ _ _ _ _ _ _ +4 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 support support VB - + ev-w3262f1 _ _ _ _ _ _ _ _ _ _ _ _ _ EFF-arg +6 those those DT - + _ PAT-arg _ _ _ _ _ _ _ _ _ _ _ _ _ +7 who who WP - - _ _ _ ACT-arg _ _ _ _ _ _ _ _ _ _ _ +8 argue argue VBP - + ev-w131f2 _ RSTR _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 U.S. u.s. NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 should should MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 regulate regulate VB - + ev-w2606f1 _ _ PAT-arg _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 class class NN - + _ _ _ _ PAT-arg _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 asbestos asbestos NN - - _ _ _ _ _ APP _ _ _ _ _ _ _ _ _ +18 including include VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 crocidolite crocidolite NN - - _ _ _ _ _ RESTR _ _ _ _ _ _ _ _ _ +20 more more RBR - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stringently stringently RB - - _ _ _ _ MANN _ _ _ _ _ _ _ _ _ _ +22 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 common common JJ - - _ _ _ _ _ _ RSTR _ _ _ _ _ _ _ _ +25 kind kind NN - + _ _ _ _ PAT-arg _ _ APPS.member _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 asbestos asbestos NN - - _ _ _ _ _ _ APP _ _ _ _ _ _ _ _ +28 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 chrysotile chrysotile NN - + _ _ _ _ PAT-arg _ _ APPS.member _ _ _ _ _ _ _ +30 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 found find VBN - + ev-w1327f3 _ _ _ _ _ _ _ RSTR _ _ _ _ _ _ +32 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 most most JJS - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ _ +34 schools school NNS - + _ _ _ _ _ _ _ _ _ LOC _ CONJ.member _ _ _ +35 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 other other JJ - - _ _ _ _ _ _ _ _ _ _ _ _ RSTR _ _ +37 buildings building NNS - + _ _ _ _ _ _ _ _ _ LOC _ CONJ.member _ _ _ +38 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Dr. dr. NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ RSTR _ +40 Talcott talcott NNP - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ ACT-arg +41 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003020 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 U.S. u.s. NNP - - _ ACT-arg _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is be VBZ + + ev-w218f2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 one one CD - + _ PAT-arg _ _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 few few JJ - - _ _ _ RSTR _ _ _ _ _ _ _ _ _ _ _ +8 industrialized industrialize VBN - - ev-w1688f1 _ _ RSTR _ _ _ _ _ _ _ _ _ _ _ +9 nations nation NNS - + _ _ DIR1 _ _ _ _ _ _ _ _ _ _ _ _ +10 that that WDT - - _ _ _ _ ACT-arg _ _ _ _ _ _ _ _ _ _ +11 does do VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 n’t #Neg RB - - _ _ _ _ RHEM _ _ _ _ _ _ _ _ _ _ +13 have have VB - + ev-w1566f3 _ _ RSTR _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 higher high JJR - - _ _ _ _ _ RSTR _ _ _ _ _ _ _ _ _ +16 standard standard NN - + _ _ _ _ PAT-arg _ _ _ _ _ _ _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 regulation regulation NN - - _ _ _ _ _ APP _ _ _ _ _ _ _ _ _ +19 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 smooth smooth JJ - - _ _ _ _ _ _ RSTR _ _ _ _ _ _ _ _ +22 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 needle-like needle-like JJ - - _ _ _ _ _ _ RSTR _ _ _ _ _ _ _ _ +24 fibers fiber NNS - + _ _ _ _ _ BEN _ APPS.member _ _ _ _ _ _ _ +25 such such JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 as such_as IN - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 crocidolite crocidolite NN - + _ _ _ _ _ BEN _ APPS.member _ _ _ _ _ _ _ +28 that that WDT - - _ _ _ _ _ _ _ _ _ PAT-arg _ _ _ _ _ +29 are be VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 classified classify VBN - + ev-w541f1 _ _ _ _ _ RSTR _ RSTR _ _ _ _ _ _ +31 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 amphobiles amphobile NNS - - _ _ _ _ _ _ _ _ _ EFF-arg _ _ _ _ _ +33 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 according accord VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Brooke Brooke NNP - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ _ +37 T. T. NNP - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ _ +38 Mossman mossman NNP - + _ CRIT _ _ _ _ _ _ _ _ _ APPS.member _ _ _ +39 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 professor professor NN - + _ CRIT _ _ _ _ _ _ _ _ _ APPS.member _ _ _ +42 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 pathlogy pathlogy NN - - _ _ _ _ _ _ _ _ _ _ _ _ APP _ _ +44 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 University University NNP - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ NE +47 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +48 Vermont Vermont NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ NE _ +49 College college NNP - + _ _ _ _ _ _ _ _ _ _ _ _ LOC _ _ +50 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +51 Medicine Medicine NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ NE +52 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003021 +1 More more RBR - - _ _ _ _ _ _ _ +2 common common JJ - - _ RSTR _ _ _ _ _ +3 chrysotile chrysotile NN - - _ RSTR _ _ _ _ _ +4 fibers fiber NNS - + _ _ ACT-arg _ PAT-arg _ _ +5 are be VBP - + ev-w218f2 _ _ CONJ.member _ _ PAT-arg +6 curly curly JJ - - _ _ PAT-arg _ _ _ _ +7 and and CC - + _ _ _ _ _ _ _ +8 are be VBP - - _ _ _ _ _ _ _ +9 more more RBR - - _ _ _ _ _ _ _ +10 easily easily RB - - _ _ _ _ MANN _ _ +11 rejected reject VBN - + ev-w2622f1 _ _ CONJ.member _ _ PAT-arg +12 by by IN - - _ _ _ _ _ _ _ +13 the the DT - - _ _ _ _ _ _ _ +14 body body NN - - _ _ _ _ ACT-arg _ _ +15 , , , - - _ _ _ _ _ _ _ +16 Dr. dr. NNP - - _ _ _ _ _ RSTR _ +17 Mossman mossman NNP - + _ _ _ _ _ _ ACT-arg +18 explained explain VBD + + ev-w1246f1 _ _ _ _ _ _ +19 . . . - - _ _ _ _ _ _ _ + +#20003022 +1 In in IN - - _ _ _ _ _ _ +2 July july NNP - - _ _ _ TWHEN _ _ +3 , , , - - _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ +5 Environmental Environmental NNP - - _ NE _ _ _ _ +6 Protection Protection NNP - + _ _ NE _ _ _ +7 Agency agency NNP - + _ _ _ ACT-arg _ _ +8 imposed impose VBD + + ev-w1663f1 _ _ _ _ _ +9 a a DT - - _ _ _ _ _ _ +10 gradual gradual JJ - - _ _ _ _ MANN _ +11 ban ban NN - + _ _ _ PAT-arg _ _ +12 on on IN - - _ _ _ _ _ _ +13 virtually virtually RB - - _ _ _ _ _ ATT +14 all all DT - - _ _ _ _ _ RSTR +15 uses use NNS - + _ _ _ ADDR-arg _ _ +16 of of IN - - _ _ _ _ _ _ +17 asbestos asbestos NN - - _ _ _ _ _ PAT-arg +18 . . . - - _ _ _ _ _ _ + +#20003023 +1 By by IN - - _ _ _ _ _ +2 1997 1997 CD - - _ _ _ _ TTILL +3 , , , - - _ _ _ _ _ +4 almost almost RB - - _ EXT _ _ _ +5 all all DT - + _ _ RSTR _ _ +6 remaining remain VBG - - ev-w2638f1 _ RSTR _ _ +7 uses use NNS - + _ _ _ _ PAT-arg +8 of of IN - - _ _ _ _ _ +9 cancer-causing cancer-causing JJ - - _ _ _ RSTR _ +10 asbestos asbestos NN - + _ _ PAT-arg _ _ +11 will will MD - - _ _ _ _ _ +12 be be VB - - _ _ _ _ _ +13 outlawed outlaw VBN + + ev-w2131f1 _ _ _ _ +14 . . . - - _ _ _ _ _ + +#20003024 +1 About about IN - - _ EXT _ _ _ _ _ _ +2 160 160 CD - + _ _ RSTR _ _ _ _ _ +3 workers worker NNS - + _ _ _ _ _ _ _ ADDR-arg +4 at at IN - - _ _ _ _ _ _ _ _ +5 a a DT - - _ _ _ _ _ _ _ _ +6 factory factory NN - + _ _ LOC _ _ _ _ _ +7 that that WDT - - _ _ _ _ ACT-arg _ _ _ +8 made make VBD - + ev-w1923f6 _ _ RSTR _ _ _ _ +9 paper paper NN - + _ _ _ _ PAT-arg _ _ _ +10 for for IN - - _ _ _ _ _ _ _ _ +11 the the DT - - _ _ _ _ _ _ _ _ +12 Kent kent NNP - - _ _ _ _ _ _ ID _ +13 filters filter NNS - + _ _ _ _ _ BEN _ _ +14 were be VBD - - _ _ _ _ _ _ _ _ +15 exposed expose VBN + + ev-w1251f1 _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ +17 asbestos asbestos NN - - _ _ _ _ _ _ _ PAT-arg +18 in in IN - - _ _ _ _ _ _ _ _ +19 the the DT - - _ _ _ _ _ _ _ _ +20 1950s 1950s CD - - _ _ _ _ _ _ _ TWHEN +21 . . . - - _ _ _ _ _ _ _ _ + +#20003025 +1 Areas area NNS - + _ _ ACT-arg _ _ +2 of of IN - - _ _ _ _ _ +3 the the DT - - _ _ _ _ _ +4 factory factory NN - - _ APP _ _ _ +5 were be VBD + + ev-w218f2 _ _ _ _ +6 particularly particularly RB - - _ _ _ EXT _ +7 dusty dusty JJ - + _ _ PAT-arg _ _ +8 where where WRB - - _ _ _ _ _ +9 the the DT - - _ _ _ _ _ +10 crocidolite crocidolite NN - - _ _ _ _ PAT-arg +11 was be VBD - - _ _ _ _ _ +12 used use VBN - + ev-w3525f6 RSTR _ _ _ +13 . . . - - _ _ _ _ _ + +#20003026 +1 Workers worker NNS - - _ ACT-arg _ _ _ ACT-arg _ _ _ ACT-arg _ _ _ _ +2 dumped dump VBD + + ev-w1074f1 _ _ _ _ _ _ _ CONJ.member _ _ _ _ _ +3 large large JJ - - _ _ RSTR _ _ _ _ _ _ _ _ _ _ _ +4 burlap burlap NN - - _ _ RSTR _ _ _ _ _ _ _ _ _ _ _ +5 sacks sack NNS - + _ PAT-arg _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 imported import VBN - - ev-w1662f1 _ _ RSTR _ _ _ _ _ _ _ _ _ _ +9 material material NN - + _ _ MAT _ _ _ _ _ _ _ _ _ _ _ +10 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 huge huge JJ - - _ _ _ _ RSTR _ _ _ _ _ _ _ _ _ +13 bin bin NN - + _ DIR3 _ _ _ _ _ _ _ _ _ _ _ _ +14 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 poured pour_in VBD + + v-w452_u_nobodyf1_u_nobody _ _ _ _ _ _ _ CONJ.member _ _ _ _ _ +16 in in RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 cotton cotton NN - - _ _ _ _ _ _ CONJ.member RSTR _ _ _ _ _ _ +18 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 acetate acetate NN - - _ _ _ _ _ _ CONJ.member RSTR _ _ _ _ _ _ +20 fibers fiber NNS - + _ _ _ _ _ PAT-arg _ _ _ _ _ _ _ _ +21 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 mechanically mechanically RB - - _ _ _ _ _ _ _ _ _ MANN _ _ _ _ +23 mixed mix VBD + + ev-w2010f1 _ _ _ _ _ _ _ CONJ.member _ _ _ _ _ +24 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 dry dry JJ - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ +26 fibers fiber NNS - + _ _ _ _ _ _ _ _ _ PAT-arg _ _ _ _ +27 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 process process NN - + _ _ _ _ _ _ _ _ _ LOC _ _ _ _ +30 used use VBN - + ev-w3525f6 _ _ _ _ _ _ _ _ _ _ RSTR _ _ +31 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 make make VB - + ev-w1923f6 _ _ _ _ _ _ _ _ _ _ _ AIM _ +33 filters filter NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ PAT-arg +34 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003027 +1 Workers worker NNS - - _ ACT-arg _ _ _ _ _ _ +2 described describe VBD + + ev-w894f2 _ _ _ _ _ _ _ +3 “ “ `` - - _ _ _ _ _ _ _ _ +4 clouds cloud NNS - + _ PAT-arg _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ +6 blue blue JJ - - _ _ _ RSTR _ _ _ _ +7 dust dust NN - + _ _ MAT _ _ _ _ _ +8 ” ” '' - - _ _ _ _ _ _ _ _ +9 that that WDT - - _ _ _ _ ACT-arg _ _ _ +10 hung hang VBD - + ev-w1547f5 _ RSTR _ _ _ _ _ +11 over over IN - - _ _ _ _ _ _ _ _ +12 parts part NNS - + _ _ _ _ LOC _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ +14 the the DT - - _ _ _ _ _ _ _ _ +15 factory factory NN - - _ _ _ _ _ APP _ _ +16 , , , - - _ _ _ _ _ _ _ _ +17 even even RB - - _ _ _ _ _ _ _ _ +18 though though IN - - _ _ _ _ _ _ _ _ +19 exhaust exhaust NN - - _ _ _ _ _ _ RSTR _ +20 fans fan NNS - + _ _ _ _ _ _ _ ACT-arg +21 ventilated ventilate VBD - + ev-w3543f1 _ _ _ CNCS _ _ _ +22 the the DT - - _ _ _ _ _ _ _ _ +23 area area NN - - _ _ _ _ _ _ _ PAT-arg +24 . . . - - _ _ _ _ _ _ _ _ + +#20003028 +1 “ “ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 There there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s be VBZ - + ev-w218f3 _ _ _ _ _ _ _ _ EFF-arg _ _ _ _ _ +4 no no DT - - _ _ RSTR _ _ _ _ _ _ _ _ _ _ _ _ +5 question question NN - + _ ACT-arg _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 some some DT - + _ _ _ _ _ _ _ ACT-arg _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 those those DT - - _ _ _ _ RSTR _ RSTR _ _ _ _ _ _ _ _ +10 workers worker NNS - + _ _ _ DIR1 _ CONJ.member _ _ _ _ _ _ _ _ _ +11 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 managers manager NNS - + _ _ _ DIR1 _ CONJ.member _ _ _ _ _ _ _ _ _ +13 contracted contract VBD - + ev-w686f3 _ PAT-arg _ _ _ _ _ _ _ _ _ _ _ _ +14 asbestos-related asbestos-related JJ - - _ _ _ _ _ _ _ _ RSTR _ _ _ _ _ _ +15 diseases disease NNS - + _ _ _ _ _ _ _ PAT-arg _ _ _ _ _ _ _ +16 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” ” '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Darrell Darrell NNP - - _ _ _ _ _ _ _ _ _ _ NE _ _ _ _ +20 Phillips Phillips NNP - + _ _ _ _ _ _ _ _ _ ACT-arg _ APPS.member _ _ _ +21 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 vice vice NN - - _ _ _ _ _ _ _ _ _ _ _ _ RSTR _ _ +23 president president NN - + _ _ _ _ _ _ _ _ _ ACT-arg _ APPS.member _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 human human JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ NE _ +26 resources resource NNS - + _ _ _ _ _ _ _ _ _ _ _ _ APP _ _ +27 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Hollingsworth Hollingsworth NNP - - _ _ _ _ _ _ _ _ _ _ _ _ NE _ CONJ.member +29 & #Amp CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Vose Vose NNP - - _ _ _ _ _ _ _ _ _ _ _ _ NE _ CONJ.member +31 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20003029 +1 “ “ `` - - _ _ _ _ _ +2 But but CC - - _ PREC _ _ _ +3 you #PersPron PRP - - _ ACT-arg _ _ _ +4 have have VBP - - _ _ _ _ _ +5 to to TO - - _ _ _ _ _ +6 recognize recognize VB + + ev-w2549f2 _ _ _ _ +7 that that IN - - _ _ _ _ _ +8 these these DT - - _ _ RSTR _ _ +9 events event NNS - + _ _ _ ACT-arg _ +10 took take VBD - + ev-w3310f37_u_nobody PAT-arg _ _ _ +11 place place NN - - _ _ _ CPHR-arg _ +12 35 35 CD - - _ _ _ _ RSTR +13 years year NNS - + _ _ _ TWHEN _ +14 ago ago IN - - _ _ _ _ _ +15 . . . - - _ _ _ _ _ + +#20003030 +1 It #PersPron PRP - - _ ACT-arg _ _ +2 has have VBZ + + ev-w1566f3 _ _ _ +3 no no DT - - _ _ RSTR _ +4 bearing bearing NN - + _ PAT-arg _ _ +5 on on IN - - _ _ _ _ +6 our #PersPron PRP$ - - _ _ _ APP +7 work work NN - - _ _ _ RSTR +8 force force NN - + _ _ RSTR _ +9 today today NN - - _ _ _ TWHEN +10 . . . - - _ _ _ _ + +#20004001 +1 Yields yield NNS - + _ _ _ ACT-arg ACT-arg _ _ _ _ _ +2 on on IN - - _ _ _ _ _ _ _ _ _ _ +3 money-market money-market JJ - - _ _ RSTR _ _ _ _ _ _ _ +4 mutual mutual JJ - - _ _ RSTR _ _ _ _ _ _ _ +5 funds fund NNS - + _ LOC _ _ _ _ _ _ _ _ +6 continued continue VBD + + ev-w685f2 _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ +8 slide slide VB - + ev-w3012f1 _ _ PAT-arg _ _ _ _ _ _ +9 , , , - - _ _ _ _ _ _ _ _ _ _ +10 amid amid IN - - _ _ _ _ _ _ _ _ _ _ +11 signs sign NNS - + _ _ _ LOC _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ _ +13 portfolio portfolio NN - - _ _ _ _ _ _ PAT-arg _ _ _ +14 managers manager NNS - + _ _ _ _ _ _ _ ACT-arg _ _ +15 expect expect VBP - + ev-w1239f1 _ _ _ _ PAT-arg _ _ _ _ +16 further further JJ - - _ _ _ _ _ _ _ _ MANN _ +17 declines decline NNS - + _ _ _ _ _ _ _ PAT-arg _ _ +18 in in IN - - _ _ _ _ _ _ _ _ _ _ +19 interest interest NN - - _ _ _ _ _ _ _ _ _ RSTR +20 rates rate NNS - + _ _ _ _ _ _ _ _ LOC _ +21 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20004002 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 average average JJ - - _ RSTR _ _ _ _ _ _ _ _ _ _ _ +3 seven-day seven-day JJ - - _ TFHL _ _ _ _ _ _ _ _ _ _ _ +4 compound compound NN - - _ RSTR _ _ _ _ _ _ _ _ _ _ _ +5 yield yield NN - + _ _ _ _ _ _ ACT-arg _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 400 400 CD - - _ _ RSTR _ _ _ _ _ _ _ _ _ _ +9 taxable taxable JJ - - _ _ RSTR _ _ _ _ _ _ _ _ _ _ +10 funds fund NNS - + _ APP _ _ _ _ _ _ _ _ _ _ _ +11 tracked track VBN - + ev-w3416f3 _ RSTR _ _ _ _ _ _ _ _ _ _ +12 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 IBC ibc NNP - - _ _ _ _ _ AUTH _ _ _ _ _ _ _ +14 ’s ’s POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Money Money NNP - - _ _ _ _ NE _ _ _ _ _ _ _ _ +16 Fund Fund NNP - + _ _ _ _ _ NE _ _ _ _ _ _ _ +17 Report report NNP - + _ _ _ ACT-arg _ _ _ _ _ _ _ _ _ +18 eased ease VBD + + ev-w1084f1 _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 fraction fraction NN - + _ _ _ _ _ _ DIFF _ _ _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 percentage percentage NN - - _ _ _ _ _ _ _ _ RSTR _ _ _ _ +24 point point NN - + _ _ _ _ _ _ _ APP _ _ _ _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +26 8.45 8.45 CD - - _ _ _ _ _ _ _ _ _ RSTR _ _ _ +27 % #Percnt NN - + _ _ _ _ _ _ PAT-arg _ _ _ _ _ _ +28 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +29 8.47 8.47 CD - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ +30 % #Percnt NN - + _ _ _ _ _ _ ORIG-arg _ _ _ _ _ _ +31 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +33 week week NN - + _ _ _ _ _ _ TFHL _ _ _ _ _ _ +34 ended end VBD - + ev-w1142f3 _ _ _ _ _ _ _ _ _ _ RSTR _ +35 Tuesday tuesday NNP - - _ _ _ _ _ _ _ _ _ _ _ _ ACT-arg +36 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004004 +1 Average average JJ - - _ RSTR _ _ _ _ _ _ +2 maturity maturity NN - + _ _ _ ACT-arg _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ _ _ +5 funds fund NNS - - _ _ APP _ _ _ _ _ +6 ’ ’ POS - - _ _ _ _ _ _ _ _ +7 investments investment NNS - + _ APP _ _ _ _ _ _ +8 lengthened lengthen VBD + + ev-w1850f1 _ _ _ _ _ _ _ +9 by by IN - - _ _ _ _ _ _ _ _ +10 a a DT - - _ _ _ _ _ _ _ _ +11 day day NN - - _ _ _ DIFF _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ +13 41 41 CD - - _ _ _ _ RSTR _ _ _ +14 days day NNS - + _ _ _ DIR3 _ APPS.member _ _ +15 , #Comma , - + _ _ _ _ _ _ _ _ +16 the the DT - - _ _ _ _ _ _ _ _ +17 longest long JJS - + _ _ _ DIR3 _ APPS.member _ _ +18 since since IN - - _ _ _ _ _ _ _ _ +19 early early JJ - - _ _ _ _ _ _ _ TWHEN +20 August august NNP - + _ _ _ _ _ _ TSIN _ +21 , , , - - _ _ _ _ _ _ _ _ +22 according accord VBG - - _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ +24 Donoghue donoghue NNP - - _ _ _ REG _ _ _ _ +25 ’s ’s POS - - _ _ _ _ _ _ _ _ +26 . . . - - _ _ _ _ _ _ _ _ + +#20004005 +1 Longer Long JJR - - _ RSTR _ _ _ _ _ _ _ _ _ +2 maturities maturity NNS - + _ _ _ ACT-arg _ _ _ _ _ _ _ +3 are be VBP - - _ _ _ _ _ _ _ _ _ _ _ +4 thought think VBN + + ev-w3363f4 _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +6 indicate indicate VB - + ev-w1683f1 _ EFF-arg _ _ _ _ _ _ _ _ +7 declining decline VBG - - ev-w829f2 _ _ _ RSTR _ _ _ _ _ _ +8 interest interest NN - - _ _ _ _ RSTR _ _ _ _ _ _ +9 rates rate NNS - + _ _ _ PAT-arg _ _ _ _ _ _ _ +10 because because IN - - _ _ _ _ _ _ _ _ _ _ _ +11 they #PersPron PRP - - _ _ _ _ _ ACT-arg _ _ _ _ _ +12 permit permit VBP - + ev-w2248f2 _ _ CAUS _ _ _ _ _ _ _ +13 portfolio portfolio NN - - _ _ _ _ _ _ PAT-arg _ _ _ _ +14 managers manager NNS - + _ _ _ _ _ ADDR-arg _ ACT-arg _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +16 retain retain VB - + ev-w2718f1 _ _ _ _ PAT-arg _ _ _ _ _ +17 relatively relatively RB - - _ _ _ _ _ _ _ _ MANN _ _ +18 higher high JJR - + _ _ _ _ _ _ _ _ _ RSTR _ +19 rates rate NNS - + _ _ _ _ _ _ _ PAT-arg _ _ _ +20 for for IN - - _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - - _ _ _ _ _ _ _ _ _ _ _ +22 longer long JJR - - _ _ _ _ _ _ _ _ _ _ RSTR +23 period period NN - + _ _ _ _ _ _ _ TFHL _ _ _ +24 . . . - - _ _ _ _ _ _ _ _ _ _ _ + +#20004006 +1 Shorter Short JJR - - _ RSTR _ _ _ _ _ _ +2 maturities maturity NNS - + _ _ PAT-arg _ _ _ _ _ +3 are be VBP - - _ _ _ _ _ _ _ _ +4 considered consider VBN + + ev-w662f2 _ _ _ _ _ _ _ +5 a a DT - - _ _ _ _ _ _ _ _ +6 sign sign NN - + _ _ EFF-arg _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ +8 rising rise VBG - - ev-w2772f1 _ _ _ RSTR _ _ _ +9 rates rate NNS - + _ _ _ PAT-arg _ _ _ _ +10 because because IN - - _ _ _ _ _ _ _ _ +11 portfolio portfolio NN - - _ _ _ _ _ PAT-arg _ _ +12 managers manager NNS - + _ _ _ _ _ _ ACT-arg _ +13 can can MD - - _ _ _ _ _ _ _ _ +14 capture capture VB - + ev-w438f1 _ CAUS _ _ _ _ _ +15 higher high JJR - - _ _ _ _ _ _ _ RSTR +16 rates rate NNS - + _ _ _ _ _ _ PAT-arg _ +17 sooner sooner RB - - _ _ _ _ _ _ TWHEN _ +18 . . . - - _ _ _ _ _ _ _ _ + +#20004007 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 average average JJ - - _ RSTR _ _ _ _ _ _ _ _ _ _ _ +3 maturity maturity NN - + _ _ _ _ _ _ _ _ _ ACT-arg _ _ _ +4 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 funds fund NNS - + _ BEN _ _ _ _ _ _ _ _ _ _ _ +6 open open JJ - + _ _ RSTR _ _ _ _ _ _ _ _ _ _ +7 only only RB - - _ _ _ RHEM _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 institutions institution NNS - - _ _ _ PAT-arg _ _ _ _ _ _ _ _ _ +10 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 considered consider VBN - + ev-w662f2 RSTR _ _ _ _ _ _ _ _ _ _ _ +12 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 some some DT - - _ _ _ _ ACT-arg _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 be be VB - + ev-w218f2 _ _ _ EFF-arg _ _ _ _ _ _ _ _ +16 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stronger strong JJR - - _ _ _ _ _ _ RSTR _ _ _ _ _ _ +18 indicator indicator NN - + _ _ _ _ _ PAT-arg _ _ _ _ _ _ _ +19 because because IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 those those DT - - _ _ _ _ _ _ _ RSTR _ _ _ _ _ +21 managers manager NNS - + _ _ _ _ _ _ _ _ ACT-arg _ _ _ _ +22 watch watch VBP - + ev-w3595f2 _ _ _ _ CAUS _ _ _ _ _ _ _ +23 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - _ _ _ _ _ _ _ _ PAT-arg _ _ _ _ +25 closely closely RB - - _ _ _ _ _ _ _ _ MANN _ _ _ _ +26 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +27 reached reach VBD + + ev-w2510f5 _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +29 high high JJ - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ +30 point point NN - + _ _ _ _ _ _ _ _ _ PAT-arg _ APPS.member _ +31 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +33 year year NN - - _ _ _ _ _ _ _ _ _ _ TFHL _ _ +34 – #Dash : - + _ _ _ _ _ _ _ _ _ _ _ _ _ +35 33 33 CD - - _ _ _ _ _ _ _ _ _ _ _ _ RSTR +36 days day NNS - + _ _ _ _ _ _ _ _ _ PAT-arg _ APPS.member _ +37 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20004008 +1 Nevertheless nevertheless RB - - _ PREC _ _ _ _ _ _ _ _ _ +2 , , , - - _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ +4 Brenda Brenda NNP - - _ _ NE _ _ _ _ _ _ _ _ +5 Malizia Malizia NNP - - _ _ NE _ _ _ _ _ _ _ _ +6 Negus Negus NNP - + _ ACT-arg _ APPS.member _ _ _ _ _ _ _ +7 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ +8 editor editor NN - + _ ACT-arg _ APPS.member _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +10 Money Money NNP - - _ _ _ _ _ NE _ _ _ _ _ +11 Fund Fund NNP - + _ _ _ _ _ _ NE _ _ _ _ +12 Report report NNP - + _ _ _ _ PAT-arg _ _ _ _ _ _ +13 , , , - - _ _ _ _ _ _ _ _ _ _ _ +14 yields yield NNS - - _ _ _ _ _ _ _ ACT-arg _ _ _ +15 “ “ `` - - _ _ _ _ _ _ _ _ _ _ _ +16 may may MD - - _ _ _ _ _ _ _ _ _ _ _ +17 blip blip_up VB - + v-w178_u_nobodyf1_u_nobody EFF-arg _ _ _ _ _ _ _ _ _ +18 up up RP - - _ _ _ _ _ _ _ _ _ _ _ +19 again again RB - - _ _ _ _ _ _ _ THO _ _ _ +20 before before IN - - _ _ _ _ _ _ _ _ _ _ _ +21 they #PersPron PRP - - _ _ _ _ _ _ _ _ ACT-arg _ _ +22 blip blip_down VBP - + v-w179_u_nobodyf2 _ _ _ _ _ _ TWHEN _ _ _ +23 down down RP - - _ _ _ _ _ _ _ _ _ _ _ +24 ” ” '' - - _ _ _ _ _ _ _ _ _ _ _ +25 because because IN - - _ _ _ _ _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +27 recent recent JJ - - _ _ _ _ _ _ _ _ _ TWHEN _ +28 rises rise NNS - + _ _ _ _ _ _ _ CAUS _ _ _ +29 in in IN - - _ _ _ _ _ _ _ _ _ _ _ +30 short-term short-term JJ - - _ _ _ _ _ _ _ _ _ _ TFHL +31 interest interest NN - - _ _ _ _ _ _ _ _ _ _ RSTR +32 rates rate NNS - + _ _ _ _ _ _ _ _ _ LOC _ +33 . . . - - _ _ _ _ _ _ _ _ _ _ _ + +#20004009 +1 The the DT - - _ _ _ _ _ _ _ _ +2 yield yield NN - + _ _ _ _ _ ACT-arg _ _ +3 on on IN - - _ _ _ _ _ _ _ _ +4 six-month six-month JJ - - _ _ THL _ _ _ _ _ +5 Treasury treasury NNP - - _ _ RSTR _ _ _ _ _ +6 bills bill NNS - + _ ORIG-arg _ _ _ _ _ _ +7 sold sell VBN - + ev-w2888f2 _ RSTR _ _ _ _ _ +8 at at IN - - _ _ _ _ _ _ _ _ +9 Monday monday NNP - - _ _ _ _ TWHEN _ _ _ +10 ’s ’s POS - - _ _ _ _ _ _ _ _ +11 auction auction NN - + _ _ _ LOC _ _ _ _ +12 , , , - - _ _ _ _ _ _ _ _ +13 for for IN - - _ _ _ _ _ _ _ _ +14 example example NN - - _ _ _ _ _ RHEM _ _ +15 , , , - - _ _ _ _ _ _ _ _ +16 rose rise VBD + + ev-w2772f1 _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ +18 8.04 8.04 CD - - _ _ _ _ _ _ RSTR _ +19 % #Percnt NN - + _ _ _ _ _ PAT-arg _ _ +20 from from IN - - _ _ _ _ _ _ _ _ +21 7.90 7.90 CD - - _ _ _ _ _ _ _ RSTR +22 % #Percnt NN - + _ _ _ _ _ ORIG-arg _ _ +23 . . . - - _ _ _ _ _ _ _ _ + +#20004010 +1 Despite despite IN - - _ _ _ _ _ +2 recent recent JJ - - _ TWHEN _ _ _ +3 declines decline NNS - + _ _ CNCS _ _ +4 in in IN - - _ _ _ _ _ +5 yields yield NNS - - _ LOC _ _ _ +6 , , , - - _ _ _ _ _ +7 investors investor NNS - - _ _ ACT-arg ACT-arg _ +8 continue continue VBP + + ev-w685f2 _ _ _ _ +9 to to TO - - _ _ _ _ _ +10 pour pour VB - + ev-w2348f2 _ PAT-arg _ _ +11 cash cash NN - - _ _ _ PAT-arg _ +12 into into IN - - _ _ _ _ _ +13 money money NN - - _ _ _ _ MAT +14 funds fund NNS - + _ _ _ DIR3-arg _ +15 . . . - - _ _ _ _ _ + +#20004011 +1 Assets asset NNS - + _ _ _ ACT-arg _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ +3 the the DT - - _ _ _ _ _ _ _ _ _ +4 400 400 CD - - _ _ RSTR _ _ _ _ _ _ +5 taxable taxable JJ - - _ _ RSTR _ _ _ _ _ _ +6 funds fund NNS - + _ APP _ _ _ _ _ _ _ +7 grew grow VBD + + ev-w1517f3 _ _ _ _ _ _ _ _ +8 by by IN - - _ _ _ _ _ _ _ _ _ +9 $ $ $ - + _ _ _ DIFF _ _ _ _ _ +10 1.5 1.5 CD - - _ _ _ _ _ RSTR _ _ _ +11 billion billion CD - + _ _ _ _ RSTR _ _ _ _ +12 during during IN - - _ _ _ _ _ _ _ _ _ +13 the the DT - - _ _ _ _ _ _ _ _ _ +14 latest late JJS - - _ _ _ _ _ _ TWHEN _ _ +15 week week NN - + _ _ _ TPAR _ _ _ _ _ +16 , , , - - _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ +18 $ $ $ - + _ _ _ PAT-arg _ _ _ _ _ +19 352.7 352.7 CD - - _ _ _ _ _ _ _ _ RSTR +20 billion billion CD - + _ _ _ _ _ _ _ RSTR _ +21 . . . - - _ _ _ _ _ _ _ _ _ + +#20004012 +1 Typically typically RB - - _ _ ATT _ _ _ _ _ _ +2 , , , - - _ _ _ _ _ _ _ _ _ +3 money-fund money-fund NN - - _ ORIG-arg _ _ _ _ _ _ _ +4 yields yield NNS - + _ _ ACT-arg _ _ _ _ _ _ +5 beat beat VBP + + ev-w223f4 _ _ _ _ _ _ _ _ +6 comparable comparable JJ - - _ _ _ RSTR _ _ _ _ _ +7 short-term short-term JJ - - _ _ _ TFHL _ _ _ _ _ +8 investments investment NNS - + _ _ ADDR-arg _ _ _ _ _ _ +9 because because IN - - _ _ _ _ _ _ _ _ _ +10 portfolio portfolio NN - - _ _ _ _ PAT-arg _ _ _ _ +11 managers manager NNS - + _ _ _ _ _ ACT-arg _ ACT-arg _ +12 can can MD - - _ _ _ _ _ _ _ _ _ +13 vary vary VB - + ev-w3537f2 _ CAUS _ _ _ CONJ.member _ _ +14 maturities maturity NNS - - _ _ _ _ _ PAT-arg _ _ _ +15 and and CC - + _ _ _ _ _ _ _ _ _ +16 go go VB - + ev-w1484f21 _ CAUS _ _ _ CONJ.member _ _ +17 after after IN - - _ _ _ _ _ _ _ _ _ +18 the the DT - - _ _ _ _ _ _ _ _ _ +19 highest high JJS - - _ _ _ _ _ _ _ _ RSTR +20 rates rate NNS - + _ _ _ _ _ _ _ PAT-arg _ +21 . . . - - _ _ _ _ _ _ _ _ _ + +#20004014 +1 Dreyfus Dreyfus NNP - - _ APP _ _ _ _ _ _ _ _ _ +2 World-Wide world-wide NNP - - _ LOC _ _ _ _ _ _ _ _ _ +3 Dollar dollar NNP - + _ _ APPS.member _ ACT-arg _ _ _ _ _ _ +4 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +6 top-yielding top-yielding JJ - - _ _ _ RSTR _ _ _ _ _ _ _ +7 fund fund NN - + _ _ APPS.member _ ACT-arg _ _ _ _ _ _ +8 , , , - - _ _ _ _ _ _ _ _ _ _ _ +9 had have VBD + + ev-w1566f3 _ _ _ _ _ _ _ _ _ _ +10 a a DT - - _ _ _ _ _ _ _ _ _ _ _ +11 seven-day seven-day JJ - - _ _ _ _ _ THL _ _ _ _ _ +12 compound compound NN - - _ _ _ _ _ RSTR _ _ _ _ _ +13 yield yield NN - + _ _ _ _ PAT-arg _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +15 9.37 9.37 CD - - _ _ _ _ _ _ RSTR _ _ _ _ +16 % #Percnt NN - + _ _ _ _ _ APP _ _ _ _ _ +17 during during IN - - _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +19 latest late JJS - - _ _ _ _ _ _ _ TWHEN _ _ _ +20 week week NN - + _ _ _ _ TPAR _ _ _ _ _ _ +21 , , , - - _ _ _ _ _ _ _ _ _ _ _ +22 down down RB - + _ _ _ _ LOC _ _ _ _ _ _ +23 from from IN - - _ _ _ _ _ _ _ _ _ _ _ +24 9.45 9.45 CD - - _ _ _ _ _ _ _ _ _ RSTR _ +25 % #Percnt NN - + _ _ _ _ _ _ _ _ DIR1 _ _ +26 a a DT - - _ _ _ _ _ _ _ _ _ _ _ +27 week week NN - - _ _ _ _ _ _ _ _ _ _ DIFF +28 earlier early JJR - + _ _ _ _ _ _ _ _ _ RSTR _ +29 . . . - - _ _ _ _ _ _ _ _ _ _ _ + +#20004015 +1 It #PersPron PRP - - _ ACT-arg _ _ ACT-arg _ _ _ +2 invests invest VBZ + + ev-w1752f1 _ _ CONJ.member _ _ _ _ +3 heavily heavily RB - - _ MANN _ _ _ _ _ _ +4 in in IN - - _ _ _ _ _ _ _ _ +5 dollar-denominated dollar-denominated JJ - - _ _ RSTR _ _ _ _ _ +6 securities security NNS - + _ DIR3 _ _ _ _ _ _ +7 overseas overseas RB - - _ LOC _ _ _ _ _ _ +8 and and CC - + _ _ _ _ _ _ _ _ +9 is be VBZ - - _ _ _ _ _ _ _ _ +10 currently currently RB - - _ _ _ _ TWHEN _ _ _ +11 waiving waive VBG + + ev-w3578f1 _ _ CONJ.member _ _ _ _ +12 management management NN - - _ _ _ _ _ RSTR _ _ +13 fees fee NNS - + _ _ _ _ PAT-arg _ _ _ +14 , , , - - _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ ACT-arg _ +16 boosts boost VBZ - + ev-w315f1 _ _ _ DESCR _ _ _ +17 its #PersPron PRP$ - - _ _ _ _ _ _ _ ACT-arg +18 yield yield NN - + _ _ _ _ _ _ PAT-arg _ +19 . . . - - _ _ _ _ _ _ _ _ + +#20004016 +1 The the DT - - _ _ _ _ _ _ +2 average average JJ - - _ RSTR _ _ _ _ +3 seven-day seven-day JJ - - _ TFHL _ _ _ _ +4 simple simple JJ - - _ RSTR _ _ _ _ +5 yield yield NN - + _ _ _ ACT-arg _ _ +6 of of IN - - _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ +8 400 400 CD - - _ _ RSTR _ _ _ +9 funds fund NNS - + _ ORIG-arg _ _ _ _ +10 was be VBD + + ev-w218f4_u_nobody _ _ _ _ _ +11 8.12 8.12 CD - - _ _ _ _ RSTR _ +12 % #Percnt NN - + _ _ _ PAT-arg _ _ +13 , , , - - _ _ _ _ _ _ +14 down down RB - - _ _ _ CPHR-arg _ _ +15 from from IN - - _ _ _ _ _ _ +16 8.14 8.14 CD - - _ _ _ _ _ RSTR +17 % #Percnt NN - + _ _ _ ORIG-arg _ _ +18 . . . - - _ _ _ _ _ _ + +#20004017 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ +2 30-day 30-day JJ - - _ TFHL _ _ _ _ _ _ _ _ +3 simple simple JJ - - _ RSTR _ _ _ _ _ _ _ _ +4 yield yield NN - + _ _ ACT-arg _ _ _ _ _ _ _ +5 fell fall VBD + + ev-w1273f5 _ _ _ _ CONJ.member _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ +7 an an DT - - _ _ _ _ _ _ _ _ _ _ +8 average average JJ - - _ _ _ RSTR _ _ _ _ _ _ +9 8.19 8.19 CD - - _ _ _ RSTR _ _ _ _ _ _ +10 % #Percnt NN - + _ _ PAT-arg _ _ _ _ _ _ _ +11 from from IN - - _ _ _ _ _ _ _ _ _ _ +12 8.22 8.22 CD - - _ _ _ _ RSTR _ _ _ _ _ +13 % #Percnt NN - + _ _ ORIG-arg _ _ _ _ _ _ _ +14 ; #Semicolon : - + _ _ _ _ _ _ _ _ _ _ +15 the the DT - - _ _ _ _ _ _ _ _ _ _ +16 30-day 30-day JJ - - _ _ _ _ _ _ TFHL _ _ _ +17 compound compound NN - - _ _ _ _ _ _ RSTR _ _ _ +18 yield yield NN - + _ _ _ _ _ _ _ ACT-arg _ _ +19 slid slide VBD + + ev-w3012f1 _ _ _ _ CONJ.member _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ +21 an an DT - - _ _ _ _ _ _ _ _ _ _ +22 average average JJ - - _ _ _ _ _ _ _ _ RSTR _ +23 8.53 8.53 CD - - _ _ _ _ _ _ _ _ RSTR _ +24 % #Percnt NN - + _ _ _ _ _ _ _ PAT-arg _ _ +25 from from IN - - _ _ _ _ _ _ _ _ _ _ +26 8.56 8.56 CD - - _ _ _ _ _ _ _ _ _ RSTR +27 % #Percnt NN - + _ _ _ _ _ _ _ ORIG-arg _ _ +28 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20005001 +1 J.P. J.P. NNP - - _ NE _ _ _ _ _ _ _ _ _ _ +2 Bolduc bolduc NNP - + _ _ APPS.member _ _ _ _ _ _ _ _ PAT-arg +3 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ _ +4 vice vice NN - - _ _ _ RSTR _ _ _ _ _ _ _ _ +5 chairman chairman NN - + _ _ APPS.member _ _ _ _ _ _ _ _ PAT-arg +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +7 W.R. W.R. NNP - - _ _ _ _ NE _ _ _ _ _ _ _ +8 Grace Grace NNP - + _ _ _ NE _ CONJ.member _ _ _ _ _ _ +9 & #Amp CC - + _ _ _ _ _ _ _ _ _ _ _ _ +10 Co. Co. NNP - + _ _ _ NE _ CONJ.member _ _ _ _ _ _ +11 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 which which WDT - - _ _ _ _ _ _ _ ACT-arg _ _ _ _ +13 holds hold VBZ - + ev-w1601f7 _ _ _ DESCR _ DESCR _ _ _ _ _ +14 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ +15 83.4 83.4 CD - - _ _ _ _ _ _ _ _ RSTR _ _ _ +16 % #Percnt NN - + _ _ _ _ _ _ _ _ _ RSTR _ _ +17 interest interest NN - + _ _ _ _ _ _ _ PAT-arg _ _ _ _ +18 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +19 this this DT - - _ _ _ _ _ _ _ _ _ _ RSTR _ +20 energy-services energy-services JJ - - _ _ _ _ _ _ _ _ _ _ RSTR _ +21 company company NN - + _ _ _ _ _ _ _ _ _ LOC _ _ +22 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +23 was be VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +24 elected elect VBN + + ev-w1102f1 _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ +26 director director NN - - _ _ _ _ _ _ _ _ _ _ _ EFF-arg +27 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20005002 +1 He #PersPron PRP - - _ ACT-arg _ _ _ _ _ +2 succeeds succeed VBZ + + ev-w3245f2 _ _ _ _ _ _ +3 Terrence Terrence NNP - - _ _ NE _ _ _ _ +4 D. D. NNP - - _ _ NE _ _ _ _ +5 Daniels Daniels NNP - + _ PAT-arg _ APPS.member _ _ _ +6 , #Comma , - + _ _ _ _ _ _ _ +7 formerly formerly RB - - _ _ _ _ _ TWHEN _ +8 a a DT - - _ _ _ _ _ _ _ +9 W.R. W.R. NNP - - _ _ _ _ NE _ _ +10 Grace grace NNP - + _ _ _ _ _ APP _ +11 vice vice NN - - _ _ _ _ _ RSTR _ +12 chairman chairman NN - + _ PAT-arg _ APPS.member _ _ _ +13 , , , - - _ _ _ _ _ _ _ +14 who who WP - - _ _ _ _ _ _ ACT-arg +15 resigned resign VBD - + ev-w2696f3 _ DESCR _ _ DESCR _ +16 . . . - - _ _ _ _ _ _ _ + +#20005003 +1 W.R. W.R. NNP - - _ NE _ _ _ _ _ +2 Grace grace NNP - + _ _ ACT-arg _ _ _ _ +3 holds hold VBZ + + ev-w1601f5 _ _ _ _ _ _ +4 three three CD - + _ _ CPHR-arg _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ +6 Grace Grace NNP - - _ _ _ _ NE _ _ +7 Energy energy NNP - + _ _ _ _ _ _ APP +8 ’s ’s POS - - _ _ _ _ _ _ _ +9 seven seven CD - - _ _ _ _ _ RSTR _ +10 board board NN - + _ _ _ _ _ _ LOC +11 seats seat NNS - + _ _ _ DIR1 _ _ _ +12 . . . - - _ _ _ _ _ _ _ + +#20006001 +1 Pacific Pacific NNP - - _ NE _ _ _ _ _ _ _ _ _ _ +2 First First NNP - - _ NE _ _ _ _ _ _ _ _ _ _ +3 Financial Financial NNP - + _ _ NE _ _ _ _ _ _ _ _ _ +4 Corp. corp. NNP - + _ _ _ ACT-arg _ _ _ _ _ _ _ _ +5 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ _ _ _ +6 shareholders shareholder NNS - - _ _ _ _ ACT-arg _ _ _ _ _ _ _ +7 approved approve VBD - + ev-w126f1 _ _ EFF-arg _ _ _ _ _ _ _ _ +8 its #PersPron PRP$ - - _ _ _ _ _ PAT-arg _ _ _ _ _ _ +9 acquisition acquisition NN - + _ _ _ _ PAT-arg _ _ _ _ _ _ _ +10 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ +11 Royal Royal NNP - - _ _ _ _ _ _ NE _ _ _ _ _ +12 Trustco Trustco NNP - + _ _ _ _ _ _ _ NE _ _ _ _ +13 Ltd. ltd. NNP - + _ _ _ _ _ ACT-arg _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +15 Toronto toronto NNP - - _ _ _ _ _ _ _ APP _ _ _ _ +16 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ +17 $ $ $ - + _ _ _ _ _ EXT _ _ _ APPS.member _ _ +18 27 27 CD - - _ _ _ _ _ _ _ _ RSTR _ _ _ +19 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ +20 share share NN - - _ _ _ _ _ _ _ _ REG _ _ _ +21 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +22 or or CC - + _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - + _ _ _ _ _ EXT _ _ _ APPS.member _ _ +24 212 212 CD - - _ _ _ _ _ _ _ _ _ _ _ RSTR +25 million million CD - + _ _ _ _ _ _ _ _ _ _ RSTR _ +26 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20006002 +1 The the DT - - _ _ _ _ _ _ _ _ +2 thrift thrift NN - - _ RSTR _ _ _ _ _ _ +3 holding hold VBG - - ev-w1601f7 RSTR _ _ _ _ _ _ +4 company company NN - + _ _ ACT-arg _ _ _ _ _ +5 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ +6 it #PersPron_#Cor PRP - - _ _ _ ACT-arg ACT-arg _ _ ACT-arg +7 expects expect VBZ - + ev-w1239f1 _ EFF-arg _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ +9 obtain obtain VB - + ev-w2099f1 _ _ PAT-arg _ _ CONJ.member _ +10 regulatory regulatory JJ - - _ _ _ _ _ RSTR _ _ +11 approval approval NN - + _ _ _ _ PAT-arg _ _ _ +12 and and CC - + _ _ _ _ _ _ _ _ +13 complete complete VB - + ev-w620f1 _ _ PAT-arg _ _ CONJ.member _ +14 the the DT - - _ _ _ _ _ _ _ _ +15 transaction transaction NN - - _ _ _ _ _ _ _ PAT-arg +16 by by IN - - _ _ _ _ _ _ _ _ +17 year-end year-end NN - - _ _ _ _ TTILL _ _ TTILL +18 . . . - - _ _ _ _ _ _ _ _ + +#20007002 +1 Finmeccanica finmeccanica NNP - - _ ACT-arg _ _ _ _ +2 is be VBZ + + ev-w218f2 _ _ _ _ _ +3 an an DT - - _ _ _ _ _ _ +4 Italian italian JJ - - _ _ RSTR _ _ _ +5 state-owned state-owned JJ - - _ _ RSTR _ _ _ +6 holding hold VBG - - ev-w1601f7 _ RSTR _ _ _ +7 company company NN - + _ PAT-arg _ _ _ _ +8 with with IN - - _ _ _ _ _ _ +9 interests interest NNS - + _ _ ACMP _ _ _ +10 in in IN - - _ _ _ _ _ _ +11 the the DT - - _ _ _ _ _ _ +12 mechanical mechanical JJ - - _ _ _ _ RSTR _ +13 engineering engineering NN - + _ _ _ _ _ RSTR +14 industry industry NN - + _ _ _ LOC _ _ +15 . . . - - _ _ _ _ _ _ + +#20007003 +1 Bailey Bailey NNP - - _ NE _ _ _ _ +2 Controls Controls NNP - + _ _ _ _ ACT-arg _ +3 , , , - - _ _ _ _ _ _ +4 based base VBN - + ev-w211f1 DESCR _ _ _ _ +5 in in IN - - _ _ _ _ _ _ +6 Wickliffe wickliffe NNP - + _ _ LOC-arg _ _ _ +7 , , , - - _ _ _ _ _ _ +8 Ohio ohio NNP - - _ _ _ PAR _ _ +9 , , , - - _ _ _ _ _ _ +10 makes make VBZ + + ev-w1923f6 _ _ _ _ _ +11 computerized computerized JJ - - _ _ _ _ _ RSTR +12 industrial industrial JJ - - _ _ _ _ _ RSTR +13 controls control NNS - - _ _ _ _ _ RSTR +14 systems system NNS - + _ _ _ _ PAT-arg _ +15 . . . - - _ _ _ _ _ _ + +#20007004 +1 It #PersPron PRP - - _ ACT-arg _ _ ACT-arg _ _ _ _ +2 employs employ VBZ + + ev-w1125f1 _ _ CONJ.member _ _ _ _ _ +3 2,700 2_700 CD - - _ _ RSTR _ _ _ _ _ _ +4 people people NNS - + _ PAT-arg _ _ _ _ _ _ _ +5 and and CC - + _ _ _ _ _ _ _ _ _ +6 has have VBZ + + ev-w1566f3 _ _ CONJ.member _ _ _ _ _ +7 annual annual JJ - - _ _ _ _ _ THO _ _ _ +8 revenue revenue NN - + _ _ _ _ PAT-arg _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ +10 about about IN - - _ _ _ _ _ _ _ EXT _ +11 $ $ $ - + _ _ _ _ _ APP _ _ _ +12 370 370 CD - + _ _ _ _ _ _ _ _ RSTR +13 million million CD - + _ _ _ _ _ _ RSTR _ _ +14 . . . - - _ _ _ _ _ _ _ _ _ + +#20008001 +1 The the DT - - _ _ _ _ _ _ _ _ +2 federal federal JJ - - _ RSTR _ _ _ _ _ _ +3 government government NN - + _ _ ACT-arg _ _ _ _ _ +4 suspended suspend VBD + + ev-w3275f2 _ _ _ _ _ _ _ +5 sales sale NNS - + _ _ PAT-arg _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ +7 U.S. u.s. NNP - - _ _ _ _ RSTR _ _ _ +8 savings savings NNS - - _ _ _ _ RSTR _ _ _ +9 bonds bond NNS - + _ _ _ PAT-arg _ _ _ _ +10 because because IN - - _ _ _ _ _ _ _ _ +11 Congress Congress NNP - - _ _ _ _ _ ACT-arg _ _ +12 has have VBZ - - _ _ _ _ _ _ _ _ +13 n’t #Neg RB - - _ _ _ _ _ RHEM _ _ +14 lifted lift VBN - + ev-w1863f4 _ CAUS _ _ _ _ _ +15 the the DT - - _ _ _ _ _ _ _ _ +16 ceiling ceiling NN - + _ _ _ _ _ PAT-arg _ _ +17 on on IN - - _ _ _ _ _ _ _ _ +18 government government NN - - _ _ _ _ _ _ _ APP +19 debt debt NN - + _ _ _ _ _ _ REG _ +20 . . . - - _ _ _ _ _ _ _ _ + +#20008002 +1 Until until IN - - _ _ _ _ _ _ _ _ +2 Congress Congress NNP - - _ ACT-arg _ _ _ _ _ _ +3 acts act VBZ - + ev-w42f1 _ TTILL _ _ _ _ _ +4 , , , - - _ _ _ _ _ _ _ _ +5 the the DT - - _ _ _ _ _ _ _ _ +6 government government NN - - _ _ ACT-arg _ ACT-arg _ _ _ +7 has have VBZ - + ev-w1566f3 _ _ _ _ _ _ EFF-arg +8 n’t #Neg RB - - _ _ RHEM _ _ _ _ _ +9 any any DT - - _ _ _ RSTR _ _ _ _ +10 authority authority NN - + _ _ PAT-arg _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ +12 issue issue VB - + ev-w1762f1 _ _ PAT-arg _ _ _ _ +13 new new JJ - - _ _ _ _ _ RSTR _ _ +14 debt debt NN - - _ _ _ _ _ RSTR _ _ +15 obligations obligation NNS - + _ _ _ _ PAT-arg _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ +17 any any DT - - _ _ _ _ _ _ RSTR _ +18 kind kind NN - + _ _ _ _ _ APP _ _ +19 , , , - - _ _ _ _ _ _ _ _ +20 the the DT - - _ _ _ _ _ _ _ _ +21 Treasury treasury NNP - - _ _ _ _ _ _ _ ACT-arg +22 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ +23 . . . - - _ _ _ _ _ _ _ _ + +#20008003 +1 The the DT - - _ _ _ _ _ _ _ +2 government government NN - - _ APP _ _ _ _ _ +3 ’s ’s POS - - _ _ _ _ _ _ _ +4 borrowing borrowing NN - - _ RSTR _ _ _ _ _ +5 authority authority NN - + _ _ ACT-arg _ _ _ _ +6 dropped drop VBD + + ev-w1065f3 _ _ _ _ _ _ +7 at at IN - - _ _ _ _ _ _ _ +8 midnight midnight NN - - _ _ TWHEN _ _ _ _ +9 Tuesday tuesday NNP - - _ _ TWHEN _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ +11 $ $ $ - + _ _ PAT-arg _ _ _ _ +12 2.80 2.80 CD - - _ _ _ _ RSTR _ _ +13 trillion trillion CD - + _ _ _ RSTR _ _ _ +14 from from IN - - _ _ _ _ _ _ _ +15 $ $ $ - + _ _ ORIG-arg _ _ _ _ +16 2.87 2.87 CD - - _ _ _ _ _ _ RSTR +17 trillion trillion CD - + _ _ _ _ _ RSTR _ +18 . . . - - _ _ _ _ _ _ _ + +#20008004 +1 Legislation legislation NN - + _ _ _ _ PAT-arg _ _ _ +2 to to TO - - _ _ _ _ _ _ _ _ +3 lift lift VB - + ev-w1863f4 RSTR _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ _ _ +5 debt debt NN - - _ _ _ RSTR _ _ _ _ +6 ceiling ceiling NN - + _ _ PAT-arg _ _ _ _ _ +7 is be VBZ - - _ _ _ _ _ _ _ _ +8 ensnarled ensnarl VBN + + ev-w1166f2 _ _ _ _ _ _ _ +9 in in IN - - _ _ _ _ _ _ _ _ +10 the the DT - - _ _ _ _ _ _ _ _ +11 fight fight NN - + _ _ _ _ EFF-arg _ _ _ +12 over over IN - - _ _ _ _ _ _ _ _ +13 cutting cut VBG - + ev-w790f1 _ _ _ _ PAT-arg _ _ +14 capital-gains capital-gains JJ - - _ _ _ _ _ _ _ RSTR +15 taxes tax NNS - + _ _ _ _ _ _ PAT-arg _ +16 . . . - - _ _ _ _ _ _ _ _ + +#20008005 +1 The the DT - - _ _ _ _ _ _ _ _ _ +2 House house NNP - - _ ACT-arg ACT-arg _ _ _ _ _ _ +3 has have VBZ - - _ _ _ _ _ _ _ _ _ +4 voted vote VBN + + ev-w3564f2 _ _ _ _ ADVS.member _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ +6 raise raise VB - + ev-w2481f3 PAT-arg _ _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ _ _ _ +8 ceiling ceiling NN - - _ _ PAT-arg _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ +10 $ $ $ - + _ _ EFF-arg _ _ _ _ _ _ +11 3.1 3.1 CD - - _ _ _ _ RSTR _ _ _ _ +12 trillion trillion CD - + _ _ _ RSTR _ _ _ _ _ +13 , , , - - _ _ _ _ _ _ _ _ _ +14 but but CC - + _ _ _ _ _ _ _ _ _ +15 the the DT - - _ _ _ _ _ _ _ _ _ +16 Senate senate NNP - - _ _ _ _ _ _ _ ACT-arg _ +17 is be VBZ - - _ _ _ _ _ _ _ _ _ +18 n’t #Neg RB - - _ _ _ _ _ _ RHEM _ _ +19 expected expect VBN + + ev-w1239f1 _ _ _ _ ADVS.member _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ +21 act act VB - + ev-w42f1 _ _ _ _ _ PAT-arg _ _ +22 until until IN - - _ _ _ _ _ _ _ _ _ +23 next next JJ - - _ _ _ _ _ _ _ _ RSTR +24 week week NN - + _ _ _ _ _ _ _ TTILL _ +25 at at IN - - _ _ _ _ _ _ _ _ _ +26 the the DT - - _ _ _ _ _ _ _ _ _ +27 earliest early JJS - - _ _ _ _ _ _ _ TWHEN _ +28 . . . - - _ _ _ _ _ _ _ _ _ + +#20008006 +1 The the DT - - _ _ _ _ _ +2 Treasury treasury NNP - - _ ACT-arg _ _ _ +3 said say VBD + + ev-w2833f1 _ _ _ _ +4 the the DT - - _ _ _ _ _ +5 U.S. u.s. NNP - - _ _ ACT-arg _ _ +6 will will MD - - _ _ _ _ _ +7 default default VB - + ev-w840f1 EFF-arg _ _ _ +8 on on IN - - _ _ _ _ _ +9 Nov. nov. NNP - + _ _ TWHEN _ _ +10 9 9 CD - - _ _ _ RSTR _ +11 if if IN - - _ _ _ _ _ +12 Congress Congress NNP - - _ _ _ _ ACT-arg +13 does do VBZ - - _ _ _ _ _ +14 n’t #Neg RB - - _ _ _ _ RHEM +15 act act VB - + ev-w42f1 _ COND _ _ +16 by by IN - - _ _ _ _ _ +17 then then RB - - _ _ _ _ TTILL +18 . . . - - _ _ _ _ _ + +#20009001 +1 Clark Clark NNP - - _ NE _ _ _ _ _ _ _ _ _ +2 J. J. NNP - - _ NE _ _ _ _ _ _ _ _ _ +3 Vitulli vitulli NNP - + _ _ PAT-arg _ _ _ _ _ _ _ _ +4 was be VBD - - _ _ _ _ _ _ _ _ _ _ _ +5 named name VBN + + ev-w2055f1 _ _ _ _ _ _ _ _ _ _ +6 senior senior JJ - - _ _ _ RSTR _ _ _ _ _ _ _ +7 vice vice NN - - _ _ _ RSTR _ _ _ _ _ _ _ +8 president president NN - + _ _ EFF-arg _ CONJ.member _ _ _ _ _ _ +9 and and CC - + _ _ _ _ _ _ _ _ _ _ _ +10 general general JJ - - _ _ _ _ _ RSTR _ _ _ _ _ +11 manager manager NN - + _ _ EFF-arg _ CONJ.member _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +13 this this DT - - _ _ _ _ _ _ _ RSTR _ _ _ +14 U.S. u.s. NNP - - _ _ _ _ _ _ _ RSTR _ _ _ +15 sales sale NNS - - _ _ _ _ _ _ CONJ.member RSTR _ _ _ +16 and and CC - + _ _ _ _ _ _ _ _ _ _ _ +17 marketing marketing NN - - _ _ _ _ _ _ CONJ.member RSTR _ _ _ +18 arm arm NN - + _ _ _ APP _ APP _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +20 Japanese japanese JJ - - _ _ _ _ _ _ _ _ RSTR _ _ +21 auto auto NN - - _ _ _ _ _ _ _ _ PAT-arg _ _ +22 maker maker NN - + _ _ _ _ _ _ _ _ _ _ RSTR +23 Mazda Mazda NNP - - _ _ _ _ _ _ _ _ _ NE _ +24 Motor Motor NNP - + _ _ _ _ _ _ _ _ _ _ NE +25 Corp corp NNP - + _ _ _ _ _ _ _ APP _ _ _ +26 . . . - - _ _ _ _ _ _ _ _ _ _ _ + +#20009002 +1 In in IN - - _ _ _ _ _ _ +2 the the DT - - _ _ _ _ _ _ +3 new new JJ - - _ RSTR _ _ _ _ +4 position position NN - + _ _ LOC _ _ _ +5 he #PersPron PRP - - _ _ ACT-arg _ _ _ +6 will will MD - - _ _ _ _ _ _ +7 oversee oversee VB + + ev-w2161f1 _ _ _ _ _ +8 Mazda mazda NNP - - _ _ _ ACT-arg _ _ +9 ’s ’s POS - - _ _ _ _ _ _ +10 U.S. u.s. NNP - - _ _ _ LOC _ _ +11 sales sale NNS - + _ _ _ _ _ RSTR +12 , , , - - _ _ _ _ _ _ +13 service service NN - - _ _ _ _ CONJ.member PAT-arg +14 , , , - - _ _ _ _ _ _ +15 parts part NNS - - _ _ _ _ CONJ.member PAT-arg +16 and and CC - + _ _ _ _ _ _ +17 marketing marketing NN - - _ _ _ _ CONJ.member PAT-arg +18 operations operation NNS - + _ _ PAT-arg _ _ _ +19 . . . - - _ _ _ _ _ _ + +#20009003 +1 Previously previously RB - - _ _ _ _ TWHEN _ _ _ +2 , , , - - _ _ _ _ _ _ _ _ +3 Mr. mr. NNP - - _ RSTR _ _ _ _ _ _ +4 Vitulli vitulli NNP - + _ _ _ _ ACT-arg _ _ _ +5 , , , - - _ _ _ _ _ _ _ _ +6 43 43 CD - - _ _ RSTR _ _ _ _ _ +7 years year NNS - + _ _ _ EXT _ _ _ _ +8 old old JJ - + _ DESCR _ _ _ _ _ _ +9 , , , - - _ _ _ _ _ _ _ _ +10 was be VBD + + ev-w218f2 _ _ _ _ _ _ _ +11 general general JJ - - _ _ _ _ _ RSTR _ _ +12 marketing marketing NN - - _ _ _ _ _ RSTR _ _ +13 manager manager NN - + _ _ _ _ PAT-arg _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ +15 Chrysler Chrysler NNP - - _ _ _ _ _ _ NE _ +16 Corp. corp. NNP - + _ _ _ _ _ _ _ APP +17 ’s ’s POS - - _ _ _ _ _ _ _ _ +18 Chrysler chrysler NNP - - _ _ _ _ _ _ _ RSTR +19 division division NN - + _ _ _ _ _ APP _ _ +20 . . . - - _ _ _ _ _ _ _ _ + +#20009004 +1 He #PersPron PRP - - _ ACT-arg _ _ _ +2 had have VBD - - _ _ _ _ _ +3 been be VBN + + ev-w218f2 _ _ _ _ +4 a a DT - - _ _ _ _ _ +5 sales sale NNS - - _ _ CONJ.member RSTR _ +6 and and CC - + _ _ _ _ _ +7 marketing marketing NN - - _ _ CONJ.member RSTR _ +8 executive executive NN - + _ PAT-arg _ _ _ +9 with with IN - - _ _ _ _ _ +10 Chrysler chrysler NNP - - _ _ _ ACMP _ +11 for for IN - - _ _ _ _ _ +12 20 20 CD - - _ _ _ _ RSTR +13 years year NNS - + _ TFHL _ _ _ +14 . . . - - _ _ _ _ _ + +#20010001 +1 When when WRB - - _ _ _ _ _ _ _ _ _ _ +2 it #PersPron PRP - - _ ACT-arg _ _ _ _ _ _ _ _ +3 ’s be VBZ - + ev-w218f2 _ _ _ _ TWHEN _ _ _ _ +4 time time NN - + _ PAT-arg _ _ _ _ _ _ _ _ +5 for for IN - - _ _ _ _ _ _ _ _ _ _ +6 their #PersPron PRP$ - - _ _ _ APP _ _ _ _ _ _ +7 biannual biannual JJ - - _ _ _ THO _ _ _ _ _ _ +8 powwow powwow NN - + _ _ PAT-arg _ _ _ _ _ _ _ +9 , , , - - _ _ _ _ _ _ _ _ _ _ +10 the the DT - - _ _ _ _ _ _ _ _ _ _ +11 nation nation NN - - _ _ _ _ APP _ _ _ _ _ +12 ’s ’s POS - - _ _ _ _ _ _ _ _ _ _ +13 manufacturing manufacture VBG - - ev-w1936f1 _ _ _ RSTR _ _ _ _ _ +14 titans titan NNS - + _ _ _ _ _ ACT-arg _ _ _ _ +15 typically typically RB - - _ _ _ _ _ MANN _ _ _ _ +16 jet jet_off VBP + + ev-w1771f1 _ _ _ _ _ _ _ _ _ +17 off off RP - - _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ +19 the the DT - - _ _ _ _ _ _ _ _ _ _ +20 sunny sunny JJ - - _ _ _ _ _ _ RSTR _ _ _ +21 confines confines NNS - + _ _ _ _ _ DIR3-arg _ _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ +23 resort resort NN - - _ _ _ _ _ _ _ RSTR _ _ +24 towns town NNS - + _ _ _ _ _ _ APP _ _ _ +25 like like IN - - _ _ _ _ _ _ _ _ _ _ +26 Boca Boca NNP - - _ _ _ _ _ _ _ CPR CONJ.member _ +27 Raton Raton NNP - - _ _ _ _ _ _ _ CPR CONJ.member _ +28 and and CC - + _ _ _ _ _ _ _ _ _ _ +29 Hot Hot NNP - - _ _ _ _ _ _ _ _ _ NE +30 Springs Springs NNP - + _ _ _ _ _ _ _ CPR CONJ.member _ +31 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20010002 +1 Not #Neg RB + - _ _ +2 this this DT - - _ RSTR +3 year year NN + + _ _ +4 . . . - - _ _ + +#20010003 +1 The the DT - - _ _ _ _ _ +2 National National NNP - - _ NE _ _ _ +3 Association association NNP - + _ _ ACT-arg _ _ +4 of of IN - - _ _ _ _ _ +5 Manufacturers Manufacturers NNP - - _ NE _ _ _ +6 settled settle VBD + + ev-w2904f3 _ _ _ _ +7 on on IN - - _ _ _ _ _ +8 the the DT - - _ _ _ _ _ +9 Hoosier hoosier NNP - - _ _ _ RSTR _ +10 capital capital NN - + _ _ PAT-arg _ _ +11 of of IN - - _ _ _ _ _ +12 Indianapolis Indianapolis NNP - - _ _ _ APP _ +13 for for IN - - _ _ _ _ _ +14 its #PersPron PRP$ - - _ _ _ _ APP +15 fall fall NN - - _ _ _ _ TWHEN +16 board board NN - - _ _ _ _ ACT-arg +17 meeting meeting NN - + _ _ AIM _ _ +18 . . . - - _ _ _ _ _ + +#20010006 +1 On on IN - - _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +3 receiving receive VBG - - ev-w2542f1 RSTR _ _ _ _ _ _ _ _ _ +4 end end NN - + _ _ LOC-arg _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +7 message message NN - - _ APP _ _ _ _ _ _ _ _ _ +8 were be VBD + + ev-w218f7_u_nobody _ _ _ _ _ _ _ _ _ _ +9 officials official NNS - + _ _ ACT-arg _ _ _ _ _ _ _ _ +10 from from IN - - _ _ _ _ _ _ _ _ _ _ _ +11 giants giant NNS - + _ _ _ DIR1 _ _ _ _ _ _ _ +12 like like IN - - _ _ _ _ _ _ _ _ _ _ _ +13 Du Du NNP - - _ _ _ _ CPR CONJ.member _ _ _ _ _ +14 Pont Pont NNP - - _ _ _ _ CPR CONJ.member _ _ _ _ _ +15 and and CC - + _ _ _ _ _ _ _ _ _ _ _ +16 Maytag maytag NNP - - _ _ _ _ CPR CONJ.member _ _ _ _ _ +17 , , , - - _ _ _ _ _ _ _ _ _ _ _ +18 along along IN - - _ _ _ _ _ _ _ _ _ _ _ +19 with with IN - - _ _ _ _ _ _ _ _ _ _ _ +20 lesser less JJR - - _ _ _ _ _ _ EXT _ _ _ _ +21 knowns known NNS - + _ _ _ ACMP _ _ _ _ _ _ _ +22 like like IN - - _ _ _ _ _ _ _ _ _ _ _ +23 Trojan Trojan NNP - - _ _ _ _ _ _ _ NE _ _ _ +24 Steel steel NNP - + _ _ _ _ _ _ CPR _ CONJ.member _ _ +25 and and CC - + _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - - _ _ _ _ _ _ _ _ _ _ _ +27 Valley Valley NNP - - _ _ _ _ _ _ _ _ _ NE _ +28 Queen Queen NNP - + _ _ _ _ _ _ _ _ _ _ NE +29 Cheese Cheese NNP - - _ _ _ _ _ _ _ _ _ _ NE +30 Factory factory NNP - + _ _ _ _ _ _ CPR _ CONJ.member _ _ +31 . . . - - _ _ _ _ _ _ _ _ _ _ _ + +#20010007 +1 For for IN - - _ _ _ _ _ _ _ _ +2 starters starter NNS - - _ REG _ _ _ _ _ _ +3 , , , - - _ _ _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ _ _ +5 executives executive NNS - - _ ACT-arg _ _ _ _ _ _ +6 joined join VBD + + ev-w1777f1 _ _ _ _ _ _ _ +7 Mayor mayor NNP - - _ _ RSTR _ _ _ _ _ +8 William William NNP - - _ _ NE _ _ _ _ _ +9 H. H. NNP - - _ _ NE _ _ _ _ _ +10 Hudnut hudnut NNP - + _ PAT-arg _ _ _ _ _ _ +11 III III NNP - - _ _ NE _ _ _ _ _ +12 for for IN - - _ _ _ _ _ _ _ _ +13 an an DT - - _ _ _ _ _ _ _ _ +14 evening evening NN - + _ AIM _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ +16 the the DT - - _ _ _ _ _ _ _ _ +17 Indianapolis Indianapolis NNP - - _ _ _ _ NE _ _ _ +18 Symphony Symphony NNP - - _ _ _ _ NE _ _ _ +19 Orchestra orchestra NNP - + _ _ _ APP _ CONJ.member _ _ +20 and and CC - + _ _ _ _ _ _ _ _ +21 a a DT - - _ _ _ _ _ _ _ _ +22 guest guest NN - - _ _ _ _ _ _ RSTR _ +23 pianist-comedian pianist-comedian NN - + _ _ _ _ _ _ _ RSTR +24 Victor Victor NNP - - _ _ _ _ _ _ _ NE +25 Borge borge NNP - + _ _ _ APP _ CONJ.member _ _ +26 . . . - - _ _ _ _ _ _ _ _ + +#20010008 +1 Champagne champagne NN - - _ CONJ.member ACT-arg +2 and and CC - + _ _ _ +3 dessert dessert NN - - _ CONJ.member ACT-arg +4 followed follow VBD + + ev-w1378f2 _ _ +5 . . . - - _ _ _ + +#20010010 +1 The the DT - - _ _ _ _ _ _ +2 governor governor NN - - _ ACT-arg _ _ _ _ +3 could could MD - - _ _ _ _ _ _ +4 n’t #Neg RB - - _ RHEM _ _ _ _ +5 make make VB + + ev-w1923f28 _ CSQ.member _ _ _ +6 it #PersPron PRP - - _ DPHR-arg _ _ _ _ +7 , , , - - _ _ _ _ _ _ +8 so so IN - + _ _ _ _ _ _ +9 the the DT - - _ _ _ _ _ _ +10 lieutenant lieutenant NN - - _ _ _ RSTR _ _ +11 governor governor NN - + _ _ _ _ ACT-arg _ +12 welcomed welcome VBD + + ev-w3616f1 _ CSQ.member _ _ _ +13 the the DT - - _ _ _ _ _ _ +14 special special JJ - - _ _ _ _ _ RSTR +15 guests guest NNS - + _ _ _ _ PAT-arg _ +16 . . . - - _ _ _ _ _ _ + +#20010011 +1 A a DT - - _ _ _ _ _ _ _ +2 buffet buffet NN - - _ RSTR _ _ _ _ _ +3 breakfast breakfast NN - + _ _ CPHR-arg _ _ _ _ +4 was be VBD - - _ _ _ _ _ _ _ +5 held hold VBN + + ev-w1601f5 _ _ _ _ _ _ +6 in in IN - - _ _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ _ +8 museum museum NN - + _ _ LOC _ _ _ _ +9 , , , - - _ _ _ _ _ _ _ +10 where where WRB - - _ _ _ _ _ _ _ +11 food food NN - - _ _ _ _ CONJ.member PAT-arg _ +12 and and CC - + _ _ _ _ _ _ _ +13 drinks drink NNS - - _ _ _ _ CONJ.member PAT-arg _ +14 are be VBP - - _ _ _ _ _ _ _ +15 banned ban VBN - + ev-w193f1 _ _ DESCR _ _ _ +16 to to TO - - _ _ _ _ _ _ _ +17 everyday everyday JJ - - _ _ _ _ _ _ THO +18 visitors visitor NNS - + _ _ _ _ _ BEN _ +19 . . . - - _ _ _ _ _ _ _ + +#20010012 +1 Then then RB - - _ _ TWHEN _ _ _ _ _ _ +2 , , , - - _ _ _ _ _ _ _ _ _ +3 in in IN - - _ _ _ _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ _ _ _ +5 guests guest NNS - - _ RSTR _ _ _ _ _ _ _ +6 ’ ’ POS - - _ _ _ _ _ _ _ _ _ +7 honor honor NN - + _ _ APP _ _ _ _ _ _ +8 , , , - - _ _ _ _ _ _ _ _ _ +9 the the DT - - _ _ _ _ _ _ _ _ _ +10 speedway speedway NN - - _ _ ACT-arg _ _ _ _ _ _ +11 hauled haul_out VBD + + ev-w1564f1 _ _ _ _ _ _ _ _ +12 out out RP - - _ _ _ _ _ _ _ _ _ +13 four four CD - - _ _ _ RSTR _ _ _ _ _ +14 drivers driver NNS - + _ _ PAT-arg _ _ CONJ.member _ _ _ +15 , , , - - _ _ _ _ _ _ _ _ _ +16 crews crew NNS - + _ _ PAT-arg _ _ CONJ.member _ _ _ +17 and and CC - + _ _ _ _ _ _ _ _ _ +18 even even RB - - _ _ _ CM CM _ _ CM _ +19 the the DT - - _ _ _ _ _ _ _ _ _ +20 official official JJ - - _ _ _ _ _ _ _ RSTR _ +21 Indianapolis Indianapolis NNP - + _ _ _ _ _ _ _ BEN _ +22 500 500 CD - - _ _ _ _ _ _ RSTR _ _ +23 announcer announcer NN - + _ _ PAT-arg _ _ CONJ.member _ _ _ +24 for for IN - - _ _ _ _ _ _ _ _ _ +25 a a DT - - _ _ _ _ _ _ _ _ _ +26 10-lap 10-lap JJ - - _ _ _ _ _ _ _ _ RSTR +27 exhibition exhibition NN - - _ _ _ _ _ _ _ _ RSTR +28 race race NN - + _ _ DIR3 _ _ _ _ _ _ +29 . . . - - _ _ _ _ _ _ _ _ _ + +#20010013 +1 After after IN - - _ _ _ _ _ +2 the the DT - - _ _ _ _ _ +3 race race NN - - _ _ _ TWHEN _ +4 , , , - - _ _ _ _ _ +5 Fortune fortune NNP - + _ _ APP _ _ +6 500 500 CD - - _ RSTR _ _ _ +7 executives executive NNS - + _ _ _ ACT-arg _ +8 drooled drool VBD + + ev-w1064f2 _ _ _ _ +9 like like IN - - _ _ _ _ _ +10 schoolboys schoolboy NNS - - _ _ _ ACT-arg _ +11 over over IN - - _ _ _ _ _ +12 the the DT - - _ _ _ _ _ +13 cars car NNS - - _ _ _ PAT-arg CONJ.member +14 and and CC - + _ _ _ PAT-arg _ +15 drivers driver NNS - - _ _ _ PAT-arg CONJ.member +16 . . . - - _ _ _ _ _ + +#20010015 +1 Back back RB - + _ _ LOC _ _ +2 downtown downtown NN - - _ LOC _ _ _ +3 , , , - - _ _ _ _ _ +4 the the DT - - _ _ _ _ _ +5 execs exec NNS - - _ _ ACT-arg _ ACT-arg +6 squeezed squeeze_in VBD + + v-w543_u_nobodyf4 _ _ _ _ +7 in in RP - - _ _ _ _ _ +8 a a DT - - _ _ _ _ _ +9 few few JJ - - _ _ _ RSTR _ +10 meetings meeting NNS - + _ _ PAT-arg _ _ +11 at at IN - - _ _ _ _ _ +12 the the DT - - _ _ _ _ _ +13 hotel hotel NN - - _ _ _ LOC _ +14 before before IN - - _ _ _ _ _ +15 boarding board VBG - + ev-w297f1 _ TWHEN _ _ +16 the the DT - - _ _ _ _ _ +17 buses bus NNS - - _ _ _ _ PAT-arg +18 again again RB - - _ _ _ _ THO +19 . . . - - _ _ _ _ _ + +#20010016 +1 This this DT - - _ RSTR _ _ _ +2 time time NN - + _ _ TWHEN _ _ +3 , , , - - _ _ _ _ _ +4 it #PersPron PRP - - _ _ ACT-arg _ _ +5 was be VBD + + ev-w218f21_u_nobody _ _ _ _ +6 for for IN - - _ _ _ _ _ +7 dinner dinner NN - - _ _ AIM-arg CONJ.member _ +8 and and CC - + _ _ _ _ _ +9 dancing dancing NN - - _ _ AIM-arg CONJ.member _ +10 – – : - - _ _ _ _ _ +11 a a DT - - _ _ _ _ _ +12 block block NN - - _ _ _ _ DIFF +13 away away RB - + _ _ LOC _ _ +14 . . . - - _ _ _ _ _ + +#20010017 +1 Under under IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stars star NNS - + _ _ CONJ.member _ _ _ _ _ LOC _ _ _ _ _ _ +4 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 moons moon NNS - + _ _ CONJ.member _ _ _ _ _ LOC _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 renovated renovate VBN - - ev-w2655f1 _ _ _ _ RSTR _ _ _ _ _ _ _ _ _ +9 Indiana Indiana NNP - - _ _ _ _ NE _ _ _ _ _ _ _ _ _ _ +10 Roof Roof NNP - + _ _ _ _ _ NE _ _ _ _ _ _ _ _ _ +11 ballroom ballroom NN - + _ APP _ APP _ _ _ _ _ _ _ _ _ _ _ +12 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 nine nine CD - + _ _ _ _ _ _ _ _ ACT-arg _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 hottest hot JJS - - _ _ _ _ _ _ _ RSTR _ _ _ _ _ _ _ +17 chefs chef NNS - + _ _ _ _ _ _ DIR1 _ _ _ _ _ _ _ _ +18 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 town town NN - - _ _ _ _ _ _ _ LOC _ _ _ _ _ _ _ +20 fed feed VBD + + ev-w1296f1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 them #PersPron PRP - - _ _ _ _ _ _ _ _ ADDR-arg _ _ _ _ _ _ +22 Indiana indiana NNP - - _ _ _ _ _ _ _ _ _ RSTR _ _ _ _ _ +23 duckling duckling NN - - _ _ _ _ _ _ _ _ _ RSTR _ _ _ _ _ +24 mousseline mousseline NN - + _ _ _ _ _ _ _ _ PAT-arg _ _ _ CONJ.member _ _ +25 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 lobster lobster NN - - _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ _ +27 consomme consomme NN - + _ _ _ _ _ _ _ _ PAT-arg _ _ _ CONJ.member _ _ +28 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 veal veal NN - - _ _ _ _ _ _ _ _ _ _ _ RSTR _ _ _ +30 mignon mignon NN - + _ _ _ _ _ _ _ _ PAT-arg _ _ _ CONJ.member _ _ +31 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 chocolate chocolate JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ RSTR _ +33 terrine terrine NN - + _ _ _ _ _ _ _ _ PAT-arg _ _ _ CONJ.member _ _ +34 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 raspberry raspberry NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ RSTR +37 sauce sauce NN - + _ _ _ _ _ _ _ _ _ _ _ _ _ ACMP _ +38 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#20010018 +1 Knowing know VBG - + ev-w1810f6_u_nobody _ _ _ _ CAUS _ +2 a a DT - - _ _ _ _ _ _ _ +3 tasty tasty JJ - - _ _ CONJ.member RSTR _ _ _ +4 – – : - - _ _ _ _ _ _ _ +5 and and CC - + _ _ _ _ _ _ _ +6 free free JJ - - _ _ CONJ.member RSTR _ _ _ +7 – – : - - _ _ _ _ _ _ _ +8 meal meal NN - + _ PAT-arg _ _ _ _ _ +9 when when WRB - - _ _ _ _ _ _ _ +10 they #PersPron PRP - - _ _ _ _ ACT-arg _ _ +11 eat eat VBP - + ev-w1086f1 TWHEN _ _ _ _ _ +12 one one CD - - _ _ _ _ PAT-arg _ _ +13 , , , - - _ _ _ _ _ _ _ +14 the the DT - - _ _ _ _ _ _ _ +15 executives executive NNS - - _ ACT-arg _ _ _ ACT-arg _ +16 gave give VBD + + ev-w1465f9_u_nobody _ _ _ _ _ _ +17 the the DT - - _ _ _ _ _ _ _ +18 chefs chef NNS - - _ _ _ _ _ ADDR-arg _ +19 a a DT - - _ _ _ _ _ _ _ +20 standing standing JJ - - _ _ _ _ _ _ RSTR +21 ovation ovation NN - + _ _ _ _ _ CPHR-arg _ +22 . . . - - _ _ _ _ _ _ _ + +#20010019 +1 More more JJR - + _ _ _ ACT-arg _ _ _ _ _ +2 than than IN - - _ _ _ _ _ _ _ _ _ +3 a a DT - - _ _ _ _ _ _ _ _ _ +4 few few JJ - - _ _ RSTR _ _ _ _ _ _ +5 CEOs ceo NNS - + _ CPR _ _ _ _ _ _ _ +6 say say VBP + + ev-w2833f1 _ _ _ _ _ _ _ _ +7 the the DT - - _ _ _ _ _ _ _ _ _ +8 red-carpet red-carpet JJ - - _ _ _ _ MANN _ _ _ _ +9 treatment treatment NN - + _ _ _ _ _ ACT-arg _ _ _ +10 tempts tempt VBZ - + ev-w3350f1 _ _ EFF-arg _ _ _ _ _ +11 them #PersPron_#Cor PRP - - _ _ _ _ _ ADDR-arg ACT-arg _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ +13 return return VB - + ev-w2734f1 _ _ _ _ PAT-arg _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ +15 a a DT - - _ _ _ _ _ _ _ _ _ +16 heartland heartland NN - - _ _ _ _ _ _ _ LOC _ +17 city city NN - + _ _ _ _ _ _ DIR3-arg _ _ +18 for for IN - - _ _ _ _ _ _ _ _ _ +19 future future JJ - - _ _ _ _ _ _ _ _ TWHEN +20 meetings meeting NNS - + _ _ _ _ _ _ AIM _ _ +21 . . . - - _ _ _ _ _ _ _ _ _ + +#20010020 +1 But but CC - - _ PREC _ +2 for for IN - - _ _ _ +3 now now RB - - _ TWHEN _ +4 , , , - - _ _ _ +5 they #PersPron PRP - - _ ACT-arg _ +6 ’re be VBP - - _ _ _ +7 looking look_forward VBG + + ev-w1900f1 _ _ +8 forward forward RB - - _ _ _ +9 to to TO - - _ _ _ +10 their #PersPron PRP$ - - _ _ ACT-arg +11 winter winter NN - - _ _ TWHEN +12 meeting meeting NN - + _ PAT-arg _ +13 – – : - - _ _ _ +14 Boca boca NNP - - _ _ RSTR +15 in in IN - - _ _ _ +16 February february NNP - - _ _ RSTR +17 . . . - - _ _ _ + +#20011001 +1 South South NNP - - _ NE _ _ _ _ _ _ _ _ +2 Korea korea NNP - + _ _ ACT-arg _ _ _ _ _ _ _ +3 registered register VBD + + ev-w2603f3 _ _ _ _ _ _ _ _ _ +4 a a DT - - _ _ _ _ _ _ _ _ _ _ +5 trade trade NN - - _ _ _ RSTR _ _ _ _ _ _ +6 deficit deficit NN - + _ _ PAT-arg _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - + _ _ _ APP _ _ _ _ _ _ +9 101 101 CD - - _ _ _ _ _ RSTR _ _ _ _ +10 million million CD - + _ _ _ _ RSTR _ _ _ _ _ +11 in in IN - - _ _ _ _ _ _ _ _ _ _ +12 October october NNP - - _ _ TWHEN _ _ _ _ _ _ _ +13 , , , - - _ _ _ _ _ _ _ _ _ _ +14 reflecting reflect VBG - + ev-w2589f1 _ _ DESCR _ _ _ _ _ _ +15 the the DT - - _ _ _ _ _ _ _ _ _ _ +16 country country NN - - _ _ _ _ _ _ _ APP _ _ +17 ’s ’s POS - - _ _ _ _ _ _ _ _ _ _ +18 economic economic JJ - - _ _ _ _ _ _ _ RSTR _ _ +19 sluggishness sluggishness NN - + _ _ _ _ _ _ PAT-arg _ _ _ +20 , , , - - _ _ _ _ _ _ _ _ _ _ +21 according accord VBG - - _ _ _ _ _ _ _ _ _ _ +22 to to TO - - _ _ _ _ _ _ _ _ _ _ +23 government government NN - - _ _ _ _ _ _ _ _ RSTR _ +24 figures figure NNS - + _ _ REG _ _ _ _ _ _ _ +25 released release VBD - + ev-w2629f1 _ _ _ _ _ _ _ RSTR _ +26 Wednesday wednesday NNP - - _ _ _ _ _ _ _ _ _ TWHEN +27 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20011002 +1 Preliminary preliminary JJ - - _ RSTR _ _ _ _ _ _ _ _ _ _ +2 tallies tally NNS - + _ _ _ _ ACT-arg _ _ _ _ ACT-arg _ _ +3 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +5 Trade Trade NNP - - _ _ CONJ.member NE _ _ _ _ _ _ _ _ +6 and and CC - + _ _ _ _ _ _ _ _ _ _ _ _ +7 Industry Industry NNP - - _ _ CONJ.member NE _ _ _ _ _ _ _ _ +8 Ministry ministry NNP - + _ ACT-arg _ _ _ _ _ _ _ _ _ _ +9 showed show VBD + + ev-w2945f1 _ _ _ _ _ _ _ _ _ _ _ +10 another another DT - - _ _ _ _ _ RSTR _ _ _ _ _ _ +11 trade trade NN - - _ _ _ _ _ RSTR _ _ _ _ _ _ +12 deficit deficit NN - + _ _ _ _ PAT-arg _ APPS.member _ _ _ _ _ +13 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ +14 October october NNP - - _ _ _ _ _ TWHEN _ _ _ _ _ _ +15 , #Comma , - + _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - - _ _ _ _ _ _ _ _ _ _ _ _ +17 fifth fifth JJ - - _ _ _ _ _ _ _ RSTR _ _ _ _ +18 monthly monthly JJ - - _ _ _ _ _ _ _ THO _ _ _ _ +19 setback setback NN - + _ _ _ _ PAT-arg _ APPS.member _ _ _ _ _ +20 this this DT - - _ _ _ _ _ _ _ _ RSTR _ _ _ +21 year year NN - + _ _ _ _ _ _ _ TWHEN _ _ _ _ +22 , , , - - _ _ _ _ _ _ _ _ _ _ _ _ +23 casting cast VBG - + ev-w456f1 _ _ _ COMPL _ _ _ _ _ _ _ +24 a a DT - - _ _ _ _ _ _ _ _ _ _ _ _ +25 cloud cloud NN - - _ _ _ _ _ _ _ _ _ CPHR-arg _ _ +26 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ +27 South South NNP - - _ _ _ _ _ _ _ _ _ _ NE _ +28 Korea korea NNP - + _ _ _ _ _ _ _ _ _ _ _ APP +29 ’s ’s POS - - _ _ _ _ _ _ _ _ _ _ _ _ +30 export-oriented export-oriented JJ - - _ _ _ _ _ _ _ _ _ _ _ RSTR +31 economy economy NN - + _ _ _ _ _ _ _ _ _ PAT-arg _ _ +32 . . . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#20011004 +1 South South NNP - - _ NE _ _ _ _ _ _ _ _ +2 Korea korea NNP - + _ _ ACT-arg _ _ _ _ _ _ _ +3 ’s ’s POS - - _ _ _ _ _ _ _ _ _ _ +4 economic economic JJ - - _ _ RSTR _ _ _ _ _ _ _ +5 boom boom NN - + _ _ _ _ ACT-arg _ _ _ _ _ +6 , , , - - _ _ _ _ _ _ _ _ _ _ +7 which which WDT - - _ _ _ ACT-arg _ _ _ _ _ _ +8 began begin VBD - + ev-w234f3 _ DESCR _ _ _ _ _ _ _ +9 in in IN - - _ _ _ _ _ _ _ _ _ _ +10 1986 1986 CD - - _ _ _ TWHEN _ _ _ _ _ _ +11 , , , - - _ _ _ _ _ _ _ _ _ _ +12 stopped stop VBD + + ev-w3189f3 _ _ _ _ _ _ _ _ _ +13 this this DT - - _ _ _ _ _ RSTR _ _ _ _ +14 year year NN - + _ _ _ _ TWHEN _ _ _ _ _ +15 because because IN - - _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ +17 prolonged prolong VBN - - ev-w2407f1 _ _ _ _ _ RSTR _ _ _ +18 labor labor NN - - _ _ _ _ _ _ REG _ _ _ +19 disputes dispute NNS - + _ _ _ _ CAUS _ _ _ CONJ.member _ +20 , , , - - _ _ _ _ _ _ _ _ _ _ +21 trade trade NN - - _ _ _ _ _ _ _ REG _ _ +22 conflicts conflict NNS - + _ _ _ _ CAUS _ _ _ CONJ.member _ +23 and and CC - + _ _ _ _ _ _ _ _ _ _ +24 sluggish sluggish JJ - - _ _ _ _ _ _ _ _ _ MANN +25 exports export NNS - + _ _ _ _ CAUS _ _ _ CONJ.member _ +26 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20011005 +1 Government government NN - - _ RSTR _ _ _ _ _ _ _ +2 officials official NNS - + _ _ ACT-arg _ _ _ _ _ _ +3 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ _ +4 exports export NNS - + _ _ _ _ _ ACT-arg _ _ _ +5 at at IN - - _ _ _ _ _ _ _ _ _ +6 the the DT - - _ _ _ _ _ _ _ _ _ +7 end end NN - + _ _ _ TWHEN _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ +9 the the DT - - _ _ _ _ _ _ _ _ _ +10 year year NN - - _ _ _ _ APP _ _ _ _ +11 would would MD - - _ _ _ _ _ _ _ _ _ +12 remain remain VB - + ev-w2638f1 _ EFF-arg _ _ _ _ _ _ +13 under under IN - - _ _ _ _ _ _ _ _ _ +14 a a DT - - _ _ _ _ _ _ _ _ _ +15 government government NN - - _ _ _ _ _ _ RSTR _ _ +16 target target NN - + _ _ _ _ _ LOC-arg _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ +18 $ $ $ - + _ _ _ _ _ _ RSTR _ _ +19 68 68 CD - - _ _ _ _ _ _ _ _ RSTR +20 billion billion CD - + _ _ _ _ _ _ _ RSTR _ +21 . . . - - _ _ _ _ _ _ _ _ _ + +#20011006 +1 Despite despite IN - - _ _ _ _ _ _ _ _ +2 the the DT - - _ _ _ _ _ _ _ _ +3 gloomy gloomy JJ - - _ RSTR _ _ _ _ _ _ +4 forecast forecast NN - + _ _ _ CNCS _ _ _ _ +5 , , , - - _ _ _ _ _ _ _ _ +6 South South NNP - - _ _ NE _ _ _ _ _ +7 Korea korea NNP - + _ _ _ ACT-arg _ _ _ _ +8 has have VBZ - - _ _ _ _ _ _ _ _ +9 recorded record VBN + + ev-w2554f1 _ _ _ _ _ _ _ +10 a a DT - - _ _ _ _ _ _ _ _ +11 trade trade NN - - _ _ _ _ RSTR _ _ _ +12 surplus surplus NN - + _ _ _ PAT-arg _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ +14 $ $ $ - + _ _ _ _ RSTR _ _ _ +15 71 71 CD - - _ _ _ _ _ _ RSTR _ +16 million million CD - + _ _ _ _ _ RSTR _ _ +17 so so IN - - _ _ _ _ _ _ _ _ +18 far so_far IN - - _ _ _ TTILL _ _ _ _ +19 this this DT - - _ _ _ _ _ _ _ RSTR +20 year year NN - + _ _ _ TWHEN _ _ _ _ +21 . . . - - _ _ _ _ _ _ _ _ + +#20011007 +1 From from IN - - _ _ _ _ _ _ _ _ +2 January january NNP - - _ _ TFRWH _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ +4 October october NNP - - _ _ TOWH _ _ _ _ _ +5 , , , - - _ _ _ _ _ _ _ _ +6 the the DT - - _ _ _ _ _ _ _ _ +7 nation nation NN - - _ APP _ _ _ _ _ _ +8 ’s ’s POS - - _ _ _ _ _ _ _ _ +9 accumulated accumulate VBN - - ev-w30f1 RSTR _ _ _ _ _ _ +10 exports export NNS - + _ _ ACT-arg _ _ _ _ _ +11 increased increase VBD + + ev-w1678f2 _ _ _ _ _ _ _ +12 4 4 CD - - _ _ _ RSTR _ _ _ _ +13 % #Percnt NN - + _ _ DIFF _ _ _ _ _ +14 from from IN - - _ _ _ _ _ _ _ _ +15 the the DT - - _ _ _ _ _ _ _ _ +16 same same JJ - - _ _ _ _ RSTR _ _ _ +17 period period NN - + _ _ CPR _ _ _ _ _ +18 last last JJ - - _ _ _ _ _ RSTR _ _ +19 year year NN - + _ _ _ _ TWHEN _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ +21 $ $ $ - + _ _ PAT-arg _ _ _ _ _ +22 50.45 50.45 CD - - _ _ _ _ _ _ _ RSTR +23 billion billion CD - + _ _ _ _ _ _ RSTR _ +24 . . . - - _ _ _ _ _ _ _ _ + +#20011008 +1 Imports import NNS - - _ ACT-arg _ _ _ +2 were be VBD + + ev-w218f4_u_nobody _ _ _ _ +3 at at IN - - _ _ _ _ _ +4 $ $ $ - + _ PAT-arg _ _ _ +5 50.38 50.38 CD - - _ _ _ RSTR _ +6 billion billion CD - + _ _ RSTR _ _ +7 , , , - - _ _ _ _ _ +8 up up RB - - _ CPHR-arg _ _ _ +9 19 19 CD - - _ _ _ _ RSTR +10 % #Percnt NN - + _ DIFF _ _ _ +11 . . . - - _ _ _ _ _ + +#20012002 +1 The the DT - - _ _ _ _ _ _ _ _ _ _ +2 new new JJ - - _ RSTR _ _ _ _ _ _ _ _ +3 ad ad NN - - _ RSTR _ _ _ _ _ _ _ _ +4 plan plan NN - + _ _ _ _ _ _ ACT-arg _ _ _ +5 from from IN - - _ _ _ _ _ _ _ _ _ _ +6 Newsweek newsweek NNP - - _ DIR1 APPS.member _ _ _ _ _ _ _ +7 , #Comma , - + _ _ _ _ _ _ _ _ _ _ +8 a a DT - - _ _ _ _ _ _ _ _ _ _ +9 unit unit NN - + _ DIR1 APPS.member _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ +11 the the DT - - _ _ _ _ _ _ _ _ _ _ +12 Washington Washington NNP - - _ _ _ _ NE _ _ _ _ _ +13 Post Post NNP - + _ _ _ _ _ NE _ _ _ _ +14 Co. co. NNP - + _ _ _ APP _ _ _ _ _ _ +15 , , , - - _ _ _ _ _ _ _ _ _ _ +16 is be VBZ + + ev-w218f2 _ _ _ _ _ _ _ _ _ +17 the the DT - - _ _ _ _ _ _ _ _ _ _ +18 second second JJ - - _ _ _ _ _ _ _ RSTR _ _ +19 incentive incentive NN - - _ _ _ _ _ _ _ RSTR _ _ +20 plan plan NN - + _ _ _ _ _ _ PAT-arg _ _ _ +21 the the DT - - _ _ _ _ _ _ _ _ _ _ +22 magazine magazine NN - - _ _ _ _ _ _ _ _ ACT-arg _ +23 has have VBZ - - _ _ _ _ _ _ _ _ _ _ +24 offered offer VBN - + ev-w2105f1 _ _ _ _ _ _ RSTR _ _ +25 advertisers advertiser NNS - - _ _ _ _ _ _ _ _ ADDR-arg _ +26 in in IN - - _ _ _ _ _ _ _ _ _ _ +27 three three CD - - _ _ _ _ _ _ _ _ _ RSTR +28 years year NNS - + _ _ _ _ _ _ _ _ TPAR _ +29 . . . - - _ _ _ _ _ _ _ _ _ _ + +#20012004 +1 Alan Alan NNP - - _ NE _ _ _ _ _ _ +2 Spoon spoon NNP - + _ _ _ _ ACT-arg _ _ _ +3 , , , - - _ _ _ _ _ _ _ _ +4 recently recently RB - - _ _ TWHEN _ _ _ _ _ +5 named name VBN - + ev-w2055f1 DESCR _ _ _ _ _ _ +6 Newsweek newsweek NNP - - _ _ _ APP _ _ _ _ +7 president president NN - + _ _ EFF-arg _ _ _ _ _ +8 , , , - - _ _ _ _ _ _ _ _ +9 said say VBD + + ev-w2833f1 _ _ _ _ _ _ _ +10 Newsweek newsweek NNP - - _ _ _ _ _ APP _ _ +11 ’s ’s POS - - _ _ _ _ _ _ _ _ +12 ad ad NN - - _ _ _ _ _ RSTR _ _ +13 rates rate NNS - + _ _ _ _ _ _ ACT-arg _ +14 would would MD - - _ _ _ _ _ _ _ _ +15 increase increase VB - + ev-w1678f2 _ _ _ EFF-arg _ _ _ +16 5 5 CD - - _ _ _ _ _ _ _ RSTR +17 % #Percnt NN - + _ _ _ _ _ _ DIFF _ +18 in in IN - - _ _ _ _ _ _ _ _ +19 January january NNP - - _ _ _ _ _ _ TWHEN _ +20 . . . - - _ _ _ _ _ _ _ _ + +#20012005 +1 A a DT - - _ _ _ _ +2 full full JJ - - _ RSTR _ _ +3 , , , - - _ _ _ _ +4 four-color four-color JJ - - _ RSTR _ _ +5 page page NN - + _ _ ACT-arg _ +6 in in IN - - _ _ _ _ +7 Newsweek newsweek NNP - - _ LOC _ _ +8 will will MD - - _ _ _ _ +9 cost cost VB + + ev-w716f1 _ _ _ +10 $ $ $ - + _ _ EXT-arg _ +11 100,980 100_980 CD - - _ _ _ RSTR +12 . . . - - _ _ _ _ + diff --git a/mtool/data/sample/ucca/wsj.mrp b/mtool/data/sample/ucca/wsj.mrp new file mode 100644 index 0000000000000000000000000000000000000000..6f489d542679843f337aa4fd3e44109a5254c60c --- /dev/null +++ b/mtool/data/sample/ucca/wsj.mrp @@ -0,0 +1,87 @@ +{"id": "20001001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}, {"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 0, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 18, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 19, "label": "T"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 3, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 22, "label": "A"}, {"source": 16, "target": 20, "label": "E"}, {"source": 22, "target": 10, "label": "R"}, {"source": 23, "target": 13, "label": "P"}, {"source": 18, "target": 15, "label": "U"}, {"source": 19, "target": 2, "label": "Q"}, {"source": 21, "target": 9, "label": "C"}, {"source": 16, "target": 1, "label": "U"}, {"source": 20, "target": 4, "label": "S"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 14, "label": "T"}, {"source": 21, "target": 8, "label": "F"}, {"source": 23, "target": 13, "label": "A"}]} +{"id": "20001002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}, {"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 67}]}, {"id": 10, "anchors": [{"from": 67, "to": 68}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "F"}, {"source": 13, "target": 5, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 16, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 15, "target": 7, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "R"}]} +{"id": "20003001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 149}, {"from": 150, "to": 154}]}, {"id": 28, "anchors": [{"from": 155, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 163}]}, {"id": 30, "anchors": [{"from": 164, "to": 167}]}, {"id": 31, "anchors": [{"from": 167, "to": 168}]}, {"id": 32, "anchors": [{"from": 169, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 189}]}, {"id": 34, "anchors": [{"from": 189, "to": 190}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 42, "target": 7, "label": "P"}, {"source": 48, "target": 51, "label": "T"}, {"source": 46, "target": 19, "label": "R"}, {"source": 39, "target": 52, "label": "A"}, {"source": 37, "target": 45, "label": "P"}, {"source": 46, "target": 47, "label": "Q"}, {"source": 39, "target": 33, "label": "P"}, {"source": 37, "target": 44, "label": "D"}, {"source": 37, "target": 46, "label": "A"}, {"source": 47, "target": 20, "label": "F"}, {"source": 45, "target": 16, "label": "R"}, {"source": 48, "target": 24, "label": "P"}, {"source": 36, "target": 3, "label": "C"}, {"source": 49, "target": 25, "label": "R"}, {"source": 50, "target": 27, "label": "E"}, {"source": 36, "target": 35, "label": "E"}, {"source": 51, "target": 29, "label": "C"}, {"source": 51, "target": 50, "label": "Q"}, {"source": 45, "target": 18, "label": "C"}, {"source": 37, "target": 12, "label": "D"}, {"source": 43, "target": 8, "label": "E"}, {"source": 39, "target": 37, "label": "A"}, {"source": 35, "target": 0, "label": "F"}, {"source": 39, "target": 34, "label": "U"}, {"source": 38, "target": 39, "label": "H"}, {"source": 40, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 6, "label": "L"}, {"source": 44, "target": 14, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 43, "target": 10, "label": "C"}, {"source": 35, "target": 1, "label": "C"}, {"source": 45, "target": 17, "label": "C"}, {"source": 51, "target": 30, "label": "R"}, {"source": 40, "target": 4, "label": "D"}, {"source": 50, "target": 28, "label": "C"}, {"source": 49, "target": 26, "label": "C"}, {"source": 40, "target": 5, "label": "P"}, {"source": 37, "target": 36, "label": "A"}, {"source": 44, "target": 15, "label": "C"}, {"source": 46, "target": 22, "label": "R"}, {"source": 39, "target": 31, "label": "U"}, {"source": 46, "target": 23, "label": "C"}, {"source": 36, "target": 2, "label": "R"}, {"source": 47, "target": 21, "label": "C"}, {"source": 48, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 32, "label": "P"}, {"source": 41, "target": 40, "label": "H"}, {"source": 37, "target": 11, "label": "F"}, {"source": 36, "target": 41, "label": "E"}, {"source": 43, "target": 9, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 44, "target": 13, "label": "F"}, {"source": 41, "target": 42, "label": "H"}, {"source": 52, "target": 32, "label": "A"}, {"source": 46, "target": 48, "label": "E"}]} +{"id": "20003002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 140}, {"from": 141, "to": 143}]}, {"id": 25, "anchors": [{"from": 144, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 157}]}, {"id": 27, "anchors": [{"from": 157, "to": 158}]}, {"id": 28, "anchors": [{"from": 159, "to": 170}]}, {"id": 29, "anchors": [{"from": 171, "to": 175}]}, {"id": 30, "anchors": [{"from": 175, "to": 176}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 33, "target": 9, "label": "L"}, {"source": 40, "target": 42, "label": "A"}, {"source": 41, "target": 43, "label": "A"}, {"source": 41, "target": 40, "label": "A"}, {"source": 44, "target": 24, "label": "P"}, {"source": 39, "target": 16, "label": "E"}, {"source": 32, "target": 7, "label": "D"}, {"source": 42, "target": 20, "label": "C"}, {"source": 32, "target": 6, "label": "F"}, {"source": 40, "target": 18, "label": "P"}, {"source": 33, "target": 32, "label": "H"}, {"source": 32, "target": 31, "label": "A"}, {"source": 40, "target": 39, "label": "D"}, {"source": 33, "target": 15, "label": "L"}, {"source": 45, "target": 26, "label": "R"}, {"source": 44, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 17, "label": "C"}, {"source": 41, "target": 21, "label": "P"}, {"source": 34, "target": 35, "label": "H"}, {"source": 45, "target": 25, "label": "C"}, {"source": 33, "target": 37, "label": "H"}, {"source": 33, "target": 14, "label": "U"}, {"source": 35, "target": 30, "label": "U"}, {"source": 32, "target": 8, "label": "S"}, {"source": 44, "target": 45, "label": "T"}, {"source": 31, "target": 0, "label": "F"}, {"source": 37, "target": 38, "label": "A"}, {"source": 44, "target": 23, "label": "R"}, {"source": 35, "target": 29, "label": "P"}, {"source": 42, "target": 19, "label": "R"}, {"source": 37, "target": 10, "label": "A"}, {"source": 36, "target": 2, "label": "C"}, {"source": 43, "target": 22, "label": "C"}, {"source": 35, "target": 27, "label": "U"}, {"source": 31, "target": 36, "label": "E"}, {"source": 35, "target": 33, "label": "A"}, {"source": 31, "target": 3, "label": "U"}, {"source": 31, "target": 4, "label": "C"}, {"source": 38, "target": 13, "label": "C"}, {"source": 32, "target": 5, "label": "U"}, {"source": 35, "target": 28, "label": "A"}, {"source": 37, "target": 11, "label": "P"}, {"source": 38, "target": 12, "label": "F"}, {"source": 36, "target": 1, "label": "E"}, {"source": 33, "target": 41, "label": "H"}, {"source": 43, "target": 44, "label": "E"}]} +{"id": "20003003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}, {"from": 32, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 48}, {"from": 49, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 59}]}, {"id": 8, "anchors": [{"from": 60, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 81}]}, {"id": 11, "anchors": [{"from": 81, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 90}]}, {"id": 13, "anchors": [{"from": 91, "to": 96}]}, {"id": 14, "anchors": [{"from": 97, "to": 108}]}, {"id": 15, "anchors": [{"from": 109, "to": 111}]}, {"id": 16, "anchors": [{"from": 112, "to": 115}]}, {"id": 17, "anchors": [{"from": 116, "to": 125}]}, {"id": 18, "anchors": [{"from": 126, "to": 135}]}, {"id": 19, "anchors": [{"from": 136, "to": 143}]}, {"id": 20, "anchors": [{"from": 144, "to": 146}]}, {"id": 21, "anchors": [{"from": 147, "to": 151}]}, {"id": 22, "anchors": [{"from": 151, "to": 152}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 23, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 30, "target": 10, "label": "C"}, {"source": 23, "target": 0, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 27, "target": 26, "label": "Q"}, {"source": 23, "target": 1, "label": "U"}, {"source": 28, "target": 5, "label": "A"}, {"source": 26, "target": 3, "label": "C"}, {"source": 30, "target": 9, "label": "E"}, {"source": 26, "target": 2, "label": "F"}, {"source": 32, "target": 20, "label": "R"}, {"source": 25, "target": 12, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 5, "label": "S"}, {"source": 31, "target": 19, "label": "C"}, {"source": 25, "target": 14, "label": "A"}, {"source": 27, "target": 6, "label": "C"}, {"source": 24, "target": 25, "label": "H"}, {"source": 27, "target": 4, "label": "R"}, {"source": 31, "target": 18, "label": "E"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 31, "label": "A"}, {"source": 31, "target": 15, "label": "R"}, {"source": 25, "target": 11, "label": "U"}, {"source": 23, "target": 27, "label": "E"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 16, "label": "E"}, {"source": 29, "target": 7, "label": "R"}, {"source": 31, "target": 17, "label": "E"}, {"source": 25, "target": 32, "label": "T"}, {"source": 29, "target": 8, "label": "P"}, {"source": 32, "target": 21, "label": "C"}, {"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "20003005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "U"}, {"source": 17, "target": 6, "label": "A"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 5, "label": "U"}, {"source": 19, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 16, "label": "C"}, {"source": 19, "target": 9, "label": "S"}, {"source": 17, "target": 18, "label": "A"}, {"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 1, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 8, "label": "F"}, {"source": 14, "target": 3, "label": "P"}, {"source": 12, "target": 15, "label": "E"}, {"source": 16, "target": 2, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 17, "target": 7, "label": "S"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "P"}, {"source": 18, "target": 11, "label": "U"}]} +{"id": "20003007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "There is no asbestos in our products now.\"", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 5, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 8, "label": "U"}, {"source": 13, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 7, "label": "T"}, {"source": 11, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "S"}, {"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 12, "label": "A"}]} +{"id": "20003008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:48)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 18, "to": 21}]}, {"id": 1, "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 37}]}, {"id": 4, "anchors": [{"from": 38, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 88}]}, {"id": 13, "anchors": [{"from": 89, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 99}]}, {"id": 15, "anchors": [{"from": 100, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 122}]}, {"id": 19, "anchors": [{"from": 122, "to": 123}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 18, "label": "C"}, {"source": 28, "target": 10, "label": "R"}, {"source": 23, "target": 24, "label": "C"}, {"source": 20, "target": 23, "label": "C"}, {"source": 22, "target": 8, "label": "F"}, {"source": 25, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 7, "label": "P"}, {"source": 30, "target": 14, "label": "A"}, {"source": 22, "target": 9, "label": "P"}, {"source": 24, "target": 3, "label": "A"}, {"source": 26, "target": 6, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 30, "target": 14, "label": "P"}, {"source": 22, "target": 28, "label": "A"}, {"source": 23, "target": 2, "label": "F"}, {"source": 28, "target": 11, "label": "Q"}, {"source": 25, "target": 4, "label": "R"}, {"source": 31, "target": 15, "label": "R"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 17, "label": "E"}, {"source": 20, "target": 1, "label": "C"}, {"source": 29, "target": 12, "label": "P"}, {"source": 23, "target": 25, "label": "E"}, {"source": 22, "target": 20, "label": "A"}, {"source": 31, "target": 16, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 0, "label": "N"}, {"source": 31, "target": 19, "label": "U"}, {"source": 25, "target": 5, "label": "P"}, {"source": 30, "target": 13, "label": "R"}, {"source": 26, "target": 27, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 27, "target": 7, "label": "A"}, {"source": 24, "target": 3, "label": "P"}]} +{"id": "20003009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}, {"from": 73, "to": 75}, {"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 124}]}, {"id": 22, "anchors": [{"from": 124, "to": 125}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 1, "label": "A"}, {"source": 32, "target": 19, "label": "E"}, {"source": 25, "target": 3, "label": "D"}, {"source": 33, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 8, "label": "A"}, {"source": 26, "target": 4, "label": "S"}, {"source": 28, "target": 7, "label": "F"}, {"source": 33, "target": 18, "label": "S"}, {"source": 32, "target": 16, "label": "R"}, {"source": 27, "target": 5, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 20, "label": "E"}, {"source": 28, "target": 9, "label": "F"}, {"source": 24, "target": 31, "label": "A"}, {"source": 24, "target": 14, "label": "P"}, {"source": 30, "target": 11, "label": "C"}, {"source": 25, "target": 2, "label": "S"}, {"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 10, "label": "R"}, {"source": 27, "target": 26, "label": "E"}, {"source": 28, "target": 30, "label": "S"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 21, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 24, "target": 0, "label": "U"}, {"source": 24, "target": 13, "label": "U"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 29, "target": 8, "label": "P"}, {"source": 24, "target": 12, "label": "U"}, {"source": 33, "target": 17, "label": "A"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 32, "label": "E"}, {"source": 28, "target": 6, "label": "R"}]} +{"id": "20003010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 107}]}, {"id": 17, "anchors": [{"from": 108, "to": 118}]}, {"id": 18, "anchors": [{"from": 119, "to": 122}]}, {"id": 19, "anchors": [{"from": 123, "to": 129}]}, {"id": 20, "anchors": [{"from": 130, "to": 140}]}, {"id": 21, "anchors": [{"from": 140, "to": 141}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 5, "label": "A"}, {"source": 23, "target": 1, "label": "S"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "C"}, {"source": 31, "target": 17, "label": "C"}, {"source": 25, "target": 4, "label": "R"}, {"source": 32, "target": 20, "label": "C"}, {"source": 27, "target": 11, "label": "N"}, {"source": 24, "target": 3, "label": "C"}, {"source": 32, "target": 21, "label": "U"}, {"source": 25, "target": 27, "label": "E"}, {"source": 28, "target": 10, "label": "C"}, {"source": 27, "target": 6, "label": "R"}, {"source": 30, "target": 31, "label": "C"}, {"source": 28, "target": 7, "label": "F"}, {"source": 29, "target": 13, "label": "E"}, {"source": 31, "target": 16, "label": "E"}, {"source": 25, "target": 26, "label": "C"}, {"source": 29, "target": 12, "label": "F"}, {"source": 30, "target": 18, "label": "N"}, {"source": 30, "target": 15, "label": "R"}, {"source": 24, "target": 2, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 28, "target": 9, "label": "E"}, {"source": 32, "target": 19, "label": "E"}, {"source": 28, "target": 8, "label": "E"}, {"source": 30, "target": 32, "label": "C"}, {"source": 26, "target": 5, "label": "P"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 27, "target": 28, "label": "C"}, {"source": 27, "target": 29, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 30, "label": "E"}]} +{"id": "20003011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 154}]}, {"id": 28, "anchors": [{"from": 155, "to": 159}]}, {"id": 29, "anchors": [{"from": 160, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 172}]}, {"id": 32, "anchors": [{"from": 173, "to": 177}]}, {"id": 33, "anchors": [{"from": 177, "to": 178}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 46, "target": 30, "label": "C"}, {"source": 37, "target": 5, "label": "F"}, {"source": 46, "target": 47, "label": "E"}, {"source": 49, "target": 32, "label": "C"}, {"source": 43, "target": 18, "label": "C"}, {"source": 38, "target": 23, "label": "L"}, {"source": 35, "target": 36, "label": "H"}, {"source": 47, "target": 28, "label": "C"}, {"source": 34, "target": 0, "label": "F"}, {"source": 45, "target": 49, "label": "T"}, {"source": 48, "target": 27, "label": "S"}, {"source": 38, "target": 45, "label": "H"}, {"source": 42, "target": 13, "label": "R"}, {"source": 37, "target": 4, "label": "A"}, {"source": 37, "target": 39, "label": "D"}, {"source": 42, "target": 15, "label": "A"}, {"source": 41, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 26, "label": "E"}, {"source": 34, "target": 2, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 37, "target": 6, "label": "P"}, {"source": 38, "target": 37, "label": "H"}, {"source": 39, "target": 8, "label": "U"}, {"source": 34, "target": 2, "label": "P"}, {"source": 42, "target": 44, "label": "D"}, {"source": 34, "target": 1, "label": "A"}, {"source": 44, "target": 22, "label": "C"}, {"source": 47, "target": 48, "label": "E"}, {"source": 49, "target": 31, "label": "R"}, {"source": 44, "target": 21, "label": "E"}, {"source": 36, "target": 34, "label": "A"}, {"source": 39, "target": 11, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 46, "target": 25, "label": "R"}, {"source": 43, "target": 17, "label": "F"}, {"source": 36, "target": 38, "label": "A"}, {"source": 40, "target": 9, "label": "E"}, {"source": 45, "target": 24, "label": "P"}, {"source": 43, "target": 16, "label": "R"}, {"source": 40, "target": 41, "label": "C"}, {"source": 42, "target": 14, "label": "P"}, {"source": 38, "target": 42, "label": "H"}, {"source": 39, "target": 40, "label": "E"}, {"source": 48, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 20, "label": "F"}, {"source": 41, "target": 10, "label": "S"}, {"source": 44, "target": 19, "label": "R"}, {"source": 38, "target": 12, "label": "U"}, {"source": 45, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 33, "label": "U"}, {"source": 46, "target": 29, "label": "R"}, {"source": 39, "target": 7, "label": "R"}, {"source": 36, "target": 3, "label": "P"}]} +{"id": "20003012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 12, "label": "P"}, {"source": 19, "target": 4, "label": "U"}, {"source": 19, "target": 18, "label": "T"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 19, "label": "A"}, {"source": 18, "target": 2, "label": "N"}, {"source": 19, "target": 11, "label": "F"}, {"source": 23, "target": 9, "label": "F"}, {"source": 22, "target": 6, "label": "E"}, {"source": 24, "target": 14, "label": "F"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 8, "label": "R"}, {"source": 18, "target": 0, "label": "R"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 16, "label": "P"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 17, "label": "U"}, {"source": 21, "target": 13, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 22, "target": 5, "label": "Q"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "20003013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}, {"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 0, "label": "R"}, {"source": 30, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 18, "label": "S"}, {"source": 24, "target": 3, "label": "R"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 26, "label": "A"}, {"source": 22, "target": 12, "label": "P"}, {"source": 23, "target": 13, "label": "U"}, {"source": 21, "target": 1, "label": "Q"}, {"source": 27, "target": 15, "label": "Q"}, {"source": 29, "target": 17, "label": "F"}, {"source": 25, "target": 7, "label": "E"}, {"source": 28, "target": 27, "label": "S"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 26, "target": 10, "label": "Q"}, {"source": 22, "target": 9, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 21, "target": 24, "label": "E"}, {"source": 26, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "D"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "F"}, {"source": 25, "target": 8, "label": "C"}, {"source": 21, "target": 2, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 24, "target": 4, "label": "P"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}]} +{"id": "20003014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 65}]}, {"id": 9, "anchors": [{"from": 65, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 96}]}, {"id": 14, "anchors": [{"from": 97, "to": 106}]}, {"id": 15, "anchors": [{"from": 107, "to": 113}]}, {"id": 16, "anchors": [{"from": 113, "to": 114}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "U"}, {"source": 26, "target": 25, "label": "A"}, {"source": 24, "target": 7, "label": "A"}, {"source": 24, "target": 7, "label": "S"}, {"source": 26, "target": 27, "label": "S"}, {"source": 20, "target": 26, "label": "H"}, {"source": 17, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 23, "label": "P"}, {"source": 21, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 28, "label": "H"}, {"source": 23, "target": 6, "label": "F"}, {"source": 25, "target": 11, "label": "Q"}, {"source": 20, "target": 10, "label": "L"}, {"source": 21, "target": 3, "label": "Q"}, {"source": 18, "target": 5, "label": "C"}, {"source": 21, "target": 1, "label": "R"}, {"source": 28, "target": 14, "label": "P"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 9, "label": "U"}, {"source": 28, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 22, "label": "E"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 17, "label": "Q"}, {"source": 27, "target": 15, "label": "C"}, {"source": 22, "target": 4, "label": "S"}, {"source": 17, "target": 21, "label": "E"}, {"source": 17, "target": 0, "label": "Q"}, {"source": 25, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "T"}, {"source": 27, "target": 12, "label": "R"}, {"source": 20, "target": 19, "label": "H"}]} +{"id": "20003015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 129}]}, {"id": 22, "anchors": [{"from": 129, "to": 130}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 27, "target": 35, "label": "A"}, {"source": 35, "target": 36, "label": "C"}, {"source": 27, "target": 25, "label": "A"}, {"source": 29, "target": 4, "label": "P"}, {"source": 23, "target": 0, "label": "F"}, {"source": 36, "target": 20, "label": "P"}, {"source": 27, "target": 22, "label": "U"}, {"source": 31, "target": 9, "label": "A"}, {"source": 34, "target": 17, "label": "S"}, {"source": 33, "target": 34, "label": "E"}, {"source": 25, "target": 15, "label": "S"}, {"source": 24, "target": 5, "label": "L"}, {"source": 25, "target": 14, "label": "D"}, {"source": 24, "target": 8, "label": "U"}, {"source": 31, "target": 10, "label": "P"}, {"source": 25, "target": 13, "label": "F"}, {"source": 27, "target": 21, "label": "P"}, {"source": 30, "target": 6, "label": "D"}, {"source": 24, "target": 11, "label": "L"}, {"source": 25, "target": 33, "label": "A"}, {"source": 24, "target": 32, "label": "H"}, {"source": 30, "target": 7, "label": "P"}, {"source": 23, "target": 1, "label": "F"}, {"source": 32, "target": 12, "label": "P"}, {"source": 23, "target": 3, "label": "D"}, {"source": 36, "target": 20, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 29, "label": "C"}, {"source": 33, "target": 16, "label": "R"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 28, "label": "P"}, {"source": 26, "target": 27, "label": "H"}, {"source": 35, "target": 19, "label": "F"}, {"source": 24, "target": 30, "label": "H"}, {"source": 24, "target": 31, "label": "H"}, {"source": 28, "target": 2, "label": "R"}, {"source": 27, "target": 18, "label": "U"}]} +{"id": "20003016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 95}]}, {"id": 16, "anchors": [{"from": 95, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}, {"from": 107, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "S"}, {"source": 22, "target": 0, "label": "U"}, {"source": 23, "target": 2, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 19, "label": "A"}, {"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "F"}, {"source": 26, "target": 11, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 6, "label": "S"}, {"source": 29, "target": 28, "label": "E"}, {"source": 24, "target": 23, "label": "A"}, {"source": 27, "target": 12, "label": "F"}, {"source": 22, "target": 17, "label": "U"}, {"source": 22, "target": 20, "label": "U"}, {"source": 23, "target": 3, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 10, "label": "R"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 4, "label": "F"}, {"source": 29, "target": 30, "label": "C"}, {"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 7, "label": "D"}, {"source": 22, "target": 18, "label": "P"}, {"source": 25, "target": 9, "label": "C"}, {"source": 30, "target": 15, "label": "P"}]} +{"id": "20003017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}, {"from": 67, "to": 73}, {"from": 75, "to": 80}]}, {"id": 12, "anchors": [{"from": 73, "to": 74}]}, {"id": 13, "anchors": [{"from": 80, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 106}]}, {"id": 18, "anchors": [{"from": 107, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 138}]}, {"id": 24, "anchors": [{"from": 139, "to": 146}]}, {"id": 25, "anchors": [{"from": 147, "to": 154}]}, {"id": 26, "anchors": [{"from": 155, "to": 157}]}, {"id": 27, "anchors": [{"from": 158, "to": 165}]}, {"id": 28, "anchors": [{"from": 166, "to": 180}]}, {"id": 29, "anchors": [{"from": 181, "to": 190}]}, {"id": 30, "anchors": [{"from": 190, "to": 191}]}, {"id": 31, "anchors": [{"from": 192, "to": 194}]}, {"id": 32, "anchors": [{"from": 195, "to": 199}]}, {"id": 33, "anchors": [{"from": 199, "to": 200}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 46, "target": 24, "label": "A"}, {"source": 35, "target": 40, "label": "C"}, {"source": 40, "target": 39, "label": "S"}, {"source": 48, "target": 26, "label": "R"}, {"source": 44, "target": 15, "label": "P"}, {"source": 43, "target": 8, "label": "A"}, {"source": 45, "target": 22, "label": "Q"}, {"source": 45, "target": 46, "label": "C"}, {"source": 36, "target": 35, "label": "A"}, {"source": 46, "target": 23, "label": "A"}, {"source": 45, "target": 47, "label": "E"}, {"source": 45, "target": 21, "label": "R"}, {"source": 42, "target": 44, "label": "E"}, {"source": 48, "target": 49, "label": "E"}, {"source": 38, "target": 36, "label": "A"}, {"source": 40, "target": 42, "label": "A"}, {"source": 44, "target": 13, "label": "U"}, {"source": 49, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 31, "label": "A"}, {"source": 11, "target": 12, "label": "U"}, {"source": 36, "target": 18, "label": "F"}, {"source": 43, "target": 8, "label": "P"}, {"source": 36, "target": 45, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 44, "target": 14, "label": "A"}, {"source": 36, "target": 16, "label": "D"}, {"source": 36, "target": 17, "label": "F"}, {"source": 35, "target": 34, "label": "Q"}, {"source": 41, "target": 4, "label": "P"}, {"source": 42, "target": 43, "label": "C"}, {"source": 42, "target": 7, "label": "F"}, {"source": 36, "target": 19, "label": "F"}, {"source": 46, "target": 24, "label": "P"}, {"source": 44, "target": 9, "label": "R"}, {"source": 44, "target": 10, "label": "F"}, {"source": 39, "target": 5, "label": "C"}, {"source": 36, "target": 20, "label": "S"}, {"source": 42, "target": 6, "label": "R"}, {"source": 44, "target": 11, "label": "A"}, {"source": 47, "target": 25, "label": "P"}, {"source": 34, "target": 0, "label": "F"}, {"source": 49, "target": 28, "label": "S"}, {"source": 47, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 30, "label": "U"}, {"source": 37, "target": 38, "label": "H"}, {"source": 38, "target": 33, "label": "U"}, {"source": 48, "target": 27, "label": "E"}, {"source": 39, "target": 2, "label": "R"}, {"source": 47, "target": 48, "label": "A"}, {"source": 48, "target": 29, "label": "C"}, {"source": 34, "target": 1, "label": "C"}, {"source": 38, "target": 32, "label": "P"}, {"source": 41, "target": 3, "label": "A"}]} +{"id": "20003018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 42}, {"from": 43, "to": 44}, {"from": 45, "to": 49}, {"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 118}]}, {"id": 19, "anchors": [{"from": 118, "to": 119}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 8, "label": "U"}, {"source": 20, "target": 23, "label": "E"}, {"source": 20, "target": 0, "label": "E"}, {"source": 24, "target": 4, "label": "F"}, {"source": 22, "target": 28, "label": "A"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 10, "label": "E"}, {"source": 29, "target": 19, "label": "U"}, {"source": 27, "target": 13, "label": "C"}, {"source": 22, "target": 27, "label": "A"}, {"source": 26, "target": 9, "label": "F"}, {"source": 22, "target": 20, "label": "A"}, {"source": 20, "target": 1, "label": "C"}, {"source": 20, "target": 2, "label": "U"}, {"source": 22, "target": 26, "label": "S"}, {"source": 23, "target": 3, "label": "F"}, {"source": 24, "target": 5, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 11, "label": "C"}, {"source": 29, "target": 17, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 28, "target": 14, "label": "R"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "P"}, {"source": 27, "target": 12, "label": "R"}, {"source": 28, "target": 15, "label": "P"}, {"source": 29, "target": 18, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 29, "target": 16, "label": "E"}]} +{"id": "20003019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 123}]}, {"id": 19, "anchors": [{"from": 124, "to": 128}]}, {"id": 20, "anchors": [{"from": 129, "to": 140}]}, {"id": 21, "anchors": [{"from": 141, "to": 145}]}, {"id": 22, "anchors": [{"from": 146, "to": 149}]}, {"id": 23, "anchors": [{"from": 150, "to": 156}]}, {"id": 24, "anchors": [{"from": 157, "to": 161}]}, {"id": 25, "anchors": [{"from": 162, "to": 164}]}, {"id": 26, "anchors": [{"from": 165, "to": 173}]}, {"id": 27, "anchors": [{"from": 173, "to": 174}]}, {"id": 28, "anchors": [{"from": 175, "to": 185}]}, {"id": 29, "anchors": [{"from": 185, "to": 186}]}, {"id": 30, "anchors": [{"from": 187, "to": 192}]}, {"id": 31, "anchors": [{"from": 193, "to": 195}]}, {"id": 32, "anchors": [{"from": 196, "to": 200}]}, {"id": 33, "anchors": [{"from": 201, "to": 208}]}, {"id": 34, "anchors": [{"from": 209, "to": 212}]}, {"id": 35, "anchors": [{"from": 213, "to": 218}]}, {"id": 36, "anchors": [{"from": 219, "to": 228}]}, {"id": 37, "anchors": [{"from": 228, "to": 229}]}, {"id": 38, "anchors": [{"from": 230, "to": 233}, {"from": 234, "to": 241}]}, {"id": 39, "anchors": [{"from": 242, "to": 246}]}, {"id": 40, "anchors": [{"from": 246, "to": 247}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 44, "target": 38, "label": "A"}, {"source": 42, "target": 4, "label": "P"}, {"source": 41, "target": 0, "label": "F"}, {"source": 47, "target": 50, "label": "A"}, {"source": 55, "target": 26, "label": "C"}, {"source": 42, "target": 45, "label": "A"}, {"source": 52, "target": 19, "label": "E"}, {"source": 53, "target": 29, "label": "U"}, {"source": 54, "target": 24, "label": "C"}, {"source": 44, "target": 37, "label": "U"}, {"source": 53, "target": 55, "label": "E"}, {"source": 50, "target": 51, "label": "E"}, {"source": 50, "target": 15, "label": "R"}, {"source": 57, "target": 31, "label": "R"}, {"source": 57, "target": 59, "label": "C"}, {"source": 44, "target": 39, "label": "P"}, {"source": 55, "target": 25, "label": "R"}, {"source": 47, "target": 53, "label": "A"}, {"source": 55, "target": 54, "label": "E"}, {"source": 57, "target": 34, "label": "N"}, {"source": 59, "target": 35, "label": "E"}, {"source": 50, "target": 16, "label": "C"}, {"source": 47, "target": 11, "label": "D"}, {"source": 54, "target": 23, "label": "E"}, {"source": 59, "target": 36, "label": "C"}, {"source": 53, "target": 21, "label": "R"}, {"source": 47, "target": 52, "label": "D"}, {"source": 45, "target": 5, "label": "C"}, {"source": 47, "target": 48, "label": "A"}, {"source": 47, "target": 8, "label": "R"}, {"source": 42, "target": 3, "label": "F"}, {"source": 56, "target": 30, "label": "S"}, {"source": 58, "target": 32, "label": "E"}, {"source": 42, "target": 2, "label": "D"}, {"source": 43, "target": 44, "label": "H"}, {"source": 53, "target": 56, "label": "E"}, {"source": 46, "target": 7, "label": "P"}, {"source": 51, "target": 17, "label": "R"}, {"source": 50, "target": 49, "label": "E"}, {"source": 56, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 57, "label": "A"}, {"source": 53, "target": 28, "label": "C"}, {"source": 52, "target": 20, "label": "C"}, {"source": 44, "target": 40, "label": "U"}, {"source": 49, "target": 13, "label": "F"}, {"source": 53, "target": 27, "label": "U"}, {"source": 48, "target": 10, "label": "C"}, {"source": 51, "target": 18, "label": "C"}, {"source": 42, "target": 41, "label": "A"}, {"source": 46, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 6, "label": "F"}, {"source": 41, "target": 1, "label": "C"}, {"source": 48, "target": 9, "label": "E"}, {"source": 58, "target": 33, "label": "C"}, {"source": 47, "target": 12, "label": "P"}, {"source": 44, "target": 42, "label": "A"}, {"source": 54, "target": 22, "label": "F"}, {"source": 49, "target": 14, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 57, "target": 58, "label": "C"}, {"source": 45, "target": 46, "label": "E"}]} +{"id": "20003020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 114}]}, {"id": 21, "anchors": [{"from": 114, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 139}, {"from": 140, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 154}]}, {"id": 26, "anchors": [{"from": 155, "to": 159}]}, {"id": 27, "anchors": [{"from": 160, "to": 163}]}, {"id": 28, "anchors": [{"from": 164, "to": 174}]}, {"id": 29, "anchors": [{"from": 175, "to": 177}]}, {"id": 30, "anchors": [{"from": 178, "to": 188}]}, {"id": 31, "anchors": [{"from": 188, "to": 189}]}, {"id": 32, "anchors": [{"from": 190, "to": 199}]}, {"id": 33, "anchors": [{"from": 200, "to": 202}]}, {"id": 34, "anchors": [{"from": 203, "to": 209}, {"from": 210, "to": 212}, {"from": 213, "to": 220}]}, {"id": 35, "anchors": [{"from": 220, "to": 221}]}, {"id": 36, "anchors": [{"from": 222, "to": 223}]}, {"id": 37, "anchors": [{"from": 224, "to": 233}]}, {"id": 38, "anchors": [{"from": 234, "to": 236}]}, {"id": 39, "anchors": [{"from": 237, "to": 245}]}, {"id": 40, "anchors": [{"from": 246, "to": 248}]}, {"id": 41, "anchors": [{"from": 249, "to": 252}]}, {"id": 42, "anchors": [{"from": 253, "to": 263}]}, {"id": 43, "anchors": [{"from": 264, "to": 266}]}, {"id": 44, "anchors": [{"from": 267, "to": 274}]}, {"id": 45, "anchors": [{"from": 275, "to": 282}]}, {"id": 46, "anchors": [{"from": 283, "to": 285}]}, {"id": 47, "anchors": [{"from": 286, "to": 294}]}, {"id": 48, "anchors": [{"from": 294, "to": 295}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}], "edges": [{"source": 66, "target": 67, "label": "E"}, {"source": 58, "target": 17, "label": "C"}, {"source": 55, "target": 9, "label": "R"}, {"source": 60, "target": 20, "label": "S"}, {"source": 59, "target": 21, "label": "U"}, {"source": 66, "target": 65, "label": "R"}, {"source": 58, "target": 16, "label": "R"}, {"source": 57, "target": 59, "label": "A"}, {"source": 69, "target": 70, "label": "E"}, {"source": 67, "target": 69, "label": "E"}, {"source": 61, "target": 22, "label": "S"}, {"source": 63, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 56, "label": "D"}, {"source": 54, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 15, "label": "C"}, {"source": 53, "target": 6, "label": "C"}, {"source": 63, "target": 28, "label": "P"}, {"source": 49, "target": 0, "label": "E"}, {"source": 62, "target": 24, "label": "R"}, {"source": 50, "target": 51, "label": "H"}, {"source": 53, "target": 5, "label": "F"}, {"source": 68, "target": 39, "label": "C"}, {"source": 51, "target": 2, "label": "S"}, {"source": 64, "target": 30, "label": "C"}, {"source": 67, "target": 36, "label": "E"}, {"source": 64, "target": 29, "label": "R"}, {"source": 56, "target": 13, "label": "F"}, {"source": 54, "target": 7, "label": "S"}, {"source": 52, "target": 54, "label": "E"}, {"source": 68, "target": 38, "label": "R"}, {"source": 51, "target": 52, "label": "A"}, {"source": 51, "target": 31, "label": "U"}, {"source": 59, "target": 19, "label": "F"}, {"source": 59, "target": 62, "label": "E"}, {"source": 52, "target": 8, "label": "C"}, {"source": 71, "target": 43, "label": "R"}, {"source": 51, "target": 49, "label": "A"}, {"source": 57, "target": 58, "label": "S"}, {"source": 63, "target": 26, "label": "R"}, {"source": 72, "target": 45, "label": "C"}, {"source": 55, "target": 57, "label": "A"}, {"source": 60, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 25, "label": "C"}, {"source": 49, "target": 1, "label": "C"}, {"source": 52, "target": 55, "label": "E"}, {"source": 65, "target": 32, "label": "C"}, {"source": 65, "target": 33, "label": "R"}, {"source": 69, "target": 72, "label": "C"}, {"source": 55, "target": 10, "label": "F"}, {"source": 63, "target": 64, "label": "A"}, {"source": 72, "target": 47, "label": "C"}, {"source": 71, "target": 44, "label": "C"}, {"source": 56, "target": 14, "label": "E"}, {"source": 52, "target": 53, "label": "Q"}, {"source": 67, "target": 37, "label": "C"}, {"source": 72, "target": 46, "label": "R"}, {"source": 66, "target": 34, "label": "C"}, {"source": 70, "target": 42, "label": "C"}, {"source": 55, "target": 11, "label": "D"}, {"source": 59, "target": 23, "label": "C"}, {"source": 61, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 61, "label": "E"}, {"source": 59, "target": 63, "label": "E"}, {"source": 63, "target": 27, "label": "F"}, {"source": 69, "target": 41, "label": "E"}, {"source": 66, "target": 35, "label": "U"}, {"source": 70, "target": 71, "label": "E"}, {"source": 52, "target": 4, "label": "R"}, {"source": 51, "target": 66, "label": "A"}, {"source": 59, "target": 60, "label": "E"}, {"source": 59, "target": 18, "label": "R"}, {"source": 52, "target": 3, "label": "E"}, {"source": 67, "target": 68, "label": "E"}, {"source": 72, "target": 48, "label": "U"}, {"source": 69, "target": 40, "label": "R"}, {"source": 55, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 12, "label": "S"}]} +{"id": "20003021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}, {"from": 86, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 103}]}, {"id": 17, "anchors": [{"from": 103, "to": 104}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 10, "label": "P"}, {"source": 24, "target": 25, "label": "D"}, {"source": 26, "target": 11, "label": "R"}, {"source": 21, "target": 6, "label": "N"}, {"source": 23, "target": 21, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 7, "label": "F"}, {"source": 18, "target": 0, "label": "D"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 4, "label": "F"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 8, "label": "E"}, {"source": 21, "target": 20, "label": "C"}, {"source": 26, "target": 12, "label": "E"}, {"source": 25, "target": 9, "label": "C"}, {"source": 23, "target": 14, "label": "U"}, {"source": 22, "target": 23, "label": "H"}, {"source": 20, "target": 5, "label": "S"}, {"source": 20, "target": 19, "label": "A"}, {"source": 23, "target": 16, "label": "P"}, {"source": 19, "target": 3, "label": "C"}, {"source": 23, "target": 15, "label": "A"}, {"source": 21, "target": 24, "label": "C"}, {"source": 19, "target": 18, "label": "E"}, {"source": 18, "target": 1, "label": "S"}, {"source": 26, "target": 13, "label": "C"}, {"source": 23, "target": 17, "label": "U"}]} +{"id": "20003022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 100}]}, {"id": 17, "anchors": [{"from": 100, "to": 101}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 10, "label": "P"}, {"source": 26, "target": 14, "label": "P"}, {"source": 21, "target": 22, "label": "E"}, {"source": 27, "target": 15, "label": "R"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "C"}, {"source": 23, "target": 9, "label": "D"}, {"source": 22, "target": 5, "label": "P"}, {"source": 25, "target": 12, "label": "E"}, {"source": 25, "target": 13, "label": "C"}, {"source": 24, "target": 25, "label": "Q"}, {"source": 22, "target": 4, "label": "A"}, {"source": 20, "target": 24, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 0, "label": "R"}, {"source": 24, "target": 11, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 3, "label": "F"}, {"source": 20, "target": 2, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 18, "label": "T"}, {"source": 27, "target": 17, "label": "U"}, {"source": 24, "target": 26, "label": "C"}, {"source": 20, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 8, "label": "F"}]} +{"id": "20003023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 78}]}, {"id": 13, "anchors": [{"from": 78, "to": 79}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "U"}, {"source": 21, "target": 22, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 21, "target": 7, "label": "R"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 11, "label": "F"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 10, "label": "F"}, {"source": 14, "target": 0, "label": "R"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 17, "label": "Q"}, {"source": 17, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 6, "label": "P"}, {"source": 18, "target": 20, "label": "C"}, {"source": 16, "target": 12, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 16, "target": 14, "label": "T"}, {"source": 16, "target": 13, "label": "U"}, {"source": 22, "target": 8, "label": "P"}]} +{"id": "20003024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 21, "target": 1, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 26, "target": 3, "label": "R"}, {"source": 29, "target": 15, "label": "R"}, {"source": 26, "target": 5, "label": "C"}, {"source": 24, "target": 14, "label": "P"}, {"source": 24, "target": 13, "label": "F"}, {"source": 28, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "H"}, {"source": 25, "target": 2, "label": "P"}, {"source": 27, "target": 8, "label": "A"}, {"source": 22, "target": 25, "label": "C"}, {"source": 30, "target": 17, "label": "R"}, {"source": 22, "target": 26, "label": "E"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 0, "label": "E"}, {"source": 27, "target": 7, "label": "P"}, {"source": 30, "target": 18, "label": "F"}, {"source": 28, "target": 11, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 24, "target": 30, "label": "T"}, {"source": 28, "target": 9, "label": "R"}, {"source": 24, "target": 29, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 28, "target": 12, "label": "C"}, {"source": 29, "target": 16, "label": "C"}, {"source": 26, "target": 4, "label": "F"}, {"source": 30, "target": 20, "label": "U"}, {"source": 24, "target": 22, "label": "A"}, {"source": 22, "target": 21, "label": "Q"}, {"source": 25, "target": 2, "label": "A"}]} +{"id": "20003025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 75}]}, {"id": 12, "anchors": [{"from": 75, "to": 76}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 5, "label": "D"}, {"source": 13, "target": 16, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 6, "label": "S"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 2, "label": "F"}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 4, "label": "F"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "C"}, {"source": 16, "target": 1, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 18, "target": 11, "label": "P"}]} +{"id": "20003026", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 128}]}, {"id": 22, "anchors": [{"from": 129, "to": 134}]}, {"id": 23, "anchors": [{"from": 135, "to": 138}]}, {"id": 24, "anchors": [{"from": 139, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 149}]}, {"id": 26, "anchors": [{"from": 150, "to": 152}]}, {"id": 27, "anchors": [{"from": 153, "to": 154}]}, {"id": 28, "anchors": [{"from": 155, "to": 162}]}, {"id": 29, "anchors": [{"from": 163, "to": 167}]}, {"id": 30, "anchors": [{"from": 168, "to": 170}]}, {"id": 31, "anchors": [{"from": 171, "to": 175}]}, {"id": 32, "anchors": [{"from": 176, "to": 183}]}, {"id": 33, "anchors": [{"from": 183, "to": 184}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 39, "target": 5, "label": "R"}, {"source": 42, "target": 43, "label": "A"}, {"source": 45, "target": 44, "label": "E"}, {"source": 49, "target": 33, "label": "U"}, {"source": 36, "target": 46, "label": "H"}, {"source": 46, "target": 22, "label": "P"}, {"source": 37, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 30, "label": "F"}, {"source": 35, "target": 1, "label": "P"}, {"source": 39, "target": 7, "label": "E"}, {"source": 36, "target": 49, "label": "H"}, {"source": 44, "target": 18, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 39, "target": 6, "label": "E"}, {"source": 34, "target": 0, "label": "A"}, {"source": 50, "target": 28, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 49, "target": 29, "label": "F"}, {"source": 44, "target": 17, "label": "N"}, {"source": 37, "target": 2, "label": "S"}, {"source": 36, "target": 42, "label": "H"}, {"source": 43, "target": 12, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 38, "label": "A"}, {"source": 36, "target": 20, "label": "L"}, {"source": 42, "target": 13, "label": "U"}, {"source": 47, "target": 23, "label": "F"}, {"source": 49, "target": 27, "label": "F"}, {"source": 49, "target": 50, "label": "A"}, {"source": 49, "target": 32, "label": "A"}, {"source": 46, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 40, "label": "A"}, {"source": 48, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 34, "label": "A"}, {"source": 40, "target": 9, "label": "R"}, {"source": 40, "target": 12, "label": "C"}, {"source": 41, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 39, "label": "E"}, {"source": 40, "target": 10, "label": "F"}, {"source": 43, "target": 15, "label": "R"}, {"source": 45, "target": 19, "label": "C"}, {"source": 36, "target": 35, "label": "H"}, {"source": 42, "target": 14, "label": "P"}, {"source": 38, "target": 3, "label": "E"}, {"source": 38, "target": 4, "label": "C"}, {"source": 41, "target": 11, "label": "S"}, {"source": 38, "target": 37, "label": "E"}, {"source": 46, "target": 21, "label": "D"}, {"source": 44, "target": 16, "label": "C"}, {"source": 42, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 45, "label": "A"}, {"source": 36, "target": 26, "label": "L"}, {"source": 49, "target": 31, "label": "P"}, {"source": 47, "target": 25, "label": "C"}, {"source": 34, "target": 0, "label": "P"}, {"source": 47, "target": 48, "label": "E"}, {"source": 39, "target": 8, "label": "C"}, {"source": 48, "target": 24, "label": "S"}]} +{"id": "20003027", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}, {"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 121}]}, {"id": 22, "anchors": [{"from": 121, "to": 122}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 2, "label": "U"}, {"source": 29, "target": 30, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 34, "target": 22, "label": "U"}, {"source": 28, "target": 5, "label": "S"}, {"source": 31, "target": 13, "label": "F"}, {"source": 33, "target": 32, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 3, "label": "C"}, {"source": 23, "target": 0, "label": "P"}, {"source": 31, "target": 11, "label": "E"}, {"source": 26, "target": 7, "label": "U"}, {"source": 33, "target": 19, "label": "P"}, {"source": 25, "target": 1, "label": "P"}, {"source": 26, "target": 29, "label": "E"}, {"source": 34, "target": 20, "label": "F"}, {"source": 30, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 21, "label": "C"}, {"source": 32, "target": 18, "label": "C"}, {"source": 26, "target": 27, "label": "C"}, {"source": 29, "target": 8, "label": "R"}, {"source": 31, "target": 14, "label": "C"}, {"source": 30, "target": 9, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 27, "target": 4, "label": "R"}, {"source": 29, "target": 33, "label": "H"}, {"source": 31, "target": 12, "label": "R"}, {"source": 29, "target": 16, "label": "L"}, {"source": 31, "target": 10, "label": "R"}, {"source": 27, "target": 6, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 29, "target": 15, "label": "U"}, {"source": 25, "target": 23, "label": "A"}]} +{"id": "20003028", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 97}]}, {"id": 15, "anchors": [{"from": 97, "to": 98}]}, {"id": 16, "anchors": [{"from": 98, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 112}, {"from": 113, "to": 121}]}, {"id": 19, "anchors": [{"from": 121, "to": 122}]}, {"id": 20, "anchors": [{"from": 123, "to": 127}]}, {"id": 21, "anchors": [{"from": 128, "to": 137}]}, {"id": 22, "anchors": [{"from": 138, "to": 140}]}, {"id": 23, "anchors": [{"from": 141, "to": 146}]}, {"id": 24, "anchors": [{"from": 147, "to": 156}]}, {"id": 25, "anchors": [{"from": 157, "to": 160}]}, {"id": 26, "anchors": [{"from": 161, "to": 174}, {"from": 175, "to": 176}, {"from": 177, "to": 181}]}, {"id": 27, "anchors": [{"from": 181, "to": 182}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 30, "target": 4, "label": "S"}, {"source": 29, "target": 38, "label": "A"}, {"source": 32, "target": 8, "label": "E"}, {"source": 39, "target": 41, "label": "E"}, {"source": 29, "target": 16, "label": "U"}, {"source": 31, "target": 12, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 15, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 5, "label": "R"}, {"source": 35, "target": 11, "label": "A"}, {"source": 32, "target": 34, "label": "C"}, {"source": 34, "target": 10, "label": "N"}, {"source": 40, "target": 22, "label": "R"}, {"source": 32, "target": 6, "label": "Q"}, {"source": 36, "target": 13, "label": "S"}, {"source": 31, "target": 37, "label": "A"}, {"source": 35, "target": 11, "label": "P"}, {"source": 41, "target": 25, "label": "R"}, {"source": 38, "target": 18, "label": "C"}, {"source": 30, "target": 1, "label": "F"}, {"source": 30, "target": 3, "label": "D"}, {"source": 39, "target": 40, "label": "E"}, {"source": 28, "target": 29, "label": "H"}, {"source": 40, "target": 23, "label": "E"}, {"source": 41, "target": 27, "label": "U"}, {"source": 38, "target": 39, "label": "E"}, {"source": 33, "target": 9, "label": "A"}, {"source": 40, "target": 24, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 30, "target": 2, "label": "F"}, {"source": 38, "target": 19, "label": "U"}, {"source": 34, "target": 33, "label": "C"}, {"source": 29, "target": 0, "label": "U"}, {"source": 36, "target": 13, "label": "A"}, {"source": 34, "target": 35, "label": "C"}, {"source": 32, "target": 7, "label": "R"}, {"source": 33, "target": 9, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 41, "target": 26, "label": "C"}, {"source": 39, "target": 20, "label": "E"}, {"source": 37, "target": 36, "label": "E"}, {"source": 37, "target": 14, "label": "C"}, {"source": 39, "target": 21, "label": "C"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "20003029", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 0, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 17, "label": "D"}, {"source": 14, "target": 4, "label": "P"}, {"source": 17, "target": 11, "label": "R"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 1, "label": "L"}, {"source": 17, "target": 10, "label": "C"}, {"source": 17, "target": 9, "label": "Q"}, {"source": 14, "target": 3, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 8, "label": "P"}]} +{"id": "20003030", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "It has no bearing on our work force today.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 5, "label": "S"}, {"source": 11, "target": 12, "label": "S"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 9, "label": "U"}, {"source": 11, "target": 8, "label": "T"}, {"source": 11, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 6, "label": "E"}]} +{"id": "20004001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 90}]}, {"id": 14, "anchors": [{"from": 91, "to": 97}]}, {"id": 15, "anchors": [{"from": 98, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 114}]}, {"id": 17, "anchors": [{"from": 115, "to": 117}]}, {"id": 18, "anchors": [{"from": 118, "to": 126}]}, {"id": 19, "anchors": [{"from": 127, "to": 132}]}, {"id": 20, "anchors": [{"from": 132, "to": 133}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 8, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 14, "label": "S"}, {"source": 29, "target": 16, "label": "P"}, {"source": 24, "target": 3, "label": "E"}, {"source": 27, "target": 11, "label": "R"}, {"source": 30, "target": 20, "label": "U"}, {"source": 24, "target": 2, "label": "E"}, {"source": 21, "target": 0, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 21, "label": "A"}, {"source": 23, "target": 25, "label": "P"}, {"source": 28, "target": 13, "label": "A"}, {"source": 28, "target": 12, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 5, "label": "D"}, {"source": 30, "target": 19, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 13, "label": "P"}, {"source": 26, "target": 9, "label": "R"}, {"source": 24, "target": 1, "label": "R"}, {"source": 29, "target": 15, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 30, "target": 17, "label": "R"}, {"source": 23, "target": 26, "label": "A"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 10, "label": "S"}]} +{"id": "20004002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 143}]}, {"id": 26, "anchors": [{"from": 143, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 154}]}, {"id": 29, "anchors": [{"from": 154, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 159}]}, {"id": 31, "anchors": [{"from": 160, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 182}]}, {"id": 35, "anchors": [{"from": 182, "to": 183}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 45, "target": 21, "label": "F"}, {"source": 48, "target": 31, "label": "F"}, {"source": 38, "target": 45, "label": "A"}, {"source": 36, "target": 0, "label": "F"}, {"source": 38, "target": 47, "label": "A"}, {"source": 41, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 24, "label": "R"}, {"source": 46, "target": 26, "label": "C"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 22, "label": "C"}, {"source": 47, "target": 27, "label": "R"}, {"source": 42, "target": 44, "label": "E"}, {"source": 36, "target": 2, "label": "T"}, {"source": 37, "target": 38, "label": "H"}, {"source": 36, "target": 4, "label": "P"}, {"source": 49, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 33, "label": "P"}, {"source": 39, "target": 41, "label": "E"}, {"source": 47, "target": 29, "label": "C"}, {"source": 45, "target": 19, "label": "Q"}, {"source": 36, "target": 3, "label": "A"}, {"source": 38, "target": 46, "label": "A"}, {"source": 42, "target": 16, "label": "C"}, {"source": 36, "target": 1, "label": "D"}, {"source": 39, "target": 6, "label": "F"}, {"source": 45, "target": 23, "label": "Q"}, {"source": 38, "target": 17, "label": "P"}, {"source": 48, "target": 49, "label": "E"}, {"source": 48, "target": 30, "label": "R"}, {"source": 49, "target": 35, "label": "U"}, {"source": 39, "target": 5, "label": "R"}, {"source": 40, "target": 8, "label": "S"}, {"source": 42, "target": 11, "label": "R"}, {"source": 39, "target": 9, "label": "C"}, {"source": 45, "target": 18, "label": "F"}, {"source": 38, "target": 48, "label": "D"}, {"source": 46, "target": 25, "label": "Q"}, {"source": 38, "target": 36, "label": "A"}, {"source": 42, "target": 43, "label": "E"}, {"source": 43, "target": 12, "label": "A"}, {"source": 36, "target": 39, "label": "A"}, {"source": 48, "target": 32, "label": "C"}, {"source": 44, "target": 14, "label": "E"}, {"source": 43, "target": 13, "label": "S"}, {"source": 41, "target": 10, "label": "P"}, {"source": 39, "target": 7, "label": "Q"}, {"source": 47, "target": 28, "label": "Q"}, {"source": 40, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 34, "label": "T"}, {"source": 44, "target": 15, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 45, "target": 20, "label": "R"}]} +{"id": "20004004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 116}, {"from": 117, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 128}]}, {"id": 23, "anchors": [{"from": 128, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 25, "label": "A"}, {"source": 28, "target": 5, "label": "U"}, {"source": 31, "target": 15, "label": "F"}, {"source": 25, "target": 0, "label": "D"}, {"source": 33, "target": 23, "label": "R"}, {"source": 31, "target": 32, "label": "T"}, {"source": 28, "target": 4, "label": "A"}, {"source": 25, "target": 28, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 31, "target": 16, "label": "S"}, {"source": 33, "target": 22, "label": "C"}, {"source": 28, "target": 3, "label": "F"}, {"source": 27, "target": 33, "label": "A"}, {"source": 32, "target": 18, "label": "E"}, {"source": 30, "target": 31, "label": "E"}, {"source": 29, "target": 8, "label": "R"}, {"source": 33, "target": 21, "label": "R"}, {"source": 32, "target": 17, "label": "R"}, {"source": 33, "target": 24, "label": "U"}, {"source": 29, "target": 10, "label": "C"}, {"source": 27, "target": 7, "label": "P"}, {"source": 28, "target": 2, "label": "R"}, {"source": 32, "target": 19, "label": "C"}, {"source": 30, "target": 14, "label": "U"}, {"source": 30, "target": 11, "label": "R"}, {"source": 29, "target": 9, "label": "F"}, {"source": 25, "target": 1, "label": "S"}, {"source": 31, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 12, "label": "Q"}, {"source": 30, "target": 13, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 27, "target": 29, "label": "D"}, {"source": 27, "target": 30, "label": "A"}, {"source": 28, "target": 6, "label": "P"}]} +{"id": "20004005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 60}]}, {"id": 8, "anchors": [{"from": 61, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 74}]}, {"id": 10, "anchors": [{"from": 75, "to": 79}]}, {"id": 11, "anchors": [{"from": 80, "to": 86}]}, {"id": 12, "anchors": [{"from": 87, "to": 96}]}, {"id": 13, "anchors": [{"from": 97, "to": 105}]}, {"id": 14, "anchors": [{"from": 106, "to": 108}]}, {"id": 15, "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "anchors": [{"from": 116, "to": 126}]}, {"id": 17, "anchors": [{"from": 127, "to": 133}]}, {"id": 18, "anchors": [{"from": 134, "to": 139}]}, {"id": 19, "anchors": [{"from": 140, "to": 143}]}, {"id": 20, "anchors": [{"from": 144, "to": 145}]}, {"id": 21, "anchors": [{"from": 146, "to": 152}]}, {"id": 22, "anchors": [{"from": 153, "to": 159}]}, {"id": 23, "anchors": [{"from": 159, "to": 160}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 25, "target": 24, "label": "A"}, {"source": 31, "target": 33, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 8, "label": "C"}, {"source": 34, "target": 19, "label": "R"}, {"source": 26, "target": 29, "label": "H"}, {"source": 33, "target": 32, "label": "E"}, {"source": 25, "target": 2, "label": "F"}, {"source": 30, "target": 13, "label": "P"}, {"source": 24, "target": 1, "label": "P"}, {"source": 31, "target": 14, "label": "F"}, {"source": 26, "target": 9, "label": "L"}, {"source": 30, "target": 13, "label": "A"}, {"source": 31, "target": 34, "label": "T"}, {"source": 25, "target": 4, "label": "F"}, {"source": 25, "target": 5, "label": "P"}, {"source": 34, "target": 35, "label": "E"}, {"source": 32, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "A"}, {"source": 27, "target": 6, "label": "P"}, {"source": 31, "target": 15, "label": "P"}, {"source": 35, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 12, "label": "A"}, {"source": 29, "target": 10, "label": "A"}, {"source": 33, "target": 18, "label": "C"}, {"source": 28, "target": 7, "label": "E"}, {"source": 34, "target": 22, "label": "C"}, {"source": 32, "target": 16, "label": "D"}, {"source": 34, "target": 20, "label": "F"}, {"source": 31, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 21, "label": "S"}, {"source": 25, "target": 3, "label": "D"}, {"source": 29, "target": 11, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 32, "target": 17, "label": "S"}, {"source": 29, "target": 31, "label": "A"}, {"source": 24, "target": 0, "label": "T"}, {"source": 34, "target": 23, "label": "U"}]} +{"id": "20004006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 95}]}, {"id": 14, "anchors": [{"from": 96, "to": 102}]}, {"id": 15, "anchors": [{"from": 103, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 115}]}, {"id": 17, "anchors": [{"from": 115, "to": 116}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 5, "label": "E"}, {"source": 26, "target": 25, "label": "E"}, {"source": 25, "target": 14, "label": "S"}, {"source": 24, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "P"}, {"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 22, "label": "C"}, {"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 16, "label": "T"}, {"source": 21, "target": 4, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 12, "label": "D"}, {"source": 24, "target": 17, "label": "U"}, {"source": 20, "target": 9, "label": "L"}, {"source": 23, "target": 11, "label": "A"}, {"source": 23, "target": 10, "label": "A"}, {"source": 22, "target": 8, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 19, "target": 3, "label": "S"}, {"source": 19, "target": 2, "label": "F"}, {"source": 22, "target": 7, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 18, "target": 0, "label": "E"}, {"source": 26, "target": 15, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 25, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "20004007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 126}]}, {"id": 21, "anchors": [{"from": 127, "to": 132}]}, {"id": 22, "anchors": [{"from": 133, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 143}]}, {"id": 24, "anchors": [{"from": 144, "to": 151}]}, {"id": 25, "anchors": [{"from": 151, "to": 152}]}, {"id": 26, "anchors": [{"from": 153, "to": 160}]}, {"id": 27, "anchors": [{"from": 161, "to": 162}]}, {"id": 28, "anchors": [{"from": 163, "to": 167}]}, {"id": 29, "anchors": [{"from": 168, "to": 173}]}, {"id": 30, "anchors": [{"from": 174, "to": 177}]}, {"id": 31, "anchors": [{"from": 178, "to": 181}]}, {"id": 32, "anchors": [{"from": 182, "to": 186}]}, {"id": 33, "anchors": [{"from": 187, "to": 189}]}, {"id": 34, "anchors": [{"from": 190, "to": 192}]}, {"id": 35, "anchors": [{"from": 193, "to": 197}]}, {"id": 36, "anchors": [{"from": 197, "to": 198}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 55, "target": 28, "label": "S"}, {"source": 54, "target": 34, "label": "Q"}, {"source": 46, "target": 14, "label": "S"}, {"source": 42, "target": 7, "label": "R"}, {"source": 40, "target": 9, "label": "U"}, {"source": 44, "target": 43, "label": "H"}, {"source": 41, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 24, "label": "D"}, {"source": 43, "target": 45, "label": "A"}, {"source": 54, "target": 35, "label": "C"}, {"source": 42, "target": 8, "label": "C"}, {"source": 39, "target": 54, "label": "A"}, {"source": 50, "target": 52, "label": "A"}, {"source": 54, "target": 53, "label": "E"}, {"source": 47, "target": 17, "label": "C"}, {"source": 48, "target": 16, "label": "S"}, {"source": 37, "target": 2, "label": "S"}, {"source": 49, "target": 19, "label": "E"}, {"source": 39, "target": 25, "label": "U"}, {"source": 40, "target": 41, "label": "E"}, {"source": 51, "target": 20, "label": "A"}, {"source": 56, "target": 32, "label": "C"}, {"source": 44, "target": 50, "label": "H"}, {"source": 53, "target": 29, "label": "C"}, {"source": 41, "target": 5, "label": "S"}, {"source": 52, "target": 23, "label": "C"}, {"source": 43, "target": 10, "label": "S"}, {"source": 45, "target": 12, "label": "Q"}, {"source": 37, "target": 40, "label": "A"}, {"source": 47, "target": 15, "label": "F"}, {"source": 54, "target": 36, "label": "U"}, {"source": 38, "target": 39, "label": "H"}, {"source": 46, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 21, "label": "P"}, {"source": 48, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 18, "label": "L"}, {"source": 37, "target": 0, "label": "F"}, {"source": 56, "target": 31, "label": "F"}, {"source": 40, "target": 44, "label": "E"}, {"source": 37, "target": 1, "label": "D"}, {"source": 46, "target": 13, "label": "F"}, {"source": 49, "target": 51, "label": "C"}, {"source": 41, "target": 6, "label": "D"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 20, "label": "P"}, {"source": 52, "target": 22, "label": "F"}, {"source": 54, "target": 33, "label": "U"}, {"source": 45, "target": 11, "label": "R"}, {"source": 39, "target": 26, "label": "P"}, {"source": 40, "target": 3, "label": "R"}, {"source": 43, "target": 46, "label": "A"}, {"source": 39, "target": 37, "label": "A"}, {"source": 50, "target": 49, "label": "A"}, {"source": 53, "target": 27, "label": "F"}, {"source": 55, "target": 56, "label": "T"}, {"source": 40, "target": 4, "label": "C"}, {"source": 56, "target": 30, "label": "R"}, {"source": 55, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 47, "label": "A"}, {"source": 47, "target": 48, "label": "E"}, {"source": 53, "target": 55, "label": "E"}]} +{"id": "20004008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}, {"from": 26, "to": 33}, {"from": 34, "to": 39}]}, {"id": 4, "anchors": [{"from": 39, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 68}]}, {"id": 10, "anchors": [{"from": 68, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13, "anchors": [{"from": 78, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 112}, {"from": 113, "to": 117}]}, {"id": 19, "anchors": [{"from": 117, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 126}]}, {"id": 21, "anchors": [{"from": 127, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 142}]}, {"id": 24, "anchors": [{"from": 143, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 156}]}, {"id": 26, "anchors": [{"from": 157, "to": 165}]}, {"id": 27, "anchors": [{"from": 166, "to": 171}]}, {"id": 28, "anchors": [{"from": 171, "to": 172}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 41, "target": 27, "label": "C"}, {"source": 29, "target": 37, "label": "H"}, {"source": 29, "target": 38, "label": "H"}, {"source": 37, "target": 15, "label": "D"}, {"source": 34, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "H"}, {"source": 35, "target": 9, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 29, "label": "H"}, {"source": 39, "target": 20, "label": "C"}, {"source": 37, "target": 13, "label": "D"}, {"source": 33, "target": 4, "label": "U"}, {"source": 29, "target": 0, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 42, "target": 25, "label": "T"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 1, "label": "U"}, {"source": 41, "target": 26, "label": "E"}, {"source": 31, "target": 2, "label": "P"}, {"source": 41, "target": 24, "label": "R"}, {"source": 35, "target": 36, "label": "E"}, {"source": 32, "target": 40, "label": "H"}, {"source": 34, "target": 5, "label": "P"}, {"source": 37, "target": 14, "label": "P"}, {"source": 37, "target": 11, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 38, "target": 18, "label": "P"}, {"source": 32, "target": 19, "label": "U"}, {"source": 41, "target": 28, "label": "U"}, {"source": 36, "target": 7, "label": "E"}, {"source": 40, "target": 22, "label": "T"}, {"source": 42, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 12, "label": "U"}, {"source": 41, "target": 42, "label": "E"}, {"source": 39, "target": 21, "label": "R"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 39, "label": "L"}, {"source": 35, "target": 6, "label": "R"}, {"source": 40, "target": 23, "label": "P"}, {"source": 36, "target": 8, "label": "C"}, {"source": 29, "target": 16, "label": "L"}, {"source": 38, "target": 17, "label": "A"}, {"source": 31, "target": 10, "label": "U"}, {"source": 33, "target": 3, "label": "C"}]} +{"id": "20004009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 31, "target": 16, "label": "R"}, {"source": 25, "target": 23, "label": "A"}, {"source": 23, "target": 26, "label": "A"}, {"source": 25, "target": 31, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 25, "target": 11, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 8, "label": "C"}, {"source": 25, "target": 14, "label": "U"}, {"source": 25, "target": 30, "label": "D"}, {"source": 31, "target": 17, "label": "E"}, {"source": 32, "target": 20, "label": "E"}, {"source": 23, "target": 1, "label": "P"}, {"source": 25, "target": 15, "label": "P"}, {"source": 32, "target": 22, "label": "U"}, {"source": 26, "target": 5, "label": "C"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "E"}, {"source": 29, "target": 9, "label": "R"}, {"source": 23, "target": 0, "label": "F"}, {"source": 28, "target": 10, "label": "P"}, {"source": 27, "target": 6, "label": "P"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 12, "label": "R"}, {"source": 26, "target": 2, "label": "R"}, {"source": 26, "target": 3, "label": "E"}, {"source": 24, "target": 25, "label": "H"}, {"source": 28, "target": 7, "label": "R"}, {"source": 25, "target": 32, "label": "A"}, {"source": 32, "target": 19, "label": "R"}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 29, "label": "T"}, {"source": 31, "target": 18, "label": "C"}]} +{"id": "20004010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 0, "label": "L"}, {"source": 19, "target": 10, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 2, "label": "D"}, {"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 6, "label": "P"}, {"source": 19, "target": 20, "label": "P"}, {"source": 15, "target": 5, "label": "U"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 7, "label": "D"}, {"source": 20, "target": 8, "label": "F"}, {"source": 21, "target": 11, "label": "R"}, {"source": 18, "target": 6, "label": "A"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 1, "label": "T"}, {"source": 21, "target": 12, "label": "E"}, {"source": 19, "target": 21, "label": "A"}]} +{"id": "20004011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}, {"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 11, "label": "F"}, {"source": 26, "target": 17, "label": "E"}, {"source": 22, "target": 1, "label": "R"}, {"source": 21, "target": 26, "label": "A"}, {"source": 24, "target": 7, "label": "R"}, {"source": 19, "target": 0, "label": "S"}, {"source": 26, "target": 18, "label": "U"}, {"source": 22, "target": 3, "label": "Q"}, {"source": 26, "target": 15, "label": "R"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 9, "label": "Q"}, {"source": 25, "target": 13, "label": "C"}, {"source": 25, "target": 10, "label": "R"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 25, "label": "D"}, {"source": 24, "target": 8, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 21, "target": 6, "label": "P"}, {"source": 22, "target": 2, "label": "F"}, {"source": 22, "target": 5, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 22, "label": "A"}, {"source": 23, "target": 4, "label": "S"}]} +{"id": "20004012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 67}]}, {"id": 8, "anchors": [{"from": 68, "to": 75}]}, {"id": 9, "anchors": [{"from": 76, "to": 85}]}, {"id": 10, "anchors": [{"from": 86, "to": 94}]}, {"id": 11, "anchors": [{"from": 95, "to": 98}]}, {"id": 12, "anchors": [{"from": 99, "to": 103}]}, {"id": 13, "anchors": [{"from": 104, "to": 114}]}, {"id": 14, "anchors": [{"from": 115, "to": 118}]}, {"id": 15, "anchors": [{"from": 119, "to": 121}, {"from": 122, "to": 127}]}, {"id": 16, "anchors": [{"from": 128, "to": 131}]}, {"id": 17, "anchors": [{"from": 132, "to": 139}]}, {"id": 18, "anchors": [{"from": 140, "to": 145}]}, {"id": 19, "anchors": [{"from": 145, "to": 146}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 21, "target": 20, "label": "H"}, {"source": 31, "target": 18, "label": "C"}, {"source": 30, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 3, "label": "P"}, {"source": 26, "target": 9, "label": "A"}, {"source": 27, "target": 11, "label": "D"}, {"source": 23, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 28, "label": "H"}, {"source": 20, "target": 0, "label": "G"}, {"source": 20, "target": 24, "label": "A"}, {"source": 28, "target": 30, "label": "H"}, {"source": 30, "target": 15, "label": "P"}, {"source": 27, "target": 26, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 12, "label": "P"}, {"source": 21, "target": 8, "label": "L"}, {"source": 31, "target": 16, "label": "F"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 6, "label": "T"}, {"source": 26, "target": 10, "label": "P"}, {"source": 32, "target": 17, "label": "S"}, {"source": 20, "target": 4, "label": "P"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 25, "target": 7, "label": "P"}, {"source": 22, "target": 2, "label": "A"}, {"source": 31, "target": 19, "label": "U"}, {"source": 20, "target": 1, "label": "U"}, {"source": 29, "target": 13, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 32, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "E"}, {"source": 28, "target": 14, "label": "L"}, {"source": 23, "target": 5, "label": "S"}]} +{"id": "20004014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 25, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 128}]}, {"id": 24, "anchors": [{"from": 128, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 144}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 39, "target": 28, "label": "U"}, {"source": 36, "target": 18, "label": "E"}, {"source": 29, "target": 3, "label": "U"}, {"source": 34, "target": 12, "label": "C"}, {"source": 36, "target": 16, "label": "R"}, {"source": 31, "target": 7, "label": "U"}, {"source": 34, "target": 9, "label": "F"}, {"source": 36, "target": 17, "label": "E"}, {"source": 30, "target": 31, "label": "H"}, {"source": 33, "target": 6, "label": "C"}, {"source": 29, "target": 0, "label": "E"}, {"source": 37, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 15, "label": "C"}, {"source": 38, "target": 24, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 39, "target": 25, "label": "F"}, {"source": 31, "target": 29, "label": "A"}, {"source": 35, "target": 13, "label": "R"}, {"source": 31, "target": 20, "label": "U"}, {"source": 37, "target": 39, "label": "T"}, {"source": 29, "target": 32, "label": "E"}, {"source": 31, "target": 35, "label": "A"}, {"source": 29, "target": 1, "label": "E"}, {"source": 29, "target": 2, "label": "C"}, {"source": 31, "target": 36, "label": "D"}, {"source": 31, "target": 11, "label": "A"}, {"source": 37, "target": 21, "label": "P"}, {"source": 32, "target": 5, "label": "P"}, {"source": 38, "target": 23, "label": "Q"}, {"source": 39, "target": 27, "label": "R"}, {"source": 35, "target": 14, "label": "Q"}, {"source": 38, "target": 22, "label": "R"}, {"source": 36, "target": 19, "label": "C"}, {"source": 39, "target": 26, "label": "C"}, {"source": 31, "target": 34, "label": "P"}, {"source": 34, "target": 8, "label": "F"}, {"source": 31, "target": 10, "label": "T"}, {"source": 35, "target": 37, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 4, "label": "E"}]} +{"id": "20004015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 51}]}, {"id": 6, "anchors": [{"from": 52, "to": 60}]}, {"id": 7, "anchors": [{"from": 61, "to": 64}]}, {"id": 8, "anchors": [{"from": 65, "to": 67}]}, {"id": 9, "anchors": [{"from": 68, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 85}]}, {"id": 11, "anchors": [{"from": 86, "to": 96}]}, {"id": 12, "anchors": [{"from": 97, "to": 101}]}, {"id": 13, "anchors": [{"from": 101, "to": 102}]}, {"id": 14, "anchors": [{"from": 103, "to": 108}]}, {"id": 15, "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "anchors": [{"from": 116, "to": 119}]}, {"id": 17, "anchors": [{"from": 120, "to": 125}]}, {"id": 18, "anchors": [{"from": 125, "to": 126}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 19, "target": 2, "label": "D"}, {"source": 23, "target": 9, "label": "T"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 27, "target": 16, "label": "S"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 22, "label": "E"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "R"}, {"source": 27, "target": 16, "label": "A"}, {"source": 24, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 14, "label": "L"}, {"source": 21, "target": 5, "label": "C"}, {"source": 28, "target": 27, "label": "E"}, {"source": 28, "target": 18, "label": "U"}, {"source": 22, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 22, "target": 4, "label": "S"}, {"source": 25, "target": 24, "label": "E"}, {"source": 20, "target": 26, "label": "H"}, {"source": 28, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "P"}, {"source": 23, "target": 10, "label": "P"}, {"source": 23, "target": 8, "label": "F"}]} +{"id": "20004016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 9, "label": "S"}, {"source": 22, "target": 10, "label": "Q"}, {"source": 18, "target": 2, "label": "T"}, {"source": 18, "target": 0, "label": "F"}, {"source": 18, "target": 3, "label": "D"}, {"source": 23, "target": 13, "label": "S"}, {"source": 22, "target": 11, "label": "C"}, {"source": 22, "target": 12, "label": "U"}, {"source": 24, "target": 14, "label": "R"}, {"source": 21, "target": 5, "label": "R"}, {"source": 20, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "D"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "F"}, {"source": 21, "target": 7, "label": "Q"}, {"source": 24, "target": 16, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 24, "target": 15, "label": "Q"}]} +{"id": "20004017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 121, "to": 122}]}, {"id": 27, "anchors": [{"from": 122, "to": 123}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 31, "target": 5, "label": "R"}, {"source": 34, "target": 16, "label": "A"}, {"source": 29, "target": 4, "label": "P"}, {"source": 38, "target": 26, "label": "C"}, {"source": 36, "target": 19, "label": "R"}, {"source": 32, "target": 6, "label": "F"}, {"source": 32, "target": 7, "label": "C"}, {"source": 38, "target": 27, "label": "U"}, {"source": 35, "target": 18, "label": "P"}, {"source": 29, "target": 28, "label": "A"}, {"source": 36, "target": 37, "label": "E"}, {"source": 36, "target": 22, "label": "E"}, {"source": 28, "target": 1, "label": "T"}, {"source": 33, "target": 10, "label": "R"}, {"source": 28, "target": 2, "label": "D"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 9, "label": "C"}, {"source": 34, "target": 17, "label": "P"}, {"source": 36, "target": 23, "label": "C"}, {"source": 35, "target": 34, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 8, "label": "Q"}, {"source": 38, "target": 24, "label": "R"}, {"source": 30, "target": 13, "label": "U"}, {"source": 30, "target": 35, "label": "H"}, {"source": 31, "target": 32, "label": "E"}, {"source": 37, "target": 20, "label": "E"}, {"source": 28, "target": 0, "label": "F"}, {"source": 34, "target": 15, "label": "T"}, {"source": 37, "target": 21, "label": "C"}, {"source": 33, "target": 11, "label": "Q"}, {"source": 28, "target": 3, "label": "P"}, {"source": 38, "target": 25, "label": "Q"}, {"source": 30, "target": 29, "label": "H"}, {"source": 33, "target": 12, "label": "C"}, {"source": 29, "target": 33, "label": "A"}, {"source": 36, "target": 38, "label": "E"}, {"source": 34, "target": 14, "label": "F"}]} +{"id": "20005001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}, {"from": 35, "to": 40}, {"from": 41, "to": 42}, {"from": 43, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 108}]}, {"id": 17, "anchors": [{"from": 108, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 121}]}, {"id": 20, "anchors": [{"from": 122, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 132}]}, {"id": 22, "anchors": [{"from": 132, "to": 133}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 19, "label": "P"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 2, "label": "E"}, {"source": 23, "target": 0, "label": "C"}, {"source": 30, "target": 16, "label": "C"}, {"source": 28, "target": 8, "label": "P"}, {"source": 32, "target": 21, "label": "A"}, {"source": 26, "target": 3, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 25, "target": 31, "label": "A"}, {"source": 29, "target": 9, "label": "F"}, {"source": 25, "target": 23, "label": "A"}, {"source": 32, "target": 21, "label": "P"}, {"source": 27, "target": 4, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 20, "label": "E"}, {"source": 30, "target": 13, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 29, "target": 12, "label": "C"}, {"source": 23, "target": 1, "label": "U"}, {"source": 30, "target": 14, "label": "E"}, {"source": 32, "target": 22, "label": "U"}, {"source": 28, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 15, "label": "E"}, {"source": 29, "target": 10, "label": "Q"}, {"source": 28, "target": 7, "label": "R"}, {"source": 27, "target": 6, "label": "U"}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 18, "label": "F"}, {"source": 23, "target": 26, "label": "E"}, {"source": 31, "target": 32, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 27, "target": 5, "label": "C"}]} +{"id": "20005002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}, {"from": 21, "to": 23}, {"from": 24, "to": 31}]}, {"id": 3, "anchors": [{"from": 31, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 48}, {"from": 49, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 59}]}, {"id": 8, "anchors": [{"from": 60, "to": 68}]}, {"id": 9, "anchors": [{"from": 68, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 82}]}, {"id": 12, "anchors": [{"from": 82, "to": 83}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 11, "label": "P"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 3, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 18, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 4, "label": "T"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "U"}, {"source": 16, "target": 17, "label": "S"}, {"source": 18, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "20005003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 7, "label": "Q"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 9, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 3, "label": "R"}, {"source": 13, "target": 2, "label": "Q"}, {"source": 13, "target": 9, "label": "C"}, {"source": 15, "target": 6, "label": "R"}, {"source": 12, "target": 1, "label": "P"}]} +{"id": "20007002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 59}]}, {"id": 8, "anchors": [{"from": 60, "to": 69}]}, {"id": 9, "anchors": [{"from": 70, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 87}]}, {"id": 12, "anchors": [{"from": 88, "to": 99}]}, {"id": 13, "anchors": [{"from": 100, "to": 108}]}, {"id": 14, "anchors": [{"from": 108, "to": 109}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 4, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 3, "label": "S"}, {"source": 17, "target": 20, "label": "E"}, {"source": 17, "target": 19, "label": "E"}, {"source": 20, "target": 7, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 4, "label": "S"}, {"source": 21, "target": 9, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 11, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "S"}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 2, "label": "F"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 10, "label": "F"}, {"source": 15, "target": 16, "label": "H"}]} +{"id": "20007003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}, {"from": 37, "to": 41}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 89}]}, {"id": 12, "anchors": [{"from": 89, "to": 90}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 13, "label": "A"}, {"source": 13, "target": 1, "label": "U"}, {"source": 18, "target": 9, "label": "E"}, {"source": 16, "target": 2, "label": "S"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 0, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 6, "label": "U"}, {"source": 18, "target": 8, "label": "E"}, {"source": 13, "target": 16, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 4, "target": 5, "label": "U"}, {"source": 18, "target": 12, "label": "U"}]} +{"id": "20007004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}, {"from": 61, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 16, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 7, "label": "C"}, {"source": 16, "target": 5, "label": "F"}, {"source": 17, "target": 6, "label": "T"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "Q"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 17, "label": "H"}, {"source": 14, "target": 4, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "Q"}]} +{"id": "20008001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 77}]}, {"id": 11, "anchors": [{"from": 78, "to": 81}]}, {"id": 12, "anchors": [{"from": 81, "to": 84}]}, {"id": 13, "anchors": [{"from": 85, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 117}]}, {"id": 18, "anchors": [{"from": 118, "to": 122}]}, {"id": 19, "anchors": [{"from": 122, "to": 123}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 27, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 25, "target": 12, "label": "D"}, {"source": 27, "target": 16, "label": "R"}, {"source": 20, "target": 0, "label": "E"}, {"source": 26, "target": 15, "label": "C"}, {"source": 24, "target": 6, "label": "E"}, {"source": 27, "target": 17, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "C"}, {"source": 27, "target": 18, "label": "S"}, {"source": 27, "target": 19, "label": "U"}, {"source": 21, "target": 3, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 25, "label": "H"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 4, "label": "P"}, {"source": 24, "target": 8, "label": "C"}, {"source": 25, "target": 10, "label": "A"}, {"source": 20, "target": 1, "label": "E"}, {"source": 24, "target": 5, "label": "R"}, {"source": 24, "target": 7, "label": "E"}, {"source": 25, "target": 13, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 9, "label": "L"}, {"source": 26, "target": 14, "label": "F"}]} +{"id": "20008002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 117}]}, {"id": 22, "anchors": [{"from": 117, "to": 118}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 31, "target": 11, "label": "P"}, {"source": 25, "target": 22, "label": "U"}, {"source": 28, "target": 7, "label": "D"}, {"source": 23, "target": 0, "label": "L"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 34, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 16, "label": "Q"}, {"source": 28, "target": 8, "label": "D"}, {"source": 25, "target": 21, "label": "P"}, {"source": 29, "target": 5, "label": "P"}, {"source": 31, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 6, "label": "F"}, {"source": 32, "target": 13, "label": "A"}, {"source": 27, "target": 4, "label": "F"}, {"source": 31, "target": 10, "label": "R"}, {"source": 29, "target": 5, "label": "A"}, {"source": 26, "target": 1, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 3, "label": "U"}, {"source": 28, "target": 30, "label": "S"}, {"source": 23, "target": 26, "label": "H"}, {"source": 32, "target": 12, "label": "D"}, {"source": 25, "target": 23, "label": "A"}, {"source": 28, "target": 31, "label": "A"}, {"source": 32, "target": 14, "label": "P"}, {"source": 32, "target": 33, "label": "D"}, {"source": 33, "target": 17, "label": "C"}, {"source": 30, "target": 9, "label": "C"}, {"source": 34, "target": 19, "label": "F"}, {"source": 28, "target": 27, "label": "A"}, {"source": 33, "target": 15, "label": "R"}, {"source": 34, "target": 20, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 27, "target": 29, "label": "C"}, {"source": 26, "target": 2, "label": "P"}]} +{"id": "20008003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 65, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 69}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}, {"from": 74, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 89}]}, {"id": 14, "anchors": [{"from": 89, "to": 93}, {"from": 94, "to": 102}]}, {"id": 15, "anchors": [{"from": 102, "to": 103}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 17, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 21, "label": "T"}, {"source": 20, "target": 1, "label": "P"}, {"source": 22, "target": 10, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 13, "label": "C"}, {"source": 22, "target": 9, "label": "R"}, {"source": 16, "target": 0, "label": "E"}, {"source": 22, "target": 11, "label": "Q"}, {"source": 17, "target": 16, "label": "E"}, {"source": 23, "target": 14, "label": "Q"}, {"source": 21, "target": 6, "label": "R"}, {"source": 19, "target": 22, "label": "A"}, {"source": 16, "target": 2, "label": "R"}, {"source": 23, "target": 12, "label": "R"}, {"source": 19, "target": 23, "label": "A"}, {"source": 20, "target": 1, "label": "A"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 20, "label": "C"}, {"source": 21, "target": 8, "label": "C"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 5, "label": "P"}]} +{"id": "20008004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 95}]}, {"id": 15, "anchors": [{"from": 95, "to": 96}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 13, "label": "P"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 16, "label": "A"}, {"source": 24, "target": 15, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "R"}, {"source": 18, "target": 21, "label": "A"}, {"source": 24, "target": 23, "label": "A"}, {"source": 22, "target": 12, "label": "P"}, {"source": 21, "target": 9, "label": "F"}, {"source": 24, "target": 14, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 22, "target": 11, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 16, "target": 0, "label": "P"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 3, "label": "F"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 2, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 13, "label": "A"}]} +{"id": "20008005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}, {"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 127}]}, {"id": 26, "anchors": [{"from": 127, "to": 128}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 32, "target": 9, "label": "C"}, {"source": 27, "target": 1, "label": "C"}, {"source": 33, "target": 13, "label": "F"}, {"source": 36, "target": 25, "label": "C"}, {"source": 32, "target": 8, "label": "R"}, {"source": 31, "target": 7, "label": "C"}, {"source": 36, "target": 26, "label": "U"}, {"source": 36, "target": 23, "label": "R"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 16, "label": "D"}, {"source": 32, "target": 10, "label": "Q"}, {"source": 28, "target": 27, "label": "A"}, {"source": 33, "target": 14, "label": "C"}, {"source": 34, "target": 35, "label": "T"}, {"source": 29, "target": 30, "label": "H"}, {"source": 35, "target": 21, "label": "E"}, {"source": 35, "target": 22, "label": "C"}, {"source": 34, "target": 33, "label": "A"}, {"source": 34, "target": 18, "label": "F"}, {"source": 29, "target": 34, "label": "H"}, {"source": 29, "target": 11, "label": "U"}, {"source": 29, "target": 4, "label": "L"}, {"source": 34, "target": 17, "label": "G"}, {"source": 31, "target": 6, "label": "F"}, {"source": 30, "target": 5, "label": "P"}, {"source": 29, "target": 28, "label": "H"}, {"source": 34, "target": 15, "label": "F"}, {"source": 29, "target": 12, "label": "L"}, {"source": 35, "target": 36, "label": "E"}, {"source": 28, "target": 2, "label": "F"}, {"source": 34, "target": 19, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 36, "target": 24, "label": "F"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 3, "label": "P"}, {"source": 27, "target": 0, "label": "F"}, {"source": 35, "target": 20, "label": "R"}]} +{"id": "20008006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 15, "label": "R"}, {"source": 21, "target": 3, "label": "F"}, {"source": 24, "target": 11, "label": "A"}, {"source": 22, "target": 5, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "T"}, {"source": 19, "target": 2, "label": "P"}, {"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 9, "label": "E"}, {"source": 20, "target": 24, "label": "H"}, {"source": 18, "target": 1, "label": "C"}, {"source": 23, "target": 7, "label": "R"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 24, "target": 25, "label": "T"}, {"source": 22, "target": 6, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "D"}, {"source": 24, "target": 12, "label": "F"}, {"source": 20, "target": 10, "label": "L"}, {"source": 24, "target": 14, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 25, "label": "D"}]} +{"id": "20009001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 60}]}, {"id": 8, "anchors": [{"from": 61, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 101}]}, {"id": 15, "anchors": [{"from": 102, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 117}]}, {"id": 18, "anchors": [{"from": 118, "to": 122}]}, {"id": 19, "anchors": [{"from": 123, "to": 128}]}, {"id": 20, "anchors": [{"from": 129, "to": 134}, {"from": 135, "to": 140}, {"from": 141, "to": 145}]}, {"id": 21, "anchors": [{"from": 145, "to": 146}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 26, "target": 28, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 26, "target": 6, "label": "N"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 12, "label": "C"}, {"source": 32, "target": 20, "label": "C"}, {"source": 29, "target": 32, "label": "E"}, {"source": 31, "target": 14, "label": "C"}, {"source": 31, "target": 13, "label": "N"}, {"source": 34, "target": 19, "label": "P"}, {"source": 29, "target": 31, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 25, "target": 5, "label": "C"}, {"source": 29, "target": 9, "label": "R"}, {"source": 34, "target": 19, "label": "A"}, {"source": 32, "target": 16, "label": "R"}, {"source": 24, "target": 25, "label": "S"}, {"source": 29, "target": 15, "label": "C"}, {"source": 33, "target": 17, "label": "S"}, {"source": 34, "target": 18, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 32, "target": 33, "label": "E"}, {"source": 27, "target": 8, "label": "C"}, {"source": 23, "target": 2, "label": "P"}, {"source": 32, "target": 21, "label": "U"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 24, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 28, "target": 27, "label": "S"}, {"source": 33, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 11, "label": "S"}, {"source": 32, "target": 34, "label": "E"}, {"source": 29, "target": 10, "label": "E"}, {"source": 29, "target": 30, "label": "E"}]} +{"id": "20009002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 17, "label": "F"}, {"source": 24, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "C"}, {"source": 22, "target": 2, "label": "S"}, {"source": 19, "target": 0, "label": "R"}, {"source": 25, "target": 27, "label": "H"}, {"source": 25, "target": 11, "label": "U"}, {"source": 28, "target": 16, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 10, "label": "P"}, {"source": 25, "target": 15, "label": "L"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 19, "label": "A"}, {"source": 27, "target": 14, "label": "P"}, {"source": 21, "target": 25, "label": "A"}, {"source": 25, "target": 13, "label": "U"}, {"source": 27, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 18, "label": "U"}, {"source": 23, "target": 7, "label": "C"}, {"source": 25, "target": 28, "label": "H"}, {"source": 24, "target": 9, "label": "A"}, {"source": 19, "target": 22, "label": "E"}, {"source": 26, "target": 12, "label": "P"}, {"source": 25, "target": 26, "label": "H"}, {"source": 28, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "R"}, {"source": 21, "target": 4, "label": "A"}]} +{"id": "20009003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 106}]}, {"id": 19, "anchors": [{"from": 106, "to": 107}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 11, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 18, "label": "C"}, {"source": 21, "target": 12, "label": "P"}, {"source": 22, "target": 4, "label": "U"}, {"source": 21, "target": 1, "label": "U"}, {"source": 22, "target": 24, "label": "E"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "Q"}, {"source": 26, "target": 16, "label": "R"}, {"source": 22, "target": 2, "label": "E"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 23, "label": "T"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 8, "label": "U"}, {"source": 21, "target": 25, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 17, "label": "E"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 7, "label": "S"}, {"source": 25, "target": 19, "label": "U"}, {"source": 21, "target": 10, "label": "D"}, {"source": 21, "target": 9, "label": "F"}, {"source": 21, "target": 0, "label": "T"}]} +{"id": "20009004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:50)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 18, "target": 11, "label": "Q"}, {"source": 17, "target": 8, "label": "R"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 18, "label": "T"}, {"source": 15, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 18, "target": 13, "label": "U"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 5, "label": "N"}, {"source": 16, "target": 4, "label": "C"}]} +{"id": "20010001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}, {"from": 7, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 89}, {"from": 90, "to": 93}]}, {"id": 14, "anchors": [{"from": 94, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 115}]}, {"id": 18, "anchors": [{"from": 116, "to": 118}]}, {"id": 19, "anchors": [{"from": 119, "to": 125}]}, {"id": 20, "anchors": [{"from": 126, "to": 131}]}, {"id": 21, "anchors": [{"from": 132, "to": 136}]}, {"id": 22, "anchors": [{"from": 137, "to": 141}, {"from": 142, "to": 147}]}, {"id": 23, "anchors": [{"from": 148, "to": 151}]}, {"id": 24, "anchors": [{"from": 152, "to": 155}, {"from": 156, "to": 163}]}, {"id": 25, "anchors": [{"from": 163, "to": 164}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 37, "label": "E"}, {"source": 28, "target": 4, "label": "T"}, {"source": 36, "target": 19, "label": "S"}, {"source": 31, "target": 33, "label": "E"}, {"source": 31, "target": 30, "label": "E"}, {"source": 28, "target": 5, "label": "P"}, {"source": 32, "target": 12, "label": "D"}, {"source": 30, "target": 29, "label": "A"}, {"source": 35, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 20, "label": "C"}, {"source": 28, "target": 2, "label": "R"}, {"source": 26, "target": 32, "label": "H"}, {"source": 30, "target": 9, "label": "S"}, {"source": 35, "target": 16, "label": "S"}, {"source": 37, "target": 22, "label": "C"}, {"source": 26, "target": 0, "label": "L"}, {"source": 34, "target": 15, "label": "F"}, {"source": 32, "target": 34, "label": "A"}, {"source": 30, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 11, "label": "C"}, {"source": 33, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 23, "label": "N"}, {"source": 26, "target": 6, "label": "U"}, {"source": 34, "target": 35, "label": "E"}, {"source": 32, "target": 31, "label": "A"}, {"source": 29, "target": 8, "label": "C"}, {"source": 27, "target": 1, "label": "S"}, {"source": 28, "target": 3, "label": "A"}, {"source": 33, "target": 10, "label": "P"}, {"source": 34, "target": 36, "label": "E"}, {"source": 37, "target": 24, "label": "C"}, {"source": 32, "target": 13, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 37, "target": 21, "label": "R"}, {"source": 37, "target": 25, "label": "U"}, {"source": 34, "target": 14, "label": "R"}, {"source": 26, "target": 27, "label": "H"}, {"source": 34, "target": 18, "label": "R"}, {"source": 34, "target": 17, "label": "E"}, {"source": 29, "target": 7, "label": "F"}]} +{"id": "20010002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Not this year.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "T"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "D"}]} +{"id": "20010003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 65, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 88}]}, {"id": 12, "anchors": [{"from": 89, "to": 92}]}, {"id": 13, "anchors": [{"from": 93, "to": 96}]}, {"id": 14, "anchors": [{"from": 97, "to": 101}]}, {"id": 15, "anchors": [{"from": 102, "to": 107}]}, {"id": 16, "anchors": [{"from": 108, "to": 115}]}, {"id": 17, "anchors": [{"from": 115, "to": 116}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 18, "target": 22, "label": "C"}, {"source": 18, "target": 3, "label": "R"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 23, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 21, "target": 2, "label": "C"}, {"source": 22, "target": 4, "label": "A"}, {"source": 20, "target": 18, "label": "A"}, {"source": 22, "target": 4, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 6, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 26, "target": 14, "label": "T"}, {"source": 23, "target": 25, "label": "E"}, {"source": 23, "target": 7, "label": "F"}, {"source": 18, "target": 21, "label": "Q"}, {"source": 20, "target": 26, "label": "A"}, {"source": 25, "target": 10, "label": "R"}, {"source": 26, "target": 15, "label": "A"}, {"source": 24, "target": 8, "label": "S"}, {"source": 21, "target": 1, "label": "E"}, {"source": 20, "target": 5, "label": "P"}, {"source": 26, "target": 16, "label": "P"}, {"source": 23, "target": 9, "label": "C"}, {"source": 24, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "F"}, {"source": 26, "target": 13, "label": "A"}]} +{"id": "20010006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 16}, {"from": 17, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 62}]}, {"id": 8, "anchors": [{"from": 63, "to": 67}]}, {"id": 9, "anchors": [{"from": 68, "to": 70}, {"from": 71, "to": 75}]}, {"id": 10, "anchors": [{"from": 76, "to": 79}]}, {"id": 11, "anchors": [{"from": 80, "to": 86}]}, {"id": 12, "anchors": [{"from": 86, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 93}, {"from": 94, "to": 98}]}, {"id": 14, "anchors": [{"from": 99, "to": 105}]}, {"id": 15, "anchors": [{"from": 106, "to": 112}]}, {"id": 16, "anchors": [{"from": 113, "to": 117}]}, {"id": 17, "anchors": [{"from": 118, "to": 124}, {"from": 125, "to": 130}]}, {"id": 18, "anchors": [{"from": 131, "to": 134}]}, {"id": 19, "anchors": [{"from": 135, "to": 138}]}, {"id": 20, "anchors": [{"from": 139, "to": 145}]}, {"id": 21, "anchors": [{"from": 146, "to": 151}]}, {"id": 22, "anchors": [{"from": 152, "to": 158}]}, {"id": 23, "anchors": [{"from": 159, "to": 166}]}, {"id": 24, "anchors": [{"from": 166, "to": 167}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 30, "target": 7, "label": "C"}, {"source": 33, "target": 18, "label": "N"}, {"source": 31, "target": 10, "label": "N"}, {"source": 29, "target": 32, "label": "C"}, {"source": 33, "target": 16, "label": "R"}, {"source": 27, "target": 1, "label": "R"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 22, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 4, "label": "F"}, {"source": 29, "target": 30, "label": "C"}, {"source": 32, "target": 14, "label": "E"}, {"source": 33, "target": 34, "label": "C"}, {"source": 29, "target": 12, "label": "U"}, {"source": 34, "target": 23, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 34, "target": 35, "label": "E"}, {"source": 35, "target": 20, "label": "E"}, {"source": 28, "target": 5, "label": "C"}, {"source": 31, "target": 8, "label": "R"}, {"source": 27, "target": 3, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 11, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 34, "target": 19, "label": "E"}, {"source": 35, "target": 21, "label": "C"}, {"source": 26, "target": 0, "label": "P"}, {"source": 29, "target": 6, "label": "R"}, {"source": 27, "target": 2, "label": "F"}, {"source": 31, "target": 9, "label": "C"}, {"source": 33, "target": 17, "label": "C"}, {"source": 29, "target": 13, "label": "N"}, {"source": 32, "target": 15, "label": "C"}]} +{"id": "20010007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}, {"from": 50, "to": 52}, {"from": 53, "to": 59}, {"from": 60, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 67}]}, {"id": 9, "anchors": [{"from": 68, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 78}]}, {"id": 11, "anchors": [{"from": 79, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 98}]}, {"id": 14, "anchors": [{"from": 99, "to": 107}]}, {"id": 15, "anchors": [{"from": 108, "to": 117}]}, {"id": 16, "anchors": [{"from": 118, "to": 121}]}, {"id": 17, "anchors": [{"from": 122, "to": 123}]}, {"id": 18, "anchors": [{"from": 124, "to": 129}]}, {"id": 19, "anchors": [{"from": 130, "to": 146}]}, {"id": 20, "anchors": [{"from": 147, "to": 153}, {"from": 154, "to": 159}]}, {"id": 21, "anchors": [{"from": 159, "to": 160}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 16, "label": "N"}, {"source": 29, "target": 30, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 31, "target": 21, "label": "U"}, {"source": 32, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 18, "label": "S"}, {"source": 28, "target": 29, "label": "E"}, {"source": 26, "target": 4, "label": "P"}, {"source": 29, "target": 31, "label": "C"}, {"source": 25, "target": 3, "label": "F"}, {"source": 27, "target": 7, "label": "C"}, {"source": 24, "target": 22, "label": "D"}, {"source": 30, "target": 12, "label": "F"}, {"source": 30, "target": 13, "label": "E"}, {"source": 24, "target": 2, "label": "U"}, {"source": 22, "target": 1, "label": "C"}, {"source": 33, "target": 19, "label": "P"}, {"source": 22, "target": 0, "label": "R"}, {"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 17, "label": "F"}, {"source": 27, "target": 6, "label": "E"}, {"source": 31, "target": 32, "label": "E"}, {"source": 33, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 33, "label": "E"}, {"source": 24, "target": 28, "label": "A"}, {"source": 24, "target": 5, "label": "P"}, {"source": 28, "target": 8, "label": "R"}, {"source": 31, "target": 20, "label": "C"}, {"source": 25, "target": 26, "label": "C"}, {"source": 28, "target": 10, "label": "C"}, {"source": 29, "target": 11, "label": "R"}, {"source": 28, "target": 9, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 30, "target": 14, "label": "E"}, {"source": 26, "target": 4, "label": "A"}]} +{"id": "20010008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Champagne and dessert followed.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 5, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "P"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 1, "label": "N"}]} +{"id": "20010010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 85}]}, {"id": 14, "anchors": [{"from": 85, "to": 86}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 2, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "S"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 15, "target": 18, "label": "C"}, {"source": 19, "target": 7, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 9, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 5, "label": "U"}, {"source": 16, "target": 3, "label": "D"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "F"}, {"source": 18, "target": 1, "label": "A"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 8, "label": "E"}, {"source": 21, "target": 11, "label": "F"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "P"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "20010011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 6, "label": "F"}, {"source": 22, "target": 8, "label": "U"}, {"source": 23, "target": 13, "label": "F"}, {"source": 21, "target": 3, "label": "F"}, {"source": 21, "target": 4, "label": "P"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 17, "label": "A"}, {"source": 19, "target": 0, "label": "F"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 19, "target": 1, "label": "D"}, {"source": 23, "target": 9, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "P"}, {"source": 25, "target": 16, "label": "T"}, {"source": 25, "target": 18, "label": "U"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 15, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 10, "label": "C"}, {"source": 24, "target": 11, "label": "N"}, {"source": 21, "target": 19, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 23, "target": 14, "label": "P"}, {"source": 23, "target": 25, "label": "A"}]} +{"id": "20010012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}, {"from": 21, "to": 26}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}, {"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 106}, {"from": 107, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 144}]}, {"id": 24, "anchors": [{"from": 145, "to": 149}]}, {"id": 25, "anchors": [{"from": 149, "to": 150}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 32, "target": 35, "label": "C"}, {"source": 38, "target": 21, "label": "F"}, {"source": 30, "target": 8, "label": "C"}, {"source": 38, "target": 23, "label": "D"}, {"source": 31, "target": 33, "label": "C"}, {"source": 38, "target": 22, "label": "A"}, {"source": 34, "target": 13, "label": "A"}, {"source": 26, "target": 0, "label": "L"}, {"source": 28, "target": 27, "label": "A"}, {"source": 37, "target": 19, "label": "A"}, {"source": 32, "target": 14, "label": "N"}, {"source": 26, "target": 1, "label": "U"}, {"source": 28, "target": 9, "label": "P"}, {"source": 27, "target": 2, "label": "R"}, {"source": 28, "target": 38, "label": "A"}, {"source": 32, "target": 34, "label": "C"}, {"source": 33, "target": 11, "label": "A"}, {"source": 35, "target": 16, "label": "F"}, {"source": 28, "target": 32, "label": "A"}, {"source": 29, "target": 4, "label": "P"}, {"source": 36, "target": 17, "label": "S"}, {"source": 32, "target": 31, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 38, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 7, "label": "F"}, {"source": 32, "target": 12, "label": "U"}, {"source": 34, "target": 13, "label": "P"}, {"source": 27, "target": 3, "label": "F"}, {"source": 33, "target": 11, "label": "P"}, {"source": 35, "target": 37, "label": "C"}, {"source": 38, "target": 24, "label": "P"}, {"source": 26, "target": 28, "label": "H"}, {"source": 28, "target": 6, "label": "U"}, {"source": 29, "target": 4, "label": "A"}, {"source": 37, "target": 18, "label": "A"}, {"source": 38, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "Q"}, {"source": 36, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "E"}, {"source": 27, "target": 29, "label": "C"}, {"source": 27, "target": 5, "label": "U"}, {"source": 37, "target": 19, "label": "P"}, {"source": 35, "target": 15, "label": "E"}, {"source": 38, "target": 20, "label": "R"}]} +{"id": "20010013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}, {"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 88}]}, {"id": 14, "anchors": [{"from": 88, "to": 89}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 21, "target": 10, "label": "F"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 22, "label": "C"}, {"source": 21, "target": 9, "label": "R"}, {"source": 15, "target": 3, "label": "U"}, {"source": 16, "target": 17, "label": "P"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 20, "label": "D"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 23, "target": 13, "label": "A"}, {"source": 22, "target": 12, "label": "N"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 22, "target": 23, "label": "C"}, {"source": 20, "target": 7, "label": "R"}, {"source": 17, "target": 2, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 6, "label": "P"}]} +{"id": "20010015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}, {"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 19, "target": 5, "label": "P"}, {"source": 18, "target": 0, "label": "R"}, {"source": 19, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 22, "target": 4, "label": "P"}, {"source": 18, "target": 1, "label": "C"}, {"source": 26, "target": 16, "label": "D"}, {"source": 24, "target": 23, "label": "D"}, {"source": 19, "target": 18, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 20, "target": 12, "label": "L"}, {"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 8, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 19, "target": 25, "label": "A"}, {"source": 19, "target": 2, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 23, "target": 7, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 26, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "P"}, {"source": 20, "target": 26, "label": "H"}, {"source": 27, "target": 14, "label": "F"}, {"source": 21, "target": 3, "label": "F"}, {"source": 25, "target": 9, "label": "R"}, {"source": 23, "target": 6, "label": "F"}, {"source": 20, "target": 19, "label": "H"}]} +{"id": "20010016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 1, "label": "C"}, {"source": 14, "target": 0, "label": "E"}, {"source": 16, "target": 2, "label": "U"}, {"source": 20, "target": 12, "label": "R"}, {"source": 20, "target": 10, "label": "F"}, {"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 3, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 16, "target": 9, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 5, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 8, "label": "P"}, {"source": 20, "target": 11, "label": "C"}, {"source": 16, "target": 14, "label": "T"}, {"source": 16, "target": 20, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 6, "label": "P"}]} +{"id": "20010017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}, {"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 136}]}, {"id": 23, "anchors": [{"from": 136, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 154}]}, {"id": 26, "anchors": [{"from": 154, "to": 155}]}, {"id": 27, "anchors": [{"from": 156, "to": 160}]}, {"id": 28, "anchors": [{"from": 161, "to": 167}]}, {"id": 29, "anchors": [{"from": 168, "to": 171}]}, {"id": 30, "anchors": [{"from": 172, "to": 181}]}, {"id": 31, "anchors": [{"from": 182, "to": 189}]}, {"id": 32, "anchors": [{"from": 190, "to": 194}]}, {"id": 33, "anchors": [{"from": 195, "to": 196}]}, {"id": 34, "anchors": [{"from": 197, "to": 206}]}, {"id": 35, "anchors": [{"from": 207, "to": 212}]}, {"id": 36, "anchors": [{"from": 212, "to": 213}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 50, "target": 31, "label": "C"}, {"source": 39, "target": 37, "label": "D"}, {"source": 41, "target": 5, "label": "R"}, {"source": 43, "target": 12, "label": "R"}, {"source": 39, "target": 47, "label": "A"}, {"source": 42, "target": 7, "label": "S"}, {"source": 39, "target": 10, "label": "U"}, {"source": 43, "target": 13, "label": "E"}, {"source": 51, "target": 36, "label": "U"}, {"source": 44, "target": 17, "label": "C"}, {"source": 43, "target": 15, "label": "C"}, {"source": 49, "target": 27, "label": "E"}, {"source": 50, "target": 51, "label": "E"}, {"source": 40, "target": 2, "label": "C"}, {"source": 48, "target": 24, "label": "E"}, {"source": 51, "target": 34, "label": "E"}, {"source": 37, "target": 41, "label": "E"}, {"source": 46, "target": 22, "label": "C"}, {"source": 48, "target": 25, "label": "C"}, {"source": 38, "target": 39, "label": "H"}, {"source": 47, "target": 48, "label": "C"}, {"source": 40, "target": 3, "label": "N"}, {"source": 43, "target": 44, "label": "E"}, {"source": 45, "target": 20, "label": "A"}, {"source": 49, "target": 28, "label": "C"}, {"source": 37, "target": 40, "label": "C"}, {"source": 47, "target": 26, "label": "U"}, {"source": 47, "target": 46, "label": "C"}, {"source": 40, "target": 4, "label": "C"}, {"source": 46, "target": 21, "label": "E"}, {"source": 41, "target": 6, "label": "F"}, {"source": 51, "target": 35, "label": "C"}, {"source": 37, "target": 0, "label": "R"}, {"source": 43, "target": 11, "label": "E"}, {"source": 41, "target": 9, "label": "C"}, {"source": 39, "target": 43, "label": "A"}, {"source": 45, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 29, "label": "N"}, {"source": 51, "target": 32, "label": "R"}, {"source": 42, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 16, "label": "R"}, {"source": 46, "target": 45, "label": "E"}, {"source": 39, "target": 19, "label": "A"}, {"source": 50, "target": 30, "label": "E"}, {"source": 43, "target": 14, "label": "E"}, {"source": 37, "target": 1, "label": "F"}, {"source": 41, "target": 42, "label": "E"}, {"source": 39, "target": 18, "label": "P"}, {"source": 47, "target": 49, "label": "C"}, {"source": 51, "target": 33, "label": "F"}, {"source": 47, "target": 23, "label": "U"}, {"source": 41, "target": 8, "label": "E"}, {"source": 47, "target": 50, "label": "C"}]} +{"id": "20010018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "U"}, {"source": 25, "target": 2, "label": "S"}, {"source": 30, "target": 14, "label": "C"}, {"source": 29, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 30, "label": "A"}, {"source": 24, "target": 1, "label": "F"}, {"source": 32, "target": 19, "label": "E"}, {"source": 32, "target": 21, "label": "U"}, {"source": 33, "target": 17, "label": "C"}, {"source": 28, "target": 9, "label": "A"}, {"source": 23, "target": 12, "label": "U"}, {"source": 29, "target": 11, "label": "Q"}, {"source": 27, "target": 5, "label": "S"}, {"source": 27, "target": 6, "label": "U"}, {"source": 31, "target": 33, "label": "A"}, {"source": 27, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 30, "target": 13, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 4, "label": "N"}, {"source": 31, "target": 32, "label": "P"}, {"source": 24, "target": 7, "label": "C"}, {"source": 32, "target": 20, "label": "C"}, {"source": 28, "target": 10, "label": "P"}, {"source": 32, "target": 18, "label": "F"}, {"source": 23, "target": 31, "label": "H"}, {"source": 33, "target": 16, "label": "F"}, {"source": 32, "target": 15, "label": "E"}, {"source": 26, "target": 25, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 0, "label": "P"}, {"source": 26, "target": 27, "label": "C"}, {"source": 23, "target": 8, "label": "L"}]} +{"id": "20010019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 111}]}, {"id": 19, "anchors": [{"from": 111, "to": 112}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 17, "label": "T"}, {"source": 28, "target": 15, "label": "C"}, {"source": 25, "target": 7, "label": "P"}, {"source": 25, "target": 5, "label": "F"}, {"source": 24, "target": 3, "label": "A"}, {"source": 27, "target": 30, "label": "A"}, {"source": 23, "target": 4, "label": "P"}, {"source": 28, "target": 13, "label": "F"}, {"source": 20, "target": 0, "label": "Q"}, {"source": 29, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "U"}, {"source": 23, "target": 21, "label": "A"}, {"source": 28, "target": 12, "label": "R"}, {"source": 28, "target": 29, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 16, "label": "R"}, {"source": 21, "target": 20, "label": "E"}, {"source": 24, "target": 3, "label": "P"}, {"source": 27, "target": 10, "label": "F"}, {"source": 20, "target": 1, "label": "F"}, {"source": 26, "target": 8, "label": "P"}, {"source": 30, "target": 18, "label": "P"}, {"source": 27, "target": 11, "label": "P"}, {"source": 21, "target": 24, "label": "C"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 6, "label": "D"}, {"source": 29, "target": 14, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 20, "target": 2, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 26, "target": 9, "label": "A"}]} +{"id": "20010020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 28}, {"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 0, "label": "G"}, {"source": 17, "target": 4, "label": "A"}, {"source": 19, "target": 7, "label": "R"}, {"source": 20, "target": 14, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 1, "label": "R"}, {"source": 17, "target": 5, "label": "F"}, {"source": 17, "target": 3, "label": "U"}, {"source": 19, "target": 11, "label": "U"}, {"source": 20, "target": 15, "label": "U"}, {"source": 19, "target": 20, "label": "T"}, {"source": 19, "target": 12, "label": "A"}, {"source": 18, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 19, "target": 8, "label": "A"}, {"source": 17, "target": 18, "label": "T"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 13, "label": "R"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 9, "label": "T"}]} +{"id": "20011001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}, {"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 89}]}, {"id": 15, "anchors": [{"from": 89, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 113}]}, {"id": 18, "anchors": [{"from": 113, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 124}, {"from": 125, "to": 127}]}, {"id": 20, "anchors": [{"from": 128, "to": 138}]}, {"id": 21, "anchors": [{"from": 139, "to": 146}]}, {"id": 22, "anchors": [{"from": 147, "to": 155}]}, {"id": 23, "anchors": [{"from": 156, "to": 165}]}, {"id": 24, "anchors": [{"from": 165, "to": 166}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 27, "target": 11, "label": "U"}, {"source": 38, "target": 23, "label": "T"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 9, "label": "R"}, {"source": 26, "target": 25, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 33, "target": 13, "label": "F"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 14, "label": "C"}, {"source": 34, "target": 33, "label": "A"}, {"source": 28, "target": 5, "label": "P"}, {"source": 27, "target": 32, "label": "H"}, {"source": 35, "target": 17, "label": "S"}, {"source": 26, "target": 31, "label": "T"}, {"source": 27, "target": 18, "label": "U"}, {"source": 37, "target": 36, "label": "E"}, {"source": 29, "target": 4, "label": "P"}, {"source": 31, "target": 10, "label": "C"}, {"source": 37, "target": 21, "label": "C"}, {"source": 34, "target": 16, "label": "P"}, {"source": 30, "target": 7, "label": "C"}, {"source": 38, "target": 22, "label": "P"}, {"source": 25, "target": 1, "label": "C"}, {"source": 33, "target": 15, "label": "R"}, {"source": 35, "target": 34, "label": "A"}, {"source": 27, "target": 38, "label": "H"}, {"source": 27, "target": 19, "label": "L"}, {"source": 32, "target": 12, "label": "P"}, {"source": 30, "target": 8, "label": "Q"}, {"source": 32, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 35, "label": "A"}, {"source": 38, "target": 37, "label": "A"}, {"source": 36, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 30, "label": "A"}, {"source": 36, "target": 20, "label": "A"}, {"source": 30, "target": 6, "label": "R"}, {"source": 38, "target": 24, "label": "U"}, {"source": 25, "target": 0, "label": "E"}, {"source": 28, "target": 3, "label": "F"}]} +{"id": "20011002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 94}]}, {"id": 14, "anchors": [{"from": 94, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 105}]}, {"id": 17, "anchors": [{"from": 106, "to": 113}]}, {"id": 18, "anchors": [{"from": 114, "to": 121}]}, {"id": 19, "anchors": [{"from": 122, "to": 126}]}, {"id": 20, "anchors": [{"from": 127, "to": 131}]}, {"id": 21, "anchors": [{"from": 131, "to": 132}]}, {"id": 22, "anchors": [{"from": 133, "to": 140}]}, {"id": 23, "anchors": [{"from": 141, "to": 142}]}, {"id": 24, "anchors": [{"from": 143, "to": 148}]}, {"id": 25, "anchors": [{"from": 149, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 157}]}, {"id": 27, "anchors": [{"from": 158, "to": 163}]}, {"id": 28, "anchors": [{"from": 163, "to": 165}]}, {"id": 29, "anchors": [{"from": 166, "to": 181}]}, {"id": 30, "anchors": [{"from": 182, "to": 189}]}, {"id": 31, "anchors": [{"from": 189, "to": 190}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 46, "target": 23, "label": "F"}, {"source": 38, "target": 6, "label": "P"}, {"source": 35, "target": 3, "label": "F"}, {"source": 35, "target": 2, "label": "R"}, {"source": 43, "target": 16, "label": "D"}, {"source": 34, "target": 21, "label": "U"}, {"source": 42, "target": 13, "label": "C"}, {"source": 35, "target": 7, "label": "C"}, {"source": 45, "target": 47, "label": "A"}, {"source": 43, "target": 17, "label": "T"}, {"source": 41, "target": 43, "label": "E"}, {"source": 41, "target": 40, "label": "C"}, {"source": 48, "target": 27, "label": "C"}, {"source": 44, "target": 19, "label": "E"}, {"source": 46, "target": 24, "label": "C"}, {"source": 49, "target": 29, "label": "S"}, {"source": 47, "target": 31, "label": "U"}, {"source": 47, "target": 49, "label": "E"}, {"source": 37, "target": 38, "label": "C"}, {"source": 33, "target": 8, "label": "P"}, {"source": 39, "target": 10, "label": "P"}, {"source": 43, "target": 18, "label": "P"}, {"source": 48, "target": 26, "label": "E"}, {"source": 37, "target": 5, "label": "N"}, {"source": 34, "target": 45, "label": "H"}, {"source": 47, "target": 25, "label": "R"}, {"source": 45, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 14, "label": "U"}, {"source": 44, "target": 20, "label": "C"}, {"source": 42, "target": 12, "label": "R"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 39, "label": "A"}, {"source": 32, "target": 0, "label": "T"}, {"source": 43, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 9, "label": "D"}, {"source": 43, "target": 44, "label": "T"}, {"source": 47, "target": 48, "label": "E"}, {"source": 49, "target": 29, "label": "A"}, {"source": 33, "target": 32, "label": "A"}, {"source": 35, "target": 37, "label": "E"}, {"source": 32, "target": 35, "label": "A"}, {"source": 33, "target": 42, "label": "D"}, {"source": 40, "target": 11, "label": "P"}, {"source": 49, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 22, "label": "P"}, {"source": 33, "target": 41, "label": "A"}, {"source": 32, "target": 1, "label": "P"}, {"source": 43, "target": 15, "label": "F"}, {"source": 48, "target": 28, "label": "R"}, {"source": 37, "target": 36, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 30, "label": "C"}, {"source": 36, "target": 4, "label": "P"}]} +{"id": "20011004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 75}, {"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 103}]}, {"id": 18, "anchors": [{"from": 103, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 141}]}, {"id": 24, "anchors": [{"from": 141, "to": 142}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 25, "target": 2, "label": "R"}, {"source": 26, "target": 7, "label": "D"}, {"source": 27, "target": 10, "label": "U"}, {"source": 29, "target": 9, "label": "C"}, {"source": 25, "target": 0, "label": "E"}, {"source": 31, "target": 16, "label": "A"}, {"source": 28, "target": 21, "label": "L"}, {"source": 31, "target": 17, "label": "P"}, {"source": 30, "target": 13, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 25, "target": 1, "label": "C"}, {"source": 27, "target": 30, "label": "T"}, {"source": 33, "target": 32, "label": "A"}, {"source": 26, "target": 29, "label": "T"}, {"source": 34, "target": 23, "label": "P"}, {"source": 26, "target": 6, "label": "F"}, {"source": 32, "target": 19, "label": "P"}, {"source": 28, "target": 14, "label": "L"}, {"source": 31, "target": 15, "label": "T"}, {"source": 28, "target": 31, "label": "H"}, {"source": 30, "target": 12, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 20, "label": "P"}, {"source": 26, "target": 25, "label": "A"}, {"source": 29, "target": 8, "label": "R"}, {"source": 27, "target": 11, "label": "P"}, {"source": 26, "target": 5, "label": "U"}, {"source": 28, "target": 34, "label": "H"}, {"source": 34, "target": 22, "label": "D"}, {"source": 26, "target": 4, "label": "P"}, {"source": 26, "target": 3, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 28, "target": 33, "label": "H"}, {"source": 27, "target": 26, "label": "A"}]} +{"id": "20011005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 102}, {"from": 103, "to": 110}]}, {"id": 19, "anchors": [{"from": 110, "to": 111}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 13, "label": "F"}, {"source": 29, "target": 18, "label": "Q"}, {"source": 22, "target": 24, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 11, "label": "P"}, {"source": 20, "target": 1, "label": "C"}, {"source": 29, "target": 16, "label": "R"}, {"source": 25, "target": 9, "label": "C"}, {"source": 25, "target": 8, "label": "F"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 4, "label": "R"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 17, "label": "C"}, {"source": 25, "target": 7, "label": "R"}, {"source": 23, "target": 25, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 29, "target": 19, "label": "U"}, {"source": 22, "target": 20, "label": "A"}, {"source": 22, "target": 2, "label": "P"}, {"source": 27, "target": 12, "label": "R"}, {"source": 24, "target": 10, "label": "F"}, {"source": 26, "target": 5, "label": "F"}, {"source": 24, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 28, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "A"}, {"source": 25, "target": 26, "label": "E"}]} +{"id": "20011006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}, {"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}, {"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "P"}, {"source": 23, "target": 9, "label": "F"}, {"source": 22, "target": 8, "label": "P"}, {"source": 22, "target": 21, "label": "A"}, {"source": 24, "target": 14, "label": "Q"}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 7, "label": "F"}, {"source": 19, "target": 4, "label": "U"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 15, "label": "T"}, {"source": 20, "target": 1, "label": "F"}, {"source": 25, "target": 17, "label": "C"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 5, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 25, "label": "T"}, {"source": 25, "target": 16, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "L"}, {"source": 23, "target": 11, "label": "C"}, {"source": 20, "target": 2, "label": "D"}, {"source": 23, "target": 10, "label": "E"}]} +{"id": "20011007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 111}, {"from": 112, "to": 119}]}, {"id": 22, "anchors": [{"from": 119, "to": 120}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 32, "target": 22, "label": "U"}, {"source": 27, "target": 6, "label": "C"}, {"source": 23, "target": 1, "label": "C"}, {"source": 25, "target": 10, "label": "P"}, {"source": 30, "target": 16, "label": "C"}, {"source": 32, "target": 21, "label": "Q"}, {"source": 30, "target": 15, "label": "E"}, {"source": 32, "target": 20, "label": "C"}, {"source": 30, "target": 14, "label": "F"}, {"source": 31, "target": 17, "label": "E"}, {"source": 23, "target": 0, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 29, "label": "D"}, {"source": 26, "target": 3, "label": "C"}, {"source": 25, "target": 23, "label": "T"}, {"source": 25, "target": 30, "label": "T"}, {"source": 29, "target": 11, "label": "Q"}, {"source": 23, "target": 26, "label": "C"}, {"source": 25, "target": 4, "label": "U"}, {"source": 28, "target": 27, "label": "A"}, {"source": 28, "target": 8, "label": "D"}, {"source": 25, "target": 32, "label": "A"}, {"source": 30, "target": 13, "label": "R"}, {"source": 26, "target": 2, "label": "R"}, {"source": 31, "target": 18, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 28, "target": 9, "label": "P"}, {"source": 27, "target": 5, "label": "F"}, {"source": 32, "target": 19, "label": "R"}, {"source": 27, "target": 7, "label": "R"}, {"source": 29, "target": 12, "label": "C"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "20011008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}, {"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "Q"}, {"source": 10, "target": 2, "label": "S"}, {"source": 12, "target": 4, "label": "Q"}, {"source": 10, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "20012002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 55}, {"from": 56, "to": 60}, {"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 146}]}, {"id": 26, "anchors": [{"from": 146, "to": 147}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 27, "target": 32, "label": "E"}, {"source": 32, "target": 4, "label": "R"}, {"source": 37, "target": 15, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "H"}, {"source": 34, "target": 33, "label": "Q"}, {"source": 33, "target": 7, "label": "F"}, {"source": 33, "target": 8, "label": "E"}, {"source": 35, "target": 14, "label": "F"}, {"source": 32, "target": 6, "label": "U"}, {"source": 27, "target": 30, "label": "E"}, {"source": 29, "target": 35, "label": "A"}, {"source": 32, "target": 34, "label": "E"}, {"source": 37, "target": 36, "label": "A"}, {"source": 37, "target": 38, "label": "T"}, {"source": 34, "target": 11, "label": "C"}, {"source": 38, "target": 26, "label": "U"}, {"source": 35, "target": 15, "label": "Q"}, {"source": 38, "target": 23, "label": "R"}, {"source": 38, "target": 24, "label": "Q"}, {"source": 29, "target": 12, "label": "U"}, {"source": 29, "target": 13, "label": "S"}, {"source": 35, "target": 16, "label": "E"}, {"source": 37, "target": 22, "label": "A"}, {"source": 36, "target": 19, "label": "C"}, {"source": 37, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "C"}, {"source": 36, "target": 18, "label": "F"}, {"source": 35, "target": 37, "label": "E"}, {"source": 34, "target": 9, "label": "R"}, {"source": 27, "target": 0, "label": "F"}, {"source": 30, "target": 1, "label": "S"}, {"source": 31, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 27, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 32, "target": 5, "label": "C"}, {"source": 27, "target": 31, "label": "E"}, {"source": 31, "target": 2, "label": "A"}, {"source": 38, "target": 25, "label": "C"}, {"source": 37, "target": 21, "label": "P"}, {"source": 37, "target": 20, "label": "F"}, {"source": 35, "target": 17, "label": "C"}, {"source": 34, "target": 10, "label": "F"}, {"source": 30, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "20012004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 45}]}, {"id": 6, "anchors": [{"from": 45, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 7, "label": "P"}, {"source": 26, "target": 27, "label": "D"}, {"source": 24, "target": 9, "label": "R"}, {"source": 25, "target": 10, "label": "A"}, {"source": 25, "target": 11, "label": "S"}, {"source": 21, "target": 26, "label": "A"}, {"source": 22, "target": 3, "label": "P"}, {"source": 27, "target": 14, "label": "Q"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 6, "label": "U"}, {"source": 25, "target": 24, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 19, "target": 0, "label": "C"}, {"source": 28, "target": 16, "label": "R"}, {"source": 24, "target": 8, "label": "C"}, {"source": 22, "target": 2, "label": "D"}, {"source": 26, "target": 13, "label": "P"}, {"source": 26, "target": 28, "label": "D"}, {"source": 23, "target": 5, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 28, "target": 18, "label": "U"}, {"source": 23, "target": 4, "label": "E"}, {"source": 19, "target": 1, "label": "U"}, {"source": 19, "target": 22, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "A"}]} +{"id": "20012005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:51)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 10, "label": "Q"}, {"source": 18, "target": 11, "label": "U"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 5, "label": "R"}, {"source": 12, "target": 16, "label": "E"}, {"source": 15, "target": 1, "label": "S"}, {"source": 14, "target": 8, "label": "S"}, {"source": 12, "target": 2, "label": "U"}, {"source": 16, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "S"}, {"source": 14, "target": 18, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 17, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 15, "label": "E"}]} diff --git a/mtool/data/sample/ucca/xml/files.txt b/mtool/data/sample/ucca/xml/files.txt new file mode 100644 index 0000000000000000000000000000000000000000..0af0c9cfe22587a930ffda717cb276938fb8b6a7 --- /dev/null +++ b/mtool/data/sample/ucca/xml/files.txt @@ -0,0 +1,92 @@ +wsj_0001.1.xml +wsj_0001.2.xml +wsj_0002.1.xml +wsj_0003.1.xml +wsj_0003.2.xml +wsj_0003.3.xml +wsj_0003.4.xml +wsj_0003.5.xml +wsj_0003.7.xml +wsj_0003.8.xml +wsj_0003.9.xml +wsj_0003.10.xml +wsj_0003.11.xml +wsj_0003.12.xml +wsj_0003.13.xml +wsj_0003.14.xml +wsj_0003.15.xml +wsj_0003.16.xml +wsj_0003.17.xml +wsj_0003.18.xml +wsj_0003.19.xml +wsj_0003.20.xml +wsj_0003.21.xml +wsj_0003.22.xml +wsj_0003.23.xml +wsj_0003.24.xml +wsj_0003.25.xml +wsj_0003.26.xml +wsj_0003.27.xml +wsj_0003.28.xml +wsj_0003.29.xml +wsj_0003.30.xml +wsj_0004.1.xml +wsj_0004.2.xml +wsj_0004.4.xml +wsj_0004.5.xml +wsj_0004.6.xml +wsj_0004.7.xml +wsj_0004.8.xml +wsj_0004.9.xml +wsj_0004.10.xml +wsj_0004.11.xml +wsj_0004.12.xml +wsj_0004.14.xml +wsj_0004.15.xml +wsj_0004.16.xml +wsj_0004.17.xml +wsj_0005.1.xml +wsj_0005.2.xml +wsj_0005.3.xml +wsj_0007.1.xml +wsj_0007.2.xml +wsj_0007.3.xml +wsj_0007.4.xml +wsj_0008.1.xml +wsj_0008.2.xml +wsj_0008.3.xml +wsj_0008.4.xml +wsj_0008.5.xml +wsj_0008.6.xml +wsj_0009.1.xml +wsj_0009.2.xml +wsj_0009.3.xml +wsj_0009.4.xml +wsj_0010.1.xml +wsj_0010.2.xml +wsj_0010.3.xml +wsj_0010.6.xml +wsj_0010.7.xml +wsj_0010.8.xml +wsj_0010.10.xml +wsj_0010.11.xml +wsj_0010.12.xml +wsj_0010.13.xml +wsj_0010.15.xml +wsj_0010.16.xml +wsj_0010.17.xml +wsj_0010.18.xml +wsj_0010.19.xml +wsj_0010.20.xml +wsj_0011.1.xml +wsj_0011.2.xml +wsj_0011.4.xml +wsj_0011.5.xml +wsj_0011.6.xml +wsj_0011.7.xml +wsj_0011.8.xml +wsj_0012.1.xml +wsj_0012.2.xml +wsj_0012.3.xml +wsj_0012.4.xml +wsj_0012.5.xml \ No newline at end of file diff --git a/mtool/data/sample/ucca/xml/wsj_0001.1.xml b/mtool/data/sample/ucca/xml/wsj_0001.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..2198c9636c91068e8575339845c4712e44610d6a --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0001.1.xml @@ -0,0 +1,320 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0001.2.xml b/mtool/data/sample/ucca/xml/wsj_0001.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a772e614c20c5841b24276a292c3f24b80e3279 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0001.2.xml @@ -0,0 +1,237 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0002.1.xml b/mtool/data/sample/ucca/xml/wsj_0002.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..2ec05f182865a4bd0628b5864bc07d29c33a8709 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0002.1.xml @@ -0,0 +1,471 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.1.xml b/mtool/data/sample/ucca/xml/wsj_0003.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..da1ce165188c145590fe0c11bf088fa5a643792d --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.1.xml @@ -0,0 +1,703 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.10.xml b/mtool/data/sample/ucca/xml/wsj_0003.10.xml new file mode 100644 index 0000000000000000000000000000000000000000..30d87f2bd2c366c9e2ebb13b6d37280c4162fb2e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.10.xml @@ -0,0 +1,429 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.11.xml b/mtool/data/sample/ucca/xml/wsj_0003.11.xml new file mode 100644 index 0000000000000000000000000000000000000000..9cb1f1c9c926ab72475cf4a52462d5afab71f5cf --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.11.xml @@ -0,0 +1,668 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.12.xml b/mtool/data/sample/ucca/xml/wsj_0003.12.xml new file mode 100644 index 0000000000000000000000000000000000000000..049dea3c7bdf6ad20b85771d17f172e3a37b8921 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.12.xml @@ -0,0 +1,334 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.13.xml b/mtool/data/sample/ucca/xml/wsj_0003.13.xml new file mode 100644 index 0000000000000000000000000000000000000000..5b8a61bdd93d3fea0ba5a4811b5be4f2f17d0d8f --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.13.xml @@ -0,0 +1,419 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.14.xml b/mtool/data/sample/ucca/xml/wsj_0003.14.xml new file mode 100644 index 0000000000000000000000000000000000000000..a9c91b7824bc5da5bb5190187d401b3270d3d30a --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.14.xml @@ -0,0 +1,378 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.15.xml b/mtool/data/sample/ucca/xml/wsj_0003.15.xml new file mode 100644 index 0000000000000000000000000000000000000000..0b4a3b7e6f48db58f5282d0f3a9ef181093eeb80 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.15.xml @@ -0,0 +1,483 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.16.xml b/mtool/data/sample/ucca/xml/wsj_0003.16.xml new file mode 100644 index 0000000000000000000000000000000000000000..42f2a0f3ee2bbd71c3cea891f2e84ec07ee6bddd --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.16.xml @@ -0,0 +1,410 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.17.xml b/mtool/data/sample/ucca/xml/wsj_0003.17.xml new file mode 100644 index 0000000000000000000000000000000000000000..224c120b56b1ee91cf28437ee2a0760b4ef9be87 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.17.xml @@ -0,0 +1,662 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.18.xml b/mtool/data/sample/ucca/xml/wsj_0003.18.xml new file mode 100644 index 0000000000000000000000000000000000000000..2d42da50678cbeb62b4ba68fc470bd904de9d50d --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.18.xml @@ -0,0 +1,410 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.19.xml b/mtool/data/sample/ucca/xml/wsj_0003.19.xml new file mode 100644 index 0000000000000000000000000000000000000000..0d47e911942c2da78f45c21fa6eb556ab25d36cf --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.19.xml @@ -0,0 +1,782 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.2.xml b/mtool/data/sample/ucca/xml/wsj_0003.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..00280d7952d770cceb74a21c5d44215827417678 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.2.xml @@ -0,0 +1,595 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.20.xml b/mtool/data/sample/ucca/xml/wsj_0003.20.xml new file mode 100644 index 0000000000000000000000000000000000000000..960d5d30f17d7b26591832965e32eb8531eb85b2 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.20.xml @@ -0,0 +1,968 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.21.xml b/mtool/data/sample/ucca/xml/wsj_0003.21.xml new file mode 100644 index 0000000000000000000000000000000000000000..45fa9d7993b547a873fb3f01b14b5adfb098696e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.21.xml @@ -0,0 +1,359 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.22.xml b/mtool/data/sample/ucca/xml/wsj_0003.22.xml new file mode 100644 index 0000000000000000000000000000000000000000..d13850f20eabc3f9b173d5421be7750328418709 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.22.xml @@ -0,0 +1,356 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.23.xml b/mtool/data/sample/ucca/xml/wsj_0003.23.xml new file mode 100644 index 0000000000000000000000000000000000000000..3a7944d8ef83409fdcdf14e158aca3dffab5b827 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.23.xml @@ -0,0 +1,292 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.24.xml b/mtool/data/sample/ucca/xml/wsj_0003.24.xml new file mode 100644 index 0000000000000000000000000000000000000000..d2ac82afafdb6a6e531176bdefc623ed88d73db8 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.24.xml @@ -0,0 +1,403 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.25.xml b/mtool/data/sample/ucca/xml/wsj_0003.25.xml new file mode 100644 index 0000000000000000000000000000000000000000..40009be9a163bb110c3ca751078f641f2399affb --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.25.xml @@ -0,0 +1,246 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.26.xml b/mtool/data/sample/ucca/xml/wsj_0003.26.xml new file mode 100644 index 0000000000000000000000000000000000000000..4c14d9229cd9191f7893736e4ae76645399753f5 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.26.xml @@ -0,0 +1,673 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.27.xml b/mtool/data/sample/ucca/xml/wsj_0003.27.xml new file mode 100644 index 0000000000000000000000000000000000000000..a80e9579e64612cf55c5d7e4b293d70a223a45c9 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.27.xml @@ -0,0 +1,457 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.28.xml b/mtool/data/sample/ucca/xml/wsj_0003.28.xml new file mode 100644 index 0000000000000000000000000000000000000000..28a6c7b20249ec075dea652d9a5b3fa6a30f627b --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.28.xml @@ -0,0 +1,559 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.29.xml b/mtool/data/sample/ucca/xml/wsj_0003.29.xml new file mode 100644 index 0000000000000000000000000000000000000000..1628ff48f40765fae7bad6ebf84fe86c3294f540 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.29.xml @@ -0,0 +1,251 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.3.xml b/mtool/data/sample/ucca/xml/wsj_0003.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..fcb9e9fcdc3188200b61095db611f05eedf05a99 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.3.xml @@ -0,0 +1,456 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.30.xml b/mtool/data/sample/ucca/xml/wsj_0003.30.xml new file mode 100644 index 0000000000000000000000000000000000000000..5caaf144e989e66aaf08833904a9299884016983 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.30.xml @@ -0,0 +1,197 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.4.xml b/mtool/data/sample/ucca/xml/wsj_0003.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..752070213369f0e43b39ac040b9c281524464674 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.4.xml @@ -0,0 +1,626 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.5.xml b/mtool/data/sample/ucca/xml/wsj_0003.5.xml new file mode 100644 index 0000000000000000000000000000000000000000..a17b57114d708fb321c3eded4ee98d534cca30c1 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.5.xml @@ -0,0 +1,262 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.7.xml b/mtool/data/sample/ucca/xml/wsj_0003.7.xml new file mode 100644 index 0000000000000000000000000000000000000000..0cbc678562cbb849f378bc542b80e8846d10d7c2 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.7.xml @@ -0,0 +1,188 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.8.xml b/mtool/data/sample/ucca/xml/wsj_0003.8.xml new file mode 100644 index 0000000000000000000000000000000000000000..065b7630759b72c6c0fbfd0b9d1b45d645ded519 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.8.xml @@ -0,0 +1,413 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0003.9.xml b/mtool/data/sample/ucca/xml/wsj_0003.9.xml new file mode 100644 index 0000000000000000000000000000000000000000..98b1815a7e00de6ea1918f436f9223e54ac51c81 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0003.9.xml @@ -0,0 +1,456 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.1.xml b/mtool/data/sample/ucca/xml/wsj_0004.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..61820ebb5e6b4798c328fbb2d84a3f37e4f7084e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.1.xml @@ -0,0 +1,398 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.10.xml b/mtool/data/sample/ucca/xml/wsj_0004.10.xml new file mode 100644 index 0000000000000000000000000000000000000000..45e6f385032810367c3950feead375d004b6d592 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.10.xml @@ -0,0 +1,284 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.11.xml b/mtool/data/sample/ucca/xml/wsj_0004.11.xml new file mode 100644 index 0000000000000000000000000000000000000000..d0c7c60f1c195e93fda911bfed90e6995ea2c3e2 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.11.xml @@ -0,0 +1,369 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.12.xml b/mtool/data/sample/ucca/xml/wsj_0004.12.xml new file mode 100644 index 0000000000000000000000000000000000000000..3cb90a4f612f33a7a1e58eb551c8e1502f722bf0 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.12.xml @@ -0,0 +1,426 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.14.xml b/mtool/data/sample/ucca/xml/wsj_0004.14.xml new file mode 100644 index 0000000000000000000000000000000000000000..a2cb6befbd98ff05e9a0692cec3e04c813bb4e8f --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.14.xml @@ -0,0 +1,527 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.15.xml b/mtool/data/sample/ucca/xml/wsj_0004.15.xml new file mode 100644 index 0000000000000000000000000000000000000000..c1850c36f8e8e0c6cbc322d228818226dcf9136e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.15.xml @@ -0,0 +1,397 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.16.xml b/mtool/data/sample/ucca/xml/wsj_0004.16.xml new file mode 100644 index 0000000000000000000000000000000000000000..5beca7df4fabb2e5f3d6a520f7f4cdac05717293 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.16.xml @@ -0,0 +1,332 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.17.xml b/mtool/data/sample/ucca/xml/wsj_0004.17.xml new file mode 100644 index 0000000000000000000000000000000000000000..220dab1f0378feab8dcf677e0b71b23c50e84f20 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.17.xml @@ -0,0 +1,510 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.2.xml b/mtool/data/sample/ucca/xml/wsj_0004.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..a82b8032a2d3eba58a4d74a6faa27e400883e191 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.2.xml @@ -0,0 +1,671 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.4.xml b/mtool/data/sample/ucca/xml/wsj_0004.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..be8ed91b4396679a78f256528e114a1e9d929417 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.4.xml @@ -0,0 +1,458 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.5.xml b/mtool/data/sample/ucca/xml/wsj_0004.5.xml new file mode 100644 index 0000000000000000000000000000000000000000..13a160f86d48c0cf631e404bb812e31ba0cada4b --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.5.xml @@ -0,0 +1,472 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.6.xml b/mtool/data/sample/ucca/xml/wsj_0004.6.xml new file mode 100644 index 0000000000000000000000000000000000000000..8614143668b12636660dd4aeadf512362f489193 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.6.xml @@ -0,0 +1,350 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.7.xml b/mtool/data/sample/ucca/xml/wsj_0004.7.xml new file mode 100644 index 0000000000000000000000000000000000000000..80b032b5b3c557ae3c147fbca9181e4d817ad8b1 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.7.xml @@ -0,0 +1,744 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.8.xml b/mtool/data/sample/ucca/xml/wsj_0004.8.xml new file mode 100644 index 0000000000000000000000000000000000000000..58b66de5379b5d08377abd40319eb2461f25f535 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.8.xml @@ -0,0 +1,589 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0004.9.xml b/mtool/data/sample/ucca/xml/wsj_0004.9.xml new file mode 100644 index 0000000000000000000000000000000000000000..4c89e1c524869e48c45524ce303a20f95e7fc29b --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0004.9.xml @@ -0,0 +1,430 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0005.1.xml b/mtool/data/sample/ucca/xml/wsj_0005.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..ea55557c09e1d680db76389d7923d0f142921de6 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0005.1.xml @@ -0,0 +1,458 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0005.2.xml b/mtool/data/sample/ucca/xml/wsj_0005.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..d7d83125e3d3db8112bcd2bf88d655f6387377cc --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0005.2.xml @@ -0,0 +1,273 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0005.3.xml b/mtool/data/sample/ucca/xml/wsj_0005.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..0c73ed62948593d49f969e2659f14f9b1c0d0cee --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0005.3.xml @@ -0,0 +1,219 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0007.1.xml b/mtool/data/sample/ucca/xml/wsj_0007.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..0377a36a2c9a711bcaab99a26be9ce6d8d871318 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0007.1.xml @@ -0,0 +1,436 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0007.2.xml b/mtool/data/sample/ucca/xml/wsj_0007.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..6f1a8205523b43cb59ee1a230e07e815762cec18 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0007.2.xml @@ -0,0 +1,301 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0007.3.xml b/mtool/data/sample/ucca/xml/wsj_0007.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..e4b1813e2b3ce82e749a756a70f24d622d6aa901 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0007.3.xml @@ -0,0 +1,257 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0007.4.xml b/mtool/data/sample/ucca/xml/wsj_0007.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..2f920529fdcf0f4a076bed4394d32a390b49400b --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0007.4.xml @@ -0,0 +1,257 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0008.1.xml b/mtool/data/sample/ucca/xml/wsj_0008.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..c7b35e0f4a022655b6f740a0ac6ff638e0144a6e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0008.1.xml @@ -0,0 +1,367 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0008.2.xml b/mtool/data/sample/ucca/xml/wsj_0008.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..0cc1554637b9da346d227eb14b296fb9293d808d --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0008.2.xml @@ -0,0 +1,447 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0008.3.xml b/mtool/data/sample/ucca/xml/wsj_0008.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..414250bb5259c045b596ed84b713a66e4775b503 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0008.3.xml @@ -0,0 +1,322 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0008.4.xml b/mtool/data/sample/ucca/xml/wsj_0008.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..1c71cf57b54bfca7133cee67e38c1900489d7e7c --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0008.4.xml @@ -0,0 +1,332 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0008.5.xml b/mtool/data/sample/ucca/xml/wsj_0008.5.xml new file mode 100644 index 0000000000000000000000000000000000000000..86e0bee2c9268219e05aaaf4cf105762e36811bf --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0008.5.xml @@ -0,0 +1,498 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0008.6.xml b/mtool/data/sample/ucca/xml/wsj_0008.6.xml new file mode 100644 index 0000000000000000000000000000000000000000..e2540dd2a27ff782a375452a50a8ecefdadda167 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0008.6.xml @@ -0,0 +1,338 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0009.1.xml b/mtool/data/sample/ucca/xml/wsj_0009.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..5a910c2e7451842f3c1a7ebc7e1c46dfbde19603 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0009.1.xml @@ -0,0 +1,474 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0009.2.xml b/mtool/data/sample/ucca/xml/wsj_0009.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..76391a343fb192dde5b201aee1bc864b64a6da33 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0009.2.xml @@ -0,0 +1,394 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0009.3.xml b/mtool/data/sample/ucca/xml/wsj_0009.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..dbb196e9b7b0930d67d16b39c75240e10a403b26 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0009.3.xml @@ -0,0 +1,360 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0009.4.xml b/mtool/data/sample/ucca/xml/wsj_0009.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..05fdd1f6e562e6bf35b11f9ce5e0c9b6f7d36176 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0009.4.xml @@ -0,0 +1,253 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.1.xml b/mtool/data/sample/ucca/xml/wsj_0010.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..5348239536a15a611db5c4fdfd8a0156c6743537 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.1.xml @@ -0,0 +1,539 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.10.xml b/mtool/data/sample/ucca/xml/wsj_0010.10.xml new file mode 100644 index 0000000000000000000000000000000000000000..ff6b66079d94317625a5c9cb60d37aab73701eb1 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.10.xml @@ -0,0 +1,303 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.11.xml b/mtool/data/sample/ucca/xml/wsj_0010.11.xml new file mode 100644 index 0000000000000000000000000000000000000000..9a7075e451faba8bb7bf8a4f215d152712a0e1a0 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.11.xml @@ -0,0 +1,344 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.12.xml b/mtool/data/sample/ucca/xml/wsj_0010.12.xml new file mode 100644 index 0000000000000000000000000000000000000000..7303f1e03956fd10cd93c996ba6aa6f0bcfa9cf4 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.12.xml @@ -0,0 +1,526 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.13.xml b/mtool/data/sample/ucca/xml/wsj_0010.13.xml new file mode 100644 index 0000000000000000000000000000000000000000..03d13af6c630ebf9ca20499d272c52d337b4e275 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.13.xml @@ -0,0 +1,315 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.15.xml b/mtool/data/sample/ucca/xml/wsj_0010.15.xml new file mode 100644 index 0000000000000000000000000000000000000000..1db75b641dffabc72dde4ef5bbc5f66e1d49effa --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.15.xml @@ -0,0 +1,368 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.16.xml b/mtool/data/sample/ucca/xml/wsj_0010.16.xml new file mode 100644 index 0000000000000000000000000000000000000000..6e2163dba9134dc5c03dd5afe86809f882ba47a5 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.16.xml @@ -0,0 +1,283 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.17.xml b/mtool/data/sample/ucca/xml/wsj_0010.17.xml new file mode 100644 index 0000000000000000000000000000000000000000..2eeb30029100ed0df0fc9a9a2fd540c2e9cb9338 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.17.xml @@ -0,0 +1,698 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.18.xml b/mtool/data/sample/ucca/xml/wsj_0010.18.xml new file mode 100644 index 0000000000000000000000000000000000000000..52940a65b3e62af43cea5aa0e637f8f11fe4046d --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.18.xml @@ -0,0 +1,446 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.19.xml b/mtool/data/sample/ucca/xml/wsj_0010.19.xml new file mode 100644 index 0000000000000000000000000000000000000000..6765fadbbec6b495069ab1ea9a0adf73ca26e8e0 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.19.xml @@ -0,0 +1,403 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.2.xml b/mtool/data/sample/ucca/xml/wsj_0010.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..cf768eb7015f1af51ed027b25651f199d7022e5e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.2.xml @@ -0,0 +1,95 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.20.xml b/mtool/data/sample/ucca/xml/wsj_0010.20.xml new file mode 100644 index 0000000000000000000000000000000000000000..e35ff174f1d1fe8cd71df92732ccf9931d1b87bc --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.20.xml @@ -0,0 +1,288 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.3.xml b/mtool/data/sample/ucca/xml/wsj_0010.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..a23948a1e1c500d5cef0da1b9d5a6f09e3160a12 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.3.xml @@ -0,0 +1,350 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.6.xml b/mtool/data/sample/ucca/xml/wsj_0010.6.xml new file mode 100644 index 0000000000000000000000000000000000000000..bfd26a07c44d7e376481027d943b2e0e3f9d7492 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.6.xml @@ -0,0 +1,507 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.7.xml b/mtool/data/sample/ucca/xml/wsj_0010.7.xml new file mode 100644 index 0000000000000000000000000000000000000000..151cef720612d978febf06c5612509ef6c8b0b86 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.7.xml @@ -0,0 +1,465 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0010.8.xml b/mtool/data/sample/ucca/xml/wsj_0010.8.xml new file mode 100644 index 0000000000000000000000000000000000000000..7213347340867c621837ab6b63e0806d028e1754 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0010.8.xml @@ -0,0 +1,102 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.1.xml b/mtool/data/sample/ucca/xml/wsj_0011.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..dbd50f78169452dd72b7620264c0dcbbb1a00c08 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.1.xml @@ -0,0 +1,518 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.2.xml b/mtool/data/sample/ucca/xml/wsj_0011.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..76cc1a1e885f16b8c96b95a20a5f7d38c6e64e1c --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.2.xml @@ -0,0 +1,638 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.4.xml b/mtool/data/sample/ucca/xml/wsj_0011.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..a56ec9902be5de92d7d5c86af11b224b208ebb36 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.4.xml @@ -0,0 +1,486 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.5.xml b/mtool/data/sample/ucca/xml/wsj_0011.5.xml new file mode 100644 index 0000000000000000000000000000000000000000..c7e8a7add6a4b0a03f60d44970836e5b37aeb57d --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.5.xml @@ -0,0 +1,402 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.6.xml b/mtool/data/sample/ucca/xml/wsj_0011.6.xml new file mode 100644 index 0000000000000000000000000000000000000000..fcba060be71bdbe71ab9a714a2f78f645f875cba --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.6.xml @@ -0,0 +1,357 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.7.xml b/mtool/data/sample/ucca/xml/wsj_0011.7.xml new file mode 100644 index 0000000000000000000000000000000000000000..5bd298df2a27ca581dbcb0deae245930d97dd473 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.7.xml @@ -0,0 +1,434 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0011.8.xml b/mtool/data/sample/ucca/xml/wsj_0011.8.xml new file mode 100644 index 0000000000000000000000000000000000000000..38d40588a6b4b5ca0d321374c283b26a81649468 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0011.8.xml @@ -0,0 +1,211 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0012.1.xml b/mtool/data/sample/ucca/xml/wsj_0012.1.xml new file mode 100644 index 0000000000000000000000000000000000000000..b26f0b22f2f89992bbbe3670545fd614f3f1a3cd --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0012.1.xml @@ -0,0 +1,544 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0012.2.xml b/mtool/data/sample/ucca/xml/wsj_0012.2.xml new file mode 100644 index 0000000000000000000000000000000000000000..fc55423aa806d745d705d3d7e52445c285ccf820 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0012.2.xml @@ -0,0 +1,541 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0012.3.xml b/mtool/data/sample/ucca/xml/wsj_0012.3.xml new file mode 100644 index 0000000000000000000000000000000000000000..9a45ca3135ac0842da92a655b3a70e30fca9a0d6 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0012.3.xml @@ -0,0 +1,771 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0012.4.xml b/mtool/data/sample/ucca/xml/wsj_0012.4.xml new file mode 100644 index 0000000000000000000000000000000000000000..0b9beab60cd43639e48553e411791abc1d421fa5 --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0012.4.xml @@ -0,0 +1,377 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/ucca/xml/wsj_0012.5.xml b/mtool/data/sample/ucca/xml/wsj_0012.5.xml new file mode 100644 index 0000000000000000000000000000000000000000..f9efda55bbed53099df63df0c5c8f1c89548e29e --- /dev/null +++ b/mtool/data/sample/ucca/xml/wsj_0012.5.xml @@ -0,0 +1,246 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + diff --git a/mtool/data/sample/wsj.ids b/mtool/data/sample/wsj.ids new file mode 100644 index 0000000000000000000000000000000000000000..155163b19f11027e869c1fc33f9a7778821caa8e --- /dev/null +++ b/mtool/data/sample/wsj.ids @@ -0,0 +1,89 @@ +20001001 +20001002 +20003001 +20003002 +20003003 +20003005 +20003007 +20003008 +20003009 +20003010 +20003011 +20003012 +20003013 +20003014 +20003015 +20003016 +20003017 +20003018 +20003019 +20003020 +20003021 +20003022 +20003023 +20003024 +20003025 +20003026 +20003027 +20003028 +20003029 +20003030 +20004001 +20004002 +20004004 +20004005 +20004006 +20004007 +20004008 +20004009 +20004010 +20004011 +20004012 +20004014 +20004015 +20004016 +20004017 +20005001 +20005002 +20005003 +20006001 +20006002 +20007002 +20007003 +20007004 +20008001 +20008002 +20008003 +20008004 +20008005 +20008006 +20009001 +20009002 +20009003 +20009004 +20010001 +20010002 +20010003 +20010006 +20010007 +20010008 +20010010 +20010011 +20010012 +20010013 +20010015 +20010016 +20010017 +20010018 +20010019 +20010020 +20011001 +20011002 +20011004 +20011005 +20011006 +20011007 +20011008 +20012002 +20012004 +20012005 diff --git a/mtool/data/sample/wsj.txt b/mtool/data/sample/wsj.txt new file mode 100644 index 0000000000000000000000000000000000000000..f035d7d1b35c34354efd5b6559c1fef60c3bb940 --- /dev/null +++ b/mtool/data/sample/wsj.txt @@ -0,0 +1,89 @@ +20001001 Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29. +20001002 Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group. +20003001 A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported. +20003002 The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said. +20003003 Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956. +20003005 A Lorillard spokewoman said, "This is an old story. +20003007 There is no asbestos in our products now." +20003008 Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes. +20003009 "We have no useful information on whether users are at risk," said James A. Talcott of Boston's Dana-Farber Cancer Institute. +20003010 Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University. +20003011 The Lorillard spokeswoman said asbestos was used in "very modest amounts" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956. +20003012 From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said. +20003013 Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number. +20003014 Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer. +20003015 The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said. +20003016 "The morbidity rate is a striking finding among those of us who study asbestos-related diseases," said Dr. Talcott. +20003017 The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said. +20003018 The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters. +20003019 The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said. +20003020 The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine. +20003021 More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained. +20003022 In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos. +20003023 By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed. +20003024 About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s. +20003025 Areas of the factory were particularly dusty where the crocidolite was used. +20003026 Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters. +20003027 Workers described "clouds of blue dust" that hung over parts of the factory, even though exhaust fans ventilated the area. +20003028 "There's no question that some of those workers and managers contracted asbestos-related diseases," said Darrell Phillips, vice president of human resources for Hollingsworth & Vose. +20003029 "But you have to recognize that these events took place 35 years ago. +20003030 It has no bearing on our work force today. +20004001 Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates. +20004002 The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday. +20004004 Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's. +20004005 Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period. +20004006 Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner. +20004007 The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days. +20004008 Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields "may blip up again before they blip down" because of recent rises in short-term interest rates. +20004009 The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%. +20004010 Despite recent declines in yields, investors continue to pour cash into money funds. +20004011 Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion. +20004012 Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates. +20004014 Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier. +20004015 It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield. +20004016 The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%. +20004017 The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%. +20005001 J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director. +20005002 He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned. +20005003 W.R. Grace holds three of Grace Energy's seven board seats. +20006001 Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million. +20006002 The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end. +20007002 Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry. +20007003 Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems. +20007004 It employs 2,700 people and has annual revenue of about $370 million. +20008001 The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt. +20008002 Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said. +20008003 The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion. +20008004 Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes. +20008005 The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest. +20008006 The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then. +20009001 Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp. +20009002 In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations. +20009003 Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division. +20009004 He had been a sales and marketing executive with Chrysler for 20 years. +20010001 When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs. +20010002 Not this year. +20010003 The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting. +20010006 On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory. +20010007 For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge. +20010008 Champagne and dessert followed. +20010010 The governor couldn't make it, so the lieutenant governor welcomed the special guests. +20010011 A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors. +20010012 Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race. +20010013 After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers. +20010015 Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again. +20010016 This time, it was for dinner and dancing -- a block away. +20010017 Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce. +20010018 Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation. +20010019 More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings. +20010020 But for now, they're looking forward to their winter meeting -- Boca in February. +20011001 South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday. +20011002 Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy. +20011004 South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports. +20011005 Government officials said exports at the end of the year would remain under a government target of $68 billion. +20011006 Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year. +20011007 From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion. +20011008 Imports were at $50.38 billion, up 19%. +20012002 The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years. +20012004 Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January. +20012005 A full, four-color page in Newsweek will cost $100,980. diff --git a/mtool/data/score/Makefile b/mtool/data/score/Makefile new file mode 100644 index 0000000000000000000000000000000000000000..43406e47b5d90afe5c932dfed0c67794dca9e893 --- /dev/null +++ b/mtool/data/score/Makefile @@ -0,0 +1,106 @@ +.PHONY: dm.edm.json eds.edm.json eds.smatch.json eds.mrp.json \ + dm.sdp.json peking.sdp.json peking.smatch.json peking.mrp.json \ + ucca.ucca.json ucca.smatch.json ucca.mrp.json \ + test.smatch.json coli.smatch.json coli.mrp.json \ + clean oe all + +TRACE ?= --trace --trace + +dm.edm.json: + time python3 -u ../../main.py $(TRACE) --score edm \ + --read mrp --gold ../sample/eds/wsj.mrp \ + ../sample/dm/wsj.mrp $@ 2>&1 | tee dm.edm.log + +eds.edm.json: + time python3 -u ../../main.py $(TRACE) --score edm \ + --read mrp --gold ../sample/eds/wsj.mrp \ + eds/wsj.pet.mrp $@ 2>&1 | tee eds.edm.log + +eds.smatch.json: + time python3 -u ../../main.py $(TRACE) --score smatch \ + --read mrp --gold ../sample/eds/wsj.mrp \ + eds/wsj.pet.mrp $@ 2>&1 | tee eds.smatch.log + +eds.mrp.json: + time python3 -u ../../main.py $(TRACE) --score mrp \ + --read mrp --gold ../sample/eds/wsj.mrp \ + eds/wsj.pet.mrp $@ 2>&1 | tee eds.mrp.log + +dm.sdp.json: + time python3 -u ../../main.py $(TRACE) --score sdp \ + --read mrp --gold ../sample/psd/wsj.mrp \ + ../sample/dm/wsj.mrp $@ 2>&1 | tee dm.sdp.log + +peking.sdp.json: + time python3 -u ../../main.py $(TRACE) --score sdp --text ../wsj.txt \ + --format dm --gold ../../../evaluation/dm/wsj.sdp \ + --read dm dm/peking.wsj.sdp $@ 2>&1 | tee peking.sdp.log + +peking.smatch.json: + time python3 -u ../../main.py $(TRACE) --score smatch --text ../wsj.txt \ + --format dm --gold ../../../evaluation/dm/wsj.sdp \ + --read dm dm/peking.wsj.sdp $@ 2>&1 | tee peking.smatch.log + +peking.mrp.json: + time python3 -u ../../main.py $(TRACE) --score mrp --text ../wsj.txt \ + --format dm --gold ../../../evaluation/dm/wsj.sdp \ + --read dm dm/peking.wsj.sdp $@ 2>&1 | tee peking.mrp.log + +ucca.ucca.json: + time python3 -u ../../main.py --n 500 $(TRACE) --score ucca \ + --read mrp --gold ucca/ewt.gold.mrp \ + ucca/ewt.tupa.mrp $@ 2>&1 | tee ucca.ucca.log + +ucca.smatch.json: + time python3 -u ../../main.py --n 500 $(TRACE) --score smatch \ + --read mrp --gold ucca/ewt.gold.mrp \ + ucca/ewt.tupa.mrp $@ 2>&1 | tee ucca.smatch.log + +ucca.mrp.json: + time python3 -u ../../main.py --n 500 $(TRACE) --score mrp \ + --read mrp --gold ucca/ewt.gold.mrp \ + ucca/ewt.tupa.mrp $@ 2>&1 | tee ucca.mrp.log + +empty.mrp.json: + time python3 -u ../../main.py $(TRACE) --score mrp \ + --read mrp --gold dm/empty.gold.mrp \ + dm/empty.peking.mrp $@ 2>&1 | tee empty.mrp.log + +partial.mrp.json: + time python3 -u ../../main.py $(TRACE) --score mrp \ + --read mrp --gold amr/partial.gold.mrp \ + amr/partial.system.mrp $@ 2>&1 | tee partial.mrp.log + +test.smatch.json: + time python3 -u ../../main.py $(TRACE) --score smatch --limit 50 \ + --read amr --gold amr/test1.amr \ + amr/test2.amr $@ 2>&1 | tee test.smatch.log + +test.mrp.json: + time python3 -u ../../main.py $(TRACE) --score mrp --limit 50 \ + --read amr --gold amr/test1.amr \ + amr/test2.amr $@ 2>&1 | tee test.mrp.log + +coli.smatch.json: + time python3 -u ../../main.py --n 500 $(TRACE) --score smatch \ + --read amr --gold amr/coli.gold.amr \ + amr/coli.system.amr $@ 2>&1 | tee coli.smatch.log + +coli.mrp.json: + time python3 -u ../../main.py --n 500 $(TRACE) --score mrp \ + --read amr --gold amr/coli.gold.amr \ + amr/coli.system.amr $@ 2>&1 | tee coli.mrp.log + +clean: + /bin/rm *.json *.log + +oe: + make -j 4 $$(egrep '^[a-z/.]*.json:' Makefile | sed 's/://'); + +unit: empty.mrp.json partial.mrp.json + +all: dm.edm.json eds.edm.json eds.smatch.json eds.mrp.json \ + dm.sdp.json peking.sdp.json peking.smatch.json peking.mrp.json \ + ucca.ucca.json ucca.smatch.json ucca.mrp.json \ + empty.mrp.json test.smatch.json test.mrp.json \ + coli.smatch.json coli.mrp.json diff --git a/mtool/data/score/amr/233.gold.amr b/mtool/data/score/amr/233.gold.amr new file mode 100644 index 0000000000000000000000000000000000000000..0eed9b8ac87c3303dc25834fa9408b910d54e2aa --- /dev/null +++ b/mtool/data/score/amr/233.gold.amr @@ -0,0 +1,2 @@ +(j / join-up-02 :ARG0 (c / country :name (n / name :op1 "U.S.") :mod (p2 / person :ARG0-of (o / observe-01))) :ARG1 (p / project)) + diff --git a/mtool/data/score/amr/233.gold.dot b/mtool/data/score/amr/233.gold.dot new file mode 100644 index 0000000000000000000000000000000000000000..38aab5fd9a51062e941c6e44f44292ccf8ad7eec --- /dev/null +++ b/mtool/data/score/amr/233.gold.dot @@ -0,0 +1,16 @@ +digraph "233" { + top [ style=invis ]; + top -> 0; + 0 [ label=<
join-up-02
> ]; + 1 [ label=<
country
> ]; + 2 [ label=<
name
op1U.S.
> ]; + 3 [ label=<
person
> ]; + 4 [ label=<
observe-01
> ]; + 5 [ label=<
project
> ]; + 0 -> 1 [ label="ARG0" ]; + 3 -> 4 [ label="(ARG0)-of" ]; + 1 -> 2 [ label="name" ]; + 1 -> 3 [ label="mod (domain)" ]; + 0 -> 5 [ label="ARG1" ]; +} + diff --git a/mtool/data/score/amr/233.gold.pdf b/mtool/data/score/amr/233.gold.pdf new file mode 100644 index 0000000000000000000000000000000000000000..02d2c6c207ee264bac09d14ac49995d064c11c24 Binary files /dev/null and b/mtool/data/score/amr/233.gold.pdf differ diff --git a/mtool/data/score/amr/233.system.amr b/mtool/data/score/amr/233.system.amr new file mode 100644 index 0000000000000000000000000000000000000000..662fc4bdb2d8ffc4db18974529f6fd1619312835 --- /dev/null +++ b/mtool/data/score/amr/233.system.amr @@ -0,0 +1,2 @@ +(f / join-up-02 :ARG1 (e / project) :prep-as (u_1104 / observe-01 :ARG0 (c4 / country :name (n2 / name :op1 "U.S.") :ARG0-of f))) + diff --git a/mtool/data/score/amr/233.system.dot b/mtool/data/score/amr/233.system.dot new file mode 100644 index 0000000000000000000000000000000000000000..792ef5436f7e4952fc26044bd0702e1db7a5e6a6 --- /dev/null +++ b/mtool/data/score/amr/233.system.dot @@ -0,0 +1,15 @@ +digraph "233" { + top [ style=invis ]; + top -> 0; + 0 [ label=<
join-up-02
> ]; + 1 [ label=<
project
> ]; + 2 [ label=<
observe-01
> ]; + 3 [ label=<
country
> ]; + 4 [ label=<
name
op1U.S.
> ]; + 0 -> 1 [ label="ARG1" ]; + 3 -> 4 [ label="name" ]; + 0 -> 2 [ label="prep-as" ]; + 2 -> 3 [ label="ARG0" ]; + 3 -> 0 [ label="(ARG0)-of" ]; +} + diff --git a/mtool/data/score/amr/233.system.pdf b/mtool/data/score/amr/233.system.pdf new file mode 100644 index 0000000000000000000000000000000000000000..fc3e7738703f388dda5f6cb7fc8c71b9f9f30fd1 Binary files /dev/null and b/mtool/data/score/amr/233.system.pdf differ diff --git a/mtool/data/score/amr/coli.gold.amr b/mtool/data/score/amr/coli.gold.amr new file mode 100644 index 0000000000000000000000000000000000000000..fe77e70aad1f289a77d2bbc151b91887f242c872 --- /dev/null +++ b/mtool/data/score/amr/coli.gold.amr @@ -0,0 +1,2736 @@ +(c / claim-01 :ARG0 (p / partisan :poss (p2 / person :wiki "Ronald_Reagan" :name (n / name :op1 "Ronald" :op2 "Reagan"))) :ARG1 (w / win-01 :ARG0 p2 :ARG2 (w2 / war :wiki "Cold_War" :name (n2 / name :op1 "Cold" :op2 "War"))) :time (c2 / collapse-01 :ARG1 (c3 / country :wiki "Soviet_Union" :name (n3 / name :op1 "Soviet" :op2 "Union")) :time (d / date-entity :year 1991))) + +(h / have-concession-91 :ARG1 (c / claim-01 :ARG1 (o2 / overextend-00 :ARG1 (c2 / country :wiki "Soviet_Union" :name (n / name :op1 "Soviet" :op2 "Union")) :ARG1-of (c3 / cause-01 :ARG0 (a / attempt-01 :ARG0 c2 :ARG1 (k / keep-up-05 :ARG0 c2 :ARG1 (s / spend-01 :ARG0 (p2 / person :wiki - :name (n3 / name :op1 "Ray-gun")) :ARG1 (d / defend-01))))))) :ARG2 (s2 / show-01 :ARG0 (r2 / review-01 :ARG1 (f / fact) :mod (c4 / careful)) :ARG1 (t / true :polarity - :domain c))) + +(c / claim-01 :ARG0 (p2 / person :wiki "George_H._W._Bush" :name (n / name :op1 "Pappy" :op2 "Bush") :ARG0-of (h2 / have-org-role-91 :ARG2 (p3 / president) :time (t / then))) :ARG1 (w / win-01 :ARG0 p2 :ARG2 (w2 / war :wiki "Cold_War" :name (n2 / name :op1 "Cold" :op2 "War")) :ARG1-of (c2 / cause-01 :ARG0 (c3 / collapse-01 :ARG1 (c4 / country :wiki "Soviet_Union" :name (n3 / name :op1 "Soviet" :op2 "Union")) :time (w3 / watch-over-03 :ARG0 p2))))) + +(h / herald-01 :ARG1 (w / win-01 :ARG0 (c / capitalism)) :beneficiary (p / person :quant (m / many) :example (c3 / capitalist :mod (e / especially))) :concession (t / thing :ARG2-of (v / view-02 :ARG0 (o / one) :ARG1 (c2 / claim-01 :mod (t2 / that))))) + +(h / hail-02 :ARG0 (p / partisan :poss g) :ARG1 (g / globalism) :ARG2 (a / and :op1 (c / consequence :ARG1-of (n / natural-03) :ARG1-of (c2 / cause-01 :ARG0 (w / win-01 :ARG0 p))) :op2 (w2 / way :ARG1-of (s / sense-02) :instrument-of (b / bring-01 :ARG0 g :ARG1 (b2 / bless-01 :ARG1 p3 :ARG2 (f / free-04 :mod (p2 / problem)) :ARG1-of (a2 / allege-01)) :ARG2 (p3 / person :part-of (w3 / world)))))) + +(u / use-01 :ARG0 (c / capitalist :mod (i / impatient :time (a / always) :ARG1-of (c3 / cause-01 :ARG0 (r / restrain-01 :quant (a2 / any))))) :ARG1 (w / win-01 :mod (t / this) :ARG1-of (c2 / call-01 :manner (s / so))) :ARG2 (j / justify-01 :ARG0 c :ARG1 (o2 / or :op1 (o / oppose-01 :ARG0 c :ARG1 (r2 / restrain-01 :ARG0-of (r3 / regulate-01) :quant (a3 / any))) :op2 (c4 / call-03 :ARG0 c :ARG1 (r4 / roll-back-04 :ARG1 r2))))) + +(c / contrast-01 :ARG2 (a / agree-01 :ARG0 (e / everyone :polarity -) :ARG1 (v / view-02 :ARG1 (a2 / and :op1 (w / world) :op2 (s / system :mod (e2 / economy))) :mod (t / that)))) + +(o / or :op1 (o2 / obvious-01 :ARG1 (e / enchant-01 :ARG0 (a / and :op1 (c / capitalism) :op2 (e2 / expression :poss c :location (a2 / and :op1 (d / democracy :mod (i / industry)) :op2 (c2 / country :ARG4-of (g2 / go-01 :ARG1 (c3 / capitalist :source d) :purpose (i2 / invest-01 :ARG0 c3)))))) :ARG1 (p / person :quant (m / many :mod (g / great))) :degree (l / less-than))) :op2 (r / recommend-01 :ARG1 o2) :ARG1-of (c4 / cause-01 :ARG0 (m2 / move-02 :ARG1 (o4 / occupy-01) :mod (v / various))) :time (n / now)) + +(t / think-01 :ARG0 (y / you) :ARG1 (a / amr-unknown) :ARG2 (a2 / and :op1 (c / capitalism) :op2 (a3 / activity-06 :ARG0 c))) + +(s / say-01 :ARG1 (y / yield-01 :ARG0 (c / capitalism :ARG1-of (f / fetter-01 :polarity -)) :ARG1 (o / oligarchy)) :ARG2 (p / person :wiki - :name (n / name :op1 "Setanta"))) + +(g / good-04 :ARG1 (r / regulate-01 :ARG0 (g2 / government-organization :ARG0-of (g3 / govern-01))) :ARG2 (e / evolve-01 :ARG1 (c / capitalism))) + +(h / have-condition-91 :ARG1 (d / do-02 :ARG0 (i / industry) :ARG1 (t / thing :ARG1-of (r / right-03 :ARG2 (h2 / humanity))) :time (e / ever)) :ARG2 (n / need-01 :ARG0 (a / and :op1 (h3 / horror :mod (h4 / health)) :op2 (h5 / horror :mod (s / safe-01)) :op3 (h6 / horror :mod (e2 / environment))) :ARG1 (r2 / regulate-01 :ARG1 a))) + +(s / say-01 :ARG0 (i / i) :ARG1 (c2 / contrast-01 :ARG1 (h / have-03 :polarity - :ARG0 i :ARG1 (p2 / problem :topic (c / capitalism))) :ARG2 (h2 / have-03 :ARG0 i :ARG1 (p3 / problem :topic (c3 / capitalism :ARG1-of (r / regulate-01 :polarity -))))) :ARG2 (p / person :wiki - :name (n / name :op1 "Setanta"))) + +(a / agree-01 :ARG0 (i / i) :ARG1 (t / this) :ARG1-of (c / complete-02)) + +(t / thrive-01 :ARG1 (c / capitalism) :time (a / and :op1 (u / understand-01 :ARG0 (e / everyone) :ARG1 (r / rule)) :op2 (p / play-01 :ARG0 e :prep-by r) :op3 (e2 / enforce-01 :ARG0 e :ARG1 r))) + +(o / obligate-01 :ARG2 (s / spend-02 :ARG0 (e / everyone) :ARG1 (t / time :quant (a / all) :poss e) :ARG2 (o2 / or :op1 (t2 / try-01 :ARG0 e :ARG1 (c / circumvent-01 :ARG0 e :ARG1 (r / rule))) :op2 (t3 / try-01 :ARG0 e :ARG1 (u / understand-01 :ARG0 e :ARG1 r)) :op3 (f / fight-01 :ARG0 e :ARG1 (p / person :ARG0-of (f2 / follow-02 :polarity - :ARG1 r))))) :source-of (b / begin-01 :ARG1 (t4 / trouble-01) :mod (r2 / really))) + +(p / problem :topic (d / deregulate-01) :domain (t / that)) + +(r4 / remove-01 :ARG1 (r2 / rule) :ARG0-of (h / help-01 :polarity - :ARG1 (c / compete-02 :ARG0 b :degree (m / more)) :ARG2 (b / business)) :ARG1-of (m2 / mean-01 :ARG2 (o / obligate-01 :ARG2 (r3 / race-01 :ARG0 b :ARG2 (b2 / bottom) :purpose (c2 / counter-01 :ARG0 b :ARG1 (b3 / business :mod (n / new) :ARG1-of (s / start-01 :location b2))))))) + +(r / resemble-01 :ARG1 (i / it) :ARG2 (c / change-01 :ARG1 (r2 / rule :mod (g / game :wiki "Monopoly_(game)" :name (n / name :op1 "Monopoly"))) :time (w / way :op1 (g2 / game) :mod (h / half))) :purpose (m / mean-01 :polarity - :ARG1 (p / purchase-01 :quant (a / all) :time (p2 / previous)))) + +(b / benefit-01 :polarity - :ARG0 (t / that) :ARG1 (c / capitalism) :concession (t2 / thing :ARG1-of (t3 / tell-01 :ARG0 (s / some) :ARG2 (y / you)))) + +(a2 / agree-01 :ARG0 (i / i) :ARG1 (p / person :mod (e2 / ethnic-group :wiki "Arabs" :name (n / name :op1 "Arab")) :ARG0-of (t2 / tote-01 :ARG1 (b / bomb)) :ARG1-of (i2 / include-91 :ARG2 (t / thing :ARG0-of (e / exemplify-01) :quant (a / all) :ARG1-of (s / see-01)))) :mod (o / only)) + +(h / have-concession-91 :ARG1 (r / rude-01 :ARG1 (t / that) :degree (e / extreme)) :ARG2 (p / possible-01 :ARG1 (s / see-01 :ARG0 (i / i) :ARG2 (h2 / humor) :location t))) + +(r / recommend-01 :ARG1 (h / have-03 :polarity - :ARG0 (t2 / thing :ARG2-of (c / costume-01 :mod (k / kind :mod (t / that)))) :ARG1 (p / place) :location (c2 / college))) + +(c / contrast-01 :ARG2 (l / list-01 :ARG0 (k / kid :mod (t / this)) :ARG1 (a / and :op1 (c2 / costume-01 :ARG2 (g / geisha)) :op2 (a2 / and :op1 (s / sombrero) :op2 (d / donkey)) :op3 (t2 / thing :ARG2-of (c3 / costume-01 :ARG0-of (s2 / sensitive-03 :polarity - :ARG1 (r / race) :ARG1-of (d2 / deem-01 :ARG0 k))) :mod (o / other) :quant (f / few))))) + +(s / sensitive-03 :polarity - :mode interrogative :ARG1 (r / race)) + +(b / be-located-at-91 :mode interrogative :polarity - :ARG1 (t2 / they) :ARG2 (c / country :wiki "Mexico" :name (n2 / name :op1 "Mexico"))) + +(h / have-part-91 :ARG1 (d / dress-01 :ARG1 (t2 / they)) :ARG2 (t / that) :mod (h2 / huge) :time (g / get-05 :ARG1 (y / you) :ARG2 (a / away :mod (f / far :degree (m / more))) :source (c / city))) + +(i / insult-01 :ARG0 (t / that) :manner (a / amr-unknown)) + +(c / contrast-01 :ARG1 (s / show-01 :polarity - :ARG0 (i / it) :ARG1 (s2 / someone :ARG0-of (d / do-02 :ARG1 (s3 / something :mod (d2 / derogatory))))) :ARG2 (u / use-01 :ARG0 i :ARG1 (t / thing :poss (s4 / society) :ARG2-of (c2 / clothe-01)) :ARG2 (t2 / thing :ARG2-of (c3 / costume-01)))) + +(s / sensitive-03 :polarity - :ARG0 (g / geisha) :mod (t / too)) + +(o2 / opine-01 :ARG0 (i2 / i) :ARG1 (t / take-01 :ARG0 (t2 / this) :ARG1 (i / it) :ARG3 (o / over :op1 (b / board) :degree (w / way))) :mod (o3 / only) :mod (a / again)) + +(s / seem-01 :ARG1 (l / look-01 :ARG0 (p / person) :ARG1 (r / reason) :ARG2 (o / offend-01 :ARG1 p)) :time (s2 / sometimes)) + +(i / it :topic (p / perspective) :manner (f / frank)) + +(a2 / and :op1 (s2 / see-01 :ARG0 (s / someone) :ARG1 (s3 / something)) :op2 (w / want-01 :ARG0 s :ARG1 (t / think-01 :ARG0 s :ARG1 (b / bad-07 :degree (m / most)) :ARG2 s2)) :time (a / always)) + +(c / change-01 :polarity - :ARG0 (o / or :op1 (d / dress-01 :ARG2 (t / thing :ARG2-of (c2 / costume-01))) :op2 (d2 / dress-01 :polarity - :ARG2 t)) :ARG1 (t2 / that)) + +(a / and :op2 (a2 / amr-unknown :ARG0-of (c2 / cause-01 :ARG1 (s3 / sensitive-03 :ARG0 (s2 / slash :polarity - :op1 (r / race :mod (t / that) :mod (o / only)) :op2 (c / culture :mod t :mod o)) :ARG1-of (s / spotlight-01))))) + +(e / equal-01 :polarity - :mode interrogative :ARG1 (r / rude-01 :ARG1 (a / and :op1 (w / wear-01 :ARG1 (a2 / and :op1 (o / overalls :ARG1-of (t / tear-01)) :op2 (s / shirt :ARG1-of (s2 / stain-01)))) :op2 (b / blacken-01 :ARG0 (y / you) :ARG1 (t2 / tooth :part-of y)) :op3 (h / hillbilly :mod (w2 / white)))) :mod (j / just)) + +(a3 / amr-unknown :topic (w / woman :ARG0-of (w2 / wear-01 :ARG1 (a2 / and :op1 (s / shorts) :op2 (h / heel :ARG1-of (h2 / high-02)) :op3 (m / make-up :quant (m2 / much :degree (t2 / too)))) :purpose (h3 / hooker)))) + +(o / obligate-01 :ARG2 (s / stop-01 :ARG1 (d / drive-03 :ARG1 (f / find-01 :ARG1 (s2 / something :ARG0-of (s3 / sensitive-03 :polarity -))) :extent (f2 / forever) :mod (t / this)))) + +(a / and :op2 (f / find-01 :ARG0 (t / they) :ARG1 (t2 / thing :ARG0-of (j / justify-01)) :time (a2 / always) :condition (w / want-01 :ARG0 (s / someone) :ARG1 (l / look-01 :ARG0 s :ARG1 (t3 / thing :ARG0-of (c / cause-01 :ARG1 (h / hold-back-07 :ARG1 (t4 / they) :ARG1-of (c2 / cause-01 :ARG0 (h2 / have-03 :ARG0 t4 :ARG1 (r / reason :mod (w2 / whatever)) :location (h3 / head :part-of t4)))))))) :manner (m / matter-01 :polarity - :ARG1 (t5 / thing)))) + +(c / contrast-01 :ARG2 (j / jump-07 :ARG0 (w / we :ARG1-of (c2 / call-01 :ARG2 (s / society :ARG1-of (f / free-04)))) :ARG1 (b / board-01 :ARG1 (b2 / behave-01 :ARG1 (p / PC :mod (s2 / super)) :mod (t / this))) :ARG1-of (c3 / cause-01 :ARG0 (a / amr-unknown)) :mod (r / really))) + +(a / amr-unknown :ARG0-of (c / cause-01 :ARG1 (o / okay-04 :ARG1 (a2 / and :op1 (f / find-01 :ARG1 (t / thing :mod (s / small :degree (m / most)) :ARG0-of (o2 / offend-01))) :op2 (t2 / throw-out-04 :ARG1 (d / discriminate-02 :ARG1 f :mod (n / new)))) :time (n2 / now)))) + +(a3 / and :op2 (a / apply-02 :ARG1 (r / rule :mod (t / this)) :ARG2 (r2 / race :quant (o / or :op1 2 :op2 3)) :mod (o2 / only) :ARG1-of (c / cause-01 :ARG0 (a2 / amr-unknown)))) + +(a / and :op1 (p / person :mod (c / country :wiki "United_States" :name (n / name :op1 "America"))) :op2 (p2 / person :mod (w / white)) :op3 (p3 / person :ARG1-of (b / black-05)) :op4 (p4 / person :ARG1-of (g / green-02)) :op5 (p5 / person :mod (b2 / blue)) :op6 (p6 / person :ARG1-of (s / short-07)) :op7 (p7 / person :mod (t / tall)) :op8 (p8 / person :ARG1-of (f / fat-03))) + +(m / multi-sentence :snt1 (h / have-03 :ARG0 (y / you) :ARG1 (a / amr-unknown)) :snt2 (m2 / make-01 :mode interrogative :ARG1 (f2 / fun) :ARG2 (a2 / all) :manner (w / way :mod (s / some)) :time (c / come-12 :ARG1 (a3 / and :op1 (t / thing :ARG2-of (c2 / costume-01)) :op2 (f / festival :wiki "Halloween" :name (n / name :op1 "Halloween")))) :ARG1-of (c3 / contrast-01 :ARG2 (g / get-01 :mode interrogative :ARG0 (r / race :quant 3 :mod (t2 / that) :mod (o / only)) :ARG1 (l / light :ARG1-of (r2 / red-02)))))) + +(r / racist :polarity - :mode interrogative :domain (t / that)) + +(a / and :op1 (b / bleed-01 :ARG0 (p / person :ARG0-of (s / study-01)) :mod (i / idealism)) :op2 (t / temper-01 :ARG1 p :mod (e / enough) :instrument (a2 / and :op1 (t2 / time) :op2 (p2 / patina :mod (c / culture))) :purpose (r / realize-01 :ARG0 p :ARG1 (a3 / and :op1 (r2 / recommend-01 :ARG1 (p3 / possible-01 :ARG1 (l / laugh-01 :ARG0 (o / one) :ARG2 (a4 / and :op1 o :op2 (t3 / thing :ARG1-of (o2 / obsess-01 :ARG0 o) :mod c))))) :op2 (m / mechanism :polarity - :mod (e2 / evil) :poss (r3 / racism) :domain (t4 / thing :ARG2-of (c2 / costume-01 :ARG1-of (b2 / betray-01 :ARG0 p)) :mod (t5 / this))))))) + +(t / thread :mod (t2 / this) :ARG1-of (r / ridiculous-02 :degree (a / absolute))) + +(m / mean-01 :ARG0 (i / i) :ARG2 (b / ban-01 :ARG1 (t / thing :ARG2-of (c / costume-01) :mod (r / racism)) :mod (a / actual) :ARG2-of (h / have-condition-91 :ARG1 (p / possible-01 :ARG1 (h2 / have-03 :ARG0 (y / you :quant (a2 / all)) :ARG1 (p2 / point)))))) + +(u / uptight :topic (p / plight :poss (p2 / person :mod (w / white) :location (c / country :wiki "United_States" :name (n / name :op1 "US")))) :domain (i / i) :ARG1-of (e / equal-01 :ARG2 (u2 / uptight :topic p :domain (a / anyone)))) + +(c / contrast-01 :ARG2 (r / read-01 :mode interrogative :ARG0 (a / anyone :mod (e / else)) :ARG1 (a2 / article))) + +(b / ban-01 :ARG0 (n / no-one) :ARG1 (t / thing :ARG2-of (c / costume-01) :mod (f / festival :wiki "Halloween" :name (n2 / name :op1 "Halloween")))) + +(t / talk-01 :ARG0 (n / no-one) :ARG1 (b / ban-01 :ARG1 (t2 / thing :ARG2-of (c / costume-01 :mod (f / festival :wiki "Halloween" :name (n2 / name :op1 "Halloween"))))) :mod (e / even)) + +(w / want-01 :ARG0 (n / no-one :location (s / story :mod (t / this)) :ARG2-of (e / except-01 :ARG1 (p / person :location (h / here) :ARG0-of (w2 / want-01 :ARG1 (b2 / ban-01 :ARG0 p :ARG1 (t2 / thing :ARG2-of (p2 / poster-01))) :manner (a2 / apparent))))) :ARG1 (b / ban-01 :ARG0 n :ARG1 (a / anything)) :mod (i / in-fact)) + +(h / have-03 :ARG0 (p / person :ARG0-of (s / study-01) :mod (t / this)) :ARG1 (g / goal :ARG1-of (s2 / simple-02))) + +(s / say-01 :ARG0 (t / they) :ARG1 (o / or :op1 (p / possible-01 :ARG1 (c / change-01 :ARG0 (w / we) :ARG1 (p2 / person :quant (f / few)))) :op2 (p3 / possible-01 :ARG1 (m / make-02 :ARG0 w :ARG1 (t2 / think-01 :ARG0 p2))) :ARG2-of (h / have-condition-91 :ARG1 (a / awe-01 :ARG0 o)))) + +(o / or :op1 (b / ban-01 :polarity - :ARG0 (t / they) :ARG1 (a / anything)) :op2 (s / stop-03 :polarity - :ARG0 t :ARG1 (a2 / anybody) :ARG2 (d / do-02 :ARG0 a2 :ARG1 (a3 / anything)))) + +(s / story :mod (t / this) :topic (e / express-01 :ARG0 (p / person :ARG0-of (s2 / study-01)) :ARG1 (s3 / speak-01 :ARG3-of (f / free-04)))) + +(m / make-01 :ARG0 (t / they) :ARG1 (t2 / thing :ARG2-of (p / poster-01) :ARG0-of (e / express-01 :ARG1 (t3 / thing :ARG1-of (o / opine-01 :ARG0 t))))) + +(w / want-01 :ARG0 (y / you) :ARG1 (w2 / wear-01 :ARG0 y :ARG1 (t / thing :ARG2-of (c / costume-01) :ARG0-of (o / offend-01) :ARG1-of (f / find-02 :ARG0 (p / person :mod (o2 / other))))) :ARG2-of (h / have-condition-91 :ARG1 (s / speak-01 :ARG3-of (f2 / free-04))) :mod (o3 / of-course)) + +(c / contrast-01 :ARG2 (s / speak-01 :ARG3-of (f / free-04) :domain (c2 / complain-01 :ARG0 (i / i) :ARG1 (o / offend-01 :ARG0 (t / thing :ARG2-of (c3 / costume-01 :ARG1 (y / you)) :poss y))) :mod (a / also))) + +(r / recommend-01 :ARG1 (b / ban-01 :ARG1 (n / neither))) + +(a / and :op1 (t / that :mod (w / way :manner-of (w2 / work-09 :ARG1 (i / it))))) + +(r / relevant-01 :polarity - :ARG1 (o / or :op1 (i / involve-01 :ARG1 (a / and :op1 (f / face :ARG1-of (b / black-04)) :op2 (n / noose)) :ARG2 (t / thing :ARG2-of (c / costume-01 :ARG1 (y / you)))) :op2 (c2 / costume-01 :ARG1 y :ARG2 (s / sandwich-01 :ARG1-of (g / grill-01) :mod (c3 / cheese :ARG1-of (d / drip-02 :degree (t2 / too :degree (l / little))) :ARG1-of (t3 / think-01 :ARG0 (i2 / i))))))) + +(a / and :op1 (s / speak-01 :ARG3-of (f / free-04) :domain (s2 / speak-01 :ARG3-of (f2 / free-04))) :op2 (o / opposite-01 :ARG1 (e / express-01 :ARG1 s) :ARG2 (b / ban-01 :ARG1-of (a2 / allege-01)) :mod (a3 / actual))) + +(t / turn-01 :ARG0 (y / you :quant (a / all)) :ARG1 (s / story :mod (t2 / this)) :time (e / end-01 :ARG1 s)) + +(s / say-01 :ARG1 (i / infer-01 :ARG1 (c / chance-02 :mode interrogative :ARG0 (s3 / she) :ARG1 (d2 / dethrone-01 :ARG0 s3 :ARG1 (p2 / person :wiki "Scott_Brown" :name (n2 / name :op1 "Scott" :op2 "Brown") :ARG0-of (h2 / have-org-role-91 :ARG2 (s4 / senator) :time (s6 / sitting)) :ARG0-of (h3 / have-org-role-91 :ARG1 (p3 / political-party :wiki "Republican_Party_(United_States)" :name (n3 / name :op1 "Republican" :op2 "Party"))))) :ARG2 (a / any))) :ARG2 (p / person :mod (s2 / state :wiki "Massachusetts" :name (n / name :op1 "Massachusetts")) :mod (d / dear))) + +(m / multi-sentence :snt2 (l / like-01 :ARG0 (i / i) :ARG1 (h / he) :mod (k / kinda)) :snt1 (c / cause-01 :ARG0 (a / amr-unknown) :ARG1 (n2 / need-01 :ARG1 (d / dethrone-01 :ARG1 (p / person :wiki "Scott_Brown" :name (n / name :op1 "Scott" :op2 "Brown")))))) + +(p / possible-01 :mode interrogative :ARG1 (b / beat-03 :ARG0 (p2 / person :wiki "Elizabeth_Warren" :name (n / name :op1 "Elizabeth" :op2 "Warren")) :ARG1 (p3 / person :wiki "Scott_Brown" :name (n2 / name :op1 "Scott" :op2 "Brown")))) + +(h2 / have-concession-91 :ARG1 (f2 / fight-01 :ARG1-of (b / brutal-02 :degree (m / most)) :ARG1-of (s / see-01 :ARG0 i :time (e3 / ever)) :domain (f / fight-01 :ARG0 (g / girl) :ARG1-of (m2 / mean-01 :ARG2 (m3 / multi-sentence :snt1 (a2 / and :op1 (k2 / kick-01 :quant (l2 / lot)) :op2 (s2 / scratch-02) :op3 (p / punch-01 :ARG0-of (a3 / amaze-01) :quant (s6 / some))) :snt2 (o / obligate-01 :ARG1 (p2 / person :ARG0-of (l3 / lose-02)) :ARG2 (s3 / stay-01 :ARG1 p2 :location (h / home) :source (s4 / school) :duration (a4 / almost :op1 (t4 / temporal-quantity :quant 1 :unit (w2 / week))) :time (u / until :op1 (g2 / go-01 :ARG1 (s5 / swell-01 :ARG1 (a5 / around :op1 (e / eyes :poss g))) :ARG4 (d / down-03 :ARG1 s5))))))))) :ARG2 (s7 / sure-02 :polarity - :ARG0 (i / i) :ARG1 (t2 / thing :ARG2-of (l / look-01 :ARG0 (p3 / person :mod (e2 / either) :ARG1-of (i2 / include-91 :ARG2 (t / they))))))) + +(c / cause-01 :ARG1 (s / say-01 :ARG0 (i / i) :ARG1 (y / yes))) + +(t / think-01 :ARG0 (i / i) :ARG1 (g2 / get-01 :ARG0 (p / political-party :wiki "Democratic_Party_(United_States)" :name (n / name :op1 "Democratic" :op2 "Party")) :ARG1 (s / seat :quant 1 :mod (g3 / government-organization :wiki "United_States_Senate" :name (n2 / name :op1 "Senate")) :mod (m / more)))) + +(s / seem-01 :ARG1 (t / task :ARG1-of (e / easy-05 :degree (m / more :quant (l / lot)) :compared-to (r / race-02 :ARG2 (g / government-organization :wiki "United_States_Senate" :name (n2 / name :op1 "Senate")) :mod (o / other))) :domain (i / it) :location (s2 / state :wiki "Massachusetts" :name (n / name :op1 "Massachusetts")))) + +(t / think-01 :ARG0 (i / i) :ARG1 (t3 / thing :mod (g / good :degree (m2 / most)) :domain (k / keep-04 :ARG1 (p / person :quant (f / few) :ARG0-of (h / have-org-role-91 :ARG1 (p2 / political-party :wiki "Republican_Party_(United_States)" :name (n / name :op1 "Republican" :op2 "Party"))) :ARG1-of (m / moderate-03) :ARG1-of (h2 / have-03 :ARG0 (w / we))) :ARG2 (l / location :location-of p :mod (r / right))))) + +(h2 / have-concession-91 :ARG1 (r / reasonable-02 :ARG1 h :topic (c2 / come-12 :ARG1 (r2 / represent-01 :ARG0 h :ARG1 (c3 / constituency :ARG1-of (l2 / lean-01 :ARG2 (l3 / liberal-02)))))) :ARG2 (p3 / possible-01 :ARG1 (v / vote-01 :ARG0 (h / he) :ARG1 (t / thing :quant (m / most)) :manner (a / along :op1 (l / line :mod (p2 / party)))))) + +(h / have-concession-91 :ARG1 (s / sound-01 :mode interrogative :ARG1 (i / it) :ARG2 (c / contest-02 :ARG3 (b / bellweather) :mod (r / real))) :ARG2 (k / know-01 :polarity -)) + +(m / make-06 :ARG1 (i / it) :ARG2 (c / contest-02 :mod (g / great :degree (r / really)) :mod (s / some) :mod (o / off-year))) + +(c / care-01 :ARG0 y :ARG1 (e / explain-01 :ARG0 (y / you) :ARG1 (t2 / thing :ARG0-of (c2 / cause-01 :ARG1 (t / think-01 :ARG0 y :ARG1 (i / idiot :domain (h / he)))))) :mode interrogative) + +(b / beat-02 :ARG0 (h / he) :ARG1 (p / person :wiki "Martha_Coakley" :name (n / name :op1 "Martha" :op2 "Coakley")) :manner (c / convince-01 :degree (r / rather))) + +(s2 / serve-01 :ARG0 (h2 / he) :ARG1 (s3 / senator :mod (s4 / state)) :duration (s5 / several :op1 (t2 / temporal-quantity :quant 1 :unit (y2 / year)))) + +(v / vote-01 :ARG0 (h / he) :ARG1 (b / bill :quant (s / several) :mod (p / political-party :wiki "Democratic_Party_(United_States)" :name (n2 / name :op1 "Democratic" :op2 "Party"))) :mod (e / even)) + +(m / multi-sentence :snt1 (c / candidate :ARG1-of (b / bad-02) :domain (p / person :wiki "Martha_Coakley" :name (n / name :op1 "Coakley")) :ARG0-of (r / run-01 :ARG1 (c2 / campaign :mod (t2 / terrible)))) :snt2 (h / hunt-01 :ARG0 (i / i) :ARG1 (a2 / article :mod (g / great) :ARG1-of (r2 / read-01 :ARG0 i :time (b2 / before :op1 (n2 / now) :quant (t3 / temporal-quantity :quant 1 :unit (y2 / year)))) :ARG0-of (o / outline-01 :ARG1 (m2 / mistake-02 :ARG0 p :mod (t4 / tremendous)))) :location (a4 / around))) + +(d / difficult :domain (a / answer-01 :ARG0 (p / person :wiki "Scott_Brown" :name (n / name :op1 "Brown")) :ARG1 (q / question-01 :ARG1 (p2 / policy) :ARG2 p) :manner (c2 / cogent))) + +(s / see-01 :ARG0 (i / i) :ARG2 (a4 / answer-01 :ARG0 (h / he) :ARG0-of (s3 / show-01 :ARG1 (u / understand-01 :polarity - :ARG0 h :ARG1 (i2 / issue-02 :ARG0-of (u2 / underlie-01)) :mod (r / real) :mod (a2 / at-all))) :ARG2-of (i3 / include-91 :ARG1 (a3 / answer-01 :quant (s4 / several) :ARG0-of (e / embarrass-01 :mod (j / just) :mod (r2 / real))))) :frequency (o / occasion-02 :quant (s2 / several))) + +(a / and :op1 (o3 / or :op1 (a2 / activity-06 :polarity - :ARG0 (i / i) :ARG1 (p / politics)) :op2 (c / care-01 :ARG0 i :ARG1 p :mod (e / even)) :mod (r2 / real) :time (u / until :op1 (r / recent))) :op2 (l / look-01 :ARG0 i :ARG1 (t2 / thing :ARG1-of (o / opine-01 :ARG0 (p2 / person :mod (o2 / other)) :topic (t / this))) :mod (j / just))) + +(h / have-concession-91 :ARG1 (p2 / probable :mode interrogative :domain (i / inform-01 :polarity - :ARG0 (t / tell-01 :ARG0 (i3 / i) :ARG1 (p / person :ARG1-of (v / vote-01 :ARG0 i3)) :ARG2 y :mod (j / just)) :ARG1 (y / you) :quant (m / much))) :mod (w / well :mode expressive)) + +(i / important :domain (i2 / issues :mod (a / amr-unknown)) :beneficiary (y / you)) + +(m / multi-sentence :snt1 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama") :ARG1-of (c / cause-01 :ARG0 (t / think-01 :ARG0 (i / i) :ARG1 (d / do-02 :ARG0 p :ARG1 (j / job :mod (g / good)) :ARG2 (a / area :quant (m2 / most)))))) :snt2 (a2 / and :op1 (l / let-down-04 :ARG0 (h / he) :ARG1 (i2 / i) :topic (a3 / area :quant (s / some))) :op2 (v / vote-01 :ARG0 i :ARG1 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (p2 / political-party :wiki "Republican_Party_(United_States)" :name (n2 / name :op1 "Republican" :op2 "Party")))) :time (t2 / today) :manner (w / way :polarity -)))) + +(d / do-02 :ARG0 (i / i) :location (l / local :mod (m2 / most)) :frequency (f / few) :time (p / past)) + +(a / anyone :ARG0-of (h / have-org-role-91 :polarity - :ARG1 (p / political-party :wiki "Republican_Party_(United_States)" :name (n / name :op1 "Republican" :op2 "Party")))) + +(t / think-01 :ARG0 (i / i) :ARG1 (c3 / cause-01 :ARG0 (p / person :quant (m / majority) :ARG1-of (i2 / include-91 :ARG2 (t3 / they))) :ARG1 (b / become-01 :ARG1 (c / country :mod (t2 / this)) :ARG2 (c2 / constipate-00 :ARG1 c :ARG0-of (c4 / concern-02 :ARG1 (e / everything :mod (i4 / important))))))) + +(w / will-02 :ARG0 (t / they) :ARG1 (t2 / throw-01 :ARG0 t :ARG1 (c / country :wiki "United_States" :name (n / name :op1 "America")) :ARG2 (u / under :op1 (b / bus)) :purpose (m / make-02 :ARG0 t :ARG1 (l / look-02 :ARG0 (p2 / person :wiki "Barack_Obama" :name (n2 / name :op1 "Obama")) :ARG1 (b2 / bad-07))))) + +(m / multi-sentence :snt1 (o / okay-01) :snt2 (a / add-02 :ARG0 (a2 / and :op1 (t / thing :ARG0-of (c / cause-01))) :ARG1 (l / lot)) :snt3 (r / right-06 :ARG1 (y / you))) + +(v / vote-01 :ARG0 (i / i) :ARG1 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama")) :ARG1-of (c / cause-01 :ARG0 (a / and :op1 (t / think-01 :ARG0 i :ARG1 (d / do-02 :ARG0 p :ARG1 (j / job :mod (g / good)) :time (c2 / circumstance :mod (d2 / difficult)))) :op2 (p2 / possible-01 :ARG1 (d3 / do-02 :ARG0 p :ARG1 (m / more :mod (m2 / much)) :manner (t2 / term :mod (a2 / another)))) :op3 (w / worry-02 :ARG0 i :ARG1 (t3 / thing :ARG1-of (d4 / do-02 :ARG0 (p6 / person :ARG1-of (n6 / nominate-01) :mod (a3 / any) :ARG1-of (p4 / possible-01) :ARG0-of (h / have-org-role-91 :ARG1 (p3 / political-party :wiki "Republican_Party_(United_States)" :name (n4 / name :op1 "Republican" :op2 "Party")))) :prep-as (p5 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (p8 / president))) :condition (w2 / win-01 :ARG0 (p7 / person :quant 1 :ARG1-of (i3 / include-91 :ARG2 p6))))) :mod (r / real))))) + +(m4 / multi-sentence :snt1 (h2 / have-concession-91 :ARG1 (m3 / multi-sentence :snt1 (h / hear-01 :ARG0 i :ARG1 (t / thing :mod (g / good) :topic (p3 / person :wiki "Ron_Paul" :name (n3 / name :op1 "Ron" :op2 "Paul")) :quant (s / some)))) :ARG2 (v / vote-01 :polarity - :ARG0 (i / i) :ARG1 (p / person :mod (a / any) :mod (j / just) :ARG1-of (m / mean-01 :ARG2 (p2 / person :wiki "Rick_Perry" :name (n2 / name :op1 "Rick" :op2 "Perry") :mod (e / especially))) :ARG0-of (h3 / have-org-role-91 :ARG1 (p5 / political-party :wiki "Republican_Party_(United_States)" :name (n / name :op1 "Republican" :op2 "Party")))) :mod (a2 / also))) :snt2 (p4 / person :mod (o / only) :domain (h4 / he) :ARG0-of (h5 / have-org-role-91 :ARG1 p5) :ARG1-of (l / learn-01 :ARG0 (i3 / i) :mod (m2 / more) :ARG2-of (i2 / interest-01 :ARG1 i3 :mod (a3 / actual))))) + +(o / opine-01 :ARG0 (i / i) :ARG1 (c / content-01 :ARG0 (a / and :op1 (r / race-02 :ARG0 (p / person :wiki "Ron_Paul" :name (n / name :op1 "Ron" :op2 "Paul"))) :op2 (d / debate-01 :ARG0 p :mod (e / especially))) :ARG1 i) :topic p) + +(l / like-01 :ARG0 (i / i) :ARG1 (t / thing :manner-of (a / and :op1 (o / oppose-01 :ARG0 (h / he) :ARG1 (w / war)) :op2 (o2 / oppose-01 :ARG0 h :ARG1 (b / bullshit)) :mod (g / general-02)))) + +(h / have-concession-91 :ARG1 (w / want-01 :polarity - :ARG0 (i / i) :ARG1 (p / person :domain (h2 / he) :ARG0-of (h3 / have-org-role-91 :ARG2 (p2 / president))) :degree (a / absolute))) + +(h / have-03 :ARG0 (p / person :wiki "Andrew_Sullivan" :name (n / name :op1 "Andrew" :op2 "Sullivan")) :ARG1 (p2 / post :quant (l / lot) :topic (h2 / he) :mod (p4 / place :mod (g / good) :location-of (s / start-01 :ARG0 (y / you)) :ARG1-of (p3 / possible-01) :condition (i / interest-01 :ARG1 y :ARG2 (l2 / learn-01 :ARG0 y :mod (m / more)))))) + +(m2 / multi-sentence :snt1 (u / un-endorse-00 :ARG0 (h / he) :ARG1 (p / person :wiki "Ron_Paul" :name (n / name :op1 "Ron" :op2 "Paul")) :location (h4 / here)) :snt2 (a2 / and :op1 (e2 / endorse-01 :ARG0 (h2 / he) :ARG1 (h3 / he)) :op2 (t / think-01 :ord (o / ordinal-entity :value 2) :time (t2 / then)))) + +(r / read-01 :ARG0 (i / i) :ARG1 (p / piece :ARG0-of (f / fascinate-01 :ARG1 i)) :medium (n2 / newspaper :wiki "The_Wall_Street_Journal" :name (n / name :op1 "WSJ")) :time (t / today)) + +(s / speak-01 :ARG0 (p / person :ARG0-of (a / author-01)) :ARG1 (t / thing :manner-of (r2 / rate-01 :ARG2 (l / low-04 :mod (d / dismal)) :ARG3 (a2 / approve-01 :ARG1 (p3 / person :wiki "Barack_Obama" :name (n / name :op1 "Obama")))))) + +(a / and :op1 (a2 / appear-02 :ARG1 (p / possible-01 :polarity - :ARG1 (p2 / pull-01 :ARG0 (h / he) :ARG1 (g / government-organization :wiki "United_States_Congress" :name (n / name :op1 "Congress")) :ARG2 (t2 / together) :purpose (a4 / accomplish-01 :ARG0 h :ARG1 (m / much))))) :op2 (o / opine-01 :ARG0 (p3 / person :ARG0-of (a5 / author-01)) :ARG1 (w / worsen-01 :ARG1 p :condition (e / elect-01 :ARG1 h :ARG2 (t3 / term :ord (o2 / ordinal-entity :value 2))) :mod (o3 / only)))) + +(l / like-02 :ARG0 (h / he) :ARG1 (a2 / and :op1 (b / bow-out-06 :ARG0 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama")) :ARG1 (t / term :ord (o / ordinal-entity :value 2))) :op2 (r2 / run-02 :ARG0 (p2 / person :wiki "Hillary_Rodham_Clinton" :name (n2 / name :op1 "Hillary" :op2 "Clinton")) :ARG1 (h2 / have-org-role-91 :ARG2 (p3 / president))))) + +(b / believe-01 :ARG0 (h / he) :ARG1 (c / chance-02 :ARG0 (p / person :wiki "Hillary_Rodham_Clinton" :name (n / name :op1 "Hillary")) :ARG1 (b2 / bring-01 :ARG0 p :ARG1 (c2 / country) :ARG3 (t / together)) :ARG2 (g / good :degree (m / most)))) + +(h / have-concession-91 :ARG1 (a / and :op1 (o / opine-01 :ARG0 (i / i) :ARG1 (i2 / idea :mod (g / great) :domain (i3 / it))) :op2 (t2 / think-01 :ARG0 i :ARG1 i2)) :ARG2 (k / know-01 :ARG0 i :ARG1 (t / thing :ARG1-of (f / feel-01 :ARG0 (s / she) :ARG2 (r / run-02))) :polarity -)) + +(a3 / and :op1 (h / have-03 :ARG0 (s / she) :ARG1 (a / and :op1 (s2 / smarts) :op2 (e / experience))) :op2 (a2 / approve-01 :ARG0 (c3 / citizen :ARG1-of (i / include-91 :ARG2 (c / citizen)) :quant (m / majority)) :ARG1 s) :mod (c2 / certain)) + +(t / think-01 :ARG0 (i / i) :ARG1 (b / bunch :mod (p / poor) :domain (p2 / person :ARG1-of (b2 / be-located-at-91 :ARG2 (s2 / side :mod (p3 / political-party :wiki "Republican_Party_(United_States)" :name (n / name :op1 "Republican" :op2 "Party")) :part-of (f / fence)))))) + +(i2 / include-91 :polarity - :ARG1 (o / one :ARG0-of (c / capture-01 :ARG1 (i / imagination :poss (p / person :mod (c2 / country :wiki "United_States" :name (n / name :op1 "America")))))) :ARG2 (b / bunch)) + +(m / multi-sentence :snt1 (o2 / opine-01 :ARG0 (i / i) :ARG1 (p3 / person :ARG0-of (v / vote-01) :ARG0-of (d / decide-01 :ARG3 (e2 / elect-01 :mod (t3 / this))) :domain (a / and :op1 (p / person :ARG1-of (m2 / moderate-03)) :op2 (p2 / person :ARG0-of (d2 / depend-01 :polarity -))))) :snt2 (v2 / vote-01 :polarity - :ARG0 (t / they) :ARG1 (p4 / person :ARG0-of (b / bang-02 :ARG1 (b3 / book :wiki "Bible" :name (n / name :op1 "Bible"))) :mod (a3 / any) :ARG0-of (f / favor-01 :ARG1 (l / life)) :ARG0-of (o / oppose-01 :ARG1 (g / gay))) :manner (c / certain))) + +(t / think-01 :ARG0 (y / you) :ARG1 (a / amr-unknown)) + +(r / recommend-01 :mode interrogative :ARG1 (s / step-down-04 :ARG0 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama")) :purpose (g / good :poss (c / country)))) + +(r / recommend-01 :mode interrogative :ARG1 (r2 / run-02 :ARG0 (p / person :wiki "Hillary_Rodham_Clinton" :name (n / name :op1 "Hillary")))) + +(a / and :op1 (c / come-01 :ARG1 (t / time :poss (p / person :wiki "Hillary_Rodham_Clinton" :name (n / name :op1 "Hillary")))) :op2 (g / go-01 :ARG1 t)) + +(b2 / befriend-01 :polarity - :ARG0 (s / she) :ARG1 (p / political-party :wiki "Democratic_Party_(United_States)" :name (n / name :op1 "Democratic" :op2 "Party")) :manner (a / and :op1 (d / divide-02 :ARG0 s :ARG1 p) :op2 (l / lose-02 :ARG0 s :ARG1 (v / vote-01 :ARG0 (p2 / person :ARG1-of (b / black-05)))))) + +(a / and :op1 (v / vote-01 :ARG0 (n2 / no-one :ARG0-of (v2 / vote-01 :polarity - :ARG1 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Mr." :op2 "Obama")))) :ARG1 (s / she)) :op2 (v3 / vote-01 :ARG0 (p2 / person :ARG0-of (v4 / vote-01 :ARG1 p) :quant (l / less :mod (l2 / lot :mod (w / whole)))) :ARG1 s)) + +(h / have-concession-91 :ARG1 (w / worry-01 :polarity - :mode imperative :ARG0 (y / you))) + +(s3 / sense-02 :ARG1 (s2 / she) :degree (e / enough :ARG0-of (c / cause-01 :ARG1 (t / try-01 :polarity - :ARG0 s2 :ARG1 (r / run-02 :ARG0 s2 :ARG2 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (p / president) :time (s / sitting)) :ARG0-of (h3 / have-org-role-91 :ARG1 (p4 / party :ARG1-of (h4 / have-org-role-91 :ARG0 s2))))))))) + +(s2 / scenario :topic (c5 / case :mod (g5 / good :degree (m3 / most))) :domain (a / and :op1 (r / reelect-01 :ARG1 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama"))) :op2 (c / continue-01 :ARG1 (s / slide-01 :ARG1 (c2 / country) :direction (b / backwards)) :concession (e / even-if :op1 (a2 / and :op1 (g / gain-02 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (p2 / political-party :wiki "Democratic_Party_(United_States)" :name (n2 / name :op1 "Democratic" :op2 "Party")))) :ARG1 (f / foothold :mod (g2 / great :degree (m / more)) :poss (g3 / government-organization :wiki "United_States_Senate" :name (n3 / name :op1 "Senate") :mod (c3 / country :wiki "United_States" :name (n4 / name :op1 "US"))))) :op2 (i / increase-01 :ARG0 p3 :ARG1 (m2 / mass :mod (c4 / collective) :poss p3 :location (g4 / government-organization :wiki "United_States_Congress" :name (n5 / name :op1 "Congress") :mod c3)))))))) + +(s / scenario :topic (c2 / case :ARG1-of (b / bad-07 :degree (m2 / most))) :domain (e / elect-01 :ARG1 (p / person :wiki "George_W._Bush" :name (n / name :op1 "George" :op2 "W." :op3 "Bush" :op4 "II") :ARG1-of (m / mean-01 :ARG2 (c / candidate :mod (a / any) :ARG0-of (h / have-org-role-91 :ARG1 (p2 / political-party :wiki "Republican_Party_(United_States)" :name (n2 / name :op1 "Republican" :op2 "Party"))))) :ARG1-of (m3 / mean-01 :polarity - :ARG2 (o2 / or :op1 (p3 / person :wiki "Jon_Huntsman,_Jr." :name (n3 / name :op1 "Huntsman")) :op2 (p4 / person :wiki "Mitt_Romney" :name (n4 / name :op1 "Romney")) :op3 (p5 / person :wiki "Ron_Paul" :name (n5 / name :op1 "Ron" :op2 "Paul"))))))) + +(i / infer-01 :ARG1 (m / mean-01 :ARG1 (t / that) :ARG2 (l / likely-01 :ARG1 (a2 / and :op1 (g / gain-02 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (p / political-party :wiki "Republican_Party_(United_States)" :name (n2 / name :op1 "Republican" :op2 "Party")))) :degree (f / further) :manner (h2 / have-org-role-91 :ARG0 p3 :ARG1 (g2 / government-organization :wiki "United_States_Congress" :name (n / name :op1 "Congress")))) :op2 (g4 / gain-02 :ARG0 p3 :degree f :mod (e / even) :mod (p2 / perhaps) :manner (h3 / have-org-role-91 :ARG0 p3 :ARG1 (g3 / government-organization :wiki "United_States_Senate" :name (n3 / name :op1 "Senate")))))))) + +(s / slide-01 :ARG1 (c / country) :direction (b / back :mod (r2 / right)) :direction (r / recession-02 :ARG1 c :ARG1-of (d / deep-02 :degree (m / most))) :time (t / then)) + +(s / suspect-01 :ARG0 (i / i) :ARG1 (w / wrong-04 :ARG1 (y / you) :ARG2 (a / and :op1 (i2 / incline-01 :ARG0 (p / person :ARG1-of (m / moderate-03)) :ARG1 (v / vote-01 :ARG0 p)) :op2 (i3 / incline-01 :ARG0 (o / one :ARG1-of (c / call-01 :ARG0 y :ARG2 (p2 / person :ARG0-of (b / bag-01 :ARG1 (t / tea)))) :mod (e / especially)) :ARG1 (v2 / vote-01 :ARG0 o))))) + +(h / have-concession-91 :ARG1 (t / think-01 :ARG0 (i / i) :ARG1 (w / wrong-04 :ARG1 (y / you) :ARG2 (t2 / turn-out-17 :mod (t3 / too) :topic (s2 / slash :op1 (p2 / person :ARG1-of (m / moderate-03)) :op2 (p3 / person :ARG0-of (d / depend-01 :polarity -)) :ARG0-of (v / vote-01)))) :mod (a / actual)) :ARG2 (p / possible-01 :ARG1 (w2 / wrong-04 :ARG1 i))) + +(e / expect-01 :ARG0 (i / i) :ARG1 (t / turn-out-17 :ARG1 (o / oppose-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g2 / group :mod (t2 / that)))) :ARG1 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama"))) :mod (g / good :degree (f / fair)))) + +(p2 / possible-01 :ARG1 (a / accept-01 :ARG0 (i / i) :ARG1 (p / person :wiki "Hillary_Rodham_Clinton" :name (n / name :op1 "Hillary")))) + +(i2 / impress-01 :polarity - :ARG0 (f / field :mod (p2 / political-party :wiki "Republican_Party_(United_States)" :name (n2 / name :op1 "Republican" :op2 "Party"))) :ARG1 (i / i) :degree (g / great) :ARG1-of (r / resemble-01 :ARG2 (i3 / impress-01 :polarity - :ARG0 f :ARG1 (p / person :wiki - :name (n / name :op1 "Phoenix")) :degree g))) + +(c / crazy-02 :polarity - :ARG1 (c2 / candidate :ARG1-of (p / presume-01) :ARG0-of (h / have-org-role-91 :ARG1 (p2 / political-party :wiki "Democratic_Party_(United_States)" :name (n / name :op1 "Democratic" :op2 "Party")))) :mod (e / either)) + +(c / contrast-01 :ARG2 (s / seem-01 :ARG1 (l / likely-01 :ARG1 (s2 / step-aside-05 :ARG0 (p / person :wiki "Barack_Obama" :name (n / name :op1 "Obama"))) :compared-to (g / give-up-07 :ARG0 (p2 / person :wiki "Herman_Cain" :name (n2 / name :op1 "Cain"))) :degree (l2 / less :mod (e / even))))) + +(g / guess-01 :ARG0 (i / i) :ARG1 (o / optimistic :polarity - :domain i :topic (f / future :poss (c / country) :time (a / after :op1 (n2 / now) :duration (t2 / temporal-quantity :quant 5 :unit (y2 / year)))) :ARG1-of (s / summarize-01))) + +(m / multi-sentence :snt1 (k / kudos :mode expressive :beneficiary (s / state :wiki "New_York" :name (n / name :op1 "NY"))) :snt2 (r / realize-01 :ARG0 (t / they) :ARG1 (c / contrast-01 :ARG1 (i / it :topic (v / vote-01 :polarity - :ARG1 (l / line :mod (p / party)) :mod (j / just))) :ARG2 (i2 / it :topic (v2 / vote-01 :ARG1 (t2 / thing :ARG1-of (r2 / right-02))))))) + +(s / say-01 :ARG1 (v / vote-01 :mode interrogative :ARG0 (t / they) :ARG1 (m / marry-01 :ARG1 (g / gay)) :mod (a / actual) :time (y / yet)) :ARG2 (p / person :wiki - :name (n / name :op1 "jcboy"))) + +(g / get-01 :ARG0 (i / i) :ARG1 (t / thing :ARG1-of (m / message-01) :ARG1-of (m2 / mix-01)) :ARG2 (n2 / newspaper :wiki "The_New_York_Times" :name (n / name :op1 "NY" :op2 "Times"))) + +(s / say-01 :ARG1 (d / do-02 :mode expressive :ARG0 (t / they) :ARG1-of (s2 / sure-02)) :ARG2 (p / person :wiki - :name (n / name :op1 "tsarstepan"))) + +(r / realize-01 :ARG0 (s / state :mod (o / other)) :ARG1 (h / hurt-01 :ARG0 (m / marry-01 :ARG1 (g / gay)) :ARG1 (n / nobody)) :ARG1-of (h2 / hope-01)) + +(m / multi-sentence :snt1 (l / look-01 :mode imperative :ARG0 (y / you) :ARG1 (s / state :wiki "Massachusetts" :name (n / name :op1 "Massachusetts"))) :snt2 (h / have-03 :ARG0 (t / they) :ARG1 (i / it) :time (s2 / since :op1 (d / date-entity :year 2004)))) + +(m / multi-sentence :snt1 (h / hear-01 :mode interrogative :ARG0 (y / you) :ARG1 (f / fall-apart-09 :ARG1 (s / society :poss (t / they)))) :snt2 (h2 / have-polarity-91 :ARG2 - :mod (o / of-course))) + +(t / think-01 :ARG0 (i / i) :ARG1 (s / spread-02 :ARG1 (i2 / it) :location (a / across :op1 (c / country)) :accompanier (a2 / and :op1 (s2 / state :wiki "New_York" :name (n / name :op1 "NY")) :op2 (s3 / state :wiki "California" :name (n2 / name :op1 "CA") :time (t2 / then))) :manner (r / rapid))) + +(p / possible-01 :polarity - :mode expressive :ARG1 (s / stop-01 :ARG0 (y / you) :ARG1 (t / train :mod (t2 / this)))) + +(s / say-01 :ARG1 (h / hope-01 :ARG0 (i / i) :ARG1 (a / and :op1 (a2 / address-02 :ARG0 (g / government-organization :wiki "United_States_Congress" :name (n2 / name :op1 "Congress")) :ARG1 (i2 / issue-02 :mod (t / this)) :time (s2 / soon)) :op2 (m / moot-01 :ARG0 g :ARG1 (j / journey-01 :mod (s3 / state :prep-by (s4 / state)) :mod (w / whole)) :manner (m2 / make-01 :ARG0 g :ARG1 (l / law :mod (n3 / nation)) :ARG2 (m3 / marry-01 :ARG1 (p2 / person :mod (s5 / sex :ARG1-of (s6 / same-01))))) :mod (j2 / just)))) :ARG2 (p / person :wiki - :name (n / name :op1 "jcboy"))) + +(s / say-01 :ARG1 (c / correct-02 :ARG1 (y / you)) :ARG2 (p / person :wiki - :name (n / name :op1 "jcboy"))) + +(m / matter :mod (a / another) :domain (r / recognize-01 :ARG0 (s / state :mod (h / home) :poss (o / one)) :ARG1 (m2 / marry-01 :ARG1 (p / person :mod (s2 / sex :ARG1-of (s3 / same-01))) :location (s4 / state :mod (o2 / out))))) + +(t / think-01 :ARG0 (i / i) :ARG1 (d / dignity :polarity - :ARG1-of (d2 / damn-01) :domain (p / permit-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1 (m / marry-01 :ARG1 c) :ARG2 (c / citizen))) :time (s / study-01 :ARG0 i :ARG1 (l / law :wiki - :name (n / name :op1 "Domestic" :op2 "Relations" :op3 "Law") :poss (s2 / state :wiki "New_York" :name (n2 / name :op1 "NY"))))) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "David")) :ARG1 (c / create-01 :ARG0 (c3 / citizen) :ARG1 (g / government-organization :ARG0-of (g2 / govern-01) :ARG1-of (d / damn-01) :ARG0-of (h / have-rel-role-91 :ARG1 c3 :ARG2 (c4 / child))))) + +(h / hear-01 :mode interrogative :ARG0 (y / you :mod (g / guy)) :ARG1 (c / crash-01 :ARG1 (p / plane) :ARG1-of (c2 / crash-01 :location (h2 / helicopter)))) + +(h / have-03 :polarity - :ARG0 (i / i) :ARG1 (i2 / idea :topic (t2 / thing :manner-of (e / event :mod (t / that))))) + +(t / think-01 :ARG0 (y / you) :ARG1 (a / amr-unknown)) + +(a / and :op1 (a2 / airway :ARG1-of (c / congest-01) :domain (t / that)) :op2 (a3 / aid-01 :polarity - :ARG0 (p / person :ARG0-of (c2 / control-01 :ARG1 (t2 / traffic :mod (a4 / air)))) :ARG2 (y / you) :time (f / fly-01 :ARG1 y :quant (u / under :op1 (d / distance-quantity :quant 1000 :unit (f2 / foot)))))) + +(c / contrast-01 :ARG1 (a / accident) :ARG2 (p / possible-01 :ARG1 (n / need-01 :ARG0 (a2 / area :mod (t / this) :mod (p2 / particular)) :ARG1 (r / regulate-01 :mod (a3 / additional) :example (r2 / require-01 :ARG1 (a4 / altitude :mod (m / minimum)) :ARG2 (h2 / helicopter :mod (p3 / person :ARG0-of (t2 / tour-01)))))))) + +(s / spend-02 :ARG0 (a / and :op1 (p / person :ARG0-of (h / have-rel-role-91 :ARG1 (i / i) :ARG2 (h2 / husband))) :op2 (p2 / person :ARG0-of (h3 / have-rel-role-91 :ARG1 (a2 / and :op1 p :op2 i) :ARG2 (k / kid))) :op3 i) :ARG1 (t / temporal-quantity :quant 1 :unit (d / day)) :location (o / out) :location (o2 / oceanside) :accompanier (a3 / and :op1 (c / couple :mod (a4 / another)) :op2 (p3 / person :ARG0-of (h4 / have-rel-role-91 :ARG1 c :ARG2 (k2 / kid))) :ARG0-of (h5 / have-rel-role-91 :ARG1 a :ARG2 (f2 / friend) :ARG1-of (l / long-03)))) + +(a / and :op1 (c / come-across-21 :ARG0 (w / we) :ARG1 (t / tree :ARG1-of (f / fall-01) :mod (h / huge)) :time (p / point :mod (s / some))) :op2 (c2 / climb-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "L.") :ARG0-of (h2 / have-rel-role-91 :ARG1 w :ARG2 (f2 / friend))) :ARG1 t) :op3 (s2 / start-01 :ARG0 p2 :ARG1 (w2 / walk-01 :ARG0 p2 :direction (u / up)))) + +(c / contrast-01 :ARG1 (f / follow-01 :ARG1 (p / person :age (t / temporal-quantity :quant 11 :unit (y / year)) :ARG0-of (h / have-rel-role-91 :ARG1 (w / we) :ARG2 (s / son))) :ARG2 (p2 / person :wiki - :name (n / name :op1 "L."))) :ARG2 (r / realize-01 :ARG0 p2 :ARG1 (c2 / capable-01 :polarity - :ARG1 (a / and :op1 p :op2 p2) :ARG2 (g / get-05 :ARG1 a :ARG2 (d / down) :ARG1-of (e / easy-05 :mod (t2 / that)))) :manner (s2 / sudden))) + +(a / and :op1 (t / turn-01 :ARG1 (h / he) :direction (b / back)) :op1 (a2 / ask-01 :ARG0 h :ARG1 (g / get-05 :ARG1 p :ARG2 (a3 / and :op1 (a4 / away) :op2 (d / down)) :purpose (g2 / give-01 :ARG0 p :ARG1 (r / room) :ARG2 h :purpose (g3 / get-05 :ARG1 h :ARG2 d :mod (t2 / too)))) :ARG2 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG1 (w / we) :ARG2 (s / son))))) + +(h / have-concession-91 :ARG1 (s / stop-01 :ARG0 (p / person :ARG0-of (h3 / have-rel-role-91 :ARG1 (w / we) :ARG2 (s2 / son)))) :ARG2 (g / get-05 :polarity - :ARG1 p :ARG2 (o / out-06 :ARG1 p :ARG2 (w2 / way :poss (h2 / he))) :time (a / at-once))) + +(a / and :op1 (h / have-03 :ARG0 (h2 / he) :ARG1 (f / fun)) :op2 (o / obligate-01 :ARG2 (t / tell-01 :ARG0 (w / we) :ARG2 h2 :frequency (r / rate-entity-91 :ARG1 2 :mod (m / more)))) :op3 (o2 / obey-01 :ARG0 h2 :time (t3 / then))) + +(a / and :op1 (g / get-back-10 :ARG1 (p / person :wiki - :name (n / name :op1 "L.")) :ARG2 (d / down) :time (a2 / after :op1 (t / that))) :op2 (g2 / grab-01 :ARG0 p :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (w / we) :ARG2 (s / son))) :manner (s2 / sudden) :manner (f / from :op1 (b2 / behind))) :op3 (a4 / and :op1 (t2 / throw-01 :ARG0 p :ARG1 p2 :ARG2 (g3 / ground) :manner (m / might :poss p :quant (a3 / all))) :op2 (y / yell-01 :ARG0 p :ARG2 p2))) + +(s / stupefy-01 :ARG1 (w / we)) + +(p / possible-01 :ARG1 (i / injure-01 :ARG0 (m / man :age (t / temporal-quantity :quant 38 :unit (y / year)) :mod (m2 / mass-quantity :quant 215 :unit (p2 / pound))) :ARG1 (h / he) :ARG1-of (e / easy-05))) + +(h3 / have-concession-91 :ARG1 (g / get-05 :ARG1 (h / he) :ARG2 (u / up) :mod (s / scathe-00 :polarity - :ARG1 h) :ARG2-of (f2 / fortunate-01)) :ARG2 (f / frighten-01 :ARG1 h :degree (v / very))) + +(c / cause-01 :ARG0 (h / hit-01 :polarity - :ARG0 (w / we) :ARG1 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG1 w :ARG2 (c2 / child))) :time (e / ever)) :ARG1 (s / shock-01 :ARG1 w :ARG1-of (d / deep-02))) + +(k / know-01 :mode interrogative :ARG0 (a / anybody) :ARG1 (w / way :instrument-of (t / teach-01 :ARG1 (l2 / lesson :mod (m2 / money :polarity -)) :ARG2 (m / man)) :ARG1-of (l / legal-02))) + +(h / have-purpose-91 :mode interrogative :ARG1 (f / file-01 :ARG1 (r / report-01 :ARG2 (p / police)))) + +(d / deal-01 :ARG0 (i / i) :ARG2 (s / situation) :manner (l / level :mod (p / person :prep-to (p2 / person))) :ARG1-of (p3 / personal-02) :condition (h / have-rel-role-91 :ARG0 (s2 / someone) :ARG1 i :ARG2 (f / friend))) + +(p / possible-01 :polarity - :ARG1 (e / ensure-01 :ARG0 (y / you) :ARG1 (a / and :op1 (u / upset-01 :ARG1 y :mod (r / really)) :op2 (w / want-01 :polarity - :ARG0 y :ARG1 (h / hit-01 :ARG0 (t / they) :ARG1 (p2 / person :ARG0-of (h2 / have-rel-role-91 :ARG1 y :ARG2 (k / kid))) :time (e2 / ever) :mod (a2 / again))))) :ARG1-of (c / cause-01 :ARG0 (a3 / amr-unknown))) + +(t / thing :quant 2 :ARG2-of (r / remedy-01) :mod (l / law)) + +(a / and :op1 (d / damage-01 :mod (m / money)) :op2 (t / time :mod (j / jail))) + +(s / suppose-01 :ARG0 (i / i) :ARG1 (p / possible-01 :ARG1 (a / add-02 :ARG0 (y / you) :ARG1 (p2 / probation :ARG1-of (c / contrast-01 :ARG2 (r / replace-01 :ARG1 p2 :ARG2 (t / time :mod (j / jail)) :mod (j2 / just))))))) + +(g / go-06 :ARG0 (y / you) :path (r / route :ARG1-of (l / legal-02)) :condition-of (e / end-01 :ARG0 g :ARG1 (f / friendship) :mod (p / pretty-much) :concession (m / matter-01 :polarity - :ARG1 (e2 / event)))) + +(w / worry-02 :polarity - :ARG0 (i / i) :ARG1 (t / thing :location-of (e / end-up-03 :ARG1 (i2 / it))) :condition (a / anger-01 :ARG1 i :mod (e2 / enough) :ARG0-of (c / cause-01 :ARG1 (s / start-06 :ARG0 i :ARG1 (p / path :mod (t2 / this)) :ARG2 (d / down))))) + +(a / and :op1 (e / express-01 :ARG0 (i / i) :ARG1 (t / thing :ARG1-of (f / feel-01 :ARG0 i :ARG2 (s / situation))) :mod (p / probable)) :op2 (m / make-02 :ARG0 i :ARG1 (c / clear-06 :ARG1 (o / obligate-01 :ARG2 (i2 / it :mod (a2 / again :polarity -)))) :mod p)) + +(a / assault-01 :ARG1 (p / person :ARG0-of (h / have-rel-role-91 :ARG1 (y / you) :ARG2 (s / son)))) + +(t / thing :ARG2-of (n / name-01 :ARG1 (b / behave-01 :ARG0 (p / person :ARG0-of (h / have-rel-role-91 :ARG1 (y / you) :ARG2 (f / friend) :time (e / ex)))) :manner (l / law)) :domain (t2 / that)) + +(m2 / multi-sentence :snt1 (h / hurt-01 :polarity - :ARG0 (h2 / he) :ARG1 (p3 / person :ARG0-of (h4 / have-rel-role-91 :ARG1 (y / you) :ARG2 (c / child))) :manner (p / physical) :ARG0-of (c2 / cause-01 :ARG1 (a / assault-01 :mod (f / form :mod (l / less :degree (m / more)))))) :snt2 (s / see-01 :ARG1 (a2 / assault-01 :ARG0-of (c3 / cause-01 :ARG1 (h3 / harm-01 :ARG1 (p2 / physical)))) :ARG2 (s2 / serious :degree (m3 / more)))) + +(p / possible-01 :ARG1 (f / file-01 :ARG0 (y / you) :ARG1 (r / report-01 :ARG2 (p2 / police))) :mod (c / certain)) + +(c / contrast-01 :ARG1 (k / know-02 :polarity - :ARG0 (i / i) :ARG1 (l / law :location (t / thing :location-of (y / you)))) :ARG2 (l2 / likely-01 :ARG1 (a / and :op1 (g / go-02 :ARG0 (p / police) :ARG1 (a2 / around)) :op2 (q2 / question-01 :ARG0 p :ARG2 (m / man)) :op3 (m2 / make-02 :ARG0 p :ARG1 (c2 / clear-06 :ARG1 (c3 / commit-02 :ARG0 m :ARG1 (o2 / offence) :condition (a3 / accurate :domain (t3 / thing :ARG2-of (d / describe-01 :ARG0 y))))))) :degree (q / quite) :ARG2-of (h / have-concession-91 :ARG1 (p2 / possible-01 :ARG1 (d2 / decide-01 :ARG0 y :ARG1 (f / file-01 :polarity - :ARG0 y :ARG1 (c4 / charge-05))))) :location (h2 / here))) + +(l / likely-01 :ARG1 (n / notify-01 :ARG0 (y / you) :ARG1 (a / authority :ARG0-of (p / protect-01 :ARG1 (c / child)))) :ARG1-of (p2 / possible-01) :ARG0-of (d / depend-01 :ARG1 (t / thing :location-of (l2 / live-01 :ARG0 y))) :mod (a2 / again)) + +(h / hand-01 :ARG0 (t / they) :ARG1 (i / it) :ARG2 (p / police) :mod (s / simple) :ARG1-of (c / cause-01 :ARG0 (a / and :op1 (f / familial :degree (e / extra) :domain i) :op2 (d / decide-01 :ARG0 (y / you) :ARG1 (e2 / expose-01 :polarity - :ARG0 y :ARG1 (p2 / person :ARG0-of (h4 / have-rel-role-91 :ARG1 y :ARG2 (c2 / child))) :ARG2 (h2 / he) :mod (a2 / again)) :time (a3 / already)))) :location (h3 / here)) + +(h / have-concession-91 :ARG1 (r / release-01 :ARG0 (y / you) :ARG1 (g / genie :ARG1-of (l / legal-02)) :ARG2 (b / bottle) :condition-of (l2 / lose-02 :ARG0 y :ARG1 (c / control-01 :ARG0 y :ARG1 (t / thing :ARG1-of (d / do-02 :ARG0 (g2 / genie))))))) + +(e / exemplify-01 :ARG0 (n / need-01 :ARG0 (a / and :op1 (y / you) :op2 (p / person :ARG0-of (h / have-rel-role-91 :ARG1 y :ARG2 (s / son)))) :ARG1 (s2 / state-01 :ARG0 a :mod (f / formal)))) + +(p / possible-01 :ARG1 (a / act-02 :ARG0 (p2 / police) :concession (e / even-if :op1 (w / want-01 :polarity - :ARG0 (y / you) :ARG1 a)))) + +(p / possible-01 :ARG1 (g / go-01 :ARG1 (i / it) :ARG4 (c / court))) + +(c / choose-01 :polarity - :ARG0 (i / i) :ARG1 (d / do-02 :ARG1 (i2 / it) :manner (w / way :mod (t / that))) :ARG1-of (p / personal-02) :ARG1-of (h / have-concession-91 :ARG2 (a / and :op1 (p2 / possible-01 :ARG1 (c2 / chat-01 :ARG0 (y / you) :ARG2 (p3 / police :ARG1-of (l / local-02)) :manner (n / name-01 :polarity - :ARG0 y :ARG1 (n2 / name))) :mod (c3 / certain)) :op2 (s / see-01 :ARG0 y :ARG1 (o / or :mode interrogative :op1 (t2 / thing :example (c4 / chat-01 :mod (s2 / stern)) :mod (s3 / such)) :op2 (h2 / have-03 :ARG1 (c5 / caution :mod (f / formal)) :location (a2 / area :poss y))))))) + +(h / hope-01 :ARG0 (i / i) :ARG1 (t2 / thing :ARG1-of (m / message-01 :ARG2 (h2 / he)) :mod (b / big) :domain (a / and :op1 (t / talk-01 :ARG0 (y / you) :mod (s / stern)) :op2 (l / lose-02 :ARG1 (f / friendship))))) + +(h / have-concession-91 :ARG1 (c / concern-01 :ARG0 (t / thing :ARG2-of (t2 / treat-01 :ARG0 (h2 / he) :ARG1 (p / person :ARG0-of (h3 / have-rel-role-91 :ARG1 h2 :ARG2 (k / kid))))) :ARG1 (i / i))) + +(o3 / overreact-01 :mod (o2 / one) :mod (h / hell) :domain (t / that)) + +(c / consider-01 :ARG0 (i / i) :ARG1 (n / notification :ARG3-of (p / protect-01 :ARG1 (c2 / child))) :condition (h / have-03 :ARG0 (y / you) :ARG1 (t / thing :ARG0-of (e / evidence-01 :ARG1 (a / assault-01 :ARG0 (h2 / he) :ARG1 (p2 / person :ARG0-of (h3 / have-rel-role-91 :ARG1 h2 :ARG2 (k / kid)))))))) + +(o / okay-04 :mode interrogative :ARG1 (p / person :ARG0-of (h / have-rel-role-91 :ARG1 (y / you) :ARG2 (k / kid)))) + +(s / scary-03 :ARG0 (t / that)) + +(h / have-03 :mode interrogative :ARG0 (h2 / he) :ARG1 (o / or :op1 (n / nightmare) :op2 (a / anything))) + +(c / chat-01 :ARG0 (i / i) :ARG1 (b / behave-01 :ARG0 h) :ARG2 (h / he) :mod (a / also)) + +(c / contrast-01 :ARG1 (w / warrant-01 :polarity - :ARG0 (i / it) :ARG1 (t / thing :ARG2-of (r / react-01) :mod (s / such))) :ARG2 (t2 / think-01 :polarity - :ARG0 (h / he))) + +(h / have-condition-91 :ARG1 (w / worry-02 :ARG0 (i / i) :ARG1 p :mod (t / too) :manner (f2 / frank) :degree (b2 / bit)) :ARG2 (b / behave-01 :ARG0 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG1 (y / you) :ARG2 (f / friend))) :ARG1 (u / usual :polarity - :mod (r / really)))) + +(a / and :op1 (w / woman :age (t2 / temporal-quantity :quant 25 :unit (y2 / year)) :domain (i / i)) :op2 (r / relation-03 :ARG0 i :ARG2 (m / man :ARG1-of (m2 / marry-01) :age (t4 / temporal-quantity :quant 37 :unit (y4 / year))) :duration (t3 / temporal-quantity :quant 2 :unit (y3 / year)))) + +(h / have-03 :ARG0 (h2 / he) :ARG1 (p2 / person :quant 2 :ARG2-of (i / include-91 :ARG1 (a / and :op1 (p3 / person :quant 1 :source (m / marry-01 :ARG1 h2) :ARG0-of (h4 / have-rel-role-91 :ARG1 h2 :ARG2 (k2 / kid))) :op2 (p4 / person :quant 1 :source (r / relation-03 :ARG0 h2 :time (p / previous)) :ARG0-of (h5 / have-rel-role-91 :ARG1 h2 :ARG2 (k3 / kid))))) :ARG0-of (h3 / have-rel-role-91 :ARG1 h2 :ARG2 (k / kid)))) + +(p / plan-01 :ARG0 (h / he) :ARG1 (d / divorce-01 :ARG0 h) :time (s / since :op1 (d2 / day :ord (o / ordinal-entity :value 1) :time-of (m / meet-02 :ARG0 (w / we))))) + +(a / and :op1 (h / heat-01 :ARG1 (t / thing) :location (b / between :op1 (w / we)) :degree (s / so)) :op2 (k / know-01 :polarity - :ARG0 (i / i) :ARG1 (t2 / thing :ARG1-of (d / do-02)))) + +(p / plan-01 :ARG0 (h / he) :ARG1 (m / move-01 :ARG1 h :ARG2 (o / out-05 :ARG2 (h2 / house)) :time (b / by :op1 (e / end-01 :ARG1 (y / year)))) :ARG1-of (c / cause-01 :ARG0 (s / see-01 :polarity - :ARG0 (a / and :op1 h :op2 (p2 / person :ARG0-of (h4 / have-rel-role-91 :ARG1 (h3 / he) :ARG2 (w / wife)))) :ARG1 (e2 / eye :prep-to (e3 / eye))))) + +(c / chat-01 :ARG0 (h / he) :ARG1 (s / sex) :ARG2 (l / lady :ARG1-of (m / meet-02 :ARG0 h :medium (p / product :wiki "Facebook" :name (n2 / name :op1 "Facebook"))) :source (c2 / country :wiki "Sweden" :name (n / name :op1 "Sweden")))) + +(a / affect-01 :ARG0 (i / it) :ARG1 (i2 / i) :ARG1-of (b / bad-05 :degree (r / really)) :time (f / find-out-03 :ARG0 i)) + +(a / and :op1 (f / feel-01 :ARG0 (i / i) :ARG1 (b / betray-01 :ARG1 i)) :op2 (f2 / feel-01 :ARG0 i :ARG1 b :mod (s / still)) :op3 (p / possible-01 :polarity - :ARG1 (t / trust-02 :ARG0 i :ARG1 (h / he)))) + +(l / let-01 :ARG0 (i / i) :ARG1 (g / go-01) :manner (a / amr-unknown)) + +(s / say-01 :ARG1 (w / walk-01 :ARG0 (y / you) :direction (a / away) :mod (j / just)) :ARG2 (p / person :wiki - :name (n / name :op1 "JEJE"))) + +(t / think-01 :mode interrogative :ARG0 (y / you) :ARG1 (l / little :degree (s / so)) :ARG2 y :ARG0-of (c / cause-01 :ARG1 (b / believe-01 :ARG0 y :ARG1 (g / good :degree (m / most) :ARG1-of (d / do-02 :ARG1-of (p / possible-01)) :domain (t2 / this)))) :mod (r / really)) + +(m / man :ARG1-of (m2 / marry-01) :ARG0-of (l / love-01 :ARG1 (y / you) :mod (r / really) :ARG2-of (h2 / have-condition-91 :ARG1 (a3 / and :op1 (g / go-06 :ARG2 (a / ahead) :mod (j / just)) :op2 (o2 / or :op1 (f / file-01 :ARG4 (d / divorce-01) :time (n / now)) :op2 (m3 / move-01 :ARG2 (o / out-06 :ARG2 (h / house :poss m)) :time n :mod (a2 / at-least))))))) + +(m / man :ARG1-of (i / involve-01 :ARG2 (c / chat-01 :ARG0 m :ARG1 (s / sex) :ARG2 (o / other) :medium (o2 / online)) :time (h / have-03 :ARG0 m :ARG1 (r / relation-03 :ARG1 m :ARG2 (y / you))))) + +(d / deserve-01 :ARG0 (y / you) :ARG1 (t / thing :ARG1-of (g / get-01 :ARG0 y)) :mod (e / exact) :time (m / mess-01 :ARG0 y :ARG1 (m2 / man :ARG1-of (m3 / marry-01))) :ARG1-of (p / personal-02)) + +(o / or :op1 (p / pity-01 :ARG0 (i / i) :ARG1 (y / you) :mod (l / little)) :op2 (p2 / pity-01 :polarity - :ARG0 i :ARG1 y)) + +(c / contrast-01 :ARG2 (p / possible-01 :ARG1 (d / do-02 :ARG0 (y / you) :ARG1 (w / world :consist-of (g / good)) :ARG2 y :ARG3 (w2 / walk-01 :ARG0 y :direction (a / away) :source (h / he) :mod (j / just))))) + +(a3 / amr-unknown :ARG0-of (c / cause-01 :ARG1 (t / think-01 :polarity - :ARG0 (y / you) :ARG1 (l / look-01 :ARG0 y :ARG1 (s / someone :ARG1-of (a2 / attach-01 :polarity -))))) :mod (t2 / then)) + +(o / opine-01 :ARG0 (i / i) :ARG1 (g / good :degree (m / more :degree (b / bit)) :domain (o2 / odd :poss (y / you) :topic (f / find-01 :ARG0 y :ARG1 (h / happiness))) :ARG1-of (h2 / have-condition-91 :ARG2 (g2 / go-06 :ARG0 y :ARG1 (r / route :mod (t / that)))))) + +(d / date-entity :month 5 :day 14 :year 2008) + +(a / and :op1 (c / country :wiki "Estonia" :name (n / name :op1 "Estonia")) :op2 (c2 / country :wiki "Latvia" :name (n3 / name :op1 "Latvia")) :op3 (c3 / country :wiki "Lithuania" :name (n5 / name :op1 "Lithuania")) :op4 (c4 / country :wiki "Germany" :name (n7 / name :op1 "Germany")) :op5 (c5 / country :wiki "Italy" :name (n9 / name :op1 "Italy")) :op6 (c6 / country :wiki "Spain" :name (n10 / name :op1 "Spain")) :op7 (c7 / country :wiki "Slovakia" :name (n12 / name :op1 "Slovakia")) :op8 (c8 / country :wiki "United_States" :name (n14 / name :op1 "United" :op2 "States"))) + +(a / and :op1 (i / international) :op2 (g / government-organization :ARG0-of (g2 / govern-01)) :op3 (t / telecommunication) :op4 (t2 / technology) :op5 (s / science)) + +(c / consider-02 :ARG0 (m2 / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG1 (a / attack-01 :mod (c2 / cyber)) :ARG2 (t / thing :ARG1-of (t2 / threaten-01 :ARG2 (a5 / and :op1 (n2 / network :mod (m / military)) :op2 (n4 / network :mod (c3 / civilian)) :mod (c4 / computer)))) :time (a3 / after :op1 (s / strike-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c5 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia")))) :ARG2 (a4 / attack :mod (c6 / cyber)) :time (d / date-entity :year 2007)))) + +(s / sign-01 :ARG0 (p / person :ARG0-of (a / ally-01) :mod (m / military :wiki "NATO" :name (n / name :op1 "NATO"))) :ARG1 (a2 / agree-01 :ARG0 p :ARG1 (f / fund-01 :ARG0 p :ARG1 (c / center :mod (r / research-01)) :purpose (b / bolster-01 :ARG0 p :ARG1 (d / defend-01 :ARG3 (a3 / attack-01 :medium (c2 / cyber))))))) + +(s / sign-01 :ARG0 (p / person :quant 7 :ARG0-of (a / ally-01) :mod (m / military :wiki "NATO" :name (n / name :op1 "NATO"))) :ARG1 (a2 / agree-01 :ARG1 (f / fund-01 :ARG0 p :ARG1 (c / center :mod (r / research-01)))) :time (d / date-entity :month 5 :day 14 :year 2008)) + +(b / bolster-01 :ARG0 (c / center) :ARG1 (d / defend-01 :ARG0 (m / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG1 m :ARG3 (a / attack-01 :medium (c2 / cyber)))) + +(o / operate-01 :ARG0 (c / center) :time (d / date-entity :month 8 :year 2008)) + +(o / open-01 :ARG1 (c / center) :time (d / date-entity :year 2009) :manner (f / formal)) + +(c / conduct-01 :ARG0 (p2 / person :quant 30 :ARG0-of (h / have-org-role-91 :ARG2 (s / staff) :ARG3 (s2 / specialize-01))) :ARG1 (a / and :op1 (r / research-01 :ARG0 (p / person) :ARG1 (w / warfare :mod (c2 / cyber))) :op2 (t / train-01 :ARG0 p :ARG1 w))) + +(c / consider-02 :ARG0 (m2 / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG1 (a / attack-01 :mod (c2 / cyber)) :ARG2 (t / thing :ARG1-of (t2 / threaten-01 :ARG2 (a2 / and :op1 (n2 / network :mod (c3 / computer) :mod (m / military)) :op2 (n3 / network :mod c3 :mod (c4 / civilian)))) :ARG1-of (g / grow-01))) + +(b / base-01 :ARG1 (c3 / center :mod (r / research-01)) :location (c / city :wiki "Tallinn" :name (n / name :op1 "Tallinn") :location (c2 / country :wiki "Estonia" :name (n2 / name :op1 "Estonia")))) + +(s / sign-01 :ARG0 (a3 / and :op1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Estonia" :name (n2 / name :op1 "Estonia")) :ARG2 (c9 / chief :mod (d / defense)))) :op2 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c2 / country :wiki "Latvia" :name (n3 / name :op1 "Latvia")) :ARG2 c9)) :op3 (p3 / person :ARG0-of (h3 / have-org-role-91 :ARG1 (c3 / country :wiki "Lithuania" :name (n4 / name :op1 "Lithuania")) :ARG2 c9)) :op4 (p4 / person :ARG0-of (h4 / have-org-role-91 :ARG1 (c4 / country :wiki "Germany" :name (n5 / name :op1 "Germany")) :ARG2 c9)) :op5 (p5 / person :ARG0-of (h5 / have-org-role-91 :ARG1 (c5 / country :wiki "Italy" :name (n6 / name :op1 "Italy")) :ARG2 c9)) :op6 (p6 / person :ARG0-of (h6 / have-org-role-91 :ARG1 (c6 / country :wiki "Spain" :name (n7 / name :op1 "Spain")) :ARG2 c9)) :op7 (p7 / person :ARG0-of (h7 / have-org-role-91 :ARG1 (c7 / country :wiki "Slovakia" :name (n8 / name :op1 "Slovakia")) :ARG2 c9))) :ARG1 (a / agree-01)) + +(p / provide-01 :ARG0 (a / agree-01) :ARG1 (a2 / and :op1 (s / staff :prep-for (c / center :mod (r / research-01))) :op2 (f / fund-01 :prep-for c))) + +(s / strike-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Estonia" :name (n / name :op1 "Estonia")))) :ARG2 (a / attack-01 :mod (c2 / cyber)) :time (d / date-entity :year 2007)) + +(c / cripple-01 :ARG0 (a / attack-01 :mod (c2 / cyber)) :ARG1 (a2 / and :op1 (n / network :mod (c3 / computer) :poss (g / government-organization :ARG0-of (g2 / govern-01))) :op2 (n2 / network :mod c3 :poss (c4 / corporate)))) + +(p / precedent :polarity - :domain (a / attack-01 :mod (c / cyber))) + +(f / follow-01 :ARG1 (a / attack-01 :mod (c3 / cyber)) :ARG2 (d / dispute-01 :ARG2 (r / relocate-01 :ARG1 (m / memorial :mod (w / war) :mod (c / country :wiki "Soviet_Union" :name (n / name :op1 "Soviet" :op2 "Union"))) :location (c5 / city :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "Estonia" :name (n2 / name :op1 "Estonia")) :ARG2 (c4 / capital)))))) + +(s / suspect-01 :ARG0 (m / many) :ARG1 (g / government-organization :wiki "Moscow_Kremlin" :name (n / name :op1 "Kremlin")) :ARG2 (a / attack-01 :mod (c / cyber))) + +(d / deny-01 :ARG0 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG1 (i / involve-01 :ARG1 c :ARG2 (a / attack-01 :mod (c2 / cyber)))) + +(s / state-01 :ARG0 (p2 / person :wiki "James_Mattis" :name (n2 / name :op1 "James" :op2 "Mattis") :ARG0-of (h / have-org-role-91 :ARG1 (m / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG2 (c / commander :mod (t / top)) :ARG3 (m2 / modernize-01 :ARG1 (m3 / military))) :ARG0-of (h2 / have-org-role-91 :ARG2 (g / general :mod (c2 / country :wiki "United_States" :name (n3 / name :op1 "U.S.")))))) + +(c / cooperate-01 :ARG0 (m3 / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG2 (b / bring-01 :ARG0 m3 :ARG1 (m / mind :mod (g / good :degree (m2 / most))) :ARG2 (d / defend-01 :mod (c2 / cyber)) :manner (t / together))) + +(p / possible-01 :polarity - :ARG1 (s / say-01 :ARG0 (m / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG1 (d / defend-01 :polarity - :ARG0 m :ARG1 (w / web :ARG1-of (n2 / need-01 :ARG0 (e / everybody)))))) + +(j / join-up-02 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "U.S.") :mod (p2 / person :ARG0-of (o / observe-01))) :ARG1 (p / project)) + +(p / possible-01 :ARG1 (j / join-up-02 :ARG0 (n2 / nation :mod (o2 / other) :mod (m2 / military :wiki "NATO" :name (n / name :op1 "NATO"))) :ARG1 (p2 / project) :time (l / late :degree (m / more)))) + +(s / state-01 :ARG0 (p2 / person :wiki "Jaak_Aaviksoo" :name (n3 / name :op1 "Jaak" :op2 "Aaviksoo") :ARG0-of (h / have-org-role-91 :ARG1 (c3 / country :wiki "Estonia" :name (n / name :op1 "Estonia")) :ARG2 (m / minister :mod (d / defense)))) :time (c / conference :mod (n2 / news) :location (c2 / center :mod (r / research-01)))) + +(h / have-03 :polarity - :ARG0 (s / space :mod (c / cyber)) :ARG1 (b / border) :manner (e / essential)) + +(d / difficult :domain (d2 / defend-01 :ARG1 (s3 / sovereignty :poss (a / and :op1 (b / border :mod (l / land)) :op2 (b2 / border :mod (s2 / sea)) :op3 (s / space :mod (a2 / air)))))) + +(c / complicate :degree (m / more) :mod (e / even) :location (s / space :mod (c2 / cyber) :mod (b / border :polarity -) :location-of (a / and :op1 (g / gun :polarity - :ARG0-of (s2 / smoke-01)) :op2 (f / fingerprint :polarity -) :op3 (f2 / footprint :polarity -)))) + +(s / sign-01 :ARG1 (a / agree-01) :time (m / meet-03 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :quant 26 :ARG0-of (h2 / have-org-role-91 :ARG1 (m2 / military :wiki "NATO" :name (n2 / name :op1 "NATO"))) :ARG1-of (a2 / ally-01)) :ARG2 (c / chief :mod (s2 / staff :mod (d / defense))))) :ARG1 c :ARG1-of (r / regular-03))) + +(n2 / nation :mod (s / sea :wiki "Baltic_Sea" :name (n3 / name :op1 "Baltic")) :domain (c / country :wiki "Estonia" :name (n / name :op1 "Estonia"))) + +(d / date-entity :month 5 :day 15 :year 2008) + +(a / and :op1 (c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) :op2 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :op3 (c3 / country :wiki "India" :name (n4 / name :op1 "India")) :op4 (c4 / country :wiki "Afghanistan" :name (n6 / name :op1 "Afghanistan"))) + +(a / and :op1 (i / international) :op2 (n / narcotic) :op3 (c / crime-02) :op4 (g / government-organization :ARG0-of (g2 / govern-01)) :op5 (t / terrorism) :op6 (h / health)) + +(p / propose-01 :ARG0 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG1 (c5 / cooperate-01 :ARG0 c :ARG1 (a / and :op1 (c2 / country :wiki "India" :name (n2 / name :op1 "India")) :op2 (c3 / country :wiki "China" :name (n3 / name :op1 "China")))) :purpose (i / increase-01 :ARG0 c5 :ARG1 (s / security) :location (a2 / around :op1 (c4 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan"))) :purpose (b / block-01 :ARG0 (a3 / and :op1 c :op2 c2 :op3 c3) :ARG1 (s2 / supply-01 :ARG1 (d / drug))))) + +(a / and :op1 (p / produce-01 :ARG0 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan") :ARG1-of (i / include-91 :ARG2 (w / world))) :ARG1 (o / opium) :ARG1-of (m / major-02)) :op2 (s / supply-01 :ARG0 c :ARG2 (m2 / market :location (w2 / world-region :wiki "Western_world" :name (n3 / name :op1 "West"))) :path (c3 / country :ARG2-of (t / transit-01) :example-of (c2 / country :wiki "Russia" :name (n2 / name :op1 "Russia"))))) + +(p / propose-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :ARG1 (c5 / cooperate-01 :ARG0 g :ARG1 (a / and :op1 (c2 / country :wiki "India" :name (n2 / name :op1 "India")) :op2 (c3 / country :wiki "China" :name (n3 / name :op1 "China")))) :time (d / date-entity :month 5 :day 15 :year 2008) :purpose (i / increase-01 :ARG0 c5 :ARG1 (s / security) :location (a2 / around :op1 (c4 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan"))) :purpose (b / block-01 :ARG0 (a3 / and :op1 c :op2 c2 :op3 c3) :ARG1 (s2 / supply-01 :ARG1 (d2 / drug))))) + +(s / state-01 :ARG0 (p / person :wiki "Sergey_Lavrov" :name (n2 / name :op1 "Sergey" :op2 "Lavrov") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG2 (m / minister :mod (f / foreign)))) :ARG1 (d / decrease-01 :ARG0 (t / tighten-01 :ARG1 (s2 / security :location (b / border :mod (c6 / country :wiki "Afghanistan" :name (n6 / name :op1 "Afghanistan"))))) :ARG1 (t2 / threaten-01 :ARG1 (a2 / and :op1 (d2 / drug) :op2 (t3 / terrorism)))) :time (c4 / conference :mod (n7 / news) :mod (j / joint) :location (c5 / city :wiki "Yekaterinburg" :name (n3 / name :op1 "Yekaterinburg")) :accompanier (a / and :op1 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c2 / country :wiki "India" :name (n4 / name :op1 "India")) :ARG2 (m2 / minister :mod (f2 / foreign)))) :op2 (p3 / person :ARG0-of (h3 / have-org-role-91 :ARG1 (c3 / country :wiki "China" :name (n5 / name :op1 "China")) :ARG2 (m3 / minister :mod (f3 / foreign))))))) + +(c3 / clear-06 :polarity - :ARG0 (a / and :op1 (b4 / border-01 :polarity - :ARG1 (a2 / and :op1 (c / country :wiki "Russia" :name (n2 / name :op1 "Russia")) :op2 (c2 / country :wiki "India" :name (n3 / name :op1 "India"))) :ARG2 (c5 / country :wiki "Afghanistan" :name (n6 / name :op1 "Afghanistan"))) :op2 (b3 / border-01 :ARG1 (c4 / country :wiki "China" :name (n5 / name :op1 "China")) :ARG2 c5 :mod (d / distance-quantity :quant 76 :unit (k / kilometer) :mod (o / only)))) :ARG1 (i / intend-01 :ARG0 (p / person :wiki "Sergey_Lavrov" :name (n / name :op1 "Lavrov"))) :time (i2 / immediate)) + +(n7 / neighbor-01 :ARG1 (a / and :op1 (c2 / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :op2 (c3 / country :wiki "Turkmenistan" :name (n3 / name :op1 "Turkmenistan")) :op3 (c4 / country :wiki "Uzbekistan" :name (n4 / name :op1 "Uzbekistan")) :op4 (c5 / country :wiki "Tajikistan" :name (n5 / name :op1 "Tajikistan")) :op5 (c6 / country :wiki "Pakistan" :name (n6 / name :op1 "Pakistan"))) :ARG2 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan")) :mod (o / other)) + +(a / and :op1 (p / produce-01 :ARG0 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan") :ARG1-of (i / include-91 :ARG2 (w / world))) :ARG1 (o / opium) :ARG1-of (m / major-02)) :op2 (s / supply-01 :ARG0 c :ARG1 (m2 / market :location (w2 / world-region :wiki "Western_world" :name (n3 / name :op1 "West"))) :path (c3 / country :ARG2-of (t / transit-01) :example-of (c2 / country :wiki "Russia" :name (n2 / name :op1 "Russia"))))) + +(s / state-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :ARG1 (d / die-01 :ARG1 (p / person :mod c :quant (m / multiple :op1 1000)) :ARG1-of (c2 / cause-01 :ARG0 (a / abuse-02 :ARG0 p :ARG1 (h / heroin :source (c3 / country :wiki "Afghanistan" :name (n3 / name :op1 "Afghanistan"))) :instrument (n4 / needle :ARG1-of (i2 / infect-01)))) :ARG1-of (c4 / cause-01 :ARG0 (i / illness :ARG1-of (r / relate-01 :ARG2 (d2 / disease :wiki "HIV/AIDS" :name (n2 / name :op1 "AIDS"))))) :frequency (r2 / rate-entity-91 :ARG2 (t / temporal-quantity :quant 1 :unit (y / year))))) + +(a / announce-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :ARG1-of (n / neighbor-01 :ARG2 (c2 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")))) :ARG2 (o / official))) :ARG1 (a2 / and :op1 (a3 / arrest-01 :degree (s / scale :mod (l / large))) :op2 (s2 / seize-01 :ARG1 (n3 / narcotic)) :ARG1-of (m / make-01 :time (a4 / after :op1 (c3 / cross-02 :ARG0 (c4 / convoy :mod (l2 / law :polarity -)) :ARG1 (b / border))))) :ARG1-of (r / regular-02)) + +(a2 / announce-01 :ARG0 (p / police :mod (d2 / drug) :location (c2 / country :wiki "Tajikistan" :name (n2 / name :op1 "Tajikistan"))) :ARG1 (i / intercept-01 :ARG0 p :ARG1 (a4 / and :op1 (q / quantity :mod (o / opium)) :op2 (q2 / quantity :mod (h / heroin)) :mod (l / large :degree (m2 / most)) :time (h2 / history :mod c2) :ARG1-of (e / estimate-01 :ARG2 (a / approximately :op1 (m / monetary-quantity :quant 10000000 :unit (d / dollar :mod (c / country :wiki "United_States" :name (n / name :op1 "U.S.")))))))) :time (w / week :mod (l2 / last))) + +(d / date-entity :month 5 :day 15 :year 2008) + +(c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) + +(a / and :op1 (w / weapon) :op2 (m / military) :op3 (p / proliferate-01)) + +(p2 / promise-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n2 / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) :ARG2 (p3 / president))) :ARG1 (p4 / provide-01 :ARG0 p :ARG1 (f / fund-01 :ARG0 p :ARG1 (p5 / program :mod (m / missile :mod (n3 / nucleus)) :poss c))) :time (d / date-entity :month 5 :day 15 :year 2008)) + +(d2 / debut-01 :ARG1 (p / person :wiki "Dmitry_Medvedev" :name (n2 / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) :ARG2 (p2 / president))) :time (d / date-entity :month 5 :day 15 :year 2008) :manner (a2 / and :op1 (t / tour-01 :ARG0 p :ARG1 (b / base :mod (m / missile))) :op2 (p4 / promise-01 :ARG0 p :ARG1 (p5 / provide-01 :ARG0 p :ARG1 (f2 / fund-01 :ARG1-of (n3 / need-01 :purpose (c4 / counter-01 :ARG0 (f3 / force :mod (n4 / nucleus)) :ARG1 (t2 / thing :ARG1-of (t3 / threaten-01 :ARG2 (g / globe))))))))) :prep-as (p3 / person :ARG0-of (h3 / have-org-role-91 :ARG1 (f / force :ARG1-of (a / arm-01) :poss c) :ARG2 (c5 / commander-in-chief)))) + +(a / and :op1 (e / examine-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (m / missile :mod (b / ballistics) :mod (i / intercontinental) :domain (p3 / product :wiki "RT-2PM2_Topol-M" :name (n2 / name :op1 "Topol-M")) :ARG1-of (c / conceal-01 :ARG0 (m2 / military) :location (f / forest :mod (p2 / pine) :mod (d / dense))))) :op2 (s / speak-01 :ARG0 p :ARG2 (o2 / officer :location (p4 / person :location (c2 / city :wiki "Teykovo" :name (n3 / name :op1 "Teikovo")) :ARG0-of (h / have-org-role-91 :ARG2 (o / officer)))))) + +(i / impress-01 :ARG0 (a / and :op1 (w / weapon) :op2 (l / level :mod (t / train-01))) :ARG1 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev"))) + +(s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (g / good-02 :ARG1 (g2 / get-01 :ARG0 (m / military) :ARG1 (m2 / missile :mod (n2 / new) :example-of (p2 / product :wiki "RT-2PM2_Topol-M" :name (n3 / name :op1 "Topol-M"))))) :mod (a / also)) + +(p / participate-01 :ARG0 (m / missile :source (b / base :location (c4 / city :wiki "Teykovo" :name (n6 / name :op1 "Teikovo")))) :ARG1 (p2 / parade-02 :ARG2 (e / event :wiki "Victory_Day_(9_May)" :name (n / name :op1 "Victory" :op2 "Day"))) :time (d / date-entity :month 5 :day 9 :year 2008) :time (d2 / display-01 :ARG0 (c / country :wiki "Russia" :name (n2 / name :op1 "Russia")) :ARG1 (h / hardware :mod (m2 / military) :poss c) :location (f / facility :wiki "Red_Square" :name (n3 / name :op1 "Red" :op2 "Square") :location (c2 / city :wiki "Moscow" :name (n4 / name :op1 "Moscow"))) :ord (o / ordinal-entity :value 1 :time (s / since :op1 (c5 / collapse-01 :ARG1 (c3 / country :wiki "Soviet_Union" :name (n5 / name :op1 "Soviet" :op2 "Union"))))))) + +(a / and :op1 (e / experience-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (m / motivate-01) :time (w / watch-01 :ARG0 p :ARG1 (m2 / missile) :path (a3 / across :op1 (s2 / square)))) :op2 (p2 / promise-01 :ARG0 p :ARG1 (a2 / and :op1 (c / continue-01 :ARG1 (p4 / parade-02 :mod (s / such))) :op2 (p3 / possible-01 :ARG1 (e2 / expand-01 :ARG1 p4 :time (f / future)))))) + +(s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (a / assure-01 :ARG0 c :ARG1 m3 :ARG2 (r / receive-01 :ARG0 (m3 / military :wiki "Strategic_Missile_Troops" :name (n3 / name :op1 "Strategic" :op2 "Missile" :op3 "Forces")) :ARG1 (f2 / fund-01 :ARG1-of (n5 / need-01 :purpose (r2 / respond-01 :ARG0 m3 :ARG1 (t3 / thing :ARG1-of (t4 / threaten-01) :ARG1-of (m / modern-02)))))) :mod (t2 / task :poss (c / country :wiki "Russia" :name (n2 / name :op1 "Russian" :op2 "Federation")) :time (a2 / after :op1 (n4 / now) :duration (f / few :op1 (t / temporal-quantity :quant 1 :unit (y / year))))))) + +(s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (a2 / and :op1 (p2 / progress-01 :degree (c / certain) :time (r / recent)) :op2 (o / obligate-01 :ARG2 (l / lose-02 :polarity - :ARG1 (s2 / speed-01 :ARG1 (p3 / progress-01))))) :mod (a / also)) + +(p2 / promise-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (r / raise-01 :ARG0 p :ARG1 (s / salary :poss (p3 / person :ARG0-of (h / have-org-role-91 :ARG2 (o / officer)))) :ARG5 p3)) + +(a / and :op1 (s / swear-in-06 :ARG1 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n2 / name :op1 "Russian" :op2 "Federation")) :ARG2 (p4 / president))) :time (d / date-entity :month 5 :day 7 :year 2008)) :op2 (p3 / portray-01 :ARG0 p :ARG1 (i / image :mod (l / liberal-02)) :time (s2 / so-far)) :op3 (a2 / avoid-01 :ARG0 p :ARG1 (r / rhetoric :ARG1-of (h / harsh-02) :ARG0-of (o / oppose-01 :ARG1 (w / world-region :wiki "Western_world" :name (n4 / name :op1 "West"))) :poss (p2 / person :wiki "Vladimir_Putin" :name (n3 / name :op1 "Vladimir" :op2 "Putin"))))) + +(a / and :op1 (p3 / precede-01 :ARG1 (p / person :wiki "Vladimir_Putin" :name (n / name :op1 "Vladimir" :op2 "Putin")) :ARG2 (p2 / person :wiki "Dmitry_Medvedev" :name (n2 / name :op1 "Dmitry" :op2 "Medvedev"))) :op2 (m / mentor-01 :ARG0 p :ARG1 p2)) + +(e / expect-01 :ARG0 (p3 / person :ARG0-of (o / observe-01) :mod (m / most)) :ARG1 (a / and :op1 (c / continue-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev")) :ARG1 (p4 / policy :poss (p2 / person :wiki "Vladimir_Putin" :name (n2 / name :op1 "Vladimir" :op2 "Putin")) :example-of (p5 / posture :mod (a2 / assertive) :location (s / scene :mod (i / international))))) :op2 (v / vow-01 :ARG0 p :ARG1 (s2 / strengthen-01 :ARG0 p :ARG1 (m2 / military))))) + +(t / town :mod (s / small) :location (p / province :wiki "Ivanovo" :name (n / name :op1 "Ivanovo")) :location (r / relative-position :op1 (c / city :wiki "Moscow" :name (n2 / name :op1 "Moscow")) :direction (n3 / northeast) :quant (a / about :op1 (d / distance-quantity :quant 250 :unit (k / kilometer)))) :domain (c2 / city :wiki "Teykovo" :name (n4 / name :op1 "Teikovo"))) + +(o2 / oppose-01 :ARG0 (p / person :wiki "Vladimir_Putin" :name (n / name :op1 "Vladimir" :op2 "Putin")) :ARG1 (a / and :op1 (p2 / plan-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :ARG1 (d / deploy-01 :ARG0 c :ARG1 (s / site :mod (m / missile :ARG2-of (d2 / defend-01))) :ARG2 (a2 / and :op1 (c2 / country :wiki "Poland" :name (n3 / name :op1 "Poland")) :op2 (c3 / country :wiki "Czech_Republic" :name (n4 / name :op1 "Czech" :op2 "Republic"))))) :op2 (p3 / plan-01 :ARG0 (m2 / military :wiki "NATO" :name (n5 / name :op1 "NATO") :mod (a4 / alliance)) :ARG1 (a3 / accept-01 :ARG0 m2 :ARG1 (j / join-in-05 :ARG0 (a5 / and :op1 (c6 / country :wiki "Ukraine" :name (n8 / name :op1 "Ukraine")) :op2 (c7 / country :wiki "Georgia_(country)" :name (n9 / name :op1 "Georgia")) :ARG1-of (n10 / neighbor-01 :ARG2 (c4 / country :wiki "Russia" :name (n6 / name :op1 "Russia"))) :ARG2-of (h / have-part-91 :ARG1 (c5 / country :wiki "Soviet_Union" :name (n7 / name :op1 "Soviet" :op2 "Union")) :time (e / ex))) :ARG1 m2)))) :manner (f / fierce)) + +(a / and :op1 (t / threaten-01 :ARG0 (p / person :wiki "Vladimir_Putin" :name (n / name :op1 "Vladimir" :op2 "Putin")) :ARG1 (p2 / point-01 :ARG0 p :ARG1 (m / missile :mod (n4 / nucleus)) :ARG2 (c3 / country :ARG0-of (p3 / participate-01 :ARG1 (d / defend-01 :ARG2 (m2 / missile :mod (c / country :wiki "United_States" :name (n2 / name :op1 "U.S.")))))))) :op2 (o / opt-01 :ARG0 p :ARG1 (o2 / out-06 :ARG1 p :ARG2 (t2 / treaty :topic (c4 / control-01 :ARG1 (a2 / arms)) :ARG1-of (k / key-02) :time (e / era :mod (c2 / country :wiki "Soviet_Union" :name (n3 / name :op1 "Soviet" :op2 "Union"))))))) + +(c / capable-01 :ARG1 (m3 / missile :mod (p / product :wiki "RT-2PM2_Topol-M" :name (n / name :op1 "Topol-M"))) :ARG2 (h / hit-01 :ARG1 (t / target :location (r / relative-position :quant (m / more-than :op1 (d / distance-quantity :quant 10000 :unit (k / kilometer))))) :ARG2 m3)) + +(d / deploy-01 :ARG1 (m / missile) :manner (a / and :op1 (v / version :ARG1-of (b / base-01 :location (s / silo))) :op2 (v2 / version :mod (m2 / mount-02 :location (t / truck))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Nikolai" :op2 "Solovtsov") :ARG0-of (h / have-org-role-91 :ARG1 (f / force :mod (m2 / missile) :mod (s3 / strategy)) :ARG2 (c / chief)) :ARG0-of (h2 / have-org-role-91 :ARG2 (g / general))) :ARG1 (s2 / step-01 :ARG1 (d / design-01 :ARG1 (m / missile)) :ARG4 (p2 / product :wiki "RT-2PM2_Topol-M" :name (n2 / name :op1 "Topol-M")) :mod (n3 / new))) + +(b / boast-01 :ARG0 (a / and :op1 (p / person :wiki "Vladimir_Putin" :name (n / name :op1 "Vladimir" :op2 "Putin")) :op2 (p3 / person :ARG0-of (h / have-org-role-91 :ARG2 (o / official)) :mod (o2 / other))) :ARG1 (c / capable-01 :ARG1 (p2 / product :wiki "RT-2PM2_Topol-M" :name (n2 / name :op1 "Topol-M")) :ARG2 (p4 / penetrate-01 :ARG0 p2 :ARG1 (d / defend-01 :ARG2 (m / missile) :mod (p5 / prospective) :mod (a2 / any))))) + +(a / and :op1 (d / design-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Yuri" :op2 "Solomonov")) :ARG1 (m / missile)) :op2 (s / state-01 :ARG0 p :ARG1 (d2 / drop-01 :ARG0 (m2 / missile) :ARG1 (e / engine) :ARG3 (a2 / altitude :ARG1-of (l / low-04 :degree (m3 / more) :ARG1-of (s3 / significant-02)) :compared-to (d3 / design-01 :time (e2 / early :degree (m4 / more)))) :ARG0-of (m5 / make-02 :ARG1 (d4 / detect-01 :ARG0 (s2 / system :ARG0-of (w / warn-01 :time (e3 / early)) :poss (p2 / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (e4 / enemy)))) :ARG1 (l2 / launch-01) :ARG1-of (h / hard-02)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Yuri" :op2 "Solomonov")) :ARG1 (r / resemble-01 :ARG1 (w / warhead :part-of (m2 / missile)) :ARG2 (d / decoy :part-of m2) :degree (c / close) :time (f / fly-01) :ARG0-of (m / make-02 :ARG1 (s2 / select-01 :ARG0 (f2 / foe) :ARG1 (t / target :mod (r2 / real)) :ARG2 (m4 / multiple :op1 (t2 / target :mod (f3 / false))) :mod (d2 / difficult :degree (v / very)))))) + +(p / proceed-01 :ARG1 (d / deploy-01 :ARG1 (p2 / product :wiki "RT-2PM2_Topol-M" :name (n / name :op1 "Topol-M"))) :manner (s / slow)) + +(a / allow-01 :ARG0 (r / revenue :mod (o2 / oil) :mod (l / large)) :ARG1 (a2 / and :op1 (b / buy-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia" :op2 "Federation")))) :ARG1 (w / weapon)) :op2 (f / fund-01 :ARG0 g :ARG1 (d / develop-02 :ARG1 (m / missile :mod (n2 / new))))) :time (y / year :mod (r2 / recency))) + +(r / remain-01 :ARG1 (m / missile :mod (b / ballistics) :ARG1-of (b2 / build-01 :ARG0 (c / country :wiki "Soviet_Union" :name (n / name :op1 "Soviet" :op2 "Union")))) :ARG2 (b3 / backbone :mod (f / force :mod (n2 / nucleus) :poss (n3 / nation)))) + +(n3 / navy :mod (c / country :wiki "Russia" :name (n2 / name :op1 "Russian" :op2 "Federation")) :mod (s / shape :mod (p / poverty))) + +(a / and :op1 (n2 / need-01 :ARG0 (s / submarine :mod (n3 / nucleus) :ARG1-of (b / build-01 :ARG0 (c / country :wiki "Soviet_Union" :name (n / name :op1 "Soviet" :op2 "Union")))) :ARG1 (r2 / repair-01 :ARG1 s) :ARG1-of (f / frequent-02)) :op2 (l / leave-11 :ARG0 s :ARG1 (b2 / base) :ARG1-of (r / rare-02))) + +(c3 / contrast-01 :ARG1 (c / commission-01 :ARG1 (p / product :wiki "Russian_submarine_Yury_Dolgorukiy_(K-535)" :name (n / name :op1 "Yuri" :op2 "Dolgoruky") :mod (f2 / first :ARG1-of (i / include-91 :ARG2 (s / series :mod (s2 / submarine :mod (n2 / nucleus) :mod (n3 / new)))))) :time (y / year :mod (t / this))) :ARG2 (a / and :op1 (f / fail-01 :ARG0 (m2 / missile :wiki "RSM-56_Bulava" :name (n4 / name :op1 "Bulava") :ARG1-of (d2 / develop-02 :purpose (e / equip-01 :ARG0 (m / missile) :ARG1 (s3 / submarine))) :ARG1-of (a2 / arm-01 :ARG2 (n5 / nucleus))) :ARG1 (t2 / test-01)) :op2 (c2 / certain :polarity - :domain (p2 / prospect-02 :ARG1 (d / deploy-01))))) + +(d / date-entity :day 10 :month 7 :year 2008) + +(c / country :wiki "Iran" :name (n / name :op1 "Iran")) + +(a / and :op1 (i / international) :op2 (w / weapon)) + +(s / state-01 :ARG0 (p2 / person :ARG1-of (e / expert-01)) :ARG1 (d / doctor-01 :ARG1 (p / photo :mod (l / launch-01 :ARG1 (m / missile) :location (c / country :wiki "Iran" :name (n / name :op1 "Iran")))) :purpose (s2 / show-01 :ARG0 p :ARG1 (l2 / launch-01 :ARG1 m :ord (o / ordinal-entity :value 4) :ARG1-of (f2 / fail-01))))) + +(s / state-01 :ARG0 (p5 / person :wiki - :name (n4 / name :op1 "Mark" :op2 "Fitzpatrick") :ARG0-of (h / have-org-role-91 :ARG1 (p2 / program :topic (p3 / proliferate :polarity -) :mod (r2 / research-institute :wiki "International_Institute_for_Strategic_Studies" :name (n7 / name :op1 "International" :op2 "Institute" :op3 "for" :op4 "Strategic" :op5 "Studies")) :ARG1-of (b / base-01 :location (c3 / city :wiki "London" :name (n2 / name :op1 "London")))) :ARG2 (d2 / director)) :ARG0-of (h2 / have-org-role-91 :ARG1 (g / government-organization :wiki "United_States_Department_of_State" :name (n / name :op1 "US" :op2 "State" :op3 "Department")) :ARG2 (o2 / official) :time (f / former))) :ARG1 (a2 / alter-01 :ARG1 (p / photograph :mod (c / country :wiki "Iran" :name (n3 / name :op1 "Iran")) :ARG0-of (s2 / show-01 :ARG1 (c2 / cluster-01 :ARG1 (l / launch-01 :ARG1 (m / missile)) :location (r / range :mod (d4 / desert))))) :ARG2 (a3 / add-on-05 :ARG1 (m2 / missile :ord (o / ordinal-entity :value 4)) :ARG2 p)) :time (d / date-entity :day 10 :month 7 :year 2008)) + +(p / post-01 :ARG1 (i / image) :ARG2 (s / site :mod (n3 / news) :mod (o / organization :wiki - :name (n / name :op1 "Sepah")) :ARG1-of (r / run-01 :ARG0 (o2 / organization :wiki "Army_of_the_Guardians_of_the_Islamic_Revolution" :name (n2 / name :op1 "Revolutionary" :op2 "Guards") :poss (c / country :wiki "Iran" :name (n4 / name :op1 "Iran"))))) :time (d / date-entity :day 9 :month 7 :year 2008)) + +(r / replace-01 :ARG1 (i / image) :ARG2 (i2 / image :mod (m / missile :quant 3 :mod (s / same) :prep-in (p / photo :mod (p2 / previous)))) :time (d / date-entity :day 10 :month 7 :year 2008) :concession (a / and :op1 (m3 / missile :ARG1-of (g / ground-01)) :op2 (v / vehicle :ARG1-of (a2 / appear-02) :location (n / nearby)) :ARG1-of (i3 / instead-of-91 :ARG2 (m2 / missile :ord (o / ordinal-entity :value 4))))) + +(a / absent-01 :ARG1 (i / image :prep-with (l / launch-01 :quant 4)) :ARG2 (p2 / page :mod (m / main) :mod (o / organization :wiki - :name (n2 / name :op1 "Sepah"))) :time (d / date-entity :day 10 :month 7 :year 2008) :concession (i2 / image :mod (b / both) :prep-in (a2 / archive))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fitzpatrick")) :ARG1 (p3 / probable :domain (m / manipulate-01 :ARG1 (p2 / photo) :purpose (o / obscure-01 :ARG0 m :ARG1 (f / fail-01 :ARG1 (m2 / missile :ord (o2 / ordinal-entity :value 4))) :purpose (m3 / maintain-01 :ARG0 o :ARG1 (i / impact-01 :ARG0 (d / demonstrate-01 :ARG0 (c / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :ARG1 (p4 / power)))))))) + +(c / comment-01 :polarity - :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "Iran" :name (n / name :op1 "Iran")) :ARG2 (o / official))) :ARG3 (p / photo) :time (i / immediate)) + +(d / describe-01 :ARG1 (i / image) :ARG2 (d2 / depict-01 :ARG0 i :ARG1 (p2 / part :part-of (m / maneuver-01 :ARG0 (m2 / military) :ARG1 (f / fire-01 :ARG1 (m3 / missile :quant 9 :ARG2-of (i2 / include-01 :ARG1 (p / product :wiki "Shahab-3" :name (n / name :op1 "Shahab-3") :mod (v / version :ARG1-of (e / enhance-01))))) :mod (t / test)))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "Iran" :name (n / name :op1 "Iran")) :ARG2 (o / official))) :ARG1 (h / have-03 :ARG0 (m2 / missile :wiki "Shahab-3" :name (n5 / name :op1 "Shahab-3") :ARG1-of (e / enhance-01)) :ARG1 (r / range-01 :ARG2 (d / distance-quantity :quant 1250 :unit (m / mile)) :ARG0-of (c3 / cause-01 :ARG1 (p2 / possible-01 :ARG1 (r2 / reach-01 :ARG0 m2 :ARG1 (a / and :op1 (c2 / country :wiki "Israel" :name (n3 / name :op1 "Israel")) :op2 (w / world-region :wiki "Middle_East" :name (n4 / name :op1 "Middle" :op2 "East") :mod (m3 / majority)))) :mod (t / thus)))))) + +(c / criticize-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "United_States" :name (n / name :op1 "US")))) :ARG1 (t / test-01 :ARG1 (m / missile)) :time (i / immediate)) + +(d / date-entity :day 13 :month 7 :year 2008) + +(a / and :op1 (c / country :wiki "Israel" :name (n / name :op1 "Israel")) :op2 (c2 / country :wiki "Syria" :name (n2 / name :op1 "Syrian" :op2 "Arab" :op3 "Republic")) :op3 (c3 / country :wiki "Iran" :name (n6 / name :op1 "Iran")) :op4 (c4 / country :wiki "United_States" :name (n8 / name :op1 "United" :op2 "States"))) + +(a / and :op1 (i / international) :op2 (w / weapon) :op3 (p / proliferate-01) :op4 (p2 / politics)) + +(a / agree-01 :ARG0 (n5 / nation :quant (m / more-than :op1 40) :ARG2-of (i / include-01 :ARG1 (a3 / and :op1 (c / country :wiki "Israel" :name (n / name :op1 "Israel")) :op2 (s2 / state :mod (e / ethnic-group :wiki "Arabs" :name (n3 / name :op1 "Arab")))))) :ARG1 (w2 / work-01 :ARG0 n5 :ARG1 (z / zone :location (w / world-region :wiki "Middle_East" :name (n4 / name :op1 "Middle" :op2 "East")) :ARG1-of (f / free-04 :ARG2 (w3 / weapon :ARG2-of (d2 / destroy-01 :degree (m2 / mass)))))) :time (d / date-entity :weekday (s / sunday))) + +(a / agree-01 :ARG0 (n2 / nation :quant 43) :ARG1 (w2 / work-06 :ARG0 n2 :ARG4 (z / zone :location (w / world-region :wiki "Middle_East" :name (n / name :op1 "Middle" :op2 "East")) :ARG1-of (f / free-04 :ARG2 (w3 / weapon :ARG2-of (d2 / destroy-01 :degree (m / mass))))) :direction (t / toward)) :time (d / date-entity :day 13 :month 7 :year 2008)) + +(i / involve-01 :ARG1 (n3 / nation :ARG2-of (i2 / include-01 :ARG1 (a3 / and :op1 (c / country :wiki "Israel" :name (n / name :op1 "Israel")) :op2 (s2 / state :mod (e / ethnic-group :wiki "Arabs" :name (n2 / name :op1 "Arab")))))) :ARG2 (a / agree-01)) + +(s2 / state-01 :ARG0 (t / thing :ARG1-of (d / declare-02) :mod (f / final) :source (s3 / summit :ARG0-of (l2 / launch-01 :ARG1 (o / organization :wiki "Union_for_the_Mediterranean" :name (n / name :op1 "Union" :op2 "for" :op3 "the" :op4 "Mediterranean"))))) :ARG1 (p / pursue-01 :ARG0 (s / state :ARG0-of (h / have-org-role-91 :ARG1 o :ARG2 (m / member))) :ARG1 (z / zone :ARG1-of (f2 / free-04 :ARG2 (w / weapon :ARG2-of (d2 / destroy-01 :degree (m3 / mass)))) :location (w2 / world-region :wiki "Middle_East" :name (n3 / name :op1 "Middle" :op2 "East")) :ARG1-of (v / verify-01 :mod (m2 / mutual) :ARG1-of (e / effective-04) :ARG1-of (p2 / possible-01))))) + +(s / state-01 :ARG0 (o / organization :wiki "Union_for_the_Mediterranean" :name (n / name :op1 "Union" :op2 "for" :op3 "the" :op4 "Mediterranean" :op5 "States")) :ARG1 (i / include-01 :ARG1 (a2 / and :op1 (w2 / weapon :mod (n3 / nucleus)) :op2 (w3 / weapon :mod (c / chemical)) :op3 (w4 / weapon :mod (b / biology)) :op4 (s2 / system :mod (d2 / deliver-01 :ARG1 (w5 / weapon)))) :ARG2 (w / weapon :ARG2-of (d / destroy-01 :degree (m / mass))))) + +(s / state-01 :ARG0 (o / organization :wiki "Union_for_the_Mediterranean" :name (n / name :op1 "Union" :op2 "for" :op3 "the" :op4 "Mediterranean")) :ARG1 (c / consider-02 :ARG0 (c2 / country :ARG0-of (h / have-org-role-91 :ARG1 o :ARG2 (m / member))) :ARG1 (s2 / step-01 :ARG2 p2 :mod (p / practical)) :ARG2 (p2 / prevent-01 :ARG0 s2 :ARG1 (p3 / proliferate-01 :ARG0 (w / weapon :ARG2-of (d / destroy-01 :degree (m2 / mass))))))) + +(i / include-01 :ARG1 (a / and :op1 (p7 / person :wiki "Ehud_Olmert" :name (n2 / name :op1 "Ehud" :op2 "Olmert") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Israel" :name (n3 / name :op1 "Israel")) :ARG2 (m / minister :mod (p / prime)))) :op2 (p3 / person :ARG0-of (l2 / lead-02) :source (c2 / country :wiki "Syria" :name (n5 / name :op1 "Syria"))) :op3 (p4 / person :ARG0-of (l3 / lead-02) :source (c4 / country :mod (o2 / other) :location (w2 / world-region :wiki "Middle_East" :name (n4 / name :op1 "Middle" :op2 "East")))) :op4 (p5 / person :ARG0-of (l4 / lead-02) :source (w / world-region :wiki "North_Africa" :name (n6 / name :op1 "North" :op2 "Africa"))) :op5 (p6 / person :ARG0-of (l5 / lead-02) :source (c3 / continent :wiki "Europe" :name (n7 / name :op1 "Europe")))) :ARG2 (p2 / person :ARG0-of (s3 / sign-01 :ARG1 (d / declaration :mod (f / final) :source (s2 / summit :ARG0-of (l / launch-01 :ARG1 (o / organization :wiki "Union_for_the_Mediterranean" :name (n / name :op1 "Union" :op2 "for" :op3 "the" :op4 "Mediterranean" :op5 "States")))))))) + +(b / believe-01 :ARG1 (c / country :wiki "Israel" :name (n / name :op1 "Israel") :ARG0-of (h / have-03 :ARG1 (s / stockpile-01 :ARG0 c :ARG1 (w2 / weapon :mod (n2 / nucleus))))) :degree (w / wide)) + +(s2 / state-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Israel" :name (n / name :op1 "Israel")))) :ARG0-of (c3 / confirm-01 :polarity - :ARG1 (p / possess-01 :mode interrogative :ARG0 c :ARG1 (b / bomb :mod (n2 / nucleus)))) :ARG0-of (d / deny-01 :polarity - :ARG1 p) :medium (p2 / policy :mod (o2 / official))) + +(s2 / state-01 :ARG0 (o / official :mod (c2 / country :wiki "Israel" :name (n2 / name :op1 "Israel"))) :ARG1 (p / policy :mod (w / weapon :mod (n / nucleus) :ARG1-of (c / call-01 :ARG2 (a / ambiguous :mod (n3 / nucleus)))))) + +(s / sensitive :mod (p / particular) :time (l / lately) :domain (q / question-01 :ARG1 (w2 / weapon :mod (n4 / nucleus) :location (w / world-region :wiki "Middle_East" :name (n5 / name :op1 "Middle" :op2 "East")))) :ARG1-of (c3 / cause-01 :ARG0 (t / tension :mod (b / between :op1 (c / country :wiki "Israel" :name (n2 / name :op1 "Israel")) :op2 (c2 / country :wiki "Iran" :name (n3 / name :op1 "Iran")))))) + +(b / believe-01 :ARG0 (a / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :op2 (c2 / country :ARG1-of (a4 / ally-01 :ARG2 c))) :ARG1 (p / pursue-01 :ARG0 (c3 / country :wiki "Iran" :name (n3 / name :op1 "Iran")) :ARG1 (a3 / arm :mod (n4 / nucleus)))) + +(m / maintain-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Iran" :name (n / name :op1 "Iran")))) :ARG1 (a / activity-06 :ARG0 c :ARG1 (e / enrich-01 :ARG1 (u / uranium)) :purpose (p / produce-01 :ARG0 a :ARG1 (e2 / energy :mod (n3 / nucleus))))) + +(d / defy-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Iran" :name (n / name :op1 "Iran")))) :ARG1 (d2 / demand-01 :ARG0 (o / organization :wiki "United_Nations_Security_Council" :name (n2 / name :op1 "U.N." :op2 "Security" :op3 "Council")) :ARG1 (s / suspend-01 :ARG0 c :ARG1 (e / enrich-01 :ARG1 (u / uranium))))) + +(d / date-entity :day 17 :month 7 :year 2008) + +(a / and :op1 (c / country :wiki "France" :name (n / name :op1 "France")) :op2 (c2 / country :wiki "Russia" :name (n3 / name :op1 "Russian" :op2 "Federation")) :op3 (c3 / country :wiki "Austria" :name (n4 / name :op1 "Austria"))) + +(a / and :op1 (i / international) :op2 (w / weapon) :op3 (p / proliferate-01) :op4 (g / government-organization :ARG0-of (g2 / govern-01))) + +(t / tell-01 :ARG0 (p2 / person :wiki "Bernard_Kouchner" :name (n / name :op1 "Bernard" :op2 "Kouchner") :ARG0-of (h / have-org-role-91 :ARG1 (a2 / and :op1 (c2 / country :wiki "Austria" :name (n5 / name :op1 "Austria")) :op2 (c3 / country :wiki "France" :name (n6 / name :op1 "France"))) :ARG2 (m2 / minister :mod (f / foreign)))) :ARG1 (o2 / obligate-01 :ARG2 (m4 / maintain-01 :ARG1 (t2 / treaty :ARG0-of (c4 / control-01 :ARG1 (a / arms)) :mod (c / continent :wiki "Europe" :name (n3 / name :op1 "Europe")) :ARG0-of (l / limit-01 :ARG1 (n7 / number-01 :ARG1 (w / weapon :ARG1-of (d2 / deploy-01 :ARG2 (r / relative-position :op1 (m / mountain :wiki "Ural_Mountains" :name (n4 / name :op1 "Ural" :op2 "Mountains")) :direction (w2 / west)) :ARG1-of (p / possible-01)))))))) :ARG2 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (o / organization :wiki "Organization_for_Security_and_Co-operation_in_Europe" :name (n2 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe")) :ARG2 (m3 / member)))) + +(t / tell-01 :ARG0 (p / person :wiki "Bernard_Kouchner" :name (n / name :op1 "Bernard" :op2 "Kouchner") :ARG0-of (h / have-org-role-91 :ARG1 (a / and :op1 (c / country :wiki "Austria" :name (n3 / name :op1 "Austria")) :op2 (c2 / country :wiki "France" :name (n4 / name :op1 "France"))) :ARG2 (m / minister :mod (f / foreign)))) :ARG2 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (o / organization :wiki "Organization_for_Security_and_Co-operation_in_Europe" :name (n2 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe")) :ARG2 (m2 / member))) :time (d / date-entity :day 17 :month 7 :year 2008)) + +(o / obligate-01 :ARG2 (m / maintain-01 :ARG1 (t / treaty :ARG0-of (c2 / control-01 :ARG1 (a / arms)) :ARG1-of (k / key-02) :mod (c / continent :wiki "Europe" :name (n / name :op1 "Europe"))))) + +(i / instrument :ARG1-of (m / major-02) :mod (t / transparent) :domain (t2 / treaty)) + +(l / limit-01 :ARG0 (t / treaty :ARG0-of (c / control-01 :ARG1 (a / arms))) :ARG1 (n2 / number-01 :ARG1 (w / weapon :mod (c2 / conventional) :ARG1-of (d2 / deploy-01 :ARG2 (r / relative-position :op1 (m / mountain :wiki "Ural_Mountains" :name (n / name :op1 "Ural" :op2 "Mountains")) :direction (w2 / west)) :ARG1-of (p2 / possible-01))))) + +(b / be-located-at-91 :ARG1 (m / mountain :wiki "Ural_Mountains" :name (n / name :op1 "Ural" :op2 "Mountains")) :ARG2 (e / edge :part-of (c / country-region :wiki "European_Russia" :name (n3 / name :op1 "European" :op2 "Russia")))) + +(s / suspend-01 :ARG0 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG1 (p / participate-01 :ARG0 c :ARG1 (t / treaty :ARG0-of (c2 / control-01 :ARG1 (a / arm)))) :time (y / year :mod (l2 / last) :mod (l3 / late)) :ARG1-of (c3 / cause-01 :ARG0 (r / ratify-01 :polarity - :ARG0 (c4 / country :mod (m / military :wiki "NATO" :name (n2 / name :op1 "NATO"))) :ARG1 (t2 / treaty :mod (v / version :ARG1-of (r2 / revise-01)))))) + +(s / sign-01 :ARG1 (t / treaty) :mod (o / original) :time (d / date-entity :year 1990)) + +(d / date-entity :day 17 :month 7 :year 2008) + +(c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) + +(a / and :op1 (i / international) :op2 (c / crime-02) :op3 (p / proliferate-01)) + +(s / send-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG3 (p6 / prosecute-01))) :ARG1 (c3 / case-03 :ARG2 (p4 / person :wiki - :name (n2 / name :op1 "Anar" :op2 "Godzhayev"))) :ARG2 (c4 / court) :time (a2 / after :mod (c5 / charge-05 :ARG0 (p2 / person :ARG0-of (p7 / prosecute-01)) :ARG1 p4 :ARG2 (a / attempt-01 :ARG0 p4 :ARG1 (s2 / smuggle-01 :ARG0 p4 :ARG1 (p5 / powder :mod (t / tantalum)) :ARG3 (c2 / country :wiki "Iran" :name (n5 / name :op1 "Iran"))))))) + +(p / possible-01 :ARG1 (s / sentence-01 :ARG1 (p2 / person :wiki - :name (n / name :op1 "Godzhayev")) :ARG2 (t / temporal-quantity :quant 7 :unit (y / year) :location (p3 / prison)) :condition (c / convict-01 :ARG1 p2))) + +(s / state-01 :ARG0 (o3 / office :poss (p5 / person :ARG0-of (h / have-org-role-91 :ARG1 (c5 / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG3 (p6 / prosecute-01 :mod (g / general))))) :ARG1 (c4 / charge-05 :ARG1 (p2 / person :ARG0-of (f3 / found-01 :ARG1 (c3 / company :ARG1-of (i / involve-01 :ARG2 (t / trade-01 :ARG0 c3 :ARG2 (c2 / country :wiki "Iran" :name (n3 / name :op1 "Iran") :ARG1-of (m3 / mean-01 :ARG2 (r / republic :mod (r2 / religious-group :wiki "Islam" :name (n2 / name :op1 "Islam"))))))) :mod c5))) :ARG2 (t2 / try-01 :ARG0 p2 :ARG1 (s2 / smuggle-01 :ARG0 p2 :ARG1 (m / metal :ARG1-of (u / use-01 :ARG2 (o2 / or :op1 (w / weapon :ARG2-of (d2 / destroy-01 :degree (m2 / mass))) :op2 (s3 / system :purpose (d3 / deliver-01))) :ARG1-of (p / possible-01))) :ARG3 c2))) :time (d / date-entity :day 17 :month 7 :year 2008)) + +(s / state-01 :ARG0 (o / office :poss (p / person :ARG0-of (h / have-org-role-91 :ARG3 (p2 / prosecute-01 :mod (g / general)))))) + +(s2 / send-01 :ARG0 (p4 / person :ARG0-of (p / prosecute-01) :location (c5 / country-region :wiki "Astrakhan_Oblast" :name (n2 / name :op1 "Astrakhan") :location (a / across :op1 (s / sea :wiki "Caspian_Sea" :name (n3 / name :op1 "Caspian" :op2 "Sea")) :prep-from (c3 / country :wiki "Iran" :name (n4 / name :op1 "Iran"))) :location (s3 / south :part-of (c / country :wiki "Russia" :name (n / name :op1 "Russia"))))) :ARG1 (c2 / case-03 :ARG2 (p3 / person :wiki - :name (n5 / name :op1 "Anar" :op2 "Godzhayev"))) :ARG2 (c4 / court)) + +(t / tantalum :domain (m / metal :ARG1-of (q / question-01))) + +(p / possible-01 :ARG1 (u / use-01 :ARG1 (t / tantalum :ARG1-of (s / subject-01 :ARG2 (r2 / restrict-01 :ARG1 (e2 / export-01 :ARG1 t) :prep-under (l / law :mod (c / country :wiki "Russia" :name (n / name :op1 "Russia")))))) :ARG2 (p2 / produce-01 :ARG1 (a / and :op1 (e / equipment :ARG0-of (p3 / process-01 :ARG1 (c2 / chemical))) :op2 (r / reactor :mod (n2 / nucleus)) :op3 (p4 / part :mod (m / missile))) :ARG2 t))) + +(c / chemical :mod (g / grade :degree (s / super)) :domain (p / powder :mod (t / tantalum) :ARG1-of (u / use-01 :ARG2 (m / manufacture-01 :ARG1 (a / and :op1 (p3 / phone :ARG1-of (m2 / mobile-02)) :op2 (c2 / computer :ARG1-of (p4 / personal-02)) :op3 (v / vehicle :mod (m3 / motor)) :op4 (g2 / good :mod (e / electronic)))) :ARG1-of (p2 / possible-01)))) + +(s / state-01 :ARG0 (p5 / person :ARG0-of (p2 / prosecute-01)) :ARG1 (l / lie-08 :ARG0 (p / person :wiki - :name (n / name :op1 "Godzhayev")) :ARG3 (c2 / content :mod (s2 / shipment :mod (o / outgoing))) :medium (d2 / document :mod (c3 / customs))) :time (a2 / after :mod (a / ask-01 :ARG0 (p3 / person :mod (b / business) :ARG1-of (p4 / partner-01)) :ARG1 (s3 / send-01 :ARG0 p :ARG1 (m2 / material :quant (m / more-than :op1 (m3 / mass-quantity :quant 1 :unit (t / ton))) :ARG0-of (c4 / contain-01 :ARG1 (t2 / tantalum))) :ARG2 (c / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :time (d / date-entity :month 7 :year 2007))))) + +(d / detain-01 :ARG1 (p / person :wiki - :name (n2 / name :op1 "Godzhayev")) :time (a / after :op1 (c2 / check-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c3 / customs) :ARG2 (o / official))) :ARG1 (s / shipment :location (c4 / container :location (b / boat :ARG1-of (s2 / schedule-01 :ARG2 (l / leave-11 :ARG0 b :ARG2 (c / country :wiki "Iran" :name (n / name :op1 "Iran")))))))))) + +(a / and :op1 (c2 / citizen :mod (c / country :wiki "Uzbekistan" :name (n / name :op1 "Uzbekistan")) :domain (p / person :wiki - :name (n2 / name :op1 "Godzhayev"))) :op2 (f2 / face-01 :ARG0 p :ARG1 (t / try-02) :ARG1-of (p3 / possible-01) :time (s / soon))) + +(p / possible-01 :ARG1 (s / sentence-01 :ARG1 (p2 / person :wiki - :name (n / name :op1 "Godzhayev")) :ARG2 (t / temporal-quantity :quant 7 :unit (y / year) :location (p3 / prison)) :condition (c / convict-01 :ARG1 p2))) + +(h / hold-01 :ARG1 (p / person :wiki - :name (n2 / name :op1 "Godzhayev")) :location (c / city :wiki "Astrakhan" :name (n / name :op1 "Astrakhan"))) + +(a / available-02 :polarity - :ARG2 (a2 / and :op1 (p3 / person :wiki - :name (n3 / name :op1 "Godzhayev")) :op2 (p / person :ARG0-of (h / have-rel-role-91 :ARG1 p3 :ARG2 (l / lawyer)))) :purpose (c / comment-01 :ARG0 a2) :mod (i / immediate)) + +(a / and :op1 (s / support-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :ARG1 (r / right-05 :ARG1 (c2 / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :ARG2 (e / energy :mod (n4 / nucleus)))) :op2 (b / build-01 :ARG0 g :ARG1 (p / plant :mod (p2 / power :mod n4) :ord (o / ordinal-entity :value 1) :poss c2))) + +(s / state-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :ARG1 (e / evidence :polarity - :ARG0-of (p / prove-01 :ARG1 (c4 / claim-01 :ARG0 (a / and :op1 (c2 / country :wiki "United_States" :name (n2 / name :op1 "U.S.")) :op2 (c5 / country :mod (o / other) :location (w3 / world-region :wiki "Western_world" :name (n5 / name :op1 "West")))) :ARG1 (s2 / seek-01 :ARG0 (g3 / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c3 / country :wiki "Iran" :name (n3 / name :op1 "Iran")))) :ARG1 (d / develop-02 :ARG0 g3 :ARG1 (w2 / weapon :mod (n4 / nucleus)))))))) + +(i / involve-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / city :wiki "Moscow" :name (n / name :op1 "Moscow")) :ARG2 (o / official))) :ARG2 (e / effort :mod (i2 / international) :purpose (p / persuade-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "Iran" :name (n2 / name :op1 "Iran")))) :ARG2 (e2 / ease-01 :ARG1 (f / fear) :manner (a / abandon-01 :ARG0 g :ARG1 (e3 / enrich-01 :ARG0 g :ARG1 (u / uranium))))))) + +(q / question-03 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :ARG1 (a2 / assess-01 :ARG0 (c2 / country :wiki "United_States" :name (n2 / name :op1 "U.S.")) :ARG1 (t / threaten-01 :ARG1 (m / missile :mod (c3 / country :wiki "Iran" :name (n3 / name :op1 "Iran"))) :mod (p / potential))) :mod (a / also)) + +(m / maintain-01 :ARG0 (a2 / and :op1 (p2 / person :ARG0-of (l2 / lead-02 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :op2 (p3 / person :ARG0-of (l / lead-02 :ARG1 (c2 / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States"))))) :ARG1 (c3 / cooperate-01 :ARG0 a2 :ARG2 (e / effort :purpose (t / thwart-01 :ARG0 a2 :ARG1 (p / proliferate-01 :ARG0 (w / weapon :ARG2-of (d / destroy-01 :degree (m2 / mass)))))))) + +(d2 / date-entity :day 28 :month 7 :year 2008) + +(c2 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")) + +(a / and :op1 (n / narcotics) :op2 (i / international)) + +(s / state-01 :ARG0 (p / person :ARG0-of (r / represent-01 :ARG1 (o2 / organization :wiki "United_Nations" :name (n4 / name :op1 "U.N.")))) :ARG1 (c3 / contrast-01 :ARG1 (i / increase-01 :ARG1 (c4 / convert-01 :ARG1 (r2 / resin :mod (o3 / opium)) :ARG2 (h / heroin) :location (c5 / country :wiki "Afghanistan" :name (n5 / name :op1 "Afghanistan")))) :ARG2 (s2 / smuggle-01 :ARG1 (c / chemical :ARG1-of (n / need-01 :purpose (c2 / complete-01 :ARG0 c :ARG1 c4))) :ARG2 (c6 / country :mod (o / other)) :ARG3 c5))) + +(r / request-01 :ARG0 (p / person :ARG0-of (r2 / represent-01 :ARG1 (o2 / organization :wiki "United_Nations" :name (n2 / name :op1 "U.N.")))) :ARG1 (s / share-01 :ARG0 (c / community :mod (i / international)) :ARG1 (i2 / information :mod (m / more) :topic (p2 / person :ARG0-of (s2 / smuggle-01 :ARG1 (c2 / chemical)) :ARG1-of (k / know-02))))) + +(a2 / and :op1 (s / state-01 :ARG0 (o2 / organization :wiki "United_Nations" :name (n4 / name :op1 "U.N.")) :ARG1 (r / recommend-01 :ARG1 (d / do-02 :ARG0 (c / community :mod (i / international)) :ARG1 (m / more) :ARG2 (s2 / stop-03 :ARG0 c :ARG1 (c5 / chemical :ARG1-of (u / use-01 :ARG2 (c4 / convert-01 :ARG1 (o / opium) :ARG2 (h / heroin)))) :ARG2 (r3 / reach-01 :ARG0 c5 :ARG1 (c3 / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan")))))) :time (d2 / date-entity :day 28 :month 7 :year 2008)) :op2 (d5 / detail-01 :ARG0 o2 :ARG1 (i2 / increase-01 :ARG1 (s3 / sophistication :prep-in (t / trade :mod (d4 / drug) :poss c3))))) + +(p2 / produce-01 :ARG0 (c2 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")) :ARG1 (m / more-than :op1 (o / opium :quant (p / percentage-entity :value 90) :poss (w / world)))) + +(i / increase-01 :ARG1 (p / produce-01 :ARG1 (o / opium) :location (c4 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan"))) :time (s / since :op1 (r / remove-01 :ARG0 (i2 / invade-01 :ARG2-of (l / lead-02 :ARG0 (c5 / country :wiki "United_States" :name (n5 / name :op1 "U.S.")))) :ARG1 (r2 / regime :mod (c6 / criminal-organization :wiki "Taliban" :name (n6 / name :op1 "Taliban"))) :time (d2 / date-entity :year 2001)))) + +(b / believe-01 :ARG1 (p / profit-01 :ARG0 (a / and :op1 (p4 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01) :ARG1-of (b2 / back-01 :ARG0 (c3 / country :wiki "United_States" :name (n3 / name :op1 "America")))) :ARG2 (o / official))) :op2 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c4 / criminal-organization :wiki "Taliban" :name (n4 / name :op1 "Taliban")) :ARG2 (m / militant)))) :ARG1 (t / trade-01 :mod (l / law :polarity -)))) + +(s / show-01 :ARG0 (f / figure :mod (o2 / organization :wiki "United_Nations" :name (n3 / name :op1 "U.N."))) :ARG1 (y / yield-01 :ARG0 (c2 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan")) :ARG1 (a / approximately :op1 (m4 / mass-quantity :quant 9000 :quant-of (o / opium) :unit (t / ton) :ARG0-of (c3 / create-01 :ARG1 (m2 / more-than :op1 (m3 / mass-quantity :quant 900 :unit (t2 / ton) :quant-of (h / heroin))) :ARG1-of (p / possible-01)))) :time (d2 / date-entity :year 2007))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n6 / name :op1 "Christina" :op2 "Oguz") :ARG0-of (r / represent-01 :ARG1 (c4 / country :wiki "Afghanistan" :name (n8 / name :op1 "Afghanistan")) :ARG2 (o2 / organization :wiki "United_Nations_Office_on_Drugs_and_Crime" :name (n7 / name :op1 "U.N." :op2 "Office" :op3 "on" :op4 "Drugs" :op5 "and" :op6 "Crime")))) :ARG1 (i / increase-01 :ARG1 (c3 / convert-01 :ARG1 (r4 / resin :mod (o / opium)) :ARG2 (h / heroin) :location (l2 / laboratory :location (a2 / and :op1 (r2 / region :mod (b / border) :location (s2 / south :ARG1-of (p2 / plague-01 :ARG2 (i2 / insurgency)))) :op2 (r3 / region :mod (b2 / border) :location (e / east)) :degree (m / most)))) :location c4)) + +(s / state-01 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Oguz")) :ARG1 (i / indicate-01 :ARG0 (t / thing :ARG0-of (e / evidence-01 :ARG1 (h / heroin :mod (c3 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan")) :mod (q / quality :ARG1-of (h2 / high-02 :degree (m / more)))))) :ARG1 (a / assist-01 :ARG0 (c4 / chemist :ARG1-of (c5 / come-01 :ARG3 (o / outside :op1 (c6 / country)) :prep-as (p4 / person :mod (f / foreign) :ARG0-of (c / consult-01)))) :ARG1 (p3 / person :ARG0-of (r2 / run-01 :ARG1 (l / lab))))) :ARG2 (p2 / person :ARG0-of (r / report-01) :location (c2 / city :wiki "Kabul" :name (n3 / name :op1 "Kabul")))) + +(c5 / contrast-01 :ARG1 (s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Oguz")) :ARG1 (o / originate-01 :ARG1 (c2 / chemist) :ARG2 (c3 / country :ARG1-of (n2 / near-02 :ARG2 (b / border))))) :ARG2 (d / detail-01 :polarity - :ARG0 p :ARG1 (c4 / country :ARG1-of (s2 / specific-02)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n5 / name :op1 "Oguz")) :ARG1 (s2 / smuggle-01 :ARG1 (c5 / chemical :ARG1-of (n6 / need-01 :purpose (m / make-01 :ARG1 (h / heroin) :ARG2 c5))) :ARG2 (a / and :op1 (c6 / country :wiki "China" :name (n7 / name :op1 "China")) :op2 (c7 / country :wiki "South_Korea" :name (n8 / name :op1 "South" :op2 "Korea")) :op3 (c8 / country :location (c9 / continent :wiki "Europe" :name (n9 / name :op1 "Europe")) :ARG2-of (i / include-91 :ARG1 (c10 / country :wiki "Russia" :name (n10 / name :op1 "Russia")))) :op4 (l / location :part-of (w / world) :mod (o / other))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Oguz")) :ARG1 (u / use-01 :ARG1 (c / chemical :example (a / anhydride :mod (a2 / acetic)) :ARG1-of (c2 / call-01 :ARG2 (p2 / precursor))) :ARG2 (t / thing :ARG2-of (i / include-91 :ARG1 (a3 / and :op1 (i2 / industry :mod (p3 / paint)) :op2 (i3 / industry :mod (p4 / pharmacy)))) :ARG1-of (l / legal-02)) :mod (a4 / also))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n3 / name :op1 "Oguz")) :ARG1 (a / and :op1 (c4 / contrast-01 :ARG1 (e / export-01 :ARG1 (c3 / chemical) :mod (o / often) :ARG1-of (l / legal-02)) :ARG2 (d / divert-01 :ARG1 c3 :ARG3 (c5 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan")) :purpose (g / goal :ARG1-of (l4 / legal-02 :polarity -)) :time (l3 / late :degree (m2 / more)))) :op2 (h / have-03 :polarity - :ARG0 c5 :ARG1 (i2 / industry :ARG1-of (m / major-02) :ARG0-of (r / require-01 :ARG1 (c6 / chemical :mod (s2 / such))) :ARG1-of l)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Oguz"))) + +(c / correct-02 :polarity - :ARG1 (b / blame-01 :ARG1 (c3 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")) :ARG2 (p / problem :topic (h / heroin) :location (w / world)) :mod (a / alone))) + +(c4 / contrast-01 :ARG1 (p / produce-01 :ARG0 (c5 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan")) :ARG1 (o / opium :mod (m / material :mod (r / raw) :prep-for (h / heroin)))) :ARG2 (h3 / have-condition-91 :ARG1 (p2 / possible-01 :polarity - :ARG1 (m2 / make-01 :ARG1 (h2 / heroin) :ARG2 c6)) :ARG2 (c6 / chemical :polarity - :mod (c7 / certain) :ARG1-of (p3 / produce-01 :polarity - :location c5) :ARG1-of (s / smuggle-01 :ARG3 c5) :ARG2-of m2))) + +(c2 / contrast-01 :ARG1 (s2 / seize-01 :ARG0 (a / authority :mod (c4 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan"))) :ARG1 (m2 / more-than :op1 (m4 / mass-quantity :quant 200 :unit (t / ton) :quant-of (c3 / chemical))) :time (s3 / since :op1 (d3 / date-entity :year 2006))) :ARG2 (b / base-02 :ARG1 (n3 / need-01 :ARG1 (s4 / some :op1 (m3 / mass-quantity :quant 13000 :unit (t3 / ton) :quant-of c3))) :ARG2 (f / figure :time (d4 / date-entity :year 2007) :mod (p2 / produce-01 :ARG1 (o / opium))))) + +(s / suggest-01 :ARG0 (f / figure) :ARG1 (r / represent-01 :ARG0 (a / amount :ARG1-of (c / confiscate-01)) :ARG1 (f2 / fraction :mod (s2 / small) :part-of (t / total :ARG1-of (s3 / smuggle-01))))) + +(c3 / contrast-01 :ARG1 (s / seize-01 :ARG1 (c4 / chemical) :quant (m / most) :location (a / along :op1 (b / border-01 :ARG1 (c5 / country :wiki "Pakistan" :name (n3 / name :op1 "Pakistan")) :mod (e / east)))) :ARG2 (c6 / come-01 :ARG1 (c / chemical :quant (d2 / deal :mod (g2 / good))) :path (b2 / border-01 :ARG1 (c7 / country :wiki "Iran" :name (n4 / name :op1 "Iran")) :mod (w / west)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Oguz")) :ARG1 (r / recommend-01 :ARG1 (s2 / share-01 :ARG0 (c2 / community :mod (i / international)) :ARG1 (i2 / information :topic (p2 / person :ARG1-of (k / know-02) :ARG1-of (e / establish-01 :ARG1-of (l / long-03)) :ARG1-of (b / base-01 :location (c4 / country :ARG1-of (n3 / neighbor-01 :ARG2 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan"))))) :ARG0-of (s3 / smuggle-01 :ARG1 (c3 / chemical))) :quant (m / more))))) + +(i3 / increase-01 :ARG1 (c2 / concern-01 :ARG0 (b / bankroll-01 :ARG0 (m / militant :mod (c3 / criminal-organization :wiki "Taliban" :name (n3 / name :op1 "Taliban"))) :ARG1 (i2 / insurgency) :manner (t / trade-01 :ARG1 (d / drug))) :ARG1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (w / world-region :wiki "Western_world" :name (n2 / name :op1 "West")) :ARG2 (o / official))))) + +(c4 / cause-01 :ARG0 (a / allege-01 :ARG1 (p3 / protect-01 :ARG0 (p4 / person :wiki "Hamid_Karzai" :name (n2 / name :op1 "Hamid" :op2 "Karzai") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan")) :ARG2 (p2 / president))) :ARG1 (l / lord :mod (d / drug)) :purpose (p / politics))) :ARG1 (b / brief-01 :ARG0 (o2 / organization :wiki "United_Nations" :name (n4 / name :op1 "U.N.")))) + +(w / write-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :wiki "United_States_Department_of_State" :name (n10 / name :op1 "U.S." :op2 "State" :op3 "Department")) :ARG2 (o / official :ARG0-of (c / counter-01 :ARG1 (n2 / narcotic)) :mod (s / senior)) :time (f / former))) :ARG1 (g2 / go-01 :ARG1 (c4 / corrupt-01 :ARG1 g3 :ARG3 (n / narcotic)) :ARG4 (t / top :part-of (g3 / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c3 / country :wiki "Afghanistan" :name (n7 / name :op1 "Afghanistan")))))) :medium (a / article :part-of (m / magazine :part-of (n3 / newspaper :wiki "The_New_York_Times" :name (n6 / name :op1 "New" :op2 "York" :op3 "Times")) :time (d2 / date-entity :day 27 :month 7 :year 2008)))) + +(a / allege-01 :ARG0 (p5 / person :ARG0-of (h / have-org-role-91 :ARG2 (o / official))) :ARG1 (r / reluctant :topic (m / move-04 :ARG0 p :ARG1 (l / lord :mod (d / drug) :mod (b / big)) :location (b2 / base :mod (p2 / power) :mod (p3 / politics) :poss p :location (s2 / south :part-of (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan")) :location-of (p4 / produce-01 :ARG1 (o2 / opium :quant (m2 / most)))))) :domain (p / person :wiki "Hamid_Karzai" :name (n3 / name :op1 "Karzai")))) + +(s / state-01 :ARG0 (p / person :wiki "Hamid_Karzai" :name (n / name :op1 "Karzai")) :ARG1 (c / commit-01 :ARG0 p :ARG2 (a / and :op1 (e / eliminate-01 :ARG1 (c2 / corrupt-01)) :op2 (b / battle-01 :ARG0 p :ARG1 (t / trade-01 :ARG1 (d / drug)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Oguz")) :ARG1 (c2 / contrast-01 :ARG1 (c / corrupt-01 :ARG1 (s2 / system)) :ARG2 (a / and :op1 (l / lack-01 :ARG0 (c4 / country :wiki "Afghanistan" :name (n3 / name :op1 "Afghanistan")) :ARG1 (f / force :mod (p2 / police :ARG2-of (t3 / train-01 :manner (w / well)))) :duration (m2 / many :op1 (t2 / temporal-quantity :quant 1 :unit (y2 / year)))) :op2 (t4 / take-01 :ARG0 (o / official) :ARG1 (s3 / step) :ARG3 (f2 / fight-01 :ARG1 (c5 / corrupt-01)) :time (n / now :mod (o2 / only))))) :time (d2 / date-entity :day 28 :month 7 :year 2008)) + +(d2 / date-entity :day 25 :month 8 :year 2008) + +(c2 / country :wiki "Afghanistan" :name (n3 / name :op1 "Afghanistan")) + +(a / and :op1 (i / international) :op2 (t / terrorism) :op3 (g / government-organization :ARG0-of (g2 / govern-01)) :op4 (n / narcotic) :op5 (c / crime-02)) + +(c2 / confiscate-01 :ARG0 (p / police :poss (c3 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")) :ARG0-of (c4 / counter-01 :ARG1 (n3 / narcotic))) :ARG1 (o / opium :quant (m2 / mass-quantity :quant 1.2 :unit (t2 / ton :mod (m3 / meter)))) :time (r / raid-01)) + +(a / account-01 :ARG0 (c2 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")) :ARG1 (o2 / opium :ARG1-of (i / include-91 :ARG2 (o / opium :ARG1-of (s / supply-01 :ARG2 (w / world))) :ARG3 (p2 / percentage-entity :value 93))) :time (d2 / date-entity :year 2007)) + +(a / announce-01 :ARG0 (g2 / government-organization :wiki "Ministry_of_the_Interior_(Afghanistan)" :name (n3 / name :op1 "Interior" :op2 "Ministry") :poss (c2 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan"))) :time (d2 / date-entity :day 25 :month 8 :year 2008) :medium (t / thing :ARG0-of (s / state-01))) + +(c3 / confiscate-01 :ARG0 (p / police :ARG0-of (c4 / counter-01 :ARG1 (n3 / narcotic)) :poss (c5 / country :wiki "Afghanistan" :name (n4 / name :op1 "Afghanistan"))) :ARG1 (o / opium :quant (m2 / mass-quantity :quant 1.2 :unit (t2 / ton :mod (m3 / meter)))) :time (r / raid-01 :location (s / south :part-of c5))) + +(s / seize-01 :ARG1 (o / opium :quant (m2 / mass-quantity :quant 1.2 :unit (t / ton :mod (m3 / meter)))) :time (d2 / date-entity :day 19 :month 8 :year 2008) :location (d3 / district :wiki "Marjah" :name (n3 / name :op1 "Marjah") :location (p2 / province :wiki "Helmand_Province" :name (n4 / name :op1 "Helmand")))) + +(d / detain-01 :ARG1 (p / person :quant 3 :ARG0-of (s / smuggle-01))) + +(a / account-01 :ARG0 (c2 / country :wiki "Afghanistan" :name (n2 / name :op1 "Afghanistan")) :ARG1 (o2 / opium :ARG1-of (i / include-91 :ARG2 (o / opium :ARG1-of (s / supply-01 :ARG2 (g / globe))) :ARG3 (p2 / percentage-entity :value 93))) :time (d2 / date-entity :year 2007)) + +(p / province :domain (p2 / province :wiki "Helmand_Province" :name (n / name :op1 "Helmand")) :ARG0-of (p3 / produce-01 :ARG1 (o / opium)) :mod (l / large :degree (m / most) :poss (w / world))) + +(p / produce-01 :ARG0 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan")) :ARG1 (o / opium :quant (m2 / mass-quantity :quant 8200 :unit (t2 / ton :mod (m4 / meter)))) :time (d2 / date-entity :year 2007)) + +(i / ingredient :mod (m / main) :domain (o / opium) :ARG2-of (p / produce-01 :ARG1 (h / heroin))) + +(h / help-01 :ARG0 (t / trade-01 :ARG1 (o / opium) :quant (m3 / multiple :op1 (m2 / monetary-quantity :quant 1000000000 :unit (d2 / dollar)))) :ARG1 (f / fund-01 :ARG0 t :ARG1 (i / insurgency :ARG1-of (l / lead-02 :ARG0 (c2 / criminal-organization :wiki "Taliban" :name (n2 / name :op1 "Taliban")))))) + +(p / possible-01 :ARG1 (f / finance-01 :ARG0 (t / trade-01 :ARG1 (o2 / opium) :quant (m3 / multiple :op1 (m2 / monetary-quantity :quant 1000000000 :unit (d / dollar)))) :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG2 (o / official)) :ARG1-of (c / corrupt-01)))) + +(d2 / date-entity :day 26 :month 8 :year 2008) + +(a / and :op1 (c3 / country :wiki "Estonia" :name (n5 / name :op1 "Estonia")) :op2 (c4 / country :wiki "Georgia_(country)" :name (n6 / name :op1 "Georgia"))) + +(a / and :op1 (i / international) :op2 (t / telecom) :op3 (t2 / technology) :op4 (c / crime-02)) + +(h / host-01 :ARG0 (c2 / country :wiki "Estonia" :name (n2 / name :op1 "Estonia")) :ARG1 (w / website :mod (c3 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")) :quant (s / some)) :purpose (p / protect-01 :ARG0 c2 :ARG1 w :ARG2 (p2 / person :ARG0-of (h2 / hack-04)))) + +(s / state-01 :ARG0 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (o2 / official))) :ARG1 (h / host-01 :ARG0 (c4 / country :wiki "Estonia" :name (n7 / name :op1 "Estonia")) :ARG1 (a / and :op1 (w / website :poss (c / company :wiki "National_Bank_of_Georgia" :name (n8 / name :op1 "Central" :op2 "Bank") :poss (c5 / country :wiki "Georgia_(country)" :name (n9 / name :op1 "Georgia")))) :op2 (w2 / website :poss (g / government-organization :wiki "Ministry_of_Foreign_Affairs_of_Georgia" :name (n10 / name :op1 "Foreign" :op2 "Ministry") :poss c5)) :op3 (p / portal :mod (n11 / news) :manner (l3 / language :wiki "English_language" :name (n12 / name :op1 "English")) :mod c5)) :duration (t / temporary) :purpose (p2 / protect-01 :ARG1 a :ARG2 (a2 / attack-01 :mod (c7 / cyber)))) :time (d2 / date-entity :day 26 :month 7 :year 2008)) + +(s / state-01 :ARG0 (o / organization :wiki - :name (n7 / name :op1 "Estonian" :op2 "Informatics" :op3 "Center") :ARG1-of (r / run-01 :ARG0 (s4 / state))) :ARG1 (t / transfer-01 :ARG0 (c7 / country :wiki "Georgia_(country)" :name (n9 / name :op1 "Georgia")) :ARG1 (w / website :ARG1-of (k / key-02)) :ARG2 (s2 / service :location (c8 / country :mod (o2 / other) :ARG2-of (i / include-91 :ARG1 (a / and :op1 (c9 / country :wiki "Poland" :name (n10 / name :op1 "Poland")) :op2 (c10 / country :wiki "France" :name (n11 / name :op1 "France")))))) :time (a2 / after :op1 (a3 / attack-01 :ARG1 (w3 / website :quant (s3 / some)) :ARG1-of (f / follow-01 :ARG2 (b / break-13 :ARG1 (w2 / war-01 :ARG1 (c11 / country :wiki "Russia" :name (n12 / name :op1 "Russia"))))))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Katrin" :op2 "Pargmae") :ARG0-of (h3 / have-org-role-91 :ARG1 (o / organization :wiki - :name (n4 / name :op1 "Estonian" :op2 "Informatics" :op3 "Center")) :ARG2 (s3 / spokeswoman))) :ARG1 (m / make-02 :ARG0 (h / host-01 :ARG1 (w / website) :location (c3 / country :ARG1-of (d / differ-02))) :ARG1 (a / and :op1 (c4 / complicate-01 :ARG1 (d2 / disrupt-01 :ARG0 (p2 / person :ARG0-of (h2 / hack-04)) :ARG1 w) :ARG2 p2 :degree (m2 / more)) :op2 (c / consume-01 :ARG0 d2 :ARG1 (t / time))))) + +(s / state-01 :ARG0 (p2 / person :wiki - :name (n3 / name :op1 "Katrin" :op2 "Pargmae")) :ARG1 (h / help-01 :ARG0 (h2 / host-01 :ARG1 (w / website)) :ARG1 (p3 / possible-01 :ARG1 (s2 / see-01 :ARG0 (w3 / world) :ARG1 (w2 / webpage :poss (c2 / country :wiki "Georgia_(country)" :name (n4 / name :op1 "Georgia")))))) :mod (a / also)) + +(c2 / comment-01 :polarity - :ARG0 (p2 / person :wiki - :name (n3 / name :op1 "Katrin" :op2 "Pargmae")) :ARG1 (a / attack-01 :mod (c3 / country :wiki "Georgia_(country)" :name (n4 / name :op1 "Georgia")))) + +(e / experience-01 :ARG0 (c3 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia")) :ARG1 (c4 / cope-01 :ARG0 c3 :ARG1 (a / attack-01 :mod (c5 / cyber))) :mod (p2 / previous) :ARG1-of (c6 / cause-01 :ARG0 (t / target-01 :ARG1 (a2 / and :op1 (w2 / website :poss (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 c3))) :op2 (w / website :poss (s / sector :ARG1-of (p / private-03)))) :time (d / date-entity :month 5 :year 2007)))) + +(a / attack-01 :mod (d2 / date-entity :month 5 :year 2007) :time (a2 / after :op1 (d4 / decide-01 :ARG0 (c3 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia")) :ARG1 (r / relocate-01 :ARG0 c3 :ARG1 (a3 / and :op1 (m2 / memorial :mod (w / war) :mod (s / soviet)) :op2 (g / grave :mod s)))) :quant (m / multiple :op1 (t / temporal-quantity :quant 1 :unit (d3 / day))))) + +(a / anger-01 :ARG0 (r / relocate-01) :ARG1 (a2 / and :op1 (m / minority :mod (e / ethnic) :poss (c5 / country :wiki "Estonia" :name (n5 / name :op1 "Estonia")) :mod c6) :op2 (c6 / country :wiki "Russia" :name (n6 / name :op1 "Russia") :ARG1-of (n7 / neighbor-01)))) + +(a / accuse-01 :polarity - :ARG0 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c3 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia")) :ARG2 (o / official))) :ARG1 (c4 / country :mod (a2 / any)) :ARG2 (m / mount-01 :ARG1 (t / thing :ARG1-of (s / state-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 c3)) :ARG3 (a3 / attack-01 :ARG1-of (o2 / organize-01 :degree (h / high)) :mod (p / professional)))))) + +(s / state :domain (c / country :wiki "Estonia" :name (n / name :op1 "Estonia")) :location (w / world-region :wiki "Baltic_states" :name (n2 / name :op1 "Baltic"))) + +(d / date-entity :year 2008 :month 9 :day 3) + +(c / continent :wiki "Europe" :name (n / name :op1 "Europe")) + +(a / and :op1 (i / international) :op2 (m / money) :op3 (t / terrorism) :op4 (c / crime-02) :op5 (b / business)) + +(o / overturn-01 :ARG0 (c2 / court :ARG1-of (h / high-02 :degree (m / most)) :mod (o2 / organization :wiki "European_Union" :name (n2 / name :op1 "European" :op2 "Union"))) :ARG1 (v / verdict :ARG3-of (f / freeze-02 :ARG1 (a / asset :poss (a2 / and :op1 (i / individual) :op2 (g / group) :quant (m2 / multiple) :ARG1-of (a3 / accuse-01 :ARG2 (f2 / fund-01 :ARG0 a2 :ARG1 (o3 / organization :mod (t / terrorist)))))))) :time (d / date-entity :day 3 :month 9 :year 2008)) + +(o / overturn-01 :ARG0 (c5 / court :ARG1-of (h / high-02 :degree (m / most)) :mod (o2 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (d3 / decide-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :mod o2) :ARG1 (f / freeze-02 :ARG0 g :ARG1 (a / and :op1 (a2 / asset :poss (b2 / businessman :mod (c3 / country :wiki "Saudi_Arabia" :name (n3 / name :op1 "Saudi" :op2 "Arabia")))) :op2 (a3 / asset :poss (c / charity :ARG1-of (b / base-01 :location (c4 / country :wiki "Sweden" :name (n4 / name :op1 "Sweden"))) :ARG2-of (s / suspect-01 :ARG1 (f2 / fund-01 :ARG0 c :ARG1 (g3 / group :mod (t / terror) :mod (c2 / criminal-organization :wiki "Al-Qaeda" :name (n2 / name :op1 "Al-Qaida"))))))))) :time (d2 / date-entity :year 2001)) :time (d / date-entity :day 3 :month 9 :year 2008)) + +(c / conflict-01 :ARG0 (r / rule-01) :ARG1 (o3 / order-01 :ARG0 (o / organization :wiki "United_Nations" :name (n / name :op1 "United" :op2 "Nations")) :ARG0-of (c2 / counter-01 :ARG1 (t2 / terror)) :ARG0-of (o4 / oblige-02 :ARG1 (s / state :ARG0-of (h / have-org-role-91 :ARG1 o :ARG2 (m2 / member))) :ARG2 (f / freeze-02 :ARG0 s :ARG1 (a / asset :poss (a2 / and :op1 (p / person) :op2 (e / entity) :ARG2-of (s2 / suspect-01 :ARG1 (f2 / fund-01 :ARG0 a2 :ARG1 (g / group :mod (t3 / terror)))))))))) + +(s / state-01 :ARG0 (c3 / court :ARG1-of (h / high-02 :degree (m / most)) :mod (o2 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (f / fail-01 :ARG1 (o3 / order-01 :ARG0 (o / organization :wiki "United_Nations" :name (n2 / name :op1 "United" :op2 "Nations"))) :ARG2 (r / right-05 :ARG1 (o5 / or :op1 (i / individual :ARG1-of (b / blacklist-01 :mod (t / terror))) :op2 (i2 / individual :prep-on (d / defense))) :ARG2 (r2 / review-01 :ARG0 (j / judiciary) :prep-under (l2 / law :mod (c2 / continent :wiki "Europe" :name (n3 / name :op1 "Europe")))) :mod (a2 / any) :ARG1-of (l / legal-02))) :mod (a / also)) + +(a / acknowledge-01 :ARG0 (c2 / court :ARG1-of (h / high-02 :degree (m / most)) :mod (o3 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (p / possible-01 :ARG1 (j / justify-01 :ARG1 (t / thing :ARG0-of (c / cause-01 :ARG1 (f / freeze-02 :ARG1 (a2 / asset :poss (a3 / and :op1 (p2 / person :wiki "Yasin_al-Qadi" :name (n2 / name :op1 "Yasin" :op2 "Al-Qadi")) :op2 (o2 / organization :wiki "Al-Barakat" :name (n3 / name :op1 "Al-Barakaat" :op2 "International" :op3 "Foundation")))))))))) + +(k / know-01 :polarity - :ARG1 (u / unfreeze-00 :mode interrogative :ARG0 (n2 / nation :ARG0-of (s / set-up-03 :ARG1 (b / blacklist-01 :mod (t / terror) :mod (j / joint))) :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union")))) :ARG1 (a / asset))) + +(c2 / cause-01 :ARG0 (a / argue-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :mod (o / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (c / contrast-01 :ARG1 (o3 / oblige-02 :polarity - :ARG0 (r2 / rule-01 :ARG0 (c3 / court)) :ARG1 (n2 / nation :ARG0-of (h / have-org-role-91 :ARG1 o)) :ARG2 (r3 / remove-01 :ARG0 n2 :ARG1 (n3 / name) :ARG2 b)) :ARG2 (f / force-01 :ARG0 (t / thing) :ARG1 o :ARG2 (i / inform-01 :ARG0 o :ARG1 (a3 / and :op1 (i2 / individual) :op2 (g4 / group) :ARG1-of b) :ARG2 (f2 / freeze-02 :ARG1 (a4 / asset))) :mod (o4 / only)))) :ARG1 (r / remove-01 :ARG0 n2 :ARG1 (g3 / group :quant (n4 / none)) :ARG2 (b / blacklist-01 :ARG1 g3) :mod (o2 / official) :time (s / so-far))) + +(a / appeal-01 :ARG0 (p / person :wiki "Yasin_al-Qadi" :name (n4 / name :op1 "Yasin" :op2 "Al-Qadi") :ARG0-of (h / head-01 :ARG1 (o / organization :wiki - :name (n2 / name :op1 "Muwafaq" :op2 "Foundation") :ARG1-of (b / base-01 :location (c / country :wiki "Saudi_Arabia" :name (n / name :op1 "Saudi" :op2 "Arabia")))))) :ARG1 (d / decide-01 :ARG0 (o2 / organization :wiki "European_Union" :name (n3 / name :op1 "European" :op2 "Union")) :ARG1 (f / freeze-02 :ARG0 o2 :ARG1 (a2 / asset :mod (p2 / proprietor))))) + +(a / allege-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :wiki "United_States_Department_of_the_Treasury" :name (n2 / name :op1 "Treasury") :mod (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States"))) :ARG2 (o3 / official))) :ARG1 (f / front :mod (c3 / criminal-organization :wiki "Al-Qaeda" :name (n6 / name :op1 "al-Qaida")) :domain (o / organization :wiki - :name (n3 / name :op1 "Muwafaq" :op2 "Foundation")) :ARG1-of (u / use-01 :ARG2 (f2 / funnel-01 :ARG1 (m / multiple :op1 (a2 / and :op1 (m2 / monetary-quantity :quant 1000000 :unit (d2 / dollar)) :op2 (m3 / monetary-quantity :quant 1000000 :unit (e / euro)))) :ARG2 c3)))) + +(a / appeal-01 :ARG0 (o2 / organization :wiki "Al-Barakat" :name (n5 / name :op1 "Al-Barakaat" :op2 "International")) :ARG1 (d2 / decide-01 :ARG0 (o3 / organization :wiki "European_Union" :name (n3 / name :op1 "European" :op2 "Union")) :ARG1 (f / freeze-02 :ARG0 o3 :ARG1 (m / monetary-quantity :quant 1000000 :unit (k / krona :mod (c / country :wiki "Sweden" :name (n / name :op1 "Sweden"))))))) + +(s / state-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o2 / organization :wiki "Al-Barakat" :name (n3 / name :op1 "Al-Barakaat" :op2 "International")) :ARG2 (l / lawyer))) :ARG1 (u / use-01 :ARG1 (m / money) :ARG2 (f / fund-01 :ARG1 (p / program :topic (a / aid-01 :ARG2 (f2 / family :location (c / country :wiki "Somalia" :name (n2 / name :op1 "Somalia"))))) :ARG2 m))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Thomas" :op2 "Olsson")) :ARG1 (e / examine-01 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki "Al-Barakat" :name (n2 / name :op1 "Al-Barakaat" :op2 "International")) :ARG2 (l / lawyer))) :ARG1 (w / way :instrument-of (h2 / have-04 :ARG0 p3 :ARG1 (r / release-01 :ARG1 (a / asset) :destination (p2 / person :mod (c / country :wiki "Somalia" :name (n3 / name :op1 "Somalia")) :location (c2 / country :wiki "Sweden" :name (n4 / name :op1 "Sweden")) :ARG0-of (u / use-01 :ARG1 (n5 / network) :ARG2 (s2 / send-01 :ARG0 p2 :ARG1 (f / fund) :ARG2 (p4 / person :location c :ARG0-of (h3 / have-rel-role-91 :ARG2 (r2 / relative))))) :ARG0-of (i / immigrate-01))))) :time (n6 / now))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Thomas" :op2 "Olsson")) :ARG1 (c / cause-01 :ARG0 (r / remain-01 :ARG1 (t / thing :ARG2-of (s2 / sanction-02)) :ARG3 (l / level :mod (o2 / organization :wiki "United_Nations" :name (n3 / name :op1 "United" :op2 "Nations")))) :ARG1 (o3 / obligate-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki "Al-Barakat" :name (n2 / name :op1 "Al-Barakaat" :op2 "International")) :ARG2 (l2 / lawyer))) :ARG2 (e / examine-01 :ARG0 p2 :ARG1 (c2 / consequence :mod (j / judiciary) :poss (v / verdict))))) :mod (a / also)) + +(s / state-01 :ARG0 (c3 / court :ARG1-of (h / high-02 :degree (m / most)) :mod o2) :ARG1 (r / require-01 :ARG1 (i / inform-01 :ARG0 o2 :ARG1 (p / person :mod (a / any) :poss-of (a2 / asset :ARG1-of (f / freeze-02))) :ARG2 (t2 / thing :ARG0-of (c / cause-01 :ARG1 f)) :manner (s2 / swift :degree (m2 / most) :compared-to (p2 / possible-01 :ARG1 i)) :time (a3 / after :op1 (d2 / decide-01 :ARG1 f)) :purpose (r3 / right-05 :ARG1 p :ARG2 (r2 / recourse :ARG1-of (l / legal-02)))) :ARG2 (o2 / organization :wiki "European_Union" :name (n4 / name :op1 "European" :op2 "Union") :ARG1-of (h2 / have-org-role-91 :ARG0 (n3 / nation :quant 27)))) :time (d / date-entity :day 3 :month 9 :year 2008)) + +(a / approve-01 :ARG0 (l / lawyer :wiki - :name (n2 / name :op1 "Thomas" :op2 "Olsson") :mod (c / country :wiki "Sweden" :name (n / name :op1 "Sweden")) :ARG0-of (r / represent-01 :ARG1 (o / organization :wiki "Al-Barakat" :name (n4 / name :op1 "Al-Barakaat")) :ARG2 (c2 / case-03))) :ARG1 (r2 / rule-01)) + +(p / possible-01 :ARG1 (h / hinder-01 :ARG0 (r / rule-01 :mod (t / this)) :ARG1 (e / effort :mod (i / international) :purpose (s / stop-01 :ARG1 (f / finance-01 :ARG1 (g / group :mod (t2 / terror) :ARG2-of (i2 / include-01 :ARG1 (c / criminal-organization :wiki "Al-Qaeda" :name (n / name :op1 "al-Qaida"))))))))) + +(o2 / overturn-01 :ARG0 (r / rule-01) :ARG1 (d2 / decide-01 :ARG0 (c2 / court :mod (o3 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :time (e / early :op1 (d / date-entity :year 2005) :degree (m / more)) :ARG0-of (r2 / reject-01 :ARG1 (a / appeal-01 :ARG0 (a2 / and :op1 (p / person :wiki "Yasin_al-Qadi" :name (n2 / name :op1 "Al-Qadi")) :op2 (o / organization :wiki "Al-Barakat" :name (n3 / name :op1 "Al-Barakaat" :op2 "International" :op3 "Foundation"))))))) + +(s / state-01 :ARG0 (r / rule-01) :ARG1 (e / err-01 :ARG0 (j / judge-01 :ARG0 (c3 / court :poss (o2 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1-of (l / low-04 :degree (m / more))) :manner (l2 / law) :manner (s2 / state-01 :ARG0 j :ARG1 (h / have-03 :polarity - :ARG0 (c / court :mod o2) :ARG1 (j2 / jurisdiction :mod (r2 / review-01 :ARG1 (l3 / legality :poss (o3 / order-01 :ARG2 (f / freeze-02 :ARG1 (a / asset :poss (a2 / and :op1 (i / individual) :op2 (g / group) :ARG0-of (f2 / fund-01 :ARG1 (g2 / group :mod (t2 / terror)) :ARG1-of (d / deem-01 :ARG0 (o / organization :wiki "United_Nations" :name (n3 / name :op1 "United" :op2 "Nations"))))))) :ARG1-of (c2 / contest-01))))))))) + +(w / win-01 :ARG0 (a / and :op1 (p / person :ARG2-of (s / suspect-01)) :op2 (g / group) :mod (o / other) :ARG1-of (b / blacklist-01 :ARG0 (o2 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union")) :mod (t / terror))) :prep-against (l2 / list-01 :ARG1 a) :mod (a2 / also) :ARG1-of (c / cause-01 :ARG0 (r / reason :ARG1-of (r2 / resemble-01))) :ARG1-of (l / legal-02)) + +(o3 / or :op1 (u / unfreeze-00 :polarity - :ARG1 (a3 / asset :poss (a / and :op1 (p / person :ARG2-of (s / suspect-01)) :op2 (g / group) :mod (t / this)))) :op2 (r / remove-01 :polarity - :ARG1 (n2 / name :poss a) :ARG2 (b / blacklist-01 :ARG0 (o2 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union")))) :time (s2 / so-far)) + +(o3 / overturn-01 :ARG0 (c4 / court :mod (h / high) :mod (o4 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (d / decide-01 :ARG0 o4 :ARG1 (f / freeze-02 :ARG0 o4 :ARG1 (a / asset :poss (c / criminal-organization :wiki "People's_Mujahedin_of_Iran" :name (n2 / name :op1 "People's" :op2 "Mujahadeen" :op3 "of" :op4 "Iran"))))) :time (p / previous)) + +(m / movement-07 :ARG1 (r / resist-01 :ARG0 (c / country :wiki "Iran" :name (n2 / name :op1 "Iran"))) :ARG1-of (e / exile-01) :domain (c2 / criminal-organization :wiki "People's_Mujahedin_of_Iran" :name (n / name :op1 "People's" :op2 "Mujahadeen" :op3 "of" :op4 "Iran")) :ARG1-of (b / blacklist-01 :ARG0 (o3 / organization :wiki "European_Union" :name (n4 / name :op1 "European" :op2 "Union")) :mod (t / terror))) + +(c5 / cause-01 :ARG0 (i / inform-01 :polarity - :ARG1 (a / and :op1 p2 :op2 g2) :ARG2 (t / thing :ARG0-of (c / cause-01 :ARG1 (f / freeze-02 :ARG1 (a2 / asset)))) :ARG0-of (b / breach-01 :ARG1 (l2 / law :mod o5))) :ARG1 (o4 / overturn-01 :ARG0 (c4 / court :ARG1-of (h / high-02) :mod (o5 / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (d / decide-01 :ARG1 (f2 / freeze-02 :ARG1 (a3 / and :op1 (a4 / asset :poss (p2 / person :ARG0-of (l3 / lead-02 :ARG1 (p / person :ARG0-of (r2 / rebel-01))) :ARG1-of (e / exile-01 :ARG2 (c2 / country :wiki "Philippines" :name (n3 / name :op1 "Philippines"))))) :op2 (a5 / asset :poss (g2 / group :wiki "Al-Aqsa_Foundation" :name (n5 / name :op1 "Al-Aqsa" :op2 "Foundation") :ARG1-of (b2 / base-01 :location (c3 / country :wiki "Netherlands" :name (n4 / name :op1 "Netherlands")))))))) :time (r / recent))) + +(f / freeze-02 :ARG1 (a / asset :poss (p / person :quant 370)) :ARG1-of (c / cause-01 :ARG0 (b / blacklist-01 :ARG0 (o / organization :wiki "United_Nations_Security_Council" :name (n / name :op1 "United" :op2 "Nations" :op3 "Security" :op4 "Council")) :ARG1 p :mod (t / terrorist)))) + +(t / target-01 :ARG0 (b / blacklist-01 :ARG0 (o / organization :wiki "European_Union" :name (n / name :op1 "European" :op2 "Union"))) :ARG1 (o2 / organization :quant (a / about :op1 60)) :mod (a2 / also)) + +(d2 / date-entity :year 2008 :month 9 :day 3) + +(c2 / country :wiki "Brazil" :name (n / name :op1 "Brazil")) + +(a / and :op1 (w / weapon) :op2 (t / technology) :op3 (i / international)) + +(s / state-01 :ARG0 (p3 / person :wiki "Roberto_Mangabeira_Unger" :name (n6 / name :op1 "Roberto" :op2 "Mangabeira" :op3 "Unger") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Brazil" :name (n / name :op1 "Brazil")) :ARG2 (m / minister :mod (a / affair :mod (s2 / strategic))))) :ARG1 (c2 / call-03 :ARG0 (p / plan-01 :ARG0 c :ARG1 (d / defend-01 :ARG1 (n7 / nation)) :mod (n2 / new)) :ARG1 (e / establish-01 :ARG1 (p2 / partner-01 :ARG0 c :ARG1 (c5 / country :ARG2-of (i2 / include-01 :ARG1 (a2 / and :op1 (c3 / country :wiki "Russia" :name (n4 / name :op1 "Russia")) :op2 (c4 / country :wiki "France" :name (n5 / name :op1 "France")))))) :purpose (b / build-02 :ARG0 (a3 / and :op1 c :op2 c3 :op3 c4) :ARG1 (i / industry :mod (w / weapon) :mod (s4 / state-of-the-art)))))) + +(s / state-01 :ARG0 (p2 / person :wiki "Roberto_Mangabeira_Unger" :name (n5 / name :op1 "Roberto" :op2 "Mangabeira" :op3 "Unger") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Brazil" :name (n / name :op1 "Brazil")) :ARG2 (m / minister :mod (a / affair :mod (s2 / strategic))))) :ARG1 (p / plan-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 c)) :ARG1 (r / rebuild-01 :ARG0 g :ARG1 (i / industry :mod (w / weapon) :poss c) :ARG1-of (h2 / help-01 :ARG0 (t / technology :ARG1-of (d2 / develop-02 :location (c3 / country :mod (o / other))))))) :time (d / date-entity :day 3 :month 9 :year 2008)) + +(s / state-01 :ARG0 (p / person :wiki "Roberto_Mangabeira_Unger" :name (n / name :op1 "Unger")) :ARG1 (c4 / call-03 :ARG0 (p2 / plan-01 :ARG0 (c / country :wiki "Brazil" :name (n2 / name :op1 "Brazil")) :ARG1 (d / defend-01 :ARG1 (n6 / nation)) :mod (n5 / new)) :ARG1 (e / establish-01 :ARG0 c :ARG1 (p3 / partner-01 :ARG0 c :ARG1 (c5 / country :ARG2-of (i / include-01 :ARG1 (a / and :op1 (c2 / country :wiki "Russia" :name (n3 / name :op1 "Russia")) :op2 (c3 / country :wiki "France" :name (n4 / name :op1 "France"))))) :purpose (b / build-01 :ARG0 c :ARG1 (i2 / industry :mod (w / weapon) :mod (s3 / state-of-the-art))))))) + +(s / state-01 :ARG0 (p / person :wiki "Roberto_Mangabeira_Unger" :name (n / name :op1 "Unger")) :ARG1 (i / involve-01 :ARG1 (e / element :ARG1-of (s2 / significant-02) :mod (r / research-01) :mod (d / develop-02)) :ARG2 (t / transfer-01 :ARG1 (t2 / technology) :mod (s3 / such)) :location (c / country :wiki "Brazil" :name (n3 / name :op1 "Brazil")))) + +(s / state-01 :ARG0 (p2 / person :wiki "Roberto_Mangabeira_Unger" :name (n / name :op1 "Unger")) :ARG1 (c2 / consider-02 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Brazil" :name (n2 / name :op1 "Brazil")))) :ARG1 (i / increase-01 :ARG1 (m / monetary-quantity :ARG3-of (s3 / spend-01 :ARG0 g :ARG4 (d2 / defend-01)) :ARG1-of (s4 / stand-04 :ARG2 (p / percentage-entity :value 1.5 :quant-of (p4 / product :mod (d3 / domestic) :ARG1-of (g3 / gross-03))) :time (c3 / current))) :ARG2 (s2 / significant-02))) :time (w / week :mod (d / date-entity :day 24 :month 8 :year 2008))) + +(h / have-quant-91 :ARG1 (p / product :ARG1-of (g / gross-03) :mod (d3 / domestic) :poss (c / country :wiki "Brazil" :name (n / name :op1 "Brazil"))) :ARG2 (a2 / approximately :op1 (m / monetary-quantity :quant 1500000000000 :unit (d2 / dollar :mod (c2 / country :wiki "United_States" :name (n2 / name :op1 "US")))) :time (d / date-entity :year 2007))) + +(d / date-entity :day 12 :month 9 :year 2008) + +(c / country :wiki "Sweden" :name (n / name :op1 "Sweden")) + +(a / and :op1 (i / international) :op2 (m / money) :op3 (t / terrorism) :op4 (c / crime-02)) + +(d2 / drop-05 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Ronnie" :op2 "Jacobsson") :mod (c / country :wiki "Sweden" :name (n / name :op1 "Sweden")) :ARG0-of (h / have-org-role-91 :ARG3 (p3 / prosecute-01))) :ARG1 (t / thing :ARG2-of (c2 / charge-05 :ARG1 (p2 / person :quant 3 :mod c :ARG1-of (a / arrest-01 :ARG2 (f / fund-01 :ARG0 p2 :ARG1 (t2 / terrorism) :ARG1-of (s / suspect-01)))))) :time (d / date-entity :day 9 :month 9 :year 2008)) + +(s / state-01 :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Ronnie" :op2 "Jacobsson") :mod (c2 / country :wiki "Sweden" :name (n3 / name :op1 "Sweden")) :ARG0-of (h / have-org-role-91 :ARG3 p3) :ARG0-of (p3 / prosecute-01)) :ARG1 (c / charge-05 :polarity - :ARG1 (p / person :quant 3 :mod c2 :ARG1-of (a / arrest-01 :ARG2 (f / fund-01 :ARG0 p :ARG1 (t / terrorism) :ARG1-of (s2 / suspect-01)) :time (d2 / date-entity :year 2008 :mod (e / early :degree (m / more)))))) :time (d / date-entity :day 9 :month 9 :year 2008)) + +(c / cause-01 :ARG0 (p2 / possible-01 :polarity - :ARG1 (p3 / provide-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Ronnie" :op2 "Jaccobson")) :ARG1 (i / intend-01 :ARG0 (m / man) :ARG1 (s / send-01 :ARG0 m :ARG1 (m2 / money) :ARG2 (o / organization :mod (t2 / terrorist)))))) :ARG1 (d / drop-05 :ARG1 (t / thing :ARG2-of (c2 / charge-05)))) + +(a / accuse-01 :ARG1 (p2 / person :mod (c / country :wiki "Sweden" :name (n / name :op1 "Sweden"))) :ARG2 (u / use-01 :ARG0 p2 :ARG1 (n3 / network :instrument-of (t / transfer-01 :ARG1 (m / money)) :mod (f / formal :polarity -) :ARG1-of (c3 / call-01 :ARG2 (h / hawalas))) :ARG2 (s / send-01 :ARG0 p2 :ARG1 (t2 / thing :ARG2-of (f2 / fund-01)) :ARG2 (g / group :mod (t3 / terror) :ARG1-of (a2 / allege-01) :location (c2 / country :wiki "Somalia" :name (n2 / name :op1 "Somalia")))))) + +(a / arrest-01 :ARG1 (p2 / person :quant 3 :mod (c / country :wiki "Sweden" :name (n / name :op1 "Sweden"))) :time (r / raid-01) :location (c2 / city :wiki "Stockholm" :name (n2 / name :op1 "Stockholm")) :time (d / date-entity :month 2)) + +(c2 / coordinate-01 :ARG1 (r / raid-01) :ARG2 (c3 / crack-down-06 :location (c / country :wiki "Norway" :name (n / name :op1 "Norway") :location-of (a / arrest-01 :ARG1 (p / person :quant 3 :ARG2-of (s / suspect-01) :mod (a2 / another)) :ARG2 (t / thing :ARG0-of (g / ground-01) :ARG1-of (r2 / resemble-01)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Ronnie" :op2 "Jacobsson")) :ARG1 (g / go-on-15 :ARG1 (i / investigate-01 :mod (c / country :wiki "Norway" :name (n2 / name :op1 "Norway"))) :mod (s2 / still))) + +(p / person :quant 3 :mod (c / country :wiki "Sweden" :name (n / name :op1 "Sweden")) :age (o / or :op1 (t / temporal-quantity :quant 30 :unit (y / year)) :op2 (t2 / temporal-quantity :quant 40 :unit (y2 / year)))) + +(s / system :domain (h / hawala) :mod (p / paper :polarity -) :ARG1-of (b / base-02 :ARG2 (a / and :op1 (t / trust-02) :op2 (a2 / agree-01 :manner (o / oral)))) :ARG1-of (u / use-01 :mod (c3 / common) :location (a3 / and :op1 (w / world-region :wiki "Middle_East" :name (n / name :op1 "Middle" :op2 "East")) :op2 (l / location :part-of (c / continent :wiki "Asia" :name (n2 / name :op1 "Asia"))) :op3 (l2 / location :part-of (c2 / continent :wiki "Africa" :name (n3 / name :op1 "Africa")))))) + +(s / state-01 :ARG0 (l / lawyer :wiki - :name (n2 / name :op1 "Thomas" :op2 "Olsson") :mod (d / defense)) :ARG1 (a / and :op1 (t / tragedy :degree (v / very)) :op2 (f / fail-01 :ARG0 (a2 / and :op1 (l3 / law) :op2 (o2 / order) :mod (c / country :wiki "Sweden" :name (n3 / name :op1 "Sweden")))) :domain (d2 / detain-01 :ARG1 (p / person :ARG1-of (r / represent-01 :ARG0 l) :ARG0-of (h2 / have-rel-role-91 :ARG1 l :ARG2 (c2 / client))) :ARG1-of (h / have-concession-91 :ARG2 (w / weak-02 :ARG1 (t3 / thing :ARG0-of (e / evidence-01 :prep-against p)))) :ARG1-of (l2 / long-03 :degree (s2 / such))))) + +(h / hold-01 :ARG1 (m3 / man :quant 2 :ARG1-of (i / include-91 :ARG2 (m5 / man))) :duration (m4 / more-than :op1 (t / temporal-quantity :quant 3 :unit (m2 / month))) :time (b2 / before :op1 (r / release-01 :ARG1 m3 :time (s / start-01 :ARG1 (d2 / date-entity :year 2008 :season (s2 / summer)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Ronnie" :op2 "Jacobsson")) :ARG1 (a / and :op1 (e / examine-01 :ARG0 (c / court) :ARG1 (t2 / thing :ARG0-of (o / order-01 :ARG1 (d / detain-01))) :frequency (r2 / rate-entity-91 :ARG3 (t / temporal-quantity :quant 2 :unit (w / week)))) :op2 (f / find-01 :ARG1 (r / reason :ARG0-of (c2 / cause-01 :ARG1 (d2 / detain-01 :ARG1 (m / man))))))) + +(h / have-concession-91 :ARG1 (v2 / voice-01 :ARG0 (a3 / and :op1 (a5 / authority :mod c) :op2 (a6 / authority :mod c2)) :ARG1 (c3 / concern-01 :ARG0 (o4 / or :op1 (t2 / terrorist :ARG0-of (o / operate-01 :location (o2 / out :op1 (w / world-region :wiki "Scandinavia" :name (n3 / name :op1 "Scandinavia"))))) :op2 (p / person :ARG0-of (f / finance-01 :ARG1 (t3 / terror)) :ARG0-of (o3 / operate-01 :location o2))) :ARG1 a3)) :ARG2 (s / spare-01 :ARG1 (a / and :op1 (c / country :wiki "Norway" :name (n / name :op1 "Norway")) :op2 (c2 / country :wiki "Sweden" :name (n2 / name :op1 "Sweden"))) :ARG2 (a2 / act-02 :mod (t / terror) :mod (v / violence)))) + +(s / sentence-01 :ARG1 (p3 / person :quant 2 :mod (c / country :wiki "Iraq" :name (n / name :op1 "Iraq"))) :ARG2 (p4 / prison) :ARG3 (a / and :op1 (c3 / collect-01 :ARG0 p3 :ARG1 (m / money)) :op2 (t / transfer-01 :ARG0 p3 :ARG1 m :ARG2 (t2 / terrorist :wiki "Abu_Musab_al-Zarqawi" :name (n3 / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi")))) :time (d / date-entity :year 2005) :location (c2 / country :wiki "Sweden" :name (n2 / name :op1 "Sweden"))) + +(p / person :wiki "Abu_Musab_al-Zarqawi" :name (n / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi") :ARG0-of (l / lead-02 :ARG1 (c / criminal-organization :wiki "Al-Qaeda" :name (n2 / name :op1 "al-Qaida")) :location (c2 / country :wiki "Iraq" :name (n3 / name :op1 "Iraq"))) :mod (l2 / late)) + +(d / date-entity :day 26 :month 9 :year 2008) + +(c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) + +(a / and :op1 (i / international) :op2 (m / military) :op3 (t / technology) :op4 (p / person :ARG0-of (l / lead-02)) :op5 (s / space) :op6 (w / weapon)) + +(c2 / cause-01 :ARG0 (w / war-01 :ARG0 c :ARG1 (c3 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")) :time (r / recent)) :ARG1 (p / plan-01 :ARG0 (c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) :ARG1 (a / and :op1 (u / upgrade-02 :ARG0 c :ARG1 (t / thing :poss c :mod (n4 / nucleus) :ARG0-of (d / deter-01))) :op2 (m / modernize-01 :ARG0 c :ARG1 (m2 / military))))) + +(o / order-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG2 (p2 / president))) :ARG1 (a / and :op1 (u / upgrade-02 :ARG1 (t / thing :mod (n4 / nucleus) :poss (c / country :wiki "Russia" :name (n2 / name :op1 "Russian" :op2 "Federation")) :ARG0-of (d / deter-01))) :op2 (m / modernize-01 :ARG1 (f / force :ARG1-of (a2 / arm-01) :poss c)))) + +(i / include-01 :ARG1 (p / plan-01 :ARG1 (a / and :op1 (b / build-01 :ARG1 (n / network :ARG2-of (d / defend-01 :mod (a2 / air) :mod (s3 / space)) :mod (n2 / new))) :op2 (b2 / begin-01 :ARG1 (p2 / produce-01 :ARG1 (s / ship :mod (w / war) :ARG2-of (i2 / include-01 :ARG1 (s2 / submarine :mod (n3 / nucleus)))) :extent (s5 / scale :mod (l / large)))))) :ARG2 (u / upgrade-02 :mod (t / this))) + +(c2 / cause-01 :ARG0 (w / war-01 :ARG1 (c3 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")) :time (r / recent)) :ARG1 (s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG2 (p3 / president))) :ARG1 (o / obligate-01 :ARG2 (p2 / prioritize-01 :ARG0 (c / country :wiki "Russia" :name (n2 / name :op1 "Russian" :op2 "Federation")) :ARG1 (m / modernize-01 :ARG1 (m2 / military)))))) + +(s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG2 (p2 / president))) :ARG1 (t / this) :time (d / date-entity :day 26 :month 9 :year 2008) :time (m / meet-03 :ARG0 p :ARG1 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (o / officer))) :time (a / after :op1 (e / exercise :mod (m2 / military) :location (s2 / south :part-of (p4 / province :wiki "Orenburg_Oblast" :name (n2 / name :op1 "Orenburg"))))))) + +(a / and :op1 (p2 / post-01 :ARG1 (t / thing :ARG1-of (s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG2 (p3 / president))))) :ARG2 (w / website :poss (g / government-organization :wiki "Moscow_Kremlin" :name (n2 / name :op1 "Kremlin")))) :op2 (c / carry-01 :ARG0 (a2 / agency :mod (n3 / news) :mod (s2 / state)) :ARG1 t :manner (f / full))) + +(s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG2 (p2 / president))) :ARG1 (o / obligate-01 :ARG2 (m / modernize-01 :ARG1 (a / army :mod (c / country :wiki "Russia" :name (n2 / name :op1 "Russia"))) :time (b / by :op1 (d / date-entity :year 2020))))) + +(g / give-01 :ARG0 (p4 / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG2 (p5 / president))) :ARG1 (u / until :op1 (d / date-entity :month 12 :year 2008) :time-of (c / come-up-11 :ARG0 p2 :ARG1 (t / thing :ARG1-of (p3 / plan-01)))) :ARG2 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (m / military) :ARG2 (c3 / commander)))) + +(d / date-entity :day 26 :month 9 :year 2008) + +(c / country :wiki "Russia" :name (n / name :op1 "Russian" :op2 "Federation")) + +(a / and :op1 (i / international) :op2 (m / military) :op3 (t / technology) :op4 (s / space) :op5 (w / weapon) :op6 (p / person :ARG0-of (l / lead-02))) + +(s / state-01 :ARG0 (p2 / person :wiki "Dmitry_Medvedev" :name (n2 / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG2 (p / president))) :ARG1 (h / highlight-01 :ARG0 (c5 / conflict-01 :ARG0 c :ARG1 (c3 / country :wiki "Georgia_(country)" :name (n4 / name :op1 "Georgia")) :time (d / date-entity :month 8 :year 2008) :mod (m / military)) :ARG1 (n6 / need-01 :ARG0 (m2 / military :mod c) :ARG1 (m3 / modernize-01 :ARG1 m2)))) + +(p2 / plan-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Medvedev")) :ARG1 (h / have-03 :ARG0 p :ARG1 (s / system :ARG1-of (g / guarantee-01) :ARG2-of (i / include-01 :ARG1 (a / and :op1 (s2 / ship :mod (w / war)) :op2 (s3 / submarine :ARG1-of (p4 / power-01 :ARG0 (n3 / nucleus))))) :ARG0-of (d3 / deter-01) :mod (n2 / nucleus)) :time (b / by :op1 (d / date-entity :year 2020)))) + +(s / state-01 :ARG0 (p2 / person :wiki "Dmitry_Medvedev" :name (n2 / name :op1 "Dmitry" :op2 "Medvedev") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG2 (p / president))) :ARG1 (o / obligate-01 :ARG2 (a / and :op1 (m / modernize-01 :ARG0 (m2 / military :mod c) :ARG1 (f / force :ARG1-of (a2 / arm-01))) :op2 (u / upgrade-02 :ARG0 m2 :ARG1 (t / thing :ARG0-of (d2 / deter-01) :mod (n4 / nucleus))) :manner (b / build-01 :ARG0 m2 :ARG1 (n5 / network :ARG2-of (d3 / defend-01 :manner (a3 / air) :manner (s2 / space)) :mod (n3 / new))))) :time (d / date-entity :day 26 :month 9 :year 2008)) + +(a / announce-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Medvedev")) :ARG1 (p2 / plan-01 :ARG1 (b / begin-01 :ARG0 p :ARG1 (p3 / produce-01 :ARG0 p :ARG1 (s / ship :mod (w / war) :ARG2-of (i / include-01 :ARG1 (s3 / submarine :ARG1-of (p4 / power-01 :ARG0 (n2 / nucleus)) :ARG1-of (a2 / arm-01 :ARG2 (m / missile :mod (c / cruise)))))) :extent (s2 / scale :mod (l / large))))) :mod (a3 / also)) + +(i / issue-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Medvedev")) :ARG1 (t / thing :ARG1-of (s / state-01)) :ARG2 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (m2 / military) :ARG2 (c / commander))) :time (a / after :op1 (e / exercise :mod (m / military) :location (s2 / south :part-of (p3 / province :wiki "Orenburg_Oblast" :name (n2 / name :op1 "Orenburg")))))) + +(a / and :op1 (p2 / post-01 :ARG1 (t / thing :ARG1-of (s / state-01)) :ARG2 (s3 / site :poss (g / government-organization :wiki "Moscow_Kremlin" :name (n2 / name :op1 "Kremlin")) :mod (w / web))) :op2 (c / carry-01 :ARG0 (a2 / agency :mod (n3 / news) :mod (s2 / state)) :ARG1 t)) + +(s / state-01 :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Medvedev"))) + +(d2 / demonstrate-01 :ARG0 (c2 / conflict-01 :ARG1 (c / country :wiki "Georgia_(country)" :name (n / name :op1 "Georgia")) :time (d / date-entity :month 8 :year 2008) :mod (m2 / military)) :ARG1 (n2 / need-01 :ARG1 (m / modernize-01))) + +(c5 / contrast-01 :ARG1 (a / and :op1 (r / respond-01 :ARG0 (m / military :mod (c / country :wiki "Russia" :name (n / name :op1 "Russia"))) :ARG1 (a2 / attack-01 :ARG0 (c2 / country :wiki "Georgia_(country)" :name (n2 / name :op1 "Georgia")) :ARG1 (c3 / country-region :wiki "South_Ossetia" :name (n3 / name :op1 "South" :op2 "Ossetia") :ARG0-of (b / break-away-14))) :ARG0-of (f / force-04)) :op2 (d / defeat-01 :ARG0 m :ARG1 (a3 / army :mod c2))) :ARG2 (h / highlight-01 :ARG0 (w / war :mod (b2 / brief)) :ARG1 (a4 / arsenal :ARG1-of (a5 / age-01) :poss c))) + +(o / obligate-01 :ARG2 (e / ensure-01 :ARG0 (m / military :mod (c / country :wiki "Russia" :name (n / name :op1 "Russia"))) :ARG1 (s / superior-01 :ARG1 m :mod (a / air) :manner (a2 / and :op1 (s3 / strike-01 :ARG0 m :ARG1 (a4 / and :op1 (t / thing :ARG1-of (t2 / target-01 :ARG0 m) :location (l / land)) :op2 (t3 / thing :ARG1-of t2 :location (s2 / sea))) :manner (p / precision)) :op2 (d / deploy-01 :ARG0 m :ARG1 (f / force) :ARG1-of (t4 / timely-03)))))) + +(a / and :op1 (o / obligate-01 :ARG1 (h / have-03 :ARG0 (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG1 (s / system :mod (n2 / nucleus) :ARG0-of (d3 / deter-01) :ARG1-of (g / guarantee-01)) :time (b / by :op1 (d / date-entity :year 2020)))) :op2 (g2 / give-01 :ARG1 (u / until :op1 (d2 / date-entity :month 12 :year 2008) :time-of (d4 / devise-01 :ARG1 (t / thing :ARG1-of (p / plan-01)))) :ARG2 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (m / military) :ARG2 (c3 / commander))))) + +(n2 / need-01 :ARG0 (m / military :mod (c / country :wiki "Russia" :name (n / name :op1 "Russia"))) :ARG1 (a / and :op1 (s / submarine :instrument-of (a2 / attack-01) :mod (p / purpose :quant (m2 / multi))) :op2 (s2 / submarine :ARG1-of (p2 / power-01 :ARG0 (n3 / nucleus)) :ARG1-of (a3 / arm-01 :ARG2 (m3 / missile :mod (c2 / cruise)))))) + +(m / mention-01 :polarity - :ARG0 (p / person :wiki "Dmitry_Medvedev" :name (n / name :op1 "Medvedev")) :ARG1 (s / submarine :mod (n3 / nucleus) :mod (c2 / class :wiki "Borei-class_submarine" :name (n4 / name :op1 "Borei")) :ARG1-of (d / design-01 :ARG3 (c3 / carry-01 :ARG0 s :ARG1 (m2 / missile :mod (i / intercontinental) :ARG1-of (s2 / see-01 :ARG2 (t / thing :ARG2-of (c4 / compose-01 :ARG1 (f / force :mod n3 :poss (c / country :wiki "Russia" :name (n2 / name :op1 "Russia"))) :time (f2 / future)) :ARG1-of (k / key-02))) :mod (n5 / new)))))) + +(f / fire-01 :ARG1 (m / missile) :ARG1-of (s / succeed-01) :ARG1-of (t / test-01) :time (w / week :mod (d / date-entity :day 14 :month 9 :year 2008)) :time (a / after :op1 (f2 / fail-01 :ARG1 f :quant (s2 / several)))) + +(a / and :op1 (s4 / suppose-02 :ARG2 (c / commission-01 :ARG1 (s / submarine :ord (o / ordinal-entity :value 1) :ARG1-of (i / include-91 :ARG2 (s2 / submarine :mod (n / new)))) :time (l / late :op1 (d / date-entity :year 2008) :degree (m2 / more)))) :op2 (b / build-01 :ARG1 (s3 / submarine :quant 2 :mod (m / more)))) + +(c3 / contrast-01 :ARG1 (a / affect-01 :ARG0 (p / problem :topic (e / economy) :poss (c / country :wiki "Russia" :name (n / name :op1 "Russia")) :time (a3 / after :op1 (c4 / collapse-01 :ARG1 (c2 / country :wiki "Soviet_Union" :name (n2 / name :op1 "Soviet" :op2 "Union")) :time (d / date-entity :year 1991)))) :ARG1 (f / force :ARG1-of (a2 / arm-01))) :ARG2 (d2 / direct-01 :ARG0 (g / government-organization :wiki "Moscow_Kremlin" :name (n3 / name :op1 "Kremlin")) :ARG1 (m / money :source (p2 / profit-01 :ARG1 (o / oil)) :mod (m2 / more)) :ARG2 (s / system :mod (w / weapon) :mod (n4 / new)) :time (r / recent))) + +(d / date-entity :day 20 :month 10 :year 2008) + +(a / and :op1 (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands")) :op2 (c2 / country :wiki "Russia" :name (n3 / name :op1 "Russian" :op2 "Federation")) :op3 (c3 / country :wiki "Georgia_(country)" :name (n4 / name :op1 "Georgia"))) + +(a / and :op1 (i / international) :op2 (w / weapon) :op3 (a2 / and :op1 (w2 / war) :op2 (c / conflict-01)) :op4 (g / government-organization :ARG0-of (g2 / govern-01)) :op5 (m / military)) + +(f / find-01 :ARG0 (i / investigate-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands"))))) :ARG1 (k / kill-01 :ARG0 (b / bomb :mod (c4 / cluster) :mod (c2 / country :wiki "Russia" :name (n2 / name :op1 "Russia"))) :ARG1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (t / television) :ARG2 (c5 / cameraman))) :location (c3 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")) :time (d / date-entity :year 2007))) + +(s / say-01 :ARG0 (g3 / government-organization :wiki "Ministry_of_Foreign_Affairs_(Netherlands)" :name (n4 / name :op1 "Foreign" :op2 "Ministry") :mod (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands"))) :ARG1 (f / find-01 :ARG0 (i / investigate-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 c))) :ARG1 (k / kill-01 :ARG0 (b / bomb :mod (c4 / cluster) :mod (c2 / country :wiki "Russia" :name (n2 / name :op1 "Russia"))) :ARG1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (t / television) :ARG2 (c5 / cameraman))) :location (c3 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")) :time (d / date-entity :year 2007))) :time (d2 / date-entity :year 2008 :month 10 :day 20)) + +(d / die-01 :ARG1 (p / person :wiki "Stan_Storimans" :name (n / name :op1 "Stan" :op2 "Storiman") :mod (c2 / country :wiki "Netherlands" :name (n6 / name :op1 "Netherlands"))) :time (c3 / conflict-01 :ARG2 (b / break-away-14 :ARG0 (c6 / country-region :wiki "South_Ossetia" :name (n2 / name :op1 "South" :op2 "Ossetia")) :time (f / film-01 :ARG0 p :ARG1 (f2 / fight-01 :location (c4 / city :wiki "Gori,_Georgia" :name (n4 / name :op1 "Gori") :location (c / country :wiki "Georgia_(country)" :name (n5 / name :op1 "Georgia")))))))) + +(k / kill-01 :ARG1 (p / person :wiki "Stan_Storimans" :name (n2 / name :op1 "Storimans")) :time (f / film-01 :location (s / square :mod (l / large) :ARG1-of (d / desert-01 :mod (n3 / near)) :location (c / city :wiki "Gori,_Georgia" :name (n / name :op1 "Gori"))))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "Jeroen" :op2 "Akkermans") :ARG0-of (r / report-01)) :ARG1 (d / die-01 :ARG1 (c2 / civilian :mod (c / country :wiki "Georgia_(country)" :name (n2 / name :op1 "Georgia")) :quant (s2 / several)) :ARG1-of (c3 / cause-01 :ARG0 (a / attack-01 :ARG1-of (s3 / same-01))))) + +(a / and :op1 (w / work-01 :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Akkermans")) :ARG3 (p / person :wiki "Stan_Storimans" :name (n / name :op1 "Storimans"))) :op2 (i / injure-01 :ARG1 p2 :degree (m / minor))) + +(n2 / newsman :mod (v / veteran) :domain (p2 / person :wiki "Stan_Storimans" :name (n3 / name :op1 "Storimans")) :ARG1-of (e / employ-01 :ARG0 (p / publication :wiki "RTL_Nieuws" :name (n / name :op1 "RTL" :op2 "Nieuws")))) + +(o2 / own-01 :ARG0 (c2 / conglomerate :wiki "Bertelsmann" :name (n4 / name :op1 "Bertelsmann" :op2 "AG") :mod (c / country :wiki "Germany" :name (n3 / name :op1 "Germany")) :mod (m / media)) :ARG1 (p / publication :wiki "RTL_Nieuws" :name (n2 / name :op1 "RTL" :op2 "Nieuws")) :mod (u / ultimate)) + +(s / say-01 :ARG0 (g / government-organization :wiki "Ministry_of_Foreign_Affairs_(Netherlands)" :name (n4 / name :op1 "Foreign" :op2 "Ministry") :mod (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands"))) :ARG1 (c4 / conclude-01 :ARG0 (t2 / team :ARG0-of (i / investigate-01) :mod c :ARG1-of (s2 / send-01 :ARG2 (s3 / spot) :time (l / late :degree (m / more :op1 (t / temporal-quantity :quant 2 :unit (w / week)))) :purpose (g2 / gather-01 :ARG0 t2 :ARG1 (a / and :op1 (t3 / thing :ARG0-of (e / evidence-01 :mod (f / forensic))) :op1 (a2 / account-01 :ARG0 (p / person :ARG0-of (w2 / witness-01 :mod (e2 / eye)))))))) :ARG1 (k / kill-01 :ARG0 (m2 / munition :ARG1-of (p3 / propel-01 :ARG0 (r / rocket :ARG1-of (f2 / find-01 :location (a3 / arsenal :poss (c3 / country :wiki "Russia" :name (n3 / name :op1 "Russia")) :mod (m3 / military)) :mod (o / only)) :mod (t4 / type)))) :ARG1 (p2 / person :wiki "Stan_Storimans" :name (n5 / name :op1 "Storimans"))))) + +(c / call-01 :ARG0 (p / person :wiki "Maxime_Verhagen" :name (n / name :op1 "Maxime" :op2 "Verhagen") :ARG0-of (h / have-org-role-91 :ARG2 (m / minister :mod (f2 / foreign)))) :ARG1 (t / thing :ARG1-of (f / find-01)) :ARG2 (s / serious :degree (v / very))) + +(s / state-01 :ARG0 (p / person :wiki "Maxime_Verhagen" :name (n / name :op1 "Verhagen")) :ARG1 (c2 / clarify-10 :ARG0 p :ARG1 (o / obligate-01 :ARG2 (u / use-01 :polarity - :ARG1 (m / munition :mod c :mod (c3 / cluster)) :manner (t / this))) :ARG2 (a / authority :mod (c / country :wiki "Russia" :name (n3 / name :op1 "Russia"))))) + +(a / and :op1 (p / present-02 :polarity - :ARG1 (t / troop) :ARG2 (c / city :wiki "Gori,_Georgia" :name (n / name :op1 "Gori"))) :op1 (k / kill-01 :ARG1 (c2 / civilian :ARG1-of (i / innocent-01)))) + +(d2 / deny-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Russia" :name (n / name :op1 "Russia")))) :ARG1 (u / use-01 :ARG0 g :ARG1 (m / munition :mod (c3 / cluster)) :time (w / war-01 :ARG0 g :ARG1 (c2 / country :wiki "Georgia_(country)" :name (n2 / name :op1 "Georgia")) :time (d / date-entity :month 8 :year 2007) :mod (b / brief)))) + +(s / say-01 :ARG0 (g / group :mod (r / right :mod (h / human))) :ARG1 (u / unleash-01 :ARG0 (s2 / side :mod (b / both)) :ARG1 (w / weapon :ARG1-of (d / denounce-01 :mod (w2 / wide))))) + +(a / acknowledge-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")))) :ARG1 (u / use-01 :ARG1 (m / munition :ARG1-of (l2 / launch-01 :source (g3 / ground)) :mod (c3 / cluster) :ARG1-of (u2 / use-01)) :ARG1-of (n4 / near-02 :ARG2 (t / tunnel :wiki "Roki_Tunnel" :name (n5 / name :op1 "Roki") :ARG0-of (c4 / connect-01 :ARG1 (c5 / country-region :wiki "South_Ossetia" :name (n / name :op1 "South" :op2 "Ossetia")) :ARG2 (c / country :wiki "Russia" :name (n2 / name :op1 "Russia"))))))) + +(s / say-01 :ARG0 (p / person :wiki "Maxime_Verhagen" :name (n / name :op1 "Verhagen")) :ARG1 (p2 / plan-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Netherlands" :name (n2 / name :op1 "Netherlands")))) :ARG1 (r / raise-01 :ARG0 g :ARG1 (m / matter) :prep-with (o / organization :wiki "Organization_for_Security_and_Co-operation_in_Europe" :name (n3 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe"))))) + +(a / and :op1 (a2 / address-02 :ARG0 (o / organization :wiki "Organization_for_Security_and_Co-operation_in_Europe" :name (n / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe")) :ARG1 (i / issue-02 :ARG0 (c3 / control-01 :ARG1 (a3 / arms)))) :op2 (i2 / include-01 :ARG1 (a4 / and :op1 (c / country :wiki "Russia" :name (n2 / name :op1 "Russia")) :op2 (c2 / country :wiki "Georgia_(country)" :name (n3 / name :op1 "Georgia")) :ARG0-of (h / have-org-role-91 :ARG1 o :ARG2 (m / member))) :ARG2 o)) + +(s / say-01 :ARG0 (g / government-organization :wiki "Ministry_of_Foreign_Affairs_(Netherlands)" :name (n2 / name :op1 "Foreign" :op2 "Ministry") :mod (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands"))) :ARG1 (c3 / call-03 :ARG0 (p / person :ARG0-of (r / represent-01 :ARG1 (g2 / government-organization :ARG0-of (g3 / govern-01 :ARG1 c)))) :ARG1 (i / issue-01 :ARG1 (s2 / state-01 :ARG1 (p3 / pledge-01 :ARG0 (s3 / state :ARG0-of (h / have-org-role-91 :ARG2 (m / member))) :ARG1 (u / use-01 :polarity - :ARG1 (w / weapon :mod (c4 / cluster)) :time (s4 / situation :mod (k / kind :mod (t / this))))) :mod (p2 / politics))))) + +(p / pack-01 :ARG1 (o2 / or :op1 (s / shell :mod (a / artillery)) :op1 (b2 / bomb :ARG1-of (d / drop-01 :ARG3 (a2 / aircraft)))) :ARG2 (b / bomblet :mod (c / cluster))) + +(s / scatter-01 :ARG0 (c / container :ARG1-of (s2 / single-02)) :ARG1 (e2 / explosive :quant (b2 / between :op1 200 :op2 600) :ARG1-of (i / include-91 :ARG2 (e / explosive :mod (m / mini)))) :ARG2 (a / area :ARG1-of (s3 / size-01 :ARG2 (t3 / thing :ARG2-of (s4 / size-01 :ARG1 (f / field :mod (f2 / football)))))) :ARG1-of (t / typical-02)) + +(c / criticize-01 :ARG0 (g / group :mod (r / right :mod (h / human))) :ARG1 (b / bomblet :mod (c2 / cluster)) :ARG2 (a / and :op1 (k / kill-01 :manner (d / discriminate-01 :polarity -)) :op2 (t / threaten-01 :ARG1 (o2 / ordinance :ARG1-of (e2 / explode-01 :polarity -)) :ARG2 (c3 / civilian) :ARG1-of (r2 / resemble-01 :ARG2 (t2 / threaten-01 :ARG1 (m / mine :mod (l / land))))))) + +(a / agree-01 :ARG0 (c3 / country :quant (m / more-than :op1 100)) :ARG1 (b / ban-01 :ARG0 c3 :ARG1 (b2 / bomb :mod (c4 / cluster)) :time (a2 / after :op1 d :quant (u / up-to :op1 (t / temporal-quantity :quant 8 :unit (y / year))))) :location (c / city :wiki "Dublin" :name (n / name :op1 "Dublin") :location (c2 / country :wiki "Republic_of_Ireland" :name (n2 / name :op1 "Ireland"))) :time (d / date-entity :month 5 :year 2008)) + +(s / sign-02 :polarity - :ARG0 (a / and :op1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Georgia_(country)" :name (n / name :op1 "Georgia")))) :op2 (g3 / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c2 / country :wiki "Russia" :name (n2 / name :op1 "Russia"))))) :ARG1 (a2 / accord-03)) + +(d / date-entity :day 23 :month 10 :year 2008) + +(c / country :wiki "France" :name (n / name :op1 "France")) + +(a / and :op1 (i / international) :op2 (m / money) :op3 (t / terrorism) :op4 (c / crime-02) :op5 (w / weapon)) + +(c / convict-01 :ARG0 (c2 / court :ARG0-of (c3 / criminal-03) :location (c4 / city :wiki "Paris" :name (n / name :op1 "Paris"))) :ARG1 (p / person :quant 9) :time (d / date-entity :day 23 :month 10 :year 2008)) + +(i / include-01 :ARG1 (i2 / inmate :mod (p2 / prison) :time (f / former) :ARG0-of (a2 / admit-01 :ARG1 (e / establish-01 :ARG0 i2 :ARG1 (g / group :mod (r / religious-group :wiki "Islam" :name (n3 / name :op1 "Islam")) :ARG0-of (c3 / call-03 :ARG1 (j / jihad :ARG1-of (a / arm-01) :location c))))) :mod (c / country :wiki "France" :name (n / name :op1 "France")) :mod (c2 / country :wiki "Algeria" :name (n2 / name :op1 "Algeria"))) :ARG2 (t / this)) + +(c2 / convict-01 :ARG0 (c / court :ARG0-of (c3 / criminal-03) :location (c4 / city :wiki "Paris" :name (n / name :op1 "Paris"))) :ARG1 (p / person :quant 9) :time (d / date-entity :day 23 :month 10 :year 2008)) + +(i / include-01 :ARG1 (i2 / inmate :time (f / former) :mod (p2 / prison) :ARG0-of (a2 / admit-01 :ARG1 (e / establish-01 :ARG0 i2 :ARG1 (g / group :mod (r / religious-group :wiki "Islam" :name (n3 / name :op1 "Islam")) :ARG0-of (c3 / call-03 :ARG1 (j / jihad :ARG1-of (a / arm-01) :location c))))) :mod (c2 / country :wiki "Algeria" :name (n2 / name :op1 "Algeria")) :mod (c / country :wiki "France" :name (n / name :op1 "France"))) :ARG2 (t / this)) + +(s / sentence-01 :ARG1 (p / person :wiki - :name (n / name :op1 "Safe" :op2 "Bourada")) :ARG2 (i / imprison-01 :ARG1 p :ARG2 (t / temporal-quantity :quant 15 :unit (y / year)))) + +(p / penalize-01 :ARG1 (p2 / person :quant 8 :mod (o / other)) :ARG2 (c / charge-05 :ARG1-of (l / link-01 :ARG2 (a / and :op1 (f / finance-01 :ARG1 (g / group :mod (t3 / terror))) :op2 (a2 / associate-01 :ARG2 g)))) :manner (b / between :op1 (t / temporal-quantity :quant 1 :unit (y / year)) :op2 (t2 / temporal-quantity :quant 9 :unit (y2 / year)))) + +(a / admit-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Bourada")) :ARG1 (c / create-01 :ARG0 p :ARG1 (g / group :ARG1-of (c3 / call-01 :ARG2 (n3 / name :op1 "Ansar" :op2 "Al-Fath" :ARG1-of (m2 / mean-01 :ARG2 (n4 / name :op1 "Partisans" :op2 "of" :op3 "Victory")))) :mod (m / militant))) :location (c2 / court)) + +(s / suspect-01 :ARG1 (p / plan-01 :ARG0 g :ARG1 (a2 / attack-01 :ARG1 (a3 / and :op1 (m / metro :mod (c / city :wiki "Paris" :name (n / name :op1 "Paris"))) :op2 (a / airport :wiki "Orly_Airport" :name (n2 / name :op1 "Orly"))))) :ARG2 (g / group)) + +(d2 / dismantle-01 :ARG1 (i / it) :time (d / date-entity :year 2005) :time (a / after :op1 (t / tip-05 :ARG0 (c3 / counterpart :mod (c2 / country :wiki "Algeria" :name (n2 / name :op1 "Algeria"))) :ARG1 (a2 / authority :mod (c / country :wiki "France" :name (n / name :op1 "France")))))) + +(i / include-91 :ARG1 (p / person :wiki - :name (n2 / name :op1 "Bourada")) :ARG2 (m / militant :quant 36 :mod (r / religious-group :wiki "Islam" :name (n3 / name :op1 "Islam")) :ARG1-of (c2 / convict-01 :ARG2 (s / support-01 :ARG0 m :ARG1 (b / bomb-01 :ARG0-of (t2 / terrorize-01 :ARG1 (c / country :wiki "France" :name (n / name :op1 "France")) :time (d / date-entity :year 1995)))) :time (b2 / before :op1 (n4 / now) :quant (t / temporal-quantity :quant 10 :unit (y / year)))))) + +(h / have-concession-91 :ARG1 (w / win-01 :ARG0 p :ARG1 (r2 / release-01 :time (d / date-entity :year 2003) :time (e / early) :manner (s / surveil-01 :ARG0 (p2 / police) :ARG1 p))) :ARG2 (r / receive-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Bourada")) :ARG1 (t2 / term :mod (t / temporal-quantity :quant 10 :unit (y / year))))) + +(q / qualify-02 :polarity - :ARG1 (p / person :wiki - :name (n / name :op1 "Bourada")) :ARG2 (p2 / parole-01 :ARG1 p) :duration (a / at-least :op1 (t / temporal-quantity :quant 10 :unit (y / year))) :prep-under (v / verdict :time (d / date-entity :day 23 :month 10 :year 2008))) + +(t / tell-01 :ARG0 (p2 / person :wiki - :name (n7 / name :op1 "Christophe" :op2 "Chaboud") :ARG0-of (h / head-01 :ARG1 (u / unit :ARG0-of (c4 / counter-01 :ARG1 (t2 / terrorism)) :part-of (g2 / government-organization :wiki "National_Police_(France)" :name (n6 / name :op1 "National" :op2 "Police"))))) :ARG1 (c5 / contact-01 :ARG0 (g / group) :ARG1 (p3 / person :wiki "Abu_Musab_al-Zarqawi" :name (n5 / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi") :ARG0-of (l / lead-02 :ARG1 (c3 / criminal-organization :wiki "Al-Qaeda" :name (n4 / name :op1 "al-Qaida") :mod (c2 / country :wiki "Iraq" :name (n3 / name :op1 "Iraq"))) :time (f / former))) :ARG1-of (d2 / direct-02 :polarity -)) :ARG2 (p / publication :wiki "Associated_Press" :name (n2 / name :op1 "Associated" :op2 "Press")) :time (d / date-entity :year 2005)) + +(k / kill-01 :ARG1 (p / person :wiki "Abu_Musab_al-Zarqawi" :name (n / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi")) :ARG2 (s / strike-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "U.S.")) :mod (a / air)) :time (d / date-entity :month 6 :year 2006) :location (p2 / province :wiki "Diyala_Governorate" :name (n3 / name :op1 "Diyala"))) + +(r / rule-01 :ARG0 (c3 / court) :ARG3 (t2 / train-01 :ARG1 (w / weapon) :ARG2 (p / person :wiki - :name (n4 / name :op1 "Kaci" :op2 "Ouarab") :ARG0-of (h2 / have-org-role-91 :ARG1 (g2 / group) :ARG2 (m2 / member))) :location (c / country :wiki "Lebanon" :name (n2 / name :op1 "Lebanon")) :time (d / date-entity :year 2005) :ARG1-of (d2 / design-01 :ARG3 (h / help-01 :ARG0 t2 :ARG1 (b / bomb-01 :location (c2 / country :wiki "France" :name (n3 / name :op1 "France"))))))) + +(s / sentence-01 :ARG1 (p / person :wiki - :name (n / name :op1 "Ouarab")) :ARG2 (t / temporal-quantity :quant 9 :unit (y / year)) :manner (p2 / possible-01 :polarity - :ARG1 (p3 / parole-01 :ARG1 p) :duration (a / at-least :op1 (t2 / temporal-quantity :quant 6 :unit (y2 / year))))) + +(c / consider-01 :ARG0 (c2 / court) :ARG1 (s / succeed-02 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Ouarab")) :ARG1 (p2 / person :wiki - :name (n3 / name :op1 "Bourada")) :ARG1-of (n / natural-03) :ARG1-of (l / legitimate-02) :mod (o2 / operation))) + +(c / consider-01 :ARG1 (o2 / operative :mod (i / important) :domain (p / person :wiki - :name (n / name :op1 "Kais" :op2 "Melliti")) :ARG0-of (o / organize-01) :mod (f / finance))) + +(g / give-01 :ARG1 (t / temporal-quantity :quant 8 :unit (y / year)) :ARG2 (p2 / person :wiki - :name (n / name :op1 "Melliti")) :manner (p / possible-01 :polarity - :ARG1 (p3 / parole-01 :ARG1 p2) :duration (a / at-least :op1 (t2 / temporal-quantity :ARG1-of (i / include-91 :ARG3 "2/3" :ARG2 t))))) + +(s / sentence-01 :ARG1 (p / person :wiki - :name (n / name :op1 "Djamel" :op2 "Badaoui")) :ARG2 (t / temporal-quantity :quant 5 :unit (y / year))) + +(r / rule-01 :ARG0 (c / court) :ARG3 (c2 / charge-05 :ARG1 (p / person :wiki - :name (n / name :op1 "Badaoui")) :ARG2 (s / seize-01 :ARG1 (g / good) :manner (e / extort-01 :ARG0 p :ARG1 (m / money) :ARG2 (p2 / person :ARG0-of (p3 / prostitute-01))) :frequency (o / occasion-02 :quant 3) :purpose (f / fund-01 :ARG0 p :ARG1 (a / attack-01 :mod (t / terror)))))) + +(s / sentence-01 :ARG1 (a / and :op1 (p3 / person :wiki - :name (n3 / name :op1 "Stephane" :op2 "Hadoux")) :op2 (p4 / person :wiki - :name (n4 / name :op1 "Emmanuel" :op2 "Nieto"))) :ARG2 (t / temporal-quantity :quant 3 :unit (y / year))) + +(s / suspend-01 :ARG0 (c / court) :ARG1 (t / thing :ARG1-of (i / include-91 :ARG2 (t2 / thing) :ARG3 "1/2"))) + +(p2 / person :mod (c / country :wiki "France" :name (n / name :op1 "France")) :ARG1-of (c2 / convert-01 :ARG2 (r / religious-group :wiki "Islam" :name (n2 / name :op1 "Islam"))) :domain (p / person :quant 2)) + +(d / date-entity :day 31 :month 10 :year 2008) + +(a / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :op2 (c3 / country :wiki "United_Kingdom" :name (n3 / name :op1 "United" :op2 "Kingdom")) :op3 (c4 / country :wiki "Zimbabwe" :name (n5 / name :op1 "Zimbabwe")) :op4 (c5 / country :wiki "China" :name (n7 / name :op1 "China"))) + +(a / and :op1 (i / international) :op2 (w / weapon) :op3 (p / politics)) + +(v / vote-01 :ARG0 (n4 / nation :mod (s / some) :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :wiki "United_Nations_General_Assembly" :name (n5 / name :op1 "United" :op2 "Nations" :op3 "General" :op4 "Assembly")) :ARG2 (m / member))) :ARG1 (m2 / move-01 :ARG0 n4 :ARG1 (c2 / create-01 :ARG1 (t / treaty :mod (p / precedent :polarity -) :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a2 / arm) :mod (g / globe))))) :ARG2 (a / ahead)) :time (d / date-entity :day 31 :month 10 :year 2008) :concession (o / oppose-01 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")))) + +(w / win-01 :ARG0 (a / and :op1 (c / country :wiki "United_Kingdom" :name (n / name :op1 "Britain")) :op2 (n4 / nation :quant 6 :mod (o2 / other) :ARG0-of (s / support-01 :ARG1 (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a2 / arm) :mod (g / globe))) :mod (p / precedent :polarity -))))) :ARG1 (e / endorse-01 :ARG0 (o / organization :wiki "United_Nations_General_Assembly" :name (n2 / name :op1 "United" :op2 "Nations" :op3 "General" :op4 "Assembly")) :ARG1 (m / move-01 :ARG0 a :ARG1 (c3 / create-01 :ARG1 t) :ARG2 (f / forward)) :ARG0-of (o3 / overwhelm-01)) :ARG4 o :time (d / date-entity :day 31 :month 10 :year 2008) :concession (o4 / oppose-01 :ARG0 (c2 / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States")))) + +(v / vote-01 :ARG0 (n3 / nation :quant 147 :ARG1-of (i / include-91 :ARG2 (n2 / nation :quant 192 :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki "United_Nations" :name (n / name :op1 "United" :op2 "Nations")) :ARG2 (m / member))))) :ARG1 (m2 / move-01 :ARG0 n3 :ARG1 (c / craft-01 :ARG1 (t / treaty :topic (t2 / trade-01 :ARG1 (a2 / arm)) :ARG1-of (p / propose-01))) :ARG2 (a / ahead)) :time (d / date-entity :day 31 :month 10 :year 2008)) + +(a2 / abstain-01 :ARG0 (n / nation :ARG1-of (i / include-91 :ARG2 (n2 / nation :ARG0-of (v / vote-01 :ARG1 (m2 / move-01 :ARG1 (c / craft-01 :ARG1 (t / treaty :topic (t2 / trade-01 :ARG1 (a3 / arm)) :ARG1-of (p / propose-01))) :ARG2 (a / ahead) :polarity -)))) :quant (m / most)) :ARG1 (v2 / vote-01 :time (d / date-entity :day 31 :month 10 :year 2008))) + +(a / abstain-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (v / vote-01 :time (d / date-entity :day 31 :month 10 :year 2008))) + +(v / vote-01 :ARG0 (a / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :op2 (c2 / country :wiki "Zimbabwe" :name (n2 / name :op1 "Zimbabwe")) :mod (o / only)) :ARG1 (a4 / against :op1 (m / move-01 :ARG1 (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a3 / arm) :mod (g / globe)))) :ARG2 (a2 / ahead)))) + +(o / oppose-01 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG1 (c2 / country :wiki "Zimbabwe" :name (n2 / name :op1 "Zimbabwe")) :time (d / date-entity :month 7 :year 2008) :ARG0-of (c3 / concern-02 :ARG1 (s / sanction-02 :ARG1 (p2 / person :ARG0-of (l / lead-02 :ARG1 c2)) :ARG1-of (p / propose-01 :ARG0 c) :ARG1-of (v / veto-01 :ARG0 (a / and :op1 (c5 / country :wiki "Russia" :name (n5 / name :op1 "Russia")) :op2 (c6 / country :wiki "China" :name (n6 / name :op1 "China")))))) :manner (b / bitter)) + +(s / state-01 :ARG0 (p / proponent :poss (t4 / treaty :ARG0-of (r / regulate-01 :ARG1 (t5 / trade-01 :ARG1 (a / arm) :mod (g / globe))))) :ARG1 (h / hope-01 :ARG0 p :ARG1 (a2 / and :op1 (c / craft-01 :ARG1 (t6 / treaty)) :op2 (a3 / adopt-01 :ARG1 t6) :purpose (a5 / aim-01 :ARG1 (i / impose-01 :ARG1 (c2 / control-01 :ARG1 (t9 / trade-01 :ARG1 (a4 / arm) :mod (i2 / international) :ARG0-of (c3 / contribute-01 :ARG2 (k / kill-01 :ARG1 (r2 / rate-entity-91 :ARG1 (p3 / person :quant (m / more-than :op1 1000)) :ARG2 (t / temporal-quantity :quant 1 :unit (d / day))))))))) :time (a6 / after :op1 (n / now) :quant (u / up-to :op1 (b / between :op1 (t7 / temporal-quantity :quant 3 :unit (y3 / year)) :op2 (t8 / temporal-quantity :quant 5 :unit y3))))))) + +(p / proponent :poss (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a2 / arm) :mod (g / globe)))) :ARG0-of (l / lead-01) :domain (a / and :op1 (c / country :wiki "United_Kingdom" :name (n / name :op1 "Great" :op2 "Britain")) :op2 (c2 / country :wiki "Japan" :name (n2 / name :op1 "Japan")) :op3 (c3 / country :wiki "Australia" :name (n3 / name :op1 "Australia")) :op4 (c4 / country :wiki "Argentina" :name (n4 / name :op1 "Argentina")) :op5 (c5 / country :wiki "Costa_Rica" :name (n5 / name :op1 "Costa" :op2 "Rica")) :op6 (c6 / country :wiki "Kenya" :name (n6 / name :op1 "Kenya")) :op7 (c7 / country :wiki "Finland" :name (n7 / name :op1 "Finland")))) + +(e / export-01 :ARG0 (c2 / country :wiki "United_Kingdom" :name (n2 / name :op1 "Great" :op2 "Britain")) :ARG1 (r / rate-entity-91 :ARG1 (a / arm :ARG1-of (c3 / cost-01 :ARG2 (m / monetary-quantity :quant 3000000000 :unit (d / dollar :mod (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")))))) :ARG2 (t / temporal-quantity :quant 1 :unit (y / year)))) + +(c / contrast-01 :ARG1 (a / apply-02 :ARG1 (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a2 / arm) :mod (g / globe)))) :ARG2 (s / sell-01 :ARG0 (n / nation) :ARG1 a2) :mod (o / only)) :ARG2 (a3 / apply-02 :polarity - :ARG1 t :ARG2 (s2 / sell-01 :mod (c2 / commerce) :ARG2-of (i / involve-01 :ARG1 (i2 / individual))))) + +(r / require-01 :ARG0 (d / decide-01) :ARG1 (m / majority :ARG1-of (s / simple-02))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "John" :op2 "Duncan")) :ARG1 (a / and :op1 (o / obligate-01 :ARG2 (u / universal :domain (t2 / treaty :ARG0-of (r / regulate-01 :ARG1 (t / trade-01 :ARG1 (a2 / arm) :mod (g / globe)))) :degree (m2 / most) :compared-to (p2 / possible-01 :ARG1 u))) :op2 (m / manufacture-01 :ARG0 (c / country :mod (s3 / some)) :ARG1 a2) :op3 (s2 / supply-01 :ARG0 (n2 / nation :mod (a3 / all)) :ARG1 a2 :time (o4 / or :op1 (s4 / stage) :op2 (s5 / stage :mod (a4 / another)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "John" :op2 "Duncan")) :ARG1 (p2 / possible-01 :ARG1 (s2 / stop-01 :ARG0 (n2 / nation) :ARG1 (d / distribute-01 :ARG1 (a / arm) :ARG2 (a2 / and :op1 (h / hand :part-of (p3 / person :ARG2-of (c / criminal-03))) :op2 (h2 / hand :part-of (t / terrorist)))) :manner (c2 / close-01 :ARG0 n2 :ARG1 (l / loophole))))) + +(h / have-org-role-91 :ARG0 (p / person :wiki - :name (n / name :op1 "John" :op2 "Duncan")) :ARG2 (a / ambassador :mod (c / country :wiki "United_Kingdom" :name (n2 / name :op1 "Great" :op2 "Britain"))) :ARG3 (a3 / and :op1 (c2 / control-01 :ARG1 (a2 / arm) :mod (m / multilateral)) :op2 (d / disarm-01))) + +(f / favor-01 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG1 (l / language :ARG1-of (c2 / contain-01 :ARG0 (d3 / document :quant (s2 / some) :ARG1-of (i2 / include-91 :ARG2 (d / document :mod (n2 / negotiate-01 :ARG2 (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a / arm) :mod (g / globe))))) :ARG0-of (r2 / require-01 :ARG1 (d2 / decide-01 :manner (c3 / consensus) :ARG0-of (g2 / give-01 :ARG1 (p / power :ARG0-of (v / veto-01)) :ARG2 (a2 / and :op1 c :op2 (n3 / nation :mod (o / other))) :mod (e / essential)))))))))) + +(s / state-01 :ARG0 (p3 / person :wiki "Christina_B._Rocca" :name (n2 / name :op1 "Christina" :op2 "Rocca") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG2 (d / diplomat))) :ARG1 (w2 / way :mod (o / only) :instrument-of (a / achieve-01 :ARG1 (m / mechanism :mod (i / international) :instrument-of (c2 / control-01 :ARG1 (t / trade-01 :ARG1 (a2 / arm :mod (c3 / conventional)))) :ARG0-of (e / effective-04) :ARG1-of (b / balance-01))) :domain (p2 / proceed-01 :ARG1-of (b2 / base-02 :ARG2 (c4 / consensus))))) + +(s / state-01 :ARG0 (p / person :wiki "Christina_B._Rocca" :name (n / name :op1 "Christina" :op2 "Rocca")) :ARG1 (t3 / this) :ARG2 (n2 / nation :mod (o / other) :ARG1-of (a / assemble-02 :purpose (v / vote-01 :ARG1 (m / move-01 :ARG1 (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a3 / arm) :mod (g / globe)))) :ARG2 (a2 / ahead)))))) + +(v / vote-01 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG0-of (d2 / dissent-01) :mod (s / sole) :time (d / date-entity :month 12 :year 2006) :time (v2 / vote-01 :ARG0 (n2 / nation :quant 153) :ARG1 (s2 / support-01 :ARG1 (c3 / consider-02 :ARG1 (c4 / create-01 :ARG1 (t / treaty :ARG0-of (r / regulate-01 :ARG1 (t2 / trade-01 :ARG1 (a / arm) :mod (g / globe))))))))) + +(m / move-03 :ARG0 (v / vote-01 :time (d / date-entity :month 12 :year 2006)) :ARG1 (p / process-02 :ARG1 (c / consider-02 :ARG1 (t / treaty :topic (t2 / trade-01 :ARG1 (a / arm)))))) + +(i / include-01 :ARG1 (m / meet-03 :ARG0 (g / group :consist-of (p2 / person :ARG1-of (e / expert-01)) :ARG0-of (r / recommend-01 :ARG1 (c / consider-02 :ARG1 (i2 / item :ARG2-of (i3 / include-01 :ARG1 (l / language :mod (c2 / consensus))))))) :time (d3 / date-interval :op1 (d / date-entity :day 31 :month 10 :year 2007) :op2 (d2 / date-entity :day 31 :month 10 :year 2008))) :ARG2 (p / process-02 :mod (t / that))) + +(f / forward-01 :ARG0 (v / vote-01 :time (d / date-entity :day 31 :month 10 :year 2008)) :ARG1 (d2 / discuss-01 :ARG1 (t / treaty :topic (t2 / trade-01 :ARG1 (a / arm)))) :ARG2 (s / specific-02 :ARG1 (l / language :ARG1-of (p / possible-01) :poss t))) + +(s / state-01 :ARG0 (p / person :wiki "Christina_B._Rocca" :name (n / name :op1 "Christina" :op2 "Rocca")) :ARG1 (s2 / support-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :ARG1 (g / goal :mod (p2 / promote-02 :ARG1 (r / responsible-02 :ARG1 (t / transfer-01 :ARG1 (a2 / arm)))) :mod (r2 / reduce-01 :ARG1 (t2 / trade-01 :ARG1 (a3 / arm :mod (l / law :polarity -)) :ARG0-of (d / destabilize-01)))))) + +(s / state-01 :ARG0 (p / person :wiki "Christina_B._Rocca" :name (n / name :op1 "Christina" :op2 "Rocca")) :ARG1 (b / believe-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :ARG1 (a / accomplish-01 :polarity - :ARG0 (t / treaty :topic (t2 / trade-01 :ARG1 (a2 / arm) :mod (g / globe))) :ARG1 (a5 / and :op1 (p2 / promote-02 :ARG1 (r / responsible-02 :ARG1 (t3 / transfer-01 :ARG1 a2))) :op2 (r2 / reduce-01 :ARG1 (t4 / trade-01 :ARG1 (a4 / arm :mod (l / law :polarity -)) :ARG0-of (d / destabilize-01))))))) + +(s / state-01 :ARG0 (p / person :wiki "Christina_B._Rocca" :name (n / name :op1 "Christina" :op2 "Rocca")) :ARG1 (a / and :op1 (w / way :mod (o / only) :domain (w2 / weaken-01 :ARG1 (p2 / provision :mod t)) :instrument-of (c / convince-01 :ARG1 (c2 / country :ARG0-of (e / export-01 :ARG1 (a2 / arm)) :quant (a3 / all) :ARG1-of (m / major-02)) :ARG2 (s2 / sign-on-04 :ARG0 c2 :ARG1 (t / treaty :topic (t2 / trade-01 :ARG1 a2))))) :op2 (l / legitimize-01 :ARG0 (t3 / treaty :topic (t4 / trade-01 :ARG1 a2) :mod (w3 / weak)) :ARG1 (s3 / standard :mod (i / international) :ARG1-of (b / base-02 :ARG2 (d / denominator :mod (c3 / common) :ARG1-of (l2 / low-04 :degree (m2 / most)) :ARG0-of (a4 / address-02 :polarity - :ARG1 (p3 / problem :topic (t5 / transfer-01 :ARG1 a2 :mod (l3 / law :polarity -) :mod (r / responsible :polarity -)))))))))) + +(d / date-entity :month 11 :day 18 :year 2008) + +(c / country :wiki "Iran" :name (n / name :op1 "Iran")) + +(a / and :op1 (n / narcotic) :op2 (c / crime-02)) + +(s / state-01 :ARG0 (t / television :mod (s2 / state) :mod (c2 / country :wiki "Iran" :name (n3 / name :op1 "Iran"))) :ARG1 (a / and :op1 (k / kill-01 :ARG0 (p / police :mod c2) :ARG1 (p2 / person :ARG0-of (s3 / smuggle-01 :quant 4 :ARG1 (d / drug)))) :op2 (c / confiscate-01 :ARG0 p :ARG1 (o / opium :quant (m / more-than :quant (m2 / mass-quantity :quant 1 :unit (t2 / ton))))) :ARG1-of (n / near-02 :ARG2 (t3 / town :wiki "Mirjaveh" :name (n4 / name :op1 "Mirjaveh"))))) + +(s / state-01 :ARG0 (t / television :mod (s2 / state) :mod (c2 / country :wiki "Iran" :name (n3 / name :op1 "Iran"))) :ARG1 (a / and :op1 (k / kill-01 :ARG0 (p / police :mod c2) :ARG1 (p2 / person :ARG0-of (s3 / smuggle-01 :quant 4 :ARG1 (d / drug)))) :op2 (c / confiscate-01 :ARG0 p :ARG1 (o / opium :quant (m / more-than :quant (m2 / mass-quantity :quant 1 :unit (t2 / ton))))))) + +(r / report-01 :ARG0 (t / television :mod (s / state) :mod (c / country :wiki "Iran" :name (n / name :op1 "Iran"))) :ARG1 (e / event) :time (d / date-entity :year 2008 :month 11 :day 18)) + +(s / state-01 :ARG0 (t / television :mod (s2 / state) :mod (c2 / country :wiki "Iran" :name (n / name :op1 "Iran"))) :ARG1 (b / be-located-at-91 :ARG1 (c / conflict-01 :ARG0 (p / police :mod c2) :ARG1 (p3 / person :ARG0-of (s3 / smuggle-01 :ARG1 (d / drug)))) :ARG2 (n2 / near-02 :ARG1 c :ARG2 (t5 / town :wiki "Mirjaveh" :name (n6 / name :op1 "Mirjaveh"))))) + +(l / locate-01 :ARG1 (t / town :wiki "Mirjaveh" :name (n / name :op1 "Mirjaveh")) :location (r / relative-position :op1 (c / city :wiki "Tehran" :name (n2 / name :op1 "Tehran")) :direction (s / southeast) :quant (a / approximately :op1 (d / distance-quantity :quant 950 :unit (m2 / mile)))) :location (n3 / near-02 :ARG1 t :ARG2 (b / border-01 :ARG1 (a2 / and :op1 (c3 / country :wiki "Afghanistan" :name (n5 / name :op1 "Afghanistan")) :op2 (c4 / country :wiki "Pakistan" :name (n6 / name :op1 "Pakistan"))) :ARG2 (c2 / country :wiki "Iran" :name (n4 / name :op1 "Iran"))))) + +(s / state-01 :ARG0 (t / television :mod (s2 / state) :mod (c / country :wiki "Iran" :name (n / name :op1 "Iran"))) :ARG1 (s3 / seize-01 :ARG0 (p / police :mod c) :ARG1 (o / opium :quant (m2 / mass-quantity :quant 1.6 :unit (t3 / ton :mod (m / meter)))))) + +(s2 / scene :domain (a / area :ARG1-of (n2 / near-02 :ARG2 (t / town :wiki "Mirjaveh" :name (n3 / name :op1 "Mirjaveh")))) :location-of (c / conflict-01 :ARG0 (p / police :mod (c2 / country :wiki "Iran" :name (n / name :op1 "Iran"))) :ARG1 (p2 / person :ARG0-of (s / smuggle-01 :ARG1 (d / drug))) :ARG1-of (f / frequent-02))) + +(l / lie-07 :ARG1 (a2 / and :op1 (c2 / country :wiki "Iran" :name (n / name :op1 "Iran")) :op2 (s / state :mod (g / gulf :wiki "Persian_Gulf" :name (n2 / name :op1 "Persian" :op2 "Gulf")))) :ARG2 (r / route :ARG1-of (m / major-02) :path-of (t2 / traffic-01 :ARG1 (d / drug)) :location (b / between :op1 (c3 / country :wiki "Afghanistan" :name (n3 / name :op1 "Afghanistan")) :op2 (c4 / continent :wiki "Europe" :name (n4 / name :op1 "Europe"))))) + +(b / burn-01 :ARG0 (c / country :wiki "Iran" :name (n / name :op1 "Iran")) :ARG1 (r / rate-entity-91 :ARG1 (n2 / narcotic :quant (m / more-than :op1 (m2 / mass-quantity :quant 60 :unit (t / ton))) :ARG1-of (s2 / seize-01)) :ARG2 (t2 / temporal-quantity :quant 1 :unit (y / year))) :ARG1-of (s / symbolize-01 :ARG2 (d / determine-01 :ARG0 c :ARG1 (f / fight-01 :ARG0 c :ARG1 (d2 / drug))))) + +(d / date-entity :month 11 :day 21 :year 2008) + +(a / and :op1 (c / country :wiki "Greece" :name (n / name :op1 "Greece")) :op2 (c2 / country :wiki "Turkey" :name (n2 / name :op1 "Turkey")) :op3 (c3 / country :wiki "Belarus" :name (n3 / name :op1 "Belarus"))) + +(a / and :op1 (i / international) :op2 (w / weapon)) + +(s / say-01 :ARG0 (r / report-01 :ARG0 (o / organization :wiki "International_Campaign_to_Ban_Landmines" :name (n / name :op1 "International" :op2 "Campaign" :op3 "to" :op4 "Ban" :op5 "Landmines"))) :ARG1 (m / miss-02 :ARG0 (a / and :op1 (c / country :wiki "Greece" :name (n3 / name :op1 "Greece")) :op2 (c2 / country :wiki "Turkey" :name (n4 / name :op1 "Turkey")) :op3 (c3 / country :wiki "Belarus" :name (n5 / name :op1 "Belarus"))) :ARG1 (d / deadline :time-of (d2 / destroy-01 :ARG0 (a2 / a) :ARG1 (m3 / mine :ARG1-of (s2 / stockpile-01 :ARG0 a) :mod (l / land))) :mod (t / treaty)))) + +(s / say-01 :ARG0 (r / report-01 :ARG0 (o / organization :wiki "International_Campaign_to_Ban_Landmines" :name (n / name :op1 "International" :op2 "Campaign" :op3 "to" :op4 "Ban" :op5 "Landmine")) :time (d3 / date-entity :month 11 :day 21 :year 2008)) :ARG1 (m / miss-02 :ARG0 (a / and :op1 (c / country :wiki "Greece" :name (n3 / name :op1 "Greece")) :op2 (c2 / country :wiki "Turkey" :name (n4 / name :op1 "Turkey")) :op3 (c3 / country :wiki "Belarus" :name (n5 / name :op1 "Belarus"))) :ARG1 (d4 / deadline :ARG1-of (r3 / require-01 :ARG0 (t2 / treaty :mod (i / international))) :time-of (d2 / destroy-01 :ARG0 a :ARG1 (m2 / mine-01 :ARG1-of (s2 / stockpile-01 :ARG0 a) :mod (l / land)))))) + +(d / decline-02 :ARG0 (a / and :op1 (p / person :mod (c / country :wiki "Greece" :name (n / name :op1 "Greece")) :ARG0-of (h / have-org-role-91 :ARG2 (d2 / diplomat))) :op2 (p2 / person :mod (c2 / country :wiki "Turkey" :name (n2 / name :op1 "Turkey")) :ARG0-of (h2 / have-org-role-91 :ARG2 (d3 / diplomat))) :op3 (p3 / person :mod (c3 / country :wiki "Belarus" :name (n3 / name :op1 "Belarus")) :ARG0-of (h3 / have-org-role-91 :ARG2 (d4 / diplomat)))) :ARG1 (i / interview-01 :ARG1 a :ARG2 (r / report-01 :location (c4 / city :wiki "Geneva" :name (n4 / name :op1 "Geneva"))))) + +(q / quote-01 :ARG0 (r / report) :ARG2 (a2 / and :op1 (g / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c / country :wiki "Greece" :name (n2 / name :op1 "Greece")))) :op2 (g2 / government-organization :ARG0-of (g5 / govern-01 :ARG1 (c2 / country :wiki "Turkey" :name (n4 / name :op1 "Turkey")))) :op3 (g3 / government-organization :ARG0-of (g6 / govern-01 :ARG1 (c3 / country :wiki "Belarus" :name (n6 / name :op1 "Belarus"))))) :ARG3 (a / acknowledge-01 :ARG0 a2 :ARG1 (m / miss-02 :ARG0 a2 :ARG1 (d / deadline)))) + +(r / recommend-01 :ARG1 (d / destroy-01 :ARG0 (a / and :op1 (c / country :wiki "Greece" :name (n / name :op1 "Greece")) :op2 (c2 / country :wiki "Turkey" :name (n2 / name :op1 "Turkey")) :op3 (c3 / country :wiki "Belarus" :name (n3 / name :op1 "Belarus"))) :ARG1 (m / mine :mod (l / land) :quant (n4 / nearly :op1 7500000 :ARG2-of (t / total-01)))) :time (b / by :op1 (d2 / date-entity :month 3 :year 2008))) + +(s / say-01 :ARG0 (r / report-01 :ARG0 (o / organization :wiki "International_Campaign_to_Ban_Landmines" :name (n / name :op1 "International" :op2 "Campaign" :op3 "to" :op4 "Ban" :op5 "Landmines")) :mod (p / page :quant 1155) :frequency (r2 / rate-entity-91 :ARG3 (t / temporal-quantity :quant 1 :unit (y / year)))) :ARG1 (m / mention-01 :ARG0 (c / country :wiki "Greece" :name (n3 / name :op1 "Greece")) :ARG1 (a2 / and :op1 (p2 / problem :topic (l / legal-02) :topic (c2 / contract-02 :ARG0 c :ARG1 (c3 / carry-out-03 :ARG0 c4 :ARG1 (d / destroy-01)) :ARG2 (c4 / company))) :op2 (d3 / difficult :domain (f / find-01 :ARG1 (s2 / site :location-of (d4 / destroy-01) :mod (s3 / safe-01 :ARG1 (e / environment)))))) :ARG3 (c5 / cause-01 :ARG0 a2 :ARG1 (d2 / delay-01)))) + +(c / claim-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "Turkey" :name (n2 / name :op1 "Turkey")))) :ARG1 (l / long-03 :ARG1 (p / prepare-02 :ARG2 (r / rid-01 :ARG1 (t2 / thing :ARG1-of (s / stockpile-01 :ARG0 c2)))) :degree (m / more) :compared-to (t4 / temporal-quantity :ARG1-of (p2 / plan-01)))) + +(s / say-01 :ARG0 (c / country :wiki "Belarus" :name (n / name :op1 "Belarus")) :ARG1 (d / delay-01 :ARG1 (r / receive-01 :ARG1 (m / monetary-quantity :ARG2-of (f / fund-01 :ARG0 o2) :purpose (s2 / support-01 :ARG0 o2 :ARG1 c)) :ARG2 (o2 / organization :wiki "European_Union" :name (n3 / name :op1 "European" :op2 "Union"))))) + +(s / say-01 :ARG0 (c / country :wiki "Belarus" :name (n / name :op1 "Belarus")) :ARG1 (c2 / contain-01 :ARG0 (m4 / mine :ARG1-of (s2 / stockpile-01) :ARG1-of (r / remain-01)) :ARG1 (m / mine :mod (t / type) :ARG1-of (d2 / destroy-01 :mod (d / difficult :degree (m2 / more))) :mod (c4 / costly :degree (m6 / more))))) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Steve" :op2 "Goose") :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki "Human_Rights_Watch" :name (n3 / name :op1 "Human" :op2 "Rights" :op3 "Watch") :ARG1-of (b / base-01 :location (c / city :wiki "New_York_City" :name (n2 / name :op1 "New" :op2 "York")))) :ARG2 (d / director :mod (c5 / control-01 :ARG1 (a2 / arm))))) :ARG1 (s2 / sanction-02 :polarity - :ARG1 (a / and :op1 (c2 / country :wiki "Greece" :name (n4 / name :op1 "Greece")) :op2 (c3 / country :wiki "Turkey" :name (n5 / name :op1 "Turkey")) :op3 (c4 / country :wiki "Belarus" :name (n6 / name :op1 "Belarus"))) :ARG1-of (c6 / cause-01 :ARG0 (m / miss-02 :ARG0 a :ARG1 (d2 / deadline :poss a))))) + +(h / help-01 :ARG0 (o / organization :wiki "Human_Rights_Watch" :name (n / name :op1 "Human" :op2 "Rights" :op3 "Watch")) :ARG1 (p / produce-01 :ARG1 (r / report-01))) + +(c4 / contrast-01 :ARG1 (s2 / say-01 :ARG0 (r / report) :ARG1 (d / destroy-01 :ARG1 (m / mine :quant 500000 :duration (y / year :mod (p / past)) :mod (o / only)) :location (w / worldwide))) :ARG2 (s3 / say-01 :ARG0 r :ARG1 (r2 / rid-01 :ARG0 (a / and :op1 (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan")) :op2 (c2 / country :wiki "Burundi" :name (n2 / name :op1 "Burundi")) :op3 (c3 / country :wiki "Sudan" :name (n3 / name :op1 "Sudan"))) :ARG1-of (s / stockpile-01 :quant (a2 / all)) :mod (r3 / respective)))) + +(s / say-01 :ARG0 (r / report) :ARG1 (c3 / contrast-01 :ARG1 (b2 / bring-01 :ARG1 (n / number :quant-of (m / mine :ARG1-of (s2 / stockpile-01) :ARG1-of (d / destroy-01 :time (s3 / since :op1 (c4 / come-04 :ARG1 (t / treaty :mod (b / ban-01 :ARG1 (m2 / mine :mod (l / land)))) :ARG2 (e / enforce-01 :ARG1 t) :time (d2 / date-entity :year 1990)))))) :ARG3 (m3 / more-than :op1 42000000)) :ARG2 (h / have-03 :ARG0 (c / country :quant 44) :ARG1 (m4 / mine :quant 176000000) :mod (s4 / still)))) + +(g / give-01 :ARG1 (t / temporal-quantity :quant 4 :duration-of (d / destroy-01 :ARG0 c :ARG1 (t2 / thing :ARG1-of (s / stockpile-01 :ARG0 c))) :unit (y / year)) :ARG2 (c / country :ARG0-of (j / join-01 :ARG1 (t3 / treaty)) :quant (a / all :op1 156))) + +(s / sign-02 :polarity - :ARG0 (c4 / country :ARG0-of (u / use-01 :ARG1 (m / mine :mod (l / land)) :ARG1-of (m2 / major-02)) :example (a / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "U.S.")) :op2 (c2 / country :wiki "Russia" :name (n2 / name :op1 "Russia")) :op3 (c3 / country :wiki "China" :name (n3 / name :op1 "China")))) :ARG1 (t / treaty)) + +(a / and :op1 (s / say-01 :ARG0 (r / report) :ARG1 (a3 / and :op1 (k / kill-01 :ARG0 (e / explode-01 :ARG1 (m / mine :mod (l / land))) :ARG1 (p / person :quant (m2 / more-than :op1 1400)) :time (d / date-entity :year 2007) :location (w2 / worldwide)) :op2 (w / wound-01 :ARG0 e :ARG1 (p2 / person :quant 3900) :time d))) :op2 (a2 / add-01 :ARG1 (n / number :ARG1-of (h / high-02 :ARG1-of (p3 / possible-01) :quant (m3 / much) :degree (m4 / more)) :ARG0-of (c / cause-01 :ARG1 (p4 / poor :domain (r2 / report-01 :location (c2 / country :quant (m5 / many)))))))) + +(w / win-01 :ARG0 (o / organization :wiki "International_Campaign_to_Ban_Landmines" :name (n / name :op1 "International" :op2 "Campaign" :op3 "to" :op4 "Ban" :op5 "Landmines")) :ARG1 (a / award :wiki "Nobel_Peace_Prize" :name (n3 / name :op1 "Nobel" :op2 "Peace" :op3 "Prize")) :time (d / date-entity :year 1997)) + +(d / date-entity :month 11 :day 25 :year 2008) + +(c / country :wiki "Mexico" :name (n / name :op1 "Mexico")) + +(a / and :op1 (n / narcotic) :op2 (c / crime-02)) + +(c / charge-05 :ARG1 (a / and :op1 (p3 / person :ARG0-of (o / own-01 :ARG1 (c2 / club :mod (f / football))) :mod (c3 / country :wiki "Mexico" :name (n / name :op1 "Mexico"))) :op2 (p2 / person :quant 4 :ARG0-of (h2 / have-org-role-91 :ARG1 (t / team) :ARG2 (m / member)))) :ARG2 (t2 / traffic-01 :ARG0 a :ARG1 (a2 / and :op1 (c4 / cocaine) :op2 (m2 / marijuana)) :source (c5 / country :wiki "Colombia" :name (n2 / name :op1 "Colombia")) :destination (c6 / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States")))) + +(a / and :op1 (h / have-org-role-91 :ARG0 (p / person :quant (a4 / all :op1 5)) :ARG1 (g / gang :mod (n / notorious) :mod (c / country :wiki "Mexico" :name (n2 / name :op1 "Mexico"))) :ARG2 (m / member)) :op2 (a2 / arrest-01 :ARG1 p :mod (h2 / house) :time (s / since :time (d / date-entity :month 10 :year 2008)))) + +(c / charge-05 :ARG0 (p / person :location (c2 / country :wiki "Mexico" :name (n / name :op1 "Mexico")) :ARG0-of (h2 / have-org-role-91 :ARG3 (j / judge-01))) :ARG1 (a / and :op1 (p2 / person :ARG0-of (o / own-01 :ARG1 (c3 / club :wiki - :name (n3 / name :op1 "Mapaches") :mod (f / football) :mod c2) :ARG1-of (a3 / allege-01))) :op2 (p3 / person :quant 4 :ARG0-of (h / have-org-role-91 :ARG1 (t / team) :ARG2 (m / member)) :mod (o2 / other))) :ARG2 (t2 / traffic-01 :ARG0 a :ARG1 (d / drug))) + +(s / say-01 :ARG0 (o2 / organization :wiki "Attorney_General_of_Mexico" :name (n6 / name :op1 "Attorney" :op2 "General's" :op3 "Office") :mod (f / federal) :mod (c / country :wiki "Mexico" :name (n / name :op1 "Mexico"))) :ARG1 (l / lead-02 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Wenceslao" :op2 "Alvarez")) :ARG1 (g / group :ARG0-of (t / traffic-01 :ARG1 (a / and :op1 (c2 / cocaine) :op2 (m / marijuana)) :source (c3 / country :wiki "Colombia" :name (n3 / name :op1 "Colombia")) :destination (c4 / city :wiki "Atlanta" :name (n4 / name :op1 "Atlanta") :location (c5 / country :wiki "United_States" :name (n5 / name :op1 "U.S.")))))) :time (d / date-entity :month 11 :day 25 :year 2008) :medium (s2 / statement)) + +(s / state-01 :ARG0 (o / organization :wiki "Attorney_General_of_Mexico" :name (n4 / name :op1 "Attorney" :op2 "General's" :op3 "Office")) :ARG1 (w / work-01 :ARG0 (p2 / person :quant 5 :ARG1-of (c / charge-05)) :ARG2 (g / gang :wiki "La_Familia_Michoacana" :name (n / name :op1 "la" :op2 "Familia") :mod (s2 / state :wiki "Michoac??n" :name (n2 / name :op1 "Michoacan") :location (c2 / country :wiki "Mexico" :name (n3 / name :op1 "Mexico"))) :mod (i / infamous)))) + +(t / take-01 :ARG1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (g / group) :ARG2 (m / member))) :ARG3 (c / custody) :time (d / date-entity :month 10 :year 2008) :location (f / facility :location (c2 / city :wiki "Mexico_City" :name (n2 / name :op1 "Mexico" :op2 "City")) :poss (t3 / team :wiki "Club_Am??rica" :name (n / name :op1 "Aguilas" :op2 "del" :op3 "America")) :purpose (t2 / train-01))) + +(c / contrast-01 :ARG1 (a / arrest-01 :ARG1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (g / group) :ARG2 (m / member))) :mod (h2 / house)) :ARG2 (t / transfer-01 :ARG1 p :ARG2 (p2 / prison) :time (s / soon))) + +(e / expel-01 :ARG0 (o / organization :wiki "Mexican_Football_Federation" :name (n / name :op1 "Mexican" :op2 "Football" :op3 "Federation")) :ARG1 (c2 / club :wiki - :name (n2 / name :op1 "Mapaches") :mod (f2 / football)) :ARG2 (l / league) :ARG1-of (c3 / cause-01 :ARG0 (t / tie-up-05 :ARG1 c2 :ARG2 (p / person :ARG0-of (t2 / traffic-01 :ARG1 (d / drug))) :ARG1-of (a / allege-01))) :time (d2 / date-entity :year 2008 :month 10)) + +(b / believe-01 :ARG1 (o / own-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Alvarez")) :ARG1 (c / club :wiki - :name (n3 / name :op1 "Mapaches") :poss (d / division :ord (o2 / ordinal-entity :value 3)) :mod (f / football) :location (s / state :wiki "Michoac??n" :name (n2 / name :op1 "Michoacan"))))) + +(d / date-entity :year 2008 :month 11 :day 27) + +(c / country :wiki "United_Kingdom" :name (n / name :op1 "United" :op2 "Kingdom")) + +(a / and :op1 (t / terrorism) :op2 (i / international) :op3 (g / government-organization :ARG0-of (g2 / govern-01))) + +(s / say-01 :ARG0 (r / report-01 :ARG2 (i / institute :mod (p / policy :mod (p2 / public)) :domain (r2 / research-01))) :ARG1 (t / threaten-01 :ARG0 (s2 / state :quant 27 :mod (w / weak)) :ARG2 (s3 / security :mod (n2 / nation) :poss (c / country :wiki "United_Kingdom" :name (n / name :op1 "Britain"))) :ARG1-of (c2 / cause-01 :ARG0 (p3 / possible-01 :ARG1 (p4 / provide-01 :ARG0 s2 :ARG1 (b / base-01 :ARG1 (t2 / terrorist))))))) + +(s / state-01 :ARG0 (r / report-01) :ARG1 (o / obligate-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "United_Kingdom" :name (n / name :op1 "Britain")))) :ARG2 (h / help-01 :ARG1 (a / and :op1 (s2 / stabilize-01 :ARG1 (s3 / state :mod (w / weak))) :op2 (p / push-04 :ARG1 (r2 / regulate-01 :mod (i / international))))))) + +(s / state-01 :ARG0 (r / report-01 :ARG1-of (p / publish-01 :time (d / date-entity :year 2008 :month 11 :day 27))) :ARG1 (v / vulnerable :domain (c / country :wiki "United_Kingdom" :name (n / name :op1 "Britain")) :prep-to (t / terrorist :ARG0-of (o / operate-01 :source (s2 / state :mod (w / weak) :location-of (p2 / possible-01 :ARG1 (a / and :op1 (r2 / run-01 :ARG0 t :ARG1 (c2 / camp :purpose (t2 / train-01))) :op2 (r3 / raise-02 :ARG0 t :ARG1 (f / fund) :manner (d2 / detect-01 :polarity -))))))))) + +(a / and :op1 (c / coauthor-01 :ARG0 (p2 / person :wiki "George_Robertson,_Baron_Robertson_of_Port_Ellen" :name (n2 / name :op1 "George" :op2 "Robertson") :ARG0-of (h / have-org-role-91 :ARG1 (m / military :wiki "NATO" :name (n / name :op1 "NATO")) :ARG2 (c2 / chief) :time (f / former))) :ARG1 (r / report-01)) :op2 (p / publish-01 :ARG0 (r2 / research-institute :wiki "Institute_for_Public_Policy_Research" :name (n3 / name :op1 "Institute" :op2 "for" :op3 "Public" :op4 "Policy" :op5 "Research") :mod (t / think-tank :mod (i / international))) :ARG1 r)) + +(s / say-01 :ARG0 (r / report-01) :ARG1 (t / threaten-01 :ARG0 (s2 / state :quant 27 :mod (w / weak)) :ARG2 (s3 / security :mod (n2 / nation) :poss (c / country :wiki "United_Kingdom" :name (n / name :op1 "Britain"))) :ARG1-of (c2 / cause-01 :ARG0 (p / possible-01 :ARG1 (p2 / provide-01 :ARG0 s2 :ARG1 (b / base-01 :ARG1 (t2 / terrorist))))))) + +(a / and :op1 (c / country :ARG0-of (i / include-01 :ARG1 (a2 / and :op1 (c2 / country :wiki "Haiti" :name (n / name :op1 "Haiti")) :op2 (c3 / country :wiki "Nigeria" :name (n2 / name :op1 "Nigeria")) :op3 (c4 / country :wiki "Somalia" :name (n3 / name :op1 "Somalia")) :op4 (c5 / country :wiki "Yemen" :name (n4 / name :op1 "Yemen"))))) :op2 (h / have-03 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01) :mod (v / vulnerable) :domain (o / or :op1 (w / will-02 :polarity - :ARG1 (c6 / control-01 :ARG1 (t / territory))) :op2 (p / possible-01 :polarity - :ARG1 c6))))) + +(s / state-01 :ARG0 (p2 / person :ARG0-of (a / author-01 :ARG1 (r / report-01))) :ARG1 (p / possible-01 :ARG1 (o / operate-01 :ARG0 (g / group :ARG2-of (c / criminal-03) :ARG0-of (f / fund-01 :ARG1 (o2 / organization :mod (t / terrorist)) :manner (a2 / and :op1 (t3 / traffic-01 :ARG1 (d / drug)) :op2 (m / manufacture-01 :ARG1 (g2 / good :mod (c2 / counterfeit-01)))))) :location (s2 / state :mod (w / weak)) :manner (d2 / detect-01 :polarity -)))) + +(p / possible-01 :ARG1 (c / coordinate-01 :ARG0 (t / terrorist :ARG0-of (r / raise-02 :ARG1 (f / fund) :location (s / state :mod (t2 / this)))) :ARG1 (a / attack-01 :ARG1 (c2 / country :wiki "United_Kingdom" :name (n / name :op1 "Britain"))) :time (t3 / then))) + +(s / state-01 :ARG0 (r / report-01) :ARG1 (d / discover-01 :ARG0 (t / terrorist :mod (t2 / transnational)) :ARG1 (a2 / and :op1 (r2 / regulate-01 :polarity - :ARG1 (s2 / space :mod (g / globe)) :degree (l / large) :manner (o / or :op1 (w / weak-02 :ARG1 (r3 / rule-01 :ARG1 (l2 / law))) :op2 (r6 / rule-01 :polarity - :ARG1 l2))) :op2 (p / place :location-of (p2 / possible-01 :ARG1 (o2 / operate-01 :ARG0 (t3 / terrorist) :prep-with (p3 / prospect-02 :ARG1 (i / impunity) :ARG1-of (r4 / reasonable-02)) :ARG1-of (r5 / resemble-01 :ARG2 (o3 / operate-01 :location (m / mountain :poss (c / country :wiki "Afghanistan" :name (n / name :op1 "Afghanistan"))) :time (b / before :op1 (d2 / date-entity :month 9 :day 11)))))) :domain s2)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Ian" :op2 "Kearns") :ARG1-of (i / include-91 :ARG2 (p3 / person :ARG0-of (a / author-01 :ARG1 (r / report)))) :ARG0-of (h / have-org-role-91 :ARG1 (r2 / research-institute :wiki "Institute_for_Public_Policy_Research" :name (n2 / name :op1 "IPPR")) :ARG2 (d / director :mod (d2 / deputy)))) :ARG1 (p2 / possible-01 :ARG1 (r3 / run-01 :ARG0 (t / terrorist) :ARG1 (c / camp :location (a3 / area :mod (r4 / remote) :ARG1-of (m / monitor-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1-of (r5 / rare-02))))))) + +(r / reference-04 :ARG0 (p / person :wiki - :name (n / name :op1 "Kearns")) :ARG1 (c / camp :poss (t / terrorist) :purpose (t2 / train-01) :location (w / world-region :wiki "Sahel" :name (n2 / name :op1 "Sahel") :ARG1-of (r2 / run-04 :path (c2 / country :ARG0-of (i / include-01 :ARG1 (a / and :op1 (c3 / country :wiki "Mali" :name (n4 / name :op1 "Mali")) :op2 (c4 / country :wiki "Chad" :name (n5 / name :op1 "Chad")) :op3 (c5 / country :wiki "Sudan" :name (n6 / name :op1 "Sudan")))) :quant (s / several))) :part-of (w2 / world-region :wiki "Sub-Saharan_Africa" :name (n3 / name :op1 "Sub-Saharan" :op2 "Africa"))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Kearns")) :ARG1 (a / and :op1 (p2 / possible-01 :polarity - :ARG1 (p4 / patrol-01 :ARG1 (a2 / area :mod (r / remote) :mod (t / this)))) :op2 (p3 / possible-01 :ARG1 (g / go-09 :ARG1 (a3 / activity-06 :mod (a4 / any)) :manner (d / detect-01 :polarity -))))) + +(s / state-01 :ARG0 (r / report-01) :ARG1 (o / obligate-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "United_Kingdom" :name (n / name :op1 "Britain")))) :ARG2 (h / help-01 :ARG1 (a / and :op1 (s2 / stabilize-01 :ARG1 (s3 / state :mod (w / weak))) :op2 (p / push-04 :ARG1 (r2 / regulate-01 :mod (i / international) :ARG0-of (s4 / stop-03 :ARG1 (t / terrorist) :ARG2 (u / use-01 :ARG1 (i2 / information :ARG2-of (a3 / available-02 :ARG3-of (f / free-04))) :ARG2 (a2 / and :op1 (c2 / create-01 :ARG1 (f2 / form :domain (w2 / warfare :mod (b / biology) :example (v / version :ARG1-of (m / modify-01) :poss (v2 / virus :wiki "Influenza" :name (n2 / name :op1 "influenza")))) :mod (n3 / new))) :op2 (u2 / unleash-01 :ARG1 f2)))))))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Kearns")) :ARG1 (a / and :op1 (o / obligate-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG2 (t / take-01 :ARG0 g :ARG1 (a2 / approach-01 :ARG2 (a3 / area :ARG2-of (i / include-01 :ARG1 (b / biotechnology))) :mod (m / multilateral)))) :op2 (c / contrast-01 :ARG1-of (m2 / move-01 :polarity - :ARG0 g :ARG2 a2 :ARG1-of (q / quick-02 :mod (e / enough)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Kearns")) :ARG1 (s2 / show-01 :ARG0 (c / crisis :mod (f / financial) :mod (g / globe)) :ARG1 (r / result-01 :ARG2 (h / have-03 :polarity - :ARG1 (f2 / framework :mod (m / multilateral) :prep-in (p2 / place) :purpose (d / deal-01 :ARG2 (i / issue-02 :ARG1 (i2 / international)))))))) + +(d / date-entity :year 2003 :month 10 :day 21) + +(c / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) + +(a / and :op1 (b / business) :op2 (t / technology)) + +(e / enter-01 :ARG1 (a / agree-01 :quant 7 :ARG0 (c / company :quant 6 :mod (f / foreign)) :ARG1 (c4 / cooperate-01) :ARG2 (c2 / company :mod (c3 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")))) :time (c5 / ceremony :location (c6 / city :wiki "Taipei" :name (n2 / name :op1 "Taipei")))) + +(e / enter-01 :ARG1 (a / agree-01 :quant 7 :ARG0 (c / company :quant 6 :mod (f / foreign) :mod (a2 / another)) :ARG1 (c4 / cooperate-01) :ARG2 (c2 / company :ARG1-of (l / local-02 :ARG2 (c3 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan"))))) :time (c5 / ceremony :location (c6 / city :wiki "Taipei" :name (n2 / name :op1 "Taipei")) :mod (p / profile :ARG1-of (h / high-02))) :time (d / date-entity :year 2003 :month 10 :day 3)) + +(t / time-02 :ARG0 (e / event) :purpose (c / coincide-01 :ARG1 (d / day :mod (f / final) :subevent-of (e2 / event :wiki - :name (n / name :op1 "Taiwan" :op2 "Business" :op3 "Alliance" :op4 "Conference") :time (d2 / date-entity :year 2003))))) + +(p / participate-01 :ARG0 (p2 / person :wiki "Shih_Yen-shiang" :name (n / name :op1 "Shih" :op2 "Yen-Shiang") :ARG0-of (h / have-org-role-91 :ARG2 (m / minister :mod (v / vice) :mod (e / economics))))) + +(e / enter-01 :ARG1 (a / agree-01 :ARG0 (c / company :ARG1-of (s / specific-02)) :ARG1 (c2 / cooperate-01))) + +(s / sign-02 :ARG0 (c / company :wiki "Access_(company)" :name (n2 / name :op1 "ACCESS") :mod (c2 / country :wiki "Japan" :name (n / name :op1 "Japan"))) :ARG1 (m / memorandum :mod (c3 / cooperate-01)) :ARG2 (r / research-institute :wiki "Institute_for_Information_Industry" :name (n3 / name :op1 "Institute" :op2 "for" :op3 "Information" :op4 "Industry"))) + +(a / agree-01 :ARG0 (c / company :wiki "Public,_educational,_and_government_access" :name (n / name :op1 "ACCESS")) :ARG1 (t / transfer-01 :ARG0 c :ARG1 (t2 / technology :domain (s / service :mod (p / phone :ARG1-of (m / mobile-02)))) :ARG2 (c2 / company :ARG0-of (o / operate-01 :ARG4 (p2 / phone)) :mod (c3 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))))) + +(m / make-01 :ARG0 (p / pact) :ARG1 (b / base-01 :ARG1 (a / and :op1 (a3 / activity :mod (r / research-01)) :op2 (a2 / activity-06 :ARG1 (d / develop-02)) :beneficiary (c / company :wiki "Public,_educational,_and_government_access" :name (n / name :op1 "ACCESS")) :location (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))))) + +(s / sign-02 :ARG0 (c / company :wiki "NCSOFT" :name (n / name :op1 "NC" :op2 "Soft") :location (c2 / country :wiki "South_Korea" :name (n2 / name :op1 "South" :op2 "Korea"))) :ARG1 (v / venture :mod (j / joint)) :ARG2 (c3 / company :wiki "Gamania" :name (n3 / name :op1 "Gamania") :location (c4 / country :wiki "Taiwan" :name (n4 / name :op1 "Taiwan"))) :purpose (c5 / cooperate-01 :ARG0 c :ARG1 c3 :ARG2 (b / business :mod (g / game :mod (o / online))))) + +(c / company :domain (c2 / company :wiki "NCSOFT" :name (n2 / name :op1 "NC" :op2 "Soft") :ARG0-of (m / make-01 :ARG1 (g / game :mod (o / online))) :mod (l / large :degree (m2 / most)) :location (c3 / country :wiki "South_Korea" :name (n / name :op1 "South" :op2 "Korea")))) + +(a / agree-01 :ARG0 (c / company :wiki "Moto_Morini" :name (n / name :op1 "Morini" :op2 "Franco" :op3 "Motori") :mod (c2 / country :wiki "Italy" :name (n2 / name :op1 "Italy"))) :ARG1 (s / set-up-03 :ARG0 (a2 / and :op1 c :op2 c3) :ARG1 (v / venture :mod (j / joint)) :purpose (p / produce-01 :ARG0 a2 :ARG1 (e / engine :part-of (m / motorcycle)))) :ARG2 (c3 / company :wiki "Taiwan_Golden_Bee" :name (n3 / name :op1 "Taiwan" :op2 "Golden" :op3 "Bee"))) + +(u / upgrade-02 :ARG0 (t / transfer-01 :ARG1 (t2 / technology)) :ARG1 (a / and :op1 (r / research-01 :beneficiary (c / company :ARG0-of (m / make-01 :ARG1 (m2 / motorcycle)) :mod (c2 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")))) :op2 (d / develop-02 :beneficiary c) :op3 (p / produce-01 :beneficiary c))) + +(e / expect-01 :ARG0 (p3 / person :ARG0-of (a / analyze-01)) :ARG1 (p / produce-01 :ARG1 (p2 / product :ARG1-of (c / cost-01 :ARG2 (m / monetary-quantity :quant 10000000000 :unit (d2 / dollar :mod (c2 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) :mod (n3 / new))))) :time (d / decade :mod (n2 / next)))) + +(c / contract-02 :ARG0 (g / group :wiki "Itochu" :name (n / name :op1 "Itochu") :location (c2 / country :wiki "Japan" :name (n2 / name :op1 "Japan"))) :ARG1 (p / promote-02 :ARG0 (a2 / and :op1 g :op2 c3) :ARG1 (s / sell-01 :ARG1 (p2 / product :ARG0-of (i / include-01 :ARG1 (a / antenna :mod (p3 / product :wiki "Global_Positioning_System" :name (n4 / name :op1 "GPS")))) :poss c3) :location (o / overseas)) :manner (j / joint)) :ARG2 (c3 / company :wiki - :name (n3 / name :op1 "EMTAC" :op2 "Technology") :location (c4 / country :wiki "Taiwan" :name (n5 / name :op1 "Taiwan")))) + +(b / broker-01 :ARG0 (c / company :wiki "Itochu" :name (n / name :op1 "Itochu")) :ARG1 (d / deal-01 :ARG2 (p2 / purchase-01)) :ARG2 (p3 / person :ARG0-of (b2 / buy-01 :ARG1 (p4 / product :poss (c2 / company :wiki - :name (n2 / name :op1 "EMTAC")) :ARG1-of (c3 / cost-01 :ARG2 (m / monetary-quantity :quant 150000000 :unit (d2 / dollar :mod (c4 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :mod (n4 / new)))))) :mod (f / foreign)) :time (p / present) :time (a / already)) + +(a / and :op1 (p / promise-01 :ARG0 (c / company :wiki "Itochu" :name (n / name :op1 "Itochu")) :ARG2 (a2 / assist-01 :ARG0 c :ARG1 (c2 / company :wiki - :name (n2 / name :op1 "EMTAC")) :ARG2 (a3 / and :op1 (i / import-01 :ARG1 (p3 / part :ARG1-of (k / key-02))) :op2 (d / develop-02 :ARG1 p3)))) :op2 (p2 / prepare-02 :ARG0 c :ARG2 (i2 / invest-01 :ARG0 c :ARG2 c2 :time (f / future))) :domain c) + +(c / cooperate-01 :ARG0 (c2 / company :wiki - :name (n / name :op1 "Pharmaessentia") :ARG1-of (b / base-01 :location (c3 / country :wiki "United_States" :name (n2 / name :op1 "U.S.")))) :ARG1 (c4 / company :wiki - :name (n3 / name :op1 "Genovate" :op2 "Biotechnology") :location (c5 / country :wiki "Taiwan" :name (n4 / name :op1 "Taiwan"))) :ARG2 (a / and :op1 (d / develop-02 :ARG1 (d3 / drug :ARG1-of (d4 / design-01 :ARG3 (f / fight-off-02 :ARG0 d3 :ARG1 (a2 / and :op1 (c6 / cancer) :op2 (p / pressure-01 :ARG0 (b2 / blood) :ARG1-of (h / high-02)) :op3 (a3 / asthma)))))) :op2 (d2 / design-01 :ARG1 d3) :op3 (m / manufacture-01 :ARG1 d3) :op4 (s / sell-01 :ARG1 d3))) + +(c / conclude-02 :ARG0 c2 :ARG1 (a / agree-01 :ARG0 (c2 / company :wiki - :name (n / name :op1 "Pharmaessentia")) :ARG1 (g / grant-01 :ARG0 c2 :ARG1 (s / status :mod (p / prefer-01)) :ARG2 c3 :purpose (e / effort :mod (m / mutual) :purpose (c5 / cooperate-01))) :ARG2 (c3 / company :wiki - :name (n2 / name :op1 "Synmosa" :op2 "Biopharma") :location (c4 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")))) :mod (a2 / also)) + +(a / agree-01 :ARG0 (c / company :wiki - :name (n / name :op1 "Pharmaessentia")) :ARG1 (d / develop-02 :ARG0 (a2 / and :op1 c :op2 c2) :ARG1 (p / product :ARG0-of (u / use-01 :ARG1 (m / material :mod (r / raw) :ARG1-of (p2 / produce-01 :ARG0 c)) :manner (m2 / main)) :ARG0-of (c3 / comply-01 :ARG1 (s / standard :poss (m3 / market-01 :mod (c4 / country :wiki "United_States" :name (n3 / name :op1 "U.S.")))))) :manner (j / joint)) :ARG2 (c2 / company :wiki - :name (n2 / name :op1 "Synmosa" :op2 "Biopharma"))) + +(s / sell-01 :ARG0 (a / and :op1 (c / company :wiki - :name (n / name :op1 "Pharmaessentia")) :op2 (c2 / company :wiki - :name (n2 / name :op1 "Synmosa" :op2 "Biopharma"))) :ARG1 (p / product :mod (t / that)) :ARG1-of (s2 / separate-02) :location (a3 / and :op1 (m / market-01 :mod (c3 / continent :wiki "Asia" :name (n3 / name :op1 "Asia"))) :op2 (m2 / market-01 :mod (c4 / country :wiki "United_States" :name (n4 / name :op1 "U.S."))) :mod (r / respective))) + +(c / conclude-02 :ARG1 (a / agree-01 :ARG0 (s / subsidiary :location (c2 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) :part-of (c3 / company :wiki - :name (n2 / name :op1 "Ryss" :op2 "Laboratories") :mod (c4 / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States")))) :ARG1 (a2 / and :op1 (e / exchange-01 :ARG1 (t / technology) :purpose (a3 / and :op1 (r2 / research-01 :ARG1 (d / drug :mod (n5 / new))) :op2 (m / manufacture-01 :ARG1 d))) :op2 (c5 / combine-01 :ARG1 (s2 / strength :poss (t2 / they)) :purpose a3)) :ARG2 (r / research-institute :wiki - :name (n4 / name :op1 "Pharmaceutical" :op2 "Industry" :op3 "Technology" :op4 "and" :op5 "Development" :op6 "Center") :location c2)) :purpose (u / upgrade-02 :ARG0 a3 :ARG1 (s3 / standard :ARG1-of (m2 / manufacture-01) :domain (p / pharmacy :mod (d2 / domestic))))) + +(d / devote-01 :ARG0 (r2 / research-institute :wiki - :name (n / name :op1 "Pharmaceutical" :op2 "Industry" :op3 "Technology" :op4 "and" :op5 "Development" :op6 "Center")) :ARG2 (a2 / and :op1 (r / research-01 :ARG1 (a3 / and :op1 (p2 / pharmacy) :op2 (p3 / product :mod (s / science :mod (l / life)) :mod (o / other)))) :op2 (d3 / develop-02 :ARG1 a3))) + +(d / date-entity :day 12 :month 2 :year 2004) + +(c / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) + +(a / and :op1 (i / international) :op2 (t / technology) :op3 (w / weapon) :op4 (a2 / and :op1 (w2 / war) :op2 (c / conflict-01)) :op5 (g / government-organization :ARG0-of (g2 / govern-01))) + +(w / warn-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Annette" :op2 "Lu") :ARG0-of (h / have-org-role-91 :ARG1 (c5 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG2 (p3 / president :mod (v / vice)))) :ARG1 (p2 / possible-01 :ARG1 (e / encourage-01 :ARG0 (t / transfer-01 :ARG0 (c2 / continent :wiki "Europe" :name (n3 / name :op1 "Europe")) :ARG1 (t2 / technology :mod c2) :ARG2 (c3 / country :wiki "China" :name (n4 / name :op1 "People's" :op2 "Republic" :op3 "of" :op4 "China"))) :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 c3)) :ARG2 (i / invade-01 :ARG0 c3 :ARG1 (c / country))))) + +(w / warn-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Annette" :op2 "Lu") :ARG0-of (h / have-org-role-91 :ARG1 (c5 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG2 (p3 / president :mod (v / vice)))) :ARG1 (p2 / possible-01 :ARG1 (e / encourage-01 :ARG0 (t / transfer-01 :ARG0 (c2 / continent :wiki "Europe" :name (n3 / name :op1 "Europe")) :ARG1 (t2 / technology :mod c2) :ARG2 (c3 / country :wiki "China" :name (n4 / name :op1 "People's" :op2 "Republic" :op3 "of" :op4 "China"))) :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :wiki "China" :name (n5 / name :op1 "PRC")))) :ARG2 (i / invade-01 :ARG0 c3 :ARG1 (c / country)))) :time (d / date-entity :day 2 :month 4 :year 2012)) + +(a / and :op1 (n / note-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n2 / name :op1 "Lu")) :ARG1 (a2 / adopt-01 :ARG0 (o / organization :wiki "European_Union" :name (n3 / name :op1 "European" :op2 "Union")) :ARG1 (r / resolve-02 :ARG0 o :ARG1 (b / ban-01 :ARG0 o :ARG1 (s / sell-01 :ARG1 (a3 / arm) :ARG2 (m2 / mainland :part-of (c / country :wiki "China" :name (n4 / name :op1 "China")))))) :time (a4 / after :op1 (e2 / event :wiki "Tiananmen_Square_protests_of_1989" :name (n9 / name :op1 "Tiananmen" :op2 "massacre" :op3 "of" :op4 1989))))) :op2 (s2 / say-01 :ARG0 p :ARG1 (w / worrisome-03 :ARG0 (s3 / seek-01 :ARG0 (a5 / and :op1 (p3 / person :ARG0-of (l2 / lead-02 :ARG1 (c2 / country :wiki "France" :name (n6 / name :op1 "France")))) :op2 (p4 / person :ARG0-of (l3 / lead-02 :ARG1 (c3 / country :wiki "Germany" :name (n7 / name :op1 "Germany"))))) :ARG1 (l4 / lift-02 :ARG0 a5 :ARG1 (b2 / ban-01 :ARG0 o) :time (f / follow-01 :ARG2 (e / entice-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c5 / country :wiki "China" :name (n8 / name :op1 "PRC")))) :ARG1 (i / interest :mod (c4 / commerce) :time (m3 / multiple :op1 (t / temporal-quantity :quant 1 :unit (y / year))))))) :ARG1-of (r2 / report-01))))) + +(a / and :op1 (e / express-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :ARG1 (c / concern-01 :ARG0 (t / transfer-01 :ARG1 (t2 / technology :ARG1-of (a2 / advanced-02) :mod (c2 / continent :wiki "Europe" :name (n2 / name :op1 "Europe"))) :ARG2 (m / mainland)) :ARG1 p)) :op2 (a3 / add-01 :ARG0 p :ARG1 (i / infer-01 :ARG0 p :ARG1 (e2 / encourage-01 :ARG2 (i2 / invade-01 :ARG0 m :ARG1 (c4 / country :wiki "Taiwan" :name (n4 / name :op1 "Taiwan")))) :ARG2 (h / helpful-04 :ARG0 (t3 / transfer-01 :mod (s / such)) :ARG1 (b / buildup :mod (m2 / military :mod (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c3 / country :wiki "China" :name (n3 / name :op1 "PRC")))))))))) + +(s / say-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :ARG1 (a / and :op1 (t / try-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (m / mainland :part-of (c3 / country :wiki "China" :name (n2 / name :op1 "China"))))) :ARG1 (i / isolate-01 :ARG0 c3 :ARG1 (c / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :manner (d / diplomatic))) :op2 (i2 / increase-01 :ARG0 c3 :ARG1 (b / build-up-05 :ARG1 (m2 / military :poss c3) :prep-against c)))) + +(s / say-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n5 / name :op1 "Lu")) :ARG1 (a / and :op1 (d / deploy-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "PRC")))) :ARG1 (m / missile :quant (a2 / around :op1 500)) :ARG2 (t / target-01 :ARG1 (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")))) :op2 (e / expect-01 :ARG1 (i / increase-01 :ARG2 650 :ARG1 (n6 / number :quant-of (m3 / missile :ARG1-of (d3 / deploy-01))) :time (y / year :mod (n4 / next)))))) + +(d / describe-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "China" :name (n2 / name :op1 "PRC")))) :ARG2 (t / terrorism :mod (i / international) :mod (r / real)) :ARG1-of (c2 / cause-01 :ARG0 (a / and :op1 (t2 / threaten-01 :ARG0 g :ARG1 (m / missile :ARG1-of (a2 / aim-02 :ARG0 g :ARG2 (c3 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan"))))) :op2 (p2 / prepare-02 :ARG0 c :ARG2 (i2 / invade-01 :ARG0 c :ARG1 c3))))) + +(a / add-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :ARG1 (c / cause-01 :ARG0 (t / this) :ARG1 (c2 / call-02 :ARG0 (p2 / person :wiki "Chen_Shui-bian" :name (n2 / name :op1 "Chen" :op2 "Shui-bian") :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :ARG2 (p3 / president))) :ARG1 (r / referendum :mod (p4 / peace) :time (d / date-entity :day 20 :month 3 :year 2004) :time (a2 / alongside :op1 (e / elect-01 :ARG2 (p5 / person :ARG0-of (h2 / have-org-role-91 :ARG1 c4 :ARG2 (p6 / president))))))))) + +(s / say-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :ARG1 (r / recommend-01 :ARG1 (j / join-01 :polarity - :ARG0 (n2 / nation :mod (c / continent :wiki "Europe" :name (n3 / name :op1 "Europe"))) :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "China" :name (n4 / name :op1 "PRC")))) :purpose (o / oppose-01 :ARG1 (r2 / referendum :ARG1-of (p2 / plan-01 :ARG0 (c3 / country :wiki "Taiwan" :name (n5 / name :op1 "Taiwan")))))))) + +(s / say-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :ARG1 (a / and :op1 (p2 / part :polarity - :part-of (c2 / country :wiki "China" :name (n2 / name :op1 "People's" :op2 "Republic" :op3 "of" :op4 "China")) :domain (c6 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan"))) :op2 (m / maintain-01 :ARG0 (c / country) :ARG1 (r / relation-03 :ARG0 c6 :ARG1 (s2 / substantive) :ARG2 c) :ARG2 (c3 / country :quant (a2 / all) :mod (a3 / almost) :location (a4 / around :op1 (w / world))) :concession (h / have-03 :polarity - :ARG0 (c4 / country :ARG1-of (i / include-91 :ARG2 c3) :quant (m2 / most)) :ARG1 (r2 / relation-03 :ARG0 c6 :ARG1 (d / diplomacy) :ARG2 c))))) + +(a / and :op1 (c / cease-01 :polarity - :ARG0 (c2 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) :ARG1 (e / effort :purpose (p / participate-01 :ARG0 c2 :ARG1 (a2 / activity-06 :mod (i / international)))) :time (e2 / ever)) :op2 (c3 / contribute-01 :ARG0 c2 :ARG2 (d / develop-02 :mod (g2 / globe)) :mod (g / great) :concession (r / refuse-01 :ARG0 (o / organization :mod i :quant (m2 / many)) :ARG1 (m / membership)))) + +(r / remark-01 :ARG0 (p / person :wiki "Annette_Lu" :name (n / name :op1 "Lu")) :location (o / office :mod (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG2 (p4 / president)))) :time (r2 / receive-01 :ARG0 p :ARG1 (p3 / person :wiki "Hilde_Zach" :name (n3 / name :op1 "Hilde" :op2 "Zach") :ARG0-of (h / have-org-role-91 :ARG1 (c2 / city :wiki "Innsbruck" :name (n4 / name :op1 "Innsbruck") :location (c3 / country :wiki "Austria" :name (n5 / name :op1 "Austria"))) :ARG2 (m / mayor))))) + +(a / arrive-01 :ARG1 (p / person :wiki "Hilde_Zach" :name (n / name :op1 "Zach")) :location (c / city :wiki "Taipei" :name (n2 / name :op1 "Taipei")) :time (d / date-entity :weekday (t / tuesday)) :purpose (v / visit-01 :ARG0 p :ARG1 c :duration (t2 / temporal-quantity :quant 6 :unit (d2 / day)) :ARG2-of (i2 / invite-01 :ARG0 (g / government-organization :wiki "Ministry_of_Foreign_Affairs_(Republic_of_China)" :name (n3 / name :op1 "Ministry" :op2 "of" :op3 "Foreign" :op4 "Affairs")) :ARG1 p))) + +(h / hope-01 :ARG0 (p / person :wiki "Hilde_Zach" :name (n / name :op1 "Zach")) :ARG1 (g / gain-02 :ARG0 p :ARG1 (u / understand-01 :ARG0 p :ARG1 (d / develop-02 :ARG0 (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG1 (a / and :op1 (f / field :mod (p2 / politics)) :op2 (f2 / field :mod (e / economy)) :op3 (f3 / field :mod (c2 / culture)) :op4 (f4 / field :mod (t / tourism)))) :mod (g2 / good :degree (m / more))))) + +(d / date-entity :day 28 :month 6 :year 2004) + +(c / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) + +(a / and :op1 (i / international) :op2 (t / technology) :op3 (w / weapon) :op4 (g / government-organization :ARG0-of (g2 / govern-01)) :op5 (b / business) :op6 (m / money)) + +(p / possible-01 :ARG1 (a / approve-01 :polarity - :ARG0 (g / government-organization :wiki "Executive_Yuan" :name (n4 / name :op1 "Executive" :op2 "Yuan") :mod (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))) :ARG1 (p3 / participate-01 :ARG0 c :ARG1 (c2 / construct-01 :ARG1 (s / submarine :ARG1-of (s2 / sell-01 :ARG0 (c3 / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States")))))))) + +(c / complete-01 :ARG0 (d / delegation :consist-of (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) :ARG3 (l2 / legislate-01)))) :ARG1 (t / trip-03 :ARG0 d :ARG1 (c3 / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :ARG0-of (f / find-01 :ARG1 (f2 / fact)) :duration (t2 / temporal-quantity :quant 11 :unit (d2 / day)))) + +(s / submit-01 :ARG0 (g / government-organization :wiki "Executive_Yuan" :name (n7 / name :op1 "Executive" :op2 "Yuan") :mod (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))) :ARG1 (m / monetary-quantity :quant 610800000000 :unit (d / dollar :mod c :mod (n3 / new)) :ARG1-of (b / budget-01 :ARG1-of (s2 / special-02))) :ARG3 (b2 / buy-01 :ARG0 (p / person) :ARG1 (a / and :op1 (m2 / missile :quant 388 :wiki - :name (n4 / name :op1 "Patriot" :op2 "PAC-III")) :op2 (s3 / submarine :quant 8 :mod (c3 / conventional)) :op3 (a2 / aircraft-type :quant 12 :wiki "Lockheed_P-3_Orion" :name (n5 / name :op1 "P-3" :op2 "C") :ARG0-of (c4 / counter-01 :ARG1 (s4 / submarine)))) :ARG2 (c5 / country :wiki "United_States" :name (n6 / name :op1 "United" :op2 "States")) :time (e2 / early :time (m3 / month :mod (t / this)) :degree (m4 / more)))) + +(p / pend-01 :ARG1 (b / budget-01) :ARG2 (a / approve-01 :ARG0 (g / government-organization :wiki "Legislative_Yuan" :name (n / name :op1 "Legislative" :op2 "Yuan")) :ARG1 b) :time (n2 / now)) + +(s / say-01 :ARG0 (p / person :wiki "Ker_Chien-ming" :name (n / name :op1 "Ker" :op2 "Chien-ming") :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (l / legislate-01 :ARG1 (c5 / country :wiki "Taiwan" :name (n8 / name :op1 "Taiwan")))) :ARG2 (w / whip)) :ARG0-of (h2 / have-org-role-91 :ARG1 (p2 / political-party :wiki "Democratic_Progressive_Party" :name (n3 / name :op1 "Democratic" :op2 "Progressive" :op3 "Party")))) :ARG1 (t / turn-02 :ARG1 (d2 / discussion :topic (r / recommend-01 :mode interrogative :ARG1 (p3 / participate-01 :ARG0 (c / company :wiki "CSBC_Corporation,_Taiwan" :name (n5 / name :op1 "China" :op2 "Shipbuilding" :op3 "Corp")) :ARG1 (c2 / construct-01 :ARG1 (s2 / submarine :ARG1-of (s3 / sell-01 :ARG0 (c3 / country :wiki "United_States" :name (n6 / name :op1 "United" :op2 "States") :ARG0-of (p4 / promise-01 :ARG2 s2)) :ARG2 c5)))))) :ARG2 (n4 / negative)) :time (d / date-entity :day 28 :month 6 :year 2004)) + +(c / call-on-05 :ARG0 (p / person :wiki - :name (n / name :op1 "Miao" :op2 "Yung-Ching") :ARG0-of (h / have-org-role-91 :ARG1 (m / military :wiki "Republic_of_China_Navy" :name (n2 / name :op1 "Navy")) :ARG2 (c2 / commander-in-chief))) :ARG1 (g / government-organization :wiki "Legislative_Yuan" :name (n3 / name :op1 "Legislative" :op2 "Yuan")) :ARG2 (c3 / communicate-01 :ARG0 g :ARG1 (r / review-01 :ARG1 (b / budget-01 :ARG2 (p2 / procure-01 :ARG1 (a / arm)) :ARG2-of (i / include-91 :ARG1 (d / deal :topic (s / submarine))))) :ARG2 p)) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Miao")) :ARG1 (a / and :op1 (f / feasible :polarity - :domain (p2 / participate-01 :ARG0 (c / company :wiki "CSBC_Corporation,_Taiwan" :name (n2 / name :op1 "CSBC")) :ARG1 (c2 / construct-01 :ARG1 (s2 / submarine)))) :op2 (n3 / negotiate-01 :ARG0 (m / military :wiki "Republic_of_China_Navy" :name (n4 / name :op1 "Navy")) :ARG1 (c3 / country :wiki "United_States" :name (n5 / name :op1 "United" :op2 "States")) :ARG2 (o / obtain-01 :ARG0 m :ARG1 (a2 / and :op1 (c4 / capable-01 :ARG2 (r / repair-01)) :op2 (t / transfer-01 :ARG1 (t2 / technology))) :ARG2 c3)))) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Miao")) :ARG1 (w / want-01 :ARG0 (c / country :quant (n2 / none)) :ARG1 (b / buy-01 :ARG0 c :ARG1 (s2 / submarine :mod (c2 / conventional))))) + +(m / make-06 :ARG1 (t / this) :ARG2 (f / futile :domain (g / give-01 :ARG1 (c2 / capable-01 :ARG2 (b / build-01 :ARG1 (t2 / they))) :ARG2 (c / company :wiki "CSBC_Corporation,_Taiwan" :name (n / name :op1 "CSBC"))))) + +(h / have-03 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG1 (c2 / control-01 :ARG0 c :ARG1 (t / technology :ARG1-of (k / key-02) :ARG2-of (b / build-01 :ARG1 (s / submarine))))) + +(p / person :wiki - :name (n / name :op1 "Lee" :op2 "Wen-chung") :ARG0-of (h / have-org-role-91 :ARG1 (p2 / political-party :wiki "Democratic_Progressive_Party" :name (n2 / name :op1 "DPP")) :ARG3 (l2 / legislate-01)) :mod (a / another) :ARG1-of (i / involve-01)) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (a / ask-01 :ARG0 (d2 / delegation) :ARG1 (s2 / shorten-04 :ARG0 c :ARG1 (p2 / period :duration-of (d3 / deliver-01 :ARG1 (s3 / submarine))) :ARG3 (t / temporal-quantity :quant 15 :unit (y / year)) :ARG4 (t2 / temporal-quantity :quant 10 :unit (y2 / year))) :ARG2 (c / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States"))) :time (d / date-entity :day 28 :month 6 :year 2004)) + +(i / indicate-01 :ARG0 (t / this) :ARG1 (g / give-up-07 :ARG0 (c / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) :ARG1 (p / policy :topic (b / build-01 :ARG0 c :ARG1 (s / submarine))) :time (a / already))) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (c / cost-01 :ARG1 (s3 / submarine :quant 8) :ARG2 (m / monetary-quantity :degree (l2 / less :quant (m3 / monetary-quantity :quant 100000000000 :unit (d / dollar :mod (n5 / new) :mod (c3 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan"))))) :compared-to (p2 / plan-01 :ARG1 (c4 / cost-01 :ARG1 s3 :ARG2 (m2 / monetary-quantity :quant 400000000000 :unit (d2 / dollar :mod n5 :mod c3))) :mod (o / original))) :condition (b / build-01 :polarity - :ARG0 c3 :ARG1 (s2 / submarine)))) + +(b / base-02 :ARG1 (f / figure :mod (p / person :wiki - :name (n / name :op1 "Lee"))) :ARG2 (a / and :op1 (t3 / tag-01 :ARG1 (s / submarine :ARG1-of (s2 / sell-01 :ARG0 (a3 / and :op1 (c / country :wiki "Germany" :name (n2 / name :op1 "Germany")) :op2 (c2 / country :wiki "Spain" :name (n3 / name :op1 "Spain"))))) :mod (t4 / thing :ARG2-of (p3 / price-01))) :op2 (c3 / cost-01 :ARG1 (o / obtain-01 :ARG1 (c4 / capable-01 :ARG2 (r / repair-01)))))) + +(a / ask-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (p2 / possible-01 :mode interrogative :ARG1 (a2 / and :op1 (a3 / affect-01 :ARG0 (t / temporal-quantity :quant 10 :unit (y / year) :ARG2-of (l / long-03 :ARG1 (d / deliver-01))) :ARG1 (s / strength :mod (m / military :mod (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))))) :op2 (t2 / tip-01 :ARG1 (b / balance :mod (m2 / military) :ARG0-of (c3 / cross-02 :ARG1 (s2 / strait :wiki "Taiwan_Strait" :name (n4 / name :op1 "Taiwan" :op2 "Strait")))) :ARG2 (m3 / mainland :part-of (c2 / country :wiki "China" :name (n3 / name :op1 "China"))) :time (a4 / after :op1 (d2 / date-entity :year 2005)))))) + +(a / answer-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (m / mean-01 :polarity - :ARG1 (p2 / possible-01 :ARG1 (b / balance :mod (a2 / any) :mod (m2 / military :mod (n2 / navy)) :ARG1-of (t / tilt-01 :ARG2 (c / country :wiki "China" :name (n3 / name :op1 "PRC")) :time (a3 / after :op1 (d / date-entity :year 2005))))) :ARG2 (e / erupt-01 :ARG1 (w / war) :time a3))) + +(c / claim-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (e / enjoy-01 :ARG0 (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG1 (e2 / edge :prep-in (a / air)) :mod (s / still))) + +(a / add-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (a2 / allow-01 :ARG0 (o / order-02 :ARG1 (d / destroyer :wiki "Kidd-class_destroyer" :name (n2 / name :op1 "Kidd-Class") :ARG1-of (s2 / suppose-02 :ARG2 (a3 / arrive-01 :ARG1 d :ARG4 (c2 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :time (e / end-01 :ARG1 (y / year :mod (n4 / next))))))) :ARG1 (m / maintain-01 :ARG0 c2 :ARG1 (e2 / edge :poss (c / country)) :mod (s / still)))) + +(s / say-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (d / deliver-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :ARG1 (a / and :op1 (a2 / aircraft :quant 5 :ord (o / ordinal-entity :value 1) :ARG1-of (i / include-91 :ARG2 (a3 / aircraft-type :quant 12 :wiki "Lockheed_P-3_Orion" :name (n4 / name :op1 "P-3" :op2 "C"))) :time (d2 / date-entity :year 2008)) :op2 (a4 / aircraft :quant 3 :mod (a5 / another) :time (d5 / date-entity :year 2009)) :op3 (a6 / aircraft :quant 4 :time (d4 / date-entity :year 2010)) :op4 (a7 / aircraft :quant 4 :mod (f / final) :time (d3 / date-entity :year 2011)))) :mod (a8 / also)) + +(d / date-entity :day 4 :month 3 :year 2007) + +(a / and :op1 (c / country :wiki "China" :name (n / name :op1 "China")) :op2 (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))) + +(a / and :op1 (i / international) :op2 (m / military) :op3 (e / economy) :op4 (w / weapon)) + +(g / grow-01 :ARG1 (b / budget :mod (m / military :mod (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG0-of (l / lead-03 :ARG1 (p / person :quant (s / some)) :ARG2 (b2 / believe-01 :ARG0 p :ARG1 (a / attempt-01 :ARG0 c :ARG1 (a2 / achieve-01 :ARG0 c :ARG1 (d / dominate-01 :ARG0 c :ARG1 (g2 / globe))))))) :time (y / year :mod (r / recent))) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu") :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki "Mainland_Affairs_Council" :name (n2 / name :op1 "Mainland" :op2 "Affairs" :op3 "Council")) :ARG2 (c / chairman)) :ARG0-of (p2 / plan-01 :ARG1 (p3 / policy :mod (c2 / country :wiki "China" :name (n3 / name :op1 "China"))) :ARG3 (c3 / country :wiki "Taiwan" :name (n4 / name :op1 "Taiwan")) :mod (t / top))) :ARG1 (r / reveal-01 :ARG0 (i / increase-01 :ARG1 (b / budget :mod (m / military) :mod (s2 / substantial) :mod c2) :ARG2 (p4 / percentage-entity :value 17.8)) :ARG1 (a / attempt-01 :ARG0 c2 :ARG1 (a2 / achieve-01 :ARG0 c2 :ARG1 (d2 / dominate-01 :ARG0 c2 :ARG1 (g / globe))))) :time (d / date-entity :day 4 :month 3 :year 2007)) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :time (a / after :op1 (p2 / publicize-01 :ARG0 (c / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (b / bill :mod (b2 / budget) :ARG1-of (d / draft-01) :mod c :time (f / for :op1 (d2 / date-entity :year 2007)))))) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :ARG1 (a / and :op1 (a2 / attempt-01 :ARG0 (c / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (a3 / achieve-01 :ARG0 c :ARG1 (d / dominate-01 :ARG0 c :ARG1 (g / globe)) :ARG1-of (c2 / cause-01 :ARG0 (a4 / and :op1 (i / increase-01 :ARG1 (b / budget) :ARG2 (s2 / significant-02)) :op2 (l / lack-01 :ARG1 (t / transparency :mod (b2 / buildup :mod (m / military)))) :op3 (e / expand-01 :ARG1 (a5 / and :op1 (m2 / military :wiki "Republic_of_China_Air_Force" :name (n3 / name :op1 "Air" :op2 "Force")) :op1 (m3 / military :wiki "People's_Liberation_Army_Naval_Air_Force" :name (n4 / name :op1 "Navy" :op2 "Force"))) :manner (r / rapid)))))) :op2 (s3 / suggest-01 :ARG0 (p2 / progress-01 :ARG1 (t2 / technology :instrument-of (d2 / defend-01 :medium (s4 / space)))) :ARG1 (a6 / attempt-01 :ARG0 c :ARG1 (d3 / dominate-01 :ARG0 c :ARG1 g))))) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :ARG1 (e / experience-01 :ARG0 (c / country :wiki "China" :name (n2 / name :op1 "China") :ARG0-of (s2 / spend-01 :ARG4 (m / military) :frequency (r / rate-entity-91 :ARG2 (t / temporal-quantity :quant 1 :unit (y / year))))) :ARG1 (g / grow-01 :ARG1 s2 :ARG2 (d / digit :mod (d3 / double)) :time (s3 / since :op1 (d2 / date-entity :year 1993))))) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :ARG1 (a2 / and :op1 (a3 / accelerate-01 :ARG1 g) :op2 (b / become-01 :ARG1 g :ARG2 (t / trend :ARG1-of (l / long-03))) :ARG1-of (i / instead-of-91 :ARG2 (e / expect-01 :ARG1 (s2 / slow-down-03 :ARG1 (g / grow-01 :ARG1 (e2 / expend-01 :ARG0 (m / military :mod (c2 / country :wiki "China" :name (n2 / name :op1 "China"))))) :time (f / future :ARG1-of (f2 / foresee-01)))))) :mod (a / also)) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :ARG1 (d / deserve-01 :ARG0 (g / grow-01 :ARG1 (b / budget :mod (m / military) :mod (c / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG1-of (c2 / continue-01)) :ARG1 (a / and :op1 (a2 / attend-02 :ARG1 g :mod (g2 / globe)) :op2 (c3 / concern-01) :ARG1-of (c4 / cause-01 :ARG0 (a4 / and :op1 (t / threaten-01 :polarity - :ARG2 (s2 / security) :mod (a3 / apparent)) :op2 (t2 / threaten-01 :polarity - :ARG2 s2 :mod (p2 / potential) :time (f / future)) :ARG1-of (s3 / sight-01)))))) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :ARG1 (r / rise-01 :ARG1 (t / threaten-01 :ARG0 (c2 / country :wiki "China" :name (n3 / name :op1 "China")) :ARG2 (a / and :op1 (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :op2 (c3 / country :location (w / world-region :wiki "Asia-Pacific" :name (n4 / name :op1 "Asia-Pacific")) :mod (o / other) :ARG1-of (n5 / neighbor-01)))))) + +(s / state-01 :ARG0 (a / and :op1 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :op2 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (m / military :mod (w / world-region :wiki "Western_world" :name (n3 / name :op1 "West"))) :ARG3 (e / expert-01 :ARG1 p2)))) :ARG1 (e2 / equal-01 :ARG1 (b / budget :ARG1-of (a2 / actual-02) :mod (m2 / military) :mod (c / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG2 (a5 / about :op1 (p3 / product-of :op2 3 :op1 (f / figure :ARG1-of (d / declare-02 :manner (o / official))))))) + +(s / state-01 :ARG0 (p / person :wiki "Joseph_Wu" :name (n / name :op1 "Joseph" :op2 "Wu")) :ARG1 (a / aim-02 :ARG1 (p2 / plan-01 :ARG0 (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG1 (p3 / procure-01 :ARG0 c :ARG1 (a2 / and :op1 (s2 / system :quant 3 :mod (w / weapon) :mod (e / expensive)) :op2 (s3 / submarine :quant 8 :mod (d2 / diesel-electric)) :op3 (b / battery :quant 6 :wiki - :name (n3 / name :op1 "Patriot" :op2 "PAC" :op3 "III") :ARG0-of (c2 / counter-01 :ARG1 (m / missile))) :op4 (a3 / aircraft-type :wiki "Lockheed_P-3_Orion" :name (n4 / name :op1 "P-3" :op2 "C") :quant (s4 / squadron :op1 12) :ARG0-of (c3 / counter-01 :ARG1 (s5 / submarine)))))) :ARG2 (s6 / strengthen-01 :ARG1 (c4 / capable-01 :ARG1 c :ARG2 (d / defend-01)) :ARG1-of (c5 / cause-01 :ARG0 (b2 / buildup :mod (m2 / military) :mod (c6 / country :wiki "China" :name (n6 / name :op1 "China"))))))) + +(d / date-entity :year 2008 :month 1 :day 28) + +(c / country :wiki "China" :name (n / name :op1 "China")) + +(a / and :op1 (t / technology) :op2 (g / government-organization :ARG0-of (g2 / govern-01)) :op3 (b / business)) + +(o / open-01 :ARG0 (g / government-organization :wiki "Council_of_Agriculture_(Republic_of_China)" :name (n / name :op1 "Council" :op2 "of" :op3 "Agriculture") :poss (c / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG1 (o2 / office :ARG1-of (s / special-02) :ARG1-of (c3 / charge-05 :ARG2 (a / and :op1 (t / transfer-01 :ARG1 (t2 / technology :mod (a5 / agriculture))) :op2 (m / manage-01 :ARG1 (r2 / right :mod (p / property :mod (i / intellectual)))) :op3 (c2 / consult-01 :ARG2 r2)))) :purpose (e / enhance-01 :ARG0 o2 :ARG1 (a2 / and :op1 (d / develop-02 :ARG1 (a3 / agriculture :ARG1-of (b / base-02 :ARG2 (t3 / thing :ARG1-of (k / know-03))) :poss c)) :op2 (a4 / apply-02 :ARG1 t2)))) + +(s / state-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "Lee" :op2 "Jen-Chyuan") :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :wiki "Council_of_Agriculture_(Republic_of_China)" :name (n2 / name :op1 "Council" :op2 "of" :op3 "Agriculture") :poss (c / country :wiki "China" :name (n3 / name :op1 "China")) :prep-under (g2 / government-organization :wiki "Executive_Yuan" :name (n4 / name :op1 "Executive" :op2 "Yuan"))) :ARG2 (m / minister :mod (d / deputy)))) :ARG1 (o / open-01 :ARG0 g :ARG1 (o2 / office :ARG1-of (s2 / special-02) :ARG1-of (c3 / charge-05 :ARG2 (a / and :op1 (t / transfer-01 :ARG1 (t2 / technology :mod (a2 / agriculture))) :op2 (m2 / manage-01 :ARG1 (r2 / right :mod (p / property :mod (i / intellectual)))) :op3 (c2 / consult-01 :ARG2 r2)))) :time (d2 / date-entity :year 2008 :month 1 :day 28))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (h / help-01 :ARG0 (e / establish-01 :ARG1 (o / organization :wiki - :name (n2 / name :op1 "Agricultural" :op2 "Technology" :op3 "Promotion" :op4 "Agency"))) :ARG1 (i / increase-01 :ARG1 (m2 / monetary-quantity :ARG2-of (a / amount-01 :ARG1 (c / contract-02 :ARG1 (t2 / transfer-01 :ARG1 (t3 / technology)))) :ARG2-of (t / total-01)) :ARG4 (m / monetary-quantity :quant 500000000 :unit (d2 / dollar :mod (c2 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :mod (n4 / new))) :time (d / date-entity :year 2011)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (s2 / spend-02 :ARG0 (g / government-organization :wiki "Council_of_Agriculture_(Republic_of_China)" :name (n2 / name :op1 "COA")) :ARG1 (s6 / several :op1 (t / temporal-quantity :quant 1 :unit (y / year :mod (p3 / past)))) :ARG2 (a / and :op1 (s4 / set-up-03 :ARG0 g :ARG1 (m / mechanism :mod (r / relevance))) :op2 (d / draft-01 :ARG0 g :ARG1 (m2 / measure-02 :ARG1 (p2 / promote-02) :part-of (s5 / set)))) :purpose (e / enhance-01 :ARG0 a :ARG1 (a2 / and :op1 (d2 / develop-02 :ARG1 (a3 / agriculture :ARG1-of (b / base-02 :ARG2 (t2 / thing :ARG1-of (k / know-03))) :poss (c / country :wiki "China" :name (n3 / name :op1 "China")))) :op2 (a4 / apply-02 :ARG1 (t3 / technology :mod (a5 / agriculture))))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee"))) + +(p / promote-02 :ARG0 (g / government-organization :wiki "Council_of_Agriculture_(Republic_of_China)" :name (n / name :op1 "COA")) :ARG1 (a / apply-01 :ARG1 (a2 / and :op1 (t / transfer-01 :ARG1 (t4 / technology)) :op2 (r / right :mod (p2 / property :mod (i / intellectual)))) :ARG1-of (t2 / total-01 :ARG2 139 :ARG1-of (m / mean-01 :ARG2 (i2 / increase-01 :ARG2 (p3 / percentage-entity :value 50) :ARG3 (r2 / rate-entity-91 :ARG1 (c / case :ARG1-of (a3 / average-01 :ARG2 90)) :ARG2 (t3 / temporal-quantity :quant 1 :unit (y / year))) :time (d2 / date-interval :op1 (d3 / date-entity :year 2002) :op2 (d4 / date-entity :year 2006)))))) :time (d / date-entity :year 2007) :ARG1-of (s2 / succeed-01 :ARG0 g)) + +(a / amount-01 :ARG1 (i / income :mod (t / total) :ARG1-of (d / derive-01 :ARG2 (t2 / transfer-01 :ARG1 (t3 / technology) :ARG1-of (c / conduct-01 :manner (e / effort :poss (c3 / council)))))) :ARG2 (m / monetary-quantity :quant 47250000 :unit (d2 / dollar :mod (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :mod (n3 / new)) :ARG4-of (i2 / increase-01 :ARG2 (p / percentage-entity :value 50) :ARG3 (r / rate-entity-91 :ARG1 (m3 / monetary-quantity :quant 12930000 :unit d2 :ARG2-of (a2 / average-01)) :ARG2 (t4 / temporal-quantity :quant 1 :unit (y / year)) :time (d3 / date-interval :op1 (d4 / date-entity :year 2002) :op2 (d5 / date-entity :year 2006)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Lee")) :ARG1 (c / commission-01 :ARG0 (g / government-organization :wiki "Council_of_Agriculture_(Republic_of_China)" :name (n2 / name :op1 "COA")) :ARG1 (c2 / carry-out-03 :ARG0 o :ARG1 (p2 / project :ARG1-of (s2 / special-02) :topic (a / and :op1 (m / manage-01 :ARG1 t) :op2 (a2 / apply-02 :ARG1 (t / thing :ARG1-of (a3 / achieve-01) :mod (a7 / agriculture) :topic (a4 / and :op1 (r2 / research-01) :op2 (d2 / develop-02))))))) :ARG2 (o / organization :wiki "Industrial_Technology_Research_Institute" :name (n3 / name :op1 "Industrial" :op2 "Technology" :op3 "Research" :op4 "Institute")) :purpose (u / upgrade-02 :ARG0 c2 :ARG1 (a5 / and :op1 (r / research-01 :ARG1 (t2 / technology :mod a7)) :op2 (d / develop-02 :ARG1 t2) :op3 (p3 / protect-01 :ARG1 t2) :op4 (m2 / manage-01 :ARG1 t2) :op5 (a6 / apply-02 :ARG1 t2))))) + +(s / state-01 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (o2 / organization :wiki "Industrial_Technology_Research_Institute" :name (n / name :op1 "ITRI")) :ARG2 (o / official))) :ARG1 (c / cooperate-01 :ARG0 (o3 / organization :wiki - :name (n2 / name :op1 "Agricultural" :op2 "Technology" :op3 "Promotion" :op4 "Office")) :ARG1 (i / institution :mod (r / renown :location (w / world)) :ARG0-of (a / apply-01 :ARG1 (i3 / IPR))) :purpose (a2 / and :op1 (p / push-04 :ARG1 (r2 / revise-01 :ARG1 (t2 / thing :ARG0-of (r3 / regulate-01 :ARG1 (a3 / and :op1 i3 :op2 (t / transfer-01 :ARG1 (t3 / technology)))) :mod (r4 / relevance)))) :op2 (e / enhance-01 :ARG1 (a4 / and :op1 (e2 / educate-01 :ARG2 i3) :op2 (t5 / train-01 :ARG1 i3)))))) + +(s / state-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o2 / organization :wiki "Industrial_Technology_Research_Institute" :name (n / name :op1 "ITRI")) :ARG2 (o / official))) :ARG1 (s2 / serve-01 :ARG0 (o3 / office) :ARG1 (p / platform) :instrument-of (i / introduce-01 :ARG1 (t / thing :ARG1-of (a / achieve-01 :topic (a2 / and :op1 (r / research-01) :op2 (d / develop-02))) :mod (v / various) :ARG1-of (r2 / realize-02 :ARG0 (a7 / and :op1 (i2 / institute :mod (e / experiment-01)) :op2 (i3 / institute :mod r) :prep-under (g / government-organization :wiki "Council_of_Agriculture_(Republic_of_China)" :name (n3 / name :op1 "COA"))))) :ARG2 (b / business :ARG1-of (l / local-02)) :purpose (a3 / attempt-01 :ARG1 (e2 / expand-01 :ARG2 (a4 / apply-02 :ARG1 (t2 / technology :mod (a6 / agriculture)))))))) + +(d / date-entity :year 2008 :month 2 :day 15) + +(c / country :wiki "China" :name (n / name :op1 "China")) + +(a / and :op1 (i / international) :op2 (b / business) :op3 (m / money) :op4 (t2 / technology)) + +(a / approve-01 :ARG0 (g / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs")) :ARG1 (p2 / project :quant 2 :ARG1-of (m / major-02) :mod (i / invest-01) :ARG1-of (b / bind-01 :ARG2 (c / country :wiki "China" :name (n2 / name :op1 "China")))) :manner (p / preliminary) :time (m2 / meet-03 :purpose (r / review-01) :time (d / date-entity :year 2008 :month 2 :day 15))) + +(s / state-01 :ARG0 (p3 / person :wiki - :name (n / name :op1 "Steve" :op2 "Reuy-Long" :op3 "Chen") :ARG0-of (h / have-org-role-91 :ARG2 (m / minister))) :ARG1 (a / affect-01 :ARG0 (p / project :quant 2) :ARG1 (d / develop-02 :ARG1 (e2 / economy :poss (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")))) :mod (p2 / positive))) + +(a / approve-01 :ARG0 (g / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs")) :ARG1 (p2 / project :quant 2 :ARG1-of (m / major-02) :mod (i / invest-01) :ARG1-of (b / bind-01 :ARG2 (c / country :wiki "China" :name (n2 / name :op1 "China")))) :manner (p / preliminary) :time (m2 / meet-03 :purpose (r / review-01) :time (d / date-entity :year 2008 :month 2 :day 15))) + +(i / include-01 :ARG1 (a / and :op1 (p2 / plan-01 :ARG0 (c2 / company :wiki "Formosa_Plastics_Group" :name (n2 / name :op1 "Formosa" :op2 "Plastics" :op3 "Group")) :ARG1 (i2 / invest-01 :ARG0 c2 :ARG1 (m / monetary-quantity :quant 100000000 :unit (d / dollar :mod (c3 / country :wiki "United_States" :name (n3 / name :op1 "US")))) :ARG2 (c4 / company :mod (s / steel :mod (s2 / specialty)) :location (c5 / city :wiki "Zhangzhou" :name (n4 / name :op1 "Zhangzhou") :location (p4 / province :wiki "Fujian" :name (n5 / name :op1 "Fujian")))))) :op2 (p3 / plan-01 :ARG0 (c8 / company :wiki - :name (n / name :op1 "ASE") :ARG0-of (p6 / package-01 :ARG1 (s3 / semiconductor)) :ARG0-of (t / test-01 :ARG1 s3)) :ARG1 (i3 / increase-01 :ARG0 c8 :ARG1 (i4 / invest-01 :ARG0 c8 :ARG2 (p5 / plant :poss c8 :location (c6 / city :wiki "Shanghai" :name (n6 / name :op1 "Shanghai")) :ARG0-of (p7 / package-01))) :ARG2 (m2 / monetary-quantity :quant 30000000 :unit d)))) :ARG2 (p / project :quant 2)) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Steve" :op2 "Reuy-Long" :op3 "Chen") :ARG0-of (h / have-org-role-91 :ARG2 (m / minister))) :ARG1 (a / affect-01 :ARG0 (p2 / project :quant 2) :ARG1 (d / develop-02 :ARG1 (e2 / economy :poss (c / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")))) :mod (p3 / positive))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Chen")) :time (a / after :op1 (p2 / preside-01 :ARG0 p :ARG1 (c / conference :mod (i2 / interministerial) :topic (c2 / conform-01 :mode interrogative :ARG1 (p3 / project) :ARG2 (a4 / and :op1 (p4 / policy :mod (m / manage-01 :ARG1-of (a2 / activity-06 :ARG0 g))) :op2 (p5 / policy :mod (o / open-01 :ARG1-of (e / effective-04))) :poss (g / government-organization :wiki "Government_of_the_Republic_of_China" :name (n2 / name :op1 "Government")) :ARG0-of (c3 / concern-02 :ARG1 (i / invest-01 :ARG2 (c4 / country :wiki "China" :name (n3 / name :op1 "China")))))))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Chen")) :ARG1 (e / expect-01 :ARG1 (a / approve-01 :ARG0 (g / government-organization :wiki - :name (n2 / name :op1 "Investment" :op2 "Commission") :prep-under (g2 / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n3 / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs"))) :ARG1 (p2 / project) :manner (f / formal) :time (w / week :mod (d / date-entity :year 2008 :month 2 :day 17))) :ARG1-of (c / cause-01 :ARG0 (p3 / pass-07 :ARG1 p2 :ARG2 (s2 / screen-01 :ARG1 p2 :ARG1-of (r / relate-01 :ARG2 (p4 / policy))))))) + +(a / attend-01 :ARG0 (a2 / and :op1 (p / person :wiki - :name (n / name :op1 "Li" :op2 "Chih-Chun") :ARG0-of (h / have-org-role-91 :ARG1 (c / company :wiki "Formosa_Plastics_Group" :name (n4 / name :op1 "FPG")) :ARG2 (c4 / chairman))) :op2 (p3 / person :wiki - :name (n2 / name :op1 "Wu" :op2 "Kuo-Hsiung") :ARG0-of (h2 / have-org-role-91 :ARG1 (c2 / company :wiki - :name (n5 / name :op1 "Formosa" :op2 "Heavy" :op3 "Industry" :op4 "Corp.")) :ARG2 (p5 / president))) :op3 (p4 / person :wiki - :name (n3 / name :op1 "Jason" :op2 "Chang") :ARG0-of (h3 / have-org-role-91 :ARG1 (c3 / company :wiki - :name (n6 / name :op1 "ASE")) :ARG2 (c5 / chairman)))) :ARG1 (m / meet-03 :purpose (r / review-01)) :purpose (d / detail-01 :ARG0 a2 :ARG1 (a3 / and :op1 (p2 / plan-01 :ARG1 (i / invest-01)) :op2 (b / blueprint :mod (d2 / develop-02 :ARG1 (b2 / business) :time (f / future)))))) + +(r / report-01 :ARG0 (a / and :op1 (p4 / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / company) :ARG2 (c / chairman))) :op2 (p / person :ARG0-of (h2 / have-org-role-91 :ARG1 c2 :ARG2 (p5 / president)))) :ARG1 (a2 / and :op1 (p2 / plan-01 :ARG1 (f / finance-01)) :op2 (t / transfer-01 :ARG1 (t2 / technology)) :op3 (d / deliver-01 :ARG1 (e / equipment)) :op4 (p3 / plan-01 :ARG1 (g / globalize-01)) :op5 (i / invest-01 :ARG1-of (m / match-01)) :location (c3 / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Chen")) :ARG1 (a / and :op1 (p2 / pledge-01 :ARG0 (c / company :wiki "Formosa_Plastics_Group" :name (n2 / name :op1 "FPG")) :ARG2 (m / monetary-quantity :ARG1-of (i / invest-01) :ARG0-of (r / reach-01 :ARG1 (m2 / monetary-quantity :quant 813300000000 :unit (d2 / dollar :mod (n6 / new) :mod c2)) :time (b / by :op1 (d3 / date-entity :year 2013))))) :op2 (a2 / and :op1 (p3 / produce-01 :ARG1 (e / equipment :ARG1-of (r2 / relate-01)) :location (c2 / country :wiki "Taiwan" :name (n4 / name :op1 "Taiwan"))) :op2 (d / deliver-01 :ARG1 e :ARG2 (c3 / country :wiki "China" :name (n5 / name :op1 "China")))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Chen")) :ARG1 (r / recruit-01 :ARG0 (c / company :wiki "Formosa_Plastics_Group" :name (n2 / name :op1 "FPG")) :ARG1 (a / and :op1 (p2 / person :ARG2-of (s2 / staff-01 :mod (t2 / technical))) :op2 (p3 / person :ARG0-of (m / manage-01) :ARG2-of (s3 / staff-01))) :ARG3 (c2 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :purpose (c3 / create-01 :ARG0 r :ARG1 (o / opportunity :mod (j / job))))) + +(a / and :op1 (s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Chen")) :ARG1 (i2 / invest-01 :ARG0 (c / company :wiki - :name (n2 / name :op1 "ASE")) :ARG1 (m / monetary-quantity :quant (o / over :op1 145000000000) :unit (d / dollar :mod c2 :mod (n3 / new))) :ARG2 (c2 / country :wiki "Taiwan" :name (n4 / name :op1 "Taiwan")))) :op2 (i / indicate-01 :ARG0 p :ARG1 (i3 / increase-01 :ARG1 (i4 / invest-01 :ARG2 c2) :ARG0-of (d2 / depend-01 :ARG1 (c4 / circumstance :mod (m2 / market)))))) + +(m / meet-03 :purpose (r / review-01) :ord (o / ordinal-entity :value 3) :ARG1-of (i / include-91 :ARG2 (m2 / meet-03 :purpose (s / screen-01) :ARG1-of (r2 / relate-01 :ARG2 (p / policy)) :ARG1-of (c / convene-01 :ARG0 (m3 / ministry))))) + +(a / approve-01 :ARG0 (m / ministry) :ARG1 (p4 / project :poss (c / company :ARG0-of (m2 / manufacture-01 :ARG1 (s / semiconductor))) :mod (i / invest-01) :purpose (r / relocate-01 :ARG1 (p2 / plant :mod (w / wafer :mod (d / distance-quantity :quant 8 :unit (i2 / inch))) :ARG0-of (u / use-01 :ARG1 (p3 / process-02 :ARG1 (m3 / manufacture-01 :mod (d2 / distance-quantity :quant 0.25 :unit (m4 / micron)))))) :ARG2 (c2 / country :wiki "China" :name (n / name :op1 "China")))) :time (p / previous)) + +(a / approve-01 :ARG0 (g / government-organization :wiki "Government_of_the_Republic_of_China" :name (n / name :op1 "Government")) :ARG1 (a2 / apply-01 :ARG0 (c / company :wiki "TSMC" :name (n2 / name :op1 "Taiwan" :op2 "Semiconductor" :op3 "Manufacturing" :op4 "Co.")) :ARG1 (u / use-01 :ARG0 c :ARG1 (t / technology :instrument-of (m / manufacture-01 :ARG1 (c2 / chip :mod (d / distance-quantity :quant 0.18 :unit (m2 / micro))))) :location (f / foundry :mod (w / wafer) :location (c3 / country :wiki "China" :name (n3 / name :op1 "China")))))) + +(d / date-entity :year 2008 :month 4 :day 8) + +(c / country :wiki "China" :name (n / name :op1 "China")) + +(a / and :op1 (b / business) :op2 (t / technology) :op3 (e / economy)) + +(a / approve-01 :ARG0 (g / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs")) :ARG1 (a2 / and :op1 (c / company :wiki - :name (n2 / name :op1 "Lingsen" :op2 "Precision" :op3 "Industries")) :op2 (c2 / company :wiki - :name (n3 / name :op1 "King" :op2 "Yuan" :op3 "Electronics")) :op3 (c3 / company :wiki - :name (n4 / name :op1 "IC" :op2 "Assembly" :op3 "Company" :op4 "Sigurd" :op5 "Corp.")) :op4 (c4 / company :wiki "Siliconware_Precision_Industries" :name (n5 / name :op1 "Siliconware" :op2 "Precision" :op3 "Industries"))) :ARG2 (i / invest-01 :ARG2 a2 :mod (c5 / country :wiki "China" :name (n6 / name :op1 "China")))) + +(a / announce-01 :ARG0 (g / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs")) :ARG1 (a2 / approve-01 :ARG1 (i / invest-01 :quant 4 :ARG1-of (p / propose-01 :ARG0 (c / company :mod (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG0-of (m / manufacture-01))) :mod c2)) :time (d / date-entity :year 2008 :month 4 :day 8)) + +(a / and :op1 (a2 / approve-01 :ARG1 (i / invest-01 :ARG2 (a3 / and :op1 (c2 / company :wiki - :name (n / name :op1 "Lingsen" :op2 "Precision" :op3 "Industries")) :op2 (c3 / company :wiki - :name (n2 / name :op1 "King" :op2 "Yuan" :op3 "Electronics")) :op3 (c4 / company :wiki - :name (n3 / name :op1 "IC" :op2 "Assembly" :op3 "Company" :op4 "Sigurd" :op5 "Corp.")) :op4 (c5 / company :wiki "Siliconware_Precision_Industries" :name (n4 / name :op1 "Siliconware" :op2 "Precision" :op3 "Industries"))))) :op2 (i2 / invest-01 :ARG0 a3 :ARG2 (a4 / and :op1 (p / package-01 :ARG1 (c / circuit :ARG1-of (i3 / integrate-01))) :op2 (t / test-01 :ARG1 c)))) + +(i / invest-01 :ARG0 (c / company) :ARG1 (a / and :op1 (m / monetary-quantity :quant 10000000 :unit (d / dollar :mod (c2 / country :wiki "United_States" :name (n / name :op1 "US")))) :op2 (m2 / monetary-quantity :quant 20000000 :unit d) :op3 (m3 / monetary-quantity :quant 6700000 :unit d) :op4 (m4 / monetary-quantity :quant 50000000 :unit d)) :mod (r / respective)) + +(t3 / total-01 :ARG1 (p / propose-01) :ARG2 (m2 / monetary-quantity :quant 86700000 :unit (d / dollar :mod (c / country :wiki "United_States" :name (n / name :op1 "US"))) :ARG1-of (i / invest-01))) + +(d / determine-01 :ARG0 (g / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n / name :op1 "MOEA")) :ARG1 (m2 / meet-01 :ARG0 (i / invest-01 :ARG1-of (p / propose-01)) :ARG1 (c / clause :part-of (p2 / procedure :instrument-of (i2 / invest-01) :mod (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1-of (i3 / issue-01 :ARG0 (g2 / government-organization :wiki - :name (n3 / name :op1 "Investment" :op2 "Commission") :poss (m3 / ministry)))))) :time (m / meet-03 :time (d2 / date-entity :year 2008 :month 4 :day 8))) + +(s / state-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "Fan" :op2 "Liang-Tung") :ARG0-of (h2 / have-org-role-91 :ARG1 (g / government-organization :wiki - :name (n2 / name :op1 "Investment" :op2 "Commission")) :ARG2 (s2 / secretary :mod (e / executive)))) :ARG1 (a / aim-01 :ARG0 (p / procedure :mod (i / invest-01)) :ARG1 (e2 / ensure-01 :ARG0 p :ARG1 (h / harm-01 :polarity - :ARG0 (t / thing :ARG1-of (i2 / invest-01 :ARG0 (c / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :ARG2 (c2 / country :wiki "China" :name (n4 / name :op1 "China")))) :ARG1 (a2 / and :op1 (i3 / industry :poss c) :op2 (e3 / economy :poss c)) :example (l / leak-01 :ARG1 (t2 / technology :ARG1-of (k / key-02)) :beneficiary (m / mainland)))))) + +(r / require-01 :ARG0 (p / plan-01 :ARG1 (i / invest-01)) :ARG1 (a / approve-01 :ARG0 (g / government-organization :wiki "Ministry_of_Economic_Affairs_(Taiwan)" :name (n / name :op1 "MOEA"))) :prep-under (p2 / procedure) :condition (o / or :op1 (i2 / involve-01 :ARG1 (i3 / invest-01 :ARG1 (m / monetary-quantity :ARG0-of (e / exceed-01 :ARG2 (m3 / monetary-quantity :quant 100000000 :unit (d / dollar :mod (c / country :wiki "United_States" :name (n2 / name :op1 "US")))))) :ARG1-of (s / single-02)) :ARG2 (t / thing :ARG1-of (p3 / plan-01))) :op2 (r2 / reach-01 :ARG0 (m4 / monetary-quantity :ARG1-of (i4 / invest-01 :ARG0 (c4 / company) :ARG2 (c2 / country :wiki "China" :name (n3 / name :op1 "China"))) :ARG1-of (t2 / total-01)) :ARG1 (m2 / monetary-quantity :quant 200000000 :unit d)) :op3 (p4 / possible-01 :ARG1 (t5 / transfer-01 :ARG0 m4 :ARG1 (t6 / technology :poss (i5 / industry :mod (c3 / core) :ARG1-of (l / local-02))) :ARG2 c2)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fan")) :ARG1 (i / involve-01 :ARG1 (m2 / manufacture-01 :ARG1 (a / and :op1 (w / wafer :mod (d / distance-quantity :quant 8 :unit (i3 / inch))) :op2 (p2 / panel :mod (d2 / distance-quantity :quant 4 :unit i3) :mod (t / transistor :mod (f / film :mod (t2 / thin))) :mod (p4 / product :wiki "Thin-film-transistor_liquid-crystal_display" :name (n2 / name :op1 "TFT"))) :op3 (c2 / circuit :ARG1-of (p3 / package-01) :ARG1-of (i4 / integrate-01)))) :ARG2 (i2 / industry :mod (c / core)) :manner (m / main))) + +(r / require-01 :ARG0 (c4 / commission) :ARG1 (d2 / document :ARG1-of (w / write-01) :ARG2-of (i2 / include-01 :ARG1 (a3 / and :op1 (p2 / plan-01 :ARG1 (f / finance)) :op2 (i3 / information :topic (a4 / and :op1 (t2 / transfer-01 :ARG1 (t3 / technology)) :op2 (m2 / monetary-quantity :ARG1-of (i4 / invest-01 :ARG0 c3 :mod (d3 / domestic))) :op3 (e / employ-01)))))) :time (a / after :op1 (m / meet-03 :time (d / date-entity :year 2008 :month 4 :day 8))) :purpose (a2 / assess-01 :ARG1 (t / thing :ARG1-of (p / plan-01) :ARG0-of (c / contain-01 :ARG1 (c2 / commit-01 :ARG1 (c3 / company :mod (e2 / each)) :ARG2 (t4 / term :mod (i / invest-01 :ARG0 c3))))) :mod (f2 / further))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fan")) :ARG1 (c / concern-01 :ARG1 (c3 / commission) :ARG2 (t / term :mod (i / invest-01 :ARG2 (c2 / country :wiki "Taiwan" :name (n3 / name :op1 "Taiwan")) :time (f / future))) :manner (p2 / primary))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fan")) :ARG1 (a / and :op1 (c / commit-01 :ARG0 (c5 / company :wiki - :name (n2 / name :op1 "Lingsen" :op2 "Precision" :op3 "Industries")) :ARG1 (r / return-02 :ARG0 c5 :ARG1 (c9 / capital :ARG1-of (a2 / amount-01 :ARG2 (m / monetary-quantity :quant 2000000000 :unit (d / dollar :mod c11)))) :ARG2 (c11 / country :wiki "Taiwan" :name (n7 / name :op1 "Taiwan")) :time (b / by :op1 (d2 / date-entity :year 2011)))) :op2 (c2 / commit-01 :ARG0 (c6 / company :wiki - :name (n3 / name :op1 "King" :op2 "Yuan" :op3 "Electronics")) :ARG1 (r2 / return-02 :ARG0 c6 :ARG1 (c12 / capital :ARG1-of (a3 / amount-01 :ARG2 (m2 / monetary-quantity :quant 19200000000 :unit d))) :ARG2 c11 :time b)) :op3 (c3 / commit-01 :ARG0 (c7 / company :wiki - :name (n4 / name :op1 "IC" :op2 "Assembly" :op3 "Company" :op4 "Sigurd" :op5 "Corp.")) :ARG1 (r3 / return-02 :ARG0 c7 :ARG1 (c13 / capital :ARG1-of (a4 / amount-01 :ARG2 (m3 / monetary-quantity :quant 3000000000 :unit d))) :ARG2 c11 :time b)) :op4 (c4 / commit-01 :ARG0 (c8 / company :wiki "Siliconware_Precision_Industries" :name (n5 / name :op1 "Siliconware" :op2 "Precision" :op3 "Industries")) :ARG1 (r4 / return-02 :ARG0 c8 :ARG2 (c10 / capital :ARG1-of (a5 / amount-01 :ARG2 (m4 / monetary-quantity :quant 23000000000 :unit d))) :time b)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fan")) :ARG1 (e / ensure-01 :ARG0 (o / organization :wiki - :name (n2 / name :op1 "Commission")) :ARG1 (u / uphold-01 :ARG1 (t / thing :ARG2-of (c / commit-01)) :time (i / invest-01 :prep-under (w / way))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fan")) :ARG1 (p2 / push-02 :ARG0 (p3 / procedure) :ARG1 (m3 / monetary-quantity :ARG1-of (i / invest-01 :ARG2 (c3 / country :wiki "China" :name (n3 / name :op1 "China"))) :source (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))) :ARG2 (f / focus-01 :ARG0 m3 :ARG2 (c4 / company :ARG0-of (m / manufacture-01 :mod (s2 / scale :ARG1-of (d / down-03)))) :ARG1-of (i2 / instead-of-91 :ARG2 (f2 / focus-01 :ARG0 m3 :ARG2 (c5 / company :mod (c / concentrate-01 :ARG2 (t2 / technology)) :ARG0-of (m2 / make-01))))) :ARG0-of (b / bid-02 :ARG1 (k / keep-01 :ARG1 (t3 / technology :mod (h / high-end)) :location c2)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Fan")) :ARG1 (a / and :op1 (h / hold-04 :ARG0 (o / organization :wiki - :name (n2 / name :op1 "Commission")) :ARG1 (r / round-05 :ARG1 (m / meet-03) :ord (o2 / ordinal-entity :value 2)) :purpose (d / decide-01 :ARG0 m :ARG1 (t / take-01 :ARG0 (t2 / thing :ARG1-of (p2 / propose-01)) :ARG1 (e / effect)))) :op2 (d2 / decide-01 :manner (f / final) :time (b / by :op1 (d3 / date-entity :year 2008 :month 4 :day 30))))) + +(d / date-entity :day 18 :month 12 :year 1995) + +(c / country :wiki "Germany" :name (n / name :op1 "Germany")) + +(a / and :op1 (i / international) :op2 (w / weapon) :op3 (a2 / and :op1 (w2 / war) :op2 (c / conflict-01))) + +(l / launch-01 :ARG1 (p / process-02 :ARG1 (t / try-01 :ARG1 (a2 / and :op1 (c3 / control-01 :ARG1 (a / arm)) :op2 (r / reduce-01 :ARG1 a) :location (w / world-region :wiki "Balkans" :name (n / name :op1 "Balkans") :ARG1-of (e / embattle-01))))) :mod (f / formal) :location (c / city :wiki "Bonn" :name (n2 / name :op1 "Bonn") :location (c2 / country :wiki "Germany" :name (n3 / name :op1 "Germany"))) :time (m / meet-03 :ARG0 (a3 / and :op1 (p3 / person :ARG0-of (h / have-org-role-91 :ARG2 (m2 / minister :mod (f2 / foreign)))) :op2 (a4 / ambassador) :op3 (p2 / person :ARG0-of (r2 / represent-01 :ARG1 (a5 / and :op1 (o / organization :mod (i / international)) :op2 (n4 / nation :ARG0-of (o2 / observe-01)))))) :purpose (d / discuss-01 :ARG0 a3 :ARG1 (f5 / form :ARG2-of (t4 / take-03 :ARG1 (t3 / talk :mod (f4 / further)) :ARG4-of (r3 / recommend-01)))))) + +(l / launch-01 :ARG1 (p / process-02 :ARG1 (t / try-01 :ARG1 (a / and :op1 (c3 / control-01 :ARG1 (a2 / arm)) :op2 (r / reduce-01 :ARG1 a2) :location (w / world-region :wiki "Balkans" :name (n / name :op1 "Balkans") :ARG1-of (e / embattle-01)))) :ARG1-of (l2 / long-03)) :mod (f / formal) :time (d / date-entity :day 18 :month 12 :year 1995) :location (c / city :wiki "Bonn" :name (n2 / name :op1 "Bonn") :location (c2 / country :wiki "Germany" :name (n3 / name :op1 "Germany")))) + +(m / meet-03 :ARG0 (a3 / and :op1 (p / person :ARG0-of (h / have-org-role-91 :ARG2 (m2 / minister :mod (f2 / foreign)))) :op2 (a4 / ambassador) :op3 (p2 / person :ARG0-of (r2 / represent-01 :ARG1 (a5 / and :op1 (o / organization :mod (i / international)) :op2 (n4 / nation :ARG0-of (o2 / observe-01)))))) :purpose (d / discuss-01 :ARG0 a3 :ARG1 (f4 / form :ARG2-of (t / take-03 :ARG1 (t3 / talk :mod (f / further)) :ARG4-of (r3 / recommend-01)))) :location (c / city :wiki "Bonn" :name (n / name :op1 "Bonn"))) + +(o / obstacle :mod (h / huge) :prep-to (a / achieve-01 :ARG1 (a2 / and :op1 (p / peace) :op2 (c2 / cooperate-01 :ARG0 (p2 / person :ARG0-of (c3 / combat-01 :location (c / country :wiki "Yugoslavia" :name (n / name :op1 "Yugoslavia") :time (f / former)))))))) + +(s / say-01 :ARG0 (p5 / person :wiki "Klaus_Kinkel" :name (n2 / name :op1 "Klaus" :op2 "Kinkel") :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "Germany" :name (n / name :op1 "Germany")) :ARG2 (m / minister :mod (f / foreign)))) :ARG1 (p / possible-01 :polarity - :ARG1 (p2 / peace :location (c2 / country :wiki "Yugoslavia" :name (n3 / name :op1 "Yugoslavia") :time (f2 / former))) :condition (a2 / and :op1 (r2 / remain-01 :ARG1 (p3 / party :mod (s2 / some) :ARG0-of (c3 / conflict-01)) :ARG3 (a / arm-01 :ARG1 p3 :degree (h / heavy))) :op2 (p4 / party :mod (o3 / other) :ARG0-of (t2 / try-01 :ARG1 (c4 / catch-up-04))))) :medium (t3 / thing :ARG1-of (r / remark-01 :ARG2-of (o2 / open-01 :ARG1 (m2 / meet-03 :duration (t / temporal-quantity :quant 1 :unit (d / day))))))) + +(t / threaten-01 :ARG0 (d / delegation :mod (c / country :wiki "Croatia" :name (n / name :op1 "Croatia"))) :ARG1 (p / pull-out-02 :ARG1 d :ARG2 (n2 / negotiate-01 :ARG2 (r / reduce-01 :ARG1 (a / arm))) :condition (d2 / demand :ARG1-of (m / meet-01 :polarity -) :time (f / future :ARG1-of (n3 / near-02 :degree (m2 / most))) :mod (c2 / certain)))) + +(c4 / call-upon-12 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c5 / country :mod (o / other)) :ARG2 (d2 / delegate))) :ARG1 (a / and :op1 (c / country :wiki "Croatia" :name (n / name :op1 "Croatia")) :op2 (c2 / country :wiki "Bosnia_and_Herzegovina" :name (n2 / name :op1 "Bosnia-Herzegovina")) :op3 (c3 / country :wiki "Serbia" :name (n3 / name :op1 "Serbia"))) :ARG2 (a2 / and :op1 (s / set-01 :ARG0 a :ARG1 (g / grievance :poss a) :ARG2 (a3 / aside)) :op2 (l / learn-01 :ARG0 a :ARG1 (c6 / compromise-01 :ARG0 p)))) + +(c3 / complain-01 :ARG0 (p / person :wiki "Mate_Grani??" :name (n2 / name :op1 "Mate" :op2 "Granic") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Croatia" :name (n / name :op1 "Croatia")) :ARG2 (m / minister :mod (f / foreign)))) :ARG1 (a / and :op1 (o / occupy-01 :ARG1 (p2 / part :part-of (t / territory :poss c))) :op2 (r / run-out-05 :ARG1 (t2 / time)))) + +(s / say-01 :ARG0 (p / person :wiki "Mate_Grani??" :name (n / name :op1 "Granic")) :ARG1 (a / and :op1 (k / key-02 :ARG1 (r3 / reintegrate-01 :ARG1 (c5 / country-region :wiki "SAO_Eastern_Slavonia,_Baranja_and_Western_Syrmia" :name (n4 / name :op1 "Eastern" :op2 "Slavonia")) :mod (p3 / peaceful)) :ARG2 (s2 / stability :ARG1-of (l3 / last-01) :location (r2 / region))) :op2 (f / face-01 :ARG0 (e / everyone) :ARG1 (a4 / and :op1 (d2 / danger :poss (r4 / round-05 :ARG1 (h / hostility) :mod (a3 / another))) :op2 (d3 / destabilize-01 :ARG1 (r5 / region :mod (w / whole))) :op3 (c4 / consequence :ARG1-of (p4 / predict-01 :ARG1-of (p5 / possible-01 :polarity -) :degree (h2 / high)) :prep-for (c3 / country :wiki "Bosnia_and_Herzegovina" :name (n5 / name :op1 "Bosnia-Herzegovina")))) :prep-without r3)) :ARG0-of (r / refer-01 :ARG1 (l2 / land :ARG2-of (d / dispute-01) :location (b / border-01 :ARG1 (c2 / country :wiki "Serbia" :name (n3 / name :op1 "Serbia")) :ARG2 (c / country :wiki "Croatia" :name (n2 / name :op1 "Croatia")))))) + +(s / say-01 :ARG0 (p3 / person :ARG0-of (p4 / participate-01 :ARG1 (c3 / conference))) :ARG1 (s2 / scold-01 :ARG0 (p / person :wiki "Milan_Milutinovi??" :name (n / name :op1 "Milan" :op2 "Milutinovic") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Serbia" :name (n2 / name :op1 "Serbia")) :ARG2 (m / minister :mod (f / foreign)))) :ARG1 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c2 / country :wiki "Croatia" :name (n3 / name :op1 "Croatia")) :ARG2 m)) :ARG2 (g / grandstand-01 :ARG0 p2))) + +(t / threaten-01 :ARG0 (p / person :wiki "Milan_Milutinovi??" :name (n / name :op1 "Milutinovic")) :ARG1 (p2 / pull-out-02 :ARG1 p :ARG2 (n2 / negotiate-01 :ARG2 (c / control-01 :ARG1 (a / arm)))) :time (t2 / then)) + +(a / and :op1 (n5 / note-01 :ARG0 (p / person :wiki "Milan_Milutinovi??" :name (n / name :op1 "Milutinovic")) :ARG1 (s / suspension-03 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Serbia" :name (n2 / name :op1 "Serbia")))) :ARG2 (o / organization :wiki "Organization_for_Security_and_Co-operation_in_Europe" :name (n3 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe")) :time (s2 / since :op1 (d / date-entity :year 1992)))) :op2 (s3 / say-01 :ARG0 p :ARG1 (p2 / prevent-01 :ARG1 (c2 / country :wiki "Yugoslavia" :name (n4 / name :op1 "Yugoslavia")) :ARG2 (c3 / cooperate-01 :concession (r / ready-02 :ARG1 c2 :ARG2 (d2 / do-02 :ARG1 (s4 / so)))) :condition (r2 / restore-01 :polarity - :ARG1 (m / membership :mod (f / full)))))) + +(o2 / oversee-01 :ARG0 (o / organization :wiki "Organization_for_Security_and_Co-operation_in_Europe" :name (n / name :op1 "OSCE")) :ARG1 (r / round-05 :ARG1 (t / talk-01 :ARG1 (r2 / reduce-01 :ARG1 (a / arm) :location (w / world-region :wiki "Balkans" :name (n2 / name :op1 "Balkans")))) :mod (n3 / next))) + +(a / and :op1 (h / have-org-role-91 :ARG0 (p / person :wiki "Michael_Williams,_Baron_Williams_of_Baglan" :name (n / name :op1 "Michael" :op2 "Williams")) :ARG1 (r / research-institute :wiki "International_Institute_for_Strategic_Studies" :name (n2 / name :op1 "International" :op2 "Institute" :op3 "for" :op4 "Strategic" :op5 "Studies") :location (c / city :wiki "London" :name (n3 / name :op1 "London"))) :ARG2 (f / fellow :mod (s / senior))) :op2 (h3 / have-org-role-91 :ARG0 p :ARG1 (o2 / organization :wiki "United_Nations" :name (n4 / name :op1 "United" :op2 "Nations")) :ARG2 (s2 / spokesman :mod (s3 / senior) :prep-for (c2 / country :wiki "Croatia" :name (n5 / name :op1 "Croatia"))) :time (f2 / former)) :op3 (c5 / call-01 :ARG0 p :ARG1 (t / threaten-01 :ARG0 (a2 / and :op1 c2 :op2 (c4 / country :wiki "Serbia" :name (n7 / name :op1 "Serbia"))) :mod (e / early)) :ARG2 (d / develop-01 :ARG0-of (w / worry-01) :mod (o3 / ominous)))) + +(s / say-01 :ARG0 (p / person :wiki "Michael_Williams,_Baron_Williams_of_Baglan" :name (n / name :op1 "Williams")) :ARG1 (c / clear-06 :polarity - :ARG1 (w / will-02 :ARG0 (p2 / party) :ARG1 (e / engage-01 :ARG0 p2 :ARG1 p :ARG2 (c2 / control-01 :ARG1 (a / arm) :mod (a2 / any)) :prep-in (w2 / way :manner (m / meaningful)))) :mod (r / really))) + +(c2 / correspond-02 :ARG1 (t / this) :ARG2 (f / fear-01 :ARG0 p2 :ARG1 (w / want-01 :polarity - :ARG0 (p / party :mod (c3 / country :wiki "Yugoslavia" :name (n2 / name :op1 "Yugoslavia"))) :ARG1 (n3 / negotiate-01 :ARG0 p :ARG1 (c4 / capable-01 :ARG1 p :ARG2 (u / use-01 :ARG1 (o / or :op1 (v / violence) :op2 (t2 / threaten-01 :ARG1 (v2 / violence))) :ARG2 (s2 / seize-01 :ARG0 p :ARG1 (t3 / territory)))) :mod (a / away))) :ARG1-of (e / express-01 :ARG0 (p2 / person :mod (s / some) :ARG0-of (h / have-org-role-91 :ARG2 (d3 / delegate :ARG0-of (m / meet-03 :location (c / city :wiki "Bonn" :name (n / name :op1 "Bonn")) :time (d / date-entity :day 18 :month 12 :year 1995)))))))) + +(o / observe-02 :ARG0 (p3 / person :wiki "Karolos_Papoulias" :name (n2 / name :op1 "Karelos" :op2 "Papoulias") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Greece" :name (n / name :op1 "Greece")) :ARG2 (m / minister :mod (f / foreign)))) :ARG1 (r / realize-01 :ARG0 (p2 / person :ARG1-of (i / include-91 :ARG2 (t / they))) :ARG1 (t3 / think-01 :ARG0 b :manner (t2 / this) :time (s2 / still)) :time (t4 / talk-01 :location (s / session :mod (p / plenary)))) :topic (b / belligerent :mod (w / world-region :wiki "Balkans" :name (n3 / name :op1 "Balkans")))) + +(s / say-01 :ARG0 (p / person :wiki "Karolos_Papoulias" :name (n / name :op1 "Papoulias")) :ARG1 (a / and :op1 (o4 / optimism :polarity - :poss (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Greece" :name (n2 / name :op1 "Greece")))) :degree (e / equal) :compared-to (o2 / optimism :poss (t / thing :mod (o3 / other) :mod (c2 / continent :wiki "Europe" :name (n3 / name :op1 "Europe")) :ARG1-of (p3 / partner-01)))) :op2 (c5 / conference :ARG0-of (c4 / cause-01 :polarity - :ARG1 (f / friendship :mod (b / between :op1 (p2 / person :mod (c3 / country :wiki "Yugoslavia" :name (n4 / name :op1 "Yugoslavia") :time (f2 / former))))))))) + +(o / organize-01 :ARG1 (t2 / talk :time (d / date-entity :day 18 :month 12 :year 1995)) :purpose (a / and :op1 (f / fulfill-01 :ARG1 (p / pledge-01 :ARG0 (p2 / person :ARG0-of (c / combat-01)) :ARG1-of (m / make-01 :location (c2 / city :wiki "Dayton,_Ohio" :name (n / name :op1 "Dayton") :location (s / state :wiki "Ohio" :name (n2 / name :op1 "Ohio")))))) :op2 (b / begin-01 :ARG1 (t3 / talk :ARG0-of (e2 / enhance-01 :ARG1 (c3 / confidence :mod (m2 / mutual))))) :op3 (r / reduce-01 :ARG1 (r2 / risk-01 :ARG2 (c4 / conflict-01)) :time (a2 / after :op1 (s2 / sign-01 :ARG0 (e / event :wiki "Dayton_Agreement" :name (n3 / name :op1 "Peace" :op2 "Accord")) :mod (f2 / formal)) :quant (u / up-to :op1 (t / temporal-quantity :quant 7 :unit (d2 / day))))))) + +(l / limit-01 :ARG1 (a / agenda :time (d / date-entity :day 18 :month 12 :year 1995)) :purpose (s / set-14 :ARG0 a :ARG1 (p / process-02 :duration (w / week :ARG1-of (c / come-01)) :mod (f / formal)))) + +(s / state-01 :ARG0 (g / government-organization :wiki "Foreign_Office_(Germany)" :name (n2 / name :op1 "Foreign" :op2 "Ministry") :mod (c / country :wiki "Germany" :name (n / name :op1 "Germany"))) :ARG1 (h / have-purpose-91 :ARG1 (t / this) :ARG2 (c2 / clear-02 :ARG1 (n3 / negotiate-01 :ARG2 (q / question :mod (s4 / substantive)) :ARG1-of (s2 / speedy-03)) :ARG2 (w / way)))) + +(s / sign-01 :ARG0 (a / and :op1 (n6 / nation :mod (c / country :wiki "Croatia" :name (n / name :op1 "Croatia"))) :op2 (n7 / nation :mod (c2 / country :wiki "Bosnia_and_Herzegovina" :name (n2 / name :op1 "Bosnia-Herzegovina"))) :op3 (n8 / nation :mod (c3 / country :wiki "Serbia" :name (n3 / name :op1 "Serbia"))) :ARG1-of (s2 / suppose-02 :ARG2 (r / report-01 :ARG0 a :ARG1 (t3 / thing :quant-of (a3 / and :op1 (t / tank) :op2 (v / vehicle :ARG1-of (a4 / armor-01)) :op3 (p / piece :mod (a5 / artillery :mod (h / heavy))) :op4 (a6 / aircraft :mod (c5 / combat)) :op5 (h2 / helicopter :instrument-of (a7 / attack-01)) :ARG1-of (p2 / possess-01 :ARG0 a))) :time (p3 / phase :mod (n5 / next))))) :ARG1 (t2 / treaty :wiki "Dayton_Agreement" :name (n9 / name :op1 "Dayton" :op2 "Accord"))) + +(u / use-01 :ARG1 (d / data :mod (t / this)) :ARG2 (e / establish-01 :ARG0 d :ARG1 (b / baseline :ARG2-of (b2 / base-02 :ARG1 (c / ceiling :mod (w / weapon) :ARG1-of (a / agree-01 :ARG1-of (p / possible-01))))))) + +(p / promise-01 :ARG2 (a2 / accept-01 :ARG0 (a / and :op1 (c / country :wiki "Croatia" :name (n / name :op1 "Croatia")) :op2 (c2 / country :wiki "Bosnia_and_Herzegovina" :name (n2 / name :op1 "Bosnia-Herzegovina")) :op3 (c3 / country :wiki "Serbia" :name (n3 / name :op1 "Serbia"))) :ARG1 (s / set :consist-of (l / limit :mod (a3 / automatic))) :condition (p2 / possible-01 :polarity - :ARG1 (r / reach-01 :ARG1 (a4 / agree-01 :ARG1 (c4 / ceiling :mod (s2 / such))) :prep-in (t / temporal-quantity :quant 180 :unit (d / day)))))) + +(s / say-01 :ARG0 (p / person :wiki "Klaus_Kinkel" :name (n / name :op1 "Kinkel")) :ARG1 (p2 / possible-01 :polarity - :ARG1 (f / fix-01 :ARG0 (p3 / person :ARG2-of (d4 / delegate-01)) :ARG1 (d5 / date :prep-for (r / round-05 :ARG1 (t / talk-01) :mod (n3 / next)))) :time (d / date-entity :day 18 :month 12 :year 1995)) :concession (s2 / say-01 :ARG0 p :ARG1 (t2 / talk-01 :mod (n4 / next) :time (o / or :op1 (d2 / date-entity :day 4 :month 1 :year 1996) :op2 (d3 / date-entity :day 7 :month 1 :year 1996)) :location (c / city :wiki "Vienna" :name (n2 / name :op1 "Vienna"))))) + +(s / say-01 :ARG0 (p / person :wiki "Klaus_Kinkel" :name (n / name :op1 "Kinkel")) :ARG1 (k / keep-04 :ARG0 (p2 / problem :mod (m / minor) :ARG1-of (i / instead-of-91 :ARG2 (d / discord :mod (s2 / substantive)))) :ARG1 (p3 / person :ARG0-of (h / have-org-role-91 :ARG2 (d2 / delegate))) :ARG2 (c / choose-01 :polarity - :ARG0 p3 :ARG1 (d3 / date :ARG1-of (f / firm-03))))) + +(d / date-entity :year 1999 :month 6 :day 30) + +(a / and :op1 (c / country :wiki "India" :name (n / name :op1 "India")) :op2 (c2 / country :wiki "North_Korea" :name (n2 / name :op1 "Democratic" :op2 "People's" :op3 "Republic" :op4 "of" :op5 "Korea"))) + +(a / and :op1 (i / international) :op2 (t / technology) :op3 (w / weapon) :op4 (g / government-organization :ARG0-of (g2 / govern-01))) + +(s / seize-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "India" :name (n / name :op1 "India")) :ARG2 (o2 / official))) :ARG1 (l / line :mod (a / assembly :mod (m / missile))) :ARG2 (v / vessel :wiki - :name (n2 / name :op1 "Kuwolsan") :mod (c2 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea"))) :time (d / date-entity :year 1999 :month 6 :day 30)) + +(h / heighten-01 :ARG0 (t / thing :ARG1-of (d / discover-01)) :ARG1 (s / suspect-01 :ARG1 (p / proliferate-01 :ARG0 (w / weapon)) :ARG2 (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")))) + +(b / board-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c3 / country :wiki "India" :name (n3 / name :op1 "India")) :ARG2 (a / agent :mod (c5 / customs)))) :ARG1 (f / freighter :wiki - :name (n / name :op1 "Kuwolsan") :mod (c / country :wiki "North_Korea" :name (n2 / name :op1 "North" :op2 "Korea"))) :time (d / date-entity :year 1999 :month 6 :day 30) :location (c4 / city :wiki "Kandla" :name (n4 / name :op1 "Kandla") :mod (p / port) :location (n5 / northwest))) + +(d / discover-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG2 (a3 / agent :mod (c3 / customs)))) :ARG1 (l / line :mod (a2 / assembly) :purpose (m / missile :mod (b / ballistic))) :ARG1-of (f / follow-01 :ARG2 (m2 / melee :prep-with (c2 / crew-01 :ARG1 (s / ship :wiki - :name (n / name :op1 "Kuwolsan")))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (i / intelligence :mod (c / country :wiki "United_States" :name (n / name :op1 "U.S."))) :ARG2 (o / official))) :ARG1 (i2 / intend-01 :ARG1 (r / receive-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "Libya" :name (n2 / name :op1 "Libya")))) :ARG1 (c3 / cargo)))) + +(d / depart-01 :ARG0 (s / ship :wiki - :name (n / name :op1 "Kuwolsan")) :ARG1 (h / harbor :wiki "Nampo" :name (n2 / name :op1 "Nampo") :mod (c / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea"))) :time (d2 / date-entity :year 1999 :month 4 :day 10)) + +(s / show-01 :ARG0 (t / thing :ARG1-of (r / record-01)) :ARG1 (d / detour-00 :ARG0 (s2 / ship :wiki - :name (n / name :op1 "Kuwolsan")) :direction (p / port :quant 2 :mod (c / country :wiki "Thailand" :name (n2 / name :op1 "Thailand"))) :purpose (p2 / pick-up-04 :ARG0 s2 :ARG1 (s3 / sugar :quant (v / volume-quantity :quant 14000 :unit (t2 / ton))) :purpose (r2 / resell-01 :ARG1 s3 :path (a / along :op1 (w / way :direction (d2 / destination :poss s2))))) :time (d3 / date-entity :year 1999 :month 4 :day 20))) + +(s6 / switch-01 :ARG0 (s4 / ship :wiki - :name (n2 / name :op1 "Kuwolsan")) :ARG1 (c3 / course) :time (a / after :op1 (f / fail-01 :ARG1 (d / deal-01 :ARG2 (s / sell-01 :ARG1 (s2 / sugar) :ARG2 (p / person :mod (c / country :wiki "Algeria" :name (n4 / name :op1 "Algeria"))))))) :purpose (s5 / sell-01 :ARG0 s4 :ARG1 s2 :ARG2 (c4 / company :mod (c5 / country :wiki "India" :name (n3 / name :op1 "India"))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (i / investigate-01) :mod (c / country :wiki "India" :name (n / name :op1 "India"))) :ARG1 (a / and :op1 (r / recommend-01 :polarity - :ARG1 (p2 / pick-up-04 :ARG0 (c3 / crew-01 :ARG1 (s3 / ship :wiki - :name (n2 / name :op1 "Kuwolsan"))) :ARG1 (c4 / cargo :mod (e / extra)) :location (p3 / port :quant (s4 / several)) :time (c5 / carry-01 :ARG0 s3 :ARG1 (e2 / equipment :mod (s5 / sensitive) :quant (v / volume-quantity :quant 200 :unit (t / ton)))))) :op2 (c2 / crazy-03 :ARG1 (a2 / activity-06 :mod (s2 / such))))) + +(t / tip-off-04 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c5 / customs :mod (c2 / country :wiki "India" :name (n / name :op1 "India"))) :ARG2 (o2 / official))) :topic (c3 / contraband :ARG1-of (p / possible-01) :location (s / ship :wiki - :name (n2 / name :op1 "Kuwolsan")) :time (r / route-01 :ARG1 s :ARG2 (c4 / city :wiki "Kandla" :name (n3 / name :op1 "Kandla"))))) + +(r / rumor-01 :ARG1 (c / carry-01 :ARG0 (s / ship :wiki - :name (n / name :op1 "Kuwolsan")) :ARG1 (o / or :op1 (a / arm :ARG1-of (i / intend-01 :beneficiary (c2 / country :wiki "Pakistan" :name (n2 / name :op1 "Pakistan")) :ARG1-of (p / possible-01))) :op2 (a2 / ammunition :ARG1-of i)))) + +(w / wait-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (p3 / port :mod (c / country :wiki "India" :name (n / name :op1 "India"))) :ARG2 (o2 / official))) :time (a / arrive-01 :ARG1 (s / ship :wiki - :name (n2 / name :op1 "Kuwolsan")) :ARG4 (c2 / city :wiki "Kandla" :name (n3 / name :op1 "Kandla")) :time (d / date-entity :year 1999 :month 6 :day 25))) + +(a / appear-01 :ARG1 (t / thing :ARG1-of (r / regular-03 :polarity -) :location (p / paper :poss (s / ship :wiki - :name (n / name :op1 "Kuwolsan")))) :time (a2 / after :op1 (e / event) :quant (u / up-to :op1 (f2 / few :op1 (t2 / temporal-quantity :quant 1 :unit (h / hour)) :ord (o / ordinal-entity :value 1)) :time-of (i / investigate-01)))) + +(l / learn-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "India" :name (n / name :op1 "India")) :ARG2 (o2 / official))) :ARG1 (f / fictitious :domain (c2 / company :location (c3 / country :wiki "Malta" :name (n2 / name :op1 "Malta")) :ARG1-of (l2 / list-01 :ARG2 (r / receive-01 :ARG1 (c4 / cargo) :ARG1-of (i / intend-01)))))) + +(q / question-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "India" :name (n / name :op1 "India")) :ARG2 (o2 / official))) :ARG1 (c2 / choose-01 :ARG0 (a / anyone :location c6) :ARG1 (b / buy-01 :ARG0 a :ARG1 (e / equipment :purpose (r / refine-01 :ARG1 (w / water))) :ARG2 (c4 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea")))) :ARG1-of (c5 / cause-01 :ARG0 (r2 / relative-position :op1 (c7 / continent :wiki "Europe" :name (n5 / name :op1 "Europe")) :location-of (c6 / country :wiki "Malta" :name (n4 / name :op1 "Malta")) :quant (d / distance-quantity :extent-of (f / fly-01 :duration (s / short)))))) + +(q / question-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "India" :name (n / name :op1 "India")) :ARG2 (a2 / agent :mod (c4 / customs)))) :ARG2 (p3 / person :wiki - :name (n4 / name :op1 "Tae" :op2 "Min" :op3 "Hun") :ARG0-of (h2 / have-org-role-91 :ARG2 (c / captain :mod (s / ship :wiki - :name (n3 / name :op1 "Kuwolsan")))))) + +(a / and :op1 (b / block-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Tae")) :ARG1 (r / request-01 :mod (e / every))) :op2 (t / threaten-01 :ARG0 p :ARG1 (r2 / reprisal :mod (i / international)) :condition (a2 / allow-01 :polarity - :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "India" :name (n2 / name :op1 "India")) :ARG2 (o / official))) :ARG1 (l / leave-11 :ARG0 p :ARG1 (c2 / city :wiki "Kandla" :name (n3 / name :op1 "Kandla")))))) + +(a / and :op1 (d / demand-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / customs) :ARG2 (o3 / official))) :ARG1 (s2 / search-01 :ARG0 p2 :ARG1 (b / box :mod (c2 / cargo) :location (s3 / ship :wiki - :name (n / name :op1 "Kuwolsan"))))) :op2 (s / state-01 :ARG0 (p / person :wiki - :name (n2 / name :op1 "Tae")) :ARG1 (r / receive-01 :ARG0 s3 :ARG1 (t / telex) :ARG2 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c3 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea")) :ARG2 (o2 / official))))) :time (d2 / date-entity :year 1999 :month 6 :day 30)) + +(r / receive-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Tae")) :ARG1 (i / instruct-01 :ARG0 p2 :ARG1 p :ARG2 (a / allow-01 :ARG0 p :ARG1 (o2 / open-01 :ARG0 (n3 / no-one) :ARG1 (b / box :mod (c2 / cargo))) :degree (a2 / at-all-cost))) :ARG2 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / city :wiki "Pyongyang" :name (n2 / name :op1 "Pyongyang")) :ARG2 (o3 / official)))) + +(s / state-01 :ARG0 (r / report-01 :mod (c / country :wiki "India" :name (n / name :op1 "India")) :time (a / after :op1 (a2 / action)) :mod (o / official)) :ARG1 (o2 / open-01 :polarity - :ARG0 (p / person :wiki - :name (n2 / name :op1 "Tae")) :ARG1 (b / box :quant (m / more)) :ARG1-of (c2 / cause-01 :ARG0 (t / telex)))) + +(s / state-01 :ARG0 (r / report-01) :ARG1 (a / and :op1 (s2 / shout-01 :ARG0 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c / crew) :ARG2 (m / member))) :ARG2 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c3 / customs) :ARG2 (o / officer)))) :op2 (a2 / abuse-03 :ARG0 p2 :ARG1 p))) + +(s / say-01 :ARG0 (a / and :op1 (a2 / account-01 :ARG0 (p / person :ARG0-of (w / witness-01))) :op2 (f / footage :mod (v / video)) :topic (e / encounter-01)) :ARG1 (b / barricade-01 :ARG0 (a3 / and :op1 (p2 / person :wiki - :name (n / name :op1 "Tae")) :op2 (c / crew-01 :ARG1 (s2 / ship :wiki - :name (n2 / name :op1 "Kuwolsan")))) :ARG1 (d / door :part-of s2) :ARG2 (b2 / body :poss c))) + +(s / state-01 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "India" :name (n / name :op1 "India")) :ARG2 (o2 / official)) :ARG1-of (p / present-02 :ARG2 (s2 / ship :wiki - :name (n2 / name :op1 "Kuwolsan"))) :ARG0-of (s3 / speak-01 :topic (c2 / condition :mod (a / anonymity)))) :ARG1 (a2 / and :op1 (b / become-01 :ARG1 (s4 / situation) :ARG2 (p2 / physical)) :op2 (f / fisticuffs))) + +(s / state-01 :ARG0 (p2 / person :ARG0-of (h3 / have-org-role-91 :ARG2 (o2 / official))) :ARG1 (b / begin-01 :ARG0 (c / crew) :ARG1 (c2 / close-01 :ARG0 c :ARG1 (h / hatch :part-of (h2 / hold-01 :ARG1 (c3 / cargo))) :time (p / person :location (i2 / inside) :mod (s2 / still) :ARG0-of (h4 / have-org-role-91 :ARG1 (c4 / customs) :ARG3 (i / inspect-01)))))) + +(a / and :op1 (a2 / aid-01 :ARG0 (a3 / and :op1 (t / troop :ARG1-of (a4 / arm-01)) :op2 (g5 / group :consist-of (p / person :ARG0-of (h / have-org-role-91 :ARG1 (g2 / government-organization :ARG0-of (g3 / govern-01)) :ARG3 (e / expert-01 :ARG1 p :ARG2 (w / weapon)))))) :ARG2 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c / customs) :ARG2 (o / official)))) :op2 (e2 / enter-01 :ARG0 a3 :ARG1 (s / ship :wiki - :name (n / name :op1 "Kuwolsan")) :manner (f / force-04)) :time (d / date-entity :year 1999 :month 7 :day 1)) + +(c / contain-01 :ARG0 (c2 / crate :quant (f / few) :ARG1-of (i / include-91 :ARG2 (c3 / cargo :location (s / ship :wiki - :name (n / name :op1 "Kuwolsan"))))) :ARG1 (e / equipment :ARG1-of (u / use-01 :ARG2 (p / plant :ARG0-of (t / treat-04 :ARG1 (w / water))) :ARG1-of (p2 / possible-01)))) + +(f / find-01 :ARG0 (p / person :ARG0-of (i / inspect-01)) :ARG1 (a / and :op1 (p2 / pump) :op2 (n / nozzle) :op3 (v / valve :quant (f2 / few)))) + +(l / label-01 :ARG1 (b / box :part-of (c / cargo)) :ARG2 (e / equipment :purpose (r / refine-01 :ARG1 (w / water)))) + +(c / contain-01 :ARG0 (d / document :source (i / investigate-01)) :ARG1 (l / list-01 :ARG1 (c2 / content :ARG2-of (i3 / include-01 :ARG1 (c3 / crate :ARG2-of (i2 / include-01) :ARG1-of (i4 / include-91 :ARG3 (m / most)) :mod (c4 / cargo)))) :mod (p / partial))) + +(c / component :purpose (s / subassembly :mod (m / missile))) + +(t / tool :mod (m / machine) :purpose (s / set-up-03 :ARG1 (f2 / facility) :location-of (f / fabricate-01))) + +(i / instrument :purpose (e / evaluate-01 :ARG1 (p / perform-02 :ARG0 (s / system :mod (f / full) :mod (m / missile))))) + +(e / equipment :purpose (c / calibrate-01 :ARG1 (c2 / component :mod (m / missile)))) + +(a / and :op1 (c / cone :mod (n / nose) :mod (r / rocket) :ARG1-of (u / use-01 :ARG2 (m2 / mill-01 :ARG1 (s2 / steel :mod (g / grade :ARG1-of (h2 / high-02)))))) :op2 (p2 / pipe :quant (s / stack) :consist-of (m / metal) :ARG1-of u) :op3 (p / press :mod (h / heavy-duty) :ARG1-of u)) + +(a / and :op1 (m / machine :ARG0-of (b2 / bend-01 :ARG1 (p / plate)) :ARG1-of (c / capable-01 :ARG2 (r / roll-01 :ARG0 m :ARG1 (s / sheet :consist-of (m2 / metal) :ARG1-of (t2 / thick-03))))) :op2 (b / bottle :mod (t3 / toroid) :consist-of (a2 / air) :purpose (g / guide-01 :ARG0 b :ARG1 (w / warhead) :time (a3 / after :op1 (s2 / separate-01 :ARG1 w :ARG2 (m3 / missile))))) :op3 (t / theodolite :ARG0-of (m4 / measure-01 :ARG1 (t4 / trajectory :mod m3)))) + +(a / and :op1 (b / box-01 :ARG1 (d / draw-01 :mod (e / engineer-01)) :quant (s / several)) :op2 (b2 / blueprint) :op3 (n / notebook) :op4 (t / textbook) :op5 (r / report-01)) + +(i / include-01 :ARG1 (a / and :op1 (c2 / cookbook :medium (l / language :wiki "Korean_language" :name (n2 / name :op1 "Korean"))) :op2 (s / spice :mod (c3 / country :wiki "Korea" :name (n3 / name :op1 "Korea"))) :op3 (p4 / pickle) :op4 (s2 / set :purpose (a2 / acupuncture))) :ARG2 (i2 / item :ARG1-of (p / personal-02) :ARG1-of (i3 / intend-01 :ARG1-of (p2 / presume-01) :beneficiary (p3 / person :ARG0-of (w / work-01) :mod (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")))))) + +(s / state-01 :ARG0 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "India" :name (n / name :op1 "India")))) :ARG2 (o5 / official)) :ARG1-of (f / familiarize-01 :ARG2 (d / discover-01 :ARG1 (s2 / ship :wiki - :name (n2 / name :op1 "Kuwolsan"))))) :ARG1 (c2 / contrast-01 :ARG1 (s3 / see-01 :ARG0 (p4 / person :ARG0-of (h4 / have-org-role-91 :ARG2 (o / official))) :ARG1 (o4 / or :op1 (m / missile) :op2 (p2 / part-01 :ARG1 (e / engine))) :time (p / past)) :ARG2 (l / line :mod (a / assembly) :mod (e2 / entire) :location (h / here) :purpose (m2 / missile :ARG1-of (o2 / offer-01 :purpose (s4 / sell-01)))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG2 (o / official))) :ARG1 (t2 / transfer-01 :ARG1 (t3 / technology) :ARG1-of (c / complete-02) :domain (t / this))) + +(s / state-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c5 / committee :mod (t / technical)) :ARG3 (e4 / expert-01 :ARG1 p2 :ARG2 (m4 / missile) :mod (c2 / country :wiki "India" :name (n / name :op1 "India"))))) :ARG1 (e2 / evidence-01 :ARG0 (e3 / equipment) :ARG1 (p3 / plan-01 :ARG1 (t2 / transfer-01 :ARG1 (c3 / contrast-01 :ARG1 (m2 / missile :mod (j / just :polarity -)) :ARG2 (c4 / capable-01 :ARG1 (t3 / thing) :ARG2 (m3 / make-01 :ARG1 m2))))) :mod (i / impeach-01 :polarity - :ARG1 (t4 / thing)) :mod (r / refute-01 :polarity - :ARG1 (t5 / thing)))) + +(w / write-01 :ARG0 (p / panel :mod (t / technique)) :ARG1 (p2 / point-01 :ARG0 (c / cargo) :ARG2 (u / use-01 :mod (e / end) :quant (o / only :op1 1) :ARG1-of (m4 / mean-01 :ARG2 (a / and :op1 (a2 / assemble-01 :ARG1 (m2 / missile)) :op2 (m / manufacture-01 :ARG1 (a3 / and :op1 (p3 / part) :op2 (s / subassembly) :part-of (m3 / missile :source (s2 / surface) :destination (s3 / surface)))))))) :location (r / report-01)) + +(s / search-01 :ARG0 (p / person :ARG0-of (i / investigate-01)) :ARG1 (b / blueprint :ARG1-of (k / keep-01 :location (i2 / inside :op1 (j / jacket :mod (p3 / plastic) :ARG1-of (n / number-01)))) :ARG1-of (w / wrap-01 :ARG2 (p2 / paper :mod (b2 / brown))))) + +(m / multi-sentence :snt1 (l / label-01 :ARG1 (p / packet :ARG1-of (i / include-91 :ARG2 (p2 / packet)) :mod (s2 / some)) :ARG2 (o / or :op1 (p3 / product :wiki "Scud" :name (n2 / name :op1 "Scud" :op2 "B")) :op2 (p4 / product :wiki "Scud" :name (n3 / name :op1 "Scud" :op2 "C"))) :medium (l2 / language :wiki "English_language" :name (n / name :op1 "English"))) :snt2 (s / show-01 :ARG0 (d / draw-01 :quant (n4 / near :op1 (a / all))) :ARG1 (o2 / or :op1 (r / rocket :prep-with (a2 / and :op1 (n5 / note :ARG1-of (w / write-01 :manner (h / hand) :medium (l3 / language :wiki "Korean_language" :name (n6 / name :op1 "Korean")))) :op2 (f / formula :mod (m2 / mathematics) :ARG1-of w))) :op2 (s3 / section-01 :ARG1 r :prep-with a2)))) + +(c / contrast-01 :ARG1 (a / assist-01 :ARG0 (p / person :ARG0-of (s / speak-01 :ARG3 (l / language :wiki "Korean_language" :name (n / name :op1 "Korean"))) :mod (n2 / native)) :ARG2 (t / translate-01)) :ARG2 (c2 / contain-01 :ARG0 (d / document) :ARG1 (c3 / code :mod (t2 / technical) :ARG1-of (i / invent-01 :ARG0 (s2 / scientist :mod (c4 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea"))) :purpose (r / replace-01 :ARG0 s2 :ARG1 (t3 / term :mod (s3 / science) :medium (o / or :op1 (l2 / language :wiki "Russian_language" :name (n4 / name :op1 "Russian")) :op2 (l3 / language :wiki "Chinese_language" :name (n5 / name :op1 "Chinese"))))))))) + +(y / yield-01 :ARG0 (i / investigate-01) :ARG1 (i2 / information :topic (p / program :poss (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")) :topic (w / weapon)) :ARG1-of (s / share-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG2 (a3 / authority :mod (c2 / country :wiki "India" :name (n2 / name :op1 "India"))))) :ARG2 (g / government-organization :ARG0-of (g2 / govern-01) :ARG1-of (a2 / ally-01)))) :time (u / ultimate)) + +(d / design-01 :ARG1 (a / and :op1 (p / product :wiki - :name (n / name :op1 "Scud" :op2 "B")) :op2 (p2 / product :wiki "Scud#Scud-C" :name (n2 / name :op1 "Scud" :op2 "C"))) :ARG1-of (f / find-01 :location (s / ship :wiki - :name (n3 / name :op1 "Kuwolsan"))) :source (p3 / program :mod (c / country :wiki "North_Korea" :name (n4 / name :op1 "North" :op2 "Korea")) :mod (m / missile) :mod (o / old :degree (m2 / more)) :ARG1-of (d2 / derive-01 :ARG2 (d3 / design-01 :ARG1 m :mod (c2 / country :wiki "Soviet_Union" :name (n5 / name :op1 "Soviet" :op2 "Union")) :time (d4 / date-entity :decade 1950))))) + +(s / state-01 :ARG0 (p / person :quant 1 :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "India" :name (n / name :op1 "India")))) :ARG2 (o3 / official)) :ARG0-of (s2 / study-01 :ARG1 (b / blueprint))) :ARG1 (c2 / contrast-01 :ARG1 (a / and :op1 (o2 / old :domain (s3 / science)) :op2 (d / dated :domain s3)) :ARG2 (f / function-01 :ARG0 s3 :mod (s4 / still)))) + +(s / state-01 :ARG0 (p / person :wiki "Greg_Thielmann" :name (n / name :op1 "Greg" :op2 "Thielmann") :ARG0-of (h / have-org-role-91 :ARG1 (g4 / government-organization :wiki - :name (n2 / name :op1 "Office" :op2 "on" :op3 "Strategic," :op4 "Proliferation" :op5 "and" :op6 "Military" :op7 "Issues") :part-of (g2 / government-organization :wiki "Bureau_of_Intelligence_and_Research" :name (n4 / name :op1 "Bureau" :op2 "of" :op3 "Intelligence" :op4 "and" :op5 "Research") :part-of (g / government-organization :wiki "United_States_Department_of_State" :name (n3 / name :op1 "State" :op2 "Department")))) :ARG2 (d / director :ARG0-of (r / retire-01)))) :ARG1 (u / utilize-01 :ARG0 (g3 / government-organization :wiki "Central_Intelligence_Agency" :name (n5 / name :op1 "CIA")) :ARG1 (b / blueprint) :purpose (m / make-01 :ARG0 g3 :ARG1 (m2 / mock-up :mod (f / full) :mod (m3 / missile)) :ARG1-of (c / complete-02 :prep-with (d2 / decal))))) + +(i / include-01 :ARG1 (i2 / information :ARG0-of (p / pertain-01 :ARG1 (w / work-09 :ARG1 (i3 / industry :mod (m / missile) :mod (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")) :ARG2-of (f / focus-01 :ARG1 (c2 / contention :mod (b2 / between :op1 (c3 / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :op2 c)) :time (s / since :op1 (d / date-entity :decade 1980)))) :mod (i4 / inner)))) :ARG2 (b / blueprint)) + +(c / cause-01 :ARG0 (i / include-01 :polarity - :ARG1 (e / everything :ARG1-of (n2 / need-01 :ARG0 (p / produce-01 :ARG1 (m / missile)))) :ARG2 (c2 / cargo :location (s / ship :wiki - :name (n / name :op1 "Kuwolsan")))) :ARG1 (r / raise-01 :ARG1 (p2 / possible-01 :ARG1 (a / and :op1 (s2 / ship-01 :time (e2 / early :degree (m2 / more))) :op2 (s3 / ship-01 :time (l / late :degree (m3 / more))))))) + +(a / and :op1 (e / examine-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Timothy" :op2 "V." :op3 "McCarthy") :ARG0-of (h / have-org-role-91 :ARG1 (r / research-institute :wiki "Monterey_Institute_of_International_Studies" :name (n2 / name :op1 "Center" :op2 "for" :op3 "Nonproliferation" :op4 "Studies")) :ARG3 (a4 / and :op1 (a2 / analyze-01 :ARG0 p :mod (s2 / senior)) :op2 (e2 / expert-01 :ARG1 p :ARG2 (m / missile))))) :ARG1 (a3 / and :op1 (b / blueprint :ARG1-of (i / include-91 :ARG2 b :ARG3 (s3 / some))) :op2 (e3 / evidence :mod (o2 / other)))) :op2 (s / state-01 :ARG0 p :ARG1 (t2 / time :ARG1-of (s4 / slice-01 :ARG2 (t3 / transfer-01 :ARG1 (t4 / technology) :ARG2 (c2 / country :wiki "Libya" :name (n4 / name :op1 "Libya")) :ARG3 (c / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea")))) :domain (t / this)))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "McCarthy")) :ARG1 (h / help-01 :ARG0 (i / intelligence :ARG1-of (f / find-01)) :ARG1 (l / learn-01 :ARG0 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "United_States" :name (n2 / name :op1 "U.S.")) :ARG2 (o / official))) :ARG1 (t / thing :manner-of (l2 / learn-01 :ARG0 (s2 / scientist :mod (m / missile) :mod (c2 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea")))))) :ARG2 p2)) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "McCarthy")) :ARG1 (g / give-01 :ARG0 (i / information) :ARG1 (a / and :op1 (i2 / idea :topic (t3 / thing :degree-of (c2 / capable-01 :ARG1 (s2 / scientist :mod (c3 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea"))) :ARG2 (p2 / progress-01 :ARG1 s2 :ARG4 (m / missile :ARG1-of (a2 / advanced-02 :degree (m2 / more))))))) :op2 (i3 / insight :topic (a3 / aspect :mod (p3 / proliferate-01 :time (a4 / attempt-01 :ARG0 (p5 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c4 / country) :ARG2 (o2 / official))) :ARG1 (t / transfer-01 :ARG0 p5 :ARG1 (t2 / technology) :ARG2 (p6 / person :ARG0-of (h3 / have-org-role-91 :ARG1 (c5 / country :mod (a5 / another)) :ARG2 (o3 / official))))))))) :ARG2 (p4 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "United_States" :name (n2 / name :op1 "U.S.")) :ARG2 (o / official))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "McCarthy")) :ARG1 (c / capable-01 :ARG1 (n3 / no-one) :ARG2 (s2 / stop-01 :ARG0 n3 :ARG1 (s3 / scientist :mod (c3 / country :wiki "Libya" :name (n2 / name :op1 "Libya"))) :time (o2 / once :op1 (c2 / capable-01 :ARG1 s3 :ARG2 (m / make-01 :ARG1 (m2 / missile))))))) + +(a / account-01 :polarity - :ARG1 (a2 / and :op1 (s / ship :wiki - :name (n / name :op1 "Kuwolsan")) :op2 (c / crew)) :time (a3 / after :op1 (r / release-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "India" :name (n2 / name :op1 "India")) :ARG2 (o / official))) :ARG1 s :time (d / date-entity :year 2000)))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (o / organization :wiki - :name (n / name :op1 "Lloyd's" :op2 "Maritime" :op3 "Division") :location (c / city :wiki "London" :name (n2 / name :op1 "London"))) :ARG3 (e / expert-01 :ARG1 p :ARG2 (s2 / ship-01)))) :ARG1 (c2 / change-01 :ARG1 (n3 / name :poss (s3 / ship :wiki - :name (n4 / name :op1 "Kuwolsan"))) :ARG2 (s4 / ship :wiki - :name (n5 / name :op1 "Sun" :op2 "Grisan" :op3 9)) :time (d / date-entity :year 2000 :season (s5 / summer)))) + +(a / and :op1 (s / serve-01 :ARG0 (s2 / ship :wiki - :name (n / name :op1 "Sun" :op2 "Grisan" :op3 9)) :mod (s3 / still)) :op2 (r / report-01 :ARG1 (h / head-02 :ARG0 s2 :ARG1 (c / city :wiki "Mogadishu" :name (n2 / name :op1 "Mogadishu") :ARG0-of (h2 / have-org-role-91 :ARG1 (c2 / country :wiki "Somalia" :name (n3 / name :op1 "Somalia")) :ARG2 (c3 / capital)))) :mod (l / last)) :time (w / week :time (d / date-entity :year 2003 :month 8 :day 3))) + +(k / know-01 :polarity - :ARG1 (n / nature :poss (c / cargo :location (s / ship :wiki - :name (n2 / name :op1 "Sun" :op2 "Grisan" :op3 9))))) + +(s / secure-02 :ARG1 (e / evidence-01 :source (s2 / ship :wiki - :name (n / name :op1 "Kuwolsan"))) :location (w / warehouse :mod (m / military) :location (c / city :wiki "New_Delhi" :name (n2 / name :op1 "New" :op2 "Delhi"))) :time (a / as-of :op1 (d / date-entity :year 2003 :month 8 :day 14))) + +(s / state-01 :ARG0 (a / and :op1 (d / document :mod (c / court)) :op2 (i / interview-01 :ARG1 (a3 / and :op1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG2 (o / official))) :op2 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c3 / country :wiki "India" :name (n2 / name :op1 "India")) :ARG2 (o2 / official)))))) :ARG1 (r / reinforce-01 :ARG0 (i2 / incidence :topic (s2 / ship :wiki - :name (n3 / name :op1 "Kuwolsan"))) :ARG1 (v / view-02 :ARG1 (c4 / country :wiki "North_Korea" :name (n4 / name :op1 "North" :op2 "Korea")) :ARG2 (s3 / source-02 :ARG0 c4 :ARG1 (p / proliferate-01 :ARG0 (w2 / weapon)) :ARG2 (w / world) :mod (d2 / danger :degree (m / most)))))) + +(a / and :op1 (e / expel-01 :ARG0 (p / person :wiki "Kim_Jong-il" :name (n / name :op1 "Kim" :op2 "Jong" :op3 "Il") :ARG0-of (l / lead-02 :ARG1 (c / country :wiki "North_Korea" :name (n2 / name :op1 "North" :op2 "Korea")))) :ARG1 (p5 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (o / organization :wiki "United_Nations" :name (n3 / name :op1 "U.N.")) :ARG3 (i / inspect-01)))) :op2 (a2 / abandon-01 :ARG0 p :ARG1 (t / treaty :wiki "Treaty_on_the_Non-Proliferation_of_Nuclear_Weapons" :name (n4 / name :op1 "Nuclear" :op2 "Non-Proliferation" :op3 "Treaty"))) :op3 (d / declare-02 :ARG0 p :ARG1 (p3 / plan-01 :ARG1 (b / build-01 :ARG1 (w / weapon :mod (a3 / atom))))) :time (d2 / date-entity :year 1999)) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (i / intelligence :mod (c / country :wiki "United_States" :name (n / name :op1 "U.S."))) :ARG2 (o / official))) :ARG1 (c2 / continue-01 :ARG0 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (o2 / official :mod (c3 / country :wiki "North_Korea" :name (n2 / name :op1 "North" :op2 "Korea"))))) :ARG1 (t / trade-01 :ARG1 (t2 / technology :purpose (w / weapon :ARG2-of (d / destroy-01 :degree (m / mass)))) :mod (g / globe)) :ARG2-of (i2 / include-01 :ARG1 (i3 / instruct-01 :ARG3 (m2 / make-01 :ARG1 (m3 / missile :ARG1-of (a / advanced-02))))))) + +(c / condemn-01 :ARG0 (p / person :ARG0-of (a / administrate-01 :ARG1 (c2 / country :wiki "United_States" :name (n / name :op1 "U.S.")) :mod (s / successive))) :ARG1 (s2 / sell-01 :ARG0 (c3 / country :wiki "North_Korea" :name (n2 / name :op1 "North" :op2 "Korea")) :ARG1 (m / missile) :ARG2 (c4 / country :example (a2 / and :op1 (c5 / country :wiki "Iran" :name (n3 / name :op1 "Iran")) :op2 (c6 / country :wiki "Syria" :name (n4 / name :op1 "Syria")))))) + +(c / cause-01 :ARG0 (l / launch-01 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG1 (c2 / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")) :ARG2 (o / official))) :ARG1 (m / missile :mod (s / stage :quant 3)) :time (d / date-entity :year 1998 :month 8 :day 31)) :ARG1 (h / heighten-01 :ARG0 l :ARG1 (f / fear-01 :ARG1 (d2 / design-01 :ARG0 c2 :ARG1-of (a / advanced-02) :ARG1-of (c3 / capable-01 :ARG2 (r / reach-01 :ARG0 d2 :ARG1 (m2 / mainland :mod (c4 / country :wiki "United_States" :name (n2 / name :op1 "U.S."))))))))) + +(a / and :op1 (s / splash-01 :ARG0 (s2 / stage :ord (o / ordinal-entity :value 1)) :direction (d / down) :location (s3 / sea :wiki "Sea_of_Japan" :name (n / name :op1 "Sea" :op2 "of" :op3 "Japan"))) :op2 (c / cross-02 :ARG0 (s4 / stage :ord (o2 / ordinal-entity :value 2)) :ARG1 (i / island :mod (m / main) :part-of (c2 / country :wiki "Japan" :name (n2 / name :op1 "Japan")))) :op3 (a2 / and :op1 (b / break-up-08 :ARG1 (s5 / stage :ord (o3 / ordinal-entity :value 3))) :op2 (t / travel-01 :ARG0 s5 :ARG1 (d2 / downrange) :extent (d3 / distance-quantity :quant 3450 :unit (m2 / mile))) :op3 (f / fall-01 :ARG1 s5 :ARG4 (o4 / ocean :wiki "Pacific_Ocean" :name (n3 / name :op1 "Pacific" :op2 "Ocean"))))) + +(f / fuel-01 :ARG0 (t / test-01 :ARG1 (m / missile)) :ARG1 (w / work-01 :ARG1 (s / shield-01 :ARG2 (m2 / missile) :ARG0-of (d / defend-01 :ARG1 (c / country :wiki "United_States" :name (n / name :op1 "U.S.")))))) + +(a / and :op1 (d / defend-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")) :ARG2 (o / official))) :ARG1 (r / right-05 :ARG2 (s2 / sell-01 :ARG1 (w / weapon)))) :op2 (s / state-01 :ARG0 p :ARG1 (b / bind-01 :polarity - :ARG0 (t / treaty :mod (i / international) :ARG0-of (r2 / restrict-01 :ARG1 (t2 / trade-01 :mod (s3 / such)))) :ARG1 p))) + +(s / sell-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea")) :ARG2 (o / official))) :ARG1 (a / and :op1 (m / missile) :op2 (p / part)) :ARG2 (c2 / country :wiki "Yemen" :name (n2 / name :op1 "Yemen") :ARG0-of (r / receive-01 :ARG1 (m2 / missile :quant 15 :wiki "Scud" :name (n3 / name :op1 "Scud")) :time (a2 / after :op1 (i / intercept-01 :ARG0 (a3 / and :op1 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG1 (n7 / navy :mod (c5 / country :wiki "United_States" :name (n4 / name :op1 "U.S."))) :ARG2 (c3 / crew))) :op2 (p4 / person :ARG0-of (h3 / have-org-role-91 :ARG1 (n8 / navy :mod (c6 / country :wiki "Spain" :name (n5 / name :op1 "Spain"))) :ARG2 (c4 / crew)))) :ARG1 m :duration (b / brief) :location (o2 / off :op1 (c7 / coast :mod c2)) :time (d / date-entity :month 12 :year 1998)))))) + +(a / appear-02 :ARG1 (b / benefit-01 :ARG0 (w / weapon :mod (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea"))) :ARG1 (c2 / country :wiki "Libya" :name (n2 / name :op1 "Libya")) :time (l / late :mod (m / most)))) + +(k / know-01 :ARG1 (r / receive-01 :ARG0 (a / and :op1 (c / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :op2 (c2 / country :wiki "Pakistan" :name (n3 / name :op1 "Pakistan")) :op3 (c3 / country :wiki "Syria" :name (n4 / name :op1 "Syria")) :ARG1-of (i / include-01 :ARG2 (n / nation :mod (o / other)))) :ARG1 (h / help-01 :ARG1-of (r2 / resemble-01)))) + +(a / attest-01 :ARG0 (c / cargo :location (s / ship :wiki - :name (n / name :op1 "Kuwolsan"))) :ARG1 (e / exist-01 :ARG1 (z / zone :ARG1-of (g / gray-02) :ARG1-of (c2 / compose-01 :ARG2 (t / thing :ARG3-of (c3 / combine-01 :ARG1 (a2 / and :op1 (s2 / state :mod (w / weak)) :op2 (b / border :ARG1-of (o / open-09)) :op3 (l / lack-01 :ARG1 (c4 / control-01)) :op4 (m / market :consist-of (a3 / and :op1 (p / person :ARG0-of (b2 / buy-01 :ARG1 (w2 / weapon :ARG2-of (d / destroy-01 :degree (m2 / mass))))) :op2 (p2 / person :ARG0-of (s3 / sell-01 :ARG1 w2))))))))))) + +(d / deliver-01 :ARG1 (p / package :mod (s / small)) :frequency (s2 / sometimes) :location (l / luggage :poss (p2 / passenger :mod (i / individual) :mod (a / airline) :example (b / businessman :mod (c / country :wiki "Taiwan" :name (n / name :op1 "Taiwan")) :ARG1-of (a2 / arrest-01 :location (a3 / airport :location (c2 / city :wiki "Z??rich" :name (n2 / name :op1 "Zurich"))) :time (d2 / date-entity :year 2000) :ARG1-of (c3 / cause-01 :ARG0 (p3 / part-01 :ARG1 (m / missile :mod (c4 / country :wiki "North_Korea" :name (n3 / name :op1 "North" :op2 "Korea"))) :location (r / rucksack)))))))) + +(c / contrast-01 :ARG1 (m / move-01 :ARG1 (i / item :mod (l / large :degree (m2 / more))) :manner (f / freighter :example (s / ship :wiki - :name (n / name :op1 "Kuwolsan")))) :ARG2 (a / access-01 :ARG1 (a2 / and :op1 (i2 / information :mod (t / technical)) :op2 (d / design-01)) :medium (i3 / internet) :ARG1-of (p / possible-01))) + +(s / state-01 :ARG0 (p / person :wiki "Daniel_Pinkston" :name (n / name :op1 "Daniel" :op2 "Pinkston") :ARG0-of (h / have-org-role-91 :ARG1 (r2 / research-institute :wiki - :name (n2 / name :op1 "Center" :op2 "for" :op3 "Nonproliferation" :op4 "Studies") :part-of (r / research-institute :wiki "Monterey_Institute_of_International_Studies" :name (n3 / name :op1 "Monterey" :op2 "Institute" :op3 "of" :op4 "International" :op5 "Studies") :location (s2 / state :wiki "California" :name (n4 / name :op1 "California")))) :ARG3 (s3 / specialize-01 :ARG1 (c / country :wiki "Korea" :name (n5 / name :op1 "Korea"))))) :ARG1 (c2 / contrast-01 :ARG1 (d / difficult :domain (i / intercept-01 :ARG1 (a / and :op1 (w / weapon) :op2 (e / equipment))) :ARG1-of (c4 / contrast-01 :ARG2 (p2 / possible-01 :ARG1 i))) :ARG2 (d3 / difficult :domain (i4 / intercept-01 :ARG1 (e2 / exchange-01 :ARG0 (h2 / human) :ARG1 (a3 / and :op1 (p3 / plan-01) :op2 (d2 / data) :op3 (p4 / property :mod (i2 / intellectual)))))))) + +(d / date-entity :day 23 :month 1 :year 2007) + +(c / country :wiki "China" :name (n / name :op1 "China")) + +(a / and :op1 (i / international) :op2 (m / military) :op3 (w / weapon) :op4 (s / space) :op5 (t / technology) :op6 (g / government-organization :ARG0-of (g2 / govern-01))) + +(c2 / confirm-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (f / fire-01 :ARG0 c :ARG1 (m / missile :ARG1-of (g / guide-01)) :destination (s / space) :purpose (d3 / destroy-01 :ARG0 c :ARG1 (s2 / satellite :quant 1 :ARG1-of (i / include-91 :ARG2 (s3 / satellite :poss c))))) :time (d / date-entity :day 23 :month 1 :year 2007) :time (a / after :op1 (t / temporal-quantity :quant 12 :unit (d2 / day) :mod (s4 / silent)))) + +(c2 / cause-01 :ARG0 (t / test) :ARG1 (p / protest-01 :ARG0 (a / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :op2 (n2 / nation :mod (o / other))))) + +(c2 / confirm-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (f / fire-01 :ARG0 c :ARG1 (m / missile :ARG1-of (g / guide-01)) :destination (s / space) :purpose (d3 / destroy-01 :ARG0 c :ARG1 (s2 / satellite :quant 1 :ARG1-of (i / include-91 :ARG2 (s3 / satellite :poss c))))) :time (d / date-entity :day 23 :month 1 :year 2007) :time (a / after :op1 (t / temporal-quantity :quant 12 :unit (d2 / day) :mod (s4 / silent)))) + +(c2 / cause-01 :ARG0 (t / test) :ARG1 (p / protest-01 :ARG0 (a / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :op2 (n2 / nation :mod (o / other))))) + +(s / say-01 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n2 / name :op1 "Liu" :op2 "Jianchao") :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :wiki "Ministry_of_Foreign_Affairs_of_the_People's_Republic_of_China" :name (n / name :op1 "Foreign" :op2 "Ministry")) :ARG2 (s2 / spokesman))) :ARG1 (i / inform-01 :ARG1 (a / and :op1 (c / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States")) :op2 (g2 / government-organization :ARG0-of (g3 / govern-01) :mod (o / other))) :ARG2 (t / test :mod (s3 / secret)) :medium (c2 / channel :mod (d / diplomacy)) :time (n4 / now))) + +(s / state-01 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n / name :op1 "Liu" :op2 "Jianchao")) :ARG1 (u / use-01 :ARG1 (c2 / counter-01 :ARG0 (t / technology) :ARG1 (s2 / satellite)) :ARG1-of (m / mean-01 :polarity - :ARG2 (a / abandon-01 :ARG0 (c / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (o / oppose-01 :ARG0 c :ARG1 (u2 / use-01 :ARG0 (m2 / military) :ARG1 (s3 / space)) :mod (l / long-standing)))))) + +(s / say-01 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n / name :op1 "Liu" :op2 "Jianchao")) :ARG1 (a2 / and :op1 (t3 / target-01 :polarity - :ARG0 (t2 / test) :ARG1 (c / country :mod (a / any))) :op2 (p2 / pose-02 :polarity - :ARG0 t2 :ARG1 (t / threaten-01 :ARG2 c))) :location (b / brief-01 :ARG1 (m / ministry))) + +(s / say-01 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n / name :op1 "Liu" :op2 "Jianchao")) :ARG1 (p2 / plan-01 :polarity - :ARG0 (m / military :mod (c / country :wiki "China" :name (n2 / name :op1 "China")) :mod (s2 / secretive)) :ARG1 (t / test :mod (a / another) :mod (s3 / such)))) + +(a2 / and :op1 (d3 / destroy-01 :ARG0 (s / shoot-01 :mod (t / test) :mod (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG1 (s2 / satellite :mod (w / weather) :mod (o / overage) :location (r / relative-position :op1 (a / above :mod (p / planet :wiki "Earth" :name (n2 / name :op1 "Earth"))) :quant (d / distance-quantity :quant 537 :unit (m / mile))))) :op2 (d4 / detect-01 :ARG0 (m2 / monitor :mod (c2 / country :wiki "United_States" :name (n3 / name :op1 "U.S."))) :ARG1 s :time (d2 / date-entity :day 11 :month 1 :year 2007))) + +(r / refuse-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China")))) :ARG1 (d / discuss-01 :ARG0 g :ARG1 (i / it))) + +(r / raise-01 :ARG0 (t / test) :ARG1 (c2 / concern-01 :location (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")))) + +(i / interpret-01 :ARG0 (a / and :op1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG2 (o / official))) :op2 (p3 / person :ARG0-of (a2 / analyze-01))) :ARG1 (i2 / it) :ARG2 (s / signal-07 :ARG0 i2 :ARG1 (p / possible-01 :ARG1 (v / vulnerable :prep-to (a3 / attack-01 :ARG0 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 s2) :domain (s2 / satellite :mod (m / military) :mod (c / country :wiki "United_States" :name (n / name :op1 "U.S."))))))) + +(p / possible-01 :ARG1 (t2 / threaten-01 :ARG0 (c6 / capable-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG2 (s / shoot-down-05 :ARG1 (s2 / satellite))) :ARG1-of (a2 / add-02)) :time (e / event :mod (h / hostility :mod (o / over :mod (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan"))))) :ARG1-of (c4 / cause-01 :ARG0 (r / rely-01 :ARG0 (m / military :mod (c3 / country :wiki "United_States" :name (n3 / name :op1 "U.S."))) :ARG1 (s3 / satellite) :ARG2 (a3 / and :op1 (r2 / reconnaissance) :op2 (n4 / navigate-01) :op3 (s4 / system :ARG0-of (g / guide-01 :ARG1 (w / weapon))) :op4 (d / defense :ARG0-of (c5 / counter-01 :ARG1 (m2 / missile))))))) + +(p / possible-01 :ARG1 (t / threaten-01 :ARG0 (c3 / capable-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1-of (d / demonstrate-01 :mod (n5 / new))) :ARG1 (s2 / satellite :mod (c2 / country :wiki "Taiwan" :name (n2 / name :op1 "Taiwan")) :ARG0-of (m / monitor-01 :ARG1 (d2 / deploy-01 :ARG1 (a2 / and :op1 (m2 / missile :ARG1-of (r2 / range-01 :ARG2 (s3 / short))) :op2 (m4 / missile :ARG1-of (r3 / range-01 :ARG2 (m3 / medium))) :mod c) :ARG2 (a3 / along :op1 (s / strait :wiki "Taiwan_Strait" :name (n4 / name :op1 "Taiwan" :op2 "Strait")))))))) + +(d2 / dismay-01 :ARG0 (t / test-01 :mod (c2 / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG1 (p / person :ARG0-of (h / have-org-role-91 :ARG1 c3 :ARG2 (o / official))) :ARG1-of (c5 / cause-01 :ARG0 (a / abstain-01 :ARG0 (a2 / and :op1 (c3 / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States")) :op2 (c4 / country :wiki "Russia" :name (n4 / name :op1 "Russia"))) :ARG1 (t2 / test :mod (s / such)) :time (a3 / after :op1 (t3 / test-01 :ARG0 a2 :ARG1 (t5 / technology :ARG0-of (c6 / counter-01 :ARG1 (s2 / satellite))) :time (d / date-entity :decade 1980)))))) + +(d / decision :ARG1-of (c / cause-01 :ARG0 (d2 / destroy-01 :ARG1 (s / satellite) :ARG0-of (c2 / create-01 :ARG1 (d3 / debris :ARG0-of (d4 / damage-01 :ARG1 (s2 / satellite :location (o / orbit :location (n / nearby))) :ARG1-of (p2 / possible-01))))) :degree (p / part)) :mod (t / this)) + +(d / decline-02 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n / name :op1 "Liu")) :ARG1 (a / address-02 :ARG0 p :ARG1 (q / question-01 :ARG1 (d2 / danger :mod (t / this))))) + +(e / estimate-01 :ARG0 (p / person :ARG1-of (e2 / expert-01)) :ARG1 (c / create-01 :ARG0 (d / destroy-01 :ARG1 (s2 / satellite)) :ARG1 (f / fragment :quant (s / several :op1 100000) :mod (d2 / debris)))) + +(o / orbit-01 :ARG0 (s / satellite) :location (s2 / section :mod (s3 / space) :location-of (f / fly-01 :ARG1 (s4 / satellite :quant 125 :mod (o2 / other))))) + +(a2 / and :op1 (s / start-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (p / program :ARG0-of (m2 / modernize-01 :ARG1 (m / military)) :ARG1-of (a / accelerate-01))) :op2 (s2 / state-01 :ARG0 c :ARG1 (d / desire-01 :ARG0 c :ARG1 (p2 / possible-01 :ARG1 (c2 / compete-01 :mod (w / warfare :time (d2 / date-entity :century 21))))) :ARG1-of (r / repeat-01))) + +(i / include-01 :ARG1 (u / use-01 :ARG1 (a2 / and :op1 (s / system :mod (e / electronic)) :op2 (s2 / system :mod (i2 / information)) :ARG1-of (a / advanced-02))) :ARG2 (t / this)) + +(a2 / and :op1 (r / run-01 :ARG0 (m / military :mod (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG1 (p / program :mod (s / space) :poss c)) :op2 (i / identify-01 :ARG0 m :ARG1 (a / and :op1 (c2 / communication :ARG1-of (b / base-01 :location (s2 / space))) :op2 (s3 / system :ARG0-of (s4 / sense-01))) :ARG2 (k / key-02 :ARG1 a :ARG2 (e / effort :mod (s5 / such))))) + +(a / advocate-01 :ARG0 (p / person :ARG0-of (t2 / theorize-01 :ARG1 (m / military)) :mod (s / some) :mod (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG1 (w / warfare :mod (a2 / asymmetrical))) + +(u / use-01 :ARG1 (w / weapon :mod (p / pinpoint)) :ARG2 (d / disrupt-01 :ARG0 w :ARG1 (m / military :mod (c / country :wiki "United_States" :name (n2 / name :op1 "U.S.")) :ARG1-of (a / advanced-02 :degree (m2 / more)) :ARG1-of (e / equip-01 :mod (g / good :degree (m3 / more)))))) + +(b / believe-01 :ARG0 (p / person :ARG0-of (a / analyze-01)) :ARG1 (t / test :time (d / date-entity :day 11 :month 1 :year 2007) :part-of (p2 / program :topic (m / military :ARG1-of (m2 / modernize-01)))) :concession (d2 / declare-02 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (w / want-01 :ARG0 c :ARG1 (p3 / prevent-01 :ARG0 c :ARG1 (r / race :mod (a2 / arm) :location (s / space)))) :ARG1-of (f / frequent-02))) + +(a4 / and :op1 (r2 / repeat-01 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n / name :op1 "Liu")) :ARG1 (p2 / position-02 :ARG0 (c / country :wiki "China" :name (n2 / name :op1 "China")) :mod (l / long-standing)) :time (a / ask-01 :ARG1 (a2 / appear-01 :ARG1 (c3 / contradiction)) :ARG2 p)) :op2 (s / say-01 :ARG0 p :ARG1 (p3 / promote-02 :ARG0 c :ARG1 (a3 / and :op1 (d / deweaponize-00) :op2 (u / use-01 :ARG1 (s2 / space :mod (o / outer)) :mod (p4 / peaceful))) :mod (f / further)))) + +(a4 / and :op1 (a / advocate-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (d / develop-02 :ARG1 (s / space) :mod (p / peaceful)) :location (o / organization :wiki "United_Nations" :name (n2 / name :op1 "United" :op2 "Nations")) :mod (c2 / consistent)) :op2 (p2 / push-02 :ARG0 c :ARG1 (a2 / agree-01 :ARG1 (p3 / prevent-01 :ARG1 (b / become-01 :ARG1 c :ARG2 (t / theater :prep-for (r / race :mod (a3 / arm) :mod (n3 / new))))) :mod (i / international)))) + +(a3 / and :op1 (o / oppose-01 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG1 (s / suggest-01 :ARG0 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (c3 / conference :mod (i / international) :ARG0-of (p / pursue-01 :ARG1 (a / accord-03 :mod (s2 / such)))))) :op2 (a2 / argue-01 :ARG0 c :ARG1 (n3 / need-01 :polarity - :ARG1 c3))) + +(a / ask-01 :ARG1 (a2 / and :op1 (v / violate-01 :mode interrogative :ARG0 (t2 / test-01 :ARG0-of (c2 / counter-01 :ARG1 (s / satellite))) :ARG1 (s2 / spirit :mod (p2 / position-02 :ARG0 c :ARG1-of (p3 / proclaim-01 :ARG0 (c / country :wiki "China" :name (n3 / name :op1 "China")))))) :op2 (t3 / thing :ARG0-of (c4 / cause-01 :mode interrogative :ARG1 (k / keep-01 :ARG0 c :ARG1 (s3 / silence) :duration (t / temporal-quantity :quant 2 :unit (w / week) :mod (n6 / near)) :time (w2 / while :op1 (d / discuss-01 :ARG0 (p4 / person :ARG0-of (h / have-org-role-91 :ARG2 (o / official)) :location (a3 / around :location (w3 / world))) :ARG1 t2 :ARG0-of (b / base-02 :ARG1 (r / report-01 :ARG0 (i / intelligence :mod (c3 / country :wiki "United_States" :name (n5 / name :op1 "U.S."))))))))))) :ARG2 (p / person :wiki "Liu_Jianchao" :name (n2 / name :op1 "Liu"))) + +(s / say-01 :ARG0 (p / person :wiki "Liu_Jianchao" :name (n / name :op1 "Liu")) :ARG1 (h / have-03 :ARG0 (c / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (n3 / nothing :ARG1-of (h2 / hide-01)))) + +(r / respond-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (t / test) :ARG1-of (q / quick-02) :mod (a / after :op1 (e / express-01 :ARG0 (p / party :mod (r2 / relevance)) :ARG1 (c2 / concern-01 :ARG1 p)))) + +(s / stress-01 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (a / and :op1 (o / oppose-01 :ARG0 c :ARG1 (a3 / and :op1 (w / weaponize-01) :op2 (r / race-02 :ARG3 (a2 / arm) :location (s2 / space :mod (o2 / outer))))))) + +(c2 / change-01 :polarity - :ARG1 (p / position-02 :ARG0 (c / country :wiki "China" :name (n / name :op1 "China")))) + +(d / date-entity :year 2007 :month 2 :day 2) + +(c / country :wiki "Saudi_Arabia" :name (n / name :op1 "Saudi" :op2 "Arabia")) + +(a / and :op1 (i / international) :op2 (t / terrorism) :op3 (m / money) :op4 (c / crime-02) :op5 (r / right :mod (h / human)) :op6 (g / government-organization :ARG0-of (g2 / govern-01)) :op7 (p / politics)) + +(s / say-01 :ARG0 (g2 / government-organization :wiki "Ministry_of_Interior_(Saudi_Arabia)" :name (n3 / name :op1 "Interior" :op2 "Ministry")) :ARG1 (a / and :op1 (a2 / arrest-01 :ARG0 (p / police :mod (c / country :wiki "Saudi_Arabia" :name (n / name :op1 "Saudi" :op2 "Arabia"))) :ARG1 (m / man :quant 10)) :op2 (a3 / accuse-01 :ARG0 p :ARG1 m :ARG2 (c3 / collect-01 :ARG0 m :ARG1 (t / thing :ARG1-of (d / donate-01)) :purpose (f / fund-01 :ARG0 m :ARG1 (a4 / act-02 :mod (t2 / terrorist) :location (o / outside :op1 c))))))) + +(s / say-01 :ARG0 (a2 / and :op1 (l / lawyer) :op2 (p / person :ARG0-of (d / dissent-01) :mod (p2 / prominence))) :ARG1 (a3 / activist :mod (d2 / democracy) :mod (c2 / country :wiki "Saudi_Arabia" :name (n2 / name :op1 "Saudi" :op2 "Arabia")) :domain (m / man :ARG1-of (i / include-91 :ARG2 (m2 / man)) :quant (a / at-least :op1 7)) :ARG1-of (a4 / arrest-01 :purpose (a5 / attempt-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1 (a6 / abort-01 :ARG0 g :ARG1 (w / work-01 :ARG0 m :ARG1 (r / right :mod (c / civic)))))))) + +(s / say-01 :ARG0 (g2 / government-organization :wiki "Ministry_of_Interior_(Saudi_Arabia)" :name (n3 / name :op1 "Interior" :op2 "Ministry")) :ARG1 (a / and :op1 (a2 / arrest-01 :ARG0 (p / police :mod (c2 / country :wiki "Saudi_Arabia" :name (n4 / name :op1 "Saudi" :op2 "Arabia"))) :ARG1 (m / man :quant 10)) :op2 (a3 / accuse-01 :ARG0 p :ARG1 m :ARG2 (c3 / collect-01 :ARG0 m :ARG1 (t / thing :ARG1-of (d / donate-01)) :purpose (f / fund-01 :ARG0 m :ARG1 (a4 / act-02 :mod (t2 / terrorist)) :location (o / outside :op1 c2)))))) + +(s / say-01 :ARG0 (a2 / and :op1 (l / lawyer) :op2 (p / person :ARG0-of (d / dissent-01) :mod (p2 / prominence))) :ARG1 (a3 / activist :mod (d2 / democracy) :mod (c2 / country :wiki "Saudi_Arabia" :name (n2 / name :op1 "Saudi" :op2 "Arabia")) :domain (m / man :ARG1-of (i / include-91 :ARG2 (m2 / man)) :quant (a / at-least :op1 7)) :ARG1-of (a4 / arrest-01 :purpose (a5 / attempt-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1 (a6 / abort-01 :ARG0 g :ARG1 (w / work-01 :ARG0 m :ARG1 (r / right :mod (c / civic)))))))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Matrouk" :op2 "al-Faleh")) :ARG1 (w / wait-01 :ARG1 (m / man :quant 7) :ARG2 (a / approve-01 :ARG0 (g2 / government-organization :ARG0-of (g3 / govern-01)) :ARG1 (s2 / set-up-03 :ARG0 m :ARG1 (g4 / group :mod (r / right :mod (c / civic))))))) + +(a2 / and :op1 (l / lawyer) :op2 (p / person :ARG0-of (h / have-org-role-91 :ARG2 (p2 / professor))) :ARG1-of (i / include-91 :ARG2 (m3 / man)) :quant (m / most)) + +(j / jail-01 :ARG1 (p2 / person :wiki - :name (n2 / name :op1 "Al-Faleh")) :ARG3 (c / call-03 :ARG0 p2 :ARG1 (d3 / democracy :mod (m / more) :location (k / kingdom))) :time (d2 / date-entity :year 2004)) + +(p / plan-01 :ARG0 (m2 / man) :ARG1 (p2 / present-01 :ARG0 m2 :ARG1 (l / list :consist-of (p3 / person :quant (m3 / more-than :op1 40) :ARG1-of (r / represent-01 :polarity - :ARG1-of (l2 / legal-02)) :ARG0-of (d / defend-01 :ARG1-of (i / intend-01 :ARG0 m2)) :ARG0-of (i2 / imprison-01))) :ARG2 (a / authority))) + +(s / say-01 :ARG0 (p3 / person :wiki - :name (n3 / name :op1 "Al-Faleh")) :ARG1 (a / and :op1 (c / cover-up-04 :ARG0 (a2 / allege-01 :ARG1 (t / terrorist :domain p3))) :op2 (u / use-01 :ARG1 a2 :ARG2 (a3 / arrest-01 :ARG1 p3)))) + +(a / attempt-01 :ARG1 (a2 / abort-01 :ARG1 (w2 / work-01 :ARG1 (r / right) :mod (c / civic) :ARG1-of (p / plan-01 :ARG0 (a3 / authority)))) :mod (t / this)) + +(a / and :op1 (g2 / go-01 :ARG1 (p2 / police) :ARG4 (h / house :location (b / beach) :location (c2 / city :wiki "Jeddah" :name (n5 / name :op1 "Jiddah")) :poss (l / lawyer :wiki - :name (n6 / name :op1 "Essam" :op2 "Basrawi"))) :time (d / date-entity :dayperiod (n2 / night) :weekday (f / friday))) :op2 (a2 / arrest-01 :ARG0 p2 :ARG1 (a3 / and :op1 l :op2 (m / man :quant 5 :mod (c3 / country :wiki "Saudi_Arabia" :name (n8 / name :op1 "Saudi" :op2 "Arabia")) :mod (o / other))))) + +(s / say-01 :ARG0 (p4 / person :wiki - :name (n6 / name :op1 "Bassim" :op2 "Alim")) :ARG1 (a / arrest-01 :ARG1 (b / businessman :wiki - :name (n7 / name :op1 "Abdul-Aziz" :op2 "Al-Khereiji") :mod (c / country :wiki "Saudi_Arabia" :name (n / name :op1 "Saudi" :op2 "Arabia"))) :location (c2 / checkpoint) :time (d / drive-01 :ARG0 b :accompanier (p / person :ARG0-of (h / have-rel-role-91 :ARG1 b :ARG2 (w / wife))) :destination (c3 / city :wiki "Jeddah" :name (n8 / name :op1 "Jiddah"))))) + +(a / attorney :domain (p / person :wiki - :name (n / name :op1 "Alim")) :ARG0-of (r / represent-01 :ARG1 (p3 / person :quant 4 :ARG1-of (i / include-91 :ARG2 (p2 / person :ARG1-of (d2 / detain-01)))))) + +(d / detain-01 :ARG1 (p / person :ARG0-of (a / assist-01 :ARG1 (p3 / person :wiki - :name (n / name :op1 "Basrawi")) :ARG1-of (p2 / personal-02 :ARG2 p3)) :mod (c2 / country :wiki "Morocco" :name (n3 / name :op1 "Morocco"))) :mod (a2 / also)) + +(i / information :polarity - :topic (i2 / identity :poss (m / man :quant 2 :mod (o / other)))) + +(t / tell-01 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :wiki "Ministry_of_Interior_(Saudi_Arabia)" :name (n / name :op1 "Interior" :op2 "Ministry")) :ARG2 (s / spokesman))) :ARG1 (i / involve-01 :ARG1 (m / man :ARG1-of (a / arrest-01)) :ARG2 (f / finance-01 :ARG0 m :ARG1 (p / person :ARG0-of (r / recruit-01) :ARG0-of (s2 / sign-up-03 :ARG1 (p2 / person :mod (c2 / country :wiki "Saudi_Arabia" :name (n4 / name :op1 "Saudi" :op2 "Arabia")) :mod (y / young)) :ARG3 (g2 / go-02 :ARG0 p2 :ARG4 (a2 / area :mod (t2 / turbulence))))))) :ARG2 (n3 / newspaper :ARG1-of (l / local-02))) + +(r / refer-01 :ARG0 (t / that) :ARG1 (c2 / country :wiki "Iraq" :name (n2 / name :op1 "Iraq")) :manner (g / general-02)) + +(s / say-01 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (s2 / spokesman))) :ARG1 (f / find-01 :ARG1 (c / cash :quant (a / amount :mod (s3 / sizable))) :time (s4 / search-01 :ARG1 (h / home :poss (m / man))))) + +(a / and :op1 (c2 / cross-02 :ARG0 (r / radical :mod (y / young) :quant (m / many) :mod (c / country :wiki "Saudi_Arabia" :name (n2 / name :op1 "Saudi" :op2 "Arabia"))) :location (b / border-01 :ARG1 (c4 / country :wiki "Iraq" :name (n4 / name :op1 "Iraq")) :ARG2 (k / kingdom) :ARG1-of (l / long-03) :mod (p / pore))) :op2 (j / join-up-02 :ARG0 r :ARG1 (i / insurgent :mod (r2 / religious-group :wiki "Sunni_Islam" :name (n / name :op1 "Sunni" :op2 "Islam"))) :location (t / there))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Alim")) :ARG1 (a / and :op1 (b / base-02 :polarity - :ARG1 (a3 / accuse-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))) :op2 (r / reformist :ARG1-of (k / know-02 :degree (g3 / good)) :ARG1-of (c / connect-01 :polarity - :ARG2 (t / terrorism)) :domain (p / person :ARG0-of (h / have-rel-role-91 :ARG1 p2 :ARG2 (c2 / client)))))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n4 / name :op1 "Alim")) :ARG1 (p / possible-01 :ARG1 (r / raise-02 :ARG0 (m / man) :ARG1 (f / fund) :ARG2 (o / or :op1 (r2 / refugee :mod (c / country :wiki "State_of_Palestine" :name (n / name :op1 "Palestine"))) :op2 (r3 / refugee :mod (c2 / country :wiki "Iraq" :name (n2 / name :op1 "Iraq"))))))) + +(w / warn-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1 (o / or :op1 (g3 / gather-03 :polarity - :ARG0 m) :op2 (w2 / write-01 :polarity - :ARG0 m :ARG1 (p / petition))) :ARG2 (m / man) :ARG1-of (r / repeat-01) :ARG1-of (c / cause-01 :ARG0 (f / fear-01 :ARG0 (a / authority) :ARG1 (r2 / rise-01 :ARG1 (m2 / movement-07 :ARG1 (r3 / reform-01 :mod (p2 / politics)) :mod (n / new)))))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Alim")) :ARG1 (w / want-01 :polarity - :ARG0 (m / man) :ARG1 (m2 / movement-07 :ARG1 (r / reform-01) :ARG1-of (o / organize-01) :mod (k / kind :mod (a / any))))) + +(t / try-01 :ARG0 (m / man) :ARG1 (s / stop-01 :ARG0 m :ARG1 (c / call-03 :ARG1 (r / reform-01) :ARG1-of (o / organize-01)))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Alim")) :ARG1 (a / and :op1 (s2 / search-01 :ARG0 (p3 / police) :ARG1 (h / home :poss (m / man)) :manner (l / law :polarity -) :manner (w / warrant :polarity -)) :op2 (s3 / seize-01 :ARG0 p3 :ARG1 (a2 / and :op1 (f / file) :op2 (b / book) :op3 (c / computer))))) + +(b / be-temporally-at-91 :ARG1 (t / this) :ARG2 (a / after :op1 (d / date-entity :year 2002 :month 2 :day 2 :dayperiod (m / midnight)))) + +(a / allow-01 :polarity - :ARG1 (s / see-01 :ARG0 (a2 / and :op1 (p / person :wiki - :name (n / name :op1 "Alim")) :op2 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (f / family) :ARG2 (m / member)))) :ARG1 (m2 / man :ARG1-of (a3 / arrest-01)))) + +(k / know-01 :polarity - :ARG0 (p2 / person :wiki - :name (n2 / name :op1 "Faleh")) :ARG1 (t / thing :ARG0-of (c / cause-01 :ARG1 (a / and :op1 (a2 / allow-01 :polarity - :ARG1 (l / lawyer) :beneficiary (t2 / they)) :op2 (c2 / charge-05 :polarity - :ARG1 t2 :ARG1-of (p / public-02)) :op3 (s / show-01 :polarity - :ARG1 (o / or :op1 (p3 / proof) :op2 (t3 / thing :ARG0-of (e / evidence-01))) :ARG2 t2))) :condition (g / guilty-01 :ARG1 t2 :ARG2 (c3 / crime-02)))) + +(a / arrest-01 :ARG0-of (t / target-01 :ARG1 (a2 / activist :mod (d / democracy)) :time (s / since :op1 (t2 / take-01 :ARG0 (p / person :wiki "Abdullah_II_of_Jordan" :name (n / name :op1 "Abdullah") :ARG0-of (m2 / mind-04 :ARG1 (r / reform-01)) :ARG0-of (h / have-org-role-91 :ARG2 (k / king))) :ARG1 (t4 / throne) :time (d2 / date-entity :year 2005)) :op2 (p2 / pardon-01 :ARG0 p :ARG1 (a3 / and :op1 (p3 / person :wiki - :name (n2 / name :op1 "Faleh")) :op2 (a4 / activist :quant 2 :mod (o2 / other) :ARG0-of (l / lead-01) :ARG0-of (s2 / spend-02 :ARG1 (t3 / temporal-quantity :quant 18 :unit (m / month)) :location (p4 / prison))))))) :ord (o / ordinal-entity :value 1)) + +(s / sign-01 :ARG0 (m / man :quant 12 :mod (o / other) :ARG1-of (a / arrest-01 :accompanier (t / they) :time (d2 / date-entity :year 2004 :month 3))) :ARG1 (s2 / statement :medium-of (p / pledge-01 :ARG0 m :ARG2 (s3 / stop-01 :ARG0 m :ARG1 (l / lobby-01 :ARG1 (f / free-04 :ARG3 (p2 / politics))))))) + +(a / and :op1 (r / refuse-01 :ARG0 (a2 / and :op1 (p2 / person :wiki - :name (n2 / name :op1 "Faleh")) :op2 (p / person :quant 2 :mod (o / other))) :ARG1 (s / sign-01 :ARG0 a2)) :op2 (d / demand-01 :ARG0 a2 :ARG1 (a3 / and :op1 (r2 / represent-01 :ARG1 a2 :ARG1-of (l / legal-02)) :op2 (t / try-02 :ARG1-of (p3 / public-02))))) + +(a / allow-01 :ARG0 (l2 / law :mod (c / country :wiki "Saudi_Arabia" :name (n / name :op1 "Saudi" :op2 "Arabia"))) :ARG1 (a2 / and :op1 (d / defend-01 :ARG1-of (l / legal-02)) :op2 (t / try-02 :ARG1-of (p / public-02))) :concession-of (a3 / apply-02 :ARG1 a2 :ARG1-of (r / rare-02))) + +(g / go-02 :ARG0 (d / defendant :quant (m / most)) :ARG4 (c / court) :prep-without (a / attorney)) + +(a / and :op1 (m / monarchy :domain (c2 / country :wiki "Saudi_Arabia" :name (n2 / name :op1 "Saudi" :op2 "Arabia")) :mod (a2 / absolute)) :op2 (h / have-03 :ARG0 c2 :ARG1 (c3 / council :ARG0-of (c / consult-01) :ARG1-of (a3 / appoint-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))))) + +(c / carry-out-03 :ARG0 (i / it) :ARG1 (e / elect-01 :mod (c2 / city) :ARG1-of (l / limit-01)) :time (d2 / date-entity :year 2005)) + +(c / continue-01 :ARG0 (k / kingdom) :ARG1 (t / tolerate-01 :ARG0 k :ARG1 (o / oppose-01 :mod (p2 / politics)) :degree (l / little)) :concession (p3 / progress-01 :ARG1 (p / person :wiki "Abdullah_II_of_Jordan" :name (n / name :op1 "Abdullah")) :ARG4 (r / reform-01) :manner (s / slow))) + +(a / and :op1 (i / impose-01 :ARG0 (i2 / it) :ARG1 (l / limit :mod (s / strict)) :ARG2 (f / free-04 :ARG3 (e / express-01))) :op2 (b / ban-01 :ARG0 i2 :ARG1 (a2 / and :op1 (g / gather-03 :ARG1-of (p / public-02)) :op2 (p2 / party :mod (p3 / politics))))) + +(a / and :op1 (l / lawyer :domain (p2 / person :wiki "Suliman_al-Reshoudi" :name (n2 / name :op1 "Sulaiman" :op2 "Al-Rushoodi") :ARG1-of (i / include-91 :ARG2 (g2 / group :consist-of (a2 / activist :ARG1-of (d2 / detain-01 :time (d3 / date-entity :year 2004))))))) :op2 (h / have-org-role-91 :ARG0 p2 :ARG3 (j / judge-01) :time (f / former))) + +(i / include-91 :ARG1 (p / person :wiki "Suliman_al-Reshoudi" :name (n / name :op1 "Al-Rushoodi")) :ARG2 (m / man :ARG1-of (a / arrest-01 :time (d / date-entity :year 2002 :month 2 :day 2)))) + +(r / release-01 :ARG1 (p / person :wiki "Suliman_al-Reshoudi" :name (n2 / name :op1 "Al-Rushoodi")) :time (l2 / late :op1 (s2 / several :op1 (t2 / temporal-quantity :quant 1 :unit (w2 / week))) :degree (m2 / more)) :time (a / after :op1 (p2 / pledge-01 :ARG0 p :ARG2 (a2 / address-03 :ARG0 p :ARG1 (t / thing :ARG1-of (d / demand-01 :ARG0 p)) :ARG2 (a3 / authority) :mod (s / sole))))) + +(j / join-01 :ARG0 (p / person :wiki "Suliman_al-Reshoudi" :name (n2 / name :op1 "Al-Rushoodi")) :ARG1 (t / team :ARG0-of (d / defend-01 :ARG1 (a2 / activist :quant 3 :ARG1-of (b3 / be-located-at-91 :ARG2 (b / behind :op1 (b2 / bar)) :time (s / still)))))) + +(a / activist :domain (p / person :wiki - :name (n / name :op1 "Basrawi")) :mod (p2 / prominent) :ARG0-of (h / help-01 :ARG1 (d / draft-01 :ARG1 (p3 / petition) :ARG1-of (a2 / address-01 :ARG2 (g / government-organization :ARG0-of (g2 / govern-01)))) :time (p4 / period :mod (v / vibrant) :time-of (a3 / activism :mod (p5 / politics)) :time (b / before :op1 (a4 / arrest-01 :time (d3 / date-entity :year 2004)))))) + +(a / announce-01 :ARG0 (g2 / government-organization :wiki "Consultative_Assembly_of_Saudi_Arabia" :name (n3 / name :op1 "Consultative" :op2 "Shura" :op3 "Council")) :ARG1 (c / consider-02 :ARG0 g2 :ARG1 (l / law :ARG0-of (p / permit-01 :ARG1 (s / set-up-03 :ARG1 (g3 / group :mod (r2 / right :mod (c2 / civic)) :ARG1-of (a2 / allow-01 :polarity - :location (k / kingdom) :time (c4 / current))))))) :time (r / recent)) + +(c2 / contrast-01 :ARG1 (h / have-03 :ARG0 (c3 / country :wiki "Saudi_Arabia" :name (n2 / name :op1 "Saudi" :op2 "Arabia")) :ARG1 (c4 / committee :quant 2 :mod (r / right :mod (h2 / human)) :ARG1-of (a / appoint-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01))))) :ARG2 (b / ban-01 :ARG0 c3 :ARG1 (a2 / and :op1 (o / organization :mod r) :op2 (o2 / organization :mod (r3 / right :mod (c / civil))) :ARG0-of (d / depend-01 :polarity -)))) + +(d2 / date-entity :year 2007 :month 5 :day 14) + +(a / and :op1 (c3 / country :wiki "China" :name (n5 / name :op1 "China")) :op2 (c4 / country :wiki "Nigeria" :name (n6 / name :op1 "Nigeria"))) + +(a / and :op1 (i / international) :op2 (t / telecom) :op3 (b / business) :op4 (s / space) :op5 (g / government-organization :ARG0-of (g2 / govern-01)) :op6 (t2 / technology)) + +(a / and :op1 (b / build-01 :ARG0 (c3 / country :wiki "China" :name (n3 / name :op1 "China")) :ARG1 (s / satellite :purpose (c4 / communicate-01) :beneficiary (c5 / country :wiki "Nigeria" :name (n4 / name :op1 "Nigeria")))) :op2 (l / launch-01 :ARG0 c3 :ARG1 s)) + +(d / demonstrate-01 :ARG0 (s / satellite) :ARG1 (s2 / skill :ARG1-of (i / increase-01) :prep-in (t / technology :mod (s3 / space)) :mod (c / country :wiki "China" :name (n / name :op1 "China")))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c5 / country :wiki "China" :name (n5 / name :op1 "China")) :ARG2 (o / official))) :ARG1 (l / launch-01 :ARG0 c5 :ARG1 (s2 / satellite :purpose (c6 / communicate-01) :ARG1-of (m / manufacture-01 :ARG0 c5)) :destination (o2 / orbit) :prep-on-behalf-of (c7 / country :wiki "Nigeria" :name (n6 / name :op1 "Nigeria"))) :time (d2 / date-entity :year 2007 :month 5 :day 14)) + +(s / state-01 :ARG0 (p3 / person :ARG0-of (h / have-org-role-91 :ARG1 (c3 / country :wiki "China" :name (n5 / name :op1 "China")) :ARG2 (o / official))) :ARG1 (p / provide-01 :ARG0 (s2 / satellite :mod (g / geostationary)) :ARG1 (s3 / service :mod (c4 / communicate-01)) :location (a / and :op1 (c5 / continent :wiki "Africa" :name (n6 / name :op1 "Africa")) :op2 (p2 / part :part-of (a2 / and :op1 (w3 / world-region :wiki "Middle_East" :name (n7 / name :op1 "Middle" :op2 "East")) :op2 (w / world-region :wiki "Southern_Europe" :name (n / name :op1 "Southern" :op2 "Europe"))))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG2 (o / official))) :ARG1 (a / and :op1 (o2 / operate-01 :ARG1 (s2 / satellite) :time (e / end-01 :ARG1 (d / date-entity :year 2007))) :op2 (e3 / expect-01 :ARG1 (l / last-01 :ARG1 s2 :ARG2 (t2 / temporal-quantity :quant 15 :unit (y2 / year))))) :mod (a2 / also)) + +(m / manage-01 :ARG1 (s / satellite) :source (s2 / station :location (c / city :wiki "Abuja" :name (n / name :op1 "Abuja") :location (c2 / country :wiki "Nigeria" :name (n2 / name :op1 "Nigeria"))) :mod (c3 / control-01))) + +(m / mark-01 :ARG0 (l / launch-01 :mod (t / this)) :ARG1 (a / and :op1 (b / build-01 :ARG0 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (s / satellite :purpose (c3 / commerce))) :op2 (p / put-01 :ARG0 c2 :ARG1 s :ARG2 (o2 / orbit)) :ARG1-of (c / contract-02 :ARG0 c2 :ARG2 (c4 / country :mod (a2 / another))) :ord (o / ordinal-entity :value 1))) + +(l / launch-01 :time (b / before :op2 (d3 / date-entity :year 2007 :month 5 :day 14 :dayperiod (d / dawn))) :ARG1-of (n2 / near-02 :ARG2 (c / center :wiki "Xichang" :name (n4 / name :op1 "Xichang") :mod (s / space) :location (p / province :wiki "Sichuan" :name (n / name :op1 "Sichuan") :location (s2 / southwest))))) + +(v / view-02 :ARG0 (p2 / person :quant (s / some)) :ARG1 (l / launch-01) :ARG2 (s2 / signal-07 :ARG0 l :ARG1 (a / and :op1 (s3 / skill :ARG1-of (i / increase-01) :mod (c / country :wiki "China" :name (n / name :op1 "China")) :prep-in (t / technology :mod (s4 / space))) :op2 (d / determine-01 :ARG0 c :ARG1 (i2 / include-91 :ARG1 c :ARG2 (p / power :mod (g / great) :location (w / world) :ARG0-of (s5 / seek-01 :ARG1 (u / utilize-01 :ARG0 p :ARG1 (r / reach :poss (s6 / space :mod (o / outer))) :purpose (b / benefit-01 :ARG1 (e / earth)))))))) :mod (a3 / another))) + +(w / worry-01 :ARG0 (p / progress-01 :ARG1 (p2 / program :mod (s / space) :mod (c4 / country :wiki "China" :name (n4 / name :op1 "China"))) :manner (r / rapid)) :ARG1 (c5 / country :wiki "United_States" :name (n5 / name :op1 "United" :op2 "States")) :ARG1-of (c6 / cause-01 :ARG0 (a / and :op1 (r2 / run-01 :ARG0 (m / military) :ARG1 p2) :op2 (e / emphasize-01 :ARG0 c4 :ARG1 (w2 / warfare :mod (i / information) :ARG1-of (b / base-01 :location s)) :time (r3 / recent))))) + +(i / intensify-01 :ARG1 (c / concern-01) :ARG1-of (f / follow-01 :ARG2 (t / test-01 :ARG1 (f2 / fire-01 :ARG1 (m / missile :ARG0-of (c2 / counter-01 :ARG1 (s2 / satellite))) :ARG1-of (s / succeed-01)) :time (d2 / date-entity :year 2007 :month 1 :day 11)))) + +(s / state-01 :ARG0 (p / person :ARG0-of (a / analyze-01) :quant (s2 / some)) :ARG1 (d / demonstrate-01 :ARG0 (t / test-01 :ARG1 (f / fire-01)) :ARG1 (r / risk-01 :ARG2 (s3 / satellite :quant (m / many) :ARG1-of (r2 / rely-01 :ARG0 (f2 / force :mod (m2 / military) :mod (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States"))) :ARG2 (a2 / and :op1 (n3 / navigate-01) :op2 (g / guide-01 :ARG1 (w / weapon)))))))) + +(s / send-01 :ARG0 (a / agency :mod (s2 / space) :mod (c2 / country :wiki "China" :name (n3 / name :op1 "China"))) :ARG1 (a2 / astronaut :quant 2) :ARG2 (o2 / orbit) :time (d2 / date-entity :year 2005 :month 10) :subevent-of (s4 / spaceflight :ARG1-of (m / man-01) :poss a :ord (o3 / ordinal-entity :value 2))) + +(a / adopt-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c2 / country :wiki "China" :name (n2 / name :op1 "China")))) :ARG1 (p / plan :duration (t2 / temporal-quantity :quant 10 :unit (y2 / year)) :purpose (e / explore-01 :ARG0 g :ARG1 (s / space) :ARG1-of (e2 / expand-01))) :time (d2 / date-entity :year 2007 :month 5 :day 7)) + +(i / include-01 :ARG1 (a / and :op1 (f / fly-01 :ARG1-of (m / man-01) :quant (m2 / more)) :op2 (p / probe-01 :ARG1 (a2 / and :op1 (m4 / moon) :op1 (b / beyond :op1 m4)) :ARG1-of (m3 / man-01 :polarity -))) :ARG2 (p2 / plan)) + +(s / state-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "China" :name (n3 / name :op1 "China")) :ARG2 (o / official))) :ARG1 (r2 / represent-01 :ARG0 (c3 / challenge-01 :mod (c / commerce)) :ARG1 (l / launch-01 :ARG1 (p / product :wiki "NigComSat-1" :name (n4 / name :op1 "Nigcomsat-1") :location (r / rocket :wiki "Long_March_3B" :name (n / name :op1 "Long" :op2 "March" :op3 3 :op4 "B"))) :time (d3 / date-entity :year 2007 :month 3 :day 14)))) + +(s / see-01 :ARG0 (p / person :quant (s2 / some)) :ARG1 (s3 / symbolize-01 :ARG1 (l / launch-01) :ARG2 (n / network :ARG1-of (b / broad-02) :mod (c / country :wiki "China" :name (n2 / name :op1 "China")) :consist-of (r / relation-03 :ARG0 c :ARG1 (e / economy) :ARG2 (c2 / continent :wiki "Africa" :name (n3 / name :op1 "Africa")))))) + +(s / state-01 :ARG0 (p3 / publication :wiki "Xinhua_News_Agency" :name (n6 / name :op1 "New" :op2 "China" :op3 "News" :op4 "Agency") :mod (o / official)) :ARG1 (r / represent-01 :ARG0 (s2 / satellite) :ARG1 (w / wish-01 :ARG0 (c5 / country :wiki "China" :name (n7 / name :op1 "China")) :ARG1 (a / and :op1 (c6 / cooperate-01 :ARG0 c5 :ARG1 (c7 / country :ARG1-of (d / develop-02)) :ARG2 (u / use-01 :ARG0 c5 :ARG1 (s3 / space :mod (o2 / outer)) :manner (p2 / peaceful))) :op2 (p / promote-02 :ARG0 c5 :ARG1 (r2 / relation-03 :ARG0 c5 :ARG1 (c8 / close :degree (m / more)) :ARG2 (c2 / continent :wiki "Africa" :name (n / name :op1 "Africa")))))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Hammed" :op2 "Rufai") :ARG0-of (h2 / have-org-role-91 :ARG1 (p2 / project :topic (p3 / product :wiki "NigComSat-1" :name (n2 / name :op1 "Nigcomsat-1"))) :ARG2 (d / director :mod (c / country :wiki "Nigeria" :name (n3 / name :op1 "Nigeria"))) :ARG3 (m / manage-01 :ARG0 p))) :ARG1 (b / break-through-26 :ARG0 (l / launch-01) :ARG1 (e / end-01 :ARG1 (r / rely-01 :ARG1 (o / oil) :manner (e2 / exclusive-02))) :ARG1-of (c4 / cause-01 :ARG0 (h / help-01 :ARG0 (s2 / satellite) :ARG1 (m2 / move-01 :ARG0 c :ARG2 (i / industry :ARG1-of (b2 / base-02 :ARG2 (k / knowledge)))) :ARG2 c)))) + +(s / state-01 :ARG0 (p3 / publication :wiki "Xinhua_News_Agency" :name (n4 / name :op1 "New" :op2 "China" :op3 "News" :op4 "Agency") :mod (o / official)) :ARG1 (s2 / secure-01 :ARG0 (c3 / country :wiki "China" :name (n5 / name :op1 "China")) :ARG1 (c4 / contract :ARG1-of (c5 / cost-01 :ARG2 (m2 / monetary-quantity :quant 311000000 :unit (d3 / dollar)))) :time (d4 / date-entity :year 2004) :subevent-of (p / process-02 :ARG1 (b / bid-01 :ARG0 c3 :ARG1 c4) :ARG1-of (p2 / participate-01 :ARG0 (c6 / company :quant 21 :mod (o2 / other)))))) + +(s / state-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Wang" :op2 "Haibo") :ARG0-of (h / have-org-role-91 :ARG1 (c / company :wiki - :name (n2 / name :op1 "Great" :op2 "Wall" :op3 "Industry" :op4 "Corporation")) :ARG2 (p4 / president))) :ARG1 (p2 / put-01 :ARG0 (c4 / contract :mod (c5 / country :wiki "Nigeria" :name (n6 / name :op1 "Nigeria"))) :ARG1 (c6 / country :wiki "China" :name (n7 / name :op1 "China")) :ARG2 (l / list :mod (s2 / short) :consist-of (c7 / country :ARG0-of (b / build-01 :ARG1 (s3 / satellite :beneficiary (n3 / nation :mod (o / other))) :ARG1-of (p3 / possible-01)) :ARG0-of (l2 / launch-01 :ARG1 s3 :mod p3) :ARG0-of (m / maintain-01 :ARG1 s3 :mod p3))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG2 (o / official))) :ARG1 (s2 / sign-02 :ARG1 (c / contract-02 :ARG1 (l / launch-01 :time (f / future)) :quant (a2 / about :op1 30) :ARG1-of (r / resemble-01)))) + +(a / and :op1 (l / launch-01 :ARG0 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (s / satellite) :beneficiary (c3 / country :mod (o / other)) :ARG1-of (f / frequent-02) :time (a2 / after :op1 (m / manufacture-01 :ARG1 s :location (e / elsewhere))) :time (d / date-entity :decade 1990)) :op2 (a3 / acquire-01 :ARG0 c2 :ARG1 (r / repute-01 :ARG1 c2 :ARG2 (p / provide-01 :ARG0 c2 :ARG1 (s2 / service :mod (s3 / such)) :ARG1-of (c / cheap-02 :degree (m2 / more) :compared-to (c5 / country :ARG1-of (c6 / capable-01 :ARG2 (l2 / launch-01)) :mod (o2 / other))))))) + +(t2 / try-01 :ARG0 (c4 / country :wiki "China" :name (n4 / name :op1 "China")) :ARG1 (e / establish-01 :ARG0 c4 :ARG1 (r / relation-03 :ARG0 c4 :ARG1 (c5 / commerce) :ARG2 (n5 / nation :ARG0-of (p2 / produce-01 :ARG1 (o / oil)) :example (c6 / country :wiki "Nigeria" :name (n6 / name :op1 "Nigeria")))) :time (g / grow-01 :ARG1 (e2 / economy :mod c4) :ARG2 (r2 / rate-entity-91 :ARG1 (n / nearly :op1 (p3 / percentage-entity :value 10)) :ARG2 (t / temporal-quantity :quant 1 :unit (y2 / year)))))) + +(s / state-01 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (o / official)) :quant (s2 / some)) :ARG1 (h / hope-01 :ARG0 (c3 / country :wiki "Nigeria" :name (n3 / name :op1 "Nigeria")) :ARG1 (s3 / sell-01 :ARG0 c3 :ARG1 (b / band :mod (c4 / communicate-01)) :ARG2 (c5 / country :location (c6 / continent :wiki "Africa" :name (n4 / name :op1 "Africa")) :ARG1-of (n5 / neighbor-01))))) + +(h / have-org-role-91 :ARG0 (c3 / city :wiki "Abuja" :name (n3 / name :op1 "Abuja")) :ARG1 (c4 / country :wiki "Nigeria" :name (n4 / name :op1 "Nigeria")) :ARG2 (c2 / capital)) + +(d2 / date-entity :year 2007 :month 6 :day 9) + +(c2 / country :wiki "Mexico" :name (n / name :op1 "Mexico")) + +(a / and :op1 (i / international) :op2 (c / crime-02) :op3 (a2 / and :op1 (w / war) :op2 (c2 / conflict-01))) + +(k / kill-01 :ARG1 (p / person :quant (a2 / at-least :op1 46)) :time (b / by :op1 (e / end-01 :ARG1 (w / week)))) + +(a8 / and :op1 (a / attack-01 :quant (m / multiple) :ARG2-of (i / include-01 :ARG1 (a2 / and :op1 (a3 / assault-01 :instrument (g / grenade :mod (h / hand))) :op2 (d / decapitate-01)))) :op2 (v / victim :domain (a6 / and :op1 (p / police) :op2 (p4 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (a4 / agent :mod (f / federal)))) :op3 (p2 / person :ARG0-of (t / traffic-01 :ARG1 (d2 / drug)) :ARG0-of (r / rival-01))) :mod (p3 / principal))) + +(c2 / continue-01 :ARG1 (w / war-01 :ARG0 (c / country :wiki "Mexico" :name (n / name :op1 "Mexico")) :ARG2 (t2 / traffic-01 :ARG1 (d / drug))) :time (f / funeral :poss (b / boy :age (t3 / temporal-quantity :quant 10 :unit (y2 / year))))) + +(d / die-01 :ARG1 (b / boy) :ARG1-of (c / cause-01 :ARG0 (a / accident :mod (d2 / drown-02) :ARG1-of (r / relate-01 :polarity - :ARG2 (t / traffic-01 :ARG1 (d3 / drug)))))) + +(h / have-rel-role-91 :ARG0 (p2 / person :wiki "Miguel_??ngel_F??lix_Gallardo" :name (n / name :op1 "Miguel" :op2 "Angel" :op3 "Felix" :op4 "Gallardo")) :ARG1 (b / boy) :ARG2 (g / grandfather)) + +(p2 / person :ARG0-of (f2 / found-01 :ARG1 (c / criminal-organization :wiki "Tijuana_Cartel" :name (n2 / name :op1 "Tijuana" :op2 "Drug" :op3 "Cartel"))) :domain (p / person :wiki "Miguel_??ngel_F??lix_Gallardo" :name (n / name :op1 "Gallardo")) :ARG0-of (f / flee-05)) + +(a / and :op1 (e / enter-01 :ARG0 (g / gunman :quant 6 :ARG1-of (h / hood-00)) :ARG1 (w / wake :mod (t / traditional) :duration (n / night :mod (a2 / all)))) :op2 (k / kill-01 :ARG0 g :ARG1 (p / person :quant 2) :ARG1-of (c / cause-01 :ARG0 (s / shoot-02 :ARG0 g :ARG1 p))) :time (d / date-entity :day 4 :month 6 :year 2007)) + +(c / call-01 :ARG0 (n / newspaper :quant 1) :ARG1 (g / gunman) :ARG2 (c2 / commando)) + +(w / write-01 :ARG0 (g / gunman) :ARG1 (z / z) :ARG2 (b / back :part-of (v / victim)) :time (b2 / before :op1 (l / leave-11 :ARG0 g))) + +(s / symbolize-01 :ARG1 (z / Z) :ARG2 (c / criminal-organization :wiki "Gulf_Cartel" :name (n / name :op1 "Gulf" :op2 "Cartel"))) + +(k / kill-01 :ARG1 (p / person :quant (a / at-least :op1 46) :mod (m / more)) :time (b / by :op1 (e / end-01 :ARG1 (w / week)))) + +(a8 / and :op1 (a / attack-01 :quant (m / multiple) :ARG2-of (i / include-01 :ARG1 (a2 / and :op1 (a3 / assault-01 :instrument (g / grenade :mod (h / hand))) :op2 (d / decapitate-01)))) :op2 (v / victim :mod (p3 / principal) :domain (a5 / and :op1 (p / police) :op2 (p4 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (a4 / agent :mod (f / federal)))) :op3 (p2 / person :ARG0-of (t / traffic-01 :ARG1 (d2 / drug)) :ARG0-of (r / rival-01))))) + +(s / show-01 :ARG0 (k / kill-01) :ARG1 (a / and :op1 (s2 / scope :poss (v / violence)) :op2 (t / tactic :mod (w / warfare :mod (p / psychology)) :mod (b / behind :op1 v)))) + +(d / disperse-01 :ARG1 (k / kill-01) :location (a / across :op1 (c / country))) + +(a / appear-02 :ARG1 (i2 / involve-01 :ARG1 (d2 / dispute-01 :ARG0 (b / band :consist-of (p / person :ARG0-of (t / traffic-01)) :ARG0-of (c / compete-02))) :ARG2 (d / die-01 :quant (m / many)))) + +(a2 / appear-02 :ARG1 (s / split-01 :ARG1 (b / band :ARG1-of (i / include-91 :ARG2 (b2 / band :mod (t / that))) :quant (a3 / at-least :op1 1)) :ARG2 (g / group :ARG1-of (r / resemble-01 :polarity -)))) + +(f / find-01 :ARG0 (a / authority :location (c / city-district :wiki "San_Juan_Bautista_Tuxtepec" :name (n / name :op1 "Tuxtepec"))) :ARG1 (h / head :ARG1-of (s / sever-01) :accompanier (n2 / note)) :time (d / date-entity :day 5 :month 6 :year 2007)) + +(s / state-01 :ARG0 (n / note) :ARG1 (e / event :mod (t / this) :beneficiary (p / person :quant (a / all) :ARG0-of (w / work-01 :ARG3 (c / criminal-organization :wiki "Los_Zetas" :name (n2 / name :op1 "Zetas")))))) + +(r / refer-01 :ARG0 (i / it) :ARG1 (m / man :mod (h / hit) :ARG0-of (w / work-01 :ARG2 (c / criminal-organization :wiki "Gulf_Cartel" :name (n / name :op1 "Gulf" :op2 "Cartel"))))) + +(s / sign-01 :ARG1 (m / message) :ARG2 (n / name :op1 "The" :op2 "New" :op3 "Blood")) + +(b / be-located-at-91 :ARG1 (c / city-district :wiki "San_Juan_Bautista_Tuxtepec" :name (n2 / name :op1 "Tuxtepec")) :ARG2 (s / side :mod (s2 / southeast) :part-of (s3 / state :wiki "Oaxaca" :name (n / name :op1 "Oaxaca")))) + +(r / refer-01 :ARG0 (n / name :op1 "New" :op2 "Blood") :ARG2 (g / group :consist-of (p / person :ARG0-of (t / turn-01 :prep-against (c2 / criminal-organization :wiki "Los_Zetas" :name (n4 / name :op1 "Zetas")) :ARG1-of (c4 / cause-01 :ARG0 (b / bid-03 :ARG0 (p2 / person :ARG0-of (h2 / have-org-role-91 :ARG1 c2 :ARG2 (m / member))) :ARG1 (c3 / control-01 :ARG0 p2 :ARG1 (a / and :op1 (r2 / route :mod (t2 / traffic-01)) :op2 (m2 / market :mod (d / drug) :ARG1-of (l / local-02))))))) :ARG0-of (h / have-org-role-91 :ARG1 (c / criminal-organization :wiki "Gulf_Cartel" :name (n3 / name :op1 "Gulf" :op2 "Cartel")) :ARG2 (o / operative))))) + +(s / say-01 :ARG0 (p / person :wiki "Genaro_Garc??a_Luna" :name (n3 / name :op1 "Genaro" :op2 "Garcia" :op3 "Luna") :ARG0-of (h / have-org-role-91 :ARG1 (c / country :wiki "Mexico" :name (n / name :op1 "Mexico")) :ARG2 (s2 / secretary :mod (s4 / safe-01 :mod (p2 / public))))) :ARG1 (s3 / split-01 :ARG1 (c2 / criminal-organization :wiki "Gulf_Cartel" :name (n5 / name :op1 "Gulf" :op2 "Cartel")) :ARG2 (b / band :ARG0-of (r / rival-01))) :time (d / date-entity :month 5 :year 2007)) + +(s / say-01 :ARG0 (p / person :wiki "Genaro_Garc??a_Luna" :name (n / name :op1 "Garcia" :op2 "Luna")) :ARG1 (h / have-subevent-91 :ARG1 (s2 / strategize-01 :ARG0 (p3 / person :ARG0-of (t / traffic-01 :ARG1 (d / drug))) :ARG1 (f / force-02 :ARG0 p3 :ARG1 (r2 / retreat-01 :ARG1 a :mod (s3 / strategy)) :ARG2 (a / authority))) :ARG2 (v / violence :mod (e / extreme) :location (c / country :wiki "Mexico" :name (n2 / name :op1 "Mexico")))) :time (c2 / conference :mod (p2 / press) :time (r / recent))) + +(s / say-01 :ARG0 (p / person :wiki "Genaro_Garc??a_Luna" :name (n / name :op1 "Garcia" :op2 "Luna")) :ARG1 (t / try-01 :ARG0 (t2 / they) :ARG1 (c / create-01 :ARG0 t2 :ARG1 (c2 / climate :instrument-of (a / and :op1 (i / intimidate-01) :op2 (f / fear-01))) :purpose (g / gain-02 :ARG0 t2 :ARG1 (a2 / advantage :mod (o / operation)))))) + +(s / say-01 :ARG0 (p / person :wiki "Genaro_Garc??a_Luna" :name (n / name :op1 "Luna")) :ARG1 (a2 / and :op1 (r / refuse-01 :ARG0 (p2 / person :ARG0-of (r2 / reside-01 :ARG1 (o / or :op1 (t / town :mod (r3 / rural)) :op2 (n2 / neighborhood :mod (u / urban))))) :ARG1 (c3 / cooperate-01 :ARG0 p2 :ARG1 (a / authority))) :op2 (c4 / create-01 :ARG0 p2 :ARG1 (s2 / space :mod (s3 / social) :ARG0-of (s4 / support-01 :ARG1 (p3 / person :ARG0-of (t2 / traffic-01 :ARG1 (d2 / drug)))))) :condition (b / believe-01 :ARG0 p2 :ARG1 (p4 / possible-01 :polarity - :ARG1 (d / defeat-01 :ARG1 p3))))) + +(b / become-01 :ARG1 (k / kill-01 :mod (g / gruesome)) :ARG2 (f / frequent-02 :ARG1 k) :time (w / war :time (y / year :mod (t / this)))) + +(a / arise-02 :ARG1 (i / incident :mod (v / violence) :mod (n / new)) :frequency (r / rate-entity-91 :ARG3 (t3 / temporal-quantity :quant 1 :unit (d / day))) :time (w2 / week :mod (t2 / this))) + +(d2 / discover-01 :ARG0 (a / authority) :ARG1 (b / body :ARG1-of (d3 / decapitate-01) :location (c / city :wiki "Veracruz" :name (n2 / name :op1 "Veracruz") :mod (p2 / port) :location (g / gulf :wiki "Gulf_of_Mexico" :name (n / name :op1 "Gulf" :op2 "of" :op3 "Mexico"))) :ARG2-of (l / leave-12 :ARG1 (t / thing :ARG1-of (m / message-01 :ARG2 (p / police :mod (s / state))) :ARG1-of (w / write-01)))) :time (d / date-entity :day 6 :month 6 :year 2007)) + +(s2 / say-01 :ARG0 (t2 / thing :ARG1-of (m3 / message-01)) :ARG1 (a / and :op1 (p / protect-01 :ARG0 (p2 / police) :ARG1 (p3 / person :ARG0-of (t / traffic-01 :ARG1 (d / drug)) :ARG0-of (r / rival-01))) :op2 (s / sell-01 :ARG0 (m2 / man :ARG1-of (d2 / decapitate-01)) :ARG1 (d3 / drug) :ARG2 (g / group :ARG0-of (r2 / rival-01))))) + +(k / kill-01 :ARG1 (p / person :quant 4 :mod (o / other)) :location (a / and :op1 (c / city :wiki "Veracruz" :name (n / name :op1 "Veracruz")) :op2 (a2 / around :op1 c)) :time (d / day :mod (t / that) :ARG1-of (s / same-01))) + +(i / include-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG2 (d2 / director :mod (f / funeral))) :ARG0-of (t2 / transport-01 :ARG1 (b / body :poss (p / person :wiki "Efra??n_Teodoro_Torres" :name (n / name :op1 "Efrain" :op2 "Torres"))) :ARG3 (c2 / cemetery :location (c / city :wiki "Poza_Rica" :name (n2 / name :op1 "Poza" :op2 "Rica"))) :time (d / date-entity :month 5))) :ARG2 (t / this)) + +(p2 / person :ARG0-of (l / lead-02 :ARG1 (c / criminal-organization :wiki "Los_Zetas" :name (n2 / name :op1 "Zetas"))) :ARG1-of (a / assassinate-01) :domain (p / person :wiki "Efra??n_Teodoro_Torres" :name (n / name :op1 "Torres"))) + +(s / steal-01 :ARG1 (b / body) :ARG2 (c / crypt :poss b) :time (l / late :degree (m / more))) + +(p2 / possible-01 :polarity - :ARG1 (t / tally-01 :ARG1 (v / victim :mod (a / another) :ARG1-of (c2 / cause-01 :ARG0 (v2 / violence :location (c / city :wiki "Veracruz" :name (n2 / name :op1 "Veracruz"))))) :prep-among (p3 / person :ARG1-of (d / die-01))) :time (y / yet)) + +(k / kidnap-01 :ARG0 (m / man :ARG1-of (a / arm-01)) :ARG1 (p2 / person :wiki - :name (n / name :op1 "Roberto" :op2 "Moguel" :op3 "Martinez") :ARG0-of (o / own-01 :ARG1 (b / business))) :time (d / date-entity :day 6 :month 6 :year 2007) :time (a2 / after :op1 (r / release-01 :ARG1 p2 :ARG2 (h / hospital)))) + +(r / recover-01 :ARG1 (p / person :wiki - :name (n / name :op1 "Martinez")) :ARG2 (w / wound :ARG1-of (s / suffer-01 :ARG0 p :time (a / attack-01 :time (d / date-entity :day 31 :month 5 :year 2007))))) + +(s / say-01 :ARG0 (n2 / newspaper :wiki - :name (n4 / name :op1 "Notiver") :mod (c / city :wiki "Veracruz" :name (n3 / name :op1 "Veracruz"))) :ARG1 (w / wrestle-01 :ARG0 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (p / person :wiki - :name (n / name :op1 "Martinez")) :ARG2 (m / mother))) :ARG1 (p3 / person :ARG0-of (k / kidnap-01 :ARG1 p) :ARG1-of (a / arm-01)) :duration (b / brief) :location (s2 / street :location (c2 / center :part-of c)))) + +(s / see-01 :polarity - :ARG1 (p / person :wiki - :name (n / name :op1 "Martinez")) :time (s2 / since)) + +(a2 / attack-01 :quant 3 :ARG1 (a4 / and :op1 (s / station :quant 2 :mod (p2 / police)) :op2 (b / barrack :mod (a3 / army) :location (s2 / state :wiki "Guerrero" :name (n / name :op1 "Guerrero") :location (s3 / south)))) :instrument (g2 / grenade) :time (d / date-entity :day 7 :month 6 :year 2007)) + +(s / say-01 :ARG0 (a / authority) :ARG1 (k / kill-01 :ARG1 (p / person :quant 7) :ARG1-of (c / cause-01 :ARG0 (a2 / attack-01 :ARG1-of (r / relate-01 :ARG2 (d / drug) :ARG1-of (a3 / appear-02)) :location (t / there))))) + +(r / report-01 :ARG0 (w / website :poss (n2 / newspaper :mod (c / city :wiki "Mexico_City" :name (n / name :op1 "Mexico" :op2 "City")))) :ARG1 (g / gun-down-01 :ARG1 (p / person :quant (a3 / as-many-as :op1 20)) :location (n3 / nationwide) :duration (t / temporal-quantity :quant 24 :mod (p2 / previous) :unit (h / hour)) :ARG1-of (c2 / cause-01 :ARG0 (v / violence :ARG1-of (r2 / relate-01 :ARG2 (d2 / drug))))) :time (d / date-entity :day 8 :month 6 :year 2007)) + +(i / include-01 :ARG1 (p2 / person :quant 3 :ARG1-of (s / shoot-02 :location (h / highway :location (s2 / state :wiki "Durango" :name (n2 / name :op1 "Durango") :location (c / country-region :wiki "Northwestern_Mexico" :name (n3 / name :op1 "Northwest" :op2 "Mexico")))))) :ARG2 (p / person :ARG1-of (d / die-01))) + +(b / be-temporally-at-91 :ARG1 (e / event :mod (t / this)) :ARG2 (w2 / week :time (t3 / travel-01 :ARG0 (p4 / person :wiki "Felipe_Calder??n" :name (n / name :op1 "Felipe" :op2 "Calderon") :ARG0-of (h / have-org-role-91 :ARG2 (p / president))) :ARG4 (c / continent :wiki "Europe" :name (n2 / name :op1 "Europe")) :purpose (m / meet-03 :ARG0 p4 :ARG1 (a / and :op1 (p2 / person :wiki "Pope_Benedict_XVI" :name (n3 / name :op1 "Benedict" :op2 "XVI") :ARG0-of (h2 / have-org-role-91 :ARG2 (p5 / pope))) :op2 (p3 / person :ARG0-of (l / lead-02) :mod (o / other))))))) + +(t / tell-01 :ARG0 (p / person :wiki "Felipe_Calder??n" :name (n / name :op1 "Calderon")) :ARG1 (r2 / recommend-01 :ARG1 (b / blame-01 :ARG1 (p3 / person :ARG0-of (c4 / consume-01) :location (c2 / country :wiki "United_States" :name (n3 / name :op1 "United" :op2 "States"))) :ARG2 (c5 / chaos :location (c3 / country :wiki "Mexico" :name (n4 / name :op1 "Mexico")) :ARG1-of (d2 / drive-02 :ARG0 (d3 / drug))))) :ARG2 (p2 / person :ARG0-of (r / report-01)) :time (d / date-entity :day 4 :month 6 :year 2007) :location (c / city :wiki "Rome" :name (n2 / name :op1 "Rome"))) + +(s / say-01 :ARG0 (p / person :wiki "Felipe_Calder??n" :name (n / name :op1 "Calderon")) :ARG1 (s3 / share-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "United" :op2 "States")) :ARG1 (p2 / problem :mod (t / this)) :ARG2 (c2 / country :wiki "Mexico" :name (n3 / name :op1 "Mexico")))) + +(c / cause-01 :ARG0 (u / use-01 :ARG1 (d / drug)) :mod (p / principal)) + +(a / and :op2 (c / country :ARG0-of (c2 / consume-01 :mod (p / prime :compared-to (w / world))) :domain (c3 / country :wiki "United_States" :name (n / name :op1 "U.S.")))) + +(s / send-01 :ARG0 (p / person :wiki "Felipe_Calder??n" :name (n / name :op1 "Calderon")) :ARG1 (a / army) :ARG2 (s2 / state :location (c / country :wiki "Mexico" :name (n2 / name :op1 "Mexico")) :quant (n3 / numerous)) :purpose (f / fill-in-07 :ARG1 a :ARG2 (p3 / police :ARG1-of (l / local-02) :ARG1-of (o / overmatch-00) :ARG1-of (c2 / corrupt-01)))) + +(o / order-01 :ARG2 (i / imprison-01 :ARG1 (p / person :quant 19 :ARG0-of (h / have-org-role-91 :ARG1 (a3 / army) :ARG2 (m / member))) :ARG3 (s2 / suspect-01 :ARG1 (k / kill-01 :ARG0 p :ARG1 (a2 / and :op1 (w / woman :quant 3) :op2 (c / child :quant 2)) :location (c2 / checkpoint :mod (r / rural) :ARG0-of (c4 / counter-01 :ARG1 (s3 / smuggle-01)) :location (s / state :wiki "Sinaloa" :name (n / name :op1 "Sinaloa")))) :ARG2 p)) :time (d / date-entity :day 4 :month 6 :year 2007)) + +(p2 / person :domain (p / person :quant 5) :ARG0-of (h / have-org-role-91 :ARG1 (f / family :ARG1-of (r / return-01 :ARG3 (w / wake))) :ARG2 (m / member))) + +(s / say-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (m / military) :ARG2 (o / official))) :ARG1 (f / fail-01 :ARG1 p :ARG2 (s2 / stop-01 :ARG0 p :location (c / checkpoint)))) + +(e / evidence-01 :ARG0 (s / shoot-02) :ARG1 (p2 / psychology :ARG1-of (r / resemble-01 :ARG2 (w / war)) :ARG0-of (g / grip-01 :ARG1 (c2 / corner :quant (m / many) :part-of (c / country :wiki "Mexico" :name (n / name :op1 "Mexico"))))) :degree (m2 / more)) + +(k / kill-01 :ARG1 (p2 / person :ARG1-of (e / estimate-01 :ARG2 1200)) :time (a / already) :time (y / year :mod (t / this)) :ARG1-of (c / cause-01 :ARG0 (v / violence))) + +(j / join-01 :ARG0 (p / person :wiki - :name (p2 / name :op1 "Pierre" :op2 "Vinken") :age (t / temporal-quantity :quant 61 :unit (y / year))) :ARG1 (b / board :ARG1-of (h / have-org-role-91 :ARG0 p :ARG2 (d2 / director :mod (e / executive :polarity -)))) :time (d / date-entity :month 11 :day 29)) + +(h / have-org-role-91 :ARG0 (p / person :wiki - :name (m / name :op1 "Mr." :op2 "Vinken")) :ARG1 (g / group :wiki "Reed_Elsevier#Elsevier_NV" :name (e / name :op1 "Elsevier" :op2 "N.V.") :mod (c / country :wiki "Netherlands" :name (n / name :op1 "Netherlands")) :ARG0-of (p2 / publish-01)) :ARG2 (c2 / chairman)) + +(n / name-03 :ARG1 (p / person :wiki - :name (r / name :op1 "Rudolph" :op2 "Agnew") :age (t / temporal-quantity :quant 55 :unit (y / year)) :ARG0-of (h / have-org-role-91 :ARG1 (c5 / conglomerate :wiki "Consolidated_Gold_Fields" :name (c / name :op1 "Consolidated" :op2 "Gold" :op3 "Fields" :op4 "PLC") :mod (c2 / country :wiki "United_Kingdom" :name (b / name :op1 "Britain")) :mod (i / industry)) :ARG2 (c3 / chairman) :time (f / former))) :ARG2 (d / director :mod (e / executive :polarity -) :ARG2-of (h2 / have-org-role-91 :ARG0 p :ARG1 c5))) + +(r / report-01 :ARG0 (p4 / person :ARG0-of (r2 / research-01)) :ARG1 (c / cause-01 :ARG0 (a2 / asbestos :mod (f / form) :ARG1-of (u / use-01 :ARG2 (m / make-01 :ARG1 (p / product :ARG0-of (f2 / filter-02) :mod (c2 / cigarette :wiki "Kent_(cigarette)" :name (n / name :op1 "Kent")))) :time (o / once))) :ARG1 (p3 / percentage :ARG3-of (i / include-91 :ARG1 (p7 / person :ARG1-of (d / die-01 :ARG1-of (c4 / cause-01 :ARG0 (c3 / cancer)))) :ARG2 (p6 / person :ARG0-of (w2 / work-01) :ARG1-of (e / expose-01 :ARG2 a2 :time (b / before :op1 (n2 / now) :quant (m2 / more-than :op1 (t / temporal-quantity :quant 30 :unit (y / year))))))) :ARG1-of (h / high-02)))) + +(s / say-01 :ARG0 (p / person :ARG0-of (r / research-01)) :ARG1 (a2 / and :op1 (r2 / resilient :mod (u / usual :polarity -) :domain (c / crocidolite :mod (f / fiber :mod (a / asbestos))) :time (e / enter-01 :ARG0 c :ARG1 (l / lung))) :op2 (c2 / cause-01 :ARG0 (e2 / expose-01 :ARG2 c :duration (b / brief :mod (e3 / even))) :ARG1 (s2 / symptom :ARG1-of (s3 / show-up-02 :time (l2 / late :degree (m / more :quant (m2 / multiple :op1 (t / temporal-quantity :quant 1 :unit (d2 / decade)))))))))) + +(s2 / stop-01 :ARG0 (u / unit :wiki "Lorillard_Tobacco_Company" :name (l / name :op1 "Lorillard" :op2 "Inc.") :part-of (c3 / company :wiki "Loews_Corporation" :name (l2 / name :op1 "Loews" :op2 "Corp.") :ARG1-of (b / base-01 :location (c2 / city :wiki "New_York_City" :name (n / name :op1 "New" :op2 "York")))) :ARG0-of (m2 / make-01 :ARG1 (c4 / cigarette :wiki "Kent_(cigarette)" :name (k / name :op1 "Kent")))) :ARG1 (u2 / use-01 :ARG0 u :ARG1 (c5 / crocidolite) :prep-in (p / product :wiki - :name (n3 / name :op1 "Micronite") :ARG0-of (f / filter-02) :mod (c6 / cigarette) :poss u)) :time (d / date-entity :year 1956)) + +(a / appear-01 :ARG1 (t4 / thing :ARG2-of (r3 / result-01 :time (l / late :degree (m / most)))) :location (j / journal :wiki "The_New_England_Journal_of_Medicine" :name (n / name :op1 "New" :op2 "England" :op3 "Journal" :op4 "of" :op5 "Medicine") :time (t / today) :mod (f / forum :ARG0-of (b / bring-01 :ARG1 (a2 / attend-02 :ARG1 p :mod (n2 / new)) :ARG2 (p / problem) :ARG1-of (l2 / likely-01)))) :concession (r2 / report-01 :ARG1 (t2 / thing :ARG1-of (f2 / find-01) :mod (p2 / preliminary)) :time (b2 / before :op1 (n3 / now) :quant (m3 / more-than :op1 (t3 / temporal-quantity :quant 1 :unit (y / year)))))) + +(s / say-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (c / company :wiki "Lorillard_Tobacco_Company" :name (l / name :op1 "Lorillard")) :ARG2 (s2 / spokeswoman))) :ARG1 (s3 / story :domain (t / this) :mod (o2 / old))) + +(t / talk-01 :ARG0 (w / we) :ARG1 (b2 / before :op1 (n / now) :quant (m / multiple :op1 (t2 / temporal-quantity :quant 1 :unit (y2 / year))) :time (b / before :op1 (h / hear-01 :ARG0 (a / anyone) :ARG1 (h2 / have-03 :ARG0 (a3 / asbestos) :ARG1 (p / property :mod (a4 / any) :mod (q2 / questionable))))))) + +(a / asbestos :polarity - :time (n / now) :location (t / thing :ARG1-of (p2 / produce-01 :ARG0 (w2 / we)))) + +(r / realize-01 :polarity - :ARG0 (a / and :op1 (c / company :wiki "Lorillard_Tobacco_Company" :name (l / name :op1 "Lorillard")) :op2 (p2 / person :ARG0-of (r2 / research-01) :ARG0-of (s2 / study-01 :ARG1 (p3 / person :ARG0-of (w / work-01))))) :ARG1 (r3 / research-01 :ARG1 (p4 / person :ARG0-of (s / smoke-02 :ARG1 (c2 / cigarette :wiki "Kent_(cigarette)" :name (k / name :op1 "Kent")))))) + +(s / say-01 :ARG0 (p / person :wiki - :name (j / name :op1 "James" :op2 "A." :op3 "Talcott") :ARG0-of (h2 / have-org-role-91 :ARG1 (r / research-institute :wiki "Dana???Farber_Cancer_Institute" :name (d / name :op1 "Dana-Farber" :op2 "Cancer" :op3 "Institute") :location (c / city :wiki "Boston" :name (b / name :op1 "Boston"))))) :ARG1 (h / have-03 :polarity - :ARG0 (w / we) :ARG1 (i / information :topic (e / endanger-01 :mode interrogative :ARG1 (p3 / person :ARG0-of (u2 / use-01))) :ARG1-of (u / useful-05)))) + +(l / lead-02 :ARG0 (d / doctor :wiki - :name (n2 / name :op1 "Talcott")) :ARG1 (t3 / team :consist-of (p2 / person :ARG0-of (r / research-01) :ARG0-of (h2 / have-org-role-91 :ARG1 (a / and :op1 (r2 / research-institute :wiki "National_Cancer_Institute" :name (n / name :op1 "National" :op2 "Cancer" :op3 "Institute")) :op2 (s / school :mod (m / medicine) :part-of (u / university :wiki "Harvard_University" :name (h / name :op1 "Harvard" :op2 "University"))) :op3 (s2 / school :mod (m2 / medicine) :part-of (u2 / university :wiki "Boston_University" :name (b / name :op1 "Boston" :op2 "University")))))))) + +(s / say-01 :ARG0 (p4 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / company :wiki "Lorillard_Tobacco_Company" :name (l / name :op1 "Lorillard")) :ARG2 (s2 / spokeswoman))) :ARG1 (a3 / and :op1 (u / use-01 :ARG1 (a / asbestos :quant (a2 / amount :mod (m / modest :degree (v / very)))) :ARG2 (m2 / make-01 :ARG1 (p / paper) :time (e2 / early :op1 (d3 / date-entity :decade 1950)) :purpose (p2 / product :ARG0-of (f / filter-02)))) :op2 (r / replace-01 :ARG1 a :ARG2 (p3 / product :ARG0-of (f2 / filter-02 :mod (t / type :ARG1-of (d2 / differ-02)))) :time (d / date-entity :year 1956)))) + +(s / say-01 :ARG0 (c / company) :ARG1 (s2 / sell-01 :ARG1 (c2 / cigarette :quant 9800000000 :wiki "Kent_(cigarette)" :name (k / name :op1 "Kent") :part (p / product :ARG0-of (f / filter-02))) :time (d / date-interval :op1 (d2 / date-entity :year 1953) :op2 (d3 / date-entity :year 1955)))) + +(d / die-01 :ARG1 (m / man :quant 28 :quant (m4 / more-than :op1 (p / product-of :op1 3 :op2 (n2 / number :ARG1-of (e2 / expect-01)))) :ARG1-of (i / include-91 :ARG2 (m2 / man :quant 33 :ARG0-of (w / work-01 :ARG1 (s / substance) :manner (c / close)))))) + +(h / have-03 :ARG0 (p4 / person :quant 4 :ARG1-of (i / include-91 :ARG2 (p2 / person :quant 5 :ARG0-of (w / work-01) :ARG0-of (s / survive-01))) :ARG2-of (i2 / include-91 :ARG1 (p3 / person :quant 3 :ARG1-of (d3 / diagnose-01 :ARG2 (c2 / cancer) :time (r3 / recent))))) :ARG1 (d / disease :ARG1-of (r / relate-01 :ARG2 (a / asbestos)))) + +(s / say-01 :ARG0 (p / person :ARG0-of (r / research-01)) :ARG1 (h / high-02 :ARG1 (t2 / total :quant-of (p2 / person :quant 18 :ARG1-of (d / die-01 :ARG1-of (c2 / cause-01 :ARG0 (a / and :op1 (m2 / mesothelioma :ARG2-of (m3 / malignant-02)) :op2 (c / cancer :mod (l / lung)) :op3 (a2 / asbestosis)))))) :compared-to (t / thing :ARG1-of (e / expect-01)) :degree (m / more :mod (f / far)))) + +(s / say-01 :ARG0 (d2 / doctor :wiki - :name (t / name :op1 "Talcott")) :ARG1 (r2 / rate :mod (d3 / die-01) :ARG1-of (f / find-01) :ARG1-of (s4 / strike-04 :ARG3 (p2 / person :ARG0-of (s3 / study-01 :ARG1 (d / disease :ARG1-of (r / relate-01 :ARG2 (a / asbestos)))) :ARG1-of (i / include-91 :ARG2 (w / we)))))) + +(s3 / say-01 :ARG0 (h2 / he) :ARG1 (a3 / appear-02 :ARG1 (h / high-02 :ARG1 (p2 / percentage :quant-of (p5 / person :ARG1-of (d2 / die-01 :ARG1-of (c4 / cause-01 :ARG0 (c2 / cancer :mod (l / lung)))) :ARG1-of (i2 / include-91 :ARG2 (p3 / person :ARG0-of (w4 / work-01 :location (f / factory :mod (p4 / paper) :location (c3 / city :wiki - :name (w / name :op1 "West" :op2 "Groton") :location (s / state :wiki "Massachusetts" :name (m / name :op1 "Massachusetts"))))))))) :degree (m2 / most) :compared-to (p / person :ARG0-of (w2 / work-01 :ARG1 (a2 / asbestos)) :ARG1-of (s2 / study-01) :location (c / country :ARG1-of (i / industrialize-01) :location (w5 / world-region :wiki "Western_world" :name (n / name :op1 "West"))) :mod (a / any))))) + +(c / contract-02 :ARG0 (p / plant :ARG1-of (o / own-01 :ARG0 (c2 / company :wiki - :name (h / name :op1 "Hollingsworth" :op2 "&" :op3 "Vose" :op4 "Co.")))) :ARG1 (m / make-01 :ARG0 p :ARG1 (p2 / product :ARG0-of (f / filter-02) :mod (c4 / cigarette))) :ARG2 (c3 / company :wiki "Lorillard_Tobacco_Company" :name (l / name :op1 "Lorillard"))) + +(s / say-01 :ARG0 (d / doctor :wiki - :name (t / name :op1 "Talcott")) :ARG1 (p / probable :domain (s2 / support-01 :ARG0 (t2 / thing :ARG1-of (f / find-01)) :ARG1 (p2 / person :ARG0-of (a / argue-01 :ARG1 (r2 / recommend-01 :ARG1 (r / regulate-01 :ARG0 (c / country :wiki "United_States" :name (u / name :op1 "U.S.")) :ARG1 (a5 / asbestos :ARG2-of (i / include-91 :ARG1 (c3 / crocidolite)) :mod (c2 / class)) :manner (s3 / stringent :degree (m / more) :compared-to (c4 / chrysotile :ARG1-of (f2 / find-01 :location (a4 / and :op1 (s4 / school :mod (m2 / most)) :op2 (b / building :mod (o / other)))) :mod (a3 / asbestos :mod (k / kind :mod (c5 / common)))))))))))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (b / name :op1 "Brooke" :op2 "T." :op3 "Mossman") :ARG0-of (h3 / have-org-role-91 :ARG1 (c2 / college :mod (m / medicine) :part-of (u2 / university :wiki "University_of_Vermont" :name (u3 / name :op1 "University" :op2 "of" :op3 "Vermont"))) :ARG2 (p3 / professor :topic (p / pathology)))) :ARG1 (i2 / include-91 :ARG1 (c / country :wiki "United_States" :name (u / name :op1 "U.S.")) :ARG2 (n / nation :ARG0-of (h / have-03 :polarity - :ARG1 (s2 / standard :ARG1-of (h2 / high-02 :degree (m2 / more)) :prep-with-of (r / regulate-01 :ARG1 (f2 / fiber :ARG1-of (s3 / smooth-06) :ARG2-of (r2 / resemble-01 :ARG1 (n2 / needle)) :ARG1-of (c4 / classify-01 :ARG2 (a / amphobile)) :example (c3 / crocidolite))))) :ARG1-of (i3 / include-91 :ARG2 (n3 / nation :ARG1-of (i / industrialize-01)) :ARG3 (f / few))))) + +(e / explain-01 :ARG0 (d / doctor :wiki - :name (m / name :op1 "Mossman")) :ARG1 (a / and :op1 (c / curly :domain (f / fiber :mod (c2 / chrysotile) :mod (c3 / common :degree (m2 / more)))) :op2 (r / reject-01 :ARG0 (b / body) :ARG1 f :ARG1-of (e2 / easy-05 :degree (m3 / more))))) + +(i / impose-01 :ARG0 (g2 / government-organization :wiki "United_States_Environmental_Protection_Agency" :name (e / name :op1 "Environmental" :op2 "Protection" :op3 "Agency")) :ARG1 (b2 / ban-01 :ARG1 (u3 / use-01 :ARG1 (a5 / asbestos) :ARG2 (t2 / thing :mod (a6 / all :mod (v3 / virtual)))) :manner (g3 / gradual)) :time (d / date-entity :month 7)) + +(o / outlaw-01 :ARG1 (u / use-01 :ARG1 (a / asbestos :ARG0-of (c / cause-01 :ARG1 (c2 / cancer))) :ARG2 (t / thing :ARG1-of (r2 / remain-01) :mod (a2 / all :mod (a3 / almost)))) :time (b / by :op1 (d / date-entity :year 1997))) + +(e / expose-01 :ARG1 (p2 / person :ARG0-of (w / work-01 :location (f / factory :ARG0-of (m / make-01 :ARG1 (p3 / paper :purpose (p4 / product :wiki "Kent_(cigarette)" :name (k / name :op1 "Kent") :ARG0-of (f2 / filter-02)))))) :quant (a2 / about :op1 160)) :ARG2 (a / asbestos) :time (d / date-entity :decade 1950)) + +(d / dusty :domain (a / area :poss (f / factory) :location-of (u / use-01 :ARG1 (c / crocidolite))) :mod (p / particular)) + +(a / and :op1 (d / dump-01 :ARG0 (p2 / person :ARG0-of (w / work-01)) :ARG1 (m2 / material :ARG1-of (i / import-01) :quant (s / sack :consist-of (b / burlap) :mod (l / large))) :destination (b2 / bin :mod (h / huge))) :op2 (p / pour-01 :ARG0 p2 :ARG1 (a2 / and :op1 (f / fiber :mod (c / cotton)) :op2 (f2 / fiber :mod (a3 / acetate))) :ARG3 b2) :op3 (m / mix-01 :ARG0 p2 :ARG1 (f3 / fiber :ARG1-of (d2 / dry-08)) :manner (m3 / mechanical)) :prep-in (p3 / process-02 :ARG1 m4 :ARG1-of (u / use-01 :ARG2 (m4 / make-01 :ARG1 (p4 / product :ARG0-of (f4 / filter-02)))))) + +(d / describe-01 :ARG0 (p / person :ARG0-of (w / work-01)) :ARG1 (c3 / cloud :consist-of (d3 / dust :mod (b2 / blue)) :ARG1-of (h / hang-01 :location (o / over :op1 (t / thing :part-of (f / factory))) :concession (v / ventilate-01 :ARG0 (f2 / fan :mod (e / exhaust)) :ARG1 (a / area))))) + +(s / say-01 :ARG0 (p / person :wiki - :name (d / name :op1 "Darrell" :op2 "Phillips") :ARG0-of (h / have-org-role-91 :ARG1 (c2 / company :wiki - :name (h2 / name :op1 "Hollingsworth" :op2 "&" :op3 "Vose")) :ARG2 (p5 / president :mod (v / vice) :topic (r2 / resource :mod (h3 / human))))) :ARG1 (q / question-03 :polarity - :ARG1 (c / contract-04 :ARG1 (p4 / person :ARG1-of (i / include-91 :ARG2 (a / and :op1 (p2 / person :ARG0-of (w / work-01)) :op2 (p3 / person :ARG0-of (m / manage-01)) :mod (t / that)))) :ARG2 (d2 / disease :ARG1-of (r / relate-01 :ARG2 (a2 / asbestos)))))) + +(c / contrast-01 :ARG2 (o / obligate-01 :ARG1 y :ARG2 (r / recognize-02 :ARG0 (y / you) :ARG1 (e / event :mod (t / this) :time (b / before :op1 (n / now) :quant (t2 / temporal-quantity :quant 35 :unit (y2 / year))))))) + +(b / bear-06 :polarity - :ARG1 (i / it) :ARG2 (f / force :ARG0-of (w / work-01) :poss (w2 / we)) :time (t / today)) + +(c / continue-01 :ARG1 (s / slide-02 :ARG1 (t / thing :ARG1-of (y / yield-03 :ARG0 (f / fund :mod (m2 / mutual) :mod (m3 / market :mod (m4 / money)))))) :prep-amid (s2 / signal-07 :ARG1 (e / expect-01 :ARG0 (p / person :ARG0-of (m / manage-01 :ARG1 (p2 / portfolio))) :ARG1 (d / decline-01 :ARG1 (r / rate :mod (i / interest)) :degree (f2 / further))))) + +(e / ease-01 :ARG1 (t5 / thing :ARG1-of (y / yield-03 :ARG0 (f2 / fund :quant 400 :ARG2-of (t3 / tax-01 :ARG2-of (o2 / obligate-01)) :ARG1-of (t2 / track-down-02 :ARG0 (p3 / publication :wiki - :name (m / name :op1 "Money" :op2 "Fund" :op3 "Report") :poss (o / organization :wiki "International_Bank_of_Commerce" :name (i / name :op1 "IBC"))))) :mod (t / temporal-quantity :quant 7 :unit (d / day)) :mod (c / compound)) :ARG1-of (a / average-01)) :ARG2 (f3 / fraction :op1 (p4 / percentage-entity :value 1)) :ARG3 (p2 / percentage-entity :value 8.47) :ARG4 (p / percentage-entity :value 8.45) :time (w / week :ARG1-of (e2 / end-01 :time (d2 / date-entity :weekday (t4 / tuesday))))) + +(a / assume-02 :ARG0 (t2 / thing :ARG1-of (y2 / yield-03 :mod (c / compound))) :ARG1 (a2 / and :op1 (r / reinvest-00 :ARG1 (t3 / thing :ARG1-of (y3 / yield-03))) :op2 (c2 / continue-01 :ARG1 (t4 / thing :ARG1-of (y4 / yield-03 :mod (c3 / current))) :duration (t5 / temporal-quantity :quant 1 :unit (y5 / year))))) + +(s2 / say-01 :ARG0 (c / company :wiki - :name (d3 / name :op1 "Donoghue" :op2 "'s")) :ARG1 (l / lengthen-01 :ARG1 (m / maturity :poss (t3 / thing :ARG2-of (i / invest-01 :ARG0 (f / fund))) :ARG1-of (a2 / average-01)) :ARG2 (t / temporal-quantity :quant 1 :unit (d / day)) :ARG4 (t2 / temporal-quantity :quant 41 :unit (d2 / day) :ARG1-of (l2 / long-03 :degree (m2 / most) :time (s / since :op1 (e2 / early :op1 (d4 / date-entity :month 8))))))) + +(t / think-01 :ARG1 (i / indicate-01 :ARG0 (m / maturity :ARG1-of (l / long-03 :degree (m2 / more))) :ARG1 (d / decline-01 :ARG1 (r / rate :mod (i2 / interest))) :ARG1-of (c / cause-01 :ARG0 (p / permit-01 :ARG0 m :ARG1 (r2 / retain-01 :ARG0 (p2 / person :ARG0-of (m3 / manage-01 :ARG1 (p3 / portfolio))) :ARG1 (r3 / rate :ARG1-of (h / high-02 :degree (m4 / more) :mod (r4 / relative))) :duration (p4 / period :ARG1-of (l2 / long-03 :degree (m5 / more)))))))) + +(c / consider-01 :ARG1 (s / signal-07 :ARG0 (m / maturity :mod (s2 / short :degree (m2 / more))) :ARG1 (r / rise-01 :ARG1 (r2 / rate))) :ARG1-of (c3 / cause-01 :ARG0 (p / possible-01 :ARG1 (c2 / capture-01 :ARG0 (p2 / person :ARG0-of (m3 / manage-01 :ARG1 (p3 / portfolio))) :ARG1 (r3 / rate :ARG1-of (h / high-02 :degree (m4 / more))) :time (s3 / soon :degree (m5 / more)))))) + +(r / reach-01 :ARG0 (m / maturity :poss (f / fund :ARG1-of (o / open-01 :ARG3 (i / institution) :mod (o2 / only))) :ARG1-of (a / average-01) :ARG0-of (i3 / indicate-01 :ARG1-of (c / consider-01 :ARG0 (s / some) :ARG1-of (c3 / cause-01 :ARG0 (w / watch-01 :ARG0 (p2 / person :ARG0-of (m3 / manage-01) :mod (t2 / that)) :ARG1 (m4 / market) :manner (c2 / close)))) :ARG1-of (s2 / strong-02 :degree (m2 / more)))) :ARG1 (t / temporal-quantity :quant 33 :unit (d / day) :domain (p / point :ARG1-of (h / high-02) :prep-for (y / year)))) + +(s / say-01 :ARG0 (p3 / person :wiki - :name (b / name :op1 "Brenda" :op2 "Malizia" :op3 "Negus") :ARG0-of (h2 / have-org-role-91 :ARG1 (p2 / publication :wiki - :name (m / name :op1 "Money" :op2 "Fund" :op3 "Report")) :ARG2 (e / editor))) :ARG1 (p / possible-01 :ARG1 (b2 / blip-00 :ARG1 (t / thing :ARG1-of (y2 / yield-03)) :mod (a / again) :time (b3 / before :op1 (b4 / blip-00 :ARG1 t :direction (d / down))) :direction (u / up) :ARG1-of (c / cause-01 :ARG0 (r / rise-01 :ARG1 (r2 / rate :mod (i / interest) :duration (s2 / short)) :time (r3 / recent)))) :ARG1-of (h / have-concession-91))) + +(r / rise-01 :ARG1 (t3 / thing :ARG1-of (y2 / yield-03 :ARG0 (b / bill :mod (g / government-organization :wiki "United_States_Department_of_the_Treasury" :name (t2 / name :op1 "Treasury")) :mod (t / temporal-quantity :quant 6 :unit (m / month)) :ARG1-of (a / auction-02 :time (d / date-entity :weekday (m2 / monday)))))) :ARG3 (p2 / percentage-entity :value 7.90) :ARG4 (p / percentage-entity :value 8.04) :ARG0-of (e / exemplify-01)) + +(c2 / continue-01 :ARG0 (p2 / person :ARG0-of (i / invest-01)) :ARG1 (p / pour-01 :ARG0 p2 :ARG1 (c / cash) :ARG3 (f / fund :mod (m / money))) :concession (d / decline-01 :ARG1 (t / thing :ARG1-of (y2 / yield-03)) :time (r / recent))) + +(g / grow-01 :ARG1 (a / asset :poss (f / fund :quant 400 :ARG3-of (t / tax-01))) :ARG2 (m / monetary-quantity :quant 1500000000 :unit (d / dollar)) :ARG4 (m2 / monetary-quantity :quant 352700000000 :unit (d2 / dollar)) :time (w / week :mod (l / late :degree (m3 / most)))) + +(b / beat-03 :ARG0 (t3 / thing :ARG1-of (y2 / yield-03 :ARG0 (f / fund :mod (m5 / money)))) :ARG1 (t / thing :ARG1-of (i / invest-01 :duration (s2 / short)) :ARG2-of (c2 / comparable-03 :ARG1 t3)) :ARG1-of (t2 / typical-02) :ARG1-of (c / cause-01 :ARG0 (p / possible-01 :ARG1 (a / and :op1 (v / vary-01 :ARG0 (p2 / person :ARG0-of (m / manage-01 :ARG1 (p3 / portfolio))) :ARG1 (m2 / maturity)) :op2 (g / go-03 :ARG0 p2 :ARG1 (r / rate :ARG1-of (h / high-02 :degree (m3 / most)))))))) + +(y / yield-03 :ARG0 (f / fund :mod (t / top) :mod (m / money)) :ARG1 (o / over :op1 (p / percentage-entity :value 9) :degree (w / well)) :time (c / current)) + +(y3 / yield-03 :ARG0 (f / fund :wiki - :name (n / name :op1 "Dreyfus" :op2 "World-Wide" :op3 "Dollar") :ARG0-of (y2 / yield-03 :mod (t2 / top))) :ARG1 (p / percentage-entity :value 9.37 :ARG4-of (d2 / decrease-01 :ARG3 (p2 / percentage-entity :value 9.45 :time (e / early :degree (m2 / more :quant (t3 / temporal-quantity :quant 1 :unit (w2 / week))))))) :time (w / week :mod (l / late :degree (m / most))) :mod (t / temporal-quantity :quant 7 :unit (d / day)) :mod (c2 / compound)) + +(a / and :op1 (i / invest-01 :ARG0 (i3 / it) :ARG2 (s / security :ARG1-of (d / denominate-01 :ARG2 (d2 / dollar)) :location (o / overseas)) :manner (h / heavy)) :op2 (w / waive-01 :ARG0 i3 :ARG1 (f / fee :mod (m / manage-01)) :ARG0-of (b2 / boost-01 :ARG1 (t / thing :ARG1-of (y / yield-03 :ARG0 i3))) :time (c / current))) + +(y / yield-03 :ARG0 (f / fund :quant 400) :ARG1 (p2 / percentage-entity :value 8.12 :ARG4-of (d2 / decrease-01 :ARG3 (p / percentage-entity :value 8.14))) :mod (t / temporal-quantity :quant 7 :unit (d / day)) :ARG1-of (s / simple-02) :ARG1-of (a2 / average-01)) + +(a / and :op1 (f / fall-01 :ARG1 (t3 / thing :ARG1-of (y / yield-03 :mod (t / temporal-quantity :quant 30 :unit (d / day)) :ARG1-of (s2 / simple-02))) :ARG3 (p2 / percentage-entity :value 8.22) :ARG4 (p / percentage-entity :value 8.19 :ARG2-of (a4 / average-01))) :op2 (s / slide-02 :ARG1 (t4 / thing :ARG1-of (y2 / yield-03 :mod (t2 / temporal-quantity :quant 30 :unit (d2 / day)) :mod (c / compound))) :ARG3 (p4 / percentage-entity :value 8.56) :ARG4 (p3 / percentage-entity :value 8.53 :ARG2-of (a2 / average-01)))) + +(e / elect-01 :ARG1 (p / person :wiki - :name (j / name :op1 "J.P." :op2 "Bolduc") :ARG0-of (h2 / have-org-role-91 :ARG1 (c / company :wiki "W._R._Grace_and_Company" :name (w / name :op1 "W.R." :op2 "Grace" :op3 "&" :op4 "Co.") :ARG0-of (h / hold-01 :ARG1 (i / interest :quant (p2 / percentage-entity :value 83.4) :prep-in (c3 / company :mod (t / this) :mod (s / service :mod (e3 / energy)))))) :ARG2 (c2 / chairman :mod (v / vice)))) :ARG2 (d / director :ARG2-of (h3 / have-org-role-91 :ARG0 p))) + +(s / succeed-02 :ARG0 (h / he) :ARG1 (p / person :wiki - :name (t / name :op1 "Terrence" :op2 "D." :op3 "Daniels") :ARG0-of (r / resign-01 :ARG1 c2) :ARG0-of (h2 / have-org-role-91 :ARG1 (c / company :wiki "W._R._Grace_and_Company" :name (w / name :op1 "W.R." :op2 "Grace")) :ARG2 (c2 / chairman :mod (v / vice)) :time (f / former)))) + +(h / hold-01 :ARG0 (c / company :wiki "W._R._Grace_and_Company" :name (w / name :op1 "W.R." :op2 "Grace")) :ARG1 (s3 / seat :quant 3 :ARG1-of (i / include-91 :ARG2 (s4 / seat :quant 7 :mod (b / board) :poss (c2 / company :wiki - :name (g / name :op1 "Grace" :op2 "Energy")))))) + +(s / say-01 :ARG0 (c / company :wiki "McDermott_International" :name (m / name :op1 "McDermott" :op2 "International" :op3 "Inc.")) :ARG1 (c2 / complete-01 :ARG0 (u / unit :wiki "Babcock_&_Wilcox" :name (b / name :op1 "Babcock" :op2 "&" :op3 "Wilcox") :part-of c) :ARG1 (s2 / sell-01 :ARG0 u :ARG1 (o / organization :wiki - :name (b2 / name :op1 "Bailey" :op2 "Controls" :op3 "Operations") :part-of u) :ARG2 (c4 / company :wiki "Finmeccanica" :name (f / name :op1 "Finmeccanica" :op2 "S.p.A.")) :ARG3 (m2 / monetary-quantity :quant 295000000 :unit (d / dollar))))) + +(c3 / company :wiki "Finmeccanica" :name (n2 / name :op1 "Finmeccanica") :ARG1-of (o / own-01 :ARG0 (s2 / state)) :prep-with (i2 / interest :prep-in (i3 / industry :mod (e / engineering :mod (m / mechanics)))) :mod (c / country :wiki "Italy" :name (i / name :op1 "Italy")) :mod (h / holding)) + +(m / make-01 :ARG0 (c4 / company :wiki - :name (b / name :op1 "Bailey" :op2 "Controls") :ARG1-of (b2 / base-01 :location (c / city :wiki "Wickliffe,_Ohio" :name (w / name :op1 "Wickliffe") :location (s / state :wiki "Ohio" :name (o2 / name :op1 "Ohio"))))) :ARG1 (s2 / system :ARG1-of (c2 / computerize-01) :mod (i / industry) :ARG2-of (c3 / control-01))) + +(a2 / and :op1 (e / employ-01 :ARG0 (i / it) :ARG1 (p / person :quant 2700)) :op2 (h2 / have-03 :ARG0 i :ARG1 (r / revenue :quant (r2 / rate-entity-91 :ARG1 (a / about :op1 (m / monetary-quantity :quant 370000000 :unit (d / dollar))) :ARG2 (t / temporal-quantity :quant 1 :unit (y / year)))))) + +(s / suspend-01 :ARG0 (g4 / government-organization :ARG0-of (g / govern-01) :mod (f / federal)) :ARG1 (s2 / sell-01 :ARG1 (b / bond :mod (s3 / savings) :mod (c3 / country :wiki "United_States" :name (n / name :op1 "U.S.")))) :ARG1-of (c / cause-01 :ARG0 (l / lift-01 :polarity - :ARG0 (g3 / government-organization :wiki "United_States_Congress" :name (n2 / name :op1 "Congress")) :ARG1 (c4 / ceiling :prep-on (d / debt :mod (g5 / government-organization :ARG0-of (g2 / govern-01))))))) + +(s / say-01 :ARG0 (g3 / government-organization :wiki "United_States_Department_of_the_Treasury" :name (t / name :op1 "Treasury")) :ARG1 (a / authorize-01 :polarity - :ARG1 (i / issue-01 :ARG0 g4 :ARG1 (o2 / obligation :mod (d / debt) :mod (n / new) :mod (k / kind :mod (a3 / any)))) :ARG2 (g4 / government-organization :ARG0-of (g / govern-01)) :time (u / until :op1 (a2 / act-02 :ARG0 (g2 / government-organization :wiki "United_States_Congress" :name (c / name :op1 "Congress")))))) + +(d4 / drop-01 :ARG1 (t / thing :ARG1-of (b / borrow-01 :ARG0 g :ARG1-of (a / authorize-01 :ARG2 (g / government-organization :ARG0-of (g2 / govern-01))))) :ARG3 (m2 / monetary-quantity :quant 2870000000000 :unit (d3 / dollar)) :ARG4 (m / monetary-quantity :quant 2800000000000 :unit (d2 / dollar)) :time (d / date-entity :time "0:00" :weekday (w / wednesday))) + +(e / ensnarl-01 :ARG1 (l / legislate-01 :ARG1 (l2 / lift-01 :ARG1 (c / ceiling :mod (d / debt)))) :ARG2 (f / fight-01 :ARG2 (c2 / cut-02 :ARG1 (t2 / thing :ARG1-of (t / tax-01 :ARG3 (t3 / thing :ARG1-of (g3 / gain-02 :mod (c5 / capital)))))))) + +(c2 / contrast-01 :ARG1 (v / vote-01 :ARG0 (g / government-organization :wiki "United_States_House_of_Representatives" :name (n / name :op1 "House")) :ARG1 (r / raise-01 :ARG1 (c / ceiling) :ARG4 (m / monetary-quantity :quant 3100000000000 :unit (d / dollar)))) :ARG2 (e / expect-01 :ARG1 (a / act-02 :polarity - :ARG0 (g2 / government-organization :wiki "United_States_Senate" :name (n2 / name :op1 "Senate")) :time (b2 / before :op1 (w / week :mod (n3 / next)))))) + +(s / say-01 :ARG0 (g / government-organization :wiki "United_States_Department_of_the_Treasury" :name (n / name :op1 "Treasury")) :ARG1 (d2 / default-01 :ARG1 (c / country :wiki "United_States" :name (u / name :op1 "U.S.")) :time (d / date-entity :month 11 :day 9) :condition (a / act-02 :polarity - :ARG0 (g2 / government-organization :wiki "United_States_Congress" :name (n2 / name :op1 "Congress")) :time (b / by :op1 d)))) + +(n / name-03 :ARG1 (p / person :wiki - :name (c / name :op1 "Clark" :op2 "J." :op3 "Vitulli")) :ARG2 (a / and :op1 (p2 / president :mod (v / vice) :mod (s / senior)) :op2 (p3 / person :ARG0-of (m2 / manage-01 :ARG1 a2) :mod (g / general)) :ARG2-of (h / have-org-role-91 :ARG0 p :ARG1 (a2 / arm :mod (t / this) :part-of (c4 / company :wiki "Mazda" :name (m / name :op1 "Mazda" :op2 "Motor" :op3 "Corp") :mod (c3 / country :wiki "Japan" :name (j / name :op1 "Japan")) :ARG0-of (m4 / make-01 :ARG1 (a4 / auto))) :mod (c2 / country :wiki "United_States" :name (u / name :op1 "U.S.")) :ARG0-of (s2 / sell-01) :ARG0-of (m3 / market-01))))) + +(o2 / oversee-01 :ARG0 (h / he) :ARG1 (a / and :op1 (o / operation :ARG0-of (s / sell-01)) :op2 (o4 / operation :mod (s2 / service-05)) :op3 (o5 / operation :mod (p / part)) :op4 (o6 / operation :ARG0-of (m2 / market-01)) :poss (c2 / company :wiki "Mazda" :name (m / name :op1 "Mazda")) :mod (c3 / country :wiki "United_States" :name (n / name :op1 "U.S."))) :ARG3-of (h2 / have-org-role-91 :ARG0 h :ARG2 (p2 / position :mod (n2 / new)))) + +(p / person :wiki - :name (m / name :op1 "Mr." :op2 "Vitulli") :ARG0-of (h / have-org-role-91 :ARG1 (d / division :wiki "Chrysler" :name (c3 / name :op1 "Chrysler") :part-of (c / company :wiki "Chrysler" :name (c2 / name :op1 "Chrysler" :op2 "Corp."))) :ARG3 (m2 / manage-01 :ARG0 p :ARG1 (m3 / market-01) :mod (g / general)) :time (p3 / previous)) :age (t / temporal-quantity :quant 43 :unit (y / year))) + +(h / have-org-role-91 :ARG0 (h2 / he) :ARG1 (c / company :wiki "Chrysler" :name (n / name :op1 "Chrysler")) :ARG2 (e / executive :topic (a / and :op1 (s / sell-01) :op2 (m / market-01))) :duration (t / temporal-quantity :quant 20 :unit (y / year))) + +(j / jet-off-01 :ARG1 (t / titan :ARG0-of (m / manufacture-01) :mod (n / nation)) :ARG2 (t3 / town :mod (r / resort) :example (a / and :op1 (c2 / city :wiki "Boca_Raton,_Florida" :name (b / name :op1 "Boca" :op2 "Raton")) :op2 (c3 / city :wiki "Hot_Springs,_Arkansas" :name (h / name :op1 "Hot" :op2 "Springs"))) :mod (c / confine :mod (s / sunny))) :ARG1-of (t2 / typical-02) :time (p / powwow :poss t :frequency (r2 / rate-entity-91 :ARG1 2 :ARG2 (t4 / temporal-quantity :quant 1 :unit (y / year))))) + +(y / year :mod (t / this) :polarity -) + +(s / settle-01 :ARG0 (o / organization :wiki "National_Association_of_Manufacturers" :name (n / name :op1 "National" :op2 "Association" :op3 "of" :op4 "Manufacturers")) :ARG1 (m / meet-03 :ARG0 (b / board :part-of o) :time (d / date-entity :season (f / fall)) :location (c / city :wiki "Indianapolis" :name (i / name :op1 "Indianapolis") :ARG0-of (h / have-org-role-91 :ARG1 (s2 / state :wiki "Indiana" :name (n3 / name :op1 "Indiana")) :ARG2 (c2 / capital))))) + +(a / and :op2 (d / decide-01 :ARG0 (c / city) :ARG1 (t / treat-01 :ARG0 c :ARG1 (g / guest :poss c) :ARG2 (o / or :op1 (r / royalty) :op2 (s / star :mod (r2 / rock)) :degree (m / more) :compared-to (p / person :ARG0-of (o2 / own-01 :ARG1 (f / factory))))))) + +(p / prove-01 :ARG1 (a / and :op1 (r2 / rust-01 :polarity - :ARG1 (b / buckle :location (c4 / country-region :wiki "Rust_Belt" :name (r / name :op1 "Rust" :op2 "Belt"))) :mod (a2 / after-all) :degree (s / so)) :op2 (p3 / place :mod (g / good) :domain c4 :prep-for (e / expand-01 :ARG1 (c2 / company)))) :ARG2 (p2 / person :quant 125 :ARG0-of (d / decide-01) :mod (c3 / corporation)) :domain (i / idea) :mod (o / of-course)) + +(r / receive-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (a3 / and :op1 (g / giant :example (a / and :op1 (c / company :wiki "DuPont" :name (d / name :op1 "Du" :op2 "Pont")) :op2 (c2 / company :wiki "Maytag" :name (m / name :op1 "Maytag")))) :op2 (c5 / company :ARG1-of (k / know-02 :degree (l / less)) :example (a2 / and :op1 (c3 / company :wiki - :name (t / name :op1 "Trojan" :op2 "Steel")) :op2 (c4 / company :wiki - :name (v / name :op1 "Valley" :op2 "Queen" :op3 "Cheese" :op4 "Factory"))))) :ARG2 (o5 / official))) :ARG1 (t2 / thing :ARG1-of (m3 / message-01))) + +(j / join-01 :ARG0 (p6 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (e / executive))) :ARG1 (p5 / person :wiki "William_H._Hudnut_III" :name (w / name :op1 "William" :op2 "H." :op3 "Hudnut" :op4 "III") :ARG0-of (h / have-org-role-91 :ARG2 (m / mayor))) :prep-for (e2 / evening :poss (a / and :op1 (o / organization :wiki "Indianapolis_Symphony_Orchestra" :name (i / name :op1 "Indianapolis" :op2 "Symphony" :op3 "Orchestra")) :op2 (p2 / person :wiki "Victor_Borge" :name (v / name :op1 "Victor" :op2 "Borge") :mod (p / person :ARG0-of (p3 / play-11 :ARG2 (p4 / piano))) :mod (c2 / comedian) :mod (g / guest)))) :prep-for (s / starter)) + +(f / follow-01 :ARG1 (a / and :op1 (c / champagne) :op2 (d / dessert))) + +(r / race-01 :ARG0 (a / and :op1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG2 (e / executive))) :op2 (p3 / person :ARG0-of (h2 / have-rel-role-91 :ARG1 p2 :ARG2 (w / wife))) :quant (b / busload) :ARG1-of (e2 / escort-01 :ARG0 (p / police) :ARG4 s)) :ARG2 (s / sports-facility :wiki "Indianapolis_Motor_Speedway" :name (i / name :op1 "Indianapolis" :op2 "Motor" :op3 "Speedway")) :ARG1-of (i2 / impede-01 :polarity - :ARG0 (o / or :op1 (t / traffic) :op2 (l / light :ARG1-of (r2 / red-02)))) :time (d / date-entity :dayperiod (m2 / morning) :mod (n2 / next))) + +(p / possible-01 :polarity - :ARG1 (m / make-it-14 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG2 (g3 / governor)))) :ARG0-of (c2 / cause-01 :ARG1 (w / welcome-01 :ARG0 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g / governor :mod (l / lieutenant)))) :ARG1 (g2 / guest :ARG1-of (s / special-02))))) + +(h / hold-04 :ARG1 (b / breakfast-01 :mod (b2 / buffet)) :location (m / museum :location-of (b3 / ban-01 :ARG1 (a / and :op1 (f / food) :op2 (d / drink)) :ARG2 (p / person :ARG0-of (v / visit-01) :mod (e / everyday))))) + +(h / haul-out-03 :ARG0 (s / speedway) :ARG1 (a / and :op1 (p / person :quant 4 :ARG0-of (d / drive-01)) :op2 (c / crew) :op3 (p2 / person :ARG0-of (a2 / announce-01) :mod (e / event :wiki "Indianapolis_500" :name (i / name :op1 "Indianapolis" :op2 500)) :mod (o / official) :mod (e3 / even))) :purpose (r / race-02 :mod (l / lap :quant 10) :ARG1-of (e2 / exhibit-01)) :time (t / then) :ARG3-of (h2 / honor-01 :ARG1 (g / guest))) + +(d / drool-02 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c2 / company :mod (t / thing :wiki "Fortune_500" :name (n / name :op1 "Fortune" :op2 500))) :ARG2 (e / executive))) :ARG1 (a / and :op1 (c / car) :op2 (p / person :ARG0-of (d2 / drive-01))) :time (a2 / after :op1 (r / race-02)) :ARG1-of (r3 / resemble-01 :ARG2 (d3 / drool-02 :ARG0 (s2 / schoolboy)))) + +(p / point-out-02 :ARG0 (p2 / person :ARG0-of (d / drive-01) :mod (d2 / dummy :polarity -)) :ARG1 (h / have-03 :ARG0 p2 :ARG1 (s / space :location (m / machine :poss p2) :prep-for (n / name :quant (o / or :op1 1 :op1 2) :poss (c / company :ARG0-of (s4 / sponsor-01) :mod (a / another)))) :mod (s3 / still))) + +(s / squeeze-02 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (e / executive))) :ARG1 (m / meet-03 :location (h / hotel) :quant (f / few)) :time (b / before :op1 (b2 / board-01 :ARG0 p :ARG1 (b3 / bus) :mod (a / again))) :location (d / downtown :mod (b4 / back))) + +(h / have-purpose-91 :ARG1 (i / it) :ARG2 (a / and :op1 (d / dinner) :op2 (d2 / dance-01) :location (r / relative-position :quant (b / block))) :time (t3 / time :mod (t4 / this))) + +(f2 / feed-01 :ARG0 (c / chef :quant 9 :ARG1-of (i / include-91 :ARG2 (c2 / chef :ARG1-of (h / hot-03 :degree (m / most)) :location (t2 / town)))) :ARG1 (a / and :op1 (m2 / mousseline :mod (d / duckling) :mod (s / state :wiki "Indiana" :name (i2 / name :op1 "Indiana"))) :op2 (c3 / consomme :mod (l / lobster)) :op3 (m3 / mignon :part-of (v / veal)) :op4 (t3 / terrine :mod (c4 / chocolate) :accompanier (s2 / sauce :mod (r / raspberry)))) :ARG2 (t / they) :location (u / under :op1 (a2 / and :op1 (s3 / star) :op2 (m4 / moon) :part-of (b / ballroom :wiki - :name (n / name :op1 "Indiana" :op2 "Roof") :ARG1-of (r2 / renovate-01))))) + +(g / give-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG2 (e / executive))) :ARG1 (o / ovation :manner (s / stand-01 :ARG1 p)) :ARG2 (c / chef) :ARG1-of (c2 / cause-01 :ARG0 (k / know-04 :ARG0 p :ARG1 (m / meal :mod (t / tasty) :ARG1-of (f / free-03)) :time (e2 / eat-01 :ARG0 p :ARG1 m)))) + +(s / say-01 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (c / CEO)) :quant (m / more-than :op1 (f / few))) :ARG1 (t / tempt-01 :ARG1 p :ARG2 (t2 / treat-01 :manner (c3 / carpet :ARG1-of (r2 / red-02))) :ARG3 (r / return-01 :ARG1 p :ARG4 (c2 / city :location (h / heartland)) :purpose (m2 / meet-03 :time (f2 / future))))) + +(c2 / contrast-01 :ARG2 (l / look-forward-03 :ARG0 (t / they) :ARG1 (m / meet-03 :ARG0 t :time (d2 / date-entity :season (w / winter)) :location (c / city :wiki "Boca_Raton,_Florida" :name (b / name :op1 "Boca")) :time (d3 / date-entity :month 2)) :time (n / now))) + +(s3 / say-01 :ARG0 (f / figure :source (g2 / government-organization :ARG0-of (g / govern-01)) :ARG1-of (r3 / release-01 :ARG0 g2 :time (d3 / date-entity :weekday (w / wednesday)))) :ARG1 (r / register-02 :ARG0 (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea")) :ARG1 (d4 / deficit :mod (t / trade-01) :quant (m / monetary-quantity :quant 101000000 :unit (d / dollar)) :ARG1-of (r2 / reflect-01 :ARG2 (s2 / sluggish :domain (e / economy :poss c)))) :time (d2 / date-entity :month 10))) + +(s2 / show-01 :ARG0 (t2 / tally-01 :ARG0 (g / government-organization :wiki "Ministry_of_Trade,_Industry_and_Energy_(South_Korea)" :name (t / name :op1 "Trade" :op2 "and" :op3 "Industry" :op4 "Ministry")) :mod (p / preliminary)) :ARG1 (d2 / deficit :mod (t3 / trade-01) :mod (a2 / another) :mod (s3 / setback :ord (o2 / ordinal-entity :value 5 :range (y / year :mod (t4 / this))) :frequency (r / rate-entity-91 :ARG1 1 :ARG2 (t5 / temporal-quantity :quant 1 :unit (m2 / month)))) :ARG0-of (c2 / cast-01 :ARG1 (c3 / cloud) :ARG2 (e / economy :ARG1-of (o / orient-01 :ARG2 (e2 / export-01)) :poss (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea")))) :time (d / date-entity :month 10))) + +(c / contrast-01 :ARG1 (s / stand-04 :ARG1 (t2 / thing :ARG1-of (e / export-01 :time (d / date-entity :month 10))) :ARG2 (m / monetary-quantity :quant 5290000000 :unit (d2 / dollar) :ARG4-of (u / up-02 :ARG2 (p / percentage-entity :value 0.7 :mod (m4 / mere)) :ARG3 (m5 / monetary-quantity :time (e2 / early :degree (m3 / more :quant (t / temporal-quantity :quant 1 :unit (y / year)))))))) :ARG2 (i / increase-01 :ARG1 (t3 / thing :ARG0-of (i2 / import-01)) :ARG2 (p2 / percentage-entity :value 20) :ARG3 (m6 / monetary-quantity :time (d4 / date-entity :month 10 :mod (l / last))) :ARG4 (m2 / monetary-quantity :quant 5390000000 :unit (d3 / dollar)) :manner (s2 / sharp))) + +(s2 / stop-01 :ARG1 (b / boom-02 :ARG0 (e / economy :poss (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea"))) :ARG1-of (b2 / begin-01 :time (d / date-entity :year 1986))) :time (y / year :mod (t / this)) :ARG1-of (c3 / cause-01 :ARG0 (a / and :op1 (d2 / dispute-01 :ARG2 (l / labor) :ARG1-of (p / prolong-01)) :op2 (c2 / conflict-01 :ARG2 (t2 / trade-01)) :op3 (e2 / export-01 :mod (s3 / sluggish))))) + +(s / say-01 :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG1 (g2 / government-organization :ARG0-of (g / govern-01)) :ARG2 (o / official))) :ARG1 (r / remain-01 :ARG1 (t / thing :ARG1-of (e3 / export-01) :time (e / end-01 :ARG1 (y / year))) :ARG3 (u / under :op1 (m2 / monetary-quantity :quant 68000000000 :unit (d2 / dollar) :ARG1-of (t2 / target-01 :ARG0 g2))))) + +(r / record-01 :ARG0 (c / country :wiki "South_Korea" :name (s / name :op1 "South" :op2 "Korea")) :ARG1 (s2 / surplus :mod (t / trade-01) :quant (m / monetary-quantity :quant 71000000 :unit (d / dollar)) :time (s3 / so-far :mod (y / year :mod (t2 / this)))) :concession (t3 / thing :ARG1-of (f2 / forecast-01) :mod (g / gloomy))) + +(i / increase-01 :ARG1 (t / thing :ARG1-of (e / export-01 :ARG0 (n / nation)) :ARG1-of (a / accumulate-01)) :ARG2 (p / percentage-entity :value 4) :ARG3 (m2 / monetary-quantity :time (d5 / date-interval :op1 (d6 / date-entity :month 1 :mod (y / year :mod (l / last))) :op2 (d7 / date-entity :month 10 :mod y))) :ARG4 (m / monetary-quantity :quant 50450000000 :unit (d / dollar) :time (d2 / date-interval :op1 (d3 / date-entity :month 1) :op2 (d4 / date-entity :month 10)))) + +(u / up-02 :ARG1 (t / thing :ARG1-of (i2 / import-01)) :ARG2 (p / percentage-entity :value 19) :ARG4 (m / monetary-quantity :quant 50380000000 :unit (d / dollar))) + +(a2 / and :op1 (a / announce-01 :ARG0 (m2 / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek")) :ARG1 (r / rate :mod (n3 / new) :mod (a4 / advertise-01) :time (d / date-entity :year 1990))) :op2 (s / say-01 :ARG0 m2 :ARG1 (i / introduce-02 :ARG0 m2 :ARG1 (p3 / plan :mod (n4 / new) :ARG0-of (i2 / incentivize-01 :ARG1 (c2 / company :ARG0-of (a3 / advertise-01)))))) :ARG1-of (c / cause-01 :ARG0 (t3 / try-01 :ARG0 m2 :ARG1 (k2 / keep-up-05 :ARG0 m2 :ARG1 (m / magazine :wiki "Time_(magazine)" :name (t / name :op1 "Time") :ARG1-of (r2 / rival-01 :ARG0 m2)))))) + +(p3 / plan :domain (p4 / plan :mod (n2 / new) :mod (a / advertise-01) :source (m / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek") :part-of (c2 / company :wiki "The_Washington_Post" :name (w / name :op1 "Washington" :op2 "Post" :op3 "Co.")))) :ARG1-of (o / offer-01 :ARG0 m :ARG3 (c3 / company :ARG0-of (a2 / advertise-01))) :ARG0-of (i2 / incentivize-01) :ord (o2 / ordinal-entity :value 2 :range (t / temporal-quantity :quant 3 :unit (y / year)))) + +(a2 / and :op1 (b / become-01 :ARG1 (p2 / plan :ARG0-of (g / give-01 :ARG1 (t / thing :ARG2-of (d / discount-01)) :ARG2 (c7 / company :ARG0-of (a3 / advertise-01)) :ARG1-of (c8 / cause-01 :ARG0 (o / or :op1 (m2 / maintain-01 :ARG0 c7 :ARG1 (m3 / monetary-quantity :ARG3-of (s / spend-01 :ARG0 c7 :ARG1 (a4 / advertise-01)))) :op2 (i / increase-01 :ARG0 c7 :ARG1 m3))))) :ARG2 (f2 / fixture :mod (p3 / permanent) :prep-at (m4 / magazine :mod (r / rate-entity-91 :ARG3 (t3 / temporal-quantity :quant 1 :unit (w / week))) :mod (n2 / news)))) :op2 (u2 / underscore-01 :ARG0 p2 :ARG1 (c2 / compete-02 :ARG0 (a / and :op1 (m5 / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek")) :op2 (m6 / magazine :wiki "Time_(magazine)" :name (t2 / name :op1 "Time" :op2 "Magazine") :poss (c / company :wiki "Time_Warner" :name (n3 / name :op1 "Time" :op2 "Warner" :op3 "Inc."))) :op3 (m7 / magazine :wiki "U.S._News_&_World_Report" :name (u / name :op1 "U.S." :op2 "News" :op3 "&" :op4 "World" :op5 "Report") :poss (p / person :wiki "Mortimer_Zuckerman" :name (m / name :op1 "Mortimer" :op2 "B." :op3 "Zuckerman")))) :manner (f / fierce)))) + +(s / say-01 :ARG0 (p / person :wiki - :name (a / name :op1 "Alan" :op2 "Spoon") :ARG1-of (n2 / name-03 :ARG2 (p3 / president :ARG2-of (h / have-org-role-91 :ARG0 p :ARG1 (m / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek")))) :time (r / recent))) :ARG1 (i / increase-01 :ARG0 m :ARG1 (r2 / rate :mod (a2 / advertise-01) :poss m) :ARG2 (p2 / percentage-entity :value 5) :time (d / date-entity :month 1))) + +(c / cost-01 :ARG1 (p / page :mod (c2 / color :quant 4) :mod (f / full) :part-of (m2 / magazine :wiki "Newsweek" :name (n / name :op1 "Newsweek"))) :ARG2 (m / monetary-quantity :quant 100980 :unit (d / dollar))) + +(m / multi-sentence :snt1 (m2 / many :ARG0-of (s / sense-01 :ARG1 (u / urgency) :time (w / watch-01 :ARG0 m2 :ARG1 (t3 / thing :manner-of (d / develop-02 :ARG0 (t / thing))) :manner (q / quiet-04 :ARG1 m2)))) :snt2 (d2 / dragon :domain (y / you) :ARG0-of (c / coil-01)) :snt3 (t2 / tiger :domain (y2 / you) :ARG0-of (c2 / crouch-01)) :snt4 (a / admire-01 :ARG0 (i / i) :ARG1 (p / patriot :ARG0-of (m3 / mind-04 :mod (n / noble))))) + +(m2 / multi-sentence :snt1 (g / give-01 :mode interrogative :ARG0 (h / history) :ARG1 (l / lesson :quant (m / many :degree (t / too))) :ARG2 (w / we)) :snt2 (a / and :op1 530 :op2 412 :op2 64)) + +(l / look-01) + +(m / multi-sentence :snt1 (s / suffer-01 :ARG0 (p / person :mod (o2 / ordinary))) :snt2 (f / fish :ARG1-of (s2 / salt-01) :mod (s3 / still) :domain f2 :concession (e / even-if :op1 (t / turn-01 :ARG1 (b / body :poss (f2 / fish :ARG1-of (s4 / salt-01))) :direction (o3 / over))))) + +(o / or :op1 (c / call-01 :ARG1 (p / person) :ARG2 (s / slave :poss (f / foreign))) :op2 (a / accuse-01 :ARG1 p :ARG2 (a2 / and :op1 (r / revere-01 :ARG0 p :ARG1 (t / thing :mod (f3 / foreign))) :op2 (f2 / fascinate-01 :ARG0 t :ARG1 p))) :condition (a3 / and :op1 (e / express-01 :ARG0 p :ARG1 (v / view-02 :ARG0 p :ARG1-of (d / differ-02 :degree (s3 / somewhat) :compared-to (v2 / view-02 :mod (t2 / tradition))))) :op2 (c2 / criticize-01 :ARG0 p :ARG1-of (d2 / differ-02 :degree (s4 / slight)))) :topic (f4 / free-04 :ARG3 (s5 / slash :op1 (s2 / speak-01) :op2 (t3 / think-01)))) + +(c / consider-01 :ARG1 (p2 / person :domain (t2 / they) :ARG0-of (b / betray-01 :ARG1 (c2 / country :wiki "China" :name (n2 / name :op1 "China")))) :mod (m / more) :mod (t4 / tyrannize-01 :ARG2 (c3 / culture) :ARG1-of (c4 / cloak-01 :ARG2 (a / and :op1 (n / nationalism) :op2 (p / patriotism))))) + +(c3 / cause-01 :ARG0 (a2 / achieve-01 :ARG0 c :ARG1 (r / result-01 :ARG2 (d2 / defeat-01 :ARG0 c :ARG1 (s / soldier :ARG0-of (h / have-rel-role-91 :ARG1 c :ARG2 (e2 / enemy))) :manner (f3 / fight-01 :polarity - :ARG0 c)))) :ARG1 (n / need-01 :ARG0 (c / country :wiki "United_States" :name (n3 / name :op1 "US")) :ARG1 (u / use-01 :ARG0 c :ARG1 (f / force-04) :ARG2 (d / deal-01 :ARG0 c :ARG2 (c2 / country :wiki "China" :name (n2 / name :op1 "China")))) :time (n4 / no-longer) :mod (i / in-fact))) + +(m / multi-sentence :snt1 (i / intense-02 :mode interrogative :ARG1 (a / article) :degree (t / too)) :snt2 (g / good :mode interrogative :degree (s / so) :domain (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")))) + +(m / multi-sentence :snt1 (a / assume-02 :polarity - :mode imperative :ARG0 y :ARG1 (e / exist-01 :ARG1 t2) :condition (a2 / and :op1 (s / see-01 :polarity - :ARG0 (e2 / eye :part-of (y / you)) :ARG1 (t2 / thing)) :op2 (h / hear-01 :polarity - :ARG0 (e3 / ear :part-of y) :ARG1 t2))) :snt2 (c / create-01 :ARG0 (p / person :quant 3) :ARG1 (t / tiger))) + +(m / multi-sentence :snt1 (a / and :op1 (p / pass-by-17 :mod (j / just)) :op2 (l / look-01)) :snt2 (e / express-01 :polarity - :ARG0 (i / i) :ARG1 (t / thing :ARG1-of (o / opine-01 :ARG0 i)))) + +(c / come-01 :purpose (a / and :op1 (s / study-01) :op2 (l / learn-01))) + +(a2 / attract-01 :degree (v / very)) + +(r / recommend-01 :ARG1 (a / advocate-01 :ARG1 (i / it) :manner (v / vigorous))) + +(m / multi-sentence :snt1 (f / forget-01 :polarity - :ARG0 (p / person :mod (s / some)) :ARG1 (p2 / person :mod (c / country :wiki "China" :name (n2 / name :op1 "China")) :domain p)) :snt2 (c2 / compel-01 :ARG0 (s2 / sense-01 :ARG0 i :ARG1 (r / righteousness)) :ARG1 (i / i) :condition (n / need-01 :ARG0 (c3 / country) :ARG1 i))) + +(m / multi-sentence :snt1 (h / hate-01 :ARG0 (i / i) :ARG1 (p / person :mod (t3 / that) :ARG0-of (e2 / eat-01 :ARG1 (t2 / thing :mod (c3 / country :wiki "China" :name (n2 / name :op1 "China")))) :mod (d2 / dog :mod (t / that)) :ARG0-of (d / drink-01 :ARG1 t2) :ARG0-of (s / say-01 :ARG1 (w / whatever :degree (s2 / so) :domain (c4 / country :wiki "United_States" :name (n / name :op1 "America"))) :ARG1-of (c5 / contrast-01 :ARG2 (a2 / and :op1 e2 :op2 d)))) :mod (e / especially) :mod (r / really)) :snt2 (g / go-05 :mode imperative :ARG0 (y / you) :ARG1 (f / find-01 :ARG0 y :ARG1 (p2 / person :ARG1-of (l / legitimate-02 :polarity -) :ARG0-of (h2 / have-rel-role-91 :ARG1 y :ARG2 (f2 / father)))) :condition (g2 / good :degree (s3 / so) :domain (c6 / country :wiki "United_States" :name (n3 / name :op1 "America"))))) + +(c / contrast-01 :ARG1 (f / feel-02 :ARG0 (i / i) :ARG1 (a / and :op1 (r / recommend-01 :ARG1 (l / learn-01 :ARG0 (p / people :poss (w / we)) :ARG2 (c2 / country :wiki "North_Korea" :name (n3 / name :op1 "DPRK")) :quant (m / more))) :op2 (n / need-01 :ARG1 (h / hold-01 :ARG1 (b / banner :poss (s / socialism)))))) :ARG2 (p3 / possible-01 :polarity - :ARG1 (f2 / forget-01 :ARG1 (t / thing :ARG1-of (t2 / think-01 :ARG0 (p2 / person :wiki "Mao_Zedong" :name (n2 / name :op1 "Mao" :op2 "Zedong"))))))) + +(p / possible-01 :ARG1 (s / save-02 :ARG0 (t / thing :mod (o / only) :ARG1-of (t2 / think-01 :ARG0 (p2 / person :wiki "Mao_Zedong" :name (n2 / name :op1 "Mao" :op2 "Zedong")))) :ARG1 (n / nation))) + +(p / person :quant (m / many :degree (t2 / too)) :ARG0-of (b / betray-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China")))) + +(m / multi-sentence :snt1 (l / line :domain (p / patriotism) :mod (b / bottom)) :snt2 (o / obligate-01 :ARG0 (e / everyone) :ARG1 (p2 / prove-01 :ARG0 e :ARG1 (d / deserve-01 :ARG0 e :ARG1 (n / nation))))) + +(t / think-01 :ARG0 (i / i) :ARG1 (c / contrast-01 :ARG1 (e / elite :polarity - :mod (t2 / that)) :ARG2 (b / bribe-01 :ARG1 (p / person :ARG1-of (c2 / corrupt-01) :quant (s / some) :ARG0-of (h / have-org-role-91 :ARG2 (o / official)))))) + +(r / remove-01 :mode imperative :ARG0 (y / you) :ARG1 (g / group :mod (t / this) :consist-of (j / jerk))) + +(l / look-01 :ARG0 (i / i) :mod (j / just)) + +(n / need-01 :ARG0 (w / we) :ARG1 (v / vigilant) :ARG1-of (c / cause-01 :ARG0 (p / person :quant (m / many :degree (s / so)) :time (h / history :poss (c2 / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG0-of (b / betray-01)))) + +(o / obligate-01 :ARG1 (w / we) :ARG2 (p / prevent-01 :ARG0 w :ARG1 (p2 / person :ARG0-of (r / run-02) :mod (d / dog) :ARG0-of (b / betray-01)) :ARG2 (c3 / collude-01 :ARG0 p2 :ARG1 (i / imperialism :mod (w4 / world-region :wiki "Western_world" :name (n3 / name :op1 "West"))))) :ARG1-of (c4 / cause-01 :ARG0 (c2 / chaos :location (a2 / and :op1 (w2 / world-region :wiki "East_Africa" :name (n / name :op1 "East" :op2 "Africa")) :op2 (w3 / world-region :wiki "North_Africa" :name (n2 / name :op1 "North" :op2 "Africa"))))) :mod (a / also)) + +(m3 / multi-sentence :snt1 (h / have-03 :ARG0 (e / everything) :ARG1 (n / number :ARG1-of (s / set-16) :poss e)) :snt2 (t / time :polarity - :time-of (c / change-01 :ARG1 (w / weather) :location (c2 / country :wiki "China" :name (n2 / name :op1 "China")))) :snt3 (p / possible-01 :ARG1 (a / and :op1 (b / bark-01 :ARG0 (p2 / person :ARG0-of (b2 / betray-01)) :manner (m / mad-02) :mod (o / only) :ARG1-of (r / resemble-01 :ARG2 (d3 / dog))) :op2 (e2 / else :mod (n3 / nothing)))) :snt4 (p3 / possible-01 :ARG1 (d2 / disappoint-01 :ARG1 (t2 / they) :mod (o2 / only)))) + +(m / multi-sentence :snt2 (l / lead-02 :ARG1 (w / world)) :snt3 (i / intend-01 :ARG0 (h / heaven) :ARG1 (t / this)) :snt1 (c / come-01 :ARG1 (p / person) :ARG3 (d / direction :quant (a / all)) :ARG4 (c2 / court :mod (c3 / country :wiki "China" :name (n / name :op1 "China"))) :time (b / before :op1 (l2 / long :polarity -)))) + +(f / follow-02 :manner (i / interest-01)) + +(a / and :op1 (s / specialize-01 :ARG0 (c2 / country :wiki "China" :name (n2 / name :op1 "China") :ARG1-of (m / modern-02)) :ARG1 (t2 / this) :mod (j2 / just)) :op2 (p / possible-01 :ARG1 (d / do-02 :ARG0 (w / we) :ARG1 (n / nothing)))) + +(i / include-91 :ARG1 (p / person :quant (m / many :degree (t2 / too)) :ARG0-of (b / betray-01)) :ARG2 (c / compatriot :poss (w / we))) + +(m / multi-sentence :snt1 (r / relative :domain (f / free-04 :ARG3 (s2 / speak-01))) :snt2 (n / need-01 :ARG0 (w / we) :ARG1 (a2 / account-00 :ARG0 w :ARG1 (c / condition :mod (n2 / nation))))) + +(m / multi-sentence :snt1 (f / free-04 :ARG3 (s5 / slash :op1 (s4 / speak-01) :op2 (t3 / think-01))) :snt2 (o / or :op1 (c / call-01 :ARG1 p2 :ARG2 (s3 / slave :poss (f2 / foreign))) :op2 (a2 / accuse-01 :ARG1 p2 :ARG2 (a4 / and :op1 (r / revere-01 :ARG0 p2 :ARG1 (t2 / thing :mod (f3 / foreign))) :op2 (f4 / fascinate-01 :ARG0 t2 :ARG1 p2))) :condition (a3 / and :op1 (e / express-01 :ARG0 (p2 / person) :ARG1 (v3 / view-02 :ARG1-of (d / differ-02 :ARG1 (v2 / view-02 :mod (t / tradition)) :degree (s / somewhat)))) :op2 (p / put-00 :ARG0 p2 :ARG1 (c2 / criticize-01 :ARG0 p2 :ARG1-of (d2 / differ-02 :degree (s2 / slight))))))) + +(l / like-02 :ARG0 (i / i) :ARG1 (a / ask-01 :ARG0 i :ARG1 (p4 / person :domain (p2 / person :ARG1-of (i2 / include-91 :ARG2 (p3 / person :mod (t2 / that) :ARG1-of (m / mention-01 :location (a3 / above))))) :ARG0-of (h / have-rel-role-91 :ARG1 p :ARG2 (d / dad))) :ARG2 (p / person :ARG0-of (s / say-01 :ARG1 (t / this))))) + +(m / multi-sentence :snt2 (o2 / obligate-01 :ARG1 (p3 / person :ARG0-of (e / enter-01 :ARG1 (g3 / group))) :ARG2 (a4 / and :op1 (a5 / adhere-01 :ARG0 p3 :ARG2 (s2 / system :location g3)) :op2 (p / patriotic :domain p3) :op3 (m3 / modify-01 :ARG0 p3 :ARG1 (c2 / card :mod (g4 / group) :mod (b2 / business) :poss p3) :ARG2 (c3 / consistent-01 :ARG1 c2 :ARG2 (f2 / format :poss (p5 / person :mod (o3 / other))))))) :snt3 (p2 / permit-01 :ARG0 (g2 / group :mod (t / this)) :ARG1 (e2 / enter-01 :ARG0 (m2 / male) :ARG1 g2) :mod (o / only) :ARG0-of (c8 / cause-01 :ARG1 (a / ask-02 :ARG0 (w3 / we) :ARG1 (l / leave-11 :polite + :ARG0 y2 :ARG1-of (v / volunteer-01 :ARG0 y2)) :ARG2 (y2 / you) :ARG1-of (h / have-condition-91 :ARG2 (a2 / and :op1 (c / conform-01 :polarity - :ARG1 y2) :op2 (a3 / ally-01 :polarity - :ARG1 y2 :ARG2 w3) :op3 (f / follow-02 :polarity - :ARG0 y2 :ARG1 (s / system :location g2))))))) :snt1 (s5 / say-01 :ARG1 (w / welcome-01 :ARG0 (w2 / we) :ARG1 f4 :ARG2 (j / join-01 :ARG0 f4 :ARG1 (o4 / organization :wiki - :name (n / name :op1 "Military" :op2 "Fans'" :op3 "Alliance")) :location (g5 / group :mod (q2 / qq :mod 181729561)))) :ARG2 (f4 / fan :topic (a8 / affair :mod (m5 / military)) :ARG1-of (f3 / fascinate-01 :ARG0 (a6 / and :op1 (a7 / armament) :op2 (q / quality :mod (c4 / clothing :mod (m4 / military))))) :ARG0-of (w4 / want-01 :ARG1 (b3 / become-01 :ARG1 (y / you) :ARG2 (s4 / soldier)) :ARG1-of (c7 / contrast-01 :ARG2 (s3 / succeed-01 :polarity - :ARG0 y :ARG1 b3 :ARG1-of (c6 / cause-01 :ARG0 (r / reason :mod (v2 / various))))))))) + +(a / and :op1 (s / support-01) :op2 (b / bump-02)) + +(d / descend-01 :ARG0 (w / we :quant (a / all)) :source (a2 / and :op1 (p / person :wiki "Yan_Emperor" :name (n / name :op1 "Yan") :ARG0-of (h / have-org-role-91 :ARG2 (e / emperor))) :op2 (p2 / person :wiki "Murong_Huang" :name (n2 / name :op1 "Huang") :ARG0-of h)) :time (m / moment :ARG1-of (c / critical-02))) + +(a / and :op1 (l / look-01 :mode imperative :ARG0 (y / you) :ARG1 (c / cooperate-01 :ARG0 (p / political-party :wiki "Kuomintang" :name (n / name :op1 "Kuomintang")) :ARG1 (p2 / political-party :wiki "Communist_Party_of_China" :name (n2 / name :op1 "Communist")) :time (y2 / year :mod (t / that)))) :op2 (k / know-01 :ARG0 y)) + +(i / influence-01 :polarity - :ARG0 (c / create-01 :ARG1 (r / ruckus)) :ARG2 (c2 / cooperate-01 :ARG1 (e / everybody) :time (w / war)) :time (y / year :mod (p / peaceful))) + +(p3 / possible-01 :ARG1 (c / compete-01 :ARG0 (i / it) :ARG1 (a / article :source (e / event :wiki "Cultural_Revolution" :name (n / name :op1 "Cultural" :op2 "Revolution"))) :manner (m / magnify-01 :ARG0 i :ARG1 (p / problem) :purpose (b / become-01 :ARG1 p :ARG2 (q / question :topic (o / or :op1 (p2 / principle) :op2 (l / line :mod (i2 / ideology)))))) :manner (b2 / button-01 :ARG0 i :ARG1 (h / hat)))) + +(t / terrify-01 :ARG0 (c / column :ord (o / ordinal-entity :value 5)) :ARG1 (p / person :ARG1-of (i / interest-01 :ARG2 (p2 / political-party :wiki "Communist_Party_of_China" :name (n / name :op1 "Communist" :op2 "Party")) :ARG2-of (v / vest-01))) :mod (t2 / thing :mod (g / good))) + +(m / multi-sentence :snt1 (h3 / have-condition-91 :ARG1 (f2 / first :compared-to (a2 / all) :domain (c2 / culture :poss p :mod (n3 / nation) :ARG0-of (h2 / have-03) :poss-of (t2 / tool :domain (a / and :op1 (l2 / language) :op2 (w2 / write-01))))) :ARG2 (w / want-01 :ARG0 (y / you) :ARG1 (d / destroy-01 :ARG0 y :ARG1 (p / people)))) :snt2 (o / obligate-01 :ARG1 (t / test-01 :ARG1 (o2 / or :op1 (e / everyone :ARG1-of (g / go-01 :ARG4 (g2 / grade :mod (n2 / next)))) :op2 (e3 / everyone :ARG0-of (e2 / enter-01 :ARG1 (s / school :mod (h / high :degree (m2 / more))))) :quant (a3 / all)) :ARG2 (l / language :wiki "English_language" :name (n / name :op1 "English")) :time (c / current)))) + +(t / turn-01) + +(m2 / multi-sentence :snt1 (a / and :op1 (d / dragon :ARG1-of (c2 / coil-01) :domain (y2 / you)) :op2 (t / tiger :ARG0-of (c3 / crouch-01) :domain y2)) :snt2 (s2 / sense-02 :ARG1 (i / it)) :snt3 (w / wait-01 :mode imperative :ARG1 (y / you) :ARG2 (o / opportunity))) + +(c3 / cause-01 :ARG0 (r2 / reach-01 :ARG0 c :ARG1 (r / result-01 :ARG2 (d2 / defeat-01 :ARG0 c :ARG1 (s / soldier :ARG0-of (h / have-rel-role-91 :ARG1 c :ARG2 (e / enemy))) :manner (f3 / fight-01 :polarity - :ARG0 c)))) :ARG1 (n / need-01 :ARG0 (c / country :wiki "United_States" :name (n3 / name :op1 "US")) :ARG1 (u / use-01 :ARG0 c :ARG1 (f / force-04) :ARG2 (d / deal-01 :ARG0 c :ARG2 (c2 / country :wiki "China" :name (n2 / name :op1 "China")))) :time (n4 / no-longer) :mod (i / in-fact))) + +(m / multi-sentence :snt1 (y / yes) :snt2 (s / slave :quant (m2 / many) :poss (f / foreign)) :snt3 (t / time :time-of (r / recommend-01 :ARG1 (r2 / renovate-01 :ARG0 (w / we))))) + +(m / multi-sentence :snt1 (r / recommend-01 :ARG1 (a2 / attend-02 :ARG0 (a12 / authority :ARG0-of (r2 / rule-03)) :ARG1 (p / person :ARG0-of (c11 / capitulate-01) :ARG0-of (b2 / betray-01 :ARG1 (c2 / country :wiki "China" :name (n / name :op1 "China"))) :mod (k2 / kind :mod (t7 / this)))) :mod (a4 / actual)) :snt2 (s / say-01 :ARG0 (p4 / person :wiki "Deng_Xiaoping" :name (n3 / name :op1 "Deng" :op2 "Xiaoping") :ARG0-of (h3 / have-rel-role-91 :ARG2 (c3 / comrade))) :ARG1 (a / and :op1 (o2 / overthrow-01 :polarity - :ARG1 (p3 / political-party :wiki "Communist_Party_of_China" :name (n4 / name :op1 "Communist" :op2 "Party"))) :op2 (b / bring-down-03 :ARG1 p3 :source p3 :condition (f / fall-05 :ARG1 p3))) :time (o / once)) :snt3 (a13 / and :op1 (s2 / say-01 :ARG0 (p6 / person :wiki "Jon_Huntsman,_Jr." :name (n5 / name :op1 "Mr." :op2 "Huntsman") :ARG0-of (h2 / have-org-role-91 :ARG1 (c / country :wiki "United_States" :name (n2 / name :op1 "US")) :ARG2 (a5 / ambassador) :location (c5 / country :wiki "China" :name (n6 / name :op1 "China")) :time (f2 / former))) :ARG1 (a6 / and :op1 (r3 / raise-01 :ARG0 (w / we) :ARG1 (s7 / spokesperson :quant 800000 :location c5)) :op2 (t3 / topple-01 :mode imperative :ARG0 (p5 / person :mod c5) :ARG1 c5)) :time (o3 / once) :medium (s3 / speech :location c)) :op2 (a7 / and :op1 (u3 / use-01 :ARG0 (g / government-organization :wiki "Central_Intelligence_Agency" :name (n10 / name :op1 "CIA")) :ARG1 (s4 / subsidy :mod (r5 / rate-entity-91 :ARG1 (m2 / monetary-quantity :quant 8000000 :unit (y / yuan)) :ARG2 (t / temporal-quantity :quant 1 :unit (y2 / year)))) :ARG2 (h / help-01 :ARG0 g :ARG1 (e2 / elite :mod (d / domestic) :ARG1-of (c10 / call-01 :mod (s6 / so)))) :time (t2 / then)) :op2 (v / vow-01 :ARG0 g :ARG1 (w2 / want-01 :ARG0 g :ARG1 (a9 / allow-01 :ARG0 g :ARG1 (a8 / and :op1 (r4 / raise-01 :ARG0 e2 :ARG1 (w3 / wind) :purpose (m3 / make-01 :ARG0 g :ARG1 (w4 / wave) :location (d2 / domestic))))))))) :snt4 (n7 / need-01 :ARG0 (c9 / citizen) :ARG1 (a3 / and :op1 (a10 / alert-01 :ARG1 c9 :ARG2 (t6 / this)) :op2 (l / let-01 :polarity - :ARG0 c9 :ARG1 (u / use-01 :ARG0 (o5 / outsider) :ARG1 (w5 / we)))) :mod (d3 / definite))) + +(r / reason :ARG0-of (c2 / cause-01 :ARG1 (s / say-01 :ARG0 (i / i) :ARG1 (a / and :op1 (s2 / see-01 :ARG0 i :ARG1 (t3 / thing :ARG1-of (s5 / suggest-01 :ARG0 (p2 / person :ARG1-of (e3 / expert-01)))) :time (b / before :op1 (n2 / now) :duration (s6 / several :op1 (t4 / temporal-quantity :quant 1 :unit (d2 / day))))) :op2 (s4 / see-01 :ARG0 i :ARG1 (d / disciple :poss (p / person :wiki "Wang_Jingwei" :name (n / name :op1 "Wang" :op2 "Jingwei")) :domain p2) :manner (g2 / glimpse-01 :ARG0 i)))))) + +(a / allow-01 :ARG0 (s / society :mod (w2 / world-region :wiki "Western_world" :name (n / name :op1 "West"))) :ARG1 (s2 / see-01 :ARG0 (p / person :mod (t / this)) :ARG1 (d / dawn-02 :ARG1 (a2 / and :op1 (f / fair :domain (d2 / democracy)) :op2 (j / justice :domain d2))))) + +(m / multi-sentence :snt1 (c2 / cause-01 :ARG0 (s / slow-05 :ARG1 (d / develop-02 :ARG1 (p / politics) :location (d2 / domestic)) :degree (t / too) :mod (t2 / true)) :ARG1 (p4 / possible-01 :polarity - :ARG1 (a / avoid-01 :ARG1 (c / criticize-01 :ARG0 (p3 / person :poss-of (i / ideology :ARG1-of (a2 / advanced-02 :degree (b2 / bit)))) :ARG1 d)))) :snt2 (p2 / possible-01 :mode interrogative :ARG1 (b / blame-01 :ARG0 (w / we) :ARG1 (o / other) :ARG2 (t3 / this)))) + +(p / proper :polarity - :mode interrogative :domain (s / say-01 :ARG1 (b / bribe-01 :ARG1 (s2 / someone)))) + +(a3 / and :op1 (s / selfish :domain (p / person :quant (a / all))) :op2 (g / gray-02 :ARG1 (r / reality) :frequency (o / often) :mod (a2 / also))) + +(b / become-01 :ARG1 a :ARG2 (v / view-02 :ARG0 (p2 / person) :ARG1 (a / activity-06 :ARG0 (o / organization :wiki - :name (n / name :op1 "ZF")) :ARG1 (p / propaganda) :quant (s / some)) :ARG2 (t / thing :ARG2-of (j / joke-01))) :time (s2 / soon)) + +(w / wrong-02 :ARG1 (a2 / amr-unknown) :ARG2 (c / criticize-01 :ARG0 (t / they) :ARG1 (p / propaganda :time (p2 / previous) :ARG1-of (s / stupefy-01)) :degree (b / bit)) :location (e / environment :mod (t2 / this))) + +(p / possible-01 :polarity - :ARG1 (l / look-over-06 :ARG0 (w / we) :ARG1 (a / account-01 :ARG1 (w2 / war-01 :ARG1 (c2 / country :wiki "Japan" :name (n2 / name :op1 "Japan")) :time (p2 / previous) :ARG1-of (c / call-01 :mod (s / so))) :mod (o / old)))) + +(m / multi-sentence :snt1 (l / look-01 :mode imperative :ARG0 (y / you) :ARG1 (c / country :wiki "North_Korea" :name (n / name :op1 "North" :op2 "Korea") :ARG1-of (r2 / resemble-01 :ARG2 (c2 / country :poss (w / we) :time (b / before :op1 (n2 / now) :quant (m2 / many :op1 (t2 / temporal-quantity :quant 1 :unit (y3 / year)))))))) :snt2 (l2 / look-01 :mode imperative :ARG0 (y2 / you) :ARG1 (p / propaganda :ARG1-of (r / ridiculous-02) :poss (t / they)))) + +(a / and :op1 (s / stop-01 :polarity - :ARG1 (d / dream-01 :ARG0 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :ARG1 (o / occupy-01 :ARG0 c :ARG1 (w / world :mod (w2 / whole)))) :time (e / ever)) :op2 (p / plan-01 :ARG1 d :manner (c2 / constant))) + +(m / multi-sentence :snt2 (s / succeed-01 :ARG0 (c / country :wiki "United_States" :name (n2 / name :op1 "America")) :ARG1 (s2 / set-up-03 :ARG1 (c2 / column :mod (o / ordinal-entity :value 5))) :manner (b / bribe-01 :ARG1 (e / elite :mod (i3 / intellectual) :mod (c3 / country :wiki "China" :name (n / name :op1 "China"))) :ARG1-of (l / long-03)) :time (a / already)) :snt1 (t2 / thing :ARG1-of (f / feel-01) :mod (k / kind) :ARG1-of (i / intense-02 :degree (m2 / more-and-more)) :time (d / day :mod (t / this)))) + +(a / and :op1 (o / or :op1 (p / possible-01 :ARG1 (c / consider-02 :ARG0 (p2 / person :mod (t / this)) :ARG1 p2 :ARG2 (c2 / celebrity :mod (c3 / culture)))) :op2 (p3 / possible-01 :ARG1 (h / have-03 :ARG0 p2 :ARG1 (a2 / and :op1 (a3 / authority :ARG1-of (h2 / high-02)) :op2 (p4 / position :mod (i / important)))))) :op2 (d / distribute-01 :ARG1 p2 :location (c4 / circle :mod (v / various) :location (s / society))) :op3 (t2 / take-01 :ARG0 p2 :ARG1 (p5 / pain :degree (g / great)) :purpose (a4 / and :op1 (p6 / promote-02 :ARG0 p2 :ARG1 (v2 / value :mod (c5 / country :wiki "United_States" :name (n2 / name :op1 "America")))) :op2 (b / brainwash-01 :ARG0 p2 :ARG1 (p7 / person :mod (c6 / country :wiki "China" :name (n / name :op1 "China"))) :prep-on-behalf-of (p8 / person :mod c5))))) + +(c / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (i / intensify-01 :ARG1 (t / thing :ARG1-of (f / feel-01) :mod (k / kind :mod (t2 / this))) :degree (m3 / more-and-more))) + +(m2 / multi-sentence :snt1 (c2 / cause-01 :ARG0 (r / read-01 :ARG0 (i / i) :ARG1 (p / part :part-of (b / blog :wiki - :name (n / name :op1 "Specialist" :op2 "Professor")))) :time (d / day :mod (t / this))) :snt2 (c / contrast-01 :ARG1 (o / okay-04 :ARG1 (r2 / read-01 :polarity - :ARG0 (i3 / i) :ARG1 (i2 / it))) :ARG2 (s / surprise-01 :ARG0 i2 :ARG1 i3 :degree (r3 / really) :time (a / after :op1 r2)))) + +(e3 / exemplify-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "Zhang" :op2 "Ming") :ARG0-of (h / have-org-role-91 :ARG1 (u / university :wiki "Renmin_University_of_China" :name (n2 / name :op1 "Renmin" :op2 "University")) :ARG2 (a2 / assistant-professor))) :ARG1 (o / obvious-01 :ARG1 (t / thing :ARG1-of (i / intend-01 :ARG0 (b2 / blog :ARG1-of (i3 / include-91 :ARG2 (b / blog :poss p2)) :quant (m / many))) :mod (p3 / politics)) :degree (e2 / extreme))) + +(e3 / exemplify-01 :ARG0 (a / and :op1 (a2 / attribute-01 :ARG0 (h / he) :ARG1 (t2 / thing :ARG0-of (c2 / cause-01 :ARG1 (p6 / prevail-02 :ARG1 (h2 / hostile) :location (c / country :wiki "China" :name (n2 / name :op1 "China"))))) :ARG2 (h3 / have-03 :ARG0 (t / textbook :mod (s / school :mod (e / elementary))) :ARG1 (p2 / person :wiki - :name (n / name :op1 "Wang" :op2 "Erxiao"))) :medium (b2 / blog :quant 1)) :op2 (d / disparage-01 :ARG0 h :ARG1 (a3 / article :mod (g / good) :ARG0-of (p3 / promote-01 :ARG1 (p4 / patriotism))) :consist-of (v / value-01 :polarity - :ARG1 a3 :ARG2 (p5 / penny :mod (e2 / even)))))) + +(m / multi-sentence :snt1 (e / exemplify-01 :ARG0 (p / person :wiki "Li_Yinhe" :name (n / name :op1 "Li" :op2 "Yinhe") :mod (s / sexologist :ARG1-of (c / call-01 :mod (s3 / so))) :mod (a2 / activist :mod (s2 / social) :ARG1-of c)) :mod (a3 / another)) :snt2 (r / resemble-01 :polarity - :ARG1 (s4 / stuff :poss (s6 / she)) :ARG2 (t / thing :example (t2 / treatise :wiki - :name (n3 / name :op1 "Haite" :op2 "Sexology" :op3 "Report"))) :li (x / 1)) :snt3 (t3 / think-01 :polarity - :ARG0 (s7 / she) :ARG1-of (d / deep-02) :li (x2 / 2)) :snt4 (c2 / contribute-01 :polarity - :ARG0 (s8 / she) :ARG1-of (s5 / significant-02) :li (x3 / 3))) + +(m2 / multi-sentence :snt2 (c3 / clown :domain (s / she) :ARG0-of (j / jump-03) :ARG1-of (p / pure-02)) :snt1 (r / rely-01 :ARG0 (s4 / she) :ARG1 (a2 / and :op1 (d / do-02 :ARG1 (s3 / something :mod (n / novel) :ARG1-of (d2 / differ-02))) :op2 (v / viewpoint :ARG0-of (s2 / shock-01))) :ARG2 (a4 / attract-01 :ARG0 s :ARG1 (e / eye :part-of (p2 / person))) :mod (m / main) :manner (o / or :polarity - :op1 (c / capable-01 :ARG1 s4 :mod (r2 / real)) :op2 (l / learn-01 :ARG0 s4) :ARG2-of (c2 / contrast-01 :ARG1 r)))) + +(m / multi-sentence :snt1 (p / put-on-08 :ARG0 (p2 / person :mod (k / kind :mod (t / this))) :ARG1 (h / hat :mod (p6 / person :ARG0-of (s / specialize-01 :mod (b / big)))) :purpose (i / intimidate-01 :ARG0 p2 :ARG1 (p3 / person) :mod (j / just))) :snt2 (k2 / key-02 :ARG1 (a5 / and :op1 (h2 / have-concession-91 :ARG1 (u / understand-01 :polarity - :ARG0 s2 :ARG1 (p5 / politics) :mod (y / yet)) :ARG2 (c2 / concern-01 :ARG0 p5 :ARG1 s2)) :op2 (h3 / have-concession-91 :ARG1 (a3 / and :op1 (a / arrogance :domain s2) :op2 (o / overbearing :domain s2)) :ARG2 (w / will-02 :ARG0 s2 :ARG1 (s3 / slave :beneficiary (f / foreign) :domain s2))) :op3 (h4 / have-concession-91 :ARG1 (f2 / feel-01 :ARG0 s2 :ARG1 (f3 / fine-04 :ARG1 s2)) :ARG2 (i2 / ignorant-02 :ARG1 (s2 / she)))))) + +(e2 / exemplify-01 :ARG0 (d / denigrate-01 :ARG0 (s / she) :ARG1 (a / and :op1 (s2 / struggle-01 :mod (c2 / class)) :op2 (d2 / drive-04 :ARG1 (o / oppose-01 :ARG1 (a4 / and :op1 (p2 / pornography) :op2 (p3 / publication :mod (l2 / law :polarity -)))))) :ARG2 (h / hostility :mod (s3 / social)) :ARG1-of (c / complete-02) :medium (e / essay :ARG1-of (t / title-01 :ARG2 (a3 / and :op1 (h2 / hostility :quant (l / less :degree (b / bit))) :op2 (h3 / harmony :quant (m / more :degree (b2 / bit)))))))) + +(a / attribute-01 :ARG0 (s / she) :ARG1 (w / worship-01 :ARG0 (s2 / society :mod (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG1 (m / money)) :ARG2 (a2 / atheism) :medium (e / essay :ARG1-of (t / title-01 :ARG2 (b / become-01 :ARG1 c :ARG2 (c2 / country :ARG0-of (w2 / worship-01 :ARG1 (m2 / money) :degree (m3 / most :compared-to (e2 / earth)))) :time (a3 / already))))) + +(b2 / blather-00 :ARG0 (s2 / she) :ARG1 (b / become-01 :ARG1 (p2 / person :ARG0-of (s3 / study-01 :ARG1 (p3 / person :wiki - :name (n2 / name :op1 "Paul")))) :ARG2 (t2 / terrorist)) :medium (e / essay :ARG1-of (t / title-01 :ARG2 (s / study-01 :mode interrogative :ARG0 (y / you) :ARG1 (o / or :op1 p3 :op2 (p4 / person :wiki - :name (n / name :op1 "Bill"))))))) + +(a / and :op1 (t / take-04 :ARG0 (s2 / she) :ARG1 (p / publish-01 :ARG0 (c / citizen) :ARG1 (n / novel :mod (p2 / pornographic))) :ARG2 (f / free-04 :ARG3 (s3 / speak-01))) :op2 (s / say-01 :ARG0 s2 :ARG1 (b2 / behave-01 :ARG0 (d / drive-04 :ARG0 (c2 / city :wiki "Beijing" :name (n2 / name :op1 "Beijing")) :ARG1 (o / oppose-01 :ARG1 (p6 / pornography))) :ARG1 (c7 / constitution :polarity -))) :medium (e / essay :ARG1-of (t3 / title-01 :ARG2 (r / recommend-01 :ARG1 (e2 / establish-01 :ARG1 (c5 / court :mod (c6 / constitutional)) :purpose (s4 / solve-01 :ARG0 c5 :ARG1 (p3 / problem :topic (p7 / product :mod (p5 / pornography))))))))) + +(a / and :op1 (c / cry-01 :ARG0 (s / she) :ARG1 (p / person :quant (s3 / several) :ARG2-of (d / deal-01 :ARG0 (g2 / government-organization :wiki "Government_of_China" :name (n / name :op1 "Beijing" :op2 "City"))) :ARG2-of (s2 / suspect-01 :ARG1 (i / involve-01 :ARG1 p :ARG2 (a3 / activity-06 :ARG1 (b / business :mod (e / erotic)))))) :mod (a2 / again :mod (o / once)) :manner (f / foul)) :op2 (d2 / detail-01 :ARG0 s :ARG1 (l2 / list :consist-of (p6 / product :mod (e2 / erotic))) :ARG1-of (c2 / cause-01 :ARG0-of (i2 / intend-01 :ARG1 (p3 / publicize-01 :beneficiary (p4 / person :mod (o2 / other))) :ARG1-of (d3 / deep-02 :degree (m / more))))) :medium (m2 / masterpiece :time (t / today) :mod (e3 / especially) :ARG1-of (t2 / title-01 :ARG2 (c3 / cause-01 :ARG0 (a5 / amr-unknown) :ARG1 (v / value-01 :ARG1 (a4 / attend-02 :ARG1 (c5 / case-03 :wiki - :ARG1 (g / good :mod (o3 / obscene)) :name (n2 / name :op1 "Jianghe")) :mod (c4 / close :degree (s4 / such)))))))) + +(c / contrast-01 :ARG2 (p2 / preposterous :degree (r / really) :domain (p / put-01 :ARG0 (b / blog :wiki "Sina_Weibo" :name (n / name :op1 "Sina")) :ARG1 (a / article :mod (k / kind :mod (t / this)) :mod (j / jerky)) :ARG2 (t2 / top) :manner (a2 / actual)))) + +(p3 / poet :wiki "Liu_Shahe" :name (n / name :op1 "Liu" :op2 "Shahe") :mod (a3 / also) :mod (p5 / province :wiki "Sichuan" :name (n5 / name :op1 "Shichuan")) :ARG0-of (c7 / come-out-09 :ARG1 (f3 / fallacy :mod (f4 / friendly-01 :ARG1 c3 :ARG2 c5)) :mod (a4 / actual) :time (a / and :op1 (e / engage-01 :ARG1 (c5 / country :wiki "United_States" :name (n4 / name :op1 "America")) :ARG2 (c / contain-00 :ARG0 c5 :ARG1 c3) :ARG1-of (c4 / clear-06 :ARG2 (e2 / eye)) :manner (s / swell-01 :ARG1 (g / gall :part-of c5))) :op2 (f2 / feel-01 :ARG0 (p4 / person :poss (n2 / nation :mod (w2 / whole))) :ARG1 (i / indignant)))) :ARG0-of (t / try-01 :ARG1 (p / pour-01 :ARG1 (s2 / soup :ARG0-of (c2 / confuse-01 :ARG1 (s3 / spirit))) :ARG3 (p2 / people :mod (c3 / country :wiki "China" :name (n3 / name :op1 "China"))) :manner (f / fear-01 :polarity - :ARG0 p3) :ARG1-of (w3 / will-02 :ARG0 p3)) :time e)) + +(p / person :wiki "Yi_Zhongtian" :name (n / name :op1 "Yi" :op2 "Zhongtian") :ARG1-of (g2 / get-03 :ARG2 (f / fame-01 :ARG1 p :ARG2 (r2 / remark-01 :ARG0 p :topic (c2 / country :quant 3)))) :ARG1-of (r / respect-01 :ARG0 (i / i) :time (a / always) :ARG1-of (c / contrast-01 :ARG2 (e / expect-01 :polarity - :ARG0 i :ARG1 (s / support-01 :ARG0 p :ARG1 (p2 / person :wiki "Mao_Yushi" :name (n2 / name :op1 "Mao" :op2 "Yushi") :ARG0-of (b / betray-01 :ARG1 (c3 / country :wiki "China" :name (n3 / name :op1 "China")) :mod (b2 / big))) :mod (a3 / actual) :manner (s2 / say-01 :ARG0 p :ARG1 (t3 / thing :quant (s3 / some) :example (b3 / believe-01 :ARG0 p :ARG1 (h / human :polarity - :domain (w / whoever :ARG0-of (d / disrespect-01 :ARG1 p2))))) :ARG0-of (m2 / make-02 :ARG1 (d2 / drop-01 :ARG0 i :ARG1 (g / glasses :poss i) :degree (m / much :degree (v / very))) :mod (a4 / again :mod (o / once))))))) :ARG1-of (c4 / cause-01 :ARG0 (a2 / and :op1 (t / talent :poss p) :op2 (t4 / thing :ARG1-of (l / learn-01 :ARG0 p)))))) + +(f / feel-01 :ARG0 (i / i) :ARG1 (a2 / and :op1 (a3 / ardent :domain (t2 / thing :ARG2-of (s / segment-01 :ARG1 (e / elite :mod (i3 / intellectual) :location (c / country :wiki "China" :name (n3 / name :op1 "China")))) :ARG1-of (b / become-01 :ARG2 (p / person :ARG0-of (b4 / betray-01)))) :ARG1-of (i2 / increase-01)) :op2 (b2 / become-01 :ARG1 t2 :ARG2 (a4 / and :op1 (w / willful) :op2 (f2 / fear-01 :polarity - :ARG0 t2)) :time (a5 / already)) :degree (h / harm-01 :ARG0 t2 :ARG1 (c2 / country) :ARG1-of (p2 / public-02))) :mod (a / also) :topic (r / rumor-01 :ARG1 (n / note :topic (c3 / celebrity :quant 100 :mod c :ARG0-of (a6 / accept-01 :ARG1 (t3 / thing :ARG1-of (c5 / contribute-01 :ARG0 (o / organization :wiki "Ford_Foundation" :name (n2 / name :op1 "Ford" :op2 "Foundation")) :mod (p3 / politics))))) :ARG1-of (c4 / complete-02)) :medium (i4 / internet) :time (b3 / before :op1 (n4 / now) :quant (s2 / short)))) + +(c5 / contrast-01 :ARG2 (u / understand-01 :polarity - :ARG0 (i / i) :ARG1 (t3 / thing :ARG0-of (c / cause-01 :ARG1 (a2 / and :op1 (c2 / curb-01 :ARG0 (n / no-one) :ARG1 p) :op2 (p2 / possible-01 :ARG1 (c3 / continue-01 :ARG0 p :ARG1 (p5 / position-01 :ARG1 p :ARG1-of (h / high-02) :time-of (a3 / and :op1 (c4 / call-02 :ARG0 p :ARG1 (w / wind)) :op2 (r2 / rouse-01 :ARG0 p :ARG1 (r3 / rain)) :location (a / and :op1 (i2 / intelligentsia) :op2 (t4 / thing :ARG1-of (o / opine-01 :ARG0 (p4 / public))))))) :mod (m2 / moreover))))) :time (r4 / remark-01 :ARG0 (p / person :mod (t2 / this)) :ARG1 (t / thing :ARG0-of (b / betray-01)) :ARG1-of (f / frequent-02)))) + +(f / feel-01 :ARG0 (i / i) :ARG1 (p / possible-01 :ARG1 (s2 / sink-01 :ARG0 (p4 / part :part-of (e / elite :mod (i2 / intellectual))) :accompanier (p3 / personality :mod (m / media)))) :ARG1-of (c2 / cause-01 :ARG0 (c / contact-01 :ARG1 (n / newspaper :location (s / south) :mod (f2 / fierce :duration (t / temporary) :time (b / before :op1 (n2 / now) :quant (w / while :mod (s3 / short)))))))) + +(r / remember-01 :ARG0 (i / i) :ARG1 (a / and :op1 (w3 / war-01 :ARG0 (c / country :wiki "United_States" :name (n3 / name :op1 "US")) :ARG1 (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :mod (j / just) :time (b / before :op1 (n4 / now) :quant (m / more-than :op1 (t / temporal-quantity :quant 60 :unit (y / year))))) :op2 (t2 / threaten-01 :ARG0 c :ARG1 (u / use-01 :ARG0 c :ARG1 (w2 / weapon :mod (n / nucleus))) :ARG2 c2 :mod (s2 / still)))) + +(e / enter-01 :ARG0 (c / country :wiki "United_States" :name (n3 / name :op1 "US")) :ARG1 (c2 / country :wiki "Vietnam" :name (n / name :op1 "Vietnam")) :time (b / before :op1 (n4 / now) :quant (m / more-than :op1 (t / temporal-quantity :quant 40 :unit (y / year)))) :purpose (c3 / contain-00 :ARG0 c :ARG1 (c4 / country :wiki "China" :name (n2 / name :op1 "China")))) + +(h / have-concession-91 :ARG1 (a / and :op1 (s / start-01 :ARG0 i :ARG1 (i2 / impose-01 :ARG0 i :ARG1 (t6 / thing :ARG2-of (s2 / sanction-02)) :ARG2 c) :mod (a3 / again) :time (b6 / before :op1 (n7 / now) :quant (t2 / temporal-quantity :quant 22 :unit (y2 / year)))) :op2 (b / bomb-01 :ARG0 i :ARG1 (e2 / embassy :mod c) :time (b5 / before :op1 (n6 / now) :quant (t3 / temporal-quantity :quant 12 :unit (y3 / year)))) :op3 (c3 / collide-01 :location (s3 / sea :wiki "South_China_Sea" :name (n / name :op1 "South" :op2 "China" :op3 "Sea")) :time (b4 / before :op1 (n5 / now) :quant (t4 / temporal-quantity :quant 10 :unit (y4 / year)))) :op4 (r2 / restart-01 :ARG0 i :ARG1 (c2 / contain-00 :ARG0 i :ARG1 c :manner (f / fanfare :mod (g / great :degree (m / more)))) :time (b3 / before :op1 (n4 / now) :quant (t5 / temporal-quantity :quant 2 :unit (y5 / year))))) :ARG2 (e / establish-01 :ARG0 (i / it) :ARG1 (r / relation-03 :ARG0 i :ARG2 (c / country :wiki "China" :name (n2 / name :op1 "China"))) :time (b2 / before :op1 (n3 / now) :quant (t / temporal-quantity :quant 32 :unit (y / year))))) + +(u / understand-01 :polarity - :ARG0 (i / i) :ARG1 (a / amr-unknown :ARG0-of (c / cause-01 :ARG1 (f / forget-01 :ARG0 (w / we :mod (c2 / country :wiki "China" :name (n / name :op1 "China"))) :degree (s / so))))) + +(c / cause-01 :ARG0 (a / amr-unknown) :ARG1 (p / person :quant (m / many :degree (s2 / so)) :ARG0-of (i / ignore-01 :ARG1 (c3 / conscience :poss p)) :ARG0-of (s / speak-01 :prep-on-behalf-of (c2 / country :wiki "United_States" :name (n / name :op1 "US"))) :mod (s3 / still))) + +(m / multi-sentence :snt1 (i / improve-01 :polarity - :ARG0 (p / person) :ARG1 (c2 / capable-01 :ARG1 p :ARG2 (r / remember-01 :ARG0 p)) :manner (l / lose-02 :polarity - :ARG0 p :mod (b / big))) :snt2 (w / weak-02 :ARG1 (w2 / we :mod (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG2 (t / this) :mod (g / great :degree (m2 / most)) :ARG1-of (p3 / possible-01))) + +(i / infer-01 :ARG1 (s / stand-01 :ARG1 (a2 / and :op1 (r2 / rampage-01 :ARG0 (f / force :poss (p / person :ARG0-of (b / betray-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China")))))) :op2 (r3 / run-01 :ARG1 (c2 / column :ord (o / ordinal-entity :value 5)) :manner (r4 / rampant))) :prep-to (r / reason-01) :mod (a / also))) + +(m / multi-sentence :snt1 (p / possible-01 :mod (e / entire)) :snt2 (r / raise-03 :mode interrogative :polarity - :ARG0 (w / we) :ARG1 (p4 / person :ARG0-of (b / betray-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG1-of (i / include-91 :ARG2 (p2 / person :ARG0-of (s / study-01 :location (s2 / school :mod (p3 / primary)))))))) + +(m / multi-sentence :snt1 (p / possible-01 :mod (e / entire)) :snt2 (r / raise-03 :mode interrogative :polarity - :ARG0 (w / we) :ARG1 (p4 / person :ARG0-of (b / betray-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG1-of (i / include-91 :ARG2 (p2 / person :ARG0-of (s / study-01 :location (s2 / school :mod (p3 / primary)))))))) + +(a / and :op1 (p / pass-03 :mod (j / just) :path (t2 / through)) :op2 (l / look-01)) + +(p / pass-03 :path (t / through)) + +(m / multi-sentence :snt1 (s5 / say-01 :ARG0 (i / i) :ARG1 (a2 / astonish-01 :ARG0 (t / thing :ARG1-of (s / say-01 :ARG0 p2)) :degree (q / quite)) :ARG2 (p2 / person :wiki - :name (n / name :op1 "Mr." :op2 "Zhengqing"))) :snt2 (p / possible-01 :ARG1 (s2 / suspect-01 :ARG1 (f2 / fragment :mod (b / bone :polarity - :degree (s3 / so) :ARG1-of (b2 / bare-02)))) :concession (e2 / even-if :op1 (c / column :ord (o3 / ordinal-entity :value 5) :domain f2))) :snt3 (r / recommend-01 :ARG1 (a3 / allow-01 :ARG0 (w / we) :ARG1 (t5 / thing :ARG1-of (o4 / opine-01 :ARG1-of (d2 / differ-02))))) :snt4 (d / differ-02 :ARG1 (t2 / time) :mod (r2 / really)) :snt5 (h / have-concession-91 :ARG1 (b3 / benefit-01 :polarity - :ARG0 o2 :ARG1 (c2 / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG2 (o2 / or :op1 (d3 / democracy) :op2 (p3 / pan-Occidentalism))) :snt6 (f / fear-01 :polarity - :mode imperative :ARG0 (y / you)) :snt7 (s4 / say-01 :ARG0 (y2 / you) :ARG1 (a4 / amr-unknown))) + +(m / multi-sentence :snt2 (p / possible-01 :ARG1 (s / suspect-01 :ARG1 (f / fragment))) :snt3 (h / have-concession-91 :ARG1 (b3 / bone :polarity - :ARG1-of (b / bare-02) :domain (t2 / they) :degree (s3 / so)) :ARG2 (e / even-if :op1 (c2 / column :domain t2 :ord (o / ordinal-entity :value 5)))) :snt1 (s4 / say-01 :ARG1 (a2 / astonish-01 :ARG0 (t / thing :ARG1-of (s2 / say-01 :ARG0 p2)) :degree (q / quite)) :ARG2 (p2 / person :wiki - :name (n / name :op1 "Mr." :op2 "Zhengqing")))) + +(m / multi-sentence :snt1 (r / recommend-01 :ARG1 (a2 / allow-01 :ARG0 (w / we) :ARG1 (e / exist-01 :ARG1 (t2 / thing :ARG1-of (o / opine-01) :ARG1-of (d / differ-02))))) :snt2 (d2 / differ-02 :ARG1 (t / time) :degree (r2 / really)) :snt4 (f / fear-01 :polarity - :mode imperative :ARG0 (y / you)) :snt5 (s / say-01 :ARG0 (y2 / you) :ARG1 (a / amr-unknown)) :snt3 (h / have-concession-91 :ARG1 (b2 / benefit-01 :polarity - :ARG0 o3 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China"))) :ARG2 (o3 / or :op1 (d4 / democracy) :op2 (p / pan-occidentalism)))) + +(m / multi-sentence :snt1 (p2 / possible-01 :polarity - :ARG1 (s2 / survive-01 :ARG0 (c3 / country :wiki "Japan" :name (n3 / name :op1 "Japan") :mod (l2 / little) :ARG1-of (b2 / bear-02 :ARG0 (a4 / and :op1 (f / feces :mod (d2 / dog)) :op2 (e / economy :mod (c / country :wiki "United_States" :name (n / name :op1 "US")) :ARG1-of (d3 / die-01)))))) :mod (a3 / almost)) :snt2 (p3 / prepare-02 :ARG0 (t / they) :ARG1 (a / and :op1 (s / start-01 :ARG0 t :ARG1 (w / war)) :op2 (p / pass-on-09 :ARG0 t :ARG1 (d / debt) :ARG2 (o / other))))) + +(p / possible-01 :polarity - :ARG1 (t2 / thing :wiki "Doctrine_of_the_Mean" :name (n2 / name :op1 "Doctrine" :op2 "of" :op3 "the" :op4 "Mean") :degree (s / so) :domain (c / country :wiki "China" :name (n / name :op1 "China")))) + +(p / pay-01 :ARG0 (w / we) :ARG1 (t / thing :ARG2-of (p2 / price-01 :ARG0-of (p3 / pain-01))) :condition (v / value-02 :ARG0 w :ARG1 (m / make-18 :ARG0 w :ARG1 (p4 / peace) :prep-with (w2 / wolf)) :degree (g / great))) + +(m / multi-sentence :snt1 (l / let-00 :mode interrogative :ARG0 (p / power :mod (v / various)) :ARG1 (w / we) :condition (a / act-01 :ARG0 w :ARG1 (t / turtle))) :snt2 (t2 / time :time-of (a2 / abolish-01 :ARG1 (a3 / and :op1 (t3 / troupe :mod (c / culture)) :op2 (t4 / team :mod (s / sport))))) :snt3 (u2 / use-01 :mode imperative :ARG0 (y / you) :ARG1 (f / fund) :ARG2 (l2 / line :mod (d / defense) :mod (f2 / front)))) + +(p / possible-01 :ARG1 (a3 / accomplish-01 :ARG0 (n / nation :mod (s / sport) :mod (a2 / art) :mod (g / great)) :ARG1 (a4 / amr-unknown)) :condition (l / look-01 :ARG1 (s2 / sea :location (t / territory) :prep-with (s3 / smoke :source (f / fire :mod (b / beacon)) :location (e / everywhere) :location (u / up))))) + +(m / multi-sentence :snt1 (t / time :time-of (w2 / wake-up-02)) :snt2 (r / recommend-01 :ARG1 (a / amend-01 :ARG1 (a2 / and :op1 (t3 / think-01 :manner (w / wrong)) :op2 (p / policy :mod (d / decide-01 :mod (l / level :ARG1-of (h / high-02)))))))) + +(m / multi-sentence :snt1 (r / recommend-01 :ARG1 (p / put-01 :ARG0 w :ARG1 (e / effort :poss w) :ARG2 (d / develop-02 :ARG0 w :ARG1 (a / and :op1 (s / science) :op2 (t / technology)))) :ARG2 (w / we)) :snt2 (b / beat-03 :ARG1 (w2 / we) :condition (l / leave-behind-18 :ARG1 w2)) :snt3 (u / use-01 :mode imperative :ARG0 (y / you) :ARG1 (m3 / monetary-quantity :ARG1-of (e2 / expend-01 :ARG2 (m4 / military)) :ARG1-of (l2 / limit-01)) :ARG2 (a2 / and :op2 (p2 / person :ARG0-of (h / have-org-role-91 :ARG2 (c2 / commander))) :op2 (p3 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (s2 / soldier))) :location (l3 / line :mod (f / front))))) + +(s / say-01 :ARG0 (i3 / i) :ARG1 (p2 / prove-01 :polite + :ARG0 m :ARG1 w :manner (a / act-02 :ARG0 m) :condition (o / own-01 :ARG0 (w / we) :ARG1 (i2 / island :wiki "Senkaku_Islands" :name (n2 / name :op1 "Diaoyu" :op2 "Islands")))) :ARG2 (m / mister)) + +(q / quote-01 :ARG2 (t / thing :mod 277703234 :ARG1-of (p / post-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "Xiao" :op2 "Jianjia")) :time (d / date-entity :month 9 :day 11 :year 2010 :time "10:10:11" :weekday (s / saturday))))) + +(t2 / thing :wiki "Doctrine_of_the_Mean" :name (n2 / name :op1 "Doctrine" :op2 "of" :op3 "the" :op4 "Mean") :degree (s / so) :ARG1-of (p / possible-01 :polarity -) :domain (c / country :wiki "China" :name (n / name :op1 "China"))) + +(w / worth :domain (p / ponder-01 :ARG1 (t / this) :mod (l / little))) + +(m / multi-sentence :snt1 (n / need-01 :ARG1 (p / promote-01 :ARG1 (t / thing :mod (g / good))) :mod (a6 / also)) :snt2 (a / access-01 :ARG0 (y / you) :ARG1 (i / internet :mod (s3 / speed :ARG1-of (h / high-02)) :ARG1-of (m3 / mean-01 :ARG2 (p3 / product :mod (t2 / technology :mod (l2 / late :degree (m2 / most)))))) :duration (l / lifetime) :ARG1-of (f / free-03) :condition (p2 / purchase-01 :ARG0 y :ARG1 (r / radar :ARG1-of (f2 / fly-01) :source (f3 / factory)) :mod (o / once) :ARG1-of (d / direct-02))) :snt3 (a4 / and :op1 (c / carry-01 :ARG1-of (e / easy-05)) :op2 (a5 / and :op1 (s / stable-03) :op2 (s4 / speed :ARG1-of (h2 / high-02)) :mod (a7 / also))) :snt4 (p4 / possible-01 :ARG1 (h4 / have-03 :ARG0 (y2 / you) :ARG1 (a2 / access-01 :ARG1 (i3 / internet :mod (s5 / speed :ARG1-of (h3 / high-02))) :ARG1-of (f4 / free-03) :location (w2 / wherever :ARG4-of (g2 / go-02 :ARG0 y2)) :instrument (r2 / radar :ARG1-of (f5 / fly-01) :mod (b / big :degree (e2 / equal) :compared-to (b2 / bowl)))))) :snt5 (k / know-01 :ARG0 (p5 / person :ARG1-of (s2 / smart-06)) :ARG1 (t6 / thing :manner-of (e3 / enjoy-01 :ARG0 p5 :ARG1 (l3 / life) :manner (g3 / good :degree (m4 / more)))) :mod (c2 / certain)) :snt6 (a3 / and :op1 (w / wish-01 :ARG0 (i4 / i) :ARG1 (l4 / life :mod (h6 / happy)) :ARG2 (y3 / you)) :op2 (t3 / thank-01 :ARG0 i4 :ARG1 y3 :ARG2 (f6 / finish-up-04 :ARG0 y3 :ARG1 (r3 / read-01 :ARG0 y3)))) :snt7 (c3 / contact-01 :ARG1 (t4 / thing :wiki - :name (n2 / name :op1 "Q" :op2 "q" :op3 514194237)))) + +(a / and :op1 (l2 / love-01 :mode imperative :ARG0 (y / you) :ARG1 (c / country :wiki "China" :name (n / name :op1 "China") :poss (w / we))) :op2 (b / boycott-01 :mode imperative :ARG0 y :ARG1 (g / good :mod (c2 / country :wiki "Japan" :name (n2 / name :op1 "Japan"))))) + +(a / and :op1 (c3 / competent-01 :polarity - :ARG1 (g / government-organization :ARG0-of (g3 / govern-01 :ARG1 (c / country :wiki "China" :name (n / name :op1 "China"))))) :op2 (c2 / collapse-01 :ARG1 g :time (o / or :op1 (s / soon :degree (m / more)) :op2 (l / late :degree (m2 / more))))) + +(a / and :op1 (g / give-01 :mode imperative :ARG0 (y / you) :ARG1 (s / soldier :quant 500000 :mod (e / elite)) :ARG2 (i / i)) :op2 (f / flatten-01 :ARG0 i :ARG1 (c / country :wiki "Japan" :name (n / name :op1 "Japan")) :time (a2 / after :op1 (n2 / now) :quant (t / temporal-quantity :quant "1/2" :unit (y2 / year))))) + +(s / say-01 :ARG1 (a / and :op1 (s2 / say-01 :ARG0 (n2 / nobody) :ARG1 (w / word :mod (g / good)) :topic c) :op2 (b / bully-01 :ARG0 (o / other) :ARG1 c :mod (a2 / as-usual) :mod (s3 / still)) :concession (t / thing :degree-of (e / exercise-01 :ARG0 c :ARG1 (f / forbearance)))) :ARG2 (c / country :wiki "China" :name (n / name :op1 "China"))) + +(m / multi-sentence :snt1 (v / veteran :domain (p / person :ARG0-of (h / have-rel-role-91 :ARG1 (i / i) :ARG2 (h3 / husband)))) :snt2 (s / say-01 :ARG0 (h2 / he) :ARG1 (s2 / stand-01 :ARG1 h2 :ARG2 (f / frontline :mod w :mod (v2 / very)) :condition (w / war))) :snt3 (c2 / contrast-01 :ARG1 (d / die-01 :location (f2 / field :mod (w2 / war))) :ARG2 (l / live-01 :manner (d2 / degrade-01)))) + +(m / multi-sentence :snt1 (o2 / own-01 :mode interrogative :ARG0 (w / we) :ARG1 (i / island :wiki "Senkaku_Islands" :name (n / name :op1 "Diaoyu" :op2 "Islands"))) :snt2 (h / have-concession-91 :ARG1 (a / and :op1 (s2 / say-01 :ARG0 (s4 / some) :ARG1 (o3 / own-01 :ARG1 t2)) :op2 (s3 / say-01 :ARG0 (s5 / some) :ARG1 (o4 / own-01 :polarity - :ARG1 t2)) :time (n2 / now)) :ARG2 (s / seem-01 :ARG1 (o5 / own-01 :ARG1 (t2 / they)) :mod (u / um :mode expressive))) :snt3 (m2 / mess :degree (b2 / bit)) :snt4 (o / or :op2 (t / talk-01 :mode interrogative :ARG1 (m3 / matter :topic (d / develop-01)) :time (f / first)))) + +(m / multi-sentence :snt1 (d / do-02 :ARG0 (w / we) :ARG1 (t / this) :mod (a / again :mod (o / once))) :snt2 (l / listen-01 :mode imperative :ARG0 (y / you) :manner (c / careful)) :snt3 (o2 / own-01 :ARG0 (a3 / amr-unknown) :ARG1 (i2 / island :wiki "Senkaku_Islands" :name (n / name :op1 "Diaoyu" :op2 "Islands"))) :snt4 (o3 / own-01 :ARG0 (a4 / amr-unknown)) :snt5 (o4 / own-01 :ARG0 (a5 / amr-unknown))) + +(m / multi-sentence :snt1 (o3 / own-01 :mode interrogative :ARG0 (y / you) :mod (o / oh :mode expressive)) :snt2 (o2 / or :op2 (o4 / own-01 :mode interrogative :ARG0 (h3 / he))) :snt3 (a / and :op1 (s / say-01 :mode imperative :ARG0 (y2 / you) :ARG1 (i / it)) :op2 (a2 / and :op1 (h4 / hurry-01 :mode imperative :ARG0 y2 :ARG1 y2) :op2 s) :op3 (s3 / shout-out-03 :ARG0 y2 :ARG1 o5) :op4 (a3 / and :op1 h4 :op2 (s2 / shout-01 :ARG0 y2 :ARG1 (o5 / own-01 :ARG0 y2 :ARG1 (i2 / island :wiki "Senkaku_Islands" :name (n / name :op1 "Diaoyu" :op2 "Islands"))))))) + +(m / multi-sentence :snt1 (a5 / and :op1 (s2 / see-03 :ARG0 (y / you)) :op2 (s / see-03 :ARG0 y) :op3 (s7 / start-01 :ARG0 (t2 / they) :ARG1 (c3 / catch-03 :ARG0 t2 :ARG1 (p2 / person))) :mod (a / ah :mode expressive)) :snt2 (a2 / and :op1 (r / run-02 :mode imperative :ARG0 (y3 / you) :manner (f / fast)) :op2 (s4 / shout-01 :polarity - :mode imperative :ARG0 y3 :time (a4 / anymore)) :op3 (r2 / run-02 :mode imperative :ARG0 y3) :op4 (b / beat-01 :mode imperative :ARG0 y3 :ARG1 (w / whoever :ARG0-of (s5 / shout-01 :mod (a3 / again)))))) + +(h / have-concession-91 :ARG1 (a3 / and :op1 (s / shout-01 :polarity - :ARG0 (y / you) :manner (l / loud)) :op2 (d / discuss-01 :ARG0 y :ARG1 (m / matter :mod (t / this)) :manner (g / gentleman))) :ARG2 (a / ask-01 :ARG0 (i / i) :ARG1 (o / own-01 :ARG0 (p / person) :ARG1 (i2 / island :wiki "Senkaku_Islands" :name (n / name :op1 "Diaoyu" :op2 "Islands"))) :mod (a2 / again))) + +(m / multi-sentence :snt1 (l / let-01 :mode imperative :ARG0 (y / you) :ARG1 (e / explain-01 :ARG0 (i2 / i) :ARG1 (e2 / exist-01 :polarity - :ARG1 (i / island :wiki "Senkaku_Islands" :name (n / name :op1 "Diaoyu" :op2 "Islands")) :time (e3 / ever)) :degree (b / bit)) :mod (o / oh :mode expressive)) :snt2 (a / and :op1 (m2 / misunderstand-01) :op2 (m3 / misunderstand-01) :op3 (m4 / misunderstand-01) :domain (t / this) :mod (h / heh-heh :mode expressive))) + +(m / multi-sentence :snt1 (r / recommend-01 :ARG1 (a / and :op1 (c / call-01 :ARG1 (i / it) :ARG2 (i2 / island :wiki "Senkaku_Islands" :name (n / name :op1 "Senkaku" :op2 "Islands") :mod (h / heh-heh :mode expressive))) :op2 (c2 / call-01 :ARG1 i :ARG2 i2) :op3 (c3 / call-01 :ARG1 i :ARG2 i2))) :snt2 (c4 / cause-01 :ARG1 (s / seem-01 :ARG1 (e / exist-01 :polarity - :ARG1 (i4 / issue-02 :ARG0 (i3 / island :wiki "Senkaku_Islands" :name (n2 / name :op1 "Diaoyu" :op2 "Islands"))) :time (a3 / anymore)) :mod (g / good) :mod (g2 / good)))) + +(m2 / multi-sentence :snt1 (c / call-01 :mode imperative :ARG0 (y / you) :ARG1 (t / they) :ARG2 (i2 / island :wiki "Senkaku_Islands" :name (n2 / name :op1 "Senkaku" :op2 "Islands")) :mod (j / just)) :snt2 (c2 / cheer :ARG1-of (c4 / cause-01 :ARG0 (s / solve-01 :ARG0 (y3 / you) :ARG1 (m3 / matter :mod (a2 / ah :mode expressive) :ARG1-of (c3 / contrast-01 :ARG2 (m / matter :polarity - :topic (i3 / island :wiki "Senkaku_Islands" :name (n3 / name :op1 "Diaoyu")))) :topic i2) :manner (w / wise))))) + +(e / end-01 :ARG1 (i / it) :ARG1-of (c / complete-02) :location (a / atmosphere :mod (j / joyful) :mod (h / harmonious) :ARG1-of (f / friendly-01) :mod (p / peaceful))) + +(s / shout-01 :ARG0 (a2 / amr-unknown) :ARG1 (a6 / and :op1 (g / go-01 :mode imperative :ARG1 y2) :op2 (d / disperse-01 :mode imperative :ARG0 y2 :ARG1 (y2 / you :mod (a4 / all))) :op3 (a / and :op1 (g2 / gather-03 :polarity - :mode imperative :ARG0 (y3 / you)) :op2 (w / watch-01 :polarity - :mode imperative :ARG0 y3) :time (a5 / anymore)) :op4 (c / change-01 :polarity - :ARG1 (t / thing :poss-of (n / nature :ARG3-of (d2 / decide-01))) :time (a7 / anymore))) :location (o / outside) :mod (a3 / again)) + +(m / multi-sentence :snt1 (g / good :polarity - :domain (t / that)) :snt2 (p / possible-01 :ARG1 (s / speak-01 :ARG0 (w / we) :manner (a / amr-unknown) :manner (t2 / trustworthy :polarity - :mod (s2 / such))) :ARG1-of (c / cause-01 :ARG0 (c2 / country :domain (w2 / we) :mod (b / big) :ARG1-of (r / responsible-02)))) :snt3 (c3 / cause-01 :ARG0 (i / importance :ARG0-of (o / override-01) :domain (d / develop-02 :ARG1 (e / economy))) :ARG1 (a2 / and :op1 (l / let-01 :mode imperative :ARG0 (y / you) :ARG1 (m3 / matter)) :op2 (m4 / mention-01 :polarity - :ARG0 y :ARG1 m3 :mod (a3 / again))))) + +(m / multi-sentence :snt1 (c3 / cause-01 :ARG0 (a7 / amr-unknown) :ARG1 (l / leave-11 :polarity - :ARG0 (y / you) :mod (s / still))) :snt2 (g / get-05 :mode imperative :ARG0 y2 :ARG1 (y2 / you :quant (a2 / all)) :ARG2 (o / out) :ARG1-of (o3 / okay-01)) :snt3 (g2 / go-01 :mode interrogative :polarity - :ARG1 (y4 / you) :mod (r2 / right)) :snt4 (a3 / and :op1 (c / call-02 :mode imperative :ARG0 (y5 / you) :ARG1 (p5 / phone-number-entity :value 110)) :op2 (h / have-04 :ARG0 y :ARG1 (m2 / move-01 :ARG1 (p / police :mod (p2 / plainclothes)))) :mod (u / uh :mode expressive)) :snt5 (c2 / cause-01 :ARG0 (d / disperse-01 :polarity - :ARG1 (y3 / you) :mod (s3 / still)) :ARG1 (s2 / seem-01 :ARG1 (w / work-09 :polarity - :ARG1 (i4 / it) :condition (g3 / get-01 :polarity - :ARG0 (i / i) :ARG1 (a4 / and :op1 (w2 / weapon :mod (r / real)) :op2 (p3 / police :ARG1-of (a5 / arm-01)) :op3 (a6 / army :mod (s4 / steel))))) :ARG1-of (o4 / okay-01))) :snt6 (p4 / pull-01 :mode imperative :ARG0 (y6 / you) :ARG1 (m3 / military :wiki - :name (n / name :op1 "Third" :op2 "Artillery" :op3 "Troops")) :ARG2 (o2 / out) :condition (w3 / work-09 :polarity - :ARG1 (i2 / it)) :mod (c4 / come-on-25 :mode imperative :ARG1 y6)) :snt7 (f / fire-01 :mode imperative :ARG0 (y7 / you))) + +(a / and :op1 (s / sweep-01 :mode imperative :ARG0 (y / you) :ARG2 (f / floor)) :op2 (s2 / sweep-01 :mode imperative :ARG0 y :ARG2 f) :ARG1-of (c / cause-01 :ARG0 (c2 / clean-01 :ARG0 (w / we) :time (a2 / about-to) :purpose (w2 / welcome-01 :ARG0 w :ARG1 (d / dawn :mod (n / next)))))) + +(m / multi-sentence :snt1 (d / dammit :mode expressive) :snt2 (c / charge-02 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :mod (e2 / ethnic-group :wiki "Manchu_people" :name (n / name :op1 "Manchu"))) :mod (s / still) :time (h / hold-01 :ARG0 g :ARG1 (k / knife :mod (k2 / kitchen)))) :snt3 (n2 / now :domain (a2 / amr-unknown)) :snt4 (o / oh :mode expressive) :snt5 (p / protest-01 :mode interrogative :ARG0 (o4 / organization :wiki - :name (n3 / name :op1 "ZF") :poss (w2 / we))) :snt6 (b / believe-01 :ARG0 (i / i) :ARG1 (p2 / person :polarity - :mod (c2 / country :wiki "Japan" :name (n4 / name :op1 "Japan")) :mod (o2 / ordinary) :ARG1-of (d2 / damn-01) :ARG0-of (s2 / support-01 :polarity - :ARG1 (i2 / it)))) :snt7 (s3 / say-01 :ARG0 (i3 / i) :ARG1 (h2 / hey) :ARG2 (o5 / organization :wiki - :name (n5 / name :op1 "ZF"))) :snt8 (t3 / time :time-of (w / wake-up-02 :ARG1 (y / you))) :snt9 (m2 / make-01 :ARG0 (p3 / person :mod (o3 / ordinary) :quant (a3 / all)) :ARG1 (f / fist))) + +(a / and :op1 (e / establish-01 :ARG1 (f / fund :ARG1-of (g / guarantee-01))) :op2 (i / improve-01 :ARG1 (a2 / and :op1 (e2 / environment) :op2 (m / mechanism) :mod (w / work-01))) :op3 (r / recruit-01 :ARG1 (p / professional :quant (m2 / multiple :op1 100000) :ARG0-of (e3 / emigrate-01 :ARG2 (a3 / and :op1 (c / country :wiki "United_States" :name (n / name :op1 "United" :op2 "States")) :op2 (a4 / around :op1 (w2 / world)))) :mod (i2 / IT) :ARG1-of (l / linger-01 :ARG2 a3)) :destination (c2 / country :wiki "China" :name (n2 / name :op1 "China")) :direction (b / back)) :li (x / 1)) + +(c / create-01 :ARG1 (g / group :mod (b / battle-01) :quant (f / few) :consist-of (c2 / carrier :mod (a / aircraft) :ARG1-of (p / power-01 :ARG0 (n / nucleus)))) :li (x / 2)) + +(m / manufacture-01 :ARG1 (a / aircraft :quant 5000 :purpose (c / combat-01) :ARG1-of (a2 / advanced-02) :mod (k / kind :mod (v / various))) :li (x / 3)) + +(a / accelerate-01 :ARG1 (a2 / and :op1 (r / research-01 :ARG1 (m / missile :mod (b / ballistic) :mod (s2 / speed :ARG1-of (h / high-02)) :mod (i / intercontinental) :ARG1-of (r2 / range-01 :ARG2 (m2 / more-than :op1 (d / distance-quantity :quant 10000 :unit (m3 / mile :mod (n / nautical))))) :ARG2-of (b2 / break-01 :ARG1 (s / system :mod (d2 / defense :mod (m4 / missile))) :ARG1-of (p / possible-01)))) :op2 (d3 / deploy-01 :ARG1 m)) :li (x / 4)) + +(a / and :op1 (r / resume-01 :ARG1 (e2 / experiment-01 :mod (n / nucleus))) :op2 (e / establish-01 :ARG1 (f / force :mod (m / military)) :location (s / space)) :li (x / 5)) + +(a / and :op1 (r / retain-01 :ARG1 (b / bomb :quant 1000 :mod (n / nucleus) :ARG1-of (e / equal-01 :ARG2 (t3 / TNT :quant (m / mass-quantity :quant 10000000 :unit (t2 / ton)))))) :op2 (i / install-01 :ARG1 (w / warhead :mod (n3 / nucleus)) :ARG2 (a2 / and :op1 (m2 / missile :ARG1-of (r2 / range-01 :ARG2 (s / short))) :op2 (m3 / missile :ARG1-of (r3 / range-01 :ARG2 (m4 / middle))) :mod (a3 / all)) :time (n4 / need-01)) :li (x / 6)) + +(r / retain-01 :ARG1 (s / submarine :quant 30 :mod (n / nucleus) :mod (s2 / strategy) :ARG1-of (c / capable-01 :ARG2 (i / inflict-01 :ARG0 s :ARG1 (s3 / strike-01 :quant 3 :ARG0 s :mod (n2 / nucleus) :ARG0-of (d / devastate-01)) :ARG2 (p / person :ARG0-of (h / have-rel-role-91 :ARG2 (e / enemy)))))) :li (x / 7)) + +(a / abandon-03 :ARG1 (c / commit-01 :ARG2 (u / use-01 :polarity - :ARG1 (w / weapon :mod (n / nucleus)) :time (f / first))) :li (x / 8)) + +(r / retain-01 :ARG1 (r2 / right-05 :ARG2 (s2 / strike-01 :ARG0-of (p / preempt-01))) :time (t / threaten-01 :ARG2 (s / security :mod (n / nation))) :li (x / 9)) + +(h / have-concession-91 :ARG1 (t / think-01 :mode interrogative :ARG0 y :ARG1 (s / strong-02 :ARG1 (c2 / country :wiki "China" :name (n / name :op1 "China")) :degree (v / very) :topic (m3 / money)) :mod (r / really)) :ARG2 (m / matter-01 :polarity - :ARG1 (t2 / time :time-of (o / open-01 :ARG0 (y / you) :ARG1 (m2 / mouth :part-of y))) :degree (m4 / much))) + +(c / competent-01 :polarity - :ARG1 (g / government-organization :ARG0-of (g2 / govern-01)) :degree (p / point :mod (t / this))) + +(a / and :op1 (i / invade-01 :mode imperative :ARG0 (y / you) :ARG1 (t / territory :mod (s / sacred) :poss (c / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1-of (m / mean-01 :ARG2 (i2 / island :wiki "Senkaku_Islands" :name (n / name :op1 "Diaoyu" :op2 "Islands"))))) :op2 (o / occupy-01 :ARG0 y :ARG1 t) :manner (d / defy-01 :ARG0 y :ARG1 (t2 / thing :ARG1-of (o3 / opine-01 :ARG0 (w / world)))) :ARG1-of (o2 / open-04)) + +(m / multi-sentence :snt1 (c / country :domain (c2 / country :wiki "China" :name (n / name :op1 "China") :poss (w3 / we)) :ARG1-of (g / govern-01 :manner (p / protocol))) :snt2 (w / want-01 :polarity - :ARG0 (w2 / we) :ARG1 (b / bother-01 :ARG0 w2 :ARG1 w2 :ARG2 (a / argue-02 :ARG0 w2 :ARG1 (c4 / country :ARG1-of (r2 / resemble-01 :ARG2 (c3 / country :mod (s / small) :mod (t / that))))))) :snt3 (s2 / say-01 :ARG0 (i / i) :ARG1 (d / disgust-01 :degree (r / really)) :ARG2 (p2 / person :wiki - :name (n2 / name :op1 "TMD")))) + +(b / byline-91 :ARG0 (p2 / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :ARG1 (p / person :wiki - :name (n2 / name :op1 "Jierong" :op2 "Zhou") :ARG0-of (r / report-01)) :location (c2 / city :wiki "Shanghai" :name (n3 / name :op1 "Shanghai")) :time (d / date-entity :month 8 :day 31)) + +(a2 / and :op1 (e2 / end-01 :ARG0 (p / person :wiki "Anwar_Ibrahim" :name (n / name :op1 "Anwar") :ARG0-of (h / have-org-role-91 :ARG1 (c7 / country :wiki "Malaysia" :name (n3 / name :op1 "Malaysia")) :ARG2 (m / minister :mod (p2 / prime) :mod (v / vice)))) :ARG1 (v2 / visit-01 :ARG0 p :ARG1 (c6 / country :wiki "China" :name (n2 / name :op1 "China"))) :time (d / date-entity :dayperiod (a3 / afternoon) :mod (t2 / this))) :op2 (l / leave-11 :ARG0 p :ARG1 (c8 / city :wiki "Shanghai" :name (n4 / name :op1 "Shanghai")) :ARG2 (c9 / city :wiki "Tokyo" :name (n5 / name :op1 "Tokyo")))) + +(a2 / arrive-01 :ARG1 (p2 / person :wiki "Anwar_Ibrahim" :name (n2 / name :op1 "Anwar")) :ARG3 (c3 / city :wiki "Nanjing" :name (n3 / name :op1 "Nanjing")) :ARG4 (c4 / city :wiki "Shanghai" :name (n4 / name :op1 "Shanghai")) :time (d / date-entity :dayperiod (a3 / afternoon) :mod (y / yesterday))) + +(r / represent-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Qizheng" :op2 "Zhao") :ARG0-of (h / have-org-role-91 :ARG1 (c / city :wiki "Shanghai" :name (n5 / name :op1 "Shanghai")) :ARG2 (m / mayor :mod (v2 / vice)))) :ARG1 (p2 / person :wiki "Huang_Ju" :name (n2 / name :op1 "Ju" :op2 "Huang") :ARG0-of (h2 / have-org-role-91 :ARG1 c :ARG2 (m2 / mayor))) :ARG2 (a2 / and :op1 (m3 / meet-03 :ARG0 p :ARG1 (a3 / and :op1 (p4 / person :wiki "Anwar_Ibrahim" :name (n4 / name :op1 "Anwar")) :op2 (d / delegation :poss p4))) :op2 (i / invite-01 :ARG0 p :ARG1 a3 :ARG2 (b / banquet))) :time (d2 / date-entity :dayperiod (n3 / night) :mod (l / last))) + +(a2 / and :op1 (a3 / attend-01 :ARG0 (p3 / person :wiki "Anwar_Ibrahim" :name (n / name :op1 "Anwar")) :ARG1 (c5 / ceremony :topic (l2 / lay-01 :ARG1 (f / foundation :poss (e / enterprise :mod (v / venture :mod (j2 / joint)) :poss (a4 / and :op1 (d / district :wiki "Minhang_District" :name (n2 / name :op1 "Minhang") :location (c6 / country :wiki "China" :name (n3 / name :op1 "China"))) :op2 (c7 / country :wiki "Malaysia" :name (n4 / name :op1 "Malaysia")))))))) :op2 (t2 / tour-01 :ARG0 p3 :ARG1 (d2 / district :wiki "Jinqiao" :name (n5 / name :op1 "Jingqiao") :location-of (p4 / process-01 :ARG1 (e2 / export-01)) :location (c / city-district :wiki "Pudong" :name (n6 / name :op1 "Pudong"))) :time (a5 / after :op1 a3)) :time (d3 / date-entity :dayperiod (m / morning) :mod (t / this))) + +(e / end-01) + +(b / byline-91 :ARG0 (p / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :location (c2 / city :wiki "Beijing" :name (n2 / name :op1 "Beijing")) :time (d / date-entity :month 9 :day 1)) + +(s2 / say-01 :ARG0 (p5 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li") :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :wiki "State_Council_of_the_People's_Republic_of_China" :name (n2 / name :op1 "State" :op2 "Council")) :ARG2 (p / premier))) :ARG1 (a / and :op1 (a2 / and :op1 (c6 / consistent :domain (p6 / policy :poss (g2 / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c5 / country :wiki "China" :name (n3 / name :op1 "China")))) :prep-toward (c / city :wiki "Macau" :name (n4 / name :op1 "Macao")))) :op2 (f / firm-03 :ARG1 p6) :op3 (c7 / change-01 :polarity - :ARG1 p6)) :op2 (m2 / maintain-01 :ARG0 g2 :ARG1 (a3 / and :op1 (s / stability :poss c) :op2 (d / develop-02 :ARG1 c)) :ARG1-of (a8 / accord-02 :ARG2 (p7 / policy :topic (a4 / and :op1 (c8 / country :quant 1) :op2 (s4 / system :quant 2)))) :ARG1-of (a7 / accord-02 :ARG2 (a5 / and :op1 (r / regulate-01 :ARG1-of (d3 / declare-02 :ARG0 (a6 / and :op1 c5 :op2 (c9 / country :wiki "Portugal" :name (n5 / name :op1 "Portugal"))) :mod (j / joint))) :op2 (l / law :wiki "Macau_Basic_Law" :name (n6 / name :op1 "Basic" :op2 "Laws" :op3 "of" :op4 "Macao"))) :manner (s3 / strict)))) :time (m3 / meet-03 :ARG0 p5 :ARG1 (p2 / person :wiki "Vasco_Joaquim_Rocha_Vieira" :name (n7 / name :op1 "Viera") :ARG0-of (h3 / have-org-role-91 :ARG1 c :ARG2 (g3 / governor))) :location (h2 / here) :time (t2 / today))) + +(w / welcome-01 :ARG0 (p4 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (v2 / visit-01 :ARG0 (p5 / person :wiki "Vasco_Joaquim_Rocha_Vieira" :name (n2 / name :op1 "Viera")) :frequency (p / periodic))) + +(s / say-01 :ARG0 (h / he) :ARG1 (a / and :op1 (d / develop-02 :ARG2 (r / relation-03 :ARG0 (c4 / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (c6 / cooperate-01 :ARG2 (a3 / arena :mod (v / various))) :ARG2 (c5 / country :wiki "Portugal" :name (n2 / name :op1 "Portugal")) :ARG1-of (f / friendly-01)) :time (y / year :mod (r2 / recent)) :ARG1-of (c / continue-01)) :op2 (i / increase-01 :ARG1 (v2 / visit-01 :ARG0 (a2 / and :op1 (p2 / person :ARG0-of (l / lead-02 :ARG1 c4) :mod (l2 / level :mod (t / top))) :op2 (p / person :ARG0-of (l3 / lead-02 :ARG1 c5) :mod l2)) :mod (m / mutual)) :mod (a4 / also)))) + +(a / and :op1 (v / visit-01 :ARG0 (a2 / and :op1 (p / person :wiki "Jiang_Zemin" :name (n / name :op1 "Zemin" :op2 "Jiang") :ARG0-of (h / have-org-role-91 :ARG2 (p2 / president))) :op2 (p3 / person :wiki "Rong_Yiren" :name (n2 / name :op1 "Yiren" :op2 "Rong") :ARG0-of (h2 / have-org-role-91 :ARG2 (p4 / president :mod (v2 / vice)))) :op3 (i / i) :quant (a3 / all)) :ARG1 (c4 / country :wiki "Portugal" :name (n3 / name :op1 "Portugal"))) :op2 (v3 / visit-01 :ARG0 (p5 / person :wiki - :name (n4 / name :op1 "Shewar") :ARG0-of (h3 / have-org-role-91 :ARG2 (m / minister :mod (p7 / prime)))) :ARG1 (c5 / country :wiki "China" :name (n5 / name :op1 "China")) :time (d / date-entity :month 4 :part-of (y2 / year :mod (t / this))))) + +(s / say-01 :ARG0 (h / he) :ARG1 (e / establish-01 :ARG0 (d / develop-02 :ARG1 (r / relation-03 :ARG0 (c5 / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (b / bilateral) :ARG2 (c6 / country :wiki "Portugal" :name (n2 / name :op1 "Portugal"))) :ARG1-of (s2 / smooth-04)) :ARG1 (f / foundation) :ARG3 (c7 / cooperate-01 :ARG0 c5 :ARG1 c6 :ARG2 (i / issue-02 :ARG0 (c / city :wiki "Macau" :name (n3 / name :op1 "Macao")))))) + +(p4 / point-out-02 :ARG0 (p5 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (c5 / component :part-of (r / relation-03 :ARG0 (c6 / country :wiki "China" :name (n3 / name :op1 "China")) :ARG2 (c7 / country :wiki "Portugal" :name (n4 / name :op1 "Portugal"))) :mod (i2 / important) :domain (i / issue-02 :ARG0 (c / city :wiki "Macau" :name (n2 / name :op1 "Macao"))))) + +(b / benefit-01 :ARG0 (m2 / maintain-01 :ARG1 (a / and :op1 (r / relation-03 :ARG0 (c5 / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (g / good-02) :ARG2 (c6 / country :wiki "Portugal" :name (n2 / name :op1 "Portugal"))) :op2 (r2 / relation-03 :ARG0 (i / inland) :ARG1 g :ARG2 (c / city :wiki "Macau" :name (n3 / name :op1 "Macao"))))) :ARG1 (a2 / and :op1 (s / stability :mod (s2 / society)) :op1 (d2 / develop-02 :ARG1 (e / economy)))) + +(s / say-01 :ARG0 (p4 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (a / and :op1 (w / work-01 :ARG0 a2 :ARG1 (i / implement-01 :ARG1 (d / declare-02 :ARG0 (a2 / and :op1 (c5 / country :wiki "China" :name (n2 / name :op1 "China")) :op2 (c6 / country :wiki "Portugal" :name (n3 / name :op1 "Portugal"))) :manner (j / joint)) :manner (t / thorough)) :quant (l / lot :degree (q / quite))) :op2 (e / effective-04 :ARG0 (c4 / cooperate-01)) :time (s2 / since :op1 (c / come-04 :ARG1 d :ARG2 (e2 / effect-03 :ARG1 d))))) + +(a / and :op1 (r / resolve-01 :ARG1 (i / issue-02 :ARG0-of (c2 / concern-01 :ARG1 (s / side :mod (b / both)) :mod (m2 / mutual)) :quant (m3 / many))) :op2 (a2 / achieve-01 :ARG1 (d / degree :degree-of (p / progress-01 :ARG1 (i2 / issue-02 :quant 3 :ARG0 (a3 / and :op1 (l / language) :op2 (p3 / person :ARG0-of (s3 / serve-01) :mod (c3 / civil)) :op3 (l2 / law :time (p2 / period :duration-of (t / transition-01 :ARG1 (c / city :wiki "Macau" :name (n / name :op1 "Macao")))))) :ARG1-of (m / major-02))) :mod (v / various))) :time (y / year :mod (r2 / recent)) :ARG1-of (c4 / cause-01 :ARG0 (e / effort :mod (j / joint) :poss s))) + +(s / say-01 :ARG0 (h / he) :ARG1 (h2 / hope-01 :ARG0 (w / we) :ARG1 (c2 / continue-01 :ARG0 g2 :ARG1 (g / give-01 :ARG0 (g2 / government-organization :mod (c / city :wiki "Macau" :name (n / name :op1 "Macao"))) :ARG1 (a / attend-02 :ARG0 g2 :ARG1 p) :ARG2 (p / problem :quant 3 :mod (t / this))) :purpose (a2 / achieve-01 :ARG0 g :ARG1 (r / resolve-01 :mod (f / final) :mod (p2 / proper)))))) + +(s / say-01 :ARG0 (p4 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (w / work-01 :ARG0 (p / person :wiki "Vasco_Joaquim_Rocha_Vieira" :name (n3 / name :op1 "Viera") :ARG0-of (h / have-org-role-91 :ARG2 (g / governor))) :ARG1 (r / resolve-01 :ARG1 (i / issue-02 :ARG0 (c / city :wiki "Macau" :name (n2 / name :op1 "Macao"))) :ARG1-of (s2 / smooth-04)) :ARG0-of (b / benefit-01) :quant (l / lot) :ARG1-of (a / appreciate-02 :ARG0 (w2 / we) :ARG1-of (e / express-01 :ARG0 w2)))) + +(e / emphasize-01 :ARG0 (p4 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (a2 / and :op1 (w / work-01 :ARG0 (a3 / and :op1 (s2 / side :mod (c5 / country :wiki "China" :name (n2 / name :op1 "China"))) :op2 (s3 / side :mod (c6 / country :wiki "Portugal" :name (n3 / name :op1 "Portugal")))) :ARG1 (i / issue-02 :ARG0 (c / city :wiki "Macau" :name (n4 / name :op1 "Macao"))) :quant (l / lot) :mod (s / still)) :op2 (i2 / important :degree (v / very) :domain (m2 / mission))) :mod (a / also) :time (a4 / approach-01 :ARG1 (d3 / date-entity :year 1999))) + +(r / recommend-01 :ARG1 (r2 / resolve-01 :ARG0 (s / side :mod (b / both)) :ARG1 (i / issue-02 :mod (o / outstanding)) :manner (s2 / spirit :mod (c2 / consult-01 :ARG1-of (f / friendly-01))))) + +(h / hope-01 :ARG0 (h2 / he) :ARG1 (s / strengthen-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / city :wiki "Macau" :name (n / name :op1 "Macao")))) :ARG1 (a / and :op1 (c4 / consult-01 :ARG0 g :ARG1 (s2 / side :mod (c5 / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG2 (i / issue-02 :ARG0 (a3 / and :op1 (t / transition-01 :ARG1 c :ARG1-of (s3 / stable-03)) :op2 (h4 / hand-over-02 :ARG1 (p / power :mod (p2 / politics)) :ARG1-of (s5 / smooth-04))) :ARG1-of (m / major-02))) :op2 (c6 / cooperate-01 :ARG0 g :ARG1 s2 :ARG2 i)) :degree (f / further) :manner (b / benefit-01 :ARG1 (a2 / and :op1 (s4 / stable-03 :ARG1 c) :op2 (d / develop-02 :ARG1 c))))) + +(s / say-01 :ARG0 (p4 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (b / believe-01 :ARG0 (w / we) :ARG1 (r / realize-02 :ARG1 (a / and :op1 (t / transition-01 :ARG1 (s2 / stable-03)) :op2 (h / hand-over-02 :ARG1 (p5 / power :mod (p6 / politics)) :ARG1-of (s3 / smooth-04))) :mod (d / definite) :manner (a2 / and :op1 (c4 / cooperate-01 :ARG0 s4 :ARG1 s5 :ARG1-of (f / friendly-01)) :op2 (e / effort :mod (j / joint) :poss (a3 / and :op1 (s4 / side :mod (c5 / country :wiki "China" :name (n2 / name :op1 "China"))) :op2 (s5 / side :mod (c6 / country :wiki "Portugal" :name (n3 / name :op1 "Portugal"))))))))) + +(a / and :op1 (r / recall-02 :ARG0 (p / person :wiki "Vasco_Joaquim_Rocha_Vieira" :name (n / name :op1 "Viera")) :ARG1 (a2 / and :op1 (m2 / meet-03 :ARG0 p :ARG1 (p2 / person :wiki "Li_Peng" :name (n2 / name :op1 "Peng" :op2 "Li") :ARG0-of (h3 / have-org-role-91 :ARG2 (p3 / premier))) :time (d3 / date-entity :year 1991)) :op2 (m / meet-03 :ARG0 p :ARG1 p2 :time (d4 / date-entity :year 1992))) :manner (h / happy)) :op2 (a3 / assess-01 :ARG0 p :ARG1 (c5 / contribute-01 :ARG0 (a4 / and :op1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c6 / country :wiki "China" :name (n3 / name :op1 "China")))) :op2 p2) :ARG2 (a5 / and :op1 (d / develop-02 :ARG1 (r2 / relation-03 :ARG0 c6 :ARG2 (c7 / country :wiki "Portugal" :name (n4 / name :op1 "Portugal")))) :op2 (r3 / resolve-01 :ARG1 (i2 / issue-02 :ARG0 (c / city :wiki "Macau" :name (n5 / name :op1 "Macao"))))) :mod (i / important)) :manner (h2 / high))) + +(a / and :op1 (s / say-01 :ARG0 (p / person :wiki "Vasco_Joaquim_Rocha_Vieira" :name (n / name :op1 "Viera")) :ARG1 (g / glad-02 :ARG0 (s5 / see-01 :ARG0 p :ARG1 (p2 / progress-01 :ARG1 (c3 / country :wiki "China" :name (n2 / name :op1 "China")) :mod (g3 / great) :topic (a2 / and :op1 (a3 / area :mod (l / life :mod (e / economy))) :op2 (a5 / area :mod (l2 / life :mod (s2 / society)))))) :ARG1 p)) :op2 (e2 / express-01 :ARG0 p :ARG1 (u / understand-01 :ARG0 p :ARG1 (n3 / need-01 :ARG1 (b / build-up-05 :ARG1 (m / modernize-01) :manner (s3 / situation :ARG1-of (s4 / stable-03)))) :ARG1-of (c / complete-02)))) + +(s / say-01 :ARG0 (h / he) :ARG1 (a / and :op1 (b / benefit-01 :ARG0 (a2 / and :op1 (s2 / stability :poss (c4 / country :wiki "China" :name (n / name :op1 "China"))) :op2 (d / develop-02 :ARG1 c4)) :ARG1 (a3 / and :op1 (p / peace :mod (w / world)) :op2 (d2 / develop-02 :ARG1 w))) :op2 (g / guarantee-01 :ARG0 (a4 / and :op1 s2 :op2 (p2 / prosper-01 :ARG0 c4)) :ARG1 (a5 / and :op1 (s3 / stability :poss (c / city :wiki "Macau" :name (n2 / name :op1 "Macao"))) :op2 (p3 / prosper-01 :ARG0 c)) :mod (b2 / basic)))) + +(c3 / continue-01 :ARG0 (a / and :op1 (h / he) :op2 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :wiki "Portugal" :name (n / name :op1 "Portugal"))))) :ARG1 (p / put-01 :ARG0 a :ARG1 (e / effort) :ARG2 (f / forth) :purpose (a2 / and :op1 (d / develop-02 :ARG1 (i / issue-02 :ARG0 (c / city :wiki "Macau" :name (n2 / name :op1 "Macao"))) :ARG1-of (c5 / continue-01)) :op2 (r / resolve-01 :ARG1 i :ARG1-of (s / smooth-04))))) + +(e / end-01) + +(b / byline-91 :ARG0 (p / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :location (c2 / city :wiki "Bonn" :name (n2 / name :op1 "Bonn")) :time (d / date-entity :month 4 :day 23)) + +(s2 / say-01 :ARG0 (p / person :wiki "Klaus_Kinkel" :name (n2 / name :op1 "Kinkel") :ARG0-of (h / have-org-role-91 :ARG1 (c3 / country :wiki "Germany" :name (n3 / name :op1 "Germany")) :ARG2 (m / minister :mod (f / foreign)))) :ARG1 (w / welcome-01 :ARG0 p :ARG1 (u / ultimatum :source (m2 / military :wiki "NATO" :name (n4 / name :op1 "NATO")) :beneficiary (p2 / person :mod (c4 / country :wiki "Serbia" :name (n5 / name :op1 "Serbia")) :location (c5 / country :wiki "Bosnia_and_Herzegovina" :name (n6 / name :op1 "Bosnia-Herzegovina")))))) + +(d / demand-01 :ARG0 (h / he) :ARG1 (h2 / hold-04 :ARG1 (t / talk-01 :mod (n / new) :purpose (e / end-01 :ARG0 t :ARG1 (w / war :mod (c / civil) :location (c2 / country :wiki "Bosnia_and_Herzegovina" :name (n2 / name :op1 "Bosnia-Herzegovina")))))) :mod (a / also) :time (t2 / time :ARG1-of (s / same-01))) + +(s / say-01 :ARG0 (p / person :wiki "Klaus_Kinkel" :name (n2 / name :op1 "Kinkel")) :ARG1 (a / and :op1 (c / correct-02 :ARG1 (t / thing :ARG1-of (d / decide-01 :ARG0 (m / military :wiki "NATO" :name (n3 / name :op1 "NATO"))))) :op2 (n4 / need-01 :ARG1 t))) + +(c / contrast-01 :ARG2 (n / need-01 :ARG1 (r / restart-01 :ARG1 (d / dialogue-01)) :mod (a2 / also) :prep-as (m / method :mod (a3 / auxiliary) :instrument-of (m2 / measure-02 :ARG0 (m3 / military))))) + +(r2 / request-01 :ARG0 (h / he) :ARG1 (p / propose-01 :ARG0 (a / and :op1 (o3 / organization :wiki "United_Nations" :name (n / name :op1 "United" :op2 "Nations")) :op2 (o4 / organization :wiki "European_Union" :name (n2 / name :op1 "European" :op2 "Union")) :op3 (c3 / country :wiki "United_States" :name (n3 / name :op1 "US")) :op4 (c4 / country :wiki "Russia" :name (n4 / name :op1 "Russia"))) :purpose (f / force-01 :ARG0 a :ARG1 (p2 / party :mod (b2 / both) :ARG0-of (w / war-01) :mod (c5 / country :wiki "Bosnia_and_Herzegovina" :name (n6 / name :op1 "Bosnia-Herzegovina"))) :ARG2 (r3 / return-01 :ARG1 p2 :ARG4 (t / table :location-of (n7 / negotiate-01)))) :mod (j / joint) :mod (n5 / new))) + +(a / ask-02 :ARG0 (c2 / country :quant 16 :ARG0-of (h4 / have-org-role-91 :ARG1 (m / military :wiki "NATO" :name (n2 / name :op1 "NATO")))) :ARG1 (a2 / and :op1 (w / withdraw-01 :ARG0 f :ARG1 f :destination (p2 / place :location (r / relative-position :op1 (c5 / city :wiki "Gora??de" :name (n5 / name :op1 "Gorazde")) :quant (d3 / distance-quantity :quant 3 :unit (k2 / kilometer)))) :time (b2 / before :op1 (d4 / date-entity :month 4 :day 24 :time "0:00" :timezone "GMT"))) :op2 (g4 / guarantee-01 :ARG0 f :ARG1 (a5 / and :op1 (b3 / block-01 :polarity - :ARG1 (a6 / aid-01 :ARG0 (o4 / organization :wiki "United_Nations" :name (n6 / name :op1 "United" :op2 "Nations")) :mod (h2 / humanitarian))) :op2 (h / hinder-01 :polarity - :ARG1 a6))) :ARG2-of (h3 / have-condition-91 :ARG1 (b4 / begin-01 :polarity - :ARG0 m :ARG1 (s2 / strike-01 :ARG0 m :ARG1 (a4 / army :mod c3) :mod (a7 / air))))) :ARG2 (f / force :ARG1-of (a3 / arm-01) :mod (p / person :mod (c3 / country :wiki "Serbia" :name (n3 / name :op1 "Serbia")) :location (c4 / country :wiki "Bosnia_and_Herzegovina" :name (n4 / name :op1 "Bosnia-Herzegovina")))) :time (d5 / date-entity :day 22)) + +(e / end-01) + +(b / byline-91 :ARG0 (p2 / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :ARG1 (p / person :wiki - :name (n2 / name :op1 "Jie" :op2 "Sun") :ARG0-of (r / report-01)) :location (c2 / city :wiki "Beijing" :name (n3 / name :op1 "Beijing")) :time (d / date-entity :month 8 :day 31)) + +(a / and :op1 (a2 / accelerate-01 :ARG0 (i / industry :mod (c3 / chemical) :poss (c4 / country :wiki "China" :name (n / name :op1 "China"))) :ARG1 (p / pace-01 :ARG0 i :ARG1 (o / open-up-03 :ARG0 i :ARG1 i :ARG3 (w / world :location (o2 / outside))))) :op2 (s / stride-01 :ARG0 i :direction (w2 / world))) + +(s / say-01 :ARG0 (t2 / thing :ARG1-of (p / present-01 :ARG0 (g / government-organization :wiki - :name (n4 / name :op1 "Ministry" :op2 "of" :op3 "Chemical" :op4 "Industry")))) :ARG1 (a / and :op1 (t / total-01 :ARG1 (a2 / and :op1 (i2 / import-01 :ARG0 (c7 / country :wiki "China" :name (n5 / name :op1 "China")) :ARG1 (c6 / chemical)) :op2 (e / export-01 :ARG0 c7 :ARG1 c6)) :ARG2 (l2 / less-than :op1 (m5 / monetary-quantity :quant 300000000 :unit (d5 / dollar :mod (c8 / country :wiki "United_States" :name (n6 / name :op1 "US")))) :time (d6 / date-entity :year 1978))) :op2 (r / reach-01 :ARG0 a2 :ARG1 (m6 / monetary-quantity :quant 7500000000 :unit (d / dollar :mod c8)) :time (y / year :mod (l3 / last))) :op3 (e2 / enterprise :quant 30 :mod (c9 / chemical) :time (a3 / already) :ARG0-of (e3 / export-01 :ARG1 (e4 / exchange :mod (f / foreign) :ARG0-of (s2 / surpass-01 :ARG1 (m7 / monetary-quantity :quant 10000000 :unit (d2 / dollar :mod c8)))))))) + +(c / contrast-01 :ARG1 (b / break-through-26 :ARG0 (e / export-01 :ARG0 (i3 / industry :poss (c5 / country :wiki "China" :name (n / name :op1 "China")) :mod (c6 / chemical)) :ARG1 (s / set :consist-of (e2 / equipment) :ARG1-of (c2 / complete-02))) :degree (f / fractional)) :ARG2 (a2 / and :op1 (e3 / export-01 :ARG0 i3 :ARG1 (t4 / thing :ARG1-of (i4 / install-01) :mod (s2 / set :consist-of (e4 / equipment) :mod (d / double)) :ARG0-of (p / produce-01 :ARG1 (s3 / soda :mod (c9 / caustic) :mod (f2 / film :mod (i5 / ion)) :quant (m / mass-quantity :quant 40000 :unit (t3 / ton))) :frequency (r / rate-entity-91 :ARG2 (t / temporal-quantity :quant 1 :unit (y / year))))) :ARG2 (c8 / country :wiki "Indonesia" :name (n2 / name :op1 "Indonesia")) :manner (s4 / succeed-03)) :op2 (e5 / export-01 :ARG1 (s6 / set :mod c2 :consist-of e2 :ARG0-of (p2 / produce-01 :ARG1 (c11 / carbonate :mod (s5 / sodium) :quant (m2 / mass-quantity :quant 200000 :unit (t2 / ton))) :frequency r)) :ARG2 (c10 / country :wiki "Iran" :name (n3 / name :op1 "Iran"))))) + +(p / progress-01 :ARG1 (e / export-01 :ARG1 (t / technology)) :mod (a / also) :mod (n / new)) + +(r / reach-01 :ARG1 52 :ARG0 (e / export-01 :ARG1 (t / technology) :ARG1-of (p / provide-01 :ARG0 (c3 / country :wiki "China" :name (n / name :op1 "China")) :ARG1-of (p2 / possible-01))) :time (c4 / current)) + +(s / say-01 :ARG0 (s2 / statistic :ARG1-of (c / complete-02 :polarity -)) :ARG1 (e / export-01 :ARG0 (c4 / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (t / technology :quant (m / more-than :op1 20) :example (a3 / and :op1 (s3 / solution :mod (p / peroxide :mod (h / hydrogen) :mod (a / anthraquinone))) :op2 (a2 / absorb-01 :ARG1 (v / voltage :ARG1-of (v2 / vary-01))) :op3 (e2 / et-cetera))) :time (b / before :op1 (n2 / now) :duration (t2 / temporal-quantity :quant 3 :unit (y / year))))) + +(s / sign-02 :ARG0 (g / government-organization :wiki - :name (n / name :op1 "Ministry" :op2 "of" :op3 "Chemical" :op4 "Industry") :poss (c6 / country :wiki "China" :name (n2 / name :op1 "China"))) :ARG1 (a / agreement :topic (c3 / cooperate-01 :ARG0 g :ARG1 c4)) :ARG2 (c4 / corporation :quant 15 :mod (l / large) :mod (i / international) :mod (c5 / chemical)) :time (u / up-to :op1 (h / half :ord (o / ordinal-entity :value 1) :part-of (y / year :mod (t / this))))) + +(a / and :op1 (r / reach-01 :ARG0 (c4 / capital :mod (f / foreign) :ARG1-of (a2 / absorb-01 :ARG0 (i / industry :mod (c5 / chemical) :poss (c6 / country :wiki "China" :name (n2 / name :op1 "China"))) :manner (a3 / accumulate-01))) :ARG1 (m2 / monetary-quantity :quant 8500000000 :unit (d2 / dollar :mod (c7 / country :wiki "United_States" :name (n3 / name :op1 "US")))) :time (b / before :op1 (n / now) :duration (t4 / temporal-quantity :quant 10 :unit (y / year)))) :op2 (u / use-01 :ARG1 c4 :ARG2 (t / transform-01 :ARG1 (a4 / and :op1 (t2 / thing :ARG0-of (f2 / fertilize-01) :consist-of (c8 / chemical)) :op2 (p / petroleum)) :mod (t3 / technology) :mod (c9 / construct-01)))) + +(e / end-01) + +(b / byline-91 :ARG0 (p2 / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :ARG1 (p / person :wiki - :name (n2 / name :op1 "Futian" :op2 "Yang") :ARG0-of (r / report-01)) :location (c2 / city :wiki "Nanjing" :name (n3 / name :op1 "Nanjing")) :time (d / date-entity :month 4 :day 23)) + +(a / announce-01 :ARG0 (f2 / facility :wiki "Purple_Mountain_Observatory" :name (n / name :op1 "Zijin" :op2 "Mountain" :op3 "Observatory") :part-of (o2 / organization :wiki "Chinese_Academy_of_Sciences" :name (n2 / name :op1 "China" :op2 "Academy" :op3 "of" :op4 "Sciences"))) :ARG1 (a2 / and :op1 (b / build-01 :ARG1 (n3 / network :purpose (o3 / observe-01 :ARG1 (c5 / collide-01 :ARG0 (c / comet :wiki "Comet_Shoemaker???Levy_9" :name (n6 / name :op1 "Shoemaker-Levy" :op2 9)) :ARG1 (p / planet :wiki "Jupiter" :name (n7 / name :op1 "Jupiter")))) :mod (n8 / nation)) :location (c4 / country :wiki "China" :name (n4 / name :op1 "China"))) :op2 (f3 / formulate-01 :ARG1 (p2 / plan :purpose o3 :mod (a4 / astronomy) :mod (s2 / scale :mod (l3 / large))) :mod (a3 / as-well))) :time (t / today)) + +(s2 / say-01 :ARG0 (p / person :ARG1-of (e2 / expert-01)) :ARG1 (p4 / planet :mod (l4 / large :degree (m / most) :compared-to (s5 / system :mod s3)) :domain (p2 / planet :wiki "Jupiter" :name (n / name :op1 "Jupiter") :ARG0-of (o / orbit-01 :ARG1 (s3 / star :wiki "Sun" :name (n2 / name :op1 "Sun")) :ARG1-of (r / resemble-01 :ARG2 (p3 / planet :wiki "Earth" :name (n3 / name :op1 "Earth"))))))) + +(p / possess-01 :ARG0 (i / incident :mod (t / this) :topic (o / observe-01 :ARG1 (c / collide-01 :ARG0 (c2 / comet) :ARG1 (p2 / planet :wiki "Jupiter" :name (n / name :op1 "Jupiter"))))) :ARG1 (s / significance :mod (i2 / important :degree (e2 / extreme)) :beneficiary (a / and :op1 (r / research-01 :ARG1 (c3 / collide-01 :ARG0 (c4 / comet) :ARG1 (p3 / planet :wiki "Earth" :name (n2 / name :op1 "Earth")))) :op2 (f / forecast-01 :ARG1 c3)))) + +(a / and :op1 (p / place-01 :ARG0 (a2 / arena :mod (a3 / astronomy :mod (c3 / country :wiki "China" :name (n / name :op1 "China")))) :ARG1 (i / importance :mod (g / great)) :ARG2 (p2 / phenomenon :mod (c4 / collide-01 :ARG0 (c5 / comet) :ARG1 (p3 / planet :wiki "Jupiter" :name (n2 / name :op1 "Jupiter"))) :mod (t / this)) :mod (a4 / also)) :op2 (f / focus-01 :ARG0 a2 :ARG1 (a5 / attend-02 :ARG0 a2 :ARG1 a6) :ARG2 (a6 / and :op1 (d / develop-01 :ARG2 p2) :op2 (c7 / change-01 :ARG1 p2)) :manner (c6 / close))) + +(a5 / and :op1 (c3 / convene-01 :ARG1 (s2 / seminar :topic (p / plan-01 :ARG1 (m / monitor-01 :ARG1 (c4 / collide-01 :ARG0 (c5 / comet :wiki "Comet_Shoemaker???Levy_9" :name (n3 / name :op1 "Shoemaker-Levy" :op2 9)) :ARG1 (p2 / planet :wiki "Jupiter" :name (n4 / name :op1 "Jupiter")))))) :location (c6 / city :wiki "Nanjing" :name (n5 / name :op1 "Nanjing")) :ARG1-of (s3 / support-01 :ARG0 (a / and :op1 (o / organization :wiki "Chinese_Academy_of_Sciences" :name (n6 / name :op1 "Chinese" :op2 "Academy" :op3 "of" :op4 "Sciences")) :op2 (o4 / organization :wiki "National_Natural_Science_Foundation_of_China" :name (n7 / name :op1 "National" :op2 "Natural" :op3 "Science" :op4 "Foundation")))) :time (b / before :op1 (n / now) :duration (f / few :op1 (t / temporal-quantity :quant 1 :unit (d / day))))) :op2 (a2 / attend-01 :ARG0 (a3 / astronomer :quant (m2 / more-than :op1 40) :source (a4 / all-over :op1 (c / country))) :ARG1 s2)) + +(t / think-01 :ARG0 (p / person :ARG1-of (e2 / expert-01)) :ARG1 (a / and :op1 (r / require-01 :ARG0 (p2 / phenomenon :mod (a2 / astronomy) :ARG1-of (r2 / rare-02) :mod (i / important) :mod (t2 / this)) :ARG1 (o / observe-01 :ARG1 p2 :mod (g / globe) :ARG1-of (c4 / continue-01))) :op2 (l2 / locate-01 :ARG1 (c5 / country :wiki "China" :name (n / name :op1 "China")) :location (p3 / position :mod i :mod (l3 / longitude) :location (b / between :op1 (c6 / country :wiki "Japan" :name (n2 / name :op1 "Japan")) :op2 (c7 / continent :wiki "Europe" :name (n3 / name :op1 "Europe"))))) :ARG0-of (c8 / cause-01 :ARG1 (c9 / component :ARG1-of (i3 / indispensable-01) :ARG1-of (r3 / replace-01 :ARG1-of (p4 / possible-01)) :beneficiary (o3 / observe-01 :mod (i2 / international) :mod (j2 / joint)) :domain (m / material :ARG1-of (o2 / observe-01 :ARG0 c5)))))) + +(u / use-01 :ARG0 (c3 / country :wiki "China" :name (n / name :op1 "China")) :ARG1 (e / equipment :mod (a / astronomy) :ARG1-of (a2 / advanced-02) :quant (a3 / all) :ARG2-of (i / include-91 :ARG1 (a4 / and :op1 (t3 / telescope :ARG1-of (r / reflect-01) :mod (d3 / distance-quantity :quant 2.16 :unit (m3 / meter))) :op2 (t4 / telescope :mod (i2 / infrared) :mod (d4 / distance-quantity :quant 1.26 :unit m3)) :op3 (t5 / telescope :mod (r2 / radio))))) :ARG2 (o / observe-01 :ARG0 c3) :time (t / time :mod (t2 / that))) + +(u / use-01 :ARG1 (a / and :op1 (t / telescope :mod (d3 / distance-quantity :quant 25 :unit (m2 / meter)) :mod (b / band :mod (w / wave :mod (d / distance-quantity :quant 1 :unit (d4 / decimeter))))) :op2 (t5 / telescope :mod (b3 / band :mod (w3 / wave :mod (d2 / distance-quantity :quant 1 :unit (c / centimeter)))) :mod d3) :op3 (t2 / telescope :mod (b2 / band :mod (w2 / wave :mod (d5 / distance-quantity :quant 10 :unit (m / meter))))) :op4 (e / equipment :mod (t3 / terminal :mod (t4 / telescope :mod (o / optics))) :ARG1-of (a3 / advanced-02))) :mod (a4 / also)) + +(a / and :op1 (e / experience-01 :ARG0 (r2 / research-institute :wiki "Purple_Mountain_Observatory" :name (n2 / name :op1 "Zijin" :op2 "Mountain" :op3 "Observatory") :location (c / city :wiki "Nanjing" :name (n / name :op1 "Nanjing"))) :ARG1 (a5 / and :op1 (o / observe-01 :ARG0 r2 :ARG1 (a2 / and :op1 (c3 / comet) :op2 (a3 / asteroid))) :op2 (r / research-01 :ARG0 r2 :ARG1 a2)) :duration (m / more-than :op1 (t2 / temporal-quantity :quant 40 :unit (y2 / year)))) :op2 (o3 / organization :mod (r5 / research-01 :ARG1 (s / science)) :mod (o4 / only) :location (c5 / country :wiki "China" :name (n3 / name :op1 "China")) :ARG0-of (c4 / conduct-01 :ARG1 (r3 / research-01 :ARG1 a2 :ARG1-of (l / long-03))) :domain (o2 / office :ARG0-of (r4 / research-01 :ARG1 (p / planet)) :poss r2)) :op3 (s2 / start-01 :ARG0 o2 :ARG1 (r6 / research-01 :ARG0 o2 :ARG1 (i / issue-02 :ARG0 (c6 / collide-01 :ARG0 (b / body :mod (c7 / celestial) :poss (s3 / system :mod (s4 / star :wiki "Sun" :name (n4 / name :op1 "Sun"))))))) :time (s5 / since :op1 (d / date-entity :year 1988)) :mod (a4 / also))) + +(a / attend-01 :ARG0 (p / person :ARG1-of (e2 / expert-01 :ARG2 (p3 / planet)) :poss (s / station :mod (t / this))) :ARG1 (s2 / seminar :mod (s3 / science) :mod (i / international) :topic (d / danger :mod (c / collide-01 :ARG0 (a3 / and :op1 (c2 / comet) :op2 (a4 / asteroid)) :ARG1 (p2 / planet :wiki "Earth" :name (n / name :op1 "Earth")))) :quant (m / many)) :mod (a2 / also)) + +(e / end-01) + +(b / byline-91 :ARG0 (p / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :location (c2 / city :wiki "Beijing" :name (n2 / name :op1 "Beijing")) :time (d / date-entity :month 4 :day 23)) + +(s / say-01 :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG1 (g / government-organization :wiki "Ministry_of_Foreign_Affairs_of_the_People's_Republic_of_China" :name (n / name :op1 "Foreign" :op2 "Ministry")) :ARG2 (s2 / spokesperson))) :ARG1 (v / visit-01 :ARG0 (a / and :op1 (p2 / person :wiki - :name (n5 / name :op1 "Gedinage") :ARG0-of (h / head-01 :ARG1 (o4 / organization :wiki "International_Committee_of_the_Red_Cross" :name (n2 / name :op1 "International" :op2 "Committee" :op3 "of" :op4 "the" :op5 "Red" :op6 "Cross")))) :op2 (d / delegation :accompanier-of p2 :consist-of (p3 / person :quant 4))) :ARG1 (c3 / country :wiki "China" :name (n4 / name :op1 "China")) :time (d3 / date-interval :op1 (d4 / date-entity :month 4 :day 18) :op2 (d5 / date-entity :month 4 :day 23)) :ARG2-of (i2 / invite-01 :ARG0 (o2 / organization :wiki "International_Red_Cross_and_Red_Crescent_Movement" :name (n6 / name :op1 "Red" :op2 "Cross") :poss c3))) :time (t / today)) + +(s / say-01 :ARG0 (s2 / spokesperson) :ARG1 (d / discuss-01 :ARG0 (s3 / side :mod (b / both)) :ARG1 (q / question :topic (d3 / develop-01 :ARG1 (a / and :op1 (c / communicate-01) :op2 (c2 / cooperate-01)) :degree (f2 / further))) :mod (w / work-01) :mod (l / level :mod (s4 / specialize-01)) :ARG1-of (f / friendly-01) :mod (d2 / down-to-earth) :mod (h2 / honest))) + +(a / and :op1 (d / discuss-01 :ARG0 (n / negotiate-01) :ARG1 (a2 / and :op1 (p / principle) :op2 (i / issue-02 :ARG1-of (d2 / detail-01)) :quant (s / some)) :manner (t / thorough)) :op2 (r / reach-01 :ARG1 (u / understand-01 :quant (s2 / some)))) + +(b / believe-01 :ARG0 (s / side :mod (b2 / both)) :ARG1 (r / result-01 :ARG1 (t / talk) :ARG2 (p / positive)) :manner (u / unanimous)) + +(c / continue-01 :ARG0 (s / side :quant 2) :ARG1 (a / and :op1 (s2 / strive-01 :ARG0 s :manner (t / together)) :op2 (s3 / strengthen-01 :ARG0 s :ARG1 (c2 / cooperate-01)) :manner (p2 / pragmatic))) + +(e / end-01) + +(b / byline-91 :ARG0 (p3 / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :ARG1 (a / and :op1 (p / person :wiki - :name (n2 / name :op1 "Shuchun" :op2 "Zhou") :ARG0-of (r / report-01)) :op2 (p2 / person :wiki - :name (n3 / name :op1 "Mengjun" :op2 "Ju") :ARG0-of r)) :location (c2 / city :wiki "Bishkek" :name (n4 / name :op1 "Biskech")) :time (d / date-entity :month 4 :day 23)) + +(h / hold-04 :ARG0 (a / and :op1 (p / person :wiki "Li_Peng" :name (n2 / name :op1 "Peng" :op2 "Li") :ARG0-of (h2 / have-org-role-91 :ARG2 (p2 / premier))) :op2 (p3 / person :wiki - :name (n3 / name :op1 "Zumegloph") :ARG0-of (h3 / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c / country :wiki "Kyrgyzstan" :name (n4 / name :op1 "Kirghizia")))) :ARG2 (p4 / premier)))) :ARG1 (t / talk-01 :ARG0 a :ARG1 (a2 / and :op1 (r / relation :mod (e / economy) :mod (b / bilateral) :ARG1-of (d / develop-02)) :op2 (r2 / relation :mod (t2 / trade) :mod b :ARG1-of d)) :mod (i / in-depth) :mod (c2 / comprehensive)) :time (a3 / afternoon :mod (t3 / this))) + +(h / hold-04 :ARG1 (t / talk-01) :location (a / atmosphere :mod (p / practical) :ARG1-of (f / friendly-01))) + +(s / say-01 :ARG0 (p2 / person :wiki - :name (n / name :op1 "Zumegloph")) :ARG1 (a2 / and :op1 (r / relation-03 :ARG0 (c3 / country :wiki "China" :name (n2 / name :op1 "China")) :ARG1 (f / friendly-01) :ARG2 (c4 / country :wiki "Kyrgyzstan" :name (n3 / name :op1 "Kirghizia")) :mod (t / tradition)) :op2 (a3 / and :op1 (s2 / strengthen-01 :ARG1 r :ARG1-of (i / increase-01)) :op2 (d / develop-02 :ARG1 r :ARG1-of (c5 / continue-01))))) + +(s / say-01 :ARG0 (h / he) :ARG1 (a / and :op1 (b / be-temporally-at-91 :ARG1 (c3 / country :wiki "Kyrgyzstan" :name (n / name :op1 "Kirghizia")) :ARG2 (p / phase :mod (r2 / reform-01 :ARG1 (e / economy)))) :op2 (a2 / attend-02 :ARG0 c3 :ARG1 (a3 / and :op1 (s2 / strengthen-01 :ARG0 c3 :ARG1 (c4 / connect-01 :ARG1 c3 :ARG2 (c5 / country :wiki "China" :name (n2 / name :op1 "China")) :mod e)) :op2 (u / use-01 :ARG0 c3 :ARG1 (e2 / experience :poss c5 :ARG2-of (i / include-91 :ARG1 (e3 / experience :mod (r4 / reform-01 :ARG1 (a4 / agriculture :poss c5))))) :ARG2 (r3 / reference-04))) :quant (m / much)) :time (n3 / now))) + +(s / say-01 :ARG0 (h / he) :ARG1 (a / and :op1 (e / establish-01 :ARG0 (a2 / and :op1 (c3 / country-region :wiki "Xinjiang" :name (n / name :op1 "Xinjiang")) :op2 (r / region :mod (o / other) :quant (s2 / some) :part-of (c4 / country :wiki "China" :name (n2 / name :op1 "China")))) :ARG1 (e2 / enterprise :mod (v / venture :mod (j / joint)) :quant (m / more-than :op1 70) :ARG2-of (i / include-91 :ARG1 (a4 / and :op1 (f / food) :op2 (f2 / fur) :op3 (e3 / et-cetera)))) :time (a3 / already) :location (c5 / country :wiki "Kyrgyzstan" :name (n3 / name :op1 "Kirghizia"))) :op2 (g3 / good :domain (c6 / condition :mod (o2 / operate-01))) :op3 (d / demonstrate-01 :ARG0 (p / person :ARG0-of (s3 / specialize-01) :poss (p2 / party :mod (b / both))) :ARG1 (a5 / and :op1 (p3 / project :topic (m2 / make-01 :ARG1 (p4 / paper))) :op2 (p5 / project :topic (s4 / sanitize-01)) :op3 (p6 / project :topic (m3 / medicine)) :op4 (e4 / et-cetera) :ARG2-of (c7 / cooperate-01))))) + +(p4 / present-01 :ARG0 (p5 / person :wiki - :name (n / name :op1 "Zumegloph")) :ARG1 (s / situation :mod (e / economy) :poss (c / country :wiki "Kyrgyzstan" :name (n3 / name :op1 "Kirghizia"))) :ARG2 (p6 / person :wiki "Li_Peng" :name (n2 / name :op1 "Peng" :op2 "Li")) :mod (a / also)) + +(s / say-01 :ARG0 (p3 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (a / and :op1 (t / temporary :domain (d / difficulty :mod (e / economy) :ARG1-of (f / face-01 :ARG0 (c / country :wiki "Kyrgyzstan" :name (n2 / name :op1 "Kirghizia")) :time (r / reform-01)))) :op2 (p4 / possible-01 :ARG1 (o / overcome-01 :ARG1 d :ARG1-of (c2 / complete-02)) :time (a2 / after :op1 (d3 / diligence :mod (t2 / thorough)) :mod (o2 / only))))) + +(s / say-01 :ARG0 (p3 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (a / and :op1 (b / begin-01 :ARG1 (a2 / and :op1 (t / trade-01 :ARG0 c2 :mod (e / economy)) :op2 (c / cooperate-01 :ARG0 (c2 / country :quant 2))) :ARG1-of (s2 / smooth-04)) :op2 (p4 / progress-01 :ARG1 a2 :degree (c3 / considerable)) :time (b2 / before :op1 (n2 / now) :quant (o / or :op1 (t2 / temporal-quantity :quant 2 :unit (y / year)) :op2 (m / more-than :op1 t2))))) + +(d / develop-01 :ARG2 (t / trade-01 :mod (b / bilateral)) :manner (r / rapid :degree (v / very)) :concession-of (h / have-03 :ARG0 t :ARG1 (p / potential) :mod (s / still))) + +(e / endeavor-01 :ARG0 (g / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c3 / country :wiki "China" :name (n / name :op1 "China"))) :ARG2-of (i / include-91 :ARG1 (c4 / country-region :wiki "Xinjiang" :name (n2 / name :op1 "Xinjiang" :op2 "Uigur" :op3 "Autonomous" :op4 "Region")) :mod (e2 / especially))) :ARG1 (d / develop-02 :ARG0 g :ARG1 (c5 / cooperate-01 :ARG0 g :ARG1 (c6 / country :wiki "Kyrgyzstan" :name (n3 / name :op1 "Kirghizia")) :ARG2 (f / field :mod (v2 / various) :example (a / and :op1 (e3 / economy) :op2 (t / trade-01) :op3 (e4 / et-cetera)))))) + +(a / and :op1 (a2 / and :op1 (e / explore-01 :ARG0 (c / country :quant 2) :ARG1 (c2 / condition :mod (a3 / advantage) :poss c)) :op2 (u / utilize-01 :ARG0 c :ARG1 c2) :manner (f / full :degree (m / more))) :op2 (a4 / act-01 :ARG0 c :manner (c6 / conform-01 :ARG2 (r / rule :mod (e2 / economy)))) :op3 (g / guarantee-01 :ARG0 c :ARG1 (a5 / and :op1 (e3 / enrich-01 :ARG0 (b / benefit :mod (b2 / bilateral) :mod (t2 / that)) :ARG1 (s / shape :poss (c3 / cooperate-01)) :ARG1-of (c5 / continue-01)) :op2 (i / improve-01 :ARG0 b :ARG1 (a6 / and :op1 (l / level) :op2 (c4 / class) :poss (t / trade-01 :ARG0 c)) :ARG1-of c5))) :time (f2 / from :op1 (n / now))) + +(c4 / cause-01 :ARG0 (t4 / this) :ARG1 (r / recommend-01 :ARG1 (e / endeavor-01 :ARG0 (p / party :mod (b / both)) :ARG1 (c / create-01 :ARG0 p :ARG1 (c2 / condition) :ARG2-of (i / include-91 :ARG1 (s / solve-01 :ARG1 (p2 / problem :topic (a2 / and :op1 (t / traffic) :op2 (t2 / transport-01)) :ARG0-of (h / hinder-01 :ARG1 (d / develop-02 :ARG1 (c3 / cooperate-01 :ARG2 (a / and :op1 (e2 / economy) :op2 (t3 / trade-01)))))))))))) + +(s / say-01 :ARG0 (p3 / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li")) :ARG1 (a / and :op1 (e / entrepreneur :ARG1-of (c / come-01 :accompanier p3 :purpose (v / visit-01 :ARG0 e) :time (t2 / this)) :quant (n2 / number)) :op2 (p4 / possible-01 :ARG1 (e2 / enhance-01 :ARG0 (s2 / side :mod (b / both)) :ARG1 (c2 / contact-01)))) :mod (a2 / also)) + +(a / and :op1 (e / encourage-01 :ARG0 (g / government-organization :ARG0-of (g3 / govern-01 :ARG1 (c3 / country :wiki "China" :name (n / name :op1 "China")))) :ARG1 (c4 / circle :mod (e2 / enterprise) :poss c3) :ARG2 (p / participate-01 :ARG0 g :ARG1 (c5 / construct-01 :ARG0 (c6 / country :wiki "Kyrgyzstan" :name (n2 / name :op1 "Kirghizia")) :ARG1 (e3 / economy)))) :op2 (s / support-01 :ARG0 g :ARG1 p) :ARG1-of (b3 / base-02 :ARG2 (a2 / and :op1 (e4 / equal-01) :op2 (b2 / benefit :mod (m / mutual))))) + +(i / invite-01 :ARG0 (p / person :wiki "Li_Peng" :name (n / name :op1 "Peng" :op2 "Li") :ARG0-of (h / have-org-role-91 :ARG2 (p2 / premier))) :ARG1 (p3 / person :wiki - :name (n2 / name :op1 "Zumegloph") :ARG0-of (h2 / have-org-role-91 :ARG2 (p4 / premier))) :ARG2 (v / visit-01 :ARG0 p3 :ARG1 (c3 / country :wiki "China" :name (n3 / name :op1 "China")) :time (c4 / convenience :poss p3))) + +(a / and :op1 (t / thank-01 :ARG0 (p / person :wiki - :name (n / name :op1 "Zumegloph")) :ARG2 (t2 / this)) :op2 (a2 / accept-01 :ARG0 p :ARG1 (i / invite-01) :manner (h / happy))) + +(e / end-01) + +(b / byline-91 :ARG0 (p2 / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :ARG1 (p / person :wiki - :name (n2 / name :op1 "Ming" :op2 "Chen") :ARG0-of (r / report-01)) :location (c2 / city :wiki "Tehran" :name (n3 / name :op1 "Tehran")) :time (d / date-entity :month 8 :day 31)) + +(s / say-01 :ARG0 (p / person :wiki "Hassan_Habibi" :name (n2 / name :op1 "Hasang" :op2 "Hapipy") :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :wiki "Iran" :name (n / name :op1 "Iran")) :ARG2 (p2 / president :mod (v / vice)) :ord (o / ordinal-entity :value 1))) :ARG1 (e / express-01 :ARG0 p :ARG1 (s2 / satisfy-01 :ARG0 (t2 / thing :ARG2-of (r / result-01 :ARG1 (v2 / visit-01 :ARG0 p :ARG1 (c5 / country :wiki "China" :name (n3 / name :op1 "China"))))) :ARG1 p :time (a / after :op1 (e2 / end-01 :ARG0 p :ARG1 (v3 / visit-01 :ARG0 p :ARG1 c5 :duration (t / temporal-quantity :quant 3 :unit (d2 / day)) :ARG1-of (f2 / friendly-01)))))) :time (t4 / today :time-of (a2 / arrive-01 :ARG1 p :ARG4 (c6 / city :wiki "Tehran" :name (n4 / name :op1 "Tehran")) :direction (b / back)))) + +(s / say-01 :ARG0 (p / person :wiki "Hassan_Habibi" :name (n / name :op1 "Hapipy")) :ARG1 (e / exchange-01 :ARG0 p :ARG1 (i / idea :ARG0-of (c4 / concern-02 :ARG1 (a2 / and :op1 (p5 / problem :topic (r2 / relation-03 :ARG1 (b / bilateral))) :op2 (p2 / problem :mod (i2 / international)) :op3 (p6 / problem :mod (r3 / region))))) :ARG2 (p4 / person :ARG0-of (l / lead-02 :ARG1 (c3 / country :wiki "China" :name (n2 / name :op1 "China")))) :time (d / during :op1 (v2 / visit-01 :ARG0 p))) :ARG2 (p3 / person :ARG0-of (r / report-01) :location (a / airport))) + +(s / say-01 :ARG0 (h / he) :ARG1 (a / and :op1 (i2 / implement-01 :ARG1 (p / project :topic (c5 / cooperate-01 :ARG0 (c6 / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :ARG1 (c7 / country :wiki "China" :name (n3 / name :op1 "China")) :ARG2 (e / economy)))) :op2 (i3 / invest-01 :ARG0 (a2 / and :op1 c6 :op2 c7) :ARG2 (a3 / area :part-of (w / world-region :wiki "Central_Asia" :name (n4 / name :op1 "Central" :op2 "Asia"))) :manner (j / joint) :purpose (i4 / implement-01 :ARG0 a2 :ARG1 (c8 / cooperate-01 :ARG2 e))))) + +(i2 / invest-01 :ARG0 (a / and :op1 (c4 / country :wiki "China" :name (n / name :op1 "China")) :op2 (c5 / country :wiki "Iran" :name (n2 / name :op1 "Iran")) :op3 (c6 / country :ord (o2 / ordinal-entity :value 3))) :ARG2 (r / reconstruct-01 :ARG0 a :ARG1 (e / equipment :instrument-of (r2 / refine-01 :ARG1 (o / oil)) :poss c4) :purpose (e2 / expand-01 :ARG0 r :ARG1 (c7 / capable-01 :ARG2 (e3 / extract-01 :ARG1 (p / petroleum :poss c5))))) :mod (a2 / also) :manner (j / joint)) + +(e / end-01) + +(b / byline-91 :ARG0 (p2 / publication :wiki "Xinhua_News_Agency" :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency")) :ARG1 (p / person :wiki - :name (n2 / name :op1 "Rong" :op2 "Xie") :ARG0-of (r / report-01)) :location (c2 / city :wiki "Moscow" :name (n3 / name :op1 "Moscow")) :time (d / date-entity :month 8 :day 31)) + +(w / withdraw-01 :ARG0 (g / group :poss (c3 / country :wiki "Russia" :name (n2 / name :op1 "Russia")) :mod (l3 / last) :consist-of (p / person :ARG0-of (h / have-org-role-91 :ARG1 (t / troop :mod (m / military) :ARG1-of (s / station-01 :ARG2 (c4 / country :quant 3 :location (s2 / sea :wiki "Baltic_Sea" :name (n4 / name :op1 "Baltic" :op2 "Sea")))) :mod (n / northwest)) :ARG2 (p2 / personnel))) :ARG0-of (w2 / withdraw-01 :ARG1-of (r2 / recommend-01))) :ARG2 (c6 / country :wiki "Latvia" :name (n5 / name :op1 "Latvia")) :ARG1-of (c / complete-02) :time (d2 / date-entity :day 31)) + +(c2 / complete-01 :ARG0 (c3 / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG1 (w / work-01 :ARG1 (w2 / withdraw-01 :ARG1 (t / troop) :ARG2 (c4 / country :quant 3 :location (s / sea :wiki "Baltic_Sea" :name (n2 / name :op1 "Baltic" :op2 "Sea"))))) :time (u / until :op1 (n3 / now))) + +(r3 / report-01 :ARG0 (m2 / media :mod (n2 / news) :location (h / here)) :ARG1 (a / and :op1 (t / turn-over-12 :ARG0 (p5 / person :ARG0-of (h4 / have-org-role-91 :ARG1 (h2 / headquarters :part-of (t2 / troop :mod (c4 / country :wiki "Russia" :name (n3 / name :op1 "Russia")) :mod (n / northwest))) :ARG2 (p2 / personnel))) :ARG1 (t4 / thing :ARG1-of (i / install-01 :ARG0 (m3 / military))) :ARG2 (g2 / government-organization :ARG0-of (g3 / govern-01 :ARG1-of (l / local-02)))) :op2 (s / submit-01 :ARG0 p5 :ARG1 (r4 / report-01 :ARG0 p5 :ARG1 (c6 / complete-01 :ARG1 (w / withdraw-01 :ARG1 (t3 / troop)))) :ARG2 (p / person :wiki "Guntis_Ulmanis" :name (n4 / name :op1 "Ulmanis") :ARG0-of (h3 / have-org-role-91 :ARG1 (c5 / country :wiki "Latvia" :name (n5 / name :op1 "Latvia")) :ARG2 (p3 / president)))) :op3 (w2 / withdraw-01 :ARG0 p5 :ARG1 p5 :ARG2 (c7 / city :wiki "Riga" :name (n6 / name :op1 "Riga")) :direction (c8 / city :wiki "Moscow" :name (n7 / name :op1 "Moscow")) :manner (p4 / plane) :time (t5 / then)) :time (d / date-entity :day 31))) + +(a / and :op1 (w / withdraw-01 :ARG0 (t / troop :mod (c4 / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG1-of (s / station-01 :ARG2 (c5 / country :wiki "Lithuania" :name (n2 / name :op1 "Lithuania")))) :time (a2 / already) :time (b2 / before :op1 (d / date-entity :month 8 :day 31 :year 1993)) :destination (h / home) :direction (b / back)) :op2 (c6 / complete-01 :ARG0 (t2 / troop :ARG1-of (s2 / station-01 :ARG2 (c7 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia")))) :ARG1 (w2 / work-01 :ARG0 t2 :ARG1 (w3 / withdraw-01 :ARG1 (t3 / troop))) :time (d2 / date-entity :day 29 :part-of (m / month :mod (t4 / this))))) + +(s / say-01 :ARG0 (t / thing :ARG1-of (a / agree-01 :ARG0 (c4 / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG2 (a2 / and :op1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c5 / country :wiki "Latvia" :name (n2 / name :op1 "Latvia")))) :op2 (g3 / government-organization :ARG0-of (g4 / govern-01 :ARG1 (c6 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia"))))) :ARG1-of (r2 / reach-01 :ARG0 (a4 / and :op1 c4 :op2 a2)))) :ARG1 (r3 / remain-01 :ARG1 (p / person :ARG1-of (e2 / expert-01 :ARG2 (m / military :mod c4)) :quant (f / few :op1 100)) :mod (s2 / still) :time (c7 / current) :location (a3 / and :op1 (s3 / station :mod (r4 / radar :ARG0-of (w / warn-01 :time (e3 / early))) :poss (c8 / center :mod (e4 / educate-01 :ARG2 (n4 / navy)) :poss c5 :location c6)) :op2 (s4 / station :mod r4 :poss (c9 / center :mod e4 :poss c4 :location c6))))) + +(t3 / troop :mod (c4 / country :wiki "Soviet_Union" :name (n4 / name :op1 "Soviet" :op2 "Union")) :time (f / former) :ARG1-of (s2 / station-01 :ARG2 (c5 / country :quant 3 :location (a / above))) :ARG1-of (h / headquarter-01 :location (c6 / country :wiki "Latvia" :name (n5 / name :op1 "Latvian" :op2 "Republic"))) :domain (c / cluster :consist-of (t / troop :mod (c3 / country :wiki "Russia" :name (n3 / name :op1 "Russia")) :mod (n / northwest)))) + +(t / total-01 :ARG1 (s / strength :poss (m / military) :mod (o / original)) :ARG2 (p / person :quant (m2 / more-than :op1 116000) :ARG2-of (i / include-91 :ARG1 (a / and :op1 (p5 / person :quant (m6 / most :ARG1-of (m7 / mean-01 :ARG2 (m3 / more-than :op1 50000))) :ARG1-of (s2 / station-01 :ARG2 (c4 / country :wiki "Latvia" :name (n / name :op1 "Latvia")))) :op2 (p3 / person :quant (m4 / more-than :op1 35000) :ARG1-of (s3 / station-01 :ARG2 (c5 / country :wiki "Lithuania" :name (n2 / name :op1 "Lithuania")))) :op3 (p4 / person :quant (m5 / more-than :op1 30000) :ARG1-of (s4 / station-01 :ARG2 (c6 / country :wiki "Estonia" :name (n3 / name :op1 "Estonia")))))))) + +(t / transfer-01 :ARG1 (c / cluster :consist-of (t2 / troop) :mod (t3 / this)) :ARG2 (o / own-01 :ARG0 (c4 / country :wiki "Russia" :name (n / name :op1 "Russia"))) :time (a / after :op1 (d / disintegrate-01 :ARG1 (c5 / country :wiki "Soviet_Union" :name (n2 / name :op1 "Soviet" :op2 "Union") :time (f / former))))) + +(r2 / report-01 :ARG1 (s2 / station-01 :ARG1 (t / troop :mod (c3 / country :wiki "Russia" :name (n / name :op1 "Russia")) :ARG0-of (w / withdraw-01 :ARG2 (c4 / country :quant 3 :location (s3 / sea :wiki "Baltic_Sea" :name (n2 / name :op1 "Baltic" :op2 "Sea"))))) :ARG2 (a / and :op1 (s4 / state :wiki - :name (n3 / name :op1 "Jalininggele") :location c3) :op2 (s5 / state :wiki - :name (n4 / name :op1 "Simolingsike")) :op3 (c5 / city :wiki - :name (n5 / name :op1 "Yelinia") :location (r / relative-position :op1 (c6 / city :wiki "Moscow" :name (n6 / name :op1 "Moscow")) :quant (d / distance-quantity :quant 300 :unit (k / kilometer))))) :mod (r3 / respective))) + +(e / end-01) + diff --git a/mtool/data/score/amr/coli.system.amr b/mtool/data/score/amr/coli.system.amr new file mode 100644 index 0000000000000000000000000000000000000000..e20e4efb019127204937ca48bab720544d737b65 --- /dev/null +++ b/mtool/data/score/amr/coli.system.amr @@ -0,0 +1,2736 @@ +(f / claim-01 :ARG0 (u_2 / person :ARG0-of (o / partisan :ARG1 (p / person :name (n / name :op1 (explicitanon3 / Ronald :year-of (d / date-entity :time-of (s3 / collapse-01 :ARG1 (c4 / country :name (n2 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :time-of f))) :op2 "Reagan") :wiki -)) :ARG0-of (a2 / win-01 :ARG2 (e / war-01 :mod (u_1 / cold)) :ARG1-of f))) + +(u_11 / _ :ARG1 (u_5 / claim-01 :ARG1 (u_7 / become-01 :ARG1 (c4 / country :name (n2 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union" :ARG0-of (u_10 / overextend-01 :ARG1 (u_4 / attempt-01 :ARG1 (u_8 / keep-up-05 :ARG1 (u_3 / spend-01 :ARG0 (p / person :name (n / name :op1 "Ray-gun") :wiki -) :mod (u_9 / defend-01)))) :ARG2-of u_7))) :ARG0 (f / show-01 :ARG1 (u_6 / true :polarity -) :ARG0 (d / review-01 :ARG1 (e / fact) :manner (c / care-04))))) + +(f / claim-01 :ARG0 (p / person :name (n / name :op1 "Pappy" :op2 "Bush") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president :time (e / time))) :ARG0-of (a2 / win-01 :ARG2 (u_14 / war :mod (u_12 / cold)) :time (b / since :op1 (d / collapse-01 :ARG1 (c4 / country :name (n2 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union"))) :time (u_13 / watch-01) :ARG1-of f))) + +(f / herald-01 :ARG1 (p / win-01 :ARG0 (u_19 / capitalism)) :ARG0 (e / person :example (s / capitalist :mod (u_17 / especially)) :quant (a2 / many)) :condition (l / view-02 :ARG1 (t3 / thing :mod (u_15 / _) :ARG1-of (u_18 / claim-01)) :ARG0 (u_16 / one))) + +(m / hail-02 :ARG1 (u_29 / name :op1 "Globalism") :ARG2 (n / consequence :poss (e / win-01) :ARG1-of (d / natural-03)) :ARG0 (p2 / person :ARG0-of (t / partisan)) :op1-of (a / and :op2 (u_24 / way :mod (u_25 / sense-02) :manner-of (c / bring-01 :ARG2 (u_23 / person :mod (u_20 / world)) :ARG1 (u_28 / bless-01 :ARG1 (u_26 / free-04 :mod (u_21 / problematic)) :ARG1-of (u_22 / allege-01)))))) + +(m / use-01 :ARG1 (u_32 / win-01 :mod (u_30 / this) :ARG1-of (u_37 / call-01)) :ARG2 (c / justify-01 :ARG2 (a / or :op1 (e / oppose-01) :op2 (u_35 / call-03 :ARG1 (u_34 / roll-back-01 :ARG1 (d / restrain-01 :ARG1 (u_36 / regulate-01) :mod (u_33 / any)))))) :ARG0 (u_38 / capitalist :ARG0-of (f / cause-01 :ARG1 m)) :ARG1-of (u_42 / impatient-01 :ARG0 (u_41 / restaint :mod (u_39 / any)) :time (u_40 / always))) + +(c / contrast-01 :ARG2 (f / agree-01 :ARG1 (d / view-02 :ARG1 (a / and :op1 (u_44 / world) :op2 (e / system :mod (u_43 / economy))) :mod (u_45 / that)) :ARG0 (u_46 / everyone) :polarity -)) + +(u_56 / or :op1 (d / move-01 :ARG1 (e / occupy-01) :mod (u_57 / various)) :op2 (u_58 / obvious-01 :ARG1 (c / enchant-01 :ARG2 (a / and :op1 (u_53 / capitalism) :op2 (u_51 / express-01 :location (h / democracy :mod (u_49 / idustrial))) :location (u_48 / country :location-of (f / go-02 :ARG0 (u_50 / capitalist :source (m2 / democracy :mod (u_47 / industry)) :ARG0-of (p / invest-01 :ARG1-of f))))) :ARG1 (u_59 / person :quant (a2 / many :mod (u_52 / great))) :degree (l / _)) :time (u_54 / now) :degree (u_55 / _))) + +(m / think-01 :ARG1 (e / amr-unknown) :ARG2 (a / and :op1 (u_60 / capitalism) :op2 (u_62 / activity-06)) :ARG0 (u_63 / you)) + +(f / yield-01 :ARG1 (e / oligarchy) :ARG0 (u_65 / capitalism :ARG1-of (n3 / unfettered-01 :polarity -)) :ARG0-of (u_64 / _ :ARG1 (p / person :name (n / "@setanta")))) + +(c / good-04 :ARG2 (d / evolve-02 :ARG1 (e / capitalism)) :ARG1 (p / regulate-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))) + +(u_71 / need-01 :ARG0 (a / and :op1 (u_72 / safe-01) :op2 (e / safe-01) :ARG1-of (d / regulate-01 :time (b / have-condition-91 :op1 (f / do-02 :ARG0 (u_74 / industry :ARG1-of (c / right-02 :ARG2 (u_67 / humanity) :ARG1-of f)) :polarity - :time (u_68 / ever))) :ARG1-of u_71)) :op1-of (u_73 / and :op2 (u_70 / horror :mod (u_66 / environment)))) + +(u_79 / _ :ARG1 (p / person :name (n / "@setanta")) :ARG0 (f / have-03 :ARG1 (e / problem :prep-with (a3 / capitalism)) :ARG0 (u_76 / i) :polarity -) :ARG1-of (u_75 / _ :ARG0 (u_78 / problem :prep-with (u_77 / capitalism :ARG1-of (n3 / regulate-01 :polarity -))))) + +(f / agree-01 :ARG1 (u_80 / this) :ARG0 (e / i) :ARG1-of (d / complete-02)) + +(u_86 / thrive-01 :ARG1 (u_81 / and :op1 (f / understand-01 :ARG1 (u_84 / rule) :ARG0 (e / everyone :ARG0-of (p / enforce-01 :op3-of u_81) :ARG0-of (u_83 / play-02 :ARG1 (u_82 / _) :op2-of u_81)))) :ARG0 (u_85 / capitalism)) + +(u_99 / begin-01 :ARG1 (e / trouble-01) :ARG0 (c / obligate-01 :ARG2 (u_94 / spend-02 :ARG0 (u_100 / time :quant (a2 / all) :ARG0-of (f / try-01 :ARG1 (o / or :op2 (u_91 / understand-01 :ARG1 (u_90 / _)) :op3 (u_92 / fight-01) :op1 (d / circumvent-01 :ARG1 (u_95 / rule))) :ARG1-of u_94))) :ARG1 (u_96 / everyone)) :mod (u_98 / really) :mod (u_88 / _ :ARG0-of (u_89 / follow-02 :ARG1 (u_87 / _) :polarity -))) + +(p3 / problem :domain (e / that) :topic (u_101 / deregulate-01)) + +(u_107 / mean-01 :ARG2 (c / obligate-01 :ARG2 (a2 / race-01 :purpose (l / counter-01 :ARG1 (u_104 / business :mod (u_103 / new) :ARG0-of (p / start-01)) :ARG0 (e / business :ARG0-of a2)) :ARG2 (u_105 / bottom))) :ARG1 (f / help-01 :ARG1 (u_106 / compete-02 :ARG0 (u_108 / business) :degree (u_109 / more)) :ARG0 (d / remove-01 :ARG1 (u_102 / rule)) :polarity -)) + +(u_113 / resemble-01 :ARG2 (c / change-01 :ARG2 (n3 / mean-01 :polarity - :ARG1 (u_114 / purchase-01 :time (u_110 / previous) :quant (a2 / all))) :ARG1 (u_111 / rule :topic (p / political-party :name (n5 / monopoly))) :time (b / _ :op1 (u_112 / game) :degree (l / half))) :ARG1 (e / it)) + +(f / benefit-01 :ARG1 (u_118 / that) :ARG0 (e / capitalism) :polarity - :ARG1-of (m / tell-01 :ARG2 (u_116 / you) :ARG0 (u_117 / some))) + +(a2 / agree-01 :ARG0 (u_124 / i) :ARG2 (e / _ :mod (u_123 / only)) :mod (u_120 / ethnic-group :name (n5 / name :op1 "Arab" :ARG0-of (f / tot-01 :ARG1 (u_119 / bomb))) :wiki "Arabs") :ARG1-of (c / include-91 :ARG2 (u_122 / example :quant (u_121 / all) :ARG1-of (d / see-01)))) + +(c / have-concession-91 :ARG2 (d / possible-01 :ARG1 (f / see-01 :ARG1 (u_125 / humor) :ARG0 (u_126 / i))) :ARG1 (p3 / rude-01 :domain (e / that) :degree (l / extreme))) + +(d / recommend-01 :ARG1 (f / have-03 :ARG1 (u_128 / place) :ARG0 (t3 / thing :mod (e / kind :mod (u_127 / that)) :ARG1-of (s / costume-01)) :location (h / college) :polarity -)) + +(c / contrast-01 :ARG2 (f / listing :ARG1 (a / and :op1 (u_133 / costume-01 :ARG1 (u_130 / name :op1 "Geisha")) :op4 (t3 / thing :quant (a2 / few) :mod (u_132 / other) :ARG1-of (s / costume-01) :ARG1-of (n3 / sensitive-03 :polarity - :mod (u_136 / race) :ARG1-of (d / deem-01))) :op2 (u_134 / Sombrero) :op3 (u_131 / donkey)) :ARG0 (e / kid :mod (u_135 / this)))) + +(e / sensitive-03 :manner (c / race) :mode "interrogative") + +(c / _ :ARG2 (c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico") :ARG1 (e / they) :mode "interrogative" :polarity -) + +(b / part :domain (e / that) :direction (u_142 / away) :mod (u_143 / huge) :part-of (n / dress :poss (u_141 / they) :time (a / get-03 :ARG2 (u_139 / city) :ARG1 (u_140 / you) :direction (s / far)))) + +(p / insult-01 :ARG0 (e / _) :manner (c / amr-unknown)) + +(u_145 / show-01 :ARG1 (f / do-02 :ARG1 (u_146 / something :ARG0-of (p / derogatory)) :ARG0 (u_144 / someone)) :ARG0 (e / it) :polarity - :op1-of (a / _ :op2 (c / use-01 :ARG2 (t3 / thing :ARG1-of (s / costume-01)) :ARG1 (n / clothes :poss (u_147 / society))))) + +(n3 / sensitive-03 :polarity - :ARG1 (e / name :op1 "Geisha") :mod (u_148 / too)) + +(p / opine-01 :ARG0 (a2 / take-01 :ARG3 (c / over :op1 (e / board) :degree (l / way)) :ARG1 (u_150 / it) :ARG0 (u_149 / this)) :mod (u_151 / again) :mod (u_152 / only)) + +(u_154 / seem-01 :ARG1 (f / look-01 :ARG1 (u_153 / reason :ARG1-of (d / offend-01)) :ARG0 (e / person)) :frequency (t2 / sometimes)) + +(p3 / perspective :domain (e / it) :manner (c / frank)) + +(a / and :op1 (e / someone :time (u_157 / always) :ARG0-of (f / see-01 :ARG1 (u_156 / something))) :op2 (u_155 / want-01 :ARG1 (d / think-01 :ARG1 (u_158 / bad-07)))) + +(f / change-01 :ARG1 (e / that) :ARG0 (a / or :op1 (c / dress-01 :ARG2 (u_161 / costume-01)) :op2 (u_159 / dress-01 :polarity -)) :polarity -) + +(a / and :op2 (u_166 / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (c / spotlight :ARG2 (u_165 / sensitive-03) :ARG1 (e / "races/cultures" :mod (u_163 / only) :mod (u_164 / that))))) + +(u_172 / rude-01 :ARG0 (o / and :op2 (f / black-out-03 :ARG0 (u_169 / shirt :mod (u_168 / alls) :part (t / tooth :ARG1-of f) :ARG1-of (d / stain-01) :ARG1-of (u_167 / tear-down-05))) :op3 (u_173 / hillbilly :mod (u_170 / white)) :op1 (u_171 / wear-01)) :ARG1 (e / you) :mod (u_174 / just) :mode "interrogative" :degree (l / _) :polarity -) + +(e / amr-unknown :topic (u_181 / woman :ARG0-of (f / wear-01 :ARG1 (o / and :op2 (u_176 / heel :ARG1-of (u_177 / high-02)) :op3 (d / make :ARG1 (u_180 / Hooker) :quant (a2 / much :degree (l / too))) :op1 (u_178 / short))))) + +(u_184 / obligate-01 :ARG2 (u_183 / stop-01 :ARG1 (c / drive-02 :ARG2 (d / find-01 :ARG1 (e / something :mod (a / sensitive-03 :polarity -))) :mod (u_182 / this) :duration (s2 / forever)))) + +(a / and :op2 (d / find-01 :concession (m / matter-01 :polarity - :ARG1 (e / justify-01 :ARG1-of d)) :condition (l / want-01 :ARG0 (u_191 / someone :ARG0-of (f / look-01 :ARG1 (u_188 / reason :ARG1-of (u_189 / hold-back-07 :topic (u_187 / reason :mod (u_185 / ever)) :direction (s / _) :ARG1-of (u_186 / have-03 :location (h / head)))) :ARG1-of l))) :time (u_190 / always))) + +(u_200 / contrast-01 :ARG2 (c / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (f / jump-03 :ARG1 (u_198 / board :ARG1 (p / behave-01 :ARG0 (u_199 / PC :mod (u_192 / super)) :mod (u_193 / this))) :ARG0 (e / we :mod (u_197 / society :ARG1-of (d / call-01 :mod (u_195 / so)) :ARG1-of (u_196 / free-04))) :mod (u_194 / really)))) + +(c / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (u_205 / okay-04 :ARG1 (a / and :op1 (u_201 / find-01 :ARG1 (u_204 / thing :mod (g / smallest :degree (m / most)) :ARG1-of (d / offend-01))) :op2 (e / throw-out-06 :mod (u_203 / discriminate-02 :mod (u_202 / new)))) :time (u_206 / now))) + +(a / and :op2 (u_212 / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (c / apply-01 :ARG2 (u_210 / race :quant (o2 / or :op2 3 :op1 2)) :ARG1 (e / rule :mod (u_209 / this)) :mod (u_211 / only)))) + +(a / and :op3 (u_219 / white) :op1 (u_216 / short-03) :op5 (u_218 / fat-03) :op4 (e / green-02 :op4-of (u_214 / and :op3 (u_213 / black-05) :op1 a :op5 (u_215 / blue) :op2 (u_217 / tall :op2-of a))) :mod (c2 / country :name (n3 / name :op1 "America") :wiki "United_States")) + +(u_224 / contrast-01 :ARG2 (f / get-01 :ARG1 (u_228 / light :mod (u_226 / red)) :ARG0 (e / race :mod (u_227 / only) :quant (a2 / 3)) :mode "interrogative") :ARG1 (u_231 / make-02 :ARG1 (u_222 / you) :ARG0 (u_230 / fun-01 :quant (u_229 / all)) :manner (c / way :mod (u_223 / some))) :time (s3 / _ :ARG1 (a / and :op1 (u_225 / costume) :op2 (u_220 / Halloween)))) + +(p3 / racist :domain (e / that) :polarity "isnt" :mode (u_232 / interrogative)) + +(u_245 / and :op1 (f / bleed-01 :ARG1 (u_246 / idealism) :ARG0 (p2 / person :mod (e / this) :ARG0-of (t / study-01))) :op2 (d / temper-01 :ARG1 (a / and :op1 (u_247 / time) :op2 (u_242 / patina :mod (u_241 / culture))) :purpose (l2 / realize-01 :ARG1 (u_236 / and :op1 (u_235 / recommend-01 :ARG1 (u_239 / possible-01 :ARG1 (p / laugh-01 :ARG0 (u_243 / and :op2 (u_244 / obsession :mod (u_234 / culture)))))) :op2 (p3 / mechanism :domain (t3 / thing :ARG1-of (s / costume-01)) :mod (u_238 / racism) :polarity - :mod (u_233 / evil) :ARG1-of (u_237 / betray-01)))) :quant (a2 / enough) :polarity -) :mod (u_248 / _)) + +(p3 / thread :domain (e / this) :ARG1-of (d / ridiculous-02 :degree (l / absolute))) + +(u_253 / mean-01 :ARG0 (u_254 / i) :ARG2 (d / possible-01 :ARG1 (f / have-03 :ARG1 (u_249 / point) :ARG0 (e / you :quant (a2 / all))) :condition (i2 / ban-01 :ARG1 (u_252 / costume :mod (u_250 / racist)) :mod (u_251 / actual)))) + +(u_257 / uptight-01 :ARG2 (u_256 / plight :poss (u_258 / person :mod (u_255 / white) :location (c / country :name (n / us)))) :ARG1 (e / i) :degree (l / _) :compared-to (s / _ :ARG1 (u_259 / anyone))) + +(c / contrast-01 :ARG2 (f / read-01 :ARG1 (u_261 / article) :ARG0 (e / anyone :mod (u_260 / else)) :mode "interrogative")) + +(f / ban-01 :ARG1 (d / costume-01 :ARG1 (p / person :name (n / Halloween))) :ARG0 (e / no-one)) + +(u_263 / talk-01 :ARG1 (d / ban-01 :ARG1 (t3 / thing :mod (f / festival :name (n2 / Halloween)) :ARG1-of (s / costume-01))) :ARG0 (e / no-one) :mod (u_262 / even)) + +(u_265 / want-01 :ARG0 (e / no-one :prep-in (t / story :mod (u_271 / this)) :ARG0-of (f / ban-01 :ARG1 (u_272 / anything) :ARG1-of u_265)) :mod (u_264 / in-fact) :ARG2-of (c / except-01 :ARG1 (u_269 / person :location (h / here) :ARG0-of (u_267 / want-01 :mod (u_266 / apparent) :ARG1 (u_270 / ban-01 :ARG1 (u_268 / post-01) :ARG0 u_269))))) + +(e / goal :ARG1-of (f / have-03 :ARG0 (p2 / person :mod (u_273 / this) :ARG0-of (t / study-01))) :ARG1-of (d / simple-02)) + +(u_280 / say-01 :ARG1 (e / awe-01 :condition (i2 / possible-01 :ARG1 (a / or :op2 (f / make-02 :ARG1 (p / think-01 :ARG0 (u_277 / person :quant (a2 / few))) :ARG0 (u_278 / we :ARG0-of (u_276 / change-01 :ARG1 (u_275 / person :quant (u_274 / few)) :op1-of a)))))) :ARG0 (u_279 / they)) + +(a / or :op1 (f / ban-01 :ARG1 (e / anything) :ARG0 (u_282 / they) :polarity -) :op2 (c / stop-01 :ARG1 (u_283 / anybody :ARG0-of (u_284 / do-02 :ARG1 (u_281 / anything) :ARG2-of c)))) + +(p3 / story :domain (f / express-01 :ARG1 (e / speak-01 :ARG3-of (t / free-04)) :ARG0 (p2 / person :ARG0-of (u_285 / study-01))) :mod (u_286 / this)) + +(u_288 / make-01 :ARG1 (e / post-01 :ARG0-of (f / express-01 :ARG1 (t3 / thing :ARG1-of (s / opine-01)))) :ARG0 (u_287 / they)) + +(e / speak-01 :condition (l / want-01 :ARG0 (u_294 / you :ARG0-of (u_290 / wear-01 :ARG1 (u_293 / costume-01 :ARG0-of (p / offend-01) :ARG1-of (f / find-02 :ARG0 (u_289 / other))) :ARG1-of l)) :mod (u_292 / of-course)) :ARG3-of (t / free-04)) + +(c / contrast-01 :ARG2 (f / complain-01 :ARG1 (p / offend-01 :ARG0 (d / costume-01 :ARG1 (u_296 / you))) :ARG0 (e / speak-01 :mod (u_295 / also) :ARG3-of (t / free-04)))) + +(u_297 / recommend-01 :ARG1 (d / ban-01 :ARG1 (e / either))) + +(a / and :op2 (d / work-09 :ARG1 (e / it) :manner (c / _) :manner (u_298 / that))) + +(n3 / relevant-01 :polarity - :ARG1 (c / involve-01 :ARG2 (d / costume-01 :ARG1 (e / you)) :ARG1 (a / and :op1 (u_303 / face :ARG1-of (u_304 / black-04)) :op2 (u_305 / noose))) :op1-of (u_306 / or :op2 (u_301 / sandwich :mod (u_302 / grilled) :mod-of (f / think-01 :ARG1 (p3 / drippy :domain (u_307 / cheese) :degree (l / too :degree (u_299 / little))) :ARG0 (u_300 / i))))) + +(a2 / and :domain (u_313 / speech :ARG1-of (u_312 / free-04)) :op2 (t3 / thing :ARG1-of (s / express-01)) :op1 (d / speech :ARG1 (e / speak-01 :ARG3-of (t / free-04)) :ARG1-of (u_311 / free-04)) :ARG1-of (c / opposite-01 :ARG2 (u_310 / ban-01 :ARG1-of (u_309 / allege-01)) :mod (u_308 / actual))) + +(f / turn-02 :ARG1 (u_315 / story :mod (u_314 / this)) :time (s3 / end-01 :ARG1 (e / you :quant (a2 / all) :ARG0-of f))) + +(d / cause-01 :ARG1 (u_319 / chance-02 :ARG0 (e / she :ARG0-of (f / dethrone-01 :ARG1 (p / person :name (n / name :op1 "Scott" :op2 "Brown") :wiki - :ARG1-of (c / sit-01 :ARG2 (g / government-organization :name (u_318 / senator) :mod (p2 / political-party :name (u_317 / name :op1 "Republican") :wiki "Republican_Party_(United_States)")))) :ARG1-of u_319)) :name (n2 / name :mod (u_320 / dear) :op1 "Massachusetters") :mode "interrogative" :mod (u_316 / any) :wiki -)) + +(m / _ :snt2 (u_322 / like-01 :ARG1 (e / i) :mod (u_321 / kinda)) :snt1 (f / need-01 :ARG0 (p / person :name (n / name :op1 "Scott" :op2 "Brown") :wiki - :ARG1-of (d / dethrone-01 :ARG1-of f)) :ARG1-of (c / cause-01 :ARG0 (a2 / amr-unknown)))) + +(d / possible-01 :ARG1 (f / beat-03 :ARG1 (p / person :name (n / name :op1 "Scott" :op2 "Brown") :wiki -) :ARG0 (u_323 / person :name (u_324 / name :op1 "Elizabeth" :op2 "Warren") :wiki -)) :mode "interrogative") + +(u_344 / contrast-01 :ARG2 (u_342 / fight-01 :ARG0 (p / fight-01 :ARG0 (o / and :op2 (u_340 / scratching) :op3 (e / punch :mod (u_338 / amaze-01) :quant (a2 / lot) :quant (u_339 / some)) :op1 (u_337 / kick-01)) :mod (u_341 / girl) :ARG0-of (f / saw-01 :ARG1 u_342 :time (u_343 / ever))) :manner (c / brutal-02 :degree (l / most))) :ARG1 (u_346 / sure-02 :ARG1 (d / look-02 :ARG1 (u_345 / they) :mod (u_326 / _) :ARG1-of (u_347 / resemble-01 :ARG2 (u_325 / thing))) :ARG0 (u_327 / i) :polarity -) :direction (s / down) :quant (u_348 / i) :op1-of (u_332 / _ :op2 (u_330 / obligate-01 :ARG1 (u_335 / lose-03 :ARG1-of (u_333 / stay-01 :ARG2 (u_331 / home) :time (b / until :op1 (u_334 / go-08 :ARG1 (u_329 / swelling :location (a / around :op1 (u_328 / eye))))) :source (m2 / school) :duration (u3 / almost :op1 (t / temporal-quantity :unit (y / week) :quant 1)) :ARG2-of u_330))))) + +(d / cause-01 :ARG1 (f / say-01 :ARG1 (u_349 / yes) :ARG0 (e / i))) + +(u_351 / think-01 :ARG1 (f / get-01 :ARG1 (u_352 / seat :mod (u_350 / more) :mod (g / government-organization :name (n2 / name :op1 "Senate") :wiki "United_States_Senate") :quant (a2 / 1)) :ARG0 (p5 / political-party :name (n3 / name :op1 "PeopleAsinglequoteAs" :op2 "Democratic" :op3 "Party") :wiki "Peoples_Democratic_Party_(India)")) :ARG0 (e / i)) + +(f / seem-01 :ARG1 (u_355 / it) :ARG0 (e / task :ARG1-of (c2 / easy-05 :degree (m / more) :degree (l / lot))) :location (s4 / state :name (n / name :op1 "Massachusetts") :wiki "Massachusetts") :time (s3 / race :ARG1 (g / government-organization :name (u_354 / name :op1 "Senate") :wiki "United_States_Senate") :mod (u_353 / other))) + +(u_360 / think-01 :ARG1 (p3 / thing :domain (u_357 / keep-01 :ARG1 (f / have-03 :ARG1 (p5 / political-party :name (n3 / name :op1 "Republican") :wiki "Republican_Party_(United_States)" :ARG1-of (d / moderate-03)) :ARG0 (u_361 / we) :mod (u_356 / right)) :ARG0 (p / person :quant (m / few))) :mod (g / good :degree (u_358 / most))) :ARG0 (e / i) :ARG1-of (u_359 / do-02)) + +(c / contrast-01 :ARG2 (u_363 / reasonable-02 :ARG1 (u_366 / represent-01 :ARG1 (u_367 / constituency :mod (u_362 / liberal-leaning))) :ARG1-of (u_368 / oppose-01 :ARG0 c)) :time (s3 / _ :ARG1 (d / possible-01 :ARG1 (f / vote-01 :ARG1 (e / line :mod (u_364 / party)) :ARG0 (u_365 / he) :prep-for (f2 / thing :quant (a2 / most))) :ARG1-of c))) + +(u_374 / contrast-01 :ARG2 (c / sound-01 :ARG2 (e / contest-02 :mod (u_370 / bellweather) :mod (u_371 / real)) :ARG1 (u_372 / it) :mode "interrogative") :ARG1 (t / know-01 :mode (u_373 / imperative) :ARG0 (y / you) :polarity -)) + +(f / make-02 :ARG1 (e / contest-02 :mod (u_375 / some) :time (u_377 / year :mod (u_376 / off)) :mod (u_378 / great :degree (l / really))) :ARG0 (u_379 / it)) + +(u_381 / Care-01 :ARG1 (d / explain-01 :ARG1 (a / cause-01 :ARG0-of (c / cause-01 :ARG1 (f / think-01 :ARG1 (p3 / idiot :domain (u_380 / he)) :ARG0 (e / you))))) :mode "interrogative") + +(f / beat-03 :ARG1 (p / person :name (n / name :op1 "Martha" :op2 "Coakley") :wiki -) :ARG0 (e / he) :manner (c / convince-01 :degree (l / rather))) + +(f / serve-01 :ARG1 (g / government-organization :name (n / senator) :mod (u_382 / state)) :ARG0 (e / he) :unit (d / year) :quant (a2 / 1) :duration (u3 / several :op1 (t / temporal-quantity :quant 1))) + +(f / vote-01 :ARG1 (u_384 / bill :name (n2 / collapse-01) :quant (a2 / several)) :ARG0 (e / he) :mod (u_383 / even)) + +(m / _ :snt2 (u_389 / hunt-01 :ARG0 (u_390 / i) :ARG2 (u_393 / article :mod (u_385 / great) :ARG0-of (u_394 / outline-01 :ARG1 (u_387 / mistake-02 :mod (u_386 / tremendous) :ARG1-of (u_392 / _))) :ARG1-of (u_388 / read-01 :time (b / before :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / year) :quant (a2 / 1))))) :direction (s / around)) :snt1 (p3 / candidate :domain (p / person :name (n / name :op1 "Coakley") :wiki -) :ARG1-of (d / bad-07) :ARG0-of (f / run-02 :ARG1 (e / campaign-01 :mod (u_391 / terrible))))) + +(p3 / difficult :domain (f / _ :ARG1 (p / person :name (n / name :op1 "Brown") :wiki "Gordon_Brown") :ARG0 (e / he)) :ARG0-of (u_397 / answer-01 :ARG1 (d / question-01 :ARG1 (u_396 / policy)) :mod (u_395 / cogent))) + +(u_402 / see-01 :ARG1 (t / thing :frequency (t2 / occasion-02 :frequency (u_400 / several)) :ARG2-of (p4 / answer-01) :ARG0-of (f / show-01 :ARG1 (u_398 / understand-01 :ARG1 (e / issue-02 :ARG1-of (d / underlie-01)) :polarity - :degree (l / at-all) :mod (u_399 / real)))) :ARG0 (u_401 / i) :op1-of (a / and :op2 (p / person :quant (m / several) :ARG0-of (u_404 / embarrass-01 :mod (u_405 / just) :mod (u_403 / really))))) + +(a / and :op1 (d / activity-06 :ARG1 (e / i) :polarity - :time (b / until :op1 (u_410 / recent)) :mod (u_411 / really)) :op2 (u_412 / look-01 :ARG1 (f / opine-01 :ARG1 (u_407 / this) :ARG0 (u_413 / person :mod (u_406 / other))) :mod (u_408 / real) :mod (u_409 / just)) :op1-of (u_416 / or :op2 (u_417 / care-01 :ARG1 (u_418 / politics) :mod (u_414 / really) :mod (u_415 / even)))) + +(u_424 / right-06 :ARG2 (e / you) :ARG1 (d / _ :ARG1 (c / tell-01 :ARG1 (p / inform-01 :polarity - :degree (l / much) :mod (u_421 / probable) :ARG0 (u_425 / you :ARG2-of c)) :mode (u_419 / interrogative) :mod (u_420 / just) :mod (u_422 / well) :ARG1-of (f / vote-01 :ARG0 (u_423 / i))))) + +(p3 / important :domain (p / issue-02 :ARG0 (e / amr-unknown)) :beneficiary (a / you)) + +(u_430 / cause-01 :ARG1 (u_428 / think-01 :ARG0 (u_435 / i :ARG0-of (f / do-02 :ARG1 (u_429 / job :mod (u_427 / good)) :location (h / area :quant (a2 / most)) :ARG1-of u_428))) :ARG0 (m / multi-sentence :snt2 (u_434 / vote-01 :polarity - :time (u_432 / today)) :snt1 (d / let-01 :ARG1 (e / area :mod (u_433 / some)))) :manner (u_426 / _) :manner (c / i) :name (n2 / name :op1 "Obama") :wiki "Barack_Obama" :ARG1-of (u_431 / _ :ARG0 (p5 / political-party :name (n3 / republican)))) + +(p / have-03 :ARG0 (e / i) :frequency (t2 / few) :time (u_436 / past) :frequency (u_437 / _ :ARG1-of (d / local-02 :degree (l / most)))) + +(e / anyone :domain-of (p3 / person :domain-of (u_438 / political-party :name (n3 / name :op1 "Republican") :polarity - :wiki "Republican_Party_(United_States)"))) + +(u_446 / think-01 :ARG1 (u_443 / cause-01 :ARG1 (c / become-01 :ARG1 (u_444 / country :mod (u_441 / this) :ARG1-of (d / constipate-01 :ARG0-of (f / concern-02 :ARG1 (u_442 / everything :mod (u_440 / important))) :ARG2-of c))) :ARG0 (u_447 / majority)) :ARG0 (e / i) :ARG2-of (u_439 / include-91 :ARG1 (u_445 / they))) + +(u_450 / will-02 :ARG0 (e / they :ARG0-of (l / make-02 :ARG1 (f / look-02 :ARG0 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama" :ARG1-of (d / bad-07 :ARG1-of f))) :purpose-of (m / throw-out-06 :ARG1 (c4 / country :name (n2 / name :op1 "America") :wiki "United_States") :ARG2 (c / _ :op1 (u_451 / bus)) :ARG0 e :ARG1-of u_450)))) + +(c / and :op1 (m / _ :snt2 (d / right-06 :ARG1 (e / you)) :snt1 (f / add-02 :ARG1 (u_452 / lot) :ARG0 (u_453 / amr-unknown))) :ARG1-of (u_454 / okay-01)) + +(f / vote-01 :ARG1 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama") :ARG0 (e / i) :ARG1-of (u_464 / cause-01 :ARG0 (u_462 / think-01 :ARG1 (a / and :op1 (u_460 / do-02 :ARG1 (u_461 / job :mod (u_456 / good)) :prep-in (u_455 / circumstance :mod (u_457 / difficult))) :op2 (d / possible-01 :ARG1 (u_463 / do-02 :degree (l / more :degree (u_458 / much)) :prep-in (t / term :mod (u_459 / another))))))) :ARG2-of (c / _ :ARG1 (u_468 / do-02 :ARG1 (h3 / he :ARG0-of (h4 / have-org-role-91 :ARG2 (p4 / president))) :condition (u_469 / win-01 :ARG0 (u_467 / nominee :mod (p2 / political-party :name (u_470 / name :op1 "Republican") :wiki "Republican_Party_(United_States)") :mod (u_465 / any) :ARG1-of (u_466 / possible-01) :ARG0-of u_468)))) :ARG1-of (u_473 / cause-01 :ARG0 (u_472 / worry-02 :mod (u_471 / really)))) + +(c / contrast-01 :ARG2 (f / hear-01 :ARG1 (p / person :name (n / name :op1 "Ron" :op2 "Paul") :wiki "Ron_Paul") :ARG0 (e / thing :quant (a2 / some) :mod (u_486 / good))) :ARG1 (u_490 / person :name (u_489 / name :op1 "Rick" :op2 "Perry") :mod (u_487 / any) :mod (u_483 / especially) :wiki "Rick_Perry") :mod (u_476 / about :mod (u_475 / just)) :mod (p2 / political-party :name (u_485 / republican)) :degree (l / about :mod (u_477 / only)) :mod (u_478 / political-party :name (u_479 / republican)) :ARG1-of (u_488 / vote-01 :ARG0 (u_484 / i) :polarity - :mod (u_474 / also)) :ARG1-of (u_480 / interest-01 :mod (u_481 / actual) :ARG2 (d / learn-01 :degree (u_482 / more) :ARG1 c))) + +(f / opine-01 :ARG1 (p3 / content-01 :domain (a / and :op1 (e / race-02) :op2 (u_492 / debate-01 :mod (u_491 / especially)))) :ARG0 (p / person :name (n / name :op1 "Ron" :op2 "Paul") :wiki "Ron_Paul")) + +(f / like-01 :ARG1 (a2 / and :domain (e / he) :op2 (u_493 / anti-bullshit) :op1 (w2 / war :name (n5 / oppose-01)) :ARG1-of (d / general-02)) :ARG0 (u_494 / i)) + +(f / want-01 :ARG1 (h4 / have-org-role-91 :ARG2 (m3 / president) :ARG0 (e / he)) :ARG0 (u_495 / i) :polarity - :manner (c / absolute) :ARG1-of (d / have-concession-91)) + +(f / have-03 :ARG1 (e / post-01 :quant (a2 / lot)) :ARG0 (p / person :name (n / name :op1 "Andrew" :op2 "Sullivan") :wiki -) :ARG1-of (u_499 / have-condition-91 :ARG2 (d / possible-01 :ARG1 (h / place :mod (u_498 / good) :location-of (u_501 / start-01 :condition (l / interest-01 :ARG0 (u_497 / you :ARG0-of (u_500 / learn-01 :ARG1 (u_496 / more) :ARG1-of l)))))))) + +(f / un-endorsement-01 :ARG1 (p / person :name (n / name :op1 "Ron" :op2 "Paul") :wiki "Ron_Paul") :ARG0 (e / he) :location (h / here) :ARG0-of (u_503 / think-01 :time (u_502 / then) :ord (o / ordinal-entity :value 2) :op2-of (a / _ :op1 (d / endorse-01 :ARG1 f)))) + +(f / read-01 :ARG1 (e / piece :mod (o3 / organization :name (n5 / name :op1 "WSJ") :wiki -) :ARG0-of (p / fascinate-01)) :ARG0 (u_505 / i) :time (u_504 / today)) + +(f / speak-01 :ARG1 (u_507 / low-01 :ARG1 (u_508 / thing :ARG2-of (u_506 / rate-01 :ARG1 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama")) :ARG1-of (d / approve-01)) :mod (e / dismal)) :ARG0 (p2 / person :ARG0-of (t / author-01))) + +(a / and :op1 (d / appear-02 :ARG1 (c3 / possible-01 :ARG2 (u_515 / pull-02 :ARG1 (g / government-organization :name (n / name :op1 "Congress") :wiki "United_States_Congress") :ARG2 (u_511 / together) :purpose (u_514 / accomplish-01 :ARG1 (u_510 / much) :ARG0 (u_513 / he :ARG0-of u_515 :ARG1-of c3))) :polarity -) :manner (c / apparent)) :op2 (f / opine-01 :ARG1 (l / worsen-01 :degree (m / more) :condition (i2 / _ :ARG1 (e / term :ord (o / ordinal-entity :value 2))) :mod (u_512 / only)) :ARG0 (p2 / person :ARG0-of (t / author-01)))) + +(u_521 / like-02 :ARG1 (a / and :op2 (u_517 / have-03 :ARG0 (u_518 / person :name (u_520 / name :op1 "Obama") :wiki "Barack_Obama" :ARG0-of (u_519 / bow-01 :ARG1 (f / run-02 :ARG1 (u_522 / president) :ARG0 (p / person :name (n / name :op1 "Hillary" :op2 "Clinton") :wiki "Hillary_Rodham_Clinton") :ARG1-of u_517) :duration (s2 / term :ord (u_516 / ordinal-entity :value 2)) :op1-of a)))) :ARG0 (e / he)) + +(f / believe-01 :ARG1 (u_525 / chance-02 :ARG0 (p / person :name (n / name :op1 "Hillary") :wiki "Hillary_Rodham_Clinton" :ARG0-of (u_526 / bring-01 :ARG1 (u_524 / country) :ARG2 (e / together) :ARG1-of u_525)) :ARG2 (d4 / good :degree (m / most))) :ARG0 (u_527 / he)) + +(c / contrast-01 :ARG2 (u_533 / it) :ARG1 (u_532 / know-01 :ARG1 (f / feel-01 :ARG1 (e / run-02) :ARG0 (u_530 / she)) :ARG0 (u_531 / i) :polarity -) :ARG0-of (u_534 / think-01 :ARG1 (u_529 / idea :mod (u_528 / great)))) + +(d / _ :ARG1 (a / and :op1 (u_537 / smart) :op4 (e / she) :op2 (u_536 / experience-01) :op3 (p / approve-01 :ARG0 (u_538 / citizen :quant (a2 / majority)))) :manner (c / certain)) + +(f / think-01 :ARG1 (p3 / bunch :domain (e / person :location (r / side :mod (p2 / political-party :name (n / name :op1 "Republican") :wiki "Republican_Party_(United_States)") :part-of (u_539 / fence))) :mod (u_540 / poor)) :ARG0 (u_541 / i)) + +(f / capture-01 :ARG1 (n / imagination :poss (e / person :mod (c2 / country :name (n3 / name :op1 "America") :wiki "United_States"))) :ARG0 (u_542 / _ :location (h / bunch)) :polarity -) + +(m / multi-sentence :snt2 (p / vote-01 :ARG0 (u_553 / person) :mod (u_549 / certain) :polarity -) :snt3 (e / have-org-role-91 :mod (u_554 / anti-gay)) :snt1 (a / and :op1 (u_555 / moderate-03) :op2 (u_552 / independent)) :ARG0-of (u_551 / vote-01 :ARG0-of (f / decide-01 :ARG1 (u_550 / elect-01 :mod (u_543 / this)))) :ARG1-of (u_547 / _ :ARG2 (u_548 / banger :mod (u_544 / Bible) :mod (u_545 / any) :mod (u_546 / pro-life)))) + +(f / think-01 :ARG1 (e / amr-unknown) :ARG0 (u_556 / you)) + +(d / recommend-01 :ARG1 (u_557 / step-down-04 :ARG0 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama") :purpose (u_558 / good :poss (e / country))) :mode "interrogative") + +(d / recommend-01 :ARG1 (u_559 / run-02 :ARG0 (p / person :name (n / name :op1 "Hillary") :wiki "Hillary_Rodham_Clinton")) :mode "interrogative") + +(a / and :op2 (g / go-02 :mode "imperative" :ARG0 (u_560 / time :poss (p / person :name (n / name :op1 "Hillary") :wiki "Hillary_Rodham_Clinton") :ARG1-of (d / come-01 :op1-of a)))) + +(u_562 / make-01 :ARG0 (e / she :ARG1-of (u_563 / divide-02 :op1-of (a2 / and :op2 (u_566 / lose-02 :ARG1 (u_565 / vote-01 :ARG1-of (d / black-05)) :ARG0 e) :manner-of u_562)) :ARG0-of (f / befriend-01 :ARG1 (u_567 / political-party :mod (u_561 / name :op1 "Democrat")) :polarity - :ARG1-of u_562))) + +(a / and :op1 (u_571 / vote-01 :ARG0 (u_572 / no-one)) :op2 (p / vote-01 :ARG0 (p2 / person :degree (l / less :quant (a2 / lot :mod (e / whole-lot))) :ARG0-of (t / vote-01))) :mod (u_570 / _ :ARG0-of (f / vote-01 :ARG1 (u_569 / person :name (u_568 / name :op1 "Obama") :wiki "Barack_Obama") :polarity -)) :beneficiary (u_573 / she)) + +(d / have-concession-91 :ARG1 (t / worry-01 :mode "imperative" :ARG0 (y / you) :polarity -)) + +(u_577 / have-03 :ARG1 (e / sense-02 :quant (a2 / enough) :ARG0-of (u_575 / try-01 :polarity - :ARG1 (f / run-02 :ARG1 (p / person :source (m2 / party) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / president)) :ARG1-of (d / sit-01)) :ARG0 e))) :ARG0 (u_576 / she)) + +(p3 / scenario :domain (u_585 / and :op1 (d / reelect-01 :ARG1 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama")) :op2 (u_583 / continue-01 :ARG0 (e / country :ARG1-of (u_587 / slide-01 :purpose (a / and :concession (u_579 / even-if :op1 (f / gain-02 :ARG1 (u_588 / foothold :poss (c4 / country :name (n2 / name :op1 "US" :op2 "Senate") :wiki -) :mod (l / great :degree (m / more))) :ARG0 (p5 / political-party :name (n3 / name :op1 "Democrat") :wiki "Democratic_Party_(United_States)") :op1-of a)) :op2 (u_580 / increase-01 :ARG0 (g / government-organization :name (u_582 / name :op1 "US" :op2 "Congress") :wiki - :poss-of (u_578 / mass :mod (u_584 / collective) :ARG1-of u_580)))) :direction (s / backwards) :ARG1-of u_583)))) :mod (u_589 / name :op1 "Best") :mod (u_590 / case)) + +(f / _ :ARG1 (e / elect-01) :ARG0 (u_600 / candidate :example (a3 / or :op2 (u_593 / person :name (u_594 / name :op1 "Romney") :wiki "Mitt_Romney") :op1 (u_591 / person :name (u_592 / name :op1 "Huntsman") :wiki "Jon_Huntsman,_Jr.") :op3 (p / person :name (n / name :op1 "Ron" :op2 "Paul") :wiki "Ron_Paul")) :mod (u_595 / any) :mod (p2 / political-party :name (u_596 / name :op1 "Republican") :wiki "Republican_Party_(United_States)")) :mod (u_597 / other) :mod (u_599 / scenario :mod (u_598 / case :ARG1-of (h2 / bad-07 :degree (m / most)))) :name (n2 / name :op1 "George" :op2 "W." :op3 "Bush" :op4 "II") :wiki -) + +(c / mean-01 :ARG2 (d / likely-01 :ARG1 (f / gain-02 :ARG1 (a / and :op1 (g / government-organization :name (n / name :op1 "Congress") :wiki "United_States_Congress") :op2 (u_603 / government-organization :name (u_604 / name :op1 "Senate") :mod (e / even) :wiki "United_States_Senate")) :ARG0 (p5 / political-party :name (n3 / name :op1 "Republican") :wiki "Republican_Party_(United_States)") :degree (l / further))) :ARG1 (u_605 / that) :time (u_601 / _)) + +(f / slide-01 :ARG1 (u_608 / recession :ARG1-of (h2 / deep-02 :degree (m / most))) :ARG0 (e / country) :time (u_606 / then) :direction (s / back :mod (u_607 / right))) + +(f / suspect-01 :ARG1 (c / wrong-04 :ARG2 (n / inclination :poss (u_614 / moderate-03) :mod (u_609 / vote-01)) :ARG1 (u_610 / you) :op1-of (a / and :op2 (u_612 / call-01 :ARG2 (p / bag-01 :ARG0 (u_613 / tea)) :mod (u_611 / especially)))) :ARG0 (e / i)) + +(u_620 / contrast-01 :ARG2 (u_621 / possible-01 :ARG1 (u_622 / wrong-04)) :ARG1 (f / think-01 :ARG1 (c / wrong-04 :ARG2 (d / turn_out-01 :ARG1 (p2 / person :ARG0-of (t / vote-01)) :mod (e / "moderate/independent")) :ARG1 (u_617 / you) :mod (u_618 / too)) :ARG0 (u_619 / i) :mod (u_616 / actual)) :mod (u_615 / sponsor-01)) + +(f / expect-01 :ARG1 (u_623 / turn_out-01 :ARG0 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama") :location (h / group :mod (e / that)) :mod (u_624 / good :degree (l / fair)) :ARG1-of (d / oppose-01)) :ARG0 (u_625 / i)) + +(d / possible-01 :ARG1 (f / accept-01 :ARG1 (p / person :name (n / name :op1 "Hillary") :wiki "Hillary_Rodham_Clinton") :ARG0 (e / i))) + +(f / impress-01 :ARG1 (u_626 / i) :ARG0 (e / field :mod (p2 / political-party :name (n / name :op1 "Republican") :wiki "Republican_Party_(United_States)")) :degree (l / great) :polarity - :ARG1-of (u_627 / resemble-01 :ARG2 (c / city :name (n3 / name :op1 "Phoenix") :wiki "Phoenix,_Arizona"))) + +(u_628 / crazy-03 :ARG1 (e / candidate :mod (p2 / political-party :name (n / name :op1 "Democrat") :wiki "Democratic_Party_(United_States)") :ARG1-of (d / presume-01)) :mod (u_629 / either) :polarity -) + +(c / contrast-01 :ARG2 (u_634 / seem-01 :ARG1 (d / likely-01 :ARG1 (f / step :ARG1 (e / aside) :ARG0 (p / person :name (n / name :op1 "Obama") :wiki "Barack_Obama")) :condition (l / give-up-07 :ARG0 (u_630 / person :name (u_631 / name :op1 "Cain") :wiki -)) :degree (u_633 / less :mod (u_632 / even))))) + +(f / guess-01 :ARG1 (p3 / optimistic :domain (u_636 / i) :prep-in (t / summarize-01) :topic (c2 / future :poss (u_635 / country) :time (b / after :op1 (n5 / now) :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 5)))) :polarity -) :ARG0 (e / i)) + +(m / multi-sentence :snt2 (u_641 / realize-01 :ARG1 (u_642 / they)) :snt3 (a / _ :op1 (d / vote-01 :ARG1 (e / line :mod (u_637 / party)) :polarity - :mod (u_638 / just)) :op2 (u_639 / vote-01 :ARG1 (u_640 / right))) :snt1 (c / kudos-01 :ARG2 (s / state :name (n / NY))) :mode (u_643 / expressive)) + +(c / say-01 :ARG2 (p / person :name (n / "@jcboy")) :ARG1 (f / vote-01 :ARG1 (e / marry-01 :mod (u_646 / gay)) :ARG0 (u_647 / they) :mode "interrogative" :time (u_644 / yet) :mod (u_645 / actual))) + +(f / get-01 :ARG1 (u_648 / message-01 :ARG2-of (c / mix-01)) :ARG0 (e / i) :source (p2 / publication :name (n2 / name :op1 "NY" :op2 "Times") :wiki -)) + +(c / _ :ARG2 (p / person :name (n / "@tsarstepan")) :ARG1 (u_649 / do-02 :ARG0 (e / they) :ARG1-of (d / sure-02))) + +(d / hope-01 :ARG1 (u_652 / realize-01 :ARG1 (f / hurt-01 :ARG1 (u_654 / nobody) :ARG0 (u_651 / marry-01 :mod (u_650 / gay))) :ARG0 (e / state :mod (u_653 / other)))) + +(m / multi-sentence :snt2 (f / _ :ARG1 (e / it) :ARG0 (u_655 / they) :time (b / since :op1 (d / date-entity :year 2004))) :snt1 (u_656 / look-01 :mode "imperative" :ARG0 (y / you) :ARG1 (s / state :name (n / name :op1 "Massachusetts") :wiki "Massachusetts"))) + +(f / hear-01 :ARG1 (d / fall-apart-09 :ARG1 (n / society :poss (e / they))) :ARG0 (u_660 / you) :mod (u_658 / _ :mod (u_657 / of-course :polarity -)) :mode (u_659 / interrogative)) + +(m / think-01 :ARG1 (d / spread-01 :ARG1 (e / it) :path (a / across :op1 (u_664 / country)) :manner (c / rapid)) :ARG2 (u_665 / _ :op1 (u_661 / state :name (u_662 / name :op1 "NY") :wiki "New_York") :op2 (s / state :name (n / ca) :time (u_666 / _))) :ARG0 (u_663 / i)) + +(d / possible-01 :ARG1 (f / stop-01 :ARG1 (u_668 / train :mod (u_667 / this)) :ARG0 (e / you)) :polarity -) + +(u_680 / hope-01 :ARG1 (a / and :op1 (f / address :ARG1 (u_681 / issue-02 :mod (u_676 / this)) :ARG0 (o3 / organization :name (n3 / name :op1 "US" :op2 "Congress") :wiki -) :time (u_677 / soon)) :op2 (u_679 / make-02 :ARG1 (u_674 / moot :manner (r2 / make-01 :ARG1 (p3 / law :domain (d / marry-01 :ARG1 (u_671 / sex :mod (u_669 / same))) :mod (u_670 / nation)))) :ARG0 (u_678 / journey-01 :mod (u_672 / _) :quant (a2 / whole) :mod (u_673 / state)) :mod (u_675 / just))) :ARG0 (e / i) :ARG1-of (c / say-01 :ARG2 (p / person :name (n / "@jcboy")))) + +(m / _ :snt2 (d / correct-02 :ARG1 (e / you)) :snt1 (p / person :name (n / "@jcboy"))) + +(p3 / matter :domain (f / recognize-02 :ARG1 (u_682 / marry-01 :ARG1 (u_684 / sex :ARG1-of (d / same-01))) :ARG0 (n / state :poss (e / one) :mod (u_683 / home)) :mode "interrogative") :location (a / _ :op1 (u_685 / _)) :mod (u_686 / another)) + +(u_689 / think-01 :ARG1 (p3 / indignity :domain (f / permit-01 :ARG1 (e / marry-01) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :beneficiary (a / citizen)) :mod (u_687 / damn-01)) :time (c2 / study-01 :ARG1 (u_690 / government-organization :name (n / name :op1 "Domestic" :op2 "Relations" :op3 "Law" :op4 "of" :op5 "NY") :wiki -) :ARG0 (u_688 / i :ARG0-of u_689))) + +(f / create-01 :ARG1 (g / government-organization :mod (e / damn-01) :ARG0-of (g2 / govern-01)) :ARG0 (u_691 / citizen) :op1-of (a / and :op2 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (p / person :name (n / name :op1 "David") :wiki -) :ARG2 (u2 / child))))) + +(f / hear-01 :ARG1 (d / crash-01 :ARG1 (u_694 / plane) :ARG1-of (c / crash-01 :ARG2 (u_692 / helicopter))) :ARG0 (e / you :mod (u_693 / guy)) :mode "interrogative") + +(f / _ :ARG1 (u_697 / event :mod (u_695 / that)) :ARG0 (e / i) :mod (u_696 / idea :polarity -)) + +(f / think-01 :ARG1 (u_698 / amr-unknown) :ARG0 (e / you)) + +(a / and :op1 (p3 / airway :domain (u_705 / that) :ARG1-of (u_704 / congest-01)) :op2 (c / have-03 :ARG2 (p / aid-01 :ARG0 (e / controller :mod (u_702 / traffic :mod (u_701 / air))) :polarity -) :time (c2 / fly-01 :ARG0 (u_703 / you) :ARG1 (u_700 / under :op1 (d / distance-quantity :unit (m2 / foot) :quant (a2 / 1000)))))) + +(c / contrast-01 :ARG2 (u_712 / possible-01 :ARG1 (f / need-01 :ARG1 (p / regulate-01 :ARG0 (d / require-01 :ARG1 (e / helicopter :mod (p2 / person :ARG0-of (t / tour-01))) :mod (u_709 / altitude :mod (u_708 / minimum))) :mod (u_710 / additional)) :ARG0 (u_711 / area :mod (u_706 / this) :mod (u_707 / particular)))) :ARG1 (u_713 / accident)) + +(m / spend-02 :ARG1 (u_726 / day) :ARG2 (e / we) :ARG0 (a / and :op1 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / husband))) :op2 (u_714 / person :ARG0-of (u_716 / have-rel-role-91 :ARG2 (u_715 / kid)))) :direction (s / out) :location (u_718 / _ :op1 (u_719 / oceanside)) :accompanier (u_722 / and :op1 (u_724 / couple :mod (u_720 / another)) :op2 (u_721 / person :ARG0-of (u_725 / have-rel-role-91 :ARG2 (u_723 / kid)) :ARG0-of (h3 / have-rel-role-91 :ARG2 (f / friend) :ARG1-of (d / long-03))))) + +(u_730 / and :location (u_727 / across :op1 (f / come-01 :ARG1 (u_734 / tree :mod (u_731 / huge) :ARG1-of (d / fall-01)) :ARG0 (e / we) :time (u_733 / point :mod (u_732 / some)) :op1-of u_730)) :op2 (a / and :op2 (u_735 / start-01 :ARG0 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / friend)) :ARG0-of (u_728 / walk-01 :ARG1-of u_735) :ARG0-of (u_729 / climb-01 :op1-of a)))) :name (n2 / name :op1 "L.") :wiki -) + +(u_740 / contrast-01 :ARG2 (u_739 / realize-02 :ARG1 (u_738 / possible-01 :ARG1 (p / get-05 :ARG0 (e / they) :direction (s / down) :ARG1-of (d / easy-05 :degree (l / that))) :polarity -) :manner (c / sudden)) :ARG1 (u_741 / he) :ARG1-of (f / follow-02 :ARG0 (p2 / person :age (t / temporal-quantity :unit (u_736 / year) :quant (a2 / 11)) :ARG0-of (h / have-rel-role-91 :ARG1 (u_737 / we) :ARG2 (u2 / son))))) + +(u_744 / and :op2 (m / ask-02 :ARG2 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_749 / we) :ARG2 (u2 / son)) :ARG1-of (d / down :op2-of (a / and :op1 (f / get-05 :ARG1 (u_743 / away) :ARG0 p2) :ARG1-of m))) :ARG0 (e / he :ARG2-of (u_747 / give-01 :ARG0 u_744 :ARG1 (u_746 / room :mod (u_745 / too) :purpose (t2 / get-05)) :purpose-of u_744) :ARG0-of (p / turn-01 :direction (s / back) :op1-of u_744))) :direction (u_748 / down)) + +(u_752 / contrast-01 :ARG2 (u_750 / get-05 :ARG2 (c / _ :ARG2 (e / way)) :polarity - :time (u_751 / once)) :ARG1 (p / stop-01 :ARG0 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_753 / we) :ARG2 (u2 / son))))) + +(a / and :op1 (f / have-03 :ARG1 (u_759 / fun) :ARG0 (e / he)) :op2 (c / obligate-01 :ARG2 (u_754 / tell-01) :ARG1 (u_760 / we)) :frequency (t2 / _ :quant (a2 / 2) :mod (u_755 / more)) :op1-of (u_757 / and :op2 (u_758 / obeyed :time (u_756 / then)))) + +(a / and :op2 (o / and :op2 (a2 / throw-01 :ARG0 (e / name :op1 "L." :ARG0-of (p / yell-01 :op3-of o) :ARG0-of (m / grab-01 :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_765 / we) :ARG2 (u2 / son))) :ARG2 (u_770 / behind) :manner (c / sudden) :op1-of o) :ARG1-of (u_768 / get-back-10 :ARG2 (u_769 / down) :mod (u_761 / back) :op1-of a)) :ARG2 (u_767 / ground) :manner (u_766 / might :quant (u_763 / all)))) :time (b / after :op1 (u_762 / that))) + +(d / stupefy-01 :ARG1 (e / we)) + +(u_772 / possible-01 :ARG1 (p / injure-01 :ARG0 (e / man :ARG1-of (c / age-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 38)) :unit (d / 215lbs))) :ARG1-of (u_771 / easy-05))) + +(c / get-up-04 :ARG2 (u_775 / up) :mod (h / unscathed-01 :polarity - :ARG1 (e / he :ARG1-of c)) :ARG1-of (u_773 / albeit-01 :ARG2 (u_774 / frighten-01 :degree (l / very))) :ARG2-of (u_776 / fortunate-01)) + +(f / shock-01 :ARG1 (e / we) :ARG0 (u_777 / we) :ARG1-of (d / deep-02) :op1-of (a / and :op2 (u_778 / hit-01 :ARG1 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / child))) :time (u_779 / ever)))) + +(f / know-01 :ARG1 (u_781 / way :manner-of (c / teach-01 :ARG2 (u_780 / man) :ARG1 (u_785 / lesson)) :ARG1-of (d / legal-02)) :ARG0 (e / anybody) :mode "interrogative" :mode (u_786 / interrogative) :ARG1-of (u_783 / contrast-01 :ARG2 (u_784 / money :polarity -))) + +(e / _ :mod (c3 / file-01 :ARG1 (d / report-01 :ARG1 (u_787 / police))) :mod (u_788 / any) :mode "interrogative") + +(d / _ :ARG1 (a2 / deal-01 :ARG0 (e / i) :ARG2 (u_792 / situation) :mod (u_791 / person) :manner (c / level :mod (u_789 / person)) :concession (h / have-rel-role-91 :ARG2 (f / friend) :ARG0 (u_790 / someone))) :ARG1-of (u_793 / personal-02)) + +(u_802 / possible-01 :ARG1 (d / sure-02 :ARG1 (a / and :op1 (e / upset-01 :degree (l / really)) :op2 (u_796 / want-01 :ARG1 (f / hit-01 :ARG1 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / kid))) :ARG0 (u_797 / _) :mod (u_795 / again :time (u_794 / ever))) :ARG0 (u_798 / you) :polarity -))) :polarity - :ARG1-of (u_801 / cause-01 :ARG0 (u_800 / amr-unknown))) + +(e / remedy :manner (c / law) :quant (a2 / 2)) + +(a / and :op1 (e / damage :mod (u_803 / money)) :op2 (s2 / time :duration-of (u_804 / jail))) + +(u_812 / suppose-01 :ARG1 (d / possible-01 :ARG1 (f / add-02 :ARG1 (u_810 / probation) :ARG0 (e / you))) :ARG0 (u_811 / i) :ARG1-of (u_807 / have-concession-91 :ARG2 (u_808 / replace-01 :ARG2 (u_809 / time :mod (u_805 / jail)) :mod (u_806 / just)))) + +(f / end-01 :ARG1 (u_817 / friendship) :ARG0 (e / you) :concession (m / matter-01 :ARG1 (u_816 / event) :polarity -) :mod (u_813 / _ :degree (l / pretty)) :condition (u_815 / go-02 :ARG2 (u_814 / route :ARG1-of (d / legal-02)))) + +(f / worry-02 :ARG1 (u_822 / i) :time (s3 / end-up-03 :ARG1 (e / it :ARG0-of f)) :direction (s / down) :condition (u_818 / anger-01 :mod (u_819 / enough)) :condition (i2 / start-01 :ARG1 (u_821 / path :mod (u_820 / this))) :polarity -) + +(p3 / probable :domain (a / and :op2 (d / clarify-10 :ARG1 (e / i :ARG0-of (u_823 / express-01 :ARG1 (f / feel-01 :ARG1 (u_824 / situation) :ARG0 e) :op1-of a))) :ARG0-of (u_826 / make-01 :ARG1 p3)) :condition (s / event :mod (u_825 / again :polarity -))) + +(d / assault-01 :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (e / you) :ARG2 (u2 / son)))) + +(c / name-01 :ARG2 (e / that) :ARG1 (p / behave-01 :ARG0 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_828 / you) :ARG2 (u2 / ex-friend)))) :manner (u_827 / law)) + +(u_832 / cause-01 :ARG1 (c / see-01 :ARG2 (e / serious-02 :degree (l / more)) :ARG1 (u_835 / assault-01 :ARG0-of (f / cause-01 :ARG1 (u_834 / harm-01 :mod (u_833 / physical))))) :ARG0 (u_838 / hurt-01 :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_837 / you) :ARG2 (u2 / child))) :ARG0 (u_829 / he) :polarity - :manner (u_836 / physical)) :concession (i2 / form :domain (u_831 / assault-01) :mod (u_839 / less :degree (m / more)))) + +(d / possible-01 :ARG1 (f / file-01 :ARG1 (p / report-01 :ARG0 (u_840 / police)) :ARG0 (e / you)) :manner (c / certain)) + +(f / know-01 :ARG1 (e / law) :ARG0 (u_861 / i :ARG1-of (u_841 / be-located-at-91 :ARG2 f :location (h / here))) :polarity - :ARG1-of (d / _ :ARG1-of (u_845 / contrast-01 :ARG2 (u_843 / possible-01 :ARG1 (u_842 / decide-01 :ARG1 (u_844 / file-01 :ARG1 (u_848 / charge-05)))))) :ARG1-of (u_847 / _ :ARG0 (u_846 / you)) :ARG1-of (u_856 / _ :ARG0 (u_858 / likely-01 :ARG1 (a / and :op2 (u_860 / question-01 :ARG1 (u_853 / man) :ARG0 (u_859 / police :ARG1-of (u_857 / go-back-19 :ARG2 (u_854 / around) :op1-of a))) :ARG0-of (u_849 / clarify-10 :concession (i2 / accurate :domain (u_850 / description)) :ARG1 (u_852 / commit-02 :ARG1 (u_851 / offence) :ARG0 a))) :degree (l / quite)))) + +(u_865 / possible-01 :ARG1 (d / likely-01 :ARG1 (u_863 / notyify-01 :ARG1 (u_864 / authority :ARG0-of (f / protect-01 :ARG1 (u_862 / child))) :ARG0 (e / you) :location (h / you))) :mod (u_866 / again) :ARG0-of (u_868 / depend-01 :ARG1 (u_867 / live-01))) + +(m / hand-01 :ARG1 (a / and :op1 (u_876 / extra-familial :location (h / here)) :op2 (u_873 / decide-01 :ARG1 (f / expose-01 :ARG1 (u_874 / hm) :ARG0 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / child))) :mod (u_872 / again) :polarity -) :ARG0 (e / you) :time (u_875 / already))) :ARG2 (u_877 / police) :ARG0 (u_870 / they) :mod (u_869 / simple)) + +(c / have-concession-91 :ARG2 (u_880 / lose-02 :ARG0 (e / you :ARG0-of (f / control-01 :ARG1 (u_881 / _) :ARG1-of u_880)) :condition (l / release-01 :ARG1 (u_879 / bottle) :ARG0 (u_878 / genie :ARG1-of (d / legal-02))))) + +(u_884 / exemplify-01 :ARG0 (f / need-01 :ARG0 (a / and :op1 (e / you) :op2 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / son))) :ARG0-of (u_882 / state-01 :mod (u_883 / formal) :ARG1-of f)))) + +(u_887 / possible-01 :ARG1 (p / act-02 :ARG0 (e / police) :concession (u_885 / even-if :op1 (d / want-01 :ARG1 (u_886 / you) :polarity -)))) + +(d / possible-01 :ARG1 (g / go-02 :ARG0 (u_888 / it) :ARG4 (e / court))) + +(u_891 / choose-01 :ARG0 (e / i :ARG0-of (f / do-02 :ARG1 (u_906 / it) :mod (u_890 / tthat) :manner (c / way) :ARG1-of u_891)) :mode "interrogative" :location (h / area) :polarity - :ARG1-of (d / personal-02) :ARG1-of (u_889 / _) :ARG1-of (u_901 / have-concession-91 :ARG2 (u_893 / possible-01 :ARG1 (a2 / chat-01 :ARG0 (u_892 / you) :manner (l / name-01 :ARG0 (t / thing :ARG2-of (p4 / name)) :polarity - :ARG1 (u_905 / police :ARG1-of (u_904 / local-02) :ARG2-of a2))) :op1-of (u_898 / and :op2 (u_899 / see-01 :ARG1 (a / or :op1 (u_900 / chat-01 :mod (u_896 / stern)) :op2 (u_897 / caution :mod (u_894 / formal)) :mod (u_895 / _))) :manner (u_903 / certain))))) + +(m / hope-01 :ARG1 (t / thing :domain (a / and :op1 (p / talk-01 :ARG0 (e / you) :mod (u_910 / stern)) :op2 (d / lose-02 :ARG1 (u_911 / friendship))) :mod (u_912 / big) :ARG1-of (a3 / message-01)) :ARG2 (u_909 / he) :ARG0 (u_913 / i)) + +(u_915 / contrast-01 :ARG2 (u_914 / concern-01 :ARG0 (f / treat-01 :ARG1 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / kid))) :ARG0 (e / he)))) + +(p / over-reaction-01 :ARG0 (e / that) :mod (u_916 / hell :quant (a2 / one))) + +(m / consider-02 :ARG1 (u_921 / notification :ARG1 (d / protect-01 :ARG1 (u_923 / chold))) :ARG2 (e / i) :condition (l / have-03 :ARG1 (u_917 / evidence-01 :ARG0 (f / assault-01 :ARG1 (u_919 / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / kid))) :ARG0 (u_920 / he))) :ARG0 (u_924 / you :ARG0-of m))) + +(d / okay-04 :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (e / you) :ARG2 (u2 / kid))) :mode "interrogative") + +(p / scary-03 :ARG0 (e / that)) + +(a2 / or :domain (d / have-03 :ARG1 (u_925 / he)) :op2 (u_926 / anything) :op1 (e / nightmare) :mode "interrogative") + +(f / chat-01 :ARG1 (t3 / thing :ARG1-of (s / behave-01)) :ARG0 (e / i) :mod (u_927 / also)) + +(f / warrant-01 :ARG1 (p / react-01 :ARG0 (u_929 / he) :mod (u_928 / such)) :ARG0 (e / it) :polarity - :ARG1-of (c / contrast-01 :ARG2 (u_930 / thoughtless))) + +(d / worry-02 :ARG1 (e / i) :manner (c / frank) :degree (l / bit) :mod (u_934 / too) :condition (i2 / behave-01 :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_933 / you) :ARG2 (u2 / friend))) :mod (u_932 / usual :mod (u_931 / really)))) + +(a / and :op1 (p3 / woman :domain (u_941 / i) :ARG1-of (u_939 / age-01 :ARG2 (u_940 / temporal-quantity :unit (u_942 / year) :quant 25))) :op2 (u_936 / relation-03 :ARG2 (e / man :ARG1-of (c / age-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 37))) :ARG1-of (d / marry-01)) :duration (t2 / temporal-quantity :unit (u_937 / year) :quant 2))) + +(f / have-03 :ARG1 (o / and :op2 (p / person :quant (a2 / 2) :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / kid))) :op3 (u_944 / relation-03 :time (u_943 / previous)) :op1 (u_948 / marriage)) :ARG0 (e / he) :quant 1 :quant 1) + +(u_952 / plan-01 :ARG0 (e / he :ARG0-of (f / _ :ARG1 (u_953 / divorce-01) :ARG1-of u_952)) :time (b / since :op1 (u_949 / day :ord (u_950 / ordinal-entity :value 1) :time-of (p / meet-03 :ARG0 (u_951 / we))))) + +(d / heat-01 :ARG1 (e / thing) :degree (l / so) :mod (e2 / know-01 :ARG1 (u_956 / do-02) :ARG0 (u_955 / i) :polarity -)) + +(u_958 / plan-01 :ARG0 (e / he :ARG0-of (f / move-01 :ARG1 (u_962 / house) :direction (s / _) :time (b / by :op1 (d / end-01 :ARG1 (u_957 / year))) :ARG1-of u_958)) :op1-of (u_959 / _ :op2 (u_961 / see-01 :ARG1 (u_960 / eye) :ARG0 (a / and :op2 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / wife)))) :polarity - :prep-to (a2 / eye)))) + +(f / chat-01 :ARG1 (e / sex :ARG1-of (u_963 / have-05 :ARG0 f)) :ARG0 (u_967 / he) :accompanier (u_966 / lady :ARG1-of (d / meet-02 :source (u_965 / country :name (n / name :op1 "Sweden") :wiki "Sweden") :medium (u_964 / facebook)))) + +(d / affect-01 :ARG1 (e / it) :time (s3 / find-out-03 :ARG1 (u_969 / i)) :ARG1-of (u_968 / bad-05 :degree (l / really))) + +(u_971 / and :op1 (a / and :op2 (f / feel-01 :ARG0 (u_973 / i :ARG1-of (u_972 / betray-01 :ARG1-of f) :ARG0-of (p / feel-01 :op1-of a)) :mod (u_970 / still))) :op2 (d / possible-01 :ARG1 (e / trust-01) :polarity -)) + +(p / go-01 :ARG0 (d / let-01 :ARG1 (e / i) :manner (c / amr-unknown))) + +(a / _ :op1 (p / person :name (n / "@jeje")) :op2 (u_975 / walk-01 :ARG0 (e / you) :direction (s / away) :mod (u_974 / just))) + +(f / think-01 :ARG1 (u_981 / little :degree (l / so)) :ARG0 (e / you) :mod (u_976 / real) :mode "interrogative" :ARG0-of (u_977 / believe-01 :ARG1 (u_980 / good :domain (u_978 / this :ARG0-of (u_979 / do-02 :ARG1 u_980 :ARG1-of (d / possible-01))) :degree (m / most)))) + +(u_986 / or :op2 (c / move-01 :ARG2 (u_990 / _) :location (h / house) :mod (u_987 / at-least) :time (u_988 / now) :ARG1 (e / man :ARG1-of (d / marry-01) :ARG0-of (f / file-01 :ARG1 (u_989 / divorce-01) :time (u_983 / now) :op2-of (a / and :op1 (u_985 / go-06 :ARG1 (u_984 / ahead) :ARG0 e :mod (u_982 / just)) :op1-of u_986)))) :condition (s / _ :condition (i2 / love-01 :ARG1 (u_992 / you) :mod (u_991 / really)))) + +(u_994 / involve-01 :ARG2 (e / chat :mod (u_993 / sex) :medium (t / online) :accompanier (c / other)) :ARG1 (u_995 / man) :ARG0-of (f / _ :ARG1 (p / relation-03 :ARG0 (u_996 / you)))) + +(f / deserve-01 :ARG0 (e / you :ARG0-of (c2 / mess-up-02 :ARG1 (u_1000 / man :ARG1-of (u_999 / marry-01)) :time-of f) :ARG1-of (d / get-01 :mod (u_1001 / exact) :ARG1-of f)) :ARG1-of (u_997 / personal-02)) + +(f / pity :ARG1 (e / you) :ARG0 (d / _ :ARG1 (u_1002 / i)) :polarity - :degree (l / little)) + +(c / contrast-01 :ARG2 (d / possible-01 :ARG1 (f / do-02 :ARG1 (e / good :quant (a2 / world)) :manner (l / walk-01 :ARG1 (u_1004 / he) :mod (u_1003 / just) :direction (s / away) :ARG0 (u_1005 / you :ARG0-of f))))) + +(u_1006 / think-01 :ARG0 (e / you :ARG0-of (f / look-01 :ARG1 (u_1008 / someone :ARG1-of (d / attach-01 :polarity -)) :ARG1-of u_1006)) :polarity - :ARG1-of (c / cause-01 :ARG0 (a / amr-unknown))) + +(w / good :time (a / go-01 :ARG2 (u_1011 / route :mod (u_1009 / that)) :ARG1 (r / odds :domain (d / find-01 :ARG1 (u_1012 / happiness)) :poss (e / you) :ARG0-of (f / opine-01 :ARG1 w) :domain-of w)) :degree (m / more) :mod (u_1013 / i) :degree (l / bit)) + +(e / date-entity :year 2008 :month 5 :day 14) + +(a / _ :op6 (c4 / country :name (n2 / name :op1 "Spain") :wiki "Spain") :op3 (u_1020 / country :name (u_1021 / name :op1 "Lithuania") :wiki "Lithuania") :op2 (u_1018 / country :name (u_1019 / name :op1 "Latvia") :wiki "Latvia") :op5 (u_1016 / country :name (u_1017 / name :op1 "Italy") :wiki "Italy") :op1 (u_1022 / country :name (u_1023 / name :op1 "Estonia") :wiki "Estonia") :op4 (u_1014 / country :name (u_1015 / name :op1 "Germany") :wiki "Germany")) + +(a / and :op3 (u_1024 / telecommunication) :op1 (u_1025 / international) :op5 (e / science) :op2 (g / government-organization :ARG0-of (g2 / govern-01)) :op4 (u_1026 / technology)) + +(u_1035 / consider-01 :ARG1 (a2 / threaten-01 :ARG0 (u_1031 / attack-01 :mod (u_1027 / cyber)) :ARG2 (n / network :poss (e / and) :mod (u_1030 / civilian) :mod (u_1028 / military) :mod (u_1029 / computer)) :time (b / after :op1 (f / strike-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia"))) :ARG0 (u_1033 / attack-01 :mod (u_1032 / cyber)) :time (d / date-entity :year 2007)))) :ARG0 (m2 / military :name (u_1034 / name :op1 "NATO") :wiki "NATO")) + +(f / sign-02 :ARG1 (u_1040 / agree-01 :ARG1 (d / fund-01 :ARG1 (e / center :mod (u_1036 / research-01)) :purpose (l / bolster-01 :ARG1 (u_1039 / attack-01 :mod (u_1037 / cyber)) :ARG0 (u_1038 / defense)))) :ARG0 (u_1041 / ally :mod (m2 / military :name (n / name :op1 "NATO") :wiki "NATO"))) + +(f / sign-02 :ARG1 (u_1043 / agree-01 :ARG1 (d / fund-01 :ARG1 (u_1044 / center :mod (u_1042 / research-01)))) :ARG0 (e / ally-01 :mod (m2 / military :name (n / name :op1 "NATO") :wiki "NATO") :quant (a2 / 7)) :time (d2 / date-entity :month 5 :year 2008 :day 14)) + +(u_1047 / bolster-01 :ARG1 (f / defense :ARG1 (e / attack-01 :mod (u_1045 / cyber)) :ARG0 (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO")) :ARG0 (u_1046 / center)) + +(d / operate-01 :ARG1 (e / center) :time (d2 / date-entity :month 8 :year 2008)) + +(d / open-01 :ARG1 (e / center) :manner (c / formal) :time (u_1048 / date-entity :year 2009)) + +(f / _ :ARG1 (a / and :op1 (d / research-01 :ARG1 (u_1051 / warfare :mod (u_1049 / cyber))) :op2 (u_1050 / train-01)) :ARG0 (e / staff :consist-of (p / person :quant (a2 / 30) :ARG0-of (i2 / specialize-01)))) + +(f / consider-01 :ARG1 (a2 / threaten-01 :ARG0 (e / attack-01 :mod (u_1055 / cyber)) :ARG2 (u_1056 / network :mod (u_1052 / military) :mod (u_1053 / computer) :mod (u_1054 / civilian)) :ARG1-of (d / grow-01)) :ARG0 (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO")) + +(d / base-01 :ARG1 (e / center :mod (u_1059 / research-01)) :location (c / city :name (n / name :op1 "Tallinn") :location (u_1057 / country :name (u_1058 / name :op1 "Estonia") :wiki "Estonia") :wiki "Tallinn")) + +(f / sign-02 :ARG1 (e / agree-01) :ARG0 (a / and :op6 (u_1068 / country :name (u_1067 / name :op1 "Spain") :wiki "Spain") :op3 (u_1063 / country :name (u_1064 / name :op1 "Lithuania") :wiki "Lithuania") :op2 (u_1061 / country :name (u_1062 / name :op1 "Latvia") :wiki "Latvia") :op5 (u_1070 / country :name (u_1069 / name :op1 "Italy") :wiki "Italy") :op1 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :op4 (u_1065 / country :name (u_1066 / name :op1 "Germany") :wiki "Germany") :mod (c2 / country :name (n3 / name :op1 "Slovakia") :wiki "Slovakia")) :ARG1-of (h / have-org-role-91 :ARG2 (m2 / chief) :ARG0 (p2 / person :mod (u_1060 / Defense)))) + +(f / provide-01 :ARG1 (o / and :op2 (e / fund-01) :op3 (u_1071 / center :purpose (t2 / research-01)) :op1 (u_1072 / staff-01)) :ARG0 (u_1073 / agree-01)) + +(f / strike-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia"))) :ARG0 (e / attack-01 :mod (u_1074 / cyber)) :time (d / date-entity :year 2007)) + +(f / cripple-01 :ARG1 (n / network :poss (e / corporation) :mod (u_1076 / computer) :op1-of (a / and :op2 (g / government-organization :ARG0-of (g2 / govern-01)))) :ARG0 (u_1078 / attack-01 :mod (u_1075 / cyber))) + +(f / precedent :domain (e / attack-01 :mod (u_1079 / cyber)) :polarity -) + +(u_1082 / follow-01 :ARG2 (c / dispute-01 :ARG2 (u_1081 / relocate-01 :ARG1 (u_1084 / memorial :mod (u_1080 / war) :mod (c2 / country :name (n3 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :ARG2 (d / capital))))) :ARG1 (e / attack-01 :mod (u_1083 / cyber))) + +(u_1088 / suspect-01 :ARG1 (g / government-organization :name (n / name :op1 "Kremlin") :wiki "Moscow_Kremlin") :ARG2 (e / attack-01 :mod (u_1085 / cyber)) :ARG0 (p / person :quant (m / many))) + +(f / deny-01 :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia" :ARG1-of (c / involve-01 :ARG2 (e / attack-01 :mod (u_1089 / cyber)) :ARG1-of f))) + +(u_1095 / state-01 :ARG0 (p / person :name (n / name :op1 "James" :op2 "Mattis") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States") :ARG2 (d / general)) :ARG0-of (u_1094 / have-org-role-91 :ARG1 (m2 / military :name (u_1092 / name :op1 "NATO") :wiki "NATO") :ARG2 (u_1093 / commander :mod (u_1091 / top) :ARG1-of (c / charge-05 :ARG2 (u_1090 / modernize-01 :ARG1 (e / military))))))) + +(a2 / cooperate-01 :ARG2 (u_1098 / bring-01 :ARG1 (u_1099 / mind :mod (g / good :degree (m / most))) :ARG2 (e / together) :mod (c3 / defend-01 :ARG1 (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO" :ARG0-of u_1098 :ARG0-of a2) :mod (u_1096 / cyber)) :manner (c / together))) + +(d / possible-01 :ARG1 (u_1102 / say-01 :ARG0 (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO" :ARG0-of (u_1101 / defend-01 :ARG1 (e / web :ARG1-of (f / need-01 :ARG0 (u_1100 / everybody))) :polarity - :ARG1-of u_1102))) :polarity -) + +(f / join-up-02 :ARG1 (e / project) :prep-as (u_1104 / observe-01 :ARG0 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States" :ARG0-of f))) + +(d / possible-01 :ARG1 (f / join-up-02 :ARG1 (u_1105 / project) :ARG0 (n / nation :poss (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO") :mod (e / other)) :time (l4 / late :degree (m / more)))) + +(u_1106 / state-01 :ARG0 (p / person :name (n / name :op1 "Jaak" :op2 "Aaviksoo") :wiki "Jaak_Aaviksoo" :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :ARG2 (d / minister :mod (e / defense)))) :time (u_1109 / conference :location (u_1110 / center :mod (u_1107 / research-01)) :mod (u_1108 / news))) + +(f / have-03 :ARG1 (u_1113 / border :polarity -) :ARG0 (e / space :mod (u_1112 / cyber)) :manner (u_1111 / essential)) + +(p3 / difficult :domain (d / defend-01 :ARG1 (n / sovereignty :poss (a / and :op1 (e / border-01 :mod (u_1115 / sea) :mod (u_1116 / land)) :op2 (u_1117 / space :mod (u_1114 / air)))))) + +(c / complicate-01 :ARG2 (d / _ :ARG1 (o / or :op2 (u_1124 / fingerprint) :op3 (u_1118 / footprint) :op1 (u_1119 / gun :ARG0-of (p / smoke-02)))) :ARG1 (e / it) :degree (l / more :mod (u_1120 / even)) :location (h / space :mod (u_1122 / borderless) :mod (u_1121 / cyber)) :ARG1-of (u_1123 / _ :polarity -)) + +(f / sign-01 :ARG1 (e / agree-01) :ARG0 (u_1126 / person) :time (p / meet-03 :ARG0 (o3 / organization :name (n3 / name :op1 "Chiefs" :op2 "of" :op3 "Defense" :op4 "Staff") :wiki - :ARG1-of (d / ally-01 :mod (m2 / military :name (n / name :op1 "NATO") :wiki "NATO") :quant (a2 / 26))) :ARG1-of (u_1125 / regular-02))) + +(p3 / nation :domain (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :location (w2 / world-region :name (n / name :op1 "Baltic") :wiki "Baltic_states")) + +(e / date-entity :year 2008 :month 5 :day 15) + +(o / _ :op2 (u_1127 / country :name (u_1128 / name :op1 "China") :wiki "China") :op3 (u_1130 / country :name (u_1131 / name :op1 "India") :wiki "India") :op1 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :prep-with (c / country :name (u_1129 / name :op1 "Afghanistan") :wiki "Afghanistan")) + +(a / and :op6 (u_1135 / health) :op3 (u_1133 / crime-02) :op2 (e / narcotics) :op5 (u_1134 / terrorism) :op1 (u_1136 / international) :op4 (g / government-organization :ARG0-of (g2 / govern-01))) + +(f / propose-01 :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia" :ARG0-of (m / cooperate-01 :ARG1 (a / and :op1 (u_1146 / country :name (u_1145 / name :op1 "India") :wiki "India") :op2 (u_1140 / country :name (u_1141 / name :op1 "China") :wiki "China")) :ARG2 (d / increase-01 :purpose (l / block-01 :ARG1 (u_1137 / supply-01 :ARG1 (u_1138 / drug)) :ARG0 (e / security :location (u_1143 / around :op1 (u_1142 / country :name (u_1144 / name :op1 "Afghanistan") :wiki "Afghanistan")) :ARG1-of d))) :ARG1-of f))) + +(a / and :op2 (m / supply-01 :ARG1 (u_1153 / market-01 :location (w2 / world-region :name (n / name :op1 "West") :wiki "Western_world")) :ARG2 (u_1149 / country :example (c2 / country :name (u_1154 / name :op1 "Russia") :wiki "Russia") :mod (u_1147 / transit-01)) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan" :ARG1-of (i / include-91 :ARG3 (e / 1) :ARG2 (p / person :ARG0-of (o / produce-01 :ARG1 (u_1152 / opium)) :ARG1-of (d / major-02 :mod (u_1150 / world))) :op1-of a)))) + +(f / propose-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")) :ARG0-of (m / cooperate-01 :ARG1 (u_1160 / and :op1 (u_1159 / country :name (u_1161 / name :op1 "India") :wiki "India") :op2 (u_1155 / country :name (u_1156 / name :op1 "China") :wiki "China")) :ARG2 (d / increase-01 :purpose (l / block-01 :ARG1 (u_1157 / supply-01 :ARG1 (u_1158 / drug)) :ARG0 (e / security :location (a / around :op1 (u_1164 / country :name (u_1163 / name :op1 "Afghanistan") :wiki "Afghanistan")) :ARG1-of d))) :ARG1-of f)) :time (d2 / date-entity :month 5 :day 15 :year 2008)) + +(u_1176 / state-01 :ARG1 (f / decrease-01 :ARG1 (u_1179 / threaten-01 :ARG1 (a / and :op1 (u_1172 / drug) :op2 (u_1180 / terrorism))) :ARG0 (u_1173 / tighten-01 :ARG1 (u_1174 / security :location (u_1181 / border :location (c / country :name (u_1182 / name :op1 "Afghanistan") :wiki "Afghanistan"))))) :ARG0 (p / person :name (n / name :op1 "Sergey" :op2 "Lavrov") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :ARG2 (d / minister :mod (e / foreign)))) :time (u_1175 / conference :mod (u_1165 / joint) :location (c2 / city :name (u_1177 / name :location (a2 / and :op1 (u_1183 / country :name (u_1178 / name :op1 "India") :wiki "India") :op2 (u_1166 / country :name (u_1167 / name :op1 "China") :wiki "China") :ARG0-of (h2 / have-org-role-91 :ARG2 (u_1168 / minister :mod (u_1169 / _)))) :op1 "Yekaterinburg") :wiki -) :mod (u_1170 / news))) + +(d / clear-06 :ARG1 (u_1196 / intend-01 :ARG0 (p / person :name (n / name :op1 "Lavrov") :wiki "Sergey_Lavrov") :ARG1-of (c / _ :ARG2 d :quant (u_1184 / distance-quantity :unit (f / kilometer) :quant (a2 / 76) :mod (e / only)))) :time (u_1185 / immediate) :polarity - :ARG1-of (u_1191 / cause-01 :ARG0 (a / and :op1 (u_1194 / _ :ARG1 (u_1192 / border-01 :ARG2 (u_1188 / country :name (u_1189 / name :op1 "Afghanistan") :wiki "Afghanistan")) :ARG0 (u_1186 / country :name (u_1187 / name :op1 "Russia") :wiki "Russia") :mod (c2 / country :name (n3 / name :op1 "India") :wiki "India") :polarity "nor") :op2 (u_1193 / border-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))))) + +(f / neighbor :ARG1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG0 (a / and :op3 (u_1201 / country :name (u_1202 / name :op1 "Uzbekistan") :wiki "Uzbekistan") :op1 (u_1203 / country :name (u_1204 / name :op1 "Iran") :wiki "Iran") :op5 (u_1197 / country :name (u_1198 / name :op1 "Pakistan") :wiki "Pakistan") :op2 (u_1206 / country :name (u_1205 / name :op1 "Turkmenistan") :wiki "Turkmenistan") :op4 (u_1199 / country :name (u_1200 / name :op1 "Tajikistan") :wiki "Tajikistan")) :mod (e / other)) + +(a / and :op2 (m / supply-01 :ARG1 (u_1213 / market-01 :location (w2 / world-region :name (n / name :op1 "West") :wiki "Western_world")) :ARG2 (u_1209 / country :example (c2 / country :name (u_1214 / name :op1 "Russia") :wiki "Russia") :mod (u_1207 / transit-01)) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan" :ARG1-of (i / include-91 :ARG3 (e / 1) :ARG2 (p / person :ARG0-of (o / produce-01 :ARG1 (u_1212 / opium)) :ARG1-of (d / major-02 :mod (u_1210 / world))) :op1-of a)))) + +(u_1221 / state-01 :ARG1 (f / die-01 :ARG1 (e / illness :ARG1-of (d / aids-related-01)) :frequency (r / rate-entity-91 :ARG2 (t / temporal-quantity :unit (y / year)) :ARG1 (p / person :quant (m / multiple :op1 1000) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia") :ARG0-of f)) :ARG1-of (u_1220 / cause-01 :ARG0 (u_1215 / abuse-02 :ARG1 (u_1219 / heroin :ARG1-of (u_1217 / name :op1 "Afghan-sourced")) :instrument (u_1218 / needle :ARG1-of (u_1216 / infect-01))))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")) :ARG1-of (c / high :ARG2 u_1221) :ARG0-of (u_1222 / _ :ARG1 u_1221))) + +(u_1232 / announce-01 :ARG1 (a / and :op2 (d / seize-01 :ARG1 (e / narcotic :ARG1-of (u_1225 / arrest-01 :op1-of a))) :time (b / after :op1 (f / cross-02 :ARG1 (u_1229 / border) :ARG0 (u_1227 / convoy :mod (u_1226 / law)))) :mod (u_1228 / scale)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_1231 / country :location (c / country :name (n / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG1-of (u_1230 / neighbor-01)) :ARG2 (m2 / official))) :ARG1-of (u_1224 / regular-02)) + +(u_1241 / announce-01 :ARG0 (e / police :location (c / country :name (n / name :op1 "Tajikistan") :wiki "Tajikistan") :mod (u_1242 / drug) :ARG0-of (f / intercept-01 :ARG1 (a / and :op1 (u_1244 / opium) :op2 (u_1238 / heroin) :quant (a2 / quantity :mod (u_1236 / large :degree (u_1237 / most))) :ARG1-of (u_1235 / value-01 :ARG2 (u_1243 / approximately :op1 (m / monetary-quantity :unit (d / dollar) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")) :ARG2-of (u_1234 / estimate-01 :ARG1 u_1235)))) :time (u_1239 / history) :ARG1-of u_1241)) :time (u_1240 / week :mod (u_1233 / last)) :quant (u_1245 / _)) + +(e / date-entity :year 2008 :month 5 :day 15) + +(c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") + +(o / and :op2 (u_1247 / military) :op3 (u_1246 / proliferate-01) :op1 (e / weapon)) + +(u_1250 / promise-01 :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :ARG2 (d / president)) :ARG0-of (f / provide-01 :ARG1 (c / fund-01 :ARG2 (e / program :mod (u_1249 / missile :mod (u_1248 / nucleus))) :ARG1 p) :ARG1-of u_1250)) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia") :time (d2 / date-entity :month 5 :day 15 :year 2008)) + +(f / debut-01 :ARG1 (e / commander :ARG0-of (u_1268 / have-org-role-91 :ARG1 (u_1269 / force :poss (u_1266 / country :name (u_1265 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :ARG1-of (u_1267 / arm-01)) :ARG2 (u_1262 / chief))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h / have-org-role-91 :ARG1 (o3 / country :name (n3 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :ARG2 (d / president))) :manner (u_1255 / and :op1 (u_1263 / tour-01 :ARG1 (u_1264 / base :mod (u_1257 / missile))) :op2 (a2 / promise-01 :ARG2 (u_1254 / provide-01 :ARG1 (u_1260 / fund-01 :ARG2 (u_1261 / counter-01 :ARG1 (u_1253 / threaten-01 :mod (u_1251 / globe)) :ARG0 (u_1259 / force :mod (u_1252 / nucleus))) :ARG1-of (u_1258 / need-01) :ARG0-of a2)))) :time (d2 / date-entity :day 15 :month 5 :year 2008)) + +(a / and :op2 (a2 / speak-01 :ARG2 (u_1278 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / officer))) :location (h / base :location (c2 / city :name (u_1277 / teikovo))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (u_1273 / examine-01 :ARG1 (e / missile :mod (u_1270 / intercontinental) :name (n2 / topol-m) :mod (u_1272 / ballistic) :ARG1-of (f / conceal-01 :ARG0 (u_1271 / military))) :location (u_1276 / forest :mod (u_1275 / dense) :mod (u_1274 / pine)) :op1-of a)))) + +(f / impress-01 :ARG1 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev") :ARG0 (a / and :op1 (e / weapon) :op2 (u_1280 / level :mod (u_1279 / train-01)))) + +(u_1285 / state-01 :ARG1 (d / good-02 :ARG1 (f / get-01 :ARG1 (u_1283 / missile :mod (u_1282 / new) :name (n2 / name :op1 "Topol-M") :wiki "RT-2PM2_Topol-M") :ARG0 (e / military)) :ARG2-of (u_1281 / resemble-01 :ARG1 u_1285)) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev") :mod (u_1284 / also)) + +(u_1292 / participate-01 :ARG1 (u_1295 / parade-02 :time (d2 / date-entity :day 9 :month 5 :year 2008) :mod (f / festival :name (u_1294 / name :op1 "Victory" :op2 "Day") :wiki -) :time (d / display-01 :ARG1 (u_1291 / hardware :mod (u_1289 / military)) :ARG2 (l2 / location :name (n6 / name :op1 "Red" :op2 "Square") :wiki -) :ARG0 (c4 / country :name (u_1290 / name :op1 "Russia") :wiki "Russia") :ord (o / ordinal-entity :value (explicitanon0 / 1 :range (s4 / since :op1 (u_1288 / collapse-01 :ARG1 (u_1286 / country :name (u_1287 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union"))))) :location (c2 / city :name (n / name :op1 "Moscow") :wiki "Moscow"))) :ARG0 (e / missile :source (m2 / base :name (n2 / teikovo)))) + +(u_1299 / and :op2 (f / promise-01 :ARG1 (a / and :op2 (u_1306 / possible-01 :ARG1 (d / expand-01 :time (u_1302 / future) :ARG1 (e / parade :mod (u_1301 / such) :ARG1-of (u_1300 / continue-01 :op1-of a))))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (u_1305 / experience-01 :ARG1 (u_1304 / motivate-01 :time (s3 / watch-01 :ARG1 (u_1298 / missile :location (u_1303 / across :op1 (u_1296 / square))))) :op1-of u_1299)))) + +(u_1311 / state-01 :ARG1 (u_1310 / task-01 :ARG2 (f / ensure-01 :ARG1 (c / fund-01 :ARG2 (u_1307 / respond-01 :ARG1 (e / threaten-01 :ARG1-of (u_1309 / modern-02))) :ARG1-of (u_1308 / need-01)) :ARG0 (d / receive-01 :ARG1 (f2 / facility :name (n3 / name :op1 "Strategic" :op2 "Missile" :op3 "Forces") :wiki -))) :ARG1 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :time (b / next :op1 (n5 / now) :duration (u3 / few :op1 (t / temporal-quantity :unit (y / year))))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev")) + +(f / state-01 :ARG1 (a / and :op1 (e / progress-01 :time (u_1312 / recent) :mod (u_1313 / certain)) :op2 (c / obligate-01 :ARG2 (d / lose-02 :ARG1 (n / speed :poss (u_1314 / progress-01)) :polarity -))) :ARG0 (p / person :name (u_1316 / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev") :mod (u_1315 / also)) + +(u_1317 / promise-01 :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (f / raise-01 :ARG1 (u_1319 / salary :poss (u_1318 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / officer)))) :ARG1-of u_1317))) + +(o / and :op2 (a / and :op1 (u_1324 / portray-01 :ARG1 (u_1325 / image :mod (u_1320 / liberal-02)) :time (u_1321 / so-far)) :op2 (u_1323 / avoid-01 :ARG1 (u_1322 / rhetoric :poss (u_1330 / person :name (u_1329 / name :op1 "Vladimir" :op2 "Putin") :wiki "Vladimir_Putin") :mod (u_1331 / anti-western) :ARG1-of (u_1328 / harsh-02)))) :op3 (e / _ :ARG0-of (h2 / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :ARG2 (p / president))) :op1 (d / swear-01 :ARG1 (u_1332 / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev") :time (d2 / date-entity :day 7 :year 2008 :month 5))) + +(a2 / _ :domain (p / person :name (n / name :op1 "Vladimir" :op2 "Putin") :wiki "Vladimir_Putin") :op2 (e / mentor) :op1 (u_1333 / precede-01 :ARG0 (u_1334 / person :name (u_1335 / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev"))) + +(u_1343 / expect-01 :ARG1 (f / continue-01 :ARG1 (u_1336 / policy :poss (u_1337 / person :name (u_1338 / name :op1 "Vladimir" :op2 "Putin") :wiki "Vladimir_Putin")) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev") :purpose (a / and :op1 (u_1342 / posture :location (h / scene :mod (u_1339 / international)) :mod (u_1340 / assertive)) :op2 (u_1341 / vow-01 :ARG1 (d / strengthen-01 :ARG1 (e / military))))) :ARG0 (p2 / person :quant (a2 / most) :ARG0-of (t / observe-01))) + +(e / town :mod (u_1344 / small) :location (h / region :name (n2 / name :op1 "Ivanovo") :wiki -) :name (u_1345 / teikovo) :location (u_1347 / relative-position :op1 (c / city :name (n3 / name :op1 "Moscow") :wiki "Moscow") :quant (m / about :op1 (u_1349 / distance-quantity :unit (u_1350 / kilometer) :quant 250)) :direction (s / northeast)) :op1-of (a / or :op2 (d / distance-quantity :unit (m2 / mile) :quant (a2 / 155)))) + +(u_1370 / oppose-01 :ARG1 (f / plan-01 :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States" :ARG1-of (c / deploy-01 :ARG2 (e / site :mod (u_1366 / defend-01 :mod (u_1365 / missile))) :location (a2 / and :op1 (u_1367 / country :name (u_1368 / name :op1 "Poland") :wiki "Poland") :op2 (u_1363 / country :name (u_1364 / name :op1 "Czech" :op2 "Republic") :wiki "Czech_Republic")) :ARG1-of f))) :ARG0 (p / person :name (n / name :op1 "Vladimir" :op2 "Putin") :wiki "Vladimir_Putin") :manner (u_1351 / fiercely) :op1-of (u_1358 / and :op2 (u_1356 / plan-01 :ARG0 (m2 / military :name (u_1369 / name :op1 "NATO") :wiki "NATO" :ARG0-of (u_1360 / accept-01 :ARG1 (a / and :op1 (u_1354 / country :name (u_1355 / name :op1 "Ukraine") :wiki "Ukraine") :op2 (u_1371 / country :name (u_1357 / name :op1 "Georgia") :wiki "Georgia_(country)") :ARG1-of (u_1359 / neighbor :ARG2 (u_1352 / country :name (u_1353 / name :op1 "Russia") :wiki "Russia") :location (w2 / country :name (u_1361 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :ARG0-of (u_1362 / ally-01))) :ARG1-of u_1356))))) + +(a / and :op2 (f / opt-01 :ARG1 (e / treaty :topic (u_1383 / control-01 :ARG1 (u_1379 / arm)) :ARG1-of (d / key-02)) :ARG0 (p / person :name (n / name :op1 "Vladimir" :op2 "Putin") :wiki "Vladimir_Putin" :ARG0-of (u_1376 / threaten-01 :ARG1 (m / point-01 :ARG1 (u_1375 / missile :mod (u_1372 / nucleus)) :ARG2 (u_1380 / country :ARG0-of (u_1381 / participate-01 :ARG1 (u_1382 / defend-01 :ARG0 (u_1374 / missile) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")))) :ARG0 p) :op1-of a))) :quant (a2 / _ :mod (u_1378 / country :name (u_1377 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union"))) + +(c / capable-01 :ARG1 (e / missile :name (n2 / topol-m) :ARG0-of (f / hit-01 :ARG1 (u_1388 / target :quant (a2 / more-than)) :ARG2-of c)) :quant (o2 / or :op2 (u_1385 / distance-quantity :unit (u_1386 / mile) :quant 6000) :op1 (d / distance-quantity :unit (m2 / kilometer) :quant 10000))) + +(c / deploy-01 :ARG2 (e / version :ARG1-of (d / truck-mounted-01)) :ARG1 (u_1391 / missile) :mod (u_1389 / both :ARG1-of (u_1390 / silo-based-01))) + +(f / state-01 :ARG1 (c / step-01 :ARG2 (d / design-01 :ARG1 (e / missile)) :ARG1 (t / product :name (n3 / name :op1 "Topol-M") :wiki "RT-2PM2_Topol-M") :mod (u_1394 / new)) :ARG0 (p / person :name (n / name :op1 "Nikolai" :op2 "Solovtsov") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / general)) :ARG0-of (h / have-org-role-91 :ARG1 (u_1396 / force :mod (u_1393 / missile :mod (u_1392 / strategy))) :ARG2 (u_1395 / chief)))) + +(u_1403 / boast-01 :ARG1 (c / capable-01 :ARG1 (a / aircraft-type :name (n2 / topol-m) :ARG0-of (f / penetrate-01 :ARG1 (e / defend-01 :mod (u_1398 / missile) :mod (u_1399 / prospective) :mod (u_1400 / any)) :ARG2-of c))) :ARG0 (u_1401 / and :op1 (p / person :name (n / name :op1 "Vladimir" :op2 "Putin") :wiki "Vladimir_Putin") :op2 (u_1397 / person :mod (u_1402 / other) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))))) + +(a / and :op2 (u_1414 / state-01 :ARG1 (u_1413 / drop-out-04 :ARG1 (u_1412 / engine) :ARG2 (u_1415 / altitude :ARG1-of (c2 / low-04 :degree (m / more) :compared-to (c3 / design-01 :time (l4 / late :degree (u_1410 / more))) :ARG1-of (d / significant-02))) :ARG0 (u_1409 / missile) :ARG0-of (u_1406 / make-02 :ARG1 (u_1411 / hard-02 :ARG1 (u_1416 / detect-01 :ARG1 (u_1405 / _) :ARG0 (u_1417 / system :poss (u_1407 / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / enemy))) :ARG0-of (u_1404 / warn-01 :mod (u_1408 / early))))))) :ARG0 (p / person :name (n / solomonov) :ARG0-of (f / design-01 :ARG1 (e / missile) :op1-of a))) :name (n2 / name :op1 "Yuri") :wiki -) + +(u_1427 / state-01 :ARG1 (d / resemble-01 :ARG1 (a / and :op1 (u_1418 / warhead) :poss (e / missile) :op2 (u_1419 / decoy)) :manner (c / close) :manner (u_1420 / fly-01) :ARG0-of (u_1424 / make-02 :ARG1 (p3 / difficult :domain (f / select-01 :ARG1 (u_1425 / target :mod (u_1421 / real) :quant (a2 / multitude :mod (u_1422 / false))) :ARG0 (u_1423 / foe)) :degree (l / very)))) :ARG0 (p / person :name (n / name :op1 "Yuri") :wiki -) :mod (u_1426 / one) :name (n2 / solomonov)) + +(u_1428 / proceed-01 :ARG1 (d / deploy-01 :ARG1 (e / m)) :manner (c / slow)) + +(u_1434 / allow-01 :ARG1 (a / and :op2 (f / fund-01 :ARG1 (d / develop-02 :ARG1 (u_1437 / missile :mod (u_1430 / new))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia" :op2 "Federation") :wiki -)) :ARG0-of (u_1432 / buy-01 :ARG1 (u_1431 / weapon) :op1-of a)))) :ARG0 (e / revenue :mod (u_1435 / large) :mod (u_1436 / oil)) :time (u_1433 / year :mod (u_1429 / recent))) + +(c / remain-01 :ARG2 (t / backbone :part-of (n / force :poss (e / nation) :mod (u_1439 / nucleus))) :ARG1 (u_1440 / missile :mod (u_1438 / ballistic) :ARG1-of (d / soviet-built-01))) + +(p3 / shape-01 :domain (n / name :poss (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :op1 "Navy") :mod (e / poor)) + +(a / and :op1 (f / need-01 :ARG1 (u_1443 / repair-01) :ARG0 (u_1446 / submarine :mod (u_1441 / nucleus) :ARG1-of (u_1445 / soviet-built-01)) :ARG1-of (u_1442 / frequent-02)) :op2 (d / leave-11 :ARG1 (e / base) :ARG1-of (u_1444 / rare-02))) + +(c / contrast-01 :ARG2 (a / and :op1 (f / fail-01 :ARG0 (u_1451 / missile :name (u_1453 / bulava) :ARG1-of (d / develop-02) :ARG1-of (u_1447 / equip-01) :ARG1-of (u_1448 / nucleus) :ARG1-of (u_1449 / test-01 :ARG1-of f))) :op2 (n3 / - :polarity - :ARG1 (u_1454 / prospect-02 :mod (u_1450 / deploy-01)))) :ARG1 (e / _ :name (n2 / dolgoruky :name (u_1452 / name :op1 "Yuri") :wiki -)) :ARG1-of (u_1460 / _ :ARG2 (u_1461 / commission-01 :ARG1 (u_1462 / submarine :mod (u_1455 / nucleus) :ord (o / ordinal-entity :value 1) :mod (u_1456 / new) :mod (u_1457 / series)) :time (u_1459 / year :mod (u_1458 / this))))) + +(e / date-entity :year 2008 :month 7 :day 10) + +(c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") + +(a / and :op1 (e / international) :op2 (u_1463 / weapon)) + +(f / state-01 :ARG1 (d / doctor-01 :purpose (l / show-01 :ARG1 (u_1465 / launch-01 :ARG1 (u_1467 / missile) :ord (o / ordinal-entity :value 4) :ARG1-of (u_1464 / fail-01)) :ARG0 (u_1469 / photo :mod (c3 / launch-01 :ARG1 (u_1466 / missile)) :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran") :ARG1-of d))) :ARG0 (p / person :ARG1-of (e / expert-01))) + +(u_1476 / state-01 :ARG1 (c / alter-01 :ARG1 (u_1483 / photograph :ARG1 (c4 / country :name (u_1482 / name :op1 "Iran") :wiki "Iran") :ARG0-of (f / show-01 :ARG1 (u_1472 / cluster :ARG1 (u_1473 / launch-01 :ARG1 (u_1484 / missile) :source (m2 / range :mod (u_1471 / desert))))) :ARG0-of (u_1475 / add-01 :ARG1 (u_1474 / missile :ord (o / ordinal-entity :value 4)) :ARG2-of c))) :ARG0 (p / person :name (n / name :op1 "Mark" :op2 "Fitzpatrick") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (u_1478 / program :poss (r / research-institute :name (n2 / name :op1 "International" :op2 "Institute" :op3 "for" :op4 "Strategic" :op5 "Studies") :wiki "International_Institute_for_Strategic_Studies") :mod (a / proliferate-01 :polarity -)) :ARG2 (d / director)) :ARG0-of (u_1480 / have-org-role-91 :ARG1 (g / government-organization :name (u_1481 / name :op1 "US" :op2 "State" :op3 "Department") :wiki -) :ARG2 (u_1479 / official :time (e / former)))) :day (explicitanon8 / _ :location (c2 / city :name (u_1485 / london-based))) :time (d3 / date-entity :year 20080710) :day 11) + +(d / post-01 :ARG1 (e / image) :time 20080709 :location (h / site :mod (u_1488 / news) :name (n2 / name :op1 "Sepah") :wiki - :ARG1-of (f / run-01 :ARG0 (m2 / military :name (u_1487 / name :op1 "Revolutionary" :op2 "Guards") :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran") :wiki -)))) + +(u_1493 / contrast-01 :ARG2 (a / and :op1 (p3 / missile :domain (u_1495 / missile :ord (o / ordinal-entity :value 4)) :ARG1-of (d / ground-01)) :op2 (e / vehicle :location (h / nearby)) :ARG1-of (u_1494 / appear-02)) :ARG1 (u_1491 / replace-01 :ARG2 (u_1497 / image :consist-of (c / missile :quant (a2 / 3) :location (u_1498 / photo :time (u_1490 / previous)) :ARG1-of (u_1496 / same-01))) :ARG1 (u_1492 / image) :year 20080710)) + +(u_1504 / contrast-01 :ARG2 (p3 / archive :domain (u_1505 / image :mod (u_1499 / both))) :ARG1 (u_1502 / absent-01 :ARG2 (u_1501 / page :poss (c / company :name (n / name :op1 "Sepah") :wiki -) :mod (e / main)) :ARG1 (u_1503 / image :mod (u_1500 / launch-01 :quant (a2 / 4))) :year 20080710)) + +(u_1511 / state-01 :ARG1 (p3 / probable :domain (c / manipulate-02 :ARG2 (u_1507 / obscure-02 :purpose (l / maintain-01 :ARG1 (p / impact-01 :ARG0 (f / demonstrate-01 :ARG1 (u_1508 / power) :ARG0 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran"))) :ARG0 (d / fail-01 :ARG1 (e / missile :ord (o / ordinal-entity :value 4)) :ARG1-of u_1507))) :ARG1 (u_1509 / photo))) :ARG0 (u_1510 / person :name (n / name :op1 "Fitzpatrick") :wiki -)) + +(t / comment-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :ARG2 (m2 / official))) :ARG3 (e / photo) :polarity - :time (u_1512 / immediate)) + +(u_1518 / describe-01 :ARG1 (e / image :ARG0-of (f / depict-01 :ARG1 (t / part :part-of (u_1516 / maneuver :mod (u_1517 / military) :manner-of (u_1514 / fire-01 :ARG1 (u_1519 / missile :quant (a2 / 9) :ARG2-of (c / include-01 :ARG1 (u_1513 / version :name (n2 / shahab-3) :ARG1-of (d / enhance-01)))) :ARG1-of (u_1515 / test-01)))) :ARG2-of u_1518))) + +(u_1526 / state-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :ARG2 (m2 / official)) :ARG0-of (u_1525 / _ :ARG1 (c / range-01 :ARG2 (d / distance-quantity :unit (u_1528 / mile) :quant (a2 / 1250)) :ARG1 (e / missile :name (u_1527 / shahab-3) :ARG1-of (u_1520 / enhance-01)) :ARG0-of (f / cause-01 :ARG1 (u_1521 / possible-01 :ARG1 (u_1524 / reach-01 :ARG1 (a / and :op1 (u_1529 / country :name (u_1523 / name :op1 "Israel") :wiki "Israel") :op2 (w / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East") :quant (u_1522 / majority)))))) :ARG1-of u_1526))) + +(f / criticize-01 :ARG1 (d / test-01 :ARG1 (e / missile)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "US") :wiki "United_States"))) :time (u_1530 / immediate)) + +(e / date-entity :year 2008 :month 7 :day 13) + +(a / and :op1 (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel") :op4 (u_1531 / country :name (u_1532 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_1533 / country :name (u_1534 / name :op1 "Syrian" :op2 "Arab" :op3 "Republic") :wiki "Syria") :op3 (u_1535 / country :name (u_1536 / name :op1 "Iran") :wiki "Iran")) + +(a / and :op1 (e / international) :op4 (u_1538 / politics) :op2 (u_1539 / weapon) :op3 (u_1537 / proliferate-01)) + +(u_1542 / agree-01 :ARG0 (e / nation :quant (m / more-than :op1 40) :ARG2-of (c / include-91 :ARG1 (a / and :op1 (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel") :op2 (u_1544 / state :mod (u_1543 / ethnic-group :name (n5 / name :op1 "Arab") :wiki "Arabs")))) :ARG0-of (f / work-01 :ARG1 (u_1547 / zone :ARG1-of (u_1540 / free-04 :ARG2 (u_1541 / weapon :ARG2-of (u_1546 / destroy-01 :degree (l / mass))) :location (w2 / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East"))) :ARG1-of u_1542)) :time (d2 / date-entity :weekday (f2 / sunday))) + +(u_1551 / agree-01 :ARG0 (e / nation :quant (a2 / 43) :ARG0-of (f / work-01 :ARG1 (u_1552 / zone :ARG1-of (u_1548 / free-04 :ARG2 (u_1549 / weapon :ARG2-of (c / destroy-01 :degree (l / mass))))) :location (w2 / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East") :ARG1-of u_1551)) :time (u_1550 / date-entity :year 2008 :month 7 :day 13)) + +(u_1556 / include-91 :ARG2 (e / nation :ARG1-of (c / involve-01 :ARG2 (u_1555 / agree-01))) :ARG1 (a / and :op1 (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel") :op2 (u_1553 / country :name (u_1554 / name :op1 "Arab" :op2 "States") :wiki -))) + +(u_1562 / organization :ARG1 (f / pursue-01 :ARG1 (u_1567 / zone :location (w2 / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East") :ARG1-of (p2 / verify-01 :mod (u_1558 / mutual) :ARG1-of (p / possible-01) :ARG1-of (u_1566 / effective-04)) :ARG1-of (u_1559 / free-04 :ARG2 (u_1560 / weapon :ARG2-of (c / destroy-01 :degree (l / mass))))) :ARG0 (u_1561 / country :ARG0-of (h2 / have-org-role-91 :ARG2 (m / member) :ARG1 (c4 / country :name (n2 / name :op1 "Mediterranean" :op2 "States") :wiki -)))) :ARG0 (e / summit :ARG1-of (d / launch-01)) :name (u_1564 / name :op1 "Union" :consist-of (u_1563 / _)) :mod (u_1565 / final) :wiki "European_Union") + +(f / state-01 :ARG1 (a / and :op1 (e / nucleus) :op4 (t / system :instrument-of (p / deliver-01 :ARG0 (u_1569 / weapon))) :op2 (u_1571 / chemical) :op3 (u_1572 / weapon :mod (u_1570 / biology))) :ARG0 (o3 / organization :name (n3 / name :op1 "Union") :name (n2 / name :op1 "Mediterranean" :op2 "States") :wiki - :wiki "European_Union") :ARG2-of (u_1573 / include-01 :ARG1 (u_1574 / weapon :ARG2-of (c / destroy-01 :degree (l / mass))))) + +(u_1580 / state-01 :ARG1 (f / consider-02 :ARG1 (u_1576 / step-01 :ARG2 (u_1575 / prevent-01 :ARG1 (d / proliferate-01 :ARG1 (e / weapon :ARG2-of (c / destroy-01 :degree (l / mass))))) :mod (u_1577 / practical)) :ARG0 (u_1579 / country :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Mediterranean" :op2 "States") :wiki -) :ARG2 (u_1578 / member)))) :ARG0 (c4 / country :name (n2 / name :op1 "Mediterranean" :op2 "States") :wiki -)) + +(u_1589 / include-91 :ARG2 (u_1588 / and :op1 (p / person :name (u_1592 / name :op1 "Ehud" :op2 "Olmert") :wiki "Ehud_Olmert" :ARG0-of (h / have-org-role-91 :ARG1 (u_1593 / country :name (u_1590 / name :op1 "Israel") :wiki "Israel") :ARG2 (d / minister :mod (u_1591 / prime)))) :op2 (p2 / person :ARG0-of (t / lead-02))) :ARG1 (a / and :op1 (c4 / country :name (n2 / name :op1 "Syria") :wiki "Syria") :op4 (c / continent :name (u_1585 / name :op1 "Europe") :wiki "Europe") :op2 (e / country :location (w2 / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East") :mod (u_1586 / other)) :op3 (w / world-region :name (u_1587 / name :op1 "North" :op2 "Africa") :wiki "North_Africa")) :ARG1-of (o / signatories-01 :ARG0 (u_1582 / person :ARG0-of (u_1581 / declare-02 :source (m2 / summit) :mod (u_1584 / final) :ARG1-of (u_1583 / launch-01)))) :ARG1-of (u_1594 / name :ARG2 (o3 / organization :name (n3 / name :op1 "Mediterranean" :op2 "States") :wiki -) :op1 "Union")) + +(p / believe-01 :ARG1 (c / stockpile-01 :ARG2 (e / weapon :mod (u_1595 / nucleus)) :ARG1 (d / _ :ARG1 (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel"))) :degree (l / wide)) + +(u_1601 / _ :ARG1 (a / nor :op1 (u_1596 / confirm-01 :ARG0 (n / policy :poss (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel"))) :mod (u_1600 / official) :ARG0-of (p / state-01))) :op2 (u_1599 / deny-01 :ARG1 (d / possess-01 :ARG1 (e / bomb :mod (u_1598 / nucleus)))))) + +(f / state-01 :ARG1 (c / call-01 :ARG2 (u_1604 / ambiguity :mod (u_1602 / nucleus)) :ARG1 (n / policy :poss (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel") :topic (u_1605 / weapon :mod (u_1603 / nucleus)))) :ARG0 (e / _ :ARG1-of (h / have-org-role-91 :ARG2 (m2 / official) :ARG0 (p2 / person)))) + +(f / sensitive :ARG1 (c / _ :op1 (c4 / country :name (n2 / name :op1 "Israel") :wiki "Israel")) :ARG0 (d / question-01 :ARG1 (e / weapon :mod (u_1607 / nucleus)) :location (h / region :location (w2 / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East"))) :time (u_1608 / lately) :degree (l / particular) :ARG1-of (u_1606 / cause-01 :ARG0 (p / tension :ARG0 (u_1610 / country :name (u_1609 / name :op1 "Iran") :wiki "Iran")))) + +(u_1616 / believe-01 :ARG1 (f / pursue-01 :ARG1 (e / arm :mod (u_1613 / nucleus)) :ARG0 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran")) :ARG0 (a / and :op1 (u_1611 / country :name (u_1612 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (p / ally-01 :ARG0 (u_1614 / country :name (u_1615 / name :op1 "United" :op2 "States") :wiki "United_States")))) + +(u_1620 / maintain-01 :ARG1 (f / activity-06 :ARG1 (u_1618 / enrich-01 :ARG1 (u_1619 / uranium)) :ARG0 (d / produce-01 :ARG1 (e / energy :mod (u_1617 / nucleus)))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01))) + +(u_1622 / defy-01 :ARG1 (f / demand-01 :ARG1 (u_1621 / suspend-01 :ARG1 (d / enrich-01 :ARG1 (e / uranium))) :ARG0 (o3 / organization :name (n3 / name :op1 "U.N." :op2 "Security" :op3 "Council") :wiki "United_Nations_Security_Council")) :ARG0 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :mod (c2 / country :name (u_1623 / name :op1 "Iran") :wiki "Iran") :ARG1-of (g2 / govern-01 :ARG0 (g / government-organization))) + +(e / date-entity :year 2008 :month 7 :day 17) + +(o / and :op2 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :op3 (u_1624 / country :name (u_1625 / name :op1 "Austria") :wiki "Austria") :op1 (u_1626 / country :name (u_1627 / name :op1 "France") :wiki "France")) + +(a / and :op1 (u_1629 / international) :op4 (g / government-organization :ARG0-of (g2 / govern-01)) :op2 (e / weapon) :op3 (u_1628 / proliferate-01)) + +(m / tell-01 :ARG1 (u_1634 / obligate-01 :ARG2 (u_1633 / maintain-01 :ARG1 (u_1638 / treaty :mod (c3 / continent :name (u_1641 / name :op1 "Europe") :wiki "Europe") :topic (u_1642 / control-01 :ARG1 (u_1632 / arm)) :ARG0-of (f / limit-01 :ARG1 (a2 / number :quant-of (u_1630 / weapon :ARG1-of (c / deploy-01 :ARG2 (w / world-region :name (u_1631 / name :op1 "Ural" :op2 "Mountains") :wiki -) :direction (s / west) :ARG1-of (u_1636 / possible-01)))))))) :ARG2 (p2 / person :ARG0-of (u_1640 / have-org-role-91 :ARG1 (u_1637 / organization :name (u_1639 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe") :wiki "Organization_for_Security_and_Co-operation_in_Europe") :ARG2 (m2 / member))) :ARG0 (p / person :name (n / name :op1 "Bernard" :op2 "Kouchner") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Austrian" :op2 "French") :wiki -) :ARG2 (d / minister :mod (e / foreign))))) + +(a2 / tell-01 :ARG0 (p / person :name (n / name :op1 "Bernard" :op2 "Kouchner") :wiki - :ARG0-of (u_1645 / have-org-role-91 :ARG1 (u_1643 / organization :name (u_1644 / name :op1 "Austrian" :op2 "French") :wiki -) :ARG2 (d / minister :mod (e / foreign)))) :ARG2 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe") :wiki "Organization_for_Security_and_Co-operation_in_Europe") :ARG2 (m2 / member))) :time (d2 / date-entity :month 7 :day 17 :year 2008)) + +(c / obligate-01 :ARG2 (u_1647 / maintain-01 :ARG1 (e / treaty :topic (p / control-01 :ARG1 (u_1646 / arm)) :mod (c3 / continent :name (n / name :op1 "Europe") :wiki "Europe") :ARG1-of (d / key-02)))) + +(p3 / instrument :domain (e / name :op1 "Conventional" :op2 "Forces" :op3 "in" :op4 "Europe" :op5 "Treaty") :mod (u_1648 / transparent) :ARG1-of (d / major-02)) + +(f / limit-01 :ARG1 (a2 / number :quant-of (e / weapon :mod (u_1650 / convention) :ARG1-of (u_1651 / deploy-01 :ARG2 (c / west :op1 (w / world-region :name (n / name :op1 "Ural" :op2 "Mountains") :wiki -)) :ARG1-of (d / possible-01)))) :ARG0 (u_1652 / treaty :topic (p / control-01 :ARG1 (u_1649 / arm)))) + +(t / edge :part-of (c4 / country :name (n2 / name :op1 "Russia") :mod (c3 / continent :name (n / name :op1 "Europe") :wiki "Europe") :wiki "Russia") :ARG2-of (u_1653 / _ :ARG1 (i / island :name (u_1654 / name :op1 "Ural" :op2 "Mountains") :wiki -))) + +(u_1656 / suspend-01 :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia" :ARG0-of (f / participate-01 :ARG1 (e / treaty :topic (p / control-01 :ARG1 (u_1655 / arm))) :ARG1-of u_1656)) :time (b / late :op1 (u_1662 / year :mod (u_1661 / last))) :ARG1-of (u_1658 / cause-01 :ARG0 (u_1660 / ratify-01 :ARG1 (u_1657 / version :ARG1-of (d / revise-01)) :ARG0 (u_1659 / country :mod (m2 / military :name (n / name :op1 "NATO") :wiki "NATO")) :polarity -))) + +(d / sign-01 :ARG1 (e / treat-01) :time (u_1663 / date-entity :year 1990) :mod (u_1664 / original)) + +(e / date-entity :year 2008 :month 7 :day 17) + +(c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") + +(o / and :op2 (u_1666 / crime-02) :op3 (u_1665 / proliferate-01) :op1 (e / international)) + +(m / send-01 :ARG1 (e / case-03 :name (n2 / name :op1 "ANAR" :op2 "Godzhayev") :wiki -) :ARG2 (u_1668 / court) :ARG0 (p2 / person :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia") :ARG0-of (t / prosecute-01)) :time (b / after :op1 (u_1670 / charge-02 :ARG2 (d / attempt-01 :ARG1 (u_1669 / smuggle-01 :ARG2 (c4 / country :name (u_1672 / name :op1 "Iran") :wiki "Iran") :ARG1 (c / powder-01 :ARG2 (u_1673 / tantalum))))))) + +(d / possible-01 :ARG1 (c / sentence-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 7) :location (h / prison)) :condition (u_1674 / convict-01 :ARG1 (p / person :name (n / name :op1 "Godzhayev") :wiki - :ARG1-of c)))) + +(f / state-01 :ARG1 (u_1682 / charge-05 :ARG2 (u_1681 / try-01 :ARG1 (p3 / smuggle-01 :ARG3 (w / country :name (n / name :op1 "Islamic" :op2 "Republic") :wiki "Iran") :ARG1 (u_1685 / metal :ARG1-of (u_1679 / use-01 :ARG2 (a / or :op1 (u_1680 / weapon :ARG2-of (u_1684 / destroy-01 :degree (l / mass))) :op2 (u_1678 / system :mod (u_1677 / deliver-01))) :ARG1-of (d / possible-01))))) :ARG1 (p / person :ARG0-of (o / found-01 :ARG1 (e / company :ARG1-of (u_1683 / involve-01 :ARG2 (c / trade-01 :ARG2 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran"))))))) :ARG0 (u_1687 / office :ARG0-of (u_1675 / _ :ARG1 f :ARG0-of (h / have-org-role-91 :ARG1 f :ARG2 (u_1686 / prosecute-01 :mod (u_1676 / general))))) :time (d2 / date-entity :month 7 :day 17 :year 2008) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia")) + +(p / state-01 :ARG0 (g / government-organization :name (n / name :op1 "Prosecutor" :op2 "General" :op3 "'s" :op4 "Office") :wiki -)) + +(m / send-01 :ARG1 (e / case-03 :name (n2 / name :op1 "ANAR" :op2 "Godzhayev") :wiki -) :ARG2 (u_1692 / court) :ARG0 (p2 / person :ARG0-of (t / prosecute-01)) :location (h / region :location (a / across :op1 (s / sea :name (n5 / name :op1 "Caspian" :op2 "Sea") :source (c / country :name (n / name :op1 "Iran") :wiki "Iran") :wiki "Caspian_Sea")) :location (u_1689 / south :part-of (c4 / country :name (u_1691 / name :op1 "Russia") :wiki "Russia")) :name (u_1690 / name :op1 "Astrakhan") :wiki -)) + +(p3 / tantalum :domain (e / metal :ARG1-of (d / question-01))) + +(u_1699 / possible-01 :ARG1 (c / use-01 :ARG2 (u_1697 / produce-01 :ARG1 (o / and :op2 (u_1696 / reactor :mod (u_1693 / nucleus)) :op3 (d / part :ARG1 (u_1694 / missile)) :op1 (u_1698 / equipment :ARG1-of (f / process-01 :ARG0 (u_1695 / chemical))))) :ARG1 (e / tantalum)) :op1-of (a / and :op2 (u_1700 / subject-01 :ARG2 (u_1701 / restrict-01 :ARG1 (u_1702 / export-01)) :ARG1 (n / law :poss (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia"))))) + +(u_1713 / and :op1 (p3 / chemical :domain (u_1714 / powder-01 :ARG2 (u_1715 / tantalum)) :mod (u_1703 / super-grade)) :op2 (u_1712 / possible-01 :ARG1 (c / use-01 :ARG2 (u_1711 / manufacture-01 :ARG1 (a / and :op1 (u_1710 / phone :ARG1-of (d / mobile-02)) :op4 (u_1706 / good :mod (u_1704 / electronics)) :op2 (u_1708 / computer :ARG1-of (u_1707 / personal-02)) :op3 (e / vehicle :mod (u_1709 / motorcycle))))))) + +(u_1729 / state-01 :ARG1 (f / lie-08 :ARG1 (t2 / thing :ARG1-of (r / contain-01 :ARG0 (e / ship-01 :mod (u_1725 / out)))) :ARG0 (p / person :name (n / name :op1 "Godzhayev") :wiki -) :time (b / after :op1 (u_1719 / ask-02 :ARG0 (u_1724 / person :mod (u_1726 / business) :ARG0-of (h2 / have-rel-role-91 :ARG2 (u_1722 / partner)) :ARG0-of (u_1718 / send-01 :ARG1 (u_1720 / material :quant (m / more-than :op1 (m2 / mass-quantity :unit (u_1727 / ton))) :ARG0-of (u_1723 / contain-01 :ARG1 (u_1716 / tantalum))) :ARG2 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :month (explicitanon4 / 7 :year 2007) :ARG1-of u_1719)))) :location (h / document :mod (u_1728 / customs))) :ARG0 (p2 / person :ARG0-of (t / prosecute-01))) + +(d / detain-01 :ARG1 (p / person :name (n / name :op1 "Godzhayev") :wiki -) :time (b / after :op1 (f / check-01 :ARG1 (e / ship-01) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_1734 / customs) :ARG2 (m2 / official))) :location (u_1733 / container :location (u_1730 / boat :ARG1-of (u_1731 / _ :ARG2 (u_1732 / leave-11 :ARG1 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :ARG0 u_1730))))))) + +(a / and :op2 (u_1736 / possible-01 :ARG1 (d / try-02 :ARG1 (p / person :name (n / name :op1 "Godzhayev") :wiki - :ARG0-of (f / face-01 :time (e / soon) :ARG1 u_1736) :ARG0-of (h2 / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Uzbekistan") :wiki "Uzbekistan") :ARG2 (u_1735 / citizen) :op1-of a))))) + +(d / possible-01 :ARG1 (c / sentence-01 :ARG2 (t / temporal-quantity :unit (y / year) :location (h / prison) :quant (a2 / 7)) :condition (i2 / convict-01 :ARG1 (p / person :name (n / name :op1 "Godzhayev") :wiki - :ARG1-of c)))) + +(d / hold-01 :ARG1 (p / person :name (n / name :op1 "Godzhayev") :wiki -) :location (c2 / city :name (u_1737 / name :op1 "Astrakhan") :wiki -)) + +(c / available-02 :ARG2 (a / and :op1 (p / person :name (n / name :op1 "Godzhayev") :wiki -) :op2 (u_1741 / lawyer)) :purpose (k / comment-01 :ARG0 (e / person :ARG1-of c)) :polarity - :polarity (u_1738 / available-02) :time (u_1740 / immediate :polarity -)) + +(a / and :op2 (f / build-01 :ARG1 (e / plant :mod (u_1744 / power-01 :mod (u_1743 / nucleus)) :ord (o / ordinal-entity :value 1)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")) :ARG0-of (u_1747 / support-01 :ARG1 (c / right-05 :ARG2 (u_1746 / energy :mod (u_1742 / nucleus)) :ARG1 (u_1749 / country :name (u_1748 / name :op1 "Iran") :wiki "Iran")) :op1-of a)))) + +(u_1758 / state-01 :ARG1 (t2 / thing :polarity - :ARG0-of (s / evidence-01) :ARG0-of (u_1757 / prove-01 :ARG1 (u_1756 / claim-01 :ARG1 (u_1752 / seek-01 :ARG0 (u_1760 / government-organization :ARG0-of (u_1761 / govern-01 :ARG1 (u_1762 / country :name (u_1759 / name :op1 "Iran") :wiki "Iran")) :ARG0-of (f / develop-02 :ARG1 (e / weapon :mod (u_1751 / nucleus)) :ARG1-of u_1752))) :ARG0 (a / and :op1 (u_1753 / country :name (u_1754 / name :op1 "U.S.") :wiki "United_States") :op2 (u_1755 / country :location (w2 / world-region :name (n / name :op1 "West") :wiki "Western_world") :mod (u_1750 / other)))))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")))) + +(u_1763 / involve-01 :ARG2 (e / effort :mod (u_1768 / international) :ARG0-of (m / persuade-01 :ARG2 (f / ease-02 :ARG1 (u_1767 / fear-01) :manner (l / abandon-01 :ARG1 (d / enrich-01 :ARG1 (u_1765 / uranium)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran")) :ARG0-of f :ARG1-of m))))) :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / city :name (n3 / name :op1 "Moscow") :wiki "Moscow") :ARG2 (m2 / official)))) + +(u_1771 / question-01 :ARG1 (f / assess-01 :ARG1 (p / threaten-01 :ARG0 (e / missile :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran")) :mod (u_1769 / potential)) :ARG0 (u_1772 / country :name (u_1773 / name :op1 "U.S.") :wiki "United_States")) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia"))) :mod (u_1770 / also)) + +(u_1777 / maintain-01 :ARG0 (f / lead-02 :ARG1 (u_1775 / country :name (u_1776 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :ARG0-of (a2 / cooperate-01 :ARG2 (e / effort :purpose (l2 / thwart-01 :ARG1 (p / proliferate-01 :ARG0 (u_1774 / weapon :ARG2-of (c / destroy-01 :degree (l / mass)))))) :ARG1-of u_1777))) + +(e / date-entity :year 2008 :month 7 :day 28) + +(c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") + +(a / and :op1 (e / narcotic) :op2 (u_1778 / international)) + +(u_1787 / state-01 :ARG1 (u_1784 / contrast-01 :ARG2 (u_1785 / smuggle-01 :ARG1 (u_1786 / chemical :ARG0-of (f / need-01 :ARG1 (u_1779 / complete-01))) :source (m2 / country :mod (u_1780 / other))) :ARG1 (d / _ :ARG1 (c / convert-01 :ARG2 (e / heroin) :ARG1 (u_1782 / resin :mod (u_1781 / opium))) :manner (u_1783 / increase-01))) :ARG0 (p / person :ARG0-of (o / represent-01 :ARG1 (o3 / organization :name (n3 / name :op1 "U.N.") :wiki "United_Nations"))) :location (a / inside :op1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan"))) + +(u_1790 / request-01 :ARG1 (f / share-01 :ARG1 (n / information :poss (u_1792 / person :ARG0-of (u_1793 / smuggle-01 :ARG1 (e / chemical)) :ARG1-of (d / know-01)) :quant (a2 / more)) :ARG0 (u_1789 / community :mod (u_1788 / international))) :ARG0 (p / person :ARG0-of (o / represent-01 :ARG1 (o3 / organization :name (n3 / name :op1 "U.N.") :wiki "United_Nations")))) + +(u_1806 / state-01 :ARG1 (a / and :op1 (d / recommend-01 :ARG1 (u_1800 / do-02 :ARG1 (u_1799 / stop-03 :ARG1 (u_1802 / chemical :ARG1-of (u_1797 / use-01 :ARG2 (c / convert-01 :ARG2 (u_1796 / heroin) :ARG1 (u_1798 / opium))) :ARG0-of (f / reach-01 :ARG1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG2-of u_1799))) :ARG0 (e / community :mod (u_1801 / international)) :degree (l / more))) :op2 (u_1795 / detail-01 :ARG1 (u_1794 / increase-01 :ARG1 (u_1804 / sophistication :ARG1-of (u_1803 / trade-01))))) :ARG0 (o3 / organization :name (n3 / name :op1 "U.N.") :wiki "United_Nations") :mod (u_1805 / drug) :time (d2 / date-entity :month 7 :day 28 :year 2008)) + +(f / produce-01 :ARG1 (e / opium :ARG1-of (i / include-91 :ARG3 (c / more-than :op1 (p2 / percentage-entity :value 90)) :ARG2 (n / opium :poss (u_1807 / world)))) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan")) + +(u_1808 / increase-01 :ARG1 (d / produce-01 :ARG1 (e / opium) :location (c / country :name (n / name :op1 "Afghanistan") :wiki "Afghanistan")) :time (b / since :op1 (u_1813 / invade-01 :ARG0-of (f / remove-01 :ARG1 (u_1809 / regime :mod (u_1811 / criminal-organization :name (u_1814 / name :op1 "Taliban") :wiki "Taliban")) :time (u_1812 / date-entity :year 2001)))) :ARG1-of (u_1815 / long-03 :ARG0 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States"))) + +(u_1821 / believe-01 :ARG1 (u_1820 / _) :ARG0 (f / profit-01 :ARG1 (u_1819 / trade-01 :mod (u_1817 / law)) :ARG0 (a / and :op1 (g / government-organization :ARG0-of (g2 / govern-01)) :op2 (e / militant :mod (c / criminal-organization :name (n / name :op1 "Taliban") :wiki "Taliban"))) :ARG1-of (h / have-org-role-91 :ARG2 (m2 / official) :ARG0 (p2 / person))) :ARG1-of (u_1816 / lead-02 :ARG0 (c4 / country :name (n2 / name :op1 "American-backed") :wiki -))) + +(u_1829 / show-01 :ARG1 (u_1827 / yield-01 :ARG1 (u_1830 / opium :quant (m / approximately :op1 (m2 / mass-quantity :unit (t2 / ton) :quant (a2 / 9000))) :ARG0-of (f / create-01 :ARG1 (u_1823 / heroin :quant (u_1825 / more-than :op1 (u_1824 / mass-quantity :unit (u_1826 / ton) :quant 900))) :ARG1-of (d / possible-01))) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :time (u_1828 / date-entity :year 2007)) :ARG0 (e / figure :mod (c2 / organization :name (n3 / name :op1 "U.N.") :wiki "United_Nations"))) + +(f / state-01 :ARG1 (d / _ :ARG1 (c / convert-01 :ARG2 (e / heroin) :ARG1 (u_1837 / resin :mod (u_1836 / opium))) :location (h / laboratory :location (u_1833 / region :location (a2 / and :op1 (u_1831 / name :op1 "South") :op2 (u_1838 / name :op1 "East" :op2 "Asia")) :mod (u_1832 / border-01) :ARG1-of (u_1834 / insurgency-plagued-01))) :mod (u_1835 / most) :manner (u_1839 / increase-01)) :ARG0 (p / person :name (n / name :op1 "Christina" :op2 "Oguz") :wiki - :ARG0-of (m / represent-01 :ARG1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG2 (g / government-organization :name (u_1841 / name :op1 "U.N." :op2 "Office") :wiki -) :topic (a / and :op2 (o3 / organization :name (n3 / crime)) :op1 (u_1840 / _))))) + +(u_1854 / state-01 :ARG1 (f / indicate-01 :ARG1 (p / assist-01 :ARG0 (u_1852 / chemist :ARG0-of (k / consult-01 :mod (u_1844 / foreign) :purpose-of (c / come-01 :ARG2 (u_1845 / country) :source (m2 / outside) :ARG1 u_1852)))) :ARG0 (d / evidence-01 :ARG1 (e / heroin :mod (c2 / country :name (n3 / name :op1 "Afghanistan") :wiki "Afghanistan") :mod (u_1850 / quality :ARG1-of (u_1851 / high-02 :degree (m / more))))) :ARG1-of (u_1847 / get-01 :ARG0 (u_1848 / person :ARG0-of (u_1849 / run-01 :ARG1 (u_1846 / lab))))) :ARG2 (p2 / person :ARG0-of (t / report-01)) :ARG0 (u_1853 / person :name (n / oguz)) :location (u_1855 / city :name (u_1843 / name :op1 "Kabul") :wiki "Kabul")) + +(f / state-01 :ARG1 (u_1858 / _ :ARG2 (u_1859 / detail-01 :ARG1 (e / country :ARG1-of (d / specific-02)) :polarity -) :ARG1 (u_1857 / originate-01 :ARG2 (u_1860 / country :ARG1-of (c / near-02 :ARG2 (u_1856 / border))) :ARG1 (p2 / person :ARG0-of (t / chemists-01)))) :ARG0 (p / person :name (n / oguz))) + +(f / state-01 :ARG1 (u_1869 / smuggle-01 :ARG2 (a / and :op3 (u_1868 / country :mod (c3 / continent :name (u_1871 / name :op1 "Europe") :wiki "Europe") :ARG2-of (c / include-91)) :op1 (u_1865 / country :name (u_1866 / name :op1 "China") :wiki "China") :op5 (t / part :mod (u_1867 / other) :part-of (e / world)) :op2 (c4 / country :name (n2 / name :op1 "South" :op2 "Korea") :wiki "South_Korea") :op4 (u_1863 / country :name (u_1864 / name :op1 "Russia") :wiki "Russia")) :ARG1 (u_1870 / chemical :ARG1-of (d / need-01 :purpose (l2 / make-01 :ARG1 (u_1861 / heroin))))) :ARG0 (p / person :name (n / oguz))) + +(f / state-01 :ARG1 (u_1878 / use-01 :ARG1 (e / chemical :mod (u_1876 / precursor) :example (s / anhydride :mod (u_1877 / acetic)) :ARG1-of (d / call-01)) :mod (u_1875 / also) :ARG1-of (u_1872 / legal-02) :ARG2-of (c / include-01 :ARG1 (a / and :op1 (u_1879 / paint) :op2 (u_1874 / industry :mod (u_1873 / pharmaceutical))))) :ARG0 (p / person :name (n / oguz) :ARG0-of (u_1880 / so :ARG1 f))) + +(f / state-01 :ARG1 (u_1886 / contrast-01 :ARG2 (u_1887 / divert-01 :ARG2 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :purpose (u_1889 / goal :mod (u_1888 / law)) :time (l4 / late :degree (m / more))) :ARG1 (d / export-01 :ARG1 (e / chemical) :manner (c / law) :frequency (t2 / often))) :ARG0 (p / person :name (n / oguz)) :op1-of (a / and :op2 (u_1884 / have-03 :ARG1 (u_1891 / industry :ARG1-of (u_1890 / major-02) :ARG0-of (u_1885 / require-01 :ARG1 (u_1882 / chemical :mod (u_1881 / such))) :ARG1-of (u_1883 / legal-02)) :polarity -))) + +(u_1892 / state-01 :ARG0 (p / person :name (n / oguz))) + +(d / correct-02 :ARG1 (c / blame-01 :ARG2 (e / problem :location (h / world) :topic (u_1893 / heroin)) :ARG1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :mod (u_1894 / alone)) :polarity -) + +(c / contrast-01 :ARG2 (u_1901 / possible-01 :ARG1 (d / make-01 :ARG1 (e / heroin) :mod (u_1900 / chemical :mod (u_1897 / certain) :polarity - :ARG1-of (u_1899 / produce-01 :polarity -))) :polarity -) :ARG1 (f / produce-01 :ARG1 (u_1903 / opium :domain-of (p3 / material :mod (u_1895 / raw) :purpose (t2 / heroin))) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan")) :op1-of (a / _ :op2 (u_1896 / smuggle-01))) + +(u_1908 / contrast-01 :ARG2 (d / need-01 :ARG1 (c / some :op1 (m2 / mass-quantity :unit (t2 / ton) :quant (a2 / 13000))) :ARG1-of (u_1906 / base-02 :ARG2 (e / figure :mod (c3 / produce-01 :ARG1 (u_1905 / opium)) :time (u_1907 / date-entity :year 2007)))) :ARG1 (f / seize-01 :ARG1 (u_1904 / chemical :quant (m / more-than :op1 (u_1911 / mass-quantity :unit (u_1913 / ton) :quant 200))) :ARG0 (u_1910 / authority :mod (c2 / country :name (n3 / name :op1 "Afghanistan") :wiki "Afghanistan")) :time (b / since :op1 (u_1909 / date-entity :year 2006)))) + +(u_1918 / suggest-01 :ARG1 (f / represent-01 :ARG1 (u_1914 / fraction :ARG1 (u_1917 / total-01 :ARG1-of (u_1916 / smuggle-01)) :mod (u_1915 / small)) :ARG0 (u_1919 / amount :ARG1-of (d / confiscate-01))) :ARG0 (e / figure)) + +(u_1923 / contrast-01 :ARG2 (u_1920 / come-01 :ARG2 (u_1927 / border-01 :ARG2 (u_1926 / country :name (u_1928 / name :op1 "Iran") :wiki "Iran") :mod (u_1922 / west)) :ARG1 (u_1929 / deal :mod (u_1921 / good))) :ARG1 (d / seize-01 :ARG1 (e / chemical) :location (a / along :op1 (c / border-01 :ARG2 (c4 / country :name (n2 / name :op1 "Pakistan") :wiki "Pakistan") :mod (u_1925 / east))) :quant (a2 / most))) + +(u_1940 / state-01 :ARG1 (u_1938 / recommend-01 :ARG1 (f / share-01 :ARG1 (u_1937 / information :quant (a2 / more) :ARG1-of (o / smuggle-01 :ARG0 (p / person :ARG1-of (d / know-01) :ARG1-of (u_1930 / long-established-01) :consist-of (u_1933 / chemical :ARG1-of (u_1934 / base-01 :location (h / country :location (u_1932 / country :name (n / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG1-of (u_1931 / neighbor-01))))))) :ARG0 (e / community :mod (u_1936 / international)))) :ARG0 (u_1939 / person :name (u_1941 / oguz))) + +(u_1945 / concern-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (w / world-region :name (n / name :op1 "West") :wiki "Western_world") :ARG2 (m2 / official))) :ARG0 (f / bankroll-01 :ARG1 (u_1943 / insurgency) :ARG0 (e / militant :mod (c / criminal-organization :name (u_1946 / name :op1 "Taliban") :wiki "Taliban")) :prep-against (a2 / trade-01 :ARG1 (u_1942 / drug))) :ARG1-of (d / increase-01)) + +(u_1952 / come-01 :ARG2 (c / wake-up-02 :op1 (u_1950 / allege-01 :ARG1 (f / protect-01 :ARG1 (e / lord :mod (u_1948 / drug) :ARG1-of (u_1947 / reason :ARG0 f :mod (u_1949 / politics))) :ARG0 (p / person :name (n / name :op1 "Hamid" :op2 "Karzai") :wiki "Hamid_Karzai" :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG2 (d / president)))))) :ARG1 (u_1951 / brief-01 :ARG0 (o3 / organization :name (n3 / name :op1 "U.N.") :wiki "United_Nations"))) + +(f / write-01 :ARG1 (c / go-02 :ARG2 (u_1959 / top :poss (u_1958 / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan")))) :ARG1 (u_1957 / narco-corruption)) :ARG0 (e / _ :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :name (n / name :op1 "U.S." :op2 "State" :op3 "Department") :wiki "United_States_Department_of_State") :ARG2 (d / official :mod (u_1956 / senior) :mod (u_1954 / counter-narcotics) :time (u_1955 / former)))) :medium (t / article :time (s3 / issue :ARG1 (u_1953 / magazine :mod (o3 / newspaper :name (n5 / name :op1 "New" :op2 "York" :op3 "Times") :wiki "The_New_York_Times")) :time (d2 / date-entity :month 7 :day 27 :year 2008)))) + +(u_1968 / allege-01 :ARG1 (u_1966 / reluctant :ARG0 (p / person :name (n / name :op1 "Karzai") :wiki "Hamid_Karzai" :ARG0-of (f / move-02 :ARG1 (e / lord :mod (u_1963 / drug) :mod (u_1964 / big)) :location (u_1961 / base :poss (r / south :part-of (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :location-of (d / produce-01 :ARG1 (u_1965 / opium :quant (a2 / most)))) :mod (u_1962 / power) :mod (u_1960 / politics)) :ARG1-of u_1966))) :ARG0 (u_1967 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)))) + +(u_1972 / state-01 :ARG0 (p / person :name (n / name :op1 "Karzai") :wiki "Hamid_Karzai" :ARG0-of (f / battle-01 :ARG1 (d / trade-01 :ARG1 (e / drug)) :op2-of (a / and :op1 (u_1970 / eliminate-01 :ARG1 (u_1969 / corruption) :ARG0 p) :ARG1-of (u_1971 / commit-01 :ARG0 p :ARG1-of u_1972))))) + +(u_1980 / state-01 :ARG0 (p / person :name (n / oguz) :ARG1-of (c / contrast-01 :ARG2 (a / and :op1 (d / exist-01 :ARG1 (e / corrupt-01) :location (h / system)) :op2 (f / step-01 :ARG0 (u_1981 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)) :ARG0-of (u_1973 / fight-01 :ARG1-of f)) :mod (u_1979 / only) :time (u_1974 / now)) :concession (u_1976 / lack-01 :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG1 (u_1977 / force :mod (u_1975 / police) :ARG1-of (u_1978 / well-trained-01)) :duration (u3 / many :op1 (t / temporal-quantity :unit (y / year))))) :ARG1-of u_1980)) :time (d2 / date-entity :month 7 :year 2008 :day 28)) + +(e / date-entity :year 2008 :month 8 :day 25) + +(c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") + +(a / and :op3 (g / government-organization :ARG0-of (g2 / govern-01)) :op1 (u_1983 / international) :op5 (u_1982 / crime-02) :op2 (e / terrorism) :op4 (u_1984 / narcotic)) + +(f / confiscate-01 :ARG1 (u_1989 / opium :quant (m / mass-quantity :unit (t / ton) :mod (u_1985 / metric) :quant (m2 / mass-quantity :quant 12))) :ARG0 (e / police :mod (u_1988 / counter-01) :mod (c2 / country :name (n3 / name :op1 "Afghanistan") :wiki "Afghanistan") :ARG0-of (u_1987 / drug :ARG1 f)) :time (u_1986 / raid-01)) + +(u_1991 / account-01 :ARG1 (t / thing :ARG1-of (i / include-91 :ARG2 (f / supply-01 :ARG1 (e / world) :ARG0 (u_1990 / opium)) :ARG3 (p2 / percentage-entity :value 93))) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :time (d / date-entity :year 2007)) + +(p / announce-01 :ARG0 (g / government-organization :poss (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :name (n / name :op1 "Interior" :op2 "Ministry") :wiki "Ministry_of_the_Interior_(Afghanistan)") :medium (t / state-01) :time (d2 / date-entity :month 8 :year 2008 :day 25)) + +(f / confiscate-01 :ARG1 (u_1994 / opium :quant (m / mass-quantity :unit (t / ton) :quant (m2 / mass-quantity :quant 12) :mod (u_1992 / metric))) :ARG0 (n / police :poss (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :mod (e / counter-01)) :time (u_1993 / raid-01 :location (h / south)) :quant (a2 / drug)) + +(u_1998 / seize-01 :ARG1 (e / opium :unit (d / ton :mod (u_1997 / metric) :quant (m2 / mass-quantity :quant 12))) :location (h / district :name (n2 / name :op1 "Marjah") :location (u_1996 / province :name (u_1995 / name :op1 "Helmand") :wiki "Helmand_Province") :wiki -) :time (d2 / date-entity :month 8 :year 2008 :day 19)) + +(d / detain-01 :ARG1 (p2 / person :quant (a2 / 3) :ARG0-of (t / smuggle-01))) + +(f / account-01 :ARG1 (d / supply-01 :ARG1 (e / opium) :mod (u_1999 / globe) :ARG2-of (i / _ :ARG3 (p2 / percentage-entity :value 93) :ARG1 f)) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :time (u_2000 / date-entity :year 2007)) + +(f / produce-01 :ARG1 (e / opium) :ARG0 (u_2001 / province :name (n2 / name :op1 "Helmand") :wiki "Helmand_Province") :mod (g / large :degree (m / most) :compared-to (c3 / world))) + +(f / produce-01 :ARG1 (e / opium :quant (m / mass-quantity :unit (t / ton) :quant (a2 / 8200) :mod (u_2002 / metric))) :ARG0 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan") :time (d / date-entity :year 2007)) + +(p3 / ingredient :domain (e / opium) :location (e2 / produce-01 :ARG1 (u_2004 / heroin)) :mod (u_2005 / main)) + +(u_2007 / help-01 :ARG0 (d / trade-01 :ARG1 (e / opium) :mod (m4 / monetary-quantity :unit (d3 / multibillion-dollar)) :ARG0-of (f / fund-01 :ARG1 (u_2008 / insurgency) :ARG1-of u_2007)) :quant (a2 / 4600000000) :ARG1-of (u_2006 / lead-02 :ARG0 (c4 / criminal-organization :name (n2 / name :op1 "Taliban") :wiki "Taliban"))) + +(u_2011 / possible-01 :ARG1 (f / finance-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG2 (m2 / official)) :ARG1-of (d / corrupt-01)) :ARG0 (u_2010 / trade-01 :ARG1 (e / opium) :mod (u_2009 / multibillion-dollar))) :mod 4600000000) + +(e / date-entity :year 2008 :month 8 :day 26) + +(a / and :op1 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :op2 (u_2013 / country :name (u_2014 / name :op1 "Georgia") :wiki "Georgia_(country)")) + +(a / and :op1 (u_2017 / international) :op4 (u_2016 / crime-02) :op2 (e / telecommunication) :op3 (u_2015 / technology)) + +(f / host-01 :ARG1 (e / website :mod (c2 / country :name (n3 / name :op1 "Georgia") :wiki "Georgia_(country)") :quant (a2 / some)) :ARG0 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :purpose (b / protect-01 :ARG1 (u_2018 / _) :ARG2 (p2 / person :ARG0-of (t / hack-04)))) + +(u_2023 / state-01 :ARG1 (f / host-01 :ARG1 (u_2020 / website :poss (g / government-organization :poss (u_2021 / country :name (u_2022 / name :op1 "Georgia") :wiki "Georgia_(country)") :name (n / name :op1 "Central" :op2 "Bank" :op3 "and" :op4 "Foreign" :op5 "Ministry") :wiki -)) :purpose (a2 / protect-01 :ARG2 (e / attack-01 :mod (u_2019 / cyber)) :ARG0 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia" :ARG0-of f)) :duration (s2 / temporary)) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))) :mod (u_2025 / portal :mod (o3 / organization :name (n5 / name :op1 "Georgian" :op2 "English-languages") :wiki -) :mod (u_2024 / news)) :month (explicitanon4 / 8 :day 26 :year 2008)) + +(f / state-01 :ARG1 (m / transfer-01 :ARG1 (u_2039 / website :ARG1-of (d / key-02)) :ARG2 (u_2042 / service :location (h / country :mod (u_2036 / other) :ARG2-of (c / include-91 :ARG1 (a / and :op1 (u_2034 / country :name (u_2035 / name :op1 "Poland") :wiki "Poland") :op2 (c4 / country :name (n2 / name :op1 "France") :wiki "France"))))) :ARG0 (u_2040 / country :name (u_2038 / name :op1 "Georgia") :wiki "Georgia_(country)") :time (b / after :op1 (u_2031 / attack-01 :ARG1 (u_2033 / some) :ARG1-of (u_2037 / follow-01 :ARG2 (u_2027 / break-13 :ARG1 (u_2028 / war-01 :ARG1 (u_2030 / country :name (u_2032 / name :op1 "Russia") :wiki "Russia"))))))) :ARG0 (e / Center :mod (u_2041 / informatics) :mod (c2 / country :name (n3 / name :op1 "Estonia") :wiki "Estonia") :ARG0-of (p / run-01))) + +(u_2049 / state-01 :ARG1 (f / make-02 :ARG1 (a / and :op1 (u_2044 / complicate-01 :degree (l / more)) :op2 (u_2046 / time-consuming) :purpose (k / disrupt-01 :ARG0 (p2 / person :ARG0-of (t / hack-04)))) :ARG0 (d / host-01 :ARG1 (e / website) :location (h / country :ARG1-of (u_2045 / differ-02)))) :ARG0 (p / person :name (n / name :op1 "Katrin") :wiki - :ARG0-of (u_2050 / have-org-role-91 :ARG1 (u_2048 / center :mod (c2 / country :name (n3 / name :op1 "Estonia") :wiki "Estonia") :mod (u_2043 / informatics)) :ARG2 (u_2047 / spokeswoman))) :name (n2 / pargmae)) + +(u_2053 / state-01 :ARG1 (u_2051 / help-01 :ARG1 (f / see-01 :ARG1 (u_2052 / world) :ARG0 (u_2054 / webpage :poss (c4 / country :name (n2 / name :op1 "Georgia") :wiki "Georgia_(country)"))) :ARG0 (d / host-01 :ARG1 (e / website))) :ARG0 (p / person :name (n / name :op1 "Katrin") :wiki -) :mod (u_2055 / also) :name (u_2056 / pargmae)) + +(t / comment-01 :ARG0 (u_2057 / person :name (n / name :op1 "Katrin") :wiki -) :ARG3 (p / attack-01 :ARG0 (c4 / country :name (n2 / name :op1 "Georgia") :wiki "Georgia_(country)")) :polarity - :name (u_2058 / pargmae)) + +(u_2063 / experience-01 :ARG1 (d / cope-01 :ARG1 (e / attack-01 :mod (u_2059 / cyber)) :ARG1-of (f / cause-01 :ARG0 (u_2060 / target-01 :ARG1 (a / and :op1 (g / government-organization :ARG0-of (g2 / govern-01)) :op2 (n / website :poss (u_2062 / sector :ARG1-of (u_2061 / private-03)))) :time (d2 / date-entity :month 5 :year 2007)))) :ARG0 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :time (u_2064 / previous)) + +(d / _ :ARG1 (e / attack-01 :time (d3 / date-entity :year 2007 :month 5) :time (b / after :op1 (u_2067 / decide-01 :ARG0 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia" :ARG0-of (f / relocate-01 :ARG1 (a / and :op1 (u_2066 / memorial :mod (c2 / country :name (n3 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :mod (u_2065 / war)) :op2 (u_2069 / grave)) :ARG1-of u_2067))) :time (u_2068 / day)))) + +(f / anger-01 :ARG1 (a / and :op1 (u_2073 / minority :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia") :mod (u_2071 / country :name (u_2070 / name :op1 "Estonia") :wiki "Estonia") :mod (u_2072 / ethnic)) :op2 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia" :ARG1-of (d / neighbor-01))) :ARG0 (e / relocate-01)) + +(m / accuse-01 :ARG2 (f / mount-02 :ARG1 (u_2079 / attack-01 :mod (u_2075 / professional) :ARG1-of (d / organize-01 :degree (l / high))) :ARG0 (e / country :mod (u_2078 / any) :ARG1-of m) :ARG1-of (u_2076 / state-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (u_2077 / official))) :polarity -) + +(p3 / state :domain (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia") :location (w2 / world-region :name (n / name :op1 "Baltic") :wiki "Baltic_states")) + +(e / date-entity :year 2008 :month 9 :day 3) + +(c / continent :name (n / name :op1 "Europe") :wiki "Europe") + +(a / and :op3 (e / terrorism) :op1 (u_2081 / international) :op5 (u_2082 / business) :op2 (u_2083 / money) :op4 (u_2080 / crime-02)) + +(f / overturn-01 :ARG1 (e / verdict :purpose (l2 / freeze-02 :ARG1 (n / asset :poss (a / and :op1 (u_2087 / individual) :op2 (u_2086 / group) :quant (a2 / multiple) :ARG1-of (c / accuse-01 :ARG2 (d / funding-01 :ARG1 (u_2085 / organization :mod (u_2084 / terrorism)))))))) :ARG0 (u_2088 / court :poss (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG1-of (h2 / high-02 :degree (m / most))) :year (explicitanon3 / 2008 :time (u_2089 / date-entity :month 9) :time (u_2090 / date-entity :day 3))) + +(u_2099 / overturn-01 :ARG1 (u_2097 / decide-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (u_2107 / organization :name (u_2106 / name :op1 "European" :op2 "Union") :wiki "European_Union")) :ARG0-of (u_2096 / freeze-02 :ARG1 (u_2095 / asset :poss (a / and :op1 (u_2094 / businessman :mod (c2 / country :name (u_2098 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia")) :op2 (e / charity :ARG2-of (u_2092 / suspect-01 :ARG1 (f / funding-01 :ARG1 (u_2093 / group :mod (c / criminal-organization :name (u_2108 / name :op1 "Al-Qaida") :wiki "Al-Qaeda") :mod (u_2091 / terror)) :ARG0 e))))) :ARG1-of u_2097)) :time (d / date-entity :year 2001)) :ARG0 (n / court :poss (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG1-of (h2 / high-02 :degree (m / most)) :ARG0-of (u_2103 / own-01 :ARG1 u_2099 :location (u_2105 / city :name (u_2104 / name :op1 "Sweden-based") :wiki -))) :year (u_2102 / 2008 :time (u_2100 / date-entity :month 9) :time (u_2101 / date-entity :day 3))) + +(u_2114 / conflict-01 :ARG1 (o3 / organization :name (n3 / name :op1 "United" :op2 "Nations") :wiki "United_Nations") :ARG2 (t2 / thing :ARG2-of (a3 / order :ARG0 (g / counter-01 :ARG0-of (g2 / govern-01))) :ARG0-of (m / oblige-01 :ARG2 (f / freeze-02 :ARG1 (n / asset :poss (a / and :op1 (u_2111 / person) :op2 (u_2117 / entity) :ARG2-of (c / suspect-01 :ARG1 (d / fund-01 :ARG1 (u_2110 / group :mod (u_2109 / terrorism)))))) :ARG0 (u_2115 / organization :name (u_2116 / name :op1 "United" :op2 "Nations" :op3 "Member" :op4 "States") :wiki - :ARG1-of m)))) :ARG0 (e / rule-01)) + +(f / state-01 :ARG1 (u_2126 / fail-01 :ARG1 (e / order-01 :ARG0-of (u_2129 / offer-01 :ARG1 (u_2118 / right-05 :ARG2 (u_2125 / review-01 :manner (c / judiciary)) :mod (u_2119 / any) :ARG1-of (u_2124 / legal-02)) :ARG2 (a / or :op1 (u_2123 / individual :ARG1-of (d / blacklist-01 :mod (u_2121 / terror))) :op2 (u_2127 / individual :mod (u_2122 / defense))) :ARG2-of u_2126))) :ARG0 (n / court :poss (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG1-of (h2 / high-02 :degree (m / most))) :mod (u_2128 / also) :location (h / law)) + +(f / acknowledge-01 :ARG1 (u_2133 / possible-01 :ARG1 (u_2132 / justify-01 :ARG1 (u_2131 / reason :ARG1 (d / freeze-02 :ARG1 (a / and :op1 (p / person :name (n / name :op1 "Yasin" :op2 "Al-Qadi") :wiki -) :op2 (o3 / organization :name (n3 / name :op1 "Al-Barakaat" :op2 "International" :op3 "Foundation") :wiki -)) :poss-of (u_2130 / asset))))) :ARG0 (u_2136 / court :poss (u_2134 / organization :name (u_2135 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG1-of (h2 / high-02 :degree (m / most)))) + +(d / know-01 :ARG1 (u_2140 / unfreeze-00 :ARG1 (e / asset) :ARG0 (u_2141 / nation :mod (o3 / organization :name (n5 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG0-of (f / set-up-03 :ARG1 (u_2139 / blacklist-01 :mod (u_2137 / joint) :mod (u_2138 / terror)))) :mode "interrogative") :polarity -) + +(m / remove-01 :ARG1 (u_2149 / blacklist-01) :ARG2 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG0 (e / group) :manner (u_2161 / official) :time (u_2162 / so-far) :polarity - :ARG1-of (u_2147 / _ :ARG2 (c / force-01 :ARG2 (f / inform-01 :ARG1 (a / and :op1 (u_2144 / individual) :op2 (u_2145 / group)) :ARG0 (d / freeze-02 :ARG1 (u_2148 / asset))) :mod (u_2146 / only))) :ARG1-of (u_2155 / cause-01 :ARG0 (u_2154 / argue-01 :ARG1 (u_2158 / oblige-01 :ARG1 (u_2153 / nation :name (n2 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG2 (u_2157 / remove-01 :ARG1 (u_2150 / list-01) :ARG0 (u_2152 / name)) :ARG0 (p / rule-01 :ARG0 (u_2156 / court)) :polarity -) :ARG0 (u_2160 / organization :name (u_2159 / name :op1 "European" :op2 "Union" :op3 "Governments") :wiki -)))) + +(u_2169 / appeal-02 :ARG1 (u_2168 / decide-01 :ARG0 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union" :ARG0-of (f / freeze-02 :ARG1 (e / asset :mod (u_2167 / proprietor)) :ARG1-of u_2168))) :ARG0 (p / person :name (n / name :op1 "Muwafaq" :op2 "Foundation" :op3 "Yasin" :op4 "Al-Qadi") :wiki - :ARG1-of (d / head-01)) :ARG1-of (u_2165 / _ :location (u_2164 / country :name (u_2166 / name :op1 "Saudi-based") :wiki -))) + +(f / allege-01 :ARG1 (p3 / name :domain (o3 / organization :name (n3 / name :op1 "Muwafaq" :op2 "Foundation") :wiki -) :op1 "al-Qaida" :op2 "Front" :ARG1-of (u_2173 / use-01 :ARG2 (c / funnel-01 :ARG1 (a / and :op1 (m / monetary-quantity :unit (d / dollar)) :op2 (u_2172 / monetary-quantity :unit (u_2171 / euro)) :quant (u_2170 / multiple :op1 1000000)) :ARG2 p3))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :name (n / name :op1 "United" :op2 "States" :op3 "Treasury") :wiki -) :ARG2 (m2 / official)))) + +(u_2184 / appeal-02 :ARG1 (u_2181 / decide-01 :ARG1 (f / freeze-02 :ARG1 (a / or :op1 (m / monetary-quantity :unit (d / krone) :mod (c2 / country :name (n3 / name :op1 "Sweden") :wiki "Sweden") :quant (a2 / 1000000)) :op2 (u_2176 / monetary-quantity :quant 152247 :unit (u_2174 / dollar :mod (u_2177 / country :name (u_2175 / name :op1 "United" :op2 "States") :wiki "United_States")))) :ARG0 (u_2179 / monetary-quantity :quant (u_2178 / _))) :ARG0 (o3 / organization :name (u_2180 / name :op1 "European" :op2 "Union") :wiki "European_Union")) :ARG0 (u_2182 / organization :name (u_2183 / name :op1 "Al-Barakaat" :op2 "International") :wiki -)) + +(f / state-01 :ARG1 (u_2186 / use-01 :ARG1 (e / money :ARG2-of (c / fund-01 :ARG1 (u_2187 / program :beneficiary (a / family) :mod (u_2185 / aid-01)) :ARG2-of u_2186))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Al-Barakaat" :op2 "International") :wiki -) :ARG2 (m2 / lawyer))) :location (u_2188 / country :name (n / name :op1 "Somalia") :wiki "Somalia")) + +(u_2201 / state-01 :ARG1 (f / examine-01 :ARG1 (e / way) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Al-Barakaat" :op2 "International") :wiki -) :ARG2 (m2 / lawyer))) :time (u_2197 / now)) :ARG0 (p / person :name (n / name :op1 "Thomas" :op2 "Olsson") :wiki -) :purpose (l2 / _ :ARG1 (u_2194 / release-01 :ARG2 (u_2198 / person :location (u_2196 / country :name (u_2202 / name :op1 "Sweden") :wiki "Sweden") :mod (c2 / country :name (u_2200 / name :op1 "Somali") :wiki -) :ARG0-of (t / immigrate-01) :ARG0-of (u_2192 / use-01 :ARG1 (u_2191 / network) :ARG2 (m / send-01 :ARG1 (u_2199 / fund-01) :ARG2 (u_2203 / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (u_2193 / relative))) :ARG0 u_2198))) :ARG1 (u_2195 / asset)))) + +(u_2209 / state-01 :ARG1 (c / obligate-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Al-Barakaat" :op2 "International") :wiki -) :ARG2 (m2 / lawyer)) :ARG0-of (f / examine-01 :ARG1 (n / consequence :poss (e / verdict) :mod (u_2207 / judiciary)) :ARG2-of c))) :ARG0 (p / person :name (u_2210 / name :op1 "Thomas" :op2 "Olsson") :wiki -) :mod (u_2206 / also) :ARG1-of (u_2205 / cause-01 :ARG0 (p3 / remain-01 :ARG3 (u_2208 / level) :ARG1 (t / thing :ARG2-of (p4 / sanction-02))))) + +(f / state-01 :ARG1 (u_2218 / require-01 :ARG1 (a2 / inform-01 :ARG2 (u_2219 / person :mod (u_2217 / any) :ARG1-of (d / freeze-02 :manner (c / swift :degree (l / most)) :compared-to (p5 / possible-01 :ARG1 d) :manner (u_2211 / _) :time (b / after :op1 (u_2216 / decide-01) :purpose (l2 / allow-01 :ARG1 (u_2213 / right-05 :ARG2 (u_2215 / recourse :ARG1-of (u_2214 / legal-02)) :ARG1 (u_2212 / person)))) :poss-of (n / asset))) :ARG0 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :mod (e / 27-nation) :wiki "European_Union" :ARG2-of u_2218))) :ARG0 (u_2223 / court :poss (u_2220 / organization :name (u_2222 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG1-of (h2 / high-02 :degree (m / most))) :time (d2 / date-entity :month 9 :year 2008 :day 3) :ARG1-of (u_2221 / _)) + +(u_2226 / approve-01 :ARG1 (e / rule-01) :ARG0 (p / person :name (n / name :op1 "Thomas" :op2 "Olsson") :wiki - :ARG0-of (u_2224 / lawyer :mod (c2 / country :name (n3 / name :op1 "Sweden") :wiki "Sweden")) :ARG0-of (f / represent-01 :ARG1 (p5 / political-party :name (u_2225 / name :op1 "Al-Barakaat") :wiki -) :time (u_2227 / case-03)))) + +(u_2233 / possible-01 :ARG1 (f / hinder-01 :ARG1 (u_2232 / effort :purpose (l2 / stop-01 :ARG1 (d / finance-01 :ARG1 (u_2229 / group :mod (u_2228 / terror) :ARG2-of (c / include-01 :ARG1 (c5 / criminal-organization :name (n2 / al-Qaida)))))) :mod (u_2230 / international)) :ARG0 (e / rule-01 :mod (u_2231 / this)))) + +(u_2240 / overturn-01 :ARG1 (t2 / thing :time (d / date-entity :year 2005) :time (l4 / early :degree (m / more)) :ARG1-of (r / decide-01 :ARG0 (u_2242 / court :mod (o3 / organization :name (n5 / name :op1 "European" :op2 "Union") :wiki "European_Union"))) :ARG0-of (f / reject-01 :ARG1 (u_2236 / appeal-01 :ARG0 (o / and :op2 (u_2238 / organization :name (n3 / name :op1 "Al-Barakaat") :wiki -) :op3 (u_2239 / foundation :mod (u_2235 / international)) :op1 (p / person :name (n / name :op1 "Al-Qadi") :wiki -))))) :ARG0 (e / rule-01)) + +(u_2258 / state-01 :ARG1 (d / err-01 :purpose (l / state-01 :ARG1 (u_2252 / have-03 :ARG1 (u_2256 / jurisdiction :purpose (l2 / review-01 :ARG1 (u_2249 / legality :poss (u_2248 / order-01 :ARG1 (u_2247 / freeze-02 :ARG1 (n / asset :poss (a / and :op1 (u_2250 / individual) :op2 (u_2244 / group)) :ARG0-of (f / fund-01 :ARG1 (u_2246 / group :mod (u_2245 / terror)) :ARG1-of (u_2254 / deem-01)))) :ARG1-of (u_2243 / contest-01))))) :ARG0 (u_2251 / court :mod (u_2255 / organization :name (n5 / name :op1 "European" :op2 "Union") :wiki "European_Union")) :polarity -) :ARG0 (p / judge-01 :ARG0 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :mod (e / court) :ARG1-of (c2 / low-04 :degree (m / more)) :ARG1-of d)) :manner (c / law)) :ARG0 (u_2257 / rule-01)) + +(a2 / win-01 :ARG2 (u_2259 / win-01 :ARG0 (a / and :op1 (p4 / person :ARG2-of (c2 / suspect-01)) :op2 (e / group) :mod (u_2262 / other) :ARG0-of (f / blacklist-01 :ARG1 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :mod (u_2263 / terror)) :ARG0-of (u_2265 / cause-01 :ARG1 (u_2264 / list-01) :ARG1-of (d / resemble-01) :ARG1-of u_2259) :ARG0-of a2) :ARG1-of (u_2260 / legal-02)) :mod (u_2261 / also)) + +(a2 / or :domain (a / and :op1 (p4 / person :ARG2-of (c2 / suspect-01)) :op2 (u_2270 / group) :mod (u_2268 / this) :ARG0-of (f / _ :ARG1 a2 :time (u_2267 / so-far) :polarity -)) :op2 (c / remove-01 :ARG2 (d / blacklist-01 :ARG1 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union")) :ARG1 (u_2269 / name)) :op1 (e / asset) :ARG1-of (u_2266 / unfreeze-01)) + +(u_2275 / overturn-01 :ARG1 (u_2272 / decide-01 :ARG0 (u_2276 / organization :name (u_2277 / name :op1 "European" :op2 "Union") :wiki "European_Union" :ARG0-of (f / freeze-02 :ARG1 (u_2279 / asset :poss (u_2273 / organization :name (u_2274 / name :op1 "People" :op2 "'s" :op3 "Mujahadeen") :mod (c2 / country :name (u_2271 / name :op1 "Iran") :wiki "Iran") :wiki -)) :ARG1-of u_2272))) :ARG0 (n / court :poss (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :mod (e / _)) :time (u_2278 / previous)) + +(d / movement-07 :ARG1 (o3 / organization :name (n3 / name :op1 "People" :op2 "'s" :op3 "Mujahadeen") :mod (c2 / country :name (u_2280 / name :op1 "Iran") :wiki "Iran") :wiki -) :mod (e / resist-01) :ARG1-of (u_2281 / exile-01) :ARG0-of (f / blacklist-01 :ARG1 (u_2282 / organization :name (u_2283 / name :op1 "European" :op2 "Union") :wiki "European_Union") :mod (u_2284 / terror))) + +(u_2296 / overturn-01 :ARG1 (u_2291 / decide-01 :ARG1 (u_2288 / freeze-02 :ARG1 (n / asset :poss (a / and :op1 (p / person :mod (c2 / country :name (n3 / name :op1 "Philippines") :wiki "Philippines") :ARG0-of (o / lead-02 :ARG1 (p2 / person :ARG0-of (t / rebel-01))) :ARG1-of (d / exile-01)) :op2 (o3 / organization :name (u_2287 / name :op1 "Netherlands-based" :op2 "Al-Aqsa" :op3 "Foundation") :wiki -) :ARG0-of (f / breach-01 :ARG1 (e / law :mod (u_2286 / organization :name (n5 / name :op1 "EU") :wiki "European_Union"))))) :ARG1-of (u_2290 / cause-01 :ARG0 (c / inform-01 :ARG2 (u_2289 / cause-01) :polarity -)))) :ARG0 (g / government-organization :poss (u_2292 / organization :name (u_2294 / name :op1 "European" :op2 "Union") :wiki "European_Union") :name (u_2297 / name :op1 "High" :op2 "Court") :wiki -) :time (u_2295 / recent) :ARG1-of (u_2293 / freeze-02)) + +(f / frozen-01 :ARG1 (e / asset) :ARG0 (u_2302 / person :quant (a2 / 370)) :ARG1-of (u_2300 / cause-01 :ARG0 (u_2299 / place-01 :ARG2 (d / blacklist-01 :ARG1 (u_2301 / terrorism)) :ARG1 (o3 / organization :name (n3 / name :op1 "United" :op2 "Nations" :op3 "Security" :op4 "Council") :wiki "United_Nations_Security_Council")))) + +(f / target-01 :ARG1 (e / organization :quant (m / about :op1 60)) :ARG0 (p / blacklist-01 :ARG0 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union")) :mod (u_2304 / also)) + +(e / date-entity :year 2008 :month 9 :day 3) + +(c4 / country :name (n2 / name :op1 "Brazil") :wiki "Brazil") + +(o / and :op2 (u_2305 / technology) :op3 (e / international) :op1 (u_2306 / weapon)) + +(u_2322 / state-01 :ARG1 (f / call-03 :ARG1 (u_2316 / establish-01 :ARG1 (d / partner-01 :ARG1 (e / country :ARG2-of (c / include-91 :ARG1 (a / and :op1 (u_2311 / country :name (u_2312 / name :op1 "Russia") :wiki "Russia") :op2 (c4 / country :name (n2 / name :op1 "France") :wiki "France")))) :purpose (l2 / build-01 :ARG1 (u_2315 / industry :mod (u_2313 / state-of-the-art) :mod (u_2314 / weapon))))) :ARG0 (u_2317 / plan-01 :mod (u_2308 / new) :mod (u_2310 / defense :mod (u_2309 / nation)))) :ARG0 (p / person :name (n / name :op1 "Roberto" :op2 "mangabeira" :op3 "Unger") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (u_2318 / country :name (u_2319 / name :op1 "Brazil") :wiki "Brazil") :ARG2 (u_2320 / minister :mod (u_2321 / affairs :mod (u_2307 / economy)))))) + +(u_2331 / state-01 :ARG1 (u_2328 / plan-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :ARG0-of (f / rebuild-01 :ARG1 (e / industry :mod (u_2324 / weapon)) :ARG1-of (u_2327 / help-01 :ARG0 (u_2326 / technology :ARG1-of (d / develop-02 :location (h / country :mod (u_2325 / other))))) :ARG1-of u_2328))) :ARG0 (p / person :name (n / name :op1 "Roberto" :op2 "mangabeira" :op3 "Unger") :wiki - :ARG0-of (u_2332 / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Brazil") :wiki "Brazil") :ARG2 (u_2329 / minister :mod (u_2330 / affair :mod (u_2323 / strategy))))) :time (d2 / date-entity :month 9 :day 3 :year 2008)) + +(u_2344 / state-01 :ARG1 (f / call-01 :ARG1 (u_2338 / establish-01 :ARG1 (d / partner-01 :ARG1 (u_2342 / country :ARG2-of (c / include-91 :ARG1 (a / and :op1 (u_2343 / country :name (u_2341 / name :op1 "Russia") :wiki "Russia") :op2 (u_2335 / country :name (u_2336 / name :op1 "France") :wiki "France")))) :purpose (l2 / build-01 :ARG1 (u_2337 / industry :mod (u_2333 / weapon) :mod (u_2334 / state-of-the-art))))) :ARG0 (u_2345 / plan-01 :ARG0 (c4 / country :name (n2 / name :op1 "Brazil") :wiki "Brazil") :topic (e / defense :mod (u_2339 / nation)) :mod (u_2340 / new))) :ARG0 (p / person :name (n / name :op1 "Unger") :wiki -)) + +(f / state-01 :ARG1 (u_2347 / involve-01 :ARG2 (t / element :part-of (c4 / country :name (n2 / name :op1 "Research" :op2 "and" :op3 "Development") :location (c / country :name (n / name :op1 "Brazil") :wiki "Brazil") :wiki -) :ARG1-of (d / significant-02)) :ARG1 (u_2348 / transfer-01 :ARG1 (e / technology) :mod (u_2346 / such))) :ARG0 (p / person :name (u_2349 / name :op1 "Unger") :wiki -)) + +(u_2355 / state-01 :ARG1 (f / consider-02 :ARG1 (d / increase-01 :ARG1 (g / spend-01 :ARG4 (e / defend-01)) :ARG1-of (u_2350 / significant-02) :ARG1-of (c / stand-01 :ARG2 (p2 / percentage-entity :value 15) :time (u_2351 / current))) :ARG0 (u_2352 / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Brazil") :wiki "Brazil")))) :ARG0 (p / person :name (n / name :op1 "Unger") :wiki -) :time (u_2354 / week :mod (u_2353 / date-entity :month 8 :year 2008 :day 24)) :ARG3-of (w2 / _ :ARG2 (u_2358 / product :mod (u_2356 / domestic) :ARG1-of (u_2357 / gross-03)))) + +(u_2359 / _ :ARG2 (u_2361 / monetary-quantity :quant 5500000000) :ARG1 (c / approximately :op1 (m / monetary-quantity :unit (d / dollar) :mod (c2 / country :name (n3 / us)))) :mod (e / product :mod (u_2362 / country :name (u_2360 / name :op1 "Brazil") :wiki "Brazil")) :time (u_2363 / date-entity :year 2007)) + +(e / date-entity :year 2008 :month 9 :day 12) + +(c4 / country :name (n2 / name :op1 "Sweden") :wiki "Sweden") + +(a / and :op1 (e / international) :op4 (u_2365 / crime-02) :op2 (u_2366 / money) :op3 (u_2367 / terrorism)) + +(f / drop-05 :ARG0 (p / person :name (n / name :op1 "Ronnie" :op2 "Jacobsson") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Sweden") :wiki "Sweden") :ARG2 (d / prosecute-01)) :ARG1-of (u_2369 / charge-05 :ARG2 (u_2371 / person :quant (m / 3) :ARG1-of (c / arrest-01 :ARG2 (u_2368 / suspect-01 :ARG1 (u_2370 / fund-01 :ARG1 (e / terrorism))))) :ARG1-of f)) :time (d2 / date-entity :day 9 :year 2008 :month 9)) + +(f / state-01 :ARG1 (u_2376 / press-01 :ARG1 (e / charge-05 :quant (a2 / 3 :ARG1-of (c / arrest-01 :ARG2 (u_2372 / suspect-01 :ARG1 (d / fund-01 :ARG1 (u_2375 / terrorism))) :time (l / early :degree (m2 / more) :op1 (u_2374 / date-entity :year 2008))))) :polarity -) :ARG0 (p / person :name (n / name :op1 "Ronnie" :op2 "Jacobsson") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Sweden") :wiki "Sweden") :ARG2 (u_2377 / prosecute-01))) :time (d2 / date-entity :month 9 :day 9 :year 2008) :mod (c2 / country :name (n3 / name :op1 "Swedes") :wiki -)) + +(d / drop-05 :ARG1 (e / charge-05) :ARG1-of (u_2383 / cause-01 :ARG0 (u_2382 / possible-01 :ARG1 (f / provide-01 :ARG1 (u_2384 / intend-01 :ARG1 (m / send-01 :ARG1 (u_2379 / money) :ARG2 (u_2385 / organization :mod (u_2380 / terrorism)) :ARG0 (u_2381 / man))) :ARG0 (p / person :name (n / name :op1 "Ronnie") :wiki -)) :polarity -))) + +(u_2395 / accuse-01 :ARG1 (e / _ :mod (c2 / country :name (n3 / name :op1 "Swedes") :wiki -) :ARG0-of (u_2389 / use-01 :ARG1 (u_2396 / network :mod (c3 / transfer-01 :ARG1 (u_2391 / money)) :mod (u_2392 / formal) :ARG1-of (c / call-01 :ARG2 (u_2390 / hawala))) :ARG2 (m / send-01 :ARG1 (u_2394 / fund-01) :ARG2 (u_2388 / group :location (u_2393 / country :name (n / name :op1 "Somalia") :wiki "Somalia") :mod (u_2386 / terror) :ARG1-of (d / allege-01)) :ARG0 e) :ARG2-of u_2395))) + +(d / arrest-01 :ARG1 (p / person :quant (m / 3) :mod (c2 / country :name (n3 / name :op1 "Swedes") :wiki -)) :time (d4 / date-entity :month 2) :time (e / raid-01 :location (u_2397 / city :name (n / name :op1 "Stockholm") :wiki -))) + +(u_2399 / coordinate-01 :ARG2 (u_2398 / crack-down-06 :ARG1 (d / arrest-01 :ARG1 (p4 / person :quant (a2 / 3) :mod (u_2402 / another) :ARG2-of (c2 / suspect-01))) :location (c / country :name (n / name :op1 "Norway") :wiki "Norway")) :ARG1 (e / raid-01) :manner (u_2400 / grounds-02 :ARG1-of (u_2401 / resemble-01))) + +(f / state-01 :ARG1 (d / go-on-15 :ARG1 (u_2403 / investigate-01 :ARG0 (c4 / country :name (n2 / name :op1 "Norway") :wiki "Norway")) :mod (e / still)) :ARG0 (p / person :name (n / name :op1 "Ronnie" :op2 "Jacobsson") :wiki -)) + +(c / age-01 :ARG2 (a / or :op1 (t / temporal-quantity :quant 30) :op2 (u_2404 / temporal-quantity :unit (y / year) :quant (a2 / 40))) :ARG1 (e / person) :quant (u_2405 / 3 :mod (c2 / country :name (n3 / name :op1 "Swedes") :wiki -))) + +(p3 / system :domain (e / hawala) :ARG1-of (d / paperless-01) :ARG1-of (u_2411 / use-01 :manner (c / common) :location (u_2408 / and :op1 (w / world-region :name (n / name :op1 "Middle" :op2 "East") :wiki "Middle_East") :op2 (u_2416 / part :location (a2 / and :op1 (u_2410 / continent :name (u_2409 / name :op1 "Asia") :wiki "Asia") :op2 (u_2406 / continent :name (u_2407 / name :op1 "Africa") :wiki "Africa"))))) :ARG1-of (u_2414 / base-02 :ARG2 (a / _ :op1 (u_2415 / trust-02) :op2 (u_2413 / agree-01 :mod (u_2412 / oral))))) + +(u_2424 / state-01 :ARG1 (a2 / and :domain (c / keep-01 :ARG2 (u_2425 / detain-01) :ARG1 (u_2419 / client :ARG1-of (d / represent-01)) :concession (r / evidence-01 :mod (u_2421 / weak)) :ARG1-of (u_2420 / long-03 :degree (l / such))) :op2 (f / fail-01 :ARG1 (u_2422 / order) :ARG0 (a / and :op1 (u_2417 / law) :op2 (c4 / country :name (n2 / name :op1 "Sweden") :wiki "Sweden"))) :op1 (u_2418 / tragic :degree (u_2423 / very))) :ARG0 (p / person :name (n / name :op1 "Thomas" :op2 "Olsson") :wiki - :ARG0-of (h / have-rel-role-91 :ARG2 (d2 / lawyer :mod (e / Defense))))) + +(d / hold-01 :ARG1 (c / include-91 :ARG2 (e / man :quant (a2 / 2))) :duration (u3 / more-than :op1 (t / temporal-quantity :unit (y / month) :quant 3)) :time (b / before :op1 (u_2428 / release-01 :time (s3 / start-01 :ARG1 (u_2427 / summer) :year 2008)))) + +(u_2435 / state-01 :ARG1 (a / and :op2 (f / find-02 :ARG1 (u_2430 / reason :ARG1 (u_2429 / keep-02 :ARG1 (d / detain-01 :ARG1 (u_2434 / man)))) :ARG0 (e / court :ARG0-of (u_2433 / examine-01 :ARG1 (u_2431 / order-01 :ARG1 (u_2432 / detain-01)) :frequency (r2 / rate-entity-91 :ARG3 (t / temporal-quantity :unit (y / week) :quant (a2 / 2))) :op1-of a)))) :ARG0 (p / person :name (n / name :op1 "Ronnie" :op2 "Jacobsson") :wiki -)) + +(u_2441 / contrast-01 :ARG2 (f / voice-01 :ARG1 (u_2444 / concern-01 :ARG0 (p / operate-01 :ARG0 (a / or :op1 (u_2445 / terrorist) :op2 (u_2443 / finance-01 :mod (u_2442 / terror))) :mod (c3 / continent :name (n / name :op1 "Scandinavia") :wiki -))) :ARG0 (e / authority :location (h / country))) :ARG1 (c / spare-01 :ARG2 (u_2447 / act-02 :mod (u_2438 / terror) :mod (u_2439 / violence)) :ARG1 (u_2446 / and :op1 (c4 / country :name (n2 / name :op1 "Norway") :wiki "Norway") :op2 (u_2436 / country :name (u_2437 / name :op1 "Sweden") :wiki "Sweden") :mod (u_2440 / _)))) + +(i / sentence-01 :ARG3 (a / and :op2 (u_2448 / transfer-01 :ARG1 (u_2452 / money :ARG0-of (f / collect-01 :ARG1 (u_2453 / person :name (n / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi") :mod (u_2449 / terrorist) :wiki - :ARG2-of u_2448) :op1-of a)))) :ARG2 (e / prison) :ARG1 (p / person :quant (m / 2) :mod (c2 / country :name (n3 / name :op1 "Iraq") :wiki "Iraq")) :location (c / country :name (u_2451 / name :op1 "Sweden") :wiki "Sweden") :time (d / date-entity :year 2005)) + +(f / lead-02 :ARG1 (c5 / criminal-organization :name (n2 / name :op1 "al-Qaida") :wiki "Al-Qaeda") :ARG0 (p / person :name (n / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi") :wiki -) :location (u_2454 / country :name (u_2455 / name :op1 "Iraq") :wiki "Iraq") :time (e / late)) + +(e / date-entity :year 2008 :month 9 :day 26) + +(c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") + +(a / and :op6 (u_2457 / weapon) :op3 (u_2458 / technology) :op2 (u_2459 / military) :op5 (e / space) :op1 (u_2460 / international) :op4 (p2 / person :ARG0-of (t / lead-02))) + +(u_2464 / plan-01 :ARG1 (a / and :op2 (f / modernize-01 :ARG1 (u_2463 / military) :ARG0 (d / war-01 :ARG1 (c4 / country :name (n2 / name :op1 "Georgia") :wiki "Georgia_(country)") :time (e / recent) :ARG0-of (u_2462 / upgrade-02 :ARG1 (t / thing :mod (u_2461 / nucleus) :ARG3-of (d2 / deter-01)) :op1-of a)))) :ARG0 (o3 / country :name (n3 / name :op1 "Russian" :op2 "Federation") :wiki "Russia")) + +(f / order-02 :ARG1 (a / and :op1 (d / upgrade-02 :ARG1 (u_2468 / deter-01 :ARG0 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :mod (e / nucleus))) :op2 (u_2465 / modernize-01 :ARG1 (u_2467 / force :ARG1-of (u_2466 / arm-01)))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president)))) + +(u_2480 / include-01 :ARG2 (e / upgrade-02 :mod (u_2481 / this)) :ARG1 (u_2479 / plan-01 :ARG1 (a / and :op1 (d / build-01 :ARG1 (u_2482 / network :mod (u_2475 / defend-01 :location (a2 / and :op1 (u_2474 / air) :op2 (u_2473 / space))) :mod (u_2476 / new))) :op2 (u_2472 / begin-01 :ARG1 (u_2477 / produce-01 :ARG1 (u_2478 / warship :ARG2-of (c / include-01 :ARG1 (u_2470 / submarine :mod (u_2469 / nucleus)))) :mod (u_2471 / scale)))))) + +(u_2487 / state-01 :ARG1 (c / obligate-01 :ARG2 (f / make-02 :ARG1 (p3 / priority :domain (d / modernize-01 :ARG1 (e / military)) :topic (p / war-01 :ARG1 (u_2484 / country :name (u_2485 / name :op1 "Georgia") :wiki "Georgia_(country)") :time (u_2483 / recent))) :ARG0 (c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia"))) :ARG0 (u_2486 / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president)))) + +(f / state-01 :time (c2 / meet-03 :ARG0 (u_2491 / person :ARG0-of (u_2492 / have-org-role-91 :ARG2 (g2 / officer))) :time (b / after :op1 (u_2493 / exercise :location (r / south :part-of (u_2489 / _ :name (n2 / name :op1 "Orenburg") :wiki -)) :mod (u_2490 / military))) :ARG1 (e / this :ARG1-of f)) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president))) :time (d2 / date-entity :month 9 :day 26 :year 2008)) + +(a / and :op2 (f / carry-01 :ARG1 (e / agency :mod (u_2495 / state) :mod (u_2496 / news)) :degree (l / full) :ARG0 (u_2497 / state-01 :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president))) :ARG1-of (c / post-01 :ARG2 (u_2494 / website :poss (u_2498 / government-organization :name (u_2499 / name :op1 "Kremlin") :wiki "Moscow_Kremlin")) :op1-of a)))) + +(f / state-01 :ARG1 (c / obligate-01 :ARG2 (d / modernize-01 :ARG1 (u_2501 / army :poss (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")) :time (b / by :op1 (u_2500 / date-entity :year 2020)))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president)))) + +(m / give-01 :ARG2 (p / person :mod (e / military) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / command-02)) :ARG0-of (f / come-up-11 :ARG1 (u_2504 / plan-01) :ARG1-of m)) :ARG0 (u_2503 / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (u_2505 / have-org-role-91 :ARG2 (g / president))) :time (b / until :op1 (d / date-entity :month 12 :year 2008))) + +(e / date-entity :year 2008 :month 9 :day 26) + +(c4 / country :name (n2 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") + +(a / and :op6 (p2 / person :ARG0-of (t / lead-02)) :op3 (u_2509 / technology) :op2 (u_2508 / military) :op5 (e / weapon) :op1 (u_2507 / international) :op4 (u_2506 / space)) + +(u_2516 / state-01 :ARG1 (u_2513 / highlight-01 :ARG1 (f / need-01 :ARG1 (e / modernize-01) :ARG0 (u_2511 / military)) :ARG0 (c / conflict-01 :ARG2 (c4 / country :name (n2 / name :op1 "Georgia") :wiki "Georgia_(country)") :mod (u_2512 / military) :time (d3 / date-entity :year 2008 :month 8))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h / have-org-role-91 :ARG1 (u_2514 / country :name (u_2515 / name :op1 "Russia") :wiki "Russia") :ARG2 (d / president))) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia")) + +(u_2522 / plan-01 :ARG0 (p / person :name (n / name :op1 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (f / _ :ARG1 (e / system :prep-in (t / place) :ARG2-of (c / include-01 :ARG1 (a / and :op1 (u_2518 / warship) :op2 (u_2517 / submarine :ARG1-of (d / power-01)))) :ARG0-of (u_2523 / deter-01 :mod (u_2519 / nucleus)) :ARG1-of (u_2520 / guarantee-01)) :time (b / by :op1 (u_2521 / date-entity :year 2020)) :ARG1-of u_2522))) + +(u_2533 / state-01 :ARG1 (c / obligate-01 :ARG2 (a / and :op2 (u_2531 / upgrade-02 :ARG1 (u_2530 / deter-01 :mod (u_2528 / nucleus)) :manner (l / build-01 :ARG1 (u_2529 / network :mod (u_2524 / new) :location (a2 / and :op2 (u_2526 / air) :op1 (u_2527 / defend-01 :mod (u_2525 / space) :mod-of u_2529))) :ARG0 (e / military :ARG0-of u_2531 :ARG0-of (f / modernize-01 :ARG1 (u_2532 / force :ARG1-of (u_2534 / arm-01)) :op1-of a)))))) :ARG0 (p / person :name (n / name :op1 "Dmitry" :op2 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :ARG2 (d / president))) :time (d2 / date-entity :month 9 :day 26 :year 2008)) + +(u_2543 / announce-01 :ARG0 (p / person :name (n / name :op1 "Medvedev") :wiki "Dmitry_Medvedev" :ARG0-of (u_2541 / plan-01 :ARG1 (f / begin-01 :ARG1 (u_2539 / produce-01 :ARG1 (e / warship :ARG2-of (u_2537 / include-01 :ARG1 (u_2538 / submarine :ARG1-of (c / arm-01 :ARG2 (u_2536 / missile :mod (u_2535 / cruise))) :ARG1-of (d / power-01)))) :mod (u_2540 / scale)) :ARG0 p) :ARG1-of u_2543)) :mod (u_2542 / also)) + +(a2 / state-01 :ARG0 (p / person :name (n / name :op1 "Medvedev") :wiki "Dmitry_Medvedev") :ARG2 (u_2547 / person :mod (e / military) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / command-02))) :time (b / after :op1 (u_2546 / exercise :location (h / _ :name (n2 / name :op1 "Orenburg") :location (u_2544 / south) :wiki -) :mod (u_2545 / military))) :mod (u_2548 / person)) + +(a / and :op2 (f / carry-01 :ARG1 (e / agency :mod (u_2550 / news) :mod (u_2551 / state)) :ARG0 (t3 / thing :ARG1-of (s / state-01) :ARG1-of (c / post-01 :ARG2 (u_2549 / site :poss (g / government-organization :name (n / name :op1 "Kremlin") :wiki "Moscow_Kremlin") :mod (u_2552 / web)) :op1-of a)))) + +(u_2553 / state-01 :ARG0 (p / person :name (n / name :op1 "Medvedev") :wiki "Dmitry_Medvedev")) + +(f / demonstrate-01 :ARG1 (u_2554 / need-01 :ARG1 (u_2555 / modernize-01)) :ARG0 (d / conflict-01 :ARG1 (c4 / country :name (n2 / name :op1 "Georgia") :wiki "Georgia_(country)") :time (d2 / date-entity :month 8 :year 2008) :mod (e / military))) + +(c / contrast-01 :ARG2 (a / and :op2 (u_2560 / defeat-01 :ARG1 (u_2559 / army) :ARG0 (u_2564 / military :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia") :ARG0-of (m / respond-01 :ARG1 (u_2565 / attack-01 :ARG1 (u_2561 / region :name (u_2557 / name :op1 "South" :op2 "Ossetia") :wiki "South_Ossetia" :ARG1-of (d / break-away-14)) :ARG0 (c4 / country :name (n2 / name :op1 "Georgia") :wiki "Georgia_(country)")) :ARG2 (u_2558 / force-04) :op1-of a))) :purpose-of (f / highlight-01 :ARG1 (e / arsenal :mod (u_2562 / age-01)) :ARG0 (u_2563 / war-01 :duration (s2 / brief))))) + +(c / obligate-01 :ARG2 (f / ensure-01 :ARG1 (u_2574 / superiority :location (h / air)) :ARG0 (e / military :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia")) :op1-of (u_2572 / and :op2 (u_2569 / strike-01 :ARG2 (u_2570 / target-01) :location (a2 / and :op1 (u_2566 / land) :op2 (u_2567 / sea)) :manner (u_2568 / precision)) :op3 (d / deploy-01 :ARG1 (u_2573 / force) :manner (u_2571 / timely-03))))) + +(a / and :op2 (m / give-01 :ARG2 (f / devise-01 :ARG1 (u_2578 / plan-01) :ARG0 (p / person :mod (e / military) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / command-02)) :ARG1-of m)) :time (b / until :op1 (d / date-entity :month 12 :year 2008)) :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia" :ARG0-of (u_2582 / _ :ARG1 (u_2581 / system :prep-in (t / place) :ARG1-of (u_2580 / guarantee-01) :ARG0-of (u_2583 / deter-01 :mod (u_2575 / nucleus))) :time (u_2579 / by :op1 (u_2576 / date-entity :year 2020)) :ARG2-of (c / obligate-01 :op1-of a))))) + +(f / need-01 :ARG1 (u_2586 / and :op1 (e / submarine :mod (a / multi-purpose :polarity -) :ARG0-of (p / attack-01)) :op2 (u_2587 / submarine :ARG1-of (d / power-01) :ARG1-of (c / arm-01 :ARG2 (u_2585 / missile :mod (u_2584 / cruise))))) :ARG0 (u_2588 / military :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia"))) + +(u_2598 / mention-01 :ARG1 (e / submarine :mod (u_2589 / nucleus) :mod (u_2590 / new) :mod (u_2597 / borei-class) :ARG1-of (p3 / design-01 :ARG3 (f / carry-01 :ARG1 (u_2596 / missile :mod (u_2594 / intercontinental) :mod (u_2595 / new) :ARG1-of (c / see-01 :ARG2 (u_2592 / component :poss (n / force :poss (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :mod (u_2593 / nucleus)) :time (u_2591 / future) :ARG1-of (d / key-02)))) :ARG0 e))) :ARG0 (p / person :name (u_2599 / name :op1 "Medvedev") :wiki "Dmitry_Medvedev") :polarity -) + +(d / fire-01 :ARG1 (e / missile) :time (b / after :op1 (u_2600 / fail-01 :quant (a2 / several))) :time (u_2601 / week :time (d2 / date-entity :month 9 :year 2008 :day 14)) :manner (c / success) :ARG1-of (u_2602 / test-01)) + +(a / and :op1 (d / commission-01 :ARG1 (e / submarine :mod (u_2605 / new) :ord (o / ordinal-entity :value 1)) :time (l / late :degree (m2 / more) :op1 (u_2604 / date-entity :year 2008))) :op2 (u_2606 / build-01 :ARG1 (u_2607 / more) :quant (a2 / 2))) + +(c / contrast-01 :ARG2 (m / direct-01 :ARG1 (e / money :mod (u_2617 / more)) :ARG2 (u_2618 / system :mod (u_2613 / new) :mod (u_2614 / weapon)) :ARG0 (g / government-organization :name (n / name :op1 "Kremlin") :wiki "Moscow_Kremlin") :source (m2 / profit-01 :mod (u_2616 / oil)) :time (u_2619 / recent)) :ARG1 (f / affect-01 :ARG1 (u_2620 / force :ARG1-of (d / arm-01)) :ARG0 (u_2621 / problem :poss (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :mod (u_2612 / economy)) :time (b / after :op1 (u_2611 / collapse-01 :ARG1 (u_2609 / country :name (u_2610 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :time (u_2608 / date-entity :year 1991))))) + +(e / date-entity :year 2008 :month 10 :day 20) + +(o / and :op2 (u_2624 / country :name (u_2625 / name :op1 "Russian" :op2 "Federation") :wiki "Russia") :op3 (u_2622 / country :name (u_2623 / name :op1 "Georgia") :wiki "Georgia_(country)") :op1 (c4 / country :name (n2 / name :op1 "Netherlands") :wiki "Netherlands")) + +(u_2627 / and :op3 (a / and :op1 (u_2626 / war-01) :op2 (u_2628 / conflict-01)) :op1 (u_2629 / international) :op5 (u_2630 / military) :op2 (e / weapon) :op4 (g / government-organization :ARG0-of (g2 / govern-01))) + +(u_2635 / find-01 :ARG1 (f / kill-01 :ARG1 (u_2634 / cameraman :mod (u_2632 / television)) :ARG0 (u_2636 / bomb :mod (u_2633 / cluster) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia")) :location (u_2631 / country :name (n / name :op1 "Georgia") :wiki "Georgia_(country)") :time (d / date-entity :year (explicitanon3 / date-entity :year 2007))) :ARG0 (p / investigate-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (e / name :op1 "Dutch"))))) + +(u_2643 / say-01 :ARG1 (u_2641 / find-01 :ARG1 (f / kill-01 :ARG1 (u_2640 / cameraman :mod (u_2638 / television)) :ARG0 (e / bomb :mod (u_2639 / cluster) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia")) :location (u_2637 / country :name (n / name :op1 "Georgia") :wiki "Georgia_(country)") :time (d / date-entity :year (explicitanon3 / date-entity :year 2007))) :ARG0 (p / investigate-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))) :ARG0 (u_2644 / government-organization :name (u_2645 / name :op1 "Dutch" :op2 "Foreign" :op3 "Ministry") :wiki -) :time (u_2642 / date-entity :year 2008 :month 10 :day 20)) + +(d / die-01 :ARG1 (p / person :name (n / name :op1 "Stan" :op2 "Storiman") :mod (e / name :op1 "Dutchman") :wiki -) :time (u_2650 / conflict-01 :ARG0 (u_2651 / province :name (n2 / name :op1 "South" :op2 "Ossetia") :wiki "South_Ossetia" :ARG1-of (u_2649 / break-away-14)) :time (s3 / film-01 :ARG1 (u_2648 / fight-01 :location (c / city :name (u_2652 / name :op1 "Gori") :location (u_2646 / country :name (u_2647 / name :op1 "Georgia") :wiki "Georgia_(country)") :wiki -))))) + +(d / kill-01 :time (s3 / film-01 :location (h / square :location (c2 / city :name (u_2655 / name :op1 "Gori") :wiki -) :mod (e / large) :mod (u_2654 / desert-01 :mod (u_2653 / near))) :ARG1 (p / person :name (n / name :op1 "Storimans") :wiki - :ARG1-of d))) + +(f / say-01 :ARG1 (d / die-01 :ARG1 (e / civilian :quant (a2 / several) :mod (c2 / country :name (n3 / name :op1 "Georgia") :wiki "Georgia_(country)")) :location (h / attack-01 :ARG1-of (u_2656 / same-01))) :ARG0 (p / person :name (n / name :op1 "Jeroen" :op2 "Akkermans") :wiki - :ARG0-of (u_2657 / report-01))) + +(a / and :op2 (u_2658 / suffer-01 :ARG0 (p / person :name (n / name :op1 "Akkermans") :wiki - :ARG1-of (d / injure-01 :mod (e / minor) :ARG1-of u_2658) :ARG0-of (f / work-01 :ARG1 (u_2659 / person :name (u_2660 / name :op1 "Storimans") :wiki -) :op1-of a)))) + +(f / employ-01 :ARG1 (p3 / newsman :domain (p / person :name (n / name :op1 "Storimans") :wiki -) :mod (e / veteran)) :ARG0 (c / company :name (u_2662 / name :op1 "RTL" :op2 "Nieuws") :wiki -)) + +(f / own-01 :ARG1 (c / company :name (n / name :op1 "RTL" :op2 "Nieuws") :wiki -) :ARG0 (e / conglomerate :mod (u_2663 / media) :mod (c2 / country :name (n3 / name :op1 "Germany") :wiki "Germany")) :manner (u_2664 / ultimate) :name (n2 / name :op1 "Bertelsmann" :op2 "AG") :wiki -) + +(u_2683 / say-01 :ARG1 (u_2679 / conclude-01 :ARG1 (u_2677 / kill-01 :ARG1 (p / person :name (n / name :op1 "Storimans") :wiki -) :ARG0 (e / munition :ARG1-of (f / propel-01 :ARG0 (u_2676 / rocket :mod (u_2675 / type) :ARG1-of (d / find-01 :mod (u_2674 / only) :location (a2 / arsenal :poss (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :mod (u_2673 / military))))))) :ARG0 (u_2678 / team :ARG0-of (u_2680 / investigate-01) :ARG0-of (l / gather-02 :ARG1 (t2 / thing :mod (u_2670 / forensic) :ARG0-of (s / evidence-01)) :purpose-of (c / send-01 :ARG2 (u_2671 / spot) :time (u_2666 / late :quant (u_2667 / temporal-quantity :unit (y / week) :quant 2)) :ARG1 u_2678 :op1-of (a / and :op2 (u_2669 / account-01 :mod (u_2668 / eyewitness))))))) :ARG0 (u_2682 / ministry :mod (u_2665 / foreign))) + +(m / call-01 :ARG2 (d / serious :degree (l / very) :ARG1 (t3 / thing :ARG1-of (s / find-01) :ARG1-of m)) :ARG0 (p / person :name (n / name :op1 "Maxime" :op2 "Verhagen") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / minister :mod (e / foreign))))) + +(u_2689 / state-01 :ARG1 (f / clarify-10 :ARG1 (c / obligate-01 :ARG2 (d / use-01 :ARG1 (e / munition :mod (u_2686 / cluster)) :mod (u_2687 / this) :polarity -)) :ARG0 (u_2688 / authority :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia"))) :ARG0 (u_2685 / say-01 :ARG0 (p / person :name (n / name :op1 "Verhagen") :wiki -))) + +(a / and :op1 (u_2692 / troop :location (c2 / city :name (n / name :op1 "Gori") :wiki -) :ARG1-of (u_2691 / present-01 :polarity -)) :op2 (d / kill-01 :ARG1 (e / civilian :mod (u_2690 / innocence)))) + +(u_2695 / deny-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")) :ARG0-of (c2 / war-01 :ARG1 (u_2696 / country :name (u_2697 / name :op1 "Georgia") :wiki "Georgia_(country)") :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2007 :month 8)) :time (u_2694 / brief) :time-of (f / use-01 :ARG1 (e / munition :mod (u_2693 / cluster)) :ARG0 g :ARG1-of u_2695))) :month 10) + +(u_2703 / say-01 :ARG1 (f / unleash-01 :ARG1 (u_2701 / weapon :ARG1-of (d / denounce-01 :degree (l / wide))) :ARG0 (e / side :mod (u_2700 / both))) :ARG0 (u_2702 / group :mod (u_2699 / right :mod (u_2698 / human)))) + +(f / acknowledge-01 :ARG1 (u_2709 / use-01 :ARG1 (e / munition :mod (u_2707 / cluster) :ARG1-of (d / ground-launched-01) :ARG1-of (c / near-02 :ARG2 (u_2706 / tunnel :name (u_2710 / roki) :ARG0-of (m / connect-01 :ARG1 (c2 / country-region :name (n / name :op1 "South" :op2 "Ossetia") :wiki "South_Ossetia") :ARG2 (u_2711 / country :name (u_2705 / name :op1 "Russia") :wiki "Russia")))) :ARG1-of (u_2708 / use-01))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / georgiann))) :ARG0-of (u_2704 / _ :ARG1 f))) + +(u_2713 / say-01 :ARG1 (f / plan-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Netherlands") :wiki "Netherlands")) :ARG0-of (m / raise-01 :ARG1 (e / matter) :ARG2 (o3 / organization :name (n3 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe") :wiki "Organization_for_Security_and_Co-operation_in_Europe") :ARG1-of f))) :ARG0 (p / person :name (n / name :op1 "Verhagen") :wiki -)) + +(u_2717 / and :op2 (m / include-01 :ARG1 (a / and :op1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :op2 (u_2714 / country :name (u_2715 / name :op1 "Georgia") :wiki "Georgia_(country)")) :ARG2 (u_2716 / country :ARG0-of (h / have-org-role-91 :ARG2 (m2 / member))) :ARG0 (o3 / organization :name (n3 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe") :wiki "Organization_for_Security_and_Co-operation_in_Europe" :ARG0-of (f / address :ARG1 (p / issue-02 :ARG0 (d / control-01 :ARG1 (e / arm))) :op1-of u_2717)))) + +(u_2726 / say-01 :ARG1 (m / call-03 :ARG2 (d / state-01 :ARG1 (a2 / pledge-01 :ARG2 (f / use-01 :ARG1 (u_2722 / weapon :mod (u_2718 / cluster)) :polarity - :time (u_2721 / situation :mod (u_2720 / kind :mod (u_2719 / this))) :ARG0 (e / state :ARG0-of (h2 / have-org-role-91 :ARG2 (u_2728 / member)) :ARG0-of a2))) :mod (u_2723 / politics) :ARG1-of (u_2724 / issue-01 :ARG1-of m)) :ARG0 (p / person :ARG0-of (o / represent-01 :ARG1 (u_2725 / government-organization :ARG0-of (g2 / govern-01))))) :ARG0 (g / government-organization :name (n / name :op1 "Dutch" :op2 "Foreign" :op3 "Ministry") :wiki -)) + +(c / pack-01 :ARG2 (a / or :op1 (e / shell :mod (u_2730 / artillery)) :op2 (u_2731 / bomb :ARG1-of (d / drop-01 :source (m2 / aircraft)))) :ARG1 (u_2732 / bomblet :mod (u_2729 / cluster))) + +(m / scatter-01 :ARG1 (e / mini-explosives :ARG2-of (u_2738 / _ :ARG1 m :quant (o2 / some :op2 600 :op1 200))) :ARG2 (u_2740 / area :ARG1-of (c / size :ARG2 (u_2735 / field :mod (u_2734 / football)))) :ARG0 (u_2736 / container :ARG1-of (d / single-02)) :ARG1-of (u_2733 / typical-02)) + +(m / criticize-01 :ARG1 (u_2745 / bomblet :mod (u_2741 / cluster)) :ARG2 (f / pose-02 :ARG1 (c / threaten-01 :ARG2 (e / civilian) :ARG1-of (u_2750 / resemble-01 :ARG2 (u_2751 / mine :mod (u_2749 / land)))) :ARG0 (u_2752 / ordinance :ARG1-of (d / unexploded-01))) :ARG0 (u_2754 / group :mod (u_2744 / right :mod (u_2743 / human)) :ARG0-of (u_2755 / cause-01 :ARG1 m)) :ARG1-of (u_2748 / cause-01 :ARG0 (u_2747 / and :ARG0-of (p / kill-01 :manner (u_2753 / discriminate-01))))) + +(u_2760 / agree-01 :ARG0 (e / country :quant (m / more-than :op1 100) :ARG0-of (f / ban-01 :ARG1 (u_2762 / bomb :mod (u_2759 / cluster)) :ARG1-of u_2760)) :location (u_2758 / city :name (n / name :op1 "Dublin") :location (u_2756 / country :name (u_2757 / name :op1 "Ireland") :wiki "Republic_of_Ireland") :wiki "Dublin") :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2008 :month 5)) :month 4 :time (b / after :op1 (t / temporal-quantity :unit (y / year) :quant (a2 / 8)))) + +(f / sign-02 :ARG1 (e / accord-03) :ARG0 (g / government-organization :mod (u_2763 / country :name (n3 / name :op1 "Georgia") :wiki "Georgia_(country)") :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")))) + +(e / date-entity :year 2008 :month 10 :day 23) + +(c4 / country :name (n2 / name :op1 "France") :wiki "France") + +(a / and :op3 (u_2767 / terrorism) :op1 (u_2766 / international) :op5 (e / weapon) :op2 (u_2764 / money) :op4 (u_2765 / crime-02)) + +(f / convict-01 :ARG1 (e / person :quant (a2 / 9)) :ARG0 (o3 / organization :name (n3 / name :op1 "Paris" :op2 "Criminal" :op3 "Court") :wiki -) :time (d2 / date-entity :day 23 :month 10 :year 2008)) + +(c / include-01 :ARG2 (e / this :ARG1-of (u_2775 / have-org-role-91 :ARG0 c)) :ARG1 (u_2776 / inmate :mod (c2 / country :name (n3 / name :op1 "French-Algerian") :wiki -) :time (u_2769 / former) :mod (u_2774 / prison) :ARG0-of (u_2772 / admit-01 :ARG1 (u_2771 / establish-01 :ARG1 (u_2773 / group :mod (r2 / religious-group :name (n2 / name :op1 "Islam") :wiki "Islam") :ARG0-of (f / call-03 :ARG1 (u_2770 / name :op1 "Jihad" :ARG1-of (d / arm-01)))) :ARG0 u_2776))) :location (u_2768 / country :name (n / name :op1 "France") :wiki "France")) + +(f / convict-01 :ARG1 (e / person :quant (a2 / 9)) :ARG0 (o3 / organization :name (n3 / name :op1 "Paris" :op2 "Criminal" :op3 "Court") :wiki -) :time (d2 / date-entity :day 23 :month 10 :year 2008)) + +(c / include-01 :ARG2 (e / this :ARG1-of (u_2784 / have-org-role-91 :ARG0 c)) :ARG1 (u_2785 / inmate :mod (u_2778 / prison) :time (u_2779 / former) :mod (c2 / country :name (n3 / name :op1 "French-Algerian") :wiki -) :ARG0-of (u_2782 / admit-01 :ARG1 (u_2781 / establish-01 :ARG1 (u_2783 / group :mod (r2 / religious-group :name (n2 / name :op1 "Islam") :wiki "Islam") :ARG0-of (f / call-03 :ARG1 (u_2780 / name :op1 "Jihad" :ARG1-of (d / arm-01)))) :ARG0 u_2785))) :location (u_2777 / country :name (n / name :op1 "France") :wiki "France")) + +(c / sentence-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 15) :location (h / prison)) :ARG1 (p / person :name (n / name :op1 "Bourada") :wiki - :ARG1-of (d / respect-01))) + +(u_2786 / penalize-01 :ARG2 (c / _ :op1 (t / temporal-quantity :unit (y / year) :quant 9)) :ARG1 (e / other :quant (a2 / 8)) :manner (u_2790 / charge-05 :ARG1-of (u_2789 / link-01 :ARG2 (a / and :op2 (u_2787 / associate-01 :ARG1 (u_2791 / group :mod (u_2788 / terror) :ARG1-of (d / finance-01 :op1-of a))))))) + +(f / admit-01 :ARG1 (d / create-01 :ARG1 (e / group :name (n2 / name :op1 "Ansar" :op2 "Al-Fath") :mod (u_2795 / militant) :wiki - :op1-of (a / or :op2 (u_2794 / partisan :mod (u_2793 / win-01))))) :ARG0 (p / person :name (n / name :op1 "Bourada") :wiki -) :location (h / court)) + +(c / suspect-01 :ARG1 (f / plan-01 :ARG1 (d / attack-01 :ARG1 (a / and :op1 (u_2797 / metro :location (c2 / city :name (n / name :op1 "Paris") :wiki "Paris")) :op2 (u_2796 / airport :name (n2 / name :op1 "Orly") :wiki -))) :ARG0 (e / group :ARG2-of c))) + +(d / dismantle-01 :ARG1 (e / it) :time (u_2798 / date-entity :year 2005) :time (b / after :op1 (f / receive-01 :ARG1 (p / tip :ARG0 (u_2802 / counterpart :mod (c2 / country :name (n3 / name :op1 "Algeria") :wiki "Algeria"))) :ARG0 (u_2799 / authority :mod (u_2801 / country :name (u_2800 / name :op1 "France") :wiki "France"))))) + +(i / include-91 :ARG3 (u_2804 / _ :ARG1 (u_2803 / support-01 :ARG1 (u_2808 / bomb-01 :ARG0-of (f / terrorize-01 :ARG1 (c4 / country :name (u_2806 / name :op1 "France") :wiki "France") :time (u_2807 / date-entity :year 1995))))) :ARG2 (e / militant :mod (r2 / religious-group :name (n2 / name :op1 "Islam") :wiki "Islam") :quant (a2 / 36) :ARG1-of (d / convict-01 :time (b / before :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / year) :quant 10)))) :ARG1 (p / person :name (n / name :op1 "Bourada") :wiki -)) + +(u_2811 / contrast-01 :ARG2 (c / win-01 :ARG2 (u_2812 / release-01 :time (u_2809 / early) :time (d / date-entity :year 2003) :ARG0-of (u_2813 / surveil-01 :ARG1 (u_2810 / police)))) :ARG1 (f / receive-01 :ARG1 (e / term :duration (t2 / temporal-quantity :unit (y / 10-year))) :ARG0 (p / person :name (n / name :op1 "Bourada") :wiki -)) :quant (a2 / 5)) + +(c / qualify-02 :ARG2 (e / parole :quant (m / at-least :op1 (t / temporal-quantity :unit (y / year) :quant (a2 / 10)))) :ARG1 (p / person :name (n / name :op1 "Bourada") :wiki -) :polarity - :mod (u_2814 / verdict :time (d2 / date-entity :day 23 :month 10 :year 2008))) + +(m / tell-01 :ARG1 (c / contact-01 :ARG2 (p / person :name (n / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi") :wiki - :ARG0-of (f / lead-02 :ARG1 (c5 / criminal-organization :name (n2 / name :op1 "al-Qaida") :wiki "Al-Qaeda") :mod (c2 / country :name (n3 / name :op1 "Iraq") :wiki "Iraq") :time (e / former))) :mod (u_2818 / indirect) :ARG1-of (u_2817 / terrorism :ARG0 m)) :ARG2 (p4 / publication :name (n4 / name :op1 "Associated" :op2 "Press") :wiki "Associated_Press") :ARG0 (u_2819 / person :name (u_2821 / chaboud) :ARG0-of (u_2820 / head-01 :ARG1 (t / unit :part-of (g / government-organization :name (u_2815 / name :op1 "National" :op2 "Police" :op3 "Christophe") :wiki -) :ARG1-of (d / counter-01)))) :time (u_2822 / date-entity :year 2005)) + +(d / kill-01 :ARG1 (p / person :name (n / name :op1 "Abu" :op2 "Musab" :op3 "al-Zarqawi") :wiki -) :year (explicitanon3 / 2006 :time (u_2823 / date-entity :month 6)) :time (e / airstrike :location (h / province :name (n2 / name :op1 "Diyala") :wiki -) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States"))) + +(u_2836 / rule-01 :ARG1 (m / _ :ARG1 (c / train-01 :ARG2 (u_2831 / weapon) :location (u_2826 / country :name (u_2827 / name :op1 "Lebanon") :wiki "Lebanon") :ARG1-of (p3 / design-01 :ARG3 (f / help-01 :ARG1 (u_2830 / carry-out-03 :ARG1 (u_2825 / bomb-01 :location (u_2824 / country :name (u_2829 / name :op1 "France") :wiki "France"))) :ARG0 c))) :ARG2 (p / person :name (n / ouarab) :ARG0-of (h / have-org-role-91 :ARG1 (e / group) :ARG2 (d / member))) :ARG0 (u_2833 / person :name (u_2832 / name :op1 "Kaci") :wiki -) :time (u_2834 / date-entity :year 2005)) :ARG0 (u_2835 / court)) + +(i / sentence-01 :ARG3 (d / possible-01 :ARG1 (e / parole :quant (m / at-least :op1 6)) :polarity -) :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 9)) :ARG1 (p / person :name (n / ouarab))) + +(u_2842 / consider-01 :ARG1 (f / succeed-02 :ARG1 (p / person :name (n / name :op1 "Bourada") :wiki -) :ARG0 (u_2838 / person :name (u_2839 / ouarab)) :ARG1-of (d / natural-03) :ARG1-of (u_2840 / legitimate-02) :ARG1-of (u_2841 / operate-01)) :ARG0 (e / court)) + +(f / consider-01 :ARG1 (e / operative :mod (u_2844 / important) :mod (u_2845 / finance) :op1-of (a / and :op2 (u_2843 / organize-01))) :ARG0 (p / person :name (n / name :op1 "Kais" :op2 "Melliti") :wiki -)) + +(c / give-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 8)) :ARG1 (p / person :name (n / name :op1 "Melliti") :wiki -) :mod (e / that) :mod (u_2846 / _ :quant (m / at-least :op1 (u_2848 / temporal-quantity :unit (u_2849 / two-thirds)))) :manner (r2 / possible-01 :ARG1 (u_2847 / parole) :polarity -)) + +(c / sentence-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 5)) :ARG1 (p / person :name (n / badaoui) :name (n2 / name :op1 "Djamel") :wiki -)) + +(f / rule-01 :ARG1 (c / charge-05 :ARG2 (d / seize-01 :ARG1 (e / good) :manner (l / extort-01 :ARG1 (u_2852 / prostitute-01) :ARG0 (u_2853 / money) :purpose (l2 / fund-01 :ARG1 (u_2850 / attack-01 :purpose (t2 / terror))) :time (u_2851 / occasion-02 :quant (a2 / 3)))) :ARG1 (p / person :name (n / badaoui))) :ARG0 (u_2854 / court)) + +(c / sentence-01 :ARG2 (t / temporal-quantity :unit (y / three-year) :ARG2-of (u_2857 / _ :ARG1 c)) :ARG1 (a / and :op1 (u_2855 / person :name (u_2856 / hadoux)) :op2 (p / person :name (n / name :op1 "Emmanuel" :op2 "Nieto") :wiki -) :mod (e / name :op1 "Stephane"))) + +(f / suspend-01 :ARG1 (u_2858 / half) :ARG0 (e / court)) + +(c / convert-01 :ARG2 (r / religious-group :name (n2 / name :op1 "Islam") :wiki "Islam") :ARG1 (p / person :quant (m / 2)) :mod (c2 / country :name (n3 / name :op1 "France") :wiki "France")) + +(e / date-entity :year 2008 :month 10 :day 31) + +(a / _ :op1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :op4 (u_2859 / country :name (u_2860 / name :op1 "China") :wiki "China") :op2 (u_2861 / country :name (u_2862 / name :op1 "United" :op2 "Kingdom") :wiki "United_Kingdom") :op3 (u_2863 / country :name (u_2864 / name :op1 "Zimbabwe") :wiki "Zimbabwe")) + +(o / and :op2 (e / weapon) :op3 (u_2866 / politics) :op1 (u_2865 / international)) + +(u_2872 / vote-01 :ARG0 (e / nation :quant (a2 / some) :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "United" :op2 "Nations") :wiki "United_Nations") :ARG2 (d / member :mod (u_2873 / organization :name (n5 / name :op1 "General" :op2 "Assembly") :wiki "United_Nations_General_Assembly"))) :ARG0-of (u_2870 / move-01 :ARG1 (u_2869 / create-01 :ARG1 (u_2875 / treaty :mod (a / precedent :polarity -) :ARG0-of (f / regulate-01 :ARG1 (u_2874 / trade-01 :ARG1 (u_2868 / arm) :mod (u_2867 / globe))))) :direction (s / ahead) :ARG1-of (u_2871 / oppose-01 :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :concession-of u_2872) :ARG1-of u_2872)) :time (u_2876 / date-entity :year 2008 :month 10 :day 31)) + +(m / win-01 :ARG1 (u_2891 / endorse-01 :ARG1 (c / move-01 :concession (u_2889 / oppose-01 :ARG0 (u_2892 / country :name (u_2888 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG1 (u_2890 / create-01 :ARG2-of c)) :direction (s / forward)) :ARG0 (o3 / organization :name (n3 / name :op1 "United" :op2 "Nations" :op3 "General" :op4 "Assembly") :wiki -) :mod (u_2878 / overwhelm-01) :time (u_2879 / date-entity :year 2008 :month 10 :day 31)) :ARG2 (u_2881 / treaty :ARG1-of (u_2880 / regulate-01)) :ARG0 (u_2887 / and :op1 (c4 / country :name (n2 / name :op1 "Britain") :wiki "United_Kingdom") :op2 (e / nation :mod (u_2882 / other) :quant (a2 / 6) :ARG0-of (u_2885 / support-01 :ARG1 (u_2886 / treaty :mod (a / precedent :polarity -) :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_2884 / arm) :mod (u_2883 / globe)))))))) + +(f / vote-01 :ARG0 (e / nation :quant (a2 / 147 :ARG1-of (d / include-91)) :quant 192 :ARG0-of (h2 / have-org-role-91 :ARG2 (g / member)) :ARG1-of (u_2894 / move-01 :direction (s / ahead) :ARG1-of f)) :time (u_2895 / date-entity :year 2008 :month 10 :day 31) :purpose (l2 / craft-01 :ARG1 (u_2898 / treaty :topic (p / trade-01 :ARG1 (u_2896 / arm)) :ARG1-of (u_2897 / propose-01)))) + +(u_2901 / abstain-01 :ARG1 (e / vote-01 :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2008 :month 10 :day 31))) :ARG0 (u_2905 / nation :quant (a2 / most) :ARG0-of (f / vote-01 :ARG1 (c / move-01 :ARG2 (u_2899 / ahead)) :polarity -)) :topic (p / craft-01 :ARG1 (u_2903 / treat-01 :ARG2 (d / trade-01 :ARG1 (u_2904 / arm) :ARG1-of (u_2902 / propose-01))))) + +(f / abstain-01 :ARG1 (e / vote-01 :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2008 :month 10 :day 31))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) + +(u_2909 / vote-01 :ARG1 (u_2908 / move-01 :ARG1 (u_2912 / treaty :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_2907 / arm) :mod (u_2906 / globe)))) :direction (s / ahead)) :ARG0 (a / and :op1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_2910 / country :name (u_2911 / name :op1 "Zimbabwe") :wiki "Zimbabwe") :mod (e / only)) :manner (c / _)) + +(p / oppose-01 :ARG0 (a / and :op1 (u_2913 / country :name (u_2914 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (c4 / country :name (n2 / name :op1 "Zimbabwe") :wiki "Zimbabwe")) :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2008 :month 7)) :mod (e / bitter) :ARG0-of (u_2920 / _ :ARG1 (f / sanction-02 :ARG1 (p2 / person :ARG0-of (t / lead-02)) :ARG0 (u_2923 / country :name (u_2922 / name :op1 "United" :op2 "States-proposed") :wiki -) :ARG1-of (u_2919 / veto-01 :ARG0 (u_2921 / and :op1 (u_2917 / country :name (u_2918 / name :op1 "Russia") :wiki "Russia") :op2 (u_2915 / country :name (u_2916 / name :op1 "China") :wiki "China")))))) + +(u_2938 / state-01 :ARG0 (p / person :ARG0-of (o / proponent :ARG1 (e / treaty :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_2941 / arm) :mod (u_2940 / globe))))) :ARG0-of (u_2936 / hope-01 :ARG1 (a / and :op2 (u_2942 / adopt-01 :ARG1 (u_2943 / treaty :ARG1-of (u_2934 / craft-01 :op1-of a))) :ARG1-of (c / aim-01 :ARG2 (u_2932 / impose-01 :ARG1 (u_2931 / control-01 :ARG1 (u_2933 / trade-01 :ARG1 (u_2935 / arm) :mod (u_2930 / international) :ARG0-of (u_2927 / contribute-01 :ARG2 (u_2944 / kill-01 :ARG1 (u_2928 / temporal-quantity :unit (y / day) :quant (a2 / 1)) :ARG0 (u_2929 / person :quant (m / more-than :op1 1000))))))))) :ARG1-of u_2938)) :time (u_2924 / _ :op2 (u_2925 / temporal-quantity :unit (u_2939 / year) :quant 5) :op1 (t / temporal-quantity :quant 3))) + +(u_2948 / lead-01 :ARG0 (a / and :op6 (u_2958 / country :name (u_2957 / name :op1 "Finland") :wiki "Finland") :op3 (c4 / country :name (n2 / name :op1 "Australia") :wiki "Australia") :op2 (u_2949 / country :name (u_2950 / name :op1 "Japan") :wiki "Japan") :op5 (u_2956 / country :name (u_2955 / name :op1 "Costa" :op2 "Rica") :wiki "Costa_Rica") :op1 (u_2953 / country :name (u_2954 / name :op1 "Britain") :wiki "United_Kingdom") :op4 (u_2951 / country :name (u_2952 / name :op1 "Argentina") :wiki "Argentina") :mod (e / great) :mod (c2 / country :name (n3 / name :op1 "Kenya") :wiki "Kenya") :ARG0-of (u_2947 / proponent :ARG1 (u_2959 / treaty :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_2946 / arm) :mod (u_2945 / globe)))) :ARG1-of u_2948))) + +(u_2962 / country :quant (u_2963 / _) :mod-of (u_2960 / export-01 :ARG1 (e / arm) :ARG2 (c / rate-entity-91 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 3000000000)) :ARG1 (m / monetary-quantity :unit (d / dollar) :mod (c2 / country :name (n3 / name :op1 "United" :op2 "States") :wiki "United_States"))) :ARG0 (c4 / country :name (n2 / name :op1 "Britain") :mod (u_2961 / great) :wiki "United_Kingdom"))) + +(u_2968 / apply-02 :ARG2 (a / and :op1 (u_2973 / sell-01 :ARG1 (u_2972 / arm) :ARG0 (u_2966 / nation)) :op2 (u_2967 / sell-01 :polarity - :mod (u_2965 / commerce) :ARG2-of (c / involve-01 :ARG1 (u_2964 / individual)))) :ARG1 (e / treaty :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_2971 / arm) :mod (u_2970 / globe)))) :mod (u_2969 / only)) + +(f / require-01 :ARG1 (e / majority :ARG1-of (d / simple-02)) :ARG0 (t3 / thing :ARG1-of (s / decide-01))) + +(u_2988 / state-01 :ARG1 (a / and :op1 (u_2985 / obligate-01 :ARG1 (e / treaty :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_2984 / arm) :mod (u_2983 / globe))))) :op2 (o / and :op2 (u_2987 / supply-01 :ARG1 (u_2978 / arm) :ARG0 (u_2986 / nation :quant (a2 / all)) :duration (a4 / or :op1 (u_2975 / stage :quant (u_2977 / one)) :op2 (u_2976 / another))) :op3 (u_2980 / country :quant (u_2979 / some)) :op1 (u_2974 / universal :compared-to (c3 / possible-01)) :ARG0-of (u_2982 / manufacture-01 :ARG1 (u_2981 / arm)))) :ARG0 (p / person :name (n / name :op1 "John" :op2 "Duncan") :wiki -) :degree (l / equal)) + +(f / state-01 :ARG1 (u_2993 / possible-01 :ARG1 (m / stop-01 :ARG1 (d / distribute-01 :ARG1 (u_2991 / arm)) :ARG2 (t / hand :part-of (a / and :op1 (p4 / person :ARG2-of (c2 / criminal-03)) :op2 (u_2992 / terrorist))) :ARG0 (e / nation)) :manner (r2 / close-01 :ARG1 (u_2994 / loophole))) :ARG0 (p / person :name (n / name :op1 "John" :op2 "Duncan") :wiki -)) + +(u_2998 / _ :ARG1 (u_2997 / ambassador :mod (c2 / country :name (n3 / name :op1 "Britain") :wiki "United_Kingdom") :ARG2-of (h / have-org-role-91 :ARG1 (a / and :op1 (d / control-01 :ARG1 (e / arm)) :op2 (u_2996 / disarm-01) :mod (u_2995 / multilateral)) :ARG0 (p / person :name (n / name :op1 "John" :op2 "Duncan") :wiki -)))) + +(u_3013 / favor-01 :ARG1 (e / language :ARG0-of (f / require-01 :ARG1 (u_3006 / decide-01 :mod (u_2999 / consensus) :ARG0-of (m / give-01 :ARG1 (u_3004 / power :mod (u_3000 / veto-01)) :ARG2 (a / and :op1 (u_3015 / country :name (u_3014 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_3005 / nation :mod (u_3003 / other))) :mod (u_3002 / essential)))) :ARG0-of (u_3012 / contain-01 :ARG1 (u_3011 / document :purpose (l / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_3009 / arm) :mod (u_3007 / globe)) :ARG0 (u_3008 / treaty)) :quant (a2 / some) :mod (u_3010 / negotiate-01)))) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States")) + +(f / state-01 :ARG1 (w / way :domain (e / proceed :manner (c / base-02) :manner (u_3022 / consensus)) :mod (u_3016 / only) :instrument-of (u_3021 / achieve-01 :ARG1 (u_3023 / mechanism :purpose (l2 / control-01 :ARG1 (u_3024 / trade-01 :ARG1 (u_3018 / arm :mod (u_3017 / convention)))) :mod (u_3020 / international) :ARG1-of (u_3019 / balance-01) :ARG0-of (u_3025 / effective-04)))) :ARG0 (p / person :name (n / name :op1 "Christina" :op2 "Rocca") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG2 (d / diplomat)))) + +(a2 / state-01 :ARG0 (p / person :name (n / name :op1 "Christina" :op2 "Rocca") :wiki -) :ARG2 (e / nation :mod (u_3026 / other) :ARG1-of (d / assemble-01 :purpose (l2 / vote-01 :ARG1 (u_3029 / move-01 :ARG1 (u_3031 / treaty :ARG0-of (f / regulate-01 :ARG1 (u_3030 / trade-01 :ARG1 (u_3028 / arm) :mod (u_3027 / globe)))) :direction (s / ahead))))) :mod (u_3032 / this)) + +(u_3042 / vote-01 :ARG1 (u_3039 / vote-01 :ARG0 (e / nation :quant (a2 / 153) :ARG0-of (u_3038 / support-01 :ARG1 (u_3037 / consider-01 :ARG1 (u_3036 / create-01 :ARG1 (u_3040 / treaty :ARG0-of (f / regulate-01 :ARG1 (d / trade-01 :ARG1 (u_3035 / arm) :mod (u_3034 / globe)))))) :ARG1-of u_3039))) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States" :ARG0-of (u_3033 / cast-01 :ARG1 u_3042)) :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2006 :month 12)) :mod (u_3041 / sole) :month 12 :ARG0-of (p / dissent-01)) + +(f / set-02 :ARG1 (u_3044 / process-02 :ARG1 (d / consider-02 :ARG1 (u_3045 / treaty :topic (p / trade-01 :ARG1 (u_3043 / arm))))) :ARG0 (e / vote-01 :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2006 :month 12))) :prep-in (t / motion)) + +(u_3049 / include-01 :ARG2 (e / process-02 :mod (u_3053 / that)) :ARG1 (p / meet-03 :ARG0 (u_3054 / group :ARG0-of (f / recommend-01 :ARG1 (u_3048 / item :ARG1-of (d / consider-02) :ARG1-of (c / include-01 :ARG2 (u_3047 / language :mod (u_3046 / consensus))))) :ARG0-of (h2 / have-org-role-91 :ARG2 (g / expert-01)))) :month 6 :time (a2 / _ :op2 (u_3052 / date-entity :year (explicitanon5 / date-entity :year 2008 :month 10 :day 31)) :op1 (u_3050 / date-entity :year (u_3051 / date-entity :year 2007 :month 10 :day 31)))) + +(m / move-01 :ARG1 (u_3059 / discuss-01 :ARG1 (u_3057 / treaty :topic (p / trade-01 :ARG1 (u_3055 / arm))) :direction (s / forward)) :ARG2 (e / specific :topic (u_3058 / language :ARG1-of (d / possible-01))) :ARG0 (u_3060 / vote-01 :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2008 :month 10 :day 31)))) + +(u_3069 / state-01 :ARG1 (f / support-01 :ARG1 (e / goal :time (a2 / and :op2 (u_3063 / reduce-01 :ARG1 (u_3066 / trade-01 :ARG1 (u_3067 / arm :mod (u_3061 / law)) :ARG1-of (u_3062 / destabilize-01))) :op1 (u_3065 / promote-02 :ARG1 (u_3064 / responsible-03 :ARG1 (d / transfer-01 :ARG1 (u_3068 / arm)))))) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States")) :ARG0 (p / person :name (n / name :op1 "Christina" :op2 "Rocca") :wiki -)) + +(u_3082 / state-01 :ARG1 (u_3080 / believe-01 :ARG1 (f / accomplish-01 :ARG1 (a / and :op1 (u_3073 / promote-02 :ARG1 (u_3072 / responsible-03 :ARG1 (u_3077 / transfer-01 :ARG1 (u_3078 / arm)))) :op2 (u_3076 / reduce-01 :ARG1 (d / trade-01 :ARG1 (e / arm :mod (u_3075 / law)) :ARG1-of (u_3074 / destabilize-01)))) :ARG0 (u_3079 / treaty :topic (p / trade-01 :ARG1 (u_3071 / arm) :mod (u_3070 / globe)))) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :polarity -) :ARG0 (u_3081 / person :name (n / name :op1 "Christina" :op2 "Rocca") :wiki -)) + +(u_3104 / state-01 :ARG1 (u_3092 / and :op1 (d / weaken-01 :ARG1 (e / provide-01 :mod (u_3101 / _))) :op2 (u_3091 / legitimize-01 :ARG1 (u_3103 / standard :mod (u_3086 / international) :ARG1-of (c / base-02 :ARG2 (t2 / thing :mod (u_3085 / common) :ARG0-of (s / denominate-01) :ARG1-of (h2 / low-04 :degree (m / most)))) :ARG0-of (f / address-02 :ARG1 (u_3089 / problem :mod (c3 / transfer-01 :ARG1 (u_3088 / arm) :mod (a / responsible-02 :polarity -) :mod (u_3087 / law))) :polarity -)) :ARG0 (u_3090 / _ :topic (u_3083 / _) :mod (u_3084 / weak))) :instrument (w / way :domain (u_3098 / convince-01 :ARG1 (u_3099 / country :quant (a2 / all) :ARG1-of (u_3102 / major-02) :ARG0-of (u_3100 / export-01 :ARG1 (u_3094 / arm)) :ARG0-of (u_3096 / sign-02 :ARG1 (u_3095 / treaty) :ARG2-of u_3098))) :mod (u_3093 / only))) :ARG0 (p / person :name (n / name :op1 "Christina" :op2 "Rocca") :wiki -)) + +(e / date-entity :year 2008 :month 11 :day 18) + +(c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") + +(a / and :op1 (e / narcotic) :op2 (u_3105 / crime-02)) + +(u_3117 / state-01 :ARG1 (a / and :op2 (u_3114 / confiscate-01 :ARG1 (u_3113 / opium :quant (m / more-than :op1 (m2 / mass-quantity :unit (t2 / ton) :quant 1))) :ARG0 (e / police :ARG0-of (f / kill-01 :ARG1 (p / person :quant (a2 / 4) :ARG0-of (o / smuggle-01 :ARG1 (u_3115 / drug))) :op1-of a)) :ARG1-of (u_3109 / near-02 :ARG2 (u_3110 / town :name (n2 / mirjaveh))))) :ARG0 (u_3116 / television :mod (u_3108 / state)) :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran") :mod (u_3107 / country :name (u_3106 / name :op1 "Iran") :wiki "Iran")) + +(u_3123 / state-01 :ARG1 (a / and :op2 (u_3121 / confiscate-01 :ARG1 (u_3120 / opium :quant (m / more-than :op1 (m2 / mass-quantity :unit (t2 / ton) :quant 1))) :ARG0 (u_3126 / police :ARG0-of (f / kill-01 :ARG1 (p / person :quant (a2 / 4) :ARG0-of (o / smuggle-01 :ARG1 (u_3122 / drug))) :op1-of a)))) :ARG0 (e / television :mod (u_3125 / state)) :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran") :mod (u_3128 / country :name (u_3127 / name :op1 "Iran") :wiki "Iran")) + +(f / report-01 :ARG1 (u_3131 / event) :ARG0 (e / television :mod (u_3130 / state) :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran")) :time (u_3129 / date-entity :year 2008 :month 11 :day 18)) + +(u_3137 / state-01 :ARG1 (f / conflict-01 :ARG1 (p / person :ARG0-of (o / smuggle-01 :ARG1 (u_3134 / drug))) :ARG0 (e / police) :ARG1-of (c / near-02 :ARG2 (u_3135 / town :name (n2 / mirjaveh)))) :ARG0 (u_3136 / television :mod (u_3132 / state)) :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran")) + +(c / be-located-at-91 :ARG2 (e / be-located-at-91 :direction (s / southeast :quant (m / approximately :op1 (d / distance-quantity :unit (m2 / mile) :quant (a2 / 950))))) :ARG1 (u_3145 / town :name (n2 / mirjaveh)) :ARG1-of (u_3142 / near-02 :ARG2 (u_3146 / border-01 :ARG1 (u_3140 / country :name (u_3141 / name :op1 "Iran") :wiki "Iran") :ARG2 (a / and :op1 (c4 / country :name (u_3144 / name :op1 "Afghanistan") :wiki "Afghanistan") :op2 (u_3138 / country :name (u_3139 / name :op1 "Pakistan") :wiki "Pakistan")) :ARG0 (u_3143 / city :name (n3 / name :op1 "Tehran") :wiki "Tehran")))) + +(u_3150 / state-01 :ARG1 (f / seize-01 :ARG1 (u_3149 / opium :quant (m / about :op1 16 :unit (d / ton :mod (u_3147 / metric)))) :ARG0 (u_3152 / police)) :ARG0 (e / television :mod (u_3151 / state)) :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran") :mod (u_3154 / country :name (u_3153 / name :op1 "Iran") :wiki "Iran")) + +(u_3157 / scene :domain (u_3158 / area :ARG1-of (c / near-02 :ARG2 (u_3155 / town :name (n2 / mirjaveh)))) :location-of (f / conflict-01 :ARG1 (p / person :ARG0-of (o / smuggle-01 :ARG1 (e / drug))) :ARG0 (u_3156 / police :mod (c2 / country :name (n3 / name :op1 "Iran") :wiki "Iran")) :ARG1-of (d / frequent-02))) + +(u_3161 / lie-07 :ARG2 (s2 / route :path-of (f / traffic-01 :ARG1 (c / continent :name (n / name :op1 "Europe") :wiki "Europe") :ARG0 (e / drug) :source (u_3159 / country :name (u_3160 / name :op1 "Afghanistan") :wiki "Afghanistan")) :ARG1-of (d / major-02)) :ARG1 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :location (a / _ :op1 (w / world-region :name (u_3162 / name :op1 "Persian" :op2 "Gulf" :op3 "States") :wiki -))) + +(f / name :ARG1 (c / rate-entity-91 :ARG2 (t / temporal-quantity :unit (y / year)) :ARG1 (e / narcotic :quant (m / more-than :op1 (m2 / mass-quantity :unit (t2 / ton) :quant (a2 / 60))) :ARG1-of (d / seize-01))) :ARG0 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :op1 "Burns" :ARG1-of (u_3163 / symbolize-01 :ARG2 (u_3164 / determine-01 :ARG2 (u_3165 / fight-01 :ARG1 (u_3166 / drug))))) + +(e / date-entity :year 2008 :month 11 :day 21) + +(o / and :op2 (u_3167 / country :name (u_3168 / name :op1 "Turkey") :wiki "Turkey") :op3 (c4 / country :name (n2 / name :op1 "Belarus") :wiki "Belarus") :op1 (u_3169 / country :name (u_3170 / name :op1 "Greece") :wiki "Greece")) + +(a / and :op1 (u_3171 / international) :op2 (e / weapon)) + +(u_3179 / say-01 :ARG1 (f / miss-02 :ARG1 (e / deadline :mod (u_3176 / treaty) :purpose (l2 / destroy-01 :ARG1 (d / stockpile-01 :ARG1 (u_3178 / thing :mod (u_3177 / land))))) :ARG0 (o / and :op2 (u_3172 / country :name (u_3173 / name :op1 "Turkey") :wiki "Turkey") :op3 (c4 / country :name (u_3181 / name :op1 "Belarus") :wiki "Belarus") :op1 (u_3174 / country :name (u_3175 / name :op1 "Greece") :wiki "Greece"))) :ARG0 (p / report-01 :ARG0 (o3 / organization :name (n3 / name :op1 "International" :op2 "Campaign") :wiki -) :name (n2 / name :op1 "Ban" :op2 "Landmines") :wiki -)) + +(u_3184 / say-01 :ARG1 (u_3193 / miss-02 :ARG1 (e / deadline :ARG0-of (f / require-01 :ARG1 (u_3192 / treaty :mod (u_3189 / international) :purpose (l2 / destroy-01 :ARG1 (d / stockpile-01 :ARG1 (u_3191 / thing :mod (u_3190 / land))))))) :ARG0 (o / and :op2 (u_3185 / country :name (u_3186 / name :op1 "Turkey") :wiki "Turkey") :op3 (u_3187 / country :name (u_3188 / name :op1 "Belarus") :wiki "Belarus") :op1 (c4 / country :name (n2 / name :op1 "Greece") :wiki "Greece"))) :ARG0 (u_3195 / report :ARG1 (o3 / organization :name (n3 / name :op1 "Ban" :op2 "Landmines") :wiki -) :ARG0 (u_3182 / organization :name (u_3183 / name :op1 "International" :op2 "Campaign") :wiki -) :time (u_3194 / date-entity :year 2008 :month 11 :day 21))) + +(f / decline-02 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o / and :op2 (u_3196 / country :name (u_3197 / name :op1 "Turkey") :wiki "Turkey") :op3 (u_3198 / country :name (u_3199 / name :op1 "Belarus") :wiki "Belarus") :op1 (c4 / country :name (n2 / name :op1 "Greece") :wiki "Greece")) :ARG2 (m2 / diplomat)) :ARG1-of (c / interview-01 :ARG2 (e / report-01 :location (c2 / city :name (n / name :op1 "Geneva") :wiki "Geneva")) :ARG1-of f))) + +(m / quote-01 :ARG2 (f / acknowledge-01 :ARG1 (d / miss-02 :ARG1 (e / deadline)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (o / and :op2 (u_3203 / country :name (u_3204 / name :op1 "Turkey") :wiki "Turkey") :op3 (c4 / country :name (n2 / name :op1 "Belarus") :wiki "Belarus") :op1 (u_3201 / country :name (u_3202 / name :op1 "Greece") :wiki "Greece"))) :ARG1-of m)) :ARG0 (u_3200 / report)) + +(u_3211 / recommend-01 :ARG1 (f / destroy-01 :ARG1 (e / mine :quant (m / near :op1 (u_3205 / _)) :mod (u_3206 / land) :ARG2-of (c / total-01)) :ARG0 (o / and :op2 (u_3207 / country :name (u_3208 / name :op1 "Turkey") :wiki "Turkey") :op3 (c4 / country :name (n2 / name :op1 "Belarus") :wiki "Belarus") :op1 (u_3209 / country :name (u_3210 / name :op1 "Greece") :wiki "Greece")) :time (b / by :op1 (d / date-entity :year (explicitanon5 / date-entity :year 2008 :month 3))))) + +(u_3226 / say-01 :ARG1 (m / mention-01 :ARG1 (u_3222 / problem :ARG1-of (u_3221 / legal-02)) :ARG2 (a / and :op1 (c / contract-02 :ARG2 (d / carry-out-03 :ARG1 (e / destroy-01)) :ARG1 (u_3218 / company)) :op2 (p3 / difficult :domain (u_3219 / find-01 :ARG1 (h / site :mod (u_3217 / safe-01 :mod (u_3216 / environmentally)) :location-of (u_3220 / destroy-01))))) :ARG0 (c4 / country :name (n2 / name :op1 "Greece") :wiki "Greece") :ARG1-of (f / cause-01 :ARG0 (u_3223 / delay-01))) :ARG0 (t2 / thing :name (u_3224 / name :op1 "Ban" :op2 "Landmines") :mod (u_3225 / 1155-page) :frequency (u_3213 / rate-entity-91 :ARG3 (u_3214 / temporal-quantity :unit (y / year))) :wiki - :ARG1-of (r / report :ARG0 (o3 / organization :name (n3 / name :op1 "International" :op2 "Campaign") :wiki -)) :ARG0-of (u_3212 / _ :ARG1 u_3226))) + +(u_3227 / claim-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Turkey") :wiki "Turkey")) :ARG0-of (u_3228 / _ :ARG1 u_3227 :ARG1-of (c2 / long-03 :degree (m / more) :compared-to (c3 / plan-01))) :ARG0-of (f / prepare-01 :ARG1 (d / rid-01 :ARG1 (e / stockpile)) :ARG1-of u_3227))) + +(u_3230 / say-01 :ARG1 (u_3229 / delay-01 :ARG1 (f / receive-01 :ARG1 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union") :ARG0 (d / fund-01 :ARG1 (e / support-01)))) :ARG0 (c4 / country :name (n2 / name :op1 "Belarus") :wiki "Belarus")) + +(u_3235 / say-01 :ARG1 (f / contain-01 :ARG1 (u_3234 / thing :mod (u_3231 / type) :domain-of (p3 / costly) :ARG1-of (u_3233 / destroy-01) :domain-of (u_3232 / difficult :degree (l / more))) :ARG0 (e / stockpile :ARG1-of (d / remain-01))) :ARG0 (c4 / country :name (n2 / name :op1 "Belarus") :wiki "Belarus")) + +(u_3236 / say-01 :ARG1 (u_3237 / face-01 :ARG0 (o / and :op2 (c4 / country :name (n2 / name :op1 "Turkey") :wiki "Turkey") :op3 (u_3240 / country :name (u_3241 / name :op1 "Belarus") :wiki "Belarus") :op1 (u_3238 / country :name (u_3239 / name :op1 "Greece") :wiki "Greece") :ARG0-of (f / sanction-02 :ARG1 (d / miss-01 :ARG1 (e / deadline)) :ARG1-of u_3237)) :polarity -) :ARG0 (p / person :name (n / name :op1 "Steve" :op2 "Goose") :wiki - :ARG0-of (h / have-org-role-91 :ARG2 (u_3242 / director :ARG0-of (u_3243 / name :ARG1 (o3 / organization :name (n3 / name :op1 "New" :op2 "York-based" :op3 "Human" :op4 "Rights" :op5 "Watch") :wiki - :ARG1-of h) :op1 "Arms" :op2 "Control"))))) + +(u_3244 / help-01 :ARG0 (o3 / organization :name (n3 / name :op1 "Human" :op2 "Rights" :op3 "Watch") :wiki "Human_Rights_Watch" :ARG0-of (f / produce-01 :ARG1 (e / report) :ARG1-of u_3244))) + +(c / contrast-01 :ARG2 (u_3254 / say-01 :ARG1 (u_3256 / rid-01 :ARG1 (u_3255 / stockpile :quant (u_3257 / all)) :ARG0 (o / and :op2 (u_3247 / country :name (u_3248 / name :op1 "Burundi") :wiki -) :op3 (u_3245 / country :name (u_3246 / name :op1 "Sudan") :wiki "Sudan") :op1 (c4 / country :name (n2 / name :op1 "Afghanistan") :wiki "Afghanistan")) :mod (u_3249 / respective))) :ARG1 (f / say-01 :ARG1 (d / destroy-01 :ARG1 (e / mine :mod (u_3250 / only) :quant (a2 / 500000)) :time (u_3252 / year :mod (u_3251 / past)) :location (h / worldwide)) :ARG0 (u_3253 / report))) + +(m / say-01 :ARG1 (c / contrast-01 :ARG2 (f / have-03 :ARG1 (u_3263 / mine) :ARG0 (u_3271 / country :quant 44 :quant 176000000) :time (u_3264 / still)) :ARG1 (u_3268 / bring-01 :ARG4 (a / more-than :op1 (e / 42000000) :op2 1) :ARG1 (a2 / number :time (u_3266 / since) :quant-of (u_3269 / mine :ARG1-of (d / destroy-01) :ARG1-of (u_3265 / stockpile-01))))) :ARG2 (u_3273 / _ :ARG2 (u_3260 / enforce-01 :time (d3 / date-entity :year (explicitanon5 / date-entity :year 1999))) :ARG1 (u_3274 / treaty :purpose (l2 / ban-01 :ARG1 (u_3259 / mine :mod (u_3258 / land))))) :ARG0 (u_3261 / report) :quant (u_3272 / _)) + +(c / give-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant 4) :ARG1 (e / country :quant (a2 / all) :quant 156 :ARG0-of (f / join-01 :ARG1 (u_3275 / name :op1 "Conventional" :op2 "Forces" :op3 "in" :op4 "Europe" :op5 "Treaty"))) :purpose (l2 / destroy-01 :ARG1 (u_3278 / stockpile))) + +(f / sign-02 :ARG1 (e / name :op1 "Conventional" :op2 "Forces" :op3 "in" :op4 "Europe" :op5 "Treaty") :ARG0 (p / person :example (a3 / and :op2 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :op1 (u_3279 / country :name (u_3280 / name :op1 "U.S.") :wiki "United_States") :op3 (u_3281 / country :name (u_3282 / name :op1 "China") :wiki "China")) :ARG0-of (o / use-01 :ARG1 (u_3284 / mine :mod (u_3283 / land))) :ARG1-of (d / major-02)) :polarity -) + +(u_3294 / and :op2 (u_3286 / add-01 :ARG1 (u_3295 / possible-01 :ARG1 (u_3296 / high-02 :degree (l / much) :ARG1-of (u_3297 / cause-01 :ARG0 (p3 / poor :domain (u_3285 / report-01 :location (u_3298 / country :quant (u_3293 / many))))))) :ARG0 (e / report :ARG0-of (f / say-01 :ARG1 (a / and :op1 (d / kill-01 :ARG1 (u_3299 / person :quant (m / more-than :op1 1400 :quant (a2 / 3900))) :time (u_3289 / date-entity :year (explicitanon3 / date-entity :year 2007))) :op2 (u_3288 / wound-01) :subevent-of (u_3291 / explode-01 :ARG1 (u_3292 / thing :mod (u_3287 / land)) :location (h / worldwide))) :op1-of u_3294)))) + +(f / win-01 :ARG1 (u_3300 / award :name (u_3301 / name :op1 "Nobel" :op2 "Peace" :op3 "Prize") :wiki "Nobel_Peace_Prize") :ARG0 (o3 / organization :name (n3 / name :op1 "International" :op2 "Campaign") :name (n2 / name :op1 "Ban" :op2 "Landmines") :wiki - :wiki -) :time (d / date-entity :year (explicitanon3 / date-entity :year 1997))) + +(e / date-entity :year 2008 :month 11 :day 25) + +(c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico") + +(a / and :op1 (u_3302 / narcotic) :op2 (e / crime-02)) + +(c / charge-05 :ARG2 (f / traffic-01 :ARG1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG0 (a / and :op1 (u_3306 / cocaine) :op2 (e / marijuana)) :source (u_3305 / country :name (n / name :op1 "Colombia") :wiki "Colombia")) :ARG1 (u_3307 / and :op1 (p / person :ARG0-of (o / own-01 :ARG1 (u_3304 / club :mod (c2 / country :name (n3 / name :op1 "Mexico") :wiki "Mexico") :mod (u_3303 / football)))) :op2 (p2 / person :quant (a2 / 4) :ARG0-of (h / have-org-role-91 :ARG1 (u_3308 / team) :ARG2 (m2 / member))))) + +(a / and :op2 (d / arrest-01 :time (b / since :op1 (u_3309 / date-entity :month 10 :year 2008)) :location (h / house) :ARG1 (p / person :quant (m / 5) :quant (a2 / all) :ARG0-of (h2 / have-org-role-91 :ARG1 (e / gang :mod (u_3310 / notorious-01) :mod (c2 / country :name (n3 / name :op1 "Mexico") :wiki "Mexico")) :ARG2 (u_3311 / member) :op1-of a)))) + +(m / charge-05 :ARG1 (a / and :op1 (p / person :ARG0-of (o / own-01 :ARG1 (u_3318 / club :mod (c2 / country :name (n3 / name :op1 "Mexico") :wiki "Mexico") :mod (u_3314 / football) :name (n2 / mapaches))) :ARG1-of (d / allege-01)) :op2 (p2 / person :mod (u_3313 / other) :quant (a2 / 4) :ARG0-of (h / have-org-role-91 :ARG1 (u_3315 / team) :ARG2 (m2 / member)))) :ARG2 (u_3316 / traffic-01 :ARG1 (u_3317 / drug)) :ARG0 (e / judge-01 :location (c / country :name (n / name :op1 "Mexico") :wiki "Mexico"))) + +(u_3326 / state-01 :ARG1 (u_3323 / lead-02 :ARG1 (e / group :ARG0-of (f / traffic-01 :ARG1 (a / and :op1 (u_3320 / cocaine) :op2 (u_3322 / marijuana)) :source (u_3319 / country :name (n / name :op1 "Colombia") :wiki "Colombia") :destination (c5 / city :name (n3 / name :location (c / country :name (u_3321 / name :op1 "U.S.") :wiki "United_States") :op1 "Atlanta") :wiki "Atlanta"))) :ARG0 (p / person :name (u_3324 / name :op1 "Wenceslao" :op2 "Alvarez") :wiki -)) :ARG0 (u_3327 / office :poss (o3 / organization :name (u_3325 / name :op1 "Mexican" :op2 "Federal" :op3 "Attorney" :op4 "General") :wiki -)) :time (d2 / date-entity :month 11 :year 2008 :day 25)) + +(f / state-01 :ARG1 (u_3329 / work-01 :ARG0 (u_3333 / person :quant (a2 / 5) :ARG1-of (d / charge-05)) :ARG2 (n / gang :poss (c4 / country :name (n2 / name :op1 "Mexican" :op2 "State" :op3 "of" :op4 "Michoacan") :wiki -) :mod (u_3330 / name :op1 "Familia") :mod (u_3328 / infamous))) :ARG0 (e / office :mod (u_3332 / attorney :mod (u_3331 / general)))) + +(p3 / take-01 :ARG3 (e / custody) :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_3338 / group) :ARG2 (m2 / member))) :year (explicitanon3 / 2008 :time (u_3337 / date-entity :month 10)) :consist-of (c / aguilas :location (u_3336 / facility :location (u_3334 / city :name (n / name :op1 "Mexico" :op2 "City") :wiki "Mexico_City") :mod (c2 / country :name (n3 / name :op1 "America") :wiki "United_States") :mod (u_3335 / train-01)))) + +(u_3340 / contrast-01 :ARG2 (c / transfer-01 :ARG2 (u_3342 / prison) :time (u_3339 / soon)) :ARG1 (d / arrest-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / group) :ARG2 (m2 / member))) :mod (u_3341 / house))) + +(m / expel-01 :ARG1 (o3 / organization :name (n3 / name :op1 "Football" :op2 "Club") :name (n2 / mapaches) :wiki -) :ARG2 (e / name :op1 "League") :ARG0 (u_3346 / federation :mod (c2 / country :name (u_3347 / name :op1 "Mexico") :wiki "Mexico") :mod (u_3345 / football)) :time (d3 / date-entity :year 2008 :month 10) :ARG1-of (c / tie-01 :ARG2 (u_3343 / person :ARG0-of (o / traffic-01 :ARG1 (u_3344 / drug))) :ARG1-of (d / allege-01))) + +(d / believe-01 :ARG1 (f / own-01 :ARG1 (e / club :mod (u_3348 / football) :mod (u_3349 / 3rd-division) :name (n2 / mapaches) :location (p3 / province :name (n5 / name :op1 "Michoacan") :wiki -)) :ARG0 (p / person :name (n / name :op1 "Alvarez") :wiki -))) + +(e / date-entity :year 2008 :month 11 :day 27) + +(c4 / country :name (n2 / name :op1 "United" :op2 "Kingdom") :wiki "United_Kingdom") + +(o / and :op2 (u_3350 / international) :op3 (g / government-organization :ARG0-of (g2 / govern-01)) :op1 (e / terrorism)) + +(u_3356 / say-01 :ARG1 (u_3360 / cause-01 :ARG0 (u_3355 / possible-01 :ARG1 (f / provide-01 :ARG1 (d / base :ARG1 (u_3359 / terrorist)) :ARG0 (u_3354 / state :quant (a2 / 27) :ARG1-of (u_3353 / weak-02) :ARG0-of (u_3351 / threaten-01 :ARG2 (n / security :poss (c4 / country :name (n2 / name :op1 "Britain") :wiki "United_Kingdom") :mod (u_3352 / nation))))))) :ARG0 (t2 / thing :topic (p / research-01 :ARG1 (u_3358 / policy :mod (u_3357 / public))) :ARG1-of (r / report :ARG0 (e / institute)))) + +(u_3366 / state-01 :ARG1 (u_3363 / obligate-01 :ARG1 (a / and :op1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Great" :op2 "Britain") :wiki "United_Kingdom"))) :op2 (c / push-02 :ARG2 (e / regulate-01 :mod (u_3362 / international))) :ARG0-of (u_3361 / help-01 :ARG1 (f / stabilize-01 :ARG1 (u_3364 / state :ARG1-of (d / weak-02)) :ARG0 a) :ARG2-of u_3363))) :ARG0 (u_3365 / report)) + +(u_3373 / state-01 :ARG1 (p3 / vulnerable :domain (c4 / country :name (n2 / name :op1 "Britain") :wiki "United_Kingdom") :mod (u_3372 / terrorist) :ARG0-of (u_3371 / operate-01 :ARG1 (h / state :mod (u_3370 / weak-02) :location-of (u_3369 / possible-01 :ARG1 (a / and :op1 (f / run-01 :ARG1 (u_3368 / camp :purpose (t2 / train-01)) :ARG0 (u_3367 / _)) :op2 (u_3374 / raise-01 :ARG1 (u_3375 / fund-01) :polarity "undetected")))))) :ARG0 (e / report :ARG1-of (d / publish-01 :time (d2 / date-entity :month 11 :day 27 :year 2008)))) + +(a / and :op2 (u_3380 / publish-01 :ARG0 (u_3379 / tank :mod (u_3376 / think-01) :name (u_3378 / name :op1 "Institute" :op2 "for" :op3 "Public" :op4 "Policy" :op5 "Research") :mod (u_3377 / international) :wiki -) :ARG1 (e / report :ARG1-of (f / co-author-01 :ARG0 (p / person :name (n / name :op1 "George" :op2 "Robertson") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO") :ARG2 (d / chief :time (u_3381 / former)))) :op1-of a)))) + +(u_3387 / say-01 :ARG1 (p / cause-01 :ARG0 (u_3385 / possible-01 :ARG1 (f / provide-01 :ARG1 (u_3384 / base :purpose (t2 / terrorist)) :ARG0 (e / state :quant (a2 / 27) :ARG1-of (d / weak-02) :ARG0-of (u_3382 / threaten-01 :ARG2 (n / security :poss (c4 / country :name (n2 / name :op1 "Britain") :wiki "United_Kingdom") :mod (u_3383 / nation))))))) :ARG0 (u_3386 / report)) + +(u_3399 / and :op2 (u_3391 / have-03 :ARG1 (g / government-organization :mod (u_3400 / vulnerable) :ARG0-of (g2 / govern-01) :ARG1-of (n3 / possible-01 :polarity -) :ARG0-of (f / control-01 :ARG1 (u_3388 / territory)) :ARG1-of (u_3390 / will-02 :polarity -)) :ARG0 (e / country :ARG1-of (c / include-01 :ARG2 (a / and :op1 (u_3395 / country :name (u_3396 / name :op1 "Haiti") :wiki "Haiti") :op4 (u_3397 / country :name (u_3398 / name :op1 "Yemen") :wiki "Yemen") :op2 (u_3393 / country :name (u_3394 / name :op1 "Nigeria") :wiki "Nigeria") :op3 (c4 / country :name (n2 / name :op1 "Somalia") :wiki "Somalia")) :op1-of (a2 / or :op2 u_3391 :manner-of u_3399) :op1-of u_3399)))) + +(u_3412 / state-01 :ARG1 (u_3409 / possible-01 :ARG1 (p / operate-01 :ARG0 (e / group :ARG0-of (f / fund-01 :ARG1 (u_3407 / organization :mod (u_3405 / terrorism)) :manner (a2 / and :op1 (d / traffic-01 :ARG1 (u_3406 / drug)) :op2 (u_3401 / manufacture-01 :ARG1 (u_3404 / good :ARG1-of (u_3403 / counterfeit-01))))) :ARG2-of (c / criminal-03)) :condition (s / detected :polarity -) :location (h / state :mod (u_3408 / weak-02)))) :ARG0 (u_3410 / person :ARG0-of (o / author-01 :ARG1 (u_3411 / report)))) + +(u_3417 / possible-01 :ARG1 (u_3416 / coordinate-01 :ARG1 (d / attack-01 :ARG1 (c4 / country :name (n2 / name :op1 "Britain") :wiki "United_Kingdom")) :ARG0 (e / terrorist :ARG0-of (f / raise-01 :ARG1 (u_3414 / fund-01) :location (h / state :mod (u_3413 / this)))) :time (u_3415 / then))) + +(f / state-01 :ARG1 (a / and :op1 (u_3426 / regulate-01 :ARG2 (u_3427 / rule :mod (u_3419 / law)) :ARG1 (u_3420 / space :mod (u_3418 / globe)) :degree (l / large)) :op2 (u_3425 / place :location-of (u_3424 / possible-01 :ARG1 (p / operate-01 :ARG0 (u_3432 / terrorist) :location (h / mountain :time (b / before :op1 (u_3423 / date-entity :year "9/11")) :location (u_3422 / country :name (n / name :op1 "Afghanistan") :wiki "Afghanistan")) :ARG1-of (c / prospect-02 :ARG2 (u_3421 / impunity) :ARG1-of (d / reasonable-02))))) :manner (a2 / or :op1 (u_3431 / weak-02) :op2 (u_3430 / nonexistent) :mod (u_3428 / either))) :ARG0 (e / report) :ARG1-of (u_3435 / discover-01 :ARG0 (u_3434 / terrorist :mod (u_3433 / transnational)))) + +(u_3444 / state-01 :ARG1 (u_3441 / possible-01 :ARG1 (u_3439 / run-01 :ARG1 (u_3440 / camp :location (h / area :mod (u_3438 / remote) :ARG1-of (f / monitor-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1-of (d / rare-02)))) :ARG0 (e / terrorist))) :ARG0 (a / and :op2 (p / person :name (n / name :op1 "Ian") :wiki -)) :name (n2 / kearns :ARG0-of (u_3445 / have-org-role-91 :ARG1 (o3 / organization :name (n3 / ippr)) :ARG2 (u_3442 / director :mod (u_3437 / deputy)))) :ARG1-of (u_3436 / include-91 :ARG2 (t2 / thing :quant (a2 / 1) :ARG1-of (r / author-01 :ARG0 (u_3443 / report))))) + +(f / reference-01 :ARG1 (e / camp :location (w2 / world-region :name (u_3457 / name :location (h / _ :location (u_3452 / world-region :name (u_3451 / name :op1 "sub-Saharan" :op2 "Africa") :wiki -) :ARG1-of (u_3450 / run-02 :ARG2 (u_3453 / country :quant (a2 / several) :ARG2-of (c / include-91 :ARG1 (o / and :op2 (u_3448 / country :name (u_3449 / name :op1 "Chad") :wiki "Chad") :op3 (u_3446 / country :name (u_3447 / name :op1 "Sudan") :wiki "Sudan") :op1 (c4 / country :name (n2 / name :op1 "Mali") :wiki "Mali")))))) :op1 "Sahel") :wiki -) :ARG0-of (u_3454 / train-01 :ARG2 (u_3455 / terrorism))) :ARG0 (p / person :name (n / kearns))) + +(f / state-01 :ARG1 (a / and :op1 (n3 / possible-01 :polarity - :ARG1 (d / patrol-01 :ARG1 (e / area :mod (u_3460 / this) :mod (u_3461 / remote)))) :op2 (u_3462 / possible-01 :ARG1 (c / go-08 :ARG2 (u_3463 / undetected) :ARG1 (u_3459 / activity-06 :mod (u_3458 / any))))) :ARG0 (p / person :name (n / kearns))) + +(u_3486 / state-01 :ARG1 (c / obligate-01 :ARG2 (u_3481 / and :op2 (f / push-02 :ARG1 (e / regulate-01 :mod (u_3480 / international) :ARG0-of (u_3477 / stop-03 :ARG2 (m / use-01 :ARG1 (u_3475 / information :ARG1-of (u_3474 / available-02 :ARG1-of (u_3465 / free-04))) :ARG2 (a / and :op2 (u_3473 / unleash-01 :ARG1 (u_3478 / form :mod (u_3469 / warfare :mod (u_3468 / biology)) :mod (u_3470 / new) :mod (u_3472 / version :example (s / virus :mod (u_3471 / influenza)) :ARG1-of (d / modify-01)) :ARG1-of (u_3467 / create-01 :op1-of a)))) :ARG0 (u_3479 / terrorist :ARG1-of u_3477)))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Great" :op2 "Britain") :wiki "United_Kingdom")) :ARG0-of (u_3484 / help-01 :ARG1 (u_3464 / stabilize-01 :ARG1 (u_3483 / state :ARG1-of (u_3482 / weak-02))) :op1-of u_3481))))) :ARG0 (u_3485 / report)) + +(u_3493 / state-01 :ARG1 (u_3491 / contrast-01 :ARG2 (u_3490 / obligate-01 :ARG2 (f / approach-02 :ARG1 (e / area :ARG2-of (c / include-01 :ARG1 (u_3488 / biotechnology))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :mod (u_3489 / multilateral))) :ARG1 (d / move-01 :ARG1 (u_3492 / _) :polarity - :degree (l / enough) :ARG1-of (u_3487 / quick-02))) :ARG0 (p / person :name (n / kearns))) + +(u_3502 / state-01 :ARG1 (f / show-01 :ARG1 (u_3499 / thing :ARG2-of (p / result-01 :ARG1 (d / have-03 :ARG1 (e / framework :mod (u_3496 / multilateral) :purpose (w / deal-01 :ARG2 (u_3498 / issue-02 :mod (u_3497 / international))) :prep-in (t / place)) :polarity -))) :ARG0 (u_3500 / crisis :mod (u_3494 / globe) :mod (u_3495 / finance))) :ARG0 (u_3501 / person :name (n / kearns))) + +(e / date-entity :year 2003 :month 10 :day 21) + +(c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") + +(a / and :op1 (u_3503 / business) :op2 (e / technology)) + +(f / enter-01 :ARG1 (c / agree-01 :ARG2 (e / company) :ARG1 (u_3506 / cooperate-01) :quant (a2 / 7)) :ARG0 (u_3508 / company :mod (u_3505 / foreign) :quant 6) :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan") :location (h / ceremony :location (u_3504 / city :name (n / name :op1 "Taipei") :wiki -))) + +(f / enter-01 :ARG1 (c / agree-01 :ARG2 (u_3515 / company :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan") :ARG1-of (d / local-02)) :ARG1 (e / cooperate-01) :quant (a2 / 7) :ARG1-of (u_3514 / base-01 :ARG0 f)) :ARG0 (u_3517 / company :mod (u_3509 / another) :quant 6 :mod (u_3510 / foreign)) :time (u_3513 / ceremony :time (u_3511 / date-entity :year 2003 :month 10 :day 21) :location (u_3518 / city :name (n / name :op1 "Taipei") :wiki -) :mod (u_3512 / high-profile))) + +(d / time-01 :ARG1 (e / event) :ARG1-of (c / coincide-01 :ARG2 (u_3520 / day :mod (u_3519 / final) :part-of (u_3521 / conference :name (n2 / name :op1 030000 :op2 "Taiwan" :op3 "Business" :op4 "Alliance") :wiki -)))) + +(u_3524 / participate-01 :ARG0 (p / person :name (n / yen-shiang) :ARG0-of (h / have-org-role-91 :ARG1 (u_3522 / person :name (u_3523 / name :op1 "Economics" :op2 "Shih") :wiki -) :ARG2 (d / minister :mod (e / vice))))) + +(f / enter-01 :ARG1 (d / agree-01 :ARG1 (e / cooperate-01)) :ARG0 (u_3526 / company :ARG1-of (u_3525 / specific-02))) + +(f / sign-02 :ARG0 (e / company :mod (c2 / country :name (n3 / name :op1 "Japan") :wiki "Japan") :ARG0-of (e2 / cooperate-01 :ARG1 (o3 / organization :name (u_3527 / name :op1 "Institute" :op2 "for" :op3 "Information" :op4 "Industry") :wiki -) :mod-of (d / memorandum :ARG1 e :ARG1-of f))) :name (n2 / access-01)) + +(f / agree-01 :ARG0 (e / access-01 :ARG0-of (m / transfer-01 :ARG1 (u_3533 / technology :mod (u_3531 / service :mod (u_3530 / phone :ARG1-of (d / mobile-02)))) :ARG2 (p / person :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0-of (o / operate-01 :ARG1 (u_3532 / phone))) :ARG1-of f))) + +(m / make-02 :ARG1 (u_3537 / base :purpose (t2 / access-01) :purpose (k / activity-06 :ARG0 (a / and :op1 (u_3535 / research-01) :op2 (u_3534 / develop-02)))) :ARG2 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0 (e / pact)) + +(m / state :ARG1 (e / venture :name (n2 / gamania :mod (u_3542 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan")) :mod (u_3543 / joint)) :ARG2 (c / cooperate-01 :ARG2 (u_3545 / business :mod (u_3538 / online) :mod (u_3539 / game))) :ARG0 (d / soft-02 :ARG1 (c4 / country :name (u_3544 / name :op1 "South" :op2 "Korea") :wiki "South_Korea")) :name (u_3541 / name :op1 "NC") :wiki "North_Carolina") + +(a2 / make-01 :ARG3 (u_3547 / company) :ARG1 (e / game :mod (u_3546 / online)) :ARG0 (c4 / country :name (n2 / name :op1 "South" :op2 "Korea") :wiki "South_Korea") :mod (g / large :degree (m / most)) :ARG1-of (d / state :name (u_3548 / name :op1 "NC") :wiki "North_Carolina")) + +(u_3552 / agree-01 :ARG0 (a / and :op1 (e / company :mod (c2 / country :name (n3 / name :op1 "Italy") :wiki "Italy") :name (n2 / motori) :name (u_3553 / name :op1 "Morini" :op2 "Franco") :wiki -) :op2 (c / company :name (n / name :op1 "Taiwan" :op2 "Golden" :op3 "Bee") :wiki -) :ARG0-of (f / set-up-03 :ARG1 (u_3554 / venture :mod (u_3549 / joint) :purpose (l2 / produce-01 :ARG1 (u_3551 / engine :mod (u_3550 / motorcycle)))) :ARG1-of u_3552))) + +(f / upgrade-02 :ARG1 (o / and :op2 (e / develop-02) :op3 (u_3555 / produce-01) :op1 (u_3556 / research-01)) :ARG0 (d / transfer-01 :ARG1 (u_3557 / technology)) :manner (c / _ :ARG0-of (p / motorcycle-makers-01 :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan"))) :mod (u_3558 / company)) + +(f / expect-01 :ARG1 (u_3560 / produce-01 :ARG1 (e / product :ARG1-of (d / value-01)) :time (u_3561 / decade :mod (u_3559 / next))) :ARG0 (p2 / person :ARG0-of (t / analyze-01)) :unit (u_3562 / dollar) :time (b / after :op1 (n5 / now))) + +(m / contract-02 :ARG2 (f / promote-02 :ARG1 (d / sell-01 :ARG1 (u_3567 / product :ARG2-of (u_3563 / include-91 :ARG1 (u_3564 / antenna :mod (u_3569 / company :name (u_3568 / name :op1 "GPS") :wiki -)))) :location (h / overseas)) :manner (u_3565 / joint) :ARG0 (u_3572 / technology :poss (c4 / country :name (u_3570 / name :op1 "Taiwan") :wiki "Taiwan") :mod (u_3571 / emtac) :ARG1-of m)) :ARG0 (e / group :source (c / country :name (n / name :op1 "Japan") :wiki "Japan") :name (n2 / name :op1 "Itochu") :wiki -)) + +(f / broker-01 :ARG1 (u_3577 / deal-01 :ARG2 (e / purchase-01) :ARG1 (p / person :mod (u_3578 / foreign) :ARG0-of (o / buy-01 :ARG1 (u_3576 / product :poss (c / company :name (n / emtac)))) :ARG1-of (u_3575 / value-01 :ARG2 (m / monetary-quantity :unit (d / dollar) :quant (a2 / _))))) :ARG0 (u_3579 / company :name (u_3581 / name :op1 "Itochu") :wiki -) :time (u_3580 / already) :time (u_3573 / present)) + +(u_3585 / and :op2 (u_3588 / prepare-02 :ARG1 (c / company :name (n / name :op1 "Itochu") :wiki - :ARG0-of (p / invest-01 :time (e / future) :ARG2-of u_3588) :ARG0-of (m / assist-01 :ARG1 (u_3586 / company :name (u_3589 / emtac)) :ARG2 (a / and :op2 (u_3582 / develop-02 :ARG1 (u_3587 / part :ARG1-of (d / key-02) :ARG1-of (u_3583 / import-01 :op1-of a)))) :ARG2-of (a2 / promise-01 :ARG0 c :op1-of u_3585))))) + +(m / cooperate-01 :ARG1 (n / biotechnology :poss (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :name (u_3590 / genovate)) :ARG2 (u_3601 / and :op1 (u_3594 / develop-02 :ARG1 (e / drug :ARG1-of (c / design-01 :ARG2 (u_3598 / fight-01 :ARG1 (o / and :op2 (u_3599 / pressure :mod (u_3596 / blood) :ARG1-of (d / high-02)) :op3 (u_3595 / asthma) :op1 (u_3597 / cancer)))) :ARG1-of (u_3592 / manufacture-01 :op3-of u_3601) :ARG1-of (u_3600 / design-01 :op2-of u_3601))) :ARG1-of (u_3593 / sell-01)) :ARG0 (u_3602 / company :name (u_3591 / name :op1 "U.S.-based" :op2 "Pharmaessentia") :wiki -)) + +(f / conclude-01 :ARG1 (c / agree-01 :ARG2 (m / grant-01 :ARG1 (u_3607 / status :mod (u_3604 / prefer-01)) :ARG2 (u_3611 / effort :mod (u_3609 / cooperate-01 :mod (u_3608 / mutual))) :ARG0 (u_3610 / other :mod (u_3606 / _))) :ARG1 (e / company :name (n2 / name :op1 "Synmosa" :op2 "Biopharma") :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan") :wiki -)) :ARG0 (u_3612 / company :name (n / name :op1 "Pharmaessentia") :wiki -) :mod (u_3613 / also)) + +(m / agree-01 :ARG1 (u_3620 / develop-02 :ARG1 (e / product :ARG0-of (f / use-01 :ARG1 (u_3616 / material :mod (u_3614 / raw) :mod (u_3615 / main) :ARG1-of (d / produce-01))) :ARG0-of (u_3619 / comply-01 :ARG1 (u_3618 / standard :mod (u_3617 / market) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")))) :manner (u_3622 / joint)) :ARG2 (c / company :name (n / name :op1 "Synmosa" :op2 "Biopharma") :wiki -) :ARG0 (a / and :op2 (u_3623 / company :name (u_3624 / name :op1 "Pharmaessentia") :wiki -))) + +(f / sell-01 :ARG1 (e / product :mod (u_3627 / that)) :ARG0 (a / and :op1 (u_3629 / company :name (u_3630 / name :op1 "Pharmaessentia") :wiki -) :op2 (c / company :name (n / name :op1 "Synmosa" :op2 "Biopharma") :wiki -)) :location (a2 / and :op1 (u_3626 / continent :name (u_3632 / name :op1 "Asia") :wiki "Asia") :op2 (u_3628 / market :mod (u_3625 / respective) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States"))) :manner (u_3631 / separate-02)) + +(m / conclude-01 :ARG1 (u_3643 / agree-01 :ARG1 (u_3640 / and :op1 (d / exchange-01 :ARG1 (u_3653 / technology)) :op2 (u_3652 / combine-01 :ARG2 (u_3651 / and :op2 (u_3637 / manufacture-01 :ARG1 (u_3642 / drug :mod (u_3638 / new) :ARG1-of (u_3641 / research-01 :op1-of u_3651)))) :ARG1 (u_3639 / strength) :purpose (l2 / upgrade-02 :ARG1 (u_3636 / standard :mod (u_3634 / domestic) :mod (u_3654 / manufacture-01 :ARG1 (u_3635 / pharmaceutical))))))) :ARG2 (u_3644 / and) :ARG0 (a / and :op1 (n / subsidiary :poss (u_3650 / company :mod (u_3646 / laboratory :source (c / country :name (u_3645 / name :op1 "Taiwan") :wiki "Taiwan")) :mod (c2 / country :name (n3 / name :op1 "United" :op2 "States" :op3 "of" :op4 "America") :wiki "United_States") :name (n2 / ryss))) :op2 (e / center :mod (c3 / develop-02 :ARG1 (u_3649 / industry :mod (u_3647 / technology) :mod (u_3648 / pharmaceutical)))))) + +(c / devote-01 :ARG2 (u_3663 / and :op2 (u_3658 / develop-02 :ARG1 (a / and :op1 (u_3666 / pharmaceutical) :op2 (u_3662 / product :mod (u_3660 / science :mod (u_3659 / life)) :mod (u_3661 / other)) :ARG1-of (d / research-01 :op1-of u_3663)))) :ARG1 (e / center) :topic (u_3664 / and :op2 (u_3665 / develop-02) :op1 (u_3657 / technology) :mod (u_3656 / industry :mod (u_3655 / pharmaceutical)))) + +(e / date-entity :year 2004 :month 2 :day 12) + +(c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") + +(u_3670 / and :op3 (u_3671 / weapon) :op1 (u_3667 / international) :op5 (g / government-organization :ARG0-of (g2 / govern-01)) :op2 (u_3668 / technology) :op4 (a / and :op1 (e / war-01) :op2 (u_3669 / conflict-01))) + +(u_3682 / warn-01 :ARG1 (d / possible-01 :ARG1 (u_3676 / encourage-01 :ARG2 (p / invade-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "PRC") :wiki -)) :ARG1-of u_3676)) :ARG0 (m / transfer-01 :ARG1 (e / technology) :ARG2 (u_3677 / country :name (u_3678 / name :op1 "People" :op2 "'s" :op3 "Republic" :op4 "of" :op5 "China") :wiki -) :ARG0 (c / continent :name (n / name :op1 "Europe") :wiki "Europe")))) :ARG2 (u_3685 / country :name (u_3679 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0 (u_3684 / person :name (u_3683 / name :op1 "Annette" :op2 "Lu") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (u_3673 / country :name (u_3674 / name :op1 "Taiwan") :wiki "Taiwan") :ARG2 (u_3680 / president :mod (u_3681 / vice)))) :mod (c3 / continent :name (u_3675 / name :op1 "Europe") :wiki "Europe")) + +(u_3697 / warn-01 :ARG1 (d / possible-01 :ARG1 (m / encourage-01 :ARG2 (p / invade-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "PRC") :wiki -)) :ARG1-of m)) :ARG0 (c / transfer-01 :ARG2 (u_3690 / country :name (u_3691 / name :op1 "People" :op2 "'s" :op3 "Republic" :op4 "of" :op5 "China") :wiki -) :ARG1 (e / technology :mod (c3 / continent :name (n / name :op1 "Europe") :wiki "Europe"))))) :ARG2 (u_3693 / country :name (u_3694 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0 (u_3692 / person :name (u_3698 / name :op1 "Annette" :op2 "Lu") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (u_3688 / country :name (u_3689 / name :op1 "Taiwan") :wiki "Taiwan") :ARG2 (u_3695 / president :mod (u_3696 / vice)))) :time (u_3687 / date-entity :year 2004 :month 2 :day 12)) + +(u_3710 / and :op2 (u_3708 / say-01 :ARG1 (p3 / worrisome-03 :domain (u_3702 / seek-01 :ARG0 (u_3724 / person :ARG0-of (u_3721 / lead-02 :ARG1 (a / and :op1 (u_3703 / country :name (u_3704 / name :op1 "France") :wiki "France") :op2 (u_3722 / country :name (u_3717 / name :op1 "Germany") :wiki "Germany"))) :ARG0-of (u_3720 / lift-01 :ARG1 (u_3719 / ban-01) :ARG1-of (u_3718 / follow-01 :ARG2 (u_3701 / entice-01 :ARG1 (u_3700 / interest :mod (u_3699 / commerce)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (u_3706 / country :name (u_3705 / name :op1 "PRC") :wiki -))) :duration (m / multiple :op1 (u_3723 / temporal-quantity :unit (d / year))))) :ARG1-of u_3702)) :ARG1-of (u_3707 / report-01))) :ARG0 (p / person :name (n / name :op1 "Lu") :wiki - :ARG0-of (u_3716 / note-01 :ARG1 (u_3715 / adopt-01 :ARG1 (e / resolution :ARG0-of (f / ban-01 :ARG1 (c / sell-01 :ARG2 (t / mainland :part-of (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG1 (u_3714 / arm)) :time (b / after :op1 (u_3713 / location :name (u_3712 / name :op1 "Tiananmen") :time (d3 / date-entity :year 890000) :wiki "Tiananmen_Square")))) :ARG0 (o3 / organization :name (n3 / name :op1 "European" :op2 "Union") :wiki "European_Union")) :op1-of u_3710)))) + +(a / and :op2 (u_3731 / add-01 :ARG1 (c / and :op1 (u_3729 / helpful-04 :ARG1 (d / build-up-05 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "PRC") :wiki -))) :mod (e / military)) :ARG0-of (f / cause-01 :ARG1 (u_3726 / encourage-01 :ARG1 (u_3727 / invade-01 :ARG1 (u_3728 / country :name (u_3730 / name :op1 "Taiwan") :wiki "Taiwan")))))) :ARG0 (p / person :name (n / Lu) :ARG0-of (u_3735 / express-01 :ARG1 (u_3738 / concern-01 :ARG0 (u_3732 / transfer-01 :ARG2 (u_3734 / mainland) :ARG1 (u_3725 / technology :mod (c3 / continent :name (u_3737 / name :op1 "Europe") :wiki "Europe") :ARG1-of (u_3733 / advanced-02)))) :op1-of a))) :mod (u_3736 / such)) + +(u_3744 / say-01 :ARG1 (a / and :op2 (u_3741 / increase-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (t / mainland :part-of (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) :ARG0-of (u_3740 / try-01 :ARG1 (f / isolate-01 :ARG1 (u_3742 / country :name (u_3743 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0 g :manner (u_3739 / diplomatically)) :op1-of a) :ARG1-of (d / build-up-05 :mod (e / military) :ARG1-of u_3741)))) :ARG0 (p / person :name (n / name :op1 "Lu") :wiki -)) + +(u_3756 / say-01 :ARG1 (u_3754 / and :op1 (u_3748 / deploy-01 :ARG1 (u_3755 / missile :quant (m / around :op1 500) :ARG0-of (f / target-01 :ARG1 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan"))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (u_3746 / country :name (u_3747 / name :op1 "PRC") :wiki -)))) :op2 (u_3753 / expect-01 :ARG1 (a / increase-01 :ARG4 650 :ARG1 (a2 / number :quant-of (e / missile :ARG1-of (d / deploy-01))) :time (u_3751 / year :mod (u_3750 / next))))) :ARG0 (p / person :name (n / name :op1 "Lu") :wiki -)) + +(m / describe-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "PRC") :wiki -))) :ARG2 (e / terrorist :mod (u_3757 / real) :mod (u_3758 / international)) :ARG0 (p / person :name (n / name :op1 "Lu") :wiki -) :ARG1-of (f / cause-01 :ARG0 (a / and :op1 (d / threaten-01 :ARG1 (u_3761 / missile :ARG1-of (u_3760 / aim-02 :ARG2 (u_3766 / country :name (u_3765 / name :op1 "Taiwan") :wiki "Taiwan")))) :op2 (c / prepare-01 :ARG2 (u_3763 / invade-01))))) + +(u_3774 / add-01 :ARG1 (u_3771 / cause-01 :ARG1 (f / call-03 :ARG1 (u_3772 / referendum :mod (u_3770 / peace) :time (d3 / date-entity :year (explicitanon5 / date-entity :year 2004 :month 3 :day 20))) :ARG0 (p / person :name (n / name :op1 "Chen" :op2 "Shui-bian") :wiki "Chen_Shui-bian" :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :ARG2 (d / president)))) :ARG0 (e / this)) :ARG0 (u_3773 / person :name (u_3775 / name :op1 "Lu") :wiki -) :time (b / alongside :op1 (u_3769 / elect-01 :ARG2 (u_3768 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / president)))))) + +(u_3780 / say-01 :ARG1 (u_3779 / recommend-01 :ARG1 (f / join-01 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "PRC") :wiki -))) :purpose (l / oppose-01 :ARG1 (u_3776 / referendum :poss (u_3777 / country :name (u_3778 / name :op1 "Taiwan") :wiki "Taiwan") :ARG1-of (d / plan-01)) :ARG0 (e / nation :mod (c3 / continent :name (u_3781 / name :op1 "Europe") :wiki "Europe") :ARG0-of f)) :polarity -)) :ARG0 (p / person :name (n / name :op1 "Lu") :wiki -)) + +(u_3788 / say-01 :ARG1 (u_3785 / and :op2 (f / maintain-01 :ARG1 (c / relation-03 :ARG2 (e / country :quant (a2 / all :mod (u_3782 / almost)) :location (a / around :op1 (u_3783 / world))) :mod (u_3784 / substantive)) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan" :domain-of (b / part :polarity - :part-of (u_3787 / country :name (u_3786 / name :op1 "People" :op2 "'s" :op3 "Republic" :op4 "of" :op5 "China") :wiki -) :op1-of u_3785)))) :ARG0 (p / person :name (n / name :op1 "Lu") :wiki -) :concession (u_3789 / _ :ARG0 (u_3792 / most) :ARG1 (d / relation-03 :ARG1 (u_3790 / diplomacy) :polarity -))) + +(a / and :op2 (f / contribute-01 :concession (u_3799 / refuse-01 :ARG0 (m3 / membership :ARG2-of (h2 / have-org-role-91 :ARG1 (u_3798 / organization :mod (u_3797 / international) :quant (a2 / many)))) :ARG1 (d / develop-02 :ARG1 (e / globe) :ARG1-of f)) :mod (u_3800 / great) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan" :ARG0-of (u_3794 / try-01 :ARG1 (u_3802 / participate-01 :ARG1 (u_3801 / activity-06 :mod (u_3793 / international)) :ARG0 c4) :ARG1-of (u_3796 / cease-01 :ARG0 c4 :time (u_3795 / ever) :op1-of a))))) + +(u_3803 / remark-01 :ARG0 (p / person :name (n / name :op1 "Lu") :wiki - :ARG1-of (s3 / receive-01 :time-of (c / _ :ARG2 u_3803 :ARG1 p))) :mod (e / _ :ARG0-of (h / have-org-role-91 :ARG1 (u_3804 / city :mod (c2 / country :name (n3 / name :op1 "Austria") :wiki "Austria") :name (n2 / name :op1 "Innsbruck" :op2 "Hilde" :op3 "Zach") :wiki -) :ARG2 (d / mayor))) :location (a2 / office :poss (c4 / country :name (u_3805 / name :op1 "Taiwan") :wiki "Taiwan") :mod (u_3806 / president))) + +(a / arrive-01 :ARG4 (c / city :name (n3 / name :op1 "Taipei") :wiki - :ARG0-of (y2 / invite-01 :ARG2 a :ARG1 (g / government-organization :name (u_3807 / name :op1 "Ministry" :op2 "of" :op3 "Foreign" :op4 "Affairs") :wiki "Ministry_of_Foreign_Affairs_(Singapore)"))) :purpose (k / visit-01 :duration (t2 / temporal-quantity :unit (y / 6-day)) :ARG0 (p / person :name (n / name :op1 "Zach") :wiki - :ARG1-of a)) :time (d2 / date-entity :weekday (f2 / tuesday)) :quant (a2 / 5)) + +(u_3812 / hope-01 :ARG0 (p / person :name (n / name :op1 "Zach") :wiki - :ARG0-of (u_3811 / gain-02 :ARG1 (d / understand-01 :ARG1 (f / develop-02 :ARG1 (e / field :mod (u_3808 / politics) :mod (u_3809 / tourism) :mod (u_3810 / culture)) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan")) :mod (l / good :degree (m / more))) :ARG1-of u_3812))) + +(e / date-entity :year 2004 :month 6 :day 28) + +(c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") + +(a / and :op6 (e / money) :op3 (u_3814 / weapon) :op2 (u_3813 / technology) :op5 (u_3816 / business) :op1 (u_3815 / international) :op4 (g / government-organization :ARG0-of (g2 / govern-01))) + +(u_3819 / possible-01 :ARG1 (u_3817 / approve-01 :ARG0 (c / company :name (n / name :op1 "Taiwan" :op2 "Executive" :op3 "Yuan") :wiki - :ARG0-of (f / participate-01 :ARG1 (d / construct-01 :ARG1 (e / submarine :ARG1-of (u_3818 / sell-01 :ARG2 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States")))) :ARG1-of u_3817))) :polarity -) + +(u_3820 / complete-01 :ARG0 (e / delegation :ARG0-of (h2 / have-org-role-91 :ARG2 (g / legislator :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan"))) :ARG1-of (l2 / find-01 :purpose-of (f / trip-03 :ARG1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG0 e :duration (t2 / temporal-quantity :unit (y / 11-day)) :ARG1-of u_3820))) :quant (a2 / 5) :mod (u_3821 / person)) + +(u_3837 / submit-01 :ARG1 (e / budget :ARG1-of (u_3836 / special-02)) :ARG2 (m / monetary-quantity :unit (d / dollar)) :ARG0 (o3 / organization :name (n3 / name :op1 "Taiwan" :op2 "Executive" :op3 "Yuan") :wiki -) :purpose (l2 / buy-01 :ARG1 (o / and :op2 (u_3830 / submarine :mod (u_3824 / date-entity) :quant 8 :quant 12) :op3 (u_3826 / aircraft :mod (u_3822 / counter-01) :name (u_3829 / p-3) :name (u_3823 / C)) :op1 (u_3832 / missile :name (n2 / pac-iii) :quant (a2 / 388) :name (u_3827 / patriot)))) :time (l / early :degree (m2 / more) :op1 (u_3834 / month :mod (u_3833 / this))) :source (c / country :name (n / name :op1 "United" :op2 "States") :wiki "United_States")) + +(c / pend-01 :ARG2 (p / approve-01 :ARG0 (g / government-organization :name (n / name :op1 "Legislative" :op2 "Yuan") :wiki -)) :ARG1 (e / budget) :time (u_3838 / now)) + +(m / say-01 :ARG1 (u_3843 / turn-02 :ARG1 (u_3842 / discuss-01 :ARG1 (u_3841 / recommend-01 :ARG1 (f / participate-01 :ARG1 (u_3850 / construct-01 :ARG1 (e / submarine :ARG2-of (a2 / sell-01 :ARG0 (c4 / country :name (u_3849 / name :op1 "United" :op2 "States") :wiki "United_States" :ARG0-of (u_3840 / promise-01 :ARG2 a2))))) :ARG0 (c / company :name (u_3851 / name :op1 "China" :op2 "Shipbuilding" :op3 "Corp.") :wiki -) :mode "interrogative"))) :mod (u_3844 / negative)) :ARG2 (u_3845 / country :name (u_3846 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0 (p / person :name (n / name :op1 "Ker" :op2 "Chien-ming") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (p5 / political-party :name (n3 / name :op1 "Democratic" :op2 "Progressive" :op3 "Party") :wiki "Democratic_Progressive_Party") :ARG2 (d / whip :location (g2 / government-organization :name (n2 / legislate-01 :mod (c2 / country :name (u_3848 / name :op1 "Taiwan") :wiki "Taiwan")))))) :time (u_3852 / date-entity :year 2004 :month 6 :day 28)) + +(m / call-on-05 :ARG2 (f / communicate-01 :ARG1 (u_3857 / review-01 :ARG1 (e / budget-01 :mod (c3 / procure-01 :ARG1 (u_3856 / arm)) :ARG2-of (c / part :ARG1 (d / deal-01 :ARG1 (u_3855 / submarine))))) :ARG0 (g / government-organization :name (n / name :op1 "Legislative" :op2 "Yuan") :wiki - :ARG1-of m)) :ARG0 (p / person :name (u_3859 / name :op1 "Miao" :op2 "Yung-Ching") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG1 (u_3858 / name :op1 "Navy") :ARG2 (u_3853 / commander-in-chief)))) + +(u_3869 / say-01 :ARG1 (u_3865 / and :op1 (p3 / feasible :domain (f / participate-01 :ARG1 (d / construct-01 :ARG1 (e / submarine)) :ARG0 (c / company :name (n / name :op1 "CSBC") :wiki -)) :polarity -) :op2 (m / negotiate-01 :ARG1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG2 (u_3862 / obtain-01 :ARG1 (a / and :op1 (u_3864 / capacity :mod (u_3860 / repair-01)) :op2 (u_3867 / transfer-01 :ARG1 (u_3861 / technology)))) :ARG0 (u_3868 / name :op1 "Navy"))) :ARG0 (p / person :name (u_3870 / name :op1 "Miao") :wiki -)) + +(u_3874 / say-01 :ARG1 (u_3872 / want-01 :ARG0 (e / country :polarity - :ARG0-of (f / buy-01 :ARG1 (u_3873 / submarine :mod (u_3871 / convention)) :ARG1-of u_3872))) :ARG0 (p / person :name (n / name :op1 "Miao") :wiki -)) + +(f / make-02 :ARG1 (p3 / futile :domain (u_3875 / give-01 :ARG2 (c / company :name (n / name :op1 "CSBC") :wiki -) :ARG1 (u_3876 / capable-01 :ARG2 (p / build-01 :ARG0 (u_3877 / they))))) :ARG0 (e / this)) + +(f / control-01 :ARG1 (e / technology :purpose (l2 / build-01 :ARG1 (u_3878 / submarine)) :ARG1-of (d / key-02)) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States")) + +(c / involve-01 :ARG1 (p / person :name (n / name :op1 "Lee" :op2 "Wen-chung") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG1 (p5 / political-party :name (n3 / name :op1 "DPP") :wiki "Democratic_Progressive_Party") :ARG2 (u_3879 / legislator) :mod (e / another) :ARG2-of c))) + +(f / say-01 :ARG1 (m / ask-02 :ARG2 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States" :ARG0-of (s / shorten-01 :ARG3 (t / temporal-quantity :unit (y / year) :quant (a2 / 10)) :ARG2 (u_3881 / temporal-quantity :unit (u_3882 / year) :quant 15) :ARG1 (u_3883 / period :time-of (d / deliver-01 :ARG1 (e / submarine))) :ARG1-of m)) :ARG0 (u_3884 / delegation)) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -) :time (u_3885 / date-entity :year 2004 :month 6 :day 28)) + +(u_3889 / indicate-01 :ARG1 (f / give-up-07 :ARG1 (e / policy :topic (p / build-01 :ARG1 (u_3886 / submarine))) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :time (u_3887 / already)) :ARG0 (u_3888 / this)) + +(f / say-01 :ARG1 (t / thing :condition (l / build-01 :ARG1 (u_3890 / submarine) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :polarity -) :ARG2-of (u_3891 / cost-01 :ARG1 (e / sub :quant (a2 / 8)))) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -) :unit (d / dollar) :degree (u_3893 / less :compared-to (c3 / plan-01 :mod (u_3892 / original)))) + +(u_3901 / base-02 :ARG2 (n / tag :poss (e / submarine :ARG1-of (c / sell-01 :ARG2 (a / and :op1 (u_3897 / country :name (u_3898 / name :op1 "Germany") :wiki "Germany") :op2 (c4 / country :name (n2 / name :op1 "Spain") :wiki "Spain")))) :mod (u_3899 / price-01)) :ARG1 (u_3895 / figure :poss (p / person :name (u_3903 / name :op1 "Lee") :wiki -)) :op1-of (u_3900 / _ :op2 (t / thing :ARG2-of (u_3896 / cost-01 :ARG1 (d / obtain-01 :ARG1 (u_3902 / capacity :mod (u_3894 / repair-01))))))) + +(c / ask-01 :ARG2 (u_3913 / possible-01 :ARG1 (a / and :op1 (f / affect-01 :ARG1 (u_3914 / strength :poss (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :mod (u_3907 / military)) :ARG0 (e / period :mod (u_3906 / deliver-01 :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 10))) :ARG1-of (d / long-03))) :op2 (u_3912 / tip :ARG1 (u_3909 / balance-01 :ARG1 (u_3911 / name :op1 "cross-Taiwan" :op2 "Strait") :mod (u_3904 / military)) :ARG0 (t / mainland :part-of (u_3908 / country :name (u_3910 / name :op1 "China") :wiki "China")) :time (b / after :op1 (u_3905 / date-entity :year (explicitanon5 / date-entity :year 2005)))))) :ARG1 (p / person :name (n / name :op1 "Lee") :wiki -)) + +(f / answer-01 :ARG1 (u_3919 / mean-01 :ARG2 (d / erupt-01 :ARG1 (e / war)) :ARG1 (u_3921 / balance-01 :mod (u_3915 / navy) :mod (u_3916 / military) :mod (u_3918 / any) :ARG1-of (c / tilt-01 :ARG2 (c4 / country :name (n2 / name :op1 "PRC") :wiki -) :time (b / after :op1 (u_3920 / date-entity :year (explicitanon5 / date-entity :year 2005)))) :ARG1-of (u_3917 / possible-01)) :polarity -) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -) :time (u_3923 / time :mod (u_3922 / that))) + +(u_3925 / claim-01 :ARG1 (f / enjoy-01 :ARG1 (e / edge :location (h / air)) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :time (u_3924 / still)) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -)) + +(u_3932 / add-01 :ARG1 (u_3926 / allow-01 :ARG0 (u_3930 / order-02 :ARG1 (e / destroyer :mod (c2 / country :name (n3 / name :op1 "Kidd-class") :wiki -) :ARG1-of (a / arrive-01 :ARG4 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :mod (u_3929 / _) :time (b / by :op1 (d / end-01 :ARG1 (u_3928 / year :mod (u_3927 / next)))))) :ARG0-of (f / maintain-01 :ARG1 (u_3933 / edge :poss u_3930) :mod (u_3931 / still) :ARG1-of u_3926))) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -)) + +(u_3944 / say-01 :ARG1 (f / deliver-01 :ARG1 (e / 5 :ord (o / ordinal-entity :value 1)) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :location (a / and :op1 (u_3942 / 3 :time (d / date-entity :year (explicitanon3 / date-entity :year 2009)) :mod (u_3936 / another)) :op3 (u_3935 / 4 :mod (u_3934 / final) :time (d3 / date-entity :year 110000)) :op2 (u_3939 / 4 :time (u_3938 / date-entity :year 100000))) :time (u_3941 / date-entity :year (u_3940 / date-entity :year 2008))) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -) :mod (u_3945 / also) :ARG1-of (c / _ :ARG2 (u_3948 / aircraft :quant (a2 / 12) :name (u_3947 / C) :name (u_3946 / p-3)))) + +(e / date-entity :year 2007 :month 3 :day 4) + +(a / and :op1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :op2 (u_3949 / country :name (u_3950 / name :op1 "Taiwan") :wiki "Taiwan")) + +(a / and :op1 (u_3952 / international) :op4 (u_3953 / weapon) :op2 (e / military) :op3 (u_3951 / economy)) + +(d / grow-01 :ARG1 (n / budget :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (e / military)) :time (u_3960 / year :mod (u_3959 / recent)) :ARG0-of (u_3958 / lead-01 :ARG1 (u_3956 / believe-01 :ARG0 (u_3961 / some :ARG0-of (u_3955 / attempt-01 :ARG1 (f / achieve-01 :ARG1 (u_3957 / dominate-01 :mod (u_3954 / globe)) :ARG0 u_3961) :ARG1-of u_3956))))) + +(u_3964 / state-01 :ARG1 (f / reveal-01 :ARG1 (u_3966 / attempt-01 :ARG1 (d / achieve-01 :ARG1 (u_3969 / dominate-01 :mod (u_3965 / globe)))) :ARG0 (u_3967 / increase-01 :ARG2 (p2 / percentage-entity :value 178) :ARG1 (c / budget-01 :ARG2 (e / military)) :mod (u_3968 / substantial))) :ARG0 (p / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki - :ARG0-of (u_3972 / plan-01 :ARG1 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :mod (u_3971 / policy :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :mod (u_3962 / top)) :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (u_3963 / name :op1 "Mainland" :op2 "Affairs" :op3 "Council") :wiki -) :ARG2 (u_3970 / chairman))) :mod (u_3974 / country :name (u_3973 / name :op1 "China") :wiki "China") :time (d2 / date-entity :month 3 :time (u_3975 / date-entity :day 4) :year 2007)) + +(u_3979 / state-01 :ARG0 (p / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -) :time (b / after :op1 (f / public-02 :ARG1 (e / bill :mod (u_3977 / budget) :ARG1-of (d / draft-01)) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (u_3978 / date-entity :year 2007)))) + +(u_4004 / state-01 :ARG1 (u_4003 / attempt-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / achieve-01 :ARG1 (e / dominate-01 :mod (u_4001 / globe)) :ARG1-of u_4003)) :ARG1-of (u_4000 / cause-01 :ARG0 (u_3986 / and :op1 (u_3987 / increase-01 :ARG1 (u_3988 / budget) :ARG1-of (u_3982 / significant-02)) :op4 (d / progress-01 :ARG1 (u_4002 / technology :mod (u_3993 / defend-01 :mod (u_3992 / space)))) :op2 (u_3994 / lack-01 :ARG1 (u_3995 / transparent :mod (c3 / build-up-05 :ARG1 (u_3989 / military)))) :op3 (u_3990 / expand-01 :ARG1 (a / and :op1 (u_3985 / air) :op2 (u_3991 / force :mod (u_3984 / navy))) :manner (u_3999 / rapid))) :ARG0-of (u_3981 / suggest-01 :ARG1 (u_3997 / attempt-01 :ARG1 (u_3998 / dominate-01 :mod (u_3980 / globe)))))) :ARG0 (p / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -)) + +(u_4008 / state-01 :ARG1 (u_4006 / experience-01 :ARG1 (d / grow-01 :ARG1 (u_4005 / double-digit)) :ARG0 (f / spend-01 :ARG1 (e / military) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :frequency (r / rate-entity-91 :ARG3 (t2 / temporal-quantity :unit (y / year)))) :time (b / since :op1 (u_4007 / date-entity :year 1993))) :ARG0 (p / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -)) + +(f / state-01 :ARG1 (u_4019 / expect-01 :ARG1 (a / and :op2 (u_4015 / become-01 :ARG2 (u_4017 / trend-01 :ARG1-of (u_4016 / long-03)) :ARG1 (u_4013 / slow-down-03 :ARG1 (d / grow-01 :ARG1 (c / expend-01 :ARG2 (e / military) :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) :time (u_4014 / future :ARG1-of (p2 / foresee-01 :ARG1-of (u_4012 / possible-01))) :ARG1-of (u_4011 / accelerate-01 :op1-of a))) :ARG1-of (u_4010 / instead-of-91)) :polarity "_" :ARG2-of (u_4009 / _ :ARG1 f)) :ARG0 (p / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -) :mod (u_4018 / also)) + +(u_4035 / state-01 :ARG1 (u_4033 / deserve-01 :ARG0 (f / grow-01 :ARG1 (c / budget-01 :ARG2 (e / military)) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (d / continued) :ARG0-of (p / concern-01 :op2-of (a / and :op1 (u_4031 / attend-02 :ARG1 f :mod (u_4032 / globe)) :ARG1-of u_4033))) :ARG1-of (u_4029 / cause-01 :ARG0 (u_4026 / and :op1 (u_4028 / threaten-01 :polarity - :mod (u_4022 / apparent)) :op2 (u_4030 / threaten-01 :ARG2 (u_4024 / security) :mod (u_4020 / potential) :polarity - :time (u_4021 / future) :ARG1-of (u_4027 / see-01))))) :ARG0 (u_4034 / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -)) + +(f / state-01 :ARG1 (u_4039 / rise-01 :ARG1 (a2 / threaten-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (a / and :op1 (u_4037 / country :name (u_4038 / name :op1 "Taiwan") :wiki "Taiwan") :op2 (e / country :mod (u_4036 / other) :location (w2 / world-region :name (n / name :op1 "Asia-Pacific") :wiki "Asia-Pacific") :ARG1-of (d / neighbor-01))))) :ARG0 (p / person :name (u_4040 / name :op1 "Joseph" :op2 "Wu") :wiki -)) + +(a2 / state-01 :ARG3 (u_4048 / about :op1 3 :op2 (u_4046 / figure :ARG1-of (u_4045 / declare-01 :mod (u_4041 / official)))) :ARG1 (u_4043 / _ :ARG1 (c / budget-01 :ARG2 (u_4049 / military) :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (d / actual-02))) :ARG0 (a / and :op1 (u_4047 / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -) :op2 (p / person :ARG1-of (i2 / expert-01 :ARG2 (e / military :mod (w / world-region :name (n4 / name :op1 "West") :wiki "Western_world")))))) + +(u_4068 / state-01 :ARG1 (u_4050 / aim-02 :ARG2 (d / strengthen-01 :ARG1 (u_4066 / capable-01 :ARG2 (u_4067 / defend-01))) :ARG1 (u_4064 / plan-01 :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan" :ARG0-of (f / procure-01 :ARG1 (a / and :op1 (u_4055 / system :mod (u_4051 / weaponry) :mod (u_4052 / expensive) :quant 3) :op4 (e / squadron :consist-of (c / aircraft :quant (a2 / 12) :mod (u_4060 / C) :mod (u_4059 / counter-01) :name (u_4065 / p-3))) :op2 (u_4063 / submarine :quant 8 :mod (u_4056 / diesel-electric)) :op3 (u_4058 / battery :quant 6 :name (u_4062 / name :op1 "Patriot" :op2 "PAC" :op3 "III") :wiki -)) :ARG1-of u_4064)))) :ARG0 (p / person :name (n / name :op1 "Joseph" :op2 "Wu") :wiki -) :ARG2-of (u_4070 / _ :ARG1 (u_4072 / build-up-05 :ARG1 (u_4069 / country :name (u_4071 / name :op1 "China") :wiki "China") :mod (u_4073 / military))) :ARG1-of (u_4074 / _ :ARG2 (u_4075 / missile))) + +(e / date-entity :year 2008 :month 1 :day 28) + +(c4 / country :name (n2 / name :op1 "China") :wiki "China") + +(o / and :op2 (g / government-organization :ARG0-of (g2 / govern-01)) :op3 (u_4076 / business) :op1 (e / technology)) + +(f / open-01 :ARG1 (e / office :ARG1-of (d / special-02) :ARG1-of (u_4087 / charge-05 :ARG2 (o / and :op2 (u_4090 / manage-01 :ARG1 (c / right-05 :ARG2 (u_4091 / property :mod (u_4083 / intellectual)))) :op3 (u_4082 / consultancy) :op1 (u_4081 / enhance-01 :ARG1 (u_4080 / develop-02 :ARG1 (a / and :op1 (u_4085 / agriculture) :op2 (u_4084 / application :ARG1 (u_4079 / technology)))))) :op1-of (u_4086 / and :op2 (u_4088 / transfer-01 :ARG1 (u_4089 / technology :mod (u_4078 / agriculture)))))) :ARG0 (g / government-organization :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :name (n / name :op1 "Council" :op2 "of" :op3 "Agriculture") :wiki -) :mod (u_4077 / agriculture) :ARG1-of (u_4092 / _ :mod (u_4093 / knowledge))) + +(m / state-01 :ARG1 (f / open-01 :ARG1 (e / office :ARG1-of (u_4101 / charge-05 :ARG2 (a / and :op1 (d / transfer-01 :ARG1 (u_4099 / technology :mod (u_4097 / agriculture))) :op2 (c / right-05 :ARG2 (u_4103 / property :mod (u_4098 / intellectual)))) :topic (u_4100 / and :op2 (u_4102 / consultancy) :op1 (u_4096 / manage-01))) :ARG1-of (u_4104 / special-02)) :ARG0 (o3 / organization :name (n3 / name :op1 "Executive" :op2 "Yuan") :wiki -) :time (d2 / date-entity :month 1 :year 2008 :day 28)) :ARG2 (n / _ :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :name (u_4106 / agriculture)) :ARG0 (p / person :name (u_4107 / name :op1 "Lee" :op2 "Jen-chyuan") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / minister :mod (u_4105 / deputy))))) + +(u_4114 / state-01 :ARG1 (f / help-01 :ARG1 (u_4109 / increase-01 :ARG1 (m / monetary-quantity :quant 30000000 :unit (u_4111 / dollar :mod (c2 / country :name (n3 / name :op1 "Taiwan") :wiki "Taiwan") :mod (e / new))) :ARG0 (a2 / amount :quant-of (u_4110 / contract-02 :mod (c3 / transfer-01 :ARG1 (u_4108 / technology))) :ARG2-of (c / total-01)) :ARG4 (d / date-entity :year 2011)) :ARG0 (u_4112 / establish-01 :ARG1 (o3 / organization :name (u_4113 / name :op1 "Agricultural" :op2 "Technology" :op3 "Promotion" :op4 "Agency") :wiki -))) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -)) + +(f / state-01 :ARG1 (c / spend-02 :ARG2 (a / and :op1 (u_4115 / set-02 :ARG1 (u_4124 / mechanism :ARG1-of (u_4123 / relevant-01))) :op2 (d / draft-01 :ARG1 (e / set :consist-of (r2 / measure-02 :ARG1 (u_4122 / promotional)))) :purpose (l2 / enhance-01 :ARG1 (u_4118 / develop-02 :ARG1 (u_4119 / and :op1 (u_4117 / agriculture) :op2 (u_4120 / application :ARG1 (u_4121 / technology :mod (u_4116 / agriculture))) :mod (c2 / country :name (u_4125 / name :op1 "China") :wiki "China"))))) :ARG1 (o3 / organization :name (n3 / name :op1 "COA") :wiki -) :time (b / before :op1 (n5 / now) :duration (u3 / several :op1 (t / temporal-quantity :unit (y / year))))) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -) :mod (u_4127 / _ :mod (u_4126 / knowledge))) + +(u_4128 / state-01 :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -)) + +(f / promote-01 :ARG1 (u_4137 / application :ARG1 (a / and :op1 (d / transfer-01 :ARG1 (e / technology)) :op2 (c / right-05 :ARG2 (u_4135 / property :mod (u_4134 / intellectual))) :ARG1-of (u_4136 / total-01 :ARG2 u_4137)) :quant 139 :ARG1-of (r / increase-01 :ARG4 (p2 / percentage-entity :value 50) :ARG3 (u_4131 / rate-entity-91 :ARG2 (u_4133 / temporal-quantity :unit (y / year)) :ARG1 (u_4138 / case :quant (a2 / 90) :ARG1-of (u_4132 / average-01))))) :ARG0 (o3 / organization :name (n3 / name :op1 "COA") :wiki - :ARG0-of (u_4129 / succeed-01 :ARG1 f)) :year 2006 :time (u_4142 / date-entity :year 2007) :ARG2-of (u_4130 / _ :ARG1 (u_4140 / date-entity :year 2002))) + +(u_4148 / amount-02 :ARG2 (m / monetary-quantity :unit (d / dollar)) :ARG1 (e / income :ARG1-of (c / derive-01 :ARG2 (u_4150 / transfer-01 :ARG1 (u_4146 / technology) :ARG1-of (f / conduct-01 :ARG0 (n / effort :poss (u_4145 / name :op1 "Council"))))) :ARG2-of (u_4147 / total-01)) :quant (m4 / monetary-quantity :unit (d2 / dollar)) :quant 47250000 :ARG1-of (r / increase-01 :ARG4 (p2 / percentage-entity :value 50) :ARG3 (u_4144 / average-01 :ARG2 (u_4151 / monetary-quantity :quant 12930000)) :time (a2 / date-interval :op2 (u_4149 / date-entity :year 2002-2006) :op1 (u_4143 / rate-entity-91 :ARG2 (t / temporal-quantity :unit (y / year)) :frequency-of r)))) + +(f / state-01 :ARG1 (m / commission :ARG1 (e / project :purpose (a / and :op2 (d / apply-02 :ARG1 (t3 / thing :ARG1-of (s / achieve-01) :ARG1-of (u_4159 / manage-01 :op1-of a)))) :ARG1-of (u_4160 / special-02)) :ARG2 (r / research-institute :name (n2 / name :op1 "Industrial" :op2 "Technology" :op3 "Research" :op4 "Institute") :wiki -) :ARG0 (g / government-organization :name (u_4168 / name :op1 "COA") :wiki -) :purpose (l / upgrade-02 :ARG1 (u_4161 / and :op1 (u_4162 / research-01 :ARG1 (u_4157 / technology :mod (u_4153 / agriculture))) :op2 (u_4154 / develop-02)) :ARG0 (o / and :op2 (u_4156 / protect-01) :op3 (u_4155 / manage-01) :op1 (u_4158 / application)))) :ARG0 (p / person :name (n / name :op1 "Lee") :wiki -) :mod (u_4167 / name :mod (u_4165 / D) :mod (u_4166 / agriculture))) + +(u_4180 / state-01 :ARG1 (m / cooperate-01 :ARG1 (u_4175 / institution :location (u_4181 / country :name (u_4176 / world-renowned)) :mod (u_4169 / apply-01 :mod (p / product :name (n4 / name :op1 "IPR") :wiki -))) :ARG0 (g / government-organization :name (u_4182 / name :op1 "Agricultural" :op2 "Technology" :op3 "Promotion" :op4 "Office") :wiki - :ARG0-of (f / enhance-01 :ARG1 (a / and :op1 (u_4171 / educate-01) :op2 (e / train-01)) :op2-of (u_4172 / and :purpose (l2 / push-01 :ARG1 g) :op1 (u_4174 / revise-01 :ARG1 (u_4173 / regulate-01 :ARG1-of (d / relevant-01)) :ARG0 g) :ARG2-of m)))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / company :name (n / name :op1 "An" :op2 "Itri") :wiki -) :ARG2 (m2 / official))) :op1-of (u_4177 / and :op2 (u_4178 / transfer-01 :ARG1 (u_4179 / technology)))) + +(u_4197 / state-01 :ARG1 (u_4196 / serve-01 :ARG1 (e / platform :purpose (l / introduce-02 :purpose (u_4185 / attempt-01 :ARG0 (u_4184 / expand-01 :ARG1 (u_4192 / apply-02 :ARG1 (u_4191 / technology :mod (u_4183 / agriculture)))) :ARG1 (u_4194 / business :ARG1-of (d / local-02) :ARG1-of l)) :ARG0 (t2 / thing :mod (u_4190 / various) :ARG1-of (r / achieve-01 :ARG0 (u_4193 / D :mod (u_4188 / name))) :ARG1-of (f / realize-02 :ARG0 (u_4189 / institute :mod (u_4186 / experiment-01) :mod (u_4187 / research-01)))))) :ARG0 (u_4195 / name :op1 "Office")) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "Itri") :wiki -) :ARG2 (m2 / official)))) + +(e / date-entity :year 2008 :month 2 :day 15) + +(c4 / country :name (n2 / name :op1 "China") :wiki "China") + +(a / and :op1 (u_4199 / international) :op4 (e / technology) :op2 (u_4201 / business) :op3 (u_4200 / money)) + +(f / approve-01 :ARG1 (e / project :quant (a2 / 2) :mod (u_4202 / invest-01) :ARG1-of (d / major-02)) :ARG0 (g / government-organization :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs") :wiki -) :mod (u_4203 / preliminary) :location (h / meet-03 :time (d2 / date-entity :month 2 :year 2008 :day 15) :purpose (t2 / review-01)) :quant (u_4204 / _ :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China"))) + +(f / state-01 :ARG1 (d / _ :ARG1 (e / project :quant (a2 / 2)) :mod (u_4207 / positive)) :ARG0 (p / person :name (n / name :op1 "Steve" :op2 "reuy-long" :op3 "Chen") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / minister))) :ARG0-of (u_4205 / _ :ARG1 (u_4206 / develop-02 :ARG1 (u_4208 / economy) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan")))) + +(f / approve-01 :ARG1 (e / project :quant (a2 / 2) :mod (u_4209 / invest-01) :ARG1-of (d / major-02)) :ARG0 (g / government-organization :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs") :wiki -) :quant (u_4210 / _ :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :location (h / meet-03 :time (d2 / date-entity :month 2 :day 15 :year 2008) :purpose (t2 / review-01)) :mod (u_4211 / preliminary)) + +(u_4229 / include-01 :ARG2 (u_4231 / project :quant (a2 / 2)) :ARG1 (f / plan-01 :ARG0 (c / company :name (n / name :op1 "Formosa" :op2 "Plastics" :op3 "Group") :wiki - :ARG0-of (u_4223 / invest-01 :ARG1 (m / monetary-quantity :quant 250000000 :unit (d / dollar :mod (c2 / country :name (n3 / us)))) :ARG2 (e / company :location (u_4227 / city :name (u_4228 / name :op1 "Zhangzhou") :location (h / province :name (n2 / name :op1 "Fujian") :wiki "Fujian") :wiki -) :mod (u_4224 / steel) :mod (u_4225 / specialty)) :ARG1-of f))) :quant 150000000 :unit (u_4230 / dollar) :op1-of (a / and :op2 (u_4214 / plan-01 :ARG1 (u_4213 / increase-01 :ARG1 (u_4215 / invest-01 :ARG1 (u_4216 / plant :location (u_4233 / city :name (u_4232 / name :op1 "Shanghai") :wiki "Shanghai") :mod (u_4212 / package-01)))))) :consist-of (u_4219 / and :op2 (u_4220 / company :name (u_4222 / ase)) :op1 (u_4221 / packager :mod (u_4218 / semiconductor)) :ARG0-of (p / test-01))) + +(f / state-01 :ARG1 (d / _ :ARG1 (e / project :quant (a2 / 2)) :mod (u_4234 / positive)) :ARG0 (p / person :name (n / name :op1 "Steve" :op2 "reuy-long" :op3 "Chen") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / minister))) :ARG0-of (u_4235 / _ :ARG1 (u_4237 / develop-02 :ARG1 (u_4236 / economy) :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan")))) + +(u_4244 / state-01 :ARG0 (p / person :name (n / name :op1 "Chen") :wiki -) :time (b / after :op1 (u_4242 / preside-01 :ARG1 (c2 / conference :name (n3 / name :op1 "Interministerial" :op2 "Conference") :manner (a2 / and :op1 (u_4240 / manage-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1-of (d / activity-06)) :op2 (e / policy :mod (c3 / invest-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :mod (u_4239 / open-01) :ARG0-of (u_4243 / effective-04)) :mod (u_4238 / project)) :mode "interrogative" :wiki -)))) + +(u_4254 / state-01 :ARG1 (u_4253 / expect-01 :ARG1 (f / approve-01 :ARG1 (e / project) :ARG0 (u_4250 / government-organization :poss (g / government-organization :name (u_4255 / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs") :wiki -) :name (u_4251 / name :op1 "Investment" :op2 "Commission") :wiki -) :time (u_4249 / week :mod (u_4248 / date-entity :month 2 :year 2008 :day 17)) :manner (c / formal) :ARG1-of (u_4246 / cause-01 :ARG0 (u_4247 / pass-01 :ARG1 (u_4245 / screening :ARG1-of (d / policy-related-01)) :ARG0 (u_4252 / _))))) :ARG0 (p / person :name (n / name :op1 "Chen") :wiki -)) + +(f / attend-01 :ARG1 (e / meet-03 :purpose (t2 / review-01)) :purpose (l / explain-01 :ARG1 (a / and :op1 (u_4276 / plan-01 :ARG1 (u_4260 / invest-01)) :op2 (u_4258 / blueprint :time (u_4256 / future) :mod (c3 / develop-02 :ARG1 (u_4257 / business)))) :manner (u_4259 / detail-01) :ARG0 (o / and :op2 (u_4275 / person :name (u_4274 / name :op1 "Wu" :op2 "Kuo-hsiung") :wiki - :ARG0-of (u_4273 / have-org-role-91 :ARG1 (u_4271 / company :name (u_4264 / name :op1 "Formosa" :op2 "Heavy" :op3 "Industry" :op4 "Corp.") :wiki -) :ARG2 (u_4272 / president))) :op3 (u_4265 / person :name (u_4269 / name :op1 "Jason" :op2 "Chang") :wiki - :ARG0-of (u_4268 / have-org-role-91 :ARG1 (u_4266 / company :name (u_4261 / ase)) :ARG2 (u_4267 / chairman))) :op1 (p / person :name (n / name :op1 "Li" :op2 "Chih-chun") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c / company :name (u_4270 / fpg)) :ARG2 (d / chairman))) :ARG0-of f))) + +(f / report-01 :ARG1 (o / and :op2 (e / invest-01 :location (c / country :name (n / name :op1 "Taiwan") :wiki "Taiwan") :ARG1-of (d / match-01)) :op3 (u_4283 / plan-01 :ARG1 (u_4284 / globalize-01)) :op1 (u_4279 / plan-01 :ARG1 (a / and :op1 (u_4277 / transfer-01 :ARG1 (u_4278 / technology)) :op2 (u_4281 / deliver-01 :ARG1 (u_4282 / equipment))) :mod (u_4280 / finance-01))) :ARG0 (u_4285 / and :op1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_4286 / company) :ARG2 (m2 / chairman))) :op2 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / president))))) + +(u_4296 / state-01 :ARG1 (u_4288 / and :op1 (u_4290 / pledge-01 :ARG1 (u_4291 / invest-01 :ARG2 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :ARG0-of (f / reach-01 :ARG1 (m / monetary-quantity :unit (d / dollar)) :time (b / by :op1 (u_4289 / date-entity :year 2013)))) :ARG0 (c / company :name (u_4297 / fpg))) :op2 (a / and :op1 (e / produce-01) :op2 (u_4293 / deliver-01 :ARG2 (u_4292 / country :name (u_4295 / name :op1 "China") :wiki "China") :ARG1 (u_4287 / equipment :ARG1-of (u_4294 / relate-01))))) :ARG0 (p / person :name (n / name :op1 "Chen") :wiki -)) + +(a2 / state-01 :ARG3 (a / and :op1 (u_4304 / technical :ARG0 (c / company :name (u_4303 / fpg))) :op2 (e / manage-01)) :ARG1 (d / recruit-01 :purpose (l / create-01 :ARG1 (u_4301 / opportunity :mod (u_4298 / job)) :ARG0 (p4 / person :ARG2-of (c2 / staff-01) :ARG1-of d)) :location (u_4300 / country :name (u_4302 / name :op1 "Taiwan") :wiki "Taiwan")) :ARG0 (p / person :name (n / name :op1 "Chen") :wiki -)) + +(u_4312 / state-01 :ARG1 (a / and :op2 (u_4307 / indicate-01 :ARG1 (u_4309 / increase-01 :ARG1 (u_4310 / invest-01) :ARG0-of (f / depend-01 :ARG1 (u_4306 / circumstance :mod (u_4305 / market)))) :ARG0 (c / company :name (n / ase) :ARG0-of (u_4308 / invest-01 :ARG1 (u_4311 / over :op1 (m / monetary-quantity :unit (d / dollar) :quant (a2 / 145000000000))) :ARG2 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :op1-of a)))) :ARG0 (p / person :name (u_4313 / name :op1 "Chen") :wiki -)) + +(p3 / meet-03 :domain (e / meet-03 :purpose (t2 / review-01)) :mod (u_4315 / screening) :ord (o / ordinal-entity :value 3) :ARG1-of (f / convene-01 :ARG0 (u_4314 / ministry)) :ARG1-of (d / policy-related-01)) + +(f / approve-01 :ARG1 (e / project :mod (u_4319 / invest-01) :ARG0-of (m / relocate-01 :ARG1 (u_4324 / plant :mod (u_4320 / 8-inch-wafer) :ARG1-of (c / use-01 :ARG2 (u_4321 / process-02 :ARG1 (d / manufacture-01 :ARG1 (u_4322 / "0.25-micron"))))) :ARG2 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) :ARG0 (u_4325 / ministry) :mod (u_4317 / company :ARG0-of (u_4318 / manufacture-01 :ARG1 (u_4316 / semiconductor))) :time (u_4326 / previous) :quant (a2 / base-01)) + +(u_4333 / approve-01 :ARG1 (u_4330 / apply-01 :ARG0 (c / company :name (n / name :op1 "Taiwan" :op2 "Semiconductor" :op3 "Manufacturing" :op4 "Co.") :wiki "TSMC" :ARG0-of (f / use-01 :ARG1 (e / technology :purpose (l2 / manufacture-01 :ARG1 (u_4328 / chip) :mod (u_4327 / "0.18-micro"))) :location (h / foundry :location (u_4329 / wafer) :location (u_4331 / country :name (u_4332 / name :op1 "China") :wiki "China")) :ARG1-of u_4330))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01))) + +(e / date-entity :year 2008 :month 4 :day 8) + +(c4 / country :name (n2 / name :op1 "China") :wiki "China") + +(o / and :op2 (u_4334 / technology) :op3 (e / economy) :op1 (u_4335 / business)) + +(m / approve-01 :ARG1 (a / and :op1 (u_4342 / industry :mod (u_4338 / precision) :name (u_4341 / lingsen)) :op4 (u_4340 / industry :name (u_4339 / name :op1 "Siliconware") :mod (u_4336 / precision) :wiki -) :op2 (u_4345 / electronics :name (u_4344 / yuan :ARG0-of (h2 / have-org-role-91 :ARG2 (g / _)))) :op3 (e / company :name (u_4347 / name :op1 "IC" :op2 "Assembly") :name (u_4343 / name :op1 "Sigurd" :op2 "Corp.") :wiki - :wiki -)) :ARG2 (p / invest-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0 (u_4346 / government-organization :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs") :wiki -)) + +(u_4348 / announce-01 :ARG1 (d / approve-01 :ARG1 (f / propose-01 :ARG1 (p / invest-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0 (p2 / person :ARG0-of (t / manufacture-01)) :quant (a2 / 4))) :ARG0 (g / government-organization :name (n / name :op1 "Ministry" :op2 "of" :op3 "Economic" :op4 "Affairs") :wiki -) :time (d2 / date-entity :month 4 :year 2008 :day 8)) + +(u_4351 / and :op2 (a2 / invest-01 :ARG2 (u_4362 / and :op1 (u_4349 / package-01 :ARG1 (u_4364 / circuit :ARG1-of (d / integrate-01))) :op2 (u_4350 / test-01)) :ARG0 (a / and :op1 (u_4358 / industry :mod (u_4353 / precision) :name (u_4357 / lingsen)) :op4 (u_4361 / industry :name (u_4360 / name :op1 "Siliconware") :mod (u_4356 / precision) :wiki -) :op2 (c / company :name (n / electronics) :name (u_4354 / yuan :mod (u_4355 / _))) :op3 (e / company :name (n2 / name :op1 "Sigurd" :op2 "Corp.") :name (u_4359 / name :op1 "IC" :op2 "Assembly") :wiki - :wiki -) :ARG1-of (u_4363 / approve-01 :ARG2 (p / invest-01 :ARG0 a) :op1-of u_4351)))) + +(u_4367 / invest-01 :ARG1 (a / and :op1 (u_4370 / monetary-quantity :unit (u_4369 / dollar) :quant 10000000 :mod (c2 / country :name (n3 / us))) :op2 (u_4373 / respective)) :ARG2 (m / monetary-quantity :unit (d / _) :quant (a2 / 20000000)) :ARG0 (e / company) :quant (u_4365 / _) :quant (u_4371 / 50000000 :unit (u_4372 / dollar))) + +(u_4375 / amount-01 :ARG2 (m / monetary-quantity :quant 12500000) :ARG1 (c / invest-01 :ARG2 (u_4377 / monetary-quantity :quant 86700000 :unit (d / dollar :mod (c2 / country :name (n3 / us))))) :ARG2-of (u_4374 / total-01) :ARG1-of (f / _ :ARG0 (t3 / thing :ARG1-of (s / propose-01)))) + +(u_4383 / determine-01 :ARG1 (u_4382 / meet-01 :ARG1 (u_4380 / clause :poss (e / procedure :topic (u_4378 / invest-01 :mod (c2 / country :name (u_4385 / name :op1 "China") :wiki "China")) :ARG1-of (f / issue-01 :ARG0 (g / government-organization :poss (u_4379 / ministry) :name (n / name :op1 "Investment" :op2 "Commission") :wiki -)))) :ARG0 (t3 / thing :mod (u_4381 / invest-01) :ARG1-of (s / propose-01))) :ARG0 (o3 / organization :name (n3 / moea)) :time (u_4384 / meet-03 :time (d2 / date-entity :month 4 :day 8 :year 2008))) + +(u_4396 / state-01 :ARG1 (u_4392 / aim-01 :ARG0 (u_4398 / procedure :mod (u_4393 / invest-01) :ARG0-of (u_4391 / ensure-01 :ARG1 (f / harm-01 :ARG1 (a / and :op1 (u_4386 / industry) :op2 (u_4394 / economy)) :ARG0 (a2 / invest-01 :ARG0 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :ARG2 (u_4387 / country :name (u_4388 / name :op1 "China") :wiki "China")) :polarity - :manner (r2 / leak-01 :ARG1 (u_4390 / technology :ARG1-of (u_4397 / key-02)) :prep-to (u_4389 / mainland))) :ARG1-of u_4392))) :ARG0 (p / person :name (n / name :op1 "Liang-Tung") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (o3 / government-organization :name (n3 / name :op1 "Investment" :op2 "Commission") :wiki -) :ARG2 (d / secretary :mod (e / executive)))) :name (u_4395 / fan)) + +(m / require-01 :ARG2 (a / or :op1 (d / reach-01 :ARG1 (c / invest-01 :ARG2 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1 (e / company) :mod (u_4409 / total-01))) :op2 (u_4408 / possible-01 :ARG1 (u_4407 / transfer-01 :ARG1 (n / technology :poss (u_4411 / industry :mod (u_4406 / core) :ARG1-of (u_4410 / local-02))))) :ARG0-of (f / approve-01 :ARG1 (o3 / organization :name (n3 / moea)) :condition (i2 / involve-01 :ARG1 (u_4413 / invest-01 :ARG1-of (u_4412 / single-02) :ARG1-of (u_4402 / exceed-01))) :ARG1-of m)) :ARG0 (u_4404 / plan-01 :mod (u_4401 / invest-01)) :quant (a2 / 250000000 :unit (u_4403 / dollar)) :quant (u_4399 / 20000000 :unit (u_4400 / dollar :mod (c2 / country :name (u_4405 / us)))) :source (m2 / procedure)) + +(c / involve-01 :ARG2 (u_4419 / manufacture-01 :ARG1 (o / and :op2 (u_4418 / panel :mod (u_4415 / 4-inch) :mod (u_4416 / tft)) :op3 (u_4421 / package-01 :ARG1 (u_4417 / name :op1 "IC")) :op1 (u_4422 / wafer :mod (d2 / distance-quantity :unit (f2 / 8-inch)))) :ARG2-of (u_4414 / _ :ARG1 c)) :ARG1 (n / industry :poss (e / fan) :mod (u_4420 / core) :ARG1-of (d / state-01)) :quant (a2 / ofch) :mod (u_4423 / main)) + +(f / require-01 :ARG1 (u_4445 / document :ARG1-of (d / write-01)) :purpose (l / assess-01 :ARG1 (u_4442 / plan-01 :ARG0-of (u_4443 / contain-01 :ARG1 (u_4436 / commit-01 :ARG2 (u_4438 / term :mod (u_4435 / invest-01) :ARG2-of (u_4441 / include-01 :ARG1 (a / and :op1 (u_4433 / plan-01 :mod (u_4428 / finance)) :op4 (u_4427 / information :mod (u_4425 / employ-01)) :op2 (u_4429 / information) :op3 (u_4434 / invest-01 :mod (u_4432 / domestic)) :mod (c3 / transfer-01 :ARG1 (u_4431 / technology) :mod (u_4430 / any))))) :ARG1 (u_4437 / company :mod (u_4424 / each))))) :degree (u_4440 / further) :ARG0 (e / name :op1 "Commission" :ARG0-of f)) :time (b / after :op1 (u_4444 / meet-03 :time (d2 / date-entity :month 4 :year 2008 :day 8)))) + +(u_4447 / state-01 :ARG1 (f / concern-01 :ARG1 (n / term :poss (c / invest-01 :ARG2 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :time (e / future))) :ARG0 (o3 / organization :name (n3 / name :op1 "Commission") :wiki "International_Commission_on_Nuclear_Non-proliferation_and_Disarmament") :mod (u_4446 / primary)) :ARG0 (p / person :name (u_4448 / fan))) + +(f / state-01 :ARG1 (a2 / commit-01 :ARG2 (u_4450 / return-02 :ARG1 (u_4464 / and :op1 (m / monetary-quantity :unit (d / dollar)) :op2 (p2 / percentage-entity :value 23000000000) :mod (u_4466 / respective)) :ARG2 (c4 / country :name (u_4465 / name :op1 "Taiwan") :wiki "Taiwan") :mod (u_4451 / capital) :time (b / by :op1 (u_4452 / date-entity :year 2011)) :ARG0 (a / and :op1 (u_4460 / industry :name (u_4459 / lingsen) :mod (u_4455 / precision)) :op4 (u_4457 / industry :mod (u_4453 / precision) :name (u_4456 / name :op1 "Siliconware") :wiki -) :op2 (u_4463 / electronics :name (u_4462 / yuan :mod (u_4458 / _))) :op3 (e / company :name (n2 / name :op1 "IC" :op2 "Assembly") :name (u_4461 / name :op1 "Sigurd" :op2 "Corp.") :wiki - :wiki -) :ARG0-of a2))) :ARG0 (p / person :name (n / fan)) :quant 2000000000 :unit (u_4468 / dollar) :quant (m4 / monetary-quantity :unit (d2 / dollar)) :quant (u_4469 / monetary-quantity :unit (u_4470 / dollar)) :quant 3000000000) + +(u_4472 / state-01 :ARG1 (f / ensure-01 :ARG1 (d / uphold-01 :ARG1 (t / thing :ARG2-of (p4 / commit-01))) :ARG0 (o3 / organization :name (n3 / name :op1 "Commission") :wiki "International_Commission_on_Nuclear_Non-proliferation_and_Disarmament")) :ARG0 (p / person :name (n / fan)) :time (s3 / way :ARG1 (e / invest-01))) + +(u_4482 / state-01 :ARG1 (m / push-01 :ARG2 (d / focus-01 :ARG1 (a2 / invest-01 :ARG0 (u_4479 / country :name (u_4480 / name :op1 "China") :wiki "China") :ARG2 (c4 / country :name (n2 / name :op1 "Taiwan") :wiki "Taiwan") :ARG1-of m) :ARG1-of (c / instead-of-91 :ARG2 (u_4477 / keep-02 :ARG1 (e / technology :mod (u_4475 / high-end))) :ARG0-of (p / manufacture-01 :mod (u_4476 / scale :mod (u_4473 / down))) :ARG0-of (f / make-01 :ARG1 (u_4474 / technology-concentrated)))) :ARG0 (u_4478 / procedure)) :ARG0 (u_4481 / person :name (n / fan)) :degree (l / nucleus)) + +(u_4487 / state-01 :ARG1 (a / and :op1 (f / hold-04 :ARG0 (o3 / organization :name (n3 / name :op1 "Commission") :wiki "International_Commission_on_Nuclear_Non-proliferation_and_Disarmament" :ARG0-of (l / decide-01 :ARG1 (d / round-02 :ARG1 (e / meet-03) :ord (o / ordinal-entity :value 3) :ARG1-of f) :purpose-of f)) :time (b / _ :op1 (d4 / date-entity :day 30 :time (d2 / date-entity :month 4 :year 2008)))) :op2 (u_4486 / decide-01 :mod (u_4484 / final))) :ARG0 (p / person :name (n / fan)) :mod (u_4488 / effect) :ARG1-of (u_4483 / _ :ARG0 (t3 / thing :ARG1-of (s / propose-01)))) + +(e / date-entity :year 1995 :month 12 :day 18) + +(c4 / country :name (n2 / name :op1 "Germany") :wiki "Germany") + +(a / and :op1 (u_4491 / international) :op4 (u_4492 / conflict-01) :op2 (u_4490 / weapon) :op3 (e / war-01)) + +(u_4498 / launch-01 :ARG1 (u_4497 / process-02 :ARG1 (u_4496 / try-01 :ARG1 (a / and :op2 (u_4494 / reduce-01 :ARG1 (e / arm :ARG1-of (d / control-01 :op1-of a))) :location (w2 / world-region :name (n / name :op1 "Balkans" :ARG1-of (u_4495 / embattle-01)) :wiki "Balkans")))) :manner (c / formal) :location (u_4493 / country :name (u_4499 / name :op1 "Germany") :wiki "Germany") :location (u_4500 / city :name (u_4501 / name :op1 "Bonn") :wiki "Bonn") :time (u_4513 / meet-03 :ARG0 (u_4507 / and :op2 (u_4509 / person :ARG0-of (u_4511 / have-org-role-91 :ARG2 (u_4512 / ambassador))) :op3 (u_4506 / person :ARG0-of (o / represent-01 :ARG1 (u_4515 / and :op1 (u_4510 / organization :mod (u_4504 / international)) :op2 (u_4505 / nation :ARG0-of (u_4508 / observe-01))))) :op1 (p / person :mod (u_4517 / foreign) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / minister)))) :purpose (l / discuss-01 :ARG1 (u_4503 / recommend-01) :ARG0 (u_4516 / form :ARG1 (u_4514 / talk-01 :mod (u_4502 / further)))))) + +(u_4523 / launch-01 :ARG1 (u_4521 / process-02 :ARG1 (u_4520 / try-01 :ARG1 (a / and :op2 (d / reduce-01 :ARG1 (e / arm :ARG1-of (u_4519 / control-01 :op1-of a))) :location (w2 / world-region :name (n / name :op1 "Balkans" :ARG1-of (u_4518 / embattle-01)) :wiki "Balkans"))) :ARG1-of (u_4522 / long-03)) :manner (c / formal) :location (u_4526 / city :name (u_4527 / name :op1 "Bonn") :location (u_4524 / country :name (u_4525 / name :op1 "Germany") :wiki "Germany") :wiki "Bonn") :time (u_4528 / date-entity :year 1995 :month 12 :day 18)) + +(f / meet-03 :ARG1 (u_4538 / and :mod-of (e / organization :mod (u_4537 / international))) :ARG0 (u_4536 / and :op2 (u_4530 / person :ARG0-of (u_4531 / have-org-role-91 :ARG2 (u_4532 / ambassador))) :op3 (u_4533 / person :ARG0-of (o / represent-01 :ARG1 (u_4539 / nation :ARG0-of (p / observe-01)))) :op1 (u_4534 / person :mod (u_4535 / foreign) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / minister)))) :location (c2 / city :name (n / name :op1 "Bonn") :wiki "Bonn") :purpose (l / discuss-01 :ARG1 (u_4541 / recommend-01) :ARG0 (d / form :ARG1 (u_4542 / talk-01 :mod (u_4540 / further))))) + +(d / obstacle :ARG1 (f / achieve-01 :ARG1 (a / and :op1 (e / peace) :op2 (u_4543 / cooperate-01)) :ARG0 (p2 / person :topic (c7 / country :name (n5 / name :op1 "Yugoslavia") :time (u_4544 / former) :wiki "Yugoslavia") :ARG0-of (t / combat-01))) :mod (u_4545 / huge)) + +(u_4552 / say-01 :ARG1 (u_4558 / possible-01 :ARG1 (u_4559 / peace :polarity - :topic (c7 / country :name (n5 / name :op1 "Yugoslavia") :time (u_4550 / former) :wiki "Yugoslavia")) :condition (u_4546 / and :op2 (f / try-01 :ARG0 (u_4551 / other :ARG1-of (u_4549 / catch-up-04 :ARG1-of f))) :op1 (p3 / remain-01 :ARG1 (u_4548 / party :quant (a2 / some) :ARG0-of (u_4560 / conflict-01) :ARG1-of (u_4547 / arm-01 :manner (c / heavy) :ARG3-of p3))))) :ARG0 (p / person :name (n / name :op1 "Klaus" :op2 "Kinkel") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Germany") :wiki "Germany") :ARG2 (d / minister :mod (e / foreign)))) :medium (t / remark-01 :time (u_4556 / meet-03 :duration (u_4553 / temporal-quantity :quant (u_4554 / one-day))) :ARG2-of (u_4555 / open-01)) :quant 5) + +(u_4565 / threaten-01 :ARG0 (e / delegation :name (n2 / name :op1 "Croation") :wiki - :ARG0-of (u_4566 / country :ARG1 u_4565) :ARG0-of (f / pull-out-02 :ARG1 (d / negotiate-01 :ARG1 (u_4567 / arms-reduction)) :condition (i2 / meet-01 :ARG1 (u_4564 / demand-01 :mod (u_4561 / certain)) :polarity - :time (u_4562 / future :ARG1-of (u_4563 / near-02))) :ARG1-of u_4565))) + +(m / call-03 :ARG2 (o / and :op2 (p6 / province :name (n / name :op1 "Bosnia-Herzegovina") :wiki -) :op3 (u_4571 / country :name (u_4572 / name :op1 "Serbia") :wiki -) :op1 (c4 / country :name (n2 / name :op1 "Croatia") :wiki "Croatia") :ARG0-of (f / set-01 :ARG1 (p / grievances-01 :ARG0 o) :op1-of (a / and :op2 (u_4568 / learn-01 :ARG1 (e / compromise-01) :ARG0 o) :ARG1-of m))) :ARG0 (p2 / person :source (m2 / country :mod (u_4569 / other)) :ARG0-of (t / delegate-01))) + +(f / complain-01 :ARG1 (a / and :op1 (u_4573 / occupy-01 :ARG1 (t / part :part-of (u_4574 / territory))) :op2 (d / run-out-05 :ARG1 (e / time))) :ARG0 (p / person :name (n / name :op1 "Mate" :op2 "Granic") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Croatian") :wiki -) :ARG2 (u_4575 / minister :mod (u_4576 / foreign))))) + +(u_4593 / say-01 :ARG1 (u_4588 / and :op1 (u_4578 / key-02 :ARG2 (u_4590 / stability :mod (u_4579 / last-01) :location (h / _)) :ARG1 (u_4589 / re-integration-01 :ARG1 (p6 / province :name (u_4595 / name :op1 "Eastern" :op2 "Slavonia") :wiki -) :manner (c / peaceful))) :op2 (u_4586 / face-01 :ARG0 (e / everyone :ARG0-of (f / endanger-01 :ARG1 (a / and :op1 (d / round-05 :ARG1 (u_4587 / state) :mod (u_4581 / another)) :op2 (u_4582 / destabilize-01 :ARG1 (u_4583 / _ :mod (u_4580 / whole)))) :op1-of (u_4584 / _ :op2 (u_4585 / consequence :name (n2 / name :op1 "Bosnia-Herzegovina") :wiki - :ARG1-of (n3 / predict-01 :polarity - :degree (l / high)))) :ARG1-of u_4586)))) :purpose (u_4594 / reference-04 :ARG1 (u_4592 / land :location (b / border-01 :ARG2 (c4 / country :name (u_4591 / name :op1 "Croatian-Serbian") :wiki -)) :ARG2-of (u_4577 / dispute-01)) :ARG0 (p / person :name (n / name :op1 "Granic") :wiki - :ARG0-of u_4593))) + +(f / say-01 :ARG1 (m / scold-01 :ARG1 (u_4597 / counterpart :mod (c2 / country :name (n3 / name :op1 "Croatian") :wiki -)) :ARG2 (u_4599 / grandstanding) :ARG0 (u_4600 / person :name (n / name :op1 "Milan" :op2 "Milutinovic") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Serbia") :wiki -) :ARG2 (d / minister :mod (u_4598 / foreign))))) :ARG0 (p / person :ARG0-of (o / participate-01 :ARG1 (e / conference)))) + +(u_4603 / threaten-01 :ARG0 (p / person :name (n / name :op1 "Milutinovic") :wiki - :ARG0-of (f / pull-out-02 :ARG1 (d / negotiate-01 :ARG1 (e / arms-control)) :ARG1-of (u_4601 / oppose-01 :ARG0 u_4603) :ARG1-of u_4603)) :time (u_4602 / then) :mod (u_4604 / _)) + +(a / and :op2 (f / say-01 :ARG1 (c / prevent-01 :ARG2 (e / cooperate-01) :ARG1 (c4 / country :name (n2 / name :op1 "Yugoslavia") :wiki "Yugoslavia") :condition (u_4609 / restore-01 :ARG1 (u_4610 / membership :mod (u_4608 / full))) :concession (r / ready-02)) :ARG0 (p / person :name (n / name :op1 "Milutinovic") :wiki - :ARG0-of (u_4612 / note-01 :ARG1 (d / organization :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (u_4613 / country :name (u_4611 / name :op1 "Serbia") :wiki "Serbia"))) :name (u_4606 / name :op1 "Organization" :op2 "for" :op3 "Security" :op4 "and" :op5 "Cooperation" :op6 "in" :op7 "Europe") :time (b / since :op1 (u_4605 / date-entity :year (explicitanon5 / date-entity :year 1992))) :wiki "Organization_for_Security_and_Co-operation_in_Europe") :op1-of a)))) + +(f / oversee-01 :ARG1 (u_4614 / round-05 :ARG1 (d / talk-01 :ARG1 (e / arms-reduction) :mod (c3 / world-region :name (n / name :op1 "Balkans") :wiki "Balkans")) :mod (u_4615 / next)) :ARG0 (o3 / organization :name (n3 / name :op1 "OSCE") :wiki "Organization_for_Security_and_Co-operation_in_Europe")) + +(u_4626 / and :op2 (f / call-01 :ARG1 (a2 / and :domain (p / threaten-01 :ARG0 (a / and :op2 (c4 / country :name (n2 / name :op1 "Serbia") :wiki -)) :time (e / early)) :op2 (u_4623 / develop-01 :ARG0-of (u_4622 / omen-01)) :op1 (u_4625 / develop-01 :ARG0-of (u_4624 / worry-02))) :ARG0 (o3 / organization :name (n3 / name :op1 "United" :op2 "Nations") :wiki "United_Nations" :domain-of (u_4629 / person :name (n / name :op1 "Michael" :op2 "Williams") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (r / research-institute :name (u_4627 / name :op1 "International" :op2 "Institute" :op3 "for" :op4 "Strategic" :op5 "Studies") :location (c2 / city :name (u_4616 / name :op1 "London") :wiki "London") :wiki "International_Institute_for_Strategic_Studies") :ARG2 (d / fellow :mod (u_4628 / senior))) :ARG0-of (u_4621 / have-org-role-91 :ARG1 (u_4630 / country :name (u_4618 / name :op1 "Croatia") :wiki "Croatia") :ARG2 (u_4619 / spokesman :mod (u_4620 / senior) :time (u_4617 / former))) :op1-of u_4626)))) + +(u_4636 / say-01 :ARG1 (u_4634 / clear-06 :ARG1 (f / will-02 :ARG0 (e / party :ARG1-of (c / engage-01 :ARG2 (d / control-01 :ARG1 (u_4633 / arm) :mod (u_4631 / any)) :mod (u_4632 / meaningful) :ARG1-of f))) :polarity - :mod (u_4635 / real)) :ARG0 (p / person :name (n / name :op1 "Williams") :wiki -)) + +(u_4647 / correspond-01 :ARG2 (u_4641 / fear-01 :ARG1 (f / want-01 :ARG0 (u_4648 / party :mod (c2 / country :name (n3 / yugolav)) :ARG0-of (a2 / negotiate-01 :ARG2 (c / capable-01 :ARG2 (d / use-01 :ARG1 (u_4640 / violence)) :purpose (l2 / seize-01 :ARG1 (u_4637 / territory)) :op1-of (a / or :op2 (u_4638 / threaten-01 :ARG1 (u_4639 / violence)))) :ARG1-of f)) :polarity -) :ARG1-of (u_4645 / express-01 :ARG0 (u_4644 / delegate-01 :quant (u_4643 / some) :time (u_4642 / meet-03 :time (d3 / date-entity :year (explicitanon5 / date-entity :year 1995 :month 12 :day 18)) :location (u_4646 / city :name (n / name :op1 "Bonn") :wiki "Bonn"))))) :ARG1 (e / this) :day "_" :direction (s / away)) + +(m / observe-01 :ARG1 (f / realize-01 :ARG1 (p3 / way :domain (u_4655 / think-01) :mod (u_4652 / this) :mod (u_4653 / still)) :ARG0 (u_4657 / one) :time (u_4654 / talk-01 :time (u_4651 / session :mod (u_4650 / plenary)))) :ARG2 (u_4656 / belligerent :mod (w / world-region :name (n4 / name :op1 "Balkans") :wiki "Balkans")) :ARG0 (p / person :name (n / name :op1 "Papoulias") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Greece") :wiki "Greece") :ARG2 (d / minister :mod (e / foreign))))) + +(u_4665 / say-01 :ARG1 (u_4664 / and :op1 (p3 / optimistic :domain (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Greece") :wiki "Greece"))) :compared-to (c3 / partner-01 :mod (e / other) :location (c5 / continent :name (n3 / name :op1 "Europe") :wiki "Europe")) :polarity - :ARG1-of (f / cause-01 :ARG0 (c / mean-01 :ARG2 (u_4662 / friendship :beneficiary (a / person :topic (c7 / country :name (n5 / name :op1 "Yugoslavia") :time (u_4658 / former) :wiki "Yugoslavia"))) :ARG1 (u_4659 / conference) :polarity -) :degree (l / equal) :mod (u_4661 / just)))) :ARG0 (p / person :name (n / name :op1 "Papoulias") :wiki -) :mod (u_4666 / between)) + +(d / organize-01 :purpose (l / fulfill-01 :ARG1 (u_4676 / pledge-01 :ARG0 (u_4675 / combat-01) :ARG2 (u_4672 / begin-01 :ARG1 (u_4673 / talk-01 :purpose (a / and :op1 (u_4674 / enhance-01 :ARG1 (u_4671 / confidence :mod (u_4668 / mutual))) :op2 (u_4669 / reduce-01 :ARG1 (c / risk-01 :ARG2 (u_4670 / conflict-01))))))) :ARG0 (e / talk-01 :time (u_4679 / date-entity :year 1995 :month 12 :day 18) :ARG1-of d)) :time (b / after :op1 (u_4667 / temporal-quantity :unit (y / day) :quant (a2 / 7)) :topic (p / sign-02 :ARG1 (o3 / organization :name (n3 / name :op1 "Peace" :op2 "Accord") :wiki -) :mod (u_4680 / formal))) :ARG1-of (u_4678 / _ :location (c2 / city :name (n / name :location (s4 / state :name (u_4677 / name :op1 "Ohio") :wiki -) :op1 "Dayton") :wiki -))) + +(c / limit-01 :ARG2 (d / set-02 :ARG1 (u_4685 / process-02 :mod (u_4682 / formal)) :time (u_4683 / week :ARG1-of (u_4681 / come-01))) :ARG1 (e / agenda :time (u_4684 / date-entity :year 1995 :month 12 :day 18))) + +(f / state-01 :ARG1 (e / this) :ARG0 (g / government-organization :name (n / name :op1 "Foreign" :op2 "Ministry") :mod (c2 / country :name (n3 / name :op1 "Germany") :wiki "Germany") :wiki "Ministry_of_Foreign_Affairs_of_the_PeopleAsinglequoteAs_Republic_of_China") :purpose (l / clear-01 :ARG1 (d / negotiate-01 :ARG1 (u_4689 / question-01 :mod (u_4686 / substantive)) :manner (u_4688 / speedy)) :ARG0 (u_4687 / way))) + +(u_4705 / and :op1 (p3 / nation :domain (o / and :op2 (p6 / province :name (n / name :op1 "Bosnia-Herzegovina") :wiki -) :op3 (c4 / country :name (n2 / name :op1 "Serbia") :wiki -) :op1 (u_4690 / country :name (u_4691 / name :op1 "Croatia") :wiki "Croatia")) :ARG0-of (f / sign-02 :ARG1 (u_4706 / accord-03 :location (c2 / city :name (u_4692 / name :op1 "Dayton") :wiki -)))) :op2 (c / suppose-02 :ARG2 (u_4704 / report-01 :ARG1 (u_4701 / and :op1 (a / and :op1 (u_4700 / tank) :op2 (e / vehicle :ARG1-of (d / armor-01))) :op4 (u_4703 / aircraft :mod (u_4696 / combat-01)) :op2 (u_4697 / helicopter :ARG0-of (p / attack-01)) :op3 (u_4695 / piece :mod (u_4693 / artillery) :mod (u_4694 / heavy)) :ARG1-of (u_4702 / possess-01 :time (u_4699 / phase :mod (u_4698 / next))))))) + +(u_4710 / use-01 :ARG2 (u_4709 / establish-01 :ARG1 (c / baseline :manner-of (u_4708 / possible-01 :ARG1 (d / agree-01 :ARG1 (u_4712 / ceiling :mod (u_4707 / weapon)))))) :ARG1 (e / data :mod (u_4711 / this))) + +(u_4720 / promise-01 :ARG0 (o / and :op2 (p6 / province :name (n / name :op1 "Bosnia-Herzegovina") :wiki -) :op3 (c4 / country :name (n2 / name :op1 "Serbia") :wiki -) :op1 (u_4721 / country :name (u_4722 / name :op1 "Croatia") :wiki "Croatia") :ARG0-of (f / accept-01 :ARG1 (e / set :ARG1-of (d / limit-01 :mod (u_4717 / automatic))) :ARG1-of u_4720)) :time (b / after :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / day) :quant (a2 / 180))) :ARG0-of (u_4716 / _ :ARG1 (u_4715 / possible-01 :ARG1 (u_4714 / reach-01 :ARG1 (u_4718 / agree-01 :ARG1 (u_4719 / ceiling :mod (u_4713 / such)))) :polarity -))) + +(u_4730 / contrast-01 :ARG2 (u_4731 / say-01 :ARG1 (a2 / or :op2 (u_4725 / date-entity :year 1996 :month 1 :day 7) :op1 (u_4732 / date-entity :year 1996 :month 1 :day 4) :location (c2 / city :name (u_4733 / name :op1 "Vienna") :wiki "Vienna") :time-of (u_4724 / talk-01 :mod (u_4723 / next)))) :ARG1 (u_4729 / say-01 :ARG1 (c / possible-01 :ARG1 (p2 / person :ARG0-of (t / delegate-01) :ARG0-of (f / fix-02 :ARG1 (u_4727 / date :time-of (d / round-05 :ARG1 (e / talk-01) :mod (u_4726 / next))) :ARG2-of c)) :time (u_4728 / date-entity :year 1995 :month 12 :day 18)) :ARG0 (p / person :name (n / name :op1 "Kinkel") :wiki -))) + +(u_4741 / say-01 :ARG1 (m / keep-02 :ARG2 (f / choose-01 :ARG1 (u_4737 / date :ARG1-of (d / firm-02)) :ARG0 (u_4739 / delegate-01 :ARG1-of m)) :ARG0 (e / problem :mod (u_4738 / minor))) :ARG0 (p / person :name (n / name :op1 "Kinkel") :wiki -) :ARG1-of (u_4735 / _ :ARG0 (u_4740 / discord :mod (u_4734 / substantive) :polarity -))) + +(e / date-entity :year 1999 :month 6 :day 30) + +(a / _ :op1 (u_4742 / country :name (u_4743 / name :op1 "India") :wiki "India") :op2 (c4 / country :name (n2 / name :op1 "Democratic" :op2 "People" :op3 "'s" :op4 "Republic") :wiki -)) + +(a / and :op1 (u_4745 / international) :op4 (g / government-organization :ARG0-of (g2 / govern-01)) :op2 (u_4746 / technology) :op3 (e / weapon)) + +(m / seize-01 :ARG1 (u_4750 / line :mod (u_4748 / assembly :mod (u_4747 / missile))) :ARG2 (e / vessel :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :name (u_4751 / kuwolsan)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India") :ARG2 (m2 / official))) :time (d2 / date-entity :month 6 :year 1999 :day 30)) + +(f / heighten-01 :ARG1 (u_4752 / suspect-01 :ARG1 (d / proliferate-01 :ARG1 (e / weapon) :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea"))) :ARG0 (u_4753 / discover-01)) + +(f / board-01 :ARG1 (e / freighter :name (n2 / kuwolsan) :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea")) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_4754 / customs :mod (u_4756 / country :name (u_4755 / name :op1 "India") :wiki "India")) :ARG2 (m2 / agent))) :time (d2 / date-entity :month 6 :year 1999 :day 30) :location (u_4760 / city :mod (u_4759 / port) :name (u_4758 / name :op1 "Kandla") :location (u_4757 / northwest) :wiki -)) + +(f / discover-01 :ARG1 (u_4763 / line :mod (u_4761 / assembly) :purpose (t2 / missile :mod (u_4762 / ballistic))) :ARG0 (p / person :mod (e / customs) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / agent))) :ARG1-of (c / follow-01 :ARG2 (d / melee-01 :ARG1 (t / crew :part-of (a / aircraft-type :name (n2 / kuwolsan)))))) + +(u_4764 / state-01 :ARG1 (f / receive-01 :ARG1 (u_4765 / cargo) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Libya") :wiki "Libya"))) :ARG1-of (d / intended-01)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / intelligence :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")) :ARG2 (m2 / official)))) + +(f / depart-01 :ARG1 (n / harbor :poss (c4 / country :name (u_4767 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :name (u_4766 / name :op1 "Nampo") :wiki -) :ARG0 (a / aircraft-type :name (n2 / kuwolsan)) :time (d2 / date-entity :month 4 :year 1999 :day 10)) + +(u_4776 / show-01 :ARG1 (f / detour-01 :ARG1 (e / port :mod (c2 / country :name (u_4774 / name :op1 "Thailand") :wiki "Thailand") :quant (a2 / 2)) :purpose (l / pick-01 :ARG1 (u_4773 / sugar-cane :quant (m / mass-quantity :unit (t / ton) :quant 14000)) :time (b / along :op1 (u_4771 / _)) :purpose (w / resale-01 :ARG2 (u_4769 / destination)) :ARG0 (o3 / organization :name (n3 / kuwolsan) :ARG0-of f)) :time (d2 / date-entity :month 4 :day 20 :year 1999)) :ARG0 (u_4775 / record :ARG0-of (u_4768 / make-01 :ARG1 u_4776))) + +(f / switch-01 :ARG1 (e / course) :purpose (i / sell-01 :ARG2 (u_4780 / company :mod (c2 / country :name (u_4783 / name :op1 "India") :wiki "India")) :ARG1 (u_4777 / sugar-cane) :ARG0 (o3 / organization :name (n3 / kuwolsan) :ARG1-of (c / _ :ARG2 f :mod (u_4782 / country :name (u_4781 / name :op1 "Algerians") :wiki -)) :ARG0-of f)) :time (b / after :op1 (u_4778 / fail-01 :ARG1 (d / deal-01 :ARG1 (u_4779 / sell-01))))) + +(u_4793 / state-01 :ARG1 (a / and :op1 (u_4791 / recommend-01 :ARG1 (f / pick-up-04 :time (c2 / carry-01 :ARG0 (u_4789 / equipment :quant (m / mass-quantity :unit (u_4787 / ton) :quant 200) :mod (u_4784 / sensitive)) :ARG1 (u_4792 / cargo :mod (u_4788 / extra) :ARG1-of f)) :ARG0 (t / crew :part-of (c / company :name (n / kuwolsan))) :polarity - :location (h / port :quant (a2 / several)))) :op2 (d / crazy-03 :ARG1 (e / activity-06 :mod (u_4790 / such)))) :ARG0 (p / investigate-01 :ARG0 (c4 / country :name (n2 / name :op1 "India") :wiki "India"))) + +(u_4796 / tip-06 :ARG2 (e / contraband :time (d / route :ARG2 (c / city :name (n3 / name :op1 "Kandla") :wiki -)) :mod (u_4795 / company :name (n / kuwolsan)) :ARG1-of (u_4794 / possible-01)) :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_4797 / customs :mod (c2 / country :name (u_4798 / name :op1 "India") :wiki "India")) :ARG2 (m2 / official)))) + +(d / rumor-01 :ARG1 (f / carry-01 :ARG1 (a / or :op1 (e / arm) :op2 (u_4800 / ammunition) :ARG1-of (c / intend-01 :ARG2 (c4 / country :name (n2 / name :op1 "Pakistan") :wiki "Pakistan"))) :ARG0 (p / product :name (n / kuwolsan))) :ARG1-of (u_4799 / possible-01)) + +(d / wait-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / port :mod (c2 / country :name (n3 / name :op1 "India") :wiki "India")) :ARG2 (m2 / official))) :time (s3 / arrive-01 :ARG1 (a / aircraft-type :name (n2 / kuwolsan)) :time (d2 / date-entity :month 6 :year 1999 :day 25) :location (u_4802 / city :name (n / name :op1 "Kandla") :wiki -))) + +(u_4805 / apparent :ARG1 (d / irregularities-01 :ARG1 (u_4804 / paper :poss (n / newspaper :name (n2 / kuwolsan)))) :ord (o / ordinal-entity :value (explicitanon0 / 1 :duration (u3 / few :op1 (u_4803 / temporal-quantity :unit (y / hour) :time (e / investigate-01)))))) + +(f / learn-01 :ARG1 (n3 / fictitious :polarity - :ARG1 (e / company :location (u_4808 / country :name (n / name :op1 "Malta") :wiki -) :ARG1-of (c / list-01 :ARG2 (d / receive-01 :ARG1 (u_4807 / cargo) :ARG1-of (u_4806 / intended-01))))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India") :ARG2 (m2 / official)))) + +(u_4816 / question-01 :ARG1 (u_4815 / cause-01 :ARG0 (a2 / cause-01) :ARG1 (f / choose-01 :ARG0 (e / anyone :location (c / country :name (n / name :op1 "Malta") :wiki -) :ARG0-of (m / buy-01 :ARG1 (u_4813 / equipment :mod (c3 / refine-01 :ARG1 (u_4810 / water))) :ARG2 (u_4818 / country :name (u_4817 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG1-of f)) :time (d / fly-01 :ARG2 (u_4809 / continent :name (u_4814 / name :op1 "Europe") :wiki "Europe") :mod (u_4812 / short)))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India") :ARG2 (m2 / official)))) + +(m / question-01 :ARG1 (e / person) :ARG2 (u_4820 / person :ARG0-of (u_4824 / have-org-role-91 :ARG1 (o3 / organization :name (u_4821 / name :op1 "Tae" :op2 "Min" :op3 "Hun") :mod (u_4822 / kuwolsan) :wiki -) :ARG2 (u_4823 / captain))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_4825 / customs :mod (c2 / country :name (n3 / name :op1 "India") :wiki "India")) :ARG2 (m2 / agent)))) + +(a / and :op2 (f / threatened-01 :ARG1 (e / reprisal :mod (u_4827 / international)) :ARG0 (p / person :name (n / name :op1 "Tae") :wiki - :ARG0-of (u_4829 / block-01 :ARG1 (u_4828 / request-01 :mod (u_4826 / every)) :op1-of a))) :condition (l / allow-01 :ARG1 (d / leave-11 :ARG1 (c / city :name (n3 / name :op1 "Kandla") :wiki -)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India") :ARG2 (m2 / official))) :polarity -)) + +(a / and :op2 (u_4833 / state-01 :ARG1 (f / receive-01 :ARG1 (u_4838 / telex) :ARG0 (u_4836 / person :ARG0-of (u_4839 / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG2 (u_4837 / official)))) :name (u_4832 / name :op1 "Tae") :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / customs) :ARG2 (m2 / official)) :ARG0-of (u_4831 / demand-01 :ARG1 (u_4835 / search-01 :ARG1 (n / box :poss (u_4834 / kuwolsan) :mod (u_4830 / cargo)) :ARG0 p2) :op1-of a)) :wiki -) :time (d2 / date-entity :month 6 :year 1999 :day 30)) + +(u_4845 / receive-01 :ARG1 (c / instruct-01 :ARG1 (u_4847 / person :location (c2 / city :name (u_4846 / name :op1 "Pyongyang") :wiki "Pyongyang") :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)) :ARG0-of (u_4844 / allow-01 :ARG1 (f / open-01 :ARG1 (u_4843 / box :mod (u_4840 / cargo)) :ARG0 (e / no-one) :mod (u_4842 / cost :mod (u_4841 / _))) :ARG2-of c))) :ARG0 (p / person :name (n / name :op1 "Tae") :wiki -)) + +(u_4851 / state-01 :ARG1 (f / open-01 :ARG1 (u_4854 / box :quant (a2 / more) :mod (u_4849 / any)) :ARG0 (u_4853 / person :name (n / name :op1 "Tae") :wiki -) :polarity - :ARG0-of (u_4848 / cause-01 :ARG1 (u_4850 / telex))) :ARG0 (p / report-01 :ARG0 (e / after-action) :mod (u_4852 / official) :mod (c2 / country :name (n3 / name :op1 "India") :wiki "India"))) + +(u_4861 / state-01 :ARG1 (a / and :op2 (f / abuse-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / crew) :ARG2 (m2 / member)) :ARG0-of (u_4855 / shout-01 :ARG1 (u_4856 / person :ARG0-of (u_4859 / have-org-role-91 :ARG1 (u_4857 / customs) :ARG2 (u_4858 / officer)) :ARG1-of f) :op1-of a)))) :ARG0 (u_4860 / report)) + +(f / say-01 :ARG1 (m / barricade-01 :ARG1 (u_4869 / door) :ARG2 (u_4863 / body) :ARG0 (u_4868 / and :op1 (u_4867 / person :name (n / tae)) :op2 (u_4864 / crew :poss (o3 / organization :name (n3 / kuwolsan))))) :ARG0 (a / and :op1 (p / account-01 :ARG0 (p2 / person :ARG0-of (t / witness-01))) :op2 (e / footage :time (u_4865 / encounter-01) :mod (u_4866 / video)))) + +(f / state-01 :ARG1 (a / and :op1 (u_4872 / become-01 :ARG2 (u_4870 / physical) :ARG1 (u_4871 / situation)) :op2 (u_4873 / fisticuffs)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India") :ARG2 (m2 / official)) :ARG0-of (p / speak-01 :condition (s / anonymity) :ARG1-of (d / _)) :ARG1-of (c / present :ARG2 (e / kuwolsan)))) + +(u_4879 / state-01 :ARG1 (u_4877 / begin-01 :ARG0 (e / crew :ARG0-of (f / close-01 :ARG1 (u_4878 / hatch :source (m2 / hold :mod (u_4874 / cargo))) :location (a / inside :op1 (g / inspect-01 :ARG2-of (u_4880 / have-org-role-91 :ARG0 (u_4876 / customs))) :mod (u_4875 / still)) :ARG1-of u_4877))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)))) + +(u_4886 / and :op2 (u_4881 / gain-02 :ARG0 (a / and :op1 (e / troop :ARG1-of (d / arm-01)) :op2 (u_4885 / group :ARG0-of (f / expert-01 :ARG1 (u_4883 / weapon) :mod (g / government-organization :ARG0-of (g2 / govern-01)))) :ARG0-of (u_4888 / enter-01 :ARG1 (f2 / facility :name (n3 / kuwolsan)) :manner (c / forcible) :ARG1-of u_4881) :ARG0-of (u_4882 / aid-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_4887 / customs) :ARG2 (m2 / official))) :op1-of u_4886))) :time (d2 / date-entity :month 7 :year 1999 :day 1)) + +(f / contain-01 :ARG1 (e / equipment :ARG1-of (c / use-01 :ARG2 (u_4891 / plant :topic (p / process-01 :ARG1 (u_4890 / water))) :ARG1-of (d / possible-01))) :ARG0 (u_4892 / crate :location (a2 / cargo :poss (a / aircraft-type :name (n2 / kuwolsan))) :quant (u_4889 / few)) :location (h / among)) + +(f / find-01 :ARG1 (o / and :op2 (u_4893 / nozzle) :op3 (e / valve :quant (a2 / few)) :op1 (u_4894 / pump)) :ARG0 (p2 / person :ARG0-of (t / inspect-01))) + +(c / label-01 :ARG2 (u_4897 / equipment :mod (c3 / refine-01 :ARG1 (u_4895 / water))) :ARG1 (e / box :mod (u_4896 / cargo))) + +(f / contain-01 :ARG1 (d / list :ARG1 (t2 / thing :ARG1-of (r / contain-01 :ARG0 (e / crate :mod (u_4898 / cargo) :quant (a2 / most) :ARG2-of (c / include-01)))) :mod (u_4899 / partial)) :ARG0 (u_4900 / document :source (m2 / investigate-01))) + +(e / weapon :purpose (l2 / subassembly-01 :ARG1 (u_4901 / missile))) + +(e / tool :purpose (l2 / set-02 :ARG1 (u_4902 / facility :purpose (t2 / fabricate-01))) :mod (u_4903 / machine)) + +(e / instrumentation :purpose (l2 / evaluate-01 :ARG1 (p / perform-02 :ARG0 (u_4906 / system :mod (u_4904 / missile) :mod (u_4905 / full))))) + +(e / equipment :purpose (l2 / calibrate-01 :ARG1 (u_4908 / component :mod (u_4907 / missile)))) + +(o / and :op2 (e / stack :consist-of (c / pipe :consist-of (u_4917 / metal))) :op3 (u_4916 / press :mod (u_4909 / heavy-duty) :ARG1-of (u_4918 / use-01 :ARG2 (d / mill-01 :ARG1 (u_4911 / steel :mod (u_4910 / high-grade))))) :op1 (u_4919 / cone :mod (u_4915 / nose :mod (u_4914 / rocket))) :mod (u_4913 / product)) + +(o / and :op2 (u_4934 / bottle :mod (u_4923 / toroidal) :mod (u_4927 / air) :ARG1-of (u_4932 / use-01 :ARG2 (u_4933 / guide-01 :ARG1 (u_4926 / warhead) :time (b / after :op1 (u_4924 / separate-01 :ARG1 (u_4925 / missile)))))) :op3 (u_4928 / name :op1 "Theodolites" :ARG0-of (f / measure-01 :ARG1 (u_4922 / trajectory :mod (u_4921 / missile)))) :op1 (e / machine :ARG1-of (u_4930 / capable-01 :ARG2 (u_4929 / roll-01 :ARG1 (u_4931 / sheet :ARG1-of (d / thick-03) :consist-of (c / metal)))) :ARG0-of (p / plate-bending-01)) :ARG0-of (u_4920 / counter-01)) + +(a2 / box :quant (u_4935 / several) :quant-of (a / and :op3 (u_4938 / notebook) :op1 (u_4937 / drawing :mod (u_4936 / engineer-01)) :op5 (u_4940 / report-01) :op2 (u_4939 / blueprint) :op4 (e / textbook))) + +(e / item :ARG1-of (d / personal-02) :ARG2-of (c / include-91 :ARG1 (a / and :op1 (u_4942 / cookbook) :op4 (u_4945 / set :mod (u_4943 / acupuncture)) :op2 (u_4944 / spice) :op3 (u_4941 / pickle))) :ARG0-of (f / intend-01 :ARG1 (p2 / person :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG0-of (t / work-01)) :ARG1-of (u_4946 / presume-01))) + +(u_4957 / state-01 :ARG1 (u_4952 / contrast-01 :ARG2 (u_4955 / line :mod (u_4949 / entire) :mod (u_4951 / assembly :purpose (t2 / missile)) :ARG1-of (c / offer-01 :ARG2 (u_4950 / sell-01))) :ARG1 (f / see-01 :ARG1 (a / or :op1 (e / missile) :op2 (t / part :part-of (u_4953 / engine))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))) :time (u_4954 / past))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (u_4958 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India"))) :ARG2 (m2 / official)) :ARG1-of (u_4956 / familiarize-01 :ARG2 (d / discover-01 :ARG1 (c5 / criminal-organization :name (u_4947 / kuwolsan))))) :location (u_4959 / here)) + +(f / state-01 :ARG1 (c / transfer-01 :ARG2 (u_4960 / this) :ARG1 (e / technology) :ARG1-of (d / complete-02)) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)))) + +(u_4964 / state-01 :ARG1 (a / and :op1 (n3 / unimpeachable-01 :polarity - :ARG1 (e / equipment)) :op2 (u_4968 / evidence-01 :ARG1 (d / plan-01 :ARG1 (f / transfer-01 :ARG1 (c / capable-01 :ARG2 (u_4969 / missile-making)) :ARG0 (u_4967 / missile :mod (u_4966 / just)))) :ARG1-of (p2 / irrefutable-01 :ARG1-of (p / possible-01))) :ARG2-of (u_4961 / contrast-01 :ARG1 u_4964)) :ARG0 (u_4970 / committee :mod (u_4962 / technical) :ARG0-of (u_4971 / expert-01 :ARG1 (u_4963 / missile))) :ARG0-of (u_4965 / _ :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India")) :ARG1-of (u_4972 / counter-01)) + +(u_4982 / write-01 :ARG1 (f / point-01 :ARG1 (u_4979 / use-01 :ARG1 (u_4976 / and :op1 (d / assemble-01 :ARG1 (u_4981 / missile)) :op2 (u_4977 / manufacture-01 :ARG1 (a / and :op1 (u_4975 / part) :op2 (u_4978 / subassemblies) :purpose (t2 / missile :mod (u_4974 / surface) :mod (u_4973 / surface))))) :mod (u_4980 / only) :quant (a2 / 1)) :ARG0 (u_4984 / cargo)) :ARG0 (e / panel :mod (u_4983 / technical)) :medium (t / report)) + +(f / search-01 :ARG1 (e / blueprint :ARG1-of (c / wrap-01 :ARG2 (u_4986 / paper :mod (u_4985 / brown))) :ARG1-of (u_4988 / keep-01 :ARG2 (u_4989 / inside :op1 (u_4990 / jacket :mod (u_4987 / plastic) :ARG1-of (d / number-01))))) :ARG0 (p2 / person :ARG0-of (t / investigate-01))) + +(m / show-01 :ARG1 (a / or :op1 (u_5002 / rocket) :op2 (e / section) :manner (a2 / and :op1 (u_5001 / note) :op2 (u_5000 / formula :mod (u_4998 / mathematical)) :ARG1-of (d / handwritten-01 :location (c / country :name (n / name :op1 "Korea") :wiki "Korea")))) :ARG2 (u_5004 / rocket) :ARG0 (u_4997 / drawing :quant (u_5006 / all) :ARG1-of (u_5003 / include-91 :ARG2 (u_4994 / some))) :mod (u_4991 / scud) :mod (u_5007 / scud) :ARG2-of (u_4995 / label-01 :ARG1 (u_4993 / packet) :location (u_4996 / or :op1 (u_4992 / b) :op2 (g / government-organization :name (u_5005 / name :op1 "C." :op2 "Nearly") :wiki -)) :mod (c2 / language :name (n3 / name :op1 "English") :wiki "English_language"))) + +(u_5017 / contrast-01 :ARG2 (u_5015 / contain-01 :ARG1 (e / code :mod (u_5008 / technical) :ARG2-of (c / replace-01 :ARG1 (u_5012 / term :mod (u_5009 / science)) :location (a2 / or :op1 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia") :op2 (u_5010 / country :name (u_5011 / name :op1 "China") :wiki "China"))) :ARG1-of (f / invent-01 :ARG0 (u_5013 / scientist))) :ARG0 (u_5014 / document)) :ARG1 (u_5020 / assist-01 :ARG1 (u_5019 / translate-01) :ARG0 (p / person :ARG0-of (o / speak-01 :ARG1 (u_5016 / country :name (u_5018 / name :op1 "Native" :op2 "Korean") :wiki -))))) + +(f / yield-01 :ARG1 (e / information :topic (c2 / program :poss (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :topic (u_5024 / weapon) :ARG1-of (u_5022 / share-01 :ARG2 (g / government-organization :ARG0-of (g2 / govern-01) :ARG1-of (d / ally-01)) :ARG0 (u_5025 / authority :mod (u_5023 / country :name (n3 / name :op1 "India") :wiki "India"))))) :ARG0 (u_5026 / investigate-01) :time (u_5021 / ultimate)) + +(e / program :mod (u_5027 / missile) :mod (l / old :degree (m / more)) :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :name (n2 / scud :mod (u_5028 / C)) :ARG1-of (d / design-01 :op1-of (a / and :op2 (u_5031 / b)) :ARG1-of (u_5029 / find-01 :name (u_5030 / kuwolsan))) :ARG1-of (c / derive-01 :ARG2 (u_5034 / design-01 :time (u_5033 / date-entity :decade 1950) :mod (u_5036 / country :name (u_5035 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :mod (u_5032 / missile)))) + +(u_5037 / state-01 :ARG1 (c / _ :ARG2 (e / functional :mod (u_5039 / still)) :ARG1 (a / _ :op1 (p3 / old :domain (u_5038 / science)) :op2 (u_5040 / date-01))) :ARG0 (p2 / person :quant (a2 / 1) :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India"))) :ARG2 (m2 / official)) :ARG0-of (f / study-01 :ARG1 (u_5041 / blueprint)))) + +(u_5055 / state-01 :ARG1 (f / utilize-01 :ARG1 (e / blueprint) :ARG0 (g / government-organization :name (n / name :op1 "CIA") :wiki "Central_Intelligence_Agency") :purpose (l2 / make-01 :ARG1 (d / mock-ups-01 :ARG1 (u_5052 / missile :ARG1-of (c / complete-01 :ARG2 (u_5050 / decal))) :mod (u_5051 / full)))) :ARG0 (p / person :name (u_5056 / name :op1 "Greg" :op2 "Thielmann") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "State" :op2 "Department" :op3 "'s" :op4 "Office") :wiki -) :ARG2 (u_5053 / director :ARG0-of (u_5042 / retire-01)))) :topic (a / _ :op2 (u_5054 / research-01) :op1 (u_5048 / organization :name (u_5049 / name :op1 "Bureau" :op2 "of" :op3 "Intelligence") :wiki -) :topic (u_5045 / and :op2 (u_5044 / proliferate-01) :op1 (u_5046 / issue-02 :ARG0 (u_5047 / military) :mod (u_5043 / strategic) :topic-of a)))) + +(c / include-01 :ARG2 (e / blueprint) :ARG1 (u_5063 / information :ARG0-of (u_5061 / pertain-01 :ARG1 (d / work-01 :ARG1 (n / industry :poss (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :mod (u_5062 / missile) :ARG1-of (f / focus-01 :ARG0 (u_5057 / date-entity :ARG0 (u_5058 / country :name (u_5059 / name :op1 "United" :op2 "States") :wiki "United_States")) :time (b / since :op1 (d2 / date-entity :decade 1980)))) :mod (u_5060 / inner)))) :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea")) + +(c / include-01 :ARG2 (u_5071 / everything :ARG1-of (d / need-01 :purpose (l2 / produce-01 :ARG1 (u_5064 / missile)))) :ARG1 (e / cargo :name (n2 / kuwolsan)) :polarity - :ARG0-of (f / raise-01 :ARG1 (u_5068 / possible-01 :ARG1 (u_5067 / possible-01 :ARG1 (u_5070 / ship-01 :time (l4 / late :degree (m / more)) :time (u_5065 / early :degree (u_5066 / more)) :ARG1-of (u_5069 / possible-01)))))) + +(u_5077 / and :op2 (u_5079 / state-01 :ARG1 (p3 / slice :domain (i / transfer-01 :ARG3 (u_5072 / country :name (u_5073 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG2 (c4 / country :name (u_5082 / name :op1 "Libya") :wiki "Libya") :ARG1 (u_5078 / technology)) :mod (u_5074 / this) :time (u_5075 / time)) :ARG0 (p / person :name (n / name :op1 "V." :op2 "McCarthy") :name (n2 / name :op1 "Center" :op2 "for" :op3 "Nonproliferation" :op4 "Studies" :op5 "Timothy") :wiki - :wiki - :ARG0-of (u_5080 / analyze-01 :mod (e / senior)) :ARG1-of (c / expert-01 :ARG2 (u_5081 / weapon)) :ARG0-of (f / examine-01 :ARG1 (a / and :op1 (u_5076 / blueprint :quant (a2 / some)) :op2 (t2 / thing :mod (u_5083 / other) :ARG0-of (s / evidence-01))) :op1-of u_5077)))) + +(u_5088 / state-01 :ARG1 (u_5085 / help-01 :ARG1 (f / learn-01 :ARG1 (p / learn-01 :ARG0 (u_5086 / scientist :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :mod (u_5084 / missile))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States") :ARG2 (m2 / official)))) :ARG0 (d / find-01 :ARG1 (e / intelligence))) :ARG0 (u_5087 / person :name (n / name :op1 "McCarthy") :wiki -)) + +(u_5108 / state-01 :ARG1 (a / and :op1 (u_5105 / give-01 :ARG1 (u_5102 / idea :mod (u_5091 / scientist :mod (u_5106 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG1-of (c / capable-01 :ARG2 (u_5089 / progress-01 :ARG1 (u_5090 / missile :ARG1-of (u_5101 / advanced-02 :degree (l / more))))))) :ARG2 (u_5100 / person :ARG0-of (u_5104 / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States") :ARG2 (u_5103 / official))) :ARG0 (u_5092 / information)) :op2 (f / give-01 :ARG1 (d / insight-01 :ARG1 (e / aspect :time (c2 / attempt-01 :ARG1 (m / transfer-01 :ARG1 (u_5094 / technology) :ARG2 (u_5099 / person :ARG0-of (u_5097 / have-org-role-91 :ARG2 (u_5098 / official))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_5095 / country) :ARG2 (m2 / official)) :ARG0-of c2))) :topic (u_5096 / proliferate-01))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))))) :ARG0 (u_5107 / person :name (n / name :op1 "McCarthy") :wiki -) :mod (u_5110 / country :name (u_5109 / name :op1 "U.S.") :wiki "United_States") :mod (u_5111 / another)) + +(u_5115 / state-01 :ARG1 (u_5114 / possible-01 :ARG1 (f / stop-03 :ARG1 (e / scientist :mod (c2 / country :name (n3 / name :op1 "Libya") :wiki "Libya")) :ARG0 (u_5112 / no-one) :condition (i2 / capable-01 :ARG1 (d / make-01 :ARG1 (u_5113 / missile))))) :ARG0 (p / person :name (n / name :op1 "McCarthy") :wiki -) :time (u_5116 / once)) + +(d / unaccounted-01 :ARG1 (a / and :op1 (p / product :name (n / kuwolsan)) :op2 (e / crew)) :time (b / after :op1 (f / release-01 :ARG1 (u_5118 / kuwolsan) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "India") :wiki "India") :ARG2 (m2 / official))) :time (u_5117 / date-entity :year 2000)))) + +(a2 / state-01 :ARG3 (e / grisan :name (n2 / name :op1 "Sun") :wiki -) :ARG1 (c / change-01 :ARG2 9 :ARG1 (n / name-01 :poss (c5 / criminal-organization :name (u_5123 / kuwolsan))) :year (explicitanon3 / 2000 :time (u_5120 / date-entity :season (f2 / summer)))) :ARG0 (p / person :ARG0-of (h / have-org-role-91 :ARG2 (d / division :location (c2 / city :name (u_5122 / name :op1 "London") :wiki "London") :mod (u_5119 / sea)) :ARG1 (u_5121 / ship-01 :ARG2-of (i2 / expert-01 :ARG1 p))))) + +(a / and :op1 (p / operate-01 :ARG0 (e / 9 :mod (u_5129 / sun)) :mod (u_5130 / still)) :op2 (u_5126 / report-01 :ARG1 (u_5125 / head-02 :ARG1 (c / city :name (n3 / name :op1 "Mogadishu") :wiki "Mogadishu" :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Somalia") :wiki "Somalia") :ARG2 (d / capital)))) :time (u_5131 / last)) :time (u_5128 / week :mod (u_5127 / date-entity :month 8 :year 2003 :day 3))) + +(n3 / know-01 :polarity - :ARG1 (u_5132 / nature :poss (n / cargo :poss (e / grisan :name (n2 / name :op1 "Sun") :wiki -) :quant (a2 / 9)))) + +(d / secure-01 :ARG1 (e / evidence-01 :source (m2 / kuwolsan)) :time (d2 / date-entity :month 8 :day 14 :year 2003) :location (h / warehouse :location (c2 / city :name (n / name :op1 "New" :op2 "Delhi") :wiki "New_Delhi") :mod (u_5133 / military))) + +(u_5139 / reinforce-01 :ARG1 (u_5141 / view-02 :ARG1 (d / source-02 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :purpose (l2 / proliferate-01 :ARG1 (e / weapon)) :mod (u_5140 / dangerous :degree (l / most) :compared-to (c3 / world)))) :ARG0 (u_5144 / incident :name (u_5142 / kuwolsan) :ARG1-of (f / state-01 :ARG0 (a / and :op1 (u_5138 / document :mod (u_5136 / court)) :op2 (u_5143 / interview-01 :ARG1 (p / person :location (a2 / and :op1 (u_5145 / country :name (u_5137 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_5134 / country :name (u_5135 / name :op1 "India") :wiki "India")) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)))))))) + +(u_5146 / and :op1 (u_5153 / expel-01 :ARG1 (u_5154 / inspect-01 :ARG0 (o3 / organization :name (n3 / name :op1 "U.N.") :wiki "United_Nations")) :ARG0 (p / person :name (n / name :op1 "Kim" :op2 "Jong" :op3 "Il") :wiki - :ARG0-of (f / lead-02 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea")) :ARG0-of (u_5152 / declare-02 :ARG1 (u_5148 / plan-01 :ARG1 (d / build-01 :ARG1 (e / weapon :mod (u_5147 / atom)))) :op3-of u_5146) :ARG0-of (u_5150 / abandon-01 :ARG1 (t / conference :name (u_5151 / name :op1 "Nuclear" :op2 "Non-Proliferation" :op3 "Treaty") :wiki "Treaty_on_the_Non-Proliferation_of_Nuclear_Weapons") :op2-of u_5146))) :time (u_5149 / date-entity :year 1999)) + +(u_5165 / state-01 :ARG1 (f / continue-01 :ARG1 (u_5155 / trade-01 :ARG2 (u_5160 / weapon :ARG2-of (c / destroy-01 :degree (l / mass))) :ARG1 (e / technology) :mod (u_5161 / globe) :ARG2-of (u_5157 / include-01 :ARG1 (u_5158 / instruct-01 :ARG2 (u_5156 / make-01 :ARG1 (u_5159 / missile :ARG1-of (d / advanced-02)))))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG2 (m2 / official)))) :ARG0 (u_5162 / person :ARG0-of (u_5166 / have-org-role-91 :ARG1 (u_5163 / intelligence :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")) :ARG2 (u_5164 / official)))) + +(u_5168 / condemn-01 :ARG1 (m / sell-01 :ARG1 (u_5172 / missile) :ARG2 (e / country :example (a3 / and :op2 (u_5173 / country :name (u_5174 / name :op1 "Syria") :wiki "Syria") :op1 (u_5170 / country :name (u_5171 / name :op1 "Iran") :wiki "Iran"))) :ARG0 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea")) :ARG0 (u_5177 / _ :time (u_5167 / succeed-03) :ARG0-of (f / administrate-01 :ARG1 (u_5175 / country :name (u_5176 / name :op1 "U.S.") :wiki "United_States")))) + +(u_5183 / launch-01 :ARG1 (e / missile :mod (u_5178 / 3-stage) :ARG0-of (f / heighten-01 :ARG1 (u_5180 / fear-01 :ARG1 (u_5182 / design-01 :ARG1-of (d / advanced-02)) :ARG1-of (c / capable-01 :ARG2 (u_5179 / reach-01 :ARG1 (u_5181 / mainland :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States"))))))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG2 (m2 / official))) :quant (a2 / test-01) :time (d2 / date-entity :month 8 :year 1998 :day 31)) + +(u_5185 / and :op3 (e / 3 :op3-of (u_5186 / and :op1 u_5185 :op2 (u_5191 / and :op2 (f / cross-00 :ARG1 (n / island :poss (c4 / country :name (n2 / name :op1 "Japan") :wiki "Japan") :mod (u_5192 / main)) :ARG0 (u_5187 / stage :ord (o / ordinal-entity :value 2))) :op3 (u_5189 / travel-01 :ARG1 (u_5188 / downrange) :ARG0 (d / distance-quantity :unit (m2 / mile) :quant (a2 / 3450))) :op1 (u_5200 / break-up-08) :ARG1-of (a / fall-01 :ARG4 (u_5194 / ocean :name (u_5193 / name :op1 "Pacific" :op2 "Ocean") :wiki "Pacific_Ocean")) :op2-of u_5185))) :op1 (u_5196 / splash-01 :ARG1 (u_5197 / stage :ord (u_5199 / ordinal-entity :value 1)) :direction (s / _) :location (c / country :name (u_5198 / name :op1 "Sea" :op2 "of" :op3 "Japan") :wiki -))) + +(f / fuel-01 :ARG1 (u_5202 / work-01 :ARG1 (u_5201 / thing :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States") :ARG0-of (m / shield :ARG2 (t / defend-01 :ARG3 (u_5203 / missile))))) :ARG0 (d / test-01 :ARG1 (e / missile))) + +(a / and :op2 (u_5208 / state-01 :ARG1 (u_5207 / bind-01 :ARG1 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))) :ARG0 (e / treaty :mod (u_5204 / international) :ARG0-of (f / restrict-01 :ARG1 (u_5206 / trade-01 :mod (u_5205 / such)))) :polarity -) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG2 (m2 / official)) :ARG0-of (u_5210 / defend-01 :ARG1 (c / right-05 :ARG2 (d / sell-01 :ARG1 (u_5209 / weapon))) :op1-of a)))) + +(m / sell-01 :ARG1 (a / and :op1 (u_5222 / missile) :op2 (e / part)) :ARG2 (u_5221 / country :name (u_5220 / name :op1 "Yemen") :wiki "Yemen" :ARG0-of (f / receive-01 :ARG1 (u_5224 / missile :quant (a2 / 15) :name (u_5217 / scud)) :time (b / after :op1 (d / intercept-01 :ARG1 (u_5223 / and :op1 (u_5218 / country :name (u_5215 / name :op1 "U.S.") :wiki "United_States") :op2 (u_5216 / crew :mod (u_5211 / navy) :mod (c2 / language :name (n3 / name :op1 "Spanish") :wiki "Spanish_language"))) :month (explicitanon4 / 12 :year 1998) :duration (s2 / briefly) :location (u_5213 / off :op1 (t / coast :part-of (u_5212 / country :name (u_5214 / name :op1 "Yemen") :wiki "Yemen"))))))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :ARG2 (m2 / official)))) + +(d / appear-02 :ARG1 (f / benefice-01 :ARG1 (e / weapon :mod (c2 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea")) :ARG0 (c4 / country :name (n2 / name :op1 "Libya") :wiki "Libya") :time (l / late :degree (m2 / most)))) + +(u_5231 / know-01 :ARG1 (e / help-01 :ARG1-of (d / resemble-01) :ARG1-of (f / receive-01 :ARG0 (u_5232 / nation :mod (u_5225 / other) :ARG2-of (c / include-91 :ARG1 (o / and :op2 (u_5226 / country :name (u_5227 / name :op1 "Pakistan") :wiki "Pakistan") :op3 (c4 / country :name (n2 / name :op1 "Syria") :wiki "Syria") :op1 (u_5228 / country :name (u_5229 / name :op1 "Iran") :wiki "Iran")))) :ARG2-of u_5231))) + +(f / attest-01 :ARG1 (u_5246 / exist-01 :ARG1 (u_5248 / zone :ARG1-of (d / gray-02) :ARG1-of (u_5233 / combine-01 :ARG2 (u_5243 / compose-01 :ARG2 (u_5239 / and :op1 (u_5236 / name :mod (u_5234 / weak-02) :op1 "States") :op4 (n / market :poss (a / and :op2 (p / person :ARG0-of (o / sell-01 :ARG1 (u_5242 / weapon :ARG2-of (c / destroy-01 :degree (l / mass)) :ARG1-of (u_5238 / buy-01 :ARG0 (u_5237 / person :op1-of a))))))) :op2 (u_5245 / border-01 :ARG1-of (u_5244 / open-04)) :op3 (u_5241 / lack-01 :ARG1 (u_5240 / control-01))) :ARG1 u_5248)))) :ARG0 (e / cargo :name (n2 / kuwolsan))) + +(d / deliver-01 :ARG1 (e / package :mod (u_5260 / small) :ARG0-of (f / _ :ARG1 d)) :frequency (t2 / sometimes) :mod (u_5261 / businessman :mod (u_5255 / country :name (u_5254 / name :op1 "Taiwan") :wiki "Taiwan") :ARG1-of (u_5256 / arrest-01 :location (h / airport :location (c2 / city :name (u_5253 / name :op1 "Zurich") :wiki -)) :time (u_5249 / date-entity :year 2000) :location (u_5250 / rucksack :accompanier (c / part :mod (u_5252 / missile) :mod (u_5251 / country :name (n3 / name :op1 "North" :op2 "Korea") :wiki "North_Korea"))))) :location (a2 / luggage :poss (u_5259 / passenger :mod (u_5257 / individual) :mod (u_5258 / airline)))) + +(c / contrast-01 :ARG2 (d / access-01 :ARG1 (a / and :op1 (e / information :mod (u_5262 / technical)) :op2 (u_5263 / design-01)) :medium (t / name :op1 "Internet")) :ARG1 (u_5264 / move-01 :ARG1 (u_5265 / item :mod (l / large :degree (m / more))) :location (h / freighter :example (s / kuwolsan)))) + +(u_5274 / state-01 :ARG1 (u_5279 / contrast-01 :ARG1 (p3 / difficult :domain (d / intercept-01 :ARG1 (a / and :op1 (u_5277 / weapon) :op2 (e / equipment))) :ARG1-of (u_5278 / possible-01 :polarity -))) :ARG0 (f / specialize-01 :ARG1 (o / organization :name (n3 / name :op1 "Center" :op2 "for" :op3 "Nonproliferation" :op4 "Studies") :wiki - :part-of (r / research-institute :name (n2 / name :op1 "Monterey" :op2 "Institute" :op3 "of" :op4 "International" :op5 "Studies") :wiki -)) :ARG0 (c4 / country :name (u_5273 / name :op1 "Democratic" :op2 "PeopleAsinglequoteAs" :op3 "Republic" :op4 "of" :op5 "Korea") :wiki "North_Korea")) :name (u_5276 / pinkston :name (u_5275 / name :op1 "California" :op2 "Daniel") :wiki -) :ARG2-of (u_5271 / contrast-01 :ARG1 (u_5280 / difficult :domain (u_5270 / intercept-01 :ARG1 (u_5281 / exchange-01 :ARG1 (u_5272 / and :op2 (u_5282 / data) :op3 (u_5267 / property :mod (u_5266 / intellect)) :op1 (u_5268 / plan-01)) :mod (u_5269 / human)))))) + +(e / date-entity :year 2007 :month 1 :day 23) + +(c4 / country :name (n2 / name :op1 "China") :wiki "China") + +(a / and :op5 (g / government-organization :ARG0-of (g2 / govern-01) :op5-of (u_5283 / and :op1 a :op2 (e / military :op2-of a) :op4 (u_5284 / space) :op3 (u_5286 / weapon :op3-of a))) :op1 (u_5285 / international) :op4 (u_5287 / technology)) + +(f / confirm-01 :ARG1 (u_5288 / fire-01 :ARG1 (e / missile :ARG1-of (d / guide-01)) :location (h / space) :purpose (l2 / destroy-01 :ARG1 (u_5289 / satellite))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (b / after :op1 (u_5290 / silence-01 :duration (t2 / temporal-quantity :unit (y / day) :quant (a2 / 12)))) :time (d2 / date-entity :month 1 :year 2007 :day 23)) + +(f / cause-01 :ARG1 (p / protest-01 :ARG0 (a / and :op1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_5292 / nation :mod (u_5291 / other)))) :ARG0 (e / test-01)) + +(f / confirm-01 :ARG1 (u_5293 / fire-01 :ARG1 (e / missile :ARG1-of (d / guide-01)) :purpose (l2 / destroy-01 :ARG1 (u_5294 / satellite)) :location (h / space)) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (d2 / date-entity :month 1 :year 2007 :day 23) :time (b / after :op1 (u_5295 / silence-01 :duration (t2 / temporal-quantity :unit (y / day) :quant (a2 / 12))))) + +(f / cause-01 :ARG1 (p / protest-01 :ARG0 (a / and :op1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_5297 / nation :mod (u_5296 / other)))) :ARG0 (e / test-01)) + +(f / say-01 :ARG1 (c / inform-01 :ARG2 (e / test-01 :mod (u_5301 / secret)) :ARG1 (a / and :op1 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_5304 / government-organization :mod (u_5302 / other) :ARG0-of (g2 / govern-01))) :manner (u_5299 / channel :manner (u_5298 / diplomacy)) :time (u_5300 / now)) :ARG0 (p / person :name (n / name :op1 "Liu" :op2 "Jianchao") :wiki "Liu_Jianchao" :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :name (u_5303 / name :op1 "Foreign" :op2 "Ministry") :wiki "Ministry_of_Foreign_Affairs_of_the_PeopleAsinglequoteAs_Republic_of_China") :ARG2 (d / spokesman)))) + +(u_5311 / state-01 :ARG1 (c / mean-01 :ARG2 (u_5307 / abandon-01 :ARG0 (d / use-01 :ARG1 (e / technology :mod (u_5308 / anti-satellite)) :ARG0-of (u_5306 / oppose-01 :ARG1 (f / use-01 :ARG1 (u_5305 / space) :ARG0 (u_5310 / military)) :ARG1-of (u_5309 / stand-04) :ARG1-of u_5307)) :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :polarity -) :ARG0 (p / person :name (n / name :op1 "Liu" :op2 "Jianchao") :wiki "Liu_Jianchao")) + +(f / say-01 :time (c2 / brief-01 :ARG0 (u_5312 / ministry) :ARG1 (a / and :op1 (c / target-01 :ARG2 (u_5314 / country :mod (u_5313 / any)) :ARG1 (e / test-01) :polarity -) :op2 (u_5316 / threaten-01 :ARG2 (u_5317 / country) :polarity -) :ARG1-of f)) :ARG0 (p / person :name (n / name :op1 "Liu" :op2 "Jianchao") :wiki "Liu_Jianchao") :mod (u_5318 / any)) + +(f / say-01 :ARG1 (d / plan-01 :ARG1 (p / test-01 :ARG0 (e / military :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :mod (u_5320 / secretive)) :mod (u_5321 / another) :mod (u_5319 / such)) :polarity -) :ARG0 (u_5322 / person :name (n / name :op1 "Liu" :op2 "Jianchao") :wiki "Liu_Jianchao")) + +(a / and :op2 (u_5330 / detect-01 :ARG1 (u_5332 / monitor-01 :ARG0 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States")) :month (explicitanon4 / 1 :day (explicitanon8 / 11 :year 2007)) :ARG0 (e / shoot-02 :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :ARG0-of (p / test-01) :ARG0-of (f / destroy-01 :ARG1 (u_5331 / satellite :mod (u_5327 / overage) :mod (u_5328 / weather)) :op1-of a))) :mod (u_5329 / _ :location (u_5323 / above :op1 (u_5324 / planet :name (u_5325 / earth)) :quant (d / distance-quantity :unit (u_5326 / mile) :quant (a2 / 537))))) + +(u_5333 / refuse-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0-of (f / discuss-01 :ARG1 (e / it) :ARG1-of u_5333))) + +(f / raise-01 :ARG1 (p / concern-01 :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States")) :ARG0 (e / test-01)) + +(m / interpret-01 :ARG1 (e / it) :ARG2 (u_5335 / signal-07 :ARG1 (d / possible-01 :ARG1 (p3 / vulnerable :domain (u_5337 / satellite :mod (u_5334 / military) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")) :purpose (k / attack-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))))) :ARG0 (a / and :op1 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))) :op2 (p2 / person :ARG0-of (t / analyze-01)))) + +(u_5354 / possible-01 :ARG1 (u_5352 / pose-01 :ARG1 (u_5351 / threaten-01 :ARG1-of (d / add-01)) :ARG0 (c / capable-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / shoot-down-05 :ARG1 (e / satellite) :ARG2-of c)))) :prep-in (u_5349 / _ :time (u_5350 / state :location (u_5353 / country :name (n / name :op1 "Taiwan") :wiki "Taiwan"))) :ARG1-of (u_5356 / cause-01 :ARG0 (m / rely-01 :ARG1 (u_5340 / satellite) :ARG2 (a / and :op1 (u_5343 / reconnaissance) :op4 (u_5355 / defense) :op2 (u_5342 / navigation) :op3 (u_5346 / system :instrument-of (p / guide-01 :ARG0 (u_5344 / weapon)))) :ARG0 (u_5345 / military :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States")))) :ARG0-of (u_5348 / _ :ARG1 (u_5347 / missile))) + +(u_5364 / possible-01 :ARG1 (u_5363 / threaten-01 :ARG1 (e / satellite :ARG0-of (u_5360 / monitor-01 :ARG1 (f / deploy-01 :ARG1 (c / along :op1 (u_5359 / strait :name (n3 / name :op1 "Taiwan" :op2 "Strait") :wiki -)) :ARG0 (u_5361 / missile :mod (u_5358 / range-01) :duration (s2 / short-06))))) :ARG0 (p / capable-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (d / demonstrate-01 :manner (u_5362 / new)))) :mod (c2 / country :name (u_5365 / name :op1 "Taiwan") :wiki "Taiwan")) + +(f / dismay-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_5377 / country :name (u_5376 / name :op1 "U.S.") :wiki "United_States") :ARG2 (m2 / official))) :ARG0 (p / test-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG1-of (u_5374 / cause-01 :ARG0 (c / abstain-01 :ARG2 (e / test-01 :mod (u_5370 / such)) :ARG1 (a / and :op1 (u_5375 / country :name (u_5373 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (u_5368 / country :name (u_5369 / name :op1 "Russia") :wiki "Russia")) :time (b / after :op1 (d / test-01 :ARG1 (u_5371 / technology :mod (u_5366 / anti-satellite)) :time (u_5367 / date-entity :decade 1980)))))) + +(u_5384 / cause-01 :ARG1 (t3 / thing :mod (u_5383 / this) :ARG1-of (s / decide-01)) :ARG0 (u_5382 / create-01 :ARG1 (e / debris :ARG0-of (f / damage-01 :ARG1 (u_5379 / satellite :location (h / orbit :mod (u_5378 / nearby))) :ARG1-of (d / possible-01))) :ARG0 (u_5380 / destroy-01 :ARG1 (u_5381 / satellite))) :degree (l / part)) + +(u_5386 / decline-02 :ARG0 (p / person :name (n / name :op1 "Liu") :wiki "Liu_Jianchao" :ARG0-of (f / address-02 :ARG1 (d / question-01 :ARG1 (e / endanger-01 :mod (u_5385 / this))) :ARG1-of u_5386))) + +(u_5391 / estimate-01 :ARG1 (f / create-01 :ARG1 (u_5389 / fragment :quant (m / several :op1 (u_5387 / _) :quant (a2 / 1000)) :mod (u_5388 / debris)) :ARG0 (d / destroy-01 :ARG1 (e / satellite))) :ARG0 (p / person :ARG1-of (u_5390 / expert-01))) + +(f / orbit-01 :ARG1 (h / section :location (u_5392 / space) :location-of (p / fly-01 :ARG0 (e / satellite :quant (a2 / 125) :mod (u_5393 / other)))) :ARG0 (u_5394 / satellite)) + +(a / and :op2 (u_5397 / state-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (u_5396 / desire-01 :ARG1 (p / possible-01 :ARG1 (u_5401 / compete-01 :ARG1 (u_5400 / warfare :mod (u_5395 / 21st-century)) :ARG0 c4)) :ARG1-of u_5397) :ARG0-of (f / start-01 :ARG1 (e / program :purpose (l2 / modernize-01 :ARG1 (u_5398 / military)) :ARG1-of (d / accelerate-01)) :op1-of a)) :ARG1-of (u_5399 / repeat-01))) + +(c / include-01 :ARG2 (u_5405 / this) :ARG1 (u_5404 / use-01 :ARG1 (a / and :op1 (u_5403 / electronics :ARG1-of (d / advanced-02)) :op2 (e / system :mod (u_5402 / information))))) + +(u_5411 / and :op2 (m / identify-01 :ARG1 (u_5410 / system :ARG1-of (d / space-based-01) :ARG1-of (u_5406 / sense-01) :op1-of (a / and :op2 (u_5407 / communicate-01))) :ARG2 (c / key-02 :ARG2 (u_5413 / effort :mod (u_5409 / such))) :ARG0 (e / military :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :ARG0-of (f / run-02 :ARG1 (u_5414 / program :mod (u_5412 / space)) :op1-of u_5411)))) + +(f / advocate-01 :ARG1 (u_5416 / warfare :mod (u_5415 / asymmetrical)) :ARG0 (p2 / person :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :quant (a2 / some) :mod (e / military) :ARG0-of (t / theorize-01))) + +(c / use-01 :ARG2 (u_5418 / disrupt-01 :ARG1 (u_5420 / military :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States") :ARG1-of (d / better-equipped-01) :ARG1-of (u_5417 / advanced-02 :degree (l / more)))) :ARG1 (e / weapon :mod (u_5419 / pinpoint-01))) + +(u_5427 / believe-01 :ARG1 (c / have-part-91 :ARG2 (e / test-01 :day (explicitanon8 / 11 :time (u_5425 / date-entity :month 1)) :year 2007) :ARG1 (u_5426 / program :mod (c3 / modernize-01 :ARG1 (u_5421 / military)) :concession (a / declare-01 :ARG1 (u_5422 / want-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / prevent-01 :ARG1 (u_5428 / race-02 :ARG3 (u_5424 / arm) :location (h / space)) :ARG1-of u_5422))) :ARG1-of (d / frequent-02)))) :ARG0 (p2 / person :ARG0-of (t / analyze-01))) + +(u_5433 / and :op2 (f / say-01 :ARG1 (u_5432 / promote-02 :ARG1 (a / and :op1 (u_5431 / de-weaponization) :op2 (d / use-01 :ARG1 (e / space :mod (u_5430 / outer)) :manner (c / peace))) :degree (l / further)) :ARG0 (p / person :name (n / name :op1 "Liu") :wiki "Liu_Jianchao" :ARG0-of (u_5436 / repeat-01 :ARG1 (u_5437 / position-02 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (u_5434 / stand-04)) :time (s3 / ask-01 :ARG1 (u_5429 / appear-01 :ARG1 (u_5435 / contradict-01))) :op1-of u_5433)))) + +(a / and :op2 (f / push-01 :ARG1 (e / agree-01 :mod (u_5439 / international) :purpose (l2 / prevent-01 :ARG1 (c / become-01 :ARG2 (u_5442 / theater :purpose (r2 / race-02 :ARG3 (u_5441 / arm) :mod (u_5440 / new)))))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (u_5445 / advocate-01 :ARG1 (d / develop-02 :ARG1 (u_5444 / space) :manner (u_5443 / peace)) :manner (u_5438 / consistent) :op1-of a)))) + +(a / and :op2 (u_5451 / argue-01 :ARG1 (u_5450 / need-01 :polarity -) :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States" :ARG0-of (u_5449 / oppose-01 :ARG1 (f / suggest-01 :ARG1 (e / conference :mod (u_5446 / international) :purpose (l2 / pursue-01 :ARG1 (u_5448 / accord-03 :mod (u_5447 / such)))) :ARG0 (u_5453 / country :name (u_5452 / name :op1 "China") :wiki "China")) :op1-of a)))) + +(m / ask-01 :ARG1 (c / and :op1 (f / violate-01 :ARG1 (u_5466 / spirit :poss (u_5467 / position-02 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (d / proclaim-01))) :ARG0 (u_5454 / test-01 :ARG1 (u_5468 / anti-satellite)))) :ARG2 (e / oppose-01) :ARG0 (p / person :name (n / name :op1 "Liu") :wiki "Liu_Jianchao") :mode "interrogative" :ARG0-of (u_5464 / cause-01 :ARG1 (u_5462 / keep-01 :ARG1 (u_5463 / silent) :duration (u3 / nearly :op1 (u_5456 / temporal-quantity :unit (y / week) :quant (a2 / 2))) :time (u_5457 / discuss-01 :ARG0 (u_5465 / person :location (a / around :op1 (u_5460 / world)) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))) :ARG2-of (u_5461 / base-02 :ARG1 (u_5458 / report-01 :ARG0 (u_5459 / intelligence) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States"))))))) + +(u_5469 / say-01 :ARG1 (f / have-03 :ARG1 (e / nothing :ARG1-of (d / hide-01)) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0 (p / person :name (n / name :op1 "Liu") :wiki "Liu_Jianchao")) + +(a2 / respond-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (e / test-01) :time (b / after :op1 (f / express-01 :ARG0 (u_5471 / party :ARG1-of (d / relevant-01) :ARG0-of (p / concern-01 :ARG1-of f))) :ARG1-of (u_5470 / quick-02))) + +(f / stress-01 :ARG1 (d / oppose-01 :ARG1 (a / and :op1 (u_5473 / weaponize-01) :op2 (t / race-02 :ARG3 (e / arm) :location (h / space :mod (u_5472 / outer)))) :mod (u_5474 / _)) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) + +(d / change-01 :ARG1 (p / position-02 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :polarity -) + +(e / date-entity :year 2007 :month 2 :day 2) + +(c4 / country :name (n2 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia") + +(a / and :op7 (u_5476 / politics) :op4 (u_5481 / crime-02) :op6 (g / government-organization :ARG0-of (g2 / govern-01)) :op2 (u_5478 / terrorism) :op5 (e / right :mod (u_5480 / human)) :op1 (u_5477 / international) :op3 (u_5479 / money)) + +(u_5487 / say-01 :ARG1 (a / and :op2 (c / accuse-01 :ARG1 (e / police :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia") :ARG0-of (f / collect-01 :purpose (l / fund-01 :ARG0 (u_5483 / act-02 :mod (u_5482 / terrorism)) :location (h / outside) :ARG1 (u_5486 / donate-01 :ARG1-of f)) :ARG2-of c) :ARG0-of (u_5485 / arrest-01 :ARG1 (u_5484 / man :quant (a2 / 10)) :op1-of a)))) :ARG0 (g / government-organization :name (n / name :op1 "Interior" :op2 "Ministry") :wiki "Ministry_of_Interior_(Saudi_Arabia)")) + +(u_5498 / say-01 :ARG1 (c / include-91 :ARG2 (p3 / activist :domain (e / man) :mod (u_5494 / democracy :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia")) :quant (m / at-least :op1 7) :ARG0-of (u_5493 / arrest-01 :ARG1 (u_5492 / attempt-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :ARG0-of (f / abort-01 :ARG1 (u_5495 / work-01 :mod (u_5491 / right :mod (u_5490 / civic))) :ARG1-of u_5492)))))) :ARG0 (a / and :op1 (u_5497 / lawyer) :op2 (u_5489 / dissident :mod (u_5488 / prominent)))) + +(u_5504 / say-01 :ARG1 (a / and :op2 (c / accuse-01 :ARG1 (e / police :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia") :ARG0-of (u_5502 / collect-01 :purpose (l / fund-01 :ARG0 (u_5500 / act-02 :mod (u_5499 / terrorism)) :location (h / outside) :ARG1 (u_5501 / donate-01 :ARG1-of u_5502)) :ARG2-of c) :ARG0-of (f / arrest-01 :ARG1 (u_5503 / man :quant (a2 / 10)) :op1-of a)))) :ARG0 (g / government-organization :name (n / name :op1 "Interior" :op2 "Ministry") :wiki "Ministry_of_Interior_(Saudi_Arabia)")) + +(u_5512 / say-01 :ARG1 (c / include-91 :ARG2 (p3 / activist :domain (u_5515 / man) :quant (m / at-least :op1 7) :mod (u_5511 / democracy :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia")) :ARG0-of (u_5508 / arrest-01 :ARG1 (u_5507 / attempt-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :ARG0-of (f / abort-01 :ARG1 (u_5510 / work-01 :mod (u_5506 / right :mod (u_5505 / civic))) :ARG1-of u_5507)))))) :ARG0 (a / and :op1 (u_5514 / lawyer) :op2 (e / dissident :mod (u_5513 / prominent)))) + +(u_5520 / say-01 :ARG1 (c / wait-01 :ARG2 (u_5518 / approve-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01) :ARG0-of (f / set-up-03 :ARG1 (e / group :mod (u_5517 / right :mod (u_5516 / civic))) :ARG1-of u_5518))) :ARG1 (u_5519 / man :quant (a2 / 7))) :ARG0 (p / person :name (n / name :op1 "Matrouk" :op2 "al-Faleh") :wiki -)) + +(a2 / and :domain (e / man) :op2 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / professor))) :op1 (u_5522 / lawyer) :quant (u_5521 / most) :mod (u_5523 / _)) + +(c / jail-01 :ARG2 (d / call-03 :ARG1 (e / democracy :quant (a2 / more)) :location (h / kingdom)) :ARG1 (p / person :name (n / name :op1 "Al-Faleh") :wiki -) :time (u_5524 / date-entity :year 2004)) + +(f / plan-01 :ARG0 (e / man :ARG0-of (u_5532 / present-01 :ARG1 (u_5533 / list :topic (u_5530 / imprison-01 :quant (m / more-than :op1 40) :ARG1-of (d / defend-01 :ARG1-of (u_5526 / intend-01)) :ARG1-of (u_5528 / representation-02 :polarity - :ARG1-of (u_5527 / legal-02)))) :ARG2 (u_5531 / authority) :ARG1-of f))) + +(f / say-01 :ARG1 (a / and :op2 (c / use-01 :ARG2 (u_5534 / _ :ARG1 (u_5536 / arrest-01)) :ARG1 (d / allege-01 :ARG1 (e / terrorist) :ARG1-of (u_5535 / cover-up :op1-of a)))) :ARG0 (p / person :name (n / name :op1 "Al-Faleh") :wiki -)) + +(p / attempt-01 :ARG1 (e / this) :domain (u_5539 / abort-01 :ARG1 (d / work-01 :ARG1 (u_5540 / right :mod (u_5537 / civic)) :ARG1-of (f / plan-01 :ARG0 (u_5538 / authority))))) + +(u_5544 / and :op2 (f / arrest-01 :ARG1 (a / and :op2 (u_5547 / man :mod (u_5543 / other) :quant (a2 / 5) :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia"))) :ARG0 (e / police :ARG0-of (g / go-02 :ARG4 (u_5541 / house :poss (p / person :name (n / basrawi) :mod (u_5545 / lawyer)) :location (h / beach) :name (n2 / name :op1 "Jiddah") :wiki -) :time (u_5542 / night :time (d / date-entity :weekday (m2 / friday))) :op1-of u_5544))) :name (u_5546 / name :op1 "Essam") :wiki -) + +(f / say-01 :ARG1 (c / arrest-01 :ARG1 (e / businessman :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia") :ARG0-of (u_5550 / drive-01 :location (u_5548 / city :name (u_5549 / name :op1 "Jiddah") :wiki -) :ARG1 (p / person :name (n / name :op1 "Abdul-Aziz" :op2 "Al-khereiji") :wiki - :ARG2-of c) :time-of c)) :location (h / checkpoint)) :ARG0 (u_5551 / person :name (u_5552 / name :op1 "Bassim" :op2 "Alim") :wiki -) :mod (u_5553 / _ :ARG0-of (h3 / have-rel-role-91 :ARG2 (u_5554 / wife)))) + +(p3 / attorney :domain (p / person :name (n / name :op1 "Alim") :wiki -) :ARG0-of (f / represent-01 :ARG1 (u_5555 / person :ARG1-of (e / detain-01)) :quant (a2 / 3)) :ARG1-of (d / include-91)) + +(u_5557 / detain-01 :ARG1 (d / assist-01 :ARG2-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Morocco") :wiki "Morocco") :ARG0 (p / person :name (n / basrawi))) :ARG1-of (u_5556 / personal-02)) :mod (e / also)) + +(e / information :topic (c2 / identity :poss (u_5559 / man :mod (u_5558 / other) :quant (a2 / 2))) :polarity -) + +(u_5566 / tell-01 :ARG1 (c / involve-01 :ARG2 (u_5562 / finance-01 :ARG1 (u_5569 / person :ARG0-of (t / recruit-01) :ARG0-of (m / sign-up-03 :ARG2 (u_5570 / go-02 :ARG4 (u_5561 / area :ARG1-of (u_5563 / turbulent)) :ARG0 (u_5564 / young :ARG1-of m))))) :ARG1 (u_5568 / man :ARG1-of (u_5567 / arrest-01))) :ARG2 (e / newspaper :ARG1-of (d / local-02)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :name (n / name :op1 "An" :op2 "interior" :op3 "ministry") :wiki -) :ARG2 (m2 / spokesman))) :mod (u_5571 / _ :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia"))) + +(p / reference-04 :ARG1 (e / that) :domain (c4 / country :name (n2 / name :op1 "Iraq") :wiki "Iraq") :mod (u_5572 / general-02)) + +(f / say-01 :ARG1 (d / find-01 :ARG1 (a2 / amount :mod (u_5573 / sizeable) :quant-of (e / cash)) :time (s3 / search-01 :ARG1 (n / home :poss (u_5574 / man)))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / spokesman)))) + +(a / and :op2 (f / join-up-02 :ARG1 (u_5580 / insurgent :name (n2 / name :op1 "Sunni" :op2 "Muslim") :wiki -) :ARG0 (e / radical :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia") :mod (u_5579 / young) :quant (a2 / many) :ARG0-of (u_5578 / cross-00 :ARG1 (c / border-01 :ARG2 (c4 / country :name (u_5576 / name :op1 "Iraq") :wiki "Iraq") :mod (u_5577 / pore) :ARG1-of (d / long-03)) :op1-of a)) :op2-of (u_5581 / _ :op1 (u_5575 / name :op1 "Kingdom") :location-of a))) + +(f / say-01 :ARG1 (a / and :op1 (n3 / base-02 :polarity - :ARG1 (p / accuse-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))) :op2 (p3 / reform-01 :domain (u_5583 / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / client))) :ARG1-of (u_5582 / connect-01 :ARG2 (e / terrorism) :polarity -) :ARG1-of (d / know-02))) :ARG0 (u_5584 / person :name (n / name :op1 "Alim") :wiki -) :mod (u_5585 / person)) + +(u_5588 / say-01 :ARG1 (u_5587 / possible-01 :ARG1 (f / raise-01 :ARG1 (d / fund-01 :ARG1 (u_5586 / refugee :mod (c2 / country :name (n3 / name :op1 "Iraq") :wiki "Iraq") :op1-of (a / or :op2 (c4 / country :name (n2 / name :op1 "Palestine") :wiki "State_of_Palestine")))) :ARG0 (e / man))) :ARG0 (p / person :name (n / name :op1 "Alim") :wiki -)) + +(m / warn-01 :ARG1 (e / man :ARG1-of (f / repeat-01 :ARG0 m)) :ARG2 (a / or :op2 (u_5589 / write-01 :ARG1 (u_5598 / petition :ARG1-of (d / gather-02 :polarity - :op1-of a)))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1-of (u_5594 / cause-01 :ARG0 (u_5597 / fear-01 :ARG1 (u_5592 / rise-01 :ARG1 (u_5595 / movement-07 :ARG1 (u_5596 / reform-01 :mod (u_5590 / politics)) :mod (u_5591 / new))) :ARG0 (u_5593 / authority)))) + +(u_5603 / say-01 :ARG1 (f / want-01 :ARG1 (d / movement-07 :ARG1 (u_5602 / reform-01) :mod (u_5601 / kind :mod (u_5600 / any)) :ARG1-of (u_5599 / organize-01)) :ARG0 (e / man) :polarity -) :ARG0 (p / person :name (n / name :op1 "Alim") :wiki -)) + +(u_5606 / try-01 :ARG0 (e / man :ARG0-of (f / stop-01 :ARG1 (d / call-03 :ARG1 (u_5607 / reform-01) :mod (u_5605 / any) :ARG1-of (u_5604 / organize-01)) :ARG1-of u_5606))) + +(u_5615 / say-01 :ARG1 (a / and :op2 (f / seize-01 :ARG1 (o / and :op2 (u_5610 / book) :op3 (u_5614 / computer) :op1 (u_5609 / file)) :ARG0 (e / police :ARG0-of (u_5613 / search-01 :ARG1 (u_5617 / home :poss (u_5612 / man)) :manner (c / warrant :polarity -) :manner (u_5608 / law) :op1-of a)))) :ARG0 (p / person :name (n / name :op1 "Alim") :wiki -)) + +(u_5618 / be-temporally-at-91 :ARG2 (c / after :op1 (e / midnight) :time (d2 / date-entity :month 2 :year 2002 :day 2)) :ARG1 (u_5619 / this)) + +(c / allow-01 :ARG1 (f / see-01 :ARG1 (u_5623 / man :ARG1-of (u_5622 / arrest-01)) :ARG0 (e / either :ARG0-of (h / have-org-role-91 :ARG1 (u_5621 / family) :ARG2 (d / member :polarity "_")) :ARG2-of c)) :ARG2-of (u_5620 / _ :ARG1 (p / person :name (n / name :op1 "Alim") :wiki -))) + +(u_5630 / know-01 :ARG1 (f / cause-01 :ARG1 (u_5624 / or :op1 (u_5629 / they) :op2 (u_5628 / show-01 :ARG1 (u_5627 / or :op1 (u_5625 / organization) :op2 (t2 / thing :ARG0-of (s / evidence-01))))) :ARG0 (a / or :op1 (d / allow-01 :ARG1 (u_5626 / lawyer) :polarity -) :op2 (e / charge-01 :manner (c / public-02)))) :ARG0 (p / person :name (n / faleh) :ARG1-of (b / guilty-01 :ARG2 (u_5632 / crime-02) :condition-of (u_5633 / _ :ARG1 u_5630 :ARG0 p))) :polarity -) + +(d / target-01 :ARG1 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / democracy) :ARG2 (m2 / activist))) :time (b / since :op1 (f / take-01 :ARG1 (u_5648 / throne) :ARG0 (p / person :name (n / name :op1 "Abdullah") :wiki "Abdullah_II_of_Jordan" :ARG0-of (u_5641 / reform-minded-01) :ARG0-of (h2 / have-org-role-91 :ARG2 (g / king))) :time (u_5646 / date-entity :year 2005)) :ARG1-of (u_5640 / arrest-01 :ord (u_5639 / ordinal-entity :value 1) :op1-of (u_5638 / and :op2 (u_5637 / pardon-01 :ARG1 (a / and :op1 (u_5636 / person :name (u_5644 / faleh)) :op2 (u_5642 / activist :mod (u_5634 / other) :quant 2 :ARG0-of (u_5643 / spend-02 :ARG1 (u_5647 / temporal-quantity :unit (y / month) :quant (a2 / 18)) :location (u_5649 / prison)) :ARG0-of (u_5645 / lead-02))) :ARG0 b))))) + +(u_5653 / sign-01 :ARG0 (e / man :quant (a2 / 12) :mod (u_5654 / other) :ARG1-of (d / arrest-01 :accompanier (c / they) :time (d2 / date-entity :month 3 :time (d3 / date-entity :year 2004))) :ARG0-of (f / stop-01 :ARG1 (u_5655 / lobby-01 :ARG0 e :ARG2 (u_5656 / free-04 :mod (u_5650 / politics))) :ARG1-of (u_5651 / pledge-01 :ARG0 e :ARG1-of (u_5652 / state-01 :ARG0 e :ARG1-of u_5653))))) + +(u_5659 / and :op2 (u_5660 / demand-01 :ARG1 (u_5662 / and :op1 (u_5663 / representation-02 :ARG1-of (d / legal-02)) :op2 (u_5658 / try-02 :ARG1-of (u_5657 / public-02))) :ARG0 (a / and :op1 (p / person :name (n / faleh)) :op2 (e / other :quant (a2 / 2)) :ARG0-of (f / refuse-01 :ARG1 (u_5661 / sign-01 :ARG0 a) :op1-of u_5659)))) + +(c / contrast-01 :ARG2 (e / apply-01 :ARG1-of (d / rare-02)) :ARG1 (u_5665 / allow-01 :ARG1 (a / and :op1 (u_5668 / name :op1 "Legal" :op2 "Defense") :op2 (u_5664 / try-02 :ARG1-of (u_5667 / public-02))) :mod (u_5666 / law :mod (c2 / country :name (n3 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia")))) + +(g / go-02 :ARG0 (p2 / person :quant (a2 / most) :ARG0-of (t / defend-01)) :ARG4 (e / court) :manner (c / attorney :polarity -)) + +(a / and :op1 (p3 / monarchy :domain (c4 / country :name (n2 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia") :mod (e / absolute)) :op2 (c / have-03 :ARG2 (u_5671 / council :mod (u_5669 / consultative) :ARG1-of (f / appoint-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)))))) + +(f / carry-out-03 :ARG1 (p / elect-01 :ARG0 (e / city) :ARG1-of (d / limit-01)) :ARG0 (u_5673 / it) :time (u_5672 / date-entity :year 2005)) + +(u_5676 / continue-01 :ARG0 (e / kingdom :ARG0-of (u_5675 / show-01 :ARG1 (f / tolerate-01 :ARG1 (o / oppose-01 :ARG0 (p2 / person) :ARG1 (p4 / person) :mod (u_5677 / politics)) :ARG0 e :degree (l / little)) :manner (r2 / progress-01 :ARG1 (d / reform-01 :ARG1 (p / person :name (n / name :op1 "Abdullah") :wiki "Abdullah_II_of_Jordan")) :manner (c / slow)) :ARG1-of u_5676))) + +(u_5680 / and :op2 (u_5685 / ban-01 :ARG1 (a / and :op1 (u_5679 / gather-03 :ARG1-of (u_5683 / public-02)) :op2 (u_5684 / party :mod (u_5678 / politics))) :ARG0 (e / it :ARG0-of (f / impose-01 :ARG1 (u_5681 / limit-01 :ARG1 (d / free-04 :ARG1 (u_5686 / express-01)) :mod (u_5682 / strict)) :op1-of u_5680)))) + +(a2 / and :domain (p / person :name (n / name :op1 "Sulaiman" :op2 "Al-Rushoodi") :wiki -) :op2 (e / judge-01 :time (u_5687 / former)) :op1 (u_5688 / lawyer) :quant (m / _ :op1 (u_5691 / group :mod (u_5690 / activist :ARG1-of (d / detain-01 :time (u_5689 / date-entity :year 2004)))))) + +(c / include-91 :ARG2 (e / man :ARG1-of (d / arrest-01 :time (d2 / date-entity :month 2 :time (u_5692 / date-entity :day 2) :year 2002))) :ARG1 (p / person :name (n / name :op1 "Al-Rushoodi") :wiki -)) + +(d / release-01 :ARG1 (p / person :name (n / name :op1 "Al-Rushoodi") :wiki -) :time (b / after :op1 (u_5696 / pledge-01 :ARG1 (c / address-02 :ARG2 (u_5694 / authority) :ARG1 (e / demand-01) :manner (u_5693 / sole)))) :time (l / late :degree (m2 / more) :op1 (u_5697 / several :op1 (t / temporal-quantity :unit (y / week))))) + +(f / join-01 :ARG1 (n / team :poss (p / person :quant (a2 / 3) :location (a / behind :op1 (e / bar) :mod (u_5698 / still)) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / activist))) :mod (u_5699 / defense)) :ARG0 (u_5700 / person :name (u_5701 / name :op1 "Al-Rushoodi") :wiki -)) + +(p3 / activist :domain (p / person :name (n / basrawi)) :time (u_5707 / period :time (b / before :op1 (u_5702 / arrest-01 :time (u_5706 / date-entity :year 2004))) :mod (u_5703 / vibrant) :mod (u_5705 / activism :mod (u_5704 / politics))) :mod (u_5708 / prominent) :ARG0-of (f / help-01 :ARG1 (d / draft-01 :ARG1 (e / petition :ARG1-of (c / address-03 :ARG2 (g / government-organization :ARG0-of (g2 / govern-01))))))) + +(u_5715 / announce-01 :ARG0 (o3 / organization :name (n3 / name :op1 "Consultative" :op2 "Shura" :op3 "Council") :wiki - :ARG0-of (u_5714 / consider-02 :ARG1 (e / law :ARG1-of (d / allow-01 :polarity - :location (h / name :op1 "Kingdom") :time (u_5709 / current)) :ARG0-of (f / permit-01 :ARG1 (u_5712 / set-02 :ARG1 (u_5713 / group :mod (u_5711 / right :mod (u_5710 / civic)))))) :ARG1-of u_5715)) :time (u_5716 / recent)) + +(c / contrast-01 :ARG2 (d / ban-01 :ARG1 (e / organization :mod (u_5720 / right :mod (u_5719 / civil)) :ARG0-of (i / depend-01 :polarity -))) :ARG1 (f / have-03 :ARG1 (u_5722 / committee :mod (u_5718 / right :mod (u_5717 / human)) :quant (a2 / 2) :ARG1-of (u_5721 / government-appointed-01)) :ARG0 (c4 / country :name (n2 / name :op1 "Saudi" :op2 "Arabia") :wiki "Saudi_Arabia")) :op1-of (a / and :op2 (u_5723 / human))) + +(e / date-entity :year 2007 :month 5 :day 14) + +(a / and :op1 (u_5724 / country :name (u_5725 / name :op1 "China") :wiki "China") :op2 (c4 / country :name (n2 / name :op1 "Nigeria") :wiki "Nigeria")) + +(a / and :op2 (e / telecom :op2-of (u_5726 / and :op1 a :op5 (u_5727 / technology) :op4 (u_5730 / space :op4-of a) :op3 (u_5728 / business :op3-of a))) :op1 (u_5729 / international) :op5 (g / government-organization :ARG0-of (g2 / govern-01))) + +(a / and :op2 (f / launch-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (u_5731 / build-01 :ARG1 (e / satellite :mod (u_5732 / communicate-01) :ARG1-of f) :op1-of a))) :beneficiary (c2 / country :name (n / name :op1 "Nigeria") :wiki "Nigeria")) + +(f / demonstrate-01 :ARG1 (n / skill :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (e / technology :mod (u_5733 / space)) :ARG1-of (d / increase-01)) :ARG0 (u_5734 / satellite)) + +(u_5735 / state-01 :ARG1 (f / launch-01 :ARG1 (c4 / country :name (n2 / name :op1 "Nigeria") :wiki "Nigeria") :ARG0 (e / satellite :ARG0-of (u_5736 / communicate-01) :ARG1-of (d / manufacture-01)) :location (h / orbit-01)) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official))) :month (explicitanon4 / 5 :year 2007 :day 14)) + +(u_5744 / state-01 :ARG1 (f / provide-01 :ARG1 (e / service :mod (u_5742 / communicate-01) :op1-of (a / and :op2 (o / and :op2 (u_5739 / world-region :name (u_5740 / name :op1 "Middle" :op2 "East") :wiki "Middle_East") :op3 (w / world-region :name (u_5741 / name :op1 "Southern" :op2 "Europe") :wiki -) :op1 (c / continent :name (n / name :op1 "Africa") :wiki "Africa") :degree (l / part)))) :ARG0 (u_5743 / satellite :mod (u_5737 / geostationary))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (m2 / official)))) + +(f / state-01 :ARG1 (a / and :op2 (p / expect-01 :ARG1 (c / last-01 :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 15)) :ARG1 (e / satellite :ARG1-of (d / operate-01 :time (b / by :op1 (u_5746 / end-01 :ARG1 (u_5747 / date-entity :year 2007))) :op1-of a))))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (m2 / official))) :mod (u_5748 / also)) + +(d / manage-01 :ARG1 (e / satellite) :location (h / station :location (c / city :name (n / name :op1 "Abuja") :location (u_5749 / country :name (u_5750 / name :op1 "Nigeria") :wiki "Nigeria") :wiki -) :ARG0-of (p / control-01))) + +(u_5757 / mark-01 :ARG1 (a / and :op2 (m / put-01 :ARG1 (d / contract-02 :ARG1 (u_5759 / country :mod (u_5754 / another))) :ARG2 (u_5755 / orbit-01) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / build-01 :ARG1 (u_5756 / satellite :mod (u_5751 / commerce)) :op1-of a))) :ord (u_5752 / ordinal-entity :value 1)) :ARG0 (e / launch-01 :mod (u_5758 / this))) + +(e / launch-01 :day (explicitanon8 / 14 :year 2007 :month 5) :time (b / before :op1 (u_5765 / dawn-01) :ARG1-of (u_5763 / near-02 :ARG2 (u_5764 / center :name (n2 / xichang) :location (r / southwest :part-of (u_5761 / province :name (u_5760 / name :op1 "Sichuan") :wiki "Sichuan")) :mod (u_5762 / space))))) + +(m / view-01 :ARG1 (u_5777 / launch-01) :ARG0 (e / some :ARG0-of (u_5775 / signal-07 :ARG1 (a / and :op1 (u_5774 / skill :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (u_5773 / technology :mod (u_5767 / space)) :ARG1-of (d / increase-01)) :op2 (c / determine-01 :ARG2 (n / power :poss (u_5778 / world) :mod (u_5768 / great) :ARG0-of (u_5771 / seek-01 :ARG1 (f / utilize-01 :ARG1 (u_5772 / benefit-01 :location (h / earth)) :ARG0 (p / reach-01 :ARG0 (u_5770 / space :mod (u_5769 / outer)))))))) :mod (u_5776 / another) :ARG2-of m))) + +(u_5788 / cause-01 :ARG1 (e / worry-02 :location (c / country :name (n / name :op1 "United" :op2 "States") :wiki "United_States") :ARG1-of (f / cause-01 :ARG0 (a / and :op1 (p / run-01 :ARG0 (u_5783 / military)) :op2 (u_5781 / emphasize-01 :ARG1 (u_5784 / warfare :mod (u_5780 / information) :ARG1-of (d / space-based-01)) :time (u_5782 / recent))))) :ARG0 (u_5786 / progress-01 :ARG1 (u_5789 / program :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (u_5787 / space)) :manner (u_5785 / rapid)) :mod (u_5790 / _)) + +(d / intensify-01 :ARG1 (e / concern-01) :mod (u_5796 / test-01) :ARG1-of (u_5791 / test-01) :ARG1-of (c / follow-01 :ARG2 (u_5793 / succeed-01 :ARG1 (u_5794 / test-firing-01 :ARG1 (u_5795 / missile :mod (u_5792 / anti-satellite))) :time (d2 / date-entity :month 1 :day 11 :year 2007)))) + +(u_5804 / state-01 :ARG1 (f / demonstrate-01 :ARG1 (c / risk-01 :ARG2 (u_5802 / satellite :quant (a2 / many) :ARG1-of (m / rely-01 :ARG2 (a / and :op1 (u_5797 / navigation) :op2 (d / guide-01 :ARG1 (u_5800 / weapon))) :ARG0 (u_5801 / force :mod (u_5799 / military) :mod (c2 / country :name (n3 / name :op1 "United" :op2 "States") :wiki "United_States"))))) :ARG0 (e / test-firing)) :ARG0 (p2 / person :quant (u_5803 / some) :ARG0-of (t / analyze-01))) + +(m / send-01 :ARG1 (e / astronaut :quant (a2 / 2)) :ARG2 (u_5806 / orbit-01) :ARG0 (n / agency :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (u_5809 / space)) :year (explicitanon3 / 2005 :time (u_5807 / date-entity :month 10)) :time (u_5808 / spaceflight :ord (o / ordinal-entity :value 2) :ARG1-of (d / man-01))) + +(f / adopt-01 :ARG1 (u_5811 / plan-01 :ARG1 (e / explore-01 :mod (u_5810 / space) :ARG1-of (d / expand-01)) :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 10))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) :time (d2 / date-entity :day 7 :month 5 :year 2007)) + +(c / include-01 :ARG2 (e / plan-01) :ARG1 (u_5813 / fly-01 :quant (a2 / more) :mod (u_5812 / man-01)) :op1-of (a / _ :op2 (u_5817 / probe :mod (u_5814 / man-01) :location (u_5816 / and :op1 (p / moon :name (n2 / name :op1 "Moon") :wiki "Moon") :op2 (u_5815 / beyond))))) + +(u_5824 / state-01 :ARG1 (f / represent-01 :ARG1 (e / challenge-01 :mod (u_5822 / commerce)) :ARG0 (u_5820 / launch-01 :ARG1 (u_5823 / rocket :name (u_5825 / b) :name (u_5819 / _ :name 3 :ARG1-of (d / long-03))) :name (u_5821 / nigcomsat-1)) :time (d2 / date-entity :day 14 :year 2007 :month 5)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (m2 / official)))) + +(m / see-01 :ARG1 (e / launch-01) :ARG2 (t / thing :ARG1-of (r2 / symbolize-01 :ARG2 (u_5826 / network :ARG2 (a2 / relation-03 :ARG0 (u_5828 / economy) :ARG2 (c / continent :name (n / name :op1 "Africa") :wiki "Africa")) :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (d / broad-02)))) :ARG0 (u_5827 / some)) + +(u_5840 / state-01 :ARG1 (u_5839 / represent-01 :ARG1 (u_5837 / wish-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / promote-02 :ARG1 (c / relation-03 :ARG2 (u_5841 / country :mod (u_5833 / continent :name (n5 / name :op1 "Africa") :wiki "Africa")) :mod (l / close :degree (m / more))) :op2-of (a / and :op1 (u_5836 / cooperate-01 :ARG1 (u_5832 / country :ARG1-of (u_5831 / develop-02)) :ARG2 (d / use-01 :ARG1 (u_5835 / space :mod (u_5830 / outer)) :manner (u_5834 / peace)) :ARG0 c4) :ARG1-of u_5837)))) :ARG0 (u_5838 / satellite)) :ARG0 (o3 / organization :name (n3 / name :op1 "New" :op2 "China" :op3 "News" :op4 "Agency") :mod (e / official) :wiki -)) + +(m / state-01 :ARG1 (u_5856 / break-through-26 :ARG1 (u_5843 / end-01 :ARG1 (u_5855 / rely-01 :ARG1 (e / oil) :mod (u_5842 / exclusive-02))) :ARG0 (u_5844 / launch-01) :ARG1-of (u_5847 / cause-01 :ARG0 (u_5850 / help-01 :ARG1 (c / move-01 :ARG2 (u_5849 / industry :ARG1-of (u_5848 / knowledge))) :ARG0 (u_5845 / satellite)))) :ARG2 (u_5857 / country :name (u_5854 / name :op1 "Nigeria") :wiki "Nigeria") :ARG0 (p / person :name (n / name :op1 "Hammed" :op2 "Rufai") :wiki - :ARG0-of (h / have-org-role-91 :ARG2 (d / director :beneficiary (a / project :name (u_5853 / nigcomsat-1)) :ARG0-of (f / manage-01 :ARG1 (c4 / country :name (n2 / name :op1 "Nigeria") :wiki "Nigeria" :ARG1-of h))))) :mod (u_5852 / toward)) + +(u_5862 / state-01 :ARG1 (f / secure-01 :ARG1 (u_5863 / contract-02 :mod (m4 / monetary-quantity :unit (d3 / dollar) :quant (a2 / _))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (d / date-entity :year 2004) :manner (c / process-02 :ARG0-of (p / bid-01) :ARG1-of (u_5861 / participate-01 :ARG0 (u_5860 / company :mod (u_5858 / other) :quant 21)))) :ARG0 (p4 / publication :name (n4 / name :op1 "New" :op2 "China" :op3 "News" :op4 "Agency") :mod (e / official) :wiki -)) + +(f / state-01 :ARG1 (m / put-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (u_5868 / list :ARG2 (c / country :consist (o / and :op1 (d / build-01 :ARG1 (e / satellite :beneficiary (a / nation :mod (u_5867 / other)) :ARG1-of (u_5864 / maintain-01 :op3-of o) :ARG1-of (u_5866 / launch-01 :op2-of o)) :ARG1-of (u_5865 / possible-01)))) :mod (u_5869 / short)) :ARG0 (u_5870 / contract :mod (c2 / country :name (n3 / name :op1 "Nigeria") :wiki "Nigeria"))) :ARG0 (p / person :name (n / name :op1 "Great" :op2 "Wall" :op3 "Industry" :op4 "Corporation" :op5 "Wang" :op6 "Haibo") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president)))) + +(f / state-01 :ARG1 (c / sign-02 :ARG2 (u_5874 / launch-01 :time (u_5872 / future)) :ARG1 (e / contract-02 :quant (m / about :op1 30) :ARG1-of (d / resemble-01))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG2 (m2 / official)))) + +(u_5882 / and :op2 (u_5885 / acquire-01 :ARG1 (u_5877 / reputation :ARG2 (u_5883 / provide-01 :ARG1 (u_5884 / service :mod (u_5875 / such)) :compared-to (c3 / country :mod (u_5876 / other) :ARG1-of (p2 / launch-capable-01 :ARG1-of (p / possible-01))) :manner (c / cheaply :degree (l / more)))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / launch-01 :ARG1 (e / satellite) :time (b / after :op1 (u_5879 / manufacture-01 :ARG1 (u_5880 / satellite) :location (h / elsewhere))) :beneficiary (a / country :mod (u_5881 / other)) :ARG1-of (d / frequent-02) :op1-of u_5882))) :time (u_5878 / date-entity :decade 1990)) + +(u_5893 / try-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG0-of (f / establish-01 :ARG1 (a2 / relation-03 :ARG0 (u_5890 / commerce) :ARG2 (e / nation :example (c2 / country :name (u_5894 / name :op1 "Nigeria") :wiki "Nigeria") :ARG0-of (p / oil-producing-01))) :ARG1-of u_5893)) :ARG1-of (u_5889 / _ :ARG0 (u_5886 / grow-01 :ARG2 (u_5888 / nearly :op1 (p2 / percentage-entity :value 10) :ARG1-of (r / rate-entity-91 :ARG2 (d3 / year :quant 1))) :ARG1 (u_5892 / economy)))) + +(u_5898 / state-01 :ARG1 (f / hope-01 :ARG0 (c4 / country :name (n2 / name :op1 "Nigeria") :wiki "Nigeria" :ARG0-of (m / sell-01 :ARG1 (e / band :mod (u_5896 / communicate-01)) :ARG2 (u_5897 / country :location (c5 / continent :name (n3 / name :op1 "Africa") :wiki "Africa") :ARG1-of (d / neighbor-01)) :ARG1-of f))) :ARG0 (p / person :quant (a2 / some) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)))) + +(h2 / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Nigeria") :wiki "Nigeria") :ARG2 (p / capital) :ARG0 (c / city :name (n3 / name :op1 "Abuja") :wiki -)) + +(e / date-entity :year 2007 :month 6 :day 9) + +(c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico") + +(a / and :op1 (u_5900 / international) :op4 (e / conflict-01) :op2 (u_5902 / crime-02) :op3 (u_5901 / war-01)) + +(d / kill-01 :ARG1 (e / person :quant (m / at-least :op1 46)) :time (b / _ :op1 (u_5903 / end-01 :ARG1 (u_5905 / week)))) + +(e / attack-01 :quant (a2 / multiple) :ARG2-of (c / include-91 :ARG1 (a / and :op1 (d / assault-01 :ARG1 (u_5912 / hand-grenade)) :op2 (u_5906 / decapitation)) :ARG1-of (f / victim :ARG0 (o / and :op2 (u_5909 / person :mod (u_5911 / federal) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / agent))) :op3 (p2 / person :ARG0-of (t / traffic-01) :ARG0-of (p / rival-01)) :op1 (u_5908 / police)) :mod (u_5910 / principal)))) + +(d / continue-01 :ARG1 (f / war-01 :ARG1 (e / trafficking) :ARG0 (c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico") :ARG0-of (u_5917 / drug :ARG1 d) :ARG1-of (c / wife :ARG2 d)) :mod (u_5916 / _) :time (s3 / funeral :ARG1 (u_5914 / boy :age (u_5913 / temporal-quantity :unit (y / year)))) :time (u_5915 / _) :quant (a2 / age-01)) + +(d / die-01 :ARG1 (e / boy) :time (u_5921 / accident :mod (u_5918 / drowning) :ARG1-of (c / relate-01 :ARG2 (u_5920 / traffic-01 :ARG1 (u_5919 / drug))))) + +(u_5922 / _ :ARG0 (p / person :name (n / name :op1 "Miguel" :op2 "Angel" :op3 "Felix" :op4 "Gallardo") :wiki - :ARG0-of (h / have-rel-role-91 :ARG1 (e / boy) :ARG2 (c / grandfather)))) + +(f / found-01 :ARG1 (e / cartel :location (c2 / city :name (n / name :op1 "Tijuana") :wiki -) :mod (u_5924 / drug)) :ARG0 (p / person :name (u_5925 / name :op1 "Gallardo") :wiki - :ARG0-of (u_5923 / flee-05))) + +(a / and :op2 (f / shoot-02 :ARG1 (u_5932 / person :quant (a2 / 2)) :ARG0 (e / gunman :day 6 :mod (u_5931 / hooded) :ARG0-of (u_5930 / enter-01 :ARG1 (u_5929 / wake-up-02 :mod (u_5926 / traditional) :duration (t2 / temporal-quantity :unit (y / all-night))) :op1-of a))) :time (d2 / date-entity :day 4 :month 6 :year 2007) :ARG0-of (u_5928 / kill-01 :ARG1 (u_5927 / both))) + +(m / call-02 :ARG1 (e / commando) :ARG2 (p2 / person :ARG0-of (t / gunman)) :ARG0 (u_5933 / newspaper :quant (a2 / one))) + +(m / write-01 :ARG1 (e / Z) :ARG2 (u_5936 / back :part-of (u_5937 / victim)) :ARG0 (p2 / person :ARG0-of (t / gunman)) :time (b / before :op1 (u_5935 / left-01))) + +(f / symbolize-01 :ARG1 (u_5938 / cartel :name (n2 / name :op1 "Gulf") :wiki "Persian_Gulf") :ARG0 (e / Z)) + +(d / kill-01 :ARG1 (e / person :mod (u_5939 / more) :quant (m / at-least :op1 46)) :time (b / by :op1 (u_5941 / end-01 :ARG1 (u_5942 / week)))) + +(e / attack-01 :quant (a2 / multiple) :ARG2-of (c / include-91 :ARG1 (a / and :op1 (d / assault-01 :ARG1 (u_5948 / hand-grenade)) :op2 (u_5946 / decapitation)) :ARG1-of (f / victim :ARG0 (o / and :op2 (p / person :mod (u_5947 / federal) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / agent))) :op3 (p2 / person :ARG0-of (t / traffic-01) :ARG0-of (u_5943 / rival-01)) :op1 (u_5944 / police)) :mod (u_5945 / principal)))) + +(f / show-01 :ARG1 (a / and :op2 (n / tactic :mod (u_5951 / warfare :mod (u_5949 / psychological)) :poss (e / violence :poss-of (u_5950 / scope :op1-of a)))) :ARG0 (u_5952 / kill-01) :location (h / behind)) + +(u_5953 / disperse-01 :ARG2 (c / across :op1 (e / country)) :ARG1 (u_5954 / kill-01)) + +(d / appear-02 :ARG1 (c / involve-01 :ARG2 (u_5957 / die-01 :quant (a2 / many)) :ARG1 (u_5956 / dispute-01 :ARG0 (e / band :ARG0-of (p / traffic-01) :ARG0-of (u_5955 / compete-02))))) + +(u_5962 / appear-02 :ARG1 (c / split-01 :ARG2 (e / group :ARG1-of (d / differ-02)) :ARG1 (u_5961 / band :mod (u_5958 / that) :quant (m / at-least :op1 1 :ARG1-of (u_5960 / include-91))))) + +(f / find-01 :ARG1 (u_5964 / head :prep-with (a3 / note) :ARG1-of (d / sever-01)) :ARG0 (e / authority :location (c2 / city :name (n / name :op1 "Tuxtepec") :wiki -)) :time (d2 / date-entity :day 5 :year 2007 :time (u_5963 / date-entity :month 6))) + +(f / state-01 :ARG1 (u_5969 / _ :mod (u_5967 / this)) :ARG0 (e / note) :ARG0-of (u_5966 / _ :ARG1 (u_5968 / person :quant (a2 / all) :ARG0-of (u_5965 / work-01 :ARG2 (o3 / organization :name (n3 / zeta)))))) + +(f / refer-01 :ARG1 (e / man :ARG0-of (p / hit-01) :ARG0-of (a2 / work-01 :ARG2 (u_5970 / world-region :name (n2 / name :op1 "Gulf") :wiki "Persian_Gulf"))) :ARG0 (u_5971 / it)) + +(d / sign-02 :ARG1 (e / message) :mod (u_5973 / blood :mod (u_5972 / new))) + +(c / be-located-at-91 :ARG2 (t / side :location (r / southeast :part-of (p6 / province :name (u_5974 / name :op1 "Oaxaca") :part t :wiki -))) :ARG1 (p / person :name (n / name :op1 "Tuxtepec") :wiki -)) + +(u_5985 / refer-01 :ARG1 (u_5987 / group :ARG1-of (h / have-org-role-91 :ARG2 (m2 / operative) :ARG0 (p2 / person :mod (u_5982 / cartel :mod (g2 / world-region :name (n4 / name :op1 "Gulf") :wiki "Persian_Gulf")) :ARG0-of (f / turn-01 :ARG1 (p5 / political-party :name (n3 / zeta)) :ARG1-of (u_5981 / have-org-role-91 :ARG0 (u_5979 / bid-01 :ARG1 (u_5978 / control-01 :ARG1 (a / and :op1 (u_5983 / route :ARG1-of (d / traffic-01)) :op2 (u_5977 / market :mod (u_5975 / drug) :ARG1-of (u_5976 / local-02))))) :ARG2 (u_5980 / member)))))) :ARG0 (e / blood :mod (u_5986 / new)) :mod (u_5984 / _)) + +(f / say-01 :ARG1 (c / split-01 :ARG2 (u_5989 / band :ARG0-of (p / rival-01)) :ARG1 (e / cartel :name (n2 / name :op1 "Gulf") :wiki "Persian_Gulf")) :ARG0 (u_5990 / person :name (n / name :op1 "Genaro" :op2 "Garcia" :op3 "Luna") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (u_5991 / name :op1 "Mexico") :wiki "Mexico") :ARG2 (d / secretary :mod (u_5992 / safe-01 :mod (u_5988 / public-02))))) :month (explicitanon4 / 5 :year 2007)) + +(f / say-01 :ARG1 (u_5998 / _ :ARG2 (e / violence :location (c / country :name (u_6002 / name :op1 "Mexico") :wiki "Mexico") :mod (u_5997 / extreme)) :ARG1 (u_6000 / strategy :poss (u_6003 / person :ARG0-of (o / traffic-01 :ARG1 (u_5999 / drug))) :ARG0-of (m / force-01 :ARG2 (u_5995 / retreat-01 :mod (u_5994 / strategy) :ARG0 (u_5996 / authority :ARG1-of m))))) :ARG0 (p / person :name (n / name :op1 "Garcia" :op2 "Luna") :wiki -) :time (u_6006 / conference :mod (u_6004 / press) :time (u_6005 / recent))) + +(u_6012 / say-01 :ARG1 (u_6010 / try-01 :ARG0 (e / they :ARG0-of (l / gain-02 :ARG1 (u_6009 / advantage :ARG1-of (d / operate-01)) :purpose-of (f / create-01 :ARG1 (u_6011 / climate :consist-of (a2 / and :op2 (u_6007 / fear-01) :op1 (u_6008 / intimidate-01))) :ARG0 e :ARG1-of u_6010)))) :ARG0 (p / person :name (n / name :op1 "Garcia" :op2 "Luna") :wiki -)) + +(u_6029 / say-01 :ARG1 (e / _ :ARG0-of (u_6026 / refuse-01 :ARG1 (u_6023 / and :op2 (f / create-01 :condition (l / believe-01 :ARG0 (u_6013 / possible-01 :ARG1 (d / defeat-01 :ARG1 (u_6025 / person :ARG0-of (u_6015 / traffic-01 :ARG1 (u_6017 / drug)))) :polarity -) :ARG1 (u_6024 / space :mod (c3 / support-01 :ARG1 (p2 / person :ARG0-of (t / traffic-01))) :mod (u_6016 / social) :ARG1-of f)) :ARG0 (u_6031 / person :ARG0-of (o / reside-01 :ARG1 (a / or :op1 (u_6022 / town :mod (u_6020 / rural)) :op2 (u_6028 / neighborhood :mod (u_6021 / urban)))) :ARG0-of (u_6019 / cooperate-01 :ARG1 (u_6018 / authority) :op1-of u_6023)))))) :ARG0 (p / person :name (n / name :op1 "Luna") :wiki -)) + +(c / become-01 :ARG2 (u_6036 / frequent-02 :time (u_6034 / war :time (u_6033 / year :mod (u_6032 / this)))) :ARG1 (e / kill-01 :mod (u_6035 / gruesome))) + +(d / arise-01 :ARG1 (e / incident :mod (u_6039 / violence) :mod (u_6040 / New)) :frequency (r2 / rate-entity-91 :ARG3 (u_6038 / temporal-quantity :unit (y / day)) :time (u_6041 / week :mod (u_6037 / this)))) + +(u_6049 / discover-01 :ARG1 (e / body :ARG0-of (f / leave-14 :ARG1 (u_6046 / message :purpose (t2 / police :mod (u_6045 / state)) :ARG1-of (d / write-01))) :ARG1-of (u_6047 / decapitate-01)) :ARG0 (u_6048 / authority) :location (h / city :mod (u_6044 / port) :name (n2 / name :op1 "Veracruz") :location (c2 / world-region :name (n / country :name (u_6042 / name :op1 "Mexico") :op1 "Gulf" :wiki "Mexico") :wiki "Persian_Gulf") :wiki -) :year (explicitanon3 / 2007 :time (u_6043 / date-entity :day 6) :month 6)) + +(u_6059 / say-01 :ARG1 (a / and :op1 (f / protect-01 :ARG1 (p / person :ARG0-of (o / traffic-01 :ARG1 (u_6055 / drug)) :ARG0-of (u_6053 / rival-01)) :ARG0 (e / police)) :op2 (m / sell-01 :ARG1 (u_6057 / drug) :ARG2 (u_6052 / group :ARG0-of (u_6056 / rival-01)) :ARG0 (u_6051 / man :ARG1-of (d / decapitate-01)))) :ARG0 (u_6058 / message)) + +(d / kill-01 :ARG1 (e / person :quant (a2 / 4) :mod (u_6063 / other)) :location (u_6064 / and :op1 (c / city :name (n3 / name :op1 "Veracruz") :wiki -) :op2 (u_6065 / around)) :time (u_6062 / day :mod (u_6060 / same) :mod (u_6061 / _))) + +(c / include-91 :ARG2 (u_6070 / this) :ARG1 (p / person :mod (u_6069 / funeral) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / director)) :ARG0-of (m / transport-01 :ARG1 (u_6066 / body :poss (u_6068 / person :name (n / name :op1 "Efrain" :op2 "Torres") :wiki -)) :ARG2 (e / cemetery :location (h / city :name (n2 / name :op1 "Poza" :op2 "Rica") :wiki -)) :time (d4 / date-entity :month 5)))) + +(f / lead-02 :ARG1 (p5 / political-party :name (n3 / zeta)) :ARG0 (p / person :name (n / name :op1 "Torres") :wiki -) :ARG1-of (d / assassinate-01)) + +(c / steal-01 :ARG2 (e / crypt) :ARG1 (u_6071 / body) :time (l4 / late :degree (m / more))) + +(u_6074 / possible-01 :ARG1 (d / tally-01 :ARG1 (n / victim :poss (e / violence :location (p3 / province :name (n5 / name :op1 "Veracruz") :wiki -)) :mod (u_6072 / another)) :time (u_6073 / yet)) :polarity -) + +(m / kidnap-01 :ARG1 (u_6079 / person :name (u_6078 / name :op1 "Roberto") :wiki - :ARG0-of (f / own-01 :ARG1 (u_6080 / business))) :ARG2 (p / person :name (n / name :op1 "Martinez") :wiki -) :ARG0 (e / man :ARG1-of (d / arm-01)) :time (b / after :op1 (c / release-01 :ARG2 (u_6077 / hospital))) :time (d2 / date-entity :day 6 :month 6 :year 2007) :name (n2 / moguel)) + +(c / recover-01 :ARG2 (e / wound :ARG0-of (f / suffer-01 :ARG1 (u_6081 / attack-01 :time (d2 / date-entity :day 31 :month 5 :year 2007)))) :ARG1 (p / person :name (n / name :op1 "Martinez") :wiki -)) + +(u_6087 / say-01 :ARG1 (f / wrestle-01 :ARG1 (e / kidnap-01 :ARG1-of (d / arm-01)) :ARG0 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (p / person :name (n / name :op1 "Martinez") :wiki -) :ARG2 (u2 / mother))) :location (u_6084 / street :location (u_6083 / center :part-of (u_6085 / city))) :duration (s2 / briefly)) :ARG0 (u_6086 / newspaper :name (n2 / notiver) :name (u_6082 / name :op1 "Veracruz") :wiki -)) + +(d / see-01 :ARG1 (p / person :name (n / name :op1 "Martinez") :wiki -) :time (e / since) :polarity -) + +(d / attack-01 :ARG1 (a / and :op1 (e / station :quant (a2 / 2) :mod (u_6091 / police)) :op2 (u_6092 / barrack :mod (u_6090 / army)) :ARG0-of (f / _ :ARG1 d :location (h / state :location (u_6089 / south) :name (n2 / name :op1 "Guerrero") :wiki -))) :instrument (u_6088 / grenade) :quant 3 :time (d2 / date-entity :day 7 :year 2007 :month 6)) + +(f / say-01 :ARG1 (d / kill-01 :time (u_6096 / attack-01 :location (h / there) :ARG0 (e / person :quant (a2 / 7) :ARG1-of d) :ARG1-of (u_6095 / apparent) :ARG1-of (u_6094 / relate-01))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / authority)))) + +(f / report-01 :ARG1 (d / gun-01 :ARG1 (u_6101 / person :quant (m / as-many-as :op1 20)) :duration (t2 / temporal-quantity :unit (y / hour) :time (b / before :op1 (n5 / now)) :quant (a2 / 24)) :location (h / nationwide) :manner (c / violence :ARG1-of (u_6099 / relate-01 :ARG2 (i / insurgency)))) :ARG0 (n / website :poss (e / newspaper :name (n2 / name :op1 "Mexico" :op2 "City") :wiki "Mexico_City")) :quant (u_6100 / relate-01) :day (explicitanon8 / 8 :time (u_6097 / date-entity :month 6) :year 2007)) + +(c / include-01 :ARG2 (e / die-01) :ARG1 (u_6103 / person :quant (a2 / 3) :ARG1-of (d / shoot-02 :location (h / highway :location (p3 / province :name (n5 / name :location (u_6102 / northwest :part-of (c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico")) :op1 "State" :op2 "of" :op3 "Durango") :wiki -))))) + +(e / _ :mod (u_6104 / this) :time (y / week :quant (a2 / 1) :time-of (u_6108 / travel-01 :purpose (l / meet-03 :ARG1 (a / and :op1 (u_6107 / person :name (u_6106 / name :op1 "Pope" :op2 "Benedict" :op3 "XVI") :wiki -) :op2 (p2 / person :mod (u_6111 / other) :ARG0-of (t / lead-02))) :ARG0 (p / person :name (n / name :op1 "Felipe" :op2 "Calderon") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president)) :ARG0-of u_6108)) :ARG4 (c / continent :name (u_6109 / name :op1 "Europe") :wiki "Europe")))) + +(m / tell-01 :ARG1 (u_6113 / blame-01 :ARG2 (e / chaos :mod (u_6112 / drug-driven) :location (u_6114 / country :name (u_6115 / name :op1 "Mexico") :wiki "Mexico")) :ARG1 (u_6117 / person :location (c / country :name (u_6121 / name :op1 "United" :op2 "States") :wiki "United_States") :ARG0-of (u_6118 / consume-01))) :ARG2 (p2 / person :ARG0-of (t / report-01)) :ARG0 (p / person :name (n / name :op1 "Calderon") :wiki -) :day (explicitanon8 / 4 :year 2007 :time (u_6119 / date-entity :month 6)) :location (c2 / city :name (u_6120 / name :op1 "Rome") :wiki "Rome")) + +(m / say-01 :ARG1 (a / and :op1 (u_6122 / country :name (u_6123 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico")) :ARG2 (p3 / problem :domain (e / this) :ARG1-of (d / share-01)) :ARG0 (p / person :name (n / name :op1 "Calderon") :wiki -)) + +(p / cause-01 :ARG0 (d / use-01 :ARG1 (e / drug)) :mod (u_6125 / principal)) + +(a / and :op2 (p / consume-01 :ARG0 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States") :mod (e / prime) :compared-to (c3 / world))) + +(m / send-01 :ARG1 (u_6130 / army) :ARG2 (e / state :quant (a2 / numerous) :mod (c2 / country :name (n3 / name :op1 "Mexico") :wiki "Mexico")) :ARG0 (p / person :name (n / name :op1 "Calderon") :wiki -) :purpose (l2 / fill-01 :ARG1 (u_6128 / police :ARG1-of (d / corrupt-01) :ARG1-of (u_6126 / over-matched-01) :ARG1-of (u_6127 / local-02))) :degree (l / and)) + +(u_6135 / order-01 :ARG1 (p2 / person :quant (a2 / 19) :ARG0-of (h / have-org-role-91 :ARG1 (e / army) :ARG2 (m2 / member)) :ARG1-of (c / imprison-01 :ARG2 (u_6134 / suspect-01 :ARG1 (d / kill-01 :ARG1 (a / and :op1 (u_6132 / woman :quant 3) :op2 (u_6136 / child :quant 2)) :purpose (l2 / smuggle-01 :ARG1 (u_6137 / checkpoint :mod (u_6133 / rural) :location (p3 / cartel :name (n5 / name :op1 "Sinaloa") :wiki "Sinaloa_Cartel") :location-of d)))) :ARG2-of u_6135)) :day (explicitanon8 / 4 :year 2007 :time (u_6139 / date-entity :month 6))) + +(h2 / have-org-role-91 :ARG1 (e / family :ARG1-of (a / return-01 :ARG4 (u_6140 / wake-up-02))) :ARG2 (u_6141 / member) :ARG0 (p / person :quant (m / 5))) + +(u_6142 / say-01 :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (e / military) :ARG2 (m2 / official)) :ARG0-of (f / stop-01 :ARG1 (u_6143 / checkpoint) :ARG2-of (c / fail-01 :ARG1-of u_6142)))) + +(u_6146 / evidence-01 :ARG1 (e / psychology :mod (u_6144 / war-like) :ARG0-of (f / grip-01 :ARG1 (t / corner :quant (a2 / many) :part-of (c4 / country :name (n2 / name :op1 "Mexico") :wiki "Mexico")))) :ARG0 (u_6145 / shoot-down-05) :degree (l / more)) + +(u_6147 / kill-01 :ARG1 (e / person :quant (a2 / 1200) :ARG1-of (d / estimate-01)) :location (h / violence) :time (u_6149 / year :mod (u_6148 / this)) :time (u_6150 / already)) + +(f / join-01 :ARG1 (e / board) :ARG0 (p / person :name (n / name :op1 "Pierre" :op2 "Vinken") :wiki -) :age (t / temporal-quantity :unit (y / _) :age (u_6152 / temporal-quantity :unit (u_6153 / year) :quant (a2 / 61))) :day (explicitanon8 / 29 :time (u_6154 / date-entity :month "nov.")) :ARG0-of (h2 / have-org-role-91 :ARG2 (g / director :mod (u_6151 / nonexecutive)))) + +(h2 / have-org-role-91 :ARG1 (c / company :name (n / name :op1 "Elsevier" :op2 "N.V.") :wiki -) :ARG2 (u_6156 / chairman) :ARG0 (p / person :name (u_6157 / name :op1 "Vinken") :wiki -) :mod (e / group :mod (c2 / country :name (n3 / name :op1 "Dutch") :wiki -) :ARG0-of (u_6155 / publish-01))) + +(u_6161 / name-01 :ARG2 (p2 / person :mod (u_6164 / nonexecutive) :ARG0-of (h / have-org-role-91 :ARG1 (e / conglomerate :mod (u_6162 / industry) :mod (c2 / country :name (n3 / name :op1 "Great" :op2 "Britain") :wiki "United_Kingdom") :mod (u_6163 / this)) :ARG2 (m2 / director))) :ARG1 (p / person :name (n / name :op1 "Rudolph" :op2 "Agnew") :wiki - :ARG1-of (c / _ :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 55))) :ARG0-of (h2 / have-org-role-91 :ARG1 (u_6159 / company :name (u_6160 / name :op1 "Consolidated" :op2 "Gold" :op3 "Fields" :op4 "PLC") :wiki -) :ARG2 (u_6158 / chairman) :time (u_6165 / former)))) + +(f / cause-01 :ARG1 (d / die-01 :ARG1 (e / cancer) :quant (a2 / group :consist-of (p3 / person :ARG0-of (s2 / work-01 :ARG0-of (p / expose-01 :time (b / before :op1 (n5 / now) :quant (m / more-than :op1 (u_6172 / temporal-quantity :unit (y / year) :quant 30))))))) :quant (u_6173 / percentage :ARG1-of (u_6174 / high-02))) :ARG0 (u_6176 / form :consist-of (c / asbestos :ARG1-of (u_6166 / use-01 :ARG2 (u_6175 / make-01 :ARG1 (u_6169 / filter-02 :mod (u_6168 / company :name (n / name :op1 "Kent") :wiki -) :purpose (t2 / cigarette))) :time (u_6167 / _)))) :ARG1-of (u_6177 / report-01 :ARG0 (p2 / person :ARG0-of (t / research-01)))) + +(u_6182 / resile-01 :ARG1 (f / cause-01 :ARG1 (u_6181 / symptom :ARG1-of (d / show-up-02 :time (l / late :degree (m / more :quant (m2 / multiple :op1 (u_6178 / temporal-quantity :quant 1)))))) :ARG0 (u_6185 / exposure :mod (u_6180 / brief :mod (u_6179 / even)))) :ARG0 (e / fiber :mod (u_6184 / asbestos)) :unit (u_6186 / decade) :time (u_6187 / once) :mod (u_6188 / usual) :mod (u_6189 / crocidolite) :time (s3 / enter-01 :ARG1 (u_6190 / lung)) :ARG1-of (u_6183 / say-01 :ARG0 (p2 / person :ARG0-of (t / research-01)))) + +(u_6200 / stop-01 :ARG0 (b / unit :domain (c / company :name (n / name :op1 "Lorillard" :op2 "Inc.") :wiki -) :part-of (u_6197 / company :name (u_6198 / name :op1 "Loews" :op2 "Corp.") :wiki - :ARG0-of (f / make-01 :ARG1 (e / cigarette :name (n2 / name :op1 "Kent") :wiki -)) :ARG0-of (u_6196 / base-01 :ARG1 (u_6195 / city :name (n3 / name :op1 "New" :op2 "York") :wiki "New_York_City"))) :ARG0-of (m / use-01 :ARG1 (u_6199 / crocidolite) :ARG2 (u_6194 / filter-02 :mod (u_6191 / micronite) :mod (u_6192 / cigarette)) :ARG1-of u_6200)) :time (d / date-entity :year 1956)) + +(d / appear-01 :ARG1 (e / result-01 :time (l / late :degree (m2 / most))) :time (s3 / report-01 :ARG1 (u_6209 / find-01 :mod (u_6201 / preliminary)) :time (b / before :op1 (n5 / now) :quant (m / more-than :op1 (u_6202 / temporal-quantity :unit (y / year) :quant (a2 / 1))))) :source (g5 / government-organization :name (n3 / name :time (u_6208 / today) :mod (u_6206 / forum :ARG0-of (f / bring-01 :ARG1 (u_6207 / attend-02 :ARG1 (u_6205 / problem) :mod (u_6203 / new)) :ARG1-of (u_6204 / likely-01))) :op1 "New" :op2 "England" :op3 "Journal" :op4 "of" :op5 "Medicine") :wiki -)) + +(f / say-01 :ARG1 (p3 / story :domain (e / this) :mod (u_6210 / old)) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / company :name (n / name :op1 "Lorillard") :wiki -) :ARG2 (m2 / spokewoman)))) + +(p / talk-01 :ARG0 (e / we) :time (b / before :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / year)) :time (u_6215 / before :op1 (u_6214 / hear-01 :ARG1 (u_6216 / have-03 :ARG1 (u_6212 / property :mod (u_6211 / any) :ARG1-of (d / questionable)) :ARG0 (u_6217 / asbestos)) :ARG0 (u_6213 / anyone))))) + +(e / asbestos :location (a2 / product :poss (u_6218 / we)) :polarity - :time (u_6219 / now)) + +(f / realize-01 :ARG1 (d / research-01 :ARG1 (p / person :ARG0-of (o / smoke-01 :ARG1 (e / cigarette :mod (c / company :name (n / name :op1 "Kent") :wiki -)))) :mod (u_6222 / any)) :ARG0 (u_6223 / person :name (u_6224 / name :op1 "Lorillard") :wiki -) :polarity (explicitanon0 / nor :ARG0-of (u_6221 / research-01 :ARG0-of (u_6220 / study-01 :ARG1 (p2 / person :ARG0-of (t / work-01)))))) + +(u_6228 / say-01 :ARG1 (f / have-03 :ARG1 (u_6227 / information :ARG1-of (d / useful-05) :ARG2-of (a2 / risk-01 :ARG0 (p2 / person :ARG0-of (t / use-01)))) :ARG0 (e / we) :polarity -) :ARG0 (p / person :name (n / name :op1 "James" :op2 "A." :op3 "Talcott") :wiki -) :location (u_6225 / organization :name (n3 / name :op1 "Farber" :op2 "Cancer" :op3 "Institute") :location (c2 / city :name (u_6226 / name :op1 "Boston") :wiki "Boston") :wiki -)) + +(f / lead-02 :ARG1 (e / team :consist-of (p3 / person :ARG0-of (s2 / research-01))) :ARG0 (p / person :name (n / name :op1 "Talcott") :wiki -) :source (o2 / and :op1 (r / research-institute :name (n2 / name :op1 "National" :op2 "Cancer" :op3 "Institute") :wiki -) :op2 (t / school :mod (u_6231 / medicine) :part-of (a / and :op1 (u_6229 / university :name (u_6230 / name :op1 "Harvard" :op2 "University") :wiki "Harvard_University") :op2 (u / university :name (u_6232 / name :op1 "Boston" :op2 "University") :wiki -))))) + +(f / say-01 :ARG1 (e / filter-02 :mod (u_6240 / type :ARG1-of (d / differ-02))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (c / company :name (n / name :op1 "Lorillard") :wiki -) :ARG2 (m2 / spokeswoman))) :time (u_6236 / and :op2 (u_6238 / replace-01 :time (u_6237 / date-entity :year 1956)) :op1 (u_6239 / use-01 :ARG2 (u_6241 / make-01 :ARG1 (u_6235 / paper :purpose (t2 / filter-02))) :ARG1 (u_6242 / asbestos) :time (b / early :op1 (d2 / date-entity :decade 1950)) :quant (a2 / amount :mod (u_6234 / modest :degree (l / very)))))) + +(d / sell-01 :ARG1 (e / cigarette :manner (c / filter-02) :name (n2 / name :op1 "Kent") :wiki -) :quant (a2 / _) :time (b / _ :op1 (u_6245 / date-entity :year 1953)) :ARG1-of (f / say-01 :ARG0 (u_6247 / company)) :ARG0-of (u_6244 / _ :ARG1 (u_6243 / date-entity :year 1955))) + +(d / die-01 :ARG1 (e / man :quant (a2 / 33) :ARG0-of (t / work-01 :ARG3 (u_6250 / substance) :manner (c / close))) :quant (u_6251 / number :ARG1-of (u_6248 / expected-01)) :quant 28 :quant (m / more-than :op1 3)) + +(f / have-03 :ARG1 (e / disease :ARG1-of (c / relate-01 :ARG2 (u_6254 / asbestos)) :ARG2-of (u_6256 / include-01 :ARG1 (u_6257 / cancer :ARG1-of (d / diagnose-01 :time (u_6255 / recent))) :quant (a2 / 3))) :ARG0 (p / person :quant (m / 3) :ARG1-of (u_6259 / include-91 :ARG2 (p2 / person :quant 5 :ARG0-of (t / work-01) :ARG1-of (u_6260 / survive-01))))) + +(f / say-01 :ARG1 (c / total-01 :ARG2 (d / die-01 :ARG1 (o / and :op2 (e / cancer :mod (u_6263 / lung)) :op3 (u_6262 / asbestosis) :op1 (u_6264 / mesothelioma :mod (u_6261 / malignant-02))) :quant (a2 / 18)) :ARG1-of (c2 / high-02 :degree (m / more) :degree (l / far) :compared-to (t / thing :ARG1-of (u_6265 / expect-01)))) :ARG0 (p2 / person :ARG0-of (u_6266 / research-01))) + +(f / say-01 :ARG1 (d / find-01 :ARG1 (e / rate :mod (u_6272 / morbidity)) :ARG0-of (u_6274 / strike-05)) :ARG0 (p / person :name (n / name :op1 "Talcott") :wiki -) :ARG1-of (u_6269 / include-91 :ARG2 (u_6273 / we :ARG0-of (u_6271 / study-01 :ARG1 (u_6268 / disease :ARG1-of (u_6270 / relate-01 :ARG2 (u_6267 / asbestos))))))) + +(d / appear-02 :ARG1 (h2 / high-02 :ARG1 (a2 / percentage :mod (c3 / die-01 :ARG1 (p2 / person :location (h / factory :location (c / city :name (n / name :op1 "West" :op2 "Groton") :wiki -) :mod (u_6283 / paper) :location (u_6281 / city :name (u_6282 / name :op1 "Mass.") :wiki -)) :ARG0-of (t / work-01))) :quant-of (e / cancer :mod (u_6280 / lung))) :degree (m / most)) :ARG1-of (f / say-01 :ARG0 (u_6286 / he)) :ARG2-of (u_6285 / _ :ARG1 (u_6284 / person :mod (u_6279 / asbestos) :mod (u_6276 / any) :ARG0-of (u_6277 / work-01) :ARG1-of (u_6278 / study-01 :location (u_6287 / country :mod (w / world-region :name (n4 / name :op1 "West") :wiki "Western_world") :ARG1-of (u_6275 / industrialize-01)))))) + +(m / contract-02 :ARG1 (u_6289 / company :name (u_6290 / name :op1 "Lorillard") :wiki -) :ARG2 (d / make-01 :ARG1 (e / filter-02 :mod (u_6291 / cigarette))) :ARG0 (u_6292 / plant :ARG1-of (f / own-01 :ARG0 (c / company :name (n / name :op1 "Hollingsworth" :op2 "&" :op3 "Vose" :op4 "Co.") :wiki -)))) + +(p3 / probable :domain (d / support-01 :ARG1 (e / find-01) :ARG0-of (u_6308 / _ :ARG1 p3 :ARG0-of (u_6303 / argue-01 :ARG1 (u_6306 / recommend-01 :ARG1 (u_6305 / regulate-01 :ARG1 (u_6307 / class :consist-of (u_6304 / asbestos :ARG2-of (u_6300 / include-01 :ARG1 (u_6301 / crocidolite)))) :ARG0 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States") :manner (u_6302 / stringently :degree (l / more))))))) :mod (u_6310 / asbestos :mod (u_6299 / kind :mod (u_6293 / chrysotile) :mod (u_6294 / common) :ARG1-of (u_6309 / find-01 :location (u_6296 / and :op1 (u_6298 / school :quant (a2 / most)) :op2 (u_6297 / building :mod (u_6295 / other)))))) :ARG1-of (f / say-01 :ARG0 (p / person :name (n / name :op1 "Talcott") :wiki -))) + +(u_6322 / say-01 :ARG1 (u_6318 / include-91 :ARG2 (e / nation :quant (a2 / few) :ARG0-of (f / have-03 :ARG1 (u_6316 / standard :mod (u_6314 / fiber :example (s / crocidolite) :ARG1-of (c / classify-02 :ARG2 (u_6311 / amphobiles)) :ARG1-of (d / smooth-04) :ARG1-of (u_6312 / resemble-01 :ARG2 (u_6313 / needle))) :mod (u_6315 / regulate-01) :ARG1-of (c2 / high-02 :degree (m / more))) :polarity -) :ARG1-of (u_6317 / industrialize-01)) :ARG1 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States")) :ARG0 (p / person :name (n / name :op1 "Brooke" :op2 "T." :op3 "Mossman") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (r / research-institute :name (u_6319 / name :op1 "University" :op2 "of" :op3 "Vermont" :op4 "College" :op5 "of" :op6 "Medicine") :wiki -) :ARG2 (u_6320 / professor :mod (u_6321 / pathlogy))))) + +(a / and :op1 (p3 / curly :domain (e / fiber :mod (u_6324 / common :degree (l / more)) :mod (u_6325 / chrysotile))) :op2 (d / reject-01 :ARG1 (u_6326 / body) :ARG1-of (u_6323 / easy-05 :degree (u_6327 / more))) :ARG1-of (f / explain-01 :ARG0 (p / person :name (n / name :op1 "Mossman") :wiki -))) + +(f / _ :ARG1 (u_6329 / ban-01 :ARG1 (d / use-01 :ARG1 (e / asbestos) :quant (a2 / all :mod (u_6328 / virtual))) :manner (c / gradual)) :ARG0 (o3 / organization :name (n3 / name :op1 "Environmental" :op2 "Protection" :op3 "Agency") :wiki -) :time (d4 / date-entity :month 7)) + +(u_6333 / outlaw-01 :ARG1 (d / use-01 :ARG1 (e / asbestos :ARG0-of (f / cause-01 :ARG1 (u_6330 / cancer))) :quant (a2 / all :mod (u_6331 / almost)) :ARG1-of (u_6332 / remain-01)) :time (b / by :op1 (u_6334 / date-entity :year 1997))) + +(c / expose-01 :ARG2 (e / asbestos) :ARG1 (p2 / person :quant (m / about :op1 160) :location (h / factory :ARG0-of (f / make-01 :ARG1 (u_6335 / paper) :purpose (t2 / filter-02 :name (n2 / name :op1 "Kent") :wiki -))) :ARG0-of (t / work-01)) :time (d / date-entity :decade 1950)) + +(d / dust-01 :ARG1 (t / area :part-of (e / factory)) :degree (l / particular) :duration (u / use-01 :ARG1 (u_6337 / crocidolite))) + +(u_6340 / and :op1 (m / dump-01 :ARG1 (e / sack :mod (u_6349 / burlap) :mod (u_6350 / large) :consist-of (c / material :ARG1-of (d / import-01))) :ARG2 (u_6351 / bin :mod (u_6347 / huge)) :ARG0 (p2 / person :ARG0-of (t / work-01) :ARG0-of (f / mixed-01 :ARG1 (u_6354 / fiber :ARG1-of (u_6353 / dry-08)) :manner (u_6341 / mechanically) :ARG1-of (u_6343 / process-02 :ARG1-of (u_6352 / use-01 :ARG2 (u_6342 / make-01 :ARG1 (u_6344 / filter-02)))) :op3-of u_6340) :ARG0-of (u_6346 / pour-01 :ARG1 (a / and :op1 (u_6339 / cotton) :op2 (u_6345 / fiber :mod (u_6338 / acetate))) :op2-of u_6340)))) + +(f / describe-01 :ARG1 (e / cloud :ARG1-of (c / hang-02 :ARG2 (u_6364 / part :part-of (u_6356 / factory)) :mod (u_6355 / over)) :consist-of (u_6357 / dust :mod (u_6358 / blue))) :ARG0 (p2 / person :ARG0-of (t / work-01)) :ARG1-of (u_6361 / have-concession-91 :ARG2 (u_6363 / ventilate-01 :ARG1 (u_6360 / area) :ARG0 (u_6362 / fan :mod (u_6359 / exhaust))))) + +(u_6369 / say-01 :ARG1 (u_6375 / question-03 :ARG1 (f / contract-02 :ARG1 (u_6376 / disease :ARG1-of (u_6374 / relate-01 :ARG2 (u_6367 / asbestos))) :ARG0 (a / and :op1 (p2 / person :ARG0-of (t / work-01)) :op2 (u_6365 / person :ARG0-of (u_6366 / manage-01)) :mod (u_6368 / that)) :quant (a2 / some)) :polarity -) :ARG0 (p / person :name (n / name :op1 "Darrell" :op2 "Phillips") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c / company :name (u_6373 / name :op1 "Hollingsworth" :op2 "&" :op3 "Vose") :wiki -) :ARG2 (d / president :mod (e / vice) :topic (u_6372 / resource :mod (u_6371 / human)))) :ARG1-of (u_6370 / include-91 :ARG2 u_6369))) + +(u_6378 / contrast-01 :ARG2 (c / obligate-01 :ARG1 (e / you :ARG1-of (d / recognize-02 :ARG2-of c))) :ARG1 (u_6379 / _ :ARG1 (u_6380 / event :mod (u_6377 / this)) :time (b / before :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / year) :quant (a2 / 35))))) + +(c / bear-06 :ARG2 (n / force :poss (e / we) :ARG0-of (u_6381 / work-01)) :ARG1 (u_6382 / it) :time (u_6383 / today) :polarity -) + +(f / continue-01 :ARG0 (d / yield-02 :ARG1 (e / fund :mod (u_6390 / market :mod (u_6389 / money)) :mod (u_6391 / mutual)) :ARG1-of (u_6392 / slide-01 :ARG1-of (u_6386 / signal-07 :ARG0 (u_6387 / expect-01 :ARG1 (u_6388 / decline-01 :ARG1 (u_6385 / rate :mod (u_6384 / interest)) :degree (l / further)) :ARG0 (p / manage-01 :ARG0 (u_6393 / portfolio))) :concession-of f) :ARG1-of f))) + +(m / ease-01 :ARG1 (u_6399 / _ :value 845 :ARG1-of (u_6406 / fraction :ARG2 (u_6395 / point :mod (u_6394 / percentage)))) :ARG2 (u_6408 / _ :time (u_6397 / week :ARG1-of (u_6407 / end-01 :time (d2 / date-entity :weekday (f2 / tuesday)))) :value 847) :ARG0 (u_6404 / yield-02 :ARG1 (e / fund :quant (a2 / 400) :ARG1-of (f / track-01 :ARG0 (p / publication :poss (c / company :name (n / name :op1 "IBC") :wiki -) :name (u_6401 / name :op1 "Money" :op2 "Fund" :op3 "Report") :wiki -)) :ARG1-of (d / tax-01)) :duration (t2 / temporal-quantity :unit (y / day) :quant 7) :mod (u_6405 / compound-01) :ARG1-of (u_6400 / average-04))) + +(f / assume-01 :ARG1 (a / and :op1 (d / reinvestment-01 :ARG1 (u_6413 / dividend)) :op2 (u_6410 / continue-01 :ARG1 (u_6411 / yield-02 :time (u_6409 / current)) :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 1)))) :ARG0 (e / yield-02 :mod (u_6412 / compound-01))) + +(f / say-01 :ARG1 (r / lengthen-01 :ARG4 (u_6418 / temporal-quantity :unit (u_6419 / day) :quant 41) :ARG1 (d / maturity-01 :ARG1 (p / invest-01 :ARG0 (e / fund)) :ARG1-of (u_6414 / average-04)) :ARG3 (t / temporal-quantity :unit (y / day) :quant (a2 / 1)) :ARG1-of (h2 / long-03 :degree (m / most) :time (b / since :op1 (c / early :op1 (u_6416 / date-entity :month 8))))) :ARG0 (u_6420 / person :name (n / name :op1 "Donoghue") :wiki -)) + +(u_6434 / think-01 :ARG1 (f / indicate-01 :ARG1 (d / decline-01 :ARG1 (u_6431 / rate :mod (u_6428 / interest))) :ARG0 (e / maturity :ARG1-of (c2 / long-03 :degree (m / more))) :ARG1-of (u_6425 / cause-01 :ARG0 (u_6429 / permit-01 :ARG1 (u_6426 / retain-01 :ARG1 (u_6424 / rate :ARG1-of (u_6433 / high-02 :degree (u_6432 / more) :mod (u_6421 / relative))) :ARG0 (p / person :ARG0-of (u_6427 / manage-01 :ARG1 (u_6430 / portfolio))) :duration (s2 / _ :ARG1-of (u_6423 / long-03 :degree (u_6422 / more)))))))) + +(u_6440 / consider-01 :ARG1 (f / signal-07 :ARG1 (u_6439 / rate :ARG1-of (d / rise-01)) :ARG0 (e / maturity :ARG1-of (c2 / short :degree (m / more)))) :ARG1-of (u_6437 / cause-01 :ARG0 (u_6438 / possible-01 :ARG1 (u_6442 / capture-01 :ARG1 (u_6435 / rate :ARG1-of (u_6444 / high-02 :degree (u_6443 / more))) :ARG0 (p / manage-01 :ARG0 (u_6441 / portfolio)) :time (l4 / soon :degree (u_6436 / more)))))) + +(u_6460 / reach-01 :ARG1 (u_6459 / point :ARG1-of (u_6457 / high-02 :time (u_6446 / year))) :ARG0 (u_6449 / maturity :domain (e / fund :ARG1-of (p3 / open-08 :ARG3 (u_6448 / institution) :mod (u_6447 / only))) :ARG1-of (d / average-04) :ARG1-of (u_6451 / consider-01 :ARG2 (u_6455 / indicate-01 :ARG1-of (c2 / strong-02 :degree (m / more))) :ARG0 (u_6456 / some) :ARG1-of (u_6453 / cause-01 :ARG0 (f / watch-01 :ARG1 (u_6454 / market) :ARG0 (p2 / person :ARG0-of (t / manage-01)) :manner (u_6452 / close))))) :ARG1-of (u_6445 / _ :ARG2 (u_6458 / temporal-quantity :unit (y / day) :quant (a2 / 33)))) + +(u_6468 / say-01 :ARG0 (p / person :name (n / name :op1 "Brenda" :op2 "Malizia" :op3 "Negus") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (p4 / publication :name (n4 / name :op1 "Money" :op2 "Fund" :op3 "Report") :wiki -) :ARG2 (d / editor)) :ARG0-of (f / yield-02 :ARG1 (u_6469 / possible-01 :ARG1 (e / blip :time (b / before :op1 (u_6461 / blip)) :mod (u_6462 / again))) :ARG1-of (u_6467 / cause-01 :ARG0 (u_6465 / rise-01 :ARG1 (u_6466 / rate :duration (s2 / short) :mod (u_6463 / interest)) :time (u_6464 / recent))) :ARG1-of u_6468))) + +(r / rise-01 :ARG4 (u_6474 / _ :value 790) :ARG1 (u_6471 / yield-02 :ARG1 (u_6472 / bill :mod (u_6470 / name :op1 "Treasury") :duration (t2 / temporal-quantity :unit (y / month) :quant (a2 / 6)) :ARG1-of (d / sell-01 :manner (c / auction-off-01 :time (d2 / date-entity :weekday (f2 / monday)))))) :ARG3 (e / percentage-entity :value 804) :ARG0-of (p / exemplify-01)) + +(f / continue-01 :ARG0 (p2 / person :ARG0-of (t / invest-01) :ARG0-of (m / pour-01 :ARG1 (u_6477 / cash) :ARG2 (e / fund :mod (u_6476 / money)) :ARG1-of f)) :condition (i2 / decline-01 :ARG1 (u_6479 / yield-02) :time (u_6478 / recent))) + +(r2 / grow-01 :ARG1 (n / asset :poss (e / fund :quant (a2 / 400) :ARG1-of (p2 / tax-01 :ARG1-of (p / possible-01)))) :ARG4 (u_6482 / monetary-quantity :unit (u_6481 / dollar)) :ARG2 (m / monetary-quantity :unit (d / dollar)) :time (u_6484 / week :mod (g / late :degree (u_6480 / most))) :quant 352700000000) + +(f / beat-03 :ARG1 (u_6496 / invest-01 :duration (s2 / short) :mod (u_6485 / comparable-03)) :ARG0 (d / yield-02 :ARG1 (e / fund-01 :mod (u_6494 / money))) :ARG1-of (u_6490 / cause-01 :ARG0 (u_6495 / possible-01 :ARG1 (a / and :op2 (u_6488 / go-01 :ARG1 (u_6487 / rate :ARG1-of (h2 / high-02 :degree (m / most))) :mod (u_6486 / after) :ARG0 (p / manage-01 :ARG0 (u_6491 / portfolio) :ARG0-of (u_6492 / vary-01 :ARG1 (u_6489 / maturity) :op1-of a)))))) :ARG1-of (u_6493 / typical-02)) + +(f / yield-01 :ARG1 (c / over :op1 (e / percentage-entity :value 9) :degree (l / well)) :ARG0 (u_6500 / fund :mod (u_6497 / top) :mod (u_6498 / money)) :time (u_6499 / current)) + +(f / _ :ARG1 (c / yield-02 :ARG2 (e / percentage-entity :value 937) :mod (u_6502 / compound-01) :time (u_6501 / week :mod (g / late :degree (m / most))) :duration (t2 / temporal-quantity :unit (y / day) :quant (a2 / 7))) :ARG0 (p3 / fund :domain (o3 / organization :name (n3 / name :op1 "Dreyfus" :op2 "World") :wiki -) :name (n2 / name :op1 "Wide" :op2 "Dollar") :wiki - :ARG0-of (p / yield-01 :degree (l / top))) :ARG3-of (r2 / down :ARG4 (u_6504 / _ :time (l4 / early :degree (u_6506 / more) :quant (u_6507 / temporal-quantity :unit (u_6505 / week))) :value 945))) + +(a / and :op2 (u_6511 / waive-01 :ARG1 (u_6514 / fee :mod (u_6509 / manage-01) :ARG0-of (f / boost-01 :ARG1 (u_6508 / yield-02))) :time (u_6510 / current) :ARG0 (e / it :ARG0-of (t / invest-01 :ARG3 (u_6515 / security :ARG1-of (c / denominate-01 :ARG2 (u_6512 / dollar))) :manner (u_6513 / heavy) :location (h / overseas) :op1-of a)))) + +(f / yield-02 :ARG1 (e / percentage-entity :value 812) :ARG0 (u_6519 / fund :quant (a2 / 400)) :duration (t2 / temporal-quantity :unit (y / day) :quant 7) :ARG1-of (d / simple-02) :ARG3-of (r2 / down :ARG4 (u_6517 / _ :value 814)) :ARG1-of (u_6520 / average-04)) + +(r / fall-01 :ARG4 (u_6524 / _ :value 822) :ARG1 (e / yield-02 :duration (t2 / temporal-quantity :unit (y / day) :quant (a2 / 30)) :ARG1-of (d / simple-02)) :ARG3 (u_6522 / percentage-entity :value 819 :ARG1-of (u_6523 / average-01)) :op1-of (a / _ :op2 (u_6530 / slide-01 :ARG4 (u_6532 / _ :value 856) :ARG1 (u_6526 / yield-02 :duration (u_6534 / temporal-quantity :unit (u_6533 / _)) :mod (u_6525 / compound-01)) :ARG3 (u_6528 / percentage-entity :value 853 :ARG1-of (u_6531 / average-01))))) + +(u_6542 / elect-01 :ARG1 (e / director) :ARG0 (p / person :name (n / name :op1 "J.P." :op2 "Bolduc") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c / company :name (u_6540 / name :op1 "W.R." :op2 "Grace" :op3 "&" :op4 "Co.") :wiki - :ARG0-of (f / hold-01 :ARG1 (u_6538 / interest-01 :ARG2 (u_6543 / company :mod (u_6536 / service :mod (u_6535 / energy)) :mod (u_6537 / this)) :quant (a2 / percentage-entity :value 834)))) :ARG2 (d / chairman :mod (u_6539 / vice))))) + +(f / succeed-01 :ARG1 (p / person :name (n / name :op1 "Terrence" :op2 "D." :op3 "Daniels") :wiki - :ARG0-of (u_6546 / resign-01) :ARG0-of (h / have-org-role-91 :ARG1 (o3 / organization :name (n3 / name :op1 "W.R." :op2 "Grace") :wiki -) :ARG2 (d / chairman :mod (e / vice))) :ARG1-of (u_6545 / _ :ARG0 f :time (u_6544 / former))) :ARG0 (u_6547 / he)) + +(f / hold-01 :ARG1 (u_6550 / include-91 :ARG2 (u_6548 / seat :poss (c / company :name (n / name :op1 "Grace" :op2 "Energy") :wiki -) :quant (a2 / 3) :mod (e / board) :quant 7)) :ARG0 (p / person :name (u_6551 / name :op1 "W.R." :op2 "Grace") :wiki -)) + +(f / say-01 :ARG1 (u_6553 / complete-01 :ARG1 (m / sell-01 :ARG1 (e / "s.p") :ARG2 (u_6556 / company :name (u_6557 / name :op1 "Finmeccanica") :wiki -) :ARG0 (c / company :name (n / name :op1 "Bailey" :op2 "Controls" :op3 "Operations") :wiki -)) :ARG2 (u_6559 / monetary-quantity :unit (d / dollar)) :ARG0 (u_6554 / unit :poss (u_6558 / company :name (u_6560 / name :op1 "Babcock" :op2 "&" :op3 "Wilcox") :wiki -)) :quant (a2 / _)) :ARG0 (u_6562 / company :name (u_6563 / name :op1 "McDermott" :op2 "International" :op3 "Inc.") :wiki -) :quant 295000000) + +(p3 / company :domain (c / company :name (n / name :op1 "Finmeccanica") :wiki - :ARG0-of (f / own-01 :ARG1 p3)) :mod (c2 / country :name (n3 / name :op1 "Italy") :wiki "Italy") :ARG0-of (u_6564 / hold-01 :ARG1 (e / state)) :ARG1-of (u_6567 / interest-01 :ARG2 (u_6566 / industry :mod (c3 / engineer-01 :ARG1 (u_6565 / mechanical))))) + +(f / make-01 :ARG1 (e / system :mod (u_6569 / control-01 :mod (u_6568 / industry)) :ARG1-of (u_6573 / computerize-01)) :ARG0 (c / company :name (n / name :op1 "Bailey" :op2 "Controls") :wiki - :ARG1-of (d / base-01 :location (u_6571 / city :name (u_6572 / name :op1 "Wickliffe") :location (s4 / state :name (u_6570 / name :op1 "Ohio") :wiki -) :wiki -)))) + +(a / and :op2 (f / have-03 :ARG1 (u_6579 / revenue :frequency (r / rate-entity-91 :ARG3 (t2 / temporal-quantity :unit (y / year))) :quant (u_6575 / about :op1 (m / monetary-quantity :unit (d / dollar) :quant (a2 / 300000000)))) :ARG0 (e / it :ARG0-of (u_6578 / employ-01 :ARG1 (u_6577 / person :quant 2700) :op1-of a))) :quant 370000000) + +(f / suspend-01 :ARG1 (d / sell-01 :ARG1 (u_6581 / bond :mod (u_6580 / save-01) :mod (c2 / country :name (n3 / name :op1 "U.S.") :wiki "United_States"))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (e / federal))) :ARG1-of (u_6584 / cause-01 :ARG0 (u_6586 / lift-01 :ARG1 (u_6585 / ceiling :topic (u_6582 / debt :mod (u_6587 / government-organization :ARG0-of (u_6588 / govern-01)))) :ARG0 (u_6583 / government-organization :name (n / name :op1 "Congress") :wiki "United_States_Congress") :polarity -))) + +(u_6593 / say-01 :ARG1 (f / authority :ARG1 (p / act-02 :ARG0 (o3 / organization :name (n3 / name :op1 "Until" :op2 "Congress") :wiki -)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01)) :polarity - :mod (e / any) :purpose (l2 / issue-01 :ARG1 (c / obligate-01 :ARG2 (u_6592 / debt) :mod (u_6590 / kind :mod (u_6589 / any)) :mod (u_6591 / new)))) :ARG0 (u_6594 / government-organization :name (n / name :op1 "Treasury") :wiki -)) + +(r / drop-01 :ARG4 (u_6597 / monetary-quantity :unit (u_6596 / dollar)) :ARG1 (n / authority :poss (g / government-organization :ARG0-of (g2 / govern-01)) :mod (e / borrow-01)) :ARG3 (m / monetary-quantity :unit (d / dollar)) :quant (a2 / 2800000000000) :time (d2 / date-entity :weekday (f2 / tuesday)) :time (u_6595 / midnight) :quant 5500000000 :quant 2870000000000) + +(d / ensnarl-01 :ARG1 (e / legislation :ARG0-of (f / lift-01 :ARG1 (u_6601 / ceiling :mod (u_6600 / debt)))) :time (s3 / fight-01 :ARG1 (u_6603 / cut-02 :ARG1 (c / tax-01 :ARG2 (u_6604 / gain-02 :mod (u_6602 / capital)))))) + +(c / contrast-01 :ARG2 (u_6607 / expect-01 :ARG1 (p / act-02 :ARG0 (u_6609 / government-organization :name (u_6611 / name :op1 "Senate") :wiki "United_States_Senate") :time (b / until :op1 (u_6608 / week :mod (u_6605 / next))) :manner (c3 / early :degree (u_6610 / most))) :polarity -) :ARG1 (f / vote-01 :ARG0 (g / government-organization :name (n / name :op1 "House") :wiki "United_States_House_of_Representatives" :ARG0-of (u_6606 / raise-01 :ARG1 (e / ceiling) :ARG4 (m / monetary-quantity :unit (d / dollar)) :quant (a2 / 5500000000) :ARG1-of f)))) + +(f / say-01 :ARG1 (d / default-01 :ARG1 (c4 / country :name (n2 / name :op1 "U.S.") :wiki "United_States") :condition (l / act-01 :ARG0 (g / government-organization :name (n / name :op1 "Congress") :wiki "United_States_Congress") :time (b / by :op1 (e / then)) :polarity -) :time (d2 / date-entity :month "nov." :day 9)) :ARG0 (u_6612 / government-organization :name (u_6613 / name :op1 "Treasury") :wiki -)) + +(u_6624 / name-01 :ARG2 (a2 / and :domain (t / arm :mod (u_6619 / this) :mod (u_6618 / market-01) :mod (u_6620 / sell-01 :mod (u_6622 / country :name (u_6621 / name :op1 "U.S.") :wiki "United_States")) :part-of (c / company :name (n / name :op1 "Mazda" :op2 "Motor" :op3 "Corp") :wiki - :ARG0-of (f / make-01 :ARG1 (e / auto) :mod (c2 / country :name (n3 / name :op1 "Japan") :wiki "Japan")))) :op2 (u_6623 / manage-01 :mod (u_6616 / general)) :op1 (u_6617 / president :mod (u_6614 / vice) :mod (u_6615 / senior))) :ARG1 (p / person :name (u_6625 / name :op1 "Clark" :op2 "J." :op3 "Vitulli") :wiki -)) + +(f / oversee-01 :ARG1 (a / and :op3 (u_6632 / part) :op1 (d / sell-01 :ARG1 (c / company :name (n / name :op1 "Mazda") :wiki -) :location (u_6629 / country :name (u_6630 / name :op1 "U.S.") :wiki "United_States")) :op5 (u_6628 / operation) :op2 (e / service) :op4 (u_6627 / market-01)) :ARG0 (u_6633 / he) :prep-in (t / position :mod (u_6626 / new))) + +(p3 / _ :domain (p / person :name (n / name :op1 "Mr." :op2 "Vitulli") :wiki -) :ARG1-of (c / _ :ARG2 (t / temporal-quantity :unit (y / year) :quant (a2 / 43))) :ARG0-of (f / manage-01 :ARG1 (u_6634 / company :poss (u_6638 / company :name (u_6639 / name :op1 "Chrysler" :op2 "Corp.") :wiki -) :name (u_6635 / name :op1 "Chrysler" :op2 "division") :wiki -) :time (e / previous) :mod (u_6637 / market-01 :mod (u_6636 / general)))) + +(d / executive :topic (a / and :op2 (u_6641 / market-01) :op1 (u_6640 / sell-01)) :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 20)) :ARG2-of (h / have-org-role-91 :ARG1 (c / company :name (n / name :op1 "Chrysler") :wiki "Chrysler") :ARG0 (e / he))) + +(d / jet-01 :ARG1 (n / titan :poss (e / nation) :ARG0-of (p / manufacturing-01)) :location (a2 / confines :poss (u_6647 / town :example (a3 / and :op2 (c / city :name (n3 / name :op1 "Hot" :op2 "Springs") :wiki -) :op1 (u_6642 / city :name (u_6643 / name :op1 "Boca" :op2 "Raton") :wiki -)) :mod (u_6644 / resort-01)) :mod (u_6645 / sunny)) :purpose (t2 / powwow :frequency (r / rate-entity-91 :ARG3 (u_6646 / temporal-quantity :unit (y / biannual)))) :time (u_6649 / _) :ARG1-of (u_6648 / typical-02)) + +(e / year :mod (u_6650 / this) :polarity -) + +(f / settle-02 :ARG1 (e / capital :name (n2 / name :op1 "Hoosier") :location (c2 / city :name (n / name :op1 "Indianapolis") :wiki "Indianapolis") :wiki -) :ARG0 (c / company :name (u_6653 / name :op1 "National" :op2 "Association" :op3 "of" :op4 "Manufacturers") :wiki -) :purpose (l2 / meet-03 :ARG1 (u_6652 / board) :time (d3 / date-entity :season (s3 / fall-01)))) + +(u_6658 / and :op2 (f / decide-01 :ARG0 (e / city :ARG1-of (p3 / treat-01 :ARG2 (u_6657 / guest) :ARG0 e :ARG1-of (c / resemble-01 :ARG2 (a / or :op1 (u_6656 / royalty) :op2 (u_6655 / star :mod (u_6654 / rock))) :degree (l / more)) :ARG1-of f))) :ARG1-of (u_6659 / _ :ARG2 (p / person :ARG0-of (o / own-01 :ARG1 (u_6660 / factory))))) + +(p3 / idea :domain (c / prove-01 :ARG2 (u_6666 / place :mod (u_6663 / good) :location-of (p / expand-01 :ARG0 (u_6665 / company))) :ARG1 (d / rust-01 :ARG1 (e / buckle :location (h / name :op1 "Rust" :op2 "Belt")) :polarity - :mod (u_6664 / after-all) :degree (l / so))) :mod (u_6668 / of-course) :mod (u_6662 / _ :ARG0-of (f / make-01 :ARG1 (u_6667 / decide-01 :ARG0 (u_6661 / corporation)) :quant (a2 / 125)))) + +(u_6673 / end-01 :ARG2 (p2 / person :example (a3 / and :op2 (s / sports-facility :name (n4 / name :op1 "Maytag") :wiki -) :op1 (p / person :name (n / name :op1 "Du" :op2 "Pont") :wiki -) :ARG0-of (u_6672 / knowns-01 :mod (l / less :degree (m / more)) :example (u_6670 / and :op2 (g / government-organization :name (u_6669 / name :op1 "Valley" :op2 "Queen" :op3 "Cheese" :op4 "Factory") :wiki -) :op1 (c / company :name (u_6671 / name :op1 "Trojan" :op2 "Steel") :wiki -)))) :ARG0-of (h / have-org-role-91 :ARG1 (e / giant) :ARG2 (m2 / official)) :ARG1-of (f / receive-01 :ARG0 u_6673)) :ARG1 (u_6674 / message)) + +(f / join-01 :ARG1 (p / person :name (n / name :op1 "Mayor" :op2 "William" :op3 "H." :op4 "Hudnut") :wiki -) :ARG0 (u_6679 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / executive))) :topic (a / and :op2 (e / pianist :mod (u_6675 / guest)) :op1 (u_6678 / evening :poss (o3 / organization :name (n3 / name :op1 "Indianapolis" :op2 "Symphony" :op3 "Orchestra") :wiki -)) :name (n2 / III) :name (u_6676 / name :op1 "Victor" :op2 "Borge" :ARG0-of (u_6677 / comedian-01)) :wiki -) :purpose (t2 / starter)) + +(d / follow-01 :ARG1 (a / and :op1 (e / champagne) :op2 (u_6680 / dessert))) + +(f / race-01 :ARG1 (f2 / facility :name (n3 / name :op1 "Indianapolis" :op2 "Motor" :op3 "Speedway") :wiki -) :ARG0 (e / busload) :dayperiod (a2 / morning :mod (u_6686 / next) :accompanier (u_6685 / escort :mod (u_6684 / police))) :mod (u_6688 / _ :ARG0-of (h / have-rel-role-91 :ARG2 (d2 / wife))) :mod (u_6689 / _) :ARG1-of (u_6683 / unimpeded-01 :ARG0 (a / or :op1 (u_6687 / traffic) :op2 (u_6682 / light :mod (u_6681 / red)))) :op1-of (u_6690 / and :op2 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / executive))))) + +(d / possible-01 :ARG1 (f / make-02 :ARG1 (e / it) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / governor))) :ARG0-of (u_6692 / _ :ARG1 d :ARG0-of (u_6693 / have-org-role-91 :ARG2 (g / governor :mod (u_6691 / lieutenant))))) :polarity - :ARG0-of (u_6694 / cause-01 :ARG1 (u_6697 / welcome-01 :ARG1 (u_6696 / guest :ARG1-of (u_6695 / special-02)) :ARG0 d))) + +(f / hold-04 :ARG1 (h / museum :location-of (c / ban-01 :ARG2 (a / and :op1 (u_6698 / food) :op2 (u_6699 / drink-01)) :ARG1 (p2 / person :mod (u_6701 / everyday) :ARG0-of (t / visit-01)))) :ARG0 (e / breakfast :mod (u_6700 / buffet))) + +(f / haul-01 :ARG1 (o / and :op2 (u_6705 / crew) :op3 (u_6709 / announcer :mod (u_6702 / even) :mod (u_6703 / 500 :name (n2 / name :op1 "Indianapolis") :wiki "Indianapolis") :mod (u_6704 / official)) :op1 (p2 / person :ARG0-of (t / drive-01))) :ARG0 (e / speedway) :mod (u_6706 / _ :quant (a2 / 4)) :purpose (t2 / honor-01 :purpose (u_6708 / guest)) :purpose (u_6713 / race-01 :duration (u_6710 / temporal-quantity :unit (y / lap) :quant 10) :purpose (u_6711 / exhibit-01)) :time (u_6714 / then)) + +(f / drool-01 :ARG1 (a / and :op1 (u_6718 / car) :op2 (p2 / person :ARG0-of (t / drive-01))) :ARG0 (p / person :quant (a2 / 500) :mod (e / fortune) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / executive))) :time (b / after :op1 (u_6717 / race-02)) :ARG1-of (u_6715 / resemble-01 :ARG2 (u_6716 / schoolboy))) + +(u_6724 / point-out-02 :ARG0 (p2 / person :ARG0-of (t / drive-01) :ARG0-of (f / have-03 :ARG1 (e / space :quant (o2 / or :op2 2 :op1 (u_6726 / thing :mod (u_6719 / another) :ARG2-of (p / name-01 :ARG1 (u_6722 / sponsor-01)))) :location (h / machine)) :mod (u_6723 / still) :ARG1-of u_6724)) :mod (u_6725 / dummy :polarity -)) + +(f / squeeze-01 :ARG1 (u_6731 / meet-03 :quant (a2 / few) :location (h / hotel)) :ARG0 (e / executive) :location (u_6730 / downtown :mod (u_6729 / back)) :time (b / before :op1 (d / board-01 :ARG1 (u_6728 / bus) :mod (u_6727 / again)))) + +(c / _ :ARG2 (a / and :op1 (e / dinner) :op2 (u_6734 / dancing) :location (h / block-01 :direction (s / away))) :ARG1 (u_6735 / it) :time (u_6733 / time :mod (u_6732 / this))) + +(u_6753 / feed-up-03 :ARG1 (a / and :op1 (u_6750 / mousseline :mod (u_6743 / duckling)) :op4 (u_6740 / terrine :accompanier (u_6736 / sauce :mod (u_6737 / raspberry)) :consist-of (c / chocolate)) :op2 (u_6742 / consomme :mod (u_6739 / lobster)) :op3 (u_6744 / mignon :mod (u_6741 / veal))) :ARG2 (u_6751 / _) :ARG0 (e / chef :quant (a2 / 9) :location (h / town) :mod (g / hot-04 :degree (m / most))) :mod (u_6746 / name :op1 "Indiana") :manner (u_6754 / and :op1 (u_6749 / star) :op2 (u_6748 / Moon) :location (u_6752 / ballroom :name (n2 / name :op1 "Indiana" :op2 "Roof") :wiki - :ARG1-of (d / renovate-01)))) + +(m / _ :ARG1 (p / ovation-01 :ARG0 (e / chef) :mod (u_6759 / stand-01)) :ARG2 (u_6761 / _) :condition (l / know-01 :time (c2 / eat-01 :ARG0 (u_6760 / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / executive)) :ARG0-of l :ARG0-of m) :ARG1 (u_6757 / meal :ARG1-of (d / free-04) :ARG0-of (u_6756 / taste-01) :ARG1-of l)))) + +(u_6768 / say-01 :ARG1 (f / tempt-01 :ARG0 (c / treat-01 :ARG2 (e / carpet :mod (u_6765 / red)) :ARG1-of (a / return-01 :ARG4 (u_6766 / city :mod (u_6763 / heartland)) :purpose (t2 / meet-03 :time (u_6764 / future)) :ARG1-of f))) :ARG0 (u_6767 / CEO :quant (u_6762 / more-than :op1 (p / person :quant (m / few))))) + +(c / contrast-01 :ARG2 (f / look-forward-03 :ARG1 (e / meet-03 :time (d4 / date-entity :month 2) :time (u_6769 / winter) :location (c2 / city :name (n / name :op1 "Boca") :wiki -)) :ARG0 (u_6770 / they) :time (u_6771 / now))) + +(u_6773 / say-01 :ARG1 (f / register-02 :ARG1 (u_6775 / deficit :mod (u_6772 / trade-01)) :ARG0 (c4 / country :name (n2 / name :op1 "South" :op2 "Korea") :wiki "South_Korea") :time (d4 / date-entity :month 10)) :ARG0 (e / figure :mod (g / government-organization :ARG0-of (g2 / govern-01)) :ARG1-of (d / release-01 :time (d2 / date-entity :weekday (f2 / wednesday)))) :quant (m4 / monetary-quantity :unit (u_6776 / dollar) :quant (a2 / _)) :quant 101000000 :ARG1-of (c / reflect-01 :ARG2 (u_6778 / sluggishness :mod (u_6777 / economy)))) + +(f / show-01 :ARG1 (u_6787 / deficit :mod (u_6779 / another) :mod (u_6782 / setback :frequency (r / rate-entity-91 :ARG3 (t2 / temporal-quantity :unit (y / month))) :time (u_6781 / year :mod (u_6780 / this)) :ord (o / ordinal-entity :value 5)) :mod (u_6783 / trade-01)) :ARG0 (p / tally-01 :ARG0 (g / government-organization :name (n / name :op1 "Trade" :op2 "and" :op3 "Industry" :op4 "Ministry") :wiki -) :mod (e / preliminary)) :time (d4 / date-entity :month 10) :ARG0-of (u_6786 / cast-01 :ARG1 (d / cloud :ARG1 (u_6788 / economy :poss (c4 / country :name (n2 / name :op1 "South" :op2 "Korea") :wiki "South_Korea") :ARG1-of (c / orient-01 :ARG2 (u_6785 / export-01)))))) + +(u_6792 / contrast-01 :ARG2 (u_6800 / increase-01 :ARG2 (u_6803 / monetary-quantity :unit (u_6801 / dollar) :quant 5390000000) :ARG1 (t3 / thing :ARG1-of (s / import-01)) :manner (u_6789 / sharp) :ARG1-of (u_6791 / up-01 :ARG2 (u_6802 / percentage-entity :value 20 :time (d2 / date-entity :month 10 :mod (u_6790 / last))))) :ARG1 (u_6796 / stand-01 :ARG2 (m / monetary-quantity :unit (d / dollar) :quant (a2 / 5290000000) :ARG1-of (c / increase-01 :ARG2 (u_6798 / percentage-entity :value 07) :mod (u_6793 / mere) :time (l4 / early :degree (u_6795 / more) :quant (t2 / temporal-quantity :unit (y / year) :quant 1)))) :ARG1 (e / export-01 :time (d4 / date-entity :month 10)))) + +(u_6806 / stop-01 :ARG1 (n / boom-02 :poss (c4 / country :name (n2 / name :op1 "South" :op2 "Korea") :wiki "South_Korea") :mod (e / economy) :ARG1-of (d / begin-01 :time (u_6805 / date-entity :year 1986))) :time (u_6808 / year :mod (u_6807 / this)) :ARG1-of (f / cause-01 :ARG0 (o / and :op2 (u_6810 / conflict-01 :ARG1 (u_6809 / trade-01)) :op3 (u_6811 / export-01 :manner (c / sluggish)) :op1 (p / dispute-01 :ARG0 (u_6814 / labor) :ARG1-of (u_6813 / prolong-01))))) + +(u_6817 / say-01 :ARG1 (p3 / remain-01 :ARG3 (f / target-01 :ARG1 (m / monetary-quantity :unit (d / dollar) :quant (a2 / 68000000000)) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01))) :ARG1 (e / export-01) :time (s3 / end-01 :ARG1 (u_6816 / year))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (u_6818 / government-organization :ARG0-of (u_6819 / govern-01)) :ARG2 (m2 / official)))) + +(f / record-01 :ARG1 (e / surplus :quant (m4 / monetary-quantity :unit (d2 / dollar) :quant (a2 / 71000000) :quant (u_6820 / _)) :mod (u_6821 / trade-01)) :ARG0 (c4 / country :name (n2 / name :op1 "South" :op2 "Korea") :wiki "South_Korea") :time (b / so-far :op1 (u_6823 / year :mod (u_6822 / this))) :concession (r / forecast-01 :mod (u_6824 / gloomy))) + +(r / increase-01 :ARG4 (m / monetary-quantity :unit (u_6825 / dollar)) :ARG1 (p / export-01 :ARG0 (u_6833 / nation) :ARG1-of (d / accumulate-01)) :ARG3 (e / percentage-entity :value 4) :time (l2 / date-interval :part-of (u_6827 / year :mod (u_6826 / last))) :quant (a2 / 50450000000) :time (u_6830 / _ :op2 (u_6831 / date-entity :month 10) :op1 (u_6829 / date-entity :month 1))) + +(c / _ :ARG2 (u_6834 / _ :ARG1 (m / monetary-quantity :unit (d / dollar) :quant (a2 / 50380000000))) :ARG1 (t3 / thing :ARG1-of (s / import-01)) :ARG1-of (u_6835 / up-01 :ARG2 (e / percentage-entity :value 19))) + +(u_6839 / and :op2 (u_6838 / say-01 :ARG0 (c / magazine :name (n / name :op1 "Newsweek") :wiki "Newsweek" :ARG0-of (u_6844 / try-01 :ARG1 (f / keep-01 :ARG1 (e / magazine :name (n2 / time) :ARG0-of (p / rival-01)) :ARG0 c)) :ARG0-of (u_6843 / introduce-02 :ARG1 (u_6842 / plan-01 :beneficiary (a / advertiser) :mod (u_6836 / new) :mod (u_6837 / incentivize-01)) :ARG1-of u_6838) :ARG0-of (u_6846 / announce-01 :ARG1 (u_6845 / rate :mod (u_6840 / advertising) :mod (u_6841 / new)) :time (d / date-entity :year 1990) :op1-of u_6839)))) + +(p3 / plan-01 :domain (p / plan-01 :ARG0 (e / advertise-01) :name (n2 / name :op1 "Newsweek" :domain-of (b / unit :part-of (o3 / organization :name (n3 / name :op1 "Washington" :op2 "Post" :op3 "Co.") :wiki -))) :mod (u_6847 / new) :wiki "Newsweek") :ord (o / ordinal-entity :value 2) :mod (u_6849 / incentivize-01) :ARG1-of (m / offer-01 :ARG2 (p2 / person :ARG0-of (t / advertise-01)) :ARG0 (u_6848 / magazine) :quant (t2 / temporal-quantity :unit (y / year) :quant (a2 / 3)))) + +(a / and :op2 (f / underscore-01 :ARG1 (p / compete-02 :ARG0 (u_6864 / fierce)) :ARG0 (u_6865 / magazine :poss (c / company :name (n / name :op1 "Time" :op2 "Warner" :op3 "Inc.") :wiki -) :ARG1-of (u_6866 / become-01 :ARG2 (e / fixture :mod (u_6861 / permanent) :location (h / week :mod (u_6862 / news))) :op1-of a)) :op2-of (a3 / and :op1 (u_6863 / magazine :name (u_6851 / name :op1 "Newsweek") :wiki "Newsweek") :op3 (u_6853 / organization :name (u_6850 / name :op1 "U.S." :op2 "News" :op3 "&" :op4 "World" :op5 "Report") :poss (u_6852 / person :name (u_6867 / name :op1 "Mortimer" :op2 "B." :op3 "Zuckerman") :wiki -) :wiki -) :example-of a)) :ARG1-of (u_6854 / give-01 :ARG0 (u_6860 / plan-01 :ARG0 (d / discount-01 :ARG1 (p2 / person :ARG0-of (t / advertise-01)) :topic (u_6858 / or :op1 (u_6856 / maintain-01 :ARG1 (u_6857 / spend-01 :ARG1 (u_6859 / advertise-01) :ARG1-of (u_6855 / increase-01 :op2-of u_6858))))) :ARG1 a))) + +(f / say-01 :ARG1 (c / increase-01 :ARG2 (e / percentage-entity :value 5) :ARG1 (u_6873 / rate :mod (u_6871 / advertise-01)) :time (d4 / date-entity :month 1)) :ARG0 (p / person :name (n / name :op1 "Alan" :op2 "Spoon") :wiki - :ARG1-of (u_6868 / name-01 :ARG2 (g / president :ARG2-of (h2 / have-org-role-91 :ARG0 (u_6874 / magazine :name (u_6869 / name :op1 "Newsweek") :wiki "Newsweek"))) :time (u_6875 / recent)))) + +(c / cost-01 :ARG2 (m / monetary-quantity :unit (d / dollar) :quant 100980) :ARG1 (e / page :name (n2 / name :op1 "Newsweek") :mod (u_6876 / color :quant (a2 / 4)) :mod (u_6877 / full) :wiki "Newsweek")) + +(u_6890 / _ :snt2 (u_6881 / _ :ARG1-of (u_6889 / coil-01 :ARG0 (u_6880 / you) :mod (u_6879 / dragon))) :snt3 (u_6887 / crouch-01 :ARG0 (u_6888 / tiger)) :snt1 (o / _ :op2 (u_6883 / watch-01 :ARG1 (d / develop-02 :ARG1 (u_6885 / thing)) :manner (c / quiet)) :op3 (u_6886 / admire-01 :ARG1 (p2 / person :mod (u_6884 / noble-minded) :ARG0-of (t / patriot)) :ARG0 (u_6882 / i)) :op1 (f / sense-01 :ARG1 (e / urgency) :ARG0 (p / person :quant (m / many))))) + +(o / _ :op2 412 :op3 64 :op1 (m / give-01 :ARG1 (u_6894 / lesson :quant (a2 / many :degree (l / too))) :ARG2 (u_6893 / we) :ARG0 (e / history) :mode "interrogative") :mode (u_6895 / _ :time (d3 / date-entity :year 530))) + +(e / look-01) + +(p3 / person :domain (e / fish :mod (u_6897 / still) :concession (u_6899 / even-if :op1 (u_6898 / turn-01 :ARG1 (n / body :poss (u_6901 / fish :ARG1-of (u_6900 / salt-01))))) :ARG1-of (d / salt-01)) :mod (u_6902 / ordinary) :ARG0-of (p / suffer-01)) + +(u_6920 / _ :ARG1 (u_6915 / or :op1 (u_6916 / call-01 :ARG2 (u_6918 / slave :mod (u_6903 / foreign)) :ARG1 (u_6917 / free-04 :ARG1 (u_6904 / speak-01) :ARG0-of (u_6919 / think-01)) :condition (a2 / and :op1 (f / express-01 :ARG1 (u_6910 / view-01 :ARG1-of (u_6911 / differ-02 :ARG2 (u_6906 / view :mod (u_6905 / traditional)) :degree (l / somewhat))) :ARG0 (u_6913 / person :ARG0-of (u_6908 / put-01 :ARG1 (u_6907 / criticize-01 :ARG1-of (u_6912 / differ-02 :degree (u_6909 / slight))) :direction (s / _) :op2-of a2))))) :op2 (c / accuse-01 :ARG2 (a / and :op2 (p / fascinate-01 :ARG0 (e / thing :mod (u_6914 / _) :ARG1-of (d / reverence-01 :op1-of a))))))) + +(c / consider-01 :ARG2 (f / betray-01 :ARG1 (u_6926 / _ :mod (u_6925 / tyranny :mod (u_6921 / culture) :time (s3 / cloak-01 :ARG1 (a / and :op1 (u_6922 / nationalism) :op2 (u_6924 / patriotism))))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG1 (e / they) :degree (l / more)) + +(f / need-01 :ARG0 (c4 / country :name (n2 / us) :ARG0-of (m / use-01 :ARG1 (e / force-04) :ARG2 (a2 / deal-01 :ARG0 c4 :ARG2 (u_6933 / country :name (u_6932 / name :op1 "China") :wiki "China")) :ARG1-of f)) :mod (u_6931 / in-fact) :polarity - :time (u_6935 / no-longer) :ARG1-of (u_6929 / _ :ARG2 (u_6928 / achieve-01 :ARG1 (u_6927 / result-01 :ARG1 (d / defeat-01 :manner (t3 / fight-01 :polarity - :ARG0 (u_6930 / soldier :ARG0-of (h / have-rel-role-91 :ARG2 (d2 / enemy)) :ARG1-of d))))))) + +(a / and :op1 (d / intense-02 :ARG1 (e / article) :degree (u_6936 / too)) :op2 (p3 / good :domain (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States") :mode "interrogative" :degree (l / so))) + +(u_6938 / assume-02 :ARG1 (e / exist-01) :ARG0 (a / _ :op2 (f / create-01 :ARG1 (u_6939 / tiger) :ARG0 (u_6937 / person :quant (a2 / 3)))) :polarity - :manner (u_6944 / and :op1 (u_6946 / see-01 :ARG1 (u_6945 / thing) :ARG0 (u_6941 / eye) :polarity -) :op2 (p / hear-01 :ARG0 (u_6942 / ear)))) + +(m / multi-sentence :snt2 (d / express-01 :ARG1 (t3 / thing :ARG1-of (s / opine-01)) :polarity -) :snt1 (a / and :op1 (u_6948 / pass-03 :mod (u_6947 / just)) :op2 (e / look-01))) + +(d / Came-01 :ARG1 (a / and :op1 (u_6949 / study-01) :op2 (e / learn-01))) + +(e / attract-01 :degree (l / very)) + +(d / recommend-01 :ARG1 (p / advocate-01 :ARG0 (e / it) :manner (c / vigorous))) + +(m / multi-sentence :snt2 (u_6956 / i) :snt3 (u_6950 / _ :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :snt1 (f / forget-01 :ARG1 (e / you) :ARG0 (u_6955 / person :mod (u_6954 / some)) :polarity -) :ARG1-of (u_6951 / compel-01 :condition (l / need-01 :ARG1 m :ARG0 (u_6952 / country)) :ARG0 (u_6957 / sense-01 :ARG1 (u_6953 / righteousness) :ARG0 m))) + +(u_6965 / contrast-01 :ARG2 (g / obligate-01 :mode "imperative" :ARG1 (f / find-01 :ARG1 (p / person :mod (e / legitimate-02) :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / father))) :ARG0 (u_6964 / dog :condition (s / good :degree (l / so)))) :ARG1-of (u_6967 / say-01 :ARG0 u_6965)) :ARG1 (u_6966 / you) :mod (u_6963 / whatever) :ARG1-of (u_6958 / _ :ARG0 (c4 / country :name (n2 / name :op1 "America") :wiki "United_States")) :ARG1-of (u_6962 / hate-01 :ARG0 (u_6961 / i) :mod (u_6959 / really) :mod (u_6960 / especially)) :ARG0-of (u_6969 / drink-01 :ARG1 (u_6968 / thing) :op2-of (a / and :op1 (u_6971 / eat-01 :ARG1 (u_6970 / thing :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :ARG0 u_6965)))) + +(m / _ :snt2 (c / contrast-01 :ARG2 (u_6973 / feel-02 :ARG1 (u_6976 / recommend-01 :ARG1 (u_6978 / learn-01 :ARG1 (c4 / country :name (n2 / name :op1 "DPRK") :wiki "North_Korea") :ARG0 (u_6979 / person :poss (u_6974 / we)) :degree (l / more))) :ARG0 (u_6977 / i)) :ARG1 (f / need-01 :ARG0 (n / banner :poss (e / socialism) :ARG1-of (d / hold-01 :ARG1-of f))) :polarity (explicitanon0 / name :op1 "Mao" :op2 "Zedong" :op3 "Thought") :ARG1-of (u_6975 / forget-01 :ARG1-of (p / possible-01 :polarity -)))) + +(u_6981 / possible-01 :ARG1 (f / save-02 :ARG1 (u_6982 / nation) :ARG0 (p / person :name (n / name :op1 "Mao" :op2 "Zedong" :op3 "Thought") :mod (e / only) :wiki -))) + +(p / person :quant (a2 / many :degree (l / too)) :ARG0-of (o / betray-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) + +(m / multi-sentence :snt2 (c / obligate-01 :ARG2 (u_6985 / prove-01 :ARG0 (e / everyone :ARG0-of (f / worthy :ARG1 (u_6986 / nation) :ARG1-of u_6985)))) :snt1 (p3 / line :domain (u_6987 / patriotism) :mod (u_6983 / bottom))) + +(f / think-01 :ARG1 (c / contrast-01 :ARG2 (u_6989 / bribe-01 :ARG1 (p / person :quant (a2 / some) :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / official)) :ARG1-of (d / corrupt-01))) :ARG1 (e / elite :mod (u_6988 / that) :polarity -)) :ARG0 (u_6990 / i)) + +(s / remove-01 :mode "imperative" :ARG0 (y / you) :ARG1 (e / group :mod (u_6991 / jerk) :mod (u_6992 / this))) + +(p / look-01 :ARG0 (e / i) :mod (u_6993 / just)) + +(m / _ :snt2 (f / need-01 :ARG0 (e / we :ARG0-of (p / vigilance :ARG1-of f))) :snt1 (p2 / person :quant (a2 / many :degree (l / so)) :time (h / history :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0-of (t / betray-01))) + +(u_6995 / obligate-01 :ARG2 (c / prevent-01 :ARG1 (p2 / person :mod (e / dog) :ARG0-of (t / betray-01) :ARG0-of (p / run-01) :ARG0-of (f / collude-01 :ARG1 (u_6994 / imperialism :mod (w / world-region :name (n4 / name :op1 "West") :wiki "Western_world")) :ARG2-of c))) :ARG1 (u_6996 / we) :mod (u_6997 / also) :condition (s / chaos :location (a2 / and :op1 (c2 / world-region :name (u_6998 / name :op1 "East" :op2 "Asia") :wiki "East_China") :op2 (u_6999 / world-region :name (n / name :op1 "North" :op2 "Africa") :wiki "North_Africa")))) + +(o / and :op2 (u_7013 / time :polarity - :time-of (d / change-01 :ARG1 (e / weather :location (c / country :name (n / name :op1 "China") :wiki "China"))) :op2-of (u_7009 / _ :op3 (u_7006 / possible-01 :ARG1 (u_7007 / make-02 :ARG1 (u_7008 / disappoint-01) :mod (u_7005 / only))) :op1 o)) :op3 (u_7011 / possible-01 :ARG1 (p / bark-01 :ARG0 (p2 / person :ARG0-of (t / betray-01)) :mod (u_7012 / only) :manner (u_7003 / madly) :op1-of (a / and :op2 (u_7001 / nothing :mod (u_7000 / else))) :ARG1-of (u_7014 / resemble-01 :ARG2 (u_7002 / dog)))) :op1 (f / have-03 :ARG1 (u_7010 / number :ARG1-of (u_7015 / set-01)) :ARG0 (u_7016 / everything))) + +(m / multi-sentence :snt2 (c / lead-02 :ARG2 (e / world)) :snt3 (f / intend-01 :ARG1 (u_7023 / this) :ARG0 (u_7021 / heaven)) :snt1 (u_7022 / long-03 :polarity - :time (b / until :op1 (r / come-01 :ARG4 (u_7019 / direction :quant (a2 / all)) :ARG1 (u_7017 / person) :ARG3 (u_7018 / court :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")))))) + +(e / follow-02 :manner (c / interest-01)) + +(c / possible-01 :ARG2 (r / specialty :domain (u_7026 / this) :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG1-of (d / modern-02)) :mod (u_7024 / just)) :ARG1 (f / do-02 :ARG1 (u_7025 / nothing) :ARG0 (e / we))) + +(p2 / person :polarity "among" :quant (a2 / many :degree (l / too)) :location (u_7027 / compatriot :poss (e / we)) :ARG0-of (t / betray-01)) + +(u_7034 / multi-sentence :snt2 (f / _ :ARG0 (e / we :ARG0-of (m / _ :ARG1 (u_7032 / condition :mod (u_7030 / nation)) :ARG2 (u_7031 / account) :ARG1-of f))) :snt1 (p3 / relative :domain (d / free-04 :ARG1 (u_7033 / speak-01)))) + +(u_7052 / _ :ARG1 (u_7036 / or :op1 (c / call-01 :ARG2 (u_7038 / slave :mod (u_7037 / foreign)) :ARG1 (d / free-04 :ARG1 (e / speak-01) :ARG0-of (p / think-01)) :condition (a2 / and :op1 (f / express-01 :ARG1 (u_7044 / view-01 :ARG1-of (u_7045 / differ-02 :ARG2 (u_7040 / view :mod (u_7039 / traditional)) :degree (l / somewhat))) :ARG0 (u_7047 / person :ARG0-of (u_7042 / put-01 :ARG1 (u_7041 / criticize-01 :ARG1-of (u_7046 / differ-02 :degree (u_7043 / slight))) :direction (s / _) :op2-of a2))))) :op2 (u_7049 / accuse-01 :ARG2 (a / and :op2 (u_7048 / fascinate-01 :ARG0 (u_7051 / thing :mod (u_7035 / _) :ARG1-of (u_7050 / reverence-01 :op1-of a))))))) + +(f / like-02 :ARG0 (e / i :ARG1-of (d / ask-01 :ARG1-of f)) :prep-with (a3 / person :ARG0-of (u_7056 / say-01 :ARG1 (u_7055 / this))) :ARG2-of (u_7054 / include-91 :ARG1 (p2 / person :ARG0-of (h / have-rel-role-91 :ARG1 (u_7058 / you) :ARG2 (u2 / dad)) :ARG1-of (u_7057 / mention-01 :location (u_7053 / above))))) + +(u_7065 / multi-sentence :snt4 (u_7076 / ask-01 :ARG1 (u_7075 / leave-15 :manner (u_7092 / volunteer-01) :polite +) :ARG0 (f / permit-01 :ARG1 (u_7096 / enter-01 :ARG0 (u_7093 / male)) :condition (l / conform-01 :mod (u_7073 / only) :polarity - :ARG0 (u_7074 / _ :mod (u_7072 / this) :ARG0-of f)))) :snt2 (e / group :time 181729561 :ARG0-of (p / enter-01)) :snt3 (c / obligate-01 :ARG2 (d / modify-01 :ARG1 (u_7095 / card :mod (u_7089 / business)) :purpose (w / consistent-01 :ARG2 (n / format :poss (u_7091 / person :mod (u_7090 / other)))))) :snt1 (m / welcome-01 :ARG2 (u_7080 / join-01 :ARG1 (p4 / publication :name (n4 / name :op1 "Military" :op2 "Fans" :op3 "'" :op4 "Alliance") :wiki -) :ARG0 (u_7079 / you :ARG1-of m)) :ARG0 (u_7063 / we) :beneficiary (a / fan :topic (u_7060 / affair :mod (u_7059 / military)) :ARG0-of (u_7062 / fascinate-01 :ARG1 (u_7061 / armament)))) :accompanier (u_7071 / we) :mod (u_7106 / qq) :op1-of (u_7069 / _ :op2 (h / follow-02 :mode (u_7066 / imperative) :ARG1 (u_7068 / ally-01 :manner (u_7078 / together) :polarity -) :ARG0 (u_7070 / system) :polarity -)) :op1-of (u_7085 / _ :op2 (u_7081 / fascinate-01 :ARG1 (u_7086 / become-01 :ARG2 (u_7084 / soldier :ARG1-of (u_7088 / want-01 :ARG0 u_7086))) :ARG0 (u_7087 / quality :mod (u_7083 / clothe-01 :mod (u_7082 / military))))) :ARG1-of (u_7103 / contrast-01 :ARG2 (u_7101 / succeed-01 :ARG0 (u_7104 / reason :mod (u_7099 / various)) :polarity -) :ARG0-of (u_7105 / adhere-02 :ARG1 (u_7100 / system :mod (u_7097 / patriotic)) :ARG2-of (u_7098 / obligate-01)))) + +(d / support-01 :ARG1 (e / bump)) + +(f / descend-01 :ARG1 (a / and :op1 (u_7109 / emperor :name (n2 / name :op1 "Yan") :wiki -) :op2 (u_7108 / emperor :name (u_7107 / name :op1 "Huang") :wiki -)) :ARG0 (e / we :quant (a2 / all)) :time (u_7110 / moment :ARG1-of (d / critical-02))) + +(a / and :op1 (s / look-01 :mode "imperative" :ARG0 (y / you) :ARG1 (u_7112 / cooperate-01 :ARG0 (p5 / political-party :name (n3 / name :op1 "Kuomintang-Communist") :wiki -) :time (u_7113 / year :mod (u_7111 / that)))) :op2 (p / know-01 :ARG0 (e / you))) + +(f / influence-01 :ARG1 (u_7118 / everybody) :ARG0 (d / create-01 :ARG1 (e / ruckus)) :time (u_7117 / time :time (u_7114 / war)) :time (u_7116 / year :mod (u_7115 / peaceful)) :polarity - :ARG0-of (p / cooperate-01)) + +(u_7121 / possible-01 :ARG1 (a2 / compete-01 :ARG3 (d / button-01 :ARG1 (e / hat)) :ARG1 (u_7120 / article :mod (b2 / event :name (n3 / name :op1 "Cultural" :op2 "Revolution") :wiki "Cultural_Revolution")) :ARG0 (u_7119 / it)) :ARG1-of (c / and :ARG2 (u_7126 / magnify-01 :purpose (b / become-01 :ARG2 (u_7124 / question-01 :ARG1 (a / or :op1 (u_7125 / principle) :op2 (u_7123 / line :mod (u_7122 / ideology)))) :ARG1 (u_7127 / problem :ARG1-of u_7126))))) + +(f / make-02 :ARG1 (p / terrify-01 :ARG0 (c / interest-01 :ARG2 (p5 / political-party :name (n3 / name :op1 "Communist" :op2 "Party") :wiki "Communist_Party_of_China") :ARG1-of (d / vest-01)) :ARG1-of (u_7128 / _ :ARG0 f)) :ARG0 (e / column :ord (o / ordinal-entity :value 5) :ARG0-of (u_7129 / thing :ARG1 f :mod (u_7130 / good)))) + +(u_7136 / multi-sentence :snt2 (p3 / _ :domain (u_7144 / test-01 :ARG2 (l / language :name (n2 / name :op1 "English") :wiki "English_language") :ARG1 (u_7145 / everyone :ARG0-of (g / go-02 :ARG4 (u_7132 / grade :mod (u_7131 / next))) :ARG0-of (u_7146 / enter-01 :ARG1 (u_7133 / school :ARG1-of (c2 / high-02 :degree (m / more))))) :quant (a2 / all) :ARG2-of (u_7134 / obligate-01 :time (u_7135 / current)))) :snt1 (c / _ :ARG2 (u_7137 / want-01 :ARG0 (u_7143 / you :ARG0-of (f / destroy-01 :ARG1 (u_7138 / person) :ARG1-of u_7137))) :ARG1 (e / culture :mod (u_7139 / nation) :li (x / 1) :poss-of (r / tool :domain (a / and :op1 (u_7142 / language) :op2 (u_7140 / writing-01)))))) + +(e / turn-01) + +(m / multi-sentence :snt2 (e / sense-02) :snt3 (c / wait-01 :ARG2 (u_7151 / opportunity)) :snt1 (a / and :op1 (p / coil-01 :ARG0 (u_7152 / you) :mod (u_7148 / dragon)) :op2 (u_7149 / crouch-01 :ARG0 (u_7150 / tiger)))) + +(f / need-01 :ARG0 (c4 / country :name (n2 / name :op1 "US") :wiki "United_States" :ARG0-of (m / use-01 :ARG1 (e / force-04) :ARG2 (a2 / deal-01 :ARG0 c4 :ARG2 (u_7161 / country :name (u_7160 / name :op1 "China") :wiki "China")) :ARG1-of f)) :polarity - :time (u_7154 / no-longer) :mod (u_7159 / in-fact) :op1-of (a / _ :op2 (u_7158 / reach-01 :ARG1 (c / result-01 :ARG2 (d / defeat-01 :manner (t3 / fight-01 :polarity - :ARG0 (u_7155 / soldier :ARG0-of (h / have-rel-role-91 :ARG2 (d2 / enemy)) :ARG1-of d)))) :ARG0 (u_7157 / _)))) + +(m / multi-sentence :snt2 (d / recommend-01 :ARG1 (p / renovate-01 :ARG0 (u_7163 / we))) :snt3 (u_7162 / multi-sentence) :snt1 (p2 / person :mod (e / foreign) :quant (a2 / many) :ARG0-of (t / slave))) + +(u_7210 / multi-sentence :snt4 (e / we) :snt2 (u_7217 / say-01 :ARG1 (p / person :name (n / name :op1 "Huntsman") :wiki "Jon_Huntsman,_Jr." :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / us)) :ARG2 (d / ambassador :time (u_7224 / former)))) :medium (t / speech) :time (u_7218 / once)) :snt3 (u_7190 / multi-sentence :snt2 (f / say-01 :ARG1 (u_7219 / overthrow-01 :ARG1 (p5 / political-party :name (n3 / name :op1 "Communist" :op2 "Party") :wiki "Communist_Party_of_China") :polarity "_") :ARG0 (u_7222 / person :name (u_7221 / name :op1 "Deng" :op2 "Xiaoping") :wiki "Deng_Xiaoping" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / comrade))) :time (u_7211 / once)) :snt3 (o / and :op2 (u_7195 / and :op2 (u_7173 / possible-01 :ARG1 (u_7179 / let-01 :ARG1 (u_7199 / use-01 :ARG0 (u_7178 / outsider :mod (c2 / country :name (u_7200 / name :op1 "China") :wiki "China"))) :polarity - :ARG0 (u_7184 / citizen :ARG0-of (u_7187 / need-01 :ARG1 (a2 / alert-01 :ARG0 u_7184 :ARG2 (u_7181 / this)) :mod (u_7176 / definite) :time (u_7177 / then) :op1-of u_7195)))) :ARG1-of (m / use-01 :ARG0 (u_7172 / government-organization :name (u_7205 / name :op1 "CIA") :wiki "Central_Intelligence_Agency" :ARG1-of (r2 / rate-entity-91 :ARG2 (t2 / temporal-quantity :unit (y2 / year) :quant 1000) :mod-of m) :ARG0-of (u_7175 / help-01 :ARG1 (u_7174 / elite :mod (u_7169 / domestic) :ARG1-of (u_7196 / call-01)) :ARG2-of m)) :ARG1-of (u_7170 / subsidy) :ARG0-of (u_7171 / vow-01 :ARG1 (u_7166 / want-01 :ARG1 (u_7165 / let-01 :ARG1 (u_7167 / raise-01 :ARG1 (u_7168 / wind) :purpose (l2 / make-01 :ARG1 (u_7164 / wave) :manner (c / domestic)))))))) :op3 (u_7186 / bring-down-03 :condition (s / fall-05)) :op1 (u_7198 / raise-02 :ARG1 (u_7197 / spokesperson) :ARG0 (u_7185 / we))) :snt1 (u_7202 / recommend-01 :ARG1 (u_7204 / attend-02 :ARG1 (a / and :op1 (u_7203 / capitulate-01) :op2 (p2 / person :ARG0-of (u_7223 / betray-01)) :mod (u_7193 / kind :mod (u_7192 / this))) :ARG0 (u_7194 / authority :ARG0-of (u_7206 / rule-01)) :mod (u_7191 / actual)))) :snt1 (u_7220 / _) :quant 8 :mod (u_7208 / this) :ARG0-of (u_7215 / let-01 :ARG1 (u_7212 / topple-01 :ARG0 (u_7216 / monetary-quantity :unit (u_7214 / yuan) :quant 8000000)))) + +(f / have-03 :ARG1 (u_7227 / they) :ARG0 (e / i) :quant (a2 / _) :ARG1-of (u_7226 / see-01 :ARG0 (m3 / disciple :ARG2-of (h2 / have-org-role-91 :ARG1 (p / person :name (n / name :op1 "Wang" :op2 "Jingwei") :wiki -))) :manner (u_7225 / glimpse)) :ARG1-of (u_7230 / _ :ARG0 (u_7228 / person :ARG1-of (u_7229 / expert-01))) :ARG0-of (u_7233 / reason :ARG1 (u_7231 / say-01 :ARG0 (u_7234 / this :ARG0-of (u_7235 / see-01 :ARG1 (t3 / thing :ARG1-of (s / suggest-01)) :time (b / before :op1 (n5 / now) :duration (u3 / several :op1 (t / temporal-quantity :unit (y / day) :mod (u_7232 / this)))) :ARG1-of u_7231))))) + +(u_7240 / allow-01 :ARG1 (f / see-01 :ARG1 (d / dawn-01 :ARG1 (a / and :op1 (u_7239 / fair) :poss (u_7237 / democracy) :op2 (u_7236 / justice))) :ARG0 (u_7241 / person :mod (u_7238 / this))) :ARG0 (e / society :location (w2 / world-region :name (n / name :op1 "West") :wiki "Western_world"))) + +(u_7245 / multi-sentence :snt2 (u_7252 / possible-01 :ARG1 (m / blame-01 :ARG1 (u_7243 / other) :ARG2 (u_7244 / this) :ARG0 (u_7253 / we)) :mode "interrogative") :snt1 (a / _ :op1 (p3 / slow :domain (u_7249 / develop-02 :ARG1 (u_7250 / politics) :mod (u_7246 / domestic)) :mod (u_7247 / true) :degree (u_7251 / too)) :op2 (d / possible-01 :ARG1 (p / criticize-01 :ARG0 (e / person :ARG1-of (c / advanced-02 :ARG2 (u_7248 / ideology) :degree (l / bit))))))) + +(n3 / improper-01 :polarity - :ARG1 (u_7254 / say-01 :ARG1 (d / bribe-01 :ARG1 (e / someone))) :mode "interrogative") + +(m / _ :snt2 (d / gray-02 :ARG1 (u_7256 / reality) :mod (u_7255 / also) :frequency (t2 / often)) :snt1 (p3 / selfish :domain (e / person :quant (a2 / all)))) + +(u_7258 / become-01 :ARG2 (c / view-02 :ARG2 (u_7260 / joke-01) :ARG1 (u_7257 / person)) :ARG1 (p / activity-06 :ARG0 (p5 / political-party :name (n3 / name :op1 "ZF") :wiki -) :mod (e / propaganda) :quant (a2 / some)) :time (u_7259 / soon)) + +(d / wrong-02 :ARG1 (e / amr-unknown) :location (h / environment :mod (u_7261 / this)) :condition (l / criticize-01 :ARG1 (u_7265 / propaganda :time (u_7262 / previous) :ARG0-of (p / stupefy-01)) :ARG0 (u_7266 / they) :degree (u_7264 / bit))) + +(u_7271 / possible-01 :ARG1 (f / look-01 :ARG1 (e / account :mod (u_7267 / old) :topic (u_7269 / war :mod (c2 / country :name (n3 / anti-japanese)) :time (u_7268 / previous) :ARG1-of (d / call-01))) :ARG0 (u_7270 / we) :ARG0-of (u_7273 / country :ARG1 u_7271)) :mod (u_7272 / person) :polarity -) + +(u_7275 / multi-sentence :snt2 (u_7276 / look-01 :ARG1 (n / propaganda :poss (e / they) :ARG1-of (d / ridiculous-02))) :snt1 (s / look-01 :mode "imperative" :ARG0 (y / you) :ARG1 (c4 / country :name (n2 / name :op1 "North" :op2 "Korea") :wiki "North_Korea") :time (b / before :op1 (n5 / now) :quant (m / many :op1 (t / temporal-quantity :unit (u_7274 / year))) :location (a2 / country :poss (u_7277 / we))))) + +(d / stop-01 :ARG1 (u_7279 / dream-01 :ARG0 (c4 / country :name (n2 / name :op1 "United" :op2 "States") :wiki "United_States" :ARG0-of (f / occupy-01 :ARG1 (e / world :mod (u_7278 / whole)) :ARG1-of u_7279))) :time (u_7280 / ever) :op1-of (a / and :op2 (u_7281 / plan-01 :manner (c / constant)))) + +(u_7289 / feel-02 :ARG1 (u_7288 / succeed-01 :ARG0 (c4 / country :name (n2 / name :op1 "America") :wiki "United_States" :ARG0-of (f / set-02 :ARG1 (e / column :ord (o / ordinal-entity :value 5)) :ARG1-of u_7288)) :time (u_7287 / already) :time (s3 / bribe-01 :ARG1 (u_7285 / elite :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :mod (u_7284 / intellect)) :ARG1-of (d / long-03))) :time (u_7290 / day :mod (u_7282 / this)) :mod (u_7291 / kind) :degree (u_7292 / more) :ARG1-of (u_7283 / intense-02 :degree (l / more))) + +(u_7309 / and :op2 (u_7310 / distribute-01 :location (h / circle :location (u_7301 / society) :mod (u_7311 / various)) :ARG1 (e / person :mod (u_7313 / this) :ARG0-of (f / consider-01 :ARG1 (p3 / celebrity :domain e :mod (u_7314 / culture)) :op1-of (u_7306 / or :op2 (u_7308 / possible-01 :ARG1 (a / and :op1 (u_7305 / authority :ARG1-of (d / high-02)) :op2 (u_7307 / position :mod (u_7304 / important))) :ARG0 e) :ARG1-of (p / possible-01 :op1-of u_7309))))) :mod (c2 / country :name (n3 / name :op1 "America") :wiki "United_States") :ARG0-of (u_7312 / _ :ARG1 (u_7297 / pain-01 :ARG1 (u_7298 / and :op1 (u_7293 / promote-02 :ARG1 (u_7294 / value :mod (u_7296 / country :name (u_7295 / name :op1 "America") :wiki "United_States"))) :op2 (u_7302 / brainwash-01 :ARG1 (u_7303 / person :mod (u_7300 / country :name (u_7299 / name :op1 "China") :wiki "China")))) :degree (l / great)))) + +(c / get-03 :ARG2 (d / intense-02 :ARG1 (e / feel-01 :mod (u_7316 / kind :mod (u_7315 / this))) :degree (l / more)) :ARG1-of (u_7317 / cause-01 :ARG0 (a2 / amr-unknown))) + +(u_7321 / cause-01 :ARG1 (c / contrast-01 :ARG2 (d / make-02 :ARG1 (u_7323 / surprise-01 :degree (l / really)) :time (b / after :op1 (u_7322 / read-01))) :ARG1 (e / okay-04 :condition (s / read-01 :polarity -))) :ARG0 (f / read-01 :ARG1 (t / part :part-of (n / blog :poss (u_7324 / professor :ARG0-of (h2 / have-org-role-91 :ARG2 (g / specialize-01))))) :ARG0 (u_7320 / i) :time (u_7319 / day :mod (u_7318 / this)))) + +(p / exemplify-01 :ARG0 (p3 / obvious :domain (p8 / person :name (n3 / name :op1 "Zhang" :op2 "Ming") :poss (u / university :name (n / name :op1 "Renmin" :op2 "University") :wiki -) :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / professor :mod (e / assist-01)))) :degree (l / extreme) :ARG1-of (f / intent-02 :ARG0 (u_7326 / blog :quant (a2 / many)) :mod (u_7325 / politics)) :ARG0-of (u_7327 / have-org-role-91 :ARG1 p))) + +(a / and :op2 (u_7333 / disparage-01 :ARG1 (u_7341 / article :mod (u_7328 / good) :ARG0-of (u_7342 / promote-02 :ARG1 (u_7332 / patriotism) :ARG1-of (u_7330 / value-01 :ARG2 (u_7331 / penny) :polarity - :mod (u_7329 / even)))) :ARG0 (e / he :ARG0-of (m / attribute-01 :ARG1 (u_7338 / cause-01 :ARG1 (d / prevail-02 :ARG1 (u_7343 / hostility) :location (c / country :name (n / name :op1 "China") :wiki "China"))) :ARG2 (u_7339 / textbook :mod (u_7335 / school :mod (u_7334 / elementary)) :ARG0-of (f / have-03 :ARG1 (p / person :name (u_7340 / name :op1 "Wang" :op2 "Erxiao") :wiki -))) :location (h / blog :quant (a2 / 1)) :op1-of a)))) + +(a / and :op3 (e / _ :li (x / 2)) :op1 (c / resemble-01 :ARG2 (u_7356 / thing :example (u_7359 / treatise :mod (n2 / newspaper :name (n3 / name :op1 "Haite" :op2 "Sexology" :op3 "Report") :wiki -))) :ARG1 (u_7351 / stuff) :polarity -) :op5 (t3 / thing :polarity - :ARG1-of (s / contribute-01) :ARG1-of (d / significant-02)) :op2 (u_7360 / think-01 :polarity - :ARG1-of (u_7358 / deep-02)) :op4 (u_7354 / _) :ARG0-of (u_7347 / exemplify-01 :mod (u_7346 / another) :ARG1-of (u_7349 / call-01 :ARG2 (u_7348 / and :op1 (u_7345 / sexologist) :op2 (u_7350 / activist :mod (u_7344 / society)) :name (u_7353 / name :li 3 :op1 "Li" :op2 "Yinhe") :wiki -)))) + +(c / contrast-01 :ARG2 (u_7374 / clown :mod (u_7362 / pure-02) :manner (a2 / or :op1 (u_7366 / capable-01 :mod (u_7364 / real)) :op2 (u_7365 / learn-01) :polarity -) :ARG0-of (p / jump-03)) :ARG1 (m / rely-01 :ARG1 (u_7372 / and) :ARG0 (e / she :ARG0-of (f / do-02 :purpose (l / attract-01 :ARG0 (t / eye :part-of (u_7371 / person)) :ARG1 (u_7373 / something :mod (u_7370 / novel) :ARG1-of (d / differ-02) :ARG1-of f)) :ARG2-of m)) :mod (u_7367 / main)) :op1-of (a / and :op2 (u_7376 / viewpoint :ARG0-of (u_7375 / shock-01)))) + +(m / _ :snt2 (e / she) :snt1 (f / put-01 :ARG1 (u_7391 / hat :mod (u_7385 / big) :mod (u_7386 / specialize-01)) :purpose (l / intimidate-01 :ARG1 (u_7388 / person) :mod (u_7387 / just) :ARG0 (u_7394 / person :mod (u_7390 / kind :mod (u_7389 / this)) :ARG0-of f))) :mod (u_7396 / _ :mod (u_7395 / foreign)) :ARG1-of (d / key-02) :ARG2-of (c / _ :ARG1 (o / and :op2 (u_7379 / will-02 :ARG1 (u_7378 / slave)) :op3 (u_7380 / ignorant-02) :op1 (u_7384 / concern-01 :ARG1 (u_7392 / politics)) :mod (u_7377 / arrogant) :ARG0-of (u_7393 / feel-01 :ARG1 (u_7381 / fine-04)) :ARG0-of (u_7383 / understand-01 :ARG1 (u_7382 / politics) :polarity -) :ARG0-of (p / overbear-00)))) + +(f / denigrate-01 :ARG1 (a / and :op1 (d / struggle-01 :ARG1 (u_7407 / class)) :op2 (u_7399 / anti-pornography-and-illegal-publications) :ARG0-of (a2 / drive-02 :ARG2 (u_7398 / hostility :mod (u_7397 / society)))) :ARG0 (e / she) :topic (u_7405 / _ :op2 (u_7406 / harmony :degree (l / more) :degree (u_7401 / bit)) :op1 (u_7402 / hostility :degree (u_7403 / less :quant (u_7404 / bit)))) :ARG1-of (u_7400 / complete-02) :ARG1-of (c / resemble-01 :ARG2 (u_7408 / essay))) + +(m / attribute-01 :ARG1 (f / worship-01 :ARG1 (e / money) :ARG0 (u_7414 / society)) :ARG2 (u_7413 / atheism) :ARG0 (u_7415 / she) :medium (t / essay) :condition (b / become-01 :ARG2 (u_7412 / country :ARG0-of (u_7416 / worship-01 :ARG1 (u_7410 / money) :location (h / earth) :degree (l / most))) :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (u_7411 / already))) + +(m / blather-01 :ARG1 (c / become-01 :ARG2 (u_7423 / terrorist) :ARG1 (e / person :ARG0-of (p / study-01))) :ARG2 (p3 / essay :domain (a / or :op2 (f / study-01 :ARG1 (u_7424 / person :name (n / name :op1 "Bill") :wiki -) :ARG0 (u_7422 / you :ARG0-of (u_7418 / study-01 :ARG1 (u_7417 / person :name (u_7419 / name :op1 "Paul") :wiki "Ron_Paul") :op1-of a))))) :ARG0 (u_7425 / she)) + +(u_7428 / and :op1 (m / take-01 :ARG1 (u_7435 / citizen :ARG0-of (f / publish-01 :ARG1 (u_7431 / novel :mod (u_7430 / pornography)))) :ARG2 (t / free-04 :ARG3 (u_7432 / speak-01)) :ARG0 (e / she :ARG1-of (u_7426 / et-cetera :op3-of u_7428) :ARG0-of (u_7434 / say-01 :ARG1 (p / behave-01 :ARG0 (d / drive-02 :ARG1 (u_7433 / anti-pornography) :location (c2 / city :name (n / name :op1 "Beijing") :wiki "Beijing")) :mod (a / unconstitutional :polarity -)) :op2-of u_7428))) :medium (u_7440 / essay :ARG1-of (u_7439 / recommend-01 :ARG2 (u_7441 / establish-01 :ARG1 (u_7442 / court :mod (u_7437 / constitution)) :purpose (l2 / solve-01 :ARG1 (u_7438 / problem :consist-of (c / product :mod (u_7436 / pornography)))))))) + +(u_7470 / _ :ARG2 (u_7466 / cry-02 :ARG1 (e / person :quant (a2 / several) :ARG2-of (u_7453 / deal-01 :ARG0 (c / company :name (n / name :op1 "Beijing" :op2 "City") :wiki -)) :ARG0-of (f / detail-01 :ARG1 (u_7459 / list :consist-of (u_7458 / product)) :mod (c3 / intend-01 :ARG1 (d / do-02 :ARG1 (u_7457 / publicity :beneficiary (a / person :mod (u_7456 / other)))) :ARG1-of (u_7455 / deep-02 :degree (u_7454 / more)))) :ARG1-of (u_7461 / suspect-01 :ARG2 (u_7462 / involve-01 :ARG2 (p / activity-06 :ARG0 (u_7463 / business :mod (u_7460 / erotic)))))) :ARG0 (u_7465 / she) :mod (u_7468 / again :mod (u_7467 / once)) :mod (u_7469 / foul) :ARG0-of (u_7452 / amr-unknown :ARG1 (u_7450 / worth :ARG1 (u_7448 / attend-02 :ARG1 (u_7464 / case-03 :ARG1 (u_7451 / _ :mod (u_7447 / obscene)) :name (n2 / name :op1 "Jianghe") :wiki -) :mod (u_7449 / close :mod (u_7446 / such)))))) :ARG1 (u_7471 / masterpiece :time (u_7443 / today) :mod (u_7444 / especially)) :mod (u_7445 / erotic) :mode "_") + +(c / contrast-01 :ARG2 (p3 / preposterous :domain (m / put-01 :ARG1 (u_7478 / article :mod (u_7476 / kind :mod (u_7474 / this) :mod (u_7475 / jerky))) :ARG2 (u_7477 / top) :ARG0 (e / blog :name (n2 / name :op1 "Sina") :wiki -) :mod (u_7473 / actual)) :degree (l / really))) + +(u_7497 / and :op2 (u_7486 / try-01 :ARG1 (u_7501 / pour-01 :ARG1 (u_7499 / person :mod (u_7502 / country :name (u_7500 / name :op1 "China") :wiki "China")) :ARG0 (u_7484 / soup :ARG0-of (u_7503 / spirit-confusing-01)) :manner (c / willfully) :manner (u_7485 / fear-01 :polarity -)) :ARG0 (u_7496 / and :op2 (p / person :name (n / name :op1 "Liu" :op2 "Shahe") :mod (e / poet :prep-as (u_7492 / engage-01 :ARG2 (d / contain-01 :ARG1 (c4 / country :name (n2 / name :op1 "America") :wiki "United_States" :ARG1-of u_7492) :op1-of (a / and :op2 (f / feel-01 :ARG1 (u_7491 / indignant) :ARG0 (u_7494 / person :poss (u_7493 / nation :mod (u_7490 / whole))))))) :mod (c2 / country :name (n3 / name :op1 "Sichuanese") :wiki -) :mod (u_7495 / also)) :wiki -) :ARG0-of (u_7489 / come-out-09 :ARG1 (u_7488 / fallacy :mod (u_7481 / friendly-01)) :mod (u_7482 / actual) :op1-of u_7497)) :op2-of (a2 / _ :op1 (u_7498 / clear-06 :ARG1 (u_7483 / eye) :manner (u_7487 / gall :ARG1-of (u_7479 / swell-01))) :manner-of u_7497))) + +(u_7524 / contrast-01 :ARG2 (u_7516 / expect-01 :ARG1 (u_7526 / support-01 :ARG1 (u_7514 / betray-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (u_7525 / big)) :ARG0 (u_7528 / person :name (u_7527 / name :op1 "Mao" :op2 "Yushi") :wiki -) :mod (u_7504 / actual) :ARG1-of (u_7512 / say-01 :ARG0 (u_7511 / thing :quant (a2 / some) :topic (u_7513 / believe-01 :ARG1 (p3 / human :domain (u_7505 / disrespect) :polarity -))) :ARG0-of (u_7510 / make-02 :ARG1 (d / drop-01 :ARG1 (u_7509 / glass) :mod (u_7507 / much :degree (l / very) :mod (u_7506 / once))) :mod (u_7508 / again)))) :polarity -) :ARG1 (p / person :name (n / name :op1 "Yi" :op2 "Zhongtian") :wiki - :ARG1-of (c / fame-01 :ARG2 (u_7522 / remark-01 :ARG1 (f / respect-01 :ARG1 (a / and :op1 (u_7523 / talent) :op2 (u_7519 / learn-01)) :ARG0 (u_7520 / i) :time (u_7521 / always)) :ARG0 (e / country)))) :quant 3 :mod (u_7518 / whoever)) + +(f / feel-02 :ARG1 (u_7542 / and :op2 (c / become-01 :ARG2 (a / and :op1 (u_7547 / willful) :op2 (u_7538 / fear-01 :polarity -)) :degree (l / level :mod (c3 / harm-01 :ARG1 (u_7540 / country) :manner (u_7539 / public-02))) :time (u_7541 / already) :ARG1 (t / segment :part-of (u_7550 / elite :mod (u_7545 / intellectual)) :ARG1-of (u_7544 / become-01 :ARG2 (u_7546 / treasonous)) :ARG0-of (p / ardent-01 :manner (u_7543 / increase-01) :op1-of u_7542)))) :ARG0 (e / i) :mod (u_7548 / also) :ARG1-of (u_7535 / rumor-01 :ARG0 (u_7536 / note :mod (u_7532 / celebrity :quant 100 :mod (c2 / country :name (u_7531 / name :op1 "China") :wiki "China") :ARG0-of (u_7537 / accept-01 :ARG1 (a2 / contribute-01 :ARG0 (u_7529 / politics) :ARG2 (o3 / organization :name (n3 / name :op1 "Ford" :op2 "Foundation") :wiki -)))) :ARG1-of (d / complete-02)) :time (b / before :op1 (n5 / now) :quant (u_7533 / time :mod (u_7534 / short))) :medium (u_7549 / internet))) + +(c / contrast-01 :time (c2 / _ :ARG0 (t3 / thing :mod (u_7570 / treasonous) :ARG1-of (s / remark-01) :ARG1-of (u_7569 / frequent-02)) :ARG1 (u_7568 / understand-01 :ARG1 (a / and :op2 (u_7562 / possible-01 :ARG1 (u_7561 / continue-01 :ARG0 (e / person :mod (u_7565 / this) :ARG0-of (u_7558 / call-02 :ARG1 (u_7557 / wind) :op1-of (u_7556 / and :op2 (u_7560 / rouse-01 :ARG1 (u_7559 / rain-01) :ARG0 e :location (a2 / and :op1 (u_7554 / intelligentsia) :op2 (p / opine-01 :ARG0 (u_7555 / public)))) :manner-of (f / occupy-01 :ARG1 (u_7566 / position :ARG1-of (d / high-02)) :ARG0 e :ARG1-of u_7561))) :ARG0-of (u_7564 / curb-01 :ARG1 (u_7563 / no-one) :op1-of a))))) :ARG0 (u_7567 / i :ARG0-of (u_7552 / cause-01 :ARG1 u_7568)) :polarity - :ARG2-of c))) + +(f / feel-02 :ARG1 (c / sink-01 :ARG2 (e / personality :mod (u_7578 / media)) :ARG1 (t / part :part-of (u_7579 / elite :mod (u_7577 / intellectual))) :manner (u_7580 / together)) :ARG0 (u_7581 / i) :ARG1-of (d / possible-01) :ARG1-of (u_7576 / contact-01 :ARG0 (u_7575 / newspaper :mod (u_7573 / name :op1 "Southern")) :mod (u_7574 / fierce :time (b / before :op1 (n5 / now) :time (u_7572 / while) :mod (u_7571 / short)) :duration (s2 / temporary)))) + +(f / remember-01 :ARG1 (a / and :op2 (u_7587 / threaten-01 :ARG2 (d / use-01 :ARG1 (u_7586 / weapon :mod (u_7583 / nucleus))) :mod (u_7584 / still) :ARG0 (c4 / country :name (n2 / name :op1 "US") :wiki "United_States" :ARG0-of (a2 / fight-01 :ARG2 (p / war-01 :ARG0 (u_7589 / country :name (u_7588 / name :op1 "China") :wiki "China")) :time (e / just) :op1-of a))) :time (b / before :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / year) :quant (u_7585 / 60-some))) :ARG1-of (u_7582 / _ :ARG0 f)) :ARG0 (u_7590 / i)) + +(f / enter-01 :ARG1 (c4 / country :name (n2 / name :op1 "Vietnam") :wiki "Vietnam") :manner (r / intend-01 :ARG1 (u_7591 / contain-01 :ARG1 (u_7592 / country :name (u_7593 / name :op1 "China") :wiki "China") :ARG0 (u_7594 / country :name (u_7595 / name :op1 "US") :wiki "United_States" :ARG0-of f))) :time (b / before :op1 (n5 / now) :quant (m4 / multiple :op1 (t / temporal-quantity :unit (y / year) :quant (a2 / 40-some))))) + +(a / and :op1 (u_7596 / start-01 :ARG1 (u_7602 / impose-01 :ARG1 (u_7600 / sanction-02)) :time (u_7601 / before :op1 (u_7604 / now) :quant (u_7607 / temporal-quantity :unit (u_7606 / year) :quant 22)) :mod (u_7597 / again)) :op4 (d / restart-01 :ARG1 (e / contain-01) :time (b / before :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (y / year) :quant (a2 / 10))) :time (u_7609 / before :op1 (u_7610 / now) :quant (u_7612 / temporal-quantity :unit (u_7611 / year) :quant 2)) :manner (c / fanfare :degree (l / great))) :op2 (u_7614 / bomb-01 :ARG1 (u_7615 / embassy) :time (u_7613 / before :op1 (u_7616 / now) :quant (u_7619 / temporal-quantity :unit (u_7618 / year) :quant 12))) :op3 (u_7603 / incident :topic (u_7599 / collide-01 :location (s2 / sea :name (n3 / name :op1 "South" :op2 "China" :op3 "Sea") :wiki "South_China_Sea"))) :ARG0-of (f / establish-01 :ARG1 (u_7622 / relation-03 :ARG2 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :time (u_7621 / before :op1 (u_7623 / now) :quant (u_7625 / temporal-quantity :unit (u_7624 / year) :quant 32)))) + +(p / understand-01 :ARG0 (e / i) :polarity - :ARG1-of (f / multi-sentence :ARG0 (c / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (u_7627 / forgetful-01 :ARG0 (u_7628 / we :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :degree (l / so))))) + +(c / cause-01 :ARG0 (u_7632 / amr-unknown) :ARG1 (a / and :op2 (f / speak-01 :ARG1 (c4 / country :name (n2 / name :op1 "US") :wiki "United_States") :ARG0 (e / person :quant (a2 / many :time (u_7630 / still) :degree (l / so)) :ARG0-of (u_7629 / ignore-01 :ARG1 (u_7631 / conscience) :op1-of a))))) + +(f / improve-01 :ARG0 (e / person :ARG1-of (c / possible-01 :ARG2 (p / remember-01 :ARG0 e) :ARG1-of (l / take-01 :ARG0 (u_7638 / lose-02 :mod (u_7633 / big)) :polarity - :manner-of f) :ARG1-of f)) :polarity - :ARG0-of (u_7637 / _ :ARG1 (r / weak-02 :domain (u_7636 / _) :poss (u_7635 / we :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :mod (g / great :degree (m / most)) :ARG1-of (d / possibly-02)))) + +(u_7644 / cause-01 :ARG1 (u_7642 / stand-01 :ARG1 (d / reason-01 :ARG1 (a / and :op1 (u_7639 / rampage-01 :ARG0 (n / force :poss (p / person :ARG0-of (u_7641 / betray-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))))) :op2 (f / run-01 :ARG1 (e / rampant) :ARG0 (u_7640 / column :ord (o / ordinal-entity :value 5))))) :mod (u_7643 / also))) + +(d / possible-01 :ARG1 (m / raise-01 :ARG1 (p / betray-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG2 (p2 / person :mod (u_7647 / school :mod (u_7645 / primary)) :ARG0-of (t / study-01)) :ARG0 (e / we) :polarity -) :mode (u_7648 / interrogative) :degree (l / entire) :location (h / it)) + +(d / possible-01 :ARG1 (m / raise-01 :ARG1 (p / betray-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG2 (p2 / person :mod (e / school :mod (u_7649 / primary)) :ARG0-of (t / study-01)) :ARG0 (u_7650 / we) :polarity -) :location (h / it) :degree (l / entire) :mode (u_7651 / interrogative)) + +(a / and :op2 (p / look-01 :ARG0 (e / through :ARG0-of (u_7652 / pass-03 :mod (u_7653 / just) :op1-of a)))) + +(e / pass-03) + +(o / _ :op2 (d / suspect-01 :ARG1 (e / fragment)) :op3 (u_7668 / recommend-01 :ARG1 (u_7667 / allow-01 :ARG1 (u_7665 / exist-01 :ARG1 (t3 / thing :ARG1-of (s / opine-01) :ARG1-of (u_7680 / differ-02 :ARG0-of (g / fear-01 :mode "imperative" :polarity - :ARG0-of (f / say-01 :ARG1 (u_7681 / amr-unknown)))))) :ARG0 (u_7666 / we))) :concession (u_7661 / even-if :op1 (p / astonish-01 :ARG0 (u_7670 / thing) :degree (l / quite) :ARG1-of (u_7671 / say-01 :ARG0 (u_7659 / you) :name (n2 / name :op1 "Zhengqing") :wiki -) :op1-of o)) :concession (m / matter-01 :ARG1 (u_7662 / benefit-01 :ARG1 (c4 / country :name (u_7660 / name :op1 "China") :wiki "China") :ARG0 (a / or :op1 (u_7658 / democracy) :op2 (u_7654 / name :op1 "pan-Occidentalism"))) :ARG2-of (u_7657 / differ-02 :ARG1 (u_7656 / time) :mod (u_7655 / really))) :mod (u_7678 / _ :mod (u_7676 / column :ord (u_7679 / ordinal-entity :value 5))) :ARG1-of (u_7669 / _) :ARG0-of (u_7674 / _ :ARG1 (u_7673 / bare-boned :polarity - :degree (u_7675 / so)))) + +(a / _ :op1 (p / astonish-01 :ARG0 (u_7688 / thing :ARG1-of (f / say-01 :ARG0 (u_7682 / you))) :degree (u_7689 / quite)) :op2 (u_7687 / _ :ARG1 (d / suspect-01 :ARG1 (e / fragment :concession (u_7685 / even-if :op1 (u_7686 / bare-boned :degree (l / so) :polarity -) :mod (u_7683 / column :ord (o / ordinal-entity :value 5)))))) :mod (u_7690 / _ :name (n2 / name :op1 "Zhengqing") :wiki -)) + +(u_7703 / _ :snt2 (g / fear-01 :mode "imperative" :ARG0 (u_7702 / benefit-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG0 (a / or :op1 (u_7701 / democracy) :op2 (u_7692 / name :op1 "pan-Occidentalism"))) :polarity -) :snt1 (m / multi-sentence :snt2 (f / say-01 :ARG1 (e / amr-unknown) :ARG0 (u_7698 / you)) :snt1 (u_7696 / recommend-01 :ARG1 (u_7700 / allow-01 :ARG1 (u_7695 / exist-01 :ARG1 (t3 / thing :ARG1-of (s / opine-01) :ARG1-of (d / differ-02))) :ARG0 (u_7699 / we)) :ARG2-of (c / differ-02 :ARG1 (u_7697 / time) :mod (u_7694 / really)))) :polarity -) + +(m / multi-sentence :snt2 (a2 / prepare-02 :ARG2 (f / start-01 :ARG1 (u_7712 / war-01) :ARG0 (e / they :ARG0-of a2))) :snt1 (u_7707 / possible-01 :ARG1 (d / survive-01 :ARG1 (c4 / country :name (n2 / name :op1 "Little" :op2 "Japan") :wiki - :ARG1-of (u_7706 / bear-02 :ARG2 (a / and :op1 (u_7713 / feces :consist-of (c / dog)) :op2 (u_7705 / economy :mod (c2 / country :name (n3 / name :op1 "US") :wiki "United_States")))))) :polarity - :mod (u_7708 / almost)) :op1-of (u_7709 / and :op2 (u_7710 / pass-02 :ARG2 (u_7704 / other) :ARG1 (u_7711 / debt))) :ARG1-of (u_7714 / die-01)) + +(d / possible-01 :ARG1 (p3 / so :domain (r / doctrine :domain (c4 / country :name (n2 / name :op1 "China") :wiki "China") :poss (e / mean))) :polarity -) + +(f / pay-01 :ARG1 (e / _ :ARG0-of (p / pain-01)) :condition (l / value-01 :ARG1 (u_7717 / _ :ARG1 (u_7718 / wolf) :ARG0 (u_7715 / peace)) :degree (u_7716 / great) :ARG0 (u_7719 / we :ARG0-of f))) + +(m / _ :snt2 (k / use-01 :ARG1 (e / fund-01) :ARG0 (y / you) :mod (u_7728 / _) :mod (u_7730 / front-line :mod (u_7729 / defend-01))) :snt1 (f / let-01 :ARG1 (u_7726 / we) :ARG0 (u_7731 / power :mod (u_7725 / various)) :concession (w / act-01 :ARG0 (u_7724 / turtle))) :ARG1-of (c / _ :ARG2 (u_7723 / time :mode "interrogative" :time-of (d / abolish-01 :ARG1 (a / and :op1 (u_7722 / troupe :mod (u_7720 / culture)) :op2 (u_7727 / team :mod (u_7721 / sport))))))) + +(d / possible-01 :ARG1 (f / accomplish-01 :ARG1 (u_7736 / amr-unknown) :ARG0 (e / nation :mod (u_7734 / art) :mod (u_7735 / great)) :mod (u_7733 / _ :mod (u_7732 / sport))) :condition (l / look-01 :ARG1 (u_7740 / smoke :mod (u_7738 / up :location (h / everywhere)) :consist-of (c / beacon-fires)) :ARG0 (u_7739 / sea :mod (u_7737 / territory)))) + +(u_7747 / _ :mode (explicitanon0 / _ :topic (u_7745 / recommend-01 :ARG1 (d / amend-01 :ARG1 (a / and :op1 (u_7746 / think-01 :mod (u_7743 / wrong)) :op2 (u_7744 / policy))))) :time-of (e / wake-up-02) :ARG2-of (c / _ :ARG1 (u_7742 / decision-making :mod (u_7741 / high-02)))) + +(u_7754 / recommend-01 :ARG2 (u_7763 / multi-sentence :snt2 (u_7752 / use-01 :mode "imperative" :ARG1 (u_7760 / and :op1 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / command-02))) :op2 (u_7762 / soldier) :location (h / line :mod (u_7750 / front))) :ARG0 (c / expend-01 :ARG2 (u_7751 / military) :ARG1-of (u_7761 / limit-01))) :snt1 (u_7753 / beat-01 :condition (o / leave-14 :ARG2 (u_7748 / behind)))) :ARG1 (m / put-01 :ARG1 (e / effort) :ARG2 (d / develop-02 :ARG1 (a / and :op1 (u_7756 / science) :op2 (u_7758 / technology))) :ARG0 (u_7759 / we)) :mod (u_7755 / we)) + +(s / prove-01 :mode "imperative" :ARG0 (y / you) :ARG1 (p3 / we :domain (i / island :name (n / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands")) :manner (u_7765 / action) :polite + :ARG1-of (c / _ :ARG2 (p / person :name (u_7764 / name :op1 "Mister") :wiki -))) + +(c / quote-01 :ARG2 (u_7768 / _ :quant (a2 / 277703234)) :ARG1 (e / post :name (n2 / name :op1 "Xiao" :op2 "Jianjia") :wiki -) :day (explicitanon8 / 11 :day (u_7766 / saturday) :year 2010 :time (u_7767 / date-entity :month 9)) :time (u_7770 / _ :time (u_7769 / "10:10:11"))) + +(d / possible-01 :ARG1 (p3 / so :domain (r / doctrine :domain (c4 / country :name (n2 / name :op1 "China") :wiki "China") :poss (e / mean))) :polarity -) + +(f / worth :ARG0 (e / this :ARG1-of (d / ponder-01 :mod (u_7771 / little) :ARG1-of f))) + +(u_7821 / multi-sentence :snt3 (u_7790 / possible-01 :ARG1 (u_7820 / have-03 :ARG1 (u_7794 / access-01 :ARG1 (u_7795 / internet) :mod (u_7788 / speed) :ARG1-of (u_7787 / free-03)) :ARG0 (o / and :op2 (u_7793 / stable-03 :mod (u_7791 / also)) :op3 (u_7792 / speed) :op1 (u_7802 / easy-05 :ARG1 (u_7803 / carry-01))) :location (p / wherever :location-of (u_7789 / go-02)))) :snt2 (u_7798 / and :op2 (u_7777 / direct-02 :ARG1 (u_7778 / factory)) :op3 (u_7796 / access-01 :ARG1 (u_7784 / internet) :mod (u_7780 / speed) :duration (s2 / lifetime) :ARG1-of (u_7779 / free-03)) :op1 (u_7781 / purchase-01 :ARG1 (u_7782 / radar :mod (u_7776 / fly-01))) :ARG1-of (u_7775 / have-03)) :snt1 (u_7800 / need-01 :ARG1 (u_7818 / promote-01 :ARG1 (u_7819 / thing :mod (u_7799 / good))) :mod (u_7801 / also)) :snt4 (u_7808 / multi-sentence :snt2 (u_7816 / wish-01 :ARG1 (u_7806 / life :mod (u_7804 / happy)) :ARG2 (c / thank-01 :ARG2 (u_7814 / finish-01 :ARG1 (u_7815 / read-01))) :ARG0 (u_7807 / i)) :snt1 (u_7812 / know-01 :ARG0 (e / you :ARG0-of (f / enjoy-01 :ARG1 (u_7813 / live-01) :instrument (t / radar :mod (u_7810 / big :compared-to (c3 / bowl)) :mod (u_7809 / fly-01)) :manner (c2 / good :degree (m / more)) :ARG1-of u_7812)) :mod (u_7811 / certain) :beneficiary (a / person :ARG1-of (d / smart-06)))) :snt5 (u_7797 / you) :time (u_7786 / once) :op1-of (u_7817 / and :op2 (u_7783 / product :mod (g / late :degree (u_7774 / most)) :mod (u_7772 / technology))) :ARG1-of (u_7785 / contact-01 :year 514194237)) + +(a / and :op1 (u_7822 / love-01 :ARG1 (n / name :poss (u_7823 / we) :op1 "China")) :op2 (d / boycott-01 :ARG1 (e / good :mod (c2 / country :name (n3 / name :op1 "Japan") :wiki "Japan")))) + +(a / _ :op1 (n3 / incompetence :polarity - :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China")))) :op2 (e / collapse-01 :time (a2 / or :op2 (u_7825 / late) :op1 (u_7824 / soon)))) + +(a / and :op2 (f / make-02 :ARG1 (c4 / country :name (n2 / name :op1 "Japan") :wiki "Japan") :time (b / after :op1 (n5 / now) :quant (t2 / temporal-quantity :unit (u_7829 / year) :quant 1)) :mod (u_7828 / flat) :ARG0 (e / i :ARG2-of (c / give-01 :mode "imperative" :ARG0 (y / you) :ARG1 (u_7830 / soldier :mod (u_7826 / elite) :quant (a2 / 1000)) :op1-of a)))) + +(a / and :op2 (f / bully-01 :ARG1 (u_7837 / other) :mod (u_7833 / as-usual) :mod (u_7834 / still) :ARG0 (e / you :ARG0-of (u_7836 / say-01 :ARG1 (u_7835 / word :mod (u_7831 / good)) :op1-of a))) :quant (a2 / nobody) :concession (t3 / _ :degree-of (d / exercise-01 :ARG1 (u_7832 / forbearance))) :topic (c3 / country :name (n4 / name :op1 "China") :wiki "China")) + +(m / multi-sentence :snt2 (f / say-01 :ARG1 (u_7848 / stand-01 :ARG2 (u_7845 / war-01) :mod (u_7844 / frontline :mod (u_7843 / very))) :ARG0 (e / he)) :snt3 (u_7847 / war) :snt1 (p3 / veteran :domain (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / husband)))) :ARG1-of (u_7840 / _ :ARG2 (u_7842 / die-01 :location (h / field :mod (u_7838 / war)) :manner (u_7841 / live-01 :location (u_7839 / degradation))))) + +(m / multi-sentence :snt4 (u_7852 / _ :mode (u_7859 / interrogative)) :snt2 (c / contrast-01 :ARG2 (f / say-01 :ARG1 (u_7858 / mess-up-02 :polarity - :quant (a2 / bit)) :ARG0 (u_7853 / some)) :ARG1 (d / say-01 :ARG1 (e / some) :time (u_7856 / now)) :ARG1-of (u_7857 / seem-01 :polarity (u_7854 / _) :mod (u_7855 / um))) :snt3 (a / or :op2 (u_7860 / talk-01 :ARG1 (u_7861 / matter :topic (u_7850 / develop-02)) :time (u_7851 / first))) :snt1 (p3 / we :domain (i / island :name (n / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands")) :mode (u_7849 / interrogative)) + +(h / do-02 :mode "imperative" :ARG1 (u_7870 / this) :ARG0 (e / _) :mode (u_7862 / interrogative) :mod (u_7863 / we) :mod (u_7864 / amr-unknown) :mod (u_7865 / amr-unknown) :polite (explicitanon1 / listen-01 :mod (u_7868 / again :mod (u_7866 / once)) :manner (u_7867 / careful)) :mode (u_7869 / interrogative) :ARG1-of (d / _) :ARG2-of (c / _ :ARG1 (i / island :name (n / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands"))) + +(m / _ :snt2 (u_7876 / or) :snt3 (o / and :op2 (e / shout-01) :op3 (u_7881 / shout-01) :op1 (u_7880 / hurry-01)) :snt1 (u_7882 / you) :mod (u_7874 / person) :mode (u_7875 / expressive) :mod (u_7877 / oh) :ARG1-of (h / say-01 :mode "imperative" :ARG0 (n / it :poss (u_7873 / he)) :mode (u_7871 / interrogative) :mode (u_7872 / interrogative)) :op1-of (u_7883 / and :op2 (u_7879 / hurry-01) :op3 (u_7878 / say-01)) :ARG1-of (f / you :ARG0 (i / island :name (u_7884 / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands"))) + +(m / _ :snt2 (o / _ :op2 (u_7891 / run-02 :manner (c / fast)) :op3 (t / shout-01 :mode "imperative" :ARG0 (y / you) :polarity - :degree (l / anymore :mod (u_7898 / _))) :op1 (u_7899 / beat-03 :ARG1 (u_7900 / shout-01 :ARG0 (u_7887 / whoever)) :ARG0 (u_7890 / run-02 :mode (u_7889 / imperative) :ARG0 (u_7892 / you)) :mod (u_7885 / again))) :snt1 (p / see-01 :ARG0 (e / you) :mod (u_7893 / ah) :ARG0-of (u_7896 / see-01 :ARG1 (u_7894 / start-01 :ARG0 (u_7897 / they :ARG0-of (f / catch-up-04 :ARG1 (u_7895 / person) :ARG1-of u_7894))))) :mode (u_7901 / expressive)) + +(u_7904 / contrast-01 :ARG2 (d / discuss-01 :ARG1 (u_7906 / matter :mod (u_7902 / this)) :manner (c / fashion :mod (u_7903 / gentlemanly))) :ARG1 (f / ask-01 :ARG1 (i / island :name (n / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands") :ARG0 (e / i) :mod (u_7905 / again)) :mode "and" :ARG0-of (g / shout-01 :mode (u_7908 / imperative) :manner (u_7909 / loud) :polarity -)) + +(m / multi-sentence :snt3 (u_7911 / misunderstand-01) :snt2 (d / exist-01 :ARG1 (i / island :name (n / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands") :time (e / ever) :polarity -) :snt1 (p / explain-01 :ARG0 (u_7910 / bit)) :snt4 (u_7916 / misunderstand-01 :ARG1 (u_7917 / this)) :snt5 (u_7912 / misunderstand-01 :mode (u_7915 / heh)) :mode (u_7913 / expressive) :mod (u_7914 / oh)) + +(c / recommend-01 :ARG2 (d / call-01 :ARG1 (e / it)) :ARG1 (i / island :name (n / name :op1 "Senkaku" :op2 "Islands") :wiki -) :mod (u_7929 / good :mod (u_7918 / good)) :ARG1-of (u_7928 / call-01 :ARG1-of (u_7920 / call-01 :ARG2 (u_7921 / island :name (u_7927 / name :op1 "Senkaku" :op2 "Islands") :wiki -))) :ARG0-of (f / cause-01 :ARG1 (u_7922 / seem-01 :ARG1 (u_7923 / exist-01 :ARG1 (p / issue-02 :ARG0 (u_7925 / island :name (u_7926 / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands")) :mod (u_7924 / _) :degree (l / more) :polarity -)))) + +(m / call-01 :ARG1 (e / they) :ARG2 (i / island :name (n / name :op1 "Senkaku" :op2 "Islands") :wiki -) :ARG0 (d / solve-01 :ARG1 (p6 / province :name (u_7935 / name :op1 "Diaoyu") :wiki -) :manner (c / wise)) :mod (u_7931 / just) :mod (u_7934 / cheer) :ARG1-of (f / _ :ARG0 (u_7933 / matter :name (n2 / name :op1 "Senkaku" :op2 "Islands") :mod (u_7932 / ah) :wiki -))) + +(c / _ :ARG2 (u_7941 / ending :ARG1-of (d / complete-02)) :ARG1 (e / it) :manner (u_7939 / atmosphere :mod (u_7940 / joyful) :mod (u_7936 / peaceful) :mod (u_7937 / friendly-01) :mod (u_7938 / harmonious))) + +(m / multi-sentence :snt2 (a / and :op1 (u_7950 / gather-02 :polarity -) :op2 (u_7944 / watch-01 :degree (u_7951 / anymore :mod (u_7943 / _)))) :snt3 (d / change-01 :ARG1 (e / thing :ARG1-of (f / decide-01 :ARG0 (u_7946 / nature))) :mode "interrogative" :degree (l / anymore :mod (u_7947 / _)) :polarity -) :snt1 (u_7945 / amr-unknown) :ARG0-of (p / shout-01 :mod (u_7942 / again) :location (h / outside)) :op1-of (u_7952 / multi-sentence :op2 (u_7953 / disperse :quant (a2 / all))) :ARG0-of (g / go-02 :mode (u_7954 / imperative))) + +(m / multi-sentence :snt3 (u_7963 / _ :ARG1 (u_7964 / country :mod (u_7959 / big) :ARG0-of (u_7968 / responsible-02))) :snt2 (d / possible-01 :ARG1 (p / speak-01 :ARG0 (u_7971 / we)) :manner (c / amr-unknown)) :snt1 (p3 / good :domain (e / that) :polarity -) :snt4 (u_7960 / manner :ARG1-of (n3 / trust-01 :polarity - :mod (u_7957 / such))) :snt5 (u_7969 / important :domain (u_7966 / develop-02 :ARG1 (u_7967 / economy)) :ARG1-of (u_7961 / override-01)) :op1-of (a / _ :op2 (s / mention-01 :mode (u_7970 / imperative) :ARG0 (y / you) :ARG1 (u_7958 / matter) :polarity - :mod (u_7956 / again)))) + +(m / _ :snt2 (o / and :op2 (u_7978 / have-03 :ARG1 (d / move-01 :ARG1 (u_7990 / police :mod (u_7977 / plainclothes)))) :op3 (u_7980 / disperse-01 :mod (u_7973 / uh) :mode (u_7988 / interrogative) :polarity - :mod (u_7975 / still) :ARG1-of (u_7979 / okay-01)) :op1 (u_7976 / call-02 :ARG1 (u_7991 / person :name (n / 110))) :ARG1-of (u_7989 / get-05 :ARG2 (u_7982 / out) :ARG1-of (u_7981 / okay-01)) :ARG0-of (u_7983 / go-02 :polarity -)) :snt3 (e / it) :snt1 (c / cause-01 :ARG0 (a2 / amr-unknown) :ARG1 (p / leave-11 :ARG0 (u_7998 / you) :polarity - :mod (u_7987 / still))) :mod (u_7986 / right) :mode (u_8001 / interrogative) :op1-of (a / _ :op2 (u_7992 / fire-01 :ARG0 (h / pull-out-02 :mode (u_7993 / imperative) :ARG1 (m2 / military :name (n2 / name :op1 "Third" :op2 "Artillery" :op3 "Troops") :wiki -) :ARG0 (u_7994 / i)))) :ARG1-of (u_7996 / _ :ARG2 (u_7995 / person :quant (u_7997 / all))) :ARG0-of (f / _ :ARG1 (u_8000 / army :mod (u_7999 / steel))) :ARG1-of (g / come-on-25 :mode "imperative" :condition (s / work-09 :polarity -)) :ARG0-of (u_8011 / have-condition-91 :ARG1 (u_8007 / seem-01 :ARG1 (u_8005 / work-09 :ARG1 (u_8010 / weapon :mod (u_8003 / police) :polarity - :mod (u_8004 / real) :ARG1-of (u_8009 / arm-01)) :polarity -)))) + +(s / sweep-06 :mode (u_8017 / imperative) :ARG0 (y / you) :ARG1 (m / _ :snt2 (e / clean-up-02 :ARG0-of (f / welcome-01 :ARG1 (u_8015 / dawn-01 :mod (u_8014 / next)))) :snt1 (h / sweep-06 :mode "imperative" :ARG1 (u_8016 / floor) :ARG0 (u_8012 / we) :location (u_8013 / floor))) :time (u_8018 / about-to)) + +(u_8045 / multi-sentence :snt4 (m / multi-sentence :snt4 (e / dammit) :snt2 (u_8034 / believe-01 :ARG1 (f / protest-01 :ARG1 (u_8037 / person :mod (u_8028 / ordinary) :mod (u_8029 / any) :mod (c2 / country :name (n3 / name :op1 "Japan") :wiki "Japan") :mod (u_8030 / damn) :ARG0-of (p / support-01 :polarity - :polarity -)) :ARG0 (n / zf :poss (u_8032 / we)) :mod (u_8027 / oh :mod (u_8026 / amr-unknown :time (u_8025 / now)))) :ARG0 (u_8033 / i)) :snt3 (u_8039 / make-01 :ARG1 (d / fists-01 :ARG1 (u_8042 / person :mod (u_8038 / ordinary) :quant (a2 / all)))) :snt1 (u_8040 / charge-05 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country-region :name (n2 / name :op1 "Manchu") :wiki "Manchuria"))) :mod (u_8041 / still) :manner (r2 / hold-01 :ARG1 (u_8036 / knife :mod (u_8035 / kitchen))))) :snt2 (u_8019 / multi-sentence) :snt3 (u_8021 / time :mode (u_8043 / interrogative) :mod (u_8022 / hey) :time-of (u_8044 / wake-up-02)) :snt1 (u_8024 / it) :mode (u_8023 / multi-sentence) :mode (u_8020 / expressive)) + +(o / _ :op2 (u_8054 / improve-01 :ARG1 (a / and :op1 (u_8046 / environment :ARG0-of (u_8053 / work-01)) :op2 (u_8055 / mechanism))) :op3 (f / recruit-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG0 (u_8058 / professional :mod (u_8048 / IT) :quant (m / multiple :op1 "_") :ARG1-of (u_8057 / linger-01) :ARG0-of (p / emigrate-01 :location (a2 / and :op1 (u_8052 / country :name (u_8051 / name :op1 "United" :op2 "States") :wiki "United_States") :op2 (c / around :op1 (u_8049 / world))))) :direction (s / back)) :op1 (u_8056 / establish-01 :ARG1 (e / fund :ARG1-of (d / guarantee-01)) :li (x / 1)) :quant (u_8060 / multiple :op1 (u_8059 / _))) + +(u_8062 / create-01 :ARG1 (e / group :quant (a2 / few :ARG1-of (d / power-01)) :purpose (t2 / battle-01) :consist-of (c / carrier :mod (u_8061 / aircraft))) :li (x / 2)) + +(u_8066 / manufacture-01 :ARG1 (e / aircraft :quant (a2 / 5000) :mod (u_8064 / kind :mod (u_8063 / various)) :mod (u_8065 / combat-01) :ARG1-of (d / advance-02)) :li (x / 3)) + +(u_8078 / accelerate-01 :ARG1 (a / and :op2 (u_8077 / deploy-01 :ARG1 (e / missile :mod (u_8068 / intercontinental) :mod (u_8069 / ballistic) :mod (u_8070 / speed) :ARG0-of (f / break-01 :ARG1 (u_8072 / system :ARG0-of (a2 / defend-01 :ARG2 (u_8071 / missile))) :ARG1-of (d / possible-01)) :ARG1-of (u_8073 / range-01 :ARG2 (c / more-than :op1 (u_8075 / distance-quantity :unit (m2 / mile) :mod (u_8076 / navigation)) :quant 10000)) :ARG1-of (u_8067 / research-01 :op1-of a)))) :li (x / 4) :ARG1-of (u_8079 / high-02) :ARG1-of (u_8080 / _)) + +(a / and :op1 (u_8083 / resume-01 :ARG1 (u_8084 / experiment-01 :mod (u_8081 / nucleus))) :op2 (d / establish-01 :ARG1 (e / force :location (h / space) :mod (u_8082 / military))) :li (x / 5)) + +(u_8094 / and :op1 (d / retain-01 :ARG1 (u_8095 / bomb :mod (u_8086 / nucleus) :quant 1000 :ARG1-of (c / equal-01 :ARG2 (u_8085 / name :quant (m / mass-quantity :unit (t / ton) :quant (u_8093 / _)) :op1 "TNT")))) :op2 (f / install-01 :ARG1 (e / missile :quant (a2 / all) :mod (u_8090 / middle-range) :op1-of (a / and :op2 (u_8089 / short))) :ARG0 (u_8091 / warhead :mod (u_8088 / nucleus)) :time (u_8092 / need-01)) :li (x / 6)) + +(d / retain-01 :ARG1 (e / submarine :mod (u_8100 / nucleus) :mod (u_8101 / strategy) :quant 30 :ARG1-of (u_8098 / capable-01 :ARG2 (f / inflict-01 :ARG1 (u_8097 / strike-01 :ARG0 (p / person :ARG0-of (h2 / have-rel-role-91 :ARG2 (c / enemy))) :mod (u_8099 / devastate-01) :mod (u_8096 / nucleus) :quant (a2 / 3)) :ARG0 e))) :li (x / 7)) + +(u_8105 / abandon-01 :ARG1 (c / commit-01 :ARG2 (d / use-01 :ARG1 (e / weapon :mod (u_8103 / nucleus)) :time (u_8104 / first) :polarity -)) :li (x / 8)) + +(d / retain-01 :ARG1 (c / right-05 :ARG2 (e / strike-01 :mod (u_8106 / pre-emptive)) :time (s3 / threaten-01 :ARG1 (u_8108 / security :mod (u_8107 / nation)))) :li (x / 9)) + +(c / contrast-01 :ARG2 (f / think-01 :ARG1 (d / strong-02 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :degree (l / very)) :ARG0 (u_8117 / amr-unknown :topic (u_8109 / money)) :mod (u_8110 / real) :mode "interrogative") :ARG1 (e / you) :ARG1-of (u_8114 / matter-01 :condition (u_8116 / open-01 :ARG1 (u_8111 / mouth) :ARG0 (u_8115 / you)) :degree (u_8112 / much) :polarity -)) + +(n3 / incompetence :polarity - :ARG1 (g / government-organization :ARG0-of (g2 / govern-01)) :mod (e / _ :mod (u_8118 / this))) + +(a / and :op2 (u_8121 / occupy-01 :ARG1 (n / island :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (e / sacred) :name (u_8120 / name :op1 "Diaoyu" :op2 "Islands") :wiki "Senkaku_Islands" :ARG1-of (d / open-04) :ARG0-of (l / defy-01 :ARG1 (p / opine-01 :ARG0 (u_8122 / world)) :manner-of a) :ARG1-of (u_8119 / invade-01 :op1-of a)))) + +(m / multi-sentence :snt4 (u_8131 / we) :snt2 (u_8126 / want-01 :ARG0 (u_8128 / we :ARG0-of (u_8125 / bother-02 :ARG1 (f / argue-01 :ARG1 (u_8129 / like-01 :ARG1 (u_8127 / country :mod (u_8123 / _) :mod (u_8124 / small))) :ARG0 u_8128) :ARG1-of u_8126)) :polarity -) :snt3 (e / disgust-01 :mod (u_8130 / really)) :snt1 (p3 / country :domain (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (d / govern-01 :manner (c / protocol)))) + +(f / byline-91 :ARG1 (p / person :name (n / name :op1 "Jierong" :op2 "Zhou") :wiki - :ARG0-of (u_8132 / report-01)) :ARG0 (p4 / publication :name (n4 / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :location (c2 / city :name (u_8133 / name :op1 "Shanghai") :wiki "Shanghai") :time (d2 / date-entity :day 31 :month 8)) + +(a / and :op2 (m / leave-11 :ARG1 (c / city :name (n3 / name :op1 "Shanghai") :wiki "Shanghai") :ARG2 (u_8134 / city :name (u_8135 / name :op1 "Tokyo") :wiki "Tokyo") :ARG0 (p / person :name (n / name :op1 "Anwar") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Malaysia") :wiki "Malaysia") :ARG2 (d / minister :mod (e / vice-prime))) :ARG0-of (u_8137 / end-01 :ARG1 (f / visit-01 :ARG1 (u_8140 / country :name (u_8138 / name :op1 "China") :wiki "China") :ARG0 p :time (u_8139 / afternoon :mod (u_8136 / this))) :op1-of a)))) + +(a / arrive-01 :ARG4 (c / city :name (n3 / name :op1 "Shanghai") :wiki "Shanghai") :ARG1 (p / person :name (n / name :op1 "Anwar") :wiki -) :source (c2 / city :name (n2 / name :op1 "Nanjing") :wiki "Nanjing") :dayperiod (a2 / afternoon :time (e / yesterday))) + +(a2 / and :op2 (m / invite-01 :ARG1 (a / and :op1 (u_8144 / person :name (u_8150 / name :op1 "Anwar") :wiki -) :op2 (u_8149 / delegation)) :ARG2 (u_8142 / banquet) :ARG0 (e / person :ARG0-of (u_8148 / meeting-03 :op1-of a2))) :manner-of (f / represent-01 :ARG1 (u_8146 / person :name (u_8147 / name :op1 "Ju" :op2 "Huang") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / mayor))) :ARG0 (p / person :name (n / name :op1 "Qizheng" :op2 "Zhao") :wiki -) :time (u_8151 / night :mod (u_8145 / last)) :ARG0-of (h / have-org-role-91 :ARG1 (c / city :name (n3 / name :op1 "Shanghai") :wiki "Shanghai") :ARG2 (d / vice-mayor)))) + +(a / and :op2 (u_8159 / tour-01 :ARG1 (u_8166 / district :poss (c / city :name (n3 / name :op1 "Pudong") :wiki -) :location (c2 / city :name (u_8158 / name :op1 "Jingqiao") :wiki -) :ARG0-of (f / process-01 :ARG1 (e / export-01))) :time (u_8160 / after) :ARG0 (p / person :name (n / name :op1 "Anwar") :wiki - :ARG0-of (u_8163 / attend-01 :ARG1 (u_8164 / ceremony :poss (u_8161 / enterprise :mod (u_8155 / venture :mod (u_8154 / joint)) :name (n2 / name :op1 "Minhang" :op2 "China") :mod (u_8165 / country :name (u_8162 / name :op1 "Malaysia") :wiki "Malaysia") :wiki -) :mod (u_8156 / lay-01) :mod (u_8153 / found-01)) :op1-of a))) :time (u_8157 / morning :mod (u_8152 / this))) + +(e / end-01) + +(b / byline-91 :ARG0 (p / publication :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :time (d2 / date-entity :month 9 :day 1) :location (c2 / city :name (u_8167 / name :op1 "Beijing") :wiki "Beijing")) + +(m / say-01 :ARG1 (o / and :op3 (p / unchanging-01 :ARG0 (n / policy :poss (g / government-organization :ARG0-of (g2 / govern-01)) :domain-of (p3 / consistent-01 :op1-of o) :ARG1-of (d / firm :op2-of o))) :ARG1-of (u_8185 / accord-02 :ARG2 (e / policy))) :ARG2 (u_8190 / and :op2 (u_8177 / law :mod (u_8176 / basic)) :op3 (u_8179 / system :quant 2) :op1 (u_8187 / country :quant (a2 / 1)) :ARG0-of (u_8191 / regulate-01 :time (u_8180 / declare-02 :ARG0 (c4 / country :name (n2 / name :op1 "Portugal") :wiki "Portugal") :mod (u_8181 / joint)))) :time (s3 / meet-03 :time (u_8168 / today) :location (u_8171 / here) :ARG1 (u_8183 / person :name (u_8189 / name :op1 "State" :op2 "Council" :op3 "Peng" :op4 "Li") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (u_8188 / governor :ARG2-of (h2 / have-org-role-91 :ARG0 (i / island :name (u_8169 / name :op1 "Macao" :op2 "Viera") :wiki -))) :ARG2 (u_8186 / premier)) :ARG0-of m)) :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :manner (u_8184 / _ :op1 (u_8175 / maintain-01 :ARG1 (a / and :op1 (u_8182 / stability) :op2 (u_8173 / develop-02))) :op2 (u_8174 / strict))) + +(u_8193 / express-01 :ARG0 (p / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng" :ARG0-of (f / welcome-01 :ARG1 (u_8192 / visit-01 :ARG0 (u_8194 / person :name (u_8195 / name :op1 "Viera") :wiki -) :time (e / periodic)) :ARG1-of u_8193))) + +(f / say-01 :ARG1 (d / develop-02 :ARG1 (m / relation-03 :ARG1 (c4 / country :name (n2 / name :op1 "Portugal") :wiki "Portugal") :ARG2 (u_8206 / country :name (u_8207 / name :op1 "China") :wiki "China") :ARG0 (u_8210 / country) :mod (u_8204 / friendly) :location (h / arena :mod (u_8205 / various)) :mod (a / co-operative :polarity -)) :time (u_8208 / year :mod (u_8202 / recent)) :ARG1-of (u_8203 / continue-01)) :ARG0 (e / he) :ARG0-of (u_8199 / increase-01 :ARG1 (u_8201 / visit-01 :ARG1 (u_8209 / and) :ARG0 (p2 / person :mod (u_8197 / level :mod (u_8196 / top)) :ARG0-of (t / lead-02)) :mod (u_8198 / mutual)) :mod (u_8200 / also))) + +(u_8222 / and :op2 (u_8216 / visit-01 :ARG1 (u_8217 / country :name (u_8215 / name :op1 "China") :wiki "China") :name (u_8211 / name :op1 "Shewar" :ARG0-of (u_8225 / have-org-role-91 :ARG2 (u_8224 / minister :mod (u_8223 / prime)))) :time (d2 / date-entity :month 4 :mod (u_8213 / year :mod (u_8212 / this))) :ARG0 (a / and :op1 (u_8218 / person :name (u_8221 / name :op1 "Zemin" :op2 "Jiang") :wiki "Jiang_Zemin" :ARG0-of (u_8220 / have-org-role-91 :ARG2 (u_8219 / president))) :op2 (p / person :name (n / name :op1 "Yiren" :op2 "Rong") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / president :mod (e / vice)))) :quant (a2 / all) :ARG0-of (f / visit-01 :ARG1 (c4 / country :name (n2 / name :op1 "Portugal") :wiki "Portugal") :op1-of u_8222)) :wiki -)) + +(u_8232 / say-01 :ARG1 (f / establish-01 :ARG1 (d / found-01 :ARG1 (u_8229 / cooperate-01 :ARG2 (p / issue-02 :ARG0 (c / city :name (n3 / name :op1 "Macao") :wiki "Macau")))) :ARG0 (u_8230 / develop-02 :ARG1 (m / relation-03 :ARG1 (u_8227 / country :name (u_8228 / name :op1 "Portugal") :wiki "Portugal") :ARG2 (e / bilateral) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG1-of (u_8226 / smooth-04))) :ARG0 (u_8231 / he)) + +(f / point-out-02 :ARG1 (r / component :domain (u_8235 / issue-02 :ARG0 (c / city :name (n3 / name :op1 "Macao") :wiki "Macau")) :poss (a2 / relation-03 :ARG0 (u_8233 / country :name (u_8234 / name :op1 "China") :wiki "China") :ARG2 (c4 / country :name (n2 / name :op1 "Portugal") :wiki "Portugal")) :mod (e / important)) :ARG0 (p / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng")) + +(f / benefit-01 :ARG1 (a / and :op1 (u_8237 / stability :mod (u_8236 / society)) :op2 (u_8244 / develop-02 :ARG1 (u_8245 / economy))) :ARG0 (d / maintain-01 :ARG1 (p / relation-03 :ARG0 (e / country :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :mod (u_8242 / country :name (u_8241 / name :op1 "Portugal") :wiki "Portugal") :quant (a2 / 2)) :mod (u_8243 / good-02))) :op1-of (u_8238 / _ :op2 (u_8239 / and :op1 (u_8240 / inland) :op2 (c / city :name (u_8246 / name :op1 "Macao") :wiki "Macau")))) + +(m / say-01 :ARG1 (d / _ :ARG1 (u_8256 / side :mod (u_8248 / both)) :time (u_8249 / since)) :ARG2 (u_8254 / _ :ARG1 (e / effect) :ARG0 (f / declare-02 :ARG1 (c4 / country :name (n2 / name :op1 "Portugal") :wiki "Portugal") :ARG0 (u_8252 / country :name (u_8253 / name :op1 "China") :wiki "China") :mod (u_8255 / joint))) :ARG0 (p / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng") :ARG0-of (u_8257 / work-01 :quant (a2 / lot :degree (l / quite)) :ARG1 (u_8250 / implement-01 :manner (c / thorough) :ARG1 m) :op1-of (a / and :op2 (u_8247 / effective-04 :ARG0 m)))) + +(u_8278 / resolve-01 :ARG1 (u_8277 / degree) :ARG0 (e / issue-02 :quant (a2 / many) :ARG0-of (f / concern-01 :ARG1 (u_8276 / _ :mod (u_8274 / _)) :mod (u_8275 / mutual))) :time (u_8273 / year :mod (u_8258 / recent)) :condition (p / effort :poss (u_8261 / side :mod (u_8259 / _)) :mod (u_8260 / joint)) :ARG0-of (u_8270 / achieve-01 :ARG1 (u_8264 / progress-01 :ARG1 (u_8272 / issue-02 :ARG0 (u_8271 / and :op2 (p2 / person :mod (u_8263 / civil) :ARG0-of (t / serve-02)) :op3 (u_8262 / law) :op1 (u_8269 / language)) :quant 3 :ARG1-of (d / major-02)) :mod (u_8265 / various)) :time (l2 / period :mod (u_8267 / transition-01) :part-of (u_8268 / city :name (n3 / name :op1 "Macao") :wiki "Macau")))) + +(u_8288 / say-01 :ARG1 (u_8285 / hope-01 :ARG1 (u_8284 / continue-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / city :name (n2 / name :op1 "Macao") :wiki "Macau")) :ARG0-of (f / attend-02 :ARG1 (u_8286 / problem :mod (u_8282 / this) :quant (a2 / 3)) :ARG1-of u_8284)) :purpose (l2 / achieve-01 :ARG1 (u_8283 / resolution :mod (u_8280 / proper) :mod (u_8281 / final)))) :ARG0 (e / we)) :ARG0 (u_8287 / he)) + +(u_8294 / say-01 :ARG1 (u_8291 / _ :ARG0 (p / person :name (n / name :op1 "Viera") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / governor)) :ARG0-of (f / work-01 :ARG1 (d / resolve-01 :ARG1 (u_8292 / issue-02 :ARG0 (c / city :name (n3 / name :op1 "Macao") :wiki "Macau")) :ARG1-of (u_8289 / smooth-04)) :quant (a2 / lot) :ARG0-of (u_8290 / benefit-01) :ARG1-of u_8291))) :ARG0 (u_8293 / person :name (u_8295 / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng") :purpose (l / express-01 :ARG0 (e / we :ARG0-of (u_8296 / appreciation-01 :ARG1-of l)))) + +(u_8304 / emphasize-01 :ARG1 (a / and :op1 (f / work-01 :ARG1 (p / issue-02 :ARG0 (c / city :name (u_8299 / name :op1 "Macao") :wiki "Macau")) :ARG0 (e / side :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :mod (u_8298 / country :name (u_8297 / name :op1 "Portuguese") :wiki -)) :mod (u_8300 / still) :quant (a2 / lot)) :op2 (p3 / important :domain (u_8301 / mission) :degree (l / very))) :time (s3 / approach-02 :time (d / date-entity :year 1999) :ARG1 (u_8302 / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng" :ARG0-of u_8304)) :mod (u_8303 / also)) + +(d / recommend-01 :ARG1 (f / resolve-01 :ARG1 (u_8309 / issue-02 :mod (u_8305 / outstanding)) :ARG0 (e / side :mod (u_8308 / both)) :prep-in (i2 / spirit :poss (u_8307 / consult-01 :mod (u_8306 / friendly))))) + +(u_8322 / hope-01 :ARG1 (u_8321 / strengthen-01 :ARG1 (a / and :op1 (u_8320 / consult-01) :op2 (u_8323 / side :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :topic (i / issue-02 :ARG0 (u_8318 / and :op1 (u_8319 / transition-01 :ARG1-of (d / stable-03)) :op2 (u_8312 / hand-over-02 :ARG1 (u_8313 / power :mod (u_8311 / politics)) :ARG1-of (u_8310 / smooth-04))) :ARG1-of (u_8314 / major-02) :ARG0-of (f / benefit-01 :ARG1 (u_8316 / and :op1 (u_8315 / stability) :op2 (u_8317 / develop-02))))) :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / city :name (n2 / name :op1 "Macao") :wiki "Macau"))) :degree (l / further) :ARG2-of (a2 / cooperate-01 :ARG0 u_8322)) :ARG0 (e / he)) + +(u_8337 / say-01 :ARG1 (f / believe-01 :ARG1 (u_8332 / realize-02 :ARG1 (a / and :op1 (p / transition-01 :ARG0 (u_8333 / side :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :mod (u_8329 / country :name (u_8328 / name :op1 "Portuguese") :wiki -)) :ARG1-of (d / stable-03)) :op2 (u_8330 / hand-over-02 :ARG1 (u_8331 / power :mod (u_8327 / politics)) :ARG1-of (u_8326 / smooth-04))) :manner (c / definite)) :ARG0 (e / we)) :ARG0 (u_8334 / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng") :op1-of (u_8335 / and :op2 (u_8336 / effort :mod (u_8324 / joint) :manner (u_8325 / friendly)))) + +(u_8346 / and :op2 (u_8345 / assess-01 :ARG1 (u_8354 / contribute-01 :ARG1 (a / and :op1 (u_8353 / develop-02 :ARG1 (u_8357 / relation-03 :ARG0 (c4 / country :name (n2 / name :op1 "Portugal") :wiki "Portugal"))) :op2 (u_8340 / resolve-01 :ARG1 (u_8339 / issue-02 :ARG0 (c / city :name (n3 / name :op1 "Macao") :wiki "Macau")))) :ARG0 (u_8343 / and :op1 (u_8355 / government-organization :ARG0-of (g2 / govern-01 :ARG1 (u_8342 / country :name (u_8344 / name :op1 "China") :wiki "China"))) :op2 (u_8341 / person :name (u_8356 / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng")) :mod (e / important)) :degree (l / high) :ARG0 (p / person :name (n / name :op1 "Viera") :wiki - :ARG0-of (f / recall-02 :ARG1 (u_8352 / meet-03 :ARG0 (u_8359 / person :name (u_8358 / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng" :ARG0-of (h2 / have-org-role-91 :ARG2 (g / premier))) :quant (a2 / 2) :time (u_8351 / and :op2 (u_8349 / date-entity :year 1992) :op1 (d / date-entity :year 1991))) :manner (u_8348 / happy) :op1-of u_8346))) :ARG0-of (u_8361 / have-org-role-91 :ARG2 (u_8360 / premier))) + +(a / and :op2 (u_8371 / express-01 :ARG1 (u_8365 / understand-01 :ARG1 (u_8364 / need-01 :ARG1 (u_8363 / carry-out-03 :ARG1 (u_8370 / build-up-05 :ARG1 (e / modernize-01)) :manner (c / situation :ARG1-of (u_8362 / stable-03)))) :ARG1-of (u_8366 / complete-02)) :ARG0 (p / person :name (n / name :op1 "Viera") :wiki - :ARG0-of (u_8369 / glad-02 :ARG1 (u_8368 / see-01 :ARG1 (f / achieve-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :ARG1-of (d / progress-01 :degree (l / great) :ARG1-of f))) :ARG0 p) :op1-of a) :ARG0-of (u_8367 / say-01 :ARG1 a))) :topic (u_8375 / area :mod (u_8374 / life :mod (u_8372 / economy) :mod (u_8373 / society)))) + +(u_8388 / say-01 :ARG1 (u_8381 / and :op1 (f / benefit-01 :ARG1 (u_8384 / and :op1 (u_8383 / peace :mod (u_8382 / world)) :op2 (u_8389 / develop-02)) :ARG0 (a / and :op2 (d / develop-02 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China" :domain-of (p3 / stability :op1-of a))))) :op2 (u_8387 / guarantee-01 :ARG1 (u_8379 / and :op1 (u_8376 / prosper-01) :op2 (u_8380 / stability)) :ARG0 (u_8385 / and :op1 (u_8386 / prosper-01) :op2 (u_8378 / stability)) :mod (u_8377 / basic))) :ARG0 (e / he)) + +(u_8393 / continue-01 :ARG0 (a / and :op1 (e / he) :op2 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Portuguese") :wiki -))) :ARG0-of (f / _ :ARG1 (u_8395 / effort :purpose (u_8394 / and :op1 (u_8392 / develop-02 :ARG1-of (u_8391 / continue-01)) :op2 (d / resolve-01 :ARG1 (p / issue-02 :ARG0 (p6 / city :name (n / name :op1 "Macao") :wiki "Macau")) :ARG1-of (u_8390 / smooth-04)))) :ARG1-of u_8393))) + +(e / end-01) + +(b / byline-91 :ARG0 (p / publication :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :location (c2 / city :name (u_8396 / name :op1 "Bonn") :wiki "Bonn") :time (d2 / date-entity :month 4 :day 23)) + +(u_8398 / say-01 :ARG0 (p / person :name (n / name :op1 "Kinkerl") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Germany") :wiki "Germany") :ARG2 (d / minister :mod (e / foreign))) :ARG0-of (f / welcome-01 :ARG1 (a2 / ultimatum :ARG0 (m2 / military :name (u_8397 / name :op1 "NATO") :wiki "NATO") :ARG2 (u_8400 / country :mod (c2 / country :name (n3 / name :op1 "Serbia") :wiki "Serbia") :name (u_8399 / name :op1 "Bosnia-Herzegovina") :wiki "Bosnia_and_Herzegovina")) :ARG1-of u_8398))) + +(f / demand-01 :ARG1 (u_8405 / hold-04 :ARG1 (u_8403 / talk-01 :ARG1 (d / end-01 :ARG1 (e / war :mod (u_8402 / civil) :location (c / country :name (n / name :op1 "Bosnia-Herzegovina") :wiki "Bosnia_and_Herzegovina"))) :mod (u_8404 / new))) :ARG0 (u_8407 / he) :time (u_8401 / time :ARG1-of (u_8406 / same-01)) :mod (u_8408 / also)) + +(f / say-01 :ARG1 (a / and :op2 (d / need-01 :ARG1 (t2 / thing :ARG1-of (r / decide-01 :ARG0 (m2 / military :name (n2 / name :op1 "NATO") :wiki "NATO")) :ARG1-of (u_8409 / correct-02 :op1-of a)))) :ARG0 (p / person :name (n / name :op1 "Kinkerl") :wiki -)) + +(c / contrast-01 :ARG2 (u_8410 / need-01 :ARG1 (d / restart-01 :ARG1 (e / dialogue-01)) :mod (u_8411 / also) :prep-as (y / method :mod (u_8412 / auxiliary) :consist-of (r2 / measure-02 :ARG1 (u_8413 / military))))) + +(m / request-01 :ARG2 (o3 / organization :name (n3 / name :op1 "United" :op2 "Nations") :wiki "United_Nations" :ARG0-of (f / propose-01 :ARG1 (a2 / force-01 :ARG0 o3 :ARG2 (a / return-01 :ARG4 (u_8425 / table :mod (u_8418 / negotiate-01)) :ARG1 (u_8419 / party :mod (c2 / country :name (u_8427 / name :op1 "Bosnia-Herzegovina") :wiki "Bosnia_and_Herzegovina") :mod (u_8417 / both) :ARG0-of (p / war-01)))) :manner (u_8416 / joint) :mod (u_8420 / new) :ARG1-of (u_8421 / _ :ARG0 o3 :ARG1-of m))) :ARG0 (e / he) :op1-of (u_8422 / and :op4 (u_8414 / country :name (u_8415 / name :op1 "Russia") :wiki "Russia") :op2 (u_8426 / organization :name (u_8424 / name :op1 "European" :op2 "Union") :wiki "European_Union") :op3 (c4 / country :name (n2 / name :op1 "US") :wiki "United_States"))) + +(u_8434 / and :op2 (u_8449 / guarantee-01 :ARG1 (a / and :op2 (u_8428 / unhindered-01 :ARG0 (u_8447 / aid-01 :mod (u_8429 / humanitarian) :ARG0-of (p / unblock-01 :op1-of a)))) :ARG0 (m / ask-02 :ARG2 (n / force :poss (e / person :mod (c2 / country :name (n3 / name :op1 "Bosnia-Herzegovina") :wiki "Bosnia_and_Herzegovina")) :ARG1-of (d / arm-01) :ARG1-of (c / withdraw-01 :ARG2 (u_8438 / place :quant (u_8440 / distance-quantity :unit (f / kilometer) :quant 3)) :time (b / before :op1 (u_8436 / city :name (n2 / name :op1 "Gerlaridy") :wiki -) :time (u_8435 / "0:00" :month (explicitanon4 / 4 :day "24th"))) :ARG1-of m)) :ARG0 (u_8441 / country :mod (m2 / military :name (u_8442 / name :op1 "NATO") :wiki "NATO") :quant (a2 / sixteen)) :time (u_8443 / date-entity :day 22) :ARG1-of (u_8445 / go-08 :op1-of u_8434)) :ARG2-of (u_8444 / have-condition-91 :ARG1 (u_8431 / begin-01 :ARG0 (u_8448 / military :name (u_8446 / name :op1 "NATO") :wiki "NATO" :ARG0-of (u_8433 / strike-01 :ARG1 (u_8432 / army) :mod (u_8430 / air) :ARG1-of u_8431)))))) + +(e / end-01) + +(f / byline-91 :ARG1 (p / person :name (n / name :op1 "Jie" :op2 "Sun") :wiki - :ARG0-of (u_8450 / report-01)) :ARG0 (p4 / publication :name (n4 / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :time (d2 / date-entity :day 31 :month 8) :location (c2 / city :name (u_8451 / name :op1 "Beijing") :wiki "Beijing")) + +(f / accelerate-01 :ARG1 (d / pace-01 :ARG1 (c / open-up-03 :ARG2 (e / world :mod (u_8454 / outside)))) :ARG0 (n / industry :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (u_8455 / chemical)) :op1-of (a / and :op2 (u_8452 / stride-01 :ARG2 (u_8453 / world)))) + +(f / say-01 :ARG1 (c / _ :op1 (m / monetary-quantity :unit (d / dollar) :mod (c2 / country :name (n3 / us)))) :ARG0 (e / present-01 :source (g5 / government-organization :name (u_8456 / name :op1 "Ministry" :op2 "of" :op3 "Chemical" :op4 "Industry") :wiki -)) :quant (a2 / 300000000 :time (u_8457 / date-entity :year 1978)) :quant 50000000 :op1-of (u_8460 / and :op2 (a / and :op1 (u_8462 / import-01 :ARG1 (u_8459 / chemical)) :op2 (u_8463 / export-01) :location (u_8461 / country :name (n / name :op1 "China") :wiki "China") :mod (u_8458 / total-01))) :op1-of (o / and :op2 (u_8465 / reach-01 :ARG1 (u_8473 / monetary-quantity :unit (u_8471 / dollar)) :time (u_8472 / year :mod (u_8464 / last))) :op3 (u_8475 / enterprise :mod (u_8469 / chemical) :quant 30 :time (u_8470 / already) :ARG0-of (u_8476 / export-01 :ARG1 (u_8467 / exchange-01 :mod (u_8466 / foreign))) :ARG0-of (u_8468 / surpass-01 :ARG1 (u_8477 / monetary-quantity :unit (u_8474 / dollar)))))) + +(u_8500 / contrast-01 :ARG2 (a / and :op1 (u_8491 / export-01 :ARG2 (u_8507 / country :name (u_8504 / name :op1 "Indonesia") :wiki "Indonesia") :ARG1 (u_8506 / installation :mod (u_8486 / set :mod (u_8484 / double) :mod (u_8485 / equipment)) :ARG1-of (c / produce-01 :ARG2 (u_8490 / soda :mod (u_8487 / caustic) :mod (u_8489 / film :mod (u_8488 / ion))) :frequency (r / rate-entity-91 :ARG3 (t2 / temporal-quantity :unit (y / year) :quant (m / mass-quantity :unit (t / ton) :quant (a2 / 40000)))))) :manner (u_8492 / succeed-03)) :op2 (u_8483 / export-01 :ARG2 (u_8497 / country :name (u_8494 / name :op1 "Iran") :wiki "Iran") :ARG1 (u_8495 / set :mod (u_8482 / _) :ARG1-of (u_8505 / complete-02) :ARG1-of (u_8493 / produce-01 :ARG2 (u_8481 / carbonate :quant (u_8496 / mass-quantity :unit (u_8499 / ton) :quant 200000) :mod (u_8480 / sodium)))))) :ARG1 (p / break-through-26 :ARG0 (f / export-01 :ARG1 (u_8502 / set :mod (u_8501 / equipment :ARG1-of (d / complete-02))) :ARG0 (n / industry :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (e / chemical))) :mod (u_8503 / fractional)) :frequency (u_8508 / rate-entity-91 :ARG3 (u_8510 / temporal-quantity :unit (u_8509 / year)))) + +(u_8512 / progress-01 :ARG1 (d / export-01 :ARG1 (e / Technology)) :mod (u_8513 / also) :mod (u_8511 / new)) + +(u_8515 / reach-01 :ARG1 (e / 52) :ARG0 (d / export-01 :ARG1 (u_8516 / technology) :ARG1-of (f / provide-01 :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1-of (u_8514 / possible-01))) :time (u_8517 / current)) + +(u_8526 / say-01 :ARG1 (f / export-01 :ARG1 (e / technology :quant (m / more-than :op1 20)) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (b / before :op1 (n5 / now) :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 3)))) :ARG0 (o / and :op2 (u_8518 / absorb-01 :ARG1 (u_8519 / voltage :ARG1-of (d / vary-01))) :op3 (u_8523 / et-cetera) :op1 (u_8525 / solution :mod (u_8521 / peroxide :mod (u_8520 / hydrogen)) :mod (u_8522 / anthraquinone))) :mod (u_8528 / statistic :mod (u_8527 / complete-02))) + +(f / sign-02 :ARG0 (g / government-organization :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :name (n / name :op1 "Ministry" :op2 "of" :op3 "Chemical" :op4 "Industry") :wiki - :ARG1-of (c / agree-01 :ARG2 (e / corporation :mod (u_8531 / large) :mod (u_8532 / international) :quant (a2 / 15) :mod (u_8533 / chemical)) :ARG1-of f)) :time (l2 / half :ord (u_8530 / ordinal-entity :value 1) :part-of (u_8534 / year :mod (u_8529 / this)))) + +(u_8539 / and :op2 (c / use-01 :ARG2 (u_8541 / and :op2 (u_8537 / technology) :op3 (u_8540 / transform-01 :ARG1 (a / and :op1 (u_8538 / fertilizer :mod (u_8535 / chemical)) :op2 (u_8536 / petroleum))) :op1 (u_8545 / construct-01)) :ARG1 (e / capital :mod (u_8544 / foreign) :ARG1-of (f / absorb-01 :ARG0 (n / industry :poss (c4 / country :name (n2 / name :op1 "China") :wiki "China") :mod (u_8543 / chemical)) :manner (u_8542 / accumulate-01)) :ARG0-of (u_8546 / reach-01 :ARG1 (m / monetary-quantity :unit (d / dollar) :mod (c2 / country :name (n3 / us))) :op1-of u_8539))) :time (b / before :op1 (n5 / now) :duration (t2 / temporal-quantity :unit (y / year) :quant (a2 / 10)))) + +(e / end-01) + +(f / byline-91 :ARG1 (p / person :name (n / name :op1 "Futian" :op2 "Yang") :wiki - :ARG0-of (u_8547 / report-01)) :ARG0 (p4 / publication :name (n4 / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :time (d2 / date-entity :day 23 :month 4) :location (c2 / city :name (u_8548 / name :op1 "Nanjing") :wiki "Nanjing")) + +(f / announce-01 :ARG1 (a / and :op1 (u_8559 / build-01 :ARG1 (u_8560 / network :mod (u_8549 / nation) :mod (u_8550 / observation) :topic (c3 / collide-01 :ARG1 (u_8553 / name :name (n2 / name :op1 "Shoemaker") :name 9 :wiki - :op1 "Comet") :ARG2 (p / planet :name (u_8552 / name :op1 "Jupiter") :wiki "Jupiter"))) :location (c / country :name (n / name :op1 "China") :wiki "China")) :op2 (d / formulate-01 :ARG1 (e / plan-01 :mod (u_8555 / scale :mod (u_8554 / large)) :mod (u_8557 / observation :mod (u_8556 / astronomical))) :mod (u_8558 / as-well))) :ARG0 (u / university :name (u_8561 / name :op1 "Zijin" :op2 "Mountain" :op3 "Observatory" :op4 "of" :op5 "the" :op6 "China" :op7 "Academy" :op8 "Of" :op9 "Sciences") :wiki -) :time (u_8562 / today)) + +(u_8568 / say-01 :ARG1 (p3 / planet :domain (p / planet :name (n2 / name :op1 "Jupiter") :wiki "Jupiter" :ARG0-of (f / orbit-01 :ARG1 (e / name :op1 "Sun") :ARG1-of (c / resemble-01 :ARG2 (u_8564 / planet :name (u_8565 / name :op1 "Earth") :wiki "Earth")))) :mod (g / large :degree (m / most))) :ARG0 (u_8566 / person :ARG1-of (u_8567 / expert-01)) :mod (u_8563 / sun)) + +(f / possess-01 :ARG1 (u_8579 / significant-02 :mod (u_8569 / important :degree (l / extreme)) :topic (a / and :op1 (u_8571 / research-01 :ARG1 (u_8577 / collide-01 :ARG2 (u_8576 / planet :name (u_8578 / name :op1 "Earth") :wiki "Earth") :ARG1 (u_8572 / comet) :ARG1-of (d / forecast-01 :op2-of a))))) :ARG0 (e / incident :topic (p / observe-01 :ARG1 (u_8574 / comet) :ARG1-of (c / collide-01 :ARG2 (u_8573 / planet :name (n2 / name :op1 "Jupiter") :wiki "Jupiter"))) :mod (u_8575 / this))) + +(u_8584 / and :op2 (a2 / focus-01 :ARG2 (d / attend-02 :ARG1 (a / and :op1 (u_8587 / develop-02) :op2 (u_8582 / change-01))) :manner (c / close) :ARG0 (e / arena :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China") :mod (u_8586 / astronomy) :ARG0-of (f / important :ARG1 (p3 / phenomenon :domain (u_8583 / collide-01 :ARG0 (u_8585 / comet) :ARG2 (p / planet :name (n2 / name :op1 "Jupiter") :wiki "Jupiter")) :mod (u_8580 / this)) :degree (l / great) :mod (u_8581 / also) :op1-of u_8584)))) + +(u_8592 / and :op2 (u_8593 / attend-01 :ARG1 (u_8598 / astronomer :source (a3 / all-over :op1 (u_8588 / country)) :quant (m / more-than :op1 (u_8589 / forty))) :ARG0 (e / seminar :topic (u_8596 / plan-01 :ARG1 (f / monitor-01 :ARG1 (c / collide-01 :ARG2 (p / planet :name (n2 / name :op1 "Jupiter") :wiki "Jupiter")) :ARG0 (u_8597 / comet :name (u_8595 / shoemaker :time (d2 / date-entity :day 9))))) :ARG1-of (d / convene-01 :location (c2 / city :name (n / name :op1 "Nanjing") :wiki "Nanjing") :ARG1-of (u_8599 / support-01 :ARG0 (a / and :op1 (o3 / organization :name (n3 / name :op1 "Chinese" :op2 "Academy" :op3 "of" :op4 "Sciences") :wiki "Chinese_Academy_of_Sciences") :op2 (u_8590 / organization :name (u_8591 / name :op1 "National" :op2 "Natural" :op3 "Science" :op4 "Foundation") :wiki -))) :op1-of u_8592))) :time (b / before :op1 (n5 / now) :duration (u3 / few :op1 (u_8594 / temporal-quantity :unit (y / day))))) + +(u_8621 / think-01 :ARG1 (a / and :op1 (f / require-01 :ARG1 (u_8618 / observation :mod (u_8613 / continue-01) :mod (u_8614 / globe)) :ARG0 (e / phenomenon :mod (u_8615 / astronomical) :mod (u_8616 / this) :mod (u_8617 / important) :ARG1-of (d / rare-02))) :op2 (u_8610 / _ :ARG2 (u_8608 / position-01 :ARG2 (c / continent :name (n / name :op1 "Europe") :wiki "Europe") :ARG1 (u_8611 / country :name (u_8612 / name :op1 "Japan") :wiki "Japan") :mod (u_8619 / longitudinal) :mod (u_8609 / important)) :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) :ARG0 (p / person :ARG1-of (u_8620 / expert-01)) :ARG0-of (u_8605 / cause-01 :ARG1 (p3 / component :domain (u_8606 / material :mod (u_8601 / observational)) :purpose (t2 / observation :mod (u_8603 / international) :mod (u_8602 / joint)) :mod (u_8604 / indispensable-01) :ARG1-of (u_8600 / irreplaceable-01 :ARG1-of (u_8607 / possible-01))))) + +(m / put-01 :ARG1 (e / equipment :mod (u_8625 / astronomical) :quant (u_8635 / all) :ARG2-of (c / include-01 :ARG1 (o / and :op2 (u_8633 / telescope :mod (u_8628 / infrared) :quant (a2 / 126) :mod (d2 / distance-quantity :unit (f2 / meter))) :op3 (u_8630 / telescope :mod (u_8626 / radio)) :op1 (u_8627 / telescope :mod (u_8632 / distance-quantity :unit (u_8631 / meter) :quant 216) :ARG1-of (d / reflect-01)))) :ARG1-of (u_8634 / advanced-02)) :ARG2 (u_8623 / use-01 :ARG1 (u_8636 / carry-out-03 :ARG1 (u_8637 / observation))) :ARG0 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :time (u_8624 / time :mod (u_8622 / that))) + +(u_8651 / use-01 :ARG1 (o / and :op2 (u_8650 / telescope :mod (u_8645 / band :mod (u_8643 / wave-04) :mod (u_8644 / meter :quant (a2 / 10)))) :op3 (e / equipment :ARG0-of (f / terminal :ARG1 (u_8649 / telescope :mod (u_8648 / optics))) :ARG1-of (d / advance-02)) :op1 (u_8647 / telescope :location (u_8646 / _ :op2 (u_8638 / decimeter) :op1 (u_8641 / band :mod (u_8640 / wave-04 :mod (u_8639 / centimeter)) :mod-of u_8647)) :mod (d2 / distance-quantity :unit (f2 / meter) :quant 25))) :mod (u_8652 / also)) + +(u_8674 / and :op1 (o3 / organization :name (n3 / name :op1 "Nanjing" :op2 "Zijin" :op3 "Mountain" :op4 "Observatory") :wiki -) :op2 (u_8664 / and :op2 (u_8667 / start-01 :ARG1 (u_8661 / research-01 :ARG1 (p / issue-02 :ARG0 (u_8665 / collide-01 :ARG1 (u_8673 / body :poss (u_8666 / system) :mod (u_8660 / celestial) :mod (u_8659 / sun))))) :time (b / since :op1 (u_8662 / date-entity :year 1988)) :mod (u_8663 / also) :ARG0 (p3 / organization :mod (c3 / research-01 :mod (u_8668 / planet) :ARG1 (e / office :domain-of p3)) :mod (u_8669 / only) :location (c / country :name (n / name :op1 "China") :wiki "China") :mod (u_8671 / research-01 :mod (u_8670 / science)) :ARG0-of (f / research-01 :ARG1 (a / and :op2 (u_8672 / asteroid)) :ARG1-of (d / long-03) :op1-of u_8664)))) :ARG0-of (u_8677 / have-03 :ARG1 (u_8657 / experience-01 :ARG1 (u_8656 / and :op2 (u_8675 / research-01 :ARG1 (u_8658 / and :op1 (u_8655 / comet) :op2 (u_8676 / asteroid) :ARG1-of (u_8654 / observation :op1-of u_8656)))) :quant (m / more-than :op1 (u_8653 / temporal-quantity :unit (y / year) :quant (a2 / forty)))))) + +(f / attend-01 :ARG1 (e / seminar :mod (u_8681 / science) :mod (u_8682 / international) :quant (a2 / many) :topic (i / danger :ARG0 (c / collide-01 :ARG2 (p / planet :name (n2 / name :op1 "Earth") :wiki "Earth") :ARG1 (a / and :op1 (u_8683 / comet) :op2 (u_8684 / asteroid))))) :ARG0 (u_8685 / person :ARG1-of (i2 / expert-01 :ARG2 (u_8686 / station :mod (u_8678 / planet) :mod (u_8679 / this)))) :mod (u_8680 / also)) + +(e / end-01) + +(b / byline-91 :ARG0 (p / publication :name (n / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :location (c2 / city :name (u_8687 / name :op1 "Beijing") :wiki "Beijing") :time (d2 / date-entity :month 4 :day 23)) + +(u_8696 / say-01 :ARG1 (u_8690 / visit-01 :ARG0 (a / and :op1 (p / person :name (u_8697 / name :op1 "Gedinage") :wiki - :ARG0-of (f / head-01 :ARG1 (o3 / organization :name (n3 / name :op1 "International" :op2 "Committee") :wiki -))) :op2 (e / delegation :consist-of (c / person :quant (a2 / 4)))) :ARG1-of (u_8694 / invite-01 :ARG0 (u_8692 / organization :name (u_8693 / name :op1 "Red" :op2 "Cross") :mod (c2 / country :name (u_8691 / name :op1 "China") :wiki "China") :wiki "International_Red_Cross_and_Red_Crescent_Movement")) :ARG1-of (u_8689 / _ :ARG0 u_8696 :month (explicitanon4 / 4 :day 23 :day 18))) :ARG0 (p2 / person :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :name (n / name :op1 "Foreign" :op2 "Ministry") :wiki "Ministry_of_Foreign_Affairs_of_the_PeopleAsinglequoteAs_Republic_of_China") :ARG2 (m2 / spokesperson))) :time (u_8695 / today)) + +(u_8710 / say-01 :ARG1 (u_8707 / hold-04 :ARG0 (e / side :mod (u_8708 / both) :ARG0-of (f / discuss-01 :ARG1 (u_8703 / question-01 :ARG1 (d / develop-02 :ARG1 (a / and :op1 (u_8702 / communicate-01) :op2 (u_8709 / cooperate-01)) :degree (l / further))) :mod (u_8704 / honest) :mod (u_8698 / friendly) :mod (u_8700 / level :mod (u_8699 / specialize-01)) :topic (u_8701 / work-01) :mod (u_8706 / earth :mod (u_8705 / down)) :ARG1-of u_8707))) :ARG0 (p / person :ARG0-of (h2 / have-org-role-91 :ARG2 (g2 / spokesperson)))) + +(a / and :op2 (u_8715 / reach-01 :ARG1 (u_8714 / understand-01 :mod (u_8711 / some)) :ARG0 (e / negotiate-01 :ARG0-of (u_8712 / carry-out-03 :ARG1 a) :ARG0-of (f / discuss-01 :ARG1 (u_8716 / issue-02 :quant (a2 / some) :mod (u_8713 / principle) :ARG1-of (d / detail-01)) :manner (c / thorough) :op1-of a)))) + +(f / believe-01 :ARG1 (t / thing :domain (u_8719 / talk-01) :mod (u_8717 / positive) :ARG2-of (t5 / result-01)) :ARG0 (e / side :mod (u_8718 / both)) :mod (u_8720 / unanimous)) + +(u_8723 / continue-01 :ARG0 (e / side :quant (a2 / 2) :ARG0-of (f / strengthen-01 :ARG1 (u_8724 / cooperate-01 :manner (u_8722 / spirit :mod (u_8721 / pragmatic))) :op2-of (a / and :op1 (p / strive-01 :ARG0 e :manner (c / together)) :ARG1-of u_8723)))) + +(e / end-01) + +(b / byline-91 :ARG0 (p2 / publication :name (u_8729 / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :ARG1 (a / and :op1 (u_8727 / person :name (u_8728 / name :op1 "Shuchun" :op2 "Zhou") :wiki - :ARG0-of (u_8726 / report-01)) :op2 (p / person :name (n / name :op1 "Mengjun" :op2 "Ju") :wiki -)) :location (c2 / city :name (u_8725 / name :time (d2 / date-entity :day 23 :month 4) :op1 "Biskech") :wiki -)) + +(f / hold-04 :ARG1 (u_8743 / talk-01 :ARG0 (u_8742 / develop-02 :ARG1 (e / relation-03)) :mod (u_8735 / comprehensive) :mod (u_8736 / depth) :ARG1-of (u_8734 / concern-02 :ARG0 f)) :ARG0 (a / and :op1 (u_8738 / person :name (u_8740 / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng" :ARG0-of (h2 / have-org-role-91 :ARG2 (u_8739 / premier))) :op2 (p / person :name (n / name :op1 "Zumegloph") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "Kirghizia") :wiki -))) :ARG2 (d / premier)))) :topic (u_8741 / and :op2 (u_8737 / trade-01) :op1 (u_8730 / economy) :mod (u_8731 / bilateral)) :time (u_8733 / afternoon :mod (u_8732 / this))) + +(d / hold-04 :ARG1 (e / talk-01) :manner (c / atmosphere :mod (u_8745 / practical) :mod (u_8744 / friendly))) + +(f / say-01 :ARG1 (a2 / relation-03 :ARG0 (u_8746 / country :mod (c2 / country :name (n3 / name :op1 "China") :wiki "China")) :ARG2 (e / friendly-01) :mod (u_8747 / tradition)) :ARG0 (p / person :name (n / name :op1 "Zumegloph") :wiki -) :quant 2 :op1-of (a / and :op2 (c4 / country :name (n2 / name :op1 "Kirghizia") :wiki -)) :op1-of (u_8749 / and :op2 (u_8750 / and :op1 (u_8748 / strengthen-01 :manner (c / increase-01)) :op2 (u_8751 / develop-02 :ARG1-of (d / continue-01))))) + +(f / say-01 :ARG1 (u_8763 / and :op1 (p6 / province :name (n / name :op1 "Kirghizia") :wiki -) :op2 (u_8762 / attend-02 :ARG1 (a / and :op1 (d / strengthen-01 :ARG1 (c / connect-01 :ARG2 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :ARG1 (u_8765 / economy))) :op2 (u_8756 / use-01 :ARG2 (u_8757 / reference-04 :ARG2-of (u_8759 / include-01 :ARG1 (u_8754 / experience-01 :ARG1 (u_8760 / reform-01 :ARG1 (u_8755 / agriculture))))) :ARG1 (u_8761 / experience-01)) :time (u_8758 / phase :mod (c3 / reform-01 :ARG1 (u_8753 / economy)))) :quant (a2 / much)) :time (u_8764 / now)) :ARG0 (e / he)) + +(u_8779 / say-01 :ARG1 (u_8775 / and :op1 (f / establish-01 :ARG1 (u_8773 / enterprise :mod (u_8768 / venture :mod (u_8767 / joint)) :quant (m / more-than :op1 70) :ARG2-of (u_8772 / include-01)) :ARG0 (a / and :op1 (c2 / country-region :name (n / name :op1 "Xinjiang") :wiki "Xinjiang") :op2 (u_8782 / region :location (c / country :name (u_8771 / name :op1 "China") :wiki "China") :quant (a2 / some) :mod (u_8770 / other))) :location (p3 / province :name (n5 / name :op1 "Kirghizia") :wiki -) :time (u_8774 / already)) :op2 (u_8776 / good :domain (u_8777 / condition :mod (u_8766 / operate-01)))) :ARG2 (o / _ :op2 (u_8780 / fur) :op3 (e / et-cetera) :op1 (u_8781 / food)) :ARG0 (u_8778 / he) :op1-of (u_8785 / _ :op2 (d / produce-01 :ARG1 (u_8784 / paper)) :op3 (u_8783 / et-cetera)) :op1-of (u_8789 / and :op2 (u_8791 / demonstrate-01 :ARG1 (u_8788 / project :mod (u_8786 / cooperate-01)) :ARG0 (p / person :ARG0-of (u_8792 / specialize-01 :ARG1 (u_8790 / party :mod (u_8787 / _)))))) :op1-of (u_8795 / _ :op2 (u_8793 / sanitation) :op3 (u_8794 / medicine))) + +(a2 / presentation :ARG0 (p / person :name (u_8796 / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng") :ARG2 (n / situation :poss (c4 / country :name (n2 / name :op1 "Kirghizia") :wiki -) :topic (e / economy)) :mod (u_8797 / also) :ARG1-of (f / _ :ARG0 (u_8798 / person :name (u_8799 / name :op1 "Zumegloph") :wiki -))) + +(u_8806 / say-01 :ARG1 (a / and :op1 (p3 / temporary :domain (e / difficulty :mod (u_8804 / economy) :ARG1-of (f / face-01 :ARG0 (c4 / country :name (n2 / name :op1 "Kirghizia") :wiki -) :time (u_8803 / reform-01)))) :op2 (u_8802 / possible-01 :ARG1 (u_8805 / overcome-01 :time (b / after :op1 (u_8801 / diligence) :mod (u_8800 / only)) :ARG1-of (d / complete-02)))) :ARG0 (p / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng")) + +(m / say-01 :ARG1 (u_8812 / and :op1 (d / begin-01 :ARG1 (a / and :op1 (u_8810 / trade-01 :mod (u_8809 / economy)) :op2 (u_8813 / cooperate-01)) :manner (c / smooth-04) :time (b / before :op1 (n5 / now) :duration (a4 / or :op1 (u_8808 / temporal-quantity :unit (y / year) :quant (a2 / 2)) :op2 (u_8811 / more)))) :op2 (e / progress-01 :degree (l / considerable))) :ARG2 (u_8814 / country) :ARG0 (p / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng")) + +(u_8817 / contrast-01 :ARG2 (u_8818 / have-03 :ARG1 (u_8819 / potential) :mod (u_8815 / still)) :ARG1 (d / develop-02 :ARG1 (e / trade-01 :mod (u_8816 / bilateral)) :manner (c / rapid :degree (l / very)))) + +(u_8825 / endeavor-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0-of (f / develop-02 :ARG1 (m / cooperate-01 :ARG1 (u_8829 / country :name (u_8828 / name :op1 "Kirghizia") :wiki -) :ARG2 (e / field :example (a3 / and :op2 (u_8821 / trade-01) :op1 (u_8820 / economy) :op3 (u_8822 / et-cetera)) :mod (u_8823 / various)) :ARG0 g) :ARG1-of u_8825)) :name (u_8826 / name :mod (u_8827 / especially) :op1 "Xinjiang" :op2 "Uigur" :op3 "Autonomous" :op4 "Region") :wiki -) + +(u_8833 / and :op3 (f / act-02 :ARG1 (n / rule :poss (u_8850 / economy)) :ARG0 (e / country :quant (a2 / 2) :ARG0-of (u_8848 / explore-01 :ARG1 (u_8847 / condition :mod (u_8830 / advantage)) :manner (c / full :degree (l / more)) :op1-of u_8833) :ARG1-of (d / utilize-01 :op2-of u_8833))) :time (u_8832 / now) :mod (u_8846 / _) :ARG0-of (u_8842 / _ :ARG1 (u_8837 / and :op1 (u_8844 / enrich-01 :ARG1 (u_8840 / shape-01 :poss (u_8835 / cooperate-01)) :ARG0 (u_8839 / benefit-01 :mod (u_8834 / bilateral)) :ARG1-of (u_8838 / continue-01)) :op2 (u_8845 / improve-01 :ARG1 (a / and :op2 (u_8836 / class :poss (u_8843 / trade-01 :poss-of (u_8849 / level :op1-of a))))) :ARG1-of (u_8841 / guarantee-01)))) + +(u_8862 / recommend-01 :ARG1 (u_8859 / endeavor-01 :ARG0 (e / party :mod (u_8860 / both) :ARG0-of (u_8858 / create-01 :ARG1 (u_8861 / condition :ARG2-of (u_8856 / include-01 :ARG1 (u_8855 / solve-01 :ARG1 (u_8857 / problem :location (a2 / and :op1 (u_8851 / traffic) :op2 (u_8852 / transport-01)) :ARG0-of (f / hinder-01 :ARG1 (d / develop-02 :ARG1 (c / cooperate-01 :ARG2 (u_8854 / trade-01) :mod (u_8853 / economy)))))))) :ARG1-of u_8859))) :ARG1-of (u_8864 / cause-01 :ARG0 (u_8863 / this))) + +(u_8871 / say-01 :ARG1 (a / and :op1 (e / entrepreneur :quant (a2 / number) :ARG0-of (k / visit-01 :purpose-of (d / come-01 :ARG1 e))) :op2 (u_8869 / possible-01 :ARG1 (f / enhance-01 :ARG1 (u_8866 / contact-01) :ARG0 (u_8870 / side :mod (u_8865 / both)))) :time (u_8868 / _ :mod (u_8867 / this))) :ARG0 (p / person :name (n / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng") :mod (u_8872 / also)) + +(a / and :op2 (f / support-01 :ARG0 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China")) :ARG0-of (m / encourage-01 :ARG1 (u_8882 / country :name (u_8881 / name :op1 "China") :wiki "China" :ARG1-of f) :ARG2 (e / circle :mod (u_8878 / enterprise)) :op1-of a))) :manner (a2 / and :op1 (u_8876 / equal-01) :op2 (u_8875 / benefit-01 :mod (u_8873 / mutual))) :ARG0-of (u_8877 / participate-01 :ARG1 (d / construct-01 :ARG1 (p6 / province :name (n / name :op1 "Kirghizia") :wiki -) :mod (u_8880 / economy)))) + +(m / invite-01 :ARG2 (f / visit-01 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China") :manner (c / convenience) :ARG0 (p / person :name (n / name :op1 "Zumegloph") :wiki - :ARG0-of (h2 / have-org-role-91 :ARG2 (g / premier)) :ARG1-of m)) :ARG0 (u_8883 / person :name (u_8886 / name :op1 "Peng" :op2 "Li") :wiki "Li_Peng" :ARG0-of (u_8885 / have-org-role-91 :ARG2 (u_8884 / premier)))) + +(a / and :op2 (f / accept-01 :ARG1 (e / invite-01) :manner (u_8888 / happy) :ARG0 (p / person :name (n / zumegloph) :ARG0-of (u_8887 / express-01 :ARG1 (u_8890 / thank-01 :ARG1 (u_8889 / this) :ARG0 p) :op1-of a)))) + +(e / end-01) + +(f / byline-91 :ARG1 (p / person :name (n / name :op1 "Ming" :op2 "Chen") :wiki - :ARG0-of (u_8891 / report-01)) :ARG0 (p4 / publication :name (n4 / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :time (d2 / date-entity :day 31 :month 8) :location (c2 / city :name (u_8892 / name :op1 "Teheran") :wiki "Tehran")) + +(u_8898 / say-01 :ARG0 (p / person :name (n / name :op1 "Hasang" :op2 "Hapipy") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :ARG2 (d / president :mod (e / vice) :ord (o / ordinal-entity :value 1))) :ARG1-of (a / arrive-01 :ARG4 (u_8893 / city :name (n3 / name :op1 "Teheran") :wiki "Tehran") :direction (s / back) :time-of u_8898) :ARG0-of (f / express-01 :ARG1 (u_8895 / satisfy-01 :ARG1 (t / thing :ARG2-of (u_8902 / result-01 :ARG1 (u_8900 / visit-01 :ARG1 (u_8903 / country :name (u_8899 / name :op1 "China") :wiki "China"))))) :time (b / after :op1 (u_8896 / end-01 :ARG1 (u_8901 / visit-01 :mod (u_8894 / friendly) :duration (t2 / temporal-quantity :unit (y / day) :quant (a2 / 3))))) :ARG1-of u_8898)) :time (u_8897 / today)) + +(m / say-01 :ARG1 (d / exchange-01 :ARG1 (f / idea :ARG1 (u_8905 / person :ARG0-of (o / lead-02 :ARG1 (c4 / country :name (n2 / name :op1 "China") :wiki "China"))) :ARG0 (u_8908 / relation-03 :ARG0 (e / bilateral))) :time (u_8906 / visit-01)) :ARG2 (p2 / person :ARG0-of (t / report-01)) :ARG0 (p / person :name (n / name :op1 "Hapipy") :wiki -) :location (h / airport)) + +(f / say-01 :ARG1 (a / and :op1 (d / implement-01 :ARG1 (u_8914 / project :mod (c3 / cooperate-01 :ARG1 (u_8911 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :mod (u_8910 / economy)))) :op2 (c / invest-01 :purpose (l / implement-01 :ARG0 (u_8913 / cooperate-01) :ARG1 (e / area :mod (w / world-region :name (n4 / name :op1 "Central" :op2 "Asia") :wiki "Central_Asia") :ARG2-of c)) :manner (u_8912 / joint))) :ARG0 (u_8917 / he) :mod (u_8909 / economy) :op1-of (u_8915 / and :op2 (c4 / country :name (u_8916 / name :op1 "China") :wiki "China"))) + +(a2 / invest-01 :ARG0 (u_8922 / and :op2 (c4 / country :name (n2 / name :op1 "Iran") :wiki "Iran") :op3 (e / country :ord (o / ordinal-entity :value 3)) :op1 (u_8923 / country :name (u_8924 / name :op1 "China") :wiki "China")) :ARG2 (d / reconstruct-01 :purpose (l / expand-01 :ARG1 (c / capable-01 :ARG2 (u_8918 / extract-01 :ARG1 (u_8921 / petroleum))) :ARG0 (u_8925 / equipment :mod (u_8920 / refine-01 :mod (u_8919 / oil)) :ARG1-of d))) :mod (u_8926 / also) :manner (u_8927 / joint)) + +(e / end-01) + +(f / byline-91 :ARG1 (p / person :name (n / name :op1 "Rong" :op2 "Xie") :wiki - :ARG0-of (u_8928 / report-01)) :ARG0 (p4 / publication :name (n4 / name :op1 "Xinhua" :op2 "News" :op3 "Agency") :wiki "Xinhua_News_Agency") :location (c2 / city :name (u_8929 / name :op1 "Moscow") :wiki "Moscow") :time (d2 / date-entity :day 31 :month 8)) + +(u_8936 / withdraw-01 :ARG2 (c4 / country :name (n2 / name :op1 "Latvia") :wiki "Latvia") :ARG1 (n / group :poss (u_8939 / country :name (u_8938 / name :op1 "Russia") :wiki "Russia") :mod (u_8935 / last) :consist-of (c / personnel :ARG1-of (u_8933 / withdraw-01 :ARG2 (e / troop :mod (u_8930 / military) :mod (u_8931 / name :op1 "Northwest") :ARG1-of (u_8934 / station-01 :ARG2 (u_8932 / country :quant (a2 / 3) :location (s2 / sea :name (n3 / name :op1 "Baltic" :op2 "Sea") :wiki "Baltic_Sea")))) :ARG1-of (d / recommend-01)))) :time (u_8937 / date-entity :day 31) :ARG1-of (u_8940 / complete-02)) + +(u_8944 / complete-01 :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia" :ARG0-of (f / work-01 :ARG1 (m / withdraw-01 :ARG1 (u_8942 / troop) :ARG2 (e / country :quant (a2 / 3) :location (s2 / sea :name (n3 / name :op1 "Baltic" :op2 "Sea") :wiki "Baltic_Sea")) :ARG0 c4) :ARG1-of u_8944)) :time (b / until :op1 (u_8943 / now))) + +(f / report-01 :ARG1 (o / and :op2 (u_8955 / submit-01 :ARG2 (p / person :name (n / name :op1 "Ulmanis") :wiki - :ARG0-of (h / have-org-role-91 :ARG1 (c4 / country :name (n2 / name :op1 "Latvian") :wiki -) :ARG2 (u_8956 / president))) :ARG1 (u_8954 / report-01 :ARG2 (d / complete-01 :ARG1 (c / withdraw-01 :ARG2 (e / troop))))) :op3 (u_8947 / withdraw-01 :ARG2 (u_8957 / city :name (u_8952 / name :op1 "Moscow") :wiki "Moscow") :manner (u_8946 / plane) :time (u_8953 / then) :destination (c5 / city :name (u_8948 / name :op1 "Riga") :wiki -)) :op1 (m / turn-over-12 :ARG1 (u_8960 / installation :mod (u_8950 / military)) :ARG2 (g / government-organization :ARG0-of (g2 / govern-01) :ARG1-of (u_8959 / local-02)) :ARG0 (p2 / person :ARG0-of (u_8961 / have-org-role-91 :ARG1 (u_8962 / headquarters :poss (u_8951 / troop) :name (u_8958 / northwest) :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia")) :ARG2 (m2 / personnel)))) :time (u_8963 / date-entity :day 31)) :ARG0 (u_8964 / media :mod (u_8945 / news)) :location (u_8965 / here)) + +(a / and :op1 (u_8966 / withdraw-01 :ARG2 (u_8977 / home) :ARG1 (u_8968 / troop :mod (c2 / country :name (n3 / name :op1 "Russia") :wiki "Russia") :ARG1-of (u_8974 / station-01 :ARG2 (u_8979 / country :name (u_8975 / name :op1 "Lithuania") :wiki "Lithuania"))) :time (u_8967 / already) :time (b / before :op1 (u_8976 / date-entity :month 8 :day 31 :year 1993)) :mod (u_8969 / back)) :op2 (u_8972 / complete-01 :ARG0 (e / troop :ARG1-of (c / station-01 :ARG2 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia")) :ARG0-of (f / work-01 :ARG1 (d / withdraw-01 :ARG1 (u_8973 / troop)) :ARG1-of u_8972)) :day (explicitanon8 / 29 :time (u_8971 / month :mod (u_8970 / this))))) + +(f / say-01 :ARG1 (d / remain-01 :ARG1 (p / person :quant (m / few :op1 100) :ARG1-of (i2 / expert-01 :ARG2 (e / military))) :time (u_8985 / current) :location (a2 / station :poss (u_8991 / center :mod (u_8987 / education :mod (u_8986 / navy))) :mod (u_8989 / radar) :ARG0-of (u_8990 / warn-01 :mod (u_8988 / early))) :mod (u_8992 / still)) :ARG0 (u_8993 / agree-01 :ARG1-of (u_8994 / reach-01 :ARG2 (g / government-organization :ARG0-of (g2 / govern-01 :ARG1 (a / and :op1 (u_8980 / country :name (u_8981 / name :op1 "Latvia") :wiki "Latvia") :op2 (c4 / country :name (n2 / name :op1 "Estonia") :wiki "Estonia")))) :ARG0 (u_8982 / country :name (u_8983 / name :op1 "Russia") :wiki "Russia")))) + +(p3 / troop :domain (e / cluster :mod (c2 / country :name (n3 / northwest :mod (u_8996 / country :name (u_8995 / name :op1 "Russia") :wiki "Russia"))) :mod (u_8997 / troop)) :time (u_8998 / former) :mod (u_9000 / country :name (u_8999 / name :op1 "Soviet" :op2 "Union") :wiki "Soviet_Union") :ARG1-of (u_9002 / station-01 :ARG2 (u_9003 / headquarters :ARG1-of (c / set-02 :ARG2 (w / world-region :name (n / name :op1 "Latvian" :op2 "Republic") :wiki -))) :location (h / country :location (u_9001 / above) :quant (a2 / 3)))) + +(u_9020 / _ :op2 (c / more-than :op1 (e / 35000)) :op3 (d / _ :ARG1 (u_9019 / person)) :op1 (o / and :op2 (u_9022 / person :location (u_9021 / country :name (n / name :op1 "Lithuania") :wiki "Lithuania")) :op3 (u_9016 / person :quant (m / more-than :op1 30000) :location (u_9015 / country :name (u_9017 / name :op1 "Estonia") :wiki "Estonia")) :op1 (p3 / person :domain (u_9013 / strength :mod (u_9004 / original) :mod (u_9005 / military) :ARG2-of (u_9012 / total-01)) :quant (u_9014 / more-than :op1 116000) :ARG1-of (u_9007 / station-01 :ARG2 (c4 / country :name (n2 / name :op1 "Latvia") :wiki "Latvia") :degree (l / most) :quant (u_9009 / more-than :op1 50000))))) + +(c / transfer-01 :ARG2 (p / own-01 :ARG0 (c4 / country :name (n2 / name :op1 "Russia") :wiki "Russia")) :ARG1 (e / cluster :mod (u_9023 / troop) :mod (u_9024 / this)) :time (b / after :op1 (d / disintegrate-01 :ARG1 (u_9025 / country :name (u_9026 / name :op1 "Soviet" :op2 "Union") :time (u_9027 / former) :wiki "Soviet_Union")))) + +(d / report-01 :ARG1 (u_9035 / station-01 :ARG2 (o / and :op2 (u_9030 / state :name (u_9029 / name :op1 "Simolingsike") :wiki -) :op3 (u_9036 / city :name (n2 / name :op1 "Yelinia") :wiki -) :op1 (u_9032 / _ :name (u_9031 / name :op1 "Jalininggele") :wiki -)) :ARG1 (e / troop :mod (c2 / country :name (u_9034 / name :op1 "Russia") :wiki "Russia") :ARG1-of (c / withdraw-01 :ARG2 (u_9033 / country :quant (a2 / 3) :location (s2 / sea :name (n3 / name :op1 "Baltic" :op2 "Sea") :wiki "Baltic_Sea")))) :mod (u_9037 / respective)) :direction (s / _) :mod (u_9042 / _ :quant (u_9041 / distance-quantity :unit (f / kilometer) :quant 300)) :ARG1-of (u_9028 / _ :ARG2 (u_9038 / city :name (u_9039 / name :op1 "Moscow") :wiki "Moscow"))) + +(e / end-01) + diff --git a/mtool/data/score/amr/first.gold.amr b/mtool/data/score/amr/first.gold.amr new file mode 100644 index 0000000000000000000000000000000000000000..4c4e2ecf7614d19c398cf35adc3518771a6a195e --- /dev/null +++ b/mtool/data/score/amr/first.gold.amr @@ -0,0 +1,2 @@ +(c / claim-01 :ARG0 (p / partisan :poss (p2 / person :name (n / name :op1 "Ronald" :op2 "Reagan"))) :ARG1 (w / win-01 :ARG0 p2 :ARG2 (w2 / war :name (n2 / name :op1 "Cold" :op2 "War"))) :time (c2 / collapse-01 :ARG1 (c3 / country :name (n3 / name :op1 "Soviet" :op2 "Union")) :time (d / date-entity :year 1991))) + diff --git a/mtool/data/score/amr/first.system.amr b/mtool/data/score/amr/first.system.amr new file mode 100644 index 0000000000000000000000000000000000000000..370fedefafe6d1f42ce5d08b162651441d61e439 --- /dev/null +++ b/mtool/data/score/amr/first.system.amr @@ -0,0 +1,2 @@ +(f / claim-01 :ARG0 (u_2 / person :ARG0-of (o / partisan :ARG1 (p / person :name (n / name :op1 (explicitanon3 / Ronald :year-of (d / date-entity :time-of (s3 / collapse-01 :ARG1 (c4 / country :name (n2 / name :op1 "Soviet" :op2 "Union")) :time-of f))) :op2 "Reagan")) :ARG0-of (a2 / win-01 :ARG2 (e / war-01 :mod (u_1 / cold)) :ARG1-of f))) + diff --git a/mtool/data/score/amr/partial.gold.mrp b/mtool/data/score/amr/partial.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..5ddee1541e6ea02ebfff89f0eaa4c179c5a37273 --- /dev/null +++ b/mtool/data/score/amr/partial.gold.mrp @@ -0,0 +1 @@ +{"edges":[{"label":"ARG1","source":1,"target":2},{"label":"op2","source":0,"target":3},{"label":"ARG1","source":3,"target":4},{"label":"op1","source":0,"target":1}],"flavor":2,"framework":"amr","id":"bolt-eng-DF-170-181103-8882762_0111.33","input":"Lowering wages/Breaking Unions.","nodes":[{"id":0,"label":"slash"},{"id":1,"label":"lower-05"},{"id":2,"label":"wage"},{"id":3,"label":"break-01"},{"id":4,"label":"union"}],"time":"2019-04-10 (20:10)","tops":[0],"version":"0.9"} diff --git a/mtool/data/score/amr/partial.system.mrp b/mtool/data/score/amr/partial.system.mrp new file mode 100644 index 0000000000000000000000000000000000000000..7d99ff2946f992b3739c99abbfb05e70308483d7 --- /dev/null +++ b/mtool/data/score/amr/partial.system.mrp @@ -0,0 +1 @@ +{"edges":[{"label":"ARG1","source":1,"target":2},{"label":"op2","source":0,"target":3},{"label":"ARG1","source":3,"target":4},{"label":"op1","source":0,"target":1}],"flavor":2,"framework":"amr","id":"bolt-eng-DF-170-181103-8882762_0111.33","input":"Lowering wages/Breaking Unions.","nodes":[{"id":0,"label":"slash"},{"id":1,"label":"lower-05"},{"id":2,"label":"wage"},{"id":3,"label":"break-01", "anchors" : []},{"id":4,"label":"union"}],"time":"2019-04-10 (20:10)","tops":[0],"version":"0.9"} diff --git a/mtool/data/score/amr/test1.amr b/mtool/data/score/amr/test1.amr new file mode 100644 index 0000000000000000000000000000000000000000..3f977175f9e4529a38afc8ee3f5a106a1a485a69 --- /dev/null +++ b/mtool/data/score/amr/test1.amr @@ -0,0 +1,21 @@ +# ::id isi_0001.1 ::date 2012-05-14T21:45:29 +# ::snt The boy wants the girl to believe him. +(w / want-01 + :ARG0 (b / boy) + :ARG1 (b2 / believe-01 + :ARG0 (g / girl) + :ARG1 b)) + +# ::id isi_0001.25 ::date 2012-05-14T21:59:17 +# ::snt The boy is a hard worker. +(p / person + :domain (b / boy) + :ARG0-of (w / work-01 + :manner (h / hard))) + +# ::id isi_0002.209 ::date 2013-05-16T17:19:07 +# ::snt The poet William Shakespeare was born in Stratford-upon-Avon. +(b / bear-02 + :ARG1 (p / poet :name (n / name :op1 "William" :op2 "Shakespeare")) + :location (c / city :name (n2 / name :op1 "Stratford-upon-Avon"))) + diff --git a/mtool/data/score/amr/test1.mrp b/mtool/data/score/amr/test1.mrp new file mode 100644 index 0000000000000000000000000000000000000000..b2b5a39d0ff5fbcd1eb1de6904d3f93063b8a4c9 --- /dev/null +++ b/mtool/data/score/amr/test1.mrp @@ -0,0 +1,3 @@ +{"id": "isi_0001.1", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-06-03 (22:13)", "input": "The boy wants the girl to believe him.", "tops": [0], "nodes": [{"id": 0, "label": "want-01"}, {"id": 1, "label": "boy"}, {"id": 2, "label": "believe-01"}, {"id": 3, "label": "girl"}], "edges": [{"source": 2, "target": 3, "label": "ARG0"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "isi_0001.25", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-06-03 (22:13)", "input": "The boy is a hard worker.", "tops": [0], "nodes": [{"id": 0, "label": "person"}, {"id": 1, "label": "boy"}, {"id": 2, "label": "work-01"}, {"id": 3, "label": "hard"}], "edges": [{"source": 0, "target": 1, "label": "domain"}, {"source": 2, "target": 3, "label": "manner"}, {"source": 0, "target": 2, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "isi_0002.209", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-06-03 (22:13)", "input": "The poet William Shakespeare was born in Stratford-upon-Avon.", "tops": [0], "nodes": [{"id": 0, "label": "bear-02"}, {"id": 1, "label": "poet"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["William", "Shakespeare"]}, {"id": 3, "label": "city"}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Stratford-upon-Avon"]}], "edges": [{"source": 0, "target": 3, "label": "location"}, {"source": 3, "target": 4, "label": "name"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 1, "label": "ARG1"}]} diff --git a/mtool/data/score/amr/test2.amr b/mtool/data/score/amr/test2.amr new file mode 100644 index 0000000000000000000000000000000000000000..5339f2f51d1d2c619eb8cb4bd339ada6a65bf995 --- /dev/null +++ b/mtool/data/score/amr/test2.amr @@ -0,0 +1,20 @@ +# ::id isi_0001.1 ::date 2012-05-14T21:45:29 +# ::snt The boy wants the girl to believe him. +(w / want-01 + :ARG0 (b / boy) + :ARG1 (b2 / believe-01 + :ARG0 (g / girl) + :ARG1 (h / he))) + +# ::id isi_0001.25 ::date 2012-05-14T21:59:17 +# ::snt The boy is a hard worker. +(w / worker + :mod (h / hard) + :domain (b / boy)) + +# ::id isi_0002.209 ::date 2013-05-16T17:19:07 +# ::snt The poet William Shakespeare was born in Stratford-upon-Avon. +(b / bear-02 + :ARG1 (p / poet :name (n / name :op1 william :op2 "shakespeare")) + :location (c / city :name (n2 / name :op1 "Stratford-upon-Avon"))) + diff --git a/mtool/data/score/amr/test2.mrp b/mtool/data/score/amr/test2.mrp new file mode 100644 index 0000000000000000000000000000000000000000..83fec286821cb44e63d4a65d9877854e2dd0ae41 --- /dev/null +++ b/mtool/data/score/amr/test2.mrp @@ -0,0 +1,3 @@ +{"id": "isi_0001.1", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-06-03 (22:16)", "input": "The boy wants the girl to believe him.", "tops": [0], "nodes": [{"id": 0, "label": "want-01"}, {"id": 1, "label": "boy"}, {"id": 2, "label": "believe-01"}, {"id": 3, "label": "girl"}, {"id": 4, "label": "he"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "isi_0001.25", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-06-03 (22:16)", "input": "The boy is a hard worker.", "tops": [0], "nodes": [{"id": 0, "label": "worker"}, {"id": 1, "label": "hard"}, {"id": 2, "label": "boy"}], "edges": [{"source": 0, "target": 2, "label": "domain"}, {"source": 0, "target": 1, "label": "mod", "normal": "domain"}]} +{"id": "isi_0002.209", "flavor": 2, "framework": "amr", "version": 0.9, "time": "2019-06-03 (22:16)", "input": "The poet William Shakespeare was born in Stratford-upon-Avon.", "tops": [0], "nodes": [{"id": 0, "label": "bear-02"}, {"id": 1, "label": "poet"}, {"id": 2, "label": "name", "properties": ["op1", "op2"], "values": ["william", "shakespeare"]}, {"id": 3, "label": "city"}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Stratford-upon-Avon"]}], "edges": [{"source": 3, "target": 4, "label": "name"}, {"source": 1, "target": 2, "label": "name"}, {"source": 0, "target": 3, "label": "location"}, {"source": 0, "target": 1, "label": "ARG1"}]} diff --git a/mtool/data/score/dm/empty.gold.mrp b/mtool/data/score/dm/empty.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..fa44718d1cbb849d99cdcb892f6e28ea64f05576 --- /dev/null +++ b/mtool/data/score/dm/empty.gold.mrp @@ -0,0 +1,3 @@ +{"id": "22100001", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-06-23", "input": "Consumers may want to move their telephones a little closer to the TV set.", "nodes": [], "edges": []} +{"id": "22100002", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-06-23", "input": "Couch-potato jocks watching ABC's \"Monday Night Football\" can now vote during halftime for the greatest play in 20 years from among four or five filmed replays.", "tops": [], "nodes": null, "edges": null} +{"id": "22100003", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-06-23", "input": "Two weeks ago, viewers of several NBC daytime consumer segments started calling a 900 number for advice on various life-style issues.", "tops": [11], "nodes": [{"id": 0, "label": "two", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "week", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "ago", "properties": ["pos", "frame"], "values": ["RB", "p:e-i-u"], "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "viewer", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 15, "to": 22}]}, {"id": 6, "label": "several", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "label": "NBC", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "label": "daytime", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "label": "consumer", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "label": "segment", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "label": "start", "properties": ["pos", "frame"], "values": ["VBD", "v:e-h"], "anchors": [{"from": 64, "to": 71}]}, {"id": 12, "label": "call", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 80, "to": 81}]}, {"id": 14, "label": "900", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "label": "number", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 86, "to": 92}]}, {"id": 16, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 93, "to": 96}]}, {"id": 17, "label": "advice", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 97, "to": 103}]}, {"id": 18, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 104, "to": 106}]}, {"id": 19, "label": "various", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 107, "to": 114}]}, {"id": 20, "label": "style", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 115, "to": 125}]}, {"id": 21, "label": "issue", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 126, "to": 132}]}], "edges": [{"source": 2, "target": 11, "label": "ARG1"}, {"source": 8, "target": 10, "label": "compound"}, {"source": 16, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 9, "target": 10, "label": "compound"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 12, "target": 4, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 20, "target": 21, "label": "compound"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 7, "target": 10, "label": "compound"}, {"source": 18, "target": 21, "label": "ARG2"}]} diff --git a/mtool/data/score/dm/empty.peking.mrp b/mtool/data/score/dm/empty.peking.mrp new file mode 100644 index 0000000000000000000000000000000000000000..ed2c7f514322d3864f10e75b7becf9d23a2a54c9 --- /dev/null +++ b/mtool/data/score/dm/empty.peking.mrp @@ -0,0 +1,3 @@ +{"id": "22100001", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-07-05", "input": "Consumers may want to move their telephones a little closer to the TV set.", "tops": [13], "nodes": [{"id": 0, "label": "consumer", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "label": "may", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "label": "want", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-h"], "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "label": "move", "properties": ["pos", "frame"], "values": ["VB", "v_cause:e-i-p"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "their", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "label": "telephone", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 33, "to": 43}]}, {"id": 7, "label": "a+little", "properties": ["pos", "frame"], "values": ["DT", "x:e-u"], "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "label": "a+little", "properties": ["pos", "frame"], "values": ["JJ", "x:e-u"], "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "label": "closer", "properties": ["pos", "frame"], "values": ["RBR", "a_to:e-i-i"], "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "label": "tv", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "label": "set", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 70, "to": 73}]}], "edges": [{"source": 13, "target": 1, "label": "ARG2"}, {"source": 5, "target": 6, "label": "poss"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 8, "target": 7, "label": "mwe"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 4, "target": 9, "label": "ARG3"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "22100002", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-07-05", "input": "Couch-potato jocks watching ABC's \"Monday Night Football\" can now vote during halftime for the greatest play in 20 years from among four or five filmed replays.", "tops": [10], "nodes": [{"id": 0, "label": "potato", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "label": "_generic_nns_", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 13, "to": 18}]}, {"id": 2, "label": "watch", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "label": "Monday", "properties": ["pos", "frame"], "values": ["NNP", "dofw:x-c"], "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "label": "night", "properties": ["pos", "frame"], "values": ["NNP", "n_of:x"], "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "label": "_generic_proper_ne_", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "label": "can", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "label": "now", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "label": "vote", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "label": "during", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 71, "to": 77}]}, {"id": 14, "label": "_generic_nn_", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 78, "to": 86}]}, {"id": 15, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 87, "to": 90}]}, {"id": 16, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "label": "greatest", "properties": ["pos", "frame"], "values": ["JJS", "a_for:e-i"], "anchors": [{"from": 95, "to": 103}]}, {"id": 18, "label": "play", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 104, "to": 108}]}, {"id": 19, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 109, "to": 111}]}, {"id": 20, "label": "_generic_card_ne_", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 112, "to": 114}]}, {"id": 21, "label": "year", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 115, "to": 120}]}, {"id": 22, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 121, "to": 125}]}, {"id": 23, "label": "among", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 126, "to": 131}]}, {"id": 24, "label": "four", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "label": "five", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 140, "to": 144}]}, {"id": 27, "label": "film", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 145, "to": 151}]}, {"id": 28, "label": "replay", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 152, "to": 159}]}], "edges": [{"source": 19, "target": 18, "label": "ARG1"}, {"source": 24, "target": 26, "label": "_or_c"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 12, "target": 1, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 24, "target": 28, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 22, "target": 18, "label": "ARG1"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 7, "target": 8, "label": "compound"}, {"source": 0, "target": 1, "label": "compound"}, {"source": 27, "target": 28, "label": "ARG2"}, {"source": 6, "target": 7, "label": "of"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 15, "target": 12, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG1"}]} +{"id": "22100003", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-07-05", "input": "Two weeks ago, viewers of several NBC daytime consumer segments started calling a 900 number for advice on various life-style issues."} diff --git a/mtool/data/score/dm/peking.wsj.sdp b/mtool/data/score/dm/peking.wsj.sdp new file mode 100644 index 0000000000000000000000000000000000000000..e5cb8e7104383b6ec93f43fdc1d29860bfabc4eb --- /dev/null +++ b/mtool/data/score/dm/peking.wsj.sdp @@ -0,0 +1,34769 @@ +#SDP 2015 +#22100001 +1 Consumers consumer NNS - - n_of:x-i _ ARG1 _ _ _ _ _ +2 may may MD - + v_modal:e-h _ _ _ _ _ _ ARG2 +3 want want VB - + v:e-i-h ARG1 _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ +5 move move VB - + v_cause:e-i-p _ ARG2 _ _ _ _ _ +6 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ +7 telephones telephone NNS - - n:x _ _ ARG2 poss _ _ _ +8 a a+little DT - - x:e-u _ _ _ _ mwe _ _ +9 little a+little JJ - + x:e-u _ _ _ _ _ _ _ +10 closer closer RBR - - a_to:e-i-i _ _ ARG3 _ ARG1 _ _ +11 to to TO - - _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ +13 TV tv NN - - n:x _ _ _ _ _ BV ARG1 +14 set set VBD + + v:e-i-p _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ + +#22100002 +1 Couch-potato potato NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 jocks _generic_nns_ NNS - - n:x compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 watching watch VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ABC ABC NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Night night NNP - + n_of:x _ _ of _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Football _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 can can MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 vote vote VB - + v:e-i _ _ _ _ ARG1 ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +14 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 halftime _generic_nn_ NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 greatest greatest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 play play NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ ARG1 _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +24 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 four four CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ +28 filmed film VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 replays replay NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG2 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100003 +1 Two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 weeks week NNS - - n:x ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 viewers viewer NNS - - n:x _ _ ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 NBC NBC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 daytime daytime JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 consumer consumer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 segments segment NNS - - n:x _ _ ARG2 ARG1 compound compound compound _ _ _ _ _ _ _ _ +12 started start VBD + + v:e-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 calling call VBG - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 900 _generic_card_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 number number NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 advice advice NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 various various JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 life-style style NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 issues issue NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100004 +1 And and CC + - c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 syndicated syndicate JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 reality reality NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 show show NN - - n_of:x-i BV ARG1 ARG1 compound _ _ ARG1 _ _ _ _ _ _ _ +9 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Hard _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Copy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 records record NNS - + q_dem:i-h-h _ _ _ _ _ compound _ _ _ _ _ _ _ _ +14 viewers viewer NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 opinions opinion NNS - - n_of:x _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 possible possible JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 airing air NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 next next JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 day day NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ +24 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 show show VBP - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ poss +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100005 +1 Interactive interactive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +2 telephone telephone NN - + n:x _ _ _ _ _ _ _ _ _ _ +3 technology technology NN - - n:x ARG1 compound ARG1 _ _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ +5 taken take VBN + + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +8 leap leap NN - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +10 sophistication sophistication NN - - n:x _ _ _ _ _ ARG2 _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +13 television television NN - + n:x _ _ _ _ _ _ _ _ _ _ +14 programmers programmer NNS - - n_of:x-i _ _ _ _ _ _ compound ARG1 _ _ +15 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +16 racing race VBG - + v:e-i-h _ _ _and_c _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +18 exploit exploit VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +20 possibilities possibility NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22100006 +1 Eventually eventually RB - + a:e-p _ _ _ _ _ _ _ _ +2 viewers viewer NNS - - n_of:x-i ARG1 _ _ ARG2 _ _ _ _ +3 may may MD + + v_modal:e-h _ _ _ _ _ _ _ _ +4 grow grow VB - + v:e-i-h _ ARG1 _ _ _ _ _ _ +5 bored bored VBN - + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ +6 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 technology technology NN - - n:x _ _ _ _ ARG2 BV _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ +10 resent resent VB - + v:e-i-p _ _ _and_c _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +12 cost cost NN - - n:x _ _ _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22100007 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 right right RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 now now RB - + a:e-h ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 programmers programmer NNS - - n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 figuring figure VBG - + v:e-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 viewers viewer NNS - - n_of:x-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 busy busy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 dialing dial NN - - n:x _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +13 up up IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 range range NN - + n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 services service NNS - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +18 may may MD - + v_modal:e-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +19 put put VB - + v_down:e-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +20 down down RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 remote remote JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 control control NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 zappers _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 compound _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stay stay VB - + v_prd:e-i-h _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +27 tuned tune VBN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100008 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’ve ’ve VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 spending spend VBG - + v:e-i-p _ _ _ ARG1 _ subord _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 lot lot NN - + n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 time time NN - - n_of:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Los _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Angeles _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 talking talk VBG - + v_about:e-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 TV tv NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 production production NN - + n_of:x-i _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +17 people people NNS - - n_of:x-i _ _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Mike Mike NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Parks Parks NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound appos _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Call _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Interactive _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 compound ARG1 _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 supplied supply VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 technology technology NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +32 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 both both DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 ABC ABC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Sports _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +36 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 NBC NBC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 consumer consumer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 minutes minute NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c poss compound +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100009 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 With with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 competitiveness _generic_nn_ NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 television television NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +8 market market NN - - n:x _ _ ARG2 BV compound _ loc _ _ _ _ _ _ +9 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 days day NNS - + n_of:x-i _ _ _ _ _ BV _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 everyone everyone NN - - person:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +13 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 looking look VBG + + v_for:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +15 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 way way NN - + n_of:x-h _ _ _ _ _ _ _ ARG2 BV _ _ _ ARG1 +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 get get VB - + v:e-i-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 viewers viewer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ +22 excited excited JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ comp _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100010 +1 One one CD - + card:i-i-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 leaders leader NNS - - n_of:x-i part BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 behind behind IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 expanded expand JJ - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 use use NN - + n_of:x-i _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 900 _generic_year_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 numbers number NNS - - n_of:x _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ +12 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Call _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Interactive _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ appos _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 venture venture NN - + n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 giants giant NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +21 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Express _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ conj _ _ _ compound _ compound _ _ _ +23 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Telephone _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ compound _ _ +27 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Telegraph Telegraph NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +29 Co Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100011 +1 Formed form VBN + + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 August August NNP - - mofy:x-c _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 venture venture NN - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 weds wed VBZ - + v:e-i-p subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 AT&T AT&T NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 newly newly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 expanded expand VBN - + v_cause:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 service service NN - - n:x _ _ _ ARG2 poss _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ +14 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 200 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 voice-activated activate JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 computers computer NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG2 ARG1 _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Express _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +21 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Omaha Omaha NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ appos +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Neb. _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 service service NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 center center NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound compound _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100012 +1 Other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 long-distance distance JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +3 carriers carrier NNS - - n_of:x-i ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 begun begin VBN - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 marketing market NN - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 enhanced enhance VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 service service NN - - n:x _ _ _ _ ARG2 ARG2 compound _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +14 consultants consultant NNS - - n:x _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +15 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 springing spring VBG - + v_up:e-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +17 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 exploit exploit VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +22 tool tool NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100013 +1 Blair Blair NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Entertainment _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos _ _ _ _ _ ARG1 _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 York York NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 firm firm NN - + n:x _ BV _ compound _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +8 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 advises advise VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 TV tv NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 stations station NNS - - n:x _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sells sell VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ads ad NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 them them PRP - - pron:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 formed form VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 subsidiary subsidiary NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ appos _ _ _ +23 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 900 _generic_year_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Blair Blair NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +26 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 apply apply VB - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 technology technology NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +31 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 television television NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100014 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 use use NN - + n_of:x-i BV _ _ _ ARG1 _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ +4 900 _generic_year_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +5 toll toll NN - + n:x _ _ _ _ _ _ _ _ +6 numbers number NNS - - n_of:x _ ARG1 compound compound _ _ _ _ +7 has has VBZ - - _ _ _ _ _ _ _ _ _ +8 been been VBN - - _ _ _ _ _ _ _ _ _ +9 expanding expand VBG + + v:e-i _ _ _ _ _ ARG1 ARG1 _ +10 rapidly rapidly RB - + a:e-e _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ +13 years year NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22100016 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 cost cost NN - - n:x BV ARG1 _ _ ARG2 _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ +6 call call NN - - n:x _ ARG2 BV compound _ _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 set set VBN + + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ +9 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 originator originator NN - - n:x _ _ _ _ ARG1 BV _ _ _ _ _ _ +12 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ABC ABC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +14 Sports _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ compound _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 for for+example IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 example for+example NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 cheapest cheapest JJS - - a:e-i _ _ _ _ _ _ _ _ BV ARG1 _ _ +22 starting start VBG - + v:e-i _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ +23 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +24 75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +25 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100017 +1 Billing billing NN - - n:x ARG2 _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ +3 included include VBN + + v:e-i-p-h _ _ _ _ _ _ +4 in in IN - + p:e-u-i ARG3 _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ +6 caller caller NN - + n_of:x-i _ _ BV _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ +8 regular regular JJ - + a:e-p _ _ _ _ _ _ +9 phone phone NN - + n:x _ _ _ _ _ _ +10 bill bill NN - - n_of:x-i _ ARG2 _ poss ARG1 compound +11 . _ . - - _ _ _ _ _ _ _ + +#22100018 +1 From from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 fee fee NN - - n:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 local local JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 phone phone NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 company company NN - + n_of:x-i _ _ BV ARG1 compound _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 long-distance distance JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 carrier carrier NN - - n_of:x-i _ _ _ _ _ _and_c BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 extract extract VB - + v:e-i-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ _ +14 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 costs cost NNS - - n:x _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 carry carry VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 call call NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 passing pass VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 rest rest NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 money money NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ _ _ +27 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 originator originator NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 must must MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 cover cover VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +34 advertising advertising NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +35 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 costs cost NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100019 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +3 months month NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 technology technology NN - - n:x _ _ BV ARG1 _ _ _ _ _ _ +7 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ +8 become become VBN + + v_id:e-i-h ARG1 _ _ _ _ _ _ _ _ _ +9 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +10 flexible flexible JJ - + a:e-p _ _ _ ARG2 comp _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +12 able able JJ - + a:e-i-h _ _ _ _ _ _and_c _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +14 handle handle VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ +15 much much RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +16 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ ARG1 _ +17 volume volume NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 _ ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22100020 +1 Before before RB + - _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 callers caller NNS - - n:x ARG1 _ _ _ ARG1 _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +5 900 _generic_year_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +6 numbers number NNS - - n_of:x ARG2 compound _ _ _ _ _ _ _ _ _ +7 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ +8 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +9 listen listen VB - + v:e-i-p _ _ ARG1 ARG1 _ _ _ _ _ _ _ +10 and and+not CC - - _ _ _ _ _ _ _ _ _ _ _ _ +11 not and+not RB - - _ _ _ _ _ _ _ _ _ _ _ _ +12 talk talk VB - - _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +14 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ +15 they they PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ +16 ’d ’d VBD - + v_modal:e-h _ _ _and_c _ _ _ _ _ _ _ _ +17 vote vote VB - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +19 yes yes UH - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ +22 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +23 no no UH - - _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +25 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +26 calling call VBG - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ +27 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ ARG2 _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +29 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +30 numbers number NNS - - n_of:x _ _ _ _ _ _ _ _ _ part ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22100021 +1 ( _ ( - - _ _ _ _ _ _ _ +2 People people NNS - - n_of:x-i ARG1 _ _ ARG1 _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 phone phone NN - + n:x _ _ _ _ _ _ +6 business business NN - - n:x ARG2 BV compound _ _ _ +7 call call VB + + v:e-i-p _ _ _ _ _ _ +8 this this DT - + q_dem:i-h-h _ _ _ _ _ _ +9 technology technology NN - - n:x _ _ _ ARG3 BV _ +10 “ _ `` - - _ _ _ _ _ _ _ +11 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ +12 click click NN - - n:x _ _ _ ARG2 _ compound +13 . _ . - - _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ +15 ) _ ) - - _ _ _ _ _ _ _ + +#22100022 +1 Now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 callers caller NNS - - n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 led lead VBN - + v:e-i-p ARG1 _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ +6 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 complex complex JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 menus menu NNS - - n:x _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 choices choice NNS - - n_of:x-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +11 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 retrieve retrieve VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 information information NN - - n_on-about:x-i _ _ _ _ _ _ ARG2 ARG2 _ _ _ _ _ _ +14 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 want want VBP - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 hardware hardware NN - - n:x _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ +20 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 process process VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ +22 10,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 calls call NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 90 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 seconds second NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100023 +1 Up up+to IN - - p:e-u-i mwe _ _ _ _ _ _ _ _ +2 to up+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +3 now now RB - - time_n:x ARG2 _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ +5 900 _generic_year_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +6 numbers number NNS - - n_of:x _ compound _ ARG2 _ _ _ _ _ +7 have have VBP - - _ _ _ _ _ _ _ _ _ _ +8 mainly mainly RB - + a:e-e _ _ _ _ _ _ _ _ _ +9 been been VBN - - _ _ _ _ _ _ _ _ _ _ +10 used use VBN + + v:e-i-p ARG1 _ ARG1 _ ARG1 _ _ _ _ +11 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 local local JJ - + a:e-p _ _ _ _ _ _ _ _ _ +13 TV tv NN - + n:x _ _ _ _ _ _ _ _ _ +14 stations station NNS - + n:x _ _ _ _ ARG2 ARG1 compound _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ +16 cable cable NN - + n:x _ _ _ _ _ _ _ _ _ +17 channels channel NNS - - n:x _ _ _ _ _ _ _ _and_c compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22100024 +1 MTV _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ +2 used use VBD + + v:e-i-i-h _ _ _ _ _ _ _ _ _ +3 one one CD - - card:i-i-c ARG2 _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ +5 give give VB - + v_away:e-i-i ARG3 _ _ _ _ _ _ _ _ +6 away away RP - - _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 house house NN - - n_of:x-i _ ARG2 BV _ _ _ _ ARG2 _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ +10 rock rock NN - + n:x _ _ _ _ _ _ _ _ _ +11 star star NN - + n:x _ _ _ compound _ _ _ _ _ +12 Jon Jon NNP - + named:x-c _ _ _ _ _ _ _ _ _ +13 Bon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ +14 Jovi _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound _ compound ARG1 _ +15 grew grow VBD - + v_up:e-i-i _ _ _ _ _ _ _ _ ARG1 +16 up up RP - - _ _ _ _ _ _ _ _ _ _ +17 in in IN - + p:e-i _ _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22100026 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 newest newest JJS - + a:e-i _ _ _ _ _ _ _ _ _ +3 uses use NNS - + n_of:x-i BV ARG1 _ _ _ ARG1 _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 900-interactive interactive JJ - + a:e-p _ _ _ _ _ _ _ _ _ +7 technology technology NN - - n:x _ _ ARG1 BV ARG1 _ _ _ _ +8 demonstrate demonstrate VB + + v:e-i-p _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +10 growing grow VBG - + v:e-i _ _ _ _ _ _ _ _ _ +11 variety variety NN - + n_of-n:x-i _ _ _ _ _ ARG2 BV ARG1 _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ +13 applications application NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22100027 +1 Capital _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Cities/ABC ABC NNP - + named:x-c compound _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 CBS CBS NNP - + named:x-c _ conj _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Electric _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ compound _ _ _ _ _ _ _ _ _ _ _ +10 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Broadcasting _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +14 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +15 unit unit NN - - n_of:x-i _ _ _ _and_c _ _ poss _ _ _ compound _ _ _ _ _ _ _ _ +16 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 expected expect VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 announce announce VB - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ ARG1 _ _ +20 soon soon RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 campaign campaign NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ BV ARG1 _ _ _ +24 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +25 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +26 awareness awareness NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +27 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 hunger hunger NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100028 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 subject subject NN - - n_of:x-i BV ARG2 _ _ _ _ _ _ _ _ +3 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +4 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +5 written write VBN + + v_to:e-i-p _ _ ARG1 _ _ _ _ _ _ _ +6 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 plots plot NNS - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +10 prime-time time JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ +11 shows show NNS - - n_of:x-i _ _ _ _ ARG2 compound _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +14 viewers viewer NNS - - n_of:x-i _ _ _ _ _ _ ARG3 _ _ _ +15 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +16 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +17 given give VBN - + v:e-i-i-i _ _and_c _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +19 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ +20 number number NN - + n:x-h _ _ _ _ _ _ ARG2 BV compound _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +22 call call VB - - v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22100029 +1 Callers caller NNS - - n:x ARG2 _ _ _ _ _ _ _ _ _ +2 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +3 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +4 sent send VBN + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ +5 educational educational JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +6 booklets booklet NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 call call NN - + n:x _ _ BV _ _ _ _ _ _ _ +11 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +12 modest modest JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +13 cost cost NN - - n:x _ _ _ poss ARG1 ARG1 _ _ _ _ +14 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +15 be be VB - + v_id:e-p-i ARG3 _ _ _ _ _ _ _ _ _ +16 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 immediate immediate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +18 method method NN - - n_of:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +20 raising raise VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ ARG2 _ +21 money money NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22100030 +1 Other other JJ - + a:e-i _ _ _ _ _ +2 network network NN - + n_of:x-i _ _ _ _ _ +3 applications application NNS - - n_of:x-i ARG1 compound ARG1 _ _ +4 have have VBP + + v:e-i-i _ _ _ _ _ +5 very very RB - + x:e-u _ _ _ _ _ +6 different different JJ - + a_than-from:e-i _ _ _ ARG1 _ +7 goals goal NNS - - n:x _ _ ARG2 _ ARG1 +8 . _ . - - _ _ _ _ _ _ + +#22100031 +1 ABC ABC NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Sports _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ +4 looking look VBG + + v_for:e-i-i _ _ _ _ _ _ _ _ _ +5 for for IN - - _ _ _ _ _ _ _ _ _ _ +6 ways way NNS - + n_of:x-h _ ARG2 _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ +8 lift lift VB - + v_cause:e-i-p _ _ ARG1 _ _ _ _ _ _ +9 deflated deflate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ +10 halftime _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ +11 ratings rating NNS - - n:x _ _ _ ARG2 ARG2 compound ARG1 _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +14 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ +15 Night night NNP - + n_of:x _ _ _ _ _ _ _ compound _ +16 Football _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22100032 +1 Kurt _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Sanger _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ABC ABC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Sports _generic_proper_ne_ NNPS - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 marketing market NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 director director NN - + n_of:x-i _ _ poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 tens ten NNS - + x:x-i _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 thousands thousands NNS - + x:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 fans fan NNS - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 call call VBP - + v_name:e-i-i-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ +21 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 number number NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ +24 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 vote vote VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +28 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 best best JJS - + a_at-for-of:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 punt punt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 return return NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 quarterback _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 sack sack NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj compound appos +36 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 etc etc FW - + c:i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100034 +1 Jackets jacket NNS - - n:x _ ARG2 _ +2 may may MD + + v_modal:e-h _ _ _ +3 be be VB - - _ _ _ _ +4 sold sell VBN - + v:e-i-p _ _ subord +5 next next JJ - + a:e-e ARG1 _ _ +6 . _ . - - _ _ _ _ + +#22100035 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 NBC NBC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Sports _generic_proper_ne_ NNPS - - named:x-c _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 began begin VBD + + v:e-i-p ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Scores _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Plus _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 year-round year-+round JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 24-hour hour JJ - + a:e-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 900 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 line line NN - - n_of:x _ _ _ ARG2 _ BV ARG1 compound compound ARG1 _ _ _ _ _ _ +18 providing provide VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 complex complex JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 array array NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 scores score NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 analysis analysis NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 fan fan NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 news news NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100036 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 spokesman spokesman NN - - n:x BV ARG1 _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +4 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 purpose purpose NN - - n:x _ _ poss ARG1 _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ +9 bolster bolster VB - + v:e-i-p _ ARG2 _ _ _ _ _ loc ARG1 +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 impression impression NN - - n_of:x-h _ _ _ ARG2 BV _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ _ +13 NBC NBC NNP - + named:x-c _ _ _ _ _ _ _ _ _ +14 Sports _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ compound _ _ _ +15 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +16 always always RB - + a:e-e _ _ _ _ _ _ _ _ _ +17 there there RB - + place_n:x _ _ _ _ _ _ ARG1 _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +19 people people NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22100037 +1 NBC NBC NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +4 On-Line _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +5 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +6 consumer consumer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +7 minutes minute NNS - - n:x poss compound compound ARG1 _ _ _ _ _ _ +8 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ +9 increased increase VBN + + v_cause:e-i-p _ _ _ _ _ ARG1 _ _ _ _ +10 advertiser _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ +11 spending spend NN - - v:e-i-p _ _ _ ARG2 compound _ _ _ _ _ +12 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 day day NN - - n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 network network NN - + n_of:x-i _ _ _ _ _ _ _ BV _ _ +18 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +19 weakest weakest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ +20 period period NN - - n_of:x-i _ _ _ _ _ _ _ _ poss ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22100038 +1 Each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 weekday weekday NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 matches match VBZ + + v_cause:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sponsor sponsor NN - + n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 topic topic NN - - n_of:x-i _ _ _ _and_c BV _ _ _ _ _ _ _ _ _ _ _ _ _ +9 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Mondays Monday NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Unilever _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +14 N.V. N.V. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Lever _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Bros. Bros. NNP - - named:x-c _ _ _ _ _ _ _ poss _ compound ARG1 _ _ _ _ _ _ _ +18 sponsors sponsor VBZ - + v:e-i-p _ conj _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 tips tip NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ ARG2 _ _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 diet diet NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 exercise exercise NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 followed follow VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 30-second second JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Lever _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Bros. Bros. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +31 commercial commercial NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 _ compound +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100040 +1 If if IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 caller caller NN - - n_of:x-i _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 stays stay VBZ - + v:e-i ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 line line NN - - n_of:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 leaves leave VBZ - + v_transfer:e-i-i-i _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 name name NN - + n_of:x-i _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 address address NN - - n:x _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 sponsor sponsor NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 coupons coupon NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 newsletter newsletter NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _and_c BV _ _ _ _ _ _ _ _ +22 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 mailed mail VBN - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 sponsor sponsor NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ +29 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 able able JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +32 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 gather gather VB - + v_coll:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 list list NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +36 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 desirable desirable JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 customers customer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100041 +1 Diane Diane NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Seaman _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos ARG1 _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 NBC-TV _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +6 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +7 president president NN - + n_of:x-i _ BV compound compound _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +10 NBC NBC NNP - - named:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ +11 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 able able JJ - + a:e-i-h _ _ _ _ _ ARG2 _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 charge charge VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ +16 premium premium NN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +17 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +20 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +21 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 BV compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100042 +1 She she PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ +2 would wouldn’t MD - + neg:e-h _ neg _ _ _ _ _ _ _ _ _ +3 n’t wouldn’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ +4 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +5 what what WP - - thing:x _ _ _ _ ARG2 _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 premium premium NN - - n:x _ _ _ BV ARG1 _ _ _ _ _ _ +8 is is VBZ - + v_id:e-p-i _ _ ARG2 _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ +11 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +13 believed believe VBN - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +15 be be VB - + v_id:e-p-i _ _ _ _ _ ARG2 _ _ _ _ _ +16 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ +17 40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +18 % % NN - - n_of:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +19 above above IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 regular regular JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +21 daytime daytime JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +22 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22100043 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 able able JJ - + a:e-i-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 get get VB - + v_cause:e-i-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 advertisers _generic_nns_ NNS - - n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 use use VB - + v:e-i-p _ ARG3 _ _ _ ARG1 _ _ _ _ _ _ _ +10 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 promotion promotion NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 budget budget NN - - n:x _ _ ARG2 poss compound _ _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +14 this this DT - - x:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 because because IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +17 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +18 get get VBP - + v:e-i-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 chance chance NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 do do VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +23 couponing _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Seaman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100044 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ +3 we we PRP - - pron:x _ ARG1 _ _ _ _ _ _ +4 were were VBD - - _ _ _ _ _ _ _ _ _ +5 able able JJ - + a:e-i-h _ _ _ _ _ ARG1 _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ +7 attract attract VB - + v:e-i-p _ ARG2 _ _ _ _ _ _ +8 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ +9 new new JJ - + a:e-p _ _ _ _ _ _ _ _ +10 advertisers _generic_nns_ NNS - - n:x _ _ ARG2 BV ARG1 _ _ _ +11 because because IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ +12 this this DT - - x:x _ _ _ _ _ _ ARG1 _ +13 is is VBZ - + v_id:e-p-i _ _ _ _ _ ARG2 _ _ +14 something something NN - - thing:x _ _ _ _ _ _ ARG2 ARG1 +15 new new JJ - + a:e-p _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ + +#22100045 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Parks Parks NNP - - named:x-c compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Call _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Interactive _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +6 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 TV tv NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 executives executive NNS - - n:x _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 considering consider VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 use use NN - + n_of:x-i _ _ _ _ _ ARG2 BV _ _ ARG1 _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 900 _generic_year_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 numbers number NNS - - n_of:x _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 talk talk NN - + n_of-on:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 shows show NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 game game NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 shows show NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ conj compound _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 news news NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 opinion opinion NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +27 surveys survey NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ conj compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100046 +1 Experts expert NNS - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 predicting predict VBG - + v:e-i-p _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +6 influx influx NN - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 shows show NNS - - n_of:x-i _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 1990 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 service service NN - - n:x _ _ _ _ _ _ _ BV ARG3 _ _ ARG1 _ +16 called call VBD - + v_name:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 automatic automatic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +19 number number NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ +20 information information NN - - n_on-about:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 become become VB - + v_id:e-i-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +24 widely widely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +25 available available JJ - - a:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100047 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +2 service service NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ +3 identifies identify VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ +4 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 caller caller NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ +6 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +7 phone phone NN - + n:x _ _ _ _ _ _ _ _ _ _ +8 number number NN - - n_of:x _ ARG2 _ poss compound _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +11 it it PRP - - pron:x _ _ _ _ _ _ ARG2 _ _ _ +12 can can MD - + v_modal:e-h _ _and_c _ _ _ _ _ _ _ _ +13 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +14 used use VBN - + v:e-i-i-h _ _ _ _ _ ARG1 _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +16 generate generate VB - + v:e-i-p _ _ _ _ _ _ ARG3 _ _ _ +17 instant instant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +18 mailing mailing NN - + n:x _ _ _ _ _ _ _ _ _ _ +19 lists list NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22100050 +1 “ _ `` - - _ _ _ _ +2 That that DT - - x:x ARG1 _ _ +3 ’ll ’ll JJ - - _ _ _ _ +4 save save VB + + v:e-i-i-i _ _ _ +5 us us PRP - - pron:x ARG3 _ _ +6 time time NN - - n_of:x ARG2 _ _ +7 and and CC - - _ _ _ _ +8 get get VB - + v:e-i-i _and_c _ _ +9 people people NNS - - n_of:x-i _ ARG2 ARG2 +10 involved involve VBN - + v:e-i-p _ _ _ +11 . _ . - - _ _ _ _ +12 ” _ '' - - _ _ _ _ + +#22100051 +1 But but CC + + c:i-i-i _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +3 Monsky _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ +4 sees see VBZ - + v:e-i-p ARG2 _ _ _ _ _ +5 much much RB - + x:e-u _ _ _ _ _ _ +6 bigger bigger JJR - + a:e-i _ _ _ ARG1 _ _ +7 changes change NNS - - n_of:x-i _ _ ARG2 _ ARG1 ARG1 +8 ahead ahead RB - + p:e-i _ _ _ _ _ _ +9 . _ . - - _ _ _ _ _ _ _ + +#22100052 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 These these DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 are are VBP - + v_id:e-p-i _ ARG1 _ _ _ _ _ _ _ _ _ _ ARG2 +4 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +5 baby baby NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +6 steps step NNS - - n:x ARG2 _ compound ARG1 _ _ _ _ _ _ _ _ _ +7 toward toward IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 real real JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 interactive interactive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +10 video video NN - - n_of:x-i _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 I I PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +14 believe believe VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 be be VB - + v_id:e-p-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 biggest biggest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 thing thing NN - - n_of-about:x-i _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ +20 yet yet RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 affect affect VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ +23 television television NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +27 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100053 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 would would MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 costly costly JJ - + a:e-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 shoot shoot VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +8 multiple multiple JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 versions version NNS - - n_of:x-i _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 TV tv NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +12 programmers programmer NNS - - n:x _ _ _ _ _ compound _ ARG1 _ _ _ _ _ +13 could could MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 let let VB - + v:e-i-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 audiences audience NNS - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 vote vote NN - + n:x _ _ _ _ _ _ _ ARG2 _ ARG1 _ ARG1 _ +17 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +18 different different JJ - + a_than-from:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 endings ending NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +22 movie movie NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100055 +1 Someday someday RB + + a:e-h _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ +3 viewers viewer NNS - - n_of:x-i _ _ _ ARG1 _ _ _ +4 may may MD - + v_modal:e-h ARG1 _ _ _ _ _ _ +5 also also RB - + a:e-h _ ARG1 _ _ _ _ _ +6 choose choose VB - + v:e-i-p _ _ ARG1 _ _ _ _ +7 different different JJ - + a_than-from:e-i _ _ _ _ _ _ _ +8 depths depth NNS - - n:x _ _ _ ARG2 ARG1 ARG1 _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ +10 news news NN - + n_of:x _ _ _ _ _ _ _ +11 coverage coverage NN - - n_of:x-i _ _ _ _ _ ARG2 compound +12 . _ . - - _ _ _ _ _ _ _ _ + +#22100056 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 menu menu NN - - n:x BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 phone phone NN - - n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +7 let let VB - + v:e-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 you you PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 decide decide VB - + v:e-i-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ‘ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 I I PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 ’m ’m VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 interested interested VBN - + a_in:e-p-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +15 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +18 beginning begin NN - + v:e-i-p _ _ _ _ _ ARG2 _ BV _ _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 story story NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +21 No. no. NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 1 1 CD - - card:i-i-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 I I PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +26 want want VBP - + v:e-i-i _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ +27 story story NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 No. no. NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +29 2 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ ARG2 _ compound ARG1 _ _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 depth depth NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Monsky _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +36 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22100057 +1 “ _ `` - - _ _ _ _ _ _ +2 You you PRP - - pron:x _ ARG1 _ _ _ +3 ’ll ’ll VBP - - _ _ _ _ _ _ +4 start start NN + + v:e-h _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ +6 see see VB - + v:e-i-p ARG1 _ _ _ _ +7 shows show NNS - + n_of:x-i _ ARG2 _ _ _ +8 where where WRB - - _ _ _ _ _ _ +9 viewers viewer NNS - - n_of:x-i _ _ _ ARG1 _ +10 program program VBP - + v:e-i-p _ _ loc _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ +12 program program NN - - n_of:x-i _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ + +#22101001 +1 Integrated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Resources _generic_proper_ne_ NNP - - named:x-c compound compound _ _ _ appos _ _ _ _ _ _ ARG1 _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 troubled troubled JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 financial-services services JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 company company NN - + n_of:x-i _ _ BV ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ _ +9 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 trying try VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 sell sell VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 core core NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ +18 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 restructure restructure VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +20 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 +24 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 buyer buyer NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +28 ended end VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101002 +1 Integrated _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ +2 did didn’t VBD - - _ _ _ _ _ _ _ _ +3 n’t didn’t RB + + neg:e-h _ _ _ _ _ _ _ +4 identify identify VB - + v:e-i-p neg _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ +6 party party NN - - n_of-to:x _ ARG2 BV _ _ _ _ +7 or or CC - - _ _ _ _ _ _ _ _ +8 say say VB - + v_to:e-i-h-i _ _or_c _ _ _ _ _ +9 why why WRB - + p:e-u-x _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ +11 talks talk NNS - - n_of-on:x-i _ _ _ _ _ BV ARG1 +12 failed fail VBD - + v:e-i-p _ _ _ ARG2 ARG1 _ _ +13 . _ . - - _ _ _ _ _ _ _ _ + +#22101003 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 week week NN - + n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 buyer buyer NN - - n_of:x-i _ _ BV ARG1 _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Whitehall Whitehall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Financial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Group group NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +10 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 agreed agree VBN + + v:e-i _ loc _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 August August NNP - - mofy:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 purchase purchase VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ _ _ +18 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Integrated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 core core NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ part poss compound _ _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +26 310 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ +28 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 ended end VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG2 ARG1 +31 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Integrated _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101005 +1 A a DT - + q:i-h-h _ _ _ +2 price price NN - - n_of:x BV _ ARG2 +3 was wasn’t VBD - - _ _ _ _ +4 n’t wasn’t RB + + neg:e-h _ _ _ +5 disclosed disclose VBN - + v_to:e-i-p-i _ neg _ +6 . _ . - - _ _ _ _ + +#22101006 +1 Integrated _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 expects expect VBZ - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 report report VB - + v_to:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 second-quarter quarter JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +10 loss loss NN - - n_of:x-i _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ +11 wider wider JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +12 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +14 earlier earlier JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +15 estimate estimate NN - + n_of:x-i _ _ _ _ _ _ than BV ARG1 _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +19 600 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +20 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101008 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 number number NN - + n_of:x-i _ BV _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 top top JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 producers producer NNS - + n_of:x-i _ _ ARG1 ARG1 compound _ _ _ _ _ _ _ _ _ _ +9 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Integrated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Resources _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +12 Equity _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 _ compound _ _ _ _ _ _ _ +13 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 meet meet VB - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ loc ARG1 ARG1 _ _ +15 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 afternoon afternoon NN - + n_of:x _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Chicago Chicago NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +19 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 discuss discuss VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 options option NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 unit unit NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 loosely loosely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 constructed construct VBN - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 group group NN - + n_of:x-i _ ARG2 BV _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 3,900 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 independent independent JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 brokers broker NNS - + n:x _ _ _ _ _ ARG1 _ ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 planners planner NNS - - n:x _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 sell sell VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 insurance insurance NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 annuities _generic_nns_ NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 limited limit JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 partnerships partnership NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ conj ARG2 _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 funds fund NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj ARG1 _ _ _ _ _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 investments investment NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 ARG1 _ _ +30 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Integrated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 firms firm NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ +3 force force NN - - n:x BV compound ARG2 _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +5 viewed view VBN + + v_as:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ +6 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 critical critical JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ +9 asset asset NN - - n:x _ _ ARG3 BV ARG1 ARG1 _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +11 Integrated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ +13 attempt attempt NN - + n:x-h _ _ _ _ _ ARG2 poss _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +15 sell sell VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ +16 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 core core NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +18 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22101011 +1 Whitehall Whitehall NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 cited cite VBD + + v_for:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 concerns concern NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 how how WRB - + abstr_deg:i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 long long RB - - time_n:x _ ARG2 measure _ _ _ _ _ _ _ _ _ _ _ _ +7 Integrated _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 able able JJ - + a:e-i-h _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 hold hold VB - + v:e-i-p _ _ _ _ ARG2 _ ARG1 _ _ ARG1 _ _ _ _ _ +13 together together RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 force force NN - - n:x _ _ _ _ _ ARG2 _ BV compound _ _ _ _ _ _ +17 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 reason reason NN - + n_for:x-h _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +20 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG1 +22 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Integrated _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +24 failed fail VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101012 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ loc _ _ _ _ _ _ +2 composite composite JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 trading trade NN - - v:e-i-p ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 York York NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ +8 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Exchange exchange NNP - - n:x _ _ ARG2 BV _ compound compound _ _ _ _ _ _ _ +10 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Integrated _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +13 closed close VBD + + v:e-i ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ +14 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +16 1.25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101013 +1 Integrated _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 struggling struggle VBG - + v:e-i-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 avoid avoid VB - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 bankruptcy-law law NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +9 filing filing NN - - n:x _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ +10 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 June June NNP - - mofy:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +15 failed fail VBD - + v:e-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 make make VB - + v:e-i-p-u _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ +18 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 payments payment NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 nearly nearly RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 +23 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +24 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +26 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22101014 +1 Integrated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +2 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ +4 junior junior JJ - + a:e-p _ _and_c _ _ _ _ _ _ +5 creditors creditor NNS - - n:x compound ARG1 ARG1 ARG3 _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ _ _ _ +7 owed owe VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +9 total total NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ +11 about about IN - - _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ ARG1 _ ARG1 +13 1.8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +14 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22102001 +1 AN an DT - + q:i-h-h _ _ _ _ _ _ +2 EARTHQUAKE earthquake NN - - n:x BV ARG1 _ _ _ _ +3 STRUCK strike VBD - + v:e-i-p _ _ _ subord _ _ +4 Northern _generic_proper_ne_ NNP - + a:e-p _ _ _ _ _ _ +5 California California NNP - - named:x-c _ ARG2 compound _ _ _ +6 , _ , - - _ _ _ _ _ _ _ +7 killing kill VBG + + v:e-i-p _ _ _ _ _ _ +8 more more JJR - + much-many_a:e-i _ _ _ _ _ _ +9 than than IN - - _ _ _ _ _ _ _ +10 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +11 people people NNS - - n_of:x-i _ _ _ _ than ARG1 +12 . _ . - - _ _ _ _ _ _ _ + +#22102002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 violent violent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 temblor temblor NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 lasted last VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 seconds second NNS - - n:x _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 registered register VBD - + v:e-i-p _ _ _and_c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 6.9 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Richter Richter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 scale scale NN - - n:x _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 caused cause VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 collapse collapse NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 30-foot foot JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 section section NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Francisco-Oakland Oakland NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +30 Bay _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +31 Bridge _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ compound _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 shook shake VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +34 Candlestick _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Park Park NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 tremor tremor NN - - n:x BV ARG2 _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ +4 centered center VBN + + v:e-i-p _ _ ARG1 _ _ _ _ _ _ +5 near near IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 Hollister _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ +8 southeast southeast NN - - n:x _ _ _ ARG1 _ ARG2 _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +10 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +11 Francisco Francisco NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ +14 was was VBD - - _ _ _ _ _ _ _ _ _ _ +15 felt feel VBN - + v:e-i-p _ ARG2 _ _ _ _ ARG1 _ _ +16 as as RB - - _ _ _ _ _ _ _ _ _ _ +17 far far RB - + a:e-e _ _ _ _ _ _ _ _ _ +18 as as IN - - _ _ _ _ _ _ _ _ _ _ +19 200 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +20 miles mile NNS - - n:x _ _ _ _ _ _ _ ARG1 ARG1 +21 away away RB - + p:e-i _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22102004 +1 Numerous numerous JJ - + a:e-p _ _ +2 injuries injury NNS - - n:x ARG1 ARG2 +3 were were VBD - - _ _ _ +4 reported report VBN + + v_to:e-i-p _ _ +5 . _ . - - _ _ _ + +#22102005 +1 Some some DT - + q:i-h-h _ _ _ _ _ +2 buildings building NNS - - n:x BV ARG1 _ _ _ +3 collapsed collapse VBD + + v:e-i _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ +5 gas gas NN - + n:x _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ +7 water water NN - - n:x _ _ _and_c _ _ +8 lines line NNS - - n_of:x _ _ compound ARG1 _ +9 ruptured _generic_vbd_ VBD - + v:e-i-p _ _and_c _ _ _ +10 and and CC - - _ _ _ _ _ _ +11 fires fire NNS - - n:x _ _ _ _ ARG1 +12 raged rage VBD - + v:e-i _ _ _ _and_c _ +13 . _ . - - _ _ _ _ _ _ + +#22102006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 quake quake NN - - n:x BV _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 also also RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 caused cause VBD - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 damage damage NN - - n_to:x-i _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Jose Jose NNP - + named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Berkeley Berkeley NNP - - named:x-c _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 knocked knock VBD + + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 out out IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 electricity electricity NN - + n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 telephones telephone NNS - - n:x _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 cracked crack VBN - + v_cause:e-i-p _ _ _ _ _ _ conj _ _ _ _ _ _ _ +21 roadways _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 disrupted disrupt VBN - + v:e-i-p _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +24 subway subway NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 service service NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ +26 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Bay _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Area _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102007 +1 Major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 injuries injury NNS - - n:x ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +3 were weren’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t weren’t NN + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 reported report VBN - + v_to:e-i-p _ neg _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Candlestick _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Park Park NNP - - named:x-c _ _ _ ARG2 compound loc _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 where where WRB - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 game game NN - - n:x _ _ _ _ _ _ BV ARG1 ARG1 _ _ ARG2 _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 baseball baseball NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 World _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Series _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ _ +19 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 canceled cancel VBN - + v:e-i-p _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 fans fan NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +23 evacuated evacuate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _and_c _ ARG1 _ +24 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stadium stadium NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102008 +1 Bush Bush NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 vowed vow VBD - + v_to:e-i-h _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 veto veto VB - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 bill bill NN - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 allowing allow VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 financing finance NN - - v:e-i-p _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 abortions abortion NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 cases case NNS - + n_of:x-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 rape rape NN - + n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 incest _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 saying say VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 tax tax NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 dollars dollar NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ ARG2 _ _ _ _ _ _ _ _ +22 should shouldn’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ +23 n’t shouldn’t NN - + neg:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +24 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 used use VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 compound compound VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 violent violent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 act act NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +32 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 taking take VBG - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +35 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 unborn unborn JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 life life NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102009 +1 His his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 pledge pledge NN - - n:x poss ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 letter letter NN - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Democratic democratic NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Sen. Sen. NNP - + n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 Byrd Byrd NNP - - named:x-c _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 came come VBD + + v:e-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +13 ahead ahead+of RB - - p:e-u-i _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +14 of ahead+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 expected expect VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Senate Senate NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 vote vote NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG2 compound ARG1 _ _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 spending spend NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 legislation legislation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ +22 containing contain VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 provision provision NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102010 +1 East _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Germany Germany NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Politburo _generic_proper_ne_ NNP - - named:x-c _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 met meet VBD + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 amid amid IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 speculation speculation NN - + n_about:x-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ruling rule NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 body body NN - - n:x _ _ _ _ _ BV compound _ ARG1 _ _ _ _ _ _ _ _ +12 would would MD - + v_modal:e-h _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 oust oust VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 hard-line line JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 leader leader NN - + n_of:x-i _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +16 Honecker _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 rule rule NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ poss ARG2 _ _ _ _ +20 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 challenged challenge VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +23 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 mass mass JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 emigration _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 calls call NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +28 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 democratic democratic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 freedoms freedom NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102011 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 125 _generic_card_ne_ CD - + card:i-i-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 refugees refugee NNS - - n:x _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 flew fly VBD + + v:e-i ARG1 _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Duesseldorf Duesseldorf NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 West _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Germany Germany NNP - - named:x-c _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Warsaw Warsaw NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ appos _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 airlift _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 East _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Germany Germany NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +22 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 refugee refugee NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 exodus exodus NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 World _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +3 Psychiatric _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ +4 Association _generic_proper_ne_ NNP - - named:x-c BV _ compound ARG1 _ _ _ _ _ _ _ +5 voted vote VBD + + v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +7 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 Athens Athens NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +9 parley parley NN - - n:x _ _ _ _ ARG2 BV compound _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +11 conditionally _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +12 readmit admit VB - + v:e-i-p _ _ _ ARG2 _ _ _ ARG1 _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 Soviet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +15 Union _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 BV compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22102013 +1 Moscow Moscow NNP - - named:x-c ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 left leave VBD - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 group group NN - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 1983 _generic_year_ne_ CD - - yofc:x-c _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 avoid avoid VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 explusion _generic_nn_ NN - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 allegations allegation NNS - + n:x-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 political political JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 dissidents _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ +17 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 certified certify VBN - + v_as:e-i-p-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 insane insane JJ - - a:e-p _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +24 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 suspended suspend VBN - - v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +26 if if IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 misuse misuse NN - - n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG2 _ _ _ _ +29 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 psychiatry psychiatry NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +31 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 dissenters _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +33 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 discovered discover VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ _ +35 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 review review NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +38 within within IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102014 +1 NASA NASA NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 postponed postpone VBD + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 liftoff _generic_nn_ NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 space space NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 shuttle shuttle NN - + n:x _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +9 Atlantis _generic_proper_ne_ NNS - - n:x _ _ ARG2 BV _ compound _ _ _ _ _ _ _ _ _ +10 because because+of IN - - p:e-u-i _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +11 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 rain rain NN - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +13 near near IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 site site NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 launch launch NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 pad pad NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Cape _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Canaveral _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Fla Fla NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102015 +1 The the DT - + q:i-h-h _ _ _ +2 flight flight NN - - n:x BV ARG2 _ +3 was was VBD - - _ _ _ _ +4 rescheduled schedule VBN + + v:e-i-p _ _ ARG1 +5 for for IN - + p:e-u-i _ _ _ +6 today today NN - - time_n:x _ _ ARG2 +7 . _ . - - _ _ _ _ + +#22102016 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 spacecraft spacecraft NN - + n:x BV _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +5 astronauts astronaut NNS - - n:x _ poss ARG1 _ ARG1 _ _ _ _ _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 dispatch dispatch VB - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 nuclear-powered power JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Galileo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +12 space space NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 probe probe NN - - n:x _ _ _ _ ARG2 BV compound compound compound _ _ _ _ +14 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +16 exploratory _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +17 mission mission NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Jupiter Jupiter NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102017 +1 Senate Senate NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Democratic democratic NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ +3 leaders leader NNS - - n_of:x-i _ compound ARG1 _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +5 they they PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ +6 had have VBD - + v:e-i-i _ _ _ _ _ ARG1 _ _ _ _ _ _ +7 enough enough JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 votes vote NNS - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ +9 to to TO - + x:e-h-h _ _ ARG2 _ _ _ _ _ _ _ _ _ +10 defeat defeat VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 proposed propose JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +13 constitutional constitutional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +14 amendment amendment NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG2 ARG1 _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ban ban VB - + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +17 flag flag NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +18 burning burn NN - - v:e-i _ _ _ _ _ _ _ _ _ _ ARG2 compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102018 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 amendment amendment NN - - n_of:x-i BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 aimed aim VBN + + v_at:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 skirting skirt VBG - + v:e-i-p _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Supreme _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Court _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +10 ruling ruling NN - - n:x _ _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ _ _ _ +11 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 threw throw VBD - + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +13 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 conviction conviction NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Texas Texas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 flag-burner burner NN - - n:x _ _ _ _ _ _ _ _ ARG1 BV compound _ _ _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 grounds ground NNS - + n:x-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +22 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 freedom freedom NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG2 +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 speech speech NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +27 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 violated violate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102019 +1 Federal federal NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +2 researchers researcher NNS - - n_of:x-i ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +4 lung-cancer cancer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +5 mortality mortality NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +6 rates rate NNS - - n_of:x-i _ _ compound compound ARG1 _ _ _ _ ARG1 _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 people people NNS - - n_of:x-i _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +9 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 45 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 years year NNS - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 age age NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 begun begin VBN - + v:e-h _ ARG2 _ _ _ _ _ _ _ _ _ ARG1 _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 decline decline VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 particularly particularly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +21 white white JJ - + a:i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 males male NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102020 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Cancer _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Institute _generic_proper_ne_ NNP - - named:x-c BV _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 projected project VBD - + v_to:e-i-h-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 overall overall JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 mortality mortality NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 rates rate NNS - - n_of:x-i _ _ _ _ _ ARG1 compound compound ARG1 _ _ _ ARG1 _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 lung lung NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cancer cancer NN - - n:x _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +15 should should MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +16 begin begin VB - + v:e-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 drop drop VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +22 if if IN - + x:e-h-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 cigarette cigarette NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 smoking smoke NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ ARG1 +25 continues continue VBZ - + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 abate abate VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102021 +1 Bush Bush NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 met meet VBD + + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Korean Korean NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 President president NNP - + n_of:x-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Roh _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 indicated indicate VBD - + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Seoul _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 plans plan VBZ - + v:e-i-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 further further RBR - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ease ease VB - + v:e-i-p _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 trade trade NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 rules rule NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ensure ensure VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 economy economy NN - - n:x _ _ _ _ _ _ _ _ _ _ _ poss ARG1 _ _ _ _ _ _ +24 becomes become VBZ - + v_as:e-i-i-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +25 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 open open JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +27 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 industrialized industrialized JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 nations nation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ than BV ARG1 ARG1 _ _ +32 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 mid-1990s _generic_plur_ne_ NNS - - year_range:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102022 +1 Bush Bush NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 assured assure VBD + + v_of:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Roh _generic_proper_ne_ NNP - - named:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 U.S. U.S. NNP - - named_n:x-c _ BV _ ARG1 _ _ _ _ _ _ _ _ _ +7 would would MD - + v_modal:e-h ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +8 stand stand VB - + v:e-i _ _ ARG1 _ _ _ loc _ _ _ _ _ _ +9 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 security security NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +12 commitments commitment NNS - - n_to:x-i _ _ _ ARG2 poss compound _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 long long RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +16 as as IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 is is VBZ - + v_there:e-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 threat threat NN - - n:x _ _ _ _ _ _ _ _ ARG1 BV ARG1 _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Communist _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +24 North _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Korea Korea NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102023 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bush Bush NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 administration administration NN - - n_of:x-i BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 seeking seek VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 understanding understanding NN - - n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Congress Congress NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ease ease VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 restrictions restriction NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 involvement involvement NN - - n_in:x-i _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 foreign foreign JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 coups coup NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ ARG1 _ _ _ _ +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 result result VB - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +22 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 death death NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 country country NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ +28 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 leader leader NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102024 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 White White NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 House House NNP - + named_n:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 spokesman spokesman NN - - n:x BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 while while IN - + x:e-h-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Bush Bush NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 would wouldn’t MD - + neg:e-h _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ +10 n’t wouldn’t VB - + neg:e-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +11 alter alter VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 longstanding _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ban ban NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +15 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 involvement involvement NN - - n_in:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ’s ’s VBZ - + v_there:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 clarification clarification NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG2 _ _ +24 needed need VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 interpretation interpretation NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102025 +1 India India NNP - + named:x-c _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ +3 Gandhi Gandhi NNP - - named:x-c poss ARG1 _ _ _ +4 called call VBD + + v_for:e-i-i _ _ _ _ loc +5 for for IN - - _ _ _ _ _ _ +6 parliamentary parliamentary JJ - + a:e-p _ _ _ _ _ +7 elections election NNS - - n_of-for:x-i _ ARG2 ARG1 _ _ +8 next next JJ - + q:i-h-h _ _ _ _ _ +9 month month NN - + n:x _ _ _ ARG1 _ +10 . _ . - - _ _ _ _ _ _ + +#22102026 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 balloting ballot NN - - n:x BV ARG3 _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 considered consider VBN - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 test test NN - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 prime prime+minister JJ - - n_of:x-i _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +10 minister prime+minister NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ruling rule NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Congress Congress NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 I I PRP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Party party NNP - - n_of-to:x _ _ _ _ _ _and_c BV compound compound compound _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 comes come VBZ + + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +21 amid amid IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 charges charge NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 inept inept JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 leadership leadership NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 government government NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 corruption corruption NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102027 +1 Gandhi Gandhi NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ +3 family family NN - - n_of:x-i poss ARG1 _ _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ _ +5 ruled rule VBN + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ +6 independent independent JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ +7 India India NNP - - named:x-c _ ARG2 ARG1 _ _ _ _ _ _ +8 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +9 all all DT - - q:i-h-h _ _ _ ARG2 ARG1 _ _ _ _ +10 but but CC - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +12 years year NNS - - n:x _ _ _ ARG2 _ ARG1 ARG1 _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 42-year year JJ - + n:x _ _ _ _ _ _ _ _ _ +16 history history NN - - n_of:x-i _ _ _ _ _ _ ARG2 poss compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22102028 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 Soviet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +3 Union _generic_proper_ne_ NNP - - named:x-c BV compound ARG1 _ _ _ _ _ _ _ _ +4 abstained abstain VBD - + v:e-i-p _ _ _ ARG1 _ _ _ _ ARG1 _ _ +5 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 U.N. U.N. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ +8 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +9 Assembly _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound compound _ _ _ _ +10 vote vote NN - - n:x _ _ _ ARG2 BV _ _ compound _ _ _ +11 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +12 reject reject VB - + v_as:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ +13 Israel Israel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ +15 credentials _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22102029 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 time time NN - - n_of:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 seven seven CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 years year NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Moscow Moscow NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 n’t hasn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 joined join VBN - + v:e-i-p _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ +14 efforts effort NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 led lead VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Moslem _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 nations nation NNS - - n_of:x-i _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 expel expel VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +23 Israel Israel NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +24 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 world world NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 body body NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 viewed view VBN - + v_as:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 sign sign NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV _ _ _ +35 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 improving improve VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +37 Soviet-Israeli Israeli JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 ties tie NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102030 +1 Israel Israel NNP - - named:x-c ARG2 _ _ _ _ +2 was was VBD - - _ _ _ _ _ _ +3 seated seat VBN + + v_cause:e-i-p _ _ _ ARG1 _ +4 by by IN - - _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ +6 vote vote NN - - n:x ARG1 BV ARG1 _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ +8 95-37 _generic_card_ne_ CD - - card:i-i-c _ _ ARG2 _ _ +9 , _ , - - _ _ _ _ _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ +11 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ +12 abstentions abstention NNS - - n:x _ _ _ ARG2 ARG1 +13 . _ . - - _ _ _ _ _ _ + +#22102031 +1 Black black NNP - + a:i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 activist activist NN - + n:x compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Walter Walter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Sisulu _generic_proper_ne_ NNP - - named:x-c _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 African _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Congress Congress NNP - - named:x-c _ _ _ _ BV _ compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 would wouldn’t MD - + neg:e-h _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ +11 n’t wouldn’t VB - + neg:e-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 reject reject VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 violence violence NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +14 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 way way NN - + n_of:x-h _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 pressure pressure VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 South _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 African African JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +22 government government NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ +23 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 concessions concession NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ +25 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 lead lead VB - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 negotiations negotiation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 ARG1 +30 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 apartheid _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102032 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 77-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ +3 Sisulu _generic_proper_ne_ NNP - - named:x-c BV ARG1 ARG1 _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ +5 among among IN + + p:e-u-i _ _ _ _ _ _ _ _ _ +6 eight eight CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +7 black black JJ - + a:i-i _ _ _ _ _ _ _ _ _ +8 political political JJ - + a:e-p _ _ _ _ _ _ _ _ _ +9 activists activist NNS - - n:x _ _ ARG2 ARG1 ARG1 ARG1 ARG2 _ _ +10 freed free VBN - + v:e-i-p _ _ _ _ _ _ _ loc ARG1 +11 Sunday Sunday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-x _ _ _ _ _ _ _ _ _ +13 prison prison NN - - n:x _ _ _ _ _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22102033 +1 London London NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 concluded conclude VBN - + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Austrian Austrian NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 President president NNP - + n_of:x-i _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Waldheim _generic_proper_ne_ NNP - - named:x-c _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 was wasn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 n’t wasn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +10 responsible responsible JJ - + a_for:e-p-i _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ +11 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 execution execution NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 British British JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 commandos _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 World _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 War _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +21 II _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +25 probably probably RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +26 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 aware aware JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 slayings _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102034 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 report report NN - - n_of:x-i BV ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ +3 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Defense _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Ministry _generic_proper_ne_ NNP - - named:x-c _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +7 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 rejected reject VBD - + v_as:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 allegations allegation NNS - + n:x-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Britain Britain NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +12 covered cover VBD - + v_up:e-i-i _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ +13 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 evidence evidence NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Waldheim _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 activities activity NNS - - n:x _ _ _ _ _ _ _ _ ARG1 poss _ _ _ _ +19 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 German German JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 army army NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 officer officer NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102035 +1 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 international international JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 group group NN - - n_of:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 approved approve VBD + + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 formal formal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ban ban NN - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ivory ivory NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 trade trade NN - - n_of:x-i _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ +11 despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 objections objection NNS - - n_to:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +13 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 southern southern JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 African _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 governments government NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 threatened threaten VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 find find VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +22 alternative alternative JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 channels channel NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 selling sell VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +26 elephant elephant NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 tusks tusk NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102036 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 move move NN - - n:x BV ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ +3 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Convention _generic_proper_ne_ NN - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Trade trade NNP - - named:x-c _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Endangered _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Species _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound appos _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 meeting meet NN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Switzerland Switzerland NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 places place VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 elephant elephant NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 endangered-species species NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +22 list list NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102037 +1 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 assassin assassin NN - - n:x BV ARG1 ARG1 _ _ _ _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +4 Colombia Colombia NNP - - named:x-c _ ARG2 _ _ _ _ _ _ +5 killed kill VBD + + v:e-i-p _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +7 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ +8 judge judge NN - - n_of:x-i _ _ ARG2 BV ARG1 ARG1 _ _ +9 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +11 Medellin _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +12 street street NN - - n:x _ _ _ _ _ ARG2 BV compound +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22102039 +1 Libyan _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 leader leader NN - + n_of:x-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Gadhafi _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 met meet VBD + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Egypt Egypt NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 President president NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Mubarak _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 officials official NNS - - n:x _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ _ +15 pledged pledge VBD - + v:e-i-h _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 respect respect VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +18 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 other other JJ - + n:x _ _ _ _ _ _ _ _ _ _ BV _ _ _ +20 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 laws law NNS - + n:x _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 security security NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ conj _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 stability stability NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22102040 +1 They they PRP - - pron:x ARG1 _ _ _ _ _ +2 stopped stop VBD - + v:e-i-p _ _ _ _ subord _ +3 short short JJ - + a_of:e-p-i ARG2 _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ +5 resuming resume VBG - + v:e-i-p _ ARG2 _ _ _ _ +6 diplomatic diplomatic JJ - + a:e-p _ _ _ _ _ _ +7 ties tie NNS - - n:x _ _ ARG2 ARG1 _ _ +8 , _ , - - _ _ _ _ _ _ _ +9 severed sever VBN + + v:e-i-p _ _ _ _ _ ARG1 +10 in in IN - + p:e-u-i _ _ _ _ _ _ +11 1979 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ ARG2 +12 . _ . - - _ _ _ _ _ _ _ + +#22102041 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 reconciliation _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 talks talk NNS - - n_of-on:x-i BV compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Libyan _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 desert desert NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 town town NN - - n:x _ _ ARG2 BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Tobruk _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +11 followed follow VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 meeting meeting NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV loc ARG1 _ _ _ _ +14 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Egyptian Egyptian JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 resort resort NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Mersa _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Metruh _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22103003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +3 notes note NNS - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ +4 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ +5 bear bear VB - + v:e-i-p _ _ _ ARG1 _ ARG1 _ _ _ _ _ +6 interest interest NN - - n_in:x-i _ _ ARG2 _ _ _ _ _ _ _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +8 5.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - - n_of:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ +10 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +11 July July NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ +12 31 _generic_dom_card_ne_ CD + + dofm:x-c _ _ _ _ _ ARG2 of _ loc _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +14 1991 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +17 thereafter thereafter RB - - p:e-i _ _ _ _ _ _ _ _but_c _ ARG1 _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +20 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22103004 +1 Under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 original original JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 proposal proposal NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 maker maker NN - + n_of:x-i _ _ _ BV _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 specialty specialty NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 coatings coating NNS - - n_of:x-i _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 developer developer NN - + n_of:x-i _ _ _ _ _and_c _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 information-display display NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 technologies technology NNS - - n:x _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 offered offer VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +18 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 400 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 notes note NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +22 due due JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ +23 1996 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +30 175 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 cash cash NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +33 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +36 1,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 face face NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 amount amount NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ compound +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22103005 +1 Completion completion NN - + n_of:x-i _ _ _ ARG1 _ _ _ _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +4 exchange exchange NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +5 offer offer NN - - n:x ARG1 BV compound _ _ _ _ _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 subject subject JJ + + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ ARG1 _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 tender tender NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +12 at at+least IN - - x:e-u _ _ _ _ _ _ mwe _ _ _ _ _ +13 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +14 80 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - - n_of:x _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +18 debt debt NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +21 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +22 things thing NNS - - n_of-about:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 stock stock NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 UAL _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 continued continue VBD + + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 pounded pound VBN - - v:e-i-p _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 amid amid IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 signs sign NNS - + n_of:x-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 British _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Airways _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +15 may may MD - + v_modal:e-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 balk balk VB - - v:e-i _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 hasty hasty JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 reformulation _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 aborted abort JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 6.79 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +27 buy-out buy-+out NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 compound _ _ ARG1 _ _ +28 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 United United NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Airlines _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +31 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 parent parent NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 plunge plunge NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ +3 followed follow VBD + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 drop drop NN - - n_of:x-i _ ARG2 BV ARG1 _ loc _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +7 $ $ $ - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ +8 56.875 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +9 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 amid amid IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +12 indications indication NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ ARG2 +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 takeover takeover NN - - n_of:x-i _ _ _ _ _ _ _ BV _ ARG1 _ +15 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ +16 take take VB - + v:e-i-p-u _ _ _ _ _ _ _ _ ARG1 _ _ +17 weeks week NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +19 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ +20 revived revive VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22104004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 stock stock NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 fallen fall VBN - + v:e-i _ _ loc _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 $ $ $ - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 87.25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 31 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 % % NN - - n_of:x _ _ _or_c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 trading trade NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 days day NNS - - n_of:x-i _ _ _ _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 since since IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 announcement announcement NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 collapse collapse NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +25 300-a-share share JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 takeover takeover NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ +27 jolted jolt VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 entire entire JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ _ _ _ +32 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 second-worst worst JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 plunge plunge NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 loc +36 ever ever RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104005 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 This this DT - - x:x ARG1 _ _ _ _ _ _ _ +3 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ ARG2 +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +5 total total JJ - + a:e-p _ _ _ _ _ _ _ _ +6 bloodbath _generic_nn_ NN - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ +7 ” _ '' - - _ _ _ _ _ _ _ _ _ +8 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 takeover-stock stock JJ - + n:x _ _ _ _ _ _ _ _ +10 traders trader NNS - - n:x _ _ _ ARG2 compound _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ +12 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ +13 investment investment NN - + n:x _ _ _ _ _ _ _ _ +14 banker banker NN - - n:x _ _ _ _ _ ARG1 compound ARG1 +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22104006 +1 Los _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Angeles _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 financier _generic_nn_ NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Marvin Marvin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Davis Davis NNP - - named:x-c _ _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 put put VBD - + v:e-i-p-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ +9 United United NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 play play NN - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 5.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 bid bid NN - - n:x _ _ _ _ _ _ ARG2 BV compound _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 months month NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 night night NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +24 proffered _generic_vbd_ VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +25 both both PDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ray ray NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ +28 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 hope hope NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 extra extra JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 element element NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ BV ARG1 ARG1 _ _ _ _ _ +34 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 uncertainty uncertainty NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +36 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 saying say VBG - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +38 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +39 remains remain VBZ - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +40 interested interested VBN - + a_in:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +41 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 acquiring acquire VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +43 UAL _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104007 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ +2 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 dropped drop VBD - + v_cause:e-i-p _ _ _ _ _ _ _ subord _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 earlier earlier JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +6 $ $ $ - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ +7 300-a-share share JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ +8 back-up back-+up NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +9 bid bid NN - - n:x _ ARG2 poss ARG1 compound _ compound _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 saying say VBG - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ +13 must must MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ +14 first first RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +15 explore explore VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +16 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +17 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104008 +1 Even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 as as IN + + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Citicorp _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Chase _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Manhattan Manhattan NNP - - named:x-c _ _ _and_c compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 scrambled scramble VBD - + v:e-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 to to TO - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 line line VB - + v_up:e-i-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 revised revise JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 version version NN - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 lapsed lapsed JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 labor-management management JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 compound _ appos _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 British _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Airways _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ appos _ _ _ ARG1 _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +30 partner partner NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ compound _ ARG1 _ _ _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 buying buy NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 group group NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 indicated indicate VBD - + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +38 wants want VBZ - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +39 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 start start VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +41 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 scratch scratch NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104009 +1 Its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 partners partner NNS - - n:x poss ARG1 _ _ _ _ _ _ _ _ +3 are are VBP + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +4 United United NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +5 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +6 pilots pilot NNS - - n_of:x-i _ ARG2 poss ARG1 ARG1 _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 who who WP - - _ _ _ _ _ _ _ _ _ _ _ +9 were were VBD - + _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +11 own own VB - + v:e-i-p _ _ _ _ _ _ _ loc ARG1 _ +12 75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +13 % % NN - - n_of:x _ _ _ _ ARG2 ARG1 _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +16 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +17 management management NN - + n:x _ _ _ _ _ _ compound _ _ _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +19 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +20 % % NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22104011 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 similar similar JJ - + a_to:e-i _ _ _ _ _ _ _ _ _ +3 demand demand NN - - n:x BV ARG1 ARG2 _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ +5 made make VBN + + v:e-i-p-u _ _ _ _ _ _ _ _ _ +6 by by IN - - _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 group group NN - - n_of:x _ _ ARG1 BV ARG1 _ _ _ _ +9 that that WDT - - _ _ _ _ _ _ _ _ _ _ +10 represents represent VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ +11 some some DT - + q:i-h-h _ _ _ _ ARG2 _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ +13 United United NNP - + named:x-c _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ +15 26,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +16 noncontract _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ +17 employees employee NNS - - n_of:x-i _ _ _ _ _ part poss ARG1 ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22104012 +1 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Peterpaul _generic_proper_ne_ NNP - - named:x-c compound _ _ _ _ appos ARG1 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Machinists _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +5 union union NN - + n_of:x-i _ compound _ _ _ _ _ _ _ _ _ _ +6 general general JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +7 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +8 president president NN - + n_of:x-i _ _ compound ARG1 compound _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 attacked attack VBD + + v:e-i-i-i _ _ _ _ _ _ _ _ _ ARG1 _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +12 Wolf _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 compound _ _ _ _ +13 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 greedy greedy JJ - + n:x _ _ _ _ _ _ ARG3 _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 irresponsible _generic_jj_ JJ - - a:e-u _ _ _ _ _ _ _ _ _and_c _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +20 pursuing pursue VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +22 buy-out buy-+out NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104013 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Wolf _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Pope Pope NNP - - named:x-c _ _ _and_c compound _ _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 officer officer NN - + n:x _ _ _ _ poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 stood stand VBD - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 pocket pocket VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +18 114.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 options option NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 buy-out buy-+out NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 executives executive NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ +30 planned plan VBD - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 reinvest invest VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +33 only only RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ +35 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +37 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104014 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 blue-collar collar JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 machinists machinist NNS - + n:x BV compound _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 longtime _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 rivals rival NNS - + n_of:x-i _ _ conj ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 white-collar collar JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 pilots pilot NNS - - n_of:x-i _ _ _ _ ARG1 BV compound _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 buyout _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ +15 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +16 load load VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 weaken weaken VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +23 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 finances finance NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104015 +1 Confusion confusion NN - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +2 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 banks bank NNS - + n_of:x-i _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 hurried hurry JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 efforts effort NNS - + n:x-h ARG2 _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 round round VB - + v_up:e-i-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 financing finance NN - - v:e-i-p _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 bid bid NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ ARG2 _ _ _ _ _ +17 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 board board NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ BV compound _ _ ARG1 _ _ _ _ _ +21 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 n’t hasn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 seen see VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ neg ARG1 _ _ _ _ _ _ +25 yet yet RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 helped help VBD + + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 send send VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +28 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ +30 spiraling spiral VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +31 downward downward RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104016 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 rumors rumor NNS - - n:x _ ARG1 _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 forced force VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 selling sell NN - - v:e-i-p _ ARG2 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 takeover-stock stock JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 traders trader NNS - - n:x _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +9 triggered trigger VBD - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ loc +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 25-point point JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 downdraft _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Jones Jones NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +17 Industrial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +18 Average _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 BV _ _ compound _ _ _ _ +19 around around IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 11:15 _generic_time_ne_ CD - + numbered_hour:i-u-u-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ +21 a.m. A.M. NN - - x:i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +22 EDT edt NNP - + timezone_p:e-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104017 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 selling sell VBG - - v:e-i-p poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 began begin VBD - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 after after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 news news NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 agency agency NN - - n:x _ _ _ BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 reported report VBD - + v_to:e-i-h-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 balked balk VBD - + v_at:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bid bid NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 ready ready JJ - + a:e-i-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 reject reject VB - + v_as:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 revised revise JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 version version NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ +29 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 around around IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ +32 250 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ ARG1 +38 5.65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104019 +1 Citicorp _generic_proper_ne_ NNP - - named:x-c ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 for for+example IN - - p:e-i mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 example for+example NN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 said say VBD + + v_to:e-i-h-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 only only RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 had have VBD - + v:e-i-i _ ARG2 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +11 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 expressions expression NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 interest interest NN - + n_in:x-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 transaction transaction NN - - n:x _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ +18 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 both both PDT - + part_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 borrowers _generic_nns_ NNS - + n:x _ _ _ _ _ _ _ _ part BV _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _and_c BV _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 n’t didn’t RB - + neg:e-h _ _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ +30 have have VB - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +31 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 agreement agreement NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104020 +1 Late late RB - + time_n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 day day NN - - n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Wolf _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ _ +8 issued issue VBD + + v:e-i-p loc _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 onepage _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +11 statement statement NN - - n_of:x-i _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +12 calling call VBG - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Peterpaul _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 blast blast VB - + n:x _ _ _ _ _ _ _ ARG2 _ poss _ _ ARG1 +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 divisive _generic_jj_ JJ - + n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 uncalled call JJ - - a_for:e-h _ _ _ _ _ _ _ _ _ _ _ _and_c _ +21 for for IN - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104022 +1 Meanwhile meanwhile RB - + p:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sign sign NN - - n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 bid bid NN - - n:x _ _ _ BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 is isn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 n’t isn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 imminent imminent JJ - + a:e-p _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 it it PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 learned learn VBN - + v:e-i-h _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 board board NN - - n_of:x-i _ _ _ _ _ _ _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 held hold VBD - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 telephone telephone NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 meeting meeting NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV compound loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 hear hear VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +28 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 update update NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +30 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 situation situation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 formal formal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 board board NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 meeting meeting NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 compound _ _ ARG2 _ _ _ +40 is isn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 n’t isn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 likely likely JJ - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ +43 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 convened convene VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +46 until until IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 early early JJ - - time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ loc +48 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +50 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104025 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 effort effort NN - + n:x-h BV _ _ _ ARG2 _ _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +4 revive revive VB - + v_cause:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +6 bid bid NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +8 complicated complicate VBN + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +9 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 unwieldy unwieldy JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ +12 nature nature NN - - n:x _ _ _ _ ARG1 BV ARG1 ARG1 _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +15 three-party party JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +16 buying buy NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +17 group group NN - - n_of:x _ _ _ _ _ _ _ ARG2 BV compound compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22104026 +1 The the DT - + q:i-h-h _ _ _ _ +2 pilots pilot NNS - - n_of:x-i BV ARG1 _ _ +3 were were VBD - - _ _ _ _ _ +4 meeting meet NN + + v:e-i-p _ _ ARG1 loc +5 outside outside IN - + p:e-u-i _ _ _ _ +6 Chicago Chicago NNP - - named:x-c _ _ ARG2 _ +7 yesterday yesterday NN - + time_n:x _ _ _ _ +8 . _ . - - _ _ _ _ _ + +#22104027 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 British _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Air _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 supplied supply VBN - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 750 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 million million CD - + card:i-i-c _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 out out+of IN - - p:e-u-i _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 965 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 equity equity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 apparently apparently RB - + a:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 was wasn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 n’t wasn’t NN - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +25 involved involve VBN - + v_in:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ +26 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 proposal proposal NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV ARG1 _ _ _ _ _ _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +32 well well RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 reject reject VB - + v_as:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +34 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +35 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 if if IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ ARG1 _ _ +37 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +38 obtain obtain VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +39 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104029 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 machinists machinist NNS - - n:x BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 asked ask VBD - + v_for:e-i-p-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 investigation investigation NN - - n:x _ _ ARG2 BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Securities _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Exchange _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +13 Commission _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ +14 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 possible possible JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 securities-law law NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 violations violation NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 original original JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 ARG1 _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 UAL _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +24 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Davis Davis NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 as as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 well as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 as as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 response response NN - - n_to:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +34 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 UAL _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104030 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 week week NN - + n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 before before IN + + x:e-h-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 commitments commitment NNS - - n_to:x-i _ _ _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 due due JJ - + a:e-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 union union NN - - n_of:x-i _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 asked ask VBD + + v:e-i-i-h _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Labor _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Department _generic_proper_ne_ NNP - - n:x _ _ _ _ _ _ _ _ ARG2 BV compound compound ARG1 _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 study study VB - + v:e-i-h _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ +21 whether whether IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ +24 violated violate VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +25 legal legal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 standards standard NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +27 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 fairness fairness NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +29 governing govern VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 employee employee NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +32 funds fund NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104033 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 huge huge JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 drop drop NN - - n_of:x-i BV ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 stock stock NN - - n:x _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 prompted prompt VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 stock stock NN - + n:x _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trader trader NN - - n:x _ _ _ _ ARG2 ARG1 _ compound _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 George George NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Kellner _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ compound _ appos _ _ _ ARG1 _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 managing manage VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 partner partner NN - + n:x _ _ _ _ _ _ _ _ _ compound _ ARG1 _ _ _ _ _ _ _ _ +18 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Kellner _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 DiLeo _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound _ _ _ _ _ _ +22 & &+co. CC - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +23 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 deny deny VB - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +27 publicly publicly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 rumors rumor NNS - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +29 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 firm firm NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 _ +32 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 going go VBG - + interval:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 +34 out out+of RP - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +35 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104034 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +2 Kellner _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ +5 despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ +6 losses loss NNS - - n_of:x-i _ _ ARG2 ARG1 _ _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +9 stock stock NN - - n:x _ _ _ ARG2 compound _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ +11 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +12 firm firm NN - + n:x _ _ _ _ _ poss _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ +14 health health NN - - n:x _ _ _ _ _ _ poss ARG1 +15 is is VBZ - - _ _ _ _ _ _ _ _ _ +16 “ _ `` - - _ _ _ _ _ _ _ _ _ +17 excellent excellent JJ - + a:e-p _ ARG2 ARG1 _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ + +#22104035 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 stock stock NN - + n:x BV _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ +4 decline decline NN - - n:x _ poss _ ARG1 _ _ _ _ +5 also also RB + + a:e-h _ _ _ _ _ _ _ _ +6 has has VBZ - - _ _ _ _ _ _ _ _ _ +7 left leave VBN - + v:e-i-p _ _ ARG1 _ _ _ ARG1 _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +9 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +10 board board NN - - n_of:x-i _ _ _ ARG2 BV compound _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 quandary _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 BV +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22104036 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 may may MD - + v_modal:e-h _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 not not RB - + neg:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 legally legally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 obligated obligate VBN - + v:e-i-i-h _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 sell sell VB - + v:e-i-p _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 company company NN - - n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 if if IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 buy-out buy-+out NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 group group NN - - n_of:x _ _ _ _ _ _ _ _ BV compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 n’t can’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 revive revive VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +23 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +24 have have VB - + v_qmodal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 explore explore VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +27 alternatives alternative NNS - - n_to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +28 if if IN - + x:e-h-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 buyers buyer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +31 come come VBP - + v_back:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +32 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ _ +36 much much RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +38 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 group group NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ +41 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 original original JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +44 300-a-share share JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 proposal proposal NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than _ poss ARG1 compound _ +46 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104038 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 takeover-stock stock JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 traders trader NNS - - n:x BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 hoping hope VBG + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Davis Davis NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +9 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 one one CD - + card:i-i-c _ _ _ _ _or_c _ _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 interested interested JJ - + a_in:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 parties party NNS - - n_of-to:x _ _ _ _ _ part BV ARG1 ARG1 _ _ _ _ _ _ _ _ +16 might might MD - + v_modal:e-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 re-emerge emerge VB - - v:e-i _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ +18 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 situation situation NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 disarray _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 board board NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ +28 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 consider consider VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +30 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 recapitalization _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22104039 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ +3 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ +4 bankers banker NNS - - n:x _ ARG1 ARG1 _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ +6 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ +7 were were VBD - - _ _ _ _ _ _ _ _ _ _ +8 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ +9 hesitant hesitant JJ - + a:e-p _ _ ARG2 ARG1 _ ARG1 _ _ _ +10 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 accepting accept VBG - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ +12 Citicorp _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ +14 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ +15 proposal proposal NN - - n:x _ _ _ _ _ _ ARG2 poss ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22105001 +1 Macmillan Macmillan NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 plans plan VBZ - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 public public JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 offering offering NN - + n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 8.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +12 shares share NNS - - n_of:x _ _ _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Berlitz _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 International _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +17 Inc. inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +18 unit unit NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss _ _ compound _ _ _ _ _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +21 19 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +24 21 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22105002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 offering offering NN - - n_of:x-i BV ARG1 _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +3 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 language language NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 school school NN - + n:x _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +7 unit unit NN - - n_of:x-i _ ARG2 BV _ compound _ _ _ _ _ _ _ _ _ _ +8 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 announced announce VBN + + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Robert Robert NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Maxwell Maxwell NNP - - named:x-c _ _ _ _ _ ARG1 compound appos _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 officer officer NN - - n:x _ _ _ _ _ _ _ _and_c compound compound _ _ _ _ _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 London-based base JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Maxwell Maxwell NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Communication _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 compound compound ARG1 +23 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 owns own VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Macmillan Macmillan NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22105003 +1 After after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +3 offering offering NN - - n_of:x-i _ BV ARG2 _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +5 completed complete VBN - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +7 Macmillan Macmillan NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ +8 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +9 own own VB - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ +10 about about IN - - _ _ _ _ _ _ _ _ _ _ _ +11 56 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +12 % % NN - - n_of:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +15 Berlitz _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +16 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ +17 stock stock NN - - n:x _ _ _ _ _ ARG2 BV compound ARG1 ARG1 +18 outstanding outstanding JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22105005 +1 Goldman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ +2 , _ , - - _ _ _ _ _ +3 Sachs _generic_proper_ne_ NNP - - named:x-c compound compound ARG1 _ +4 & &+co. CC - - n:x _ mwe _ _ +5 Co. &+co. NNP - + n:x _ _ _ _ +6 will will MD - - _ _ _ _ _ +7 manage manage VB + + v:e-i-p _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ +9 offering offering NN - - n_of:x-i _ _ ARG2 BV +10 . _ . - - _ _ _ _ _ + +#22105006 +1 Macmillan Macmillan NNP - - named:x-c ARG1 _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ +3 Berlitz _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ +4 intends intend VBZ - + v_for:e-i-h ARG2 _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ +6 pay pay VB - + v_for:e-i-i-i _ ARG2 _ _ _ _ +7 quarterly quarterly JJ - + a:e-p _ _ _ _ _ _ +8 dividends dividend NNS - - n:x _ _ ARG2 ARG1 ARG1 _ +9 on on IN - + p:e-u-i _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ +11 stock stock NN - - n:x _ _ _ _ ARG2 BV +12 . _ . - - _ _ _ _ _ _ _ + +#22105007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 expects expect VBZ - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 pay pay VB - + v_for:e-i-i-i _ _ ARG2 _ _ _ _ _ _ ARG1 _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 dividend dividend NN - - n:x _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 12.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cents cent NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +15 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 share share NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 1990 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +22 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22105008 +1 Berlitz _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 borrow borrow VB + + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 amount amount NN - - n_of:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 equal equal JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 expected expect VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 proceeds proceeds NNS - - n:x _ _ ARG2 poss ARG2 compound ARG1 _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 offerings offering NNS - - n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 plus plus CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +18 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 connection connection NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +23 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 agreement agreement NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 +27 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 lenders _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22105009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 total total JJ - + a:e-p _ _ _ _ _ _ _ +3 borrowing borrow NN - - v_from:e-i-p BV ARG1 ARG1 _ _ _ _ +4 will will MD - - _ _ _ _ _ _ _ _ +5 be be VB - + v_id:e-p-i _ _ _ _ _ _ ARG2 +6 about about IN - - _ _ _ _ _ _ _ _ +7 $ $ $ - - n:x _ _ ARG2 _ ARG1 _ _ +8 208 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +9 million million CD - + card:i-i-c _ _ _ times _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ +12 company company NN - - n_of:x-i _ _ _ _ _ BV ARG1 +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ _ + +#22105010 +1 Proceeds proceeds NNS - - n:x ARG1 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 borrowings borrowings NNS - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 agreement agreement NN - - n:x _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 used use VBN + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 80 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +18 cash cash NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 dividend dividend NN - - n:x _ _ _ _ _ _ ARG2 BV compound _ _ compound _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Macmillan Macmillan NNP - - named:x-c _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 lend lend VB - + v:e-i-p _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 remainder remainder NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +27 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ +30 128 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +32 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +33 Maxwell Maxwell NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Communications _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +35 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 connection connection NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +37 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 promissory promissory JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 note note NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22105011 +1 Proceeds proceeds NNS - - n:x ARG1 _ ARG2 _ _ _ _ _ _ _ +2 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 offering offering NN - - n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ +5 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +6 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +7 used use VBN + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +9 repay repay VB - + v:e-i-p _ _ ARG3 _ ARG1 _ _ _ _ _ +10 borrowings borrowings NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ +11 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 short-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +14 parts part NNS - - n:x _ _ _ _ ARG2 BV compound ARG1 _ _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ +18 agreement agreement NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22105012 +1 Berlitz _generic_proper_ne_ NNP - - named:x-c ARG2 ARG1 _ ARG1 _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i ARG3 _ _ _ _ _ _ _ _ _ _ _ +7 Princeton Princeton NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 N.J. N.J. NNP - - named:x-c _ ARG2 compound _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 provides provide VBZ + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ +12 language language NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 instruction instruction NN - + n:x _ _ _ _ compound _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 translation translation NN - - n:x _ _ _ _ _ _and_c _ _ _ _ _ _ +16 services service NNS - - n:x _ _ _ ARG2 _ compound _ _ _ _ _ _ +17 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +19 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 260 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +21 language language NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +22 centers center NNS - - n_of:x-i _ _ _ _ _ _ _ than ARG1 compound ARG1 _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +24 25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +25 countries country NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22105014 +1 Macmillan Macmillan NNP - - named:x-c ARG1 _ +2 has has VBZ - - _ _ _ +3 owned own VBN + + v:e-i-p _ ARG1 +4 Berlitz _generic_proper_ne_ NNP - - named:x-c ARG2 _ +5 since since IN - + p:e-u-i _ _ +6 1966 _generic_year_ne_ CD - - yofc:x-c _ ARG2 +7 . _ . - - _ _ _ + +#22105015 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 months month NNS - - n:x ARG2 BV ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 year year NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Berlitz _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 posted post VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 income income NN - - n:x _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +16 7.6 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sales sale NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +22 106.2 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 compared compare VBN - + v_with:e-i-i _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 income income NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 compound ARG1 _ _ ARG1 _ _ _ +29 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ +31 8.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +33 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 sales sale NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +35 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +37 90.6 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106001 +1 Right right+away RB - - p:e-i mwe _ _ _ _ _ _ _ +2 away right+away RB + + p:e-i _ _ _ _ _ _ _ _ +3 you you PRP - - pron:x _ ARG1 _ _ _ _ _ _ +4 notice notice VBP - + v:e-i-p ARG2 _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 following following VBG - + a:e-p _ _ _ _ _ _ _ _ +7 things thing NNS - - n_of-about:x-i _ ARG2 BV ARG1 ARG1 _ _ _ +8 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 Philip Philip NNP - + named:x-c _ _ _ _ _ _ _ _ +11 Glass _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ +12 concert concert NN - - n:x _ _ _ _ ARG2 BV _ compound +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22106002 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 attracts attract VBZ + + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 people people NNS - - n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +5 funny funny JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +6 hair hair NN - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +7 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 with with IN - + p:e-u-i _ _and_c _ _ _ _ _ _ _ _ _ _ _ +10 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 hair hair NN - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +12 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 in in+front+of IN - - p:e-u-i _ _ _ _ _ mwe _ _ _ _ _ _ _ +14 front in+front+of NN - - p:e-u-i _ _ _ _ _ mwe _ _ _ _ _ _ _ +15 of in+front+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 me me PRP - - pron:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 girl girl NN - - n:x _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 spiked spike JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +21 locks lock NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +22 sat sit VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +23 beside beside IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +25 boy boy NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +26 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 shaved shave VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +29 his his PRP$ - - q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +30 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106004 +1 People people NNS - - n_of:x-i ARG1 _ _ _ ARG2 +2 in in IN - + p:e-u-i _ _ _ _ _ +3 Glass _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ +4 houses house NNS - - n_of:x-i ARG2 compound _ _ _ +5 tend tend VBP + + v:e-h _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ +7 look look VB - + v:e-i _ _ ARG1 _ _ +8 stoned stone VBN - + v:e-i-p _ _ _ ARG2 _ +9 . _ . - - _ _ _ _ _ _ + +#22106005 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 if if IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 conscious conscious JJ - - a:e-p _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 evening evening NN - + n_of:x _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 end end NN - - n:x _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 you you PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 notice notice VBP - + v:e-i-p _ ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +14 something something NN - - thing:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 else else RB - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 audience audience NN - - n:x _ _ _ _ _ _ _ _ _ BV _ ARG2 ARG2 _ ARG1 _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 at at+first IN - - a:e-e _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +21 first at+first JJ - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 entranced entrance VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 hypnotized _generic_vbn_ VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 music music NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 releases release VBZ - + v:e-i-p _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ ARG1 _ +30 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 pent-up pent-+up JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 feelings feeling NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ +33 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 collective collective JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 gratitude _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106007 +1 He he PRP - - pron:x ARG1 _ _ _ _ +2 sits sit VBZ + + v:e-i _ ARG1 ARG1 _ _ +3 down down RB - + p:e-i _ _ _ _ _ +4 at at IN - + p:e-u-i _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ +6 piano piano NN - + n:x _ _ ARG2 BV _ +7 and and CC - - _ _ _ _ _ _ +8 plays play NNS - - n:x _ _ _ _ _and_c +9 . _ . - - _ _ _ _ _ _ + +#22106009 +1 Either either DT - + q:i-h-h _ _ _ +2 one one NN - - card:i-i-c BV ARG1 _ +3 likes like VBZ + + v_into:e-i-p-i _ _ _ +4 it it PRP - + pron:x _ ARG2 _ +5 or or CC - - _ _ _ _ +6 one one PRP - - n:x _ _ _or_c +7 does doesn’t VBZ - - _ _ _ _ +8 n’t doesn’t JJ - - neg:e-h _ ARG2 _ +9 . _ . - - _ _ _ _ + +#22106010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 typical typical JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ +3 Glass _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +4 audience audience NN - - n:x BV ARG1 compound _ _ ARG2 _ _ _ ARG1 +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +8 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +9 likely likely JJ - + a:e-h _ _ _ comp _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +11 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +12 composed composed VBN - + a_of:e-p-i _ _ _ _ ARG1 _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +14 music music NN - + n:x _ _ _ _ _ _ _ _ _ _ +15 students student NNS - - n_of:x-i _ _ _ _ _ ARG2 compound _ _ _ +16 than than IN - - _ _ _ _ _ _ _ _ _ _ _ +17 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +18 teachers teacher NNS - - n_of:x-i _ _ _ than _ _ _ poss _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +20 certainly certainly RB + + a:e-h _ _ _ _ _ _ _ _ _ _ +21 does does VBZ - + _ _ _ _ _ _ _ _ _ ARG1 _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22106011 +1 The the DT - + q:i-h-h _ _ _ _ +2 work work NN - - n:x BV ARG1 _ _ +3 , _ , - - _ _ _ _ _ +4 though though RB - - _ _ _ _ _ +5 , _ , - - _ _ _ _ _ +6 sounds sound VBZ + + v_seem-to:e-u-h-i _ _ _ ARG1 +7 like like IN - + p:e-u-i _ ARG2 _ _ +8 Muzak _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 _ +9 for for IN - + p:e-u-i _ _ _ _ +10 spaceships spaceship NNS - - n:x _ _ _ ARG2 +11 . _ . - - _ _ _ _ _ + +#22106013 +1 His his PRP$ - + q:i-h-h _ _ +2 success success NN - - n:x poss ARG1 +3 is is VBZ - - _ _ _ +4 easy easy JJ + + a_for:e-h-i _ _ +5 to to TO - - _ _ _ +6 understand understand VB - - v_by:e-i-p _ ARG1 +7 . _ . - - _ _ _ + +#22106014 +1 Softly softly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 introducing introduce VBG - + v_to:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 explaining explain VBG - + v_to:e-i-p-i _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 pieces piece NNS - - n_of:x-i _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Glass _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 looks look VBZ - + v:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 sounds sound VBZ - + card:i-i-c _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +13 more more JJR - + much-many_a:e-i _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ +14 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 shaggy shaggy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 poet poet NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +18 describing describe VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 work work NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ +21 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 classical classical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 pianist _generic_nn_ NN - - n:x _ _ _ _ _ _ _ than _ _ _ _ _ BV ARG1 ARG1 _ +25 playing play VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 recital recital NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106016 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ +3 music music NN - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +5 people people NNS - - n_of:x-i _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +6 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ +7 want want VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +9 hear hear VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ +10 something something NN - - thing:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ +11 different different JJ - + a_than-from:e-i _ _ _ _ _ _ _ _ _ _ _ +12 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ +13 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +14 n’t don’t RB - + neg:e-h _and_c _ _ _ _ _ _ _ _ _ _ +15 want want VBP - + v:e-i-h _ _ _ _ _ neg _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +17 work work VB - - v:e-i-p _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ +18 especially especially RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +19 hard hard JJ - + a_for:e-e _ _ _ _ _ _ _ ARG1 _ _ _ +20 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +22 task task NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22106020 +1 Far far NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 being being VBG - + v_id:e-p-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 minimalist minimalist NN - - n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 music music NN - - n:x _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 unabatingly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 torments torment VBZ - + v:e-i-p _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 us us PRP - - pron:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 apparent apparent JJ - + a_to:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 novelties novelty NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 not not+so RB - - a:e-h _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +15 so not+so RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 cleverly cleverly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 disguised disguise VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 simplicities _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 4/4 _generic_date_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 time time NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 octave _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 intervals interval NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj ARG1 _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 ragtime ragtime NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 gospel gospel NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 chord chord NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c compound +33 progressions progression NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106022 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Opening open NN - - n:x ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 1981 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Glassworks _generic_proper_ne_ NNP - - named:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 introduces introduce VBZ + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 audience audience NN - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Glass glass NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 technique technique NN - - n:x _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Never never RB - + a:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 straying stray VBG - - v:e-i _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 far far RB - + a:e-p _ _ _ _ _ _ _ _ comp_too _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 piano piano NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 center center NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Glass _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +31 works work VBZ - + v:e-i-p _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +32 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 octaves _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +36 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 either either DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 side side NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +39 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 middle middle JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 C c NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +42 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 fingers finger NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss _ ARG1 _ +46 seldom seldom RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 leave leave VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _but_c _ _ _ _ _ _ _ _ ARG1 _ _ +48 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 keys key NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +50 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106023 +1 There there EX - - _ _ _ _ _ _ _ _ _ _ +2 is is VBZ + + v_there:e-i _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 recognizable recognizable JJ - + a:e-p _ _ _ _ _ _ _ _ _ +5 musical musical JJ - + a:e-p _ _ _ _ _ _ _ _ _ +6 style style NN - - n_of:x ARG1 BV ARG1 ARG1 loc _ _ _ appos +7 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 but but+not CC - - _ _ _ _ _ _ _ _ _ _ +10 not but+not RB - - _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 particular particular JJ - + a:e-p _ _ _ _ _ _ _ _ _ +13 performance performance NN - + n:x _ _ _ _ _ _ _ _ _ +14 style style NN - + n_of:x _ _ _ _ _ BV ARG1 compound _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22106024 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 music music NN - - n:x BV _ _ ARG1 _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +4 not not RB + + neg:e-h _ _ _ _ _ _ _ _ _ _ +5 especially especially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +6 pianistic _generic_jj_ JJ - + a:e-p _ neg ARG1 _ _ _ _ _ _ _ +7 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ +8 indeed indeed RB - + a:e-h _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ +11 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +12 hard hard JJ - + a_for:e-h-i _ _and_c _ _ ARG1 _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +14 imagine imagine VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 bad bad JJ - + a_at:e-p-i _ _ _ _ _ _ _ _ _ _ +17 performance performance NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +18 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +19 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22106025 +1 Nothing nothing NN - + n:x _ _ _ _ _ _ _ _ _ +2 bravura _generic_nn_ NN + + n:x compound _ _ appos _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 arpeggios _generic_nns_ NNS - + n:x _ _ BV _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ +7 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 ticklish _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ +9 fingering finger NN - + n:x _ _ _ _ _ _ _ _ _ +10 problems problem NNS - - n_of:x-i _ _ _ _ BV ARG1 compound ARG1 _ +11 challenge challenge VBP - + v_to:e-i-p-i _ _and_c _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 performer performer NN - - n:x _ _ _ _ _ _ _ ARG2 BV +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22106026 +1 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +2 hear hear VBP + + v:e-i-h _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 we we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +5 may may MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ +6 think think VB - + v:e-i-i _ ARG1 _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ +8 inner inner JJ - + a:e-p _ _ _ _ _ _ _ _ _ +9 voices voice NNS - - n:x _ _ ARG2 ARG1 _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ +11 but but CC - - _ _ _ _ _ _ _ _ _ _ +12 they they PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ +13 all all RB - + a:e-e _ _ _ _ _ _ _ _ _ +14 seem seem VBP - + v_to:e-i-h _ _ _ _ ARG1 _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ +16 be be VB - - _ _ _ _ _ _ _ _ _ _ +17 saying say VBG - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +19 same same JJ - + a_as:e-i _ _ _ _ _ _ _ _ _ +20 thing thing NN - - n_of-about:x-i _ _ _ _ _ _ ARG2 BV ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22106027 +1 With with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +3 Planet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +4 News _generic_proper_ne_ NNP - - named:x-c ARG2 compound _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +6 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +7 music music NN - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ +8 meant mean VBD + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +10 accompany accompany VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ +11 readings reading NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +13 Allen Allen NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +14 Ginsberg _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +16 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +17 Wichita _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +18 Vortex _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ +19 Sutra _generic_proper_ne_ NN - - n:x _ _ _ _ ARG2 _ poss _ compound _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +22 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +23 Glass _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ compound ARG1 +24 gets get VBZ - + v_from-to:e-i-p-i-i _ _ _ _ _ _ _ _ _ _ _ +25 going go VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22106028 +1 His his PRP$ - + q:i-h-h _ _ _ _ _ _ +2 hands hand NNS - - n:x poss ARG1 _ _ _ _ +3 sit sit VBP + + v:e-i _ _ _ ARG1 ARG1 _ +4 farther farther RBR - + comp:e-u-u _ _ _ _ _ _ +5 apart apart RB - + a:e-i _ _ ARG1 _ _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ +8 keyboard keyboard NN - - n:x _ _ _ _ ARG2 BV +9 . _ . - - _ _ _ _ _ _ _ + +#22106029 +1 Seventh seventh JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +2 chords chord NNS - - n:x ARG1 ARG1 _ _ _ _ _ _ _ _ +3 make make VBP + + v_cause:e-i-h _ _ _ _ _ _ _ _ _ _ +4 you you PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ +5 feel feel VBP - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ +6 as as+though RB - - _ _ _ _ _ _ _ _ _ _ _ +7 though as+though IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ +8 he he PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ +9 may may MD - + v_modal:e-h _ _ _ ARG2 _ _ _ _ _ _ +10 break break VB - + v_into:e-i-i _ _ _ _ ARG1 _ _ _ _ _ +11 into into IN - - _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ +14 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +15 slow slow JJ - + a:e-p _ _ _ _ _ _ _ ARG1 _ _ +16 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ +17 improvisatory _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +18 riff _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV _ ARG1 ARG1 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22106030 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 chords chord NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ +3 modulate modulate VBP - + v:e-i _ _ _ _ _ ARG1 _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ - + v_there:e-i _ _ _ _ _ _ _ _ _ _ _ _ +8 little little RB - + little-few_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +9 filigree filigree JJ - - n:x _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +10 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +11 though though IN + + x:e-h-h _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 fingers finger NNS - - n:x _ _ _ _ _ _ poss _ ARG1 _ _ _ +14 begin begin VBP - + v:e-h _ _ _ _ _ ARG2 _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 wander wander VB - + v:e-i _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +17 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 keys key NNS - - n:x _ _ _ _ _ _ _ _ _ _ part BV +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106031 +1 Contrasts contrast NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ +2 predictably predictably RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +3 accumulate accumulate VBP - + v:e-i-p ARG1 _ ARG1 _ _ _ _ _ _ _ +4 : _ : - + _ _ _ _ _ _ _ _ _ _ _ +5 First first RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ ARG1 _ _ _ _ _ _ +7 music music NN - - n:x _ _ _ _ BV ARG1 _ _ _ _ +8 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +9 loud loud JJ - + a:e-p _ _ ARG2 _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +11 then then RB - + a:e-h _ _ _ _ _ _ _ _ _ _ +12 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ +13 becomes become VBZ - + v_id:e-i-h _ _ _ _ _ _ ARG1 _ _ _ +14 soft soft JJ - - a:e-p _ _ _ _ _ _ _ ARG2 _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 then then RB - - _ _ _ _ _ _ _ _ _ _ _ +17 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ +18 you you PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ +19 realize realize VBP - + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ +20 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ +21 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 +22 becomes become VBZ - + v_id:e-i-i _ _ _ _ _ _ _ _ ARG2 _ +23 louder louder RBR - - a:e-i _ _ _ _ _ _ _ _ _ ARG2 +24 again again RB - - a:e-e _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22106032 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Fourth _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Knee _generic_proper_ne_ NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Play _generic_proper_ne_ NN - - n:x BV _ compound _ appos _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 interlude interlude NN - + n:x _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Einstein _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Beach _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 like like IN + + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 toccata _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +22 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +24 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 n’t doesn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ +26 seem seem VB - + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ +27 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 move move VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ ARG1 _ _ +29 much much RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 beyond beyond IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +31 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 left-hand hand JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 ground ground NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ +34 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Blind _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 Mice mouse NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106033 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Glass _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +4 decides decide VBZ - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 get get VB - - v_state:e-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +7 really really RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +8 fancy fancy JJ - - a:e-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +11 crosses cross VBZ - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +13 hands hand NNS - - n:x _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 hits hit VBZ - + v:e-i-p _ _ _ _ _and_c _ _ _ _ _ ARG1 _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 resonant _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +18 bass bass NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +19 note note NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 compound _ _ _ +20 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +22 right right JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +23 hand hand NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106034 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ +2 does do VBZ + + v:e-i-p _ ARG1 _ _ _ _ +3 this this DT - - x:x ARG2 _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ +5 at at+least IN - - x:e-u _ _ mwe _ _ _ +6 least at+least JJS - + x:e-u _ _ _ _ _ _ +7 three three CD - + card:i-i-c _ ARG2 _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ +9 his his PRP$ - + q:i-h-h _ _ _ _ _ _ +10 solo solo NN - + n:x _ _ _ _ _ _ +11 pieces piece NNS - - n_of:x-i _ _ _ part poss compound +12 . _ . - - _ _ _ _ _ _ _ + +#22106035 +1 You you PRP - - pron:x _ ARG1 _ _ _ _ +2 might might MD + + v_modal:e-h _ _ _ _ _ _ +3 call call VB - + v_name:e-i-i-i ARG1 _ _ _ _ _ +4 it it PRP - - pron:x _ ARG3 _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ +6 leitmotif _generic_nn_ NN - + n:x _ ARG2 BV _ _ _ +7 or or CC - - _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ +9 virtuoso _generic_nn_ JJ - + a:e-p _ _ _ _ _ _ +10 accomplishment accomplishment NN - - n:x _ _ _ _or_c BV compound +11 . _ . - - _ _ _ _ _ _ _ + +#22106038 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mad _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Rush _generic_proper_ne_ NN - - n:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 began begin VBD - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 life life NN - - n_of:x-i _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 accompaniment accompaniment NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Dalai _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Lama _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 public public JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 address address NN - - n:x _ _ _ _ _ ARG2 _ _ poss ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 U.S. U.S. NNP - - named_n:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Glass _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +26 played play VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +27 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 organ organ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +31 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +34 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Cathedral _generic_proper_ne_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ +36 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 St. St. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 John John NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ appos +39 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Divine _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106039 +1 Later later RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ ARG2 _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +4 performed perform VBN + + v:e-i-p loc _ ARG1 _ _ _ _ _ _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +6 Radio _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +7 Bremen Bremen NNP - - named:x-c _ _ ARG2 compound ARG1 _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +9 Germany Germany NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 and and+then CC - - _ _ _ _ _ _ _ _ _ _ _ _ +12 then and+then RB - - _ _ _ _ _ _ _ _ _ _ _ _ +13 Lucinda Lucinda NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +14 Childs _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ compound ARG1 _ _ _ _ +15 took take VBD - + v_over:e-i-i _ _ _ _ _ _ _ ARG1 _ _ _ +16 it it PRP - - pron:x _ _ _ _ _ _ ARG2 _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 one one CD - + card:i-i-c _ _ _ _ _ _ _ ARG2 _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +20 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +21 dance dance NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +22 pieces piece NNS - - n_of:x-i _ _ _ _ _ _ _ _ part poss compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22106040 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 point point NN - - n_of:x BV ARG1 _ _ _ _ _ _ _ +3 is is VBZ + + v_nv:e-i-h _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ +5 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 piece piece NN - - n_of:x-i _ _ BV _ ARG2 _ _ _ _ +7 can can MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ _ _ +9 used use VBN - + v:e-i-p _ _ _ ARG1 _ ARG1 _ ARG1 _ +10 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 background background NN - + n:x _ _ _ _ _ _ _ _ _ +12 music music NN - - n:x _ _ _ _ _ ARG2 compound _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +14 virtually virtually RB - + x:e-u _ _ _ _ _ _ _ _ _ +15 anything anything NN - - thing:x _ _ _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22106041 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 evening evening NN - - n_of:x BV ARG1 _ _ _ _ _ _ +3 ended end VBN + + v:e-i _ _ ARG1 _ _ _ _ _ +4 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +5 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +6 Glass _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ +9 Metamorphosis _generic_proper_ne_ NN - - n:x _ _ ARG2 _ poss _ _ appos +10 , _ , - - _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ +12 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 multiple multiple JJ - + a:e-p _ _ _ _ _ _ _ _ +14 work work NN - + n:x _ _ _ _ _ BV ARG1 _ +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22106042 +1 Parts _generic_proper_ne_ NNS - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 1 1 CD - + card:i-i-c conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 2 _generic_card_ne_ CD - + card:i-i-c _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 5 _generic_card_ne_ CD - - card:i-i-c _ _ _or_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 come come VBN + + v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 soundtrack _generic_nn_ NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Errol _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Morris Morris NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 acclaimed _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 film film NN - + n:x _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Thin _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Blue _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Line _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ BV _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 parts part NNS - - n:x _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ BV ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +31 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 incidental incidental JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 music music NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +34 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 separate separate JJ - + a_from:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 dramatizations _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ _ +38 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Kafka _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 story story NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +42 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 same same JJ - + a_as:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 name name NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 +46 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106043 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 used use VBN - + v_as:e-i-p-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 background background NN - - n:x _ ARG3 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 way way NN - - n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 music music NN - - n:x _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 has have VBZ - + v:e-i-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 appropriate appropriate JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 eeriness _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 as as IN - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 when when WRB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 two-note note JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 phrase phrase NN - - n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 descending descend VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 minor minor JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 third third JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 accompanies accompany VBZ - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 seemingly seemingly RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 endless endless JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +31 litany _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 ARG1 _ _ _ _ _ _ +32 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 reports report NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 interviews interview NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ +36 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 confessions confession NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ +38 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 witnesses witness NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +40 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 Morris Morris NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 film film NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106044 +1 Served serve VBN + + v_up:e-i-u _ ARG1 _ _ _ _ _ _ _ _ +2 up up RP - - _ _ _ _ _ _ _ _ _ _ _ +3 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 solo solo NN - - n:x _ ARG2 BV _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +7 however however RB - - _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 music music NN - - n:x _ _ _ BV ARG1 _ _ _ _ _ +11 lacks lack VBZ - + v:e-i-p subord _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 resonance resonance NN - - n:x _ _ _ _ ARG2 BV ARG2 _ _ _ +14 provided provide VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +15 by by IN - - _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 context context NN - - n:x _ _ _ _ _ _ ARG1 BV ARG1 _ +18 within within IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +19 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +20 medium medium NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22106045 +1 Admirers _generic_nns_ NNS - - n:x ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Glass _generic_proper_ne_ NNP - - named:x-c ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +5 may may MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 agree agree VB - + v_on:e-p _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 critic critic NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +10 Richard Richard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Kostelanetz _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sense sense NN - - n_of:x-i _ _ _ ARG2 _ _ _ poss _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 1974 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Music music NN - - n:x _ _ _ _ _ _ _ _ BV compound ARG1 _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Twelve twelve CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Parts part NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 encyclopedic _generic_jj_ JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 weighty weighty JJ - - a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +28 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 The _generic_proper_ne_ DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Well-Tempered _generic_proper_ne_ JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +32 Clavier _generic_proper_ne_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106046 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 while while IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 making make VBG - + v:e-i-p-u _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 obvious obvious JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 point point NN - - n_of:x-h _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 both both DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 composers composer NNS - - n:x _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +10 develop develop VBP - + v_cause:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 variations variation NNS - - n_of:x-i _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 themes theme NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 comparison comparison NN - - n:x _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ +17 ignores ignore VBZ - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 intensely intensely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 claustrophobic _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +21 nature nature NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 ARG1 _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Glass _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +25 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 music music NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106047 +1 Its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 supposedly supposedly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 austere austere JJ - + a:e-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 minimalism _generic_nn_ NN - - n:x poss _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 overlays overlay VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 bombast _generic_nn_ NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 makes make VBZ - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 yearn yearn NN - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 astringency _generic_nn_ NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 neoclassical _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Stravinsky _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ appos _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 genuinely genuinely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 radical radical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +22 minimalism _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ ARG1 _ _ _ _ _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Berg Berg NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Webern _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 what what WP - - thing:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 retrospect _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +32 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 seems seem VBZ - + v_to:e-u-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +34 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +35 concision _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +36 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Mahler _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22106048 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +2 Spiegelman _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ +4 professor professor NN - + n_of:x-i _ ARG2 _ ARG1 _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ +6 English English NNP - - named:x-c _ _ ARG1 _ _ _ _ _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +8 Southern _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +9 Methodist _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ +10 University _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 _ compound _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ +12 editor editor NN - - n:x _ _ _and_c _ _ _ ARG1 _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 Southwest _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +16 Review _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 BV compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22107001 +1 Honeywell _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 hopes hope VBZ - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 complete complete VB - + v:e-i-p _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ +8 shortly shortly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 first first JJ - + ord:i-i-c _ _ _ ARG2 _ BV _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sales sale NNS - + n_of:x-i _ _ _ _ _ _ part ARG1 _ ARG1 _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 venture venture NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 ARG1 appos _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Yamatake-Honeywell _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +27 280 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV _ _ ARG1 _ _ _ _ _ _ +3 would wouldn’t MD - + neg:e-h _ _ neg _ _ _ _ _ _ _ +4 n’t wouldn’t VB + + neg:e-h _ _ _ _ _ _ _ _ _ _ +5 disclose disclose VB - + v_to:e-i-p-i _ ARG1 _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 buyer buyer NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 initial initial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +11 16 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +12 % % NN - + n_of:x _ _ _ _ _ _ _ _ ARG1 _ +13 stake stake NN - - n:x _ _ _ _ _ ARG1 BV ARG1 _ compound +14 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22107003 +1 Proceeds proceeds NNS - - n:x ARG1 _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 sale sale NN - - n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 expected expect VBN - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 completed complete VBN - - v:e-i-p _ _ ARG2 _ loc _ _ _ _ _ _ _ _ _ +10 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 week week NN - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +14 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 used use VBN - + v:e-i-i-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 repurchase purchase VB - - v:e-i-p _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ +18 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ +23 shares share NNS - + n_of:x-i _ _ _ _ _ _ _ than _ ARG1 _ _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Honeywell _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +30 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107004 +1 Honeywell _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 negotiating negotiate VBG - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 sale sale NN - + n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 stake stake NN - - n:x _ _ _ ARG1 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Yamatake-Honeywell _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 indicated indicate VBD - + v:e-i-h-i _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +18 intends intend VBZ - + v_for:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 hold hold VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +21 at at+least IN - - x:e-u _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +22 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 venture venture NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ +29 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ poss _ _ +31 long long+term JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 term long+term NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107005 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +3 % % NN - + n_of:x _ ARG1 _ _ _ _ _ _ _ +4 stake stake NN - - n:x BV _ compound _ ARG1 _ _ _ _ +5 would would MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ +6 allow allow VB - + v:e-i-i-h _ _ _ ARG1 _ _ _ _ _ +7 Honeywell _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ +9 include include VB - + v:e-i-p-h _ _ _ _ ARG3 _ _ _ _ +10 Yamatake _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +11 earnings earnings NNS - - n:x _ _ _ _ _ ARG2 compound ARG1 _ +12 in in IN - + p:e-u-i _ _ _ _ _ ARG3 _ _ _ +13 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 results result NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 poss +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22107006 +1 Honeywell _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 previously previously RB - + p:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 intended intend VBD - + v_for:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 reduce reduce VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 holding holding NN - - n:x _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 concern concern NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +14 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 part part NN - + part_of:i-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 restructuring restructure NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 plan plan NN - - n:x _ _ _ _ _ _ _ _ _ part BV compound _ ARG1 _ _ _ _ +20 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 also also RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 calls call VBZ - + v_for:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +23 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 reduction reduction NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 dependence dependence NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 weapons weapons NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107007 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +3 spokeswoman _generic_nn_ NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i loc _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 company company NN - - n_of:x-i _ _ _ BV ARG1 _ _ _ _ _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 pleased pleased VBN - + a_with:e-p-i _ _ ARG2 _ _ _ _ _ _ _ _ _ +10 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 progress progress NN - - n:x _ _ _ _ _ poss ARG1 _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 regard regard NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 hopes hope VBZ - + v:e-i-h _ _ _ _ _and_c _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 provide provide VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ loc +22 additional additional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +23 details detail NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +24 soon soon RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107008 +1 Honeywell _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Defense _generic_proper_ne_ NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Marine _generic_proper_ne_ NNP - - named:x-c _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Systems _generic_proper_ne_ NNPS - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 group group NN - - n_of:x _ poss _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 incurred incur VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ subord _ _ _ _ +10 delays delay NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 shipping ship VBG - + v_cause:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +13 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 undisclosed disclose JJ - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 contracts contract NNS - - n:x _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ +16 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 resulting result VBG - + v_in:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 operating operate NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 profit profit NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 _ +26 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107009 +1 Overall overall RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Honeywell _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 reported report VBD - + v_to:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 earnings earnings NNS - - n:x _ ARG2 ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 $ $ $ - + n:x _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 74.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 million million CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 1.73 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 share share NN - - n_of:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 months month NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ended end VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ +22 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 1 1 CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ of _ _ _ _ _ _ _ _ _ _ _ _ +24 compared compare VBN - + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 loss loss NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV _ _ _ _ _ _ _ loc _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ +30 41.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 98 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ +36 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +41 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 period period NN - + n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 results result NNS - - n_of:x-i _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 included include VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - + n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 108 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +11 pretax tax JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 charge charge NN - - n_of:x-i _ _ _ ARG2 BV compound _ _ ARG2 ARG2 _ _ _ _ _ _ _ _ _ _ +13 related relate VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 unrecoverable _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 contract contract NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 costs cost NNS - + n:x _ _ _ _ _ _ _ _ _ ARG3 ARG1 compound _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +21 12.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +23 pretax tax JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 gain gain NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c BV compound _ _ ARG2 ARG1 _ +25 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 real real+estate JJ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +27 estate real+estate NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107011 +1 Sales sale NNS - - n_of:x-i ARG1 _ _ ARG1 _ _ _ +2 for for IN - + p:e-u-i _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ +4 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ +5 quarter quarter NN - - n_temp:x ARG2 BV ARG1 _ _ _ _ +6 were were VBD - - _ _ _ _ _ _ _ _ +7 flat flat JJ + + a:e-p _ _ _ _ ARG1 _ _ +8 , _ , - - _ _ _ _ _ _ _ _ +9 at at IN - + p:e-u-i _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 +11 1.72 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +12 billion billion CD - + card:i-i-c _ _ _ _ _ times _ +13 . _ . - - _ _ _ _ _ _ _ _ + +#22107012 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 months month NNS - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Honeywell _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 reported report VBD + + v_to:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 earnings earnings NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - + n:x _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 212.1 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +16 4.92 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 compared compare VBN - + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG3 ARG1 _ _ _ _ _ _ loc _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ +25 47.9 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ +30 1.13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +36 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22107013 +1 Sales sale NNS - - n_of:x-i ARG1 _ _ _ _ +2 declined decline VBD + + v:e-i-p _ ARG1 ARG1 _ _ +3 slightly slightly RB - + a:e-e _ _ _ _ _ +4 to to TO - + p:e-u-i _ _ _ _ _ +5 $ $ $ - - n:x _ _ ARG2 _ ARG1 +6 5.17 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ +7 billion billion CD - + card:i-i-c _ _ _ times _ +8 . _ . - - _ _ _ _ _ _ + +#22108001 +1 Once once+again RB - - a:e-i mwe _ _ _ _ _ _ _ _ _ +2 again once+again RB - + a:e-i _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +4 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 editorial editorial NN - + n:x _ _ _ _ _ _ _ _ _ _ +6 page page NN - - n:x _ poss compound ARG1 _ _ _ _ _ _ +7 misstates state VBZ - + v_to:e-i-p ARG1 _ _ _ _ ARG1 _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 law law NN - - n:x _ _ _ ARG2 BV _ _ _ _ _ +10 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +11 conform conform VB - + v_to:e-i-i _ _ _ _ _ ARG2 _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +13 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +15 beatific _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ ARG1 _ +16 misperceptions _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 poss _ ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22108003 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 statement statement NN - - n_of:x-i BV _ ARG1 _ _ _ _ _ _ _ _ +3 surely surely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +4 buttresses buttress VBZ + + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ +5 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +6 editorial editorial JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +7 viewpoint viewpoint NN - + n:x _ _ ARG2 poss ARG1 _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +9 environmental environmental JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +10 protection protection NN - - n_of:x-i _ _ _ _ _ _ ARG1 _ ARG1 _ _ +11 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +12 generally generally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +13 silly silly JJ - + a:e-p _ _ _ _ _ ARG1 _ ARG1 _ _ _ +14 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ +15 excessive excessive JJ - - a:e-p _ _ _ _ _ _ _ _ _or_c _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +17 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ +18 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 +19 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +20 simply simply RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +21 wrong wrong JJ - + a_with:e-p _ _ _ _ _ _ _ _ _though_c ARG1 _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22108004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 Clean _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +3 Water _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ +4 Act _generic_proper_ne_ NNP - - n_of:x-i BV _ compound ARG1 _ _ _ _ +5 contains contain VBZ + + v:e-i-p _ _ _ _ _ _ _ _ +6 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ +8 legal legal JJ - + a:e-p _ _ _ _ _ _ _ _ +9 standard standard NN - - n:x _ _ _ ARG2 BV ARG1 ARG1 _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +12 zero zero CD - + n:x _ _ _ _ _ _ _ _ +13 discharge discharge NN - - n:x _ _ _ _ _ _ ARG2 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22108005 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 requires require VBZ + + v_of:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 discharges discharge NNS - - n:x _ ARG1 _ _ _ _ _ ARG2 _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 pollutants _generic_nns_ NNS - - n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 waters water NNS - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 United United NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 States _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 authorized authorize VBN - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +20 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 permits permit NNS - - n:x _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +22 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 reflect reflect VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 effluent _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 limitations limitation NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG2 _ _ +27 developed develop VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +28 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 section section NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 301 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22108006 +1 Whatever whatever WDT - - _ _ _ _ _ _ _ _ _ _ _ +2 may May MD - + v_modal:e-h _ _ _ _ _ _ ARG2 _ _ _ +3 be be VB - + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 problems problem NNS - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ +6 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +7 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +8 system system NN - - n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ +11 scarcely scarcely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +12 reflects reflect VBZ + + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +14 zero zero CD - + n:x _ _ _ _ _ _ _ _ _ _ +15 risk risk NN - + n_of:x-i _ _ _ _ _ _ ARG2 compound _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +19 zero zero CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +20 discharge discharge NN - - n:x _ _ _ _ _ _ _ _ ARG2 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22108007 +1 Perhaps perhaps RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Greve _generic_proper_ne_ NNP - - named:x-c _ compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 confused confuse VBN - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Congress Congress NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 meaningless meaningless JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 statement statement NN - - n_of:x-i _ _ ARG1 poss ARG1 ARG1 _ _ _ _ _ ARG1 _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 national national JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 goal goal NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 section section NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 101 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 indeed indeed RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 calls call VBZ - + v_for:e-i-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +24 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 elimination elimination NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 ARG1 +27 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 discharges discharge NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +29 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 1985 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 no no+less RB - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +34 less no+less JJR - + little-few_a:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22108008 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 fatuous _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 statement statement NN - - n_of:x-i BV ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 taken take VBN - + v:e-i-p-u _ _ neg _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 seriously seriously RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 when when WRB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 enacted enact VBN - - v:e-i-p _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 1972 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 should should MD - + v_modal:e-h _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ +15 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 confused confuse VBN - - v:e-i-p _ _ _ _ _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 operative operative JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 provisions provision NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 statute statute NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22108010 +1 Robert Robert NNP - + named:x-c _ _ +2 J. J. NNP - + named:x-c compound _ +3 McManus _generic_proper_ne_ NNP + - named:x-c _ compound + +#22109003 +1 To to TO + + x:e-h-h _ _ _ _ _ _ _ _ +2 hear hear VB - + v:e-i-h ARG2 _ _ _ _ _ _ _ +3 advertisers _generic_nns_ NNS - - n:x _ _ ARG1 _ _ _ _ _ +4 tell tell VB - + v:e-i-p _ ARG2 _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ ARG2 _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 magazine magazine NN - - n:x _ _ _ BV _ ARG1 _ _ +9 just just RB - - _ _ _ _ _ _ _ _ _ +10 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ +11 n’t hasn’t NN - + neg:e-h _ _ _ _ _ _ _ _ +12 kept keep VBN - + v_up:e-i _ _ _ _ neg _ ARG1 _ +13 up up RP - - _ _ _ _ _ _ _ _ _ +14 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +16 times time NNS - - n_of:x _ _ _ _ _ _ ARG2 BV +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22109004 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 renewed renew JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 interest interest NN - + n_in:x-i ARG2 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 public public NN - - n:x _ _ ARG1 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 topics topic NNS - - n_of:x-i _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 environment environment NN - + n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Third _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 World _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c BV compound _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 n’t hasn’t RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 able able JJ + + a:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 shake shake VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +25 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 reputation reputation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ +27 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 magazine magazine NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 boys boy NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ _ _ _ _ +31 like like VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +32 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 flip flip VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +34 through through RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 search search NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +37 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 topless _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 tribe tribe NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 women woman NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 compound +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109005 +1 Worse worse JJR + + a:e-i _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ +4 lagged lag VBD - + v:e-i-p ARG1 _ ARG1 ARG1 _ _ ARG1 _ ARG1 _ _ +5 behind behind IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +6 competitors competitor NNS - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +8 offering offer VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ +9 now-standard standard JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +10 gimmicks _generic_nns_ NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 regional regional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +14 editions edition NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ +15 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 discounts discount NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 frequent frequent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +19 advertisers _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22109006 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 magazine magazine NN - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 attempting attempt VBG - + v:e-i-h ARG2 loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 fight fight VB - - v_back:e-i _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ambitious ambitious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 plan plan NN - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +16 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 revamped _generic_vbn_ VBN - + v:e-u-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 strategy strategy NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG2 compound _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 surprisingly surprisingly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 aggressive aggressive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +25 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 campaign campaign NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c BV _ ARG1 compound +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109007 +1 Advertisers _generic_nns_ NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ +2 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +3 n’t don’t RB - + neg:e-h _ _ _ _ ARG2 _ _ _ _ _ _ +4 think think VB - + v_of:e-i-i neg _ _ ARG1 _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 magazine magazine NN - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ +8 first first JJ - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +11 Joan Joan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +12 McCraw _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 compound ARG1 _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +14 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ +15 joined join VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 ARG1 _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +17 April April NNP - - mofy:x-c _ _ _ _ _ _ _ ARG2 _ _ _ +18 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 national national JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +20 advertising advertising NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +21 director director NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22109008 +1 “ _ `` - - _ _ _ _ _ _ _ +2 What what WP - - thing:x _ ARG2 _ _ _ _ +3 we we PRP - - pron:x ARG1 _ _ _ _ _ +4 want want VBP - + v:e-i-h _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ +6 do do VB - + v:e-i-p ARG2 _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ +8 take take VB + + v:e-i-p-u _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ +10 more more RBR - + comp:e-u-u _ _ _ _ _ _ +11 aggressive aggressive JJ - + a:e-p _ _ _ _ comp _ +12 stance stance NN - - n:x _ _ ARG2 BV _ ARG1 +13 . _ . - - _ _ _ _ _ _ _ + +#22109009 +1 People people NNS - - n_of:x-i _ ARG1 _ _ _ _ _ _ _ +2 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ +3 n’t didn’t JJ + + neg:e-h _ _ _ _ _ _ _ _ _ +4 believe believe VBP - + v:e-i-h neg _ _ _ _ _ _ _ _ +5 we we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +6 were were VBD - - _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ ARG2 _ _ _ _ _ _ _ +8 tune tune NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 marketplace marketplace NN - - n_of:x-i _ _ _ ARG2 BV _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +15 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ +16 ways way NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 _ _ +17 we we PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ +18 were weren’t VBD - + neg:e-h _ _ _ _ _ ARG1 _ _ neg +19 n’t weren’t JJ - + neg:e-h _ ARG2 _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22109010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 101-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ +3 magazine magazine NN - - n:x BV ARG1 _ _ ARG1 _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ _ +5 never never RB + + a:e-h _ _ _ _ _ _ _ _ _ +6 had have VBD - + v_qmodal:e-h _ _ ARG1 _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ +8 woo _generic_vb_ VB - + v:e-i-p _ _ _ ARG1 _ ARG1 _ _ _ +9 advertisers _generic_nns_ NNS - - n:x _ _ _ _ ARG2 _ _ _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 quite quite RB - + x:e-u _ _ _ _ _ _ _ _ _ +12 so so RB - + comp:e-u-u _ _ _ _ _ _ ARG1 _ _ +13 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ comp_so _ +14 fervor _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 _ _ ARG1 +15 before before IN - - _ _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22109012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 magazine magazine NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 had have VBD - + v:e-i-i _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +4 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 best best JJS - + a_at-for-of:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 year year NN - - n:x _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 yet yet RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 1988 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +13 celebrated celebrate VBD - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 centennial centennial NN - - n:x _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 racked rack VBD - + v_up:e-i-i _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ ARG1 +18 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 17 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +22 gain gain NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 pages page NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 283 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109013 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ +2 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +3 year year NN - + n:x _ BV _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 when when WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +7 hullabaloo _generic_nn_ NN - - n:x _ _ _ BV ARG1 _ ARG1 _ _ _ _ _ +8 surrounding surround VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +9 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 centennial centennial NN - - n:x _ _ _ _ ARG2 poss _ _ _ _ _ _ +11 died die VBD - + v:e-i _ _ loc _ _ _ _ ARG1 _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 so so RB - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ +14 too too RB - + comp:e-u-u _ _ _ _ _ _ _ comp_so _ _ _ _ +15 did did VBD - + _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +16 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +17 advertiser _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +18 interest interest NN - - n_in:x-i _ _ _ _ _ _ _ _ _ ARG1 BV compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109014 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 reason reason NN - + n_for:x-i BV _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 executives executive NNS - - n:x _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 say say VBP - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 is is VBZ + + v_nv:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 entire entire JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 magazine magazine NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 business business NN - - n:x _ _ _ _ _ BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ +14 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 soft soft JJ - + a:e-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +17 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Geographic _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ +21 has have VBZ - + v:e-i-i _ _ _ _ conj _ _ _ conj _ _ _ _ _ _ _ _ _ +22 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 quirks _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +24 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 make make VB - + v_cause:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +27 especially especially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 unattractive unattractive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ ARG1 _ _ +29 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 soft soft JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109015 +1 Perhaps perhaps RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 biggest biggest JJS - + a:e-i _ BV _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 factors factor NNS - - n:x _ _ part BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 prices price NNS - - n_of:x _ _ _ _ ARG2 poss ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - + n:x _ _ _ _ ARG2 _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 130,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 four-color color JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 page page NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 vs. vs. CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _and_c _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +22 47,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Smithsonian Smithsonian NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ appos _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 comparable comparable JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 publication publication NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ _ +30 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 far far RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +34 circulation circulation NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109016 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 dollars dollar NNS - - n:x _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 tight tight RB - + a:e-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 page page NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 cost cost NN - - n:x _ _ _ BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 is is VBZ - + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 deterrent _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 advertisers _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 generally generally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 want want VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 appear appear VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ +23 regularly regularly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 publication publication NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +27 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ +30 all all DT - - q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109018 +1 To to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 combat combat VB - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 problem problem NN - - n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Geographic _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 magazines magazine NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 began begin VBD - + v:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 offering offer VBG - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 regional regional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 editions edition NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 allowing allow VBG - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 advertisers _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 appear appear VB - - v:e-i _ _ _ _ _ _ _ _ _ ARG3 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 portion portion NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 magazines magazine NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ +28 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 for for+example IN - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +30 example for+example NN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ads ad NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +33 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 run run VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ +35 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +37 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 magazines magazine NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +39 sent send VBD - + v:e-i-p-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +40 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +41 subscribers subscriber NNS - - n_to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +42 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 markets market NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +47 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109020 +1 Time _generic_proper_ne_ NNP - - named:x-c compound ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +2 magazine magazine NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 for for+example IN - - p:e-i _ mwe _ _ _ _ _ _ _ _ _ _ _ +5 example for+example NN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 has have VBZ + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 100 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 separate separate JJ - + a_from:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 editions edition NNS - - n:x _ _ _ than ARG1 ARG1 ARG1 _ _ _ _ _ _ +13 going go VBG - + v:e-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +14 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 different different JJ - + a_than-from:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 regions region NNS - + n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 top top JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +19 management management NN - + n:x _ _ _ _ _ _ _ _ _ conj ARG1 _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +23 groups group NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109021 +1 Another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 sticking stick VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 point point NN - - n_of:x BV ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 advertisers _generic_nns_ NNS - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Geographic _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 tradition tradition NN - - n:x _ _ _ ARG2 _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 lumping lump VBG - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ads ad NNS - - n:x _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ +15 together together RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 usually usually RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 beginning beginning NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 end end NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ _ _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 magazine magazine NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 rather rather+than RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 than rather+than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 spreading spread VBG - + v:e-i-p _ _ _ _ _ _ _ _rather+than_c _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +30 ads ad NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +31 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 articles article NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 as as IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 magazines magazine NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +39 do do VBP - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109023 +1 But but CC + + c:i-i-i _ _ _ _ _ +2 Ms. ms. NNP - + n:x _ _ _ _ _ +3 McCraw _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ +4 says say VBZ - + v_to:e-i-h-i ARG2 _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ +6 magazine magazine NN - - n:x _ _ _ BV ARG1 +7 is is VBZ - - _ _ _ _ _ _ +8 fighting fight VBG - + v_back:e-i _ _ ARG2 _ _ +9 back back RP - - _ _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ + +#22109024 +1 It it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ +2 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +3 offers offer VBZ + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +5 regional regional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +6 editions edition NNS - - n:x _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ +9 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +10 recently recently RB - + a:e-e _ _ _ _ ARG1 _ _ _ _ _ _ _ +11 began begin VBD - + v:e-h ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ +12 running run VBG - + v:e-i-p _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ +13 ads ad NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ +14 adjacent adjacent+to JJ - - p:e-u-i _ _ _ _ _ _ _ _ mwe _ _ _ +15 to adjacent+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +16 articles article NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ +20 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 beefing beef VBG - + v_up:e-i-i _ _ _ _ _ _ _ _and_c _ _ _ _ +23 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +24 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +25 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ +26 force force NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss compound +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109025 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 launched launch VBD - + v_cause:e-i-p _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 promotional promotional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 campaign campaign NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +8 to to TO - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 tell tell VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +10 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 executives executive NNS - + n:x _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 marketing market NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 directors director NNS - + n_of:x-i _ _ _ _ _ _ _ _ conj compound _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 media media NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 executives executive NNS - + n:x _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ +19 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 that that IN - - x:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109027 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 campaign campaign NN - - n:x BV ARG2 _ _ _ _ ARG1 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 created create VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Omnicom _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +7 Group _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ +8 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 DDB _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +10 Needham Needham NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ +11 agency agency NN - - n:x _ ARG1 _ poss _ compound _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 takes take VBZ + + v_of-i:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ +14 advantage advantage NN - - n_i:x _ _ _ _ _ _ ARG2 _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +17 eye-catching catch JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +18 photography photography NN - - n:x _ _ _ _ _ _ ARG3 BV ARG1 _ ARG2 _ +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +21 Geographic _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ compound ARG2 _ +22 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 known know VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109028 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ad ad NN - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 photo photo NN - - n:x _ _ BV ARG1 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 interior interior NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Sainte-Chapelle _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Paris Paris NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +15 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 paired pair VBN + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +17 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 headline headline NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 only only JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 book book NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ +25 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 respected respect JJ - + a:e-p _ _ _ _ _ _ _ _ _and_c _ _ _ _ comp _ _ _ +27 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 ours ours PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +29 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 n’t doesn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 accept accept VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ +32 advertising advertise NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109029 +1 Another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ad ad NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 pictures picture VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 tree tree NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ant ant NN - - n:x _ ARG2 BV compound ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 magnified magnify VBN - + v:e-i-p _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ +9 80 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 times time NNS - + n_of:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 headline headline NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 impact impact NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +19 far far RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 beyond beyond IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +21 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 size size NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ +23 consider consider VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +24 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 regional regional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 editions edition NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109030 +1 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 McCraw _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 she she PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 wants want VBZ - + v:e-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 campaign campaign NN - + n:x-h _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 help help VB - + v_to:e-i-h _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 attract attract VB - + v:e-i-p _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ +11 advertisers _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 categories category NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 corporate corporate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 services service NNS - + n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 consumer consumer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 electronics electronics NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ conj compound _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 insurance insurance NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 food food NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109031 +1 Her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 goal goal NN - - n:x poss ARG1 _ ARG1 _ _ _ _ _ _ +3 : _ : - + _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ +5 top top VB - + v:e-i-p _ _ ARG2 _ _ _ ARG1 ARG1 _ _ +6 300 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +7 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ +8 pages page NNS - - n:x _ _ _ ARG2 ARG1 compound _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +10 1990 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ ARG2 _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 up up RB - + p:e-i _ _ _ _ _ _ _ _ ARG1 _ +13 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +14 about about IN - - _ _ _ _ _ _ _ _ _ _ _ +15 274 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ ARG2 _ +16 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +17 year year NN - - n:x _ _ _ _ _ _ _ _ _ BV +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22109032 +1 Whether whether IN - - _ _ _ _ _ _ _ +2 she she PRP - - pron:x _ ARG1 _ _ _ _ +3 can can MD + + v_modal:e-h _ _ _ _ _ _ +4 meet meet VB - + v:e-i-p ARG1 _ _ _ _ _ +5 that that DT - + q_dem:i-h-h _ _ _ _ _ _ +6 ambitious ambitious JJ - + a:e-p _ _ _ _ _ _ +7 goal goal NN - - n:x _ _ BV ARG1 _ _ +8 is is VBZ - - _ _ _ _ _ _ _ +9 still still RB - + a:e-e _ _ _ _ _ _ +10 far far+from RB - - x:e-u _ _ _ _ _ mwe +11 from far+from IN - + x:e-u _ _ _ _ ARG1 _ +12 certain certain JJ - - a_of:e-p _ _ _ _ _ ARG1 +13 . _ . - - _ _ _ _ _ _ _ + +#22109033 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +3 ad ad NN - + n:x _ _ _ _ _ _ _ _ +4 campaign campaign NN - - n:x BV compound _ ARG1 _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ +6 meant mean VBN - + v:e-i-h _ _ _ _ _ _ _ ARG2 +7 to to TO - - _ _ _ _ _ _ _ _ _ +8 contemporize _generic_vb_ VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 thought thought NN - - n_of:x-i _ _ _ ARG2 BV ARG1 _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +12 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +13 Geographic _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 compound _ +14 , _ , - - _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ +16 she she PRP - - pron:x _ _ _ _ _ _ _ ARG1 +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22109034 +1 “ _ `` - - _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ +3 want want VBP + + v:e-i-h _ _ _ _ _ +4 it it PRP - - pron:x _ ARG1 _ _ _ +5 to to TO - - _ _ _ _ _ _ +6 be be VB - + v_id:e-p-i ARG2 _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ +8 ’90s _generic_jj_ JJ - + a:e-p _ _ _ _ _ +9 kind kind NN - + n_of-n:x-i _ ARG2 BV ARG1 _ +10 of of IN - - _ _ _ _ _ _ +11 image image NN - - n_of:x-i _ _ _ _ ARG1 +12 . _ . - - _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ + +#22109036 +1 WCRS _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Group _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 hopes hope VBZ - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 announce announce VB - + v:e-i _ ARG2 _ loc _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 perhaps perhaps RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 today today NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 agreement agreement NN - + n:x-h _ _ ARG2 _ BV _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sell sell VB - + v:e-i-i-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 majority majority NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 unit unit NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG1 poss compound _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Paris-based base JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Eurocom _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG3 _ _ _ _ ARG2 _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 European european JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 executive executive NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 compound ARG1 +28 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109037 +1 WCRS _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ +2 has has VBZ - - _ _ _ _ _ +3 been been VBN - - _ _ _ _ _ +4 in in IN + + p:e-u-i _ _ _ _ +5 discussions discussion NNS - - n:x ARG2 ARG1 ARG1 _ +6 with with IN - + p:e-u-i _ _ _ _ +7 Eurocom _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ _ +8 for for IN - + p:e-u-i _ _ _ _ +9 several several JJ - + a:e-p _ _ _ _ +10 months month NNS - - n:x _ _ ARG2 ARG1 +11 . _ . - - _ _ _ _ _ + +#22109038 +1 However however RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 when when WRB - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 negotiations negotiation NNS - - n_of:x-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 bogged bog VBD - + v_down:e-i _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 down down RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 WCRS _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 executive executive NN - - n:x _ _ _ _ poss compound _ appos ARG1 _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Peter Peter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Scott Scott NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 met meet VBN - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Paris Paris NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 French French JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 firm firm NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ appos +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Boulet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Dru _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +27 Dupuy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +28 Petit _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 BDDP _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109039 +1 According according+to VBG - - p:e-u-i mwe _ _ _ _ _ _ _ _ _ _ _ _ _ +2 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 executive executive NN - - n:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 BDDP _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 involvement involvement NN - - n:x _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ +9 prompted prompt VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 renewed renew VBN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 vigor vigor NN - + n:x _ _ _ ARG2 ARG2 _ ARG1 _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 WCRS-Eurocom _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 agencies agency NNS - - n:x _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ +20 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 hoping hope VBG - + v:e-i-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +22 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 hammer hammer VB - + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +24 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 details detail NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +26 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 today today NN - - time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109040 +1 Executives executive NNS - - n:x ARG1 _ _ _ ARG2 _ _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ +4 two two CD - + card:i-i-c _ _ _ _ _ _ _ +5 agencies agency NNS - - n:x ARG2 BV ARG1 _ _ _ _ +6 could couldn’t MD - - neg:e-h _ _ _ neg _ _ _ +7 n’t couldn’t NN - + neg:e-h _ _ _ _ _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ +9 reached reach VBN + + v:e-i-p _ _ _ _ _ _ loc +10 last last JJ - + q:i-h-h _ _ _ _ _ _ _ +11 night night NN - + n_of:x _ _ _ _ _ ARG1 _ +12 . _ . - - _ _ _ _ _ _ _ _ + +#22109041 +1 Ad ad NNP - + n:x _ +2 Notes note NNS + - n:x compound +3 … _ : - - _ _ +4 . _ . - - _ _ + +#22109042 +1 NEW new NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ACCOUNT account NNP - - named:x-c ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 : _ : + + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Procter Procter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Gamble _generic_proper_ne_ NNP - - named:x-c _ _ _and_c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Cincinnati Cincinnati NNP - - named:x-c _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 awarded award VBD - + v:e-i-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ad ad NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 accounts account NNS - - n_of:x-i _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 line line NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ ARG1 _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Professional _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Crisco _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +21 vegetable vegetable NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 shortening shorten NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 oil oil NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +25 products product NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ compound _ compound _ _ _ _ +26 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Northlich _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Stolley _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 LaWarre _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Cincinnati Cincinnati NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ compound +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22109043 +1 Billings billing NNS - - n:x _ ARG2 +2 were weren’t VBD - - _ _ _ +3 n’t weren’t RB + + neg:e-h _ _ +4 disclosed disclose VBN - + v_to:e-i-p-i neg _ +5 . _ . - - _ _ _ + +#22109044 +1 Professional professional NNP - + named:x-c _ _ _ _ _ _ _ +2 Crisco _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ +3 products product NNS - - n:x _ compound _ ARG2 _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ +5 specially specially RB - + a:e-e _ _ _ _ _ _ _ +6 made make VBN + + v:e-i-p-u _ _ ARG1 _ ARG1 _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ +9 foodservice _generic_nn_ NN - + n:x _ _ _ _ _ _ _ +10 industry industry NN - - n:x _ _ _ _ ARG2 BV compound +11 . _ . - - _ _ _ _ _ _ _ _ + +#22109046 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ +2 was was VBD + + v_id:e-p-i _ _ _ _ _ _ +3 executive executive JJ - + n:x _ _ _ _ _ _ +4 vice vice NN - + n:x _ _ _ _ _ _ +5 president president NN - + n_of:x ARG2 compound compound _ _ _ +6 , _ , - - _ _ _ _ _ _ _ +7 director director NN - + n_of:x-i _ _ _ conj _ _ +8 of of IN - - _ _ _ _ _ _ _ +9 broadcast broadcast NN - + n:x _ _ _ _ _ _ +10 production production NN - - n_of:x-i _ _ _ _ ARG1 compound +11 . _ . - - _ _ _ _ _ _ _ + +#22110001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Commodity _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Futures _generic_proper_ne_ NNPS - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Trading _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +5 Commission _generic_proper_ne_ NNP - - named:x-c BV _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +6 plans plan VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 restrict restrict VB - + v_to:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +9 dual dual JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 trading trade NN - - v:e-i-p _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +11 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 commodity commodity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 exchanges exchange NNS - - n:x _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 move move NN - - n:x _ _ _ _ conj _ _ _ _ BV _ ARG1 _ _ _ +17 almost almost RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 certain certain JJ - + a_of:e-i-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 infuriate infuriate VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +21 exchange exchange NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 officials official NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 CFTC _generic_proper_ne_ NNP - - named:x-c BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 propose propose VB - + v_to:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 restrictions restriction NNS - - n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +9 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 release release NN - + n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 study study NN - - n_of:x-i _ _ _ _ _ _ ARG1 BV ARG1 _ _ _ _ _ _ _ +15 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 shows show VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 little little RB - + little-few_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 benefit benefit NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ +20 resulting result VBG - + v_from:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 cites cite VBZ - + v_for:e-i-p _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +26 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 problems problem NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ +28 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 associated associate VBN - + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 practice practice NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110003 +1 Dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +2 trading trade NN - - v:e-i-p ARG1 ARG1 _ _ _ _ _ _ _ _ _ +3 gives give VBZ + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 exchange exchange NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +6 trader trader NN - - n:x _ ARG3 BV compound _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 right right NN - + n:x-h _ ARG2 _ _ BV _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +10 trade trade VB - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 _ _ _ +11 both both DT - - q:i-h-h _ _ _ _ _ _ ARG2 _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +15 account account NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 poss ARG1 _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _and_c _ _ _ +18 customers customer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22110005 +1 While while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 not not RB - + neg:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +3 specifically specifically RB - + a_to:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +4 mentioned mention VBN - - v_to:e-i-p _ neg ARG1 ARG1 _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 FBI FBI NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +8 charges charge NNS - - n_of:x-i _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 dual dual JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trading trade NN - - v:e-i-p _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +12 became become VBD - + v_id:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 focus focus NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 attempts attempt NNS - + n:x-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 tighten tighten VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +19 industry industry NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +20 regulations regulation NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110006 +1 Critics critic NNS - - n_of:x-i ARG1 _ _ _ _ _ _ _ _ _ +2 contend contend VBP + + v:e-i-h _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +4 traders trader NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ +5 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +6 putting put VBG - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ +7 buying buy VBG - + v:e-i-p _ ARG2 _ ARG1 _ _ ARG1 _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +9 selling sell VBG - - v:e-i-p _ _ _or_c _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +13 accounts account NNS - - n_of:x-i _ _ _ ARG2 poss ARG1 _ _ _ _ +14 ahead ahead+of RB - - p:e-u-i _ _ _ _ _ _ mwe _ _ _ +15 of ahead+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +16 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ +17 traders trader NNS - + n:x _ _ _ _ _ _ _ ARG1 _ _ +18 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ +19 customer customer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +20 orders order NNS - - n_of:x _ _ _ _ _ _ ARG2 _ poss compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22110007 +1 Traders trader NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 likely likely JJ - + a:e-h _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 oppose oppose VB - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 restrictions restriction NNS - - n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +8 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 trading trade NN - - v:e-i-p _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +11 provides provide VBZ - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 way way NN - + n_of:x-h _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 make make VB - + v:e-i-p-u _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +16 money money NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 slower slower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 markets market NNS - + n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +20 where where WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 is is VBZ - + v_there:e-i _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 shortage shortage NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 customer customer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 orders order NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110008 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 exchanges exchange NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 contend contend VBP + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 trading trade NN - - v:e-i-p _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 improves improve VBZ - + v_cause:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 liquidity liquidity NN - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 markets market NNS - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +12 because because IN - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 traders trader NNS - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 buy buy VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 sell sell VB - - v:e-i-p _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ _ _ +18 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 when when WRB - + x:e-h-h _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ +20 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +21 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 n’t don’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +23 have have VB - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 customer customer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 order order NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 hand hand NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 exchanges exchange NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 liquidity liquidity NN - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 becomes become VBZ - + v_id:e-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 severe severe JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 problem problem NN - - n_of:x-i _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 thinly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 traded trade VBN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 contracts contract NNS - - n:x _ _ _ _ _ ARG2 _ ARG2 ARG1 _ _ _ _ _ +13 such such+as JJ - - p:e-u-i _ _ _ _ _ _ _ _ mwe _ _ _ _ _ +14 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 those those DT - - x:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 long long JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +20 remaining remain VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +21 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 expiration expiration NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 CFTC _generic_proper_ne_ NNP - - named:x-c BV _ ARG1 _ _ _ _ _ +3 may may MD + + v_modal:e-h _ _ _ _ _ _ _ _ +4 take take VB - + v:e-i-p-u _ ARG1 _ _ _ ARG1 _ _ +5 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ +6 arguments argument NNS - - n:x _ _ ARG2 BV _ _ _ _ +7 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 account account NN - - n_of:x-i _ _ _ _ ARG2 _ _ _ +9 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 allowing allow VBG - + v:e-i-i-i _ _ _ _ _ ARG2 _ _ +11 exceptions exception NNS - - n_to:x-i _ _ _ _ _ _ ARG2 _ +12 to to TO - - _ _ _ _ _ _ _ _ _ +13 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +14 restrictions restriction NNS - - n_of:x-i _ _ _ _ _ _ ARG3 poss +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22110011 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 agency agency NN - - n:x BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t didn’t RB + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 cite cite VBP - + v_for:e-i-p _ neg _ _ _ _ _ _ _ _ _ _ _ _ +6 specific specific JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 situations situation NNS - + n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +8 where where WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 dual dual JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 trading trade NN - - v:e-i-p _ _ _ _ _ ARG1 _ ARG2 _ _ _ _ _ _ +11 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 allowed allow VBN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 exchanges exchange NNS - + n:x _ _ _ _ conj _ _ _ ARG1 _ _ _ _ _ +18 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 contracts contract NNS - - n:x _ _ _ _ _ _ _ _ _ _or_c ARG1 _ _ _ +20 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 need need VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 additional additional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 liquidity liquidity NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +24 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 expected expect VBN - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 among among IN - + q:x-h-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +29 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110013 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 study study NN - - n_of:x-i BV ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 CFTC _generic_proper_ne_ NNP - + named:x-c _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 division division NN - + n_of:x-i _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 analysis analysis NN - - n_of:x-i _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 shows show VBZ - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 trade trade NN - - n_of:x-i _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ +18 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 trade trade NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 member member NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ BV _ _ _ ARG1 +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 study study NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 team team NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound _ +29 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110014 +1 Whether whether IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 trade trade NN - - n_of:x-i _ BV ARG2 _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 done do VBN - + v:e-i-p ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 non-dual dual JJ - + a:e-p _ _ _ _ _ _or_c _ _ _ _ _ _ _ +11 basis basis NN - - n_of:x-i _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 member member NN - - n_of:x _ _ _ _ _ _ _ BV ARG1 _ _ _ _ +15 said say VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 n’t doesn’t RB - + neg:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 seem seem VB - + v_to:e-i-h _ _ _ _ _ _ _ _ _ neg _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 have have VB - + v:e-i-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +23 much much RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +25 impact impact NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110017 +1 Members member NNS - + n_of:x-i _ ARG1 _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ +3 Congress Congress NNP - - named:x-c ARG1 _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ +5 proposed propose VBN + + v_to:e-i-p _ _ _ _ _ _ _ +6 restricting restrict VBG - + v:e-i-p _ ARG2 _ _ _ _ _ +7 dual dual JJ - + n:x _ _ _ _ _ _ _ +8 trading trade NN - - v:e-i-p _ _ ARG2 ARG1 ARG1 _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ +10 bills bill NNS - - n_of:x-i _ _ _ _ ARG2 _ _ +11 to to TO - - _ _ _ _ _ _ _ _ +12 reauthorize authorize VB - + v:e-i-p _ _ _ _ _ _ _ +13 CFTC _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ +14 operations operation NNS - - n_of:x-i _ _ _ _ _ ARG2 compound +15 . _ . - - _ _ _ _ _ _ _ _ + +#22110018 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 House House NNP - + named_n:x-c BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 bill bill NN - - n_of:x-i _ poss _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 would would MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 prohibit prohibit VB - + v:e-i-p _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 dual dual JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 trading trade NN - - v:e-i-p _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 markets market NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 daily daily JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 volume volume NN - + n_of:x-i _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 7,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 contracts contract NNS - + n:x _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +18 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 more more JJR - - much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 comprising comprise VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 those those DT - - x:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ _ _ _ _ _ +23 considered consider VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 difficult difficult JJ - + a_for:e-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 comp_too _ _ _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 track track VB - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ +28 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 sophisticated sophisticated JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 computer computer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 system system NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110019 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Senate Senate NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 bill bill NN - - n_of:x-i BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 force force VB - + v:e-i-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 CFTC _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 suspend suspend VB - + v:e-i-p _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 dual dual JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trading trade NN - - v:e-i-p _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +12 if if IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 exchange exchange NN - - n:x _ _ _ _ _ _ _ _ BV _ _ ARG1 _ _ _ _ _ +15 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ +16 n’t can’t VB - + neg:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +17 show show NN - + v:e-i-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 oversight oversight NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 system system NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ poss compound _ _ _ +22 can can MD - + v_modal:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +23 detect detect VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +24 dual-trading trade NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 abuses abuse NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110020 +1 So so RB - + comp:e-u-u _ _ _ _ _ _ _ _ +2 far far RB - + a:e-e comp_so _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ +5 test test NN - - n:x _ _ ARG1 ARG1 _ _ ARG1 _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +7 restricting restrict VBG - + v_to:e-i-p _ _ _ ARG2 _ _ _ _ +8 dual dual JJ - + n:x _ _ _ _ _ _ _ _ +9 trading trade NN - - v:e-i-p _ _ _ _ ARG2 ARG1 _ _ +10 has has VBZ - - _ _ _ _ _ _ _ _ _ +11 worked work VBN + + v:e-i-p _ ARG1 _ _ _ _ _ ARG1 +12 well well RB - + a:e-e _ _ _ _ _ _ _ _ +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22110021 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +3 Merc _generic_proper_ne_ NNP - - named:x-c BV compound ARG1 _ _ _ _ _ _ _ _ +4 banned ban VBD + + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ +5 dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +6 trading trade NN - - v:e-i-p _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 Standard Standard+&+Poor+’s NNP - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ +10 & Standard+&+Poor+’s CC - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ +11 Poor Standard+&+Poor+’s NNP - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ +12 ’s Standard+&+Poor+’s VBZ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +13 500-stock stock JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +14 index index NN - + n:x _ _ _ _ _ _ compound compound _ _ _ +15 futures futures NNS - + n:x _ _ _ _ _ _ _ _ compound _ _ +16 pit pit NN - - n:x _ _ _ _ ARG2 poss _ _ _ compound _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 1987 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22110022 +1 Under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 rules rule NNS - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +5 traders trader NNS - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ +6 decide decide VBP + + v:e-i-p ARG1 _ _ ARG1 _ _ _ _ _ _ _ +7 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 session session NN - - n:x _ _ _ _ BV ARG1 _ _ _ _ _ +10 begins begin VBZ - + v:e-i-h _ _ _ ARG2 _ _ _ _ _ _ _ +11 whether whether IN - - _ _ _ _ _ _ _ _ _ _ _ _ +12 they they PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ +13 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ +14 trade trade VB - + v:e-i-p _ _ _ _ _ ARG2 _ ARG1 _ _ ARG1 +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +18 account account NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 poss ARG1 _ +19 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _and_c _ _ _ +21 customers customer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22110023 +1 Traders trader NNS - - n:x ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ +2 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stand stand VBP - + v:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 pit pit NN - + n:x _ _ BV _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 top top JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +9 step step NN - + n:x _ ARG2 _ poss ARG1 _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 where where WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 customer customer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +14 orders order NNS - - n_of:x _ _ _ _ _ _ BV compound ARG2 _ _ _ +15 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 executed execute VBN - + v:e-i-p _ _ _ _ _ loc _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ca can’t MD - - neg:e-h _ _ _ _ _ _ _ _ _ neg _ _ +19 n’t can’t VB - + neg:e-h _ _ _ _ _ _ _ _ _but_c _ _ _ +20 trade trade NN + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +22 themselves themselves PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110024 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 Merc _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +3 spokesman spokesman NN - - n:x BV compound ARG1 _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 plan plan NN - - n:x _ _ _ BV _ ARG1 _ _ _ _ +7 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ +8 n’t hasn’t RB - + neg:e-h _ _ ARG2 _ _ _ _ _ _ _ +9 made make VBN - + v:e-i-p-u _ _ _ _ neg _ _ _ _ _ +10 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ +11 difference difference NN - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +13 liquidity liquidity NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 pit pit NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22110025 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x _ _ ARG1 _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ +4 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ +5 soon soon RB - + a:e-e comp_too _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ +7 tell tell VB - + v:e-i-p _ ARG1 _ _ _ _ _ _ +8 … _ : - - _ _ _ _ _ _ _ _ _ +9 but but CC - - _ _ _ _ _ _ _ _ _ +10 people people NNS - - n_of:x-i _ _ _ _ _ ARG1 _ _ +11 do don’t VBP - - _ _ _ _ _ _ _ _ _ +12 n’t don’t RB - + neg:e-h _ _ _ _ _ _ _ ARG2 +13 seem seem VB - + v_to:e-i-h _ _ _ neg _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ +15 be be VB - - _ _ _ _ _ _ _ _ _ +16 unhappy unhappy JJ - + a:e-p _ _ _ _ ARG2 _ ARG1 _ +17 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +18 it it PRP - - pron:x _ _ _ _ _ _ ARG2 _ +19 , _ , - - _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ +21 he he PRP - - pron:x _ _ _ _ _ _ _ ARG1 +22 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ + +#22110026 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ +4 would wouldn’t MD - + neg:e-h _ _ neg _ _ _ _ _ _ _ _ +5 n’t wouldn’t VB - + neg:e-h _ _ _ _ _ _ ARG1 _ _ _ _ +6 comment comment VB - + v_on:e-i-i _ ARG1 _ _ _ _ _ _ _ _ _ +7 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 CFTC _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +10 plan plan NN - - n:x _ _ _ ARG2 BV compound _ _ _ _ _ +11 until until IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 exchange exchange NN - - n:x _ _ _ _ _ _ _ BV ARG1 _ _ +14 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +15 seen see VBN - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 full full JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ +18 proposal proposal NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22110027 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 meeting meeting NN - - n_of:x-i _ ARG2 BV _ loc _ _ _ _ _ _ _ _ _ _ +5 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 week week NN - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Tom Tom NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Donovan Donovan NNP - - named:x-c _ _ _ _ _ compound _ _ appos ARG1 _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Board board NNP - + n_of:x-i _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Trade _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +15 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 president president NN - + n_of:x-i _ _ _ _ _ _ _ poss _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 told tell VBD - + v:e-i-p-h ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +19 commodity commodity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 lawyers lawyer NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +21 : _ : - + _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +22 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Dual dual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +25 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 definitely definitely RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +27 worth worth JJ - + a:e-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +28 saving save NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22110028 +1 It it PRP - - pron:x ARG1 _ _ +2 adds add VBZ + + v:e-i-p _ _ _ +3 something something NN - - thing:x ARG2 ARG1 _ +4 to to TO - + p:e-u-i _ _ _ +5 the the DT - + q:i-h-h _ _ _ +6 market market NN - - n:x _ ARG2 BV +7 . _ . - - _ _ _ _ + +#22111001 +1 Japanese Japanese JJ - + a:e-p _ _ _ _ +2 Firms firm NNS - - n:x ARG1 ARG1 _ _ +3 Push push VBP + + v:e-i-p _ _ _ _ +4 Posh posh JJ - + a:e-p _ _ _ _ +5 Car car NN - + n:x _ _ _ _ +6 Showrooms showroom NNS - - n:x _ ARG2 ARG1 compound + +#22111002 +1 JAPANESE Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ +2 luxury-car car NN - + n:x _ _ _ _ _ _ _ _ +3 makers maker NNS - - n_of:x-i ARG1 compound ARG1 _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ +5 trying try VBG + + v:e-i-h _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ +7 set set VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ +8 strict strict JJ - + a:e-p _ _ _ _ _ _ _ _ +9 design design NN - + n_of:x-i _ _ _ _ _ _ _ _ +10 standards standard NNS - - n:x _ _ _ ARG2 ARG1 compound ARG1 _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +13 dealerships dealership NNS - - n:x _ _ _ _ _ _ ARG2 poss +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22111003 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ _ +3 dealers dealer NNS - - n:x _ BV ARG1 _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ +5 negotiating negotiate VBG - + v:e-i-p _ _ _ _ ARG1 _ _ +6 looser looser JJR - + a:e-i _ _ _ _ _ _ _ +7 terms term NNS - - n_of:x-i _ _ ARG2 ARG1 _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ +9 while while IN - + x:e-h-h ARG2 _ _ _ _ _ _ +10 others other NNS - - n:x _ _ _ _ _ ARG1 _ +11 decline decline VBP - + v:e-i-h _ _ _ _ ARG2 _ _ +12 to to TO - - _ _ _ _ _ _ _ _ +13 deal deal VB - - v:e-i-p _ _ _ _ _ ARG2 ARG1 +14 at at+all IN - - a:e-e _ _ _ _ _ _ mwe +15 all at+all DT - + a:e-e _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ + +#22111004 +1 Nissan _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Motor _generic_proper_ne_ NNP - + named:x-c compound _ compound _ _ _ _ _ _ _ _ _ _ +3 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Infiniti _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +6 division division NN - - n_of:x-i _ poss _ compound ARG1 _ _ _ _ _ _ _ _ +7 likes like VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 insist insist VB - + v:e-i-h-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 every every DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +12 dealer dealer NN - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ +13 construct construct VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 furnish furnish VB - + v:e-i-p _ _ _ _ _ _ _ _and_c _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 building building NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +21 style style NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111005 +1 Specifications specification NNS - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 include include VBP + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 polished polish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 bronze bronze NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 sculpture sculpture NN - - n:x ARG2 BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 center center NN - + n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 showroom showroom NN - - n:x _ _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 tile tile NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 bridge bridge NN - - n:x _ _ _ _ _ _ _and_c _ BV compound ARG1 _ _ _ _ _ +17 spanning span VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 stream stream NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +20 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 flows flow NNS - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 building building NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +25 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 outside outside JJ - - place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111006 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Infiniti _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 has have VBZ - + v:e-i-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 down down RP - - p:e-i ARG3 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ashtrays _generic_nns_ NNS - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Jay Jay NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Ferron _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 compound _ appos _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 partner partner NN - + n:x _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ +17 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 J.D. _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Power _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound compound _ _ _ appos +20 & &+Associates CC - - n:x _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +21 Associates &+Associates NNPS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 research research NN - + n:x _ _ _ _ _ _ _ _ _ _ _ compound _ _ +26 firm firm NN - + n:x _ _ _ _ _ _ _ _ _ _ BV _ compound _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111007 +1 Toyota _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +2 Motor _generic_proper_ne_ NNP - + named:x-c compound _ compound _ _ _ +3 Corp. corp. NNP - + n:x _ _ _ _ _ _ +4 ’s ’s VBZ - - _ _ _ _ _ _ _ +5 Lexus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +6 division division NN - - n_of:x-i _ poss _ compound _ ARG1 +7 also also RB + + a:e-h _ _ _ _ _ _ +8 provides provide VBZ - + v:e-i-p _ _ _ _ ARG1 _ +9 specifications specification NNS - - n:x _ _ _ _ _ ARG2 +10 . _ . - - _ _ _ _ _ _ _ + +#22111008 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ +2 only only JJ - - _ _ _ _ _ _ _ _ _ +3 two-thirds third NNS - - n_of:x _ ARG1 _ ARG1 _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +5 Lexus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +6 dealers dealer NNS - - n:x _ ARG2 compound _ _ _ _ _ +7 are are VBP - - _ _ _ _ _ _ _ _ _ +8 constructing construct VBG - + v:e-i-p ARG2 _ _ _ _ ARG1 _ _ +9 new new JJ - + a:e-p _ _ _ _ _ _ _ _ +10 buildings building NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ +11 according according+to VBG - - p:e-u-i _ _ _ _ _ mwe _ _ +12 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +14 Lexus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +15 specs spec NNS - - n:x _ _ _ _ _ ARG2 BV compound +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22111009 +1 Some some DT - - q:i-h-h _ ARG1 _ _ _ _ +2 are are VBP - - _ _ _ _ _ _ _ +3 even even RB - + a:e-e _ _ _ _ _ _ +4 coming come VBG + + v_up:e-i-u ARG1 _ _ _ _ _ +5 up up RP - - _ _ _ _ _ _ _ +6 with with IN - + p:e-u-i _ _ _ _ _ _ +7 their their PRP$ - + q:i-h-h _ _ _ _ _ _ +8 own own JJ - + a:e-p _ _ _ _ _ _ +9 novel novel NN - + n_of:x-i _ _ _ _ _ _ +10 designs design NNS - - n_of:x-i _ _ ARG2 poss ARG1 compound +11 . _ . - - _ _ _ _ _ _ _ + +#22111010 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 Louisville _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 Ky. KY. NNP - - named:x-c ARG2 compound _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +6 for for+example IN - - _ _ _ _ _ _ _ _ _ _ _ _ +7 example for+example NN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +9 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +10 Peterson _generic_proper_ne_ NNP - - named:x-c _ _ compound ARG1 _ _ _ _ _ _ _ +11 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +12 built build VBN + + v:e-i-p ARG1 _ _ _ _ _ ARG1 _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 Lexus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +15 dealership dealership NN - - n:x _ _ _ ARG2 BV compound _ _ _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 showroom showroom NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +21 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ +22 floor floor NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22111011 +1 Yet yet CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +3 dealers dealer NNS - - n:x _ BV ARG1 _ _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ +5 turned turn VBN - + v_down:e-i-i _ _ _ _ ARG1 _ _ _ _ _ +6 down down IN - - _ _ _ _ _ _ _ _ _ _ _ +7 Infiniti _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +9 Lexus _generic_proper_ne_ NNP - - named:x-c _ _ _ _or_c _ _ _ _ _ _ +10 franchises franchise NNS - - n:x _ _ ARG1 compound _ _ _ _ _ _ +11 because because IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ +12 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ +13 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +14 unwilling unwilling JJ - + a:e-p _ _ _ _ ARG2 _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +16 unable unable JJ - + a:e-i-h _ _ _ _ _ _or_c _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +18 meet meet VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +20 design design NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +21 requirements requirement NNS - - n:x _ _ _ _ _ _ _ ARG2 BV compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22111012 +1 Lee Lee NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Seidman _generic_proper_ne_ NNP - - named:x-c compound ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Cleveland Cleveland NNP - - named:x-c _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +5 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Infiniti _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 was was VBD - + v_id:e-p-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 bear bear NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +11 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 interiors interior NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 at at+least IN - - a:e-e _ _ _ _ _ _ mwe _ _ _ _ _ _ +16 least at+least JJS - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +17 let let VB - + v:e-i-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +18 him him PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 retrofit _generic_vb_ VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ +20 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 existing exist JJ - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 building building NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +23 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stream stream NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111013 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +2 Seidman _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ +5 turned turn VBD - + v_down:e-i-i _ _ _ _ _ ARG1 ARG1 _ _ _ +6 down down RP - - _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 Lexus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +9 franchise franchise NN - - n:x _ _ ARG2 BV compound _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 part part NN - - n:x _ _ _ _ _ ARG2 _ _ _ _ +12 because because IN - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +15 building building NN - - n:x _ _ _ _ _ _ _ BV ARG1 _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +17 gorgeous gorgeous JJ - + a:e-p _ _ _ _ _ _ ARG2 _ _ _ +18 but but CC - - _ _ _ _ _ _ _ _ _ _ _ +19 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +20 expensive expensive JJ - - a:e-p _ _ _ _ _ _ _ _ _but_c ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22111014 +1 To to TO + + x:e-h-h _ _ _ _ _ _ _ _ +2 head head VB - + v_off:e-i-i ARG2 _ _ _ _ _ _ _ +3 off off RP - - _ _ _ _ _ _ _ _ _ +4 arguments argument NNS - - n:x _ ARG2 _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ +6 Infiniti _generic_proper_ne_ NNP - - named:x-c _ ARG1 ARG1 _ _ _ _ _ +7 offers offer VBZ - + v:e-i-p ARG1 _ _ _ _ _ _ _ +8 dealers dealer NNS - + n:x _ _ ARG2 _ _ _ _ _ +9 cash cash NN - + n:x _ _ _ _ _ _ _ _ +10 bonuses _generic_nns_ NNS - + n:x _ _ _ conj compound _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ +12 low-interest interest JJ - + n_in:x-i _ _ _ _ _ _ _ _ +13 construction construction NN - + n_of:x-i _ _ _ _ _ _ _ _ +14 loans loan NNS - - n:x _ _ _ _ _ _and_c compound compound +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22111015 +1 Dictation _generic_proper_ne_ NN - + n:x _ _ _ _ _ +2 Device _generic_proper_ne_ NN - + n:x compound _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ +4 Saga _generic_proper_ne_ NN - - n:x _ poss ARG1 _ _ +5 Plays play VBZ + + v:e-i-p _ _ _ ARG1 _ +6 Back back RB - + place_n:x _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ +8 Lesson lesson NN - - n:x _ _ ARG2 _ BV + +#22111017 +1 That that DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 lesson lesson NN - - n:x ARG2 BV ARG2 _ _ _ _ _ _ _ +5 offered offer VBN - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ +6 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +7 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +8 case case NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +9 study study NN - - n_of:x-i _ _ _ ARG2 ARG1 compound ARG2 _ _ _ +10 featured feature VBN - + v_cause:e-i-p _ _ _ _ _ _ _ ARG1 _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 design design NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +14 exhibit exhibit NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound +15 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22111019 +1 Blocked block VBN + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 protection protection NN - - n_of:x-i ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 following follow VBG - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 suit suit NN - - n_of:x-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Dictaphone _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 decided decide VBD - + v:e-i-h subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 go go VB - + v:e-i-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 step step NN - - n:x _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +15 further further RBR - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 cut cut VB - + v:e-i-p _ _ _ _ _ _and_c _ _ _ ARG1 ARG1 _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 cassette cassette NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 half half NN - - x:i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +22 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 down down RB - - p:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 length length NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 paperclip _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111020 +1 By by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 1979 _generic_year_ne_ CD - - yofc:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 designers designer NNS - + n_of:x-i _ _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 engineers engineer NNS - - n:x _ _and_c _ _ _ _ _ _ _ _ _ _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Dictaphone _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 _ _ _ appos _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Pitney _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Bowes _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ +13 subsidiary subsidiary NN - + n:x _ _ _ BV _ compound _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 produced produce VBN + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 working work VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +19 model model NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +22 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 picocassette _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 recorder recorder NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 BV compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111021 +1 By by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 1982 _generic_year_ne_ CD - - yofc:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 however however RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 status status NN - + n_of-as:x-i _ BV compound _ _ _ ARG2 _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Lanier _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 microcassette _generic_nn_ NN - - n:x _ _ _ ARG1 BV compound _ _ _ _ _ _ _ _ +13 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 changed change VBN - + v:e-i ARG1 _ _ _ _ _ _ subord _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 permitting permit VBG + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Dictaphone _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 develop develop VB - + v_cause:e-i-p _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ +20 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 competitive competitive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 micro micro JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 system system NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss ARG1 ARG1 compound ARG2 +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +28 did do VBD - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111022 +1 Marketing market NNP - + named:x-c _ _ _ _ _ _ +2 and and CC - - _ _ _ _ _ _ _ +3 sales sales NNS - - n_of:x _and_c _ _ _ _ _ +4 departments department NNS - - n:x compound _ ARG1 _ _ _ +5 then then RB - + a:e-e _ _ _ _ _ _ +6 urged urge VBD + + v:e-i-p _ ARG1 _ _ _ _ +7 abandonment abandonment NN - - n:x _ _ ARG2 ARG1 _ _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ +10 pico _generic_nn_ NN - + n:x _ _ _ _ _ _ +11 project project NN - - n:x _ _ _ ARG2 BV compound +12 . _ . - - _ _ _ _ _ _ _ + +#22111023 +1 But but CC + + c:i-i-i _ _ _ _ +2 others other NNS - - n:x _ ARG1 _ _ +3 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ +4 pico _generic_nn_ NN - - n:x _ _ _ ARG1 +5 should should MD - + v_modal:e-h _ ARG2 _ _ +6 proceed proceed VB - + v:e-i _ _ ARG1 _ +7 . _ . - - _ _ _ _ _ + +#22111024 +1 Both both DT - - q:i-h-h ARG1 +2 were were VBD - - _ _ +3 right right RB + + a:e-p _ +4 . _ . - - _ _ + +#22111025 +1 Dictaphone _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ +2 went go VBD + + v_to:e-i-h-i _ _ _ ARG1 _ _ _ +3 ahead ahead RB - - _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ +5 introduced introduce VBD - + v_to:e-i-p _and_c _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 pico _generic_nn_ NN - - n:x _ ARG2 BV _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ +9 1985 _generic_year_ne_ CD - - yofc:x-c _ _ _ ARG2 _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ +11 but but CC - - _ _ _ _ _ _ _ _ +12 it it PRP - - pron:x _ _ _ _ _ ARG1 _ +13 has hasn’t VBZ - - _ _ _ _ _ _ _ _ +14 n’t hasn’t RB - + neg:e-h _but_c _ _ _ _ _ _ +15 sold sell VBN - + v:e-i-p _ _ _ _ neg _ ARG1 +16 well well RB - + a:e-e _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ + +#22111026 +1 To to+date TO - - p:e-i mwe _ _ _ _ _ _ _ _ _ _ +2 date to+date NN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +5 Emil _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +6 Jachmann _generic_proper_ne_ NNP - - named:x-c _ ARG1 compound _ _ _ appos _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 Dictaphone _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +10 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +11 president president NN - + n_of:x-i _ _ _ BV compound compound _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ +14 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +16 broken break VBN - - v:e-i-p _ _ _ _ _ _ _ subord _ _ _ +17 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +18 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ +19 shown show VBN - + v:e-i-p _ ARG2 _ _ _ _ _ ARG1 _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +21 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +22 loss loss NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22111027 +1 Nevertheless nevertheless RB + + a:e-h _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ +4 device device NN - - n:x _ BV ARG1 _ _ +5 has has VBZ - - _ _ _ _ _ _ +6 been been VBN - - _ _ _ _ _ _ +7 successful successful JJ - + a:e-p ARG1 _ _ ARG1 _ +8 in in IN - + p:e-u-i _ _ _ _ _ +9 other other JJ - + a:e-i _ _ _ _ _ +10 ways way NNS - - n_of:x-i _ _ _ ARG2 ARG1 +11 . _ . - - _ _ _ _ _ _ + +#22111028 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 helped help VBD + + v_to:e-i-i-h _ _ _ _ _ _ _ _ +3 Dictaphone _generic_proper_ne_ NNP - - named:x-c ARG2 _ _ _ _ _ _ _ +4 attract attract VB - + v:e-i-p ARG3 _ _ _ _ _ _ _ +5 better better JJR - + a_at-for-of:e-i _ _ _ _ _ _ _ _ +6 engineers engineer NNS - - n:x _ ARG2 ARG1 _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ +9 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ +10 provided provide VBD - + v:e-i-p _and_c _ _ _ _ _ _ _ +11 new new JJ - + a:e-p _ _ _ _ _ _ _ _ +12 technology technology NN - - n:x _ _ _ ARG2 ARG1 ARG1 _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +14 other other JJ - + a:e-i _ _ _ _ _ _ _ _ +15 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ +16 products product NNS - - n:x _ _ _ _ _ ARG2 ARG1 compound +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22111029 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 picocassette _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ +3 recorder recorder NN - - n_of:x-i BV compound _ ARG1 _ _ _ _ _ _ +4 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ +5 helped help VBD - + v_to:e-i-h _ _ ARG1 _ _ _ _ _ _ _ +6 transform transform VB - + v_into:e-i-p _ _ _ ARG2 _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 company company NN - + n_of:x-i _ _ _ _ _ BV _ _ _ _ +9 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +10 reputation reputation NN - - n:x _ _ _ _ ARG2 _ poss ARG1 ARG1 _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 follower follower NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +14 leading-edge edge JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +15 innovator _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22111031 +1 Dictaphone _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 picocassette _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 recorder recorder NN - - n:x poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 one one CD - + card:i-i-c _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 case case NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 studies study NNS - - n_of:x-i _ _ _ part ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 TRIAD _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Design _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +15 Project _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 BV _ compound ARG2 _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 sponsored sponsor VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Design _generic_proper_ne_ NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Management _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +22 Institute _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG1 BV _ compound ARG1 _ _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Boston Boston NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Harvard Harvard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Business _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +28 School _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111032 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 studies study NNS - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +4 on on IN + + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +5 exhibit exhibit NN - - n:x _ ARG2 ARG1 _ loc _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +7 Harvard Harvard NNP - - named:x-c _ _ ARG2 _ _ _ _ _ _ _ _ +8 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 month month NN - + n:x _ _ _ BV _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +11 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ +12 travel travel VB - - v:e-i _ _and_c _ _ _ ARG1 _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +14 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ +16 Institute institute NNP - + n_of:x-i _ _ _ _ _ ARG2 poss _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +18 Design _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +21 University university NNP - + n_of:x-i _ _ _ _ _ _ _ _and_c BV _ ARG1 +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +23 California California NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +25 Berkeley Berkeley NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22111033 +1 A a DT - + q:i-h-h _ _ _ _ _ +2 Rake rake NN - + n:x BV _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ +4 Progress progress NNP - + named:x-c _ _ _ _ _ +5 Means mean NNP - + named:x-c _ _ compound _ _ +6 Branching branch NNP - + named:x-c _ _ _ compound _ +7 Out out NNP + - named:x-c _ poss _ _ compound + +#22111034 +1 ONE one CD - - card:i-i-c _ _ appos _ _ ARG1 _ _ _ _ _ _ _ _ +2 DAY day NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Carl Carl NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Barrett _generic_proper_ne_ NNP - + named:x-c _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Mobile _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Ala. Ala. NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 raking rake VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sycamore sycamore NN - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ +14 leaves leaf VBZ - + v:e-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 rake rake NN - - n:x _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ +19 kept keep VBD - + v_on:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 riding ride VBG - + v:e-i _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 ARG1 _ +21 up up RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 piles pile NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111037 +1 His his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 crude crude JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 device device NN - - n:x poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 worked work VBD + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 teeth tooth NNS - - n:x _ _ _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 gathered gather VBD - + v_coll:e-i-p _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 leaves leaf NNS - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +12 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 pile pile NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 while while IN - + x:e-h-h _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 harder harder JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 teeth tooth NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 ARG1 _ _ _ +22 moved move VBD - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 top top NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 pile pile NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111038 +1 Now now RB + + a:e-h _ _ _ _ _ _ _ _ _ _ +2 incorporated incorporate VBN - + v_into:e-i-i ARG1 _ _ _ _ _ _ _ _ _ +3 into into IN - - _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 polypropylene _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ +6 rake rake NN - - n:x _ ARG3 BV compound _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 four-inch inch JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +10 prongs prong NNS - - n:x _ _ _ _ BV compound _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +14 wonderbars _generic_nns_ NNS - - _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +17 also also RB - + a:e-h conj _ _ _ _ _ _ _ _ _ +18 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +19 supposed supposed VBN - + a:e-i-h _ _ _ _ _ _ ARG1 _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +21 aid aid VB - - v:e-i-p _ _ _ _ _ _ _ ARG2 ARG1 _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +23 picking pick VBG - + v_up:e-i-i _ _ _ _ _ _ _ _ ARG2 _ +24 up up RP - - _ _ _ _ _ _ _ _ _ _ _ +25 leaves leaf NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22111039 +1 One one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 customer customer NN - - n_of:x-i ARG1 _ appos _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Donald Donald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Blaggs _generic_proper_ne_ NNP - + named:x-c _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Mobile _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Barrett _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Rake _generic_proper_ne_ NN - - n:x _ _ _ _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ +13 allowed allow VBD - + v:e-i-i-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +14 him him PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 do do VB - + v:e-i-p _ _ _ _ _ _ _ ARG3 _ _ ARG1 _ _ _ loc _ _ +17 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 lawn lawn NN - - n:x _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 1/2 _generic_fract_ne_ CD - + fraction:i-i-c _ _ _ _ _ _ _ _ _ _ _ plus _ _ _ _ _ +22 hours hour NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 hours hour NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 +26 less less+than JJR - - x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +27 than less+than IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 usual usual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111040 +1 But but CC + + c:i-i-i _ _ _ _ _ +2 other other JJ - + a:e-i _ _ _ _ _ +3 rake rake NN - + n:x _ _ _ _ _ +4 makers maker NNS - - n_of:x-i _ ARG1 compound ARG1 _ +5 have have VBP - + v:e-i-i ARG2 _ _ _ _ +6 their their PRP$ - + q:i-h-h _ _ _ _ _ +7 doubts doubt NNS - - n:x _ _ _ ARG2 poss +8 . _ . - - _ _ _ _ _ _ + +#22111041 +1 Richard Richard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mason Mason NNP - - named:x-c compound appos _ _ _ _ ARG1 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Ames _generic_proper_ne_ NNP - - named:x-c _ ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ +7 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Parkersburg _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 W. W. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Va. VA. NNP - - named:x-c _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Barrett _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 rake rake NN - - n:x _ _ _ _ _ _ _ BV compound ARG1 _ _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 makes make VBZ - + v:e-i-p-u _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 sense sense NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +25 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +26 be be VB - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 tough tough JJ - + a_for:e-h-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +29 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 explain explain VB - - v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 +32 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 consumers consumer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111042 +1 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Stoner _generic_proper_ne_ NNP - - named:x-c compound _ appos _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 marketing market NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 director director NN - + n_of:x-i _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 True _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Temper _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 compound compound _ appos _ _ _ _ _ _ _ _ +9 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 subsidiary subsidiary NN - + n:x _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +15 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Decker _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 people people NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 n’t don’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +22 want want VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 move move VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 leaf leaf NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 pile pile NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111043 +1 “ _ `` - - _ _ _ _ _ _ _ +2 They they PRP - - pron:x ARG1 _ _ _ _ _ +3 either either RB - - _ _ _ _ _ _ _ +4 pick pick VB - + v:e-i-p _ ARG2 _ _ _ _ +5 it it PRP - - pron:x ARG2 _ _ _ _ _ +6 up up RP - - _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ +9 he he PRP - - pron:x _ ARG1 _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ +12 “ _ `` - - _ _ _ _ _ _ _ +13 or or CC - - _ _ _ _ _ _ _ +14 they they PRP - - pron:x _ _ ARG1 _ _ _ +15 start start VBP - - _ _ _ _ _ _ _ +16 pulling pull VBG - + v:e-i-p _ _but_c _ ARG1 _ _ +17 from from IN - + p:e-u-i _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ +19 fresh fresh JJ - + a:e-p _ _ _ _ _ _ +20 direction direction NN - - n_of:x-i _ _ _ ARG2 BV ARG1 +21 . _ . - - _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ + +#22111044 +1 Odds odds NNS + + n:x _ +2 and and CC - - _ _ +3 Ends end NNS - - n_of:x _and_c + +#22111046 +1 Four four CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 tubular tubular JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 steel steel NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Bedfellows _generic_nns_ NNS - - n:x ARG1 ARG1 compound ARG1 _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 each each DT - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 roughly roughly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 shape shape NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 W w NNP - - named:x-c _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 attached attach VBN + + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 bottom bottom NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 box box NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 spring spring NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ +28 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 recessed recess VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 position position NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 +32 … _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22111047 +1 Nearly nearly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 half half NN - + part_of:i-i ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 consumers consumer NNS - - n_of:x-i _ part compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ’ll ’ll JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 pay pay VB - + v_up:e-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 up up+to RP - - x:e-u _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to up+to TO - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 % % NN - + n_of:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 more more JJR - - much-many_a:e-i _ _ _ _ _ _ _ measure _ _ _ _ _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 packaging package NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ ARG2 _ _ _ _ _ _ _ _ _ +17 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 recycled recycle VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 biodegradable _generic_jj_ JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +26 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 survey survey NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ +29 commissioned commission VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Michael Michael NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Peters Peters NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +34 Group _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ appos +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 design design NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 consultant consultant NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112001 +1 The the DT - + q:i-h-h _ _ _ _ +2 Pentagon _generic_proper_ne_ NNP - - named:x-c BV ARG1 _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ +5 haunted haunt JJ - + a:e-p _ _ _ _ +6 house house NN - - n_of:x-i _ ARG2 BV ARG1 +7 . _ . - - _ _ _ _ _ + +#22112002 +1 Living live VBG - - v:e-i loc ARG1 _ _ ARG1 +2 there there RB - + place_n:x _ _ _ _ _ +3 for for IN - + p:e-u-i _ _ _ _ _ +4 six six CD - + card:i-i-c _ _ _ _ _ +5 years year NNS - - n:x _ ARG2 ARG1 _ _ +6 was was VBD - - _ _ _ _ _ _ +7 really really RB - + x:e-u _ _ _ _ _ +8 scary scary JJ + + a_for:e-p _ _ _ ARG1 _ +9 . _ . - - _ _ _ _ _ _ + +#22112003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ghosts ghost NNS - - n:x BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 past past JJ - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 everywhere everywhere RB - + place_n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 : _ : + + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 They they PRP - - pron:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +10 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 kept keep VBN - + v_prd:e-i-i-h _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ +12 at at IN - + p:e-u-i _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +13 bay bay NN - - n:x-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +14 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 by by IN - + p:e-u-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 feeding feed VBG - + v:e-i-i-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +17 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ +18 vast vast JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 quantities quantity NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 defense defense NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 budget budget NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 poss compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112004 +1 Some some DT - - q:i-h-h _ ARG1 _ _ +2 can can MD + + v_modal:e-h _ _ _ _ +3 be be VB - - _ _ _ _ _ +4 bought buy VBN - + v_off:e-i-i ARG1 _ _ ARG1 +5 off off RP - - _ _ _ _ _ +6 relatively relatively RB - + x:e-u _ _ _ _ +7 cheaply cheaply RB - + a:e-e _ _ ARG1 _ +8 . _ . - - _ _ _ _ _ + +#22112005 +1 During during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Korean Korean JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 War _generic_proper_ne_ NNP - - named:x-c ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Gen. Gen. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Douglas Douglas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 MacArthur _generic_proper_ne_ NNP - - named:x-c _ _ _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ +9 demanded demand VBD + + v_of:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 got get VBD - - _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 in in+addition+to IN - - p:e-u-i _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ +14 addition in+addition+to NN - - p:e-u-i _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ +15 to in+addition+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 U.N. U.N. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 command command NN - - n:x _ _ _ _ _ _ ARG2 poss compound ARG1 _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Korea Korea NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ appos _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 naval naval JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 command command NN - + n:x _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG1 _ ARG1 _ +26 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Japan Japan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 NavforJapan _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112006 +1 Those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +2 obsolete obsolete JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +3 operations operation NNS - - n_of:x-i BV ARG1 ARG1 _ _ _ _ _ _ _ +4 cost cost VBD + + v_to:e-i-i-h _ _ _ _ _ _ _ _ _ _ +5 less less JJR - + little-few_a:e-i _ _ _ _ _ _ _ _ _ _ +6 than than IN - - _ _ _ _ _ _ _ _ _ _ _ +7 $ $ $ - - n:x _ _ _ than _ ARG1 ARG1 _ _ _ +8 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +9 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ +10 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 year year NN - - n:x _ _ _ _ _ _ ARG2 _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +14 keep keep VB - + v_prd:e-i-i-h _ _ _and_c _ _ _ _ _ _ _ +15 Mac Mac NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +16 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +17 ghost ghost NN - - n:x _ _ _ _ _ _ _ _ poss ARG1 +18 quiet quiet JJ - + a:e-p _ _ _ _ _ _ _ ARG3 _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112008 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 1941 _generic_year_ne_ CD - - yofc:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Raeder _generic_proper_ne_ NNP - + named:x-c _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 German German JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 navy navy NN - - n:x _ _and_c BV ARG1 _ _ _ _ _ _ _ _ _ +9 threatened threaten VBN + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 attack attack VB - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Panama Panama NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Canal _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 BV compound _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 so so RB - + x:e-h-h _ _ _ _ conj _ _ _ _ _ _ _ _ +17 we we PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +18 created create VBD - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Southern _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Command _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Panama Panama NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Southern _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Command _generic_proper_ne_ NNP - - named:x-c BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 grown grow VBN - + v:e-i _ _ _ _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ +6 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 bigger bigger JJR - + a:e-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 war war NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +11 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Raeder _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ghost ghost NN - - n:x _ _ _ _ _ _ _ _ poss _ ARG1 _ _ _ _ +15 sometimes sometimes RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 runs run VBZ - + v:e-i _ _ _ _ _ _ _ ARG2 _ ARG1 _ ARG1 _ _ _ +17 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 E e NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +20 ring ring VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 dressed dress VBN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +22 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Gen. Gen. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Noriega Noriega NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112011 +1 So so RB - + comp:e-u-u _ _ _ +2 far far RB - - a:e-e comp_so _ _ +3 no no+one DT - - person:x _ mwe _ +4 one no+one NN - + person:x _ _ ARG1 +5 has has VBZ + + v:e-i-i than _ _ +6 . _ . - - _ _ _ _ + +#22112012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ghost ghost NN - - n:x BV ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Soviet _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 brigade brigade NN - - n:x _ ARG2 BV compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 discovered discover VBN - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Cuba Cuba NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 back back RB - - place_n:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’70s _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +14 costs cost VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +15 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a+few DT - - a:e-p _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +17 few a+few JJ - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 hundred hundred CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +19 million million CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +20 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 price price NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Caribbean Caribbean NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Command _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound ARG1 _ _ ARG2 _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Key _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 West _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +30 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 President president NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Carter Carter NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ +33 created create VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +34 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 1980 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112013 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 brigade brigade NN - - n:x BV _ ARG2 _ _ _ _ _ _ +3 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ +4 n’t hasn’t RB + + neg:e-h _ _ _ _ _ _ _ _ _ +5 been been VBN - - _ _ _ _ _ _ _ _ _ _ +6 heard hear VBN - + v_from:e-i-i _ neg _ ARG1 _ _ _ _ _ +7 from from IN - - _ _ _ _ _ _ _ _ _ _ +8 since since IN - + p:e-i _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 but but CC - - _ _ _ _ _ _ _ _ _ _ +11 we we PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ +12 keep keep VBP - + v_prd:e-i-i-h _ _ _ ARG2 _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 staff staff NN - - n_of:x _ _ _ _ ARG2 BV ARG1 _ _ +15 around around IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG1 +16 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ ARG1 _ +18 case case NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22112014 +1 George George NNP - + named:x-c _ _ _ _ _ _ +2 Marshall Marshall NNP - + named:x-c compound _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ +4 ghost ghost NN - - n:x _ poss _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ +6 much much RB - + x:e-u _ _ _ _ _ _ +7 more more RBR - + comp:e-u-u _ _ ARG1 _ _ _ +8 difficult difficult JJ + + a_for:e-h-i _ _ _ comp _ _ +9 to to TO - - _ _ _ _ _ _ _ +10 keep keep VB - + v_prd:e-i-i-h _ _ _ _ ARG1 _ +11 happy happy JJ - - a_with:e-p-i _ _ _ _ _ ARG3 +12 . _ . - - _ _ _ _ _ _ _ + +#22112015 +1 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +2 keep keep VB + + v_unspec:e-i-p _ _ _ _ _ _ ARG1 _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 lot lot NN - + n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +6 shrines shrine NNS - - n:x _ _ ARG1 ARG1 ARG1 _ _ _ _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +8 him him PRP - - pron:x _ _ _ ARG2 _ _ _ _ _ _ +9 around around IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +11 Pentagon _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 BV _ _ _ _ +12 : _ : - + _ _ _ _ _ _ _ _ _ _ _ +13 statues statue NNS - + n:x _ _ _ _ _ _ ARG2 _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +15 busts bust NNS - + n:x _ _ _ _ _ _ _ conj _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +17 relics relic NNS - + n:x _ _ _ _ _ _ _ _ conj _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +19 such such JJ - - q:i-h-h _ _ _ _ _ _ _ _ _ _and_c +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112016 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Army _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 headquarters headquarters NN - - n:x BV compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 deck deck NN - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Pentagon _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +11 used used VBD + + v_qmodal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 burn burn VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 lot lot NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 incense incense NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 him him PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Navy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 headquarters headquarters NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ _ ARG1 _ +25 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 fourth fourth JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 deck deck NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +29 made make VBD - + v_cause:e-i-h _ _ _ _ _ _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ +30 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +31 stop stop VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +32 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112017 +1 You you PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 see see VBP + + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Marshall Marshall NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 had have VBD - + v:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 thing thing NN - - n_of-about:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Navy _generic_proper_ne_ NNP - + named:x-c _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Marines _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _and_c BV _ _ _ _ _ _ _ _ +14 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 he he PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +16 wanted want VBD - + v:e-i-h _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 make make VB - + v:e-i-p-u _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +19 them them PRP - - pron:x _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ +20 part part NN - + part_of:i-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Army _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ part BV _ _ _ _ +24 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Secretary secretary NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Navy _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ +29 James James NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Forrestal _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ compound ARG1 +31 blocked block VBD - + v:e-i-p _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +32 him him PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112018 +1 Now now RB + + a:e-h _ _ _ _ _ _ +2 his his PRP$ - + q:i-h-h _ _ _ _ _ _ +3 ghost ghost NN - - n:x _ poss _ ARG1 _ _ +4 wo won’t MD - - _ _ _ _ _ _ _ +5 n’t won’t VB - + neg:e-h _ _ _ _ ARG1 _ +6 let let VB - + v_up:e-i-u _ _ neg _ _ _ +7 up up RP - - _ _ _ _ _ _ _ +8 till till IN - + x:e-h-h ARG1 _ _ _ _ _ +9 it it PRP - - pron:x _ _ _ _ _ ARG2 +10 ’s ’s VBZ - - _ _ _ _ _ _ _ +11 done do VBN - + v:e-i-p _ _ _ _ ARG2 _ +12 . _ . - - _ _ _ _ _ _ _ + +#22112021 +1 Which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +2 brings bring VBZ + + v_up:e-i-i _ _ _ _ _ _ _ _ _ _ +3 up up RB - - _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 worst worst JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +7 meanest meanest JJS - + q:i-h-h _ _ _and_c _ _ _ _ _ _ _ +8 ghost ghost NN - - n:x ARG2 BV ARG1 ARG1 ARG1 _ appos _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +10 all all DT - - q:i-h-h _ _ _ _ ARG2 _ _ _ _ _ +11 – – : - - _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 ghost ghost NN - + n:x _ _ _ _ _ BV _ ARG1 _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 shah shah NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +18 Iran Iran NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112023 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +2 Carter Carter NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ +5 would would MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ +6 go go VB - + v:e-i _ _ _ _ ARG1 ARG1 _ _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +8 war war NN - - n:x _ _ _ _ ARG2 _ _ _ _ +9 to to TO - + x:e-h-h _ _ ARG1 _ _ _ _ _ _ +10 stop stop VB - + v_from:e-i-i-h _ _ _ _ _ ARG2 _ _ _ +11 anyone anyone NN - - person:x _ _ _ _ _ _ ARG2 _ _ +12 from from IN - - _ _ _ _ _ _ _ _ _ _ +13 trying try VBG - + v:e-i-h _ _ _ _ _ _ ARG3 _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ +15 grab grab VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ +16 Iran Iran NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22112024 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ +2 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ +3 ghost ghost NN - - n:x _ BV _ _ ARG1 _ _ _ +4 would wouldn’t MD - + neg:e-h _ _ _ neg _ _ _ _ +5 n’t wouldn’t NN - + neg:e-h _ _ _ _ _ _ _ _ +6 settle settle VB - + v:e-i-p ARG2 _ ARG1 _ _ ARG1 _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 words word NNS - - n_of:x-i _ _ _ _ _ ARG2 _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ +11 wanted want VBD - + v:e-i-i conj _ _ _ _ _ _ _ +12 money money NN - + n:x _ _ _ _ _ _ ARG2 _ +13 and and CC - - _ _ _ _ _ _ _ _ _ +14 people people NNS - - n_of:x-i _ _ _ _ _ _ _ _and_c +15 – – : - - _ _ _ _ _ _ _ _ _ +16 lots lot NNS - - n:x _ _ _ _ _ _ ARG2 _ +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22112025 +1 So so IN + + a_thus:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Carter Carter NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 formed form VBD - + v_cause:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Army _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 divisions division NNS - - n_of:x-i _ _ ARG2 ARG1 ARG1 compound _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 gave give VBD - + v:e-i-i-i _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +11 them them PRP - - pron:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 bureaucracy bureaucracy NN - - n:x _ _ _ _ _ _ ARG3 BV ARG1 ARG1 ARG3 _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Tampa Tampa NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +18 called call VBD - + v_name:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Rapid _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Deployment _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ +22 Force _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112027 +1 After after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +3 Carter Carter NNP - - named:x-c _ compound ARG2 _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 defeated defeat VBN - + v:e-i-p ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +7 1980 _generic_year_ne_ CD - - yofc:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 shah shah NN - + n:x _ _ _ _ BV _ _ _ _ _ _ _ +11 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ghost ghost NN - - n:x _ _ _ _ _ poss ARG1 _ _ _ _ _ +13 claimed claim VBD - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 credit credit NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ +16 and and+then CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 then and+then RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 went go VBD - - v:e-i _ _ _ _ _ _ _and_c _ ARG1 _ _ _ +19 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +20 President president NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +21 Reagan Reagan NNP - + named:x-c _ _ _ _ _ _ _ _ ARG2 compound _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Cap Cap NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +24 Weinberger _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _and_c compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112028 +1 I I PRP - - pron:x ARG1 _ _ _ +2 saw see VBD + + v:e-i-p _ _ _ _ +3 what what WDT - - q:i-h-h ARG2 ARG2 _ _ +4 he he PRP - - pron:x _ ARG1 _ _ +5 did do VBD - + v:e-i-p _ _ ARG1 ARG1 +6 to to TO - + p:e-u-i _ _ _ _ +7 them them PRP - - pron:x _ _ ARG2 _ +8 firsthand _generic_rb_ RB - + a:e-e _ _ _ _ +9 . _ . - - _ _ _ _ _ + +#22112032 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 bought buy VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 $ $ $ - + n:x ARG2 _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 billion billion CD - + card:i-i-c _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 prepositioning position JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ships ship NNS - - n_of:x-i _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _and_c _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ammo _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 equipment equipment NN - - n:x _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 fill fill VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 parked park VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _and_c _ _ ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ +23 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +28 6 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +30 base base NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ _ ARG1 _ _ _ _ _ _ +31 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Diego Diego NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Garcia Garcia NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +34 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 middle middle NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +37 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Indian Indian NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Ocean ocean NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112033 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ +2 dedicated dedicate VBD + + v:e-i-p _ _ _ _ _ _ _ +3 all all PDT - + part_of:x-i ARG2 _ _ _ _ _ _ +4 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ +5 new new JJ - + a:e-p _ _ _ _ _ _ _ +6 forces force NNS - - n:x _ part BV ARG1 ARG1 _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ +9 Persian Persian NNP - + a:e-p _ _ _ _ _ _ _ +10 Gulf Gulf NNP - - named:x-c _ _ _ _ ARG2 BV ARG1 +11 . _ . - - _ _ _ _ _ _ _ _ + +#22112034 +1 One one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +2 night night NN - - n_of:x ARG1 _ _ _ _ _ _ _ _ _ +3 both both DT - - _ _ _ _ _ _ _ _ _ _ _ +4 Marshall Marshall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +5 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +6 ghost ghost NN - + n:x _ poss _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 shah shah NN - + n:x _ _ _ BV _ _ _ _ _ _ +10 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +11 ghost ghost NN - - n:x _ _ _and_c _ poss _ _ _ _ _ +12 together together RB - + p:e-i _ _ _ _ _ _ _ _ _ _ +13 caught catch VBN + + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ +14 Cap Cap NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +16 threw throw VBD - + v:e-i-p-h _ _ _ _ _ _ _and_c _ _ _ +17 him him PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ ARG3 _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +20 ground ground NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112035 +1 Before before IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +2 they they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ +3 let let VBP - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ +4 him him PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ +5 go go VBP - + v:e-i _ ARG2 _ _ _ _ _ _ _ _ _ +6 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ +7 added add VBD - + v_to:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ +8 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +9 thousand thousand CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ +10 bureaucrats _generic_nns_ NNS - - n:x _ _ _ ARG2 _ ARG1 _ _ _ _ _ +11 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 RDF _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 BV ARG1 _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +15 Tampa Tampa NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +17 renamed name VBD - + v:e-i-p _ _ _ _and_c _ _ _ _ _ _ _ +18 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG3 _ +19 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +20 Command _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG3 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22112036 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +2 gave give VBD + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ +3 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +4 bureaucrats _generic_nns_ NNS - - n:x ARG3 BV _ _ _ _ _ _ _ _ +5 charge charge NN - + n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +7 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 naval naval JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +9 operations operation NNS - - n_of:x-i _ _ ARG1 BV ARG1 ARG1 _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 Persian Persian NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ +13 Gulf Gulf NNP - + named:x-c _ _ _ _ _ ARG2 BV ARG1 _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +15 Indian Indian NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ +16 Ocean _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112037 +1 Marshall Marshall NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 figured figure VBD + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +4 would would MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ +5 be be VB - + v_id:e-p-i _ ARG1 _ _ _ _ _ _ _ _ _ _ +6 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +7 training train NN - - v:e-i-p _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +8 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +9 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 soldiers soldier NNS - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ +11 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 someday someday RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +13 maybe maybe RB - + a:e-h _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ +14 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ +15 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 get get VB - + v:e-i-i _ _ _ _ _ _ _ _ ARG1 _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +18 whole whole JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +19 Navy _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112038 +1 They they PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 had have VBD + + v:e-i-i _ _ _ _ _ _ _ _ +3 fun fun NN - - n:x ARG2 ARG1 _ _ _ _ _ _ +4 moving move VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 carriers carrier NNS - - n_of:x-i _ ARG2 BV _ _ _ _ _ +7 around around RP - - _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ +9 but but CC - - _ _ _ _ _ _ _ _ _ +10 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ +11 turned turn VBD - + v_out:e-i _and_c _ _ _ _ _ _ _ +12 out out RP - - _ _ _ _ _ _ _ _ _ +13 that that IN - - _ _ _ _ _ _ _ _ _ +14 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ +15 had had VBD - - _ _ _ _ _ _ _ _ _ +16 forgotten forget VBN - + v:e-i-p _ _ _ ARG2 _ ARG1 ARG1 _ +17 all all RB - + a:e-e _ _ _ _ _ _ _ _ +18 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ +19 mine mine JJ - + a:e-p _ _ _ _ _ _ _ _ +20 sweepers _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ + +#22112041 +1 We we PRP - - pron:x _ ARG1 _ _ +2 ’d ’d VBD + + v_modal:e-h _ _ _ _ +3 get get VB - + v:e-i-i ARG1 _ _ _ +4 our our PRP$ - + q:i-h-h _ _ _ _ +5 asses ass NNS - - n:x _ ARG2 poss ARG1 +6 kicked kick VBD - + v:e-i-p _ ARG3 _ _ +7 . _ . - - _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ + +#22112043 +1 So so IN + + a_thus:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 U.S. U.S. NNP - - named_n:x-c _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 found find VBD - + v:e-i-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 itself itself PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +6 paying pay VBG - + v_for:e-i-p-i-i _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +7 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ +9 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 baksheesh _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 various various JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Arab Arab JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 potentates _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 basing base VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +19 rights right NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +20 around around IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Indian Indian NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Ocean _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112044 +1 We we PRP - - pron:x ARG1 _ _ +2 had have VBD + + v:e-i-i _ _ _ +3 great great JJ - + a_for:e-p _ _ _ +4 success success NN - - n:x ARG2 ARG1 ARG1 +5 in in IN - + p:e-u-i _ _ _ +6 Somalia Somalia NNP - - named:x-c _ _ ARG2 +7 . _ . - - _ _ _ _ + +#22112045 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 then then RB - + a:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 turned turn VBD - + v_out:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 President president NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Siad _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Barrah _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 at at+all IN - - p:e-u-i _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 all at+all PDT - - part_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 nice nice JJ - + a_of-for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 person person NN - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Navy _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 pointed point VBD - + v_out-to:e-i-u-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 base base NN - - n:x _ _ _ _ _ _ _ _ _ _ BV ARG2 _ ARG1 _ _ _ _ _ _ _ _ +25 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +26 promised promise VBD - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +27 us us PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +28 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Berbera _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +30 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 silted silt VBN - + v_up:e-i-i _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ ARG1 _ _ _ _ _ +32 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 hundred hundred CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +36 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ +37 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 anyway anyway RB - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +40 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 1,244 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 miles mile NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ +43 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 mouth mouth NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +46 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +48 Gulf gulf NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +49 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112046 +1 ( _ ( - - _ _ _ +2 But but CC + + c:i-i-i _ _ +3 who who WP - - person:x _ ARG1 +4 ’s ’s VBZ - - _ _ _ +5 counting count VBG - + v:e-i ARG2 _ +6 . _ . - - _ _ _ +7 ) _ ) - - _ _ _ + +#22112047 +1 Still still RB + + a_disc:e-h _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +3 Berbera _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ +4 was was VBD - + v_id:e-p-i _ _ _ _ _ ARG1 _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 best best JJS - - a_at-for-of:e-i _ ARG2 BV _ ARG2 _ _ _ _ _ +7 we we PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ +8 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ +9 get get VB - + v:e-i-i _ _ _ ARG1 _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +11 so so RB - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ +12 we we PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ +13 stay stay VBP - + v_prd:e-i-h _ _ _ _ _ ARG2 _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ ARG2 _ ARG1 _ +15 bed bed NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 President president NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +18 Barrah _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112048 +1 All all PDT - + part_of:x-i _ _ _ _ _ ARG2 _ +2 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ +3 reports report NNS - - n_of:x-i part BV ARG1 ARG1 _ _ _ +4 about about IN - + p:e-u-i _ _ _ _ _ _ _ +5 him him PRP - - pron:x _ _ ARG2 _ _ _ _ +6 committing commit VBG - + v_to:e-i-p-i _ _ _ _ _ _ _ +7 genocide _generic_nn_ NN - - n:x _ _ _ ARG2 _ _ _ +8 are are VBP - - _ _ _ _ _ _ _ _ +9 probably probably RB + + a:e-h _ _ _ _ _ _ _ +10 exaggerated exaggerate VBN - + v:e-i-p _ _ _ _ ARG1 _ ARG1 +11 anyway anyway RB - + a:e-e _ _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ _ + +#22112050 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ +3 Congress Congress NNP - - named:x-c _ ARG1 _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ +5 cutting cut VBG + + v:e-i-p ARG1 _ _ ARG1 _ _ _ _ +6 huge huge JJ - + a:e-p _ _ _ _ _ _ _ _ +7 chunks chunk NNS - - n:x _ ARG2 ARG1 _ _ _ _ _ +8 out out+of IN - - p:e-u-i _ _ _ mwe _ _ _ _ +9 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +11 rest rest NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +14 defense defense NN - + n:x _ _ _ _ _ _ _ _ +15 budget budget NN - - n:x _ _ _ _ _ ARG1 BV compound +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22112052 +1 Could couldn’t MD - + neg:e-h _ neg _ _ _ _ _ _ _ _ _ _ _ _ +2 n’t couldn’t VB + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 we we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 save save VB - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +5 $ $ $ - + n:x _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +6 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _or_c _ _ _ ARG1 ARG1 _ _ _ _ _ +10 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ +12 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 year year NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 shifting shift VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ +16 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stuff stuff NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 reserves reserve NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +21 ? _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112053 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 why why+not WRB - - p:e-u-x _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 not why+not RB - + neg:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 save save VB - + v:e-i-p _ neg _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 costs cost NNS - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 thousand thousand CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 bureaucrats _generic_nns_ NNS - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 abolishing abolish VBG - + v_from:e-i-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Central central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Command command NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 putting put VBG - + v:e-i-p _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +17 responsibility responsibility NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Gulf Gulf NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 naval naval JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 operations operation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ +22 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 where where WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +25 belongs belong VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 afloat afloat RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 task task NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 force force NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +32 commander commander NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ +33 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Gulf gulf NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +36 ? _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112055 +1 Questions question NNS - - n:x ARG1 _ ARG1 _ +2 like like IN - + p:e-u-i _ _ _ _ +3 that that WDT - - x:x ARG2 _ _ _ +4 really really RB - + a:e-h _ _ _ _ +5 stir stir VB + + v_up:e-i-i _ ARG1 _ _ +6 up up RP - - _ _ _ _ _ +7 Marshall Marshall NNP - + named:x-c _ _ _ _ +8 ’s ’s NNS - - _ _ _ _ _ +9 ghost ghost NN - - n:x _ _ ARG2 poss +10 . _ . - - _ _ _ _ _ + +#22112056 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 appeared appear VBD + + v:e-i _ loc _ _ ARG1 _ _ _ _ _ _ _ +3 late late RB - + time_n:x _ _ _ loc _ _ _ _ _ _ _ _ +4 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +5 night night NN - + n_of:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 bedroom bedroom NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +12 defense defense NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 secretary secretary NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 compound _ appos +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Dick Dick NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +16 Cheney _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112058 +1 He he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ +2 would wouldn’t MD - + neg:e-h _ neg _ _ _ _ _ _ _ _ +3 n’t wouldn’t VB - + neg:e-h _ _ _ ARG1 _ _ _ _ _ _ +4 leave leave VB - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ +5 until until IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +7 Cheney _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 _ _ _ _ +8 promised promise VBD - + v:e-i-i-h _ _ _ ARG2 _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +10 do do VB - - v:e-i-p _ _ _ _ _ ARG3 _ _ _ _ +11 whatever whatever WDT - - _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 Pentagon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +14 systems systems NNS - + n_of:x _ _ _ _ _ _ _ compound _ _ +15 analysts analyst NNS - - n:x _ _ _ _ _ _ BV _ compound ARG1 +16 told tell VBD - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ +17 him him PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22112059 +1 So so RB + + a_thus:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 next next JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 day day NN - + n_of:x-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Cheney _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +6 went go VBD - + v_out:e-i-i ARG1 _ loc _ _ _ _ ARG1 _ _ _ _ _ _ _ +7 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 did do VBD - + _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +10 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 that that IN - - x:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +12 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 He he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +14 canceled cancel VBD - + v:e-i-p _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 600-ship ship JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Navy navy NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 cut cut VBD - + v_back:e-i-i _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +20 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 carrier carrier NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 frigates _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112060 +1 Then then RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ +2 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 canceled cancel VBD - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 production production NN - + n_of:x-i _ ARG2 _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +7 Navy _generic_proper_ne_ NNP - + named:x-c _ _ _ BV _ _ _ _ _ _ _ _ +8 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 most most RBS - + superl:e-u _ _ _ _ _ _ _ _ _ _ _ _ +10 important important JJ - + a_for:e-p-i _ _ _ _ _ ARG1 _ _ _ _ _ _ +11 carrier carrier NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +12 aircraft aircraft NN - + n:x _ _ ARG1 _ poss _ ARG1 compound _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 F-14 _generic_proper_ne_ NN - + n:x _ _ _ _ _ _ _ _ conj BV _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +18 A-6 _generic_proper_ne_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _and_c BV +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112061 +1 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ +4 hand hand NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +7 Cheney _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ +8 retained retain VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ +9 all all PDT - + part_of:x-i _ _ _ _ ARG2 _ _ _ _ +10 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ +11 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ +12 land land NN - + n_of:x-i _ _ _ _ _ _ _ _ _ +13 forces force NNS - - n:x _ _ _ _ _ part BV ARG1 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22112062 +1 Marshall Marshall NNP - + named:x-c _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ +3 ghost ghost NN - - n:x poss ARG2 _ _ +4 is is VBZ - - _ _ _ _ _ +5 satisfied satisfied VBN + + a:e-p _ _ ARG1 _ +6 for for IN - + p:e-u-i _ _ _ _ +7 now now RB - - time_n:x _ _ ARG2 _ +8 , _ , - - _ _ _ _ _ +9 but but CC - - _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ ARG1 +11 ’ll ’ll VBP - - _ _ _ _ _ +12 be be VB - + _ _ _ _ _ +13 back back RB - - _ _ _ _ _ +14 . _ . - - _ _ _ _ _ + +#22112063 +1 What what+with WP - - thing:x mwe _ _ _ _ _ _ _ _ _ _ +2 with what+with IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +3 Halloween Halloween NNP - - _ _ _ _ _ _ _ _ _ _ _ _ +4 coming come VBG - + v:e-i ARG2 _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +6 bigger bigger JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ +7 defense defense NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +8 cuts cut NNS - - n:x _ _ ARG1 compound ARG1 _ _ _ ARG1 _ _ +9 looming loom VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +13 more more JJR - + much-many_a:e-i _ _ _ _ _ _and_c _ _ _ _ _ +14 Pentagon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +15 bureaucrats _generic_nns_ NNS - - n:x _ _ _ _ _ ARG1 ARG1 compound _ _ _ +16 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +17 crawling crawl VBG - + v:e-i-p _ _and_c _ _ _ _ _ _ _ ARG1 _ +18 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +20 desks desk NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22112065 +1 Then then RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 whole whole JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 thing thing NN - - n_of-about:x-i _ BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 start start VB - + v:e-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 collapse collapse VB - + v:e-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 as as IN - + x:e-h-h ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 did did VBD - + _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 1970s _generic_plur_ne_ NNS - - year_range:x-c _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ghosts ghost NNS - + n:x _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 banshees _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +23 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 howling howl VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ subord _ _ +26 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 place place NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +29 turning turn VBG - + v_for:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 people people NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 hair hair NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 white white NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22112067 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +2 Lehman _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos ARG1 _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 Reagan Reagan NNP - + named:x-c _ _ _ _ _ _ _ _ _ +6 Navy _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ +7 secretary secretary NN - + n_of:x-i _ BV _ compound _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 managing manage VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ +12 director director NN - + n_of:x-i _ _ _ _ _ ARG2 BV compound _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ +14 PaineWebber _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 metal metal NN - + n:x _ _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ +4 marble marble NN - - n:x _ _and_c _ _ _ _ _ _ _ +5 lobby lobby NN - - n:x BV compound ARG1 _ _ ARG1 _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +7 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +8 Bank _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ +9 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ +10 headquarters headquarters NN - - n:x _ _ ARG2 _ poss _ _ _ _ +11 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +12 grander grander JJR + + a:e-i _ _ _ _ _ _ _ _ _ +13 than than IN - - _ _ _ _ _ _ _ _ _ _ +14 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ +16 savings savings NNS - + n:x _ _ _ _ _ than poss ARG1 _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ +18 loan loan NN - - n:x _ _ _ _ _ _ _ _ _and_c +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113002 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 thing thing NN - - n_of-about:x-i ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 is is VBZ + + v_there:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 master master NN - - n:x _ _ ARG1 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 wall wall NN - - n_of:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +13 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Samuel Samuel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Anointing _generic_proper_ne_ VBG - + v:e-i-p _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +17 David David NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ appos _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 baroque baroque JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 canvas canvas NN - + n:x _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ ARG2 _ _ _ _ +24 painted paint VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Mattia _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Preti _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ appos +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 17th-century century JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Neapolitan _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113003 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 moment moment NN - - n:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 however however RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 painting painting NN - - n_of:x-i _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 is is VBZ + + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 nagging nag JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 reminder reminder NN - - n:x _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 problems problem NNS - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +16 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 engulfed _generic_vbn_ VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 flamboyant _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _and_c poss ARG1 _ _ _ _ appos +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 executive executive NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 L. L. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +30 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113004 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 international international JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 buying buy NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 spree _generic_nn_ NN - - n:x ARG2 BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 began begin VBD - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 barely barely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 years year NNS - - n:x _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 amassed amass VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 collection collection NN - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +21 pre-18th-century century JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 works work NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 compound ARG1 _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Preti _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 total total JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 cost cost NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ +32 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +34 28 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113005 +1 By by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 midnight midnight NN - - numbered_hour:i-u-u-c ARG2 _ loc _ _ _ _ _ _ _ _ _ _ +3 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +4 6 _generic_dom_card_ne_ CD - + dofm:x-c _ of _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 all all DT - + q:i-h-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 paintings painting NNS - - n_of:x-i _ _ _ part BV _ _ _ _ _ _ _ _ +10 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 supposed supposed VBN + + a:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sold sell VBN - - v_off:e-i-i _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +16 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 orders order NNS - - n_of:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +20 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Florida Florida NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 comptroller _generic_nn_ NN - + n:x _ _ _ _ _ _ _ ARG2 poss _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 office office NN - - n_of:x-i _ _ _ _ _ _ _ _ _ poss ARG1 _ _ +27 regulates regulate VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +29 state state NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV _ +30 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 S&Ls _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ poss +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113006 +1 CenTrust _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ +2 did didn’t VBD - - _ _ _ _ +3 n’t didn’t RB + + neg:e-h _ _ _ +4 meet meet VB - + v:e-i-p neg _ _ +5 the the DT - + q:i-h-h _ _ _ +6 deadline deadline NN - - n_of:x-i _ ARG2 BV +7 . _ . - - _ _ _ _ + +#22113007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 collection collection NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 at at IN + + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 heart heart NN - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 grandiose grandiose JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 plan plan NN - - n:x _ _ _ ARG2 BV compound _ ARG2 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Paul Paul NNP - - named:x-c _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 had have VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 art art NN - - n:x _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +18 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 do do VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ +21 double double JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 duty duty NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +23 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 investment investment NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +29 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +31 decoration decoration NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +32 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 S&L _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ +35 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 office office NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 tower tower NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 compound ARG2 _ +39 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 designed design VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 I.M. _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 Pei _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113009 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 had have VBD + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +4 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 right right NN - + n:x-h _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 buy buy VB - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 art art NN - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 S&L _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 place place NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 is isn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 n’t isn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 comptroller _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +23 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 permissible permissible JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 list list NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ _ _ _ +28 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 seeking seek VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +31 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 dispensation dispensation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ ARG2 +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +37 did did VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 do do VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113010 +1 Besides besides IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 that that DT - - x:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 paintings painting NNS - - n_of:x-i _ part BV _ _ _ _ _ _ _ _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 grace grace VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 walls wall NNS - - n_of:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +16 actually actually RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ended end VBD - + v_up:e-i ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +18 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 hanging hang VBG - - v:e-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ +23 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 estate estate NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ _ +25 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 La LA NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Gorce _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +28 Isle _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound ARG1 _ +29 off off IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Miami Miami NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Beach _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113011 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 spring spring NN - + season:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 comptroller _generic_nn_ NN - + n:x _ _ BV _ _ _ _ _ _ _ _ _ _ +6 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 office office NN - - n_of:x-i _ _ _ poss ARG1 _ _ _ _ _ _ _ _ +8 called call VBD - + v_name:e-i-i-i _ loc _ _ _ _ _ _ _ subord _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 halt halt NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +11 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ +14 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 fling fling NN - - n:x _ _ _ _ _ _ ARG2 _ poss _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 giving give VBG + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +18 him him PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG3 _ _ _ +19 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +20 months month NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 sell sell VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +24 paintings painting NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113014 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 comptroller _generic_nn_ NN - + n:x BV _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ +4 office office NN - - n_of:x-i _ poss ARG1 _ _ +5 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ ARG1 _ +7 is is VBZ - - _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ +9 monitoring monitor VBG - + v:e-i-p _ _ ARG2 _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ +11 situation situation NN - - n:x _ _ _ ARG2 BV +12 . _ . - - _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ + +#22113015 +1 Though though IN + + x:e-h-h _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 agency agency NN - - n:x _ BV _ ARG1 _ _ _ _ _ +4 could could MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ +5 remove remove VB - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +7 Paul Paul NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 it it PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ +10 has have VBZ - + v:e-i-i ARG1 _ _ _ _ _ _ _ _ +11 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 current current JJ - + a:e-p _ _ _ _ _ _ _ _ _ +13 intention intention NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG2 +14 to to TO - - _ _ _ _ _ _ _ _ _ _ +15 do do VB - + v:e-i-p _ _ _ _ _ _ _ _ _ +16 that that IN - - x:x _ _ _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113016 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 like like IN - + p:e-u-i neg _ _ _ ARG2 _ _ _ _ _ _ _ _ +6 selling sell VBG - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 Chevrolets _generic_proper_ne_ NNPS - - named:x-c _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Paul Paul NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ _ +12 says say VBZ - + v_to:e-i-h-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 takes take VBZ - + v:e-i-p-u _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 drag drag NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 goldbanded _generic_vbn_ VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +22 St. St. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Moritz _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ +24 cigarette cigarette NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113017 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ +3 last last JJ - + a:e-p _ _ _ _ _ _ _ +4 six six CD - + card:i-i-c _ _ _ _ _ _ _ +5 months month NNS - - n:x BV ARG1 ARG1 ARG1 _ _ _ +6 has has VBZ - - _ _ _ _ _ _ _ _ +7 established establish VBN + + v:e-i-p _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ +9 quality quality NN - - n:x _ _ _ ARG2 BV ARG1 _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ +12 collection collection NN - - n_of:x-i _ _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ _ + +#22113018 +1 There there EX - - _ _ _ _ _ +2 ’s ’s VBZ + + v_there:e-i _ _ _ _ +3 no no DT - + q:i-h-h _ _ _ _ +4 fire fire NN - + n:x _ _ _ _ +5 sale sale NN - - n_of:x-i ARG1 BV compound loc +6 here here RB - + place_n:x _ _ _ _ +7 . _ . - - _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ + +#22113019 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Paul Paul NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 characteristic characteristic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 hauteur _generic_nn_ NN - - n:x ARG2 _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 50-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 chain-smoking smoke NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 dynamo _generic_nn_ NN - - n:x _ _ _ _ BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +13 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 finding find VBG + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 getting get VBG - + v_state:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +17 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +18 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Florida Florida NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 thrift _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 institution institution NN - - n:x _ _ _ _ _ _ _ _ _ poss ARG1 compound ARG1 _ _ _ ARG1 _ _ +24 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 out out+of RB - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +26 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 riskiest riskiest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 investments investment NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ +30 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 much much RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 tougher tougher JJR - + a_for:e-i _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ ARG1 _ _ _ +33 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 getting get VBG - + v_state:e-i-h _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ +35 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +36 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +37 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 been been VBN - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113020 +1 Paintings painting NNS - - n:x ARG1 _ _ _ +2 are are VBP + + v_id:e-p-i _ _ _ _ +3 just just RB - + x:e-u _ _ _ _ +4 part part NN - + part_of:i-i ARG2 ARG1 _ _ +5 of of IN - - _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ +7 picture picture NN - - n_of:x-i _ _ part BV +8 . _ . - - _ _ _ _ _ + +#22113021 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Paul Paul NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 pared pare VBN - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 $ $ $ - + n:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 1.35 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 billion billion CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +10 junk-bond bond NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 portfolio portfolio NN - - n:x _ _ ARG2 BV compound _ _ compound _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 less less JJR - + little-few_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _ _ _ than _ ARG1 _ _ _ _ _ +16 900 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +18 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 April April NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 high-yield yield JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ BV compound compound ARG1 +25 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 plummeted plummet VBN - + v:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113023 +1 And and CC + + c:i-i-i _ _ _ +2 CenTrust _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ +3 has have VBZ - + v:e-i-i ARG2 _ _ +4 other other JJ - + a:e-i _ _ _ +5 problems problem NNS - - n_of:x-i _ ARG2 ARG1 +6 . _ . - - _ _ _ _ + +#22113024 +1 Late late JJ - + time_n:x _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 week week NN - + n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 regulators regulator NNS - - n:x _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 ordered order VBD + + v:e-i-i-h loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 thrift _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 institution institution NN - - n:x _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 stop stop VB - + v_prd:e-h _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +12 paying pay VBG - + v_for:e-i-i-i _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ +13 dividends dividend NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +14 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 preferred prefer JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss ARG2 _ _ _ _ _ +18 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 move move NN - - n:x _ _ _ _ conj _ _ _ _ _ _ _ BV ARG1 _ _ _ +21 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 suggests suggest VBZ - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 deep deep JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 concern concern NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ +25 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 institution institution NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113025 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 has have VBZ + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 plan plan NN - + n:x-h _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 bring bring VB - + v_in:e-i-i _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ +8 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ +10 150 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ +12 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 selling sell VBG - + v_off:e-i-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +14 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 63 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 71 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 branches branch NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ part poss ARG1 _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 has have VBZ - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 yet yet RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 approved approve VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ +29 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 regulators regulator NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113028 +1 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +3 shares share NNS - - n_of:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 fallen fall VBN - + v:e-i _ _ ARG1 ARG1 ARG1 _ _ _ _ ARG1 _ _ _ +6 sharply sharply RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 price price NN - - n_of:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 high high JJ - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +14 15.125 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 1986 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +17 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 close close VB - - v:e-i _ _ _ _ _ _ _ _ _ ARG2 loc ARG1 _ +19 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +20 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +22 2.875 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113029 +1 Gallery gallery NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 directors director NNS - - n_of:x-i compound ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Paul Paul NNP - + named:x-c _ _ _ compound _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 others other NNS - - n:x _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ilk _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ +14 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 left leave VBN - + v:e-i-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +16 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 indelible _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 mark mark NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 art art NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 world world NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +23 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 not not RB - + neg:e-h _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ +26 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 better better JJR - - a_at-for-of:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113030 +1 Collectors collector NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 n’t don’t RB - + neg:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +4 say say VBP - + v:e-i-p neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 It it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - + v_id:e-p-i _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 van van NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Gogh _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 anymore anymore RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 laments lament VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Harry Harry NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Brooks Brooks NNP - - named:x-c _ _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Wildenstein _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ appos +22 & &+co. CC - - n:x _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +23 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +28 gallery gallery NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV _ compound _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113031 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 They they PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +3 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +5 ‘ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +6 Johnny Johnny NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +7 Payson _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ +8 got get VBD - + v:e-i-i ARG2 _ _ _ _ ARG1 _ _ _ _ _ +9 $ $ $ - - n:x _ _ ARG2 _ ARG1 _ _ _ _ _ _ +10 53 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ times _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 his his PRP$ - - pron:x _ _ _ _ _ ARG2 _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ +16 certainly certainly RB - - _ _ _ _ _ _ _ comp_so _ _ _ _ +17 $ $ $ - - n:x _ _ _ _ _ ARG2 _ _ ARG1 _ _ +18 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +19 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ +20 is isn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +21 n’t isn’t JJ - - neg:e-h ARG2 _ _ _ _ _ _ _ _ _ _ +22 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ +23 much much RB - - much-many_a:e-p _ _ _ _ _ _ _ _ _ comp_too _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +25 mine mine NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +27 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113032 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 great great JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 collectors collector NNS - - n:x BV ARG1 ARG2 ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 we we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 depended depend VBD - + v_on-upon:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 such such+as JJ - - p:e-u-i _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Mellon _generic_proper_ne_ NNP - + named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Norton Norton NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Simon Simon NNP - - named:x-c _ _ _ _ _ _or_c compound _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stopped stop VBN + + v_prd:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 buying buy VBG - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 buyers buyer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ +24 are are VBP - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 brilliant brilliant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 men man NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +27 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 made make VBD - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ +29 money money NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ +34 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ +36 takeovers takeover NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +37 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 rushed rush VBN - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +39 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 collecting collect VBG - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +41 … _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113033 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Payson _generic_proper_ne_ NNP - - named:x-c compound _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 art art NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 dealer dealer NN - + n:x _ BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 collector collector NN - - n:x _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 sold sell VBD + + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ +11 Vincent Vincent NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 van van NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Gogh _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound compound _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Irises Iris NNS - - n:x _ _ _ _ ARG2 _ _ poss _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +21 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 auction auction NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 November november NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 loc _ _ _ _ +25 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Australian Australian JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 businessman businessman NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +29 Alan Alan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Bond _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113036 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 established establish VBD + + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +3 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 reputation reputation NN - - n:x ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 freespender _generic_nn_ NN - - n:x _ _ ARG2 BV ARG1 _ loc _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 January January NNP - - mofy:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +10 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 year year NN - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +12 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Sotheby Sotheby NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 auction auction NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 poss _ _ _ _ ARG1 _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Linda Linda NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Gerald Gerald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Guterman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ +22 collection collection NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG1 BV compound _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 York York NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113037 +1 There there RB + + a:e-h _ ARG1 _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +4 one one CD - + card:i-i-c _ ARG2 _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ +8 shopping shop NN - + v_buy:e-i _ _ _ _ _ _ _ _ _ _ _ +9 trips trip NNS - - n_of:x-i _ _ part poss ARG1 compound _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +12 Paul Paul NNP - - named:x-c _ _ _ _ _ _ compound ARG1 _ _ _ +13 picked pick VBD - + v_up:e-i-i ARG1 _ _ _ _ _ _ _ _ ARG1 _ +14 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ +15 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +16 paintings painting NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ +17 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 stunning stun JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +19 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113039 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 price price NN - - n_of:x BV ARG3 ARG1 _ _ _ +3 paid pay VBD - + v_for:e-i-i-i _ _ _ _ _ _ +4 was was VBD + + v_id:e-p-i _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ +6 record record NN - - n_of:x-i _ _ ARG2 BV ARG1 _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ +9 artist artist NN - - n:x _ _ _ _ ARG2 BV +10 . _ . - - _ _ _ _ _ _ _ + +#22113040 +1 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 64 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +4 % % NN - - n_of:x BV ARG1 ARG1 _ _ _ _ ARG2 _ _ _ _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 items item NNS - - n_of:x-i _ _ ARG2 ARG2 _ _ _ _ _ _ _ _ _ +7 offered offer VBN - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Guterman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 auction auction NN - - n_of:x-i _ _ _ _ ARG2 BV compound _ _ _ _ _ _ +12 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sold sell VBN + + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +18 price price NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 +21 343,333 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113041 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 rest rest NN - - n_of:x BV ARG2 _ _ _ +3 were were VBD - - _ _ _ _ _ _ +4 withdrawn withdraw VBN + + v:e-i-p _ _ ARG1 _ _ +5 for for IN - + p:e-u-i _ _ _ _ _ +6 lack lack NN - - n:x _ _ ARG2 ARG1 _ +7 of of IN - + p:e-x-i _ _ _ _ _ +8 acceptable acceptable JJ - + a_for:e-p-i _ _ _ _ _ +9 bids bid NNS - - n:x _ _ _ ARG2 ARG1 +10 . _ . - - _ _ _ _ _ _ +11 ) _ ) - - _ _ _ _ _ _ + +#22113042 +1 Afterward afterward RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 Paul Paul NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 said say VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +9 Guterman _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 phoned phone VBN - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ +13 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +14 Guterman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound _ _ _ appos _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +17 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +18 York York NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ +19 developer developer NN - + n_of:x-i _ _ _ _ _ _ BV _ compound _ ARG1 _ +20 selling sell VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +22 collection collection NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +25 gloated gloat VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113045 +1 Mr. Mr. NNP - + n:x _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ +3 denies deny VBZ + + v_to:e-i-p _ _ _ +4 phoning phone VBG - + v:e-i-p _ ARG2 _ +5 and and CC - - _ _ _ _ +6 gloating gloat VBG - - v:e-i _ _ _and_c +7 . _ . - - _ _ _ _ + +#22113046 +1 “ _ `` - - _ _ _ _ _ +2 It it PRP - - pron:x _ _ ARG1 _ +3 ’s ’s VBZ - - _ _ _ _ _ +4 just just RB - + a:e-e _ _ _ _ +5 not not RB - + neg:e-h _ _ _ _ +6 true true JJ - + a_of:e-p-i ARG1 neg _ ARG2 +7 , _ , - - _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ +9 he he PRP - - pron:x _ _ _ ARG1 +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ +11 . _ . - - _ _ _ _ _ + +#22113047 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 quickly quickly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 became become VBD + + v_id:e-i-h _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 aggressive aggressive JJ - - a:e-p _ _ ARG2 comp ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 collecting collect NN - - n:x _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 help help NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 George George NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Wachter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound _ _ appos _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Sotheby Sotheby NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ +20 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 expert expert NN - + n:x _ _ _ _ _ _ _ _ _ _ _ poss _ ARG1 _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 masters master NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG2 _ _ _ _ _ +25 whom whom WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +27 met meet VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +28 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 exhibition exhibition NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +31 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Guterman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 items item NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113048 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +2 Wachter _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ ARG1 _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 who who WP - - _ _ _ _ _ _ _ _ _ +5 became become VBD - + v_id:e-i-i _ _ _ _ _ _ _ _ +6 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +7 principal principal JJ - + a:e-p _ _ _ _ _ _ _ _ +8 adviser adviser NN - - n:x _ ARG2 poss ARG1 _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 searched search VBD + + v:e-i-p _ _ _ _ _ ARG1 _ _ +11 galleries gallery NNS - - n:x _ _ _ _ ARG2 _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +13 London London NNP - + named:x-c _ _ _ _ _ ARG2 _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ +15 Paris Paris NNP - + named:x-c _ _ _ _ _ _ conj _ +16 and and CC - - _ _ _ _ _ _ _ _ _ +17 Monaco Monaco NNP - - named:x-c _ _ _ _ _ _ _ _and_c +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22113049 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 according according+to VBG - - p:e-u-i _ mwe _ _ _ _ _ _ _ _ _ _ _ _ +4 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 dealer dealer NN - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Wachter _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +10 had have VBD - + v:e-i-i ARG2 ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 penchant _generic_nn_ NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 introducing introduce VBG - + v_to:e-i-p _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ +15 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +17 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 phrase phrase NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +20 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 He he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +23 can can MD - + v_modal:e-h _ _ _ _ conj _ _ _ _ _ _ _ _ _ +24 buy buy VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +25 anything anything NN - - thing:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113050 +1 Nicholas Nicholas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Hall Hall NNP - - named:x-c compound _ appos _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 president president NN - + n_of:x-i _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Colnaghi _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 U.S.A. U.S.A. NNP - + named_n:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Ltd. ltd. NNP - + n:x _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +11 gallery gallery NN - - n_of:x-i _ _ ARG1 BV _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 York York NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 sold sell VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +17 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Abraham Abraham NNP - + named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ conj _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Sarah Sarah NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Wilderness _generic_proper_ne_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Giovanni _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Battista _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +30 Tiepolo _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113051 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +2 Hall Hall NNP - - named:x-c compound ARG1 _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +5 Paul Paul NNP - - named:x-c _ _ compound ARG2 _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ +8 known know VBN - + v:e-i-h _ ARG2 _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ +10 spend spend VB - + v:e-i-p _ _ _ ARG3 _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ +12 lot lot NN - + n_of:x-i _ _ _ _ ARG2 BV _ +13 of of IN - - _ _ _ _ _ _ _ _ +14 money money NN - - n:x _ _ _ _ _ _ ARG1 +15 . _ . - - _ _ _ _ _ _ _ _ + +#22113052 +1 People people NNS - - n_of:x-i ARG1 _ _ _ _ _ _ +2 were were VBD - - _ _ _ _ _ _ _ _ +3 interested interested VBN + + a_in:e-p-i _ _ _ _ _ _ _ +4 in in IN - - _ _ _ _ _ _ _ _ +5 seeing see VBG - + v:e-i-p ARG2 _ _ _ _ _ _ +6 him him PRP - - pron:x _ ARG2 _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ +8 but but CC - - _ _ _ _ _ _ _ _ +9 it it PRP - - pron:x _ _ ARG2 _ _ _ _ +10 was was VBD - - _ _ _ _ _ _ _ _ +11 recognized recognize VBN - + v:e-i-p-h _and_c _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ +14 route route NN - - n:x _ _ _ BV ARG1 _ _ +15 was was VBD - - _ _ _ _ _ _ _ _ +16 through through IN - + p:e-u-i _ _ ARG2 _ _ _ _ +17 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ mwe _ +18 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ ARG2 _ _ +19 and and CC - - _ _ _ _ _ _ _ _ +20 particularly particularly RB - - _ _ _ _ _ _ _ _ +21 George George NNP - + named:x-c _ _ _ _ _ _ _ +22 Wachter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _and_c compound +23 . _ . - - _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ + +#22113053 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound _ ARG1 _ _ _ _ _ +3 thus thus RB + + a:e-h _ _ _ _ _ _ _ _ +4 developed develop VBD - + v_cause:e-i-p _ ARG1 _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 close close NN - - n_of:x-i _ _ ARG2 BV _ appos _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ +8 symbiotic symbiotic JJ - + a:e-p _ _ _ _ _ _ _ _ +9 relationship relationship NN - + n_of:x-i _ _ _ _ ARG1 _ ARG1 _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +11 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ _ mwe +12 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ _ ARG2 _ +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22113054 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 eager eager JJ + + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 assemble assemble VB - + v_cause:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 collection collection NN - - n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 headquarters headquarters NN - - n:x _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ +12 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +13 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 moving move VBG - + v:e-i _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +16 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 greater greater JJR - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 part part NN - + n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +23 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ part ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113056 +1 European european JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +2 dealers dealer NNS - - n:x ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +3 continued continue VBD + + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 dominate dominate VB - + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +7 action action NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +9 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +10 masters master NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ ARG1 _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ _ +14 ’s Sotheby+’s VBZ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +15 North _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +16 America America NNP - - named:x-c _ _ _ _ _ _ ARG1 compound _ ARG1 _ _ +17 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 lately lately RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +19 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 touting tout VBG - + v_to:e-i-p-i _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +22 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +23 country country NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113057 +1 For for IN - + p:e-u-i _ _ _ _ _ +2 several several JJ - + a:e-p _ _ _ _ _ +3 months month NNS - - n:x ARG2 ARG1 _ _ _ +4 , _ , - - _ _ _ _ _ _ +5 there there EX - - _ _ _ _ _ _ +6 was was VBD + + v_there:e-i ARG1 _ _ _ _ +7 optimism optimism NN - - n:x _ _ ARG1 _ ARG1 +8 all all RB - + x:e-u _ _ _ _ _ +9 around around RB - + p:e-i _ _ _ ARG1 _ +10 . _ . - - _ _ _ _ _ _ + +#22113058 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 October October NNP - + mofy:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Paul Paul NNP - - named:x-c _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 paid pay VBD + + v_out:e-i-i _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +9 12 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 million million CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cash cash NN - - n:x _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ +15 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 plus plus CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 1.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +21 commission commission NN - - n_of:x-i _ _ _ ARG4 _ _ _ _ BV compound _ _ ARG1 _ _ _ +22 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Portrait _generic_proper_ne_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +26 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Man man NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +29 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Mars Mar NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113059 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 painting painting NN - - n_of:x-i BV ARG2 _ _ _ _ ARG2 _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 attributed attribute VBD - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +6 Flemish Flemish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +7 artist artist NN - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ +8 Peter Peter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +9 Paul Paul NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ +10 Rubens Rubens NNP - - named:x-c _ ARG1 _ compound _ compound _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +13 purchased purchase VBN + + v:e-i-p _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 +14 privately privately RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +15 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ _ _ _ mwe _ +17 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +19 not not RB - - _ _ _ _ _ _ _ _ _ _ _ _ +20 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +21 auction auction NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113061 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 unknown unknown JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 quantity quantity NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 most most JJS - + q:i-h-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 art art NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 world world NN - - n_of:x-i _ _ _ part BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Paul Paul NNP - - named:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 stranger stranger NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 lavish lavish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 spending spend NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 magazine magazine NN - - n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +23 said say VBD - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 noting note VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +28 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 n’t doesn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +30 stop stop NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ ARG1 _ _ _ _ _ +31 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 paint paint NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +33 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 canvas canvas NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +35 but but+also CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 also but+also RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 spends spend VBZ - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 big big JJ - - a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +39 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ +40 art art NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG2 +41 you you PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +42 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 eat eat VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113062 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 He he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 bid bid VBD + + v:e-i-p ARG1 _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 $ $ $ - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 30,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Paris Paris NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 charity charity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 auction auction NN - - n_of:x-i _ _ _ ARG2 BV compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 dinner dinner NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ +15 cooked cook VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 world world NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 great great JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 chefs chef NNS - - n:x _ _ _ _ _ _ _ _ _ _ part _ poss ARG1 _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 final final JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 party party NN - + n_of-to:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 cost cost NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 compound ARG1 _ _ +30 closer closer RBR - + a_to:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +33 100,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113063 +1 ( _ ( - - _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ +3 Paul Paul NNP - - named:x-c compound ARG1 _ _ +4 says say VBZ + + v_to:e-i-h-i _ _ _ _ +5 it it PRP - - _ _ _ _ _ +6 was wasn’t VBD - - _ _ _ neg _ +7 n’t wasn’t NN - + v_there:e-i _ ARG2 _ ARG1 +8 that that IN - - _ _ _ _ _ +9 high high JJ - + a:e-p _ _ _ _ +10 . _ . - - _ _ _ _ _ +11 ) _ ) - - _ _ _ _ _ + +#22113064 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 art art NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 collection collection NN - - n_of:x-i BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ +5 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 come come VBN - + v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - + x:e-h-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 rival rival VB - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Medicis _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ +11 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Florida Florida NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 comptroller _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ BV compound _ _ _ _ _ _ _ +16 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 office office NN - - n_of:x-i _ _ _ _ _ ARG2 _ poss _ _ poss _ _ _ _ _ _ +18 not not RB + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 got get VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ +20 wind wind NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +24 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 aesthetic aesthetic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 adventure adventure NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ poss ARG1 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113065 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 letter letter NN - - n_of:x-i ARG2 poss ARG1 ARG2 _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 him him PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 dated date VBN - + v:e-i-p _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 March March NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 2 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ of _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 shared share VBN - + v:e-i-p _ _ _ _and_c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 reporters reporter NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Alex Alex NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Hager _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ compound _ appos _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 chief chief NN - + n:x _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 thrift-institution institution NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 bureau bureau NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 comptroller _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 office office NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 expressed express VBD + + v_to:e-i-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 puzzlement puzzlement NN - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +32 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 S&L _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ +35 could could MD - - v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +36 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 profligate _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ comp_so _ _ _ _ _ _ _ _ _ _ +39 when when WRB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +41 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 reported report VBN - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +43 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ +44 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than _ ARG1 _ _ _ _ +48 13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +50 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +51 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +52 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +53 preceding precede JJ - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +54 quarters quarter NNS - - n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 ARG1 +55 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113066 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 state state NN - - n_of:x-i BV ARG1 _ _ _ _ +3 gave give VBD - + v:e-i-i-i _ _ _ ARG1 _ _ +4 CenTrust _generic_proper_ne_ NNP - - named:x-c _ ARG3 _ _ _ _ +5 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +6 days day NNS - - n_of:x-i _ ARG2 ARG1 _ _ _ +7 to to TO + + x:e-h-h _ _ _ _ _ _ +8 sell sell VB - + v:e-i-p _ _ _ ARG2 _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ +10 Rubens Rubens NNP - - named:x-c _ _ _ _ ARG2 BV +11 . _ . - - _ _ _ _ _ _ _ + +#22113068 +1 In in IN - + p:e-u-i _ _ ARG1 _ _ _ _ +2 other other JJ - + a:e-i _ _ _ _ _ _ _ +3 words word NNS - - n_of:x-i ARG2 ARG1 _ _ _ _ _ +4 : _ : - + _ _ _ _ _ _ _ _ +5 Get get VB + + v:e-i-p _ _ _ _ _ _ _ +6 rid rid JJ - + n_of:x-i _ _ _ ARG2 _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ +8 all all PDT - + part_of:x-i _ _ _ _ ARG2 _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ +10 pictures picture NNS - - n_of:x-i _ _ _ _ _ part BV +11 . _ . - - _ _ _ _ _ _ _ _ + +#22113069 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 state state NN - - n_of:x-i BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 obliquely obliquely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 noted note VBD + + v_to:e-i-h-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 that that DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 unsafe unsafe JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 banking banking NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 practices practice NNS - - n_of:x-i _ _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 are are VBP - + v_id:e-p-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 grounds ground NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 removing remove VBG - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 officer officer NN - + n:x _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 director director NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 closed close VBD - - v:e-i _ _ _and_c _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 admonition admonition NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +22 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +25 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Govern govern VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +28 yourself yourself PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +29 accordingly accordingly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113071 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 point point NN - - n_of:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +8 he he PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 did did VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 indeed indeed RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 have have VB - + v:e-i-i _ ARG2 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +12 eight eight CD - + card:i-i-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 nine nine CD - + card:i-i-c _ _ _ _ _ _ _or_c _ _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 paintings painting NNS - - n:x _ _ _ _ _ _ _ part BV ARG1 _ _ _ _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 home home NN - - place_n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 rest rest NN - - n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ +24 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 in in IN - + p:e-u-i _ ARG2 _ _ _ _ _ _ _ _ _ _ ARG1 _ +26 storage storage NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +27 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +29 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113072 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 explains explain VBZ + + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 merely merely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 storing store VBG - + v:e-i-p ARG2 ARG1 _ _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 paintings painting NNS - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 home home NN - - place_n:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 display display NN - - n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +17 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +19 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 dehumidified _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 environment environment NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 ARG2 _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 required require VBN - + v_of:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ +26 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 safekeeping _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 until until IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 building building NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG1 _ +35 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 ready ready JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 +37 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113073 +1 Still still RB + + a_disc:e-h _ _ _ +2 , _ , - - _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ +4 incident incident NN - - n:x _ BV ARG1 +5 was was VBD - - _ _ _ _ +6 embarrassing embarrassing JJ - + a:e-p ARG1 _ _ +7 . _ . - - _ _ _ _ + +#22113074 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 came come VBD + + v:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 heels heel NNS - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 number number NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 local local JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 newspaper newspaper NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 articles article NNS - - n_of:x-i _ _ _ _ _ ARG1 ARG1 compound ARG1 _ _ _ _ _ _ +13 suggesting suggest VBG - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ +17 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 benefited benefit VBN - + v:e-i _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 ARG1 _ _ +19 handsomely _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 association association NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +23 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113076 +1 He he PRP - - pron:x ARG1 _ _ _ +2 owns own VBZ + + v:e-i-p _ _ _ _ +3 43 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ +4 % % NN - - n_of:x ARG2 ARG1 ARG1 _ +5 of of IN - + p:e-x-i _ _ _ _ +6 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ +8 shares share NNS - - n_of:x _ _ ARG2 poss +9 . _ . - - _ _ _ _ _ + +#22113078 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 $ $ $ - - n:x BV _ ARG1 ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 12 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 million million CD - + card:i-i-c _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 lavished lavish VBN - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Rubens Rubens NNP - - named:x-c _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 for for+example IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 example for+example NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 record record NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 price price NN - - n_of:x _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 artist artist NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 maybe maybe RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 twice twice RB - + part_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +23 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 value value NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ part poss _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 given give VBN - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 dispute dispute NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +29 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 scholars scholar NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +31 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 provenance _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113079 +1 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Tunick _generic_proper_ne_ NNP - - named:x-c compound _ appos _ _ _ _ _ _ ARG1 _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 president president NN - + n_of:x-i _ BV _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Tunick _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 compound compound _ _ _ appos _ _ _ _ _ +9 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 York York NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ +14 gallery gallery NN - + n_of:x-i _ _ _ _ _ BV _ compound _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 scholars scholar NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +18 question question VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 authenticity authenticity NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Rubens Rubens NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113080 +1 It it PRP - - pron:x _ ARG2 _ _ _ +2 may may MD + + v_modal:e-h _ _ _ _ _ +3 have have VB - - _ _ _ _ _ _ +4 been been VBN - - _ _ _ _ _ _ +5 painted paint VBN - + v:e-i-p ARG1 _ ARG1 _ _ +6 instead instead RB - + a:e-e _ _ _ _ _ +7 by by IN - - _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ +9 Rubens Rubens NNP - + named:x-c _ _ _ _ _ +10 associate associate NN - - n_of:x-i _ ARG1 _ BV compound +11 . _ . - - _ _ _ _ _ _ + +#22113081 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 feeling feel NN - - n:x BV ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +4 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 experts expert NNS - - n:x _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 commercial commercial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 side side NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +11 is is VBZ - + v_nv:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +12 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 price price NN - - n_of:x _ _ _ _ _ _ _ BV ARG3 _ _ ARG1 _ _ _ _ +15 paid pay VBN - + v_for:e-i-p-u _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +19 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 excessive excessive JJ - + a:e-p _ _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 event event NN - - n_item:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Tunick _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +28 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113082 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ +3 sounds sound VBZ - + v_seem-to:e-u-h-i _ _ _ _ _ _ _ +4 like like IN - - p:e-i ARG2 _ _ _ _ _ _ +5 with with IN - + p:e-u-i _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 Rubens Rubens NNP - - named:x-c _ ARG2 BV _ _ _ _ +8 he he PRP - - pron:x _ _ _ ARG1 _ _ _ +9 got get VBD + + v_state:e-i-h ARG2 _ _ _ _ _ _ +10 absolutely absolutely RB - + a:e-e _ _ _ _ _ _ _ +11 taken take VBN - + v_to:e-i-i _ _ _ ARG2 ARG1 _ _ +12 to to TO - - _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ +14 cleaners cleaner NNS - - n:x _ _ _ _ _ ARG3 BV +15 . _ . - - _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ + +#22113084 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - + v_nv:e-i-h _ neg _ _ _ _ _ _ _ _ _ _ +4 not not RB + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ +5 beyond beyond IN - + p:e-u-i _ neg _ _ _ _ _ _ _ _ _ _ +6 credibility credibility NN - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 Rubens Rubens NNP - - named:x-c _ _ _ BV ARG1 _ _ _ _ _ _ _ +9 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 someday someday RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 worth worth IN - + a:e-p-u _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ +14 12 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +15 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 whether whether IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG2 _ _ _ +20 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ +21 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 sold sell VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +23 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +24 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +25 amount amount NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ +26 tomorrow tomorrow NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +27 remains remain VBZ - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +29 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +30 seen see VBN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113085 +1 Still still RB + + a_disc:e-h _ _ +2 , _ , - - _ _ _ +3 predicting predict VBG - - v:e-i _ ARG1 +4 is is VBZ - - _ _ _ +5 tricky tricky JJ - + a:e-p ARG1 _ +6 . _ . - - _ _ _ + +#22113086 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x _ ARG1 _ _ _ _ _ +3 ’m ’m VBP - - _ _ _ _ _ _ _ _ +4 forever forever RB - + a:e-e _ _ _ _ _ _ _ +5 dumbfounded _generic_jj_ JJ + + v:e-i-p ARG1 _ ARG1 _ _ _ _ +6 by by IN - + p:e-u-i _ _ _ _ _ _ _ +7 what what WP - - thing:x _ _ _ ARG2 _ _ _ +8 I I PRP - - pron:x _ _ _ ARG1 _ _ _ +9 see see VBP - + v:e-i-p _ _ ARG2 _ _ _ _ +10 making make VBG - + v:e-i-p-u _ _ _ ARG2 _ _ _ +11 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ +12 high high JJ - + a:e-p _ _ _ _ _ _ _ +13 prices price NNS - - n_of:x _ _ _ _ ARG2 BV ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ + +#22113087 +1 Jonathan Jonathan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 H. H. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Kress _generic_proper_ne_ NNP - - named:x-c _ compound _ appos _ _ _ _ _ _ ARG1 _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 son son NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 painting painting NN - + n_of:x-i _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ +10 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 former former JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 owner owner NN - - n_of:x-i _ _ _ ARG1 _ poss ARG1 _ _ appos _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Mrs. Mrs. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Rush _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +16 Kress _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 dismisses dismiss VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 price price NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 talk talk NN - - n_of-on:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ +22 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 sour sour JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 grapes grape NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113089 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 part part NN - - n:x _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 defends defend VBZ - + v_from:e-i-p _ _ _ _ _ _ subord _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Rubens Rubens NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 price price NN - - n_of:x _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 saying say VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 lot lot NN - + n_of:x-i _ _ _ _ _ _ _ BV _ _ _ ARG1 _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 experts expert NNS - - n:x _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ +19 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 never never RB - + a:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +21 seen see VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 thing thing NN - - n_of-about:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV appos +24 itself itself PRP - + pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113090 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 Most most JJS - + q:i-h-h _ _ _ ARG1 _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +4 them them PRP - - pron:x part _ _ _ _ _ _ _ _ _ _ +5 were weren’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +6 n’t weren’t NN - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 +7 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +8 born born VBN - + v:e-i-p _ neg ARG1 _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 last last JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +11 time time NN - + n_of:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 painting painting NN - - n_of:x-i _ _ _ _ _ _ _ BV ARG2 _ _ +14 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +15 displayed display VBN - + v_to:e-i-p _ _ _ _ _ _ loc _ _ ARG1 _ +16 publicly publicly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +19 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 +20 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113091 +1 Art art NNP - + n:x _ _ _ _ _ _ _ _ +2 prices price NNS - - n_of:x compound ARG1 _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ +4 skyrocketing _generic_vbg_ VBG + + v:e-i-p _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ +6 but but CC - - _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ +9 deal deal NN - - n:x _ _ BV ARG1 ARG1 ARG2 _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +11 legerdemain _generic_nn_ NN - - n:x _ _ _ _ ARG2 _ _ _ +12 is is VBZ - - _ _ _ _ _ _ _ _ _ +13 involved involve VBN - + v_in:e-i-p-i _ _and_c _ _ _ _ _ _ +14 in in IN - - _ _ _ _ _ _ _ _ _ +15 compiling compile VBG - + v:e-i-p _ _ _ _ _ ARG3 _ _ +16 statistics statistics NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 +17 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ +18 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ + +#22113092 +1 Salomon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Brothers _generic_proper_ne_ NNP - - named:x-c compound compound _ _ appos ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 investment-banking banking JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 firm firm NN - + n:x _ _ BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 annual annual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 tally tally NN - - n:x _ _ _ _ _ ARG2 poss ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 returns return NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 reported report VBN + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 masters master NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +21 appreciated appreciate VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ +22 51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ +27 ended end VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ +28 June June NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 1 1 CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ of _ _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 greatest greatest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 return return NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ +34 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +36 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 assets asset NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ part ARG1 ARG2 +39 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +40 tracked track VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113093 +1 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ +2 Impressionist impressionist JJ - + n:x _ _ _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +4 modern modern JJ - + a:e-p _and_c _ _ _ _ _ _ _ _ _ +5 paintings painting NNS - - n_of:x-i compound ARG1 _ ARG2 ARG1 _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +7 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ +8 tracked track VBN - + v:e-i-p _ _ neg _ _ _ _ _ _ _ +9 by by IN - - _ _ _ _ _ _ _ _ _ _ _ +10 Salomon _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +13 ranked rank VBN + + v:e-i-p _ _ _ _ _ _ ARG1 _ ARG1 _ +14 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +15 higher higher JJR - - a:e-i _ _ _ _ ARG2 ARG1 _ _ _ _ +16 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 74 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +18 % % NN - - n_of:x _ _ _ _ _ _ ARG2 ARG1 _ _ +19 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +20 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ _ _ _ mwe +21 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ _ _ _ ARG2 _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +23 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ + +#22113094 +1 Salomon _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 moreover moreover RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 gets get VBZ - + v_state:e-i-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 data data NNS - - n:x _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +9 art art NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 appreciation appreciation NN - - n_for:x-i _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +13 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 prices price NNS - - n_of:x _ _ _ _ _ _ poss ARG1 _ _ _ _ _ _ +17 go go VBP - + v:e-i _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ ARG1 _ +18 up up RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 clients client NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +21 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 thrall _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113095 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 percentages percentage NNS - - n:x BV ARG1 _ _ _ _ _ +3 omit omit VBP + + v_from:e-i-i _ _ _ _ _ _ _ +4 from from IN - - _ _ _ _ _ _ _ _ +5 consideration consideration NN - - n_of:x-i _ ARG2 _ _ _ ARG2 _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ +8 paintings painting NNS - - n_of:x-i _ _ BV ARG1 ARG1 ARG1 _ +9 that that IN - - _ _ _ _ _ _ _ _ +10 go go VBP - + v:e-i _ _ _ _ _ _ _ +11 begging beg VBG - + v:e-i-p _ _ _ _ _ _ _ +12 at at IN - + p:e-u-i _ _ _ _ _ _ _ +13 auction auction NN - - n_of:x-i _ _ _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ + +#22113096 +1 Art art NNP - + n:x _ _ _ +2 indexes index NNS - - n:x compound ARG1 _ +3 track track VBP + + v:e-i-p _ _ _ +4 winners winner NNS - - n_of:x-i _ ARG2 appos +5 , _ , - - _ _ _ _ +6 not not RB - - _ _ _ _ +7 losers _generic_nns_ NNS - + n:x _ _ _ +8 . _ . - - _ _ _ _ + +#22113097 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 art art NN - - n:x _ ARG1 _ _ _ ARG1 _ +3 that that WDT - - _ _ _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ +5 fallen fall VBN - + v:e-i _ _ ARG1 ARG1 _ _ _ +6 sharply sharply RB - + a:e-e _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ +8 value value NN - - n:x _ _ _ ARG2 _ _ _ +9 is is VBZ - - _ _ _ _ _ _ _ _ +10 rarely rarely RB - + a:e-e _ _ _ _ _ _ _ +11 put put VBN - + v_up:e-i-i ARG2 _ _ _ ARG1 _ ARG1 +12 up up RP - - _ _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ +14 sale sale NN - - n_of:x _ _ _ _ _ _ ARG2 +15 . _ . - - _ _ _ _ _ _ _ _ + +#22113099 +1 It it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +3 not not RB + - neg:e-h _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +5 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ +6 are aren’t VBP - + v_there:e-i _ neg _ _ _ _ _ _ _ _ _ +7 n’t aren’t JJ - + v_there:e-i _ _ _ _ _ _ _ _ _ _ _ +8 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 bids bid NNS - - n:x ARG1 _ BV _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 bids bid NNS - - n:x _ _ _ BV _ ARG1 _ _ _ _ _ +14 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +15 n’t don’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ +16 meet meet VB - + v:e-i-p _ _ _ _ neg _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 minimum minimum JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +20 reserve reserve NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +22 prices price NNS - - n_of:x _ _ _ _ _ ARG2 BV ARG1 compound ARG2 _ +23 set set VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +24 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +26 sellers seller NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG1 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113100 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 January January NNP - - mofy:x-c ARG2 _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Preti _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 painting painting NN - + n_of:x-i _ BV compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 hangs hang VBZ - + v:e-i _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +12 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 expected expect VBN + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 bring bring VB - - v:e-i _ _ _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ _ _ _ _ +16 no no DT - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +18 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ than ARG1 ARG1 _ _ _ _ _ _ _ +20 700,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 auction auction NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +23 until until IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ +26 came come VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +27 along along IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ ARG1 +31 1.15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113102 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 vantage vantage NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 point point NN - - n_of:x _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 is isn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 n’t isn’t JJ - + neg:e-h ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Paul Paul NNP - - named:x-c _ _ _ _ _ compound _ appos _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 customer customer NN - + n_of:x-i _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 his his PRP$ - - q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 too too RB - + a_also:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 overpaid _generic_vbd_ VBN - + v:e-i-p _ _ _ _ neg _ _ _ comp_too _ ARG1 _ _ _ _ _ _ _ _ _ +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 work work NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 gargantuan _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 painting painting NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ BV ARG1 ARG1 _ _ _ _ _ +29 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 artist artist NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +32 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +34 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 household household NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 word word NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ BV compound +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113103 +1 ( _ ( - - _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ +3 painting painting NN - - n_of:x-i BV ARG1 _ _ _ _ +4 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ +5 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +6 feet foot NNS - + n:x _ ARG2 ARG1 _ _ _ +7 wide wide JJ - - a:e-p _ _ _ measure _ _ +8 , _ , - - _ _ _ _ _ _ _ +9 seven seven CD - + card:i-i-c _ _ _ _ _ _ +10 feet foot NNS - - n:x _ _ _ conj ARG1 ARG1 +11 high high JJ - + a:e-p _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ +13 ) _ ) - - _ _ _ _ _ _ _ + +#22113104 +1 Rather rather RB + + a:e-h _ _ _ _ +2 , _ , - - _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ +4 It it PRP - - pron:x _ _ ARG1 _ +5 just just RB - + a:e-e _ _ _ _ +6 shows show VBZ - + v:e-i-h ARG1 ARG1 _ _ +7 things thing NNS - - n_of-about:x-i _ _ _ ARG1 +8 have have VBP - - _ _ _ _ _ +9 changed change VBN - + v:e-i _ _ ARG2 _ +10 . _ . - - _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ + +#22113105 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ +3 boasts boast VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +5 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ +6 spotted spot VBD - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ +7 bargains bargain NNS - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +9 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +10 masters master NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ +11 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +12 before before IN - + x:e-h-h _ ARG2 _ _ _ ARG1 _ _ _ _ +13 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ +14 took take VBD - + v:e-i-p-u _ _ _ _ _ _ ARG2 _ _ _ +15 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 upward upward JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +17 turn turn NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22113106 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 They they PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +3 went go VBD - + v_up:e-i _ _ _ loc _ _ _ _ ARG2 +4 up up RB - - _ _ _ _ _ _ _ _ _ _ +5 51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +6 % % NN - - n_of:x _ ARG1 _ _ _ _ _ _ _ +7 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 year year NN - + n:x _ _ ARG1 _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ +11 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ +12 ’ll ’ll RB - - _ _ _ _ _ _ _ _ _ _ +13 do do VBP - + v:e-i-p _and_c _ _ _ _ ARG1 _ loc _ +14 it it PRP - - pron:x _ _ _ _ ARG2 _ _ _ _ +15 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ +16 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ +17 year year NN - + n:x _ _ _ _ _ _ BV _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +20 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +21 declares declare VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113107 +1 “ _ `` - - _ _ _ +2 They they PRP - - pron:x ARG1 _ +3 were were VBD + + v_id:e-p-i _ _ +4 a a DT - + q:i-h-h _ _ +5 sleeper sleeper NN - - n:x ARG2 BV +6 . _ . - - _ _ _ + +#22113108 +1 Everybody everybody NN - - person:x ARG1 _ +2 was was VBD - - _ _ _ +3 out out RP + + p:e-i _ ARG1 +4 buying buy VBG - + v:e-i-p _ _ +5 Monets Monet NNPS - - named:x-c _ ARG2 +6 . _ . - - _ _ _ +7 ” _ '' - - _ _ _ + +#22113109 +1 Sotheby Sotheby+’s NNP - - named:x-c mwe _ _ _ _ _ _ _ _ _ _ _ +2 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +3 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 president president NN - + n_of:x-i _ compound _ _ _ _ _ _ _ _ _ _ +5 Diana Diana NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +6 Levitt _generic_proper_ne_ NNP - - named:x-c _ _ compound compound ARG1 _ _ _ _ _ _ _ +7 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 auction auction NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +10 house house NN - - n_of:x-i _ _ _ _ _ BV compound ARG1 _ _ _ _ +11 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 assisting assist VBG - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +17 Paul Paul NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 selling sell VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 paintings painting NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113111 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 claims claim VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ +5 have have VB - - _ _ _ _ _ _ _ _ _ _ +6 sold sell VBN - + v:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ +7 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 paintings painting NNS - - n_of:x-i _ _ ARG2 ARG1 _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ +12 than than IN - - _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +15 % % NN - + n_of:x _ _ _ _ _ _ _ ARG1 _ +16 profit profit NN - - n:x _ _ _ _ _ than BV _ compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113112 +1 That that DT - - x:x ARG1 _ _ _ _ _ +2 is isn’t VBZ - + v_id:e-p-i _ neg _ _ _ _ +3 n’t isn’t JJ + + v_id:e-p-i _ _ _ _ _ _ +4 51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +5 % % NN - - n_of:x ARG2 _ ARG1 _ _ _ +6 , _ , - - _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ +9 claim claim NN - - n_of:x-i _ _ _ BV _ ARG2 +10 is isn’t VBZ - - _ _ _ _ _ _ _ +11 n’t isn’t RB - + neg:e-h _and_c _ _ _ _ _ +12 documented document VBN - + v:e-i-p _ _ _ _ neg _ +13 . _ . - - _ _ _ _ _ _ _ + +#22113113 +1 He he PRP - - pron:x _ ARG1 _ _ _ _ _ +2 furthermore furthermore RB - + a:e-e _ _ _ _ _ _ _ +3 denies deny VBZ + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ +5 he he PRP - - pron:x _ _ ARG1 _ _ _ _ +6 relied rely VBD - + v:e-i-p _ ARG2 _ _ ARG1 _ _ +7 too too RB - + comp:e-u-u _ _ _ _ _ _ _ +8 heavily heavily RB - + a:e-e _ _ _ comp_too _ _ _ +9 on on IN - - _ _ _ _ _ _ _ _ +10 Sotheby Sotheby+’s NNP - - named:x-c _ _ _ _ _ mwe _ +11 ’s Sotheby+’s NNS - + named:x-c _ _ ARG2 _ _ _ _ +12 or or CC - - _ _ _ _ _ _ _ _ +13 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +14 Wachter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _or_c compound +15 . _ . - - _ _ _ _ _ _ _ _ + +#22113114 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ +5 had have VBD - + v_qmodal:e-h _ _ _ _ _ _ _ _ +6 not not RB - - neg:e-h _ ARG2 _ _ _ _ _ _ +7 one one CD - - card:i-i-c _ _ _ ARG1 _ _ _ _ +8 but but CC - + c:i-i-i _ _ _ _ _ _ _ _ +9 four four CD - + card:i-i-c _ _ _ _ _ _ _ _ +10 advisers adviser NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ +13 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ +14 never never RB - + a:e-h _ _ ARG2 _ _ _ _ _ +15 bid bid VB - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 +16 impulsively _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22113115 +1 After after+all IN - - a:e-e mwe _ _ _ _ _ _ _ _ _ +2 all after+all DT - + a:e-e _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ +5 had have VBD + + v:e-i-i ARG1 _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 counsel counsel NN - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +9 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +10 curators _generic_nns_ NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 most most RBS - + superl:e-u _ _ _ _ _ _ _ _ _ _ +14 reputable _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ ARG1 _ _ _ +15 museums museum NNS - - n:x _ _ _ _ ARG2 BV _ ARG1 ARG1 _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +18 world world NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22113116 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +2 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ +4 expects expect VBZ - + v:e-i-h _ _ _ _ _ _ _ _ _ ARG1 _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +6 sell sell VB - + v:e-i-p _ ARG2 _ _ _ _ _ ARG1 _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 collection collection NN - - n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ _ +9 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ +10 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +12 controversial controversial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +13 Rubens Rubens NNP - - named:x-c _ _ _ _ ARG2 BV ARG1 _ _ _ _ +14 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +16 carefully carefully RB - + a_with-about-of:e-e _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +18 prudently prudently RB - - _ _ _ _ _ _ _ _ _and_c _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +20 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +21 as as IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ ARG1 _ _ +22 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG2 +23 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +24 put put VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ ARG2 _ +25 together together RB - - p:e-i _ _ _ _ _ _ _ _ _ _ ARG3 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113117 +1 But but CC + + c:i-i-i _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ +3 art-world world NN - + n:x _ _ _ _ _ _ +4 parlance _generic_nn_ NN - - n:x _ ARG2 compound _ _ _ +5 , _ , - - _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +7 Paul Paul NNP - + named:x-c _ _ _ compound _ _ +8 ’s ’s NNS - - _ _ _ _ _ _ _ +9 holdings holding NNS - - n:x _ _ _ _ poss ARG1 +10 are are VBP - - _ _ _ _ _ _ _ +11 “ _ `` - - _ _ _ _ _ _ _ +12 burnt burn JJ - + a:e-p ARG2 ARG1 _ _ _ _ +13 . _ . - - _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ + +#22113118 +1 That that+is DT - - a:e-h mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 is that+is VBZ + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 compelled compel VBN - + v:e-i-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 put put VB - + v:e-i-p-h _ ARG3 _ _ _ _ loc _ _ _ _ _ _ _ _ +10 them them PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +11 on on IN - + p:e-u-i _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 market market NN - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +14 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 soon soon RB - + time_n:x _ _ _ _ _ comp_too _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 already already RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 gotten get VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +21 offers offer NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 less less JJR - + little-few_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 than than IN - - _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +26 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +27 paid pay VBD - + v_for:e-i-i-i _ _ _ _ _ _ _ _ _ than _ ARG1 _ _ _ +28 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 art art NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 works work NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ part BV compound +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113119 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a+few DT - - a:e-p _ mwe _ _ _ _ _ _ _ _ _ _ _ _ +4 few a+few JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 years year NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 you you PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 argue argue VB - + v:e-i-p ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 natural natural JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 appreciation appreciation NN - - n_for:x-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Susan Susan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Theran _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 publisher publisher NN - + n:x-i _ _ _ _ _ _ _ BV _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Leonard Leonard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Annual _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Price _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ +28 Index _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 poss _ compound ARG1 _ +29 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Art _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Auctions _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113120 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +2 quick quick JJ - + a:e-p _ _ _ _ _ _ _ _ _ +3 turnover turnover NN - - n:x _ ARG1 ARG1 ARG1 _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +5 artwork artwork NN - - n:x _ _ ARG2 _ _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +8 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +9 pawning pawn VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ +10 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 jewelry jewelry NN - - n:x _ _ _ _ ARG2 poss _ _ _ +12 – – : - - _ _ _ _ _ _ _ _ _ _ +13 you you PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ +14 end end VBP - + v:e-i ARG2 _ _ ARG1 _ _ _ _ _ +15 up up RB - - p:e-i _ _ _ _ _ _ _ ARG1 _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +17 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +18 % % NN - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113121 +1 People people NNS - - n_of:x-i ARG1 _ _ _ +2 hold hold VBP + + v_out:e-i-i _ _ _ _ +3 out out RP - - _ _ _ _ _ +4 and and CC - - _ _ _ _ _ +5 try try VB - + v:e-i-h _and_c _ _ _ +6 to to TO - - _ _ _ _ _ +7 get get VB - + v:e-i-i _ ARG2 _ _ +8 a a DT - + q:i-h-h _ _ _ _ +9 bargain bargain NN - - n:x _ _ ARG2 BV +10 . _ . - - _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ + +#22113122 +1 Sotheby Sotheby+’s NNP - - named:x-c mwe _ _ _ _ _ +2 ’s Sotheby+’s NNS - + named:x-c _ ARG1 _ _ _ _ +3 defends defend VBZ + + v:e-i-p _ _ _ _ ARG1 _ +4 itself itself PRP - + pron:x _ ARG2 _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +7 Paul Paul NNP - - named:x-c _ _ _and_c compound _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ +10 matter matter NN - - n_of:x-i _ _ _ _ ARG2 BV +11 . _ . - - _ _ _ _ _ _ _ + +#22113123 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Wachter _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Paul Paul NNP - - named:x-c _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +6 was was VBD - + v_id:e-p-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 quick quick JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 study study NN - - n_of:x-i _ _ _ ARG2 BV ARG1 ARG1 _ ARG1 _ _ _ _ _ +10 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 worked work VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +12 intensely intensely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 bought buy VBD - + v:e-i-p _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 best best JJS - + a_at-for-of:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 pictures picture NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ +18 available available JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 moment moment NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113124 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 occasion occasion NN - - n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 paid pay VBD - + v_for:e-i-i-i ARG1 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 price price NN - - n_of:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Wachter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 concedes concede VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +18 says say VBZ - + v:e-i-p _ _ _ _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ +19 those those DT - - x:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +20 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 bid bid VBD - + v_state:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 less less RBR - - little-few_a:e-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 dropped drop VBD - + v:e-i _ _ _ _ _ _ _ _and_c _ ARG1 _ _ _ _ _ _ _ _ _ +25 out out RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 were were VBD - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 dealers dealer NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ +28 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 then then RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 marked mark VBN - + v_up:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ +33 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 paintings painting NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +36 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 resell sell VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +38 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +39 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 profit profit NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +42 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 collectors collector NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113125 +1 Naomi Naomi NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bernhard _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Levinson _generic_proper_ne_ NNP - - named:x-c _ compound _ _ appos _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 fine-arts arts NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 appraiser _generic_nn_ NN - + n:x _ _ BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Bernhard _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Associates _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Francisco Francisco NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 considers consider VBZ + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 definite definite JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 conflict conflict NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 interest interest NN - - n_in:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 auction auction NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 house house NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +26 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 both both DT - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 advise advise VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 client client NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +31 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 purchases purchase NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +33 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ +35 set set VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 price price NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 estimates estimate NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ +38 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 paintings painting NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 +41 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 purchased purchase VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113126 +1 Sotheby Sotheby+’s NNP - - named:x-c mwe _ _ _ +2 ’s Sotheby+’s NNS - + named:x-c _ _ _ _ +3 , _ , - - _ _ _ _ _ +4 she she PRP - - pron:x _ ARG1 _ _ +5 says say VBZ + + v_to:e-i-h-i _ _ _ _ +6 , _ , - - _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ +9 wearing wear VBG - + v:e-i-p _ ARG2 _ _ +10 both both DT - + q:i-h-h _ _ _ _ +11 hats hat NNS - - n:x _ _ ARG2 BV +12 . _ . - - _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ + +#22113127 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ +3 ca can’t MD - + neg:e-h _ neg _ _ _ _ _ _ _ _ _ +4 n’t can’t RB - + neg:e-h _ _ _ _ _ _ _ _ ARG2 _ _ +5 see see VB - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ +6 why why WRB - + p:e-u-x _ _ _ _ _ _ _ _ _ _ _ +7 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ +8 would would MD - + v_modal:e-h _ _ ARG2 ARG1 _ _ _ _ _ _ _ +9 be be VB - + v_id:e-p-i _ _ _ _ ARG1 _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 conflict conflict NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +13 interest interest NN - - n_in:x-i _ _ _ _ _ _ _ ARG2 _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +17 Sotheby Sotheby NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +18 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +19 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +20 Levitt _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 poss compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22113128 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Estimates estimate NNS - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 based base VBN + + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on on IN - + p:e-u-i ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 price price NN - + n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 similar similar JJ - + a_to:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 works work NNS - - n:x _ _ _ _ ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ +12 sold sell VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +13 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 auction auction NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 current current JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 conditions condition NNS - - n:x _ _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 not not RB - + neg:e-h _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 affected affect VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ +24 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 knowledge knowledge NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ +27 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 who who WP - - person:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 buyer buyer NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 +32 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113129 +1 Frequently frequently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 clients client NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 express express VBP - + v_for:e-i-p-u ARG1 _ _ _ _ ARG2 _ _ _ _ _ _ +5 interest interest NN - + n_in:x-i _ ARG2 _ _ _ _ _ _ _ _ _ _ +6 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 paintings painting NNS - - n_of:x-i _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 n’t don’t JJ - + neg:e-h _ _and_c _ _ _ _ _ _ _ _ _ _ +11 end end NN - + v:e-i _ _ _ neg _ _ _ _ _ _ _ _ +12 up up IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 bidding bid NN - - v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 she she PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 adds add VBZ - + v_to:e-i-h-i _ _ _ _ _ _ ARG1 _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 so so RB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +20 we we PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ +21 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 n’t don’t RB - + neg:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ +23 know know VB - + v:e-i-h _ _ _ _ _ _ _ neg _ _ _ _ +24 who who WP - - person:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +26 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +27 buyer buyer NN - - n_of:x-i _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 +28 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +29 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ ARG2 _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +31 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113130 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 selling sell VBG - + v_off:e-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 paintings painting NNS - - n_of:x-i _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 seeking seek VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +12 at at+least IN - - x:e-u _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +13 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 % % NN - + n_of:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +17 return return NN - - n_of:x-i _ _ _ _ ARG2 _ BV _ compound ARG1 _ _ _ _ _ _ _ +18 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ +21 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 investment investment NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 so so+as RB - - x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +25 as so+as RB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 prove prove VB - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +28 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 venture venture NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +31 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 sound sound JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113131 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 has have VBZ - + v:e-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ +7 feelers feeler NNS - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 out out IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 over over IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +10 much much JJ - + much-many_a:e-p _ _ _ ARG1 _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 globe globe NN - - n:x _ _ _ _ part BV _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +17 buyers buyer NNS - - n_of:x-i _ _ _ _ _ _ ARG1 ARG1 _ _ ARG1 _ +18 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 far far RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +21 away away RB - - p:e-i _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Japan Japan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Italy Italy NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c _ _ +26 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +27 examined examine VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +29 collection collection NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113132 +1 Because because+of IN - - p:e-u-i mwe _ _ _ _ _ _ _ _ _ +2 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 pressure pressure NN - + n:x-h ARG2 BV _ ARG1 _ _ _ _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +6 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +8 sell sell VB - - v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 dealers dealer NNS - + n:x _ _ _ _ _ ARG1 _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +12 collectors collector NNS - - n:x _ _ _ _ _and_c _ _ _ _ _ +13 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ +14 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ +15 trying try VBG + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +17 get get VB - + v:e-i-i _ _ _ _ _ ARG2 _ _ ARG1 _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +19 paintings painting NNS - - n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ +20 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +21 bargain-basement basement JJ - + n:x _ _ _ _ _ _ _ _ _ _ +22 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22113133 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ +2 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ +3 far far RB - + a:e-e _ comp_so _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +6 Paul Paul NNP - + named:x-c _ _ _ compound _ _ ARG1 _ +7 and and CC - - _ _ _ _ _ _ _ _ _ +8 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +9 advisers adviser NNS - - n:x _ _ _ _ _and_c poss _ _ +10 are are VBP - - _ _ _ _ _ _ _ _ _ +11 holding hold VBG - + v:e-i ARG2 _ ARG1 _ _ _ _ ARG1 +12 fast fast RB - + a:e-e _ _ _ _ _ _ _ _ +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22113134 +1 One one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 dealer dealer NN - - n:x ARG1 _ appos _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Martin Martin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Zimet _generic_proper_ne_ NNP - + named:x-c _ compound _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 French French NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +8 & &+co. CC - - n:x _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 York York NNP - - named:x-c _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +18 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 loved love VBN - + v:e-i-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 buy buy VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ ARG1 _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Jan Jan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Davids David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +26 de DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Heem _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound compound _ _ _ +28 painting painting NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ compound _ _ +29 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 bank bank NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113136 +1 They they PRP - - pron:x ARG1 _ +2 were were VBD - - _ _ _ +3 protecting protect VBG + + v:e-i-p _ _ +4 his his PRP$ - + q:i-h-h _ _ +5 interests interest NNS - - n_in:x-i ARG2 poss +6 . _ . - - _ _ _ +7 ” _ '' - - _ _ _ + +#22113137 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +4 Paul Paul NNP - + named:x-c _ compound _ _ ARG1 _ +5 and and CC - - _ _ _ _ _ _ _ +6 CenTrust _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +7 executives executive NNS - - n:x _ _ _and_c compound _ _ +8 are are VBP - - _ _ _ _ _ _ _ +9 getting get VBG + + v_state:e-i-h ARG1 _ _ _ _ _ +10 squeamish _generic_jj_ JJ - - a:e-u _ _ _ _ ARG2 ARG1 +11 about about IN - + p:e-u-i _ _ _ _ _ _ +12 opulence _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 +13 . _ . - - _ _ _ _ _ _ _ + +#22113138 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG2 _ _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 characterized characterize VBN - + v_as:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ +6 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 Great _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +10 Gatsby _generic_proper_ne_ NNP - + named:x-c _ ARG1 BV compound _ ARG1 _ _ _ _ _ _ +11 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 something something NN - - thing:x _ _ _ _ _or_c _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 complains complain VBZ + + v_to-about:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +16 Karen Karen NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +17 E. E. NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ +18 Brinkman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 _ compound _ _ _ appos +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +22 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +23 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ BV compound compound _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +25 CenTrust _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113139 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 media media NNS - - n:x BV _ ARG1 _ _ +3 , _ , - - _ _ _ _ _ _ +4 she she PRP - - pron:x _ ARG1 _ _ _ +5 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ +7 have have VBP - - _ _ _ _ _ _ +8 distorted distort VBN - + v:e-i-p _ ARG2 _ _ _ +9 his his PRP$ - + q:i-h-h _ _ _ _ _ +10 personal personal JJ - + a:e-p _ _ _ _ _ +11 life life NN - - n_of:x-i _ _ ARG2 poss ARG1 +12 . _ . - - _ _ _ _ _ _ + +#22113140 +1 Mr. Mr. NNP - + n:x _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ +3 nods nod VBZ + + v:e-i _ _ ARG1 +4 in in IN - + p:e-u-i _ _ _ +5 agreement agreement NN - - n:x _ _ ARG2 +6 . _ . - - _ _ _ _ + +#22113141 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ +3 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ +4 n’t don’t JJ - + neg:e-h _ _ _ _ _ _ _ _ ARG2 +5 think think VBP - + v:e-i-h-i neg _ _ _ _ _ _ _ _ +6 I I PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +7 have have VBP - + v:e-i-i _ ARG2 _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +9 life life NN - + n_of:x-i _ _ _ _ _ _ _ _ _ +10 style style NN - - n_of:x _ _ ARG2 BV compound _ _ ARG1 _ +11 that that WDT - - _ _ _ _ _ _ _ _ _ _ +12 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 frankly frankly RB - + a:e-e _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ +16 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ +17 flamboyant _generic_jj_ JJ - + a:e-p _ _ _ _ _ ARG1 comp_so _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +20 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +21 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22113142 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - + q_dem:i-h-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 moment moment NN - - n:x _ ARG2 _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 he he PRP - - pron:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 interrupted interrupt VBN - + v:e-i-p ARG2 ARG1 _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 office office NN - - n_of:x-i _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ +13 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 servant servant NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ ARG1 _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 tuxedo _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +18 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 pours pour VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +20 coffee coffee NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +21 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 silver silver NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +23 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 cup cup NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +26 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 china China NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 dabs dab VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 brim brim NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +32 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 linen linen NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22113143 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +2 Paul Paul NNP - - named:x-c compound ARG1 _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 yes yes UH - - _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 ceiling ceiling NN - - n:x _ _ BV ARG1 _ _ ARG1 _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +11 executive executive JJ - + n:x _ _ _ _ _ _ _ _ +12 suite suite NN - - n:x _ _ _ ARG2 poss compound _ _ +13 is is VBZ - + v_id:e-p-i _ ARG2 _ _ _ _ _ _ +14 gold-leaf leaf JJ - + a:e-p _ _ _ _ _ _ _ _ +15 inlay _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22113147 +1 Just just RB - + a:e-e _ _ _ _ _ _ +2 say say VBP - + v_to:e-i-h-i ARG1 _ _ _ _ ARG2 +3 the the DT - + q:i-h-h _ _ _ _ _ _ +4 offices office NNS - - n_of:x-i _ _ BV _ ARG2 _ +5 are are VBP - - _ _ _ _ _ _ _ +6 tastefully tastefully RB - + a:e-e _ _ _ _ _ _ +7 appointed appoint VBN - + v:e-i-p _ ARG2 _ ARG1 _ _ +8 , _ , - - _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ _ _ ARG1 +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ + +#22113148 +1 “ _ `` - - _ _ _ _ _ _ _ +2 Otherwise otherwise RB - + a:e-e _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 regulators regulator NNS - - n:x _ BV ARG1 _ _ _ +6 will will MD - - _ _ _ _ _ _ _ +7 take take VB + + v:e-i-p-u ARG1 _ _ ARG1 _ _ +8 it it PRP - - pron:x _ _ ARG2 _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ +10 decadence _generic_nn_ NN - - n:x _ _ _ ARG2 _ _ +11 , _ , - - _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ +13 nowadays nowadays RB - + a:e-e _ _ _ _ _ _ +14 everything everything NN - - thing:x _ _ _ _ ARG1 ARG2 +15 ’s ’s NNS - - _ _ _ _ _ _ _ +16 got get VBD - + v_to:e-h _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ +18 be be VB - - _ _ _ _ _ _ _ +19 pristine pristine JJ - - a:e-p _ _ _ _ _ ARG1 +20 . _ . - - _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ + +#22113149 +1 Figures figure NNS - - n:x _ ARG1 _ _ +2 do don’t VBP - - _ _ _ _ _ +3 n’t don’t RB + + neg:e-h _ _ _ _ +4 include include VB - + v:e-i-p neg _ _ _ +5 taxes tax NNS - + n:x _ ARG2 _ _ +6 or or CC - - _ _ _ _ _ +7 transaction transaction NN - + n:x _ _ _ _ +8 costs cost NNS - - n:x _ _ _or_c compound +9 . _ . - - _ _ _ _ _ + +#22114001 +1 Companies company NNS - - n_of:x-i ARG2 _ ARG1 _ _ _ _ _ _ +2 listed list VBN - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ +3 below below IN - + p:e-i _ _ _ _ _ _ _ _ _ +4 reported report VBD + + v_to:e-i-p _ _ _ _ _ _ _ _ _ +5 quarterly quarterly JJ - + a:e-p _ _ _ _ _ _ _ _ _ +6 profit profit NN - - n:x _ _ ARG2 ARG1 _ ARG1 _ _ _ +7 substantially substantially RB - + a:e-e _ _ _ _ _ _ _ _ _ +8 different different JJ - + a_than-from:e-i _ _ _ _ ARG1 _ _ _ _ +9 from from IN - - _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 average average NN - + n_of:x-i _ _ _ _ _ than BV _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ +13 analysts analyst NNS - + n:x _ _ _ _ _ _ _ _ _ +14 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ +15 estimates estimate NNS - - n_of:x-i _ _ _ _ _ _ _ ARG1 poss +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22114002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 companies company NNS - - n_of:x-i BV ARG2 _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +4 followed follow VBN + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 at at+least IN - - x:e-u _ _ mwe _ _ _ _ _ _ _ _ +7 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +8 three three CD - + card:i-i-c _ _ ARG1 _ _ _ _ _ _ _ _ +9 analysts analyst NNS - - n:x _ ARG1 _ ARG1 _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +12 had have VBD - + v:e-i-i _ _and_c _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 minimum minimum JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +15 five-cent cent JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +16 change change NN - - n_of:x-i _ _ _ _ ARG2 BV ARG1 compound ARG1 _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 actual actual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +19 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +20 per per IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +21 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22114003 +1 Estimated estimate JJ - + v_at:e-i-p _ _ _ _ +2 and and CC - - _ _ _ _ _ +3 actual actual JJ - + a:e-p _and_c _ _ _ +4 results result NNS - - n_of:x-i ARG2 ARG1 ARG1 ARG2 +5 involving involve VBG - + v:e-i-p _ _ _ _ +6 losses loss NNS - - n_of:x-i _ _ ARG2 _ +7 are are VBP - - _ _ _ _ _ +8 omitted omit VBN + + v:e-i-p _ _ _ _ +9 . _ . - - _ _ _ _ _ + +#22114004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 percent percent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 difference difference NN - - n:x BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 compares compare VBZ + + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 actual actual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 profit profit NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 30-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 estimate estimate NN - + n_of:x-i _ _ ARG3 _ BV compound _ _ _ _ _ _ _ _ _ +11 where where WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 at at+least IN - - x:e-u _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +13 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 three three CD - + card:i-i-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +15 analysts analyst NNS - - n:x _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +16 have have VBP - + v:e-i-i _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ +17 issues issues NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 forecasts forecast NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 days day NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22114005 +1 Otherwise otherwise RB + + a:e-h _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ +3 actual actual JJ - + a:e-p _ _ _ _ _ +4 profit profit NN - - n:x _ ARG1 ARG2 _ _ +5 is is VBZ - - _ _ _ _ _ _ +6 compared compare VBN - + v_with:e-i-p-i ARG1 _ _ _ _ +7 with with IN - - _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ +9 300-day day JJ - + n_of:x-i _ _ _ _ _ +10 estimate estimate NN - - n_of:x-i _ _ ARG3 BV compound +11 . _ . - - _ _ _ _ _ _ + +#22115001 +1 { _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 During during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 centennial centennial JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 year year NN - - n:x ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Street _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +10 Journal _generic_proper_ne_ NNP - - named:x-c _ _ _ BV _ compound ARG1 _ _ _ _ _ _ _ _ +11 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 report report VB + + v_to:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 events event NNS - - n_item:x _ _ _ _ _ _ ARG2 ARG1 _ _ ARG1 _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 century century NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +18 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 stand stand NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 milestones _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 American American JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 business business NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 history history NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 } _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22115002 +1 CREATIVE _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ACCOUNTING _generic_proper_ne_ NN - - n:x compound _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 mostly mostly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - + p:e-u-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 conglomerates _generic_nns_ NNS - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 forced force VBN + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 CPAs _generic_nns_ NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 change change VB - + v_cause:e-i-p _ _ _ ARG3 _ _ _ _ _ _ _ _ _ +12 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +13 way way NN - + n_of:x-i _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 setting set VBG - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 standards standard NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 followed follow VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +20 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 corporations corporation NNS - - n:x _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ +22 reporting report VBG - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +23 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +24 results result NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 standards standard NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +27 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 become become VBN - + v_id:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +30 all all+too DT - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ mwe +31 too all+too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ +32 flexible flexible JJ - - a:e-p _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22115003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Financial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Accounting _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Standards _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Board _generic_proper_ne_ NNP - - named:x-c BV ARG1 _ _ compound parenthetical ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 FASB _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 created create VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 1972 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +14 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 replace replace VB - + v_with:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Accounting _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Principles _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +19 Board board NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Institute _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound ARG1 _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Certified _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Public _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +27 Accountants _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22115005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ +3 board board NN - + n_of:x-i BV ARG1 _ _ _ _ _ _ _ +4 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ +5 seven-member member JJ - + a:e-p _ _ _ _ _ _ _ _ _ +6 structure structure NN - - n:x _ _ poss compound ARG1 _ _ _ _ +7 kept keep VBD + + v_prd:e-i-i-h _ _ _ _ _ _ _ _ _ +8 four four CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +9 CPAs _generic_nns_ NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ +11 but but CC - - _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 others other NNS - - n:x _ _ _ _ _ _ BV ARG1 _ +14 were were VBD - - _ _ _ _ _ _ _ _ _ _ +15 from from IN - + p:e-u-i _ _ _ _ ARG3 _ _ _ _ +16 industry industry NN - + n:x _ _ _ _ _ _ _ ARG2 _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ +18 academia _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _and_c +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22115006 +1 Francis Francis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 M. M. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Wheat _generic_proper_ne_ NNP - - named:x-c _ compound _ _ _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 former former JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Securities _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Exchange _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Commission _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +11 member member NN - + n_of:x _ _ BV ARG1 _ compound _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 headed head VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 panel panel NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +16 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 studied study VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 issues issue NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 proposed propose VBD - + v_to:e-i-p _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ ARG1 _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 FASB _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 March March NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 30 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 of loc +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 1972 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22115007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 former former JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +3 board board NN - - n_of:x-i BV ARG1 ARG1 _ _ _ _ _ _ _ _ +4 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +5 produced produce VBN + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +7 21 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +8 opinions opinion NNS - + n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +10 1,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +11 critics critic NNS - - n_of:x-i _ _ _ _ _and_c ARG1 _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +15 12-year year JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +16 life life NN - - n_of:x-i _ _ _ _ _ _ ARG2 poss compound _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +18 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +19 chairman chairman NN - - n_of:x-i _ _ _ _ _ _ _ _ _ poss ARG1 +20 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +21 conceded concede VBN - + v:e-i _ _ _and_c _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22115008 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 climate climate NN - - n:x BV ARG1 _ _ _ +3 was was VBD - - _ _ _ _ _ _ +4 right right RB + + a:e-p _ _ ARG1 _ _ +5 for for IN - + p:e-u-i _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ +7 new new JJ - + a:e-p _ _ _ _ _ +8 FASB _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 BV ARG1 +9 . _ . - - _ _ _ _ _ _ + +#22115009 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 late late JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +4 1960s _generic_plur_ne_ NNS - - year_range:x-c ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +5 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 CPAs _generic_nns_ NNS - - n:x _ _ _ BV _ ARG1 _ _ _ _ _ _ _ +7 failed fail VBD + + v:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 correct correct VB - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +10 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 abuses abuse NNS - - n_of:x-i _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +12 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 clients client NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +14 picking pick VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +15 permissive _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +16 rules rule NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +17 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 hyped hype NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +19 earnings earnings NNS - + n:x _ _ _ _ _ _ _ _ _ _ compound _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +22 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _and_c compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22115010 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +3 November november NNP - - mofy:x-c _ ARG2 loc _ _ _ _ _ _ _ +4 1970 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ +5 Congress Congress NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ +6 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ +7 passed pass VBN - + v:e-i-p _ ARG1 _ _ _ _ ARG1 _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +10 act act NN - - n_of:x-i _ _ _ ARG2 BV ARG1 _ _ _ _ +11 to to TO - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ +12 overrule _generic_vb_ VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ +13 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +14 board board NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +15 rule rule NN - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22115012 +1 Keepers keeper NNS - - n:x ARG1 _ ARG1 _ ARG1 _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ +4 books book NNS - - n_of:x-i ARG2 BV _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ +6 dubbed dub VBN - + v:e-i-i-i _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ +8 figure figure NN - + n:x _ _ _ _ _ _ +9 filberts filbert NNS - - n:x _ _ ARG2 compound _ _ +10 , _ , - - _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ +12 loathed loathe VBD + + v:e-i-p _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ +14 threat threat NN - - n:x _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ + +#22115013 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 FASB _generic_proper_ne_ NNP - - named:x-c BV ARG1 _ _ _ _ _ +3 had have VBD - + v:e-i-i _ _ _ _ ARG1 _ _ +4 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ +5 initial initial JJ - + a:e-p _ _ _ _ _ _ _ +6 meeting meeting NN - - n_of:x-i _ ARG2 poss ARG1 _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ +8 March March NNP - + mofy:x-c _ _ _ _ _ _ _ +9 28 _generic_dom_card_ne_ CD + - dofm:x-c _ _ _ _ ARG2 of loc +10 , _ , - - _ _ _ _ _ _ _ _ +11 1973 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ _ + +#22115014 +1 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 Dec. Dec. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ +3 13 _generic_dom_card_ne_ CD + - dofm:x-c ARG2 of loc _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 1973 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ +8 issued issue VBD - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +11 rule rule NN - - n_of:x _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ +12 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ +14 required require VBD - + v:e-i-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 companies company NNS - - n_of:x-i _ _ _ _ _ _ ARG2 _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 disclose disclose VB - + v_to:e-i-p-i _ _ _ _ _ _ ARG3 _ _ _ _ _ +18 foreign foreign JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +19 currency currency NN - + n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 translations translation NNS - - n:x _ _ _ _ _ _ _ ARG2 _ compound ARG1 _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +22 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ +23 dollars dollar NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22115015 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 FASB _generic_proper_ne_ NNP - - named:x-c BV ARG1 ARG1 _ _ _ +3 since since IN - + p:e-u-i _ _ _ _ _ _ +4 then then RB - - time_n:x _ ARG2 _ _ _ _ +5 has has VBZ - - _ _ _ _ _ _ _ +6 issued issue VBN + + v:e-i-p _ _ _ _ _ _ +7 102 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +8 rules rule NNS - - n_of:x _ _ ARG2 ARG1 _ ARG1 +9 , _ , - - _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ +11 some some DT - - q:i-h-h _ _ _ _ _ ARG1 +12 still still RB - + a:e-e _ _ _ _ _ _ +13 rile _generic_vbp_ VBP - + v:e-i-p _ _ _ _ ARG1 _ +14 industry industry NN - - n:x _ _ _ _ _ ARG2 +15 . _ . - - _ _ _ _ _ _ _ + +#22115016 +1 Since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 late late JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ +3 1987 _generic_year_ne_ CD - - yofc:x-c ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 for for+example IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 example for+example NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 put put VBN + + v_off:e-i-i ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ +11 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 rule rule NN - - n_of:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +14 dealing deal VBG - + v_with:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ +15 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 deferred defer JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +17 income income NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +18 taxes tax NNS - - n:x _ _ _ _ ARG2 ARG2 compound _ _ _ _ _ +19 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ mwe _ _ _ _ +20 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +22 continuing continue VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ +23 controversy controversy NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +24 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +26 issue issue NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22116001 +1 Amcast _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Industrial _generic_proper_ne_ NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +6 plans plan VBZ - + v:e-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 repurchase purchase VB - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ ARG1 _ _ +9 500,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 shares share NNS - + n_of:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 about about RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - - n_of:x _ _ _ _ _ _ _or_c ARG1 ARG1 _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ +19 outstanding outstanding JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 open open JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 transactions transaction NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22116002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 metal metal NN - + n:x _ _ _ _ _ _ _ _ _ +3 products products NNS - + n:x _ compound _ _ _ _ _ _ _ +4 concern concern NN - - n:x BV _ compound _ ARG1 _ _ _ _ +5 currently currently RB - + a:e-e _ _ _ _ _ _ _ _ _ +6 has have VBZ + + v:e-i-i _ _ _ ARG1 _ _ _ _ _ +7 7.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ +9 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ +10 shares share NNS - - n_of:x _ _ _ _ ARG2 _ ARG1 ARG1 ARG1 +11 outstanding outstanding JJ - + a:e-i _ _ _ _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22116004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ +3 named name VBN + + v:e-i-i-i _ _ _ _ ARG1 _ _ _ _ _ _ +4 Dillon Dillon NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +5 Read _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound compound _ _ _ _ _ _ _ +6 & &+co. CC - - n:x _ _ _ mwe _ _ _ _ _ _ _ +7 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +8 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +9 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 exclusive exclusive JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ +11 agent agent NN - - n_of:x-i _ _ _ _ ARG2 poss ARG1 ARG1 _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +15 buy-back buy-+back NN - + n:x _ _ _ _ _ _ _ _ _ compound _ +16 program program NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22117001 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 seat seat NN - - n:x BV ARG1 _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +3 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Board _generic_proper_ne_ NNP - - named:x-c _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Trade _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +9 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 sold sell VBN + + v:e-i-p _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +13 390,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +17 5,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 sale sale NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ loc +22 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Tuesday Tuesday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22117003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 record record NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 price price NN - - n_of:x BV compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 full full JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 membership membership NN - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 exchange exchange NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +11 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG2 _ _ _ +13 550,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 set set VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ loc _ +16 Aug. Aug. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +17 31 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ of _ loc +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22117004 +1 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 associate associate JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 member member NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ +4 seat seat NN - - n:x BV compound compound ARG2 _ _ _ _ _ _ _ _ _ +5 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 sold sell VBN + + v:e-i-p _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +9 228,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 up up RB - + p:e-u-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +13 8,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +14 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +16 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +17 sale sale NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ loc +18 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +19 4 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ of _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22117006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 record record NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +3 price price NN - - n_of:x BV compound ARG1 _ ARG1 _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +5 associate associate JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +6 membership membership NN - - n:x _ _ ARG2 compound _ _ _ _ _ _ +7 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 ARG2 _ _ _ +9 275,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +11 set set VBN - + v:e-i-p _ _ _ _ _ _ _ _ loc _ +12 Aug. Aug. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ +13 30 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ of _ loc +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +15 1988 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22118001 +1 CAE _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Industries _generic_proper_ne_ NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Link Link NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Flight _generic_proper_ne_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Simulation _generic_proper_ne_ NN - + n:x _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 division division NN - - n_of:x-i _ _ _ poss compound _ compound ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 awarded award VBN - + v:e-i-i-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 contract contract NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Army army NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 helicopter helicopter NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 simulators simulator NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ ARG2 _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +26 valued value VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +27 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 37 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +33 Canadian Canadian JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 dollars dollar NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than _ ARG1 ARG1 parenthetical _ _ +35 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 US$ US$ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +37 31.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +39 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22118002 +1 CAE _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 fixed fixed JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 price price NN - - n_of:x _ BV ARG1 ARG1 _ _ _ _ _ _ _ ARG1 _ _ +6 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 first first JJ - + ord:i-i-c _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 AH-64 _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Apache _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ +13 combat combat NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 mission mission NN - + n:x _ _ _ _ _ _ _ _ _ compound _ _ _ _ +15 simulators simulator NNS - - n:x _ _ _ _ _ part BV _ compound _ compound _ _ _ +16 is is VBZ - + v_id:e-p-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +17 C$ C$ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +18 19 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ times _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22118003 +1 It it PRP - - pron:x ARG2 _ _ _ +2 is is VBZ - - _ _ _ _ _ +3 scheduled schedule VBN + + v:e-i-p _ ARG1 _ _ +4 for for IN - + p:e-u-i _ _ _ _ +5 delivery delivery NN - - n_of:x-i _ ARG2 ARG1 _ +6 in in IN - + p:e-u-i _ _ _ _ +7 late late JJ - + a_for:e-p _ _ _ _ +8 1991 _generic_year_ne_ CD - - yofc:x-c _ _ ARG2 ARG1 +9 . _ . - - _ _ _ _ _ + +#22118004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 price price NN - + n_of:x-i BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 simulator simulator NN - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 ranges range NNS - - n_of:x-i _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 between between IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 C$ C$ $ - - n:x _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +10 16.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +12 and and CC - + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 C$ C$ $ - - n:x _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ +14 18 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 CAE _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +18 said say VBD - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 depending depend VBG - + v_on-upon:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 when when WRB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Army _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ +25 exercises exercise VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +26 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 option option NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22118005 +1 CAE _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 Toronto-based base JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ +5 maker maker NN - + n_of:x-i ARG2 BV ARG2 _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ +7 commercial commercial JJ - + a:e-p _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ +9 military military JJ - + a:e-p _ _ _ _ _and_c _ _ _ _ +10 aircraft aircraft NN - + n:x _ _ _ _ ARG1 ARG1 _ _ _ +11 simulators simulator NNS - + n:x _ _ _ ARG1 _ _ compound _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ +13 training train NN - + v:e-i-p _ _ _ _ _ _ _ _ _ +14 equipment equipment NN - - n:x _ _ _ _ _ _ _ _and_c compound +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22119002 +1 Total total JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 value value NN - - n:x ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 contract contract NN - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +6 could could MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +7 be be VB - + v_id:e-p-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ +9 100 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Helionetics _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 work work NN - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG2 +17 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 project project NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +20 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +21 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 about about RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 evenly evenly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +24 divided divide VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22119003 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ +2 previously previously RB - + p:e-e _ _ _ _ _ _ _ _ +3 reported report VBN - - v_to:e-i-p ARG2 ARG1 _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 Helionetics _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ _ _ _ +6 emerged emerge VBD - + v:e-i ARG1 _ _ ARG1 _ _ _ _ +7 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 Chapter _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +9 11 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ compound _ _ _ +10 bankruptcy-law law NN - + n:x _ _ _ _ _ _ _ _ +11 protection protection NN - - n_of:x-i _ _ _ ARG2 _ compound compound ARG1 +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +13 February February NNP - - mofy:x-c _ _ _ _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22120001 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Los _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Angeles _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 company company NN - + n_of:x-i BV _ compound _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Union _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Savings _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Bank _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 subsidiary subsidiary NN - - n:x _ _ _ _and_c poss _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 99 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ than ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 1/4 _generic_fract_ne_ CD - + fraction:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ plus _ _ _ _ _ _ _ _ _ _ +21 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +22 convertible convertible JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 subordinated subordinate JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 debentures _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ compound ARG1 ARG2 ARG1 _ _ _ _ _ +25 due due JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ +26 2011 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 tendered tender VBN - - v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +29 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 conversion conversion NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +31 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 UnionFed _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22120002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 conversion conversion NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ +3 increased increase VBD + + v_cause:e-i-p _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ +4 total total JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +5 equity equity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +6 capital capital NN - - n:x _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ +7 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ +10 38.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ +12 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +14 total total NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +17 156.8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +18 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22120003 +1 Union _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 Federal _generic_proper_ne_ NNP - - named:x-c compound _ _ _ _ appos ARG1 _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 federally federally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +6 insured insure VBN - + v_for:e-i-p _ _ ARG1 _ _ _ _ _ _ _ +7 savings savings NNS - + n:x _ _ _ _ _ _ _ _ _ _ +8 bank bank NN - + n_of:x-i _ BV _ ARG2 compound _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 has have VBZ + + v:e-i-i _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 ARG1 +12 2.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +13 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +15 assets asset NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22121001 +1 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 D. D. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Lung _generic_proper_ne_ NNP - - named:x-c _ compound ARG3 _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 appointed appoint VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 president president NN - + n_of:x-i _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 operating operate NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 officer officer NN - - n:x _ _ _ _and_c compound compound _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 maker maker NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 building building VBG - + n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +16 materials material NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 manufactured manufacture JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 homes home NNS - + n_of-n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 recreational recreational JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 vehicles vehicle NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22121002 +1 As as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 president president NN - - n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Lung _generic_proper_ne_ NNP - - named:x-c _ compound _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 42 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 years year NNS - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 old old JJ - + a:e-p _ _ _ measure _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 succeeds succeed VBZ + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 father father NN - - n_of:x-i _ _ _ _ _ ARG2 poss _ _ appos _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Mervin _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 D. D. NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ +17 Lung _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ appos ARG1 _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 66 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 founded found VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 1959 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22121003 +1 Mervin _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ +2 Lung _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ +3 remains remain VBZ + + v:e-i-u _ _ _ _ _ +4 chairman chairman NN - + n_of:x-i _ ARG2 _ _ _ +5 and and CC - - _ _ _ _ _ _ +6 chief chief JJ - + n:x _ _ _ _ _ +7 executive executive JJ - + n:x _ _ _ _ _ +8 officer officer NN - - n:x _ _ _and_c compound compound +9 . _ . - - _ _ _ _ _ _ + +#22121004 +1 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Lung _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ +4 been been VBN + + a_expl-for:e-h _ _ ARG1 ARG1 _ _ _ _ _ +5 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 Patrick Patrick NNP - - named:x-c _ _ ARG2 _ _ _ _ _ _ +7 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +8 1970 _generic_year_ne_ CD - - yofc:x-c _ _ _ ARG2 _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ +11 has has VBZ - - _ _ _ _ _ _ _ _ _ _ +12 served serve VBN - - v_as:e-i-p _ _and_c _ _ ARG1 _ _ _ ARG1 +13 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +14 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ +15 president president NN - - n_of:x-i _ _ _ _ ARG2 compound ARG1 _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +17 administration administration NN - + n_of:x-i _ _ _ _ _ _ ARG2 _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ +19 purchasing purchase NN - - v:e-i-p _ _ _ _ _ _ _ _and_c _ +20 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +21 1987 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22122001 +1 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Dynamics _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Services _generic_proper_ne_ NNPS - - named:x-c _ compound compound _ appos _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 unit unit NN - + n_of:x-i _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Dynamics _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ ARG1 compound compound _ _ _ _ _ _ _ _ _ _ _ _ +11 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 won win VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +16 48.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +18 Army _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 contract contract NN - + n:x-h _ _ _ _ _ _ _ ARG2 BV compound _ _ compound _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 establish establish VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +22 maintenance maintenance NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 facilities facility NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 tracked track VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 vehicles vehicle NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 ARG1 +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Pakistan Pakistan NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22122002 +1 Grumman _generic_proper_ne_ NNP - - named:x-c compound ARG3 _ _ _ _ _ _ _ +2 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ +4 given give VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 $ $ $ - + n:x _ _ _ _ _ ARG1 _ _ _ +7 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 million million CD - + card:i-i-c _ _ _ _ times _ _ _ _ +9 Navy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +10 contract contract NN - - n:x _ ARG2 BV compound _ _ compound ARG1 _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 aircraft-electronics electronics NN - + n:x _ _ _ _ _ _ _ _ _ +13 improvements improvement NNS - - n:x _ _ _ _ _ _ _ ARG2 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22122003 +1 Hughes Hughes NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Aircraft _generic_proper_ne_ NNP - - named:x-c compound compound _ appos _ _ ARG1 _ _ _ _ _ _ _ _ +3 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 unit unit NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Motors _generic_proper_ne_ NNPS - - named:x-c _ _ _ ARG1 compound compound _ _ _ _ _ _ _ _ _ +10 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 got get VBD + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +15 10.3 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +17 Air _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Force _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +19 contract contract NN - - n:x _ _ _ _ _ _ ARG2 BV compound _ _ _ compound ARG1 _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 airborne-radar radar NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 equipment equipment NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123001 +1 Reynolds Reynolds NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Metals _generic_proper_ne_ NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 third-quarter quarter JJ - + n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 income income NN - - n:x _ _ _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 dropped drop VBD - + v:e-i _ _ ARG2 _ _ _ ARG1 _ loc ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 nearly nearly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 % % NN - + n_of:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 123.7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +19 2.10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ loc _ +25 137.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ +30 2.56 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +36 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ +3 earnings earnings NNS - - n:x BV ARG1 ARG1 _ _ _ _ _ _ +4 reflect reflect VBP + + v:e-i-p _ _ _ _ _ _ _ _ _ +5 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 increase increase NN - - n:x _ _ ARG2 BV ARG1 _ ARG1 _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +8 about about IN - - _ _ _ _ _ _ _ _ _ _ +9 5.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +10 million million CD - - card:i-i-c _ _ _ _ _ times _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ +13 shares share NNS - - n_of:x _ _ _ _ _ _ ARG2 ARG1 ARG1 +14 outstanding outstanding JJ - + a:e-i _ _ _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22123003 +1 Revenue revenue NN - - n:x ARG1 _ _ _ _ _ _ _ _ +2 rose rise VBD + + v:e-i _ _ loc ARG1 _ _ ARG1 _ _ +3 3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +4 % % NN - + n_of:x _ ARG1 _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 _ _ _ +7 1.52 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 +11 1.48 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +12 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ +13 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22123004 +1 Reynolds Reynolds NNP - - named:x-c ARG1 _ _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +4 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ +5 big big JJ - + a:e-p _ _ _ _ _ _ _ _ +6 aluminum aluminum NN - + n:x _ _ _ _ _ _ _ _ +7 company company NN - - n_of:x-i ARG2 BV ARG1 ARG1 compound ARG1 ARG1 _ +8 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 Friday Friday NNP - - dofw:x-c _ _ _ _ _ ARG2 _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ +11 report report VB - + v_to:e-i-p _ _ _ _ _ _ _ _ +12 disappointing disappoint JJ - + v:e-i-p _ _ _ _ _ _ _ _ +13 earnings earnings NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22123005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 No. no. NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 1 1 CD - + card:i-i-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 aluminum aluminum NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 producer producer NN - - n_of:x-i BV _ compound ARG1 compound appos _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Aluminum _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 America America NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Friday Friday NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _ poss ARG1 _ _ _ _ _ _ _ _ +17 fell fall VBD - + v:e-i _ _ _ _ _ _ _ _ ARG2 _ _ _ loc ARG1 _ _ _ _ _ +18 3.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ +22 219 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 +27 2.46 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123006 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Alcan _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Aluminium _generic_proper_ne_ NNP - - named:x-c _ compound compound loc ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 reported report VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 income income NN - - n:x _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 slid slide VBD - + v:e-i _ _ _ _ ARG2 _ _ _ loc ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ +10 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 % % NN - + n_of:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +14 180 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 77 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ +20 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ +25 258 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 +30 1.07 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123007 +1 Analysts analyst NNS - - n:x ARG1 ARG1 _ _ _ _ _ +2 on on IN - + p:e-u-i _ _ _ _ _ _ _ +3 average average NN - - n_of:x ARG2 _ _ _ _ _ _ +4 had had VBD - - _ _ _ _ _ _ _ _ +5 been been VBN - - _ _ _ _ _ _ _ _ +6 expecting expect VBG + + v:e-i-p _ _ _ _ _ _ _ +7 about about IN - - _ _ _ _ _ _ _ _ +8 $ $ $ - + n:x _ ARG2 _ ARG1 ARG1 _ _ +9 2.70 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ +11 Alcoa _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 _ _ +12 and and CC - - _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _and_c _ _ ARG1 ARG1 +14 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ +16 Alcan _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ + +#22123008 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 indication indication NN - + n_of:x-h ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 level level NN - - n:x _ _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 profitability profitability NN - - n:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 peaked peak VBN - + v:e-i _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 industry industry NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Vahid _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Fathi _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 metals metals NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ _ _ compound _ ARG1 _ _ _ _ _ _ _ +24 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Prescott _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Ball _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ +28 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Turben _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +30 Inc. _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ ARG1 _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 estimated estimate VBN - + v_at:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Reynolds Reynolds NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +36 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +37 earn earn VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +38 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +40 2.35 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 nation nation NN - + n_of:x-i BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 No. no. NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 2 _generic_card_ne_ CD - + card:i-i-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 aluminum aluminum NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 company company NN - - n_of:x-i _ poss _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 earnings earnings NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +10 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 hurt hurt VBN - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 prices price NNS - - n_of:x _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 certain certain JJ - + a_of:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 fabricated fabricate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 aluminum aluminum NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 products product NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG2 compound _ ARG1 _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 typically typically RB - + a_of:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 follow follow VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +24 price price NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 fluctuations fluctuation NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ +26 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 primary primary JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 ingots _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 base base NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +3 metal metal NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 price price NN - - n_of:x BV compound compound ARG1 _ _ _ _ _ _ _ _ +5 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 dropped drop VBN + + v:e-i _ _ _ _ _ loc ARG1 _ _ ARG1 _ _ +7 30.3 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +8 % % NN - + n_of:x _ _ _ _ ARG1 _ _ _ _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +11 year year NN - - n:x _ _ _ _ _ _ ARG2 ARG1 loc _ _ _ +12 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +14 78 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +15 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +16 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +17 pound pound NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123011 +1 Much much RB - + much-many_a:e-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 price price NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ +5 decline decline NN - - n:x part BV compound _ _ _ _ _ _ _ _ _ _ +6 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 blamed blame VBN + + v_on:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 slowing slow VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 economy economy NN - - n:x _ _ _ ARG3 BV ARG1 _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +16 quarter quarter NN - - n_temp:x _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ +17 is is VBZ - + v_id:e-p-i _ _ _ ARG3 _ _ _ _ _ ARG1 _ _ _ +18 typically typically RB - + a_of:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 industry industry NN - + n:x _ _ _ _ _ _ _ _ _ _ BV _ _ +21 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 slowest slowest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +23 period period NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ _ poss ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123012 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ +2 William William NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +3 O. O. NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ +4 Bourke _generic_proper_ne_ NNP - - named:x-c _ _ compound appos _ _ ARG1 _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +6 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +8 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +9 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +10 officer officer NN - - n:x _ _ _ _and_c compound compound _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 ingot _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +15 price price NN - - n_of:x _ _ _ _ _ _ _ BV compound _ ARG1 +16 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +17 appears appear VBZ - + v_to:e-i-h _ _ _ _ _ _ ARG2 _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +19 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ +20 bottomed bottom VBN - + v_out:e-i-i _ _ _ _ _ _ _ _ _ ARG2 _ +21 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22123013 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +3 shipments shipment NNS - - n_of-to:x-i _ ARG1 _ _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ _ +5 continuing continue VBG - + v:e-i ARG2 _ ARG1 _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +9 healthy healthy JJ - + a:e-p _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +11 pace pace NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 company company NN - - n_of:x-i _ _ _ _ _ BV ARG1 _ _ +15 has have VBZ - + v:e-i-i _ _and_c _ _ _ _ _ _ _ +16 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +17 excess excess JJ - + n:x _ _ _ _ _ _ _ _ _ +18 inventory inventory NN - - n:x _ _ _ _ _ _ ARG2 BV compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22123014 +1 Aluminum aluminum NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 shipments shipment NNS - + n_of-to:x-i compound _ _ _ _ ARG1 _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +4 329,600 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +5 metric metric JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +6 tons ton NNS - - n:x _ ARG1 ARG1 ARG1 _ _ _ _ _ _ +7 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +8 nearly nearly RB - + a_to:e-e _ _ _ _ _ _ _ _ _ _ +9 equal equal JJ - + a_to:e-p-i _ _ _ _ ARG1 _ _ _ _ ARG2 +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 year-earlier year-+earlier JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +13 period period NN - - n_of:x-i _ _ _ _ _ ARG2 BV ARG1 _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ BV ARG1 +17 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22123015 +1 Nevertheless nevertheless RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 company company NN - - n_of:x-i _ BV ARG1 _ _ _ _ _ _ _ _ _ _ +5 said say VBD - + v_to:e-i-h-i ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 quarter quarter NN - - n_temp:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +11 there there RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 increased increase VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +14 material material NN - + n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 labor labor NN - - n:x _ _ _ _ _ _ _ _and_c _ _ _ _ _ +17 costs cost NNS - - n:x _ _ _ _ _ _ _ compound ARG1 _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +22 employee employee NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +23 profit-sharing share NN - + n:x _ _ _ _ _ _ _ _ _ _ _ compound _ +24 plan plan NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22123016 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 composite composite JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +3 trading trade NN - - v:e-i-p ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +7 York York NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ +8 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +9 Exchange exchange NNP - - n:x _ _ ARG2 BV _ compound compound _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Reynolds Reynolds NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ +12 closed close VBD + + v:e-i ARG1 _ _ _ _ _ _ _ ARG1 _ ARG1 _ +13 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +15 55.375 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 up up RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +19 1.25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124001 +1 No no DT - + q:i-h-h _ _ _ _ _ +2 strikeout _generic_nn_ NN + + n:x BV _ _ _ _ +3 , _ , - - _ _ _ _ _ _ +4 but but CC - - _ _ _ _ _ _ +5 certainly certainly RB - + a:e-h _ _but_c _ _ _ +6 no no DT - + q:i-h-h _ _ _ _ _ +7 home home NN - + n_of-n:x _ _ _ _ _ +8 run run NN - - n_of:x-i _ _ ARG1 BV compound +9 . _ . - - _ _ _ _ _ _ + +#22124002 +1 That that DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +3 how how WRB - + unspec_manner:e-u-x _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 stock-picking pick JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +6 game game NN - - n:x _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 shaping shape VBG - + v_up:e-i _ manner _ _ _ ARG1 _ _ ARG1 _ _ _ +9 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 months month NNS - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +13 ahead ahead RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ mwe _ _ _ +16 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +17 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +18 managers manager NNS - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 compound _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a+few DT - - a:e-p _ _ _ _ _ _ _ _ _ _ _ mwe +21 few a+few JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +22 brokers broker NNS - - n:x _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124003 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 88-point point JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 recovery recovery NN - - n:x poss compound ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +5 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 megadrop _generic_nn_ NN - - n:x _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Jones Jones NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +13 industrials _generic_nns_ NNS - - n:x _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ _ +14 had have VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ +15 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 houses house NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ +18 proclaiming proclaim VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +21 are are VBP - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 bargain bargain NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +25 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124004 +1 But but CC + + c:i-i-i _ _ _ _ _ _ +2 quite quite RB - + x:e-u _ _ _ _ _ _ +3 a a+few DT - - a:e-p _ _ mwe _ _ _ +4 few a+few JJ - + a:e-p _ ARG1 _ _ _ _ +5 money money NN - + n:x _ _ _ _ _ _ +6 managers manager NNS - - n_of:x-i _ _ ARG1 compound _ ARG1 +7 are aren’t VBP - - _ _ _ _ _ _ _ +8 n’t aren’t RB - + neg:e-h ARG2 _ _ _ _ _ +9 buying buy VBG - + v:e-i-p _ _ _ _ neg _ +10 it it PRP - - pron:x _ _ _ _ _ ARG2 +11 . _ . - - _ _ _ _ _ _ _ + +#22124005 +1 Weakening weaken VBG + + v:e-i-p _ _ _ _ _ _ _ _ +2 corporate corporate JJ - + a:e-p _ _ _ _ _ _ _ _ +3 earnings earnings NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 they they PRP - - pron:x _ _ ARG1 _ _ _ _ _ +6 say say VBP - + v_to:e-i-h-i subord _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ +8 are are VBP - + v_there:e-i _ _ ARG2 _ _ _ _ _ +9 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 prescription _generic_nn_ NN - - n:x _ _ _ ARG2 BV ARG1 _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 bull bull NN - + n:x _ _ _ _ _ _ _ _ +14 market market NN - - n:x _ _ _ _ _ ARG2 BV compound +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22124006 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 market market NN - - n:x BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ai ain’t VBP - + neg:e-h _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 n’t ain’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +7 going going VBG - + v_qmodal:e-h _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 do do VB - + v:e-i-p _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 much much RB - + much-many_a:e-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 anything anything NN - - thing:x _ _ _ _ _ _ part _ _ _ _ _ _ _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a+while DT - - n:x _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +16 while a+while NN - + n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Neff _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Wellington _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Management _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 runs run VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +29 8.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ +31 Windsor Windsor NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Fund fund NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124007 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 suspects suspect VBZ + + v_of:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 decline decline NN - - n:x _ poss compound _ ARG1 _ _ _ _ _ _ _ _ _ +8 may may MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 have have VB - + v:e-i-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 leg leg NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ appos _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 perhaps perhaps RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +21 drop drop NN - + n_of:x-i _ _ _ _ _ _ _ _ BV _ compound _ _ ARG1 +22 later later+on RB - - p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +23 on later+on IN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124008 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Neff _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 market market NN - - n:x _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 lost lose VBN - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 powerful powerful JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 driving drive NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 forces force NNS - - n:x _ _ _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 namely namely RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 earnings earnings NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 LBO _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 sweepstakes _generic_nns_ NN - - n:x _ _ _ _ _ _ _ _ _ _and_c BV compound _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 buy-out buy-+out NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 fever fever NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ +26 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 induced induce VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +29 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 bid bid VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +31 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 whole whole JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 groups group NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ +34 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +36 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 such such+as JJ - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +38 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 media media NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +40 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 airlines airline NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124009 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 sitting sit VBG - - v:e-i ARG2 ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 % % NN - - n_of:x _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 fund fund NN - - n:x _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 cash cash NN - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +11 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 sell-off sell-+off NN - - n:x _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Neff _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ +18 says say VBZ + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +20 bought buy VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ loc +21 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 narrow narrow JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 list list NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124010 +1 With with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 flat flat JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 corporate corporate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 profits profit NNS - - n:x ARG2 ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 horizon horizon NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 1990 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 managers manager NNS - - n_of:x-i _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +13 say say VBP + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 price-earnings earnings JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 multiples multiple NNS - - n:x _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ +16 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 look look VBP - + v:e-i _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ +18 cheap cheap JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 today today NN - + n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +20 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 go go VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ +22 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 cheap cheap JJ - - a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +25 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 long long JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124011 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 This this DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - + v_id:e-p-i _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 not not RB - + neg:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 grossly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 overvalued _generic_vbn_ JJ - + a:e-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 market market NN - - n:x ARG2 _ BV _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 not not RB - + neg:e-h _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cheap cheap JJ - - a:e-p _ _ _ _ _ neg ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 either either RB - + a_also:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 George George NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Collins Collins NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound appos _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 fund fund NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +27 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ _ appos _ +28 T. T. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Rowe _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +30 Price _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +31 Associates _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ ARG1 +32 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Baltimore Baltimore NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124014 +1 Before before IN - + p:e-u-i _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ +3 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ +4 crash crash NN - - n:x ARG2 BV compound _ _ +5 , _ , - - _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ +7 P/E e NNP - - named:x-c _ _ _ BV ARG1 +8 was was VBD + + v_id:e-p-i ARG1 _ _ _ _ +9 more more JJR - - much-many_a:e-i _ _ _ _ _ +10 than than IN - - _ _ _ _ _ _ +11 20 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ + +#22124015 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 view view NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Abby Abby NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Cohen Cohen NNP - - named:x-c _ _ ARG1 compound appos _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 strategist _generic_nn_ NN - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Drexel Drexel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Burnham _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +13 Lambert Lambert NNP - - named:x-c _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 is is VBZ - + v_nv:e-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 be be VB - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 mild mild JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 modest modest JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 profit profit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 expansion expansion NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ conj ARG1 compound _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 things thing NNS - - n_of-about:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +31 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 going going VBG - + v_qmodal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 hunky-dory _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124016 +1 Our our PRP$ - + q:i-h-h _ _ _ _ _ _ +2 view view NN - - n_of:x-i poss ARG1 _ _ _ _ +3 is is VBZ + + v_nv:e-i-h _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ +5 we we PRP - - pron:x _ _ _ ARG1 _ _ +6 may may MD - + v_modal:e-h _ ARG2 _ _ _ _ +7 see see VB - + v:e-i-p _ _ ARG1 _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ +9 profit profit NN - + n:x _ _ _ _ _ _ +10 decline decline NN - - n:x _ _ _ ARG2 BV compound +11 . _ . - - _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ + +#22124017 +1 Some some DT - - q:i-h-h ARG1 _ _ _ +2 think think VBP + + v:e-i-h-i _ _ _ _ +3 investors investor NNS - - n:x _ _ ARG1 _ +4 should should MD - + v_modal:e-h ARG2 _ _ _ +5 sell sell VB - + v:e-i-p _ ARG1 _ ARG1 +6 into into IN - + p:e-u-i _ _ _ _ +7 rallies rally NNS - - n:x _ _ _ ARG2 +8 . _ . - - _ _ _ _ _ + +#22124018 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 market market NN - - n:x BV _ ARG1 _ _ _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +5 going going VBG - + v_qmodal:e-h _ _ _ ARG2 _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +7 wind wind VB - + v_down:e-i-i _ ARG1 _ _ _ _ _ _ _ _ +8 down down RP - - _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +12 Gerald Gerald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +13 W. W. NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ +14 Perritt _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ compound _ _ _ appos +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +18 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ +19 manager manager NN - + n_of:x-i _ _ _ _ _ _ BV compound compound _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22124019 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 Things thing NNS - - n_of-about:x-i _ _ ARG1 _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ +4 a a+little DT - - x:e-u mwe _ _ _ _ _ _ +5 little a+little RB - + x:e-u _ _ _ _ _ _ _ +6 less less RBR - + comp:e-u-u ARG1 _ _ _ _ _ _ +7 overpriced _generic_jj_ JJ + + a:e-p _ comp_less _ ARG1 _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ _ +9 after after IN - + p:e-u-i _ _ _ _ _ _ _ +10 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ +11 ’s ’s NNS - - _ _ _ _ _ _ _ _ +12 jolt jolt NN - - n:x _ _ _ ARG2 poss ARG1 _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ +15 market market NN - - n:x _ _ _ _ _ ARG2 BV +16 . _ . - - _ _ _ _ _ _ _ _ + +#22124020 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 expects expect VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stocks stock NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 decline decline VB - + v:e-i-p ARG2 _ _ _ _ loc ARG1 _ ARG1 _ _ _ _ _ _ _ +6 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 additional additional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 % % NN - - n_of:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Dow Dow NNP - - named:x-c _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ +17 perhaps perhaps RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 bottoming bottom VBG - + v_out:e-i _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ ARG1 _ ARG1 _ +19 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 between between IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 2000 _generic_card_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 2100 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +24 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 between between IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 June June NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124021 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 decline decline NN - - n:x ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Perritt _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 firm firm NN - - n:x _ _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ran run VBD - + v:e-i-p ARG1 _ _ _ _ _ ARG1 _ _ subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 statistical statistical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 tests test NNS - - n_of:x-i _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 100 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 high-quality quality JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 stocks stock NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 using use VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 old-fashioned old-+fashioned JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 value value NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 criteria criterion NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +22 devised devise VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Benjamin Benjamin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Graham Graham NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ +29 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 author author NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 1930s _generic_plur_ne_ NNS - + year_range:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ ARG2 _ _ _ _ _ +34 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 1940s _generic_plur_ne_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +36 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 widely widely RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 considered consider VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +40 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +42 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 father father NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +44 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 modern modern JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 securities securities NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 analysis analysis NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 compound +48 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124022 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ +2 found find VBD + + v:e-i-p _ _ _ _ _ _ +3 85 _generic_card_ne_ CD - + card:i-i-c ARG2 _ _ ARG2 _ _ +4 still still RB - + a:e-e _ _ _ _ _ _ +5 overvalued _generic_vbn_ VBN - + v:e-i-p _ _ ARG1 _ _ _ +6 and and CC - - _ _ _ _ _ _ _ +7 15 _generic_card_ne_ CD - - card:i-i-c _ _and_c _ _ _ ARG2 +8 fairly fairly RB - + a:e-e _ _ _ _ _ _ +9 valued value VBN - + v:e-i-p _ _ _ _ ARG1 _ +10 . _ . - - _ _ _ _ _ _ _ + +#22124023 +1 Nicholas Nicholas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +2 Parks Parks NNP - - named:x-c compound _ _ _ _ appos ARG1 _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +6 York York NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ +7 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +8 manager manager NN - + n_of:x-i _ BV _ compound compound _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 expects expect VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +12 market market NN - - n:x _ _ _ _ _ _ _ BV ARG1 _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +14 decline decline VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ loc +15 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ +16 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ ARG1 _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22124024 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +3 ’ve ’ve VBP - - _ _ _ _ _ _ _ _ _ _ +4 been been VBN - + v_id:e-p-i _ _ ARG1 _ _ _ _ _ _ +5 two-thirds third NNS - - n_of:x ARG2 ARG1 _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +7 cash cash NN - - n:x _ ARG2 _ _ _ _ _ _ _ +8 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +9 July July NNP - - mofy:x-c _ _ ARG2 _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ +12 I I PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ +13 continue continue VBP - + v:e-h _ _ _ _ _ _ _ _ ARG2 +14 to to TO - - _ _ _ _ _ _ _ _ _ _ +15 think think VB - + v:e-i-h-i _ _ _ ARG1 _ _ _ _ _ +16 that that IN - - _ _ _ _ _ _ _ _ _ _ +17 having have VBG - + v:e-i-i _ _ _ _ ARG2 _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +19 defensive defensive JJ - + a:e-p _ _ _ _ _ _ _ _ _ +20 position position NN - - n_of:x _ _ _ _ _ ARG2 BV ARG1 _ +21 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +22 appropriate appropriate JJ - - _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +25 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +26 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22124025 +1 Companies company NNS - - n_of:x-i ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ +2 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 piled pile VBN - + v:e-i-p _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +5 debt debt NN - - n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +7 leveraged leverage JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +8 buy-outs buy-+out NNS - - n:x _ _ ARG2 ARG2 _ _ _ _ _ _ _ _ +9 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +12 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +13 years year NNS - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +14 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 continue continue VB + + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 surface surface VB - + v:e-i _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +19 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +20 business business NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +21 problems problem NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124026 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Generalizations generalization NNS - - n:x ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +3 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +4 value value NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ +5 are aren’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 n’t aren’t JJ - + neg:e-h _ _ _ ARG2 _ _ _ _ _ _ _ _ +7 useful useful JJ - + a_for:e-p-i _ neg _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +11 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +12 York York NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ +13 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +14 manager manager NN - + n_of:x-i _ _ _ _ _ compound compound _ _ _ _ _ +15 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +16 LeFrere _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ _ _ compound compound ARG1 _ _ +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +18 Delta Delta NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +19 Capital _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ +20 Management _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124027 +1 For for+instance IN - - a:e-h mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 instance for+instance NN + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 says say VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 International _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Business _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Machines _generic_proper_ne_ NNPS - + named:x-c _ _ _ compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Unisys _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 might might MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 look look VB - + v_seem-to:e-u-h-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cheap cheap JJ - - a:e-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 continue continue VB - + v:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 do do VB - - v:e-i-p _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +22 better better JJR - + a:e-e _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +23 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +25 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Walt _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Disney Disney NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Procter Procter+&+Gamble NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +30 & Procter+&+Gamble CC - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +31 Gamble Procter+&+Gamble NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ appos _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Coca-Cola _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 performers performer NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +37 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124030 +1 There there EX - - _ _ _ _ +2 are are VBP + + v_there:e-i _ _ _ +3 still still RB - + a:e-p _ _ _ +4 bulls bull NNS - - n:x ARG1 ARG1 ARG1 +5 out out RP - + p:e-i _ _ _ +6 there there RB - - place_n:x _ _ _ +7 . _ . - - _ _ _ _ + +#22124032 +1 “ _ `` - - _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ +3 ’re ’re VBP - - _ _ _ _ _ _ +4 doing do VBG + + v:e-i-p _ _ _ _ _ +5 a a+little DT - - q:i-h-h _ mwe _ _ _ +6 little a+little JJ - + q:i-h-h _ _ _ _ _ +7 buying buy NN - - v:e-i-p ARG2 BV ARG1 _ _ +8 ” _ '' - - _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ +10 some some DT - + q:i-h-h _ _ _ _ _ +11 stocks stock NNS - - n:x _ _ ARG2 BV _ +12 “ _ `` - - _ _ _ _ _ _ +13 that that WDT - - _ _ _ _ _ _ +14 have have VBP - - _ _ _ _ _ _ +15 really really RB - + a:e-h _but_c _ _ _ _ +16 been been VBN - - _ _ _ _ _ _ +17 smashed smash VBN - - _ _ _ _ _ ARG1 +18 down down RP - - _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ + +#22124033 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ +2 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ +3 house house NN - + n_of:x-i _ compound _ _ _ +4 officials official NNS - - n:x ARG1 _ compound _ ARG1 +5 also also RB + + a:e-h _ _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ +7 optimistic optimistic JJ - + a:e-p _ _ _ ARG1 _ +8 . _ . - - _ _ _ _ _ _ + +#22124034 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Goldman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Sachs _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ ARG1 _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Merrill Merrill NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Lynch _generic_proper_ne_ NNP - + named:x-c _ _ conj compound _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Dean Dean NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Witter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _and_c compound _ _ _ _ _ _ _ +11 all all DT - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +12 increased increase VBD + + v_cause:e-i-p loc _ _ _ _ _ ARG1 _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 proportion proportion NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 assets asset NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ _ +17 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +18 recommend recommend VBP - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +20 commit commit VBP - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +21 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124036 +1 Some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 investors investor NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ +3 say say VBP - + v_to:e-i-h-i _ _ _ _ _ _ ARG1 _ _ _ _ _ +4 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 sell-off sell-+off NN - - n:x _ _ poss ARG1 _ _ _ _ _ _ _ _ +7 was was VBD - + v_id:e-p-i _ ARG2 _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +10 thing thing NN - - n_of-about:x-i _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ +14 deflated deflate VBD - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 lot lot NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 crazy crazy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +19 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +20 speculation speculation NN - - n_about:x-i _ _ _ _ _ _ _ _ _ ARG1 ARG1 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124037 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +3 was was VBD - + v_id:e-p-i _ _ _ ARG2 _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 healthy healthy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +6 cleansing cleanse NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +9 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +10 Michael Michael NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +11 Holland Holland NNP - - named:x-c _ _ _ ARG1 compound ARG1 _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ +14 runs run VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ +15 Salomon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +16 Brothers _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ +17 Asset _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ +18 Management _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ compound _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +21 York York NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22124038 +1 From from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 here here RB - - place_n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +3 out out RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 investors investor NNS - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ _ +7 see see VBP + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 return return NN - - n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 old-fashioned old-+fashioned JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 investing invest NN - - v:e-i-p _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 based base VBN - + v:e-i-p-h _ _ ARG3 _ _ _ _ _ _ _ _ _ _ +15 on on IN - + p:e-u-i _ _ _ _ _ _ ARG3 _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ BV _ _ _ _ +18 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ability ability NN - + n:x-h _ _ _ _ _ _ _ ARG2 _ poss _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 show show VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 profit profit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +23 growth growth NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124039 +1 “ _ `` - - _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ +3 fundamentals fundamental NNS - - n:x BV _ ARG1 _ _ +4 are are VBP - - _ _ _ _ _ _ +5 pretty pretty RB - + x:e-u _ _ _ _ _ +6 strong strong JJ - + a:e-p _ ARG1 _ _ ARG2 +7 , _ , - - _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ +10 Dreman _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ + +#22124040 +1 “ _ `` - - _ _ _ _ _ _ +2 I I PRP - - pron:x _ ARG1 _ _ _ +3 do don’t VBP - - _ _ _ _ _ _ +4 n’t don’t RB + + neg:e-h _ _ _ _ _ +5 see see VB - + v_as:e-i-p-i neg _ _ _ ARG1 +6 this this DT - - x:x _ ARG2 _ _ _ +7 as as IN - - _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ +9 bear bear NN - + n:x _ _ _ _ _ +10 market market NN - - n:x _ ARG3 BV compound _ +11 at at+all IN - - a:e-e _ _ _ _ mwe +12 all at+all DT - + a:e-e _ _ _ _ _ +13 . _ . - - _ _ _ _ _ _ + +#22124041 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 recognition recognition NN - + n:x ARG2 BV _ _ _ _ _ _ _ _ +5 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +6 there there EX - - _ _ _ _ _ _ _ _ _ _ _ +7 was was VBD - + v_there:e-i _ _ ARG1 _ _ _ _ _ _ _ +8 much much RB - + x:e-u _ _ _ _ _ _ _ _ _ _ +9 too too RB - + comp:e-u-u _ _ _ _ ARG1 _ _ _ _ _ +10 much much JJ - + much-many_a:e-p _ _ _ _ _ comp_too _ _ _ _ +11 fluff _generic_nn_ NN - - n:x _ _ _ ARG1 _ _ ARG1 ARG1 _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 LBO _generic_nn_ NN - + named:x-c _ _ _ _ _ _ _ _ _ _ +15 market market NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22124042 +1 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 fall fall NN - - n:x poss ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 was was VBD - + v_id:e-p-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +9 blunder blunder NN - - n:x _ _ ARG2 _ BV ARG1 _ _ _ _ _ _ _ _ +10 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 market market NN - - n:x _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Connolly _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound _ appos _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 strategist _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ compound _ ARG1 _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Dean Dean NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Witter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124043 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 overreaction overreaction NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 event event NN - - n_item:x _ _ ARG2 BV _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ +9 { _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 failure failure NN - + n:x _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 management management NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 union union NN - - n_of:x-i _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +17 group group NN - - n_of:x _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 get get VB - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 UAL _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +27 } _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 n’t doesn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 mean mean VB - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ +32 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +34 to to TO - + interval_p_end:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than _ _ +35 lots lots NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +36 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124044 +1 Many many JJ - + much-many_a:e-p _ _ _ +2 investors investor NNS - - n:x ARG1 ARG1 _ +3 have have VBP + + v:e-i-i _ _ _ +4 nagging nag JJ - + v:e-i-p _ _ _ +5 worries worry NNS - - n:x _ ARG2 ARG1 +6 , _ , - - _ _ _ _ +7 however however RB - - _ _ _ _ +8 . _ . - - _ _ _ _ + +#22124045 +1 Newspapers newspaper NNS - - n_of:x-i ARG1 _ _ _ _ _ _ _ +2 are are VBP - - _ _ _ _ _ _ _ _ _ +3 full full JJ + + a_of:e-p-i _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ +5 headlines headline NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ +6 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ +7 companies company NNS - - n_of:x-i _ ARG2 ARG1 _ _ _ _ _ +8 defaulting default VBG - + v:e-i _ _ _ ARG1 _ _ _ _ +9 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +11 debts debt NNS - + n:x _ _ _ ARG2 poss _ ARG1 _ +12 and and CC - - _ _ _ _ _ _ _ _ _ +13 banks bank NNS - - n_of:x-i _ _ _ _ _ _and_c _ _ +14 writing write VBG - + v_off:e-i-i _ _ _ _ _ _ _ _ +15 off off RP - - _ _ _ _ _ _ _ _ _ +16 real real+estate JJ - - n:x _ _ _ _ _ _ _ mwe +17 estate real+estate NN - + n:x _ _ _ _ _ _ _ _ +18 loans loan NNS - - n:x _ _ _ _ _ _ ARG2 compound +19 . _ . - - _ _ _ _ _ _ _ _ _ + +#22124046 +1 That that DT - - x:x ARG1 _ _ _ _ +2 hurts hurt VBZ + + v:e-i-p _ _ _ _ _ +3 investors investor NNS - + n:x _ _ _ _ _ +4 ’ _ POS - - _ _ _ _ _ _ +5 confidence confidence NN - - n:x ARG2 poss ARG1 _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ +8 economy economy NN - + n:x _ _ ARG2 BV _ +9 and and CC - - _ _ _ _ _ _ +10 stocks stock NNS - - n:x _ _ _ _ _and_c +11 . _ . - - _ _ _ _ _ _ + +#22124047 +1 Not not+even RB - - x:e-u mwe _ _ _ _ _ _ +2 even not+even RB - + x:e-u _ _ _ _ _ _ _ +3 all all PDT - + part_of:x-i ARG1 _ _ _ ARG1 _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ +5 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ _ _ +6 firms firm NNS - - n:x _ part BV compound _ _ _ +7 see see VBP + + v:e-i-p _ _ _ _ _ _ _ +8 clear clear JJ - + a_of:e-p-i _ _ _ _ _ _ _ +9 sailing sail NN - - n:x _ _ _ _ ARG2 ARG1 ARG1 +10 ahead ahead RB - + p:e-i _ _ _ _ _ _ _ +11 . _ . - - _ _ _ _ _ _ _ _ + +#22124048 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Disappointing disappoint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +3 profits profit NNS - - n:x ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 likely likely JJ - + a:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 get get VB - + v_state:e-i-h _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +8 worse worse JJR - - a:e-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 next next JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +13 quarters quarter NNS - - n_temp:x _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Mary Mary NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Farrell _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound _ _ appos _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +22 strategist _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ BV compound _ ARG1 +23 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 PaineWebber _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124049 +1 She she PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 thinks think VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +4 market market NN - - n:x _ BV _ ARG1 _ _ _ _ _ _ _ _ +5 could could MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ +6 drop drop VB - + v:e-i _ _ ARG1 _ _ loc ARG1 _ _ _ _ _ +7 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ _ _ ARG1 _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 next next JJ - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +13 few few JJ - + little-few_a:e-p _ _ _ _ _ _ _ _ ARG1 _ _ _ +14 months month NNS - - n:x _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 then then RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +17 recover recover VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 go go VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _and_c +20 higher higher JJR - - a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22124050 +1 Companies company NNS - - n_of:x-i ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 steady steady JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 earnings earnings NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 growth growth NN - - n_of:x-i ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 could could MD - + v_modal:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 do do VB - + v:e-i-p _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 well well RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 she she PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 says say VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 while while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 others other NNS - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ +15 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 debt debt NN - + n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +18 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 poor poor JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _ _ _or_c ARG1 _ _ _ _ _ _ _ +21 could could MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +22 see see VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +23 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 _ _ _ +25 decline decline VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ +26 far far RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 more more+than JJR - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +28 than more+than IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +29 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 turmoil turmoil NN - - n:x BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Street _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +6 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +7 benefit benefit VB - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 retailers retailer NNS - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +10 attempting attempt VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 lead lead VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 leveraged leverage JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 buy-outs buy-+out NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG2 ARG1 _ _ _ _ _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 specialty specialty NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 department-store store NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ +20 chains chain NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 bankers banker NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ compound _ ARG1 +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 retailers retailer NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ +26 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125002 +1 Managers manager NNS - - n_of:x-i ARG1 _ ARG1 _ _ _ _ _ +2 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ +3 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ +4 chains chain NNS - - n_of:x-i ARG2 ARG1 _ _ _ _ _ _ +5 have have VBP - - _ _ _ _ _ _ _ _ _ +6 said say VBN + + v_to:e-i-h-i _ _ _ ARG1 _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ +9 weeks week NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ +11 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ +12 intend intend VBP - + v_for:e-i-h _ _ ARG2 _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ +14 bid bid VB - - v:e-i-p _ _ _ _ _ ARG2 ARG1 _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +16 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +17 companies company NNS - - n_of:x-i _ _ _ _ _ _ ARG2 poss +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22125004 +1 Hooker _generic_proper_ne_ NNP - - named:x-c ARG2 _ _ +2 is is VBZ - - _ _ _ _ +3 based base VBN + + v:e-i-p-h _ _ _ +4 in in IN - + p:e-u-i ARG3 _ _ +5 Sydney Sydney NNP - + named:x-c _ _ _ +6 , _ , - - _ _ _ _ +7 Australia Australia NNP - - named:x-c _ ARG2 compound +8 . _ . - - _ _ _ _ + +#22125006 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 pricing pricing NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 become become VB - + v_id:e-u-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +6 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 realistic realistic JJ - - a:e-p _ ARG2 comp _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 should should MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 help help VB - + v_to:e-i-h _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 management management NN - - n:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Bruce Bruce NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Rosenthal _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 compound _ _ _ _ appos _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 York York NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +22 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 banker banker NN - + n:x _ _ _ _ _ _ _ BV _ compound compound _ ARG1 _ _ _ +24 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Nathan Nathan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 S. s. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +27 Jonas Jonas NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound compound +28 & &+Co CC - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +29 Co &+Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125007 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Investors investor NNS - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 are aren’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t aren’t RB + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 going going VBG - + v_qmodal:e-h neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 throwing throw VBG - + v:e-i-p _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 money money NN - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 any any DT - + q:i-h-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 proposed propose JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 LBOs _generic_nns_ NNS - - n:x _ _ _ _ part BV ARG2 _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 doing do VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +19 deals deal NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 basis basis NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ridiculous ridiculous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 assumptions assumption NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ +26 never never RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 made make VBN - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +28 sense sense NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 either either RB - + a_also:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125008 +1 Earlier earlier RBR - + time_n:x _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 year year NN - + n:x _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 bankers banker NNS - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 investors investor NNS - - n:x _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 willing willing JJ - + a:e-i-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 provide provide VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +13 financing finance NN - - v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +14 because because IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +15 they they PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 assumed assume VBD - + v:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +17 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +19 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +20 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 gains gain NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 both both DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 profitability profitability NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Rosenthal _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +30 added add VBD + + v_to:e-i-h-i loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125009 +1 Those those DT - + q_dem:i-h-h _ _ _ +2 days day NNS - - n_of:x-i BV ARG1 _ +3 are are VBP - - _ _ _ _ +4 over over IN - + p:e-u-i _ _ _ +5 now now RB - - time_n:x _ ARG2 _ +6 , _ , - - _ _ _ _ +7 he he PRP - - pron:x _ _ ARG1 +8 believes believe VBZ + + v:e-i-h _ _ _ +9 . _ . - - _ _ _ _ + +#22125010 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 Competition competition NN - - n:x ARG1 _ _ _ _ ARG1 _ _ +3 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ +4 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ +5 parties party NNS - - n_of-to:x ARG2 ARG1 ARG1 _ _ _ _ _ +6 who who WP - - _ _ _ _ _ _ _ _ _ +7 have have VBP - + v:e-i-i _ _ _ _ _ _ _ _ +8 cash cash NN - - n:x _ _ ARG2 _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ +10 are are VBP - - _ _ _ _ _ _ _ _ _ +11 prepared prepared VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ +13 buy buy VB - - v:e-i-p _ _ _ ARG2 _ _ _ _ +14 has has VBZ - - _ _ _ _ _ _ _ _ _ +15 always always RB - + a:e-e _ _ _ _ _ _ _ _ +16 existed exist VBN - + v:e-i-p _ _ _ _ ARG1 _ ARG2 _ +17 and and CC - - _ _ _ _ _ _ _ _ _ +18 will will MD - - _ _ _ _ _ _ _ _ _ +19 continue continue VB - - v:e-i _ _ _ _ _ _and_c _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ +22 added add VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +23 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +24 Rosenthal _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 compound +25 . _ . - - _ _ _ _ _ _ _ _ _ + +#22125011 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ _ +3 when when WRB - + x:e-h-h ARG2 _ _ _ _ _ _ +4 prices price NNS - - n_of:x _ _ ARG1 _ _ _ _ +5 were were VBD - - _ _ _ _ _ _ _ _ +6 crazy crazy JJ - + a:e-p _ ARG2 _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ +8 it it PRP - - pron:x _ _ _ _ ARG1 _ _ +9 was was VBD - - _ _ _ _ _ _ _ _ +10 even even RB - + a:e-e _ _ _ _ _ _ _ +11 harder harder JJR - + a_for:e-h-i _ ARG1 _ ARG1 _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ +13 do do VB - + v:e-i-p _ _ _ _ ARG1 _ _ +14 an an DT - + q:i-h-h _ _ _ _ _ _ _ +15 LBO _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV +16 . _ . - - _ _ _ _ _ _ _ _ + +#22125012 +1 Bankers banker NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ +2 believed believe VBD + + v:e-i-h _ ARG1 _ _ _ _ _ _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 greater-fool fool JJR - + a:e-i _ _ _ _ _ _ _ _ _ +6 theory theory NN - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ +7 that that WDT - - _ _ _ _ _ _ _ _ _ _ +8 says say VBZ - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ +9 somebody somebody NN - - person:x _ _ _ _ _ ARG1 _ ARG1 _ +10 else else RB - + a:e-p _ _ _ _ _ _ _ _ _ +11 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +12 always always RB - + a:e-e _ _ _ _ _ _ _ _ _ +13 willing willing JJ - + a:e-i-h _ _ _ _ ARG2 _ ARG1 _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ +15 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ _ _ ARG2 _ +16 more more RBR - - much-many_a:e-i _ _ _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22125013 +1 This this DT - - x:x _ ARG1 _ +2 is is VBZ - - _ _ _ _ +3 no no+longer DT - - a:e-e mwe _ _ +4 longer no+longer RBR - + a:e-e _ _ _ +5 true true JJ + + a_of:e-p-i ARG1 _ loc +6 today today NN - + time_n:x _ _ _ +7 . _ . - - _ _ _ _ +8 ” _ '' - - _ _ _ _ + +#22125014 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Saks _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Fifth _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Avenue _generic_proper_ne_ NNP - - named:x-c ARG2 _ compound _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Leblang _generic_proper_ne_ NNP - - named:x-c _ _ _ compound _ _ appos ARG1 _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 president president NN - + n_of:x _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 marketing market NN - - v:e-i-p _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 agreed agree VBN + + v_with:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +19 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 help help VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ +21 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 management management NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 team team NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 proposed propose JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 LBO _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG2 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125015 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 Having have VBG - + v:e-i-h _ _ _ _ _ ARG1 _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ _ _ +4 take take VB - + v_on:e-i-i ARG1 _ _ _ _ _ _ _ _ +5 on on IN - - _ _ _ _ _ _ _ _ _ _ +6 less less JJR - + little-few_a:e-i _ _ _ _ _ _ _ _ _ +7 debt debt NN - - n:x _ ARG2 ARG1 _ _ _ _ _ _ +8 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ +9 certainly certainly RB - + a:e-h _ _ _ ARG1 _ _ _ _ _ +10 be be VB - + v_id:e-p-i _ _ _ _ ARG1 _ _ _ _ +11 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 advantage advantage NN - - n:x _ _ _ _ _ ARG2 BV _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +16 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +17 Leblang _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22125016 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x _ _ ARG1 _ _ _ _ +3 would would MD + + v_modal:e-h _ _ _ _ _ _ _ +4 also also RB - + a:e-h ARG1 _ _ _ _ _ _ +5 help help VB - + v:e-i-p _ ARG1 _ ARG1 _ _ _ +6 us us PRP - - pron:x _ _ ARG2 _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ +8 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ +9 search search NN - - n_of:x-i _ _ _ ARG2 poss ARG1 _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ +11 equity equity NN - + n:x _ _ _ _ _ _ _ +12 partners partner NNS - - n:x _ _ _ _ _ ARG2 compound +13 . _ . - - _ _ _ _ _ _ _ _ + +#22125017 +1 To to TO + + x:e-h-h _ _ _ _ _ _ _ +2 make make VB - + v_cause:e-i-h ARG2 _ _ _ _ _ _ +3 an an DT - + q:i-h-h _ _ _ _ _ _ _ +4 LBO _generic_nn_ NN - + n:x _ _ _ _ _ _ _ +5 work work NN - - n:x _ ARG2 BV compound _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ +7 now now RB - - _ _ _ _ _ _ _ _ +8 we we PRP - - pron:x _ _ _ _ _ ARG1 _ +9 are are VBP - - _ _ _ _ _ _ _ _ +10 going going VBG - + v_qmodal:e-h ARG1 _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ +12 need need VB - + v:e-i-p _ _ _ _ ARG1 _ _ +13 more more JJR - - much-many_a:e-i _ _ _ _ _ ARG2 _ +14 than than IN - - _ _ _ _ _ _ _ _ +15 just just RB - - _ _ _ _ _ _ _ _ +16 junk junk NN - + n:x _ _ _ _ _ _ _ +17 bonds bond NNS - - n:x _ _ _ _ _ ARG2 compound +18 . _ . - - _ _ _ _ _ _ _ _ + +#22125020 +1 Further further RB + + a:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +4 institutions institution NNS - - n:x _ ARG1 loc ARG1 _ _ _ ARG1 _ _ _ _ +5 today today NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +6 holding hold VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +7 troubled troubled JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +8 retailers retailer NNS - + n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ +9 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +11 securities security NNS - - n:x _ _ _ ARG2 _ poss compound _ _ _ _ _ +12 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 reticent _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ ARG1 _ _ _ +15 to to TO - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 consider consider VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ +17 additional additional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +18 retailing retail NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ +19 investments investment NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125021 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG3 _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ +4 called call VBN - + v_name:e-i-i-i _ _ _ _ ARG2 _ _ +5 bad bad JJ - + a_at:e-p-i _ _ _ _ _ _ _ +6 money money NN - - n:x ARG2 ARG1 _ _ _ _ _ +7 driving drive VBG - + v_out:e-i-i ARG3 _ _ _ _ _ _ +8 out out RP - - _ _ _ _ _ _ _ _ +9 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ +10 money money NN - - n:x _ _ ARG2 ARG1 _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ +14 one one CD - + card:i-i-c _ _ _ _ _ _ _ +15 retailing retail NN - + v:e-i _ _ _ _ _ _ _ +16 observer observer NN - - n:x _ _ _ _ ARG1 ARG1 compound +17 . _ . - - _ _ _ _ _ _ _ _ + +#22125022 +1 “ _ `` - - _ _ _ _ _ _ _ +2 Institutions institution NNS - - n:x _ ARG1 _ _ _ ARG1 +3 that that IN - - _ _ _ _ _ _ _ +4 usually usually RB - + a:e-h _ _ _ _ _ _ +5 buy buy VB - + v:e-i-p ARG1 _ _ _ _ _ +6 retail retail JJ - + n:x _ _ _ _ _ _ +7 paper paper NN - - n:x _ ARG2 compound _ _ _ +8 have have VBP + + v_qmodal:e-h _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ +10 be be VB - - _ _ _ _ _ _ _ +11 more more RBR - + comp:e-u-u _ _ _ _ _ _ +12 concerned concerned JJ - + v:e-i-p _ _ _ ARG1 comp _ +13 . _ . - - _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ + +#22125023 +1 However however RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 prices price NNS - - n_of:x _ BV ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +6 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 retail retail JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chains chain NNS - - n_of:x-i _ _ _ BV compound _ _ _ _ _ _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 expected expect VBN - + v:e-i-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 bring bring VB - - v:e-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 should should MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 make make VB - + v_cause:e-i-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 easier easier JJR - + a_for:e-h-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +18 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 managers manager NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 necessary necessary JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 capital capital NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 pay pay VB - + v_back:e-i-i _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +27 back back RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 resulting result VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125024 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 addition addition NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 fall fall NN - + season:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 selling sell VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 season season NN - - season:x-c _ BV compound compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 generally generally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 been been VBN + + v_id:e-p-i ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 one one CD - - card:i-i-c _ _ _ _ _ ARG2 BV ARG1 _ ARG1 _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 especially especially RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +17 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 retailers retailer NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +19 dependent dependent JJ - + a_on:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 apparel _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ +23 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 majority majority NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 revenues revenue NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 poss +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125025 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 What what WP - - thing:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 encouraging encouraging VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 this this DT - - x:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ - + v_nv:e-i-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 retail retail JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 chains chain NNS - - n_of:x-i _ _ compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sold sell VBN - + v:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 basis basis NN - + n_of:x-i _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sales sale NNS - + n_of:x-i _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 not not RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 liquidation _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 values value NNS - - n:x _ _ _ _ _ _ ARG1 _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Joseph Joseph NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 E. E. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +31 Brooks Brooks NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 _ compound appos _ _ _ _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +34 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 officer officer NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound compound _ _ _ _ _ _ +38 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Ann Ann NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Taylor Taylor NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound _ _ appos +41 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 specialty specialty NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 chain chain NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ +46 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125026 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 Retailers retailer NNS - - n:x ARG1 _ _ _ ARG1 _ _ _ _ _ _ +3 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ +4 had have VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ +5 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ +6 track track NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +7 records record NNS - - n_of:x-i ARG2 ARG1 compound _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +9 producing produce VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +10 profits profit NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ +11 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ +12 have have VB + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 better better JJR - + a_at-for-of:e-i _ _ _ _ _ _ _ _ _ _ _ +15 chance chance NN - + n_of:x-h _ _ _ _ ARG2 BV ARG1 _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +17 buy buy VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ loc _ +18 back back RP - + place_n:x _ _ _ _ _ _ _ _ _ _ _ +19 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +20 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ poss +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22125028 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Prices price NNS - - n_of:x ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 retail retail JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 chains chain NNS - - n_of:x-i ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 today today NN - - time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 they they PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 were were VBD - + _ _ _ than _ _ loc _ _ _ _ _ _ _ _ _ _ +12 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 week week NN - + n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 help help VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +18 management management NN - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Gilbert Gilbert NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Harrison Harrison NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound appos _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Financo _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound _ _ appos _ _ +28 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 investment-banking banking JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 firm firm NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV compound _ ARG1 _ +33 specializing specialize VBG - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 retailing retail NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 acquisitions acquisition NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22125029 +1 “ _ `` - - _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ +4 hurdle _generic_nn_ NN - - n:x _ BV ARG1 _ _ ARG2 +5 of of IN - + p:e-x-i _ _ _ _ _ _ +6 financing finance NN - - v:e-i-p _ _ ARG2 _ _ _ +7 still still RB - + a:e-e _ _ _ _ _ _ +8 has have VBZ - + v_qmodal:e-h ARG2 _ _ ARG1 _ _ +9 to to TO - - _ _ _ _ _ _ _ +10 be be VB - - _ _ _ _ _ _ _ +11 resolved resolve VBN - + v:e-i-p _ _ _ _ ARG1 _ +12 . _ . - - _ _ _ _ _ _ _ + +#22125030 +1 Potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 bondholders _generic_nns_ NNS - - n:x ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 either either RB - + a_also:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 look look VB - + v_for:e-i-i _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 greater greater JJR - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 equity equity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 participation participation NN - - n_in:x-i _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ +10 on on+behalf+of IN - - p:e-u-i _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ +11 behalf on+behalf+of NN - - p:e-u-i _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ +12 of on+behalf+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 management management NN - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 insist insist VBP + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 equity equity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 component component NN - - n:x _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ ARG1 _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 deals deal NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ +23 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 substantially substantially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 greater greater JJR - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +26 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ than _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 past past NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22126003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 judge judge NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 held hold VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 combination combination NN - + n_of:x-i _ _ BV _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 colors color NNS - - n:x _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ +9 used use VBN - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Sony Sony NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 products product NNS - - n:x _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ +14 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 distinctive distinctive JJ - + a:e-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 subject subject JJ - + n_of:x-i _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 protection protection NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +20 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +23 state state NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 law law NN - + n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ compound compound _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 rather rather+than RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 than rather+than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 law law NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _as+well+as_c ARG1 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22126004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 legal legal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +3 fight fight NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ +4 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ loc +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 subject subject NN - + n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +10 Street _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ +11 Journal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ +12 story story NN - - n_of:x-i _ _ _ _ ARG1 BV _ _ compound _ +13 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22126005 +1 Justin Justin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 attorney attorney NN - - n:x poss _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Charles Charles NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 E. E. NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Baxley _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Justin Justin NNP - - named:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 would would MD - + v_modal:e-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 ask ask VB - + v:e-i-i-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 appeals appeals NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 court court NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 set set VB - + v_aside:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 subord _ _ +18 aside aside RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 order order NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +21 temporarily temporarily RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 pending pending VBG - + a:e-p-u _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +24 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 expedited expedite JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 appeal appeal NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22126006 +1 He he PRP - - pron:x _ ARG1 _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ +3 repeated repeat VBD - + v:e-i-p ARG1 _ _ _ _ +4 Justin Justin NNP - + named:x-c _ _ _ _ _ +5 ’s ’s NNS - - _ _ _ _ _ _ +6 denial denial NN - - n:x _ ARG2 poss ARG1 _ +7 of of IN - + p:e-x-i _ _ _ _ _ +8 Sony Sony NNP - + named:x-c _ _ _ _ _ +9 ’s ’s NNS - - _ _ _ _ _ _ +10 charges charge NNS - - n_of:x-i _ _ _ ARG2 poss +11 . _ . - - _ _ _ _ _ _ + +#22126007 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 likelihood likelihood NN - + n_of:x-i poss _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 reversing reverse VBG - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 us us PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 slim slim JJ - + a:e-p _ _ _ ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Lewis Lewis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 H. H. NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +15 Eslinger _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 _ compound _ appos ARG1 _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Sony Sony NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 attorney attorney NN - + n:x _ _ _ _ _ _ _ _ poss _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 said say VBD - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +24 doubts doubt VBZ - + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +25 Justin Justin NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +26 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 go go VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ +28 ahead ahead RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 trial trial NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22127001 +1 CONTINENTAL Continental NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 MORTGAGE _generic_proper_ne_ NNP - + named:x-c compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 EQUITY _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 TRUST _generic_proper_ne_ NNP - - named:x-c _ _and_c compound _ _ _ _ _ _ _ _ _ _ _ _ +6 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 it it PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 resume resume VB - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +10 dividend dividend NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 payments payment NNS - - n_of:x-i _ _ _ _ ARG2 compound ARG1 _ _ _ _ ARG1 _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 10-cent-a-share _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 payout payout NN - - n:x _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ +16 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Nov. Nov. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 6 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ ARG2 of _ _ _ _ +19 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 shares share NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 record record NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +23 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 25 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ of _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22127002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Dallas Dallas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 real real+estate JJ - - n:x _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +4 estate real+estate NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 investment investment NN - + n:x _ _ compound _ _ _ _ _ _ _ _ _ _ _ +6 trust trust NN - - n:x BV compound _ compound _ ARG1 _ _ _ _ _ _ _ _ +7 last last JJ - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 paid pay VBN - + v_for:e-i-i-i _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 dividend dividend NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +11 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Dec. Dec. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 31 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ ARG2 of loc _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 shareholders shareholder NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +19 received receive VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +20 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +21 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22127003 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 continuing continue VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 troubles trouble NNS - - n:x ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 problem problem NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 assets asset NNS - + n:x _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 nonperforming _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 loans loan NNS - - n:x _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 trust trust NN - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +15 expects expect VBZ - + v:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 able able JJ - + a:e-i-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 maintain maintain VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 increase increase VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 rate rate NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 distributions distribution NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +27 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ +28 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 operations operation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +30 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 joint-venture venture JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 properties property NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22128002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 court court NN - - n_of:x-i BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 3-0 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ruling ruling NN - - n:x _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 threw throw VBD + + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 deadline deadline NN - - n_of:x-i _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 set set VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Energy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +18 Regulatory _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +19 Commission _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 BV _ _ compound _ _ _ _ _ _ _ _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 settling settle VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ +22 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 contract contract NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 disputes dispute NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ +25 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 gas gas NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +27 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 pipeline pipeline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ +31 reserved reserve VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +32 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 n’t didn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ +35 use use NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22128004 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ +2 majority majority NN - + n_of:x-i BV _ _ ARG2 _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ +4 old old JJ - + a:e-p _ _ _ _ _ _ _ +5 contracts contract NNS - - n:x _ ARG1 ARG1 _ _ _ _ +6 were were VBD - - _ _ _ _ _ _ _ _ +7 renegotiated negotiate VBN + + v:e-i-p _ _ _ _ _ _ _ +8 by by IN - - _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ +10 deadline deadline NN - - n_of:x-i _ _ _ ARG1 BV _ _ +11 and and CC - - _ _ _ _ _ _ _ _ +12 settled settle VBN - - v:e-i-p _ _ _ _and_c _ ARG1 _ +13 at at IN - + p:e-u-i _ _ _ _ _ _ _ +14 steep steep JJ - + a:e-p _ _ _ _ _ _ _ +15 discounts discount NNS - - n:x _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ + +#22128005 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 pipeline pipeline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 companies company NNS - - n_of:x-i _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 estimate estimate VBP - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 face face VBP - + v:e-i-p _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +9 2.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 billion billion CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 liabilities liability NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +13 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 unresolved resolve JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 disputes dispute NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG2 _ _ _ +19 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +21 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 fear fear VBP - + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 wo won’t MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 n’t won’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +26 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 able able JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 pass pass VB - + v_on:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +30 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 customers customer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22128006 +1 According according+to VBG - - p:e-u-i mwe _ _ _ _ _ _ _ _ _ _ _ _ _ +2 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 industry industry NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 lawyers lawyer NNS - - n:x ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ruling ruling NN - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ +8 gives give VBZ + + v:e-i-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 pipeline pipeline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 companies company NNS - - n_of:x-i _ _ _ ARG3 compound _ _ _ _ _ _ _ _ _ +11 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 important important JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 chance chance NN - + n_of:x-h _ _ _ ARG2 _ BV ARG1 ARG1 _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 resolve resolve VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +17 remaining remaining VBG - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 disputes dispute NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 take take VB - + v_of-i:e-i-p-i _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +21 advantage advantage NN - - n_i:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 cost-sharing share NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 mechanism mechanism NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG3 BV compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22128007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 court court NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ +3 left leave VBD - + v:e-i-p _ _ _ _ _ _ _ _ +4 open open JJ - + a:e-p _ _ _ _ _ _ _ _ +5 whether whether IN - - _ _ _ _ _ _ _ _ _ +6 FERC _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 _ _ _ +7 could could MD - + v_modal:e-h _ _ ARG2 _ _ _ _ _ +8 reimpose impose VB - + v:e-i-p _ _ _ ARG1 _ _ _ loc +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 new new JJ - + a:e-p _ _ _ _ _ _ _ _ +11 deadline deadline NN - - n_of:x-i _ _ _ _ ARG2 BV ARG1 _ +12 later later RBR - + time_n:x _ _ _ _ _ _ _ _ +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22128010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 court court NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ordered order VBD + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 FERC _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 justify justify VB - + v_to:e-i-p _ ARG3 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 within within IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 days day NNS - - n_of:x-i _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 only only RB - - _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ +12 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 cost-sharing share NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 deadline deadline NN - + n_of:x-i _ _ ARG2 _ _ _ poss compound _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 elements element NNS - - n:x _ _ _ _ _ _ _ _ _and_c ARG1 ARG1 ARG1 _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 proposed propose JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 regulation regulation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG2 ARG1 _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 introducing introduce VBG - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ +26 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 competition competition NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +28 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 natural-gas gas JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 transportation transportation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22128012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 complex complex JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 regulation regulation NN - - n:x BV ARG1 ARG2 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 known know VBN - + v_as:e-i-p-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 industry industry NN - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +9 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Order _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 500 _generic_card_ne_ CD - - card:i-i-c _ _ ARG3 _ _ compound _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 hotly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 contested contest VBN + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +17 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sides side NNS - - n:x _ _ _ _ _ _ _ ARG1 BV ARG1 _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 natural-gas gas JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 producers producer NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 pipelines pipeline NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 local local JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 distribution distribution NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 companies company NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ conj ARG1 compound _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 consumers consumer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22128013 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 court court NN - + n_of:x-i BV _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 decision decision NN - - n:x _ poss _ ARG1 _ _ _ _ _ _ _ _ _ +5 would would MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 allow allow VB - + v:e-i-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 FERC _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 change change VB - + v_cause:e-i-p _ _ _ ARG3 _ _ _ _ _ _ _ _ _ +10 some some DT - + q:i-h-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +13 provisions provision NNS - - n:x _ _ _ _ _ part poss _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ensures ensure VBZ - + v:e-i-h-i _ _ _but_c _ _ _ _ _ _ _ _ _ _ +17 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +18 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 reviewed review VBN - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ ARG1 ARG1 _ +21 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +22 quickly quickly RB - + a:e-e _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +23 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +25 court court NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22129001 +1 MEDUSA _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 voluntarily voluntarily RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 prepaid pay VBN - + v:e-i-p _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ +7 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 million million CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 original original JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +14 75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +16 term term NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 loan loan NN - - n:x _ _ _ _ _ _ ARG2 poss ARG1 compound _ _ compound _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 bringing bring VBG - + v:e-i-p-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 total total JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 reduction reduction NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound ARG1 _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +27 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +28 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +29 18 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22129002 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 payment payment NN - - n_of:x-i ARG2 BV _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 Cleveland Cleveland NNP - + named:x-c _ _ _ _ _ _ _ _ _ +7 company company NN - - n_of:x-i _ _ BV compound ARG1 _ _ _ _ +8 owes owe VBZ + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ +10 57 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ +12 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 loan loan NN - - n:x _ _ _ _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22129003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 cement cement NN - + n:x _ _ _ _ _ _ _ _ +3 producer producer NN - - n_of:x-i BV compound ARG1 _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 payment payment NN - - n_of:x-i _ _ _ BV ARG2 _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ _ +8 made make VBN - + v:e-i-p-u _ _ ARG2 _ _ ARG1 _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 excess excess JJ - + n:x _ _ _ _ _ _ _ _ +11 cash cash NN - + n:x _ _ _ _ _ _ _ _ +12 flow flow NN - - n_of:x-i _ _ _ _ _ ARG2 compound compound +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22130001 +1 NATIONAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 INCOME _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 REALTY _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +4 TRUST _generic_proper_ne_ NNP - - named:x-c _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 resume resume VB - + v:e-i-p _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ +9 dividend dividend NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 payments payment NNS - - n_of:x-i _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 12-cent-a-share _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 dividend dividend NN - - n:x _ _ _ _ _ _ ARG2 BV compound ARG2 _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 paid pay VBN - + v_for:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ +18 Nov. Nov. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 6 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ of _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 shares share NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 record record NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +24 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 25 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ of _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22130002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 mortgage mortgage NN - + n:x BV _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 equity equity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 real real+estate JJ - - n:x _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +6 estate real+estate NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 investment investment NN - + n:x _ _ _ compound _ _ _ _ _ _ _ _ _ _ +8 trust trust NN - - n:x _ _and_c compound _ compound _ _ _ _ _ _ _ _ _ +9 last last JJ - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 paid pay VBN - + v_for:e-i-i-i _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 dividend dividend NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Aug. Aug. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 1 1 CD + - dofm:x-c _ _ _ _ _ _ _ _ ARG2 of loc _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 1988 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 when when WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 holders holder NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +21 received receive VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ temp _ _ _ +22 75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +24 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22130003 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 continuing continue VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 troubles trouble NNS - - n:x ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 problem problem NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 properties property NNS - + n:x _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 nonperforming _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 loans loan NNS - - n:x _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Dallas Dallas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 trust trust NN - - n:x _ _ _ _ _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ +14 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +16 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 rebuilt build VBN - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +18 reserves reserve NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 abandoned abandon VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ +21 properties property NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +22 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 little little JJ - + little-few_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 experienced experience JJ - + a_in:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +27 improved improve JJ - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 operating operate NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 results result NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 ARG2 compound ARG1 _ +30 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ventures venture NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22131001 +1 MLX _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 reached reach VBD - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 preliminary preliminary JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 agreement agreement NN - + n:x-h _ _ ARG2 BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 lenders _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 refrigeration refrigeration NN - + n:x _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 air-conditioning condition JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 group group NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 restructure restructure VB - + v_cause:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 ARG1 _ _ _ _ +22 188.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 facilities facility NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ ARG2 _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 lenders _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ +29 provide provide VBP - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 group group NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22131002 +1 MLX _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 also also RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 makes make VBZ - + v:e-i-p-u ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 aircraft aircraft NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 heavy-duty duty JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 truck truck NN - - n:x _ _ _and_c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 parts part NNS - - n:x _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 debt debt NN - - n:x _ _ _ _ _ BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 accumulated accumulate VBN - + v_cause:e-i-p _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 acquisition acquisition NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 businesses business NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +23 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 make make VB - + v_up:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 group group NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 biggest biggest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 portion portion NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 ARG2 _ _ _ _ _ _ +32 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 related relate VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 1986 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 purchase purchase NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV compound _ _ _ _ +40 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 Hillman Hillman NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +44 unit unit NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ compound +45 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22131003 +1 Among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 things thing NNS - - n_of-about:x-i ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 restructured restructure VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 facilities facility NNS - - n:x _ _ BV ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 substantially substantially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 reduce reduce VB - + v:e-i-p ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG2 +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 group group NN - + n_of:x _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 required require VBN - + v_of:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 amortization _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 _ poss ARG2 ARG1 _ _ _ _ _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 term term NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 loan loan NN - + n:x _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +20 portion portion NN - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 facilities facility NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound _ _ _ +25 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 September September NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 loc _ +27 1992 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 MLX _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +30 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22131004 +1 Certain certain JJ - + a:e-p _ _ _ _ _ _ +2 details detail NNS - - n:x ARG1 ARG1 _ _ ARG1 ARG2 +3 of of IN - + p:e-x-i _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 restructured restructure VBN - + v_cause:e-i-p _ _ _ _ _ _ +6 facilities facility NNS - - n:x _ ARG2 BV ARG2 _ _ +7 remain remain VBP + + v:e-i-h _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ +9 be be VB - - _ _ _ _ _ _ _ +10 negotiated negotiate VBN - + v:e-i-p _ _ _ _ ARG2 _ +11 . _ . - - _ _ _ _ _ _ _ + +#22131005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 agreement agreement NN - - n:x BV ARG1 _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ +4 subject subject JJ + + a_to:e-p-i _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ +6 completion completion NN - + n_of:x-i _ ARG2 _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ +9 definitive definitive JJ - + a:e-p _ _ _ _ _ _ _ +10 amendment amendment NN - + n_of:x-i _ _ ARG1 BV ARG1 _ _ +11 and and CC - - _ _ _ _ _ _ _ _ +12 appropriate appropriate JJ - + a_to:e-p-i _ _ _ _ _ _ _ +13 approvals approval NNS - - n_of:x-i _ _ _ _ _ _and_c ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ + +#22131006 +1 William William NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 P. P. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Panny _generic_proper_ne_ NNP - - named:x-c _ compound _ appos _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 MLX _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 chairman chairman NN - + n_of:x-i _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 executive executive NN - - n:x _ _ _ _and_c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 pact pact NN - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 provide provide VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +17 MLX _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +18 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 additional additional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 time time NN - + n_of:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 flexibility flexibility NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +24 necessary necessary JJ - - a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +25 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 complete complete VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 restructuring restructure NN - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +29 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ +32 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 capital capital NN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 structure structure NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22132001 +1 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Jones Jones NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 & &+co. CC - - n:x _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 acquired acquire VBD - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 % % NN - + n_of:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 interest interest NN - + n_in:x-i _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 DataTimes _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ _ _ +14 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 subsidiary subsidiary NN - + n:x _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ +18 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Oklahoma Oklahoma NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Publishing _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound _ ARG1 _ _ +21 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Oklahoma Oklahoma NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 City city NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 that that WDT - - x:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +27 provides provide VBZ - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 electronic electronic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 research research NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 services service NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22132002 +1 Terms term NNS - - n_of:x-i _ ARG2 +2 were weren’t VBD - - _ _ _ +3 n’t weren’t RB + + neg:e-h _ _ +4 disclosed disclose VBN - + v_to:e-i-p-i neg _ +5 . _ . - - _ _ _ + +#22132003 +1 Customers customer NNS - - n:x ARG1 _ _ _ ARG1 _ _ _ _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +3 either either DT - - _ _ _ _ _ _ _ _ _ _ +4 DataTimes _generic_proper_ne_ NNP - + named:x-c ARG2 _ _ _ _ _ _ _ _ +5 or or CC - - _ _ _ _ _ _ _ _ _ _ +6 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ +7 Jones Jones NNP - + named:x-c _ _ compound _ _ _ _ _ _ +8 News/Retrieval retrieval NNP - - named:x-c _ _or_c _ compound _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ +10 able able JJ + + a:e-i-h _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ +12 access access VB - + v:e-i-p _ _ _ _ ARG2 _ _ ARG1 _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 information information NN - - n_on-about:x-i _ _ _ _ _ ARG2 BV _ _ +15 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +16 both both DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +17 services service NNS - - n:x _ _ _ _ _ _ _ ARG2 BV +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22132004 +1 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ +2 Jones Jones NNP - - named:x-c compound ARG1 _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ +5 publisher publisher NN - + n:x-i _ ARG2 BV _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ +7 The the DT - + q:i-h-h _ _ _ _ _ _ _ +8 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ +9 Street _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ +10 Journal _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 BV _ compound +11 . _ . - - _ _ _ _ _ _ _ _ + +#22133001 +1 Flowers flower NNPS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Industries _generic_proper_ne_ NNPS - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 report report VB - + v_to:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 charge charge NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 eight eight CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 cents cent NNS - - n:x _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 cents cent NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 fiscal fiscal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ended end VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ +25 Sept. Sept. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 23 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ of _ _ _ _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 sale sale NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ ARG1 _ _ _ _ +31 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 bakeries bakery NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 High _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Point _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 N.C. N.C. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound _ _ +40 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 Gadsden _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 Ala Ala NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +45 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22133002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 convenience-food food NN - + n:x _ _ _ _ _ _ _ _ _ _ +3 company company NN - - n_of:x-i BV compound ARG1 _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ +6 sold sell VBD - + v:e-i-i-i _ _ ARG2 _ _ _ _ ARG1 _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 bakeries bakery NNS - - n:x _ _ _ ARG2 BV _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +10 Mills _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +11 Family _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ +12 Bakery _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG3 _ _ compound _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +14 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +15 undisclosed disclose JJ - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ +16 amount amount NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22133003 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 sales sale NNS - - n_of:x-i _ BV ARG1 _ _ _ _ _ _ _ +5 were were VBD - + v_id:e-p-i ARG2 _ _ _ _ _ _ _ _ _ +6 part part NN - + part_of:i-i _ _ ARG2 _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 1983 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ +10 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +11 Trade _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ +12 Commission _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ +13 Consent _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ +14 Order _generic_proper_ne_ NNP - - named:x-c _ _ _ part BV compound _ _ _ compound +15 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22133004 +1 A a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 year year NN - + n:x BV _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Flowers _generic_proper_ne_ NNS - - n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 had have VBD + + v:e-i-i _ loc _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +7 fiscal fiscal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 first-quarter quarter JJ - + n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 income income NN - - n:x _ _ _ ARG2 ARG1 compound compound ARG1 _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - + n:x _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ +13 8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 23 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ +19 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +26 170.4 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22134001 +1 Raw-steel steel JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 production production NN - - n_of:x-i compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 nation nation NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 mills mill NNS - - n:x _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 decreased decrease VBD - + v:e-i _ _ _ _ _ _ loc _ loc ARG1 _ ARG1 _ _ _ _ _ _ _ ARG2 +9 0.8 _generic_decimal_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 % % NN - + n_of:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 week week NN - + n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 1,828,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 tons ton NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +16 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 1,843,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 tons ton NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ loc _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Iron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Steel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ +28 Institute _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ compound ARG1 +29 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22134002 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 week week NN - + n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 output output NN - - n_of:x-i _ poss ARG1 _ _ _ _ _ _ _ _ _ +5 rose rise VBD + + v:e-i _ _ _ _ loc ARG1 _ _ _ _ _ _ +6 1.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +7 % % NN - + n_of:x _ _ _ ARG1 _ _ _ _ _ _ _ _ +8 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 1,802,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +11 tons ton NNS - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG2 _ _ _ +12 produced produce VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ loc _ +13 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +14 year year NN - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ loc +15 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22134003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 industry industry NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 used use VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 82.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 % % NN - - n_of:x _ ARG2 ARG1 ARG1 _ _ loc ARG2 _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 capability capability NN - - n_to:x-i _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ +9 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 week week NN - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 compared compare VBN - + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 82.8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - + n_of:x _ _ _ _ _ _ _ ARG3 ARG1 _ _ _ loc _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 84 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _and_c _ _ _ ARG1 _ ARG1 +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 +24 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22134004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 capability capability NN - + n_to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 utilization utilization NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 rate rate NN - - n_of:x-i BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 calculation calculation NN - - n_of:x-i _ _ _ ARG2 BV ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +8 designed design VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 indicate indicate VB - + v:e-i-h-i _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ +11 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 what what WP - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 percent percent NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 production production NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 capability capability NN - - n_to:x-i _ _ _ _ _ _ _ _ _ ARG1 poss compound _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 industry industry NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ +20 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 operating operate VBG - + v:e-i-p _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ ARG1 _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 given give VBN - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 week week NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22135001 +1 Selwyn _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 B. B. NNP - + named:x-c compound _ _ _ _ _ _ _ _ +3 Kossuth _generic_proper_ne_ NNP - - named:x-c _ compound ARG3 _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ +5 named name VBN - + v:e-i-i-i _ _ _ _ _ _ subord _ _ +6 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ +7 director director NN - + n_of:x-i _ _ ARG2 compound _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +10 commission commission NN - - n_of:x-i _ _ _ _ ARG1 BV _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ +12 effective effective JJ + + a:e-p _ _ _ _ _ _ _ _ loc +13 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ +14 November november NNP - + mofy:x-c _ _ _ _ _ _ _ ARG1 _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22135002 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Kossuth _generic_proper_ne_ NNP - - named:x-c compound _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 52 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +5 years year NNS - + n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 old old JJ - + a:e-p _ _ measure _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 succeeds succeed VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Ermanno _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Pascutto _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound appos ARG1 _ ARG1 _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 36 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 resigned resign VBD - + v:e-i-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 join join VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +18 Hong Hong NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Kong _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ +20 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Securities _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Futures _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _and_c +24 Commission _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ poss compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22135003 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Kossuth _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 president president NN - + n_of:x _ ARG2 compound _ _ appos ARG1 _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 director director NN - - n_of:x-i _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 corporate corporate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 finance finance NN - + n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Nesbitt _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Thomson Thomson NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ +15 Deacon _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ compound compound _ _ _ appos +16 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Toronto Toronto NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 dealer dealer NN - + n:x _ _ _ _ _ _ _ _ _ _ BV compound compound _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136001 +1 Dun _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Bradstreet _generic_proper_ne_ NNP - - named:x-c _and_c compound _ _ _ _ _ _ _ _ _ _ _ _ +4 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Market _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Data _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ +8 Retrieval _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ +9 unit unit NN - - n_of:x-i poss _ _ _ compound ARG1 _ _ _ _ _ _ _ _ +10 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 acquired acquire VBD - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 ARG1 _ +13 School _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 College _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Construction _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound compound _ _ _ _ _ +17 Reports _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ +18 service service NN - - n:x _ _ _ _ _ _ ARG2 _ _ _ compound _ _ _ +19 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Intelligence intelligence NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Education _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +23 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136002 +1 Terms term NNS - - n_of:x-i _ ARG2 +2 were weren’t VBD - - _ _ _ +3 n’t weren’t RB + + neg:e-h _ _ +4 disclosed disclose VBN - + v_to:e-i-p-i neg _ +5 . _ . - - _ _ _ + +#22136003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 service service NN - - n:x BV ARG1 _ _ _ _ +3 supplies supply VBZ + + v:e-i-p _ _ _ _ _ _ +4 weekly weekly JJ - + a:e-p _ _ _ _ _ _ +5 reports report NNS - - n_of:x-i _ ARG2 ARG1 ARG1 _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ +7 school school NN - + n:x _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ +9 college college NN - + n_of:x-i _ _ _ _ _ _ +10 construction construction NN - - n_of:x-i _ _ _ _ _and_c compound +11 plans plan NNS - - n:x _ _ _ ARG2 compound _ +12 . _ . - - _ _ _ _ _ _ _ + +#22136004 +1 Market _generic_proper_ne_ NNP - + n:x _ _ _ _ _ _ _ _ +2 Data _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ +3 Retrieval _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ +4 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 compiler _generic_nn_ NN - - n:x _ _ ARG2 BV ARG1 _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +8 educational educational JJ - + a:e-p _ _ _ _ _ _ _ _ +9 information information NN - - n_on-about:x-i _ _ _ _ ARG2 ARG1 _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ +11 provides provide VBZ - + v:e-i-p _ _ _and_c _ _ _ _ _ +12 related relate VBN - + v_to:e-i-p _ _ _ _ _ _ _ _ +13 services service NNS - - n:x _ _ _ _ _ _ ARG2 ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22136005 +1 Closely closely RB - + a_to:e-e _ _ _ _ _ _ _ _ _ +2 held hold VBN + + a:e-p ARG1 _ ARG1 _ _ _ _ _ _ +3 Intelligence intelligence NNP - - named:x-c _ ARG2 _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +5 Education _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 ARG1 _ ARG1 _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +8 Larchmont _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 N.Y. N.Y. NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ +12 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ _ +13 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 educational educational JJ - + a:e-p _ _ _ _ _ _ _ _ _ +15 publisher publisher NN - + n:x-i _ _ _ _ _ ARG2 BV ARG1 _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ +17 consultant consultant NN - - n:x _ _ _ _ _ _ _ _ _and_c +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22136006 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 battle battle NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 raging rage VBG + + v:e-i _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Venice Venice NNP - - named:x-c _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 plans plan NNS - + n:x-h _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 have have VB - + v:e-i-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 1,200-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Italian Italian JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 city city NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +15 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 site site NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 universal universal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 exposition exposition NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 2000 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 plans plan NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 include include VBP + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 subway subway NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 system system NN - - n_of:x-i _ ARG2 BV compound _ _ appos _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 congress congress NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 center center NN - + n_of:x-i _ _ _ _ BV compound _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 floating float VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 trees tree NNS - + n_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 fanciful _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 fountains fountain NNS - - n:x _ _ _ _ _ _ _ _ conj ARG1 _ _ _ _ +17 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 60,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 additional additional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 tourists tourist NNS - - n:x _ _ _ _ _ _ _ _ _ _ than ARG1 ARG1 ARG1 +25 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 day day NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136009 +1 But but CC + + c:i-i-i _ _ +2 opponents opponent NNS - - n:x _ ARG1 +3 fear fear VBP - + v:e-i-h-i ARG2 _ +4 overcrowding _generic_nn_ JJ - - n:x _ ARG2 +5 . _ . - - _ _ _ + +#22136012 +1 Three three CD - + card:i-i-c _ _ _ _ +2 gambling gamble NN - + v:e-i _ _ _ _ +3 casinos casino NNS - - n:x ARG1 compound ARG1 _ +4 have have VBP - - _ _ _ _ _ +5 opened open VBN + + v:e-i _ _ _ ARG1 +6 in in IN - + p:e-u-i _ _ _ _ +7 Poland Poland NNP - - named:x-c _ _ _ ARG2 +8 . _ . - - _ _ _ _ _ + +#22136013 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +3 establishments establishment NNS - - n_of:x-i BV ARG1 appos _ _ ARG1 _ _ _ _ _ _ _ +4 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 two two CD - + card:i-i-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Warsaw Warsaw NNP - - named:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 one one CD - - n:x _ _ _and_c _ ARG1 _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Krakow _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +12 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 accept accept VBP + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +14 only only RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 foreign foreign JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +16 currency currency NN - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 are are VBP - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ventures venture NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +21 between between IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Polish Polish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +23 firms firm NNS - + n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Western _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +26 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _and_c compound +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136014 +1 Not not RB - + x:e-u _ _ _ +2 all all DT - + q:i-h-h ARG1 _ ARG1 +3 Poles _generic_proper_ne_ NNPS - - named:x-c _ part _ +4 are are VBP - - _ _ _ _ +5 pleased pleased VBN + + a_with:e-p _ _ _ +6 . _ . - - _ _ _ _ + +#22136015 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 What what WP - - thing:x ARG2 _ _ _ _ _ _ _ +3 do do VBP - - _ _ _ _ _ _ _ _ _ +4 we we PRP - - pron:x ARG1 _ _ _ _ _ _ _ +5 want want VBP - + v:e-i-i _ _ _ _ _ _ _ ARG2 +6 casinos casino NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 when when WRB - - _ _ _ _ _ _ _ _ _ +9 we we PRP - - pron:x _ _ _ ARG1 _ _ _ _ +10 have haven’t VBP - - _ _ _ _ _ _ _ _ _ +11 n’t haven’t JJ - + neg:e-h _ _ _ _ _ _ _ _ +12 got get VBN - + v:e-i-i _ _ neg _ _ _ _ _ +13 anything anything NN - - thing:x _ _ _ ARG2 ARG1 _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +16 shops shop NNS - - n_of:x-i _ _ _ _ ARG2 BV _ _ +17 ? _ . - - _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ +19 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ +20 housewife _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG1 ARG1 +21 asked ask VBD + + v:e-i-h _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ + +#22136016 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bogdan _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Gumkowski _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 runs run VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 casino casino NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Warsaw Warsaw NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Marriott Marriott NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Hotel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ventures venture NNS - - n:x _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 help help VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 Poland Poland NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 service service NN - + n:x _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 39 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 foreign foreign JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +28 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 pouring pour VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ +30 dollars dollar NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +31 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 state state NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 firms firm NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ appos _ _ +35 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 ventures venture NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +39 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 LOT _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 airline airline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ _ _ +43 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 Orbis _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 tourist tourist NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 organization organization NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound compound +47 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136018 +1 According according+to VBG - - p:e-u-i mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Middle _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 East _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Economic _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Survey _generic_proper_ne_ NNP - - named:x-c ARG2 BV _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 North _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 African _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 nation nation NN - - n_of:x-i _ _ _ _ _ BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 holding hold VBG - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ +15 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Italy Italy NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 adding add VBG - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 fourth fourth JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 pipe pipe NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 section section NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ BV _ _ _ _ _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Trans-Mediterranean Mediterranean NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 pipeline pipeline NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ _ _ _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 expanding expand VBG + + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ ARG1 _ +32 capacity capacity NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +33 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 up up+to RB - - x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +35 to up+to TO - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +38 cubic cubic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 meters meter NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 ARG1 ARG1 _ _ +40 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +42 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 12.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 billion billion CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times +45 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136019 +1 Algeria Algeria NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 wants want VBZ - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 build build VB - + v:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 pipeline pipeline NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Morocco _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 across across IN - + p:e-u-i _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Strait _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Gibraltar _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 supply supply VB - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Spain Spain NNP - + named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 France France NNP - + named:x-c _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 West _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Germany Germany NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ _ _ _ _ _ _ _ +24 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +25 up up+to RB - - x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +26 to up+to TO - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +29 cubic cubic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 meters meter NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 ARG1 ARG1 ARG1 _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 late late JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 1990s _generic_plur_ne_ NNS - - year_range:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136020 +1 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Africa Africa NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Union _generic_proper_ne_ NNP - - named:x-c _ poss compound ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Mineworkers _generic_proper_ne_ NNPS - - named:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 agreed agree VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 suspend suspend VB - + v:e-i-p _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 strike strike NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +13 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 diamond diamond NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 workers worker NNS - - n:x _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 resume resume VB - + v:e-i-p _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 negotiations negotiation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ ARG1 _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 De DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Beers _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +22 Consolidated _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +23 Mines _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 _ _ compound compound _ _ _ _ _ +24 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 wage wage NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 dispute dispute NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 De DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Beers _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +32 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136021 +1 It it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ +3 said say VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 union union NN - - n_of:x-i _ _ BV ARG1 _ _ _ _ _ +6 had had VBD - - _ _ _ _ _ _ _ _ _ _ +7 agreed agree VBN - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ +9 meet meet VB - + v:e-i-p _ _ _ ARG2 _ _ ARG1 _ loc +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 company company NN - - n_of:x-i _ _ _ _ ARG2 BV _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +13 further further JJ - + a:e-i-i _ _ _ _ _ _ _ _ _ +14 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ ARG2 ARG1 _ +15 tomorrow tomorrow NN - + time_n:x _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22136022 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 strike strike NN - - n:x BV ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 De DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Beers _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 mines mine NNS - - n_of:x-i _ ARG2 ARG1 _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 began begin VBD - + v:e-i-p _ _ _ _ _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ +9 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Thursday Thursday NNP - + dofw:x-c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 9,500 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 out out+of IN - - p:e-u-i _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 total total JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 10,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 NUM _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 members member NNS - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 compound ARG2 _ _ _ _ _ _ _ _ _ _ _ +21 employed employ VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +22 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 De DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Beers _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +25 mines mine NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound ARG1 _ _ _ _ _ _ _ +26 participating participate VBG - + v_in:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +29 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 union union NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 while while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 De DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Beers _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ +36 said say VBD - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +37 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 were were VBD - + v_there:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +39 7,800 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 participants participant NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136023 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 union union NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 demanded demand VBN - + v_of:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 37.6 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 % % NN - + n_of:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 increase increase NN - - n:x _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 minimum minimum JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 wage wage NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +13 while while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 De DE NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Beers _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +16 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 final final JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 offer offer NN - - n:x _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG1 _ _ _ +19 was was VBD - + v_id:e-p-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 increase increase NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 17 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136024 +1 A a DT - + q:i-h-h _ _ _ _ _ _ +2 35-nation nation JJ - + a:e-p _ _ _ _ _ _ +3 environmental environmental JJ - + a:e-p _ _ _ _ _ _ +4 conference conference NN - - n_of:x-i BV compound ARG1 ARG1 _ _ +5 opened open VBD + + v:e-i _ _ _ _ ARG1 _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ +7 Sofia _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ +9 Bulgaria _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound +10 . _ . - - _ _ _ _ _ _ _ + +#22136025 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 gathering gathering NN - - n:x BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 expected expect VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 focus focus VB - + v_on:e-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 curbing curb VBG - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 fouling foul NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 rivers river NNS - + n_of:x-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 lakes lake NNS - - n:x _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 limiting limit VBG - + v:e-i-p _ _ _ conj _ _ _ _ _ _ _ _ _ _ +17 damage damage NN - - n_to:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +18 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 accidents accident NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 improving improve VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 handling handle NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 harmful harmful JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 chemicals chemical NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136026 +1 West _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 German German NNP - + a:e-p compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Environment _generic_proper_ne_ NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Minister minister NNP - + n_of:x-i _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Klaus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Toepfer _generic_proper_ne_ NNP - - named:x-c _ _ _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 said say VBD - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +8 Bonn Bonn NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 convinced convince VBN - + v_of:e-i-i _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 need need NN - - n_of:x-i _ _ _ _ _ _ ARG3 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 cooperation cooperation NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 especially especially RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +20 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 neighbors neighbor NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 East _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 we we PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +28 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 directly directly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 affected affect VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +31 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 ecological ecological JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 progress progress NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 poss ARG1 _ _ +35 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 lack lack NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c ARG1 +37 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136027 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 U.S. U.S. NNP - + named_n:x-c BV _ ARG1 _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ +4 Canada Canada NNP - - named:x-c _ _and_c _ _ _ _ _ _ +5 joined join VBD + + v:e-i-p _ _ _ _ _ ARG1 ARG1 _ +6 every every DT - + q:i-h-h _ _ _ _ _ _ _ _ +7 European european JJ - + a:e-p _ _ _ _ _ _ _ _ +8 country country NN - - n_of:x-i _ _ ARG2 BV ARG1 _ _ _ +9 except except IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 Albania Albania NNP - - named:x-c _ _ _ _ _ ARG2 _ _ +11 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 meeting meeting NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22136028 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Swedish Swedish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 publishers publisher NNS - - n:x BV ARG1 ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Estonian-language language JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 newspaper newspaper NN - - n_of:x-i _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +9 rushed rush VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ ARG1 _ _ _ _ _ +10 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 extra extra JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 edition edition NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +13 across across IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Baltic Baltic NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +16 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 10 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 of _ _ _ _ _ _ +19 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 run run NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG2 _ _ +23 sold sell VBN - + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 day day NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136030 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ +3 13,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +4 more more JJR - + much-many_a:e-i _ ARG1 _ _ _ _ _ +5 copies copy NNS - - n_of:x-i _ _ ARG1 ARG2 _ _ _ +6 were were VBD - - _ _ _ _ _ _ _ _ +7 sent send VBN - + v:e-i-p-h ARG2 _ _ _ _ ARG1 _ +8 to to TO - + p:e-u-i _ _ _ ARG3 _ _ _ +9 Estonia Estonia NNP - - named:x-c _ _ _ _ ARG2 _ _ +10 because because+of IN - - p:e-u-i _ _ _ _ _ mwe _ +11 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ +12 strong strong JJ - + a:e-p _ _ _ _ _ _ _ +13 sales sale NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ + +#22136031 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Swedish Swedish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +3 publishing publish NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +4 company company NN - - n_of:x-i BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ +5 Bonniers _generic_proper_ne_ NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 owns own VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +7 51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +8 % % NN - - n_of:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Are _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Paev _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Estonian _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +16 management management NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +17 company company NN - - n_of:x-i _ _ _ _ _ _ _ _and_c BV ARG1 compound ARG2 _ +18 Minor _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +19 owns own VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +20 49 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136032 +1 Angel _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Gurria _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos ARG1 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mexico Mexico NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 top top JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +7 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +8 negotiator _generic_nn_ NN - + n:x _ poss ARG1 compound _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +12 country country NN - + n_of:x-i _ _ _ _ _ _ BV _ _ _ _ _ _ +13 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 creditor creditor NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +15 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ poss compound ARG1 _ _ _ +16 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 responding respond VBG - + v_to:e-i _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ +18 positively positively RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Mexico Mexico NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 debt-reduction reduction NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +23 package package NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 _ poss compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136033 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Gurria _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 optimism optimism NN - - n:x _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 contrasts contrast VBZ + + v_with:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 bankers banker NNS - + n:x _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +9 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 views view NNS - - n_of:x-i _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 deal deal NN - - n:x _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ +14 may may MD - + v_modal:e-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 require require VB - + v_of:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 lot lot NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 arm arm NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +20 twisting twist VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +21 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Treasury _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ +25 in in+order IN - - x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +26 order in+order NN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 succeed succeed VB - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136035 +1 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 increasing increase VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 number number NN - + n_of:x-i BV ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 banks bank NNS - - n_of:x-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 appear appear VBP - + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 considering consider VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 option option NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 deal deal NN - + n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 whereby whereby WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +17 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 swap swap VB - + v:e-i-p _ _ _ _ _ _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +19 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Mexican Mexican JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 loans loan NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 ARG1 _ _ _ _ _ _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 30-year year JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 bonds bond NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ +25 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 face face NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 value value NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG2 _ _ _ _ +29 discounted discount VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +30 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 35 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Gurria _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +36 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136036 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +3 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +4 options option NNS - - n:x BV ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ +5 consist consist VBP + + v_of:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 swapping swap VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ +8 loans loan NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +10 bonds bond NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +12 6.25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +13 % % NN - + n_of:x _ _ _ _ _ _ _ ARG1 _ _ _ _ +14 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ +15 rates rate NNS - - n_of:x-i _ _ _ _ _ _ ARG2 _ compound compound _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 providing provide VBG - + v:e-i-p _ _ _ _ _and_c _ _ _ _ _ _ _ +19 fresh fresh JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +20 loans loan NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136038 +1 China China NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 top top JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 film film NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 actress actress NN - - n:x poss ARG1 compound _ appos ARG1 _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Liu _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Xiaoqing _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 paid pay VBD - + v_for:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +11 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +12 4,555 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 back back JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 taxes tax NNS - + n:x _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 fines fine NNS - - n:x _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Shandong _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +20 province province NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 People _generic_proper_ne_ NNS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ +24 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Daily _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 +26 reported report VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136040 +1 China China NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 spend spend VB - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 $ $ $ - - n:x ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 9.45 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 million million CD - + card:i-i-c _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 urgent urgent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 maintenance maintenance NN - - n:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Tibet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Potala _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Palace _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 poss compound _ appos _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 former former JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 home home NN - + n_of-n:x _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +18 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Dalai _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Lama _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 China China NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 News _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +26 Service _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ compound ARG1 +27 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22136041 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 Dalai _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +3 Lama _generic_proper_ne_ NNP - - named:x-c BV compound _ ARG1 _ _ _ ARG1 _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +5 who who WP - - _ _ _ _ _ _ _ _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +7 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +8 awarded award VBN - + v:e-i-i-i _ _ ARG1 _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 Nobel Nobel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +11 Peace _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ +12 Prize _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 BV _ compound _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +14 lives live VBZ + + v:e-i _ _ _ _ _ _ _ _ ARG1 _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +16 exile exile NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +18 India India NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22137001 +1 George George NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 W. W. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Koch _generic_proper_ne_ NNP - - named:x-c _ compound _ _ ARG1 appos _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 63 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 years year NNS - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 old old JJ - + a:e-p _ _ _ measure _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 officer officer NN - - n:x _ _ _ _ _ _and_c compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Grocery _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Manufacturers _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 America America NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Inc. _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 elected elect VBN - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 director director NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 maker maker NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 spices spice NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 seasonings seasoning NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 specialty specialty NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 foods food NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ _ _ _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 succeeding succeed VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Erskin _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 N. N. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +39 White White NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +40 Jr. _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ compound appos ARG1 +41 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 resigned resign VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22138001 +1 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +2 Business _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ +3 Computer _generic_proper_ne_ NNP - - named:x-c _ compound compound ARG1 _ _ _ _ _ _ _ +4 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ +7 privately privately RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +8 placed place VBD - + v:e-i-p _ _ _ ARG2 ARG1 _ _ _ ARG1 _ _ +9 1,035,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +10 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ +11 shares share NNS - - n_of:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +12 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +14 2.50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22138002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 placement placement NN - - n_of:x-i BV ARG2 _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ +4 made make VBN + + v:e-i-p-u _ _ ARG1 _ _ _ _ ARG1 _ +5 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 Gray _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +7 Seifert _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ +8 Securities _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ compound _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +11 York York NNP - - named:x-c _ _ ARG2 _ _ compound compound _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +14 institutional institutional JJ - + a:e-p _ _ _ _ _ _ _ _ _ +15 investors investor NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22138003 +1 Proceeds proceeds NNS - - n:x ARG2 _ _ _ _ _ _ _ +2 will will MD - - _ _ _ _ _ _ _ _ _ +3 be be VB - - _ _ _ _ _ _ _ _ _ +4 used use VBN + + v:e-i-i-h _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ +6 commercialize _generic_vb_ VB - + v:e-i-p ARG3 _ _ _ _ _ _ _ +7 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ +8 patented patent VBN - + v:e-i-p _ _ ARG1 _ _ _ _ _ +9 technology technology NN - - n:x _ ARG2 _ ARG2 _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ +11 support support VB - + v:e-i-p _ _and_c _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 company company NN - + n_of:x-i _ _ _ _ _ BV _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ +15 international international JJ - + a:e-p _ _ _ _ _ _ _ _ +16 expansion expansion NN - - n:x _ _ _ _ ARG2 _ poss ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22138004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ +3 develops develop VBZ + + v_cause:e-i-p _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ +5 markets market VBZ - + v:e-i-p _ _and_c _ _ _ _ _ +6 products product NNS - - n:x _ ARG2 ARG2 ARG1 _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ +9 food food NN - + n:x _ _ _ _ _ _ _ +10 service service NN - + n:x _ _ _ _ _ compound _ +11 industry industry NN - - n:x _ _ _ ARG2 BV _ compound +12 . _ . - - _ _ _ _ _ _ _ _ + +#22139002 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +4 edition edition NN - - n:x ARG2 poss _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +8 incorrectly incorrectly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +9 included include VBN + - v:e-i-p ARG1 _ ARG1 ARG1 _ _ _ _ _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 list list NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +14 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +15 York York NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ +16 chains chain NNS - - n:x _ _ _ _ _ ARG1 _ compound ARG1 _ +17 up up RB - + p:e-i _ _ _ _ _ _ _ _ _ ARG1 +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +19 sale sale NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22140001 +1 Korean Korean JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 car car NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 exports export NNS - - n_of:x-i ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 slid slide VBN + + v:e-i _ _ _ ARG1 _ loc _ ARG1 _ loc _ _ _ _ +6 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 % % NN - + n_of:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 far far RB - + a:e-e _ _ _ _ _ _ comp_so _ _ _ _ _ _ _ +11 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 year year NN - + n:x _ _ _ _ _ _ _ _ BV _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 makers maker NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ compound loc _ ARG1 +17 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 are aren’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 n’t aren’t JJ - + neg:e-h _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +20 panicking _generic_vbg_ VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ neg _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140002 +1 They they PRP - - pron:x ARG1 _ _ _ _ _ +2 are are VBP - - _ _ _ _ _ _ _ +3 enjoying enjoy VBG + + v:e-i-p _ _ _ _ _ _ +4 domestic domestic JJ - + a:e-p _ _ _ _ _ _ +5 sales sale NNS - - n_of:x-i ARG2 ARG1 _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ +7 are are VBP - - _ _ _ _ _ _ _ +8 more more+than JJR - - a:e-e _ _ mwe _ _ _ +9 than more+than IN - + a:e-e _ _ _ _ _ _ +10 making make VBG - - v_up:e-i-i _ _ ARG2 ARG1 _ _ +11 up up RP - - _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ +13 lost lose VBN - + v:e-i-p _ _ _ _ _ _ +14 overseas overseas JJ - + a:e-p _ _ _ _ _ _ +15 sales sale NNS - - n_of:x-i _ _ _ ARG2 ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ + +#22140003 +1 South _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Korean Korean JJ - + a:e-p compound _ _ _ _ _ _ _ _ _ _ _ +3 consumers consumer NNS - - n_of:x-i _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 expected expect VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 buy buy VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ loc ARG1 _ _ +8 almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +9 500,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ ARG1 _ _ _ _ _ _ _ +10 passenger passenger NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +11 cars car NNS - - n:x _ _ _ ARG2 _ ARG1 compound _ _ _ _ _ +12 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 year year NN - + n:x _ _ _ _ _ _ _ BV _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 up up RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ ARG1 +16 60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +18 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 1988 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140004 +1 In in+fact IN - - a:e-e mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 fact in+fact NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 executives executive NNS - - n:x _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 suggest suggest VBP + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 that that DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 slackened slacken JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 demand demand NN - - n:x _ _ _ _ ARG1 ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 cars car NNS - - n:x _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Canada Canada NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +19 is is VBZ - + v_id:e-p-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 blessing blessing NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +22 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 otherwise otherwise RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +25 would wouldn’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ +26 n’t wouldn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +27 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 able able JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +29 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 keep keep VB - - v_up:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +31 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 demand demand NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +34 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 profitable profitable JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ comp _ _ +38 local local JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 ARG1 +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140005 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 lucky lucky JJ - + a:e-p ARG1 _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 easily easily RB - + a_for:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 change change VB - + v_cause:e-i-p _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 export export NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 loss loss NN - - n_of:x-i _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 plus plus NN - - n:x _ _ _ ARG3 _ _ ARG1 _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Hong Hong NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Tu _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +20 Pyo _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ compound _ appos _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 managing manage VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 director director NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 marketing market NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Hyundai _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Motor _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +30 Co Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140006 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ ARG1 _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ +5 waiting wait VBG - + v:e-i-p ARG2 _ _ _ _ _ _ +6 lists list NNS - - n_of:x-i _ ARG2 ARG1 _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ +8 a a DT - + card:i-i-c _ _ _ _ _ _ _ +9 month month NN - - n:x _ _ ARG2 ARG1 _ _ _ +10 are aren’t VBP - - _ _ _ _ _ _ _ _ +11 n’t aren’t RB - + neg:e-h ARG1 _ _ _ _ _ _ +12 unusual unusual JJ - - a_about:e-p-i _ _ _ _ neg ARG1 _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ +14 popular popular JJ - + a_for:e-p _ _ _ _ _ _ _ +15 models model NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ + +#22140007 +1 Demand demand NN - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 strong strong JJ + + a:e-p comp_so _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 makers maker NNS - - n_of:x-i _ _ part BV ARG1 appos _ _ _ _ _ _ _ _ _ _ _ _ _ +11 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Hyundai _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Kia Kia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Motors _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ conj compound _ compound _ _ _ _ _ _ _ _ _ _ +16 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Motor _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ conj _ compound _ compound _ _ _ _ _ _ _ +20 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 upstart upstart JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +24 SsangYong _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Motor _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _and_c _ _ compound compound compound _ _ _ +26 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 plan plan VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 build build VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +31 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 factories factory NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140008 +1 Industry industry NN - + n:x _ _ _ _ _ _ _ _ _ _ +2 analysts analyst NNS - - n:x compound ARG1 _ _ _ _ _ _ _ _ +3 predict predict VBP + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +6 1995 _generic_year_ne_ CD - - yofc:x-c _ _ ARG2 _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +9 Korea Korea NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ +10 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +11 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +12 building build VBG - + v:e-i-p _ ARG2 ARG1 _ _ _ _ _ _ ARG1 +13 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +14 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ +15 cars car NNS - - n:x _ _ _ _ ARG2 _ ARG1 ARG1 _ _ +16 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 year year NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ +18 – – : - - _ _ _ _ _ _ _ _ _ _ _ +19 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ +20 half half NN - - part_of:i-i _ _ _ _ _ _ _ _ ARG2 _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +22 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ +23 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +24 export export NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22140010 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ +2 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +3 Korean Korean JJ - + a:e-p _ compound _ _ _ _ _ _ _ _ _ _ +4 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +5 makers maker NNS - - n_of:x-i _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 confident confident JJ - + a_of-about:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 export export NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +11 market market NN - - n:x _ _ _ _ _ BV compound ARG1 _ _ _ _ +12 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 bounce bounce VB - + v:e-i _ _ _ _ ARG2 _ _ _ loc _ _ _ +14 back back RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +17 demand demand NN - - n:x _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 Korea Korea NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 _ +20 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stay stay VB - + v_prd:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ +22 strong strong JJ - - a:e-p _ _ _ _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140011 +1 Currently currently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +2 only only RB - - _ _ _ _ _ _ _ _ _ _ _ _ +3 one one CD - - card:i-i-c _ ARG1 _ _ ARG1 _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +5 38 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +6 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +7 Koreans Korean NNPS - - named:x-c _ ARG2 ARG1 compound _ _ _ _ _ _ _ +8 owns own VBZ + + v:e-i-p ARG1 _ _ _ _ _ ARG1 _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 car car NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 up up RB - + p:e-i _ _ _ _ _ _ _ ARG1 _ _ _ +13 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +14 one one CD - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ ARG1 +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 200 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ ARG2 _ _ +17 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +18 decade decade NN - - n:x _ _ _ _ _ _ _ _ _ ARG1 ARG2 +19 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22140012 +1 “ _ `` - - _ _ _ _ _ _ _ +2 In in IN - + p:e-u-i _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ +4 year year NN - - n:x ARG2 BV appos _ _ _ +5 2000 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ ARG1 _ _ +7 will will MD - - _ _ _ _ _ _ _ +8 be be VB + + v_id:e-p-i ARG1 _ _ _ _ _ +9 one one CD - + card:i-i-c _ _ _ _ _ _ +10 car car NN - - n:x _ _ _ ARG2 ARG1 ARG1 +11 per per IN - + p:e-u-i _ _ _ _ _ _ +12 family family NN - - n_of:x-i _ _ _ _ _ ARG2 +13 . _ . - - _ _ _ _ _ _ _ + +#22140013 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +3 point point NN - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ +4 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +5 sales sale NNS - - n_of:x-i _ _ ARG1 ARG1 _ _ _ _ _ _ +6 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +7 slow slow VB - + v_down:e-i-i ARG1 _ _ _ ARG2 _ _ _ _ _ +8 down down RP - - _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +12 Kim Kim NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +13 Yoon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ +14 Kwon _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 _ compound appos _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 director director NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG1 _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +18 marketing market NN - - v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ +19 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +20 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +21 Motor _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22140014 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 reason reason NN - + n_for:x-i BV _ _ _ ARG1 _ _ _ _ _ _ +3 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 tremendous tremendous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +6 demand demand NN - - n:x _ ARG1 BV ARG1 _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +8 simple simple JJ + + a_for:e-p _ _ _ _ _ ARG1 _ _ _ _ _ +9 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ +10 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +11 Koreans _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ compound _ ARG1 _ _ +12 suddenly suddenly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +13 have have VBP - + v:e-i-i _ _ _ _ conj _ _ ARG1 _ _ _ +14 a a+lot DT - - x:e-u _ _ _ _ _ _ _ _ _ mwe _ +15 lot a+lot NN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +16 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ ARG1 _ +17 money money NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22140015 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 never never RB - + a:e-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +4 thought think VBD - + v:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 we we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 ’d ’d VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 own own JJ - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 car car NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Kwang _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Ok ok NN - + n:x _ _ _ _ _ compound _ _ _ _ _ _ _ _ +15 Kyong _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 _ compound _ ARG1 _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 bought buy VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 LeMans _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +23 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 five-year year JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 loan loan NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140016 +1 She she PRP - + pron:x _ _ ARG1 _ _ _ _ _ _ _ _ +2 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +3 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +4 husband husband NN - - n:x _and_c poss _ _ _ _ _ _ _ _ _ +5 started start VBD + + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +8 printing print NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +9 business business NN - - n:x _ _ ARG2 BV ARG1 compound _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +11 need need VB - + v:e-i-p _ _ _and_c _ _ _ _ _ _ ARG1 _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 car car NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +15 work work NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ +16 as as+well+as IN - - _ _ _ _ _ _ _ _ _ _ _ _ +17 well as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ +18 as as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ +19 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 weekend weekend NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +21 jaunts jaunt NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22140017 +1 Pay pay NN - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 raises raise VBZ + + v_of:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 % % NN - - n_of:x _ ARG1 ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +6 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 years year NNS - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 given give VBN - + v:e-i-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 South _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Koreans Korean NNPS - - named:x-c _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 money money NN - + n:x _ _ _ _ _ _ ARG2 _ _ BV _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 enjoy enjoy VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 things thing NNS - - n_of-about:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ +22 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +23 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 supplying supply VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 rest rest NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +27 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 world world NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140018 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 success success NN - - n:x BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +4 newcomer newcomer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +5 SsangYong _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +6 Motor _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound compound _ _ _ _ _ _ _ _ +7 shows show VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 strength strength NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 market market NN - + n:x _ _ _ _ _ _ ARG2 BV compound _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 growing grow VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ +17 diversity diversity NN - - n:x _ _ _ _ _ _ _ _ _ _and_c poss ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140020 +1 SsangYong _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ +2 began begin VBD + + v:e-h _ _ _ _ _ _ +3 making make VBG - + v:e-i-p-u ARG1 _ _ _ _ _ +4 variations variation NNS - - n:x _ ARG2 ARG1 _ _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ +7 Jeep-like like JJ - + a:e-p _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ +9 Korando _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ +11 vehicle vehicle NN - - n:x _ _ ARG2 BV ARG1 compound +12 . _ . - - _ _ _ _ _ _ _ + +#22140022 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 most most RBS - + superl:e-u _ _ _ _ _ _ _ _ _ _ _ +3 popular popular JJ - + a_for:e-p _ ARG1 _ _ _ _ _ _ _ _ _ +4 style style NN - - n_of:x BV _ ARG1 ARG1 _ _ _ _ _ _ _ +5 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 stretched stretch JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +9 Family _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 BV compound ARG1 _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +12 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ +13 resembles resemble VBZ - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +15 Ford Ford NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +16 Bronco _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ ARG2 BV compound _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ +18 Chevy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +19 Blazer _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _or_c compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22140023 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 four-wheel-drive drive NN - + n:x _ _ _ _ _ _ _ _ _ +3 vehicles vehicle NNS - - n:x BV compound ARG1 _ _ _ _ _ _ +4 start start VBP + + v:e-i _ _ _ ARG1 _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 ARG1 _ _ _ _ +7 15,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 ; _ : - - _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +10 Family _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ BV _ ARG1 _ +11 can can MD - + v_modal:e-h _ _ ARG2 _ _ _ _ _ _ +12 cost cost VB - + v:e-i-i _ _ _ _ _ _ ARG1 _ _ +13 over over IN - - _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 +15 25,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22140024 +1 SsangYong _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 has have VBZ - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 about about IN - + x:e-u _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 3 _generic_card_ne_ CD - + card:i-i-c _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 % % NN - - n_of:x ARG2 _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 market market NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sell sell VB + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ loc ARG1 _ +16 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 18,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +18 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 models model NNS - - n_of:x-i _ _ _ _ _ _ _ _ part poss _ _ _ _ +21 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ BV _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 twice twice RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 many many JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140025 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 sees see VBZ + + v:e-i-p _ _ _ _ _ _ _ _ +3 sales sale NNS - - n_of:x-i _ ARG1 _ _ _ _ _ _ +4 rising rise VBG - + v:e-i ARG2 _ _ loc ARG1 _ _ loc +5 45 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +6 % % NN - + n_of:x _ _ ARG1 _ _ _ _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ +8 26,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +9 units unit NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ +10 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ +11 year year NN - + n:x _ _ _ _ _ _ ARG1 _ +12 . _ . - - _ _ _ _ _ _ _ _ _ + +#22140026 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ +3 plans plan VBZ + + v:e-i-h _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ +5 expand expand VB - + v_cause:e-i-p _ ARG2 _ _ _ loc ARG1 +6 plant plant NN - + n:x _ _ _ _ _ _ _ +7 capacity capacity NN - - n:x _ _ ARG2 compound _ _ _ +8 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ _ _ ARG1 _ _ +10 by by IN - + p:e-u-i _ _ _ _ _ _ _ +11 1991 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ ARG2 +12 . _ . - - _ _ _ _ _ _ _ _ + +#22140027 +1 By by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 then then RB - - time_n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 hopes hope VBZ - + v:e-i-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 begin begin VB - + v:e-h ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ +8 producing produce VBG - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 passenger passenger NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 car car NN - - n:x _ _ _ _ ARG2 BV compound ARG2 ARG1 _ _ _ _ +12 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Volvo Volvo NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +16 240 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ ARG2 BV compound _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 selling sell VBG - - v:e-i-p _ _ _ _ _and_c _ _ _ _ _ _ ARG1 _ +19 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +22 20,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140028 +1 Hyundai _generic_proper_ne_ NNP - + named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Daewoo _generic_proper_ne_ NNP - - named:x-c _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 seem seem VBP + + v_to:e-u-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 unconcerned concern JJ - - v:e-i-p _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 SsangYong _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 threat threat NN - - n:x _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Kia Kia NNP - - named:x-c _ _ _ _ _ _ _ _ _ appos ARG1 _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 scrappy _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 No.3 _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 maker maker NN - + n_of:x-i _ _ _ _ _ BV ARG1 compound compound _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 selling sell VBG - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 four-wheel-drive drive NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 vehicles vehicle NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +24 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Asia Asia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 unit unit NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140029 +1 It it PRP - - pron:x ARG1 _ _ _ +2 plans plan VBZ + + v:e-i-h _ _ _ _ +3 to to TO - - _ _ _ _ _ +4 sell sell VB - + v:e-i-p ARG2 _ _ ARG1 +5 1,700 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ +6 units unit NNS - - n:x _ ARG2 ARG1 _ +7 in in IN - + p:e-u-i _ _ _ _ +8 1989 _generic_year_ne_ CD - - yofc:x-c _ _ _ ARG2 +9 . _ . - - _ _ _ _ _ + +#22140030 +1 Kia Kia NNP - - named:x-c _ _ _ _ appos _ _ _ _ _ ARG1 _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Korean Korean JJ - + a:e-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 car car NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 maker maker NN - + n_of:x-i BV _ ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ +8 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 seen see VBN - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 overseas overseas JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sales sale NNS - - n_of:x-i _ _ _ _ _ _ poss ARG1 ARG1 _ _ _ _ _ +14 grow grow VBP - + v_cause:e-i-p _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 1989 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 aims aim VBZ + + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Korea Korea NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 man man NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140033 +1 Along along+with IN - - p:e-u-i mwe _ _ _ _ _ _ _ _ +2 with along+with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +3 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +4 larger larger JJR - + a:e-i _ ARG1 _ _ _ _ _ _ _ +5 models model NNS - - n_of:x-i ARG2 _ ARG1 _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 company company NN - - n_of:x-i _ _ _ BV ARG1 _ _ _ _ +9 claims claim VBZ + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ +10 18 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +11 % % NN - - n_of:x _ _ _ _ ARG2 ARG1 ARG1 _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ +15 market market NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22140034 +1 Ford Ford NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Motor _generic_proper_ne_ NNP - + named:x-c compound _ compound _ _ _ ARG1 _ _ +3 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ +5 Japan Japan NNP - + named:x-c _ _ _ _ _ _ _ _ _ +6 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ +7 Mazda _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +8 Motor _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ +9 Corp. Corp. NNP - - n:x _ _and_c _ poss _ compound _ _ _ +10 have have VBP + + v:e-i-i _ _ _ _ _ _ _ _ _ +11 equity equity NN - + n:x _ _ _ _ _ _ _ _ _ +12 interests interest NNS - - n_in:x-i _ _ _ _ _ _ ARG2 compound ARG1 +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +14 Kia Kia NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22140035 +1 Kia Kia NNP - - named:x-c ARG1 _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ +3 the the DT - - _ _ _ _ _ _ _ _ +4 most most RBS - + superl:e-u _ _ _ _ _ _ _ +5 aggressive aggressive JJ - - a:e-p _ ARG1 _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ +8 Korean Korean JJ - + a:e-p _ _ _ _ _ _ _ +9 Big _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ +10 Three three CD - - card:i-i-c ARG2 _ BV ARG1 compound ARG1 _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ +12 offering offer NN - + n_of:x-i _ _ _ _ _ _ _ +13 financing finance NN - - v:e-i-p _ _ _ _ _ ARG2 compound +14 . _ . - - _ _ _ _ _ _ _ _ + +#22140036 +1 Loans loan NNS - - n:x ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +2 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 long long JJ - + time_n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +5 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +7 years year NNS - - n:x _ than ARG1 _ _ _ _ _ _ _ _ _ _ +8 make make VBP + + v_cause:e-i-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 cars car NNS - - n:x _ _ _ _ BV _ ARG1 _ _ _ _ _ _ +11 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +12 accessible accessible JJ - + a:e-p-i _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 monthly monthly JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +16 payments payment NNS - + n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ ARG1 _ _ +17 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 low low JJ - + a_on:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 80,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 won win NN - - n:x _ _ _ _ _ _ _ _ _ _ than ARG1 _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 +25 120 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140037 +1 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Motor _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos _ _ _ _ _ _ ARG1 _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 50-50 _generic_card_ne_ JJ - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 venture venture NN - + n:x _ BV compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Motors _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ +11 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Group _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +16 conglomerate _generic_nn_ NN - - n:x _ _ _ _ _and_c _ _ _ BV _ compound _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 only only JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 maker maker NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound ARG1 +23 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 appears appear VBZ - + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 hurting hurt VBG - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140038 +1 Shipments shipment NNS - + n_of:x-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Lemans _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 GM _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Pontiac _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 division division NN - - n_of:x-i ARG1 poss poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 off off RP + + v_about:e-i-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +12 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 % % NN - - n_of:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +15 from from IN - + p:e-i-u _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +16 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 year year NN - - n:x _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ +18 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 versus versus CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 44 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +24 decline decline NN - + n:x _ _ _ _ _ _ _ _ _ BV _ compound _ ARG1 _ _ _ _ +25 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Hyundai _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 18 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +31 increase increase NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ BV _ compound ARG1 +32 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Kia Kia NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140039 +1 Moreover moreover RB + + a:e-h _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ +3 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +4 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ +5 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ +6 sales sale NNS - - n_of:x-i _ poss ARG1 ARG1 _ _ _ _ +7 have have VBP - - _ _ _ _ _ _ _ _ _ +8 grown grow VBN - + v_to:e-u-h-i ARG1 _ _ _ ARG1 ARG1 _ _ +9 half half NN - - x:i _ _ _ ARG2 _ _ _ _ +10 as as IN - - _ _ _ _ _ _ _ _ _ +11 fast fast RB - + a:e-e _ _ _ _ _ _ _ _ +12 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ +13 sales sale NNS - + n_of:x-i _ _ _ _ _ ARG2 _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +16 rivals rival NNS - - n:x _ _ _ _ _ _ ARG1 poss +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22140040 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 problem problem NN - - n_of:x-i BV ARG1 ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Daewoo _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 holds hold VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 about about RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 21 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 % % NN - - n_of:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 market market NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 long long JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 series series NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 labor labor NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 disruptions disruption NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 compound ARG2 _ _ +23 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +24 suffered suffer VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +25 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140041 +1 But but CC + + c:i-i-i _ _ _ +2 Daewoo _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ +3 is is VBZ - - _ _ _ _ +4 expanding expand VBG - + v:e-i ARG2 _ ARG1 +5 too too RB - + a_also:e-h _ _ _ +6 . _ . - - _ _ _ _ + +#22140042 +1 In in+fact IN - - a:e-e mwe _ _ _ _ _ _ _ _ _ _ +2 fact in+fact NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 sister sister NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +6 company company NN - - n_of:x-i _ BV compound _ appos _ ARG1 _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 Daewoo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +9 Shipbuilding _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +11 Heavy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +12 Machinery _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _and_c compound _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +14 plans plan VBZ + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +16 build build VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ ARG1 _ +17 240,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +18 minicars _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ +19 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +21 mid-1990s _generic_plur_ne_ NNS - - year_range:x-c _ _ _ _ _ _ _ _ _ ARG2 BV +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22140043 +1 Hyundai _generic_proper_ne_ NNP - - named:x-c _ _ _ appos _ _ _ _ _ ARG1 _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Korean Korean JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 leader leader NN - + n_of:x-i BV ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ +7 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 58 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 % % NN - + n_of:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +11 share share NN - - n_of:x _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 plans plan VBZ - + v:e-i-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 jump jump VB - - v:e-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +17 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 minicars _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 same same JJ - + a_as:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22140044 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ +2 has have VBZ + + v:e-i-i _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ +4 similar similar JJ - + a_to:e-i _ _ _ _ _ _ +5 project project NN - - n:x ARG2 BV ARG1 ARG1 _ _ +6 for for IN - + p:e-u-i _ _ _ _ _ _ +7 200,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +8 cars car NNS - - n:x _ _ _ ARG2 ARG1 ARG1 +9 a a DT - + p:e-u-i _ _ _ _ _ _ +10 year year NN - - n:x _ _ _ _ _ ARG2 +11 . _ . - - _ _ _ _ _ _ _ + +#22140045 +1 Kia Kia NNP - - named:x-c _ _ ARG1 _ +2 is is VBZ - - _ _ _ _ _ +3 reportedly reportedly RB - + a:e-e _ _ _ _ +4 also also RB + + a:e-h _ _ _ _ +5 considering consider VBG - + v:e-i-p ARG1 ARG1 _ _ +6 such such+a PDT - - q:i-h-h _ _ _ mwe +7 a such+a DT - + q:i-h-h _ _ _ _ +8 plan plan NN - - n:x _ _ ARG2 BV +9 . _ . - - _ _ _ _ _ + +#22140046 +1 Even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 giant giant JJ - + a:e-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Samsung Samsung NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Group _generic_proper_ne_ NNP - - named:x-c _ ARG1 compound _ _ _ ARG1 _ _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 rumored rumor VBN + - v:e-u-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Korean Korean JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 press press NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 considering consider VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 getting get VBG - + v_state:e-i-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +15 into into IN - + p:e-u-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 auto-making make NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 business business NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ +19 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 spokesman spokesman NN - - n:x _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ +23 had have VBD - + v:e-i-i _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +24 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 comment comment NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22141001 +1 Robert Robert NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +2 P. P. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ +3 Bulseco _generic_proper_ne_ NNP - - named:x-c _ compound _ _ ARG1 ARG3 _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 44 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +6 years year NNS - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 old old JJ - + a:e-p _ _ _ measure _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 named name VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 president president NN - + n_of:x-i _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +14 administrative administrative JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +15 officer officer NN - - n:x _ _ _ _ _ _ _and_c compound ARG1 _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 regional regional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +19 commercial commercial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bank bank NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22141002 +1 Both both DT - + q:i-h-h _ _ +2 posts post NNS - - n_of:x ARG1 ARG1 +3 had had VBD - - _ _ _ +4 been been VBN - - _ _ _ +5 vacant vacant JJ + + a:e-p _ _ +6 . _ . - - _ _ _ + +#22141003 +1 Robert Robert NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +2 Robie _generic_proper_ne_ NNP - - named:x-c compound appos ARG2 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +7 named name VBN + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ +8 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +11 positions position NNS - + n_of:x-i _ _ _ ARG2 BV ARG1 _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +13 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +14 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ ARG1 compound _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +16 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +17 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +18 officer officer NN - - n:x _ _ _ _ _ _ _ _ _and_c compound compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22142001 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +2 skittish _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ +3 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +4 fund fund NN - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 investors investor NNS - - n:x ARG1 ARG1 _ compound ARG1 _ _ _ _ _ _ _ +6 picked pick VBD + + v_up:e-i-i _ _ _ _ _ _ loc _ _ _ _ _ +7 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 phone phone NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ +10 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 decided decide VBD - + v:e-i-h _ _ _ _ _but_c _ _ _ _ _ _ _ +14 not not RB - + neg:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 cash cash NN - - v_in:e-i-u _ _ _ _ _ _ _ _ neg ARG1 _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +19 chips chip NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss _ +20 after after+all IN - - a:e-e _ _ _ _ _ _ _ _ _ _ _ mwe +21 all after+all DT - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142002 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 market market NN - - n:x _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 bounced bounce VBD - + v:e-i ARG2 _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 back back RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 withdrawals withdrawal NNS - + n_of:x-i _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 money money NN - - n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 funds fund NNS - - n:x _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +14 amounted amount VBD - + v_to:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 mere mere JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 trickle _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG2 _ _ _ _ _ _ _ _ _ +19 compared compare VBN - + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Monday Monday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ ARG3 compound _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 when when WRB - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +26 dumped dump VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +27 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ +28 2.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 about about RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ +35 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 stock-fund fund NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 assets asset NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142004 +1 Net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 outflows outflow NNS - - n:x compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Fidelity _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 funds fund NNS - - n:x _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 stood stand VBD + + v:e-i _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 less less JJR - + little-few_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ _ than _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 300 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 below below IN - + p:e-u-i _ _ _ _ _ _or_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +23 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +25 cash cash NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 position position NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ compound ARG1 _ _ _ +27 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 firm firm NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ +30 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 portfolios portfolio NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142005 +1 Much much RB - + much-many_a:e-p _ _ ARG2 _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +4 money money NN - - n:x part BV _ _ _ _ _ _ +5 was was VBD - - _ _ _ _ _ _ _ _ _ +6 switched switch VBN + + v_from-to:e-i-p _ _ _ ARG1 _ _ _ _ +7 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +9 firm firm NN - + n:x _ _ _ _ BV _ _ _ +10 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ +11 money money NN - + n:x _ _ _ _ _ _ _ _ +12 market market NN - + n:x _ _ _ _ _ _ compound _ +13 funds fund NNS - - n:x _ _ _ ARG2 _ poss _ compound +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22142007 +1 Other other JJ - + a:e-i _ _ _ _ _ _ _ +2 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ +3 fund fund NN - + n:x _ ARG1 _ _ _ _ _ +4 companies company NNS - - n_of:x-i ARG1 _ compound ARG1 _ _ _ +5 reported report VBD + + v_to:e-i-p _ _ _ _ _ _ _ +6 even even RB - + x:e-u _ _ _ _ _ _ _ +7 lighter lighter JJR - + a:e-i _ _ _ _ ARG1 _ _ +8 withdrawal withdrawal NN - + n_of:x-i _ _ _ _ _ _ _ +9 requests request NNS - - n_for:x-i _ _ _ ARG2 _ ARG1 compound +10 . _ . - - _ _ _ _ _ _ _ _ + +#22142008 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 investors investor NNS - - n:x _ BV ARG1 _ ARG1 _ _ _ _ +4 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +5 Fidelity _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ +7 elsewhere elsewhere RB - - place_n:x _ _ _and_c _ _ _ _ _ _ +8 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ +9 began begin VBD - + v:e-h ARG2 _ _ ARG1 _ _ _ _ _ +10 buying buy VBG - + v:e-i-p _ _ _ _ ARG1 _ _ ARG1 _ +11 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ +12 funds fund NNS - - n:x _ _ _ _ _ ARG2 compound _ _ +13 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 day day NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22142009 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 years year NNS - - n:x ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 was was VBD - + v_there:e-i _ ARG1 _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 lot lot NN - + n_of:x-i _ _ ARG1 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 redemption redemption NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 activity activity NN - + n:x _ _ _ _ ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 trouble trouble NN - - n:x _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +15 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 people people NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 getting get VBG - + v_state:e-i-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +18 through through IN - - p:e-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 phone phone NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Kathryn _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 McGrath _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 compound appos _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 head head NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 management management NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +33 division division NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ _ +34 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Securities _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 Exchange _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +39 Commission _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142010 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ +2 time time NN - + n_of:x BV _ _ _ _ +3 , _ , - - _ _ _ _ _ _ +4 “ _ `` - - _ _ _ _ _ _ +5 We we PRP - - pron:x _ _ _ ARG1 _ +6 do don’t VBP - - _ _ _ _ _ _ +7 n’t don’t RB + + neg:e-h _ _ _ _ _ +8 have have VB - + v:e-i-i _ loc neg _ ARG1 +9 that that IN - - _ _ _ _ _ _ +10 at at+all IN - - a:e-e _ _ _ _ mwe +11 all at+all DT - + a:e-e _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ + +#22142011 +1 Of of+course IN - - a:e-h mwe _ _ _ _ _ _ _ _ +2 course of+course NN + + a:e-h _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 relative relative JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ +6 calm calm NN - - n:x _ BV ARG1 _ ARG2 _ _ _ _ +7 could could MD - + v_modal:e-h _ _ _ _ _ ARG1 _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ _ _ +9 jolted jolt VBN - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ +10 if if IN - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 market market NN - - n:x _ _ _ _ _ _ BV ARG1 _ +13 plunges plunge VBZ - + v:e-i _ _ _ _ _ ARG2 _ _ ARG1 +14 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22142012 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +4 surge surge NN - - n:x _ BV ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 redemptions redemption NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +7 could could MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 force force VB - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 funds fund NNS - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 dump dump VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +13 stocks stock NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +16 cash cash NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 as as IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 some some DT - - q:i-h-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +20 did did VBD - + _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ +21 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Monday Monday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142013 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 funds fund NNS - - n:x _ _ _ ARG1 _ _ _ +3 generally generally RB - + a:e-e _ _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ +5 better better RB - + a:e-e _ _ _ _ _ _ _ +6 prepared prepared VBN - + v:e-i-p ARG2 ARG1 ARG1 _ _ loc _ +7 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ +8 time time NN - + n_of:x _ _ _ _ BV _ ARG1 +9 around around RB - + p:e-i _ _ _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ _ _ + +#22142014 +1 As as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 group group NN - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 cash cash NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 position position NN - - n_of:x _ _ poss compound ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 10.2 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 % % NN - - n_of:x _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 assets asset NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 August August NNP - - mofy:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +15 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 figure figure NN - - n:x _ _ _ _ _ _ _ _ BV ARG1 ARG1 ARG1 _ _ _ _ _ +19 available available JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 14 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +24 higher higher JJR + + a:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ measure _ _ _ +25 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ than ARG1 loc +28 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142015 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ +2 fund fund NN - + n:x _ _ _ _ _ _ _ +3 managers manager NNS - - n_of:x-i ARG1 compound ARG1 _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ +5 boosted boost VBN + + v_to:e-i-p-i _ _ _ _ _ _ _ +6 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ +7 cash cash NN - + n:x _ _ _ _ _ _ _ +8 levels level NNS - - n:x _ _ ARG2 poss compound ARG1 _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ +10 recent recent JJ - + a:e-p _ _ _ _ _ _ _ +11 weeks week NNS - - n:x _ _ _ _ _ ARG2 ARG1 +12 . _ . - - _ _ _ _ _ _ _ _ + +#22142016 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 biggest biggest JJS - + a:e-i _ _ _ _ _ _ _ _ +3 flurry flurry NN - + n_of:x-i BV ARG1 _ _ ARG1 _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ +5 investor investor NN - + n:x _ _ _ _ _ _ _ _ +6 activity activity NN - - n:x _ _ ARG1 compound _ _ _ _ +7 came come VBD + + v:e-i _ _ _ _ _ loc _ _ +8 early early RB - + time_n:x _ _ _ _ _ _ ARG1 _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +11 day day NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV +12 . _ . - - _ _ _ _ _ _ _ _ _ + +#22142017 +1 Vanguard _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Group _generic_proper_ne_ NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 saw see VBD - + v:e-i-p-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +5 heavy heavy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 exchanges exchange NNS - - n:x _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +7 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 funds fund NNS - - n:x _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +10 into into IN - + p:e-u-i _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ +11 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 market market NN - + n:x _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +13 funds fund NNS - - n:x _ _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ +14 after after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 telephone telephone NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 lines line NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ _ +18 opened open VBD - + v:e-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 8:30 _generic_time_ne_ CD - + numbered_hour:i-u-u-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +21 a.m A.M RB - - x:i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142018 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ +5 hour hour NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 real real JJ - + a:e-p _ _ _ _ _ _ _ _ _ +9 nervous nervous JJ - + a_about:e-p-i _ _ _ _ _ _ _ _ _ +10 folks folks NNS - - n:x _ _ _ BV ARG1 ARG1 ARG1 _ _ +11 came come VBD - + v_along:e-i ARG1 _ _ _ _ _ _ _ ARG2 +12 along along RP - - _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +16 spokesman spokesman NN - - n:x _ _ _ _ _ _ _ BV ARG1 +17 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22142019 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 horrendous horrendous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +5 pace pace NN - - n:x _ BV ARG1 ARG1 _ ARG1 _ _ ARG1 _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +7 call call NN - + n:x _ _ _ _ _ _ _ _ _ _ +8 volume volume NN - - n_of:x-i _ _ _ ARG2 compound _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +11 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ +12 half-hour half-+hour NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ +13 slowed slow VBD - + v:e-i ARG2 _ _ _ _ _ _ _ _ ARG1 +14 considerably considerably RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22142020 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 Scudder _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Stevens Stevens NNP - + named:x-c _ conj _ _ _ _ _ _ _ _ _ _ +5 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Clark Clark NNP - - named:x-c _ _ _and_c _ _ _ _ _ _ _ _ _ +7 Inc. _generic_proper_ne_ NNP - - named:x-c ARG2 compound _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 phone phone NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +10 calls call NNS - - n:x _ _ _ compound ARG1 _ _ _ _ _ _ _ +11 came come VBD + + v_in:e-i ARG1 _ _ _ _ ARG1 _ ARG1 _ _ _ _ +12 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +14 40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - - n_of:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +16 more more+than JJR - - p:e-u-i _ _ _ _ _ _ _ mwe _ _ _ _ +17 than more+than IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +19 normal normal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +20 pace pace NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +21 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +22 early early JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +23 afternoon afternoon NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142021 +1 Most most JJS - + q:i-h-h _ _ ARG1 _ _ _ _ _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +4 increase increase NN - - n:x part BV _ _ _ _ _ _ _ _ _ _ +5 came come VBD - + v:e-i _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +9 hour hour NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +10 after after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 phone phone NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 lines line NNS - - n_of:x _ _ _ _ _ _ _ BV compound ARG1 _ _ +14 opened open VBD - + v:e-i _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ +15 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +16 8 _generic_time_ne_ CD - + numbered_hour:i-u-u-c _ _ _ _ _ _ _ _ _ _ ARG2 _ +17 a.m A.M RB - - x:i-c _ _ _ _ _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142022 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ +2 stocks stock NNS - - n:x _ ARG1 _ _ _ _ _ _ +3 rose rise VBD - + v:e-i ARG2 _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 in in+fact IN - - a:e-e _ _ mwe _ _ _ _ _ +6 fact in+fact NN - + a:e-e _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ +8 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ +9 investors investor NNS - - n:x _ _ _ BV ARG1 _ _ _ +10 changed change VBD - + v_of:e-i-p ARG1 _ ARG1 _ _ _ _ _ +11 course course NN - - n_of:x-i _ _ _ _ ARG2 _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ +13 reversed reverse VBD - + v:e-i-p _ _ _ _ _and_c _ _ _ +14 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +15 sell sell NN - + n:x _ _ _ _ _ _ _ _ +16 orders order NNS - - n_of:x _ _ _ _ _ ARG2 poss compound +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22142023 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ _ +2 funds fund NNS - - n:x ARG1 ARG1 _ _ _ _ +3 allow allow VBP + + v:e-i-i-h _ _ _ _ _ _ +4 investors investor NNS - - n:x _ ARG2 _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ +6 void void VB - + v:e-i-p _ ARG3 _ ARG1 _ _ +7 orders order NNS - - n_of:x _ _ ARG2 _ _ _ +8 before before IN - + p:e-u-i _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ +10 close close NN - + n_of:x-i _ _ _ ARG2 BV _ +11 of of IN - - _ _ _ _ _ _ _ +12 trading trade NN - - v:e-i-p _ _ _ _ _ ARG1 +13 . _ . - - _ _ _ _ _ _ _ + +#22142026 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Fidelity _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 office office NN - - n_of:x-i ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 downtown downtown NN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Boston Boston NNP - - named:x-c _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Gerald Gerald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Sherman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 walked walk VBD + + v:e-i ARG1 _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 shortly shortly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 after after IN - + p:e-u-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 7:30 _generic_time_ne_ CD - + numbered_hour:i-u-u-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a.m. A.M. NN - - x:i-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 placed place VBD - + v:e-i-p _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 order order NN - + n_of:x-h _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 switch switch VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ ARG1 _ _ _ +23 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 retirement retirement NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 accounts account NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ +26 out out+of RP - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +27 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 funds fund NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ +31 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +33 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +36 fund fund NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142028 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - + v_id:e-p-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 nice nice JJ - + a_of-for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 feeling feeling NN - + n:x-h ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 know know VB - + v:e-i-h _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 things thing NNS - - n_of-about:x-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 stabilized stabilize VBN - + v_of:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Sherman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 compound _ _ appos _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 51-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 co-owner _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 discount discount NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 department department NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +25 store store NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142030 +1 Shareholders shareholder NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 steadily steadily RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 bailing bail VBG - + v:e-i ARG1 _ ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 out out+of RP - - p:e-u-i _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 funds fund NNS - - n:x _ _ ARG2 ARG1 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 weeks week NNS - - n:x _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +19 200 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +21 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ BV compound _ _ ARG2 _ _ _ _ _ _ +22 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 jolted jolt VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +24 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 cash cash NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 crunch crunch NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound ARG1 _ _ _ +28 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Campeau _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +30 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 steadily steadily RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 declining decline VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +34 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142031 +1 Much much RB - + much-many_a:e-p _ _ ARG2 _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +4 money money NN - - n:x part BV _ _ _ _ _ _ +5 has has VBZ - - _ _ _ _ _ _ _ _ _ +6 been been VBN - - _ _ _ _ _ _ _ _ _ +7 switched switch VBN - + v_into:e-i-p _ _ _ ARG1 _ _ _ ARG2 +8 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 money money NN - + n:x _ _ _ _ _ _ _ _ +10 market market NN - + n:x _ _ _ _ compound _ _ _ +11 funds fund NNS - - n:x _ _ _ ARG2 _ compound _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ +13 fund fund NN - + n:x _ _ _ _ _ _ _ _ +14 executives executive NNS - - n:x _ _ _ _ _ _ compound ARG1 +15 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22142032 +1 Instead instead+of RB - - p:e-u-i mwe _ _ _ _ _ _ _ _ _ +2 of instead+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +3 selling sell VBG - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ +4 bonds bond NNS - - n:x _ ARG2 _ _ _ _ _ _ _ _ +5 to to TO - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ +6 meet meet VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ +7 redemptions redemption NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +9 however however RB - - _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +11 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 funds fund NNS - - n:x _ _ _ _ BV ARG1 _ _ _ _ +13 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ +14 borrowed borrow VBN - + v_from:e-i-p ARG1 _ _ _ _ _ ARG1 ARG1 _ _ +15 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +16 banks bank NNS - - n_of:x-i _ _ _ _ _ _ ARG2 _ _ _ +17 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ +18 meet meet VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +19 withdrawal withdrawal NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +20 requests request NNS - - n_for:x-i _ _ _ _ _ _ _ _ ARG2 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22142033 +1 This this DT - - x:x ARG1 _ _ +2 avoids avoid VBZ + + v:e-i-p _ _ _ +3 knocking knock VBG - + v_down:e-i-i ARG2 _ ARG1 +4 down down RP - - _ _ _ _ +5 prices price NNS - - n_of:x _ ARG2 _ +6 further further RBR - + a:e-e _ _ _ +7 . _ . - - _ _ _ _ + +#22142034 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 $ $ $ - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 1.1 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 billion billion CD - + card:i-i-c _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 T. T. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Rowe _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Price _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 High _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Yield _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Fund fund NNP - - n:x BV compound _ _ _ _ compound _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 funds fund NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 borrowed borrow VBN - + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +17 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Campeau _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 crisis crisis NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 George George NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 J. J. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +25 Collins Collins NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ compound appos _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 T. T. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Rowe _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +31 Price _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +32 Associates _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ compound compound +33 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22142035 +1 That that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +2 way way NN - + n_of:x-i BV _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +5 Collins Collins NNP - - named:x-c _ _ compound ARG1 _ _ _ _ _ _ +6 says say VBZ + + v_to:e-i-h-i _ loc _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +9 We we PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ +10 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ +11 n’t didn’t RB - + neg:e-h _ _ _ ARG2 _ _ _ _ _ _ +12 have have VBP - + v_qmodal:e-h _ _ _ _ neg _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +14 sell sell VB - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 _ _ +15 securities security NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +18 sloppy sloppy JJ - + a_about:e-p-i _ _ _ _ _ _ _ _ _ _ +19 market market NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22142036 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +3 market market NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ +4 stabilized stabilize VBD - + v:e-i ARG2 _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ +7 added add VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 firm firm NN - - n:x _ _ _ _ BV ARG1 _ _ _ _ +11 sold sell VBD - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 bonds bond NNS - - n:x _ _ _ _ _ ARG2 BV _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +15 quickly quickly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +16 paid pay VBD - + v_for:e-i-i-i _ _ _ _ _ _and_c _ ARG1 _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +18 loans loan NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV +19 back back RB - - _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22142037 +1 Tom Tom NNP - + named:x-c _ _ _ +2 Herman Herman NNP - - named:x-c compound ARG1 _ +3 contributed contribute VBD + + v_to:e-i-p-i _ _ _ +4 to to TO - - _ _ _ _ +5 this this DT - + q_dem:i-h-h _ _ _ +6 article article NN - - n_of:x-i _ ARG3 BV +7 . _ . - - _ _ _ _ + +#22143001 +1 Amcore _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 Financial _generic_proper_ne_ NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ +6 agreed agree VBD - + v:e-i-h _ _ ARG2 _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +8 acquire acquire VB - + v:e-i-p _ _ _ ARG2 _ _ _ ARG1 _ _ +9 Central Central NNP - + named:x-c _ _ _ _ ARG2 _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +11 Illinois Illinois NNP - - named:x-c _ _ _ _ _ ARG1 compound _ _ _ +12 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +15 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ +16 swap swap NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22143002 +1 Shareholders shareholder NNS - - n:x ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +2 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Central Central NNP - - named:x-c ARG2 _ _ _ appos _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 holding holding VBG - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 company company NN - + n_of:x-i _ BV compound compound _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +9 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ +11 Sterling _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Ill. Ill. NNP - - named:x-c _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 receive receive VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +17 Amcore _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 stock stock NN - - n:x _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ +19 equal equal JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 times time NNS - + named_n:x-c _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +23 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 1989 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ compound poss compound _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Amcore _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +29 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22143003 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +3 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ +4 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ +5 months month NNS - - n:x ARG2 BV ARG1 ARG1 ARG1 _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +7 1989 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ ARG2 _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ +9 Central Central NNP - - named:x-c _ _ _ _ _ ARG1 _ _ +10 earned earn VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 +12 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ _ times _ +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22143004 +1 Amcore _generic_proper_ne_ NNP - - named:x-c _ _ _ _ appos ARG1 _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ +3 also also RB - + x:e-u _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h ARG1 _ _ _ _ _ _ _ _ +5 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ +6 holding holding VBG - + n:x _ _ _ _ _ _ _ _ _ +7 company company NN - + n_of:x-i _ BV compound compound _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 has have VBZ + + v:e-i-i _ _ _ _ _ _ _ _ _ +10 assets asset NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 +13 1.06 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +14 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22143005 +1 Central Central JJ - + a:e-p _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ +3 assets asset NNS - - n:x poss ARG1 _ _ +4 are are VBP + + v_id:e-p-i _ _ _ _ +5 $ $ $ - - n:x _ ARG2 _ ARG1 +6 240 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ +7 million million CD - + card:i-i-c _ _ times _ +8 . _ . - - _ _ _ _ _ + +#22144001 +1 ( _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 During during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 centennial centennial JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 year year NN - - n:x ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Street _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +10 Journal _generic_proper_ne_ NNP - - named:x-c _ _ _ BV _ compound ARG1 _ _ _ _ _ _ _ _ +11 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 report report VB + + v_to:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 events event NNS - - n_item:x _ _ _ _ _ _ ARG2 ARG1 _ _ ARG1 _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 century century NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +18 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 stand stand NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 milestones _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 American American JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 business business NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 history history NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ) _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22144002 +1 SOFT soft JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +2 CONTACT contact NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +3 LENSES lens NNS - - n:x ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ +4 WON win VBP - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ +5 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +6 blessing bless NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 March March NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ +9 18 _generic_dom_card_ne_ CD + - dofm:x-c _ _ _ _ ARG2 of loc _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 1971 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 quickly quickly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +15 became become VBD - + v_id:e-i-i _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 eye eye NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +17 openers opener NNS - - n:x _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +20 makers maker NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 poss +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22144004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 cornflake-size size JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +3 product product NN - - n:x BV compound _ ARG1 _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +5 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +6 comfortable comfortable JJ + + a:e-p _ _ comp _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +8 less less RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +9 prone prone JJ - - a:e-p _ _ _ _and_c comp_less ARG1 _ _ _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 falling fall VBG - - v:e-i _ _ _ _ _ ARG2 ARG1 _ _ ARG1 +12 out out RP - + p:e-i _ _ _ _ _ _ _ _ _ _ +13 than than IN - - _ _ _ _ _ _ _ _ _ _ _ +14 hard hard JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ +15 contact contact NN - + n:x _ _ _ _ _ _ _ _ _ _ +16 lenses lens NNS - - n:x _ _ _ _ _ _ _ ARG1 compound _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +18 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +19 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ +20 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ +21 around around RP - - _ _ _ _ _ _ _ _ _ _ _ +22 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +23 1939 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22144005 +1 Bausch _generic_proper_ne_ NNP - + named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Lomb _generic_proper_ne_ NNP - - named:x-c _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +4 sold sell VBD + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 softies _generic_nns_ NNS - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +7 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 sublicense _generic_nn_ NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 National _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Patent _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ +13 Development _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ compound ARG1 _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 gained gain VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 rights right NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +20 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Czechoslovakia Czechoslovakia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Academy _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Sciences _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22144006 +1 Otto Otto NNP - + named:x-c _ _ _ _ _ +2 Wichterle _generic_proper_ne_ NNP - - named:x-c compound _ appos ARG1 _ +3 , _ , - - _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ +5 Czech Czech JJ - + n:x _ BV _ _ _ +6 , _ , - - _ _ _ _ _ _ +7 invented invent VBD + + v:e-i-p _ _ _ _ ARG1 +8 them them PRP - - pron:x _ _ _ ARG2 _ +9 in in IN - + p:e-u-i _ _ _ _ _ +10 1962 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ ARG2 +11 . _ . - - _ _ _ _ _ _ + +#22144007 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 plastic plastic NN - + n:x _ _ _ _ _ _ _ _ _ +3 lens lens NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ +4 wraps wrap VBZ - + v:e-i-p _ _ _ ARG1 _ subord _ _ _ +5 itself itself PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ +6 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 cornea _generic_nn_ NN - - n:x _ _ _ ARG2 BV _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 absorbing absorb VBG - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ +11 eye eye NN - + n:x _ _ _ _ _ _ _ _ _ +12 moisture moisture NN - - n:x _ _ _ _ _ ARG2 compound _ _ +13 while while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ +14 permitting permit VBG - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ +15 oxygen oxygen NN - - n:x _ _ _ _ _ _ _ _ ARG2 +16 to to TO - - _ _ _ _ _ _ _ _ _ _ +17 pass pass VB - - _ _ _ _ _ _ _ _ _ _ +18 through through RP - - _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22144008 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ +3 new new JJ - + a:e-p _ _ _ _ _ _ _ +4 lens lens NN - - n:x _ BV ARG1 ARG1 _ _ _ +5 became become VBD - + v_id:e-i-i ARG2 _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 eye eye NN - - n:x _ _ _ ARG2 BV ARG1 _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ +10 storm storm NN - - n:x _ _ _ _ _ ARG2 BV +11 . _ . - - _ _ _ _ _ _ _ _ + +#22144009 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 September September NNP - - mofy:x-c ARG2 loc _ _ _ _ _ _ _ _ +3 1971 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ +4 California California NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +5 officials official NNS - - n:x _ _ compound ARG1 _ _ _ _ _ _ +6 seized seize VBD - + v:e-i-p ARG1 _ _ _ _ _ _ ARG1 _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +8 bootlegged _generic_vbn_ VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +10 lenses lens NNS - - n:x _ _ _ ARG2 ARG2 ARG2 _ _ _ _ +11 – – : - - _ _ _ _ _ _ _ _ _ _ _ +12 made make VBN - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ +13 by by IN - - _ _ _ _ _ _ _ _ _ _ _ +14 unlicensed license JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +15 companies company NNS - - n_of:x-i _ _ _ _ _ ARG1 ARG1 _ _ _ +16 – – : - - _ _ _ _ _ _ _ _ _ _ _ +17 after after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +18 some some DT - - q:i-h-h _ _ _ _ _ _ _ _ ARG1 _ +19 showed show VBD - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ +20 traces trace NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +22 bacteria bacteria NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22144010 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ +2 October October NNP - + mofy:x-c _ _ _ _ _ _ _ +3 doctors doctor NNS - - n:x _ compound ARG1 _ _ _ _ +4 were were VBD - - _ _ _ _ _ _ _ _ +5 debating debate VBG - + v:e-i-p ARG2 _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 product product NN - + n:x _ _ _ BV _ _ _ +8 ’s ’s NNS - - _ _ _ _ _ _ _ _ +9 safety safety NN - - n:x _ _ ARG2 _ poss _ _ +10 , _ , - - _ _ _ _ _ _ _ _ +11 some some DT - - q:i-h-h _ _ _ _ _ ARG1 _ +12 claiming claim VBG + + v:e-i-h-i ARG1 _ _ _ _ _ _ +13 it it PRP - - pron:x _ _ _ _ _ _ ARG1 +14 caused cause VBD - + v:e-i-p _ _ _ _ _ ARG2 _ +15 infections infection NNS - - n:x _ _ _ _ _ _ ARG2 +16 . _ . - - _ _ _ _ _ _ _ _ + +#22144011 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ +2 there there EX - - _ _ _ _ _ _ _ _ +3 were were VBD - + v_there:e-i ARG2 _ _ _ _ _ _ +4 Senate Senate NNP - + named_n:x-c _ _ _ _ _ _ _ +5 hearings hearing NNS - - n:x _ ARG1 compound ARG1 _ _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ +8 questions question NNS - - n_about:x-i _ _ _ ARG2 BV ARG1 _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ +10 July July NNP - - mofy:x-c _ _ _ _ _ ARG2 loc +11 1972 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ _ + +#22144012 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 product product NN - - n:x BV ARG1 _ _ _ +3 overcame overcome VBD + + v:e-i-p _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ +5 bad bad JJ - + a_at:e-p-i _ _ _ _ _ +6 publicity publicity NN - - n:x _ ARG2 BV ARG1 _ +7 and and CC - - _ _ _ _ _ _ +8 kept keep VBD - + v_on:e-h _ _and_c _ _ _ +9 evolving evolve VBG - - v:e-i _ _ _ _ ARG1 +10 . _ . - - _ _ _ _ _ _ + +#22144013 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +3 soft soft JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +4 lenses lens NNS - - n:x BV ARG1 ARG1 ARG1 _ _ _ ARG1 _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +7 cost cost VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +9 300 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +10 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 set set NN - - n_of:x _ _ _ _ _ ARG2 _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +13 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +14 expected expect VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +16 last last VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ ARG1 _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +18 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +19 year year NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22144015 +1 Eighteen eighteen CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +2 months month NNS - - n:x ARG1 ARG2 _ _ _ _ _ _ _ _ _ +3 ago ago IN - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +6 disposable _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ +7 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +8 seven-day day JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +9 model model NN - - n_of:x-i _ _ BV ARG1 compound ARG1 _ _ _ _ _ +10 bowed bow VBD + + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ +11 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 year year NN - + n:x _ _ _ _ _ _ ARG1 _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +15 supply supply NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +16 costs cost NNS - + v:e-i-i _ _ _ _ _ ARG2 _ poss compound _ _ +17 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 +19 500 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22144016 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 month month NN - + n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 FDA FDA NNP - + named:x-c _ _ BV _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Contact _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Lens _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +8 Institute _generic_proper_ne_ NNP - - named:x-c _ _ _ _and_c _ compound _ _ _ _ _ _ _ _ _ _ _ +9 cautioned caution VBD + + v:e-i-p _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 users user NNS - + n:x-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 serious serious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 eye eye NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 infections infection NNS - - n:x _ _ _ _ _ _ _ _ ARG1 compound _ ARG1 _ _ _ _ _ +15 could could MD - + v_modal:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +16 result result VB - + v_from:e-i-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +17 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 wearing wear VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ ARG1 _ +19 lenses lens NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 more more+than JJR - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +21 than more+than IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 seven seven CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 days day NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stretch stretch NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22144017 +1 Today today NN + - _ _ _ _ _ _ _ _ _ _ +2 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +3 million million CD - - card:i-i-c times _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +7 million million CD - + card:i-i-c _ _ times _ _ _ _ _ _ +8 Americans American NNPS - - n:x _ BV _ ARG1 ARG1 _ ARG1 _ _ +9 using use VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ +10 contact contact NN - + n:x _ _ _ _ _ _ _ _ _ +11 lenses lens NNS - - n:x _ _ _ _ ARG2 compound _ _ _ +12 are are VBP - - _ _ _ _ _ _ _ _ _ _ +13 using use VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 soft soft JJ - + a:e-p _ _ _ _ _ _ _ _ _ +16 type type NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22144018 +1 Including include VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 accesory _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +4 eye eye NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +5 care care NN - + n:x _ _ compound compound _ _ _ _ _ _ _ +6 products product NNS - - n:x ARG2 BV _ _ compound _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 contacts contact NNS - - n:x _ _ _ _ _ ARG1 _ _ _ _ _ +9 account account VBP - + v_for:e-i-i subord _ _ _ _ _ _ _ _ _ _ +10 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ +12 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +13 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +15 annual annual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +16 retail retail JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +17 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22144019 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +2 Bausch _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ +3 remains remain VBZ - + v:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 leader leader NN - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ +6 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +9 majors major NNS - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +11 Johnson Johnson NNP - + named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ +12 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ +13 Johnson Johnson NNP - - named:x-c _ _ _ _ _ _ _and_c _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +18 disposables _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ ARG2 poss ARG1 _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +20 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +21 coming come VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ ARG1 +22 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ +23 fast fast RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22145001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 roller-coaster coaster NN - + n:x _ _ _ _ _ _ _ _ _ +3 stock stock NN - + n:x _ compound _ _ _ _ _ _ _ +4 market market NN - - n:x BV _ compound ARG1 _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +6 making make VBG - + v:e-i-p-u _ _ _ _ subord _ _ _ _ +7 life life NN - - n_of:x-i _ _ _ _ ARG1 _ _ _ _ +8 tougher tougher JJR + + a_for:e-i _ _ _ _ _ ARG1 _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ +11 companies company NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 +12 trying try VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ +14 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ _ ARG2 _ +15 money money NN - - n:x _ _ _ _ _ _ _ _ ARG2 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22145002 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 wake wake NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +5 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ +6 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ +7 plunge plunge NN - + n_of:x-i _ _ ARG2 poss _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +9 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ +10 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ +11 rebound rebound NN - - n:x _ _ _ _ _and_c poss _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 companies company NNS - - n_of:x-i _ _ _ _ _ _ BV _ ARG1 _ _ +15 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +16 already already RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +17 postponing postpone VBG + + v:e-i-p ARG1 _ _ _ _ _ _ ARG1 _ _ _ +18 deals deal NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +21 others other NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ +22 wish wish VBP - + v:e-i-h-i _ _ _ _ _ _ _ _ _and_c _ _ +23 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 +24 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG2 _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22145003 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 jittery _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 times time NNS - - n_of:x _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 businesses business NNS - - n:x _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +10 expect expect VBP - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 particularly particularly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 rough rough JJ - + a:e-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +14 time time NN - - n_of:x _ _ _ _ _ _ ARG2 BV _ ARG1 ARG1 _ _ _ _ _ _ +15 raising raise VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 funds fund NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +17 as as IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 shun shun VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +20 risky risky JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 deals deal NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 seeking seek VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 safety safety NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 bigger bigger JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145004 +1 Even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +2 if if IN + + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 prices price NNS - - n_of:x _ _ compound _ ARG1 _ _ _ _ _ _ _ +5 fully fully RB - + a_of:e-e _ _ _ _ _ _ _ _ _ _ _ _ +6 recover recover VB - + v:e-i-p _ ARG2 _ ARG1 _ ARG1 _ _ _ _ _ _ +7 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ +9 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 sharp sharp JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +11 decline decline NN - - n:x _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +14 unsettled unsettled JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +15 conditions condition NNS - - n:x _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ +16 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 frighten frighten VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +18 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +19 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145005 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 implication implication NN - - n:x BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 unsettled unsettled JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 situation situation NN - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 is is VBZ - + v_nv:e-i-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 thing thing NN - - n_of-about:x-i _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 could could MD - + v_modal:e-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 drop drop VB - + v:e-i _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 dramatically dramatically RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Henry Henry NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Linsert _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +20 Jr. _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 _ compound appos _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Martek _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ appos _ _ _ _ +25 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 four-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 biotechnology _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 compound _ ARG1 _ _ _ +31 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 planning plan VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 private private JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 placement placement NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +37 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145008 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 time time NN - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 shares share NNS - - n_of:x _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 selling sell VBG + + v:e-i-p ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 above above IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 initial initial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 offering offering NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 price price NN - + n_of:x-i _ _ _ _ ARG2 poss ARG1 compound _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ +16 19 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 bankers banker NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +20 believed believe VBD - + v:e-i-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +21 Staples _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +23 sell sell VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ +24 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +26 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 hitch hitch NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145009 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 company company NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 shares share NNS - - n_of:x _ ARG2 _ poss ARG1 _ _ _ _ _ _ _ _ +7 standing stand VBG - + v:e-i _ _ _ _ _ ARG1 _ loc _ _ _ _ _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +10 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +15 offering offering NN - - n_of:x-i _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ +16 seems seem VBZ - + v_to:e-u-h-i _ ARG1 _ _ _ _ _ _ _ _ _ _ ARG2 +17 unlikely unlikely JJ - - a_for:e-p-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 officials official NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +21 say say VBP - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145010 +1 Business business NNP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 however however RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 continues continue VBZ - + v:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 robust robust JJ - - a:e-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +15 market market NN - - n:x _ BV compound _ ARG1 _ _ _ _ _ _ _ _ +16 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 n’t hasn’t RB - + neg:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +18 affected affect VBN - + v:e-i-p _ _ _ neg _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 concern concern NN - + n:x _ _ _ _ _ BV _ _ _ _ _ _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 expansion expansion NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +23 plans plan NNS - - n:x _ _ _ _ ARG2 _ poss compound _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Todd _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Krasnow _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound _ _ appos +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +30 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +31 executive executive NN - + n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145011 +1 Other other JJ - + a:e-i _ _ _ _ _ _ +2 companies company NNS - - n_of:x-i ARG1 ARG1 _ _ _ _ +3 figure figure VBP + + v:e-i-h _ _ _ _ _ _ +4 they they PRP - - pron:x _ _ _ _ ARG1 _ +5 ca can’t MD - + neg:e-h _ _ _ neg _ _ +6 n’t can’t RB - + neg:e-h _ ARG2 _ _ _ _ +7 avoid avoid VB - + v:e-i-p _ _ ARG1 _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ +9 market market NN - - n:x _ _ _ _ ARG2 BV +10 . _ . - - _ _ _ _ _ _ _ + +#22145012 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 have have VBP - + v:e-i-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 capital capital NN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 requirements requirement NNS - - n:x ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Linsert _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 so so RB - + x:e-h-h _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ +14 we we PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +15 have have VBP - + v_qmodal:e-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 go go VB - + v_ahead:e-i _ _ _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ +18 ahead ahead RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 planned plan VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 1.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ times _ _ +26 private private JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 placement placement NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG2 compound _ _ ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145013 +1 Unless unless IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 market market NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 goes go VBZ - + v:e-i ARG2 _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ +5 right right RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 back back RB - + place_n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 up up RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +10 says say VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +14 may may MD - + v_modal:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +15 take take VB - + v:e-i-p-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +16 us us PRP - - pron:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +17 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - + interval_p_end:i-i-i _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ +19 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 months month NNS - - n:x _ _ _ _ _ _ _ _ ARG3 _ loc _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 find find VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ ARG1 +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 money money NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 instead instead+of RB - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +27 of instead+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 three three CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145014 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 Columbia Columbia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +5 Md. MD. NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +7 company company NN - - n_of:x-i _ BV _ compound _ _ ARG1 _ _ _ _ +8 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ ARG2 +9 have have VB - + v_qmodal:e-h _ _ _ _ ARG1 _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +11 settle settle VB - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ +15 price price NN - - n_of:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +17 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 +18 adds add VBZ - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22145015 +1 Life life NNP - - n_of:x-i _ ARG1 _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ +3 particularly particularly RB - + a:e-e _ _ _ _ _ _ _ +4 nerve-racking rack JJ + + a:e-p ARG1 _ ARG1 _ _ _ _ +5 for for IN - + p:e-u-i _ _ _ _ _ _ _ +6 companies company NNS - - n_of:x-i _ _ ARG2 ARG1 ARG1 _ _ +7 that that WDT - - _ _ _ _ _ _ _ _ +8 had had VBD - - _ _ _ _ _ _ _ _ +9 planned plan VBN - + v:e-i-h _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ +11 go go VB - + v_state:e-i-h _ _ _ ARG2 _ _ loc +12 public public JJ - - a:e-p _ _ _ _ ARG2 _ _ +13 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ +14 week week NN - + n:x _ _ _ _ _ BV _ +15 . _ . - - _ _ _ _ _ _ _ _ + +#22145016 +1 Hand-holding hold NN - - n:x ARG1 _ _ _ +2 is is VBZ - - _ _ _ _ _ +3 becoming become VBG + + v_id:e-i-i _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ +5 investment-banking banking JJ - + v:e-i-p _ _ _ _ +6 job job NN - + n_of:x-i _ _ _ _ +7 requirement requirement NN - - n:x ARG2 BV compound compound +8 . _ . - - _ _ _ _ _ + +#22145017 +1 Robertson _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Stephens Stephen NNP - - named:x-c compound compound _ _ _ _ _ appos ARG1 _ _ _ _ _ _ _ _ _ +4 & &+co. CC - - n:x _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Francisco Francisco NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 banking banking NN - + n:x _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +12 concern concern NN - + n:x _ _ BV _ compound _ compound _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 has have VBZ + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 client client NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +17 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 looked look VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +19 forward forward RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 making make VBG - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ loc +22 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 initial initial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 public public JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 offering offering NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 ARG1 _ +26 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145019 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 market market NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ +4 dropped drop VBD - + v:e-i ARG2 _ _ loc _ _ _ _ _ _ _ +5 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +7 Robertson _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +8 Stephens Stephen NNP - - named:x-c _ _ _ _ compound ARG1 _ _ _ _ _ +9 slashed slash VBD - + v_at:e-i-p ARG1 _ _ _ _ _ _ _ _ ARG1 _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 value value NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 offering offering NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ +15 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +16 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22145021 +1 As as+of IN - - p:e-u-i mwe _ _ _ _ +2 of as+of IN - + p:e-u-i _ _ _ _ _ +3 late late JJ - - time_n:x ARG2 loc _ _ _ +4 yesterday yesterday NN - + time_n:x _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ +7 IPO _generic_nn_ NN - - n:x _ _ BV _ ARG1 +8 was was VBD - - _ _ _ _ _ _ +9 still still RB - + a:e-e _ _ _ _ _ +10 on on IN + + p:e-i ARG1 _ _ ARG1 _ +11 . _ . - - _ _ _ _ _ _ + +#22145022 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 many many JJ - - much-many_a:e-p ARG2 _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 situation situation NN - - n:x _ BV _ ARG1 _ _ _ _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 especially especially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +8 discouraging discourage VBG - + v:e-i-p ARG1 _ ARG1 _ ARG1 _ _ _ _ _ _ _ +9 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 market market NN - - n:x _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +13 IPOs _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 showing show VBG - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ +16 signs sign NNS - + n_of:x-i _ _ _ _ _ _ _ ARG2 _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 strengthening strengthen VBG - - v:e-i _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +19 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +20 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +21 years year NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +23 weakness weakness NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145023 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 beginning begin VBG - + v:e-h ARG1 _ _ _ _ subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 look look VB - + v_at:e-i-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 increase increase NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 IPOs _generic_nns_ NNS - - n:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 seeing see VBG - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 light light NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 end end NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 tunnel tunnel NN - - n:x _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Frank Frank NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Kline _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +28 Jr. _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 _ compound appos _ _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 partner partner NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Lambda _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Funds _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ appos +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Beverly Beverly NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Hills Hills NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Calif. Calif. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +40 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 venture venture NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 capital capital NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +43 concern concern NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ compound _ compound _ +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145024 +1 “ _ `` - - _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ +4 tunnel tunnel NN - - n:x _ BV _ ARG1 +5 ’s ’s VBZ - - _ _ _ _ _ +6 just just RB - + a:e-e _ _ _ _ +7 gotten get VBN - + v_state:e-i-h ARG2 _ ARG1 _ +8 longer longer RBR - - a:e-i _ _ _ ARG2 +9 . _ . - - _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ + +#22145025 +1 Companies company NNS - - n_of:x-i ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 planning plan VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 go go VB - + v_state:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 public public JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 definitely definitely RB - + a:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 taking take VBG - + v:e-i-p-u _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 look look NN - - n_at:x-i _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Allen Allen NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Hadhazy _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +21 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Institute _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ ARG1 _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Econometric _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Research _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Fort _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Lauderdale _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Fla. Fla. NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound _ compound _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 publishes publish VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Issues _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +38 newsletter newsletter NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 +39 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 IPOs _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145026 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 calculates calculate VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +6 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +7 slide slide NN - - n:x _ BV ARG1 compound ARG1 _ _ _ _ _ _ _ +8 translated translate VBN - + v_into:e-i-p-i ARG2 _ _ _ _ _ _ _ _ _ _ _ +9 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +12 % % NN - - n_of:x _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +14 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +16 reduction reduction NN - - n_of:x-i _ _ _ _ ARG2 BV _ compound _ ARG1 _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 IPO _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +19 proceeds proceeds NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +21 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145027 +1 Many many JJ - + much-many_a:e-p _ _ +2 companies company NNS - - n_of:x-i ARG1 ARG1 +3 are are VBP - - _ _ _ +4 hesitating hesitate VBG + + v:e-i-p _ _ +5 . _ . - - _ _ _ + +#22145028 +1 Exabyte _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 planning plan VBG + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 sell sell VB - + v:e-i-p _ ARG2 _ _ _ _ _ loc ARG1 _ _ _ _ _ _ +8 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - - n_of:x _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 stock stock NN - - n:x _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ +13 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 week week NN - + n:x _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 IPO _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ +18 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +21 up up+to RP - - x:e-u _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ +22 to up+to TO - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 +24 28.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145029 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +2 now now RB - + a:e-h ARG2 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 Peter Peter NNP - + named:x-c _ _ _ _ _ _ _ _ _ +5 Behrendt _generic_proper_ne_ NNP - - named:x-c _ _ compound appos ARG1 _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ +7 president president NN - + n_of:x _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 says say VBZ - + v_to:e-i-h-i _ ARG1 _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ +11 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +12 We we PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ +13 ’re ’re VBP - - _ _ _ _ _ _ _ _ _ _ +14 making make VBG - + v:e-i-p-u _ _ _ _ ARG2 _ ARG1 _ _ +15 decisions decision NNS - - n:x _ _ _ _ _ ARG2 _ _ _ +16 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +18 day-to-day day-+to-+day JJ - + a:e-p _ _ _ _ _ _ _ _ _ +19 basis basis NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22145030 +1 Debt-free free JJ - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +2 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 profitable profitable JJ - - a_for:e-p-i _and_c _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Boulder _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Colo. Colo. NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 computer-products products NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 concern concern NN - - n:x _ BV _ compound compound _ ARG1 _ _ _ _ _ _ +12 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +13 borrow borrow VB - + v_from:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +14 funds fund NNS - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +15 if if IN - + x:e-h-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +16 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +17 decides decide VBZ - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ ARG1 _ loc _ +18 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 IPO _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +21 now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +24 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145031 +1 KnowledgeWare _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos ARG1 _ _ _ _ _ _ _ _ +2 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Atlanta Atlanta NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 computer-software software NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 concern concern NN - + n:x _ BV compound compound _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +11 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 planning plan VBG - + v:e-i-h _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 go go VB - - v_ahead:e-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ loc _ _ +16 ahead ahead RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 IPO _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ +20 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ +22 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 next next JJ - - n:x _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ +24 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 unless unless IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 conditions condition NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +27 change change NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145033 +1 Delayed delay JJ - + a:e-p _ _ _ _ _ _ _ +2 financings _generic_nns_ NNS - - n:x ARG1 _ _ ARG1 _ _ _ +3 also also RB + + a:e-h _ _ _ _ _ _ _ +4 would would MD - + v_modal:e-h _ ARG1 _ _ _ _ _ +5 affect affect VB - + v:e-i-p _ _ ARG1 _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 operations operation NNS - - n_of:x-i _ _ _ ARG2 BV ARG1 _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ _ +9 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ +10 companies company NNS - - n_of:x-i _ _ _ _ _ ARG2 ARG1 +11 . _ . - - _ _ _ _ _ _ _ _ + +#22145035 +1 William William NNP - + named:x-c _ _ _ _ _ _ _ +2 O’Donnell _generic_nnp_ NNP - - named:x-c compound appos ARG1 _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ +4 president president NN - + n_of:x _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ +6 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ +7 he he PRP - - pron:x _ _ _ _ ARG1 _ _ +8 still still RB - + a:e-e _ _ _ _ _ _ _ +9 thinks think VBZ - + v:e-i-h-i _ _ ARG2 ARG1 _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ +11 IPO _generic_nn_ NN - - n:x _ _ _ _ _ BV ARG1 +12 will will MD - - _ _ _ _ _ _ _ _ +13 succeed succeed VB - + v:e-i-p _ _ _ _ ARG2 _ _ +14 . _ . - - _ _ _ _ _ _ _ _ + +#22145036 +1 If if IN + + x:e-h-h _ _ _ _ _ _ _ _ +2 it it PRP - - _ _ _ _ _ _ _ _ _ +3 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ +4 n’t doesn’t JJ - - neg:e-h ARG2 _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ +6 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ +7 says say VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 company company NN - - n_of:x-i _ _ BV _ _ ARG1 _ _ +11 would would MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ +12 have have VB - + v_qmodal:e-h _ _ _ ARG1 _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ +14 change change VB - + v_cause:e-i-p _ _ _ _ ARG1 _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +16 expansion expansion NN - + n:x _ _ _ _ _ _ _ _ +17 timetable timetable NN - - n_of:x-i _ _ _ _ _ ARG2 poss compound +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22145037 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 market market NN - + n:x _ _ _ _ _ _ _ _ _ +4 turmoil turmoil NN - - n:x _ BV compound _ _ ARG1 _ _ _ +5 could could MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ +6 be be VB - - _ _ _ _ _ _ _ _ _ _ +7 partially partially RB - + a:e-e _ _ _ _ _ _ _ _ _ +8 beneficial beneficial JJ - + a:e-p _ _ _ ARG1 ARG1 _ ARG1 _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ +12 businesses business NNS - - n:x _ _ _ _ _ _ ARG2 BV ARG1 +13 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22145038 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 sagging sag VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 market market NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Reserve _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 System _generic_proper_ne_ NNP - - named:x-c _ _ _ BV _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +12 flood flood VB - + v:e-i-p ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 market market NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +15 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 funds fund NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 that that WDT - - x:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +20 should should MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 bring bring VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +22 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 rates rate NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +24 down down RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Leonard Leonard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 T. T. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +30 Anctil _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ compound _ appos _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +34 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Bank bank NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ appos +37 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 England England NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ +40 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Boston Boston NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145039 +1 James James NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 G. G. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Zafris _generic_proper_ne_ NNP - - named:x-c _ compound appos _ _ _ _ ARG1 _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Danvers _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Savings _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +9 Bank _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Danvers _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Mass. Mass. NNP - - named:x-c _ _ ARG1 _ _ compound compound _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 turmoil turmoil NN - - n:x _ _ _ _ _ _ _ _ BV compound ARG1 _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +21 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 absolute absolute JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 non-event event NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145041 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ +2 Zafris _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ +3 thinks think VBZ + + v:e-i-h-i _ _ _ _ _ +4 rates rate NNS - - n_of:x-i _ _ ARG1 _ _ +5 are are VBP - - _ _ _ _ _ _ +6 heading head VBG - + v_dir:e-i _ _ _ subord _ +7 down down RP - - _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ +9 helping help VBG - + v_to:e-i-i-h _ ARG2 _ _ _ +10 small small JJ - + a:e-p _ _ _ _ _ +11 companies company NNS - - n_of:x-i _ _ _ ARG2 ARG1 +12 . _ . - - _ _ _ _ _ _ + +#22145042 +1 Peter Peter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Drake Drake NNP - - named:x-c compound _ appos _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 biotechnology _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 analyst analyst NN - + n:x _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Vector _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Securities _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +9 International _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Chicago Chicago NNP - - named:x-c _ _ _ ARG2 _ _ compound _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 thinks think VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 uncertainty uncertainty NN - - n:x _ _ _ _ _ _ _ _ compound _ ARG1 _ _ _ _ _ _ +16 may may MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +17 encourage encourage VB - + v:e-i-i-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 form form VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ +22 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 strategic strategic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ comp _ _ _ +24 alliances alliance NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ +25 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 corporations corporation NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145043 +1 Partly partly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 because because IN + + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 crash crash NN - - n:x _ _ BV compound compound ARG1 _ _ _ _ _ _ _ _ +7 made make VBD - + v_cause:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +9 harder harder RBR - + a_for:e-i _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 them them PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 find find VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 high-technology technology NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 concerns concern NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 compound ARG1 _ _ +19 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 made make VBN - + v:e-i-p-u _ ARG1 _ _ _ _ _ _ _ _ _ _ _ ARG1 +21 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 alliances alliance NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +23 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145044 +1 Some some DT - - q:i-h-h _ ARG1 _ _ _ _ _ +2 even even RB - + a:e-e _ _ _ _ _ _ _ +3 see see VB + + v:e-i-p ARG1 _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ +5 silver silver NN - + n:x _ _ _ _ _ _ _ +6 lining lining NN - - n:x _ ARG2 BV ARG1 ARG1 _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ +9 dark dark JJ - + a:e-p _ _ _ _ _ _ _ +10 clouds cloud NNS - - n_of:x-i _ _ _ _ ARG2 BV ARG1 +11 . _ . - - _ _ _ _ _ _ _ _ + +#22145045 +1 Alan Alan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Wells _generic_proper_ne_ NNP - - named:x-c compound appos _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Bollinger _generic_proper_ne_ NNP - + named:x-c _ ARG1 _ _ _ _ _ _ _ appos _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Wells _generic_proper_ne_ NNP - + named:x-c _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Lett _generic_proper_ne_ NNP - - named:x-c _ _ _ conj compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 & &+co. CC - - n:x _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 York York NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +17 merger merger NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 specialist specialist NN - + n:x _ _ _ _ _ BV _ compound compound _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 thinks think VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 panicky _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +23 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +24 lose lose VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +25 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 enthusiasm enthusiasm NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 leveraged leverage JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 buy-out buy-+out NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ _ _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 giant giant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 deals deal NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 compound +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22145046 +1 Instead instead RB - + p:e-i _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ +3 they they PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +4 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ ARG2 +5 turn turn VB - + v:e-i ARG1 ARG1 _ ARG1 _ _ _ _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +7 investing invest VBG - + v_in:e-i-i _ _ _ ARG2 _ _ _ _ _ +8 in in IN - - _ _ _ _ _ _ _ _ _ _ +9 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ +10 deals deal NNS - - n:x _ _ _ _ ARG2 ARG1 ARG1 _ _ +11 involving involve VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ +12 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ +13 companies company NNS - - n_of:x-i _ _ _ _ _ _ ARG2 ARG1 _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ +15 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22145048 +1 This this DT - - x:x ARG1 _ _ _ _ _ _ _ _ +2 will will MD - - _ _ _ _ _ _ _ _ _ _ +3 add add VB - + v_to:e-i-p-i _ _ _ _ ARG2 _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 appeal appeal NN - - n:x ARG3 BV ARG1 _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +8 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ +9 business business NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ +11 he he PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ +12 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 where where WRB - - _ _ _ _ _ _ _ _ _ _ +15 investors investor NNS - - n:x _ _ _ _ _ _ ARG1 _ _ +16 often often RB - + a:e-e _ _ _ _ _ _ _ _ _ +17 have have VBP - + v:e-i-i _ _ _ _ ARG2 ARG1 _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +19 degree degree NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ +21 influence influence NN - - n:x _ _ _ _ _ _ _ _ ARG1 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22146001 +1 Bay _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Financial _generic_proper_ne_ NNP - - named:x-c compound compound ARG2 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 hurt hurt VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 debts debt NNS - + n:x _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 deteriorating deteriorate VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 real real+estate JJ - - n:x _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 estate real+estate NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 investments investment NNS - - n:x _ _ _ _ _and_c ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 reported report VBD + + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 wider wider JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 loss loss NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +19 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 fourth fourth JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 said say VBD - + v_to:e-i-h-i _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +26 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +27 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 forced force VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +29 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 seek seek VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +31 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 bankruptcy-court court JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 reorganization reorganization NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ +34 if if IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +35 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +36 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +37 n’t can’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +38 renegotiate negotiate VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +39 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 borrowings borrowings NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146004 +1 Thus thus RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 coming come VBG - + v_up:e-i-u _ _ subord _ _ _ _ _ _ _ _ _ _ _ _ +5 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 short short JJ - + a_of:e-p-i ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 bet bet NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 quick quick JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sales sale NNS - - n_of:x-i _ _ _ _ _ _ ARG1 ARG1 _ _ ARG1 _ _ _ _ +14 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 prices price NNS - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +17 would would MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 enable enable VB - + v:e-i-i-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +19 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 keep keep VB - - v_up:e-i _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ +22 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 mortgage mortgage NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 debt debt NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 payments payment NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 had have VBD - + v:e-i-i _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 loss loss NN - - n_of:x-i _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 fourth fourth JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 quarter quarter NN - - n_temp:x _ _ _ _ _ ARG2 poss ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +13 ended end VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ +14 June June NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 30 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ of _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ +18 36.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ +23 9.33 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +29 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +31 13.1 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146007 +1 A a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 year year NN - + n:x BV _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ +3 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 company company NN - - n_of:x-i _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 had have VBD + + v:e-i-i _ loc _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 loss loss NN - + n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - + n:x _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +12 10.8 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ +17 3.04 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +25 10.8 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146008 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 year year NN - - n:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 had have VBD + + v:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 loss loss NN - + n_of:x-i _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - + n:x _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +12 62 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ +17 15.97 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +25 44.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146009 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 year year NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 had have VBD + + v:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 loss loss NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - + n:x _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +12 22.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ +17 6.52 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +25 41.1 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146010 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 having have VBG - + v:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 serious serious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 cash-flow flow JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 problems problem NNS - - n_of:x-i _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Bay _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 said say VBD - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 fair-market market JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 value value NN - - n:x _ _ _ _ _ BV compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 holdings holding NNS - - n:x _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 minus minus CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 equal equal JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ subord _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +25 6.02 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +28 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 June June NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 30 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 of _ _ _ _ +31 based base VBN - + v:e-i-p-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +32 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ +33 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 appraisal appraisal NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22146011 +1 Book book NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 value value NN - - n:x compound ARG1 ARG2 ARG1 _ ARG1 _ _ _ _ +3 per per IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +4 share share NN - - n_of:x _ ARG2 _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +8 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ +9 on on IN - + p:e-u-i _ _ ARG3 _ _ _ _ _ _ _ +10 investments investment NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ +11 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 cost cost NN - - n:x _ _ _ _ ARG2 _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +14 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 negative negative JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +17 $ $ $ - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 ARG1 +18 6.69 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +19 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +20 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22146012 +1 A a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +2 year year NN - + n:x BV _ loc _ _ _ _ _ _ _ _ +3 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +5 fair-market market JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +6 value value NN - - n:x _ _ _ compound ARG1 ARG1 _ _ _ _ _ +7 per per IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +8 share share NN - - n_of:x _ _ _ _ ARG2 _ _ _ _ _ _ +9 was was VBD + + v_id:e-p-i _ loc _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ +11 26.02 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +13 book book NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +14 value value NN - - n:x _ _ _ _ _ _ _ compound ARG1 _ _ +15 was was VBD - + v_id:e-p-i _ _ _ _ _ _and_c _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +17 9.43 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22147001 +1 Annualized _generic_vbn_ JJ - + v:e-u-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 rates rate NNS - - n_of:x-i ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 certain certain JJ - + a_of:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 investments investment NNS - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 as as RB + + p:e-u-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +8 reported report VBN - + v_to:e-i-p _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ _ _ _ _ _ +9 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Reserve _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +13 Board _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 BV _ compound _ _ _ _ _ _ _ _ +14 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 weekly-average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 basis basis NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +18 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 1989 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Wednesday Wednesday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ loc _ +22 October October NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 4 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ of _ loc +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 1989 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148001 +1 TRW _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 reported report VBD + + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 12 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 % % NN - + n_of:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 decline decline NN - - n:x _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 third-quarter quarter JJ - + n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 income income NN - - n:x _ _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +16 said say VBD - + v_to:e-i-h-i _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 excluding exclude VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +19 unusual unusual JJ - + a_about:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 gains gain NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 both both DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 quarters quarter NNS - - n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 operating operate VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 profit profit NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ +27 rose rise VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ loc +28 16 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 electronics electronics NN - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 automotive _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 aerospace aerospace JJ - - n:x _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 concern concern NN - - n:x BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 third-quarter quarter JJ - + n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 net net NN - - n:x _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 was was VBD - + v_id:e-p-i _ _ _ ARG2 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +12 $ $ $ - + n:x _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 98 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 cents cent NNS - - n:x _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +19 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 down down RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ loc _ +25 68 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ +30 1.11 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +36 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148003 +1 Share share NN - + n_of:x _ _ _ _ _ _ _ _ +2 earnings earnings NNS - - n:x compound ARG2 _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ +4 reported report VBN + + v_to:e-i-p _ _ ARG1 _ _ _ ARG1 _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +7 fully fully RB - + a_of:e-e _ _ _ _ _ _ _ _ +8 diluted dilute VBN - + v:e-i-p _ _ _ _ ARG1 _ _ _ +9 basis basis NN - - n_of:x-i _ _ ARG2 BV _ ARG2 _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ +11 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ +13 tradition tradition NN - - n:x _ _ _ _ _ _ ARG2 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22148004 +1 Results result NNS - - n_of:x-i ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 1988 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 quarter quarter NN - - n_temp:x ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 included include VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 gain gain NN - - n:x _ _ _ ARG2 BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 1.05 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 share share NN - - n_of:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sale sale NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Reda _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Pump _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Oilwell _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Cable _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ _ _ _ _ _ _ _ _ _ +23 units unit NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ ARG2 _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 partly partly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 offset offset VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ ARG1 _ _ _ _ +27 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 charge charge NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 69 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ +33 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +35 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 recall recall NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +37 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 faulty faulty JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 truck truck NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +40 steering steer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +41 systems system NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ compound +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 quarter quarter NN - - n_temp:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 included include VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 gain gain NN - - n:x _ _ ARG2 BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 11 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 cents cent NNS - - n:x _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 share share NN - - n_of:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 partial partial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 reversal reversal NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 recall recall NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 charge charge NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 BV compound _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 reserve reserve NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG2 _ _ ARG1 _ _ _ +24 established establish VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ +25 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +27 exceeded exceed VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 actual actual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 recall recall NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 costs cost NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148006 +1 Sales sale NNS - - n_of:x-i ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 quarter quarter NN - - n_temp:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 rose rise VBD - + v:e-i _ _ _ _ loc ARG1 _ _ ARG1 _ _ ARG1 _ _ _ _ _ +6 8.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 % % NN - + n_of:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ +10 1.79 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ +15 1.65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 with with IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 product product NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 groups group NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 compound ARG1 +24 reporting report VBG - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +25 gains gain NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148008 +1 Automotive _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 sales sale NNS - - n_of:x-i ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 jumped jump VBD - + v:e-i _ _ _ loc ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ ARG2 +4 16 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 % % NN - + n_of:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 791 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 mainly mainly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +13 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sales sale NNS - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 air air NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 bags bag NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 passenger passenger NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 restraint restraint NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +23 systems system NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 _ compound _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 TRW _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +26 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 group group NN - - n_of:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 had have VBD + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 operating operate NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 profit profit NN - - n:x _ ARG2 BV compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ +9 65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 million million CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 loss loss NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ loc _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ +17 13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +19 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +21 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148010 +1 However however RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 excluding exclude VBG - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 year-earlier year-+earlier JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 charge charge NN - - n_of:x-i _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 recall recall NN - + n_of:x-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 steering steer VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 gear gear NN - - n:x _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 operating operate VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 profit profit NN - - n:x _ _ _ _ _ _ _ compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +19 declined decline VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ loc subord _ _ _ _ _ +20 14 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 reflecting reflect VBG - + v:e-i-p _ subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 start-up start-+up NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 product product NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 development development NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound _ _ +29 expenses expense NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ ARG1 _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 passenger-restraint restraint NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 systems system NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148011 +1 Materials material NNPS - + n:x _ _ _ ARG1 _ +2 and and CC - - _ _ _ _ _ _ +3 production production NN - + n_of:x-i _ _ _ _ _ +4 costs cost NNS - - n:x _and_c compound _ _ _ +5 also also RB - + a:e-h _ _ _ _ ARG2 +6 rose rise VBD - + v:e-i _ _ ARG1 _ _ +7 , _ , - - _ _ _ _ _ _ +8 TRW _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ + +#22148013 +1 An an DT - + q:i-h-h _ _ _ _ _ _ +2 acquisition acquisition NN - - n_of:x-i BV ARG1 _ _ _ _ +3 accounted account VBD - + v_for:e-i-i _ _ _ _ _ ARG2 +4 for for IN - - _ _ _ _ _ _ _ +5 half half PDT - + part_of:x-i _ ARG2 _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ +7 sales sales NNS - + n_of:x _ _ _ _ _ _ +8 rise rise NN - - n:x _ _ part BV compound _ +9 , _ , - - _ _ _ _ _ _ _ +10 TRW _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 +11 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ + +#22148014 +1 Operating operate NN - + v:e-i-p _ _ _ _ _ _ _ _ _ +2 profit profit NN - - n:x compound ARG1 _ _ _ _ _ _ _ +3 rose rise VBD + + v:e-i _ _ ARG1 ARG1 _ _ ARG1 _ _ +4 threefold threefold RB - + a:e-e _ _ _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 _ _ _ +7 18 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 million million CD - + card:i-i-c _ _ _ _ times _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 +12 6 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22148015 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 months month NNS - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 TRW _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 net net NN - - n:x _ _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 was was VBD + + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ +10 $ $ $ - + n:x _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 199 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 3.22 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ loc _ +25 205 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ +30 3.33 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +36 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22148016 +1 Sales sale NNS - - n_of:x-i ARG1 _ _ _ _ _ _ _ _ +2 rose rise VBD + + v:e-i _ _ loc ARG1 _ _ ARG1 _ _ +3 2.9 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +4 % % NN - + n_of:x _ ARG1 _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 _ _ _ +7 5.42 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 +12 5.27 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +13 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22149001 +1 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 tragicomic _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 monologue _generic_nn_ NN - - n:x BV ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 idealistic _generic_jj_ JJ - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 not not RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 unheroic _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 though though RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 sadly sadly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 self-deceived deceive JJ - + a:e-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 English English JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 butler butler NN - - n:x _ _ _ _ _ _ ARG1 ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 sixties sixty NNS - - n:x _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ +19 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 proceeds proceed NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +21 as as+if IN - - x:e-h-h _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +22 if as+if IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 realistic realistic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 English English JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 novel novel NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +27 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 manners manner NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Britannia _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +32 herself herself PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 ruled rule VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +36 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 waves wave NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149003 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 implies imply VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 British _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Empire _generic_proper_ne_ NNP - - named:x-c _ BV compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 rooted root VBN - + v:e-i-p ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 subjects subject NNS - + n_of:x-i _ _ _ _ _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 minds mind NNS - + n:x _ _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 manners manner NNS - + n_of:x-i _ _ _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 morals moral NNS - - n:x _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 argues argue VBZ - + v_with:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 tacitly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 self-destructive destructive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 flaws flaw NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +28 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 embodied embody VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 defensive defensive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 snobbery _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 willful willful JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 blindness blindness NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj ARG1 _ _ _ _ _ _ _ +37 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 role-playing play NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ +39 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 especially especially RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +42 locutions _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ BV ARG1 _ _ +43 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 servants servant NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +47 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149004 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 narrator narrator NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Stevens Stevens NNP - - named:x-c _ BV compound _ _ appos _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 solitary solitary JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 butler butler NN - + n:x _ _ _ BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Darlington Darlington NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Hall Hall NNP - - named:x-c _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 mulls mull VBZ - + v_over:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 over over IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 hallowed _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 terms term NNS - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +18 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 greatness greatness NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 dignity dignity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 service service NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +29 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 loyalty loyalty NN - - n_to:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +33 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 we we PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +36 see see VBP - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 how how WRB - + abstr_deg:i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 pious pious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ measure _ _ _ +39 cant cant NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ +40 subverts subvert VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +41 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 soul soul NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149006 +1 Such such JJ - + q:i-h-h _ _ _ +2 armor armor NN - - n:x BV ARG1 _ +3 crushes crush VBZ + + v:e-i-p _ _ _ +4 the the DT - + q:i-h-h _ _ _ +5 soldier soldier NN - - n:x _ ARG2 BV +6 . _ . - - _ _ _ _ + +#22149007 +1 The the DT - + q:i-h-h _ _ _ _ +2 mask mask NN - - n:x BV ARG1 _ _ +3 cuts cut NNS + + n:x _ _ ARG1 _ +4 to to TO - + p:e-u-i _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ +6 quick quick JJ - - n:x _ _ ARG2 BV +7 . _ . - - _ _ _ _ _ + +#22149008 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +2 ’s ’s VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ +3 1956 _generic_year_ne_ CD - - card:i-i-c ARG2 _ loc _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 year year NN - + n:x _ BV _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 Suez _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +9 crisis crisis NN - - n:x _ _ _ BV compound ARG1 _ _ _ +10 marked mark VBD - + v:e-i-p _ _ loc _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 final final JJ - + a:e-p _ _ _ _ _ _ _ _ _ +13 end end NN - + n_of:x-i _ _ _ _ _ ARG2 BV ARG1 _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ +15 Empire _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22149011 +1 Yet yet CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 would would MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 venture venture VB - + v:e-i-h _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ +5 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 landscape landscape NN - - n:x _ _ _ BV ARG1 _ _ _ ARG1 _ _ _ _ +8 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 country country NN - - n_of:x-i _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +11 alone alone RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 would would MD - + v_modal:e-h _ _and_c _ _ _ _ _ _ _ _ _ _ _ +13 justify justify VB - + v_to:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 use use NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 lofty lofty JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +19 adjective adjective NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 +20 … _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149012 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 very very JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +5 lack lack NN - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +7 obvious obvious JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ +8 drama drama NN - + n:x _ _ _ ARG2 ARG1 _ _ _ _ _ +9 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +10 spectacle spectacle NN - - n:x _ _ _ _ _ _or_c ARG1 _ _ _ +11 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ +12 sets set VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 beauty beauty NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +16 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 land land NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss +18 apart apart RB - - _ _ _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22149013 +1 What what WP - - thing:x ARG1 _ _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ +3 pertinent _generic_jj_ JJ - + v:e-i-p _ ARG1 _ _ _ _ _ +4 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ +6 calmness _generic_nn_ NN - - n:x _ ARG2 BV ARG1 _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ +8 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ +9 beauty beauty NN - - n:x _ _ _ ARG2 BV _ appos +10 , _ , - - _ _ _ _ _ _ _ _ +11 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ +12 sense sense NN - + n_of:x-i _ _ _ _ _ poss _ +13 of of IN - - _ _ _ _ _ _ _ _ +14 restraint restraint NN - - n:x _ _ _ _ _ _ ARG1 +15 . _ . - - _ _ _ _ _ _ _ _ + +#22149014 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 as as+though RB - - x:e-h-h mwe _ _ _ _ _ _ _ _ _ _ _ +4 though as+though IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 land land NN - - n_of:x-i _ BV ARG1 _ _ _ _ _ _ _ _ _ +7 knows know VBZ - + v_of:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +11 beauty beauty NN - - n:x _ _ ARG2 poss ARG1 ARG1 _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +16 greatness greatness NN - - n:x _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 feels feel VBZ - + v:e-i-p _ _ _and_c _ _ _ _ _ _ _ _ _ +20 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 need need NN - + n_of:x-h _ _ _ _ _ _ _ _ ARG2 BV _ _ +22 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 shout shout VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149016 +1 An an DT - + q:i-h-h _ _ +2 effusive effusive JJ - + a:e-p _ _ +3 landscape landscape NN + - n:x BV ARG1 +4 ? _ . - - _ _ _ + +#22149017 +1 An an DT - + q:i-h-h _ _ +2 ill-mannered mannered JJ - + a:e-p _ _ +3 mountain mountain NN + - n:x BV ARG1 +4 ? _ . - - _ _ _ + +#22149020 +1 Such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 dignity dignity NN - - n:x BV _ ARG1 _ _ _ _ _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 has have VBZ + + v_qmodal:e-h _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 do do VB - + v:e-i-p _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ +7 crucially crucially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +8 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 butler butler NN - + n:x _ _ _ _ _ BV _ _ _ _ _ _ +11 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ability ability NN - + n:x-h _ _ _ _ ARG2 _ poss _ _ _ _ _ +13 not not RB - + neg:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 abandon abandon VB - + v:e-i-p _ _ _ _ _ _ _ _ neg _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +17 professional professional JJ - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ +18 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 +20 inhabits inhabit VBZ - + _ _ _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149025 +1 You you PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 see see VBP + + v:e-i _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 I I PRP - - pron:x _ ARG1 _ _ _ _ _ _ +5 know know VBP - + v:e-i-h ARG2 _ _ _ _ _ _ _ +6 my my PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +7 father father NN - - n_of:x-i _ _ poss _ ARG1 _ _ _ +8 would would MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ +9 have have VB - - _ _ _ _ _ _ _ _ _ +10 wished wish VBN - + v:e-i-h-i _ _ _ ARG1 _ _ _ _ +11 me me PRP - - pron:x _ _ _ _ _ ARG1 _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ +13 carry carry VB - + v_on:e-i-i _ _ _ _ ARG3 _ _ loc +14 on on IN - - _ _ _ _ _ _ _ _ _ +15 just just RB - + x:e-u _ _ _ _ _ _ _ _ +16 now now RB - + time_n:x _ _ _ _ _ _ ARG1 _ +17 . _ . - - _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ + +#22149027 +1 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 note note VBP + + v:e-i-p _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +4 imperial imperial JJ - + a:e-p _ _ _ _ _ _ _ _ +5 public public JJ - + a:e-p _ _ _ _ _ _ _ _ +6 word word NN - - n_of:x-i ARG2 BV ARG1 ARG1 ARG2 _ _ _ +7 used use VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ +9 deny deny VB - + v_to:e-i-p _ _ _ _ ARG3 _ _ _ +10 private private JJ - + a:e-p _ _ _ _ _ _ _ _ +11 rage rage NN - + n:x _ _ _ _ _ ARG2 ARG1 _ +12 and and CC - - _ _ _ _ _ _ _ _ _ +13 sorrow _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _and_c +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22149029 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Ishiguro _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ability ability NN - + n:x-h _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 create create VB - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 fallible _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 narrative narrative NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 voice voice NN - - n:x _ _ _ ARG2 BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 permits permit VBZ - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 him him PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 explore explore VB - + v:e-i-p _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 intertwining _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 cultural cultural JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 political political JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 themes theme NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 abundantly abundantly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 clear clear JJ + + a_of:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 previous previous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 novel novel NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ appos _ _ _ _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 An _generic_proper_ne_ DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Artist _generic_proper_ne_ NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ ARG1 _ _ ARG2 _ _ _ +35 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Floating _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 World _generic_proper_ne_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ +39 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 set set VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ +42 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 Japan Japan NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +44 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 war war NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +47 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149032 +1 ‘ _ `` - - _ _ _ _ _ +2 This this DT - + q_dem:i-h-h _ _ _ _ +3 employer employer NN - - n:x BV ARG1 _ _ +4 embodies embody VBZ + + v:e-i-p _ _ _ _ +5 all all DT - - q:i-h-h _ ARG2 ARG1 _ +6 that that IN - - _ _ _ _ _ +7 I I PRP - - pron:x _ _ ARG1 _ +8 find find VBP - + v:e-i-i-h _ _ _ _ +9 noble noble JJ - + a:e-p _ _ ARG2 _ +10 and and CC - - _ _ _ _ _ +11 admirable admirable JJ - - a:e-p _ _ _ _and_c +12 . _ . - - _ _ _ _ _ + +#22149033 +1 I I PRP - - pron:x _ ARG1 _ +2 will will MD - - _ _ _ _ +3 hereafter _generic_rb_ RB - + a:e-e _ _ _ +4 devote devote VB + + v:e-i-p ARG1 _ _ +5 myself myself PRP - - pron:x _ ARG2 _ +6 to to TO - - _ _ _ _ +7 serving serve VBG - + v_as:e-i-p _ ARG3 _ +8 him him PRP - - pron:x _ _ ARG2 +9 . _ . - - _ _ _ _ + +#22149036 +1 I I PRP - - pron:x ARG1 _ _ _ +2 trusted trust VBD + + v:e-i-p _ ARG1 _ _ +3 in in IN - + p:e-u-i _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ +5 lordship _generic_nn_ NN - + n:x _ _ poss _ +6 ’s ’s NNS - - _ _ _ _ _ +7 wisdom wisdom NN - - n:x _ ARG2 _ poss +8 … _ : - - _ _ _ _ _ +9 . _ . - - _ _ _ _ _ + +#22149037 +1 I I PRP - - pron:x _ _ _ ARG1 _ _ _ +2 ca can’t MD - + neg:e-h _ neg _ _ _ _ _ +3 n’t can’t VB + + neg:e-h _ _ _ _ _ _ _ +4 even even RB - + a:e-e _ _ _ _ _ _ _ +5 say say VBP - + v_to:e-i-h-i ARG1 _ ARG1 _ _ _ _ +6 I I PRP - - pron:x _ _ _ _ ARG1 _ _ +7 made make VBD - + v:e-i-p-u _ _ _ ARG2 _ _ _ +8 my my PRP$ - + q:i-h-h _ _ _ _ _ _ _ +9 own own JJ - + a:e-p _ _ _ _ _ _ _ +10 mistakes mistake NNS - - n:x _ _ _ _ ARG2 poss ARG1 +11 . _ . - - _ _ _ _ _ _ _ _ + +#22149038 +1 Really really RB + + a:e-h _ _ _ _ _ _ +2 – – : - - _ _ _ _ _ _ _ +3 one one PRP - - n:x _ _ ARG1 _ _ _ +4 has have VBZ - + v_qmodal:e-h ARG1 _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ +6 ask ask VB - + v:e-i-p-h _ ARG1 _ _ _ ARG1 +7 oneself oneself PRP - - pron:x _ _ ARG2 _ _ _ +8 – – : - - _ _ _ _ _ _ _ +9 what what WP - + q:i-h-h _ _ _ _ _ _ +10 dignity dignity NN - - n:x _ _ _ BV loc _ +11 is is VBZ - - _ _ _ _ _ _ _ +12 there there RB - + place_n:x _ _ ARG3 _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ +14 that that IN - - x:x _ _ _ _ _ ARG2 +15 ? _ . - - _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ + +#22149040 +1 What what WP - - thing:x ARG1 +2 is is VBZ + + v_id:e-p-i _ +3 greatness greatness NN - - n:x ARG2 +4 ? _ . - - _ _ + +#22149041 +1 What what WP - - thing:x ARG1 +2 is is VBZ + + v_id:e-p-i _ +3 dignity dignity NN - - n:x ARG2 +4 ? _ . - - _ _ + +#22149042 +1 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +2 understand understand VBP + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +3 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +4 rueful _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +5 wisdom wisdom NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ +6 must must MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ +7 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ +8 retrospective _generic_nn_ JJ - - a:e-u _ _ _ ARG1 ARG1 _ _ _ _ _ _ +9 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ +10 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 owl owl NN - - n:x _ _ _ _ _ BV ARG1 _ ARG1 _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +13 Minerva Minerva NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ +14 only only RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ +15 spreads spread VBZ - + v:e-i-p _ _ _ conj _ _ _ ARG1 _ _ ARG1 +16 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 wings wing NNS - - n:x _ _ _ _ _ _ _ _ ARG2 poss _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 dusk dusk NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22149043 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 as as IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 The _generic_proper_ne_ DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Remains _generic_proper_ne_ NNS - - n:x _ _ compound ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Day _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 eloquently eloquently RB - + a:e-e _ _ _ _ _ comp_so _ _ _ _ _ _ _ _ _ +12 demonstrates demonstrate VBZ - + v:e-i-p _ ARG2 _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +13 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 quiet quiet JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 virtuosity _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 wisdom wisdom NN - - n:x _ _ _ _ _ _ _ _ _ _ BV _ _ ARG2 _ +19 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 movingly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 embodied embody VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 art art NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22149044 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +2 Locke Locke NNP - - named:x-c compound ARG1 _ _ _ _ +3 teaches teach VBZ + + v:e-i-p _ _ _ _ _ _ +4 English English JJ - + a:e-p _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ +6 comparative comparative JJ - + a:e-p _ _ _and_c _ _ _ +7 literature literature NN - - n:x _ ARG2 ARG1 ARG1 ARG1 _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ +9 Columbia Columbia NNP - + named:x-c _ _ _ _ _ _ +10 University _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound +11 . _ . - - _ _ _ _ _ _ _ + +#22150001 +1 UGI _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 AmeriGas _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 subsidiary subsidiary NN - - n:x _ _ poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 completed complete VBD - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 previously previously RB - + p:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 announced announce VBN - + v_to:e-i-p-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 sale sale NN - + n_of:x-i _ _ _ _ ARG2 BV _ ARG2 _ _ _ _ _ _ _ _ ARG1 _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 air air NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 separation separation NN - + n:x _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +16 plant plant NN - + n:x _ _ _ _ _ _ _ _ ARG1 poss _ compound _ _ ARG1 _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 related relate JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 assets asset NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG2 _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Waukesha _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Wis. Wis. NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 AGA _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Gas _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +28 Inc. _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Cleveland Cleveland NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22150002 +1 The the DT - + q:i-h-h _ _ _ +2 price price NN - - n_of:x BV _ ARG2 +3 was wasn’t VBD - - _ _ _ _ +4 n’t wasn’t RB + + neg:e-h _ _ _ +5 disclosed disclose VBN - + v_to:e-i-p-i _ neg _ +6 . _ . - - _ _ _ _ + +#22150003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 transaction transaction NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 part part NN - + part_of:i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 UGI _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 continuing continue VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 program program NN - + n:x-h _ _ part poss ARG1 _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 shed shed VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +12 AmeriGas _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 gas gas NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 interests interest NNS - - n_in:x-i _ _ _ _ _ _ ARG2 poss ARG1 compound _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 expand expand VB - + v_cause:e-i-p _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 subsidiary subsidiary NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 propane propane NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ poss compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22150004 +1 Since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 June June NNP - - mofy:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 AmeriGas _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 netted net VBN - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +7 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ than _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +10 100 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 gas gas NN - + n:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +15 divestitures _generic_nns_ NNS - - n:x _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 reinvested invest VBN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 $ $ $ - - n:x _ _ _ _ _ _ _ _ than _ ARG1 _ _ _ _ +21 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +23 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 acquire acquire VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +25 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 propane propane NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 distributors distributor NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22150005 +1 UGI _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ +2 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 gas gas NN - + n:x ARG2 BV _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ +6 electric electric JJ - + a:e-p _ _ _ _ _ _ _ _ _ +7 utility utility NN - - n:x _ _ _and_c ARG1 _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ +9 distributes distribute VBZ - + v_to:e-i-p _and_c _ _ _ _ ARG1 ARG1 _ _ +10 propane propane NN - - n:x _ _ _ _ ARG2 _ _ _ _ +11 nationally nationally RB - + a:e-e _ _ _ _ _ _ _ _ _ +12 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +13 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 AmeriGas _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +15 subsidiary subsidiary NN - - n:x _ _ _ _ _ _ ARG2 poss compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22151001 +1 Stanislav _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Ovcharenko _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 represents represent VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Soviet _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 airline airline NN - - n:x _ ARG2 BV compound appos _ _ _ _ _ _ _ _ _ +9 Aeroflot _generic_proper_ne_ NNP - + v:e-i _ _ _ _ _ loc _ _ _ _ _ _ _ _ +10 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 has have VBZ + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 visions vision NNS - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +15 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 wild wild JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +18 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 current current JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 standards standard NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 perestroika _generic_fw_ FW - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151002 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +3 office office NN - - n_of:x-i ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ +4 overlooking overlook VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 runway runway NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +8 Shannon Shannon NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +9 Airport _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +12 Ovcharenko _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ compound _ ARG1 _ _ _ +13 enthusiastically enthusiastically RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +14 throws throw VBZ + + v_out:e-i-i ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ +15 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 what what WP - - q:i-h-h _ _ _ _ _ _ _ _ ARG2 ARG3 _ _ +17 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ +18 calls call VBZ - + v_name:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 just just RB - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +21 ideas idea NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151003 +1 First _generic_proper_ne_ RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 suggests suggest VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 GPA _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Group _generic_proper_ne_ NNP - - named:x-c _ compound compound _ _ _ _ appos _ _ _ ARG1 _ _ _ _ _ _ +8 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 international international JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 aircraft aircraft NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 leasing lease NN - + v:e-i-p _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +14 company company NN - + n_of:x-i _ _ _ BV ARG1 _ compound _ ARG2 ARG1 _ _ _ _ _ _ _ _ +15 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ +17 Ireland Ireland NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 could could MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 lease lease VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ +21 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Boeing Boeing NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 jetliners _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ part poss compound _ _ _ +26 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Soviet _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 airline airline NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151004 +1 Then then RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Lingus _generic_proper_ne_ NNP - - named:x-c _ compound _ _ _ appos _ ARG1 _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 flag flag NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 carrier carrier NN - + n_of:x-i _ _ BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 could could MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 teach teach VB - + v:e-i-i-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +12 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 pilots pilot NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 fly fly VB - + v_to:e-i-p _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Boeings Boeing NNPS - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 fleet fleet NN - - n:x _ _ _ _ _ _ _ _ _ _ _ BV _ ARG2 _ _ _ +22 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 based base VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc _ _ +25 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Shannon Shannon NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Airport _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151005 +1 That that DT - - x:x ARG1 _ _ +2 ’s ’s VBZ - + v_id:e-p-i _ neg _ +3 not not RB - + neg:e-h _ _ ARG2 +4 all all RB - - a:e-e _ neg _ +5 , _ , - - _ _ _ _ +6 he he PRP - - pron:x _ _ ARG1 +7 says say VBZ + + v_to:e-i-h-i _ _ _ +8 . _ . - - _ _ _ _ + +#22151006 +1 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Rianta _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos _ ARG1 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +6 airport airport NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +7 authority authority NN - + n:x _ BV ARG1 compound _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 could could MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ +10 build build VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 cargo cargo NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +13 terminal terminal NN - - n:x _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 Soviet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +17 Union _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151007 +1 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ +2 could could MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ +3 lease lease VB - + v:e-i-p ARG1 _ _ _ _ _ ARG1 ARG1 _ _ _ +4 some some DT - + q:i-h-h _ ARG2 _ _ _ _ _ _ _ _ _ +5 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 cargo cargo NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +8 planes plane NNS - - n:x _ _ part poss compound _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +10 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +11 Lingus _generic_proper_ne_ NNP - - named:x-c _ ARG3 _ _ _ compound _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +14 GPA _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 joint-venture venture JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +19 cargo cargo NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +20 airline airline NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22151008 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ +2 then then RB - + a:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ +3 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - + v_there:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 notion notion NN - + n_of:x-i _ _ ARG1 poss _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 Irish-Soviet _generic_proper_ne_ JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +10 charter charter NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +11 airline airline NN - - n:x _ _ _ _ ARG1 BV compound compound ARG1 _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ferry ferry VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +14 Armenians _generic_proper_ne_ NNPS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ +15 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +16 Los _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +17 Angeles _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 compound _ +18 via via IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 Shannon Shannon NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151009 +1 Have have VBP + + v:e-i-p _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ +3 freedoms freedom NNS - - n:x ARG2 BV ARG1 _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ +5 glasnost _generic_fw_ FW - - n:x _ _ ARG2 _ _ _ +6 gone go VBN - - v:e-i ARG2 _ _ ARG1 _ _ +7 to to TO - + p:e-u-i _ _ _ _ _ _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +9 Ovcharenko _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ +10 ’s ’s NNS - - _ _ _ _ _ _ _ +11 head head NN - - n_of:x _ _ _ ARG2 _ poss +12 ? _ . - - _ _ _ _ _ _ _ + +#22151010 +1 Hardly hardly RB + - _ +2 . _ . - - _ + +#22151011 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 Irish-Soviet _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ +3 aviation aviation NN - + n:x _ compound _ _ _ _ _ +4 connection connection NN - - n:x BV _ compound ARG1 _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ +6 alive alive JJ + + a:e-i _ _ _ _ loc ARG1 _ +7 and and CC - - _ _ _ _ _ _ _ _ +8 well well RB - - _ _ _ _ _and_c _ _ _ +9 here here RB - + place_n:x _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ +11 Shannon Shannon NNP - + named:x-c _ _ _ _ _ _ _ +12 Airport _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 compound +13 . _ . - - _ _ _ _ _ _ _ _ + +#22151012 +1 GPA _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +3 indeed indeed RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +4 talking talk VBG + + v_about:e-p ARG1 _ ARG1 _ _ _ _ ARG1 _ _ _ +5 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +6 leasing lease VBG - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ +7 Western _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +8 planes plane NNS - - n:x _ _ _ ARG2 compound _ _ _ _ _ _ +9 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +12 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +13 about about IN - + p:e-u-i _ _ _ _ _ _ ARG1 _ _ _ _ +14 buying buy VBG - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ +15 Soviet-built build JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ +16 Tupolev _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +17 204s _generic_proper_ne_ NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 compound +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22151013 +1 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 Lingus _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +4 in in IN + + p:e-u-i _ _ _ _ _ _ _ _ _ _ +5 discussions discussion NNS - - n:x _ ARG2 ARG1 _ _ ARG1 _ _ _ _ +6 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 Soviet _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ +9 carrier carrier NN - - n_of:x-i _ _ ARG2 BV compound _ _ _ _ _ +10 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 cargo cargo NN - + n:x _ _ _ _ _ _ _ _ _ _ +13 venture venture NN - + n:x _ _ _ _ _ ARG2 BV compound _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +15 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ +16 possibilities possibility NNS - - n_of:x-i _ _ _ _ _ _ _ _ _and_c ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22151014 +1 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Rianta _generic_proper_ne_ NNP - - named:x-c compound _ ARG1 _ _ _ _ _ _ +3 already already RB - + a:e-e _ _ _ _ _ _ _ _ _ +4 has have VBZ + + v:e-i-i _ ARG1 _ _ _ _ _ _ _ +5 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ +6 many many JJ - + much-many_a:e-p _ _ _ comp_so _ _ _ _ _ +7 ventures venture NNS - - n:x _ _ ARG2 _ ARG1 ARG1 _ _ _ +8 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +9 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ +11 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ +13 executive executive NN - - n:x _ _ _ _ _ _ poss compound ARG1 +14 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +15 studying study VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ +16 Russian Russian JJ - - a:e-p _ _ _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22151016 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 as as IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 struggles struggle VBZ - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 boost boost VB - + v_to:e-i-p-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 service service NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 standards standard NNS - - n:x _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 upgrade upgrade VB - + v:e-i-p _ _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ +12 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 fleet fleet NN - - n:x _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 pursue pursue VB - + v:e-i-p _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ +16 commercial commercial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 opportunities opportunity NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 aviation aviation NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 industry industry NN - - n:x _ _ _ _ _ _ _ _ _ _ BV ARG1 compound _ _ ARG1 +23 seems seem VBZ - + v_to:e-u-h-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 poised poise VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 benefit benefit VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151017 +1 “ _ `` - - _ _ _ _ _ _ +2 Irish Irish JJ - + a:e-p _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ +4 Soviet soviet JJ - + a:e-p _and_c _ _ _ _ +5 people people NNS - - n_of:x-i ARG1 ARG1 ARG1 _ _ +6 are are VBP - - _ _ _ _ _ _ +7 similar similar JJ - + a_to:e-i _ _ _ ARG2 _ +8 , _ , - - _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ +12 Ovcharenko _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 compound +13 . _ . - - _ _ _ _ _ _ + +#22151018 +1 “ _ `` - - _ _ _ +2 They they PRP - - pron:x ARG1 _ +3 look look VBP + + v_seem-to:e-u-h-i _ _ +4 the the+same DT - - a:e-i _ mwe +5 same the+same JJ - + a:e-i ARG2 _ +6 . _ . - - _ _ _ + +#22151019 +1 They they PRP - - pron:x _ ARG1 +2 ’re ’re VBP - - _ _ _ +3 very very RB - + x:e-u _ _ +4 friendly friendly JJ + + a_to:e-p-i ARG1 _ +5 . _ . - - _ _ _ +6 ” _ '' - - _ _ _ + +#22151020 +1 Moreover moreover RB + + a:e-h _ _ _ _ +2 , _ , - - _ _ _ _ _ +3 he he PRP - - pron:x _ ARG1 _ _ +4 says say VBZ - + v_to:e-i-h-i ARG1 _ _ _ +5 , _ , - - _ _ _ _ _ +6 Irish Irish JJ - + n:x _ _ _ _ +7 companies company NNS - - n_of:x-i _ _ ARG1 ARG1 +8 are are VBP - - _ _ _ _ _ +9 small small JJ - + a:e-p _ ARG2 _ _ +10 but but CC - - _ _ _ _ _ +11 spunky spunky NN - - n:x _ _ _ _or_c +12 . _ . - - _ _ _ _ _ + +#22151021 +1 “ _ `` - - _ _ _ _ _ _ _ +2 We we PRP - - pron:x _ ARG1 _ _ _ _ +3 have have VBP - + v_qmodal:e-h _ _ _ _ _ ARG2 +4 to to TO - - _ _ _ _ _ _ _ +5 study study VB - + v:e-i-p ARG1 _ _ _ ARG1 _ +6 their their PRP$ - + q:i-h-h _ _ _ _ _ _ +7 experience experience NN - - n_with:x _ ARG2 poss _ _ _ +8 very very RB - + x:e-u _ _ _ _ _ _ +9 well well RB - + a:e-e _ _ _ ARG1 _ _ +10 , _ , - - _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ +12 he he PRP - - pron:x _ _ _ _ _ ARG1 +13 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ + +#22151022 +1 “ _ `` - - _ _ _ _ _ _ +2 We we PRP - - pron:x _ ARG1 _ _ _ +3 must must MD + + v_modal:e-h _ _ _ _ _ +4 find find VB - + v:e-i-p ARG1 _ _ _ _ +5 any any DT - + q:i-h-h _ _ _ _ _ +6 way way NN - + n_of:x-h _ ARG2 BV _ _ +7 to to TO - - _ _ _ _ _ _ +8 get get VB - + v:e-i-i _ _ _ ARG1 _ +9 business business NN - - n:x _ _ _ _ ARG2 +10 . _ . - - _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ + +#22151023 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 groups group NNS - - n_of:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 working work VBG - + v:e-i-p _ _ _ ARG1 ARG1 _ _ _ ARG1 _ _ _ _ _ _ +7 together together RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 late late JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 1970s _generic_plur_ne_ NNS - - year_range:x-c _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 long long RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 before before IN + + x:e-h-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +15 Soviet _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ventures venture NNS - - n:x _ _ _ _ _ _ _ _ _ compound ARG1 ARG1 _ _ _ +18 were were VBD - + v_id:e-p-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 rage rage NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 West _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151024 +1 Aeroflot _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 carried carry VBD + + v_about:e-i-p-i _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 125 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 million million CD - + card:i-i-c _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 passengers passenger NNS - - n:x ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 year year NN - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Shannon Shannon NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Airport _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ compound _ _ _ _ appos _ _ _ ARG1 _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 airline airline NN - + n:x _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ +16 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 transit transit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 airport airport NN - + n:x _ _ _ _ _ _ _ poss ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ +20 outside outside IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Soviet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Union _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 saw see VBD - + v:e-i-h _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 1,400 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 flights flight NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ +29 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 250,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 passengers passenger NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 _ +32 pass pass VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ ARG1 +33 through through RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151025 +1 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 apartment apartment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +3 complex complex NN - - n_of:x-i BV compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ +4 down down IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 road road NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +7 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 crew-rest rest NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 staging stage NN - - n:x _ _ _ _ _ _ _and_c _ _ _ _ _ _ +12 area area NN - - n_of:x-i _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +14 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 130 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +18 pilots pilot NNS - + n_of:x-i _ _ _ _ _ _ _ _ than ARG1 compound _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 flight flight NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +21 attendants attendant NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151026 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 airport airport NN - + n:x BV _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ +4 biggest biggest JJS - + a:e-i _ _ _ _ _ _ _ _ +5 supplier supplier NN - + n_of:x-i _ poss ARG1 _ _ ARG1 _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ +7 aircraft aircraft NN - + n:x _ _ _ _ _ _ _ _ +8 fuel fuel NN - - n:x _ _ _ ARG1 compound _ _ _ +9 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +11 Soviet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +12 Union _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 BV compound +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22151027 +1 Tankers tanker NNS - - n:x ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +2 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Latvian _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 port port NN - + n_of:x-i ARG2 BV ARG1 _ _ loc _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Ventspils _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 year year NN - + n:x _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +10 unload unload VB + + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +11 25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +13 gallons gallon NNS - - n:x _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 fuel fuel NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +16 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 tank tank NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 farm farm NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound ARG1 _ +21 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 airport airport NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151028 +1 What what WP - - thing:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 does doesn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t doesn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 pour pour VB - + v_into:e-i-i neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 gas-guzzling _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Ilyushins _generic_proper_ne_ NNPS - - n:x _ _ poss ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 bartered _generic_vbn_ VBN + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 airport airport NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 authority authority NN - - n:x _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 resells sell VBZ - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 11 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Western _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 carriers carrier NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 _ _ _ _ _ _ _ +25 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Air _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 France France NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Trans _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 World _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +31 Airlines _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ compound _ _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Pakistan Pakistan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 International _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +35 Airlines _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ compound +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151029 +1 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ +2 thus thus RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ +3 pays pay VBZ - + v_for:e-i-i-i ARG1 _ _ _ _ _ _ _ _ _ _ +4 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 landing landing NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +6 fees fee NNS - + n:x _ ARG2 poss compound _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 ground-handling handle NNS - + v:e-i-p _ _ _ _ conj _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +10 catering cater NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +11 bills bill NNS - - n_of:x-i _ _ _ _ _ _and_c compound ARG1 _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +13 fuel fuel NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 preserving preserve VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +16 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +17 hard hard JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ +18 currency currency NN - - n:x _ _ _ _ _ _ _ _ ARG2 poss ARG1 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22151030 +1 That that DT - - x:x ARG1 _ +2 is isn’t VBZ - + v_id:e-p-i _ neg +3 n’t isn’t JJ + + v_id:e-p-i _ _ +4 all all RB - - q:i-h-h _ neg +5 . _ . - - _ _ _ + +#22151031 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 year year NN - + n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 airport airport NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 authority authority NN - - n:x _ _ BV ARG1 compound ARG1 _ _ _ ARG1 _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 venture venture NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +13 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 opened open VBD + + v_cause:e-i-p _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 four four CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 hard-currency currency JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 duty-free free JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 shops shop NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 ARG1 _ _ +21 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Moscow Moscow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Sheremetyevo _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Airport _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151032 +1 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Rianta _generic_proper_ne_ NNP - - named:x-c compound _ ARG1 _ _ _ _ _ _ +3 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ +4 manages manage VBZ + + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ ARG1 +5 duty-free free JJ - + a:e-p _ _ _ _ _ _ _ _ _ +6 sales sale NNS - - n_of:x-i _ _ ARG2 ARG1 _ _ _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +8 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +9 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +10 international international JJ - + a:e-p _ _ _ _ _ _ compound _ _ +11 flights flight NNS - - n:x _ _ _ _ ARG2 BV _ ARG1 _ +12 out out+of IN - - p:e-u-i _ _ _ _ _ _ _ _ mwe +13 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +14 Moscow Moscow NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22151033 +1 Duty-free free JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 shops shop NNS - - n_of:x-i ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Leningrad _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Pulkova _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Airport _generic_proper_ne_ NNP - - named:x-c _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ +8 opened open VBD + + v:e-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 July July NNP - - mofy:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 hard-currency currency JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 shops shop NNS - - n_of:x-i _ _ _ _ _ _ compound ARG1 _ ARG1 _ _ ARG1 _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Leningrad _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 hotels hotel NNS - - n:x _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Soviet-Finnish Finnish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 frontier frontier NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +23 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 coming come VBG - + v:e-i _ _ _ _ _but_c _ _ _ _ _ _ _ _ loc +25 soon soon RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151034 +1 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Rianta _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 talking talk VBG + + v_about:e-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 similar similar JJ - + a_to:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ventures venture NNS - - n:x _ _ ARG2 ARG1 ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Tashkent _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Sochi _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ appos _ ARG1 _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Sea _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +18 resort resort NN - + n:x _ _ _ _ _ _ _ BV _ compound _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 has have VBZ - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 computer-assembly assembly NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 project project NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +26 cooking cook NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ +27 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Georgian Georgian JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 city city NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +31 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Tbilisi _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151035 +1 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ +3 international international JJ - + a:e-p _ _ _ _ _ _ _ +4 fleet fleet NN - - n:x poss ARG1 ARG1 _ ARG2 _ _ +5 of of IN - + p:e-x-i _ _ _ _ _ _ _ +6 285 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +7 planes plane NNS - - n:x _ _ ARG2 ARG1 _ _ _ +8 is is VBZ - - _ _ _ _ _ _ _ _ +9 being being VBG - - _ _ _ _ _ _ _ _ +10 repainted paint VBN + + v:e-i-p _ _ _ _ _ ARG1 _ +11 and and CC - - _ _ _ _ _ _ _ _ +12 refurbished refurbish VBN - - v:e-i-p _ _ _ _ _and_c _ _ +13 at at IN - + p:e-u-i _ _ _ _ _ _ _ +14 Shannon Shannon NNP - + named:x-c _ _ _ _ _ _ _ +15 Airport _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 compound +16 . _ . - - _ _ _ _ _ _ _ _ + +#22151036 +1 Thanks thanks+to NNS - - n:x mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 to thanks+to TO + + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 air-traffic traffic NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 agreement agreement NN - + n:x ARG2 BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ability ability NN - - n:x _ _ _ _ _and_c BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 travel travel NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 agents agent NNS - - n_of:x-i _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 issue issue VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 tickets ticket NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 tourists tourist NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ +20 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 taking take VBG - + v_of-i:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 advantage advantage NN - - n_i:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Aeroflot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 reasonable reasonable JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG3 poss ARG1 ARG1 _ _ ARG1 _ _ _ _ +29 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 board board NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 flights flight NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ +32 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Shannon Shannon NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +34 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 holidays holiday NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +36 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Havana _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Kingston Kingston NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ +40 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Mexico Mexico NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 City _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151037 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 round-trip trip JJ - + a:e-p _ _ _ _ _ _ _ _ +3 fare fare NN - - n:x BV compound ARG1 ARG1 _ _ _ _ +4 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ +5 Havana _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 _ _ _ _ _ +6 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ +7 410 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +8 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ +9 punts punt NNS - - n:x _ _ _ ARG2 ARG1 ARG1 appos _ +10 ( _ ( - - _ _ _ _ _ _ _ _ _ +11 $ $ $ - + n:x _ _ _ _ _ _ _ ARG1 +12 578 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +13 ) _ ) - - _ _ _ _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22151038 +1 Jamaica Jamaica NNP - + n:x _ _ _ +2 costs cost NNS + + n:x compound _ _ +3 504 _generic_card_ne_ CD - + card:i-i-c _ _ _ +4 punts punt NNS - - n:x _ ARG2 ARG1 +5 . _ . - - _ _ _ _ + +#22151039 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 formal formal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 blessing bless NN - - n:x BV ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sorts sort NNS - - n_of:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 bestowed bestow VBN - + v:e-i-p _ _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 friendship friendship NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 April April NNP - - mofy:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Mikhail Mikhail NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Raisa _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Gorbachev Gorbachev NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c compound _ _ _ _ _ _ _ +18 stopped stop VBD - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ loc ARG1 _ _ _ _ +19 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 talks talk NNS - - n_of-on:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +22 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Irish Irish JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Prime prime+minister NNP - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +25 Minister prime+minister NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +26 Charles Charles NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Haughey _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151040 +1 New new NNP - + a:e-p _ _ _ +2 trade trade NN - + n_of:x-i _ _ _ +3 accords accord NNS - - n:x ARG1 compound ARG2 +4 were were VBD - - _ _ _ _ +5 signed sign VBN + + v:e-i-p _ _ _ +6 . _ . - - _ _ _ _ + +#22151041 +1 It it PRP - - pron:x _ ARG1 _ +2 all all RB - + a:e-e _ _ _ +3 started start VBD + + v:e-i ARG1 _ ARG1 +4 with with IN - + p:e-u-i _ _ _ +5 geography geography NN - - n:x _ _ ARG2 +6 . _ . - - _ _ _ _ + +#22151042 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 opened open VBD - + v:e-i ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +5 1939 _generic_year_ne_ CD - - yofc:x-c _ _ ARG2 _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Shannon Shannon NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ +8 was was VBD - + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +11 landfall _generic_nn_ NN - - n:x _ _ _ ARG2 BV ARG1 ARG1 ARG1 _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +13 Europe Europe NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 thirsty thirsty JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +16 airplanes airplane NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +17 flying fly VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG1 _ +18 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 North _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +20 America America NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151043 +1 Advances advance NNS - - n:x ARG1 _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 aircraft aircraft NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 fuel fuel NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 efficiency efficiency NN - - n:x ARG2 _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 years year NNS - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 made make VBD + + v_cause:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Shannon Shannon NNP - - named:x-c _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 stop stop VB - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 unnecessary unnecessary JJ - - n:x _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Western _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 air air NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 fleets fleet NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV compound compound _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +22 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 flies fly VBZ - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ ARG1 _ +24 inefficient inefficient JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Ilyushins _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ ARG1 _ _ _ _ +26 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ +28 n’t can’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 make make VB - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 ARG1 _ _ +30 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +31 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Moscow Moscow NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Managua _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +35 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 hop hop NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151044 +1 As as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 result result NN - - n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Ireland Ireland NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 n’t didn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +8 spurn spurn VB - + v:e-i-p ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Soviets Soviet NNPS - - named:x-c _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 after after IN - + x:e-h-h _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 they they PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 shot shoot VBD - + v_down:e-i-i _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +14 down down RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Korean Korean JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Air _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Lines _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +19 jetliner _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ compound _ _ _ _ _ _ _ _ _ _ +20 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Sea sea NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Japan Japan NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 1983 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 though though IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +30 suspended suspend VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ +31 direct direct JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Moscow-Shannon Shannon JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 flights flight NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +34 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 months month NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151045 +1 In in+fact IN - - a:e-e mwe _ _ _ _ _ _ _ _ _ _ _ _ +2 fact in+fact NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Lingus _generic_proper_ne_ NNP - - named:x-c _ compound _ ARG1 _ _ _ _ _ _ _ _ _ +6 started start VBD - + v:e-h ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ +7 ferrying ferry VBG - + v:e-i-p _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ +8 Russians Russian NNPS - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Shannon Shannon NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +11 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +13 York York NNP - - named:x-c _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +14 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Washington Washington NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 stripped strip VBD - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +17 Aeroflot _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +18 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +20 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 landing land NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 rights right NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss compound compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22151046 +1 Today today NN - + time_n:x _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ +3 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +4 Rianta _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ +6 making make VBG + + v:e-i-p-u loc _ _ _ _ ARG1 _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 heap heap NN - - n:x _ _ ARG2 BV ARG1 _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +10 money money NN - - n:x _ _ _ _ ARG2 _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +13 Soviet _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ +14 friendship friendship NN - - n:x _ _ _ _ _ ARG2 poss compound +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22151047 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 with with IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ +4 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 contacts contact NNS - - n:x _ ARG2 BV ARG1 _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +7 place place NN - - n_of:x _ _ _ ARG2 _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +9 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ +10 could could MD - + v_modal:e-h _ ARG1 _ _ _ _ _ _ _ _ _ +11 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ +12 relatively relatively RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +13 simple simple JJ - + a_to:e-p-i _ _ _ _ ARG1 ARG1 _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +15 add add VB - + v_to:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ +16 Aer _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +17 Lingus _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +19 GPA _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +22 team team NN - - n_of:x-i _ _ _ _ _ _ _ ARG3 _ _ BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22151048 +1 Then then RB + - a:e-h _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ +3 perhaps perhaps RB - - _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +6 Ovcharenko _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ +8 ideas idea NNS - - n_of:x-i _ poss _ _ ARG1 _ _ _ +9 would wouldn’t MD - + neg:e-h _ _ _ neg _ _ _ _ +10 n’t wouldn’t VB - + neg:e-h _ _ _ _ _ ARG1 _ _ +11 sound sound NN - + v:e-i _ _ ARG1 _ _ _ _ _ +12 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ +13 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ +14 much much JJ - + much-many_a:e-p _ _ _ _ _ _ comp_so _ +15 blarney _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 _ ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22152001 +1 Britain Britain NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 production production NN - - n_of:x-i poss ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 rose rise VBD + + v:e-i _ _ _ _ loc ARG1 ARG1 _ _ _ _ ARG1 _ _ _ _ _ +6 1.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 % % NN - + n_of:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 August August NNP - - mofy:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 July July NNP - - mofy:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 up up RP - + p:e-u-i _ _ _and_c _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +15 0.9 _generic_decimal_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 % % NN - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +17 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 August August NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ ARG2 loc _ _ _ _ _ _ +19 1988 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ +22 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 provisional provisional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 data data NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +25 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Statistical _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +29 Office _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22152002 +1 Output output NN - - n_of:x-i ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 energy energy NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sector sector NN - - n:x ARG2 BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 vary vary VB - + v:e-i _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 greatly greatly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 swings swing NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 oil oil NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 market market NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 rose rise VBD + + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ loc ARG1 ARG1 _ _ _ _ _ +19 3.8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 August August NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 May May NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +25 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _but_c _ _ _ _ _ _ ARG1 _ _ +28 7.1 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ +30 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 loc +33 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22152003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ +3 figures figure NNS - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ +4 compare compare VBP + + v_with:e-i-i _ _ _ _ _ _ _ _ _ _ _ +5 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 July July NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +8 4.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ _ _ ARG1 _ _ _ _ _ _ +10 month-to-month month-+to-+month JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +11 rise rise NN - + n:x _ _ ARG2 poss _ compound ARG1 _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +13 11.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +14 % % NN - + n_of:x _ _ _ _ _ _ _ _ ARG1 _ _ +15 year-to-year year-+to-+year JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +16 fall fall NN - - season:x-c _ _ _ _ _ _ _ _and_c _ compound ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22153001 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Nucor _generic_proper_ne_ NNP - - named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 begins begin VBZ - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 shipping ship VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 steel steel NN - - n:x _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 world world NN - + n_of:x-i _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +10 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 thin-slab slab JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 plant plant NN - - n:x _ _ _ _ ARG2 _ poss ARG1 ARG1 _ _ _ _ _ _ _ _ +14 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 month month NN - - n:x _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +18 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 begin begin VB - + v:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 testing test VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 competitive competitive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 mettle mettle NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 giant giant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 competitors competitor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +3 technology technology NN - - n:x BV ARG1 ARG1 _ _ _ _ _ ARG1 _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 creates create VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +9 thin thin JJ - + a:e-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +10 piece piece NN - + n_of:x-i _ _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 steel steel NN - - n:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 radically radically RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +15 reduces reduce VBZ + + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 costs cost NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +18 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +19 making make VBG - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +20 flat-rolled roll JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +21 sheets sheet NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153003 +1 An an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ebullient _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Kenneth Kenneth NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Iverson _generic_proper_ne_ NNP - - named:x-c BV ARG1 compound _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Nucor _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chairman chairman NN - + n_of:x-i _ _ _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 company company NN - + n_of:x-i _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 plant plant NN - - n:x _ _ _ _ _ _ _ poss _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 eventually eventually RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 make make VB - + v:e-i-p-u _ _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ subord _ _ _ _ _ _ _ +18 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ton ton NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 steel steel NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 1.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 man man NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 hours hour NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 compared compare VBN - + v_with:e-i-p-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 four four CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 to to TO - + interval_p_end:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ +31 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 man man NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 hours hour NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ loc _ compound ARG1 _ _ +34 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 conventional conventional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 mill mill NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153004 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ _ _ +3 ’ve ’ve VBP - - _ _ _ _ _ _ _ _ +4 had have VBD - + v:e-i-i _ _ _ _ _ _ ARG2 +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ +6 Russians Russian NNPS - + n:x ARG2 BV _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ +8 Chinese Chinese NNPS - - named:x-c _ _ _and_c _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ +11 people people NNS - - n_of:x-i _ _ _ ARG1 ARG1 _ _ +12 from from IN - + p:e-u-x _ _ _ _ _ _ _ +13 India India NNP - - named:x-c _ _ _ ARG2 _ _ _ +14 visiting visit VBG - + v:e-i-p ARG3 _ _ _ _ _ _ +15 us us PRP - - pron:x _ _ _ _ ARG2 _ _ +16 , _ , - - _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ +18 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +19 Iverson _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ compound ARG1 +20 beams beam VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ + +#22153005 +1 “ _ `` - - _ _ _ _ _ _ +2 Everyone everyone NN - - person:x ARG1 _ ARG1 _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ +5 world world NN - - n_of:x-i ARG2 BV _ _ _ +6 is is VBZ - - _ _ _ _ _ _ +7 watching watch VBG + + v:e-i-p _ _ _ _ ARG1 +8 us us PRP - - pron:x _ _ ARG2 _ _ +9 very very RB - + x:e-u _ _ _ _ _ +10 closely closely RB - + a_to:e-e _ _ _ ARG1 _ +11 . _ . - - _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ + +#22153006 +1 Especially especially RB + + part_of:x-i _ _ _ _ _ _ +2 his his PRP$ - + q:i-h-h _ _ _ _ _ _ +3 neighbors neighbor NNS - - n:x ARG2 poss _ _ _ appos +4 , _ , - - _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ +6 major major JJ - + a:e-p _ _ _ _ _ _ +7 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ +8 steelmakers _generic_nns_ NNS - + n:x _ _ BV ARG1 compound _ +9 . _ . - - _ _ _ _ _ _ _ + +#22153007 +1 Already already RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +3 USX _generic_proper_ne_ NNP - + named:x-c _ _ compound _ ARG1 _ _ _ _ _ +4 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +6 Armco _generic_proper_ne_ NNP - - named:x-c _ _and_c _ compound _ _ _ _ _ _ +7 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +8 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +9 studying study VBG - + v:e-i-p ARG1 _ _ _ _ _ ARG1 _ _ _ +10 Nucor _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +11 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +12 technology technology NN - - n:x _ _ _ _ ARG2 poss _ _ _ _ +13 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +14 see see VB - + v:e-i-h _ _ _ _ _ _ ARG2 _ _ _ +15 if if IN - - _ _ _ _ _ _ _ _ _ _ _ +16 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 +17 can can MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ _ +18 adopt adopt VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ +19 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG2 +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22153008 +1 Says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +4 executive executive NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +5 officer officer NN - - n:x ARG1 BV compound compound ARG1 _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +9 Midwest _generic_proper_ne_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +10 steel steel NN - + n:x _ _ _ _ _ _ _ compound _ _ _ +11 company company NN - - n_of:x-i _ _ _ _ ARG2 BV ARG1 _ compound _ _ +12 : _ : - + _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +14 It it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +16 damn damn RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +17 worrisome worrisome JJ - - a:e-p _ _ _ _ _ _ _ _ _ ARG2 ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22153010 +1 New new NNP - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 efficient efficient JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sophisticated sophisticated JJ - + a:e-p _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +6 processes process NNS - - n_of:x-i ARG1 ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +7 make make VBP + + v_cause:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 easier easier JJR - + a_for:e-h-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +10 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 less less RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cash-rich rich JJ - + a_to:e-p-i _ _ _ _ _ _ comp_less _ _ _ _ _ _ _ +15 companies company NNS - - n_of:x-i _ _ _ _ ARG2 ARG1 _ ARG1 ARG1 _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 make make VB - + v:e-i-p-u _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ _ _ +18 steel steel NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 fraction fraction NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 what what WP - - thing:x _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ +24 Big _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Steel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ +26 paid pay VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +27 decades decade NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +28 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153011 +1 It it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 enables enable VBZ - + v:e-i-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 minimills _generic_nns_ NNS - - n:x _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 finally finally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 get get VB - + v:e-i-i _ ARG2 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 toehold _generic_nn_ NN - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 flat-rolled roll JJ - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 steel steel NN - + n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 market market NN - - n:x _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ appos +15 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 steelmakers _generic_nns_ NNS - + n:x _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ +19 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 most most RBS - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 prized prize VBN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 until until IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 now now RB - - time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 untouchable _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ poss ARG1 _ _ ARG1 _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153012 +1 But but CC + + c:i-i-i _ _ _ _ _ _ +2 such such JJ - + q:i-h-h _ _ _ _ _ _ +3 thin-slab slab JJ - + v:e-i-p _ _ _ _ _ _ +4 technology technology NN - - n:x _ BV ARG1 ARG1 _ _ +5 is is VBZ - + v_id:e-p-i _ _ _ _ ARG1 _ +6 only only RB - + a:e-h ARG2 _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ +8 beginning beginning NN - - n:x _ _ _ ARG2 _ BV +9 . _ . - - _ _ _ _ _ _ _ + +#22153013 +1 Eager eager JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +2 engineers engineer NNS - - n:x ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 espouse espouse VBP + + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +4 direct-steelmaking _generic_nn_ NN - + n:x _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 direct direct JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +7 casting cast NN - - n:x _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +12 end end NN - + n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 1990s _generic_plur_ne_ NNS - - year_range:x-c _ _ _ _ _ _ _ BV ARG1 _ _ _ _ +16 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 enable enable VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ +18 production production NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +19 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 coke coke NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ovens oven NNS - + n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 blast blast NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +24 furnaces furnace NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153014 +1 Those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 massive massive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +3 structures structure NNS - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +5 while while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +6 posing pose VBG - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ +7 cost cost NN - + n:x _ _ _ ARG2 _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +9 environmental environmental JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +10 headaches headache NNS - - n:x _ _ _ _ _and_c ARG1 _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 effectively effectively RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +13 locked lock VBN - + v_out:e-i-i _ _ _ _ _ _ ARG1 _ _ _ _ +14 out out IN - - _ _ _ _ _ _ _ _ _ _ _ _ +15 all all DT - - q:i-h-h _ _ _ _ _ _ _ ARG2 ARG1 _ _ +16 but but CC - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +17 deep-pocketed pocket JJ - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 giants giant NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +19 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 steelmaking _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22153015 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 There there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - + v_there:e-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 revolution revolution NN - - n_of:x-i ARG1 BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ahead ahead+of RB - - p:e-u-i _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of ahead+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 us us PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ultimately ultimately RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 change change VB - + v_cause:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 way way NN - + n_of:x-h _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +15 we we PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 market market NN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 distribute distribute VB - + v_to:e-i-p _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 steel steel NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 William William NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Dennis Dennis NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound _ appos _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ compound _ _ ARG1 _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 manufacturing manufacture NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 technology technology NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Iron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +37 Ore _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +38 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Steel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +40 Institute institute NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ compound +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153016 +1 It it PRP - - _ _ _ _ _ _ +2 is isn’t VBZ - + _ _ _ _ _ _ +3 n’t isn’t JJ + - neg:e-h _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ +5 major major JJ - + a:e-p _ _ _ _ _ +6 steelmakers _generic_nns_ NNS - - n:x _ ARG1 _ ARG1 _ +7 have have VBP - - _ _ _ _ _ _ +8 blithely _generic_rb_ RB - + a:e-e _ _ _ _ _ +9 ignored ignore VBN - + v:e-i-p _and_c _ ARG1 _ _ +10 high high JJ - + a:e-p _ _ _ _ _ +11 technology technology NN - - n:x _ _ _ ARG2 ARG1 +12 . _ . - - _ _ _ _ _ _ + +#22153017 +1 In in+fact IN - - a:e-e mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 fact in+fact NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 they they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’ve ’ve VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 spent spend VBN - + v:e-i-p ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 billions billions NNS - + x:x-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 dollars dollar NNS - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 boost boost VB - + v_to:e-i-p-i _ _ _ ARG2 _ _ _ _ _ _ _ ARG1 ARG1 _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 percentage percentage NN - + n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 continously _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 cast cast VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +17 steel steel NN - - n:x _ _ _ _ _ _ ARG1 _ ARG2 _ _ _ _ _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 60.9 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 1988 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 39.6 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +27 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +29 before before RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153019 +1 But but CC + + c:i-i-i _ _ _ +2 that that WDT - - x:x _ _ ARG1 +3 wo won’t MD - - _ _ _ _ +4 n’t won’t NN - + neg:e-h _ _ _ +5 suffice suffice VB - + v:e-i-p ARG2 neg _ +6 . _ . - - _ _ _ _ + +#22153020 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ +3 ’s ’s VBZ + + v_id:e-p-i _ _ _ _ _ _ _ +4 no no+longer DT - - a:e-e _ mwe _ _ _ _ _ +5 longer no+longer RBR - + a:e-e _ _ _ _ _ _ _ +6 enough enough JJ - + q:i-h-h ARG2 ARG1 _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ +8 beat beat VB - + v_to:e-i-p _ _ ARG1 _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ +10 guy guy NN - - n:x _ _ _ ARG2 BV ARG1 _ +11 down down IN - + p:e-u-i _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ +13 street street NN - - n:x _ _ _ _ _ ARG2 BV +14 . _ . - - _ _ _ _ _ _ _ _ + +#22153021 +1 You you PRP - - pron:x _ ARG1 _ _ _ _ +2 have have VBP - + v_qmodal:e-h _ _ _ _ ARG2 _ +3 to to TO - - _ _ _ _ _ _ _ +4 beat beat VB - + v_to:e-i-p ARG1 _ _ _ _ _ +5 everyone everyone NN - - person:x _ ARG2 ARG1 _ _ _ +6 around around IN - + p:e-u-i _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ +8 world world NN - - n_of:x-i _ _ ARG2 BV _ _ +9 , _ , - - _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +12 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +13 Dennis Dennis NNP - - named:x-c _ _ _ _ ARG1 compound +14 . _ . - - _ _ _ _ _ _ _ + +#22153022 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ +2 wants want VBZ + + v:e-i-h _ _ _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ +4 see see VB - + v:e-i-p ARG2 _ _ _ _ _ _ +5 steelmakers _generic_nns_ NNS - - n:x _ ARG2 _ ARG2 _ _ _ +6 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ +7 involved involved VBN - + a:e-p _ _ comp _ ARG1 _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ +9 computers computer NNS - + n:x _ _ _ _ ARG2 _ _ +10 and and CC - - _ _ _ _ _ _ _ _ +11 artificial artificial JJ - + a:e-p _ _ _ _ _ _ _ +12 intelligence intelligence NN - - n:x _ _ _ _ _ _and_c ARG1 +13 . _ . - - _ _ _ _ _ _ _ _ + +#22153023 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 problem problem NN - - n_of:x-i BV ARG1 _ _ _ _ +3 : _ : + + _ _ _ _ _ _ _ +4 They they PRP - - pron:x _ _ ARG2 _ _ _ +5 ’re ’re VBP - - _ _ _ _ _ _ _ +6 saddled saddle VBN - + v_with:e-i-p-i _ ARG2 _ _ _ _ +7 with with IN - - _ _ _ _ _ _ _ +8 huge huge JJ - + a:e-p _ _ _ _ _ _ +9 plants plant NNS - - n:x _ _ ARG3 ARG1 ARG1 _ +10 that that IN - - _ _ _ _ _ _ _ +11 require require VB - + v_of:e-i-p _ _ _ _ _ _ +12 costly costly JJ - + a:e-p _ _ _ _ _ _ +13 maintenance maintenance NN - - n:x _ _ _ _ ARG2 ARG1 +14 . _ . - - _ _ _ _ _ _ _ + +#22153025 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +3 technology technology NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 revolution revolution NN - - n_of:x-i BV compound _ _ ARG1 _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 going going VBG - + v_qmodal:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +10 threatening threatening VBG - + v_to-with:e-i-p-i _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 established establish VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +13 producers producer NNS - - n_of:x-i _ _ _ _ ARG2 ARG2 _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +17 Peter Peter NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +18 Marcus Marcus NNP - - named:x-c _ _ _ _ _ _ ARG1 compound _ appos _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ BV _ ARG1 _ +22 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +23 PaineWebber _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 compound +24 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153026 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 They they PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ +3 ’ve ’ve VBP - - _ _ _ _ _ _ _ _ _ _ _ +4 got get VBN + + v_state:e-i-i-h _ _ _ _ _ _ _ _ _ _ +5 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ +6 much much RB - + a:e-e _ comp_too _ _ _ _ _ _ _ _ +7 invested invest VBN - + v_in:e-i-p-i ARG2 _ ARG1 _ _ _ _ _ _ _ +8 in in IN - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +11 stuff stuff NN - - n:x _ _ _ ARG3 BV ARG1 _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +13 they they PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ +14 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ neg _ _ +15 n’t can’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ +16 get get VB - + v_off:e-i-i _ _ _ _ _ _ ARG1 _ _ _ +17 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +18 workers worker NNS - - n:x _ _ _ _ _ _ _ _ ARG2 poss +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +20 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +21 flexible flexible JJ - - a:e-p _ _ _ _ _ _ _ _ ARG3 _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22153027 +1 No no+one DT - - person:x mwe _ _ _ _ _ _ _ _ _ _ _ _ +2 one no+one NN - + person:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 expects expect VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 minimills _generic_nns_ NNS - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 eclipse eclipse VB - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 integrated integrate JJ - + v_into:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 steelmakers _generic_nns_ NNS - - n:x _ _ ARG2 ARG1 ARG2 ARG1 _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 remain remain VBP - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 undisputed dispute JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +15 kings king NNS - - n_of:x-i _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 highest-quality quality JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +18 steel steel NN - - n:x _ _ _ _ _ _ _ _ ARG2 compound ARG2 _ _ +19 used use VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 autos auto NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 refrigerators refrigerator NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _and_c +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153030 +1 Moreover moreover RB + + a:e-h _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ +4 process process NN - - n_of:x-i _ BV _ ARG1 _ +5 is isn’t VBZ - - _ _ _ _ _ _ +6 n’t isn’t JJ - + neg:e-h ARG1 _ _ _ _ +7 without without IN - + p:e-u-i _ _ neg _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ +9 headaches headache NNS - - n:x _ _ _ ARG2 poss +10 . _ . - - _ _ _ _ _ _ + +#22153031 +1 Because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ +2 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 operations operation NNS - - n_of:x-i _ BV ARG2 _ _ _ _ _ _ +4 are are VBP - - _ _ _ _ _ _ _ _ _ _ +5 connected connect VBN - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ +7 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 equipment equipment NN - + n:x _ _ _ _ _ _ _ _ _ +9 failure failure NN - - n:x _ _ _ ARG1 compound ARG1 _ _ _ +10 forces force VBZ - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 complete complete JJ - + a_with:e-p-i _ _ _ _ _ _ _ _ _ +13 plant plant NN - + n:x _ _ _ _ _ _ _ _ _ +14 shutdown _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV ARG1 compound +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22153032 +1 On on IN - + p:e-u-i _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ +3 days day NNS - - n_of:x-i ARG2 BV _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ +6 Nucor _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +7 plant plant NN - - n:x _ _ BV compound _ ARG1 +8 does doesn’t VBZ - - _ _ _ _ _ _ _ +9 n’t doesn’t RB + + neg:e-h _ _ _ _ _ _ +10 produce produce VB - + v:e-i-p ARG1 _ _ _ neg _ +11 anything anything NN - - thing:x _ _ _ _ _ ARG2 +12 . _ . - - _ _ _ _ _ _ _ + +#22153033 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 point point NN - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 minimill _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 capacity capacity NN - - n:x _ _ BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 wo won’t MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 n’t won’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +11 make make VB - + v:e-i-p-u ARG1 _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 great great JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 dent dent NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 integrated integrate JJ - + v_into:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 market market NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 does does VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 challenge challenge VB - + v_to:e-i-p-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 develop develop VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 markets market NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 James James NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 McCall _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ appos _ ARG1 _ _ _ _ _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ appos _ _ _ _ _ _ _ +37 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 materials material NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Battelle _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ appos _ _ _ +42 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 technology technology NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 management-research research NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +47 giant giant NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ ARG2 ARG1 _ +48 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ +50 Columbus Columbus NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +51 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +52 Ohio Ohio NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +53 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153034 +1 Indeed indeed RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 with with IN - + p:e-u-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 demand demand NN - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +5 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 steel steel NN - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +7 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 growing grow VBG - - v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 fast fast RB - + a:e-e _ _ _ _ _ comp_enough _ _ _ _ _ _ _ +10 enough enough RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - + x:e-h-h _ _ _ neg _ _ _ _ _ _ _ _ _ +12 absorb absorb VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +13 capacity capacity NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 steelmakers _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +16 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 have have VB - + v_qmodal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 change change VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 way way NN - + n_of:x-h _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +22 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +23 do do VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +24 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153035 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 past past NN - - n:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Armco _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +9 economist economist NN - + n:x _ _ _ poss compound _ _ _ _ _ _ _ _ +10 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Corey _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ compound compound _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 steelmakers _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +14 made make VBD - + v:e-i-p-u ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +16 product product NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 set set VB - + v:e-i-p _ _ _ _ _ _ _ _and_c _ _ ARG1 _ _ +19 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +20 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +23 loading load NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +24 dock dock NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153037 +1 Armco _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 representatives representative NNS - - n_of:x-i poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 visit visit VBP + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 General _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Motors _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +9 Corp. Corp. NNP - + n:x _ _ _ BV _ compound _ _ _ _ _ _ _ _ _ _ +10 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Fairfax Fairfax NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 assembly assembly NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 plant plant NN - - n:x _ _ ARG2 _ _ _ poss compound compound ARG1 _ _ _ _ loc _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Kansas Kansas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 City _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Mo. MO. NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ +23 days day NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 +24 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 week week NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153038 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 they they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 determined determine VBD - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 GM _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 needed need VBD - + v:e-i-p _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 parts part NNS - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 quickly quickly RB - + a:e-e _ _ _ comp _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Armco _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 convinced convince VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 steel steel NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 service service NN - + n:x _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +16 center center NN - - n_of:x-i _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ _ _ _ +17 to to TO - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 build build VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 processing process NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 plant plant NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ +22 nearby nearby RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 so so IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +24 shipments shipment NNS - - n_of-to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +25 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +26 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 delivered deliver VBN - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +28 within within IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 minutes minute NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153039 +1 Cementing cement VBG - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 relationships relationship NNS - - n_of:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 clients client NNS - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 car car NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 appliance appliance NN - - n:x _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 makers maker NNS - - n_of:x-i _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 means means NN - + n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 survival survival NN - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 especially especially RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +21 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 key key JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 clients client NNS - - n:x _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ _ _ _ _ +24 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 relying rely VBG - + v_on:e-i-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +26 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 pool pool NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 producers producer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 flirting _generic_vbg_ VBG - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ ARG1 _ +34 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 plastic plastic NN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 aluminum aluminum NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +38 makers maker NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153040 +1 For for+example IN - - a:e-h mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 example for+example NN + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 when when WRB - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Detroit Detroit NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 began begin VBD - + v:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 talking talk VBG - + v_about:e-p _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 plastic-bodied body JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 cars car NNS - - n:x _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Iron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Steel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Institute _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 began begin VBD - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 lobbying lobby NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 effort effort NN - + n:x-h _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 show show VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 auto auto NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 makers maker NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ ARG2 _ _ _ _ _ _ _ _ _ +27 how how WRB - + unspec_manner:e-u-x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +29 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 use use VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ manner ARG1 _ _ ARG1 ARG1 _ _ _ _ _ _ +31 steel steel NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +32 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 efficiently efficiently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ comp _ _ _ _ _ _ _ _ +34 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 simply simply RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 redesigning design VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +37 how how WRB - + unspec_manner:e-u-x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 car car NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 door door NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound ARG2 +41 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 assembled assemble VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 manner _ _ _ +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153041 +1 But but CC + + c:i-i-i _ _ _ _ _ +2 steelmakers _generic_nns_ NNS - - n:x _ _ _ ARG1 _ +3 must must MD - + v_modal:e-h ARG2 _ _ _ _ +4 also also RB - + a:e-h _ ARG1 _ _ _ +5 find find VB - + v:e-i-p _ _ ARG1 _ _ +6 new new JJ - + a:e-p _ _ _ _ _ +7 markets market NNS - - n:x _ _ _ ARG2 ARG1 +8 . _ . - - _ _ _ _ _ _ + +#22153042 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 letting let VBG - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 aluminum-makers maker NNS - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 take take VB - + v:e-i-p-u _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 recycling recycle NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 lead lead NN - - n:x _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 group group NN - + n_of:x-i _ _ _ _ _ BV _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 nation nation NN - + n_of:x-i _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 steelmakers _generic_nns_ NNS - - n:x _ _ _ _ _ _ ARG1 _ poss ARG1 _ _ _ _ _ _ _ _ _ _ +17 started start VBD + + v_cause:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 recycling recycle NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 institute institute NN - + n:x-h _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 promote promote VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ +23 steel steel NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 cans can NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +25 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 environmentally environmentally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 conscious conscious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +29 nation nation NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153043 +1 Battelle _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +4 McCall _generic_proper_ne_ NNP - - named:x-c poss compound ARG1 _ _ _ _ +5 thinks think VBZ + + v:e-i-h-i _ _ _ _ _ _ _ +6 steelmakers _generic_nns_ NNS - - n:x _ _ _ _ ARG1 _ _ +7 should should MD - + v_modal:e-h _ _ ARG2 _ _ _ _ +8 concentrate concentrate VB - + v_on:e-i-i _ _ _ ARG1 _ ARG1 _ +9 more more JJR - + a:e-e _ _ _ _ _ _ ARG1 +10 on on IN - + p:e-u-i _ _ _ _ _ _ _ +11 construction construction NN - - n_of:x-i _ _ _ _ _ _ ARG2 +12 . _ . - - _ _ _ _ _ _ _ _ + +#22153044 +1 Weirton _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Steel _generic_proper_ne_ NNP - + named:x-c compound _ compound _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Weirton _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 W. W. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Va. VA. NNP - - named:x-c _ conj _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 for for+example IN - - p:e-i _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 example for+example NN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 touting tout VBG + + v:e-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 homeowners homeowner NNS - + n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +17 fashionable fashionable JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 steel steel NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 doors door NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 leaded leaded JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 glass glass NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 inserts insert NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 secure secure JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 energy-efficient efficient JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +31 alternative alternative NN - - n_to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 ARG1 _ _ +32 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 wooden wooden JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 aluminum aluminum JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ +36 ones ones NNS - - x:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153045 +1 Other other JJ - + a:e-i _ _ _ _ +2 steelmakers _generic_nns_ NNS - - n:x ARG1 ARG1 _ _ +3 envision envision VBP + + v:e-i-p _ _ _ _ +4 steel steel NN - + n:x _ _ _ _ +5 roofs roof NNS - - n:x _ ARG2 compound ARG1 +6 covering cover VBG - + v:e-i-p _ _ _ _ +7 suburbia _generic_nn_ NN - - n:x _ _ _ ARG2 +8 . _ . - - _ _ _ _ _ + +#22153046 +1 Still still RB + + a:e-p _ _ _ +2 others other NNS - - n:x _ ARG1 _ +3 are are VBP - - _ _ _ _ +4 looking look VBG - + v_at:e-i-i ARG1 _ _ +5 at at IN - - _ _ _ _ +6 overseas overseas JJ - + a:e-p _ _ _ +7 markets market NNS - - n:x _ ARG2 ARG1 +8 . _ . - - _ _ _ _ + +#22153047 +1 USX _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ +3 funneling _generic_vbg_ VBG + + v:e-i-p _ _ _ _ _ +4 drilling drill NN - + v:e-i-p _ _ _ _ _ +5 pipe pipe NN - - n:x ARG2 compound ARG1 _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ +7 steel-hungry hungry JJ - + a:e-p _ _ _ _ _ +8 Soviet _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ +9 Union _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 ARG1 compound +10 . _ . - - _ _ _ _ _ _ + +#22153048 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ +2 year year NN - + n:x BV _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 nation nation NN - + n_of:x-i _ _ BV _ _ _ _ _ _ +6 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ +7 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ +8 steelmaker _generic_nn_ NN - - n:x _ _ _ poss ARG1 ARG1 _ _ _ +9 reactivated activate VBD + + v:e-i-p _ loc _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 overseas overseas JJ - + a:e-p _ _ _ _ _ _ _ _ _ +12 sales sales NNS - + n_of:x _ _ _ _ _ _ _ _ _ +13 operation operation NN - - n_of:x-i _ _ _ _ _ ARG2 poss ARG1 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22153049 +1 Producers producer NNS - - n_of:x-i _ ARG1 _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ +3 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 trying try VBG - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 differentiate differentiate VB - - v:e-i-p _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +7 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 concentrating concentrate VBG - + v_on:e-i-i _ _ ARG2 _ _ _ _ _ _ _ _ _ +9 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 higher-profit profit JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +11 output output NN - - n_of:x-i _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 such such+as JJ - - p:e-u-i _ _ _ _ _ mwe _ _ _ _ _ _ +14 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 coated coat JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 electrogalvanized _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _and_c _ _ _ _ _ +18 products product NNS - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 remain remain VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +22 beyond beyond IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG2 _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +24 reach reach NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +26 minimills _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153050 +1 Almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 all all DT - + q:i-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 capital-improvement improvement NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 programs program NNS - - n_of:x-i _ BV compound ARG2 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 announced announce VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 steelmakers _generic_nns_ NNS - - n:x _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 within within IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 year year NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +13 involve involve VBP + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 building build VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +15 electrogalvanizing _generic_vbg_ VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 lines line NNS - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 used use VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 produce produce VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG3 _ ARG1 _ _ _ _ _ +21 steel steel NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 products product NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +25 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 household household NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 appliances appliance NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 car car NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 doors door NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153051 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ +2 unfortunately unfortunately RB - + a:e-h ARG2 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ +5 segment segment NN - - n:x _ _ BV _ ARG1 _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ +7 much much RB - + x:e-u _ _ _ _ _ _ _ _ +8 smaller smaller JJR - + a:e-i _ ARG1 _ ARG1 _ _ _ _ +9 than than IN - - _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +11 bread-and-butter butter JJ - + n:x _ _ _ _ _ _ _ _ +12 flat-rolled roll JJ - + v_cause:e-i-p _ _ _ _ _ _ _ _ +13 steel steel NN - - n:x _ _ _ _ than BV compound ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22153052 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +5 everyone everyone NN - - person:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 climbing climb VBG - + v:e-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 out out+of RP - - p:e-u-i _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +8 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 QE _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 II _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 getting get VBG - + v_state:e-i-h _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +14 into into IN - + p:e-u-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 lifeboat _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Jacobson _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound _ appos _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ +25 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 AUS _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Consultants consultant NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153053 +1 “ _ `` - - _ _ _ _ _ _ _ +2 After after IN - + p:e-u-i _ _ _ _ _ _ +3 a a+while DT - - n:x _ mwe _ _ _ _ +4 while a+while NN - + n:x ARG2 _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ +6 someone someone NN - - person:x _ _ _ ARG1 _ _ +7 has have VBZ + + v_qmodal:e-h ARG1 _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ +9 go go VB - + v:e-i _ _ ARG1 _ ARG1 _ +10 over over IN - + p:e-u-i _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ +12 side side NN - - n:x _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ + +#22153054 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ +2 he he PRP - - pron:x _ _ ARG1 _ _ _ _ +3 does doesn’t VBZ - - _ _ _ _ _ _ _ _ +4 n’t doesn’t RB - + neg:e-h ARG2 _ _ _ _ _ _ +5 expect expect VB - + v:e-i-p _ neg _ _ _ _ _ +6 any any DT - + q:i-h-h _ _ _ _ _ _ _ +7 bankruptcies bankruptcy NNS - - n:x _ _ ARG2 BV _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ +9 he he PRP - - pron:x _ _ _ _ ARG1 _ _ +10 does does VBZ - - _ _ _ _ _ _ _ _ +11 see see VB - + v:e-i-p ARG1 _ _ _ _ _ _ +12 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ +13 plants plant NNS - - n:x _ _ _ _ ARG2 ARG1 ARG2 +14 being being VBG - - _ _ _ _ _ _ _ _ +15 sold sell VBN - + v:e-i-p _ _ _ _ _ _ _ +16 or or CC - - _ _ _ _ _ _ _ _ +17 closed close VBN - - a:e-p _ _ _ _ _ _ _or_c +18 . _ . - - _ _ _ _ _ _ _ _ + +#22153055 +1 Robert Robert NNP - + named:x-c _ _ _ _ _ +2 Crandall _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ ARG1 +3 , _ , - - _ _ _ _ _ _ +4 with with IN - + p:e-u-i _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ +6 Brookings Brookings NNP - + named:x-c _ _ _ _ _ +7 Institute _generic_proper_ne_ NNP - - named:x-c _ ARG2 BV compound _ +8 , _ , - - _ _ _ _ _ _ +9 agrees agree VBZ + + v_with:e-i-h-i _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ + +#22153056 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Unless unless IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ - + v_there:e-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 enormous enormous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 rate rate NN - + n_of:x-i _ ARG1 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 growth growth NN - - n_of:x-i _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 further further JJ - + a:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 drop drop NN - - n_of:x-i _ _ _ _ _and_c _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 dollar dollar NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 unlikely unlikely JJ - - a_for:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 consumption consumption NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 U.S. U.S. NNP - - named_n:x-c _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +26 produced produce VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 steel steel NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +28 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 grow grow VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ +30 sufficiently sufficiently RB - + a_for:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 offset offset VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +35 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 minimills _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153058 +1 Japanese Japanese JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +2 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 European european JJ - + a:e-p _and_c _ _ _ _ _ _ _ _ _ _ _ +4 steelmakers _generic_nns_ NNS - - n:x ARG1 ARG1 ARG1 _ _ _ _ ARG1 _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 led lead VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +11 technology technology NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +12 developments development NNS - - n_of:x-i _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 anxiously anxiously RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +16 awaiting await VBG + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +18 lifting lift NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +20 trade trade NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +21 restraints restraint NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +23 1992 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22153059 +1 Moreover moreover RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +4 U.S. U.S. NNP - - named_n:x-c _ BV _ ARG1 _ _ _ _ _ _ _ +5 can can MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ +6 expect expect VB - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ +7 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ +8 competition competition NN - - n:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 low-cost cost JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +11 producing produce VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +12 Pacific Pacific NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +13 Rim Rim NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +15 Latin Latin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +16 American _generic_proper_ne_ NNP - - a:e-p _ _ _ _ _ _ _ _ _ _and_c compound +17 countries country NNS - - n_of:x-i _ _ _ _ _ ARG2 compound ARG1 _ compound _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22153060 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 Taiwanese Taiwanese JJ - + a:e-p _ _ _ _ _ _ _ _ +3 steelmaker _generic_nn_ NN - - n:x BV ARG1 _ ARG1 _ _ _ _ +4 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ +5 announced announce VBD + + v_to:e-i-p-i _ _ ARG1 _ _ _ _ _ +6 plans plan NNS - + n:x-h _ _ _ ARG2 _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ +8 build build VB - + v:e-i-p _ _ _ _ ARG1 _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 Nucor-like like JJ - + a:e-p _ _ _ _ _ _ _ _ +11 plant plant NN - - n:x _ _ _ _ _ ARG2 BV ARG1 +12 . _ . - - _ _ _ _ _ _ _ _ _ + +#22153061 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 People people NNS - - n_of:x-i ARG1 _ _ _ _ _ _ _ _ _ +3 think think VBP - + v_of:e-i-i _ _ _ ARG1 _ _ _ _ ARG2 _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 steel steel NN - + n:x _ _ _ _ _ _ _ _ _ _ +7 business business NN - - n:x ARG2 BV compound _ _ _ _ _ _ _ +8 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +9 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +12 mundane _generic_jj_ JJ - + a:e-u _ _ _ _ _ _and_c _ _ _ _ +13 smokestack _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ +14 business business NN - - n:x _ _ _ ARG2 BV ARG1 ARG1 compound _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +18 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +19 Iverson _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22153062 +1 “ _ `` - - _ _ _ +2 They they PRP - - pron:x _ ARG1 +3 ’re ’re VBP - - _ _ _ +4 dead dead RB - + a:e-e _ _ +5 wrong wrong JJ + + a_with:e-p ARG1 _ +6 . _ . - - _ _ _ +7 ” _ '' - - _ _ _ + +#22154001 +1 Polaroid Polaroid NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 patent-infringement _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 damages damages NNS - + n:x _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 case case NN - - n_of:x-i poss _ _ compound ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ _ +7 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Eastman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Kodak Kodak NNP - - named:x-c _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ _ _ +10 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 highest highest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 stakes stakes NNS - + n:x _ _ _ _ _ _ _ part BV ARG1 _ _ loc _ _ _ _ +17 corporate corporate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 trials trial NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +19 ever ever RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 getting get VBG + + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 scant scant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 attention attention NN - - n_to:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ +25 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Street _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154002 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 78 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +3 days day NNS - - n_of:x-i ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +5 mind-numbing numb JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +6 testimony testimony NN - - n:x _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 court court NN - - n_of:x-i _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Boston Boston NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 trial trial NN - - n:x _ _ _ _ _ _ _ BV ARG1 _ _ _ _ +15 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 being being VBG - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +17 all all+but DT - - a:e-e _ _ _ _ _ _ _ _ _ mwe _ _ _ +18 but all+but CC - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ignored ignore VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 analysts analyst NNS - + n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ +24 attorneys attorney NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c compound +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154003 +1 Most most JJS - - q:i-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 read read VBN + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 pre-trial trial JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 documents document NNS - - n:x ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 however however RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 estimate estimate VBP - + v:e-i-h _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Kodak Kodak NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ordered order VBN - + v:e-i-i-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 pay pay VB - + v_for:e-i-i-i _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ +19 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 billion billion CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +21 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ +23 1.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +25 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 infringing _generic_vbg_ VBG - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +27 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 seven seven CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Polaroid Polaroid NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 patents patent NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154004 +1 That that DT - - x:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 may may MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 be be VB - + v_id:e-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +5 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ +7 award award NN - - n_for:x-i _ ARG2 BV ARG1 compound loc _ _ _ _ _ _ _ +8 ever ever RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +12 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 well well RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +14 below below IN - + p:e-u-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +17 12 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +18 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ times _ _ +19 Polaroid Polaroid NNP - - n:x _ _ _ _ _ _ _ _ BV compound _ _ ARG1 +20 seeks seek VBZ - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 highest highest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 damage damage NN - + n_to:x-i _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 award award NN - - n_for:x-i BV ARG1 _ compound ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to+date TO - - p:e-i _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 date to+date NN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 1986 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Smith Smith NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 International _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ compound compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ordered order VBN - + v:e-i-i-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +20 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ +21 205 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Baker Baker NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Hughes Hughes NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG3 _ _ compound compound _ _ _ _ _ _ _ _ +26 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 infringing _generic_vbg_ VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ ARG1 _ _ _ _ +29 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 patent patent NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +32 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 oil oil NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 drilling drill NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +36 bit bit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +37 seal seal NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ compound +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 two two CD - + card:i-i-c _ _ _ _ _ _ _ +3 companies company NNS - - n_of:x-i BV ARG1 _ ARG1 _ _ _ +4 later later RB - + a:e-e _ _ _ _ _ _ _ +5 agreed agree VBD + + v:e-i-h _ _ ARG1 _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ +7 settle settle VB - - v:e-i-p _ _ _ ARG2 ARG1 _ _ +8 for for IN - + p:e-u-i _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _ _ ARG2 _ ARG1 +10 95 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +11 million million CD - + card:i-i-c _ _ _ _ _ times _ +12 . _ . - - _ _ _ _ _ _ _ _ + +#22154007 +1 Few few JJ - + little-few_a:e-p _ _ _ _ _ _ _ _ +2 analysts analyst NNS - - n:x ARG1 ARG1 _ _ _ _ _ _ +3 think think VBP + + v:e-i-h-i _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ +6 worth worth IN - + a:e-p-u _ ARG2 _ _ _ _ _ _ +7 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +8 time time NN - - n_of:x _ _ ARG2 poss _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ +10 slog _generic_vb_ VB - - v:e-i _ _ _ _ ARG1 _ _ _ +11 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 Polaroid Polaroid NNP - + named:x-c _ _ _ _ _ _ _ _ +14 trial trial NN - + n:x _ _ _ _ _ _ _ _ +15 testimony testimony NN - - n:x _ _ _ _ ARG2 BV compound compound +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22154008 +1 “ _ `` - - _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ +4 like like IN + + p:e-u-i _ _ _ _ _ _ +5 panning pan VBG - - v:e-i-p ARG2 ARG1 _ _ _ _ +6 for for IN - + p:e-u-i _ _ _ _ _ _ +7 gold gold NN - + n:x _ _ _ _ _ _ +8 outside outside+of NN - - n:x _ ARG2 compound ARG1 _ _ +9 of outside+of IN - + p:e-x-i _ _ _ _ _ _ +10 Grand _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +11 Central Central NNP - + named:x-c _ _ _ _ _ _ +12 Station _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 compound compound +13 . _ . - - _ _ _ _ _ _ _ + +#22154009 +1 You you PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ +2 might might MD - + v_modal:e-h _ _ _ _ ARG2 _ _ _ _ _ _ +3 find find VB - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ +4 something something NN - - thing:x _ ARG2 _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +6 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 chances chance NNS - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +10 low low JJ - + a_on:e-p-i _and_c _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +14 Michael Michael NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +15 Ellman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 compound _ appos _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +17 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 analyst analyst NN - + n:x _ _ _ _ _ _ BV _ ARG1 _ _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +20 Wertheim _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +21 Schroder _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound compound +22 & &+Co CC - - n:x _ _ _ _ _ _ _ _ _ _ mwe +23 Co &+Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22154011 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 75-day day JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 trial trial NN - - n:x BV compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 1980s _generic_plur_ne_ NNS - - year_range:x-c _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +8 determined determine VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Kodak Kodak NNP - - named:x-c _ _ _ _ _ _ ARG2 ARG1 _ ARG1 _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ +14 Rochester Rochester NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 N.Y. N.Y. NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 infringed _generic_vbd_ VBN - + v:e-u-p _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ _ +19 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 patents patent NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Polaroid Polaroid NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Cambridge Cambridge NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Mass Mass NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 main main JJ - + a:e-p _ _ _ _ _ _ _ _ +3 issues issue NNS - - n:x BV ARG1 ARG1 ARG1 _ _ _ _ +4 remaining remain VBG - + v:e-i _ _ _ _ _ _ _ _ +5 are are VBP + + v_id:e-p-i _ _ _ _ _ _ _ _ +6 how how WRB - + unspec_manner:e-u-x _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ +8 calculate calculate VB - + v:e-i-p _ _ _ ARG2 manner _ _ _ +9 damages damages NNS - - n:x _ _ _ _ _ ARG2 _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ +11 whether whether IN - - _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 infringement _generic_nn_ NN - - n:x _ _ _ _ _ _ BV ARG1 +14 was was VBD - - _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ +16 willful willful JJ - + a:e-p _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ +18 deliberate deliberate JJ - - a:e-p _ _ _ _ _ _ _ _and_c +19 . _ . - - _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ + +#22154013 +1 If if IN + + x:e-h-h _ _ _ _ +2 so so RB - - a:e-h ARG2 _ _ _ +3 , _ , - - _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ +5 damages damages NNS - - n:x _ BV _ ARG2 +6 could could MD - + v_modal:e-h ARG1 _ _ _ +7 be be VB - - _ _ _ _ _ +8 tripled triple VBN - + v:e-i-p _ _ ARG1 _ +9 . _ . - - _ _ _ _ _ + +#22154014 +1 Two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 analysts analyst NNS - - n:x ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 read read VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 transcripts transcript NNS - - n:x _ ARG2 BV _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Nelson Nelson NNP - + named:x-c _ _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Shearson _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Lehman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Hutton _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ ARG2 _ compound _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Calvert _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 D. D. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Crary _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c _ _ compound _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 litigation litigation NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Labe _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Simpson Simpson NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ _ _ _ +28 & &+co. CC - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +29 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 think think VBP + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Judge judge NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 A. A. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +34 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +35 Mazzone _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ +36 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 decide decide VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ _ _ _ _ +38 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Kodak Kodak NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 favor favor VBP - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ +42 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 willful willful JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 deliberate deliberate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ +48 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 issue issue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +50 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154015 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Crary _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 testimony testimony NN - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Kodak Kodak NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 counsel counsel NN - - n:x _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Francis Francis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 T. T. NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Carr _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Kenyon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +16 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Kenyon _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 showed show VBD - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +23 worked work VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ ARG1 _ _ _ _ _ _ _ +24 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Kodak Kodak NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +26 continuously continuously RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 outset outset NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ ARG1 _ _ _ +30 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 project project NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +33 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 effort effort NN - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +37 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 avoid avoid VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +39 infringement _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154016 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Carr _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 told tell VBD - + v:e-i-p-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 Kodak Kodak NNP - - named:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 occasions occasion NNS - - n_of:x-i _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - + x:e-h-h conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 avoid avoid VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +10 various various JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 features feature NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +12 because because+of IN - - p:e-u-i _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +13 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Polaroid Polaroid NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 positions position NNS - - n_of:x _ _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Kodak Kodak NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +22 followed follow VBD - + v:e-i-p _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +23 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 advice advice NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 every every DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 instance instance NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Crary _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +31 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154017 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Irving Irving NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Kayton _generic_proper_ne_ NNP - - named:x-c _ compound _ _ appos _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 patent patent NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 expert expert NN - + n:x _ _ BV compound _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 George George NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Mason Mason NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +11 University _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +12 School _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Law _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +15 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 familiar familiar JJ - + a_with:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 case case NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 fact fact NN - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ ARG1 _ _ +25 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 seven seven CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 patents patent NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ +28 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 infringed _generic_vbn_ VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +30 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 suggests suggest VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +32 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 infringement _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +34 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 willful willful JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154018 +1 It it PRP - - _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ +3 difficult difficult JJ + + a_for:e-h-i _ _ _ +4 to to TO - - _ _ _ _ +5 be be VB - + _ ARG1 _ _ +6 that that IN - - _ _ _ _ +7 consistently consistently RB - + a:e-e _ _ _ +8 wrong wrong JJ - - a_with:e-p _ ARG2 ARG1 +9 . _ . - - _ _ _ _ +10 ” _ '' - - _ _ _ _ + +#22154020 +1 Polaroid Polaroid NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 claims claim VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +4 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +5 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 manufactured manufacture VBN - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 sold sell VBN - + v:e-i-p _ _ _and_c _ _ _ _ _ _ _ _ _ _ +9 all all PDT - + part_of:x-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 instant instant JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 cameras camera NNS - + n:x _ _ _ _ part BV ARG1 _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 film film NN - - n:x _ _ _ _ _ _ _ _and_c ARG2 _ _ _ _ +15 sold sell VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +16 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Kodak Kodak NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +18 if if IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +19 Kodak Kodak NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +20 had hadn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 n’t hadn’t NN - + neg:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +22 entered enter VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ neg _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154021 +1 Moreover moreover RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Polaroid Polaroid NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 contends contend VBZ - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 it it PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +7 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 sold sell VBN - + v:e-i-p _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 them them PRP - - pron:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 price price NN - - n_of:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +14 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 thus thus RB - + a:e-h _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +17 made make VBD - + v:e-i-p-u _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +18 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 profits profit NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +20 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 because because IN - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +23 would wouldn’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ +24 n’t wouldn’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +25 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 forced force VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 match match VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ +30 Kodak Kodak NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22154022 +1 Each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 side side NN - - n:x BV ARG1 _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ +4 called call VBN + + v_name:e-i-i-i _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 Harvard Harvard NNP - + named:x-c _ _ _ _ _ _ _ _ _ +7 Business _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ +8 School _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ +9 professor professor NN - + n:x-h _ ARG2 BV _ _ compound _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ +11 testify testify VB - - v_to:e-i _ _ _ _ _ _ ARG1 ARG1 _ +12 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +13 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ +14 issue issue NN - - n:x _ _ _ _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22154023 +1 Kodak Kodak NNP - - named:x-c ARG1 _ _ _ _ _ +2 hired hire VBD + + v:e-i-p _ _ _ _ _ _ +3 Robert Robert NNP - + named:x-c _ _ _ _ _ _ +4 Buzzell _generic_proper_ne_ NNP - + named:x-c _ compound _ ARG1 _ _ +5 and and CC - - _ _ _ _ _ _ _ +6 Polaroid Polaroid NNP - - named:x-c _ _ _and_c _ _ _ +7 brought bring VBD - + v_in:e-i-i ARG2 _ _ _ _ _ +8 in in IN - - _ _ _ _ _ _ _ +9 Robert Robert NNP - + named:x-c _ _ _ _ _ _ +10 J. J. NNP - + named:x-c _ _ _ _ compound _ +11 Dolan _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ compound +12 . _ . - - _ _ _ _ _ _ _ + +#22154024 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 There there EX - - _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - + v_there:e-i _ _ _ _ _ _ _ _ _ ARG2 _ +4 nothing nothing NN - - thing:x ARG1 ARG1 _ _ _ _ _ _ _ _ _ +5 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ +6 says say VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 people people NNS - - n_of:x-i _ _ ARG1 _ _ _ ARG1 _ _ _ _ +9 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 Harvard Harvard NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +11 Business _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ +12 school School NN - - n:x _ _ ARG2 _ compound _ _ _ _ _ _ +13 have have VBP - + v_qmodal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +15 agree agree VB - + v_on:e-p _ _ _ _ _ ARG1 _ ARG1 _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +17 each each+other DT - - recip_pro:x _ _ _ _ _ _ _ _ mwe _ _ +18 other each+other JJ - + recip_pro:x _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +21 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +22 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +23 Buzzell _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22154025 +1 Testimony testimony NN - - n:x _ ARG1 _ _ +2 is is VBZ - - _ _ _ _ _ +3 expected expect VBN + + v:e-i-h _ _ _ _ +4 to to TO - - _ _ _ _ _ +5 continue continue VB - + v:e-i ARG2 _ ARG1 _ +6 until until IN - + p:e-u-i _ _ _ _ +7 early early JJ - + a:e-p _ _ _ _ +8 December December NNP - - mofy:x-c _ _ ARG2 ARG1 +9 . _ . - - _ _ _ _ _ + +#22154026 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ +2 decision decision NN - - n:x BV _ ARG2 _ _ _ _ +3 is isn’t VBZ - - _ _ _ _ _ _ _ _ +4 n’t isn’t RB + + neg:e-h _ _ _ _ _ _ _ +5 expected expect VBN - + v:e-i-p _ neg _ ARG1 _ _ _ +6 until until IN - + p:e-u-i _ _ _ _ _ _ _ +7 some some DT - + q:i-h-h _ _ _ _ _ _ _ +8 time time NN - - n_of:x _ _ _ ARG2 BV _ loc +9 next next JJ - + q:i-h-h _ _ _ _ _ _ _ +10 year year NN - + n:x _ _ _ _ _ ARG1 _ +11 . _ . - - _ _ _ _ _ _ _ _ + +#22155002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 main main JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 reason reason NN - - n_for:x-i BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 delay delay NN - + n:x _ _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 shipment shipment NN - + n_of-to:x-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 high-end end JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 disk disk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 drives drive NNS - - n:x _ _ _ _ _ _ ARG1 ARG1 compound compound _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 business business NN - - n:x _ _ _ _ conj _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +17 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 accounts account NNS - + v_for:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 IBM IBM NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ ARG1 ARG1 _ +27 60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ +29 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 annual annual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155003 +1 IBM IBM NNP - - named:x-c ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 telegraphed telegraph VBD - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 poor poor JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 results result NNS - - n_of:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 weeks week NNS - - n:x _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 cited cite VBD - + v_for:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 increase increase NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ ARG1 ARG1 _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 leasing lease NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 business business NN - - n:x _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 tends tend VBZ - + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 lock lock VB - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ +25 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 business business NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 long-term long-+term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +28 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 cut cut NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ +30 revenue revenue NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound compound _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 near near JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 term term NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155004 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 addition addition NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +4 IBM IBM NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ +5 noted note VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 stronger stronger JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ +9 dollar dollar NN - - n:x _ _ BV ARG1 ARG1 _ _ _ _ _ _ +10 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +11 cut cut VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 value value NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +15 overseas overseas JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +16 revenue revenue NN - + n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +18 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _and_c _ _ +19 when when WRB - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ +20 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG2 +21 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +22 translated translate VBN - + v_into:e-i-p-i _ _ _ _ _ _ _ _ _ ARG2 _ +23 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ +24 dollars dollar NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG3 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22155005 +1 Earnings earnings NNS - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 fell fall VBD + + v:e-i _ ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +3 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 $ $ $ - + n:x _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 877 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 million million CD - + card:i-i-c _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 $ $ $ - - n:x _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +10 1.51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 share share NN - - n_of:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 somewhat somewhat RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 below below IN - + p:e-u-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +16 securities securities NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 analysts analyst NNS - + n:x _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +18 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 revised revise JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 expectations expectation NNS - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ poss ARG2 _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 around around IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 +24 1.60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155006 +1 That that DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 compared compare VBN + + v_with:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 year-earlier year-+earlier JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 $ $ $ - + n:x ARG3 BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 1.25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 2.10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 share share NN - - n_of:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 inflated inflate VBN - + v_cause:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 15-cents-a-share share JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 gain gain NN - - n:x _ _ _ _ _ _ _ _ ARG1 BV compound ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 sale sale NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 MCI _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Communications _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +30 Corp. Corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +31 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ compound _ _ _ _ _ _ _ _ _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 unspecified unspecified JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 amount amount NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +37 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 payment payment NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ ARG1 _ _ +40 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Fujitsu _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +42 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 relating relate VBG - + v_to:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 software software NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 dispute dispute NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +48 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155007 +1 Revenue revenue NN - - n:x ARG1 _ _ _ _ _ _ _ _ +2 climbed climb VBD + + v:e-i _ _ loc ARG1 _ _ ARG1 _ _ +3 4.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +4 % % NN - + n_of:x _ ARG1 _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 _ _ _ +7 14.31 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 +11 13.71 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +12 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ +13 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22155008 +1 IBM IBM NNP - + named:x-c _ _ _ +2 , _ , - - _ _ _ _ +3 Armonk _generic_proper_ne_ NNP - + named:x-c _ _ _ +4 , _ , - - _ _ _ _ +5 N.Y. N.Y. NNP - - named:x-c compound compound ARG1 +6 , _ , - - _ _ _ _ +7 remained remain VBD + + v:e-i-h _ _ _ +8 upbeat _generic_jj_ JJ - - a:e-u _ _ ARG2 +9 . _ . - - _ _ _ _ + +#22155009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 computer computer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 giant giant NN - + n:x BV compound _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 results result NNS - - n_of:x-i _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 dismal dismal JJ - + a:e-p _ _ loc _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 years year NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 noted note VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 that that DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 revenue revenue NN - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 rose rise VBD - + v:e-i _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ subord _ _ _ _ +18 again again RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 U.S. U.S. NNP - - named_n:x-c _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 following follow VBG - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +28 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 increase increase NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 period period NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ ARG1 _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 statement statement NN - - n_of:x-i _ _ ARG2 BV _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ +9 demand demand NN - - n:x _ _ _ _ ARG1 _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +11 IBM IBM NNP - + named:x-c _ _ _ _ _ _ _ _ +12 products product NNS - + n:x _ _ _ _ ARG2 compound _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ +14 services service NNS - - n:x _ _ _ _ _ _ _and_c _ +15 continues continue VBZ - + v:e-h _ ARG2 _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ +17 be be VB - - _ _ _ _ _ _ _ _ _ +18 good good JJ - - a_at-for-of:e-p-i _ _ _ _ _ _ _ ARG1 +19 world-wide wide JJ - - _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ + +#22155011 +1 We we PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 do do VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 not not RB + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 see see VB - + v:e-i-p neg _ _ _ _ _ _ _ _ _ _ _ _ +5 anything anything NN - - thing:x _ ARG2 ARG1 _ _ _ _ ARG1 _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 fundamentals fundamental NNS - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 business business NN - - n:x _ _ _ _ ARG2 poss _ _ _ _ _ _ _ +12 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cause cause VB - + v:e-i-i-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 us us PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 change change VB - + v_cause:e-i-p _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +18 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 strategy strategy NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 investing invest VBG - + v_for:e-i-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 profitable profitable JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 growth growth NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155012 +1 Securities securities NNP - + n:x _ _ +2 analysts analyst NNS - - n:x compound ARG1 +3 , _ , - - _ _ _ +4 however however RB - - _ _ _ +5 , _ , - - _ _ _ +6 remained remain VBD + + v:e-i-h _ _ +7 downbeat _generic_jj_ JJ - - a:e-p _ ARG2 +8 . _ . - - _ _ _ + +#22155013 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x ARG1 _ _ _ _ _ _ _ +3 think think VBP - + v:e-i-h-i _ _ _ _ ARG2 _ _ _ +4 1990 _generic_year_ne_ CD - - yofc:x-c _ ARG1 _ _ _ _ _ _ +5 will will MD - - _ _ _ _ _ _ _ _ _ +6 be be VB - + v_id:e-p-i ARG2 _ _ _ _ _ _ _ +7 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 mediocre _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ +9 year year NN - - n:x _ ARG2 BV ARG1 _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ +12 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +13 Steve Steve NNP - + named:x-c _ _ _ _ _ _ _ _ +14 Milunovich _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 compound ARG1 _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +16 First _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +17 Boston Boston NNP - - named:x-c _ _ _ _ _ _ ARG2 compound +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22155014 +1 Jay Jay NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Stevens Stevens NNP - - named:x-c compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Dean Dean NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Witter _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 actually actually RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +7 cut cut VBD - + v:e-i-p _ _ _ ARG1 _ _ _ _ ARG1 _ ARG1 _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ +8 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 per-share share JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 earnings earnings NNS - + n:x _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 estimate estimate VBP - - n_of:x-i _ _ _ _ ARG2 poss _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 9 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 9.50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 1989 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +23 9.50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +26 10.35 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 1990 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +29 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +31 decided decide VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +32 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +34 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 weaker weaker JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +37 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +39 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 expected expect VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than _ +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155016 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +2 Stevens Stevens NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 kept keep VBD - + v_unspec:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 buy/hold hold JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 recommendation recommendation NN - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +11 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +13 stock stock NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ +14 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +15 because because IN - + x:e-h-h _ ARG2 _ _ _ _ _ ARG1 _ _ _ _ +16 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 all all PDT - + part_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +19 damage damage NN - - n_to:x-i _ _ _ _ _ _ _ _ _ part BV _ +20 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 done do VBN - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155018 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 stock stock NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 closed close VBD - + v:e-i _ _ loc ARG1 _ _ ARG1 _ ARG1 _ _ _ _ _ _ ARG1 _ _ +4 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 103 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 share share NN - - n_of:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 up up IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 just just RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +14 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 composite composite JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ +18 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +22 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Exchange exchange NNP - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound compound _ _ _ +24 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +27 surged surge VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155019 +1 Analysts analyst NNS - - n:x ARG1 _ _ _ _ _ _ _ +2 worry worry VBP + + v_about:e-i-h-i _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +5 disk-drive drive NN - + n:x _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ +7 leasing lease NN - - v:e-i-p _ _ _and_c _ _ _ _ _ +8 problems problem NNS - - n_of:x-i _ BV compound ARG1 _ _ _ _ +9 will will MD - - _ _ _ _ _ _ _ _ _ +10 last last VB - + v:e-i-p ARG2 _ _ _ _ ARG1 _ _ +11 at at+least IN - - x:e-u _ _ _ _ mwe _ _ _ +12 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ +13 through through IN - + p:e-u-i _ _ _ _ ARG1 _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +15 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ +16 quarter quarter NN - - n_temp:x _ _ _ _ _ ARG2 BV ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22155021 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 input input NN - - n:x _ BV ARG2 _ ARG1 _ _ _ _ +5 I I PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +6 ’ve ’ve VBP - - _ _ _ _ _ _ _ _ _ _ +7 had have VBD - + v:e-i-i _ _ _ ARG1 _ _ _ _ _ +8 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +9 customers customer NNS - - n_of:x-i _ _ _ ARG2 _ _ _ _ _ +10 is is VBZ - + v_nv:e-i-h ARG2 _ _ _ _ _ _ _ _ +11 that that IN - - _ _ _ _ _ _ _ _ _ _ +12 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ +13 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ +14 could could MD - + v_modal:e-h _ _ _ _ ARG2 ARG1 _ _ _ +15 be be VB - + v_id:e-p-i _ _ _ _ _ _ ARG1 _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +17 while while NN - - n:x _ _ _ _ _ _ _ ARG2 BV +18 . _ . - - _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22155022 +1 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ +2 leasing lease NN - - v:e-i-p ARG2 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 Bob Bob NNP - + named:x-c _ _ _ _ _ _ _ _ +5 Djurdjevic _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ ARG1 _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ +7 Annex _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +8 Research _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 compound _ _ _ _ +9 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ _ _ ARG1 _ _ +11 thinks think VBZ - + v:e-i-h-i _ _ _ _ ARG2 _ _ _ +12 IBM IBM NNP - - named:x-c _ _ _ _ _ _ ARG1 _ +13 has has VBZ - - _ _ _ _ _ _ _ _ _ +14 hurt hurt VBN - + v:e-i-p _ _ _ _ _ ARG2 _ ARG1 +15 itself itself PRP - - pron:x _ _ _ _ _ _ ARG2 _ +16 unnecessarily unnecessarily RB - + a:e-e _ _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22155023 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +3 IBM IBM NNP - - named:x-c _ ARG1 _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ +5 priced price VBN - + v:e-i-p _ _ _ ARG1 subord _ _ _ +6 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +7 leases lease NNS - - n:x _ ARG2 poss _ _ _ _ _ +8 aggressively aggressively RB - + a:e-e _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 thinking think VBG - + v:e-i-h-i ARG2 _ _ _ _ _ _ _ +11 that that WDT - - _ _ _ _ _ _ _ _ _ +12 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ +13 help help VB - + v_to:e-i-h _ _ _ _ _ ARG1 _ _ +14 win win VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ +15 business business NN - - n:x _ _ _ _ _ _ _ ARG2 +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22155024 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 IBM IBM NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 would would MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 won win VBN - + v:e-i-p _ _ ARG1 _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 business business NN - - n:x _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +10 anyway anyway RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sale sale NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ ARG1 _ +14 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 party party NN - - n_of-to:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ ARG1 _ _ _ +18 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 then then RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 leased lease VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 equipment equipment NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +25 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 customer customer NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155026 +1 Bob Bob NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bardagy _generic_proper_ne_ NNP - - named:x-c compound _ _ appos _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 president president NN - + n_of:x-i _ compound compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 marketing market NN - - v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Comdisco _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound _ _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 huge huge JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 leasing lease NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 firm firm NN - + n:x _ _ _ _ _ _ BV ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 : _ : - + _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 To to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 put put VB - + v_adv:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +23 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +24 mildly mildly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 IBM IBM NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Credit _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +28 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 doing do VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +31 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +32 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 worst worst JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 deals deal NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ part BV ARG1 ARG1 ARG1 _ _ _ _ +37 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 leasing lease NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ ARG2 +41 we we PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +42 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 ever ever RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 seen see VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +45 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155027 +1 IBM IBM NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +3 expected expect VBN - + v:e-i-h _ _ _ _ ARG1 _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +5 get get VB - + v:e-i-i ARG2 _ _ loc _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 boost boost NN - - n:x _ ARG2 BV _ _ _ _ _ _ _ +8 soon soon RB - + time_n:x _ _ _ _ _ _ _ _ _ _ +9 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +10 it it PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ +11 announces announce VBZ - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ +12 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +14 versions version NNS - + n_of:x-i _ _ _ _ _ ARG2 BV ARG1 _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +16 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 mainframes _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ _ ARG1 poss +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22155028 +1 But but CC + - c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 basic basic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 technology technology NN - - n:x BV ARG1 ARG1 _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 line line NN - - n_of:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +8 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 years year NNS - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +12 old old JJ - + a:e-p _ _ _ _ ARG1 _ measure _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 means mean VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +17 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 long long RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 tooth tooth NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 competitors competitor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 rolling roll VBG - + v_out:e-i-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +27 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 products product NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ +30 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 own own JJ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155029 +1 IBM IBM NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ +2 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +3 gaining gain VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +4 momentum momentum NN - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 personal-computer computer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +8 market market NN - - n:x _ ARG2 BV compound _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +11 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +12 expected expect VBN - + v:e-i-h _and_c _ _ _ _ _ _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +14 introduce introduce VB - + v_to:e-i-p _ _ _ _ ARG2 _ _ _ loc _ _ +15 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +16 impressive impressive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +17 workstations workstation NNS - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ +18 early early JJ - + time_n:x _ _ _ _ _ _ _ _ _ _ loc +19 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +20 year year NN - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22155030 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 hard hard JJ - + a_for:e-h-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 squeeze squeeze VB - + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 profit profit NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 out out+of RP - - p:e-u-i _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +10 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 personal-computer computer NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 business business NN - - n:x _ _ _ _ ARG2 BV compound _ loc _ _ _ _ _ _ +14 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 days day NNS - + n_of:x-i _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 workstation workstation NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 market market NN - - n:x _ _ _ _ _ _ _ _ _ BV compound _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 while while IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 important important JJ - - a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 too too RB - + comp:e-u-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 small small JJ - - a:e-p _ _ _ _ _ _ _ _ _ _ _ ARG2 comp_too _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 rely rely VB - - v_on:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ than ARG1 _ +30 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 growth growth NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155031 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 disk disk NN - + n:x _ _ _ _ _ _ _ _ +3 drives drive NNS - - n:x BV compound _ ARG1 _ _ _ _ +4 will will MD - - _ _ _ _ _ _ _ _ _ +5 doubtless doubtless RB - + a:e-e _ _ _ _ _ _ _ _ +6 sell sell VB - + v:e-i-p _ _ ARG1 _ ARG1 ARG1 _ _ +7 well well RB - + a:e-e _ _ _ _ _ _ _ _ +8 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ +9 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 +10 finally finally RB - + a:e-e _ _ _ _ _ _ _ _ +11 become become VBP - + v_id:e-i-h _ _ _ _ _ ARG2 ARG1 _ +12 available available JJ - - a:e-i _ _ _ _ _ _ _ ARG2 +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22155032 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 AS/400 _generic_proper_ne_ NN - - n:x _ BV _ _ _ _ appos ARG1 _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 IBM IBM NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 highly highly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 successful successful JJ - + a:e-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 minicomputer _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 line line NN - + n_of:x _ _ poss _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 losing lose VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 momentum momentum NN - - n:x _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 analysts analyst NNS - - n:x _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ +20 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +23 even even RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 decline decline VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 fourth fourth JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155033 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 addition addition NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 IBM IBM NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 growth growth NN - - n_of:x-i _ poss ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 software software NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 quarter quarter NN - - n_temp:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 was was VBD - + v_id:e-p-i ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 8.8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 % % NN - - n_of:x _ _ _ _ _ _ ARG2 _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 well well RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 below below IN - + p:e-u-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 historical historical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 levels level NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +22 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 when when WRB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +24 adjusted adjust VBN - - v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +25 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +26 reflect reflect VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +27 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +29 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 payment payment NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ +31 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Fujitsu _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +33 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 stronger stronger JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 dollar dollar NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c BV ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155034 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ +2 expenses expense NNS - - n:x _ ARG1 _ _ _ ARG1 _ +3 , _ , - - _ _ _ _ _ _ _ _ +4 up up RB - + p:e-u-i _ _ _ ARG1 _ _ _ +5 7.9 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +6 % % NN - - n_of:x _ ARG2 ARG1 _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ +9 quarter quarter NN - - n_temp:x _ _ _ ARG2 BV _ _ +10 , _ , - - _ _ _ _ _ _ _ _ +11 have have VBP - - _ _ _ _ _ _ _ _ +12 stayed stay VBN - + v:e-i-p ARG2 _ _ _ _ _ _ +13 stubbornly _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ +14 high high JJ - - a:e-p _ _ _ _ _ ARG2 ARG1 +15 . _ . - - _ _ _ _ _ _ _ _ + +#22155035 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 months month NNS - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 IBM IBM NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 earned earn VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ +8 $ $ $ - + n:x _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 3.17 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 billion billion CD - + card:i-i-c _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +14 5.43 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 share share NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 8.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +21 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 year-earlier year-+earlier JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ ARG1 _ _ +25 3.46 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 +30 5.83 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22155036 +1 Revenue revenue NN - - n:x ARG1 _ _ _ _ _ _ _ _ +2 increased increase VBD + + v:e-i _ _ loc ARG1 _ _ ARG1 _ _ +3 6.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +4 % % NN - + n_of:x _ ARG1 _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 _ ARG1 _ _ _ +7 42.25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +8 billion billion CD - + card:i-i-c _ _ _ _ times _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 +11 39.68 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +12 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ +13 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22156002 +1 D. D. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Wayne Wayne NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Calloway _generic_proper_ne_ NNP - - named:x-c _ compound _ _ appos _ _ ARG1 _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 also also RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 executive executive JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 officer officer NN - + n:x _ _ compound compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 company company NN - - n_of:x-i _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 indicated indicate VBD + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +16 expects expect VBZ - + v:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +17 analysts analyst NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +20 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 forecasts forecast NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 1989 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +24 after after IN - + x:e-h-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ +27 releases release VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ loc +28 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 earnings earnings NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ +30 today today NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156003 +1 So so RB - + comp:e-u-u _ _ _ _ _ _ _ _ +2 far far RB - + a:e-e comp_so _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 analysts analyst NNS - - n:x _ _ ARG1 _ _ _ _ _ +5 have have VBP - - _ _ _ _ _ _ _ _ _ +6 said say VBD + + v_to:e-i-h-i _ ARG1 _ _ _ _ _ _ +7 they they PRP - - pron:x _ _ _ ARG1 _ _ _ _ +8 are are VBP - - _ _ _ _ _ _ _ _ _ +9 looking look VBG - + v_for:e-i-i _ _ ARG2 _ _ _ _ _ +10 for for IN - - _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ ARG2 ARG1 ARG1 _ _ +12 3.30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 +15 3.35 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ +16 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ +17 share share NN - - n_of:x _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22156004 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 today today NN - + time_n:x _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +4 announcement announcement NN - - n_of:x-i ARG2 poss _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 that that WDT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +7 range range NN - - n_of:x-i _ _ BV _ ARG1 _ _ _ _ _ +8 could could MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ +9 increase increase VB - + v:e-i ARG1 _ _ ARG1 _ ARG1 _ ARG1 _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ +12 3.35 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +15 3.40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +16 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +17 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22156005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 official official NN - - n:x BV ARG1 _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ _ _ ARG1 _ _ _ +5 also also RB - + a:e-h _ ARG2 _ _ _ _ _ _ +6 would would MD - + v_modal:e-h _ _ ARG1 _ _ _ _ _ +7 be be VB - - _ _ _ _ _ _ _ _ _ +8 comfortable comfortable JJ - + a:e-p _ _ _ ARG1 _ ARG1 _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ +11 new new JJ - + a:e-p _ _ _ _ _ _ _ _ +12 range range NN - - n_of:x-i _ _ _ _ _ ARG2 BV ARG1 +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22156006 +1 In in IN - + p:e-u-i _ _ _ _ _ _ +2 1988 _generic_year_ne_ CD - - yofc:x-c ARG2 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 soft-drink drink NN - + n:x _ _ _ _ _ _ +6 giant giant NN - - n:x _ BV compound ARG1 _ _ +7 earned earn VBD + + v:e-i-p ARG1 _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ ARG2 ARG1 ARG1 +9 2.90 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +10 a a DT - + p:e-u-i _ _ _ _ _ _ +11 share share NN - - n_of:x _ _ _ _ _ ARG2 +12 . _ . - - _ _ _ _ _ _ _ + +#22156007 +1 Results result NNS - - n_of:x-i ARG1 ARG1 _ _ _ _ _ _ _ _ +2 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +3 1989 _generic_year_ne_ CD - - yofc:x-c ARG2 _ _ _ _ _ _ _ _ _ +4 will will MD - - _ _ _ _ _ _ _ _ _ _ _ +5 include include VB + + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ +6 about about IN - - _ _ _ _ _ _ _ _ _ _ _ +7 40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +8 cents cent NNS - - n:x _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +9 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +10 share share NN - - n_of:x _ _ _ ARG2 _ _ _ _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +13 dilutive _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ +14 effects effect NNS - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 ARG1 _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +16 snack-food food NN - - n:x _ _ _ _ _ _ _ ARG2 _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +18 bottling bottle VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +19 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +20 acquisitions acquisition NNS - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22156008 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 composite composite JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 trading trade NN - - v:e-i-p ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 York York NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +8 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Exchange exchange NNP - - n:x _ _ ARG2 BV _ compound compound _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 company company NN - - n_of:x-i _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ +13 closed close VBD + + v:e-i ARG1 _ _ _ _ _ _ _ _ loc ARG1 _ _ ARG1 _ +14 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +17 57.125 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 up up RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +23 3.125 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 third-quarter quarter JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sales sale NNS - - n_of:x-i _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ +6 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 expected expect VBN - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 increase increase VB - + v:e-i _ _ _ ARG2 _ _ loc ARG1 _ _ _ _ _ _ +10 25 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 % % NN - + n_of:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ +14 3.12 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +19 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156011 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Calloway _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 blamed blame VBD + + v_on:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 slower slower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 volume volume NN - - n_of:x-i _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 rainier rainier JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 weather weather NN - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 dearth dearth NN - - n:x _ ARG3 _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 products product NNS - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 industry industry NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - + p:e-u-i _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 much much RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 lesser lesser JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +25 extent extent NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 appos +26 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 pricing pricing NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156012 +1 PepsiCo _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +3 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 soft-drink drink NN - + n:x _ _ _ _ _ _ _ _ _ +5 prices price NNS - - n_of:x _ poss compound _ _ _ ARG1 _ _ +6 were were VBD - - _ _ _ _ _ _ _ _ _ _ +7 about about RB - + x:e-u _ _ _ _ _ _ _ _ _ +8 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ _ ARG1 ARG1 _ _ _ _ +10 higher higher JJR - + a:e-i ARG2 _ _ _ _ measure _ ARG1 _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ ARG2 BV +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22156013 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Calloway _generic_proper_ne_ NNP - - named:x-c compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 noted note VBD - + v_to:e-i-h-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 that that DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 soft-drink drink NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 volume volume NN - - n_of:x-i _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +8 rose rose VBD - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ subord _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 hefty hefty JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 9 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 % % NN - - n_of:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 year year NN - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 making make VBG - + v_cause:e-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 comparison comparison NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 +23 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 difficult difficult JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ comp _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156014 +1 International international NNP - + a:e-p _ _ _ _ +2 soft-drink drink NN - + n:x _ _ _ _ +3 volume volume NN - - n_of:x-i ARG1 compound ARG1 _ +4 was was VBD - - _ _ _ _ _ +5 up up RP + + p:e-u-i _ _ _ _ +6 about about IN - - _ _ _ _ _ +7 6 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ +8 % % NN - - n_of:x _ _ ARG2 ARG1 +9 . _ . - - _ _ _ _ _ + +#22156015 +1 Snack-food food NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 tonnage _generic_nn_ NN - - n:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 increased increase VBD - + v_cause:e-i-p _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 % % NN - - n_of:x _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 quarter quarter NN - - n_temp:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 while while IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +14 domestic domestic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 profit profit NN - - n:x _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +16 increased increase VBN - + v:e-i _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 double double JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 digits digit NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Calloway _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +23 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156016 +1 Excluding exclude VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 British British JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 snack-food food NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 business business NN - - n:x ARG2 BV ARG1 compound ARG2 _ _ _ _ _ _ _ _ _ _ _ +6 acquired acquire VBN - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 July July NNP - - mofy:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 snack-food food NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 international international JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 tonnage _generic_nn_ NN - - n:x _ _ _ _ _ _ compound ARG1 ARG1 _ _ _ _ _ _ _ +13 jumped jump VBD - + v:e-i subord _ _ _ _ _ _ _ _ _ loc ARG1 _ _ _ _ +14 40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +19 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Spain Spain NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Mexico Mexico NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Brazil Brazil NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156017 +1 Total total JJ - + a:e-p _ _ _ _ _ +2 snack-food food NN - + n:x _ _ _ _ _ +3 profit profit NN - - n:x ARG1 compound ARG1 _ _ +4 rose rise VBD + + v:e-i _ _ _ _ loc +5 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ +6 % % NN - + n_of:x _ _ _ ARG1 _ +7 . _ . - - _ _ _ _ _ _ + +#22156019 +1 Same-store store JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 sales sale NNS - - n_of:x-i compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Pizza _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Hut _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 rose rise VBD - + v:e-i _ _ _ _ ARG1 _ loc ARG1 _ _ _ _ _ _ _ _ _ +7 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 while while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Taco _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Bell Bell NNP - - named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +14 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 increased increase VBD - - v:e-i _ _ _ _ _ _ _ _ _ _ loc ARG1 _ _ _ _ _ +16 22 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 as as IN - + x:e-h-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 chain chain NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ +22 continues continue VBZ - + v:e-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 benefit benefit VB - + v_from:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 price-value value NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 strategy strategy NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156020 +1 Taco _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +2 Bell Bell NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +4 turned turn VBN + + v:e-i _ _ ARG1 _ _ ARG1 _ _ _ _ _ +5 around around IN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ +6 declining decline VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +7 customer customer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +8 counts count NNS - - n:x _ _ _ ARG1 compound _ _ _ _ _ _ +9 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 permanently permanently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +11 lowering lower VBG - + v_cause:e-i-p _ _ _ _ _ ARG2 ARG1 _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 price price NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +16 tacos taco NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 poss +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22156021 +1 Same same JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 store-sales sale NN - - n:x ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +3 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Kentucky Kentucky NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Fried _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Chicken _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 struggled struggle VBN - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 increased increase JJ - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 competition competition NN - + n:x _ _ _ _ _ ARG2 ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 fast-food food NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 chicken chicken NN - + n:x _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +18 market market NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 lack lack NN - - n:x _ _ _ _ _ _ _ _and_c _ _ _ _ BV ARG1 _ _ _ _ _ +22 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 products product NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 rose rise VBD + + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +27 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156022 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 operation operation NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 slow slow JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 respond respond VB - + v_to:e-i-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 consumers consumer NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 shifting shift VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 tastes taste NNS - - n:x _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +15 away away RB - - p:e-i _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 fried fry JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 foods food NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 developing develop VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 grilled-chicken chicken JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 product product NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ ARG2 _ _ _ _ _ +26 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 introduced introduce VBN - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 ARG1 _ _ _ +30 nationally nationally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 end end NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +34 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156023 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +3 product product NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ +4 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 performed perform VBN - + v:e-i-p _ _ _ ARG1 ARG1 _ _ _ _ _ _ ARG2 +6 well well RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +10 test test NN - - n_of:x-i _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +12 Las LA NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +13 Vegas _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Nev. Nev. NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ compound _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +18 Calloway _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ compound ARG1 +19 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22156025 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ +4 You you PRP - - pron:x _ _ _ ARG1 _ _ _ +5 never never RB - + a:e-h _ _ _ _ ARG2 _ _ +6 can can MD - + v_modal:e-h _ ARG1 _ _ _ _ _ +7 tell tell VB - + v:e-i-p _ _ ARG1 _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ _ ARG1 _ _ +11 added add VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ +14 you you PRP - - pron:x _ _ _ _ _ _ ARG1 +15 have have VBP - + v_qmodal:e-h _ _ _ _ ARG2 _ _ +16 to to TO - - _ _ _ _ _ _ _ _ +17 take take VB - + v_of-i:e-i-p-i _ _ _ _ _ ARG1 _ +18 advantage advantage NN - - n_i:x _ _ _ _ _ _ ARG2 +19 of of IN - - _ _ _ _ _ _ _ _ +20 opportunities opportunity NNS - - n:x _ _ _ _ _ _ ARG3 +21 . _ . - - _ _ _ _ _ _ _ _ + +#22157001 +1 President president NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bush Bush NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 chose choose VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +4 Martin Martin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Allday _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound _ _ appos _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 longtime _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 friend friend NN - + n:x _ _ _ BV ARG1 _ ARG1 _ _ _ _ _ _ _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Texas Texas NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 be be VB - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Energy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ +20 Regulatory _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ +21 Commission _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 BV _ _ compound +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22157002 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ +2 Allday _generic_proper_ne_ NNP - - named:x-c compound _ ARG1 _ _ +3 would would MD + + v_modal:e-h _ _ _ _ _ +4 succeed succeed VB - + v:e-i-p _ ARG1 _ _ _ +5 Martha Martha NNP - + named:x-c _ _ _ _ _ +6 Hesse _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 compound ARG1 +7 , _ , - - _ _ _ _ _ _ +8 who who WP - - _ _ _ _ _ _ +9 is is VBZ - - _ _ _ _ _ _ +10 resigning resign VBG - + v:e-i-i _ _ _ _ _ +11 . _ . - - _ _ _ _ _ _ + +#22157003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 White White NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 House House NNP - - named_n:x-c BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Hesse _generic_proper_ne_ NNP - - named:x-c _ _ _ compound _ _ appos _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 businesswoman businesswoman NN - + n:x _ _ _ _ BV compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 previously previously RB - + p:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 held hold VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 posts post NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Energy _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Department _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 FERC _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 leaving leave VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +24 to to TO - + x:e-h-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 become become VB - + v_id:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ +29 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 First _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Chicago Chicago NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound compound +32 Corp Corp NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22157005 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 met meet VBD - + v:e-i-p _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Bush Bush NNP - - named:x-c ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 1950s _generic_plur_ne_ CD - - year_range:x-c _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 president president NN - - n_of:x-i _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ +12 was was VBD - + v_id:e-p-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 young young JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 oil oil NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 man man NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 compound ARG1 _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Midland _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Allday _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ +22 was was VBD - + v_id:e-p-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 lawyer lawyer NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +25 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 oil oil NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 firm firm NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22157006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 FERC _generic_proper_ne_ NNP - - named:x-c BV ARG1 _ _ _ _ _ _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 five-member member JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ +6 commission commission NN - - n_of:x-i _ ARG2 BV compound ARG1 _ _ _ _ _ +7 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ +8 regulates regulate VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +9 billions billions NNS - + x:x-i _ _ _ _ ARG2 _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +11 dollars dollar NNS - - n:x _ _ _ _ _ ARG1 ARG1 _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +13 interstate interstate JJ - + n:x _ _ _ _ _ _ _ _ _ _ +14 wholesale wholesale JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +15 energy energy NN - + n:x _ _ _ _ _ _ _ _ ARG1 _ +16 transactions transaction NNS - - n:x _ _ _ _ _ _ ARG2 compound _ compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22157007 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ +2 Allday _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ +4 appointment appointment NN - - n:x _ poss ARG1 _ _ +5 is is VBZ - - _ _ _ _ _ _ +6 subject subject JJ + + a_to:e-p-i _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ +8 confirmation confirmation NN - - n_of:x-i _ _ ARG2 ARG1 _ +9 by by IN - + p:e-u-i _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ +11 Senate Senate NNP - - named_n:x-c _ _ _ ARG2 BV +12 . _ . - - _ _ _ _ _ _ + +#22157008 +1 Administration administration NNP - + n_of:x-i _ _ _ _ _ _ _ _ +2 officials official NNS - - n:x compound ARG1 _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +5 date date NN - - n_of:x-i _ _ BV ARG1 _ _ _ ARG2 +6 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +7 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ +8 Hesse _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ +9 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ +10 departure departure NN - - n:x _ _ _ ARG2 _ poss _ _ +11 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ +12 n’t hasn’t RB - + neg:e-h _ ARG2 _ _ _ _ _ _ +13 been been VBN - - _ _ _ _ _ _ _ _ _ +14 set set VBN - + v:e-i-p _ _ _ _ _ _ neg _ +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22158001 +1 CALIFORNIA California NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 REAL _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ESTATE _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 INVESTMENT _generic_proper_ne_ NNP - - named:x-c _ _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 directors director NNS - - n_of:x-i _ _ _ _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 declared declare VBD - + v_to:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 dividend dividend NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 cents cent NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +15 per per IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Class class+A NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ +17 A class+A DT - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ _ _ _ +20 payable payable JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc ARG1 _ _ _ +21 Nov. Nov. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 6 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ of _ _ _ _ _ +23 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +25 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 record record NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ loc +27 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 16 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ of _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22158003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 hopes hope VBZ - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 resume resume VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ ARG1 _ _ _ +8 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 schedule schedule NN - - n:x _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +11 regular regular JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +12 quarterly quarterly JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +13 dividends dividend NNS - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +14 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 end end NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +19 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 BV +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22159001 +1 Hydro-Quebec _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 notified notify VBD - + v:e-i-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Maine Maine NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +7 Power _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ compound compound _ _ _ _ _ _ _ _ _ _ +8 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 it it PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +10 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 cancel cancel VB - + v:e-i-p _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +14 4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +16 contract contract NN - + n:x-h _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 supply supply VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +19 electricity electricity NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Maine Maine NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 utility utility NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22159002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 provincially _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +3 owned own VBN - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 utility utility NN - - n:x BV _ ARG2 ARG1 _ _ _ _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ +7 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 tearing tear VBG - + v_up:e-i-i _ _ _ _ _ _ ARG1 _ _ _ _ _ +9 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 deal deal NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ +12 because because IN - + x:e-h-h _ _ _ ARG2 _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 contract contract NN - + n:x _ _ _ _ _ _ _ BV _ _ _ _ +16 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 objectives objective NNS - - n:x _ _ _ _ _ _ _ _ poss _ _ ARG2 +18 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ neg _ +19 n’t can’t NN - + neg:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ +20 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 fulfilled fulfill VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22159003 +1 Hydro-Quebec _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Maine Maine NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 regulators regulator NNS - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 refusal refusal NN - + n_of:x-h _ _ poss _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 approve approve VB - + v:e-i-p _ _ _ ARG1 _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 contract contract NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +11 earlier earlier RBR - + time_n:x _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ +12 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 year year NN - + n:x _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +14 halted halt VBD - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +15 work work NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +16 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 transmission transmission NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 lines line NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 stopped stop VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ ARG1 _ +21 negotiations negotiation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 resale _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 electricity electricity NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ _ _ +26 carried carry VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +27 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Maine Maine NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +29 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 utilities utility NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22159004 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - _ _ _ _ _ _ _ _ _ _ +3 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ ARG2 +4 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ +5 be be VB - - _ _ _ _ _ _ _ _ _ _ +6 physically physically RB - + a:e-e _ _ _ _ _ _ _ _ _ +7 impossible impossible JJ - + a_for:e-h-i ARG1 ARG1 ARG1 _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ +9 begin begin VB - + v:e-i-p _ _ _ ARG1 _ ARG1 _ _ _ +10 deliveries delivery NNS - - n_of:x-i _ _ _ _ ARG2 _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 1992 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ ARG2 _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +16 Hydro-Quebec _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +17 official official NN - - n:x _ _ _ _ _ _ BV compound ARG1 +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22159005 +1 The the DT - + q:i-h-h _ _ _ _ +2 contract contract NN - - n:x BV ARG1 _ _ +3 was was VBD - - _ _ _ _ _ +4 to to TO - - _ _ _ _ _ +5 run run VB + + v:e-i _ _ ARG1 ARG1 +6 from from IN - + p:e-u-i _ _ _ _ +7 1992 _generic_year_ne_ CD - - yofc:x-c _ _ ARG2 _ +8 to to TO - + p:e-u-i _ _ _ _ +9 2020 _generic_year_ne_ CD - - card:i-i-c _ _ _ ARG2 +10 . _ . - - _ _ _ _ _ + +#22159007 +1 Hydro-Quebec _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +3 Maine Maine NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +4 regulators regulator NNS - + n:x _ compound _ _ _ _ _ _ _ _ _ _ +5 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 refusal refusal NN - + n_of:x-h _ _ poss _ _ _ ARG1 _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 approve approve VB - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +10 contract contract NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ +11 means mean VBZ - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ +12 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +13 Maine Maine NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ +14 Power _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 _ _ +15 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 lost lose VBN - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ ARG1 +17 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +18 place place NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 poss _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +20 line line NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22159008 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ +3 wo won’t MD - - _ _ _ _ _ _ _ _ _ _ +4 n’t won’t VB - + neg:e-h _ _ _ _ _ _ _ _ ARG2 +5 sign sign VB - + v:e-i-p neg _ _ _ _ _ _ _ _ +6 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +7 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ +8 contracts contract NNS - - n:x _ ARG2 BV ARG1 ARG1 _ _ _ _ +9 { _ ( - - _ _ _ _ _ _ _ _ _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 deliveries delivery NNS - - n_of:x-i _ _ _ _ ARG2 _ _ _ _ +12 } _ ) - - _ _ _ _ _ _ _ _ _ _ +13 beginning begin VBG - - v:e-i-p _ _ _ _ _ loc _ _ _ +14 earlier earlier RBR - + a:e-i _ _ _ _ _ _ _ _ _ +15 than than IN - - _ _ _ _ _ _ _ _ _ _ +16 2000 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +20 Hydro-Quebec _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +21 official official NN - - n:x _ _ _ _ _ _ BV compound ARG1 +22 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22159009 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +3 Hydro-Quebec _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ _ _ _ +4 already already RB - + a:e-e _ _ _ _ _ _ _ _ +5 has have VBZ - + v:e-i-i ARG2 ARG1 _ _ _ _ _ _ +6 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ +8 customers customer NNS - - n_of:x-i _ _ ARG2 BV ARG1 ARG1 _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 mind mind NN - - n:x _ _ _ _ ARG2 _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +14 power power NN - - n:x _ _ _ _ _ ARG2 BV ARG2 +15 that that IN - - _ _ _ _ _ _ _ _ _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ +18 be be VB - - _ _ _ _ _ _ _ _ _ +19 delivered deliver VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ +21 Maine Maine NNP - - named:x-c _ _ _ _ _ _ _ ARG3 +22 . _ . - - _ _ _ _ _ _ _ _ _ + +#22159010 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Nothing nothing NN - - thing:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 happened happen VBN - + v:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 since since IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 we we PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 signed sign VBD - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 contract contract NN - + n:x-h _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 undermine undermine VB - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 conviction conviction NN - + n_of:x-h _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Hydro-Quebec _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 was was VBD - + v_id:e-p-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 lowest-cost cost JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 most most RBS - + superl:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 environmentally environmentally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 acceptable acceptable JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 choice choice NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 meeting meet VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 part part NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +28 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 customers customer NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss _ _ _ _ _ _ _ _ _ _ _ _ +31 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 energy energy NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ _ +33 needs need VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +34 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV appos _ _ _ _ _ _ _ _ +37 2020 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 Maine Maine NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +43 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 compound _ _ _ +46 Donald Donald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 F. F. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +48 Kelly Kelly NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ compound _ compound +49 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22159011 +1 Central Central NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Maine Maine NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 evaluating evaluate VBG - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 energy energy NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 options option NNS - - n:x _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 to to TO - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 make make VB - - v_up-for:e-i-u _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 lost lose VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 future future JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 power power NN - - n:x _ _ _ _ _ _ ARG2 BV ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 energy energy NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 generation generation NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 management management NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +27 proposals proposal NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ compound ARG1 _ _ _ _ +28 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 England England NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 possibly possibly RB - + a_for:e-h _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +34 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Canadian Canadian JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 purchases purchase NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160001 +1 CHICAGO Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 - - : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Options options NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 traders trader NNS - - n:x ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 among among IN + + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 victims victim NNS - + n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 plunging plunge VBG - + v_into:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 market market NN - - n:x _ _ _ _ _ ARG1 poss ARG1 compound _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 firm firm NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 ARG1 _ _ _ _ _ +21 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 required require VBD - + v_of:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 emergency emergency NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +26 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +28 bailout _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound compound _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160002 +1 While while IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +2 Monday Monday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 rebounding bound VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 markets market NNS - - n:x _ poss ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 helped help VBD - + v_to:e-i-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 investors investor NNS - - n:x _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 recoup _generic_vb_ VB - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 losses loss NNS - + n_of:x-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 customers customer NNS - + n_of:x-i _ _ _ _ _ _ conj ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 professional professional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 options option NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 options option NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG2 _ _ _ _ _ _ +24 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ +27 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 left leave VBN - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +29 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 multimillion-dollar dollar JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc ARG1 _ ARG1 +34 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 York York NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ +39 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160003 +1 Options options NNPS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 traders trader NNS - - n:x compound ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 hurt hurt VBN + + v:e-i-p _ _ subord _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 worse worse JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 others other NNS - - n:x _ _ than ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Friday Friday NNP - - dofw:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 because because+of IN - - p:e-u-i _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 highly highly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 volatile volatile JJ - + a:e-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 nature nature NN - - n:x _ _ _ _ ARG2 BV _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 options option NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 often often RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 rise rise VB - + v:e-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 fall fall VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _or_c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 value value NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +26 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 times time NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 amount amount NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 price price NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 change change NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV compound ARG1 _ _ _ _ _ _ +34 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ ARG1 _ _ +38 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 index index NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ +40 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ +42 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +45 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 based base VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +47 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160005 +1 Jeffrey Jeffrey NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Miller Miller NNP - - named:x-c compound ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Miller Miller NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Tabak _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Hirsch _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ +7 & &+co. CC - - n:x _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 given give VBN - + v:e-i-i-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 high high JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 degree degree NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +15 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 leverage leverage NN - - n:x _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +23 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 easy easy JJ - + a_for:e-p-i _ _ _ _ _ _ subord _ _ _ _ _ _ ARG1 _ ARG1 _ _ +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 guys guy NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +30 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 get get VB - + v_state:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 wiped wipe VBN - - v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +33 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160006 +1 That that DT - - x:x _ _ ARG1 _ _ _ _ _ _ +2 may may MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ +3 just just RB - + a:e-e _ _ _ _ _ _ _ _ _ +4 be be VB - + v_id:e-p-i ARG1 ARG1 _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 nature nature NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +8 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ +9 highly highly RB - + a:e-e _ _ _ _ _ _ _ _ _ +10 leveraged leverage JJ - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ +11 little little JJ - + a:e-p _ _ _ _ _ _ _ _ _ +12 creatures creature NNS - - n:x _ _ _ _ ARG2 BV _ ARG2 ARG1 +13 . _ . - - _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22160009 +1 They they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 then then RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 had have VBD + + v:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 choice choice NN - - n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 cases case NNS - - n_of:x-i _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +9 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 sell sell VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ ARG1 _ ARG1 _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 contracts contract NNS - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +14 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 prevailing prevail VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 prices price NNS - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +17 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 cases case NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +21 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 substantial substantial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 loss loss NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 round round NN - + n_of:x-i BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 losses loss NNS - - n_of:x-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 likely likely JJ + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 be be VB - + v_id:e-p-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 serious serious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 blow blow NN - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Board _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Options _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ +18 Exchange _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 BV _ _ compound _ _ ARG1 _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 never never RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 fully fully RB - + a_of:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 recovered recover VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ +25 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 aftershock aftershock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +28 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Monday Monday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 when when WRB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +34 fled flee VBD - + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +37 because because+of IN - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +38 of because+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 huge huge JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +41 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160011 +1 Making make VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 matters matter NNS - - n_of:x-i ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 worse worse RBR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 fact fact NN - + n:x-h ARG1 _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 late late JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 afternoon afternoon NN - + n_of:x _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 CBOE _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ +13 halted halt VBD - + v:e-i-p _ _ _ ARG1 _ _ loc _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 options options NNS - + n:x _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ +16 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 step step NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Mercantile _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +23 Exchange _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ compound _ _ _ +24 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 halt halt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ poss ARG1 _ +26 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 futures future NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160012 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 while while IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Merc _generic_proper_ne_ NNP - - named:x-c _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 reopened open VBD - + v:e-i _ _ _ _ _ loc _ _ _ subord _ _ _ _ _ _ _ +6 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 half half+hour NN - - n:x _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +8 hour half+hour NN - + n:x _ _ _ _ ARG1 _ loc _ _ _ _ _ _ _ _ _ _ +9 later later RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 CBOE _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +13 remained remain VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ _ +14 closed closed VBN - - a:e-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 leaving leave VBG - + v:e-i-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound ARG1 _ _ _ _ +20 unable unable JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 make make VB - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +23 trades trade NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ +24 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 reduced reduce VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160013 +1 CBOE _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Chairman chairman NNP - + n_of:x-i compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Alger _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Duke Duke NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Chapman Chapman NNP - - named:x-c _ compound _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 unlike unlike IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 market market NN - - n:x _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 exchange exchange NN - - n:x _ _ _ _ _ _ _ _ BV compound _ ARG1 _ _ _ _ _ _ _ +20 has have VBZ - + v_qmodal:e-h _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 open open VB - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 rotation rotation NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +26 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 allows allow VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 different different JJ - + a_than-from:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 series series NN - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ +32 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 trade trade VB - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160014 +1 Exchange exchange NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 officials official NNS - - n:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 reasoned reason VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 would wouldn’t MD - + neg:e-h _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 n’t wouldn’t VB - + neg:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 able able JJ - + a:e-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 make make VB - + v:e-i-p-u _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 such such+a PDT - - q:i-h-h _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a such+a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 rotation rotation NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 time time NN - - n_of:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 remaining remain VBG - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 afternoon afternoon NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 with with IN - + p:e-u-i _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 futures future NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 verge verge NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +31 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 closing close VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +33 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 final final JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +38 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +39 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 CBOE _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ +42 reasoned reason VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 best best JJS - + a_at-for-of:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 course course NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG1 +47 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +48 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 remain remain VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +50 closed closed VBN - - a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +51 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160015 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 damage damage NN - - n_to:x-i BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 so so RB - + comp:e-u-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 bad bad JJ + + a:e-p _ comp_so _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Fossett _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 compound _ _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 trading trade NN - + v:e-i-p _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 firm firm NN - + n:x _ _ _ _ _ BV _ compound _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ +14 here here RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +18 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 forced force VBN - + v:e-i-i-h _ than _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 transfer transfer VB - + v_from-to:e-i-p-i-i _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 accounts account NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ +24 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 First _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Options _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG3 _ compound ARG1 _ appos _ _ _ _ _ _ +27 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Chicago Chicago NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 unit unit NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ +32 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Continental Continental NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Bank _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound compound _ _ _ _ +35 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 result result NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +40 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 options options NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 +42 trading trade VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160016 +1 Fosset _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 far far RB - + a:e-e comp_so _ _ _ _ _ _ _ _ _ _ _ _ _ +4 is is VBZ + + v_id:e-p-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 only only JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 member member NN - - n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 exchange exchange NN - - n:x _ _ _ _ _ BV ARG1 ARG2 _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 forced force VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 taken take VBN - - v_over:e-i-i _ _ _ _ _ _ _ ARG3 ARG1 _ ARG1 _ _ _ +18 over over RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 firm firm NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +22 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 result result NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 rout rout NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 poss +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160017 +1 Fossett _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 had have VBD - + v:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 several several JJ - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 million million CD - + card:i-i-c _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 dollars dollar NNS - - n:x _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 capital capital NN - - n:x _ _ _ _ ARG2 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 left leave VBN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 close close RB - + n_of:x-i _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 but but+not CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 not but+not RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 enough enough RB - - q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 regulators regulator NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 worried worried VBN - + a_about:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 plunge plunge NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 compound loc _ _ _ _ _ _ _ +29 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +32 let let VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +33 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +34 reopen open VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ +35 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +37 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 exchange exchange NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +40 officials official NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +41 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160020 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 Steve Steve NNP - + named:x-c _ _ _ ARG1 _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +5 firm firm NN - - n:x _and_c poss _ _ _ _ _ _ +6 were were VBD - - _ _ _ _ _ _ _ _ _ +7 still still RB - + a:e-e _ _ _ _ _ _ _ _ +8 worth worth IN - + a:e-p-u _ _ ARG1 _ _ _ _ ARG2 +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 lot lot NN - + n_of:x-i _ _ _ ARG2 BV _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ +12 money money NN - - n:x _ _ _ _ _ ARG1 _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ +15 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +16 Rawls _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ compound ARG1 +17 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22160021 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 package package NN - - n_of:x-i BV ARG1 _ ARG2 _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +5 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ +6 support support NN - - n_of:x-i _ ARG2 compound _ _ _ _ _ _ +7 was was VBD - - _ _ _ _ _ _ _ _ _ _ +8 put put VBN - + v_together:e-i-i _ _ _ _ subord _ _ _ _ +9 together together RB - - _ _ _ _ _ _ _ _ _ _ +10 – – : - - _ _ _ _ _ _ _ _ _ _ +11 including include VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 assets asset NNS - - n:x _ _ _ _ ARG2 BV ARG1 _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +15 Steve Steve NNP - + named:x-c _ _ _ _ _ _ ARG2 _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ +17 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +18 firm firm NN - - n:x _ _ _ _ _ _ _ _and_c poss +19 . _ . - - _ _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22160022 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 bailout _generic_nn_ NN - - n:x BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 cobbled cobbled VBN + + v:e-i-p _ _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 together together RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 weekend weekend NN - - n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 officials official NNS - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Reserve _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +16 Board _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Securities _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Exchange _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +21 Commission _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ conj compound _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Comptroller _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ conj _ ARG1 _ _ _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Currency _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Treasury _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +29 as as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 well as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 as as+well+as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 exchanges exchange NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ BV compound +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160023 +1 “ _ `` - - _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ +4 great great JJ - + a:e-i-h _ _ _ _ _ ARG2 +5 to to TO - - _ _ _ _ _ _ _ +6 have have VB - + v:e-i-i ARG2 _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ +8 luxury luxury NN - + n_of:x-i _ ARG2 BV _ _ _ +9 of of IN - - _ _ _ _ _ _ _ +10 time time NN - - n_of:x _ _ _ ARG1 _ _ +11 , _ , - - _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ +13 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +14 Rawls _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ + +#22160024 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 point point NN - - n_of:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 industry industry NN - + n:x _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 official official NN - - n:x _ _ BV _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 had have VBD + + v_qmodal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 talk talk VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Federal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Reserve _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Bank _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ BV _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Chicago Chicago NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +18 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 night night NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 watchman watchman NN - - n:x _ _ _ _ _ _ ARG2 _ _ _ poss _ compound _ _ _ _ _ _ _ _ _ _ +21 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 giving give VBG - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +23 him him PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 home home NN - + n_of-n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 phone phone NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +27 number number NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Silas Silas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Keene Keene NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ appos +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Fed Fed NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +34 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160025 +1 First _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ +2 Options _generic_proper_ne_ NNP - - named:x-c compound _ _ ARG1 _ _ _ +3 did didn’t VBD - - _ _ _ _ _ _ _ _ +4 n’t didn’t RB + + neg:e-h _ _ _ _ _ _ _ +5 have have VBP - + v_qmodal:e-h _ neg _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ +7 put put VB - + v:e-i-p-h _ _ ARG1 _ _ _ _ +8 any any DT - + q:i-h-h _ _ _ _ _ _ _ +9 money money NN - - n:x _ _ _ ARG2 BV ARG1 _ +10 into into IN - + p:e-u-i _ _ _ ARG3 _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ +12 bailout _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ _ + +#22160026 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 rally rally NN - - n:x poss ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 stock stock NN - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 options options NNS - - n:x _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 markets market NNS - - n:x _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 led lead VBD + + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 CBOE _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Amex AMEX NNP - - named:x-c _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +16 officials official NNS - - n:x _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 conclude conclude VB - + v:e-i-h-i _ _ _ _ ARG3 _ _ _ _ _ _ _ ARG1 _ _ _ _ +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ ARG2 BV _ ARG1 ARG1 _ _ _ _ _ _ +22 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 guarantees guarantee NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +26 almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 certainly certainly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +28 wo won’t MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 n’t won’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +30 need need VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ +31 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 tapped tap VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +34 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 First _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Options _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160027 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Fossett _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +3 firm firm NN - - n:x BV compound ARG1 _ _ _ _ _ _ _ _ _ _ +4 had have VBD - + v:e-i-i _ _ _ _ _ _ ARG1 _ _ _ _ _ ARG2 +5 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 losses loss NNS - + n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 liquidity liquidity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +9 problems problem NNS - - n_of:x-i _ _ _ _ _and_c compound _ _ _ _ _ _ _ +10 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +12 October October NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +13 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ +14 crash crash NN - - n:x _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ +15 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 well well RB - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Rawls _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +20 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160028 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 official official NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Continental Continental NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Bank _generic_proper_ne_ NNP - - named:x-c _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 worked work VBD - + v:e-i-p _ _ _ _ _ ARG1 _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 securities securities NNS - + n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 banking banking NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 regulators regulator NNS - - n:x _ _ _ _ _ _ _and_c compound _ _ _ _ _ _ _ _ _ _ +14 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 weekend weekend NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +17 to to TO - + x:e-h-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 fashion fashion VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Fossett _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 bailout _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 conditions condition NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG2 _ +26 were weren’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 n’t weren’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _but_c _ _ _ _ _ _ _ +28 dictated dictate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +29 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 those those DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 agencies agency NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160029 +1 “ _ `` - - _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ +3 was was VBD - + v_id:e-p-i _ _ _ _ ARG2 +4 their their PRP$ - + q:i-h-h _ _ _ _ _ +5 business business NN - + n:x _ _ _ _ _ +6 decision decision NN - - n:x ARG2 poss compound _ _ +7 , _ , - - _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ +10 official official NN - - n:x _ _ _ BV ARG1 +11 said say VBD + + v_to:e-i-h-i _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ + +#22160030 +1 Officials official NNS - - n:x ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Options _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Clearing _generic_proper_ne_ NNP - - named:x-c ARG2 compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 processes process VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trades trade NNS - - n_of:x-i _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 exchanges exchange NNS - - n:x _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +20 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ +22 guarantee guarantee NN - - n_of:x-i _ _ _ _ _ _ _ _ _ BV compound _ _ ARG1 _ _ _ _ _ _ _ +23 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 unprecedented unprecedented JJ - + a:e-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 necessary necessary JJ - - a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +29 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +30 help help VB - + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +31 insure insure VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 integrity integrity NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +34 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 options options NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 markets market NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160031 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ +3 was was VBD - + v_id:e-p-i _ _ _ _ _ ARG2 _ _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +5 extraordinary extraordinary JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ +6 situation situation NN - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 needed need VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +9 extraordinary extraordinary JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ +10 steps step NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +14 Paul Paul NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +15 Stevens Stevens NNP - - named:x-c _ _ _ _ _ ARG1 compound _ appos _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +17 OCC _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +18 president president NN - + n_of:x-i _ _ _ _ _ _ _ compound _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +20 chief chief JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +21 operating operate NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +22 officer officer NN - - n:x _ _ _ _ _ _ _ _ _and_c compound compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22160032 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +2 Stevens Stevens NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ +3 declined decline VBD + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 give give VB - + v:e-i-p-u _ ARG2 _ _ _ _ _ _ _ _ ARG1 _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +7 specific specific JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +8 contributions contribution NNS - - n_of:x-i _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +9 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ +12 50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +13 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ +14 guarantee guarantee NN - - n_of:x-i _ _ _ _ _ ARG2 BV compound _ _ _ _ +15 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +16 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +17 participant participant NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160033 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 CBOE _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Amex AMEX NNP - - named:x-c _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 officials official NNS - - n:x _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Options _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Clearing _generic_proper_ne_ NNP - - named:x-c _ _ _ compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 contributed contribute VBD - + v_to:e-i-p-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 20 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 guarantee guarantee NN - - n_of:x-i _ _ _ _ _ ARG3 _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 CBOE _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +21 put put VBD - + v_up:e-i-i _ _ _ _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +24 8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Amex AMEX NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +29 added add VBD - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +30 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ +31 4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +33 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +35 18 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ +37 came come VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ conj _ _ _ _ _ ARG1 _ _ _ +38 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Fossett _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +41 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 assets asset NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22160034 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ +2 Fossett _generic_proper_ne_ NNP - + named:x-c compound _ _ ARG2 _ +3 could couldn’t MD - - neg:e-h _ _ neg _ _ +4 n’t couldn’t NN - + neg:e-h _ _and_c _ _ _ +5 be be VB - - _ _ _ _ _ _ +6 reached reach VBN + + v:e-i-p _ _ _ _ ARG1 +7 to to TO - + p:e-u-i _ _ _ _ _ +8 comment comment VB - - n:x _ _ _ _ ARG2 +9 . _ . - - _ _ _ _ _ _ + +#22161001 +1 Debora _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Foster Foster NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 takes take VBZ + + v_off:e-i _ _ _ _ _ _ _ _ _ +4 off off RP - - _ _ _ _ _ _ _ _ _ _ +5 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 necklace necklace NN - - n:x _ ARG2 poss _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ +8 settles settle VBZ - + v:e-i-p _ conj _ _ ARG1 _ _ _ _ +9 herself herself PRP - - pron:x _ _ _ ARG2 _ _ _ _ _ +10 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 padded pad JJ - + a:e-p _ _ _ _ _ _ _ _ _ +13 chair chair NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ +15 gently gently RB - + a:e-e _ _ _ _ _ _ _ _ _ +16 leans lean VBZ - - v:e-i _ _ _ _and_c _ _ _ ARG1 ARG1 +17 forward forward RB - + p:e-i _ _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22161002 +1 With with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 jazz-piano piano JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 tape tape NN - - n:x _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 playing play VBG - + v:e-i-p ARG2 _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 softly softly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 background background NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 soothing soothe JJ - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 hands hand NNS - - n:x _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ ARG1 _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Sabina _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Vidunas _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ +17 begin begin VB + + v:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 work work VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ +20 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Foster Foster NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +23 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 neck neck NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 shoulders shoulder NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161003 +1 “ _ `` - - _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ +4 like like IN - + p:e-u-i _ _ _ _ _ ARG2 +5 an an DT - + q:i-h-h _ _ _ _ _ _ +6 oasis oasis NN - - n:x ARG2 BV ARG1 _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ +8 this this DT - + q_dem:i-h-h _ _ _ _ _ _ +9 room room NN - - n:x _ _ ARG2 BV _ _ +10 , _ , - - _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ +12 Ms. ms. NNP - + n:x _ _ _ _ _ _ +13 Foster Foster NNP - - named:x-c _ _ _ _ compound ARG1 +14 purrs purr VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ + +#22161004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 room room NN - - n:x BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ +3 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +4 question question NN - - n_about:x _ ARG2 _ _ _ _ _ _ _ _ _ _ +5 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +7 directors director NNS - + n_of:x-i _ _ _ BV _ _ _ _ _ _ _ _ +8 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 lounge lounge NN - - n:x _ _ ARG2 _ poss ARG1 _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +11 H.J. _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +12 Heinz _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 compound compound _ _ _ _ +13 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 60 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +16 floors floor NNS - - n:x _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +17 above above IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +19 bustle bustle NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +21 Pittsburgh Pittsburgh NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161005 +1 There there RB + + a:e-h _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ +3 amid amid IN - + p:e-u-i _ _ _ _ _ _ _ +4 oil oil NN - + n:x _ _ _ _ _ _ _ +5 paintings painting NNS - + n_of:x-i _ ARG2 compound _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ +7 marble marble NN - + n:x _ _ _ _ _ _ _ +8 tables table NNS - - n:x _ _ _ _and_c compound _ _ +9 , _ , - - _ _ _ _ _ _ _ _ +10 massages massage NNS - - n:x _ _ _ _ _ ARG1 _ +11 are are VBP - - _ _ _ _ _ _ _ _ +12 administered administer VBN - + v:e-i-p ARG1 ARG1 _ _ _ _ _ +13 every every DT - + q:i-h-h _ _ _ _ _ _ _ +14 Wednesday Wednesday NNP - - dofw:x-c _ _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ _ + +#22161006 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 days day NNS - - n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 I I PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 ’m ’m VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 really really RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 busy busy JJ - + a:e-p ARG1 ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Foster Foster NNP - - named:x-c _ _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 works work VBZ - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +17 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 public public JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 relations relation NNS - - n_of:x-i _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 seems seem VBZ - + v_to:e-u-h-i _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +27 decadent _generic_jj_ JJ - + a_for:e-h-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 take take VB - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ +30 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +31 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 massage massage NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161008 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 companies company NNS - - n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ _ +4 middle middle JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +5 managers manager NNS - - n_of:x-i _ _ ARG1 ARG1 _ _ _ _ _ _ _ +6 sneak sneak VBP + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ +7 massage massage NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +8 therapists therapist NNS - - n:x _ _ _ ARG2 compound ARG1 _ _ _ _ _ +9 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 office office NN - - n_of:x-i _ _ _ _ _ ARG2 BV ARG1 _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 fearful fearful JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ +15 upper-level level JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +16 executives executive NNS - - n:x _ _ _ _ _ _ _ _ compound _ ARG1 +17 wo won’t MD - - _ _ _ _ _ _ _ _ _ _ _ _ +18 n’t won’t NN - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ +19 approve approve VB - + v:e-i-p _ _ _ _ _ _ _ _ _ neg _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22161009 +1 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ +2 Foster Foster NNP - + named:x-c compound _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ +4 indulgence _generic_nn_ NN - - n:x _ poss ARG1 _ _ _ _ _ _ +5 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ +6 nothing nothing NN - - thing:x _ _ ARG2 ARG1 _ _ _ _ _ +7 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +9 oily oily JJ - + a:e-p _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ +11 hour-long long JJ - + a:e-p _ _ _ _ _ _ _ _ _ +12 rubfests _generic_nns_ NNS - - n:x _ _ _ ARG2 BV ARG1 ARG1 ARG2 _ +13 enjoyed enjoy VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ +14 by by IN - - _ _ _ _ _ _ _ _ _ _ +15 spa spa NN - + n:x _ _ _ _ _ _ _ _ _ +16 visitors visitor NNS - - n_of:x-i _ _ _ _ _ _ _ ARG1 compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22161012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 massages massage NNS - - n:x BV ARG1 _ _ ARG1 _ +3 last last JJ - + v:e-i-p _ _ _ _ _ _ +4 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +5 minutes minute NNS - - n:x _ ARG2 ARG1 _ _ _ +6 and and CC - - _ _ _ _ _ _ _ +7 typically typically RB - + a_of:e-e _ _ _ _ _ _ +8 cost cost VB + + v:e-i-i _ _ _ ARG1 _ _ +9 about about IN - - _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 +11 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ + +#22161013 +1 Some some DT - + q:i-h-h _ _ _ _ _ _ +2 companies company NNS - - n_of:x-i BV ARG1 _ ARG1 _ _ +3 , _ , - - _ _ _ _ _ _ _ +4 including include VBG - + v:e-i-p _ _ _ _ _ _ +5 Heinz _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ +7 even even RB - + a:e-e _ _ _ _ _ _ +8 pay pay VB + + v_for:e-i-i-i _ _ ARG1 _ _ _ +9 part part NN - + part_of:i-i _ _ _ ARG2 _ _ +10 of of IN - - _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ +12 fee fee NN - - n:x _ _ _ _ part BV +13 . _ . - - _ _ _ _ _ _ _ + +#22161014 +1 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +2 Vidunas _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +4 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ +5 seeing see VBG - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ +6 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +8 clients client NNS - - n:x _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 visit visit NN - - n_to:x-i _ _ _ _ ARG2 _ _ _ _ _ _ +11 since since IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 program program NN - - n_of:x-i _ _ _ _ _ _ BV ARG2 _ _ _ +14 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +15 started start VBN - + v:e-i-p _ _ _ _ _ ARG2 _ _ ARG1 _ loc +16 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +17 Heinz _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ +18 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +19 year year NN - + n:x _ _ _ _ _ _ _ _ _ ARG1 _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22161015 +1 Anthony Anthony NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 J.F. _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 O’Reilly _generic_nnp_ NNP - - named:x-c _ compound _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 company company NN - + n_of:x-i _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chairman chairman NN - + n_of:x-i _ _ _ poss _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 swears swear VBZ - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ subord _ _ _ _ _ _ _ +11 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 firm firm NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 touch touch NN - - n:x _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 saying say VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 regular regular JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 massages massage NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +19 are are VBP - + v_id:e-p-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 balm balm NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +22 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 football football NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 injuries injury NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 compound +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161016 +1 Massage massage NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 advocates advocate NNS - - n:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 kneading _generic_vbg_ VBG - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 head head NN - + n_of:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 shoulders shoulder NNS - + n:x _ _ _ _ conj _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 neck neck NN - - n:x _ _ _ _ _ conj _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 can can MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +15 go go VB - + v:e-i _ _ _ _ _ _ ARG1 _ _ _ loc _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 long long JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 way way NN - + n_of:x-i _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ +19 toward toward IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 easing ease VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 tension tension NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 improving improve VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ +24 morale morale NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161017 +1 They they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 insist insist VBP - + v:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 that that DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 touching touch NN - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 is is VBZ - + v_id:e-p-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 basic basic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 need need NN - - n:x _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 powerful powerful JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 need need NN - - n_of:x-i _ _ _ _ _ than BV ARG1 _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 food food NN - + n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +18 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sleep sleep NN - - n:x _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 office office NN - - n_of:x-i _ _ _ _ _ _ _ _ _ BV _ _ _ _ +25 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 as as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 place place NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ +30 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 do do VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ BV _ +34 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161018 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 blood blood NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 flows flow VBZ - + v:e-i _ _ ARG1 _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 head head NN - - n_of:x _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 you you PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 feel feel VBP - + v_seem-about:e-u-h-i _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 lightheaded _generic_jj_ JJ - - n:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 you you PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 n’t don’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 feel feel VB - + v:e-i-p _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 tension tension NN - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 around around IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 head head NN - + n_of:x _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 neck neck NN - - n:x _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Minnie _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 Morey _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ appos _ _ _ _ _ _ _ _ _ _ _ +28 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 operations operations NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 supervisor supervisor NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ +32 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Social _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Security _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +36 office office NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ +37 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 Grand _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Rapids _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +40 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Mich. Mich. NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound loc _ _ _ +42 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 where where WRB - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 massages massage NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +45 began begin VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ loc +46 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 month month NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +48 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161019 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ +3 you you PRP - - pron:x _ ARG1 _ _ _ _ _ _ +4 leave leave VBP - + v:e-i-p ARG2 _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 room room NN - - n:x _ ARG2 BV ARG1 _ _ _ _ +7 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ +8 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +9 massage massage NN - - n:x _ _ _ ARG2 poss _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ +11 people people NNS - - n_of:x-i _ _ _ _ _ ARG1 _ _ +12 say say VBP - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ +13 you you PRP - - pron:x _ _ _ _ _ _ ARG1 _ +14 look look VBP - + v:e-i-h _ _ _ _ _ ARG2 _ _ +15 like like IN - - _ _ _ _ _ _ _ _ _ +16 you you PRP - - pron:x _ _ _ _ _ _ _ ARG1 +17 ’re ’re VBP - - _ _ _ _ _ _ _ _ _ +18 glowing glow VBG - + v:e-i-p _ _ _ _ _ _ ARG2 _ +19 . _ . - - _ _ _ _ _ _ _ _ _ +20 ” _ '' - - _ _ _ _ _ _ _ _ _ + +#22161020 +1 Adds add NNP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Candice _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Ohlman _generic_proper_ne_ NNP - - named:x-c ARG1 compound _ _ appos _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 35-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 masseuse masseuse NN - + n:x _ _ BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +8 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 plies ply VBZ - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +10 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 trade trade NN - - n_of:x-i _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Grand _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Rapids _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +16 office office NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 They they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 fall fall VBP - + v:e-i ARG2 _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 love love NN - - n_of-for:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +23 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 my my PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 hands hand NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161021 +1 Not not RB - + x:e-u _ _ _ _ +2 everyone everyone NN - - person:x ARG1 ARG1 _ _ +3 , _ , - - _ _ _ _ _ +4 however however RB - - _ _ _ _ _ +5 , _ , - - _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ +7 at at IN + + p:e-u-i _ _ _ _ +8 ease ease NN - - n:x _ ARG2 ARG1 _ +9 with with IN - + p:e-u-i _ _ _ _ +10 office office NN - + n_of:x-i _ _ _ _ +11 massage massage NN - - n_of:x-i _ _ ARG2 compound +12 . _ . - - _ _ _ _ _ + +#22161022 +1 Three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +2 years year NNS - - n:x ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ +3 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Internal _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Revenue _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ +8 Service _generic_proper_ne_ NNP - + named:x-c _ _ BV _ compound _ _ _ _ _ _ _ _ +9 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 office office NN - - n_of:x-i _ _ _ _ _ poss ARG1 _ _ ARG1 _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Jose Jose NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Calif. Calif. NNP - - named:x-c _ _ _ _ _ _ ARG2 _ compound _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 opened open VBD + + v_cause:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ +18 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 doors door NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss _ _ +20 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 on-site on-+site JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +22 massage massage NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161023 +1 And and CC + + c:i-i-i _ _ _ _ _ _ +2 even even RB - + x:e-u _ _ _ _ _ _ +3 though though IN - + x:e-h-h _ ARG1 _ _ _ ARG2 +4 employees employee NNS - - n_of:x-i _ _ _ ARG1 _ _ +5 paid pay VBD - + v_for:e-i-i-i _ _ ARG2 _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ +7 bill bill NN - - n_of:x-i _ _ _ ARG2 BV _ +8 , _ , - - _ _ _ _ _ _ _ +9 taxpayers _generic_nns_ NNS - - n:x _ _ _ _ _ ARG1 +10 grumbled grumble VBD - + v:e-i ARG2 _ _ _ _ _ +11 . _ . - - _ _ _ _ _ _ _ + +#22161026 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ +2 month month NN - + n:x ARG1 _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 complaints complaint NNS - - n:x _ _ BV ARG1 _ _ +6 intensified intensify VBN + + v:e-i-p _ loc _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ +9 massages massage NNS - - n:x _ _ _ _ BV ARG1 +10 ended end VBD - + v:e-i _ _ _ _and_c _ _ +11 . _ . - - _ _ _ _ _ _ _ + +#22161027 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 Now now RB - + time_n:x _ _ _ _ _ _ _ +3 we we PRP - - pron:x _ ARG1 _ _ _ _ _ +4 ’re ’re VBP - - _ _ _ _ _ _ _ _ +5 looking look VBG - + v_for:e-i-i loc _ _ ARG1 _ _ ARG2 +6 for for IN - - _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ +8 room room NN - - n:x _ ARG2 BV _ _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ +10 thicker thicker JJR - + a:e-i _ _ _ _ _ _ _ +11 walls wall NNS - - n_of:x _ _ _ ARG2 ARG1 _ _ +12 , _ , - - _ _ _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ _ +14 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ +15 Banks _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ compound ARG1 +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ + +#22161028 +1 Massage massage NNP - - named:x-c _ ARG1 _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ +3 has have VBZ - + v:e-i-i ARG1 _ _ _ _ +4 an an DT - + q:i-h-h _ _ _ _ _ +5 image image NN - + n_of:x-i _ _ _ _ _ +6 problem problem NN - - n_of:x-i _ ARG2 BV compound ARG2 +7 to to TO - - _ _ _ _ _ _ +8 contend contend VB - + v_with:e-i-i _ _ _ _ _ +9 with with IN - - _ _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ + +#22161031 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 year year NN - + n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 research research NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 development development NN - - n_of:x-i _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +8 division division NN - + n_of:x-i _ _ BV compound _ _ _ _ _ _ ARG1 _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Weyerhaeuser _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG1 compound _ _ _ appos _ _ _ _ _ _ +11 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 large large JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 wood-products products NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 concern concern NN - + n:x _ _ _ _ _ _ BV ARG1 compound _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 invited invite VBD + + v:e-i-p _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 masseuse masseuse NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +21 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Tacoma _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Wash. Wash. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 offices office NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161032 +1 Phil Phil NNP - + named:x-c _ _ _ _ _ _ _ +2 Harms _generic_proper_ne_ NNP - - named:x-c compound _ _ appos ARG1 _ _ +3 , _ , - - _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ +5 software software NN - + n:x _ _ _ _ _ _ _ +6 engineer engineer NN - + n:x _ BV compound _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ +8 was was VBD + + v_id:e-p-i _ _ _ _ _ _ _ +9 an an DT - + q:i-h-h _ _ _ _ _ _ _ +10 eager eager JJ - + a:e-p _ _ _ _ _ _ _ +11 customer customer NN - - n_of:x-i _ _ _ _ ARG2 BV ARG1 +12 . _ . - - _ _ _ _ _ _ _ _ + +#22161033 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 You you PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +3 build build VBP - + v_up:e-i-i _ _ _ _ _ _ _ _ ARG2 +4 up up RP - - _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 lot lot NN - + n_of:x-i ARG2 BV _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ +8 tension tension NN - - n:x _ _ ARG1 ARG1 _ _ _ _ _ +9 working work VBG - + v:e-i-p _ _ _ _ ARG1 _ _ loc _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 terminal terminal NN - - n:x _ _ _ _ ARG2 BV _ _ _ +13 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 day day NN - + n_of:x-i _ _ _ _ _ _ ARG1 _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +17 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +18 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22161034 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 about about RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 eight eight CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 months month NNS - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 president president NN - + n_of:x-i _ _ _ BV compound _ _ _ appos ARG1 _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 division division NN - - n_of:x-i _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Ed Ed NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Soule _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 learned learn VBN - + v:e-i-p ARG2 ARG1 _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +18 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 sessions session NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 brought bring VBD - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ +23 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +24 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 halt halt NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161035 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Soule _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 only only JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 beef beef NN - - n:x _ _ poss ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +7 was was VBD - + v_nv:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 massages massage NNS - - n:x _ _ _ _ _ BV ARG2 _ _ _ _ _ _ _ _ _ _ +11 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 given give VBN - + v:e-i-p-u _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 conference conference NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 room room NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound compound _ _ _ _ _ _ +19 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 department department NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ +22 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 supervised supervise VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 health health NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 facility facility NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ poss ARG2 compound _ ARG1 +26 would would MD - + v_modal:e-h _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ _ _ +27 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 been been VBN - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +29 fine fine NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161037 +1 Given give VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ +2 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ +3 attitudes attitude NNS - - n:x ARG2 BV _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ +5 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 corporate corporate JJ - + a:e-p _ _ _ _ _ _ _ _ +7 masseurs masseur NNS - - n:x _ _ BV ARG1 ARG1 _ _ _ +8 prefer prefer VBP - + v_to:e-i-h subord _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ +10 go go VB - + v_about:e-i-i _ _ _ _ ARG2 _ _ ARG1 +11 about about IN - - _ _ _ _ _ _ _ _ _ +12 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +13 business business NN - - n:x _ _ _ _ _ ARG2 poss _ +14 quietly quietly RB - + a:e-e _ _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22161039 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ +2 visits visit VBZ + + v:e-i-p _ _ _ loc _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ +4 same same JJ - + a_as:e-i _ _ _ _ _ _ +5 department department NN - - n:x ARG2 BV ARG1 _ _ _ +6 every every DT - + loc_nonsp:e-u-i _ _ _ _ _ _ +7 two two CD - + card:i-i-c _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ +9 three three CD - + card:i-i-c _ _ _ _ _or_c _ +10 weeks week NNS - - n:x _ _ _ ARG1 ARG1 ARG1 +11 . _ . - - _ _ _ _ _ _ _ + +#22161040 +1 His his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +2 massage massage NN - + n:x _ _ _ _ _ _ _ _ +3 chair chair NN - - n:x poss compound ARG2 _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ +5 kept keep VBN + + v_unspec:e-i-p _ _ _ ARG1 _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +8 closet closet NN - - n:x _ _ _ ARG2 BV _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +12 secretary secretary NN - - n_of:x-i _ _ _ _ _ BV ARG1 _ +13 escorts escort VBZ - + v:e-i-i-i _ _ conj _ _ _ _ _ +14 him him PRP - - pron:x _ _ _ _ _ _ ARG2 _ +15 past past JJ - + a:e-p _ _ _ _ _ _ _ _ +16 security security NN - - n:x _ _ _ _ _ _ ARG2 ARG1 +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22161041 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 This this DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 common common JJ - + a_for:e-p _ ARG1 _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +5 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 lot lot NN - + n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 large large JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 companies company NNS - - n_of:x-i _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Borner _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 worked work VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ +19 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Telephone _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ +22 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Telegraph Telegraph NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c compound _ _ _ _ _ _ +24 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 23 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +28 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 choosing choose VBG - + v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +30 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 current current JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 trade trade NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161043 +1 My my PRP$ - + q:i-h-h _ _ _ _ +2 vision vision NN - - n:x poss ARG1 _ _ +3 is is VBZ - - _ _ _ _ _ +4 to to TO - - _ _ _ _ _ +5 change change VB + + v_cause:e-i-p _ _ _ _ +6 human human JJ - + a:e-p _ _ _ _ +7 consciousness consciousness NN - - n:x _ ARG2 ARG1 ARG1 +8 towards towards IN - + p:e-u-i _ _ _ _ +9 touch touch NN - - n:x _ _ _ ARG2 +10 . _ . - - _ _ _ _ _ + +#22161045 +1 Occasionally occasionally RB - - _ _ _ _ +2 , _ , - - _ _ _ _ +3 all all PDT - + part_of:x-i _ ARG1 _ +4 that that DT - - x:x part _ _ +5 ’s ’s NNS - - _ _ _ _ +6 needed need VBN - + v:e-i-p _ _ _ +7 is is VBZ - - _ _ _ _ +8 a a+little DT - - a:e-e _ _ mwe +9 little a+little JJ - + a:e-e _ _ _ +10 coaxing coax VBG - - v:e-i _ _ ARG1 +11 . _ . - - _ _ _ _ + +#22161046 +1 Elisa _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Byler _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 St. St. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Louis Louis NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 masseuse masseuse NN - + n:x _ BV _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 won win VBD + + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +10 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 officials official NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Emerson Emerson NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Electric _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 compound compound _ appos _ _ _ _ _ _ _ _ _ _ +15 Co. co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 maker maker NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 electrical electrical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 electronic electronic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ +23 equipment equipment NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 providing provide VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +27 documents document NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 articles article NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 ARG1 _ _ _ +31 trumpeting trumpet VBG - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 therapeutic therapeutic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 benefits benefit NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +35 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 massage massage NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161047 +1 She she PRP - - pron:x ARG1 _ _ _ _ _ +2 notes note VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ +4 she she PRP - - pron:x _ _ ARG1 _ _ _ +5 also also RB - + a:e-h ARG2 _ _ _ _ _ +6 stresses stress VBZ - + v:e-i-p _ ARG1 _ ARG1 _ _ +7 professionalism professionalism NN - - n:x _ _ ARG2 _ _ _ +8 during during IN - + p:e-u-i _ _ _ _ _ _ +9 her her PRP$ - + q:i-h-h _ _ _ _ _ _ +10 weekly weekly JJ - + a:e-p _ _ _ _ _ _ +11 visits visit NNS - - n_to:x-i _ _ _ ARG2 poss ARG1 +12 . _ . - - _ _ _ _ _ _ _ + +#22161048 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +3 pull pull VBP - + v:e-i-i-h _ _ _ _ _ ARG2 _ _ _ +4 my my PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 hair hair NN - - n:x ARG2 poss _ _ _ _ _ _ _ +6 back back RB - - _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ +8 wear wear VB - + v:e-i-p conj _ _ _ _ _ _ _ _ +9 a a+little DT - - q:i-h-h _ _ _ mwe _ _ _ _ _ +10 little a+little JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 makeup makeup NN - - n:x _ _ ARG2 BV _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ +13 look look VB - + v_seem-to:e-u-h-i _ _ _and_c _ _ _ _ _ _ +14 corporate corporate JJ - - a:e-p _ _ _ _ ARG2 _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +18 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ +19 Byler _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 compound ARG1 _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ +21 who who WP - - _ _ _ _ _ _ _ _ _ _ +22 has has VBZ - - _ _ _ _ _ _ _ _ _ _ +23 been been VBN - - _ _ _ _ _ _ _ _ _ _ +24 visiting visit VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 +25 Emerson Emerson NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ +26 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +27 January January NNP - - mofy:x-c _ _ _ _ _ _ _ _ ARG2 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22161049 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 If if IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +3 I I PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ +4 go go VBP - + v:e-i ARG2 _ ARG1 _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +6 there there RB - + place_n:x _ _ ARG2 _ _ _ _ _ _ _ +7 as as IN - - _ _ _ _ _ _ _ _ _ _ _ +8 I I PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ +9 normally normally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +10 dress dress VBP - + v:e-i _ _ _ than ARG1 _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ +13 ’d ’d VBD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ +14 ask ask VB - + v:e-i-h _ _ _ _ _ _ ARG1 _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 ‘ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +17 Who who WP - - person:x _ _ _ _ _ _ _ _ ARG1 _ +18 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ ARG2 _ _ +19 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +20 hippie _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV +21 ? _ . - - _ _ _ _ _ _ _ _ _ _ _ +22 ’ _ '' - - _ _ _ _ _ _ _ _ _ _ _ +23 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22161050 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 self-proclaimed proclaim JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 father father NN - + n_of:x-i BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on-site on-+site JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 massage massage NN - - n:x _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +7 is is VBZ + + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Palmer Palmer NNP - - named:x-c _ _ _ _ ARG2 compound _ _ _ _ appos _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 41-year-old old JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Francisco Francisco NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ +15 masseur masseur NN - + n:x _ _ _ _ _ _ BV ARG1 _ compound _ _ _ _ +16 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 mission mission NN - - n:x _ _ _ _ _ _ _ _ _ _ poss ARG1 _ _ +18 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 save save VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 touch-starved starve JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 masses mass NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161052 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 culture culture NN - - n:x BV _ ARG1 _ _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +5 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 +6 ready ready JJ - + a:e-i-h _ neg _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +8 take take VB - + v_off:e-i-i _ _ ARG2 _ _ _ _ _ _ _ _ +9 off off RP - - _ _ _ _ _ _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 clothes clothes NNS - - n:x _ _ _ ARG2 poss _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 lie lie VB - - v:e-i _ _ _ ARG1 _ ARG1 _ _ _ _ _ +14 down down RP - + p:e-i _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +16 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ +17 touched touch VBN - - v:e-i-p _ _ _ _ _ _ ARG1 _ ARG1 _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 an an DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +20 hour hour NN - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ +23 45 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +26 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 +27 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22161053 +1 “ _ `` - - _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ +3 idea idea NN - - n_of:x-i BV ARG1 _ _ _ +4 is is VBZ - - _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ +6 keep keep VB + + v_prd:e-i-i-h _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ +8 clothes clothes NNS - - n:x _ ARG2 BV ARG1 _ +9 on on IN - + p:e-i _ ARG3 _ _ _ +10 and and CC - - _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ +12 keep keep VB - + v_prd:e-i-i-h _ _ _ _ _ +13 people people NNS - - n_of:x-i _ _ _ _ ARG2 +14 seated seat VBN - - v:e-i-p _ _ _ _ ARG3 +15 . _ . - - _ _ _ _ _ _ + +#22161054 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 chair chair NN - - n:x BV ARG1 _ _ _ +3 is is VBZ + + v_id:e-p-i _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ +5 way way NN - + n_of:x-h _ ARG2 BV _ _ +6 to to TO - - _ _ _ _ _ _ +7 package package NN - + n_of:x-i _ _ _ _ _ +8 massage massage NN - - n_of:x-i _ _ _ ARG1 compound +9 . _ . - - _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ + +#22161055 +1 Sitting sit VBG + - v:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +3 one one CD - + card:i-i-c ARG2 _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +6 Palmer Palmer NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ +7 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 chairs chair NNS - - n:x _ part _ poss ARG1 _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 cost cost VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +13 425 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 since since RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ +17 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 copied copy VBN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ +19 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 others other NNS - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +22 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a+bit DT - - a:e-e _ _ _ _ _ _ _ _ mwe _ _ _ +24 bit a+bit NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +25 like like IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +26 straddling straddle VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +28 recliner _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161056 +1 Customers customer NNS - - n_of:x-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 lean lean VBP + + v:e-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 forward forward RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 rest rest VB - + v:e-i-p conj _ _ _ _ _ _ _ _ _ _ _ _ +6 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 knees knee NNS - - n:x _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 side side NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +10 supports support NNS - - n:x _ _ _ _ ARG2 compound _ _ _ _ _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 bury bury VB - + v:e-i-p _ _ _and_c _ _ _ _ _ _ _ _ _ _ +13 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 face face NN - - n:x _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ +15 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 padding pad NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +17 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 back back NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +22 chair chair NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161059 +1 Scot _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 MacInnis _generic_proper_ne_ NNP - - named:x-c compound _ appos _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 masseur masseur NN - + n:x _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Boulder _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Colo. Colo. NNP - - named:x-c _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 had have VBD + + v:e-i-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 scary scary JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 experience experience NN - - n_with:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +15 while while IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 massaging massage VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +17 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 man man NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 natural-foods foods NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 supermarket supermarket NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ +23 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 part part NN - + part_of:i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +25 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 store store NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 promotion promotion NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ part BV compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161060 +1 Three three CD - + card:i-i-c _ _ _ _ _ _ _ +2 minutes minute NNS - - n:x ARG1 ARG1 _ _ _ _ _ +3 into into IN - + p:e-u-i _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ +5 massage massage NN - - n:x _ ARG2 BV _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ +8 man man NN - - n:x _ _ _ BV ARG1 _ _ +9 curled curl VBD + + v_up:e-i-i _ _ _ _ _ _ _ +10 up up RP - - _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ +12 began begin VBD - + v:e-h _ _ _ _ conj _ _ +13 shaking shake VBG - - v:e-i-p _ _ _ _ _ ARG1 _ +14 and and CC - - _ _ _ _ _ _ _ _ +15 turned turn VBD - + v_prd:e-i-h _ _ _ _ _ _and_c _ +16 red red JJ - - a:i-i _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ + +#22161061 +1 Paramedics _generic_nns_ NNS - - n:x ARG2 +2 were were VBD - - _ _ +3 called call VBN + + v:e-i-p _ +4 . _ . - - _ _ + +#22161062 +1 A a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +2 week week NN - + n:x BV _ loc _ _ _ _ _ _ _ _ _ +3 later later RBR - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 man man NN - - n:x _ _ _ BV ARG1 _ _ _ _ _ _ _ +7 told tell VBD + + v:e-i-p-h _ loc _ _ _ _ _ _ _ _ _ _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +9 MacInnis _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 compound _ _ _ _ _ _ +10 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ +11 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 suffered suffer VBN - + v:e-i-i _ _ _ _ ARG3 _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +14 mild mild JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +15 heart heart NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +16 attack attack NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 compound ARG1 _ +17 unrelated unrelated JJ - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +20 massage massage NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161063 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - + v_id:e-p-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 powerful powerful JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 point point NN - - n_of:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 my my PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 career career NN - - n:x _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 31-year-old _generic_proper_ne_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 MacInnis _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 BV compound compound _ ARG1 _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 since since RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 taken take VBN - + v_out:e-i-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +22 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +25 1 1 CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +27 liability liability NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 policy policy NN - - n_of-on:x-i _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ compound ARG1 _ +29 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161064 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ +4 pulled pull VBD - + _ ARG2 _ _ _ _ _ _ _ _ _ _ +5 through through IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +8 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 ambulance ambulance NN - - n:x _ _ _ BV ARG1 _ _ _ _ _ _ +11 left leave VBD - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ +14 were were VBD - + v_there:e-i _ _ ARG1 _ _ _ ARG1 _ _ _ _ +15 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +16 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +17 people people NNS - - n_of:x-i _ _ _ _ _ ARG1 _ ARG1 ARG1 ARG1 _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 line line NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 _ _ +20 waiting wait VBG - + v_for:e-i-i _ _ _ _ _ _ _ _ _ _ _ +21 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +23 massage massage NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22161065 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 next next JJ - + a:e-p _ _ _ _ _ +3 woman woman NN - - n:x BV ARG1 ARG1 _ _ +4 was was VBD - - _ _ _ _ _ _ +5 older older JJR + + a:e-i _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ +8 I I PRP - - pron:x _ _ _ ARG1 _ +9 was was VBD - - _ _ _ _ _ _ +10 afraid afraid JJ - + a_of:e-i-h _ _ _and_c _ _ +11 to to TO - - _ _ _ _ _ _ +12 touch touch VB - + v:e-i-p _ _ _ ARG2 _ +13 her her PRP - - pron:x _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ + +#22161066 +1 But but CC + + c:i-i-i _ _ _ _ +2 it it PRP - - pron:x _ ARG1 _ _ +3 ’s ’s VBZ - - _ _ _ _ _ +4 like like IN - + p:e-u-i ARG2 _ _ _ +5 falling fall VBG - + v_off:e-i-i _ ARG2 _ _ +6 off off RP - - _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ +8 horse horse NN - - n:x _ _ ARG2 BV +9 and and CC - - _ _ _ _ _ +10 getting get VBG - - v_state:e-i-h _ _ _and_c _ +11 back back RP - - _ _ _ _ _ +12 on on IN - - _ _ _ _ _ +13 . _ . - - _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ + +#22161067 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 number number NN - + n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 fans fan NNS - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 office office NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 massage massage NN - - n:x _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +9 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 won win VBN - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 purists _generic_nns_ NNS - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +14 look look VBP - + v_forward-to:e-i-i ARG1 _ _ _ _ _ _ _ ARG1 subord _ _ _ _ _ _ +15 down down RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 arguing argue VBG + + v_with:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 naked naked JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 full-body body JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 rubs rub NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ +25 are are VBP - + v_id:e-p-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 only only JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 way way NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +29 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 go go VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161068 +1 Linda Linda NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Aldridge _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 does do VBZ - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 full-body body JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 work work NN - - n:x _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Pittsburgh Pittsburgh NNP - - named:x-c _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 while while IN - + x:e-h-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +14 on-site on-+site JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 massage massage NN - - n:x _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ +16 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 better better JJR - + a_at-for-of:e-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +18 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 nothing nothing NN - - thing:x _ _ _ _ _ _ _ than _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 tired tired JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 workers worker NNS - - n:x _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ +23 should should MD - + v_modal:e-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +24 realize realize VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +25 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +26 is is VBZ - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +27 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +29 tip tip NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ BV ARG1 _ +30 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 iceberg iceberg NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22161069 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 Whole whole JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ +3 areas area NNS - + n_of:x-i ARG1 _ _ ARG2 _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ +5 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +6 bodies body NNS - - n:x _ ARG1 poss _ _ _ _ _ +7 are are VBP - - _ _ _ _ _ _ _ _ _ +8 neglected neglect VBN - + v:e-i-p _ _ _ _ ARG2 _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ +11 she she PRP - - pron:x _ _ _ _ ARG1 _ _ _ +12 says say VBZ - + v_to:e-i-h-i _ _ _ _ _ subord _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ +14 adding add VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +15 that that IN - - _ _ _ _ _ _ _ _ _ +16 clothes clothes NNS - - n:x _ _ _ _ _ _ ARG1 _ +17 ruin ruin VBP - + v:e-i-p _ _ _ _ _ ARG2 _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +19 experience experience NN - - n_with:x _ _ _ _ _ _ ARG2 BV +20 . _ . - - _ _ _ _ _ _ _ _ _ + +#22161070 +1 “ _ `` - - _ _ _ _ +2 There there EX - - _ _ _ _ +3 ’s ’s VBZ + + v_there:e-i _ _ _ +4 nothing nothing NN - - thing:x ARG1 ARG1 _ +5 like like IN - + p:e-u-i _ _ _ +6 skin skin NN - - n:x _ ARG2 ARG1 +7 to to TO - + p:e-u-i _ _ _ +8 skin skin NN - - n:x _ _ ARG2 +9 . _ . - - _ _ _ _ + +#22162001 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 what what WP - - thing:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 believed believe VBN + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 be be VB - + v_id:e-p-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 cancellation cancellation NN - + n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 loan loan NN - - n:x _ _ _ _ _ ARG1 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 China China NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 June June NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 4 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ of _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 killings killing NNS - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Beijing Beijing NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 international international JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 syndicate syndicate NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ +27 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 terminated terminate VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +31 55 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +33 credit credit NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ ARG1 _ _ _ +34 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Shanghai Shanghai NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 property property NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 project project NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound compound +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 syndicate syndicate NN - - n:x BV ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 led lead VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Schroders _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Asia Asia NNP - - named:x-c _ ARG1 compound compound _ _ _ _ _ _ _ _ _ _ _ _ +8 Ltd. ltd. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 agreed agree VBD + + v:e-i-p _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ +11 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 November november NNP - + mofy:x-c _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 provide provide VB - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 loan loan NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +17 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Asia Asia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Development _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 compound compound _ _ _ appos +20 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 U.S. U.S. NNP - + named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 property property NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 developer developer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ BV compound compound _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162003 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 weeks week NNS - - n:x _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ +4 ago ago RB - + p:e-i-u _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 wake wake NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +9 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Beijing Beijing NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 killings killing NNS - - n:x _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 loan loan NN - - n:x _ _ _ _ _ _ _ _ BV ARG2 _ _ _ _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 canceled cancel VBN - + v:e-i-p ARG2 _ ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +20 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 bankers banker NNS - + n:x _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ +22 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 executives executive NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +24 close close+to RB - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +25 to close+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 project project NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162004 +1 Asia Asia NNP - + named:x-c _ _ _ _ _ +2 Development _generic_proper_ne_ NNP - + named:x-c compound _ ARG1 _ _ +3 and and CC - - _ _ _ _ _ _ +4 Schroders _generic_proper_ne_ NNP - - named:x-c _ _and_c _ _ _ +5 declined decline VBD + + v:e-i-h _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ +7 comment comment VB - + v_on:e-i-i _ _ ARG2 _ _ +8 on on IN - - _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ +10 move move NN - - n:x _ _ _ ARG2 BV +11 . _ . - - _ _ _ _ _ _ + +#22162005 +1 Lenders _generic_nns_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 had have VBD + + v:e-i-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 doubts doubt NNS - - n:x ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 project project NN - - n:x _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 before before IN - + p:e-u-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 June June NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 4 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ ARG2 of _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 harsh harsh JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 crackdown _generic_nn_ NN - - n:x _ _ _ _ _ _ BV ARG1 ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 caused cause VBD - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 businesses business NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 reassess assess VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 China China NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 transactions transaction NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 gave give VBD - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 BV _ _ _ _ _ _ _ _ _ +31 the the DT - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 out out IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ BV _ _ _ _ _ _ _ _ +33 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +34 wanted want VBD - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 says say VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 official official JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 close close NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 ARG1 _ _ +41 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 Shanghai Shanghai NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 venture venture NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +45 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 decision decision NN - + n:x-h BV _ _ _ ARG1 _ _ _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 cancel cancel VB - + v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 loan loan NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ +7 exemplifies exemplify VBZ + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 tough tough JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ +10 attitude attitude NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +11 bankers banker NNS - - n:x _ _ _ _ _ BV ARG1 compound ARG1 _ _ _ +12 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 taken take VBN - + v:e-i-p-u _ _ _ _ ARG2 _ _ _ _ ARG1 ARG1 _ +14 toward toward IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 China China NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 _ _ +16 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +17 June June NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ +18 4 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ _ ARG2 of +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162007 +1 While while IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 commercial commercial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 lending lending NN - - n:x _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 resumed resume VBN - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 international international JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 lenders _generic_nns_ NNS - - n:x _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +10 remain remain VBP - + v:e-i-h ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 nervous nervous JJ - - a_about:e-p-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +12 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 China China NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 troubles trouble NNS - + n:x _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 foreign foreign JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 debt debt NN - - n:x _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ _ _ +20 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ conj _ _ ARG1 ARG1 _ _ +22 40 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 end end NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ +27 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 1988 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162009 +1 Many many JJ - + much-many_a:e-p _ _ _ _ +2 bankers banker NNS - - n:x ARG1 ARG1 _ _ +3 view view VBP + + v:e-i-p _ _ _ _ +4 property-sector sector NN - + n:x _ _ _ _ +5 loans loan NNS - - n:x _ ARG2 compound _ +6 as as IN - - _ _ _ _ _ +7 particularly particularly RB - + a:e-e _ _ _ _ +8 risky risky JJ - - a_for:e-p _ ARG3 _ ARG1 +9 . _ . - - _ _ _ _ _ + +#22162010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 canceled cancel VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Shanghai Shanghai NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 loan loan NN - - n:x BV ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 leaves leave VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Asia Asia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Development _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 compound _ _ appos _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 concern concern NN - + n:x _ _ _ _ _ BV ARG1 _ ARG2 _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 saddled saddle VBN - + v_with:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 half-completed complete JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 32-story story JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 apartment apartment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 building building NN - + n:x _ _ _ _ _ _ _ _ ARG3 BV ARG1 compound compound _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 heavy heavy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 debts debt NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162012 +1 The the DT - + q:i-h-h _ _ _ _ _ +2 project project NN - - n:x BV ARG2 _ ARG2 _ +3 , _ , - - _ _ _ _ _ _ +4 known know VBN - + v_as:e-i-p-i _ _ _ _ _ +5 as as IN - - _ _ _ _ _ _ +6 Lotus Lotus NNP - + named:x-c _ _ _ _ _ +7 Mansion _generic_proper_ne_ NNP - - named:x-c _ ARG3 compound _ _ +8 , _ , - - _ _ _ _ _ _ +9 has has VBZ - - _ _ _ _ _ _ +10 been been VBN - - _ _ _ _ _ _ +11 mired mire VBN + + v:e-i-p _ _ _ _ ARG1 +12 in in IN - + p:e-u-i _ _ _ _ _ +13 controversy controversy NN - - n:x _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ + +#22162013 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 loan loan NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +4 agreement agreement NN - - n:x _ BV compound ARG2 _ _ _ _ _ _ _ _ _ +5 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 announced announce VBN - + v_to:e-i-p-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 it it PRP - - pron:x _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +9 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 hailed hail VBN - + v_as:e-i-p-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 one one CD - + card:i-i-c _ _ _ _ ARG3 _ _ _ _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Western-style style JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ +17 financing finance NN - + v:e-i-p _ _ _ _ _ _ _ _ compound _ _ _ _ +18 transactions transaction NNS - - n:x _ _ _ _ _ part BV ARG1 _ compound _ ARG2 _ +19 ever ever RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +20 used use VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 China China NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162014 +1 Unlike unlike IN - + p:e-u-i _ _ _ _ _ _ +2 most most JJS - + q:i-h-h _ _ _ _ _ _ +3 loans loan NNS - - n:x ARG2 BV ARG1 _ _ _ +4 to to TO - + p:e-u-i _ _ _ _ _ _ +5 China China NNP - - named:x-c _ _ ARG2 _ _ _ +6 , _ , - - _ _ _ _ _ _ _ +7 there there EX - - _ _ _ _ _ _ _ +8 was was VBD + + v_there:e-i ARG1 _ _ _ _ _ +9 no no DT - + q:i-h-h _ _ _ _ _ _ +10 Chinese Chinese JJ - + a:e-p _ _ _ _ _ _ +11 guarantor _generic_nn_ NN - - n:x _ _ _ ARG1 BV ARG1 +12 . _ . - - _ _ _ _ _ _ _ + +#22162015 +1 Instead instead RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 banks bank NNS - - n_of:x-i _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 secured secure VBN + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 promise promise NN - - n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 state-owned own JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Bank _generic_proper_ne_ NNP - - named:x-c _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Communications _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 it it PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 would would MD - + v_modal:e-h _ _ subord _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 lend lend VB - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ +17 Asia Asia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Development _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG3 compound _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 entire entire JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 _ BV ARG1 _ ARG1 _ _ _ _ _ _ +22 55 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 maturity maturity NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +26 to to TO - + x:e-h-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +27 finance finance VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +28 repayment repayment NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +29 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 original original JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 borrowing borrow NN - - v_from:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162016 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 loan loan NN - - n:x BV ARG2 _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ +5 have have VB - - _ _ _ _ _ _ _ _ _ _ +6 matured mature VBN - + v:e-i _ _ ARG1 _ _ _ loc ARG1 _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +8 just just RB - - _ _ _ _ _ _ _ _ _ _ +9 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +10 to to TO - + interval_p_end:i-i-i _ _ _ ARG1 _ ARG1 _ _ _ +11 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +12 years year NNS - - n:x _ _ ARG2 _ loc _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 as as RB - - _ _ _ _ _ _ _ _ _ _ +15 soon soon RB - + time_n:x _ _ _ _ _ _ _ _ _ +16 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ +17 construction construction NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 +18 was was VBD - - _ _ _ _ _ _ _ _ _ _ +19 completed complete VBN - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22162017 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 letter letter NN - - n_of:x-i _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sent send VBD - + v:e-i _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 August August NNP - - mofy:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Asia Asia NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Development _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Schroders _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 said say VBD - + v_to:e-i-h-i ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 loan loan NN - - n:x _ _ _ _ _ _ _ _ BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 terminated terminate VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 because because IN - + x:e-h-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 developer developer NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +21 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 failed fail VBN - + v:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 deliver deliver VB - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +25 adequate adequate JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 data data NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ ARG1 ARG1 _ _ _ +30 certain certain JJ - + a_of:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 fees fee NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +32 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 loan-management management NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 committee committee NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG4 _ BV compound _ _ _ _ _ +36 on on+time IN - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ +37 time on+time NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +40 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 officials official NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +42 close close RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +43 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 project project NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +46 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22162018 +1 Creditors creditor NNS - - n:x ARG2 _ ARG1 _ _ _ _ _ _ _ +2 involved involve VBN - + v_in:e-i-p-i _ _ _ _ _ _ _ _ _ _ +3 in in IN - - _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 project project NN - - n:x ARG3 BV _ _ _ _ _ _ _ _ +6 contend contend VBP - + v:e-i _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 however however RB - - _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +10 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 termination termination NN - - n:x _ _ _ BV _ ARG1 _ _ _ _ +13 actually actually RB + + a:e-h _ _ _ _ _ _ _ _ _ _ +14 had have VBD - + v:e-i-i _ _ _ _ ARG1 _ _ _ _ _ +15 nothing nothing NN - - thing:x _ _ _ _ _ ARG2 ARG2 _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +17 do do VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ +18 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +19 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +20 technical technical JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +21 violations violation NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22162020 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ +3 syndicate syndicate NN - - n:x BV compound ARG2 _ _ _ _ _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +5 made make VBN + + v_up-of:e-i-i-i _ _ _ ARG1 _ _ _ _ _ _ +6 up up RP - - _ _ _ _ _ _ _ _ _ _ _ +7 mostly mostly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +9 European european JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +10 banks bank NNS - - n_of:x-i _ _ ARG3 _ ARG1 _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 but but CC - - _ _ _ _ _ _ _ _ _ _ _ +13 it it PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ +14 includes include VBZ - + v:e-i-p _ _ _and_c _ _ _ _ _ _ _ +15 China China NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +16 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +17 state-owned own JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +18 Citic _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +19 Industrial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ +20 Bank _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 poss ARG2 _ compound +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22162021 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 11 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +3 banks bank NNS - - n_of:x-i BV ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ +4 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +6 syndicate syndicate NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ +7 sustained sustain VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ +8 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +9 monetary monetary JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +10 losses loss NNS - - n_of:x-i _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +11 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ +12 none none NN - + part_of:i-i _ _ _ _ _ _ _ _ _ _ _ ARG2 +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 credit credit NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +16 facility facility NN - - n:x _ _ _ _ _ _ _ _ part BV compound _ +17 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 drawn draw VBN - + v_down:e-i-i _ _ _ _ _ _ _ ARG2 _ _ _ _ +20 down down RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163001 +1 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 mart _generic_nnp_ NNP - - named:x-c compound compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 agreed agree VBD + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 acquire acquire VB - + v:e-i-p _ _ ARG2 _ _ _ _ ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +7 Pace _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Membership _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Warehouse _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG2 _ compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - + n:x _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 23 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 $ $ $ - - n:x _ _ _ _ _ _ _ _ _or_c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +19 322 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 move move NN - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 expand expand VB - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +27 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 presence presence NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ _ _ _ +29 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 rapidly rapidly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 growing grow VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +33 warehouse-club club NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 compound +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163002 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 proposed propose JJ - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 merger merger NN - - n:x BV ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 comes come VBZ - + v:e-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 mart _generic_nn_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 profit profit NN - - n:x _ _ _ _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +10 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 declining decline VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ +14 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 core core JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 discount discount NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 stores store NNS - - n:x _ _ _ _ _ _ _ ARG2 poss compound compound _ _ _ _ _ _ _ _ +19 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 rising rise VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ +21 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 slowly slowly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ comp _ _ _ _ _ _ +23 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 such such JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 competitors competitor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +27 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Wal-Mart _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Stores _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +30 Inc Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163003 +1 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 mart _generic_nnp_ NNP - - named:x-c compound ARG2 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Troy Troy NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Mich. Mich. NNP - - named:x-c _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 recently recently RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 said say VBD + + v_to:e-i-h-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 income income NN - - n:x _ _ _ _ _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 would would MD - + v_modal:e-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 fall fall VB - + v:e-i _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 third third JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 consecutive consecutive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 16 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +26 drop drop NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 half half NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +31 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 current current JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 fiscal fiscal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 year year NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 poss ARG1 ARG1 +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163004 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 membership membership NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +4 warehouse-club club NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ +5 concept concept NN - - n:x BV _ compound ARG1 _ _ _ _ _ _ _ _ _ +6 has have VBZ - + v:e-i-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +7 great great JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 potential potential NN - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +12 company company NN - + n_of:x-i _ _ _ _ _ BV _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 chairman chairman NN - - n_of:x-i _ _ _ _ _ _ poss _ _ appos ARG1 _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Joseph Joseph NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +17 E. E. NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ +18 Antonini _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +23 statement statement NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163006 +1 Shoppers shopper NNS - - n:x part _ _ ARG1 _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 many many JJ - + much-many_a:e-p _ ARG1 _ _ _ _ _ _ _ _ _ +4 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +5 whom whom WP - - _ _ _ _ _ _ _ _ _ _ _ _ +6 operate operate VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +7 small small JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +8 businesses business NNS - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 pay pay VB + + v_for:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ +11 annual annual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +12 membership membership NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +13 fees fee NNS - - n:x _ _ _ ARG2 ARG1 compound ARG1 _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ +16 provide provide VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +17 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 income income NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +19 base base NN - - n:x _ _ _ _ _ _ ARG2 BV compound ARG1 _ +20 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +22 stores store NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22163007 +1 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 mart _generic_nnp_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 tested test VBD + + v:e-i-p _ _ _ _ _ loc ARG1 _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 warehouse-club club NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 sector sector NN - - n:x _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +7 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 year year NN - + n:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 acquisition acquisition NN - + n_of:x-i _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 51 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +16 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ +17 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Makro _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound +19 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163008 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Makro _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 chain chain NN - - n_of:x-i _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 operates operate VBZ - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 joint joint JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 venture venture NN - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 between between IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 mart _generic_nnp_ NNP - + n:x _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 SHV _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Holdings Holdings NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +18 N.V. _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c _ compound ARG1 _ _ _ _ _ _ _ _ _ +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Netherlands Netherlands NNP - - named_n:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 has have VBZ - + v_prd:e-i-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 only only RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 stores store NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 annual annual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 sales sale NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c ARG1 _ _ _ _ +30 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 analyst analyst NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +33 estimated estimate VBN - + v_at:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _but_c _ _ _ _ _ _ _ +34 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ ARG1 +37 300 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163009 +1 Six-year-old old JJ - + a:e-p _ _ _ _ _ _ _ +2 Pace _generic_proper_ne_ NNP - - named:x-c ARG1 ARG2 ARG1 _ ARG1 _ _ +3 , _ , - - _ _ _ _ _ _ _ _ +4 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ ARG3 _ _ _ _ _ +6 Aurora _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ +8 Colo. Colo. NNP - - named:x-c _ _ ARG2 compound _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ +10 operates operate VBZ + + v:e-i-p _ _ _ _ _ _ _ +11 41 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +12 warehouse-club club NN - + n:x _ _ _ _ _ _ _ +13 stores store NNS - - n:x _ _ _ _ ARG2 ARG1 compound +14 . _ . - - _ _ _ _ _ _ _ _ + +#22163010 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ +3 had have VBD + + v:e-i-i _ _ _ _ ARG1 _ _ _ +4 losses loss NNS - - n_of:x-i _ ARG2 ARG1 _ _ _ _ _ +5 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +6 several several JJ - + a:e-p _ _ _ _ _ _ _ _ +7 years year NNS - - n:x _ _ ARG2 ARG1 _ _ _ _ +8 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 turning turn VBG - + v_over:e-i-i _ _ _ _ ARG2 _ ARG1 _ +10 profitable profitable JJ - - a_for:e-p-i _ _ _ _ _ ARG2 _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 fiscal fiscal JJ - + a:e-p _ _ _ _ _ _ _ _ +13 1988 _generic_year_ne_ CD - - yofc:x-c _ _ _ _ _ _ ARG2 ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22163011 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 year year NN - - n:x ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ended end VBN - + v_cause:e-i-p _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Jan. Jan. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 31 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ of _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Pace _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 rang ring VBD + + v_up:e-i-i ARG1 _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +10 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 profit profit NN - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - + n:x _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 9.4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 72 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 cents cent NNS - - n:x _ _ _ _ _ _ _ _or_c _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 tax-loss loss JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 carry-forward carry-+forward NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 sales sale NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +30 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ +32 1.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 analysts analyst NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +37 expect expect VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 results result NNS - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ +40 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 continue continue VB - + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +42 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 improve improve VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163012 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 company company NN - - n_of:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 turned turn VBD - + v:e-i-p _ _ _ _ ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 corner corner NN - - n_of:x-i _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 fairly fairly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 recently recently RB - + a:e-e _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 profitability profitability NN - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Margo Margo NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 McGlade _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 PaineWebber _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 forecasting forecast VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 46 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +27 jump jump NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +28 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Pace _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 net net JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 income income NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ ARG1 _ loc _ _ _ _ _ +33 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 operations operation NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +35 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ +37 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 42 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +41 increase increase NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ BV _ compound _ loc +42 next next JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +44 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163013 +1 “ _ `` - - _ _ _ _ _ +2 Warehouse warehouse NN - + n:x _ _ _ _ +3 productivity productivity NN - - n:x compound _ _ ARG1 +4 is is VBZ - - _ _ _ _ _ +5 really really RB + + a:e-h _ _ _ _ +6 beginning begin VBG - + v:e-h _ ARG1 _ _ +7 to to TO - - _ _ _ _ _ +8 take take VB - + v_off:e-i _ _ ARG1 _ +9 off off RP - - _ _ _ _ _ +10 . _ . - - _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ + +#22163014 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ +2 some some DT - + q:i-h-h _ _ _ _ _ _ _ +3 analysts analyst NNS - - n:x _ BV ARG1 _ _ _ _ +4 contend contend VBP - + v:e-i-h ARG2 _ _ _ _ _ _ +5 K k NNP - + named:x-c _ _ _ _ _ _ _ +6 mart _generic_nnp_ NNP - - named:x-c _ _ _ compound ARG1 _ _ +7 has has VBZ - - _ _ _ _ _ _ _ _ +8 agreed agree VBN - + v:e-i-h _ _ ARG2 _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ +10 pay pay VB - + v_for:e-i-i-i _ _ _ _ ARG2 _ _ +11 too too RB - + comp:e-u-u _ _ _ _ _ _ _ +12 much much JJ - - much-many_a:e-p _ _ _ _ _ _ comp_too +13 for for IN - - _ _ _ _ _ _ _ _ +14 Pace _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG4 _ +15 . _ . - - _ _ _ _ _ _ _ _ + +#22163015 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 Even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ +3 if if IN - + x:e-h-h ARG1 _ _ _ _ _ ARG2 _ _ _ _ +4 you you PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ +5 look look VBP - + v_at:e-i-i _ ARG2 _ ARG1 _ _ _ _ _ _ _ +6 at at IN - - _ _ _ _ _ _ _ _ _ _ _ _ +7 it it PRP - - pron:x _ _ ARG2 _ _ _ _ _ _ _ _ +8 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +10 turnaround turnaround NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +11 situation situation NN - - n:x _ _ _ ARG2 BV compound _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +13 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +15 expensive expensive JJ - - a:e-p _ ARG1 _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +19 Wayne Wayne NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +20 Hood _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 compound ARG1 _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +22 Prudential-Bache _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +23 Securities _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ ARG2 compound compound +24 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22163016 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 my my PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +4 opinion opinion NN - - n_of:x ARG2 poss _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 you you PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +7 would would MD - + v_modal:e-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +8 only only RB - + a:e-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +9 pay pay VB - + v_for:e-i-i-i ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +10 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +11 kind kind NN - + n_of-n:x-i _ _ _ _ ARG2 BV _ _ _ _ _ _ _ +12 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 price price NN - - n_of:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +14 if if IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 you you PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +16 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 getting get VBG - + v:e-i-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 premier premier JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +20 player player NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +21 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +23 industry industry NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163017 +1 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ +2 McGlade _generic_proper_ne_ NNP - - named:x-c compound ARG1 ARG1 _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +4 PaineWebber _generic_proper_ne_ NNP - - named:x-c _ ARG2 _ _ _ _ _ _ +5 raised raise VBD + + v_cause:e-i-p _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +7 more more RBR - + comp:e-u-u _ _ _ _ _ _ _ _ +8 fundamental fundamental JJ - + a:e-p _ _ _ _ comp _ _ _ +9 question question NN - - n_about:x-i _ _ ARG2 BV _ ARG1 ARG1 _ +10 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +12 deal deal NN - - n:x _ _ _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22163020 +1 At at IN - + p:e-u-i _ _ _ _ +2 that that DT - + q_dem:i-h-h _ _ _ _ +3 point point NN - - n_of:x ARG2 BV _ _ +4 , _ , - - _ _ _ _ _ +5 perhaps perhaps RB - - _ _ _ _ _ +6 diversification diversification NN - - n:x _ _ _ ARG1 +7 would would MD + + v_modal:e-h _ _ _ _ +8 be be VB - - _ _ _ _ _ +9 appropriate appropriate JJ - + a_to:e-p-i ARG1 _ ARG1 _ +10 . _ . - - _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ + +#22163021 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ +2 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +3 mart _generic_nn_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ +4 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +5 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +6 Antonini _generic_proper_ne_ NNP - - named:x-c _ _ poss compound ARG1 _ _ _ _ _ _ +7 is is VBZ - + v_id:e-p-i ARG2 _ _ _ _ _ _ _ _ _ _ +8 intent intent NN - + a_on:e-p-i _ _ _ _ ARG2 _ _ _ _ _ _ +9 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ +10 pushing push VBG - + v:e-i-p-h _ _ _ _ _ ARG2 _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +12 company company NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 _ _ +13 into into IN - + p:e-u-i _ _ _ _ _ _ ARG3 _ _ _ _ +14 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +15 retail retail JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ +16 businesses business NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22163022 +1 For for+instance IN - - a:e-h mwe _ _ _ _ _ _ _ _ _ _ _ _ +2 instance for+instance NN + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +5 mart _generic_nnp_ NNP - - n:x _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 opening open VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +9 food food NN - + n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 general general JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 merchandise merchandise NN - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +13 stores store NNS - - n:x _ _ _ _ _and_c _ compound _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 called call VBN - + v_name:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 hypermarkets _generic_nns_ NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 warehouse-type type NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +20 stores store NNS - - n:x _ _ _ _ _ _ _ _ compound ARG1 _ _ _ +21 specializing specialize VBG - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 office office NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 products product NNS - + n:x _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 sporting sporting NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +27 goods goods NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _and_c compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163023 +1 It it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ +3 operates operate VBZ - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ +4 Waldenbooks _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +6 Pay _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +7 Less _generic_proper_ne_ NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ +8 Drug _generic_proper_ne_ NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ +9 Stores _generic_proper_ne_ NNPS - + named:x-c _ _ conj _ _ compound _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +11 Builders _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _and_c _ _ _ +12 Square _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ +13 home home NN - + n_of-n:x _ _ _ _ _ _ _ _ _ _ +14 improvement improvement NN - + n:x _ _ _ _ _ _ _ _ compound _ +15 stores store NNS - - n:x _ ARG2 _ _ _ _ _ compound _ compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22163024 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 composite composite JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 trading trade NN - - v:e-i-p ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 York York NNP - + named:x-c _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +8 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Exchange exchange NNP - - n:x _ _ ARG2 BV _ compound compound _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 mart _generic_nnp_ NNP - - named:x-c _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ +13 closed close VBD + + v:e-i ARG1 _ _ _ _ _ _ _ _ loc ARG1 _ _ ARG1 _ +14 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ +17 36 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 up up RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 12.5 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 cents cent NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22163025 +1 Pace _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ +2 rose rise VBD - + v:e-i _ loc _ ARG1 _ _ _ _ _ _ +3 $ $ $ - + n:x _ _ ARG1 _ _ _ _ _ _ _ +4 2.625 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +5 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ +6 close close VB - - v:e-i _ _ _ ARG2 ARG1 _ _ ARG1 _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +9 22.125 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +10 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 share share NN - - n_of:x _ _ _ _ _ _ ARG2 _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +13 national national JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +14 over-the-counter over-+the-+counter JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ +15 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ ARG2 ARG1 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22163026 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +2 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ +3 mart _generic_nn_ NNP - + n:x _ compound _ _ _ _ _ _ _ +4 spokesman spokesman NN - - n:x BV _ compound ARG1 _ _ _ _ _ +5 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +7 acquisition acquisition NN - - n_of:x-i _ _ _ _ BV _ ARG2 _ _ +8 would would MD - + v_modal:e-h _ _ _ ARG2 _ _ _ _ _ +9 be be VB - - _ _ _ _ _ _ _ _ _ _ +10 financed finance VBN - + v:e-i-p _ _ _ _ _ ARG1 _ ARG1 _ +11 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +12 short-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ +13 borrowings borrowings NNS - - n:x _ _ _ _ _ _ _ ARG2 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22163027 +1 Under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 terms term NNS - + n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 agreement agreement NN - - n:x _ ARG1 BV _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 K k NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +9 mart _generic_nn_ NNP - + n:x _ _ _ _ compound _ _ _ _ _ _ _ +10 subsidiary subsidiary NN - - n:x _ _ _ BV _ compound _ ARG1 _ _ _ _ +11 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 soon soon RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +13 make make VB + + v:e-i-p-u ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 tender tender NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +16 offer offer NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +18 Pace _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +19 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 compound +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22164002 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 succeed succeed VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 Joel Joel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Chaseman _generic_proper_ne_ NNP - - named:x-c ARG2 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 remain remain VB - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 president president NN - + n_of:x-i _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 company company NN - - n_of:x-i _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 continue continue VB - + v:e-h _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 represent represent VB - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +20 Post-Newsweek _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stations station NNS - - n:x _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 industry industry NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 organizations organization NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 company company NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +29 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165001 +1 literally literally RB + - _ +2 . _ . - - _ + +#22165002 +1 Traders trader NNS - - n:x _ ARG1 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +2 nervously nervously RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 watching watch VBG - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Quotron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 electronic-data data NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 machines machine NNS - - n:x _ ARG2 poss compound compound _ _ _ _ _ _ _ _ _ _ _ _ +8 yesterday yesterday NN - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 morning morning NN - - n_of:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 stunned stun VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +12 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 see see VB - + v:e-i-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Jones Jones NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +17 Industrial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +18 Average _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ BV _ _ compound ARG1 _ _ _ +19 plummet plummet VB - + v:e-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ loc ARG1 +20 99 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 points point NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 seconds second NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165003 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 minute minute NN - - n:x BV _ _ _ _ _ _ _ _ _ +3 later later RB - - _ _ _ _ _ _ _ _ _ _ _ +4 it it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ +5 soared soar VBD + + v:e-i _ _ _ loc _ _ _ _ _ _ +6 128 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +7 points point NNS - + n_of:x _ _ ARG1 _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +9 then then RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +10 zoomed zoom VBN - - v:e-i _ _ _ _ ARG1 loc _ _ _ _ +11 back back RB - + place_n:x _ _ _ _ _ _ ARG1 _ _ _ +12 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +13 113 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +14 points point NNS - - n_of:x _ _ _ _ _ _ ARG2 ARG1 _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +16 69 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ ARG1 _ +17 below below IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +18 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ +19 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +20 close close RB - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 poss +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22165004 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ +4 crazy crazy JJ - + a:e-p _ ARG2 _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ +6 ” _ '' - - _ _ _ _ _ _ _ _ _ +7 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +8 Neil Neil NNP - + named:x-c _ _ _ _ _ _ _ _ +9 Weisman _generic_proper_ne_ NNP - - named:x-c _ ARG1 compound _ appos _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ +11 general general JJ - + n:x _ _ _ _ _ _ _ _ +12 partner partner NN - + n:x _ _ _ ARG1 _ ARG1 _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +14 Chilmark _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +15 Capital _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 compound compound +16 Corp Corp NNP - + n:x _ _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ _ + +#22165005 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ +4 like like IN + + p:e-u-i _ _ _ _ _ _ _ +5 flying fly VBG - - v:e-i ARG2 ARG1 _ ARG1 _ _ _ +6 without without IN - + p:e-u-i _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ +8 pilot pilot NN - - n_of:x-i _ ARG2 BV _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ +11 front front NN - - n:x _ _ _ ARG2 BV ARG1 _ +12 of of IN - + p:e-x-i _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ +14 plane plane NN - - n:x _ _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ + +#22165006 +1 But but CC + + c:i-i-i _ _ _ _ _ +2 those those DT - - x:x _ ARG1 _ ARG1 _ +3 who who WP - - _ _ _ _ _ _ +4 said say VBD - + v_to:e-i-h-i _ _ _ _ _ +5 “ _ `` - - _ _ _ _ _ _ +6 This this DT - - x:x _ _ _ ARG1 _ +7 ca can’t MD - - neg:e-h _ _ neg _ _ +8 n’t can’t VB - + neg:e-h _ ARG2 _ _ _ +9 be be VB - - _ _ _ _ _ _ +10 happening happen VBG - + v:e-i _ _ _ _ ARG1 +11 ” _ '' - - _ _ _ _ _ _ +12 were were VBD - - _ _ _ _ _ _ +13 right right RB - + a:e-e ARG2 _ _ _ _ +14 . _ . - - _ _ _ _ _ _ + +#22165007 +1 The the DT - + q:i-h-h _ _ +2 Quotrons _generic_proper_ne_ NNPS - - named:x-c BV ARG1 +3 were were VBD - - _ _ _ +4 wrong wrong JJ + + a_with:e-p _ _ +5 . _ . - - _ _ _ + +#22165008 +1 Quotron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Systems _generic_proper_ne_ NNP - - named:x-c compound compound _ _ appos ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Citicorp _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 unit unit NN - + n_of:x-i _ _ BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 blamed blame VBD + + v_for:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 30-minute minute JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 foul-up up NN - - n:x _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 timing time NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 problem problem NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 software software NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 caused cause VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 enormous enormous JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 volume volume NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +28 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 145 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ +32 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ +33 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 hour hour NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +37 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +40 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 Exchange exchange NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound compound _ +42 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ compound +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165009 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 prices price NNS - - n_of:x BV ARG1 _ _ _ _ ARG1 _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +5 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +6 stocks stock NNS - - n:x _ ARG2 BV ARG1 ARG1 _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +8 make make VB - + v_up:e-i-i _ _ _ _ _ _ _ _ _ _ +9 up up RP - - _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +11 average average NN - - n_of:x-i _ _ _ _ ARG2 BV _ _ _ _ +12 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ +13 correct correct JJ - + a:e-p _ _ _ _ _ _ _ ARG2 _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +15 Quotron _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ +16 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +18 but but CC - - _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +20 average average NN - - n_of:x-i _ _ _ _ _ _ _ _ BV ARG1 +21 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +22 wrong wrong JJ - + a_with:e-p _ _ _ _ _ _ _ ARG2 _ _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22165010 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ +3 there there EX - - _ _ _ _ _ _ +4 was was VBD + + v_there:e-i ARG1 _ _ _ _ +5 an an DT - + q:i-h-h _ _ _ _ _ +6 awful awful JJ - + a:e-p _ _ _ _ _ +7 lot lot NN - + n_of:x-i _ ARG1 BV ARG1 _ +8 of of IN - - _ _ _ _ _ _ +9 confusion confusion NN - - n:x _ _ _ _ ARG1 +10 . _ . - - _ _ _ _ _ _ + +#22165011 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 10:40 _generic_time_ne_ CD - + numbered_hour:i-u-u-c ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a.m. A.M. NN - - x:i-c _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 over-the-counter over-+the-+counter JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 trading trade NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 desk desk NN - - n:x _ _ _ ARG2 BV ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 firm firm NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 compound _ _ appos _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 veteran veteran JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 trader trader NN - + n:x _ _ _ _ _ _ _ _ _ _ _ BV compound _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 buys buy VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 sells sell VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +23 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +24 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 most most RBS - + superl:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 active active JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +28 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ part BV _ ARG1 _ _ _ _ _ _ _ +29 looked look VBD + + v:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +30 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 official official NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +34 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 asked ask VBD - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +36 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 What what WP - - thing:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +39 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 going go VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 +41 on on IN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 ? _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165012 +1 Is is VBZ - - _ _ _ +2 the the DT - + q:i-h-h _ _ +3 market market NN + - n:x BV ARG1 +4 up up RP - + p:e-i _ _ +5 or or CC - - _ _ _ +6 down down RP - - p:e-i _ _or_c +7 ? _ . - - _ _ _ +8 ” _ '' - - _ _ _ + +#22165013 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ +3 time time NN - - n_of:x ARG2 BV _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ +5 Quotron _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ +7 reporting report VBG + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ +8 that that IN - - _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ +10 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ +11 average average NN - - n_of:x-i _ _ _ BV ARG1 ARG1 _ +12 was was VBD - - _ _ _ _ _ _ _ _ +13 down down RB - + p:e-u-i _ _ ARG2 _ _ _ _ +14 70 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ +15 points point NNS - - n_of:x _ _ _ _ _ ARG2 ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ + +#22165014 +1 In in IN - + p:e-u-i _ _ +2 fact fact NN - - n:x ARG2 _ +3 , _ , - - _ _ _ +4 it it PRP - - pron:x _ ARG1 +5 was was VBD - - _ _ _ +6 up up RB + + p:e-u-i ARG1 _ +7 24 _generic_card_ne_ CD - - card:i-i-c _ ARG2 +8 . _ . - - _ _ _ + +#22165015 +1 Holly Holly NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Stark _generic_proper_ne_ NNP - - named:x-c compound _ _ appos _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 president president NN - + n_of:x-i _ BV compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 heads head VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 trading trade NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 desk desk NN - - n:x _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +12 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Dillon Dillon NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Read _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +15 Capital _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ compound compound _ _ _ _ _ _ _ _ _ +16 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 once once RB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +21 she she PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +22 figured figure VBD - + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ _ _ +23 out out RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Quotron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 numbers number NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ _ _ +27 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 wrong wrong JJ - + a_with:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 she she PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +31 called call VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +32 brokers broker NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +33 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +34 tell tell VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +35 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165016 +1 “ _ `` - - _ _ _ _ _ _ _ +2 It it PRP - - pron:x _ ARG1 _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ +4 been been VBN - - _ _ _ _ _ _ _ +5 kind kind+of NN - - n_of-n:x-i mwe _ _ _ _ _ +6 of kind+of IN - + p:e-x-i _ _ _ _ _ _ +7 annoying annoying JJ - + v_to:e-i-p ARG1 _ ARG1 _ _ _ +8 , _ , - - _ _ _ _ _ _ _ +9 to to TO - + x:e-h-h _ _ _ _ _ ARG2 +10 say say VB - + v:e-i-p _ _ ARG2 _ _ _ +11 the the+least DT - - q:i-h-h _ _ _ _ mwe _ +12 least the+least JJS - + q:i-h-h _ _ _ ARG2 _ _ +13 , _ , - - _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ +15 she she PRP - - pron:x _ _ _ _ _ ARG1 +16 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ + +#22165017 +1 To to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 confuse confuse VB - + v:e-i-p _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 matters matter NNS - - n_of:x-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 further further RBR - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Corp. Corp. NNP - + n:x _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 stock stock NN - - n:x _ _ _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 finally finally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 opened open VBD - + v:e-i _ _ ARG2 _ _ ARG1 _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Exchange exchange NNP - - n:x _ _ _ _ _ _ _ ARG2 BV _ compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 11:08 _generic_time_ne_ CD - + numbered_hour:i-u-u-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a.m. A.M. NN - - x:i-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +24 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 listed list VBN - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +26 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +28 324.75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 up up RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +33 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +35 45 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Friday Friday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +38 ; _ : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 in in+fact IN - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +40 fact in+fact NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 true true JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 ARG1 _ _ _ +45 was was VBD - + v_id:e-p-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ +46 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +47 224.75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +48 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +50 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +51 55 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +52 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165018 +1 That that DT - - x:x ARG1 _ _ _ _ _ +2 was was VBD + + v_id:e-p-i _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ +4 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +5 York York NNP - + named:x-c _ _ compound _ _ _ +6 Stock stock NNP - + n:x _ _ _ _ _ _ +7 Exchange exchange NNP - + n:x _ BV _ compound compound _ +8 ’s ’s NNS - - _ _ _ _ _ _ _ +9 blooper _generic_nn_ NN - - n:x ARG2 _ _ _ _ poss +10 . _ . - - _ _ _ _ _ _ _ + +#22165019 +1 A a DT - + q:i-h-h _ _ _ _ _ +2 spokesman spokesman NN - - n:x BV ARG1 _ _ _ +3 cited cite VBD + + v_for:e-i-p _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ +5 “ _ `` - - _ _ _ _ _ _ +6 technical technical JJ - + a:e-p _ _ _ _ _ +7 error error NN - - n:x _ ARG2 BV ARG1 _ +8 ” _ '' - - _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ +10 declined decline VBD - + v:e-i-h _ _and_c _ _ _ +11 to to TO - - _ _ _ _ _ _ +12 elaborate elaborate VB - - v:e-i-p _ _ _ _ ARG2 +13 . _ . - - _ _ _ _ _ _ + +#22165020 +1 And and CC + + c:i-i-i _ _ _ +2 there there EX - - _ _ _ _ +3 were were VBD - + v_there:e-i ARG2 _ _ +4 other other JJ - + a:e-i _ _ _ +5 blunders blunder NNS - - n:x _ ARG1 ARG1 +6 . _ . - - _ _ _ _ + +#22165021 +1 When when WRB + + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 market market NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 opened open VBD - + v:e-i ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 9:30 _generic_time_ne_ CD - + numbered_hour:i-u-u-c _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a.m. A.M. NN - - x:i-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 EST est NNP - + timezone_p:e-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 reporter reporter NN - - n_of:x-i _ _ _ _ _ _ BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +12 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Reuters _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 newswire _generic_nn_ NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ +16 miscalculated calculate VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 industrial industrial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 average average NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +20 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 drop drop NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ poss ARG1 _ _ _ _ _ _ +22 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 4 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +26 decline decline NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ +27 when when WRB - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +29 really really RB - - a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +30 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 down down RB - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +32 0.7 _generic_decimal_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165022 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 case case NN - + n_of:x-i ARG2 BV _ _ _ _ _ _ _ _ _ _ +6 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 human human JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +8 error error NN - - n:x _ _ ARG1 ARG1 ARG2 _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 we we PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 found find VBD - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ +13 almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ +14 immediately immediately RB - + a:e-e _ _ _ _ _ ARG1 _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +16 corrected correct VBN - - v:e-i-p _ _ _ _ _and_c _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +20 spokesman spokesman NN - - n:x _ _ _ _ _ _ _ BV ARG1 ARG1 _ ARG1 +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +22 Reuter _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG2 _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +24 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +25 York York NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG2 compound _ +26 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165023 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 currency currency NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 traders trader NNS - - n:x _ BV compound ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 West _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 German German JJ - + a:e-p _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +9 banks bank NNS - - n_of:x-i _ _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Frankfurt Frankfurt NNP - - named:x-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +12 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 they they PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +14 sold sell VBD - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ +15 dollars dollar NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +16 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 news news NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +19 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 had have VBD - + v_qmodal:e-h _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 buy buy VB - + v_back:e-i-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc ARG1 _ +23 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +24 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 later later RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165024 +1 But but CC + + c:i-i-i _ _ _ _ _ _ +2 it it PRP - - _ _ _ _ _ _ _ +3 was was VBD - + v_itcleft:e-i-h ARG2 _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 Quotron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ +6 problems problem NNS - - n_of:x-i _ ARG2 BV compound ARG1 _ +7 that that WDT - - _ _ _ _ _ _ _ +8 had have VBD - + v:e-i-i _ _ _ _ _ _ +9 lingering linger VBG - + v:e-i _ _ _ _ _ _ +10 effects effect NNS - - n:x _ _ _ _ ARG2 ARG1 +11 . _ . - - _ _ _ _ _ _ _ + +#22165027 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +3 start start NN - - n:x ARG2 BV ARG1 _ loc _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +5 trading trade VBG - - v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ +6 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 Wednesday Wednesday NNP - + dofw:x-c _ _ _ ARG1 _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +10 average average NN - - n_of:x-i _ _ _ _ _ BV _ ARG1 _ _ +11 appeared appear VBD + + v_to:e-i-h ARG1 _ _ _ _ _ _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +13 plunge plunge VB - + v_into:e-i _ _ _ _ _ _ ARG2 _ ARG1 _ +14 more more+than JJR - - p:e-u-i _ _ _ _ _ _ _ _ mwe _ +15 than more+than IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +16 200 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +17 points point NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 ARG1 +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22165028 +1 Actually actually RB + + a:e-h _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ +3 it it PRP - - pron:x _ ARG1 _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ +5 down down RB - + p:e-u-i ARG1 _ _ _ ARG1 _ +6 only only RB - + x:e-u _ _ _ _ _ _ +7 a a+few DT - - a:e-p _ _ _ mwe _ _ +8 few a+few JJ - + a:e-p _ _ ARG1 _ _ _ +9 points point NNS - - n_of:x _ ARG2 _ ARG1 _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ +12 time time NN - - n_of:x _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ + +#22165029 +1 Quotron _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 snafu _generic_nn_ NN - - n:x _ BV ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 lasted last VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 nine nine CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 minutes minute NNS - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 resulted result VBN - + v_from:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +12 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 failure failure NN - + n:x-h _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 adjust adjust VB - - v_to:e-i-p _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 4-for-1 _generic_proper_ne_ JJ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 split split NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound compound ARG1 _ _ +22 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Philip Philip NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Morris Morris NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +25 Cos cos. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22165030 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 Quotron _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +3 spokeswoman _generic_nn_ NN - - n:x BV compound ARG1 _ _ _ _ _ +4 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +5 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ +6 software software NN - + n:x _ _ _ _ _ _ _ _ +7 changes change NNS - - n_of:x-i _ _ _ ARG1 compound _ ARG2 _ +8 may may MD - + v_modal:e-h _ _ ARG2 _ _ _ _ _ +9 have have VB - - _ _ _ _ _ _ _ _ _ +10 contributed contribute VBN - + v_to:e-i-p-i _ _ _ _ _ ARG1 _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ +12 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ +13 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ +14 problems problem NNS - - n_of:x-i _ _ _ _ _ _ ARG3 poss +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22165031 +1 She she PRP - - pron:x ARG1 _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ +3 Quotron _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ +4 switched switch VBD - + v_from-to:e-i-p-i-i _ _ _ _ ARG1 _ _ +5 to to TO - - _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ +7 backup backup JJ - + n:x _ _ _ _ _ _ _ +8 system system NN - - n_of:x-i _ ARG4 BV compound _ _ _ +9 until until IN - + x:e-h-h ARG2 _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ +11 problems problem NNS - - n_of:x-i _ _ _ _ _ BV ARG2 +12 were were VBD - - _ _ _ _ _ _ _ _ +13 corrected correct VBN - + v:e-i-p _ _ _ _ ARG2 _ _ +14 . _ . - - _ _ _ _ _ _ _ _ + +#22165032 +1 “ _ `` - - _ _ _ _ +2 Today today NN - - n:x ARG1 _ ARG2 +3 of of IN - + p:e-x-i _ _ _ +4 all all DT - + q:i-h-h _ _ _ +5 days day NNS - - n_of:x-i ARG2 BV _ +6 , _ , - - _ _ _ _ +7 ” _ '' - - _ _ _ _ +8 she she PRP - - pron:x _ _ ARG1 +9 lamented lament VBD + + v:e-i-p _ _ _ +10 . _ . - - _ _ _ _ + +#22165033 +1 “ _ `` - - _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ +3 eyes eye NNS - - n:x BV ARG1 _ ARG1 +4 of of IN - + p:e-x-i _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ +6 world world NN - - n_of:x-i _ ARG2 BV _ +7 were were VBD - - _ _ _ _ _ +8 watching watch VBG + + v:e-i-p _ _ _ _ +9 us us PRP - - pron:x _ _ _ ARG2 +10 . _ . - - _ _ _ _ _ + +#22166001 +1 Steven Steven NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 F. F. NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ +3 Kaplan _generic_proper_ne_ NNP - - named:x-c _ compound ARG3 _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ +5 named name VBN + + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +8 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ +9 president president NN - + n_of:x-i _ _ ARG2 BV ARG1 compound _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +11 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +12 graphics graphics NNS - + n:x _ _ _ _ _ _ _ _ _ _ +13 equipment equipment NN - + n:x _ _ _ _ _ _ _ _ compound _ +14 company company NN - - n_of:x-i _ _ _ _ _ _ ARG1 BV _ compound +15 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22167001 +1 Houston Houston NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 attorney attorney NN - + n:x compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Dale Dale NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Friend _generic_proper_ne_ NNP - - named:x-c _ compound compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 representing represent VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 plaintiff plaintiff NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 damage damage NN - + n_to:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 suit suit NN - - n_of:x-i _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +16 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 negotiated negotiate VBN - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 settlement settlement NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +20 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 strike strike VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 blow blow NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +25 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 client client NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167002 +1 Literally literally RB + - _ +2 . _ . - - _ + +#22167003 +1 It it PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 turns turn VBZ + + v_out:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 out out IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Friend _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 client client NN - - n:x ARG2 _ poss _ appos _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Machelle _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Parks Parks NNP - + named:x-c _ _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Cincinnati Cincinnati NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 n’t didn’t NN + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 like like IN - + v:e-i-p _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 way way NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +19 defense defense NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 attorney attorney NN - + n:x _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +21 Tom Tom NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Alexander Alexander NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ compound compound ARG1 _ _ _ +23 acted act VBD - + v:e-i _ _ _ _ _ _ _ _ _ loc _ _ _ _ ARG1 _ _ +24 during during IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 legal legal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 proceedings proceedings NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167004 +1 So so IN + + a_thus:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 she she PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 agreed agree VBN - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 forgo _generic_vb_ VB - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 monetary monetary JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 damages damages NNS - - n:x _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ +9 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Alexander Alexander NNP - + named:x-c _ _ _ _ _ compound _ _ _ _ _ _ _ +12 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 client client NN - - n:x _ _ _ _ ARG2 _ poss ARG1 _ _ _ _ _ +14 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 return return NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 right right NN - + n:x-h _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 punch punch VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +22 attorney attorney NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167005 +1 Ms. MS NNP - + n:x _ _ _ _ _ _ +2 Parks Parks NNP - + named:x-c compound _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ +4 mother mother NN - - n_of:x-i _ poss _ ARG1 _ _ +5 also also RB + + a:e-h _ _ _ _ _ _ +6 gets get VBZ - + v_from-to:e-i-p-i-i _ _ ARG1 _ _ _ +7 to to TO - - _ _ _ _ _ _ _ +8 cuff cuff VB - + v:e-i-p _ _ _ ARG1 _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +10 Alexander Alexander NNP - - named:x-c _ _ _ _ ARG2 compound +11 . _ . - - _ _ _ _ _ _ _ + +#22167006 +1 So so RB + + a_thus:e-h _ _ _ _ _ _ _ _ +2 does do VBZ - + _ ARG1 _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ +4 Friend _generic_proper_ne_ NNP - + named:x-c _ ARG2 compound _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ +6 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +7 law law NN - + n:x _ _ _ _ _ _ _ _ +8 partner partner NN - - n:x _ _ _ _and_c poss compound _ appos +9 , _ , - - _ _ _ _ _ _ _ _ _ +10 Nick Nick NNP - + named:x-c _ _ _ _ _ _ _ _ +11 Nichols _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ +12 . _ . - - _ _ _ _ _ _ _ _ _ + +#22167008 +1 Last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 month month NN - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Friend _generic_proper_ne_ NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ +6 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Alexander Alexander NNP - + named:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ +10 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 associate associate VBP - - n_of:x-i _ _ _ _ poss ARG1 _ _ _ _ _ _ _ +12 agreed agree VBN - + v_with:e-i-h-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Derr _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +15 would would MD - + v_modal:e-h _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +16 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +17 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ +18 50,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ +19 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 part part NN - + part_of:i-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +23 overall overall JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 settlement settlement NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ part BV ARG1 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167009 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ +2 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +3 Alexander Alexander NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ +4 scuttled scuttle VBD - + v:e-i-p _ _ _ _ ARG1 _ _ subord _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 deal deal NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ +7 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +9 last last JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +10 minute minute NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 angering anger VBG - + v:e-i-p ARG2 _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +14 plaintiff plaintiff NN - + n:x _ _ _ _ _ _ _ _ BV _ +15 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +16 side side NN - - n:x _ _ _ _ _ _ _ ARG2 _ poss +17 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22167010 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ +3 never never RB - + a:e-h _ _ _ ARG2 _ _ _ _ _ _ +4 agreed agree VBD - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +6 it it PRP - - pron:x _ ARG2 _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +10 Alexander Alexander NNP - - named:x-c _ _ compound ARG1 _ _ _ _ _ _ +11 says say VBZ - + v_to:e-i-h-i _ _ _ _ subord _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +13 adding add VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +14 that that IN - - _ _ _ _ _ _ _ _ _ _ _ +15 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +16 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ +17 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +18 not not RB - + neg:e-h _ _ _ _ ARG2 _ _ _ _ _ +19 necessary necessary JJ - + a_for:e-h-i _ _ _ _ _ neg _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +21 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ _ ARG1 _ _ _ +22 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ +23 nuisance nuisance JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +24 settlements settlement NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV ARG1 +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ + +#22167011 +1 When when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Parks Parks NNP - + named:x-c _ compound _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 mother mother NN - - n_of:x-i _ _ _and_c poss _ _ _ _ _ _ _ _ _ _ _ +7 heard hear VBN - + v:e-i-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 what what WP - - thing:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +10 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 happened happen VBN - + v:e-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Friend _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ +15 says say VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 they they PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +18 volunteered volunteer VBD - + v:e-i-h-i _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +21 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 like like VB - + v:e-i-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 give give VB - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +25 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Alexander Alexander NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG3 compound _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 walloping _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 _ BV ARG1 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167012 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Friend _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 passed pass VBD - + v:e-i-h _ ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 along along IN - + x:e-h-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 adversary adversary NN - - n:x _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 soon soon RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +15 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 talking talk VBG - + v_about:e-p _ _ _and_c _ _ _ loc _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +17 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ground ground NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 rules rule NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 BV compound ARG2 _ _ _ _ _ _ _ _ +21 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Derr _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +24 could could MD - - v_modal:e-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 keep keep VB - + v_unspec:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +26 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 money money NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 plaintiffs plaintiff NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ +31 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 take take VB - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +33 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 shot shot NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +35 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Alexander Alexander NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167014 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +2 Friend _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ +5 agreed agree VBD - + v:e-i-h _ ARG2 _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ +7 strike strike VB - + v:e-i _ _ ARG2 _ _ ARG1 _ +8 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ +9 Alexander Alexander NNP - - named:x-c _ _ _ ARG2 compound _ _ +10 above above IN - + p:e-u-i _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ +12 belt belt NN - - n:x _ _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ _ + +#22167015 +1 Ms. ms. NNP - + n:x _ _ _ _ _ _ _ _ _ +2 Parks Parks NNP - + named:x-c compound _ _ ARG1 _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ +4 her her PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 mother mother NN - - n_of:x-i _ _and_c poss _ _ _ _ _ _ +6 indicated indicate VBD - + v:e-i-h-i _ _ _ _ _ _ _ _ ARG2 +7 they they PRP - - pron:x _ _ _ _ ARG1 _ _ _ _ +8 want want VBP - + v:e-i-h _ _ _ ARG2 _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ +10 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +11 catch catch VB - + v:e-i-p _ _ _ _ ARG2 _ ARG1 _ _ +12 him him PRP - - pron:x _ _ _ _ _ ARG2 _ _ _ +13 unawares unawares RB - + a:e-e _ _ _ _ _ _ _ ARG1 _ +14 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +15 behind behind RB - - time_n:x _ _ _ _ _ _ _ ARG2 _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +18 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +19 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22167016 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Alexander Alexander NNP - - named:x-c compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 part part NN - - n:x _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 insisted insist VBD + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 punchers _generic_nns_ NNS - - n:x _ _ _ _ BV _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 ca can’t MD - + neg:e-h _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 n’t can’t VB - + neg:e-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 assign assign VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 pummeling _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 rights right NNS - - n:x _ _ _ _ _ _ _ ARG2 poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 anyone anyone NN - - person:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +20 else else RB - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ +23 n’t can’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 use use VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 blunt blunt JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 instrument instrument NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +28 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 ca can’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ +30 n’t can’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 take take VB - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +32 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 running run VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 start start NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22167017 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +2 Alexander Alexander NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ +5 regards regard VBZ - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 agreement agreement NN - - n:x _ _ ARG2 BV _ ARG2 _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +9 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ +10 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ +11 n’t hasn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ +12 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ +13 submitted submit VBN - + v_to:e-i-p-i _ _ _ _ neg _ _ ARG1 _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 judge judge NN - - n_of:x-i _ _ _ _ _ ARG3 BV _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +18 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +19 something something NN - - thing:x _ _ _ _ _ _ _ ARG2 ARG1 _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +22 joke joke NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22167018 +1 However however RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ +4 acknowledges acknowledge VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ +5 they they PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +7 have have VBP - + v:e-i-i _ _ _ _ _ _ _ _ ARG1 _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +9 option option NN - - n:x _ _ ARG2 BV ARG1 _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +11 taking take VBG - + v:e-i-p-u _ _ _ _ ARG2 _ _ ARG1 _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 swat _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ _ +14 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +15 me me PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ +16 if if IN - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ +17 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 +18 really really RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ +19 want want VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ ARG1 _ +20 to to TO - - ellipsis:e-u _ _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ +22 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22167019 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ +2 Friend _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ +3 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ _ +5 side side NN - - n:x _ _ poss _ ARG1 +6 is is VBZ - - _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ +8 dead dead RB - + a:e-e _ _ _ _ _ +9 serious serious JJ - + a:e-p _ ARG2 _ ARG1 _ +10 . _ . - - _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ + +#22167020 +1 Although although IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 they they PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t don’t RB - + neg:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 contemplate contemplate VB - + v:e-i-h _ neg _ _ _ _ _ _ _ _ _ _ _ _ +6 delivering deliver VBG - + v_to:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 disabling disable VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 blows blow NNS - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 he he PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 says say VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Alexander Alexander NNP - - named:x-c _ _ _ _ _ _ _ compound ARG2 _ _ _ _ _ +16 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 asked ask VBN - + v:e-i-i-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +19 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 sign sign VB - + v:e-i-p _ _ _ _ _ _ _ _ ARG3 _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 release release NN - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 liability liability NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 just just+in+case RB - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +27 in just+in+case IN - - a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +28 case just+in+case NN - + a:e-e _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168002 +1 As as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 markets market NNS - - n:x _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 rebounded rebound VBD - + v:e-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 trading trade VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 volume volume NN - - n_of:x-i _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Mercantile _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Exchange _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ BV _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 huge huge JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Standard Standard+&+Poor+’s NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +16 & Standard+&+Poor+’s CC - - named:x-c _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +17 Poor Standard+&+Poor+’s NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +18 ’s Standard+&+Poor+’s VBZ - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 500 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +20 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ _ _ _ _ +22 pit pit NN - - n:x _ _ _ _ ARG2 _ _ _ poss ARG1 _ _ _ compound _ _ _ _ _ _ _ _ +23 soared soar VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 reaching reach VBG - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 near-record record JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 levels level NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ +28 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +32 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 October October NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 loc +34 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168003 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 sudden sudden JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +3 influx influx NN - - n:x BV ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ +4 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +5 liquidity liquidity NN - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +6 enabled enable VBD - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +7 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 traders trader NNS - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 reap reap VB - + v:e-i-p _ _ _ ARG3 _ _ _ _ _ _ _ _ _ +11 six-figure figure JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 windfalls _generic_nns_ NNS - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +15 matter matter NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 minutes minute NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +18 as as IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +19 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +20 soared soar VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +23 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168004 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 Guys guy NNS - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ +3 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +4 minting mint VBG - + v:e-i-p _ ARG1 ARG2 _ _ _ _ _ _ _ _ +5 money money NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ +6 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +7 there there EX - - place_n:x _ ARG2 _ _ _ _ _ _ _ _ _ +8 today today NN - - time_n:x _ ARG2 _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +11 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +12 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +13 Legittino _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 compound _ _ appos _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +16 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ +17 broker broker NN - + n:x _ _ _ _ BV compound _ ARG1 _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +19 Elders _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +20 Futures _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ ARG2 compound compound ARG1 +21 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +23 Chicago Chicago NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22168005 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 S&P _generic_nn_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 500 _generic_card_ne_ CD - + card:i-i-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 contract contract NN - - n:x BV _ compound compound ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 moves move VBZ - + v:e-i _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 fractions fraction NNS - + n_of:x-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 index index NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 point point NN - - n_of:x _ _ _ _ _ _ ARG1 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 normal normal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 conditions condition NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 jumped jump VBD + + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc ARG1 loc _ ARG1 _ _ _ _ _ _ _ +20 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - + interval_p_end:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +22 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 points point NNS - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 seconds second NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +26 early early JJ - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ +27 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 initial initial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 downturn _generic_nn_ NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 then then RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 moved move VBD - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ +35 strongly strongly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +37 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 rest rest NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than BV _ _ +39 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 day day NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV +42 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168006 +1 Each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 index index NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +3 point point NN - - n_of:x BV compound ARG1 _ _ _ _ _ _ _ _ +4 represents represent VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +6 $ $ $ - + n:x _ _ _ _ _ ARG1 _ _ _ _ _ +7 500 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +8 profit profit NN - - n:x _ _ ARG2 BV compound _ ARG1 _ _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 S&P _generic_nnp_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +12 500 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ compound _ _ +13 contract contract NN - - n:x _ _ _ _ _ _ ARG2 BV _ compound ARG2 +14 held hold VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +15 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22168007 +1 For for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 time time NN - - n_of:x ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 crash crash NN - - n:x _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 traders trader NNS - - n:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 said say VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +14 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 able able JJ - + a:e-i-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +16 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 trade trade VB - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ _ ARG1 _ ARG1 _ _ _ +18 several several JJ - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 hundred hundred CD - - card:i-i-c _ _ _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ +20 S&P _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 500 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times compound _ _ _ _ _ _ _ +22 contracts contract NNS - - n:x _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ _ _ _ +23 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +26 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 highly highly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 liquid liquid JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +30 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168008 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 institutions institution NNS - + n:x ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 investors investor NNS - - n:x _ _and_c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 shied shy VBN - + v_away:e-i-u _ _ _ _ _ _ subord _ _ _ _ _ _ _ _ +8 away away RB - - p:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 futures future NNS - - n:x _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 blaming blame VBG + + v_on:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 them them PRP - - pron:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +15 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 speeding speed VBG - + v:e-i-p _ _ _ _ _ _ ARG3 _ _ _ _ _ _ _ ARG1 +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 market market NN - + n:x _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +20 crash crash NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ +21 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Monday Monday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +24 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 +26 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168009 +1 Since since IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 crash crash NN - - n:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 traders trader NNS - - n:x _ _ ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 have haven’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 n’t haven’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 assumed assume VBN - + v:e-i-p ARG1 _ _ _ neg _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +11 large large JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 positions position NNS - - n_of:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 fear fear NN - + n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 S&P _generic_nnp_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 500 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +19 market market NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 much much RB - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +23 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 customer customer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 order order NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +27 flow flow NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ part poss _ compound _ _ _ _ +28 missing miss VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +31 dry dry VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +32 up up RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 if if IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ +35 turned turn VBN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +36 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168010 +1 More more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ +2 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ +3 400 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +4 traders trader NNS - - n:x than ARG1 _ _ _ _ _ _ _ _ _ +5 jammed jam VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +7 S&P _generic_nn_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +8 500 _generic_card_ne_ CD - + yofc:x-c _ _ _ _ compound _ _ _ _ _ _ +9 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ +10 pit pit NN - - n:x _ _ ARG2 BV _ compound compound _ _ _ _ +11 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +12 await await VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 opening open NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ +15 bell bell NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22168011 +1 Traders trader NNS - - n:x ARG1 _ _ _ _ _ _ _ +2 were were VBD - - _ _ _ _ _ _ _ _ _ +3 shouting shout VBG + + v:e-i-p _ _ _ _ _ _ _ _ +4 bids bid NNS - - n:x ARG2 _ _ _ _ _ _ _ +5 and and CC - - _ _ _ _ _ _ _ _ _ +6 offers offer VBZ - + v:e-i-p _and_c _ _ _ _ _ _ _ +7 a a+full DT - - q:i-h-h _ _ mwe _ _ _ _ _ +8 full a+full JJ - + a_of:e-p-i _ _ _ _ _ _ _ _ +9 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ +10 minutes minute NNS - - n:x _ ARG2 ARG1 ARG1 ARG1 _ _ _ +11 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +13 start start NN - - n:x _ _ _ _ ARG2 BV ARG1 ARG1 +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +15 trading trade NN - - v:e-i-p _ _ _ _ _ _ ARG2 _ +16 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ +17 8:30 _generic_time_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ ARG2 +18 am AM VBP - - _ _ _ _ _ _ _ _ _ + +#22168012 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 contract contract NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 fell fall VBD + + v:e-i _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 points point NNS - + n_of:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 open open JJ - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +9 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 323.85 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 maximum maximum JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 opening open NN - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 move move NN - - n:x _ _ _ _ _ _ _ BV ARG1 compound ARG2 _ _ _ _ _ _ +16 allowed allow VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +17 under under IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 safeguards safeguard NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG2 _ _ _ _ +19 adopted adopt VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Merc _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 stem stem VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 slide slide NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168013 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ +2 several several JJ - + a:e-p _ _ _ _ _ _ _ _ +3 traders trader NNS - - n:x _ ARG1 _ ARG1 _ _ _ _ +4 quickly quickly RB - + a:e-e _ _ _ _ _ _ _ _ +5 stepped step VBD - + v_up:e-i-i _ _ ARG1 _ _ _ _ subord +6 up up RP - - _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ +8 bid bid NN - - n:x _ _ _ ARG2 ARG1 _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 contracts contract NNS - - n:x _ _ _ _ ARG2 _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ +12 driving drive VBG - + v:e-i-p _ _ _ _ _ _ _ subord +13 prices price NNS - - n_of:x _ _ _ _ _ ARG2 _ _ +14 sharply sharply RB - + a:e-e _ _ _ _ _ _ _ _ +15 higher higher JJR - + a:e-i ARG2 _ _ _ _ _ ARG1 _ +16 . _ . - - _ _ _ _ _ _ _ _ _ + +#22168014 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 market market NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 hovered hover VBD - + v:e-i _ _ ARG1 _ _ _ ARG1 _ _ _ _ subord _ _ _ _ _ +4 near near IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 closing close VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 price price NN - + n_of:x-i _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 328.85 _generic_proper_ne_ CD - - card:i-i-c _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 a a+half DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 half a+half NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 hour hour NN - - n:x _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 moving move VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ +18 several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 index index NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 points point NNS - - n_of:x _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ _ +21 higher higher JJR + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 lower lower JJR - - a:e-i _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ +24 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 seconds second NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 then then RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 broke break VBD - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ subord _ _ +29 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +30 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 n’t didn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _but_c _ _ _ _ _ +33 look look VB - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg loc +34 back back RB - + place_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168015 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 S&P _generic_nnp_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 500 _generic_card_ne_ CD - + card:i-i-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ +4 contract contract NN - - n:x BV _ compound ARG1 _ ARG1 _ _ _ _ _ _ _ _ +5 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 expires expire VBZ - + v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 December December NNP - - mofy:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +9 closed close VBD + + v:e-i _ _ _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ +10 up up RP - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 record record NN - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 15.65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 points point NNS - - n_of:x _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +15 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 volume volume NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 nearly nearly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 80,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +20 contracts contract NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168017 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 You you PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ +3 could could MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ +4 buy buy VB - + v:e-i-p ARG1 _ ARG1 _ _ _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +7 bid bid NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +9 sell sell VB - + v:e-i-p _ _and_c _ _ _ ARG1 _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 offer offer NN - - n:x _ _ _ _ _ ARG2 BV _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +14 make make VB - + v:e-i-p-u _ _ _ _ _and_c _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +16 fortune fortune NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +19 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 +20 marveled marvel VBD - + v:e-i-p conj _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22168018 +1 Several several JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +2 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +4 Street _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ +5 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ +7 securities securities NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +8 firms firm NNS - - n:x part _ poss ARG1 compound ARG1 _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 including include VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +11 Salomon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +12 Brothers _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ ARG2 compound _ compound _ _ _ +13 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 PaineWebber _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _and_c _ compound _ _ +16 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +19 also also RB - - a:e-h _ _ _ _ _ _ _ _ _ _ _ ARG2 +20 large large JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +21 buyers buyer NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +23 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 +24 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168019 +1 Salomon _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +2 Brothers _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ +4 among among IN - + p:e-u-i _ _ _ _ _ _ _ loc ARG2 +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ +7 sellers seller NNS - + n_of:x-i _ ARG2 BV ARG1 _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ +9 stock-index index JJ - + n:x _ _ _ _ _ _ _ _ _ +10 futures future NNS - - n:x _ _ _ _ ARG1 compound _ _ _ +11 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 week week NN - + n:x _ _ _ _ _ _ ARG1 _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 traders trader NNS - - n:x _ _ _ _ _ _ _ _ ARG1 +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22168020 +1 Brokerage _generic_proper_ne_ NN - + named:x-c _ _ _ _ _ _ _ _ +2 firms firm NNS - - n:x compound ARG1 _ _ ARG1 _ _ _ +3 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +5 rule rule NN - - n_of:x _ ARG2 BV _ _ _ _ _ +6 do don’t VBP - - _ _ _ _ _ _ _ _ _ +7 n’t don’t JJ + + neg:e-h _ _ _ _ _ _ _ _ +8 comment comment NN - + v_on:e-i-i _ _ _ neg _ ARG1 _ _ +9 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ +11 market market NN - + n:x _ _ _ _ _ _ _ _ +12 activity activity NN - - n:x _ _ _ _ _ ARG2 poss compound +13 . _ . - - _ _ _ _ _ _ _ _ _ + +#22168021 +1 Unlike unlike IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 week week NN - - n:x ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 following follow VBG - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 Black _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Monday Monday NNP - - dofw:x-c _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ +7 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 years year NNS - - n:x _ _ _ _ ARG1 ARG2 _ _ _ _ _ _ _ _ _ _ _ +9 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 traders trader NNS - - n:x _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ ARG1 _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 S&P _generic_nnp_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 500 _generic_card_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +17 pit pit NN - - n:x _ _ _ _ _ _ _ ARG2 BV _ compound _ _ _ _ _ _ +18 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 uncharacteristically _generic_rb_ RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 circumspect _generic_jj_ JJ - + a:e-u ARG1 _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ +23 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 one-day day JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 profits profit NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22168022 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 With with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 FBI FBI NNP - - named:x-c ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 around around IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 here here RB - - place_n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 bragging brag NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 rights right NNS - - n:x _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 are are VBP - + v_id:e-p-i ARG1 _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 thing thing NN - - n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 past past JJ - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 trader trader NN - - n:x _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 referring refer VBG - + v_to:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 investigation investigation NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +27 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 futures futures NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ ARG1 _ _ _ _ _ _ _ _ _ +30 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 far far RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ comp_so _ _ _ _ _ _ _ _ _ _ _ +33 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 resulted result VBN - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +35 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 46 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 indictments indictment NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG2 _ _ _ _ _ _ _ +38 lodged lodge VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +39 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 individuals individual NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +41 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 Merc _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +44 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 Chicago Chicago NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 Board _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c BV compound ARG1 +48 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 Trade _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +50 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169001 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 market market NN - - n:x BV ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +3 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 $ $ $ - - n:x _ ARG2 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 200 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 billion billion CD - + card:i-i-c _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 high-yield yield JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 bonds bond NNS - - n:x _ _ _ _ ARG2 compound compound _ _ _ _ _ _ _ _ _ _ _ +11 regained regain VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +12 some some DT - + q:i-h-h _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 footing footing NN - - n:x _ _ _ _ _ _ _ _ part poss _ _ _ _ _ _ _ _ +16 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Jones Jones NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ +20 Industrial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +21 Average _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ BV _ _ compound ARG1 _ _ +22 rebounded rebound VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 _ +23 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 plunge plunge NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169002 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +3 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ +4 recovery recovery NN - - n:x _ BV compound ARG2 _ _ _ _ ARG1 +5 , _ , - - _ _ _ _ _ _ _ _ _ _ +6 led lead VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ +7 by by IN - - _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +9 bellwether _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ +10 RJR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +11 Holdings Holdings NNP - + named:x-c _ _ _ _ _ compound compound _ _ +12 bonds bond NNS - - n:x _ _ _ ARG1 BV _ _ compound _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ +14 was was VBD - - _ _ _ _ _ _ _ _ _ _ +15 precarious precarious JJ - + a:e-p ARG2 _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22169003 +1 No no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +2 trading trade NN - - v:e-i-p BV ARG1 _ _ _ _ _ _ _ _ +3 existed exist VBD - + v:e-i _ _ ARG1 _ _ _ _ _ _ ARG2 +4 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +6 vast vast JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +7 majority majority NN - + n_of:x-i _ _ ARG2 BV ARG1 _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ +9 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ +10 bonds bond NNS - - n:x _ _ _ _ _ ARG1 compound _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +12 securities securities NNS - + n:x _ _ _ _ _ _ _ _ _ _ +13 industry industry NN - + n:x _ _ _ _ _ _ _ compound _ _ +14 officials official NNS - - n:x _ _ _ _ _ _ _ _ compound ARG1 +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22169004 +1 On on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Friday Friday NNP - - dofw:x-c ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 trading trade NN - - v:e-i-p _ ARG1 _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ +5 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 practically practically RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 every every DT - + q:i-h-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 issue issue NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ground grind NN - - n:x _ ARG2 _ BV compound _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 halt halt NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +13 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 buyers buyer NNS - - n_of:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +16 fled flee VBD + + v_from:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 firms firm NNS - - n:x _ _ _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ +20 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 unwilling unwilling JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ +22 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 provide provide VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ +24 bid bid NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 offer offer NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ +27 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ +28 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 issues issue NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169006 +1 “ _ `` - - _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ +3 we we PRP - - pron:x _ ARG1 _ _ _ _ +4 had have VBD - + v:e-i-i ARG2 _ _ _ _ loc +5 a a DT - + q:i-h-h _ _ _ _ _ _ +6 fairly fairly RB - + a:e-e _ _ _ _ _ _ +7 active active JJ - + a:e-p _ _ _ ARG1 _ _ +8 day day NN - - n_of:x-i _ ARG2 BV _ ARG1 _ +9 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ +10 . _ . - - _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ + +#22169007 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Drexel Drexel NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Burnham _generic_proper_ne_ NNP - + named:x-c _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Lambert Lambert NNP - - named:x-c ARG2 _ compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Inc. Inc. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 leading lead JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 underwriter underwriter NN - - n:x _ _ _ _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 bonds bond NNS - - n:x _ _ _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 I I PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 prepared prepared VBN - + a:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 bad bad JJ - + a_at:e-p-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +24 mood mood NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 tonight tonight NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 compound _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 David David NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 Feinman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ appos +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 bond bond NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +35 trader trader NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ compound _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169008 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 Now now RB + + a:e-h _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ +4 I I PRP - - pron:x _ ARG1 _ _ _ _ _ +5 feel feel VBP - + v_seem-about:e-u-h-i ARG1 _ _ _ _ _ _ +6 maybe maybe RB - + a:e-h _ ARG2 _ _ _ _ _ +7 there there EX - - _ _ _ _ _ _ _ _ +8 ’s ’s VBZ - + v_there:e-i _ _ ARG1 _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ +10 little little JJ - + a:e-p _ _ _ _ _ _ _ +11 bit bit NN - + n_of:x-i _ _ _ ARG1 BV ARG1 _ +12 of of IN - - _ _ _ _ _ _ _ _ +13 euphoria _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG1 +14 . _ . - - _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ + +#22169009 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 before before IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 market market NN - - n:x _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 rebounded rebound VBD - + v:e-i _ ARG2 _ _ _ ARG1 _ _ _ loc _ _ _ _ _ _ _ _ _ +7 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 sharp sharp JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 early early JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 sell-off sell-+off NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +12 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +15 said say VBD - + v_to:e-i-h-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 You you PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +19 could couldn’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ +20 n’t couldn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +21 buy buy VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +22 { _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 bonds bond NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ +25 } _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 you you PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +28 could couldn’t MD - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ neg _ _ +29 n’t couldn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 give give VB - + v_up:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 +31 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ +32 away away RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169010 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 rally rally NN - - n:x poss ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 led lead VBN + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 RJR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Holdings Holdings NNPS - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 13 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 3/4 _generic_fract_ne_ CD - + fraction:i-i-c _ _ _ _ plus _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 % % NN - + n_of:x _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 bonds bond NNS - - n:x _ ARG1 _ compound _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 initially initially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 tumbled tumble VBD - + v:e-i _ _ _ _ _ _ _ ARG1 _ _ loc _ _ _ _ _ _ ARG1 _ ARG1 _ _ +17 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 points point NNS - + n_of:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _or_c ARG1 ARG1 _ _ _ _ _ _ _ _ _ +22 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 each each DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +26 1,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 face face NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 amount amount NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ compound _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 96 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +32 1/4 _generic_fract_ne_ CD - - fraction:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ plus _ _ _ +33 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 rebounding rebound VBG - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ +35 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 99 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +37 3/4 _generic_fract_ne_ CD - - fraction:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ plus +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169011 +1 Bonds bond NNS - - n:x ARG2 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +2 issued issue VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Kroger _generic_proper_ne_ NNP - + named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Duracell _generic_proper_ne_ NNP - + named:x-c _ conj _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Safeway _generic_proper_ne_ NNP - + named:x-c _ _ conj _ _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Standard _generic_proper_ne_ NNP - - named:x-c _ _ _ _and_c compound _ _ _ _ _ _ _ _ _ _ +12 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 showed show VBD - + v:e-i-p _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ +14 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 gains gain NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 recovering recover VBG - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ loc _ +18 almost almost RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 all all PDT - + part_of:x-i _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +20 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ part poss ARG1 _ _ +22 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Friday Friday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 early early JJ - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +26 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169012 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 traders trader NNS - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 bond bond NN - + n:x _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 market market NN - - n:x _ _ BV _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 increasingly increasingly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 separating separate VBG - + v_into:e-i-i _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 top-tier tier JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 group group NN - + n_of:x _ _ _ _ _ _ ARG2 BV compound _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 trades trade NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 executed execute VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 easily easily RB - + a_for:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 larger larger JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 group group NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +28 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 lower-quality quality JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 bonds bond NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG2 _ _ _ _ _ _ _ _ _ +31 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 liquidity liquidity NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +34 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 ability ability NN - + n:x-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c BV _ _ _ _ _ _ _ +38 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 trade trade VB - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ +40 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 much much JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ comp_too _ _ _ _ +43 difficulty difficulty NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ +44 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 steadily steadily RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 deteriorated deteriorate VBN - - v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ ARG1 _ loc +48 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +49 year year NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ +50 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169013 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +2 Liquidity liquidity NN - - n:x _ ARG1 _ _ _ _ _ _ _ _ _ +3 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t hasn’t RB - + neg:e-h _ _ _ _ _ _ _ _ ARG2 _ _ +5 returned return VBN - + v:e-i neg _ ARG1 _ _ _ _ _ _ _ _ +6 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +8 vast vast JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +9 middle middle JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +10 ground ground NN - - n:x _ _ ARG2 BV ARG1 ARG1 ARG1 _ _ _ _ +11 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +13 market market NN - - n:x _ _ _ _ _ _ ARG2 BV _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +16 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ +17 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ +18 Minella _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound ARG1 +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +20 Merrill Merrill NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22169014 +1 “ _ `` - - _ _ _ _ _ _ _ +2 The the DT - + q:i-h-h _ _ _ _ _ _ +3 deadbeats _generic_nns_ NNS - - n:x BV ARG1 _ _ _ _ +4 are are VBP - + v_id:e-p-i _ _ _ ARG2 _ _ +5 still still RB - + a:e-p _ _ _ _ _ _ +6 deadbeats _generic_nns_ NNS - - n:x _ ARG2 ARG1 _ _ _ +7 , _ , - - _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ +10 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +11 Feinman _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 compound ARG1 +12 of of IN - + p:e-x-i _ _ _ _ _ _ +13 Drexel Drexel NNP - - named:x-c _ _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ _ + +#22169015 +1 Analysts analyst NNS - - n:x ARG1 _ _ _ _ _ +2 are are VBP - - _ _ _ _ _ _ _ +3 concerned concerned VBN + + a_about:e-i-h _ _ _ _ _ _ +4 that that IN - - _ _ _ _ _ _ _ +5 much much JJ - + much-many_a:e-p _ _ _ _ ARG1 _ +6 of of IN - - _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ +8 high-yield yield JJ - + n:x _ _ _ _ _ _ +9 market market NN - - n:x _ part BV compound _ _ +10 will will MD - - _ _ _ _ _ _ _ +11 remain remain VB - + v:e-i-h ARG2 _ _ _ _ ARG1 +12 treacherous treacherous JJ - - a:e-p _ _ _ _ ARG2 _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ +14 investors investor NNS - - n:x _ _ _ _ _ ARG2 +15 . _ . - - _ _ _ _ _ _ _ + +#22169017 +1 Mark Mark NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Bachmann _generic_proper_ne_ NNP - - named:x-c compound _ _ _ appos _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 senior senior JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 president president NN - + n_of:x-i _ BV ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Standard Standard+&+Poor+’s NNP - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +10 & Standard+&+Poor+’s CC - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +11 Poor Standard+&+Poor+’s NNP - - named:x-c _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +12 ’s Standard+&+Poor+’s NNS - + named:x-c _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ _ +13 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 confirms confirm VBZ + + v:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 is is VBZ - + v_there:e-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +19 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 increasing increase VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 concern concern NN - - n:x _ _ _ _ _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ +22 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 future future JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 liquidity liquidity NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ +26 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 bond bond NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +30 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169018 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +3 bonds bond NNS - - n:x compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +4 are are VBP - + v_id:e-p-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 highly highly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +7 stratified _generic_jj_ JJ - + a:e-p _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +8 market market NN - - n:x _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Lewis Lewis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Glucksman _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG1 compound _ appos _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 vice vice NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +16 chairman chairman NN - + n_of:x-i _ _ _ _ _ _ _ compound _ _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Smith Smith NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Barney _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Harris Harris NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Upham _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 _ compound compound compound +23 & &+Co CC - - n:x _ _ _ _ _ _ _ _ _ _ _ _ mwe +24 Co &+Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169019 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ +2 There there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ + + v_there:e-i _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 whole whole JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +6 bunch bunch NN - + n_of:x-i ARG1 BV ARG1 _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 stuff stuff NN - - n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 ’s ’s JJ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +12 good good JJ - + n:x _ _ _ _ compound _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 whole whole JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +16 bunch bunch NN - + n_of:x-i _ _ _ _ _ _or_c BV ARG1 _ _ _ _ +17 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 stuff stuff NN - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +21 not not RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ +22 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ +23 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ neg comp_so _ +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ +25 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169020 +1 Analysts analyst NNS - - n:x ARG1 _ ARG1 _ _ _ _ _ _ _ +2 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +3 Standard Standard+&+Poor+’s NNP - - named:x-c _ mwe _ _ _ _ _ _ _ _ +4 & Standard+&+Poor+’s CC - - named:x-c _ mwe _ _ _ _ _ _ _ _ +5 Poor Standard+&+Poor+’s NNP - - named:x-c _ mwe _ _ _ _ _ _ _ _ +6 ’s Standard+&+Poor+’s NNS - + named:x-c ARG2 _ _ _ _ _ _ _ _ _ +7 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +8 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ +9 bond bond NN - + n:x _ _ _ compound _ _ _ _ _ _ +10 offerings offering NNS - - n_of:x-i _ _ _ _ compound ARG1 _ _ _ ARG1 +11 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +12 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +13 tightly tightly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +14 stretched stretch JJ - + a:e-p _ _ _ _ _ _ ARG1 _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +16 issuers _generic_nns_ NNS - - n:x _ _ _ _ _ ARG2 _ ARG1 _ _ +17 seem seem VBP - + v_to:e-i-h _ _ ARG2 _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +19 be be VB - - _ _ _ _ _ _ _ _ _ _ _ +20 growing grow VBG - + v:e-i _ _ _ _ _ _ _ _ ARG2 _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22169022 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 You you PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +3 could could MD - + v_modal:e-h _ _ _ _ _ _ _ ARG2 _ +4 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ +5 have have VB - + v:e-i-i ARG1 ARG1 _ _ _ _ _ _ _ +6 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +7 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ +8 bad bad JJ - + a_at:e-p-i _ _ _ _ ARG1 _ _ _ _ +9 times time NNS - - n_of:x _ _ ARG2 BV _ ARG1 ARG1 _ _ +10 ahead ahead RB - + p:e-i _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ +12 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +13 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +14 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +15 Bachmann _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound +16 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22169023 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 possible possible JJ - + a_for:e-h-i _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 have have VB - + v:e-i-i ARG1 _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 % % NN - + n_of:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 default default NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 rate rate NN - - n_of:x-i _ ARG2 BV _ compound compound _ _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 year year NN - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 we we PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 ’re ’re VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 already already RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 seeing see VBG - + v:e-i-p _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +21 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 problems problem NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 midst midst NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 pretty pretty RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +30 economy economy NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ ARG1 +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169024 +1 I I PRP - - pron:x _ _ ARG1 _ _ _ +2 ’m ’m VBP - - _ _ _ _ _ _ _ +3 certainly certainly RB + + a:e-h _ _ _ _ _ _ +4 not not RB - + neg:e-h ARG1 _ _ _ _ _ +5 comfortable comfortable JJ - + a:e-p _ neg _ _ _ _ +6 saying say VBG - + v_to:e-i-h-i _ neg _ _ _ _ +7 we we PRP - - pron:x _ _ _ _ ARG1 _ +8 ’ve ’ve VBP - - _ _ _ _ _ _ _ +9 seen see VBN - + v:e-i-p _ _ _ ARG2 _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ +11 bottom bottom NN - - n:x _ _ _ _ ARG2 BV +12 . _ . - - _ _ _ _ _ _ _ +13 ” _ '' - - _ _ _ _ _ _ _ + +#22169025 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ +2 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ +4 rally rally NN - - n:x _ poss ARG1 _ ARG1 _ _ _ _ _ +5 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +7 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +9 junk junk NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ +10 was was VBD - + v_id:e-p-i ARG2 _ _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +12 badly badly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ +13 needed need VBN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ +14 tonic tonic NN - - n:x _ _ _ _ ARG2 BV _ ARG2 ARG1 _ +15 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +17 market market NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22169026 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 issues issue NNS - - n:x ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 bounced bounce VBD - + v:e-i _ _ ARG1 _ _ ARG2 _ _ _ _ _ _ _ _ +5 off off RP - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 floor floor NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Minella _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ +12 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 benchmark _generic_nn_ JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 junk junk NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 issues issue NNS - - n:x _ _ _ _ _ _ compound compound ARG1 _ _ _ _ _ +18 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 recovered recover VBD - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 loc _ +20 all all DT - + q:i-h-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 losses loss NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ part poss _ _ _ +24 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Friday Friday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 early early JJ - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ loc +29 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169027 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 contrast contrast NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 says say VBZ + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 market market NN - - n:x _ _ BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 gained gain VBD - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 about about IN - + x:e-u _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +15 half half NN - + x:i _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ +16 what what WP - - q:i-h-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +17 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 lost lose VBD - + v:e-i-p _ _ _ _ _ _ _ part _ _ _ _ _ _ _ _ +19 Friday Friday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 { _ ( - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 government government NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 } _ ) - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 bond bond NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 market market NN - - n:x _ _ _ _ _ _ _ _ _ BV compound compound ARG1 _ _ _ +28 lost lose VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 about about IN - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 half half NN - + x:i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ +31 what what WP - - q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +32 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +33 gained gain VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ part _ +34 Friday Friday NNP - - dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169028 +1 Traders trader NNS - - n:x ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ +3 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +4 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 rally rally NN - - n:x _ poss ARG2 _ _ _ _ _ _ _ _ _ +6 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 fueled _generic_vbn_ VBN - + v:e-u-p ARG2 _ _ _ _ _ _ _ _ _ _ _ +8 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +9 insurance insurance NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +10 companies company NNS - - n_of:x-i _ _ ARG1 compound ARG1 _ _ _ _ _ _ _ +11 looking look VBG - + v_for:e-i-i _ _ _ _ _ ARG1 _ _ _ _ _ _ +12 for for IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 bargains bargain NNS - - n:x _ _ _ _ ARG2 _ _ _ _ _ _ _ +14 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +16 drastic drastic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +17 slide slide NN - - n:x _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ loc +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +19 prices price NNS - - n_of:x _ _ _ _ _ _ _ _ ARG2 _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +21 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +22 month month NN - + n:x _ _ _ _ _ _ _ _ _ BV ARG1 _ +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22169029 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +2 addition addition NN - - n:x ARG2 _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ +4 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ +5 funds fund NNS - - n:x _ ARG1 _ ARG1 _ _ _ _ _ +6 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ +7 n’t didn’t RB - + neg:e-h _ _ _ _ _ _ _ _ ARG1 +8 appear appear VB - + v_to:e-i-h ARG1 _ neg _ _ _ _ _ _ +9 to to TO - - _ _ _ _ _ _ _ _ _ _ +10 be be VB - + v_id:e-p-i _ _ _ ARG2 _ _ _ _ _ +11 major major JJ - + a:e-p _ _ _ _ _ _ _ _ _ +12 sellers seller NNS - + n_of:x-i _ _ _ _ ARG2 ARG1 _ _ _ +13 of of IN - - _ _ _ _ _ _ _ _ _ _ +14 high-yield yield JJ - + n:x _ _ _ _ _ _ _ _ _ +15 securities security NNS - - n:x _ _ _ _ _ _ ARG1 compound _ +16 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ +17 was was VBD - - _ _ _ _ _ _ _ _ _ _ +18 expected expect VBN - - v:e-i-p _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22169030 +1 “ _ `` - - _ _ _ _ _ _ +2 Sometimes sometimes RB - - _ _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ +4 shakeout _generic_nn_ NN - - n:x BV ARG1 _ _ _ +5 is is VBZ - - _ _ _ _ _ _ +6 healthy healthy JJ - + a:e-p _ _ ARG2 _ _ +7 , _ , - - _ _ _ _ _ _ +8 ” _ '' - - _ _ _ _ _ _ +9 said say VBD + + v_to:e-i-h-i _ _ _ _ _ +10 Drexel Drexel NNP - + named:x-c _ _ _ _ _ +11 ’s ’s VBZ - - _ _ _ _ _ _ +12 Mr. Mr. NNP - + n:x _ _ _ _ _ +13 Feinman _generic_proper_ne_ NNP - - named:x-c _ _ ARG1 poss compound +14 . _ . - - _ _ _ _ _ _ + +#22169031 +1 “ _ `` - - _ _ _ +2 People people NNS - - n_of:x-i ARG1 _ +3 will will MD - - _ _ _ +4 learn learn VB + + v:e-i-h _ _ +5 to to TO - - _ _ _ +6 be be VB - - _ _ _ +7 more more RBR - + comp:e-u-u _ _ +8 circumspect _generic_jj_ JJ - - a:e-u ARG2 comp +9 . _ . - - _ _ _ + +#22169032 +1 If if IN + + x:e-h-h _ _ _ _ _ _ _ +2 they they PRP - - pron:x _ ARG1 _ _ _ _ _ +3 do do VBP - + v:e-i-p ARG2 _ _ _ _ _ _ +4 good good JJ - + a_at-for-of:e-p-i _ _ _ _ _ _ _ +5 credit credit NN - + n:x _ _ _ _ _ _ _ +6 analysis analysis NN - - n_of:x-i _ ARG2 ARG1 compound _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ +8 they they PRP - - pron:x _ _ _ _ ARG1 _ _ +9 will will MD - - _ _ _ _ _ _ _ _ +10 avoid avoid VB - + v:e-i-p ARG1 _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ +12 hand hand NN - + n:x _ _ _ _ _ _ _ +13 grenades grenade NNS - - n:x _ _ _ _ ARG2 BV compound +14 . _ . - - _ _ _ _ _ _ _ _ + +#22169033 +1 I I PRP - - pron:x ARG1 _ _ _ +2 think think VBP + + v:e-i-h-i _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ +4 market market NN - - n:x _ BV ARG1 _ +5 is is VBZ - - _ _ _ _ _ +6 in in IN - + p:e-u-i ARG2 _ _ _ +7 good good JJ - + a_at-for-of:e-p-i _ _ _ _ +8 shape shape NN - - n:x _ _ ARG2 ARG1 +9 . _ . - - _ _ _ _ _ + +#22170001 +1 Should should MD + + v_modal:e-h _ _ _ +2 you you PRP - - pron:x _ _ ARG1 +3 really really RB - + x:e-u _ _ _ +4 own own JJ - + v:e-i-p ARG1 ARG1 _ +5 stocks stock NNS - - n:x _ _ ARG2 +6 ? _ . - - _ _ _ _ + +#22170002 +1 That that DT - - x:x ARG1 _ _ _ _ _ _ _ _ _ _ +2 ’s ’s VBZ - + v_id:e-p-i _ _ _ _ _ subord _ _ _ _ _ +3 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +4 question question NN - - n_about:x-i ARG2 BV _ _ ARG2 _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +6 lot lot NN - + n_of:x-i _ _ BV _ ARG1 _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +8 people people NNS - - n_of:x-i _ _ _ ARG1 _ _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ +10 asking ask VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 following follow VBG + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +14 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ +15 market market NN - + n:x _ _ _ _ _ _ BV compound _ _ _ +16 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ +17 stunning stun JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ +18 display display NN - - n_of:x-i _ _ _ _ _ ARG2 _ _ poss ARG1 ARG1 +19 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ +20 volatility volatility NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22170003 +1 Whipsawed _generic_jj_ JJ + - a:e-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 financially financially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 emotionally emotionally RB - + a:e-e _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 heartstopping _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 190-point point JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 drop drop NN - - n_of:x-i _ _ ARG2 poss ARG1 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Jones Jones NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +15 Industrial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +16 Average _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG2 BV _ _ compound _ _ _ _ _ _ _ _ _ +17 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 88-point point JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 rebound rebound NN - - n:x _ _ _ _ _ _ _ _ _ _ _ poss compound _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +24 ’re ’re VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 wondering wonder VBG - + v:e-i _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +26 if if IN - + x:e-h-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 individual individual NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ +29 has have VBZ - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +30 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 business business NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +32 being being VBG - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170004 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 answer answer NN - - n_to:x-i BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +5 academic academic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +6 researchers researcher NNS - + n_of:x-i _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 money money NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +9 managers manager NNS - + n_of:x-i _ _ _ conj compound _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +12 specialists specialist NNS - - n:x _ _ _ _ _ _and_c compound _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 yes yes UH - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 as as+long+as RB - - x:e-h-h _ _ _ _ _ _ _ mwe _ _ _ _ _ +18 long as+long+as RB - - x:e-h-h _ _ _ _ _ _ _ mwe _ _ _ _ _ +19 as as+long+as IN - + x:e-h-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +20 you you PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +21 approach approach VBP - + v:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ ARG1 _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +23 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV compound _ _ +25 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +26 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +27 investor investor NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170005 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 they they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 say say VBP - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 people people NNS - - n_of:x-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 should shouldn’t MD - + neg:e-h _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 n’t shouldn’t RB - + neg:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 try try VB - + v:e-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 be be VB - + v_id:e-p-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 traders trader NNS - - n:x _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 buy buy VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 sell sell VB - + v:e-i-p _ _ _ _ _ _ _and_c _ ARG1 _ _ _ _ _ _ _ _ _ _ +18 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 effort effort NN - + n:x-h _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +21 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ride ride VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 trend trend NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +27 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 catch catch VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 next next JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 hot hot JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170006 +1 The the DT - + q:i-h-h _ _ _ _ _ _ +2 case case NN - - n_of:x-i BV ARG1 _ _ _ ARG1 +3 for for IN - + p:e-u-i _ _ _ _ _ _ +4 owning own VBG - + v:e-i-p _ ARG2 _ ARG1 _ _ +5 stocks stock NNS - - n:x _ _ ARG2 _ _ _ +6 over over IN - + p:e-u-i _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ +8 long-term term JJ - - n_of:x-i _ _ _ ARG2 BV _ +9 is is VBZ - - _ _ _ _ _ _ _ +10 compelling compelling JJ + + a:e-p _ _ _ _ _ _ +11 . _ . - - _ _ _ _ _ _ _ + +#22170008 +1 A a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 dollar dollar NN - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 invested invest VBN + + v_in:e-i-p-i _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 market market NN - - n:x _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 1926 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 would would MD - + v_modal:e-h _ ARG3 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 grown grow VBN - - v:e-i _ _ _ _ _ ARG1 ARG1 _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 473.29 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 end end NN - + n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 June June NNP - - mofy:x-c _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ +22 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 according according+to VBG - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +24 to according+to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Laurence _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Siegel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ appos _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 managing manage VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 director director NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ ARG1 _ _ +30 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Ibbotson _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 Associates _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +33 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170009 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 dollar dollar NN - - n:x _ BV ARG1 _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +4 invested invest VBN - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 long-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 bonds bond NNS - - n:x _ _ ARG3 compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 1926 _generic_year_ne_ CD - - card:i-i-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +10 would would MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 grown grow VBN - + v:e-i _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 only only RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +16 16.56 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 dollar dollar NN - - n:x _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ +21 put put VBN - + v:e-u-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Treasury _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 bills bill NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 compound _ _ _ _ _ +25 would would MD - + v_modal:e-h _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ +26 equal equal VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +27 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 meager meager JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 +30 9.29 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170011 +1 Over over IN - + p:e-u-i _ _ _ _ _ _ _ _ +2 time time NN - - n_of:x ARG2 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +5 odds odds NNS - - n:x _ BV _ ARG1 _ _ _ _ +6 increasingly increasingly RB - + a:e-e _ _ _ _ _ _ _ _ +7 favor favor VBP + + v:e-i-p ARG1 _ ARG1 _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +9 investor investor NN - - n:x _ _ _ ARG2 BV ARG1 _ _ +10 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +12 diversified diversify JJ - + v:e-i-p _ _ _ _ _ _ _ _ +13 portfolio portfolio NN - - n:x _ _ _ _ _ ARG2 BV ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22170013 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 If if IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +3 you you PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 do don’t VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 n’t don’t RB - + neg:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 need need VB - + v:e-i-p _ neg _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 money money NN - - n:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +9 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 10 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 years year NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - + v_there:e-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 clear-cut clear-+cut JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 case case NN - - n_of:x-i _ _ _ _ _ _ ARG1 BV ARG1 ARG1 _ _ _ _ _ _ +18 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 sticking stick VBG - + v_to:e-i-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 steady steady JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 core core NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Gregory Gregory NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +30 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170014 +1 Stock-market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 investments investment NNS - - n:x compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 also also RB - + a:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +4 help help VB - + v_to:e-i-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 balance balance VB - + v:e-i-p _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 assets asset NNS - - n:x _ _ _ ARG2 BV ARG1 _ ARG2 _ _ _ _ _ _ _ _ +9 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 individual individual NN - - n:x _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ +11 owns own VBZ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 Blankenship _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ ARG1 compound compound appos _ _ _ _ +16 Jr. jr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Institute institute NNP - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Certified _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Financial _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ +25 Planners _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ compound +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170016 +1 There there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 are are VBP - + v_there:e-i _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 important important JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 caveats caveat NNS - - n:x ARG1 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 : _ : - + _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 investing invest VBG - + v_in:e-i-i _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 stocks stock NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 individuals individual NNS - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 should should MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +14 have have VB - + v:e-i-i _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 at at+least IN - - x:e-u _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ +16 least at+least JJS - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - + interval_p_end:i-i-i _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ +19 six six CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 months month NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ loc _ ARG1 _ _ _ _ _ _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 living living VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 expenses expense NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG2 _ _ _ _ _ +24 set set VBN - + v_aside:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +25 aside aside RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 bank bank NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 advisers adviser NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 +33 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170017 +1 Individuals individual NNS - - n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 should should MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 focus focus VB - + v_on:e-i-i _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 building build VBG - + v:e-i-p _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 equity equity NN - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 home home NN - - n_of-n:x _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 provides provide VBZ - + v:e-i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 some some DT - + q_indiv:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 protection protection NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ +16 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 inflation inflation NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 as as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 well as+well+as RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 as as+well+as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 nest-egg egg NN - - n:x _ _ _ _ _ _ ARG3 _ _ BV _ ARG2 _ _ _ _ _ _ _ +24 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 cashed cash VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ _ _ _ _ +28 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 late late JJ - - time_n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +30 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 life life NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +32 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 help help VB - + v_to:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +34 cover cover VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +35 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 cost cost NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +37 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 retirement retirement NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 living live NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +40 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170018 +1 People people NNS - - n_of:x-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +2 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 should shouldn’t MD - + neg:e-h _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ +4 n’t shouldn’t VB - + neg:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 invest invest VB - + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +6 money money NN - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +7 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 stocks stock NNS - - n:x _ _ _ _ ARG2 ARG1 _ _ _ ARG1 _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 ’ll ’ll VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 need need NN - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +13 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 near near JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 future future NN - - n:x _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ +17 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 for for+example IN - - p:e-u-i _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ +19 example for+example NN - + p:e-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 college college NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 tuition tuition NN - + n:x _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +24 payments payment NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ compound _ _ +25 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 retirement retirement NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 expenses expense NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c compound +28 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170019 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 You you PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 may may MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +4 have have VB - + v_qmodal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 sell sell VB - + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 stocks stock NNS - - n:x _ _ ARG2 poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 time time NN - - n_of:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +12 when when WRB - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 market market NN - - n:x _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +15 takes take VBZ - + v:e-i-p-u _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 plunge plunge NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Blankenship _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG1 compound _ _ _ _ _ appos +23 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Del Del NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 Mar Mar NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Calif. Calif. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +29 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 planner planner NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ compound ARG1 _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170020 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 once once RB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 basics basics NNS - - n:x _ _ BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 covered cover VBN - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 then then RB - + a:e-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 I I PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +11 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +12 start start VB - + v:e-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 invest invest VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 if if IN - + x:e-h-h _ _ _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +18 it it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 as as RB - - _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +21 little little JJ - + little-few_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ than ARG1 _ _ _ _ _ _ +24 1,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 says say VBZ - + v_to:e-i-h-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Michael Michael NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Lipper _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound appos _ _ _ +30 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 president president NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Lipper _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Analytical _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +35 Services _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ compound compound +36 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170021 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +2 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +3 individuals individual NNS - - n:x _ _ ARG1 _ _ _ _ _ _ +4 should should MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ +5 consider consider VB - + v:e-i-h ARG2 ARG1 _ _ _ _ _ _ _ +6 not not+just RB - - _ _ _ _ mwe _ _ _ _ _ +7 just not+just RB - + _ _ _ _ _ _ _ _ _ _ +8 stocks stock NNS - + n:x _ _ ARG2 _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 but but CC - - _ _ _ _ _ _ _ _ _ _ +11 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ +12 long-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ +13 investments investment NNS - - n:x _ _ _ _ _and_c ARG1 compound ARG1 _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ +15 such such+as JJ - - p:e-u-i _ _ _ _ _ _ _ mwe _ +16 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +17 high-quality quality JJ - + n:x _ _ _ _ _ _ _ _ _ +18 bonds bond NNS - - n:x _ _ _ _ _ _ _ ARG2 compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22170022 +1 Despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +3 strong strong JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ +4 case case NN - - n_of:x-i ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ +5 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +6 stocks stock NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +8 however however RB - - _ _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +10 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 pros pro NNS - - n:x _ _ _ _ BV ARG1 _ _ _ _ _ +12 warn warn VBP + + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ +13 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ +14 individuals individual NNS - - n:x _ _ _ _ _ _ _ _ ARG1 _ _ +15 should shouldn’t MD - + neg:e-h _ _ _ _ _ _ _ neg _ _ _ +16 n’t shouldn’t RB - + neg:e-h _ _ _ _ _ ARG2 _ _ _ _ _ +17 try try VB - + v:e-i-h _ _ _ _ _ _ ARG1 _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +19 profit profit VB - + v_from:e-i-i _ _ _ _ _ _ _ _ ARG2 _ _ +20 from from IN - - _ _ _ _ _ _ _ _ _ _ _ _ +21 short-term term JJ - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +22 developments development NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 compound +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22170023 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 very very RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 difficult difficult JJ - + a_for:e-h-i ARG1 _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 do do VB - - v:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 Donald Donald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Holt Holt NNP - - named:x-c _ _ ARG1 compound _ _ appos _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 strategist _generic_nn_ NN - + n:x _ _ _ _ BV compound _ ARG1 _ _ _ _ _ _ _ +17 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Wedbush _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Morgan Morgan NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ +20 Securities _generic_proper_ne_ NNPS - - named:x-c _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ appos +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Los _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Angeles _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +25 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 firm firm NN - + n:x _ _ _ _ _ _ _ _ _ _ BV _ compound compound _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170024 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Our our PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 markets market NNS - - n:x poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +4 move move VBP + + v:e-i _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +5 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 fast fast RB - + a:e-e _ _ comp_so _ _ _ _ _ _ _ _ _ _ _ _ +7 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 so so RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 volatile volatile JJ - + a:e-p _ ARG3 _ _ comp_so _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ’s ’s VBZ - + v_there:e-i _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ +15 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 way way NN - + n_of:x-h _ _ _ _ _ _ ARG1 BV _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 investor investor NN - - n:x _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ +20 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 compete compete VB - + v:e-i _ _ _ _ _ _ _ _ ARG1 _ _ ARG1 _ ARG1 _ +22 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 pros pro NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170025 +1 Individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ +2 investors investor NNS - - n:x ARG1 ARG1 _ _ _ _ _ _ +3 face face VBP + + v:e-i-p _ _ _ _ _ _ _ _ +4 high high JJ - + a:e-p _ _ _ _ _ _ _ _ +5 transaction transaction NN - + n:x _ _ _ _ _ _ _ _ +6 costs cost NNS - - n:x _ ARG2 ARG1 compound ARG1 _ _ _ +7 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ +8 moving move VBG - - v:e-i _ _ _ _ ARG2 ARG1 _ _ +9 in in RP - + p:e-u-i _ _ _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ +11 out out+of RP - - p:e-u-i _ _ _ _ _ _ mwe _ +12 of out+of IN - + p:e-u-i _ _ _ _ _ _and_c _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +14 market market NN - - n:x _ _ _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ _ _ + +#22170026 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 cost cost NN - - n:x BV ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 executing execute VBG - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 orders order NNS - - n_of:x _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 varies vary VBZ - + v:e-i _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +8 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 brokerage _generic_nn_ NN - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 brokerage _generic_nn_ NN - - n:x _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 size size NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 order order NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 % % NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ +23 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 order order NN - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +26 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 value value NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ +28 is is VBZ - + v_id:e-p-i _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 average average NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +31 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Stephen Stephen NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Boesel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound appos _ _ _ _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 manager manager NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 T. T. NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Rowe _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +40 Price _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ +41 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 Growth _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 Income _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c _ +45 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 fund fund NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ poss compound ARG1 +47 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170027 +1 And and CC + + c:i-i-i _ _ _ _ _ _ _ _ _ +2 assuming assume VBG - + v:e-i-p _ _ _ _ ARG1 _ _ _ _ +3 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ +5 investment investment NN - - n:x _ ARG2 poss ARG1 _ _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +7 successful successful JJ - + a:e-p ARG2 _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 investors investor NNS - - n:x _ _ _ _ _ _ ARG1 _ _ +10 will will MD - - _ _ _ _ _ _ _ _ _ _ +11 have have VB - + v_qmodal:e-h _ _ _ _ ARG1 _ _ _ _ +12 to to TO - - _ _ _ _ _ _ _ _ _ _ +13 pay pay VB - + v_for:e-i-i-i _ _ _ _ _ ARG1 _ _ _ +14 taxes tax NNS - - n:x _ _ _ _ _ _ ARG2 ARG1 _ +15 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +16 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +17 gains gain NNS - - n:x _ _ _ _ _ _ _ ARG2 poss +18 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22170028 +1 That that DT - - x:x _ ARG1 _ _ _ _ _ _ _ _ +2 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG2 +3 reduce reduce VB - + v:e-i-p ARG1 _ ARG1 _ _ _ _ _ _ _ +4 returns return NNS - - n_of:x-i _ ARG2 _ _ _ _ _ _ _ _ +5 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +6 a a DT - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +7 third third JJ - - n_of:x _ _ ARG2 ARG1 _ _ _ _ _ _ +8 or or CC - - _ _ _ _ _ _ _ _ _ _ _ +9 more more RBR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +11 once once RB - + a:e-e _ _ _ _ comp _ _ _ _ _ +12 local local JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ +13 taxes tax NNS - - n:x _ _ _ _ _ _ ARG1 ARG2 _ _ +14 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +15 included include VBN - + v:e-i-p _ _ _ _ _ ARG2 _ _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +17 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +18 Lipper _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 +19 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +20 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22170029 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 that that DT - - x:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 traders trader NNS - - n:x _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 face face VBP + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 risk risk NN - - n_of:x _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +9 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 investment investment NN - - n:x _ _ _ _ BV ARG1 ARG2 _ _ _ _ _ _ _ _ +13 they they PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +14 choose choose VBP - + v_from:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 wo won’t MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 n’t won’t VB - + neg:e-h _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +17 perform perform VB - - v:e-i-p _ _ _ _ _ _ _ neg ARG1 _ _ _ _ _ _ +18 well well RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 – – : - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 so so RB - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 trading trade NN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 costs cost NNS - - n:x _ _ _ _ _ _ _ _ _ _ poss compound _ ARG2 _ +24 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ +25 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 sustained sustain VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 +27 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 nothing nothing NN - - thing:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170031 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 You you PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ +3 should should MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ +4 really really RB - + a:e-h ARG1 _ _ _ _ _ _ _ _ +5 think think VB - + v:e-i-h-i _ ARG1 _ _ _ _ _ _ _ +6 twice twice RB - + x:e-u _ _ _ _ _ _ _ _ _ +7 if if IN - + x:e-h-h _ _ ARG2 ARG1 _ _ _ _ _ +8 you you PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ +9 think think VBP - + v:e-i-h-i _ _ _ _ ARG2 _ _ _ _ +10 you you PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ +11 can can MD - + v_modal:e-h _ _ _ _ _ ARG2 _ _ _ +12 out-smart Smart VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 system system NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV +15 . _ . - - _ _ _ _ _ _ _ _ _ _ +16 ” _ '' - - _ _ _ _ _ _ _ _ _ _ + +#22170032 +1 Then then RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 too too RB - + a_also:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 many many JJ - + much-many_a:e-p _ comp_too _ _ _ _ _ _ _ _ _ _ _ +6 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +7 investors investor NNS - - n:x _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ +8 lack lack VBP - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +10 sturdy sturdy JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +11 emotional emotional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +12 makeup makeup NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +13 professionals professional NNS - - n:x _ _ _ _ _ BV ARG1 ARG1 compound ARG1 _ _ _ +14 say say VBP - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +15 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 needed need VBN - - v:e-i-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 plunge plunge VB - - _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +19 in in RP - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 out out+of RP - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ mwe _ +22 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _and_c _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +25 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170033 +1 So so RB + + a_thus:e-h _ _ _ _ _ _ +2 what what WP - - thing:x _ ARG1 _ _ _ _ +3 ’s ’s VBZ - + v_id:e-p-i ARG1 _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ +5 best best JJS - + a_at-for-of:e-i _ _ _ _ _ _ +6 way way NN - + n_of:x-h _ ARG2 BV ARG1 _ _ +7 to to TO - - _ _ _ _ _ _ _ +8 buy buy VB - + v:e-i-p _ _ _ _ ARG1 _ +9 stocks stock NNS - - n:x _ _ _ _ _ ARG2 +10 ? _ . - - _ _ _ _ _ _ _ + +#22170034 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Unless unless IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +3 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 individual individual NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 has have VBZ - + v:e-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 minimum minimum NN - - n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 between between IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 50,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 100,000 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 invest invest VB - + v_in:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 stocks stock NNS - - n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 better better+off JJR - + a:e-i _ _ _ _ _ _ _ _ ARG1 _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ +24 off better+off RP - + a:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 mutual mutual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 funds fund NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ +28 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ than _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 individual individual JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 terms term NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +35 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 getting get VBG - + v:e-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +37 enough enough JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 attention attention NN - - n_to:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +39 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 competent competent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 broker broker NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +43 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +45 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +46 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +47 Lipper _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 compound +48 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170035 +1 Still still RB + + a_disc:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 adds add VBZ - + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 I I PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 see see VB - + v:e-i-h _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 owning own VBG - + v:e-i-p _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 both both DT - - q:i-h-h _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 given given+that VBN - - x:e-h-h _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ _ _ _ +14 that given+that IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 individuals individual NNS - - n:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +16 often often RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 have have VBP - + v:e-i-i _ _ _ _ _ ARG2 ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ +18 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 advantage advantage NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +20 over over IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 spotting spot VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +25 special special JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 situations situation NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 ARG2 ARG1 _ _ _ +27 based base VBN - + v:e-i-p-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ _ _ _ +29 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 own own JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 insights insight NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss ARG1 _ +32 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +35 adds add VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170037 +1 This this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 sector sector NN - - n:x BV compound _ ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 usually usually RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 carries carry VBZ - + v:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 price/earnings earnings NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 multiple multiple JJ - - n:x _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +11 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 twice twice RB - + part_of:x-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +13 that that IN - - x:x _ _ _ _ _ _ _ part _ _ _ _ _ _ _ _ _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 Standard _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 & & CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Poor _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _and_c _ _ _ _ _ _ _ _ _ +19 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 500 _generic_card_ne_ CD - - card:i-i-c _ _ _ _ _ _ _ _ BV compound _ _ _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 happens happen VBZ + + v:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 include include VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ loc +25 some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ +29 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 most most RBS - + superl:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 attractive attractive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +32 bargains bargain NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ part _ poss _ ARG1 _ _ +33 right right RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170038 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 It it PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ +4 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ +5 selling sell VBG - + v:e-i-p ARG1 _ ARG1 _ _ ARG1 _ ARG2 _ +6 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +8 multiple multiple NN - - n:x _ _ ARG2 BV _ _ _ _ _ +9 about about RB - - x:e-u _ _ _ _ _ _ _ _ _ +10 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ +11 with with IN - + p:e-u-i _ _ _ _ ARG1 _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 market market NN - - n:x _ _ _ _ _ ARG2 BV _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +16 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +17 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +18 Douglas Douglas NNP - - named:x-c _ _ _ _ _ _ _ ARG1 compound +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22170039 +1 Moreover moreover RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Douglas Douglas NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sees see VBZ - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 revival revival NN - + n_of:x-i _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ +8 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 institutional institutional JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 interest interest NN - + n_in:x-i _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +11 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 smaller smaller JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +14 stocks stock NNS - - n:x _ _ _ _ _ _ ARG1 _ compound _ ARG1 _ _ _ _ _ _ +15 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 boost boost VB - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 performance performance NN - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 these these DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +23 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 medium medium JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 term term NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170040 +1 Many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 big big JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Wall Wall NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Street _generic_proper_ne_ NNP - + named:x-c _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 brokerage _generic_nn_ NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 firms firm NNS - - n:x ARG1 ARG1 _ compound compound ARG1 _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +7 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 eliminated eliminate VBD - + v:e-i-p _ _ _ _ _ _ _ _ ARG1 _ _ _ _ ARG1 _ _ _ _ _ +9 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 research research NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 effort effort NN - - n:x _ _ _ _ _ ARG2 poss compound _ _ _ _ _ _ _ _ _ _ _ +12 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +14 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 emerging emerge VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +17 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ +18 a a+few DT - - a:e-p _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ +19 few a+few JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 years year NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG2 _ _ _ _ _ +21 ago ago RB - + p:e-i-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 resuming resume VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ ARG2 +25 coverage coverage NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +26 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 area area NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 BV _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +31 notes note VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170041 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ +2 We we PRP - - pron:x ARG1 _ _ _ _ _ _ _ +3 ’re ’re VBP - - _ _ _ _ _ _ _ _ _ +4 seeing see VBG - + v:e-i-p _ _ _ _ _ _ _ ARG2 +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +6 real real JJ - + a:e-p _ _ _ _ _ _ _ _ +7 turnaround turnaround NN - - n:x ARG2 BV ARG1 ARG1 _ _ _ _ +8 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 interest interest NN - + n_in:x-i _ _ _ ARG2 _ _ _ _ +10 in in IN - - _ _ _ _ _ _ _ _ _ +11 small small JJ - + a:e-p _ _ _ _ _ _ _ _ +12 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ +13 stocks stock NNS - - n:x _ _ _ _ ARG1 ARG1 compound _ +14 , _ , - - _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ +16 he he PRP - - pron:x _ _ _ _ _ _ _ ARG1 +17 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ + +#22170042 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ +2 pros pro NNS - - n:x BV _ ARG1 _ _ _ _ _ +3 strenuously strenuously RB - + a:e-e _ _ _ _ _ _ _ _ +4 advise advise VBP + + v:e-i-i-h _ ARG1 _ _ _ _ _ _ +5 individuals individual NNS - - n:x _ _ ARG2 _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ +7 stay stay VB - + v_prd:e-i-h _ _ ARG3 _ ARG1 _ _ _ +8 away away RP - - p:e-i _ _ _ ARG2 _ _ _ _ +9 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +11 latest latest JJS - + a_for:e-i _ _ _ _ _ _ _ _ +12 investment investment NN - + n:x _ _ _ _ _ _ _ _ +13 fad _generic_nn_ NN - - n:x _ _ _ _ ARG2 BV ARG1 compound +14 . _ . - - _ _ _ _ _ _ _ _ _ + +#22170043 +1 They they PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 say say VBP + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 especially especially RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 important important JJ - - a_for:e-p-i ARG2 ARG1 _ loc _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 this this DT - + x:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 late late JJ - + time_n:x _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 growth growth NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 phase phase NN - - n:x _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 economic economic JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 cycle cycle NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 when when WRB - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ’s ’s VBZ - + v_there:e-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +21 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 robust robust JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 bull bull NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG1 BV ARG1 compound ARG1 _ _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 bail bail VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +27 investors investor NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +28 out out+of RP - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ +29 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 their their PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 mistakes mistake NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170045 +1 “ _ `` - - _ _ _ _ _ _ _ +2 Buy buy VB - + v:e-i-p _ ARG1 _ _ _ ARG2 +3 stocks stock NNS - - n:x ARG2 _ _ _ _ _ +4 on on IN - + p:e-u-i _ _ _ _ _ _ +5 weakness weakness NN - - n:x _ ARG2 ARG1 _ _ _ +6 for for IN - + p:e-u-i _ _ _ _ _ _ +7 their their PRP$ - + q:i-h-h _ _ _ _ _ _ +8 long-term term JJ - + n_of:x-i _ _ _ _ _ _ +9 fundamentals fundamental NNS - - n:x _ _ ARG2 poss compound _ +10 , _ , - - _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ +12 he he PRP - - pron:x _ _ _ _ _ ARG1 +13 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ + +#22170046 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +2 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +3 long long JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +4 run run NN - - n_of:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +5 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +6 investment investment NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +7 advisers adviser NNS - - n:x _ _ _ compound ARG1 _ _ _ _ _ _ _ +8 say say VBP + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +10 most most JJS - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +11 investors investor NNS - - n:x _ _ _ _ _ BV ARG1 _ _ _ _ _ +12 will will MD - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ +14 better better+off JJR - - a:e-i _ _ _ _ _ _ mwe _ _ _ _ _ +15 off better+off RP - + a:e-i _ _ _ _ _ _ _ subord _ _ _ _ +16 using use VBG - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +18 dollar-cost cost NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +19 averaging average VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ +20 method method NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ +22 buying buy VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG2 _ +23 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170047 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +3 method method NN - - n_of:x ARG2 BV _ _ _ _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +6 person person NN - - n:x _ _ BV ARG1 _ _ _ _ _ _ _ _ _ +7 invests invest VBZ + + v:e-i-p ARG1 _ _ _ _ _ _ loc _ _ _ _ _ +8 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +9 regular regular JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +10 amount amount NN - - n_of:x-i _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +11 every every DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +12 month month NN - + n:x _ _ _ _ _ _ BV _ ARG1 _ _ _ _ +13 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 quarter quarter NN - - n_temp:x _ _ _ _ _ _ _ _or_c _ _ _ _ _ +15 into into IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +18 market market NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV compound _ ARG1 +19 whether whether IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +22 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 up up RP - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +24 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 down down RP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _and_c +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170048 +1 That that DT - - x:x ARG1 _ _ _ _ _ _ _ _ +2 cuts cut VBZ + + v:e-i-p _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 risk risk NN - - n_of:x ARG2 BV _ _ _ _ _ _ appos +5 , _ , - - _ _ _ _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ +7 Gregory Gregory NNP - - named:x-c _ _ compound _ _ _ _ appos ARG1 +8 , _ , - - _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +10 San _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ +11 Francisco Francisco NNP - + named:x-c _ _ _ _ compound _ _ _ _ +12 money money NN - + n:x _ _ _ _ _ _ _ _ _ +13 manager manager NN - + n_of:x-i _ _ _ BV _ compound compound _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ +15 points point NNS - + v_out-to:e-i-u-h _ _ _ _ _ _ _ _ _ +16 out out RP - - _ _ _ _ _ _ _ _ _ _ +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22170049 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +2 When when WRB - + x:e-h-h _ _ _ _ _ _ _ _ _ ARG2 +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +4 market market NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ +5 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +6 low low JJ - + a_on:e-p-i ARG2 _ _ _ _ _ _ _ _ _ +7 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +8 you you PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ +10 buying buy VBG - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ +11 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ +12 shares share NNS - - n_of:x _ _ _ ARG2 ARG1 _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +14 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +15 when when WRB - + x:e-h-h _and_c _ _ _ _ _ _ _ _ _ +16 it it PRP - - pron:x _ _ _ _ _ _ ARG1 _ _ _ +17 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ _ +18 high high JJ - + a:e-p _ _ _ _ _ ARG2 _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +20 you you PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ +21 ’re ’re VBP - - _ _ _ _ _ _ _ _ _ _ _ +22 buying buy VBG - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ +23 fewer fewer JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ +24 shares share NNS - - n_of:x _ _ _ _ _ _ _ ARG2 ARG1 _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +26 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ +27 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ ARG1 +28 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22170050 +1 Otherwise otherwise RB + - a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 if if IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +4 you you PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 put put VBD - + v:e-i-p ARG2 _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +6 all all PDT - + part_of:x-i _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 your your PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 money money NN - - n:x _ _ part poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 one one CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 time time NN - - n_of:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 sheer sheer JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 bad bad JJ - + a_at:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 luck luck NN - - n:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 you you PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +20 might might MD - + v_modal:e-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 pick pick VB - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 terrible terrible JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 time time NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 have have VBP - + v_qmodal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 wait wait VB - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc ARG1 _ _ _ +30 three three CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 years year NNS - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +32 to to TO - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +33 get get VB - + v_state:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +34 even even RB - - a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 Gregory Gregory NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 +38 says say VBZ - + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22170051 +1 A a DT - + q:i-h-h _ _ _ _ _ _ +2 disciplined discipline JJ - + v:e-i-p _ _ _ _ _ _ +3 program program NN - - n_of:x-i BV ARG1 ARG1 _ _ _ +4 will will MD - - _ _ _ _ _ _ _ +5 work work VB - + v:e-i-p _ _ _ _ _ ARG2 +6 the the+best DT - - q:i-h-h _ _ _ mwe _ _ +7 best the+best JJS - + a:e-e _ _ ARG2 _ _ _ +8 , _ , - - _ _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ +10 Boesel _generic_proper_ne_ NNP - - named:x-c _ _ _ _ compound ARG1 +11 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ +12 . _ . - - _ _ _ _ _ _ _ + +#22170052 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 One one PRP - - card:i-i-c ARG1 _ _ _ ARG1 _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 hardest hardest JJS - + a_for:e-i _ _ _ _ _ _ _ _ _ +6 things thing NNS - - n_of-about:x-i ARG2 BV ARG1 ARG2 _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ +8 do do VB - + v:e-i-p _ _ _ _ _ _ _ _ _ +9 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ +11 buy buy VB - + v:e-i-p _ _ _ _ _ ARG1 _ _ _ +12 stocks stock NNS - - n:x _ _ _ _ ARG2 _ _ _ _ +13 when when WRB - + q:i-h-h _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 market market NN - - n:x _ _ _ _ _ _ BV ARG1 _ +16 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +17 down down RP - + p:e-i _ _ _ _ _ ARG2 _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ +20 he he PRP - - pron:x _ _ _ _ _ _ _ _ ARG1 +21 says say VBZ + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22170053 +1 “ _ `` - - _ _ _ _ _ _ _ _ +2 But but CC + + c:i-i-i _ _ _ _ _ _ _ +3 that that DT - - x:x _ ARG1 _ _ _ _ _ +4 ’s ’s VBZ - + v_id:e-p-i _ _ ARG1 _ ARG1 _ _ +5 just just RB - + a:e-e _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ +7 time time NN - - n_of:x _ ARG2 _ BV _ _ _ +8 when when WRB - + x:e-h-h ARG2 _ _ _ _ _ _ +9 you you PRP - - pron:x _ _ _ _ _ _ ARG1 +10 should should MD - + v_modal:e-h _ _ _ _ _ _ _ +11 be be VB - - _ _ _ _ _ _ _ _ +12 buying buy VBG - + v:e-i-p _ _ _ _ _ ARG1 _ +13 them them PRP - - pron:x _ _ _ _ _ _ ARG2 +14 . _ . - - _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ + +#22170054 +1 Compound compound JJ + + a:e-p _ _ _ _ _ _ _ +2 annual annual JJ - + a:e-p _ _ _ _ _ _ _ +3 returns return NNS - - n_of:x-i ARG2 ARG1 ARG1 _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ +5 including include VBG - + v:e-i-p _ _ _ _ _ _ _ +6 price price NN - + n_of:x _ _ _ _ _ _ _ +7 changes change NNS - + n_of:x-i _ _ ARG2 compound _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ +9 income income NN - - n:x _ _ _ _ _and_c ARG1 _ +10 from from IN - + p:e-u-i _ _ _ _ _ _ _ +11 interest interest NN - + n_in:x-i _ _ _ _ _ ARG2 _ +12 and and CC - - _ _ _ _ _ _ _ _ +13 dividends dividend NNS - - n:x _ _ _ _ _ _ _and_c + +#22170056 +1 Source source NN - - n:x ARG1 _ _ +2 : _ : + + _ _ _ _ +3 Ibbotson _generic_proper_ne_ NNP - + named:x-c _ _ _ +4 Associates _generic_proper_ne_ NNPS - - named:x-c ARG2 compound compound +5 Inc Inc NNP - + n:x _ _ _ +6 . _ . - - _ _ _ _ + +#22171003 +1 Inefficient-Market _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +2 Fund fund NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ +3 Inc. _generic_proper_ne_ NNP + - n:x _ compound _ appos _ _ _ _ _ _ _ _ +4 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +5 initial initial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +6 offering offering NN - + n_of:x-i _ _ ARG1 _ _ _ _ ARG1 _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ +8 five five CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +9 million million CD - + card:i-i-c _ _ _ _ times _ _ _ _ _ _ _ +10 common common JJ - + a_for:e-p _ _ _ _ _ _ _ _ _ _ _ _ +11 shares share NNS - - n_of:x _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 via via IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +14 Smith Smith NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +15 Barney _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ compound _ _ _ +16 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Harris Harris NNP - + named:x-c _ _ _ _ _ _ _ _ _ compound _ _ +18 Upham _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ ARG2 _ _ compound compound +19 & &+Co CC - - n:x _ _ _ _ _ _ _ _ _ _ _ mwe +20 Co &+Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172001 +1 Donald Donald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Trump Trump NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 faced face VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ +6 rising rise VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 doubt doubt NN - - n:x _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 bid bid NN - - n:x _ _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 American _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 Airlines _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 parent parent NN - + n_of:x-i _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 AMR _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ compound compound _ _ _ _ _ _ _ _ _ _ _ _ +16 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 before before IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 United United NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Airlines _generic_proper_ne_ NNPS - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ +22 buy-out buy-+out NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ BV _ compound ARG1 _ _ _ _ _ _ +23 came come VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ loc _ _ _ _ _ +24 apart apart RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 withdrew withdraw VBD + + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +30 7.54 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +32 offer offer NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss compound _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172002 +1 Separately separately RB - + a_from:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 bankers banker NNS - - n:x _ ARG1 _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 representing represent VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 group group NN - - n_of:x _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 trying try VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 buy buy VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 United United NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 parent parent NN - - n_of:x-i _ _ _ _ ARG2 poss appos _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 met meet VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +16 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +19 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 reviving revive VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ _ ARG1 _ _ _ _ _ +21 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 purchase purchase NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +23 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 possibly possibly RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 around around IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +30 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 ARG1 _ _ +31 250 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +34 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c _ _ _ ARG1 +37 5.65 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172003 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ +2 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ +3 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ +4 bid bid NN - - n:x _ BV ARG1 _ ARG1 _ _ _ +5 could could MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ +6 face face VB - + v:e-i-p _ _ _ ARG1 _ ARG1 _ _ +7 rejection rejection NN - - n:x _ _ _ _ ARG2 _ _ _ +8 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ +10 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ +11 board board NN - - n_of:x-i _ _ _ _ _ ARG2 BV compound +12 . _ . - - _ _ _ _ _ _ _ _ _ + +#22172004 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Trump Trump NNP - - named:x-c compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 vowed vow VBD - + v:e-i-p _ _ loc _ _ _ _ _ _ _ _ _ _ _ +6 Wednesday Wednesday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 go go VB - - v:e-i _ ARG3 _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +10 forward forward RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 bid bid NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 he he PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +18 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 dropping drop VBG - + v_cause:e-i-p _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ +20 it it PRP - - pron:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +21 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 light light NN - - n:x _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +24 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 recent recent JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 change change NN - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ +28 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 conditions condition NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172005 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +4 might might MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +5 now now RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ +6 sell sell VB - + v:e-i-p _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +7 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +8 AMR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +9 stake stake NN - - n:x _ _ _ ARG2 poss compound _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 buy buy VB - + v:e-i-p _ _ _ conj _ _ _ _ _ _ _ _ _ +12 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +13 shares share NNS - - n_of:x _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 make make VB - + v:e-i-p-u _ _ _ _ _ _ _or_c _ _ _ _ _ _ +17 another another DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +18 offer offer NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +19 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +21 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +22 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172007 +1 News news NNP - + named:x-c _ ARG1 _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +2 about about IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 UAL _generic_proper_ne_ NNP - + named:x-c _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 AMR _generic_proper_ne_ NNP - - named:x-c _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 shares share NNS - - n_of:x poss _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 never never RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 reopened open VBN - - v:e-i _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 after after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 trading trade NN - - v:e-i-p _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 halted halt VBN - - v:e-i-p _ _ _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +15 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 announcement announcement NN - - n_of:x-i _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ +20 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 sent send VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ _ _ +22 both both DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 stocks stock NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +24 nosediving nosedive VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +25 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 composite composite JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 trading trade NN - - v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound ARG1 _ _ _ _ +28 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 New _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 York York NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +32 Stock stock NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 Exchange exchange NNP - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ compound compound +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172008 +1 UAL _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 tumbled tumble VBD - + v:e-i _ loc _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 $ $ $ - + n:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 56.875 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 222.875 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 volume volume NN - + n_of:x-i _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 2.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 million million CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ +13 shares share NNS - - n_of:x _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 AMR _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +17 declined decline VBD - + v:e-i-p _and_c _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ ARG1 _ _ _ +18 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ +20 22.125 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ +23 76.50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 as as IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 4.7 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 million million CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ times _ _ +27 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 +28 changed change VBN - + v_cause:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ +29 hands hand NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172009 +1 Together together RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 stocks stock NNS - - n:x _ BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 wreaked _generic_vbd_ VBD - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 havoc _generic_nn_ NN - - n:x _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 among among IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 stock stock NN - + n:x _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 traders trader NNS - - n:x _ _ _ _ ARG2 _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 caused cause VBD - + v:e-i-p _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 7.3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 % % NN - + n_of:x _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 drop drop NN - - n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ compound ARG1 _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Dow Dow NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Jones Jones NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ +23 Transportation _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ +24 Average _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ compound _ _ _ _ _ _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ +27 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 size size NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +29 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +31 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 stock-market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 crash crash NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ +34 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 19 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 of loc +37 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 1987 _generic_year_ne_ CD - + yofc:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172010 +1 Some some DT - - q:i-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 market market NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 debacle _generic_nn_ NN - - n:x _ poss compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 given give VBN - + v:e-i-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Trump Trump NNP - - named:x-c _ _ _ ARG3 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +11 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 excuse excuse NN - + n:x-h _ _ _ ARG2 _ BV _ _ _ _ _ _ _ _ _ _ _ _ +13 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 bail bail VB - - v:e-i _ _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +15 out out+of RP - - p:e-u-i _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ _ _ _ +16 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 offer offer NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +19 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 showed show VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 signs sign NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 stalling stall VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +24 even even RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 before before IN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ +26 problems problem NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +27 emerged emerge VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ +28 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 deal deal NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172011 +1 After after IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 reaching reach VBG - + v:e-i-p ARG2 _ _ _ _ _ _ loc _ _ _ _ _ _ _ _ _ _ _ +3 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 intraday _generic_nn_ JJ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 high high NN - - n:x _ ARG2 BV compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 $ $ $ - - n:x _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +8 107.50 _generic_cd_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 day day NN - + n_of:x-i _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ +11 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 Trump Trump NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ _ _ +13 disclosed disclose VBD + + v_to:e-i-h-i ARG1 _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ _ +14 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ _ _ _ _ +16 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 5 _generic_dom_card_ne_ CD - + dofm:x-c _ _ _ _ _ _ _ _ _ _ _ of _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 AMR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 _ _ _ _ +22 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 retreated retreat VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 _ _ loc +24 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 low low JJ - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ than ARG1 _ _ +28 97.75 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172012 +1 Some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 stock stock NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 traders trader NNS - - n:x BV _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 betting bet VBG - + v:e-i-p _ _ _ _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 against against IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Trump Trump NNP - - named:x-c _ _ _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 he he PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +13 has have VBZ - + v:e-i-i _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 record record NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 disclosing disclose VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +18 stakes stake NNS - - n:x _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 companies company NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ ARG1 _ _ _ _ _ +21 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 are are VBP - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 potential potential JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 takeover takeover NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 targets target NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 compound _ _ _ _ _ _ +26 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 then then RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 selling sell VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +29 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 profit profit NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +32 without without IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 making make VBG - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +36 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172013 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 He he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +3 still still RB - - a:e-e _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +4 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 n’t hasn’t RB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 proven prove VBN - + v:e-i-p neg _ _ _ _ _ _ _ _ _ _ _ _ _ +7 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 mettle mettle NN - - n:x _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ +9 as as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 big-league league JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 take-out take-+out NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 artist artist NN - - n:x _ _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 airline airline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ compound _ _ _ _ _ +19 Kevin Kevin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Murphy Murphy NNP - - named:x-c _ _ _ _ _ _ _ ARG1 _ compound compound ARG1 _ _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Morgan Morgan NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Stanley Stanley NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 compound compound +24 & &+Co CC - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ mwe +25 Co &+Co NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172014 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ +2 He he PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ +3 ’s ’s VBZ - - _ _ _ _ _ _ _ _ _ _ +4 done do VBN + + v:e-i-p _ _ _ _ _ _ _ _ _ +5 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ +6 thing thing NN - + n_of-about:x-i ARG2 BV _ _ _ _ _ _ _ +7 where where WRB - - _ _ _ _ _ _ _ _ _ _ +8 he he PRP - - pron:x _ _ _ ARG1 _ _ _ _ _ +9 ’ll ’ll VBP - - _ _ _ _ _ _ _ _ _ _ +10 buy buy VB - + v:e-i-p _ _ loc _ _ _ _ _ _ +11 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +12 little little JJ - + a:e-p _ _ _ _ _ _ _ _ _ +13 bit bit NN - + n_of:x-i _ _ _ ARG2 BV ARG1 _ _ _ +14 of of IN - - _ _ _ _ _ _ _ _ _ _ +15 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +16 company company NN - - n_of:x-i _ _ _ _ _ _ ARG1 BV _ +17 and and+then CC - - _ _ _ _ _ _ _ _ _ _ +18 then and+then RB - - _ _ _ _ _ _ _ _ _ _ +19 trade trade VB - - v:e-i-p _ _ _ _and+then_c _ _ _ _ ARG1 +20 out out+of RP - - p:e-u-i _ _ _ _ _ _ _ _ mwe +21 of out+of IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +22 it it PRP - - pron:x _ _ _ _ _ _ _ _ ARG2 +23 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22172015 +1 He he PRP - - pron:x ARG1 _ _ _ _ _ +2 ’s ’s VBZ - - _ _ _ _ _ _ _ +3 written write VBN + + v_to:e-i-p _ _ _ _ _ _ +4 this this DT - + q_dem:i-h-h _ _ _ _ _ _ +5 book book NN - - n_of:x-i ARG2 BV _ appos _ _ +6 , _ , - - _ _ _ _ _ _ _ +7 ‘ _ `` - - _ _ _ _ _ _ _ +8 The _generic_proper_ne_ DT - + q:i-h-h _ _ _ _ _ _ +9 Art _generic_proper_ne_ NN - + n:x _ _ compound _ ARG1 _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ +12 Deal _generic_proper_ne_ NN - - n:x _ _ _ _ ARG2 BV +13 . _ . - - _ _ _ _ _ _ _ +14 ’ _ POS - - _ _ _ _ _ _ _ + +#22172017 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ +2 Trump Trump NNP - - named:x-c compound ARG1 _ _ _ _ _ _ _ _ _ _ +3 withdrew withdraw VBD + + v:e-i-p _ _ _ ARG1 _ _ _ _ _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +5 bid bid NN - - n:x _ ARG2 poss _ _ _ _ _ _ _ _ _ +6 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +8 AMR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ +9 board board NN - - n_of:x-i _ _ _ ARG2 BV compound _ ARG1 _ _ _ ARG2 +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +11 which which WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ +12 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ +13 due due JJ - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +15 meet meet VB - + v:e-i-p _ _ _ _ _ _ ARG1 _ loc _ _ _ +16 tomorrow tomorrow NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ever ever RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +19 formally formally RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ +20 considered consider VBN - + v:e-i-i-i _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ +21 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG2 +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172018 +1 AMR _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 weighed weigh VBN + + v:e-i-p _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 wide wide JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 range range NN - + n_of:x-i ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 possible possible JJ - + a_for:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 responses response NNS - - n:x _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 flat flat JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 rejection rejection NN - - n:x _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +14 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 recapitalizations _generic_nns_ NNS - + n:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +16 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 leveraged leverage JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 buy-outs buy-+out NNS - - n:x _ _ _ _ _ _ _ _ _and_c ARG2 _ ARG1 _ _ _ _ _ _ _ _ +19 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 included include VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +23 either either DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 employees employee NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ appos _ _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 friendlier _generic_jjr_ JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 buyer buyer NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 _ _ _ +29 such such+as JJ - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +30 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 Texas Texas NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 billionaire billionaire NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +33 Robert Robert NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 Bass _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound compound +35 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 both both DT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172019 +1 AMR _generic_proper_ne_ NNP - - named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 sought seek VBN - + v:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 foil foil VB - + v:e-i-p _ ARG2 _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ +7 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 Trump Trump NNP - - named:x-c _ _ ARG2 compound _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 Congress Congress NNP - - named:x-c _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +11 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 lobbying lobby VBG - - v:e-i-p _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +13 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 legislation legislation NN - - n:x _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ +15 that that WDT - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 have have VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 bolstered bolster VBN - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 authority authority NN - + n:x-h _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ +21 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Transportation _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Department _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ BV compound ARG1 _ +25 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 reject reject VB - + v_as:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +27 airline airline NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 buy-outs buy-+out NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172020 +1 Yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Trump Trump NNP - - named:x-c _ compound ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 tried try VBD - + v:e-i-h loc _ _ _ _ _ _ _ _ _ _ subord _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 put put VB - + v:e-i-p-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 blame blame NN - - n:x _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 for for IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 collapse collapse NN - - n:x _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ _ +13 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 deal deal NN - - n:x _ _ _ _ _ _ _ ARG2 BV compound ARG1 _ _ _ _ _ _ +17 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Congress Congress NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +19 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 saying say VBG + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +22 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 rushing rush VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ ARG1 _ _ _ +24 through through IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 bill bill NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +27 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 protect protect VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 AMR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 executives executive NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 compound +31 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172021 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 believe believe VBP - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +4 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 perception perception NN - - n:x-h _ BV ARG1 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 legislation legislation NN - + n:x _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 area area NN - - n_of:x-i _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 may may MD - + v_modal:e-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 hastily hastily RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 approved approve VBN - - v:e-i-p _ _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 contributed contribute VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 collapse collapse NN - - n:x _ _ _ _ _ _ _ ARG3 BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 transaction transaction NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ +24 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 resulting result VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 disruption disruption NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ +29 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 financial financial JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 markets market NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ +33 experienced experience VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc _ _ _ +34 this this DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 past past JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 Friday Friday NNP - + dofw:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ +37 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +40 Trump Trump NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound ARG1 _ +41 wrote write VBD + + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 members member NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +43 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +44 Congress Congress NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 +45 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172022 +1 AMR _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ +2 declined decline VBD + + v:e-i-h _ _ _ _ _ +3 to to TO - - _ _ _ _ _ _ +4 comment comment VB - - v_on:e-i ARG2 _ _ _ _ +5 , _ , - - _ _ _ _ _ _ +6 and and CC - - _ _ _ _ _ _ +7 Mr. Mr. NNP - + n:x _ _ _ _ _ +8 Trump Trump NNP - - named:x-c _ compound _ ARG1 _ +9 did didn’t VBD - - _ _ _ _ _ _ +10 n’t didn’t RB - + neg:e-h _but_c _ _ _ _ +11 respond respond VB - + v_to:e-i-i _ _ neg _ _ +12 to to TO - - _ _ _ _ _ _ +13 requests request NNS - - n_for:x-i _ _ _ ARG2 ARG1 +14 for for IN - + p:e-u-i _ _ _ _ _ +15 interviews interview NNS - - n:x _ _ _ _ ARG2 +16 . _ . - - _ _ _ _ _ _ + +#22172024 +1 However however RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 only only RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 received receive VBD - + v:e-i-p _ ARG1 _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 federal federal JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 clearance clearance NN - - n:x _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 to to TO - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 buy buy VB - - v:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +10 more more JJR - + much-many_a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 than than IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 $ $ $ - - n:x _ _ _ _ _ than _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ +13 15 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 million million CD - + card:i-i-c _ _ _ _ _ _ times _ _ _ _ _ _ _ _ _ _ _ _ _ +15 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 stock stock NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +18 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Sept. Sept. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 20 _generic_dom_card_ne_ CD - - dofm:x-c _ _ _ _ _ _ _ _ _ _ ARG2 of loc _ _ _ _ _ _ _ +21 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 when when WRB - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ _ +25 rose rise VBD - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ loc _ _ ARG1 _ +26 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 ARG1 _ _ +27 2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +30 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +32 78.50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172025 +1 Between between IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +2 then then RB - - time_n:x ARG2 _ _ _ _ _ _ _ _ +3 and and CC - - _ _ _ _ _ _ _ _ _ _ +4 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ +5 bid bid NN - - n:x _ poss ARG1 _ _ _ _ _ _ +6 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ +7 Oct. Oct. NNP - + mofy:x-c _ _ _ _ _ _ _ _ _ +8 5 _generic_dom_card_ne_ CD - - dofm:x-c _ _ ARG2 of _ _ _ _ _ +9 , _ , - - _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +11 price price NN - - n_of:x _ _ _ _ BV ARG1 _ _ _ +12 fluctuated fluctuate VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ +13 between between IN - - _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ ARG1 ARG1 _ +15 75.625 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +16 and and CC - + c:i-i-i _ _ _ _ _ ARG2 _ _ _ +17 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 +18 87.375 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ +19 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22172026 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 attempt attempt NN - + n:x-h ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 persuade persuade VB - + v_of:e-i-p _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 investors investor NNS - - n:x _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +7 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 bid bid NN - - n:x _ _ _ _ poss _ _ _ _ _ _ _ _ _ _ _ _ +10 was wasn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 n’t wasn’t NN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 just just RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 a a DT - + q:i-h-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +15 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 play play NN - - n:x _ _ _ _ _ _ BV compound _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 Trump Trump NNP - - named:x-c _ _ _ _ _ _ _ _ compound ARG1 _ _ _ _ _ _ _ +21 promised promise VBD + + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ loc _ _ _ _ _ +22 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 week week NN - + n:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +24 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 notify notify VB - + v_of:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +26 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +28 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 selling sell VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +30 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 shares share NNS - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +32 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172027 +1 AMR _generic_proper_ne_ NNP - - named:x-c ARG1 _ _ _ _ _ _ _ _ _ _ +2 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +3 trading trade NN - + v:e-i-p _ ARG1 _ loc ARG1 _ _ _ ARG1 _ _ +4 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +5 around around IN - - _ _ _ _ _ _ _ _ _ _ _ _ +6 $ $ $ - - n:x _ ARG2 ARG1 _ _ _ _ _ _ _ _ +7 84 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +8 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ +9 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +10 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +11 withdrawal withdrawal NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ +12 announcement announcement NN - - n_of:x-i _ _ _ _ ARG2 poss compound _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +14 then then RB - - _ _ _ _ _ _ _ _ _ _ _ _ +15 immediately immediately RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +16 fell fall VBD + + v:e-i _ _ _ _ _ _ _ ARG1 _ ARG1 _ +17 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +18 about about IN - - _ _ _ _ _ _ _ _ _ _ _ _ +19 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ ARG2 ARG1 +20 76 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22172028 +1 Assuming assume VBG + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 he he PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 paid pay VBD - + v_for:e-i-i-i ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 rough rough JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 average average JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 price price NN - + n_of:x-i _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 $ $ $ - - n:x _ _ _ _ _ ARG1 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 80 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 share share NN - - n_of:x _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 assuming assume VBG - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 did didn’t VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 n’t didn’t JJ - + neg:e-h _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 sell sell VB - + v:e-i-p _ _ _ _ _ _ _ _ _ neg _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +21 before before IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 his his PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 announcement announcement NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ +24 reached reach VBD - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +25 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 market market NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 Trump Trump NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ compound _ ARG1 _ _ _ _ _ _ _ +30 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 sitting sit VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ _ _ ARG1 _ +33 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 modest modest JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 loss loss NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ +37 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ +40 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 $ $ $ - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +42 76.50 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172029 +1 Some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 analysts analyst NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 AMR _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Chairman chairman NNP - + n_of:x-i _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Robert Robert NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Crandall _generic_proper_ne_ NNP - - named:x-c _ _ _ compound compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 might might MD - + v_modal:e-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 seize seize VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 opportunity opportunity NN - - n:x _ _ _ _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 presented present VBN - + v_to:e-i-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 stock stock NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 price price NN - + n_of:x _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 drop drop NN - - n_of:x-i _ _ _ _ _ _ _ _ ARG1 BV _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 to to TO - + x:e-h-h _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 protect protect VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 nation nation NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ _ _ +22 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 largest largest JJS - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 airline airline NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ poss ARG1 ARG1 _ _ ARG1 _ _ _ _ _ _ _ +25 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 defensive defensive JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 transaction transaction NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ _ _ _ +29 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 such such+as JJ - - p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ _ _ _ _ +31 as such+as IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 sale sale NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG1 _ _ _ _ +34 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 stock stock NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +36 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +38 friendly friendly JJ - + a_to:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 holder holder NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ +40 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 company company NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +42 employees employee NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _or_c compound +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172031 +1 Some some DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 analysts analyst NNS - - n:x BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 they they PRP - - pron:x _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 believed believe VBD - + v:e-i-h _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Trump Trump NNP - + named:x-c _ _ _ compound _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 towering tower JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 ego ego NN - - n:x _ _ _ _ poss ARG1 _ _ _ _ _ _ _ _ _ _ +12 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 viewed view VBN - + v_as:e-i-p-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ +15 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 some some DT - - q:i-h-h _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +17 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 reason reason NN - + n_for:x-h _ _ _ _ _ _ ARG3 BV _ _ _ _ _ _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 believe believe VB - + v:e-i-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +22 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +23 would wouldn’t MD - - neg:e-h _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ +24 n’t wouldn’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +25 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 out out RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +29 come come VB - + v_back:e-i _ _ _ _ _ _ _ _ _ _ _ ARG1 _ ARG1 _ _ +30 back back RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +35 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172032 +1 Ray Ray NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +2 Neidl _generic_proper_ne_ NNP - - named:x-c compound ARG1 _ _ ARG1 _ _ _ _ _ +3 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ +4 Dillon Dillon NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ +5 Read _generic_proper_ne_ NNP - - named:x-c _ ARG2 compound compound _ _ _ _ _ _ +6 & &+co. CC - - n:x _ _ _ mwe _ _ _ _ _ _ +7 Co. &+co. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +8 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ +9 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ +10 Trump Trump NNP - - named:x-c _ _ _ _ _ compound ARG1 _ _ _ +11 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ +12 is is VBZ - - _ _ _ _ _ _ _ _ _ _ _ +13 stepping step VBG - + v_back:e-i _ _ _ _ ARG2 _ _ _ _ _ +14 back back RP - - _ _ _ _ _ _ _ _ _ _ _ +15 and and CC - - _ _ _ _ _ _ _ _ _ _ _ +16 waiting wait VBG - + v_for:e-i-i _ _ _ _ _ _ _and_c _ _ _ +17 for for IN - - _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +19 dust dust NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +21 settle settle VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ +22 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22172033 +1 I I PRP - - pron:x ARG1 _ _ +2 ’m ’m VBP - - _ _ _ _ +3 sure sure JJ + + a_of:e-i-h _ _ _ +4 he he PRP - - pron:x _ _ ARG1 +5 still still RB - + a:e-e _ _ _ +6 wants want VBZ - + v:e-i-i ARG2 ARG1 _ +7 AMR _generic_proper_ne_ NNP - - named:x-c _ _ ARG2 +8 . _ . - - _ _ _ _ +9 ” _ '' - - _ _ _ _ + +#22172034 +1 But but CC + + c:i-i-i _ _ +2 others other NNS - - n:x _ ARG1 +3 remained remain VBD - + v:e-i-h ARG2 _ +4 skeptical skeptical JJ - - a_of:e-p-i _ ARG2 +5 . _ . - - _ _ _ + +#22172035 +1 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 I I PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +3 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 never never RB - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 sure sure JJ - + a_of:e-i-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Donald Donald NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Trump Trump NNP - - named:x-c _ _ compound _ ARG1 _ _ _ _ _ _ _ _ _ _ +8 really really RB - + a:e-h _ ARG2 _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +9 wanted want VBD - + v:e-i-h _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +10 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 take take VB - + v:e-i-p-u _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +12 AMR _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +13 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 John John NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 Mattis _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ ARG1 compound _ _ appos _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bond bond NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 analyst analyst NN - + n:x _ _ _ _ _ _ _ _ BV compound _ ARG1 _ _ _ +22 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 Shearson _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 Lehman _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ compound _ _ +25 Hutton _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ ARG2 _ compound compound +26 Inc Inc NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172037 +1 Mr. Mr. NNP - + n:x _ _ _ _ _ +2 Trump Trump NNP - - named:x-c compound _ ARG1 _ _ +3 never never RB + + a:e-h _ _ _ _ _ +4 obtained obtain VBD - + v:e-i-p _ ARG1 _ _ _ +5 financing finance NN - - v:e-i-p _ _ ARG2 ARG1 _ +6 for for IN - + p:e-u-i _ _ _ _ _ +7 his his PRP$ - + q:i-h-h _ _ _ _ _ +8 bid bid NN - - n:x _ _ _ ARG2 poss +9 . _ . - - _ _ _ _ _ _ + +#22172039 +1 Meanwhile meanwhile RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 Citicorp _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ appos _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Chase _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Manhattan Manhattan NNP - - named:x-c _ _and_c compound compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Corp. corp. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 two two CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 lead lead JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 lenders _generic_nns_ NNS - + n:x _ _ _ _ BV ARG1 compound _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 on on IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 buy-out buy-+out NN - - n:x _ _ _ _ _ _ _ _ ARG2 BV compound _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 met meet VBN - + v:e-i-p ARG1 _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc ARG1 _ _ _ _ _ _ _ _ +19 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ _ _ +22 yesterday yesterday NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 determine determine VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ +25 if if IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +27 would would MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +28 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 willing willing JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +30 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 finance finance VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ ARG1 _ _ +32 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 buy-out buy-+out NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ _ _ +34 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +35 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 lower lower JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172040 +1 Officials official NNS - - n:x ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +2 familiar familiar JJ - + a_with:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 with with IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 talks talk NNS - - n_of-on:x-i ARG2 BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 said say VBD + + v_to:e-i-h-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Citicorp _generic_proper_ne_ NNP - - named:x-c _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 discussed discuss VBN - + v:e-i-p _ _ _ _ subord _ _ _ _ _ _ _ _ _ _ _ +10 lowering lower VBG - + v_cause:e-i-p _ _ ARG2 _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 offer offer NN - - n:x _ _ _ _ ARG2 BV _ _ _ _ _ _ _ _ _ _ +13 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +15 250 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 share share NN - - n_of:x _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 but but CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 said say VBD - + v_to:e-i-h-i _ _ _but_c _ _ _ _ _ _ _ _ _ _ _ _ _ +21 that that DT - + q_dem:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 price price NN - - n_of:x _ _ _ _ _ _ _ _ _ _ BV ARG1 _ _ _ _ +23 was was VBD - + v_id:e-p-i _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 talking talk VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 point point NN - - n_of:x _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ _ +27 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 that that IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 no no DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 decision decision NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG2 +31 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 been been VBN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 made make VBN - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _but_c _ _ _ _ +34 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172041 +1 At at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +2 $ $ $ - - n:x ARG2 ARG1 ARG1 _ _ _ _ _ _ _ +3 250 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +4 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +5 share share NN - - n_of:x _ _ ARG2 _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ +7 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ +8 group group NN - - n_of:x _ _ _ BV _ _ ARG1 _ _ _ +9 would would MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ +10 have have VB - + v_qmodal:e-h ARG1 _ _ _ ARG1 _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ +12 borrow borrow VB - + v_from:e-i-p _ _ _ _ _ ARG1 _ _ _ ARG1 +13 about about IN - - _ _ _ _ _ _ _ _ _ _ _ +14 $ $ $ - - n:x _ _ _ _ _ _ ARG2 _ ARG1 _ +15 6.1 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ +16 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ times _ _ +17 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ +18 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ ARG2 +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ + +#22172042 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +2 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ +3 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ +4 deal deal NN - - n:x BV ARG1 compound ARG1 _ _ _ _ _ _ _ +5 unraveled unravel VBN - + v:e-i _ _ _ _ ARG1 _ _ _ _ _ _ +6 after after IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +7 Citibank Citibank NNP - + named:x-c _ _ _ _ _ _ _ _ ARG1 _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +9 Chase _generic_proper_ne_ NNP - - named:x-c _ _ _ _ _ _and_c _ _ _ _ _ +10 could couldn’t MD - + neg:e-h _ _ _ _ _ _ _ neg _ _ _ +11 n’t couldn’t RB - + neg:e-h _ _ _ _ ARG2 _ _ _ _ _ _ +12 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ ARG1 _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 +14 7.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +15 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ +16 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22172043 +1 Citibank Citibank NNP - + named:x-c _ ARG1 _ _ _ _ _ _ _ _ _ +2 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +3 Chase _generic_proper_ne_ NNP - - named:x-c _and_c _ _ _ _ _ _ _ _ _ _ +4 had had VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +5 agreed agree VBN + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ +7 commit commit VB - + v_to:e-i-p-i _ ARG2 _ _ _ _ _ _ _ _ _ +8 $ $ $ - - n:x _ _ ARG2 _ ARG1 _ _ _ _ _ _ +9 3 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +10 billion billion CD - + card:i-i-c _ _ _ times _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +12 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +13 said say VBD - + v_to:e-i-h-i _ _but_c _ _ _ _ _ _ _ _ _ +14 they they PRP - - pron:x _ _ _ _ _ _ _ ARG1 _ _ _ +15 were were VBD - - _ _ _ _ _ _ _ _ _ _ _ _ +16 “ _ `` - - _ _ _ _ _ _ _ _ _ _ _ _ +17 highly highly RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +18 confident confident JJ - + a_of-about:e-i-h _ _ _ _ _ ARG2 ARG1 _ _ _ _ +19 ” _ '' - - _ _ _ _ _ _ _ _ _ _ _ _ +20 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +21 raising raise VBG - + v_cause:e-i-p _ _ _ _ _ _ _ ARG2 _ _ _ +22 another another DT - - _ _ _ _ _ _ _ _ _ _ _ _ +23 $ $ $ - - n:x _ _ _ _ _ _ _ _ ARG2 _ ARG1 +24 4.2 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +25 billion billion CD - + card:i-i-c _ _ _ _ _ _ _ _ _ times _ +26 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22172044 +1 Together together RB - + a:e-e _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ +3 Citicorp _generic_proper_ne_ NNP - + named:x-c _ _ ARG1 _ _ _ _ _ _ _ _ +4 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ +5 Chase _generic_proper_ne_ NNP - - named:x-c _ _and_c _ _ _ _ _ _ _ _ _ +6 received receive VBD - + v:e-i-p ARG1 _ _ _ _ _ ARG1 _ _ _ _ +7 $ $ $ - - n:x _ _ ARG2 _ ARG1 ARG1 _ _ _ _ _ +8 8 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ +9 million million CD - + card:i-i-c _ _ _ times _ _ _ _ _ _ _ +10 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ +11 fees fee NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ +12 to to TO + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ +13 raise raise VB - + v_cause:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +15 rest rest NN - + n_of:x-i _ _ _ _ _ _ _ ARG2 BV _ _ +16 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ +17 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ +18 financing finance NN - - v:e-i-p _ _ _ _ _ _ _ _ _ ARG1 BV +19 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ + +#22172045 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ +2 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +3 banks bank NNS - - n_of:x-i _ ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ +4 balked balk VBD - + v:e-i ARG2 _ _ ARG1 _ _ _ _ _ _ _ _ _ +5 at at IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 low low JJ - + a_on:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ +8 interest interest NN - + n_in:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ +9 rate rate NN - + n_of:x-i _ _ _ ARG2 BV ARG1 compound _ _ _ _ _ _ +10 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 banking banking NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ +12 fees fee NNS - - n:x _ _ _ _ _ _ _ _and_c compound _ _ _ _ +13 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +14 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +15 group group NN - - n_of:x _ _ _ _ _ _ _ _ _ BV compound ARG1 _ +16 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 willing willing JJ - + a:e-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +18 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 pay pay VB - + v_for:e-i-p-i-i _ _ _ _ _ _ _ _ _ _ _ ARG2 _ +20 them them PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172047 +1 Nor nor CC + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 is is VBZ - + _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 group group NN - - n_of:x _ ARG2 BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +5 likely likely JJ - + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 come come VB - + v:e-i _ _ _ ARG1 _ ARG1 ARG1 _ _ _ _ _ _ ARG1 _ _ _ +8 forward forward RB - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 with with IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 revised revise JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 offer offer NN - - n:x _ _ _ _ _ _ ARG2 BV ARG2 ARG1 _ _ _ _ _ _ _ +13 within within IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 next next JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 48 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 hours hour NNS - - n:x _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ +18 despite despite IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 hopes hope NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ +21 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 many many JJ - + much-many_a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 traders trader NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172048 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +2 group group NN - + n_of:x BV _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ +4 advisers adviser NNS - - n:x _ poss ARG1 _ _ _ _ _ _ _ _ _ +5 want want VBP + + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ +6 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ +7 make make VB - + v_i:e-i-h _ _ ARG2 _ _ _ _ _ _ _ _ _ +8 certain certain JJ - + a_of:e-i-h _ _ _ ARG2 _ _ _ _ _ _ _ _ +9 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ +10 have have VBP - + v:e-i-i _ _ _ _ ARG2 _ _ _ _ _ _ _ +11 firm firm JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ +12 bank bank NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ +13 commitments commitment NNS - - n_to:x-i _ _ _ _ _ ARG2 ARG1 compound _ _ loc _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ +15 second second JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ +16 time time NN - + n_of:x _ _ _ _ _ _ _ _ BV ARG1 _ ARG1 +17 around around IN - + p:e-i _ _ _ _ _ _ _ _ _ _ _ _ +18 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172049 +1 Even even RB - + x:e-u _ _ _ _ _ _ _ _ _ +2 if if IN + + x:e-h-h ARG1 _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +4 buy-out buy-+out NN - + n:x _ _ _ _ _ _ _ _ _ +5 group group NN - - n_of:x _ _ BV compound ARG1 _ _ _ _ +6 is is VBZ - - _ _ _ _ _ _ _ _ _ _ +7 able able JJ - + a:e-i-h _ ARG2 _ _ _ _ _ _ _ +8 to to TO - - _ _ _ _ _ _ _ _ _ _ +9 obtain obtain VB - + v:e-i-p _ _ _ _ ARG2 _ _ _ _ +10 financing finance NN - - v:e-i-p _ _ _ _ _ ARG2 _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ +12 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +13 transaction transaction NN - - n:x _ _ _ _ _ _ BV _ ARG1 +14 still still RB - + a:e-e _ _ _ _ _ _ _ _ _ +15 faces face VBZ - + v:e-i-p _ ARG1 _ _ _ _ _ ARG1 _ +16 obstacles obstacle NNS - - n:x _ _ _ _ _ _ _ _ ARG2 +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + +#22172050 +1 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ +2 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 board board NN - - n_of:x-i poss _ ARG1 _ _ _ _ _ _ _ _ _ _ +4 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +5 reject reject VB - + v_as:e-i-p _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +6 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +7 new new JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ +8 price price NN - - n_of:x _ _ ARG2 BV ARG1 _ ARG1 _ _ _ _ _ _ +9 as as IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 too too RB - + comp:e-u-u _ _ _ _ _ _ _ _ _ _ _ _ _ +11 low low JJ - + a_on:e-p-i _ _ _ _ _ comp_too _ _ _ _ _ _ _ +12 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 especially especially RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ +14 since since IN + + x:e-h-h _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +15 there there EX - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 are aren’t VBP - + v_there:e-i _ _ _ _ _ _ _ _ _ _ neg _ _ +17 n’t aren’t JJ - + v_there:e-i _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +18 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ +19 competing compete VBG - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ +20 bids bid NNS - - n:x _ _ _ _ _ _ _ _ _ ARG1 _ BV ARG1 +21 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172051 +1 Los _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 Angeles _generic_proper_ne_ NNP - + named:x-c compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 investor investor NN - + n:x _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 Marvin Marvin NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Davis Davis NNP - + named:x-c _ _ compound compound _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +6 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 whose whose WP$ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 $ $ $ - + n:x _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +9 275-a-share share JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 offer offer NN - - n:x _ _ _ _ poss compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 was was VBD - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 rejected reject VBN - + v_as:e-i-p _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ _ +13 by by IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 board board NN - - n_of:x-i _ _ _ _ _ _ _ ARG1 poss _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 has hasn’t VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 n’t hasn’t JJ + + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 shown show VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ +21 signs sign NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +22 of of IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 pursuing pursue VBG - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +24 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 $ $ $ - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +26 300-a-share share JJ - + n_of:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 back-up back-+up NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV compound _ compound ARG2 _ _ +29 he he PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +30 made make VBD - + v:e-i-p-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ loc +31 last last JJ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +32 month month NN - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +33 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172052 +1 In in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 addition addition NN - - n:x ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 coalition coalition NN - - n:x _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +6 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 labor labor NN - + n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 management management NN - - n:x _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ +10 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 longtime _generic_jj_ JJ - + a:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 enemies enemy NNS - - n:x _ _ _ _ ARG1 ARG1 _ _ _ _ _ _ _ ARG1 _ +13 who who WP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 joined join VBD - + v:e-i-p _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +15 forces force NNS - - n:x _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ +16 only only RB - + x:e-u _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 under under IN - + p:e-u-i _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 threat threat NN - - n:x _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ _ _ +20 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 Mr. Mr. NNP - + n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 Davis Davis NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ compound _ _ _ _ +23 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 bid bid NN - - n:x _ _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ +25 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 could could MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 break break VB - + v:e-i _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ loc +28 apart apart RB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 now now RB - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172053 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 group group NN - + n_of:x BV _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 ’s ’s NNS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 resilience _generic_nn_ NN - - n:x _ poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 gets get VBZ - + v:e-i-i _ _ _ _ _ loc ARG1 _ _ _ _ _ _ _ _ _ _ +6 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 first first JJ - + ord:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 test test NN - - n_of:x-i _ _ ARG2 poss ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +9 today today NN - + time_n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 when when WRB + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 30 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 top top JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 pilot pilot NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 union union NN - + n_of:x-i _ _ _ _ _ _ _ _ _ compound _ _ _ _ _ _ _ +15 leaders leader NNS - - n_of:x-i _ _ _ _ _ _ _ ARG1 ARG1 _ compound ARG1 _ _ _ _ _ +16 convene convene VBP - + v:e-i _ _ _ _ _ _ ARG2 _ _ _ _ _ ARG1 ARG1 _ _ _ +17 outside outside IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 Chicago Chicago NNP - - named:x-c _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +19 in in IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 previously previously RB - + p:e-e _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 scheduled schedule VBN - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +23 meeting meeting NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG2 +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172055 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ +2 pilot pilot NN - + n_of:x-i _ _ _ _ _ _ _ +3 union union NN - - n_of:x-i BV compound _ ARG1 _ _ _ +4 is is VBZ - - _ _ _ _ _ _ _ _ +5 vowing vow VBG - + v_to:e-i-h _ _ _ _ _ _ ARG2 +6 to to TO - - _ _ _ _ _ _ _ _ +7 pursue pursue VB - + v:e-i-p _ _ ARG2 _ _ _ _ +8 an an DT - + q:i-h-h _ _ _ _ _ _ _ +9 acquisition acquisition NN - - n_of:x-i _ _ _ ARG2 BV _ _ +10 whatever whatever WDT - - _ _ _ _ _ _ _ _ +11 the the DT - + q:i-h-h _ _ _ _ _ _ _ +12 board board NN - - n_of:x-i _ _ _ _ _ BV ARG1 +13 decides decide VBZ + + v:e-i-p _ _ _ _ _ _ _ +14 . _ . - - _ _ _ _ _ _ _ _ + +#22172056 +1 But but CC + + c:i-i-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 if if IN - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 board board NN - - n_of:x-i _ _ BV ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ +5 rejects reject VBZ - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 reduced reduce JJ - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 bid bid NN - - n:x _ _ _ ARG2 BV ARG2 _ _ _ _ _ _ _ _ _ _ _ +9 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 decides decide VBZ - + v:e-i-h _ _ _ _and_c _ _ _ _ _ _ _ _ _ _ _ _ _ +11 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 explore explore VB - + v:e-i-p _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +13 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 alternatives alternative NNS - - n_to:x-i _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ _ +15 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 it it PRP - - pron:x _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ +17 could could MD - + v_modal:e-h _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 transform transform VB - + v:e-i-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ +19 what what WP - - thing:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +20 has has VBZ - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 been been VBN - + v_id:e-p-i _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +22 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 harmonious harmonious JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 process process NN - + n_of:x-i _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 _ _ _ +25 into into IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +26 an an DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 adversarial _generic_jj_ JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 one one CD - - card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 +29 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172057 +1 The the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 pilots pilot NNS - - n_of:x-i BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ +3 could could MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +4 play play VB - + v:e-i-p _ ARG1 _ ARG1 _ _ _ _ _ _ _ _ _ _ +5 hardball _generic_nn_ NN - - n:x _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ +6 by by IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 noting note VBG - + v_cause:e-i-h _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ +8 they they PRP - - pron:x _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +9 are are VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 crucial crucial JJ - + a_for:e-p-i _ _ _ _ ARG2 _ ARG1 _ _ _ _ _ _ _ +11 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 any any DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 sale sale NN - + n_of:x-i _ _ _ _ _ _ ARG2 BV _ _ _ _ _ _ +14 or or CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 restructuring restructure NN - - v:e-i _ _ _ _ _ _ _ _ _or_c _ _ _ _ _ +16 because because IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 they they PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +18 can can MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +19 refuse refuse VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +20 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +21 fly fly VB - + v_to:e-i-p _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ +22 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 airplanes airplane NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV +24 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172058 +1 If if IN + + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 they they PRP - - pron:x _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 were were VBD - + _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 to to TO - + x:e-h-h ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 insist insist VB - + v_on:e-i-i _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 on on IN - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +8 low low JJ - + a_on:e-p-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 bid bid NN - - n:x _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 of of IN - + p:e-x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +12 say say VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 $ $ $ - - n:x _ _ _ _ _ _ _ ARG2 ARG1 ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 200 _generic_card_ne_ CD - + card:i-i-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 a a DT - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +16 share share NN - - n_of:x _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +18 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 board board NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ BV _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +20 might mightn’t MD - - neg:e-h _ _ _ _ _ _ _ _ _ _ _ neg _ _ _ _ _ _ _ _ _ _ _ _ _ +21 n’t mightn’t VB - + neg:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +22 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 able able JJ - + a:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +24 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 obtain obtain VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ +26 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +27 higher higher JJR - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 offer offer NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV ARG1 ARG1 _ _ _ _ _ _ _ _ +29 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +30 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +31 bidders bidder NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 _ _ _ _ _ _ _ +32 because because IN - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 banks bank NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ +34 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +35 hesitate hesitate VB - + v:e-i-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ +36 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 finance finance VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ +38 a a DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +39 transaction transaction NN - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 BV _ ARG2 +40 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +41 pilots pilot NNS - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ BV ARG1 +42 oppose oppose VBP - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +43 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172059 +1 Also also RB + + a:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +2 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +3 because because IN - + x:e-h-h ARG1 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +4 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +5 Chairman chairman NNP - + n_of:x-i _ _ compound _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +6 Stephen Stephen NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +7 Wolf _generic_proper_ne_ NNP - + named:x-c _ _ _ compound compound _ _ _ ARG1 _ _ _ _ _ _ _ _ _ _ _ _ +8 and and CC - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +9 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +10 UAL _generic_proper_ne_ NNP - + named:x-c _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +11 executives executive NNS - - n:x _ _ _ _ _ _and_c ARG1 compound _ _ _ _ _ _ _ _ _ _ _ _ _ +12 have have VBP - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +13 joined join VBN - + v:e-i-p _ ARG2 _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +15 pilots pilot NNS - + n_of:x-i _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ _ _ +16 ’ _ POS - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +17 bid bid NN - - n:x _ _ _ _ _ _ _ _ ARG2 _ poss _ _ _ _ _ _ _ _ _ _ +18 , _ , - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +19 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +20 board board NN - - n_of:x-i _ _ _ _ _ _ _ _ _ _ _ BV _ _ _ _ _ _ _ _ _ +21 might might MD - + v_modal:e-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ +22 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +23 forced force VBN - + v:e-i-i-h _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ _ _ _ _ _ _ +24 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +25 exclude exclude VB - + v:e-i-p _ _ _ _ _ _ _ _ _ _ _ _ _ ARG3 _ ARG1 _ _ _ _ _ +26 him him PRP - - pron:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 _ _ _ _ _ _ +27 from from IN - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +28 its its PRP$ - + q:i-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +29 deliberations deliberation NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 poss _ _ _ _ +30 in in+order IN - - x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ mwe _ _ _ +31 order in+order NN - + x:e-h-h _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ _ +32 to to TO - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +33 be be VB - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +34 fair fair JJ - + a:e-p _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG1 _ +35 to to TO - + p:e-u-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +36 other other JJ - + a:e-i _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ +37 bidders bidder NNS - - n:x _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ ARG2 ARG1 +38 . _ . - - _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ + +#22172060 +1 That that DT - - x:x _ ARG1 _ _ _ _ _ _ _ +2 could could MD + + v_modal:e-h _ _ _ _ _ _ _ _ _ +3 cost cost VB - + v:e-i-i-i ARG1 _ _ _ _ _ _ _ _ +4 him him PRP - - pron:x _ ARG3 _ _ _ _ _ _ _ +5 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +6 chance chance NN - + n_of:x-h _ ARG2 BV _ _ _ _ _ _ +7 to to TO - - _ _ _ _ _ _ _ _ _ _ +8 influence influence VB - + v:e-i-p _ _ _ ARG1 _ _ _ _ _ +9 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +10 outcome outcome NN - - n:x _ _ _ _ ARG2 BV _ _ _ +11 and and CC - - _ _ _ _ _ _ _ _ _ _ +12 perhaps perhaps RB - - _ _ _ _ _ _ _ _ _ _ +13 join join VB - + v:e-i-p _ _ _ _ _and+then_c _ _ _ _ +14 the the DT - + q:i-h-h _ _ _ _ _ _ _ _ _ +15 winning win JJ - + a:e-p _ _ _ _ _ _ _ _ _ +16 bidder bidder NN - - n:x _ _ _ _ _ _ ARG2 BV compound +17 . _ . - - _ _ _ _ _ _ _ _ _ _ + diff --git a/mtool/data/score/eds/lpps.102990.png b/mtool/data/score/eds/lpps.102990.png new file mode 100644 index 0000000000000000000000000000000000000000..152bcc6785a693b08338c908b023c433722f48a0 Binary files /dev/null and b/mtool/data/score/eds/lpps.102990.png differ diff --git a/mtool/data/score/eds/lpps.peking.mrp b/mtool/data/score/eds/lpps.peking.mrp new file mode 100644 index 0000000000000000000000000000000000000000..dc53cc735f4b78b38344d47c2a51c621339e8c97 --- /dev/null +++ b/mtool/data/score/eds/lpps.peking.mrp @@ -0,0 +1,100 @@ +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 6}], "label": "_very_x_deg"}, {"id": 3, "anchors": [{"to": 15, "from": 11}], "label": "_much_x_deg"}, {"id": 4, "anchors": [{"to": 24, "from": 16}], "label": "_worried_a_about"}, {"id": 5, "anchors": [{"to": 28, "from": 25}], "label": "_for_x_cause"}, {"id": 6, "anchors": [{"to": 44, "from": 36}], "label": "_become_v_id"}, {"id": 7, "anchors": [{"to": 50, "from": 45}], "label": "_clear_a_of"}, {"id": 8, "anchors": [{"to": 53, "from": 51}], "label": "_to_p"}, {"id": 9, "anchors": [{"to": 56, "from": 54}], "label": "pron"}, {"id": 10, "anchors": [{"to": 56, "from": 54}], "label": "pronoun_q"}, {"id": 11, "anchors": [{"to": 65, "from": 62}], "label": "_the_q"}, {"id": 12, "anchors": [{"to": 75, "from": 66}], "label": "_breakdown_n_1"}, {"id": 13, "anchors": [{"to": 78, "from": 76}], "label": "_of_p"}, {"id": 14, "anchors": [{"to": 81, "from": 79}], "label": "pron"}, {"id": 15, "anchors": [{"to": 81, "from": 79}], "label": "def_explicit_q"}, {"id": 16, "anchors": [{"to": 81, "from": 79}], "label": "poss"}, {"id": 17, "anchors": [{"to": 81, "from": 79}], "label": "pronoun_q"}, {"id": 18, "anchors": [{"to": 87, "from": 82}], "label": "_plane_n_1"}, {"id": 19, "anchors": [{"to": 101, "from": 92}], "label": "_extremely_x_deg"}, {"id": 20, "anchors": [{"to": 110, "from": 102}], "label": "_serious_a_1"}], "tops": [5], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 7, "target": 20, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 17, "target": 14, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 20, "target": 12, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I was very much worried, for it was becoming clear to me that the breakdown of my plane was extremely serious.", "flavor": 1, "id": "102990"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 11, "from": 7}], "label": "_draw_v_1"}, {"id": 3, "anchors": [{"to": 15, "from": 12}], "label": "pron"}, {"id": 4, "anchors": [{"to": 15, "from": 12}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 17, "from": 16}], "label": "_a_q"}, {"id": 6, "anchors": [{"to": 25, "from": 18}], "label": "_railing_n_1"}, {"id": 7, "anchors": [{"to": 32, "from": 29}], "label": "_put_v_1"}, {"id": 8, "anchors": [{"to": 39, "from": 33}], "label": "_around_p"}, {"id": 9, "anchors": [{"to": 44, "from": 40}], "label": "pron"}, {"id": 10, "anchors": [{"to": 44, "from": 40}], "label": "def_explicit_q"}, {"id": 11, "anchors": [{"to": 44, "from": 40}], "label": "poss"}, {"id": 12, "anchors": [{"to": 44, "from": 40}], "label": "pronoun_q"}, {"id": 13, "anchors": [{"to": 52, "from": 45}], "label": "_flower_n_1"}], "tops": [7], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG3"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG3"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG2"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 12, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I will draw you a railing to put around your flower.", "flavor": 1, "id": "103610"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 12, "from": 4}], "label": "_adjust_v_to"}, {"id": 3, "anchors": [{"to": 16, "from": 13}], "label": "pron"}, {"id": 4, "anchors": [{"to": 16, "from": 13}], "label": "def_explicit_q"}, {"id": 5, "anchors": [{"to": 16, "from": 13}], "label": "poss"}, {"id": 6, "anchors": [{"to": 16, "from": 13}], "label": "pronoun_q"}, {"id": 7, "anchors": [{"to": 23, "from": 17}], "label": "_petals_n_1"}, {"properties": ["carg"], "values": ["1"], "id": 8, "anchors": [{"to": 27, "from": 24}], "label": "card"}, {"id": 9, "anchors": [{"to": 27, "from": 24}], "label": "number_q"}, {"id": 10, "anchors": [{"to": 30, "from": 28}], "label": "_by_p"}, {"properties": ["carg"], "values": ["1"], "id": 11, "anchors": [{"to": 35, "from": 31}], "label": "card"}, {"id": 12, "anchors": [{"to": 35, "from": 31}], "label": "number_q"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 4, "target": 7, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 3, "label": "BV"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "She adjusted her petals one by one.", "flavor": 1, "id": "103780"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_then_a_1"}, {"properties": ["carg"], "values": ["1"], "id": 1, "anchors": [{"to": 8, "from": 5}], "label": "card"}, {"id": 2, "anchors": [{"to": 8, "from": 5}], "label": "udef_q"}, {"id": 3, "anchors": [{"to": 17, "from": 9}], "label": "_morning_n_of"}, {"id": 4, "anchors": [{"to": 17, "from": 5}], "label": "loc_nonsp"}, {"id": 5, "anchors": [{"to": 25, "from": 18}], "label": "_exactly_x_deg"}, {"id": 6, "anchors": [{"to": 28, "from": 26}], "label": "_at_p_temp"}, {"properties": ["carg"], "values": ["sunrise"], "id": 7, "anchors": [{"to": 37, "from": 29}], "label": "numbered_hour"}, {"id": 8, "anchors": [{"to": 37, "from": 29}], "label": "def_implicit_q"}, {"id": 9, "anchors": [{"to": 41, "from": 38}], "label": "pron"}, {"id": 10, "anchors": [{"to": 41, "from": 38}], "label": "pronoun_q"}, {"id": 11, "anchors": [{"to": 50, "from": 42}], "label": "_sudden_a_1"}, {"id": 12, "anchors": [{"to": 57, "from": 51}], "label": "_show_v_1"}, {"id": 13, "anchors": [{"to": 66, "from": 58}], "label": "pron"}, {"id": 14, "anchors": [{"to": 66, "from": 58}], "label": "pronoun_q"}], "tops": [0], "edges": [{"source": 0, "target": 12, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG2"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 6, "target": 12, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 12, "target": 9, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 14, "target": 13, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Then one morning, exactly at sunrise, she suddenly showed herself.", "flavor": 1, "id": "103840"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 6, "from": 5}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 5}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 15, "from": 11}], "label": "_bear_v_2"}, {"id": 4, "anchors": [{"to": 18, "from": 16}], "label": "_at_p_temp"}, {"id": 5, "anchors": [{"to": 22, "from": 19}], "label": "_the_q"}, {"id": 6, "anchors": [{"to": 27, "from": 23}], "label": "_same_a_as"}, {"id": 7, "anchors": [{"to": 27, "from": 23}], "label": "comp_equal"}, {"id": 8, "anchors": [{"to": 34, "from": 28}], "label": "_moment_n_1"}, {"id": 9, "anchors": [{"to": 41, "from": 38}], "label": "_the_q"}, {"id": 10, "anchors": [{"to": 45, "from": 42}], "label": "_sun_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"And I was born at the same moment as the sun ...\"", "flavor": 1, "id": "103920"} +{"nodes": [{"id": 0, "anchors": [{"to": 10, "from": 0}], "label": "_embarassed_v_1"}, {"id": 1, "anchors": [{"to": 82, "from": 0}], "label": "subord"}, {"id": 2, "anchors": [{"to": 15, "from": 11}], "label": "_over_p"}, {"id": 3, "anchors": [{"to": 26, "from": 23}], "label": "_let_v_1"}, {"id": 4, "anchors": [{"to": 82, "from": 16}], "label": "nominalization"}, {"id": 5, "anchors": [{"to": 82, "from": 16}], "label": "udef_q"}, {"id": 6, "anchors": [{"to": 34, "from": 27}], "label": "pron"}, {"id": 7, "anchors": [{"to": 34, "from": 27}], "label": "pronoun_q"}, {"id": 8, "anchors": [{"to": 44, "from": 38}], "label": "_catch_v_1"}, {"id": 9, "anchors": [{"to": 47, "from": 45}], "label": "_on_p"}, {"id": 10, "anchors": [{"to": 51, "from": 48}], "label": "_the_q"}, {"id": 11, "anchors": [{"to": 57, "from": 52}], "label": "_verge_n_1"}, {"id": 12, "anchors": [{"to": 60, "from": 58}], "label": "_of_p"}, {"id": 13, "anchors": [{"to": 67, "from": 61}], "label": "_such+a_q"}, {"properties": ["carg"], "values": ["na\u00efve"], "id": 14, "anchors": [{"to": 73, "from": 68}], "label": "named"}, {"id": 15, "anchors": [{"to": 82, "from": 68}], "label": "compound"}, {"id": 16, "anchors": [{"to": 73, "from": 68}], "label": "proper_q"}, {"id": 17, "anchors": [{"to": 82, "from": 74}], "label": "_untruth_n_unknown"}, {"id": 18, "anchors": [{"to": 86, "from": 83}], "label": "pron"}, {"id": 19, "anchors": [{"to": 86, "from": 83}], "label": "pronoun_q"}, {"id": 20, "anchors": [{"to": 94, "from": 87}], "label": "_coughed_v_1"}, {"properties": ["carg"], "values": ["2"], "id": 21, "anchors": [{"to": 98, "from": 95}], "label": "card"}, {"id": 22, "anchors": [{"to": 101, "from": 99}], "label": "_or_c"}, {"properties": ["carg"], "values": ["3"], "id": 23, "anchors": [{"to": 107, "from": 102}], "label": "card"}, {"id": 24, "anchors": [{"to": 114, "from": 108}], "label": "_time_n_of"}, {"id": 25, "anchors": [{"to": 114, "from": 95}], "label": "loc_nonsp"}, {"id": 26, "anchors": [{"to": 107, "from": 95}], "label": "udef_q"}, {"id": 27, "anchors": [{"to": 123, "from": 115}], "label": "_in+order+to_x"}, {"id": 28, "anchors": [{"to": 130, "from": 127}], "label": "_put_v_1"}, {"id": 29, "anchors": [{"to": 134, "from": 131}], "label": "_the_q"}, {"id": 30, "anchors": [{"to": 141, "from": 135}], "label": "_little_a_1"}, {"id": 31, "anchors": [{"to": 148, "from": 142}], "label": "_prince_n_of"}, {"id": 32, "anchors": [{"to": 151, "from": 149}], "label": "_in_p"}, {"id": 33, "anchors": [{"to": 155, "from": 152}], "label": "_the_q"}, {"id": 34, "anchors": [{"to": 162, "from": 156}], "label": "_wrong_a_with"}], "tops": [1], "edges": [{"source": 1, "target": 0, "label": "ARG2"}, {"source": 1, "target": 27, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 15, "target": 14, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 16, "target": 14, "label": "BV"}, {"source": 19, "target": 18, "label": "BV"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 22, "target": 21, "label": "L-HNDL"}, {"source": 22, "target": 23, "label": "R-HNDL"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 25, "target": 20, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG2"}, {"source": 26, "target": 24, "label": "BV"}, {"source": 27, "target": 20, "label": "ARG1"}, {"source": 27, "target": 28, "label": "ARG2"}, {"source": 28, "target": 18, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 28, "target": 32, "label": "ARG3"}, {"source": 29, "target": 31, "label": "BV"}, {"source": 30, "target": 31, "label": "ARG1"}, {"source": 32, "target": 31, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Embarassed over having let herself be caught on the verge of such a na\u00efve untruth, she coughed two or three times, in order to put the little prince in the wrong.", "flavor": 1, "id": "104130"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 11, "from": 7}], "label": "_just_a_1"}, {"id": 3, "anchors": [{"to": 17, "from": 12}], "label": "_going+to_v_qmodal"}, {"id": 4, "anchors": [{"to": 25, "from": 21}], "label": "_look_v_for"}, {"id": 5, "anchors": [{"to": 32, "from": 30}], "label": "pron"}, {"id": 6, "anchors": [{"to": 32, "from": 30}], "label": "pronoun_q"}, {"id": 7, "anchors": [{"to": 37, "from": 33}], "label": "_when_x_subord"}, {"id": 8, "anchors": [{"to": 41, "from": 38}], "label": "pron"}, {"id": 9, "anchors": [{"to": 41, "from": 38}], "label": "pronoun_q"}, {"id": 10, "anchors": [{"to": 47, "from": 42}], "label": "_speak_v_to"}, {"id": 11, "anchors": [{"to": 50, "from": 48}], "label": "_to_p"}, {"id": 12, "anchors": [{"to": 53, "from": 51}], "label": "pron"}, {"id": 13, "anchors": [{"to": 53, "from": 51}], "label": "pronoun_q"}], "tops": [7], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 13, "target": 12, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I was just going to look for it when you spoke to me ...\"", "flavor": 1, "id": "104150"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 12, "from": 3}], "label": "_careful_a_with-about-of"}, {"id": 3, "anchors": [{"to": 20, "from": 13}], "label": "_clean_v_out"}, {"id": 4, "anchors": [{"to": 28, "from": 25}], "label": "pron"}, {"id": 5, "anchors": [{"to": 28, "from": 25}], "label": "def_explicit_q"}, {"id": 6, "anchors": [{"to": 28, "from": 25}], "label": "poss"}, {"id": 7, "anchors": [{"to": 28, "from": 25}], "label": "pronoun_q"}, {"id": 8, "anchors": [{"to": 35, "from": 29}], "label": "_active_a_1"}, {"properties": ["carg"], "values": ["volcanoes"], "id": 9, "anchors": [{"to": 46, "from": 36}], "label": "named"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 9, "label": "ARG2"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 7, "target": 4, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "He carefully cleaned out his active volcanoes.", "flavor": 1, "id": "104350"} +{"nodes": [{"id": 0, "anchors": [{"to": 8, "from": 0}], "label": "_volcanic_a_unknown"}, {"id": 1, "anchors": [{"to": 18, "from": 9}], "label": "_eruptions_n_unknown"}, {"id": 2, "anchors": [{"to": 18, "from": 0}], "label": "udef_q"}, {"id": 3, "anchors": [{"to": 27, "from": 23}], "label": "_like_p"}, {"id": 4, "anchors": [{"to": 33, "from": 28}], "label": "_fire_n_1"}, {"id": 5, "anchors": [{"to": 47, "from": 28}], "label": "udef_q"}, {"id": 6, "anchors": [{"to": 36, "from": 34}], "label": "_in_p"}, {"id": 7, "anchors": [{"to": 38, "from": 37}], "label": "_a_q"}, {"id": 8, "anchors": [{"to": 47, "from": 39}], "label": "_chimney_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Volcanic eruptions are like fires in a chimney.", "flavor": 1, "id": "104410"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 6, "from": 4}], "label": "_on_p_temp"}, {"id": 2, "anchors": [{"to": 11, "from": 7}], "label": "_this_q_dem"}, {"id": 3, "anchors": [{"to": 16, "from": 12}], "label": "_last_a_1"}, {"id": 4, "anchors": [{"to": 24, "from": 17}], "label": "_morning_n_of"}, {"id": 5, "anchors": [{"to": 28, "from": 25}], "label": "_all_q"}, {"id": 6, "anchors": [{"to": 28, "from": 25}], "label": "part_of"}, {"id": 7, "anchors": [{"to": 34, "from": 29}], "label": "_these_q_dem"}, {"id": 8, "anchors": [{"to": 43, "from": 35}], "label": "_familiar_a_with"}, {"id": 9, "anchors": [{"to": 49, "from": 44}], "label": "_task_n_of"}, {"id": 10, "anchors": [{"to": 56, "from": 50}], "label": "_seem_v_to"}, {"id": 11, "anchors": [{"to": 61, "from": 57}], "label": "_very_x_deg"}, {"id": 12, "anchors": [{"to": 70, "from": 62}], "label": "_precious_a_1"}, {"id": 13, "anchors": [{"to": 73, "from": 71}], "label": "_to_p"}, {"id": 14, "anchors": [{"to": 78, "from": 74}], "label": "pron"}, {"id": 15, "anchors": [{"to": 78, "from": 74}], "label": "pronoun_q"}], "tops": [0], "edges": [{"source": 0, "target": 10, "label": "R-HNDL"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 1, "target": 10, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 10, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 12, "target": 6, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 15, "target": 14, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "But on this last morning all these familiar tasks seemed very precious to him.", "flavor": 1, "id": "104460"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "def_explicit_q"}, {"id": 2, "anchors": [{"to": 3, "from": 0}], "label": "poss"}, {"id": 3, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 4, "anchors": [{"to": 8, "from": 4}], "label": "_cold_n_1"}, {"id": 5, "anchors": [{"to": 15, "from": 12}], "label": "neg"}, {"id": 6, "anchors": [{"to": 18, "from": 16}], "label": "comp_so"}, {"id": 7, "anchors": [{"to": 22, "from": 19}], "label": "_bad_a_at"}, {"id": 8, "anchors": [{"to": 29, "from": 26}], "label": "_all_q"}, {"id": 9, "anchors": [{"to": 29, "from": 26}], "label": "part_of"}, {"id": 10, "anchors": [{"to": 34, "from": 30}], "label": "_that_q_dem"}, {"id": 11, "anchors": [{"to": 34, "from": 30}], "label": "generic_entity"}, {"id": 12, "anchors": [{"to": 42, "from": 39}], "label": "_the_q"}, {"id": 13, "anchors": [{"to": 47, "from": 43}], "label": "_cool_a_1"}, {"id": 14, "anchors": [{"to": 53, "from": 48}], "label": "_night_n_of"}, {"id": 15, "anchors": [{"to": 57, "from": 48}], "label": "compound"}, {"id": 16, "anchors": [{"to": 53, "from": 48}], "label": "udef_q"}, {"id": 17, "anchors": [{"to": 57, "from": 54}], "label": "_air_n_1"}, {"id": 18, "anchors": [{"to": 65, "from": 63}], "label": "_do_v_1"}, {"id": 19, "anchors": [{"to": 68, "from": 66}], "label": "pron"}, {"id": 20, "anchors": [{"to": 68, "from": 66}], "label": "pronoun_q"}, {"id": 21, "anchors": [{"to": 74, "from": 69}], "label": "_goods_n_1"}], "tops": [5], "edges": [{"source": 1, "target": 4, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG2"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 3, "target": 0, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 7, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 13, "target": 17, "label": "ARG1"}, {"source": 15, "target": 14, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 16, "target": 14, "label": "BV"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG2"}, {"source": 20, "target": 19, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"My cold is not so bad as all that ... the cool night air will do me good.", "flavor": 1, "id": "104660"} +{"nodes": [{"id": 0, "anchors": [{"to": 6, "from": 0}], "label": "_yawns_n_1"}, {"id": 1, "anchors": [{"to": 13, "from": 0}], "label": "udef_q"}, {"id": 2, "anchors": [{"to": 9, "from": 7}], "label": "_to_p"}, {"id": 3, "anchors": [{"to": 13, "from": 10}], "label": "pron"}, {"id": 4, "anchors": [{"to": 13, "from": 10}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 17, "from": 14}], "label": "_be_v_id"}, {"id": 6, "anchors": [{"to": 25, "from": 18}], "label": "_object_n_1"}, {"id": 7, "anchors": [{"to": 39, "from": 18}], "label": "udef_q"}, {"id": 8, "anchors": [{"to": 28, "from": 26}], "label": "_of_p"}, {"id": 9, "anchors": [{"to": 39, "from": 29}], "label": "_curiosity_n_1"}, {"id": 10, "anchors": [{"to": 39, "from": 29}], "label": "udef_q"}], "tops": [5], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 0, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Yawns, to me, are objects of curiosity.", "flavor": 1, "id": "105010"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 8, "from": 5}], "label": "_the_q"}, {"id": 2, "anchors": [{"to": 14, "from": 9}], "label": "_star_n_1"}, {"id": 3, "anchors": [{"to": 19, "from": 15}], "label": "_obey_v_1"}, {"id": 4, "anchors": [{"to": 25, "from": 20}], "label": "pron"}, {"id": 5, "anchors": [{"to": 25, "from": 20}], "label": "pronoun_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"And the stars obey you?\"", "flavor": 1, "id": "105310"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 8, "from": 5}], "label": "neg"}, {"id": 3, "anchors": [{"to": 15, "from": 9}], "label": "_permit_v_1"}, {"id": 4, "anchors": [{"to": 33, "from": 16}], "label": "_insubordination_n_unknown"}, {"id": 5, "anchors": [{"to": 33, "from": 16}], "label": "udef_q"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I do not permit insubordination.\"", "flavor": 1, "id": "105340"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "_if_x_then"}, {"id": 1, "anchors": [{"to": 6, "from": 3}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 3}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 14, "from": 7}], "label": "_order_v_1"}, {"id": 4, "anchors": [{"to": 19, "from": 15}], "label": "pron"}, {"id": 5, "anchors": [{"to": 19, "from": 15}], "label": "def_explicit_q"}, {"id": 6, "anchors": [{"to": 19, "from": 15}], "label": "poss"}, {"id": 7, "anchors": [{"to": 19, "from": 15}], "label": "pronoun_q"}, {"id": 8, "anchors": [{"to": 26, "from": 20}], "label": "_people_n_of"}, {"id": 9, "anchors": [{"to": 32, "from": 30}], "label": "_go_v_1"}, {"id": 10, "anchors": [{"to": 36, "from": 33}], "label": "_and_c"}, {"id": 11, "anchors": [{"to": 42, "from": 37}], "label": "_throw_v_1"}, {"id": 12, "anchors": [{"to": 53, "from": 43}], "label": "pron"}, {"id": 13, "anchors": [{"to": 53, "from": 43}], "label": "pronoun_q"}, {"id": 14, "anchors": [{"to": 58, "from": 54}], "label": "_into_p"}, {"id": 15, "anchors": [{"to": 62, "from": 59}], "label": "_the_q"}, {"id": 16, "anchors": [{"to": 67, "from": 63}], "label": "_sea_n_of"}, {"id": 17, "anchors": [{"to": 72, "from": 68}], "label": "pron"}, {"id": 18, "anchors": [{"to": 72, "from": 68}], "label": "pronoun_q"}, {"id": 19, "anchors": [{"to": 78, "from": 73}], "label": "_would_v_modal"}, {"id": 20, "anchors": [{"to": 83, "from": 79}], "label": "_rise_v_up"}, {"id": 21, "anchors": [{"to": 89, "from": 87}], "label": "_in_p"}, {"id": 22, "anchors": [{"to": 101, "from": 90}], "label": "_revolution_n_of"}, {"id": 23, "anchors": [{"to": 101, "from": 90}], "label": "udef_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 19, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 3, "target": 10, "label": "ARG3"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 7, "target": 4, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 10, "target": 9, "label": "L-HNDL"}, {"source": 10, "target": 11, "label": "R-HNDL"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG3"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 20, "target": 17, "label": "ARG1"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 23, "target": 22, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "If you ordered your people to go and throw themselves into the sea, they would rise up in revolution.", "flavor": 1, "id": "105450"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "_if_x_then"}, {"id": 1, "anchors": [{"to": 6, "from": 3}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 3}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 14, "from": 7}], "label": "_succeed_v_in"}, {"id": 4, "anchors": [{"to": 25, "from": 18}], "label": "_judge_v_1"}, {"id": 5, "anchors": [{"to": 43, "from": 18}], "label": "nominalization"}, {"id": 6, "anchors": [{"to": 43, "from": 18}], "label": "udef_q"}, {"id": 7, "anchors": [{"to": 34, "from": 26}], "label": "pron"}, {"id": 8, "anchors": [{"to": 34, "from": 26}], "label": "pronoun_q"}, {"id": 9, "anchors": [{"to": 43, "from": 35}], "label": "_right_a_1"}, {"id": 10, "anchors": [{"to": 48, "from": 44}], "label": "_then_a_1"}, {"id": 11, "anchors": [{"to": 52, "from": 49}], "label": "pron"}, {"id": 12, "anchors": [{"to": 52, "from": 49}], "label": "pronoun_q"}, {"id": 13, "anchors": [{"to": 56, "from": 53}], "label": "_be_v_id"}, {"id": 14, "anchors": [{"to": 63, "from": 57}], "label": "_indeed_a_1"}, {"id": 15, "anchors": [{"to": 65, "from": 64}], "label": "_a_q"}, {"id": 16, "anchors": [{"to": 69, "from": 66}], "label": "_man_n_1"}, {"id": 17, "anchors": [{"to": 72, "from": 70}], "label": "_of_p"}, {"id": 18, "anchors": [{"to": 77, "from": 73}], "label": "_true_a_of"}, {"id": 19, "anchors": [{"to": 86, "from": 78}], "label": "_wisdom_n_1"}, {"id": 20, "anchors": [{"to": 86, "from": 73}], "label": "udef_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 9, "target": 4, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 20, "target": 19, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "If you succeed in judging yourself rightly, then you are indeed a man of true wisdom.\"", "flavor": 1, "id": "105790"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 5}], "label": "_about_a_1"}, {"id": 3, "anchors": [{"to": 21, "from": 14}], "label": "_receive_v_1"}, {"id": 4, "anchors": [{"to": 23, "from": 22}], "label": "_a_q"}, {"id": 5, "anchors": [{"to": 29, "from": 24}], "label": "_visit_n_to"}, {"id": 6, "anchors": [{"to": 34, "from": 30}], "label": "_from_p"}, {"id": 7, "anchors": [{"to": 37, "from": 35}], "label": "_a_q"}, {"id": 8, "anchors": [{"to": 47, "from": 38}], "label": "_admirer_n_unknown"}, {"id": 9, "anchors": [{"to": 50, "from": 48}], "label": "pron"}, {"id": 10, "anchors": [{"to": 50, "from": 48}], "label": "pronoun_q"}, {"id": 11, "anchors": [{"to": 60, "from": 51}], "label": "_exclaimed_v_1"}, {"id": 12, "anchors": [{"to": 65, "from": 61}], "label": "_from_p"}, {"id": 13, "anchors": [{"to": 71, "from": 66}], "label": "_afar_n_1"}, {"id": 14, "anchors": [{"to": 71, "from": 66}], "label": "idiom_q_i"}, {"id": 15, "anchors": [{"to": 76, "from": 72}], "label": "_when_x_subord"}, {"id": 16, "anchors": [{"to": 79, "from": 77}], "label": "pron"}, {"id": 17, "anchors": [{"to": 79, "from": 77}], "label": "pronoun_q"}, {"id": 18, "anchors": [{"to": 85, "from": 80}], "label": "_first_a_1"}, {"id": 19, "anchors": [{"to": 89, "from": 86}], "label": "_see_v_1"}, {"id": 20, "anchors": [{"to": 93, "from": 90}], "label": "_the_q"}, {"id": 21, "anchors": [{"to": 100, "from": 94}], "label": "_little_a_1"}, {"id": 22, "anchors": [{"to": 107, "from": 101}], "label": "_prince_n_of"}, {"id": 23, "anchors": [{"to": 115, "from": 108}], "label": "_come_v_1"}], "tops": [15], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 11, "target": 2, "label": "ARG2"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 15, "target": 11, "label": "ARG1"}, {"source": 15, "target": 19, "label": "ARG2"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 19, "target": 23, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 23, "target": 22, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I am about to receive a visit from an admirer!\" he exclaimed from afar, when he first saw the little prince coming.", "flavor": 1, "id": "106070"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_for_p"}, {"id": 1, "anchors": [{"to": 7, "from": 5}], "label": "_to_p"}, {"id": 2, "anchors": [{"to": 17, "from": 8}], "label": "_conceited_a_unknown"}, {"id": 3, "anchors": [{"to": 22, "from": 18}], "label": "_man_n_1"}, {"id": 4, "anchors": [{"to": 22, "from": 8}], "label": "udef_q"}, {"id": 5, "anchors": [{"to": 26, "from": 23}], "label": "_all_q"}, {"id": 6, "anchors": [{"to": 32, "from": 27}], "label": "_other_a_1"}, {"id": 7, "anchors": [{"to": 36, "from": 33}], "label": "_man_n_1"}, {"id": 8, "anchors": [{"to": 40, "from": 37}], "label": "_be_v_id"}, {"id": 9, "anchors": [{"to": 50, "from": 41}], "label": "_admirers_n_1"}, {"id": 10, "anchors": [{"to": 50, "from": 41}], "label": "udef_q"}], "tops": [8], "edges": [{"source": 0, "target": 8, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 1, "target": 8, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "For, to conceited men, all other men are admirers.", "flavor": 1, "id": "106080"} +{"nodes": [{"id": 0, "anchors": [{"to": 5, "from": 0}], "label": "_that_q_dem"}, {"id": 1, "anchors": [{"to": 5, "from": 0}], "label": "generic_entity"}, {"id": 2, "anchors": [{"to": 8, "from": 6}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 10, "from": 9}], "label": "_a_q"}, {"id": 4, "anchors": [{"to": 16, "from": 11}], "label": "_queer_a_unknown"}, {"id": 5, "anchors": [{"to": 20, "from": 17}], "label": "_hat_n_1"}, {"id": 6, "anchors": [{"to": 24, "from": 21}], "label": "pron"}, {"id": 7, "anchors": [{"to": 24, "from": 21}], "label": "pronoun_q"}, {"id": 8, "anchors": [{"to": 38, "from": 29}], "label": "_wear_v_1"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 5, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"That is a queer hat you are wearing.\"", "flavor": 1, "id": "106100"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "_the_q"}, {"id": 2, "anchors": [{"to": 14, "from": 8}], "label": "_little_a_1"}, {"id": 3, "anchors": [{"to": 21, "from": 15}], "label": "_prince_n_of"}, {"id": 4, "anchors": [{"to": 26, "from": 22}], "label": "_go_v_1"}, {"id": 5, "anchors": [{"to": 32, "from": 27}], "label": "_away_p_dir"}, {"id": 6, "anchors": [{"to": 41, "from": 33}], "label": "_puzzle_v_1"}, {"id": 7, "anchors": [{"to": 41, "from": 33}], "label": "subord"}], "tops": [0], "edges": [{"source": 0, "target": 7, "label": "R-HNDL"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 7, "target": 4, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG2"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And the little prince went away, puzzled.", "flavor": 1, "id": "106460"} +{"nodes": [{"properties": ["carg"], "values": ["12"], "id": 0, "anchors": [{"to": 6, "from": 0}], "label": "card"}, {"id": 1, "anchors": [{"to": 6, "from": 0}], "label": "number_q"}, {"id": 2, "anchors": [{"to": 10, "from": 7}], "label": "_and_c"}, {"id": 3, "anchors": [{"to": 16, "from": 0}], "label": "udef_q"}, {"properties": ["carg"], "values": ["3"], "id": 4, "anchors": [{"to": 16, "from": 11}], "label": "card"}, {"id": 5, "anchors": [{"to": 16, "from": 11}], "label": "generic_entity"}, {"id": 6, "anchors": [{"to": 16, "from": 11}], "label": "udef_q"}, {"id": 7, "anchors": [{"to": 21, "from": 17}], "label": "_make_v_1"}, {"properties": ["carg"], "values": ["fifteen"], "id": 8, "anchors": [{"to": 30, "from": 22}], "label": "card"}, {"id": 9, "anchors": [{"to": 30, "from": 22}], "label": "number_q"}], "tops": [7], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "L-INDEX"}, {"source": 2, "target": 5, "label": "R-INDEX"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 9, "target": 8, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Twelve and three make fifteen.", "flavor": 1, "id": "106550"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 9, "from": 2}], "label": "neg"}, {"id": 3, "anchors": [{"to": 14, "from": 10}], "label": "_time_n_of"}, {"id": 4, "anchors": [{"to": 33, "from": 10}], "label": "udef_q"}, {"id": 5, "anchors": [{"to": 33, "from": 15}], "label": "with_p"}, {"id": 6, "anchors": [{"to": 23, "from": 18}], "label": "_light_v_cause"}, {"id": 7, "anchors": [{"to": 26, "from": 24}], "label": "pron"}, {"id": 8, "anchors": [{"to": 26, "from": 24}], "label": "pronoun_q"}, {"id": 9, "anchors": [{"to": 33, "from": 27}], "label": "_again_a_1"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 9, "target": 6, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I haven't time to light it again.", "flavor": 1, "id": "106590"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 15, "from": 4}], "label": "_businessman_n_1"}, {"id": 2, "anchors": [{"to": 24, "from": 16}], "label": "_sudden_a_1"}, {"id": 3, "anchors": [{"to": 33, "from": 25}], "label": "_realize_v_1"}, {"id": 4, "anchors": [{"to": 48, "from": 45}], "label": "_be_v_there"}, {"id": 5, "anchors": [{"to": 51, "from": 49}], "label": "_no_q"}, {"id": 6, "anchors": [{"to": 56, "from": 52}], "label": "_hope_n_1"}, {"id": 7, "anchors": [{"to": 59, "from": 57}], "label": "_of_p"}, {"id": 8, "anchors": [{"to": 70, "from": 66}], "label": "_leave_v_1"}, {"id": 9, "anchors": [{"to": 79, "from": 60}], "label": "nominalization"}, {"id": 10, "anchors": [{"to": 79, "from": 60}], "label": "udef_q"}, {"id": 11, "anchors": [{"to": 73, "from": 71}], "label": "_in_p"}, {"id": 12, "anchors": [{"to": 79, "from": 74}], "label": "_peace_n_1"}, {"id": 13, "anchors": [{"to": 79, "from": 74}], "label": "udef_q"}, {"id": 14, "anchors": [{"to": 85, "from": 80}], "label": "_until_x_h"}, {"id": 15, "anchors": [{"to": 88, "from": 86}], "label": "pron"}, {"id": 16, "anchors": [{"to": 88, "from": 86}], "label": "pronoun_q"}, {"id": 17, "anchors": [{"to": 97, "from": 89}], "label": "_answer_v_1"}, {"id": 18, "anchors": [{"to": 102, "from": 98}], "label": "_this_q_dem"}, {"id": 19, "anchors": [{"to": 112, "from": 103}], "label": "_question_n_about"}], "tops": [3], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG3"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 14, "target": 4, "label": "ARG1"}, {"source": 14, "target": 8, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The businessman suddenly realized that there was no hope of being left in peace until he answered this question.", "flavor": 1, "id": "106820"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 8, "from": 4}], "label": "_mean_v_1"}, {"id": 3, "anchors": [{"to": 12, "from": 9}], "label": "_the_q"}, {"id": 4, "anchors": [{"to": 20, "from": 13}], "label": "_star_n_1"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "You mean the stars?\"", "flavor": 1, "id": "106930"} +{"nodes": [{"id": 0, "anchors": [{"to": 13, "from": 0}], "label": "_nevertheless_a_1"}, {"id": 1, "anchors": [{"to": 16, "from": 14}], "label": "pron"}, {"id": 2, "anchors": [{"to": 16, "from": 14}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 22, "from": 17}], "label": "_still_a_1"}, {"id": 4, "anchors": [{"to": 26, "from": 23}], "label": "_have_v_1"}, {"id": 5, "anchors": [{"to": 31, "from": 27}], "label": "_some_q"}, {"id": 6, "anchors": [{"to": 36, "from": 32}], "label": "comp"}, {"id": 7, "anchors": [{"to": 36, "from": 32}], "label": "much-many_a"}, {"id": 8, "anchors": [{"to": 47, "from": 37}], "label": "_question_n_about"}], "tops": [0], "edges": [{"source": 0, "target": 4, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Nevertheless, he still had some more questions.", "flavor": 1, "id": "107140"} +{"nodes": [{"id": 0, "anchors": [{"to": 5, "from": 0}], "label": "_then_a_1"}, {"id": 1, "anchors": [{"to": 10, "from": 6}], "label": "pron"}, {"id": 2, "anchors": [{"to": 10, "from": 6}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 17, "from": 11}], "label": "_belong_v_to"}, {"id": 4, "anchors": [{"to": 24, "from": 21}], "label": "pron"}, {"id": 5, "anchors": [{"to": 24, "from": 21}], "label": "pronoun_q"}, {"id": 6, "anchors": [{"to": 32, "from": 25}], "label": "_because_x"}, {"id": 7, "anchors": [{"to": 34, "from": 33}], "label": "pron"}, {"id": 8, "anchors": [{"to": 34, "from": 33}], "label": "pronoun_q"}, {"id": 9, "anchors": [{"to": 38, "from": 35}], "label": "_be_v_id"}, {"id": 10, "anchors": [{"to": 42, "from": 39}], "label": "_the_q"}, {"properties": ["carg"], "values": ["1"], "id": 11, "anchors": [{"to": 48, "from": 43}], "label": "ord"}, {"id": 12, "anchors": [{"to": 55, "from": 49}], "label": "_person_n_1"}, {"id": 13, "anchors": [{"to": 64, "from": 59}], "label": "_think_v_of"}, {"id": 14, "anchors": [{"to": 72, "from": 56}], "label": "eventuality"}, {"id": 15, "anchors": [{"to": 72, "from": 68}], "label": "pron"}, {"id": 16, "anchors": [{"to": 72, "from": 68}], "label": "pronoun_q"}], "tops": [0], "edges": [{"source": 0, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"Then they belong to me, because I was the first person to think of it.\"", "flavor": 1, "id": "107190"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_when_x_subord"}, {"id": 1, "anchors": [{"to": 8, "from": 5}], "label": "pron"}, {"id": 2, "anchors": [{"to": 8, "from": 5}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 13, "from": 9}], "label": "_find_v_1"}, {"id": 4, "anchors": [{"to": 15, "from": 14}], "label": "_a_q"}, {"id": 5, "anchors": [{"to": 23, "from": 16}], "label": "_diamond_n_1"}, {"id": 6, "anchors": [{"to": 36, "from": 29}], "label": "_belong_v_to"}, {"id": 7, "anchors": [{"to": 47, "from": 40}], "label": "_no_q"}, {"id": 8, "anchors": [{"to": 47, "from": 40}], "label": "person"}, {"id": 9, "anchors": [{"to": 50, "from": 48}], "label": "pron"}, {"id": 10, "anchors": [{"to": 50, "from": 48}], "label": "pronoun_q"}, {"id": 11, "anchors": [{"to": 53, "from": 51}], "label": "_be_v_id"}, {"properties": ["carg"], "values": ["yours"], "id": 12, "anchors": [{"to": 60, "from": 54}], "label": "named"}, {"id": 13, "anchors": [{"to": 60, "from": 54}], "label": "proper_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 13, "target": 12, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "When you find a diamond that belongs to nobody, it is yours.", "flavor": 1, "id": "107220"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 5, "from": 2}], "label": "_own_v_1"}, {"properties": ["carg"], "values": ["3"], "id": 3, "anchors": [{"to": 11, "from": 6}], "label": "card"}, {"id": 4, "anchors": [{"to": 11, "from": 6}], "label": "udef_q"}, {"id": 5, "anchors": [{"to": 22, "from": 12}], "label": "_volcano_n_1"}, {"id": 6, "anchors": [{"to": 30, "from": 29}], "label": "pron"}, {"id": 7, "anchors": [{"to": 30, "from": 29}], "label": "pronoun_q"}, {"id": 8, "anchors": [{"to": 36, "from": 31}], "label": "_clean_v_out"}, {"id": 9, "anchors": [{"to": 46, "from": 41}], "label": "_every_q"}, {"id": 10, "anchors": [{"to": 51, "from": 47}], "label": "_week_n_1"}, {"id": 11, "anchors": [{"to": 51, "from": 41}], "label": "loc_nonsp"}, {"id": 12, "anchors": [{"to": 56, "from": 52}], "label": "_for_x_cause"}, {"id": 13, "anchors": [{"to": 58, "from": 57}], "label": "pron"}, {"id": 14, "anchors": [{"to": 58, "from": 57}], "label": "pronoun_q"}, {"id": 15, "anchors": [{"to": 63, "from": 59}], "label": "_also_a_1"}, {"id": 16, "anchors": [{"to": 69, "from": 64}], "label": "_clean_v_out"}, {"id": 17, "anchors": [{"to": 77, "from": 74}], "label": "_the_q"}, {"properties": ["carg"], "values": ["1"], "id": 18, "anchors": [{"to": 81, "from": 78}], "label": "card"}, {"id": 19, "anchors": [{"to": 81, "from": 78}], "label": "generic_entity"}, {"id": 20, "anchors": [{"to": 98, "from": 90}], "label": "_extinct_a_1"}, {"id": 21, "anchors": [{"to": 102, "from": 99}], "label": "_one_n_1"}, {"id": 22, "anchors": [{"to": 102, "from": 99}], "label": "pronoun_q"}, {"id": 23, "anchors": [{"to": 108, "from": 103}], "label": "_never_a_1"}, {"id": 24, "anchors": [{"to": 116, "from": 109}], "label": "_know_v_1"}], "tops": [12], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 5, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 12, "target": 23, "label": "ARG2"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 16, "target": 13, "label": "ARG1"}, {"source": 16, "target": 19, "label": "ARG2"}, {"source": 17, "target": 19, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 22, "target": 21, "label": "BV"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 24, "target": 21, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "flavor": 1, "id": "107480"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 7, "from": 4}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 14, "from": 12}], "label": "_of_p"}, {"id": 4, "anchors": [{"to": 17, "from": 15}], "label": "_no_q"}, {"id": 5, "anchors": [{"to": 21, "from": 18}], "label": "_use_n_of"}, {"id": 6, "anchors": [{"to": 24, "from": 22}], "label": "_to_p"}, {"id": 7, "anchors": [{"to": 28, "from": 25}], "label": "_the_q"}, {"id": 8, "anchors": [{"to": 34, "from": 29}], "label": "_star_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "But you are of no use to the stars ...\"", "flavor": 1, "id": "107500"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 5, "from": 2}], "label": "_put_v_out"}, {"id": 3, "anchors": [{"to": 9, "from": 6}], "label": "_the_q"}, {"id": 4, "anchors": [{"to": 14, "from": 10}], "label": "_lamp_n_1"}, {"id": 5, "anchors": [{"to": 18, "from": 15}], "label": "_out_p"}, {"id": 6, "anchors": [{"to": 21, "from": 19}], "label": "_in_p_temp"}, {"id": 7, "anchors": [{"to": 25, "from": 22}], "label": "_the_q"}, {"id": 8, "anchors": [{"to": 34, "from": 26}], "label": "_morning_n_of"}, {"id": 9, "anchors": [{"to": 38, "from": 35}], "label": "_and_c"}, {"id": 10, "anchors": [{"to": 41, "from": 39}], "label": "_in_p_temp"}, {"id": 11, "anchors": [{"to": 45, "from": 42}], "label": "_the_q"}, {"id": 12, "anchors": [{"to": 53, "from": 46}], "label": "_evening_n_of"}, {"id": 13, "anchors": [{"to": 55, "from": 54}], "label": "pron"}, {"id": 14, "anchors": [{"to": 55, "from": 54}], "label": "pronoun_q"}, {"id": 15, "anchors": [{"to": 63, "from": 56}], "label": "_light_v_cause"}, {"id": 16, "anchors": [{"to": 66, "from": 64}], "label": "pron"}, {"id": 17, "anchors": [{"to": 66, "from": 64}], "label": "pronoun_q"}, {"id": 18, "anchors": [{"to": 73, "from": 67}], "label": "_again_a_1"}], "tops": [9], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG3"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 9, "target": 2, "label": "L-HNDL"}, {"source": 9, "target": 15, "label": "R-HNDL"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 10, "target": 15, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 18, "target": 15, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I put the lamp out in the morning, and in the evening I lighted it again.", "flavor": 1, "id": "107850"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 11, "from": 5}], "label": "_order_n_of"}, {"id": 2, "anchors": [{"to": 20, "from": 17}], "label": "neg"}, {"id": 3, "anchors": [{"to": 35, "from": 26}], "label": "_change_v_cause"}, {"id": 4, "anchors": [{"to": 40, "from": 36}], "label": "_say_v_to"}, {"id": 5, "anchors": [{"to": 44, "from": 41}], "label": "_the_q"}, {"properties": ["carg"], "values": ["lamplighter"], "id": 6, "anchors": [{"to": 57, "from": 45}], "label": "named"}], "tops": [4], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"The orders have not been changed,\" said the lamplighter.", "flavor": 1, "id": "107880"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 7}], "label": "neg"}, {"id": 3, "anchors": [{"to": 16, "from": 11}], "label": "_funny_a_1"}, {"id": 4, "anchors": [{"to": 19, "from": 17}], "label": "_at_p"}, {"id": 5, "anchors": [{"to": 25, "from": 20}], "label": "_all_q"}, {"id": 6, "anchors": [{"to": 25, "from": 20}], "label": "generic_entity"}, {"id": 7, "anchors": [{"to": 30, "from": 26}], "label": "_say_v_to"}, {"id": 8, "anchors": [{"to": 34, "from": 31}], "label": "_the_q"}, {"properties": ["carg"], "values": ["lamplighter"], "id": 9, "anchors": [{"to": 47, "from": 35}], "label": "named"}], "tops": [7], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 2, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"It is not funny at all!\" said the lamplighter.", "flavor": 1, "id": "107960"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 15, "from": 6}], "label": "_unlucky_a_unknown"}, {"id": 3, "anchors": [{"to": 20, "from": 16}], "label": "_say_v_to"}, {"id": 4, "anchors": [{"to": 24, "from": 21}], "label": "_the_q"}, {"properties": ["carg"], "values": ["lamplighter"], "id": 5, "anchors": [{"to": 37, "from": 25}], "label": "named"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I am unlucky,\" said the lamplighter.", "flavor": 1, "id": "108150"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 7, "from": 4}], "label": "def_explicit_q"}, {"id": 3, "anchors": [{"to": 7, "from": 4}], "label": "poss"}, {"id": 4, "anchors": [{"to": 7, "from": 4}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 14, "from": 8}], "label": "_planet_n_1"}, {"id": 6, "anchors": [{"to": 24, "from": 18}], "label": "_indeed_a_1"}, {"id": 7, "anchors": [{"to": 28, "from": 25}], "label": "comp_too"}, {"id": 8, "anchors": [{"to": 35, "from": 29}], "label": "_small_a_1"}], "tops": [0], "edges": [{"source": 0, "target": 8, "label": "R-HNDL"}, {"source": 2, "target": 5, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 4, "target": 1, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 8, "target": 5, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "But his planet is indeed too small.", "flavor": 1, "id": "108220"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 10, "from": 4}], "label": "_little_a_1"}, {"id": 2, "anchors": [{"to": 17, "from": 11}], "label": "_prince_n_of"}, {"id": 3, "anchors": [{"to": 21, "from": 18}], "label": "_sit_v_down"}, {"id": 4, "anchors": [{"to": 26, "from": 22}], "label": "_down_p"}, {"id": 5, "anchors": [{"to": 29, "from": 27}], "label": "_on_p"}, {"id": 6, "anchors": [{"to": 33, "from": 30}], "label": "_the_q"}, {"id": 7, "anchors": [{"to": 39, "from": 34}], "label": "_table_n_1"}, {"id": 8, "anchors": [{"to": 43, "from": 40}], "label": "_and_c"}, {"id": 9, "anchors": [{"to": 50, "from": 44}], "label": "_panted_v_unknown"}, {"id": 10, "anchors": [{"to": 60, "from": 51}], "label": "_a+little_a_1"}], "tops": [8], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 3, "label": "L-HNDL"}, {"source": 8, "target": 9, "label": "R-HNDL"}, {"source": 9, "target": 2, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The little prince sat down on the table and panted a little.", "flavor": 1, "id": "108300"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_that_q_dem"}, {"id": 1, "anchors": [{"to": 4, "from": 0}], "label": "generic_entity"}, {"id": 2, "anchors": [{"to": 10, "from": 5}], "label": "_would_v_modal"}, {"id": 3, "anchors": [{"to": 17, "from": 14}], "label": "comp_too"}, {"id": 4, "anchors": [{"to": 30, "from": 18}], "label": "_complicated_a_for"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "That would be too complicated.", "flavor": 1, "id": "108720"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"properties": ["carg"], "values": ["geographer"], "id": 1, "anchors": [{"to": 14, "from": 4}], "label": "named"}, {"id": 2, "anchors": [{"to": 27, "from": 19}], "label": "_sudden_a_1"}, {"id": 3, "anchors": [{"to": 35, "from": 28}], "label": "_stirred_v_to"}, {"id": 4, "anchors": [{"to": 50, "from": 39}], "label": "_excitement_n_1"}, {"id": 5, "anchors": [{"to": 50, "from": 39}], "label": "udef_q"}], "tops": [3], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG3"}, {"source": 5, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The geographer was suddenly stirred to excitement.", "flavor": 1, "id": "108750"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 18, "from": 12}], "label": "_open_v_cause"}, {"id": 2, "anchors": [{"to": 36, "from": 5}], "label": "subord"}, {"id": 3, "anchors": [{"to": 22, "from": 19}], "label": "pron"}, {"id": 4, "anchors": [{"to": 22, "from": 19}], "label": "def_explicit_q"}, {"id": 5, "anchors": [{"to": 22, "from": 19}], "label": "poss"}, {"id": 6, "anchors": [{"to": 22, "from": 19}], "label": "pronoun_q"}, {"id": 7, "anchors": [{"to": 26, "from": 23}], "label": "_big_a_1"}, {"id": 8, "anchors": [{"to": 36, "from": 27}], "label": "_register_n_1"}, {"id": 9, "anchors": [{"to": 40, "from": 37}], "label": "_the_q"}, {"properties": ["carg"], "values": ["geographer"], "id": 10, "anchors": [{"to": 51, "from": 41}], "label": "named"}, {"id": 11, "anchors": [{"to": 61, "from": 52}], "label": "_sharpened_v_1"}, {"id": 12, "anchors": [{"to": 65, "from": 62}], "label": "pron"}, {"id": 13, "anchors": [{"to": 65, "from": 62}], "label": "def_explicit_q"}, {"id": 14, "anchors": [{"to": 65, "from": 62}], "label": "poss"}, {"id": 15, "anchors": [{"to": 65, "from": 62}], "label": "pronoun_q"}, {"id": 16, "anchors": [{"to": 73, "from": 66}], "label": "_pencil_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 2, "label": "R-HNDL"}, {"source": 1, "target": 8, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG2"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 6, "target": 3, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 13, "target": 16, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 15, "target": 12, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And, having opened his big register, the geographer sharpened his pencil.", "flavor": 1, "id": "108790"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 7}], "label": "neg"}, {"id": 3, "anchors": [{"to": 17, "from": 11}], "label": "_record_v_1"}, {"id": 4, "anchors": [{"to": 27, "from": 18}], "label": "_flower_n_1"}, {"id": 5, "anchors": [{"to": 27, "from": 18}], "label": "udef_q"}, {"id": 6, "anchors": [{"to": 32, "from": 28}], "label": "_say_v_to"}, {"id": 7, "anchors": [{"to": 36, "from": 33}], "label": "_the_q"}, {"properties": ["carg"], "values": ["geographer"], "id": 8, "anchors": [{"to": 48, "from": 37}], "label": "named"}], "tops": [6], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 2, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"We do not record flowers,\" said the geographer.", "flavor": 1, "id": "108900"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 8, "from": 3}], "label": "_write_v_of"}, {"id": 3, "anchors": [{"to": 19, "from": 12}], "label": "_eternal_a_1"}, {"id": 4, "anchors": [{"to": 28, "from": 20}], "label": "_thing_n_of-about"}, {"id": 5, "anchors": [{"to": 28, "from": 12}], "label": "udef_q"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "We write of eternal things.\"", "flavor": 1, "id": "108990"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 10, "from": 5}], "label": "_thing_n_of-about"}, {"id": 2, "anchors": [{"to": 23, "from": 16}], "label": "_matter_v_1"}, {"id": 3, "anchors": [{"to": 26, "from": 24}], "label": "_to_p"}, {"id": 4, "anchors": [{"to": 29, "from": 27}], "label": "pron"}, {"id": 5, "anchors": [{"to": 29, "from": 27}], "label": "pronoun_q"}, {"id": 6, "anchors": [{"to": 32, "from": 30}], "label": "_be_v_id"}, {"id": 7, "anchors": [{"to": 36, "from": 33}], "label": "_the_q"}, {"id": 8, "anchors": [{"to": 46, "from": 37}], "label": "_mountain_n_1"}], "tops": [6], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 1, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"The thing that matters to us is the mountain.", "flavor": 1, "id": "109030"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "_the_q"}, {"id": 2, "anchors": [{"to": 14, "from": 8}], "label": "_little_a_1"}, {"id": 3, "anchors": [{"to": 21, "from": 15}], "label": "_prince_n_of"}, {"id": 4, "anchors": [{"to": 26, "from": 22}], "label": "_go_v_1"}, {"id": 5, "anchors": [{"to": 32, "from": 27}], "label": "_away_p_dir"}, {"id": 6, "anchors": [{"to": 41, "from": 33}], "label": "_think_v_of"}, {"id": 7, "anchors": [{"to": 56, "from": 33}], "label": "subord"}, {"id": 8, "anchors": [{"to": 48, "from": 45}], "label": "pron"}, {"id": 9, "anchors": [{"to": 48, "from": 45}], "label": "def_explicit_q"}, {"id": 10, "anchors": [{"to": 48, "from": 45}], "label": "poss"}, {"id": 11, "anchors": [{"to": 48, "from": 45}], "label": "pronoun_q"}, {"id": 12, "anchors": [{"to": 56, "from": 49}], "label": "_flower_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 7, "label": "R-HNDL"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 12, "label": "ARG2"}, {"source": 7, "target": 4, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG2"}, {"source": 9, "target": 12, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 11, "target": 8, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And the little prince went away, thinking of his flower.", "flavor": 1, "id": "109160"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "_so_a_thus"}, {"id": 1, "anchors": [{"to": 7, "from": 3}], "label": "_then_a_1"}, {"id": 2, "anchors": [{"to": 11, "from": 8}], "label": "_the_q"}, {"properties": ["carg"], "values": ["7"], "id": 3, "anchors": [{"to": 19, "from": 12}], "label": "ord"}, {"id": 4, "anchors": [{"to": 26, "from": 20}], "label": "_planet_n_1"}, {"id": 5, "anchors": [{"to": 30, "from": 27}], "label": "_be_v_id"}, {"id": 6, "anchors": [{"to": 34, "from": 31}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Earth"], "id": 7, "anchors": [{"to": 41, "from": 35}], "label": "named"}], "tops": [0], "edges": [{"source": 0, "target": 5, "label": "ARG1"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "So then the seventh planet was the Earth.", "flavor": 1, "id": "109180"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Earth"], "id": 1, "anchors": [{"to": 9, "from": 4}], "label": "named"}, {"id": 2, "anchors": [{"to": 12, "from": 10}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 16, "from": 13}], "label": "neg"}, {"id": 4, "anchors": [{"to": 21, "from": 17}], "label": "_just_x_deg"}, {"id": 5, "anchors": [{"to": 24, "from": 22}], "label": "_a_q"}, {"id": 6, "anchors": [{"to": 33, "from": 25}], "label": "_ordinary_a_1"}, {"id": 7, "anchors": [{"to": 41, "from": 34}], "label": "_planet_n_1"}], "tops": [3], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The Earth is not just an ordinary planet!", "flavor": 1, "id": "109190"} +{"nodes": [{"id": 0, "anchors": [{"to": 5, "from": 0}], "label": "_next_a_1"}, {"id": 1, "anchors": [{"to": 9, "from": 6}], "label": "_the_q"}, {"properties": ["carg"], "values": ["lamplighters"], "id": 2, "anchors": [{"to": 22, "from": 10}], "label": "named"}, {"id": 3, "anchors": [{"to": 25, "from": 23}], "label": "_of_p"}, {"properties": ["carg"], "values": ["China"], "id": 4, "anchors": [{"to": 31, "from": 26}], "label": "named"}, {"id": 5, "anchors": [{"to": 31, "from": 26}], "label": "proper_q"}, {"id": 6, "anchors": [{"to": 35, "from": 32}], "label": "_and_c"}, {"id": 7, "anchors": [{"to": 43, "from": 26}], "label": "udef_q"}, {"properties": ["carg"], "values": ["Siberia"], "id": 8, "anchors": [{"to": 43, "from": 36}], "label": "named"}, {"id": 9, "anchors": [{"to": 43, "from": 36}], "label": "proper_q"}, {"id": 10, "anchors": [{"to": 49, "from": 44}], "label": "_would_v_modal"}, {"id": 11, "anchors": [{"to": 55, "from": 50}], "label": "_enter_v_1"}, {"id": 12, "anchors": [{"to": 59, "from": 56}], "label": "_for_p"}, {"id": 13, "anchors": [{"to": 65, "from": 60}], "label": "pron"}, {"id": 14, "anchors": [{"to": 65, "from": 60}], "label": "def_explicit_q"}, {"id": 15, "anchors": [{"to": 65, "from": 60}], "label": "poss"}, {"id": 16, "anchors": [{"to": 65, "from": 60}], "label": "pronoun_q"}, {"id": 17, "anchors": [{"to": 71, "from": 66}], "label": "_step_n_1"}, {"id": 18, "anchors": [{"to": 74, "from": 72}], "label": "_in_p"}, {"id": 19, "anchors": [{"to": 78, "from": 75}], "label": "_the_q"}, {"id": 20, "anchors": [{"to": 85, "from": 79}], "label": "_dance_n_1"}, {"id": 21, "anchors": [{"to": 94, "from": 86}], "label": "_and+then_c"}, {"id": 22, "anchors": [{"to": 99, "from": 95}], "label": "pron"}, {"id": 23, "anchors": [{"to": 99, "from": 95}], "label": "pronoun_q"}, {"id": 24, "anchors": [{"to": 103, "from": 100}], "label": "_too_a_also"}, {"id": 25, "anchors": [{"to": 109, "from": 104}], "label": "_would_v_modal"}, {"id": 26, "anchors": [{"to": 118, "from": 113}], "label": "_wave_v_1"}, {"id": 27, "anchors": [{"to": 123, "from": 119}], "label": "_back_p"}, {"id": 28, "anchors": [{"to": 123, "from": 119}], "label": "def_implicit_q"}, {"id": 29, "anchors": [{"to": 139, "from": 119}], "label": "loc_nonsp"}, {"id": 30, "anchors": [{"to": 123, "from": 119}], "label": "place_n"}, {"id": 31, "anchors": [{"to": 128, "from": 124}], "label": "_into_p"}, {"id": 32, "anchors": [{"to": 132, "from": 129}], "label": "_the_q"}, {"id": 33, "anchors": [{"to": 139, "from": 133}], "label": "_wing_n_1"}], "tops": [21], "edges": [{"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "L-INDEX"}, {"source": 6, "target": 8, "label": "R-INDEX"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 11, "target": 2, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 16, "target": 13, "label": "BV"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 21, "target": 10, "label": "L-HNDL"}, {"source": 21, "target": 25, "label": "R-HNDL"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 26, "target": 22, "label": "ARG2"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 28, "target": 30, "label": "BV"}, {"source": 29, "target": 26, "label": "ARG1"}, {"source": 29, "target": 30, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 32, "target": 33, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Next, the lamplighters of China and Siberia would enter for their steps in the dance, and then they too would be waved back into the wings.", "flavor": 1, "id": "109260"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 7}], "label": "neg"}, {"id": 3, "anchors": [{"to": 26, "from": 16}], "label": "_altogether_a_1"}, {"id": 4, "anchors": [{"to": 33, "from": 27}], "label": "_honest_a_1"}, {"id": 5, "anchors": [{"to": 36, "from": 34}], "label": "_in_p"}, {"id": 6, "anchors": [{"to": 41, "from": 37}], "label": "thing"}, {"id": 7, "anchors": [{"to": 41, "from": 37}], "label": "which_q"}, {"id": 8, "anchors": [{"to": 43, "from": 42}], "label": "pron"}, {"id": 9, "anchors": [{"to": 43, "from": 42}], "label": "pronoun_q"}, {"id": 10, "anchors": [{"to": 53, "from": 49}], "label": "_tell_v_1"}, {"id": 11, "anchors": [{"to": 81, "from": 37}], "label": "nominalization"}, {"id": 12, "anchors": [{"to": 81, "from": 37}], "label": "udef_q"}, {"id": 13, "anchors": [{"to": 57, "from": 54}], "label": "pron"}, {"id": 14, "anchors": [{"to": 57, "from": 54}], "label": "pronoun_q"}, {"id": 15, "anchors": [{"to": 63, "from": 58}], "label": "_about_p"}, {"id": 16, "anchors": [{"to": 67, "from": 64}], "label": "_the_q"}, {"properties": ["carg"], "values": ["lamplighters"], "id": 17, "anchors": [{"to": 81, "from": 68}], "label": "named"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 10, "target": 6, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 10, "target": 15, "label": "ARG3"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I have not been altogether honest in what I have told you about the lamplighters.", "flavor": 1, "id": "109330"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 4, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 5}], "label": "_adore_v_1"}, {"id": 3, "anchors": [{"to": 19, "from": 11}], "label": "_figure_n_1"}, {"id": 4, "anchors": [{"to": 19, "from": 11}], "label": "udef_q"}, {"id": 5, "anchors": [{"to": 23, "from": 20}], "label": "_and_c"}, {"id": 6, "anchors": [{"to": 28, "from": 24}], "label": "_that_q_dem"}, {"id": 7, "anchors": [{"to": 28, "from": 24}], "label": "generic_entity"}, {"id": 8, "anchors": [{"to": 40, "from": 34}], "label": "_please_v_1"}, {"id": 9, "anchors": [{"to": 46, "from": 41}], "label": "pron"}, {"id": 10, "anchors": [{"to": 46, "from": 41}], "label": "pronoun_q"}], "tops": [5], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 2, "label": "L-HNDL"}, {"source": 5, "target": 8, "label": "R-HNDL"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "They adore figures, and that will please them.", "flavor": 1, "id": "109420"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_then_a_1"}, {"id": 1, "anchors": [{"to": 14, "from": 11}], "label": "_be_v_there"}, {"id": 2, "anchors": [{"to": 17, "from": 15}], "label": "_no_q"}, {"id": 3, "anchors": [{"to": 24, "from": 18}], "label": "_people_n_of"}, {"id": 4, "anchors": [{"to": 27, "from": 25}], "label": "_on_p"}, {"id": 5, "anchors": [{"to": 31, "from": 28}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Earth"], "id": 6, "anchors": [{"to": 39, "from": 32}], "label": "named"}], "tops": [0], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Then there are no people on the Earth?\"", "flavor": 1, "id": "109530"} +{"nodes": [{"id": 0, "anchors": [{"to": 5, "from": 0}], "label": "_this_q_dem"}, {"id": 1, "anchors": [{"to": 5, "from": 0}], "label": "generic_entity"}, {"id": 2, "anchors": [{"to": 8, "from": 6}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 12, "from": 9}], "label": "_the_q"}, {"id": 4, "anchors": [{"to": 20, "from": 13}], "label": "_desert_n_1"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"This is the desert.", "flavor": 1, "id": "109540"} +{"nodes": [{"id": 0, "anchors": [{"to": 9, "from": 6}], "label": "_be_v_there"}, {"id": 1, "anchors": [{"to": 12, "from": 10}], "label": "_no_q"}, {"id": 2, "anchors": [{"to": 19, "from": 13}], "label": "_people_n_of"}, {"id": 3, "anchors": [{"to": 22, "from": 20}], "label": "_in_p"}, {"id": 4, "anchors": [{"to": 26, "from": 23}], "label": "_the_q"}, {"id": 5, "anchors": [{"to": 34, "from": 27}], "label": "_desert_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "There are no people in the desert.", "flavor": 1, "id": "109550"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 7, "from": 4}], "label": "_can_v_modal"}, {"id": 3, "anchors": [{"to": 11, "from": 8}], "label": "neg"}, {"id": 4, "anchors": [{"to": 16, "from": 12}], "label": "_even_a_1"}, {"id": 5, "anchors": [{"to": 23, "from": 17}], "label": "_travel_v_1"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 0, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "You can not even travel ...\"", "flavor": 1, "id": "109770"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 10, "from": 4}], "label": "_little_a_1"}, {"id": 2, "anchors": [{"to": 17, "from": 11}], "label": "_prince_n_of"}, {"id": 3, "anchors": [{"to": 22, "from": 18}], "label": "_make_v_1"}, {"id": 4, "anchors": [{"to": 25, "from": 23}], "label": "_no_q"}, {"id": 5, "anchors": [{"to": 32, "from": 26}], "label": "_reply_n_of"}], "tops": [3], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The little prince made no reply.", "flavor": 1, "id": "109820"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "_one_n_1"}, {"id": 2, "anchors": [{"to": 7, "from": 4}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 13, "from": 8}], "label": "_never_a_1"}, {"id": 4, "anchors": [{"to": 19, "from": 14}], "label": "_know_v_1"}, {"id": 5, "anchors": [{"to": 25, "from": 20}], "label": "loc_nonsp"}, {"id": 6, "anchors": [{"to": 25, "from": 20}], "label": "place_n"}, {"id": 7, "anchors": [{"to": 25, "from": 20}], "label": "which_q"}, {"id": 8, "anchors": [{"to": 33, "from": 29}], "label": "_find_v_1"}, {"id": 9, "anchors": [{"to": 39, "from": 34}], "label": "pron"}, {"id": 10, "anchors": [{"to": 39, "from": 34}], "label": "pronoun_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "But one never knows where to find them.", "flavor": 1, "id": "110010"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 8, "from": 4}], "label": "_wind_n_1"}, {"id": 2, "anchors": [{"to": 14, "from": 9}], "label": "_blow_v_1"}, {"id": 3, "anchors": [{"to": 19, "from": 15}], "label": "pron"}, {"id": 4, "anchors": [{"to": 19, "from": 15}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 25, "from": 20}], "label": "_away_p"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The wind blows them away.", "flavor": 1, "id": "110020"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 6, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 4}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 15, "from": 7}], "label": "_happen_v_1"}, {"id": 4, "anchors": [{"to": 26, "from": 21}], "label": "_after_p"}, {"id": 5, "anchors": [{"to": 34, "from": 27}], "label": "_walk_v_1"}, {"id": 6, "anchors": [{"to": 85, "from": 27}], "label": "nominalization"}, {"id": 7, "anchors": [{"to": 85, "from": 27}], "label": "udef_q"}, {"id": 8, "anchors": [{"to": 38, "from": 35}], "label": "_for_p"}, {"id": 9, "anchors": [{"to": 40, "from": 39}], "label": "_a_q"}, {"id": 10, "anchors": [{"to": 45, "from": 41}], "label": "_long_a_1"}, {"id": 11, "anchors": [{"to": 50, "from": 46}], "label": "_time_n_of"}, {"id": 12, "anchors": [{"to": 58, "from": 51}], "label": "_through_p"}, {"id": 13, "anchors": [{"to": 64, "from": 59}], "label": "_sand_n_1"}, {"id": 14, "anchors": [{"to": 64, "from": 59}], "label": "udef_q"}, {"id": 15, "anchors": [{"to": 68, "from": 65}], "label": "_and_c"}, {"id": 16, "anchors": [{"to": 85, "from": 59}], "label": "udef_q"}, {"id": 17, "anchors": [{"to": 75, "from": 69}], "label": "_rock_n_1"}, {"id": 18, "anchors": [{"to": 75, "from": 69}], "label": "udef_q"}, {"id": 19, "anchors": [{"to": 79, "from": 76}], "label": "_and_c"}, {"id": 20, "anchors": [{"to": 85, "from": 69}], "label": "udef_q"}, {"id": 21, "anchors": [{"to": 85, "from": 80}], "label": "_snow_n_1"}, {"id": 22, "anchors": [{"to": 85, "from": 80}], "label": "udef_q"}, {"id": 23, "anchors": [{"to": 89, "from": 86}], "label": "_the_q"}, {"id": 24, "anchors": [{"to": 96, "from": 90}], "label": "_little_a_1"}, {"id": 25, "anchors": [{"to": 103, "from": 97}], "label": "_prince_n_of"}, {"id": 26, "anchors": [{"to": 106, "from": 104}], "label": "_at_p"}, {"id": 27, "anchors": [{"to": 111, "from": 107}], "label": "_last_a_1"}, {"id": 28, "anchors": [{"to": 111, "from": 107}], "label": "idiom_q_i"}, {"id": 29, "anchors": [{"to": 116, "from": 112}], "label": "_come_v_1"}, {"id": 30, "anchors": [{"to": 121, "from": 117}], "label": "_upon_p"}, {"id": 31, "anchors": [{"to": 123, "from": 122}], "label": "_a_q"}, {"id": 32, "anchors": [{"to": 129, "from": 124}], "label": "_road_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 29, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 29, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 5, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 15, "target": 13, "label": "L-INDEX"}, {"source": 15, "target": 17, "label": "R-INDEX"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 19, "target": 21, "label": "R-INDEX"}, {"source": 20, "target": 19, "label": "BV"}, {"source": 22, "target": 21, "label": "BV"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 29, "target": 25, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 31, "target": 32, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "But it happened that after walking for a long time through sand, and rocks, and snow, the little prince at last came upon a road.", "flavor": 1, "id": "110250"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 8, "from": 4}], "label": "_here_a_1"}, {"id": 2, "anchors": [{"to": 8, "from": 4}], "label": "def_implicit_q"}, {"id": 3, "anchors": [{"to": 8, "from": 4}], "label": "loc_nonsp"}, {"id": 4, "anchors": [{"to": 8, "from": 4}], "label": "place_n"}, {"properties": ["carg"], "values": ["5"], "id": 5, "anchors": [{"to": 18, "from": 14}], "label": "card"}, {"properties": ["carg"], "values": ["1000"], "id": 6, "anchors": [{"to": 27, "from": 19}], "label": "card"}, {"id": 7, "anchors": [{"to": 27, "from": 19}], "label": "times"}, {"id": 8, "anchors": [{"to": 36, "from": 31}], "label": "pron"}, {"id": 9, "anchors": [{"to": 36, "from": 31}], "label": "pronoun_q"}, {"id": 10, "anchors": [{"to": 40, "from": 37}], "label": "_all_q"}, {"id": 11, "anchors": [{"to": 47, "from": 41}], "label": "_alike_a_1"}, {"id": 12, "anchors": [{"to": 50, "from": 48}], "label": "_in_p"}, {"properties": ["carg"], "values": ["1"], "id": 13, "anchors": [{"to": 54, "from": 51}], "label": "card"}, {"id": 14, "anchors": [{"to": 54, "from": 51}], "label": "udef_q"}, {"id": 15, "anchors": [{"to": 61, "from": 55}], "label": "_single_a_1"}, {"id": 16, "anchors": [{"to": 69, "from": 62}], "label": "_garden_n_1"}], "tops": [0], "edges": [{"source": 1, "target": 4, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG3"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 12, "target": 16, "label": "ARG2"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And here were five thousand of them, all alike, in one single garden!", "flavor": 1, "id": "110360"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_then_a_1"}, {"id": 1, "anchors": [{"to": 146, "from": 0}], "label": "implicit_conj"}, {"id": 2, "anchors": [{"to": 7, "from": 5}], "label": "pron"}, {"id": 3, "anchors": [{"to": 7, "from": 5}], "label": "pronoun_q"}, {"id": 4, "anchors": [{"to": 12, "from": 8}], "label": "_go_v_on"}, {"id": 5, "anchors": [{"to": 20, "from": 16}], "label": "_with_p"}, {"id": 6, "anchors": [{"to": 24, "from": 21}], "label": "pron"}, {"id": 7, "anchors": [{"to": 24, "from": 21}], "label": "def_explicit_q"}, {"id": 8, "anchors": [{"to": 24, "from": 21}], "label": "poss"}, {"id": 9, "anchors": [{"to": 24, "from": 21}], "label": "pronoun_q"}, {"id": 10, "anchors": [{"to": 36, "from": 25}], "label": "_reflection_n_1"}, {"id": 11, "anchors": [{"to": 37, "from": 36}], "label": "_colon_p_namely"}, {"id": 12, "anchors": [{"to": 40, "from": 38}], "label": "pron"}, {"id": 13, "anchors": [{"to": 40, "from": 38}], "label": "pronoun_q"}, {"id": 14, "anchors": [{"to": 48, "from": 41}], "label": "_think_v_1"}, {"id": 15, "anchors": [{"to": 55, "from": 54}], "label": "pron"}, {"id": 16, "anchors": [{"to": 55, "from": 54}], "label": "pronoun_q"}, {"id": 17, "anchors": [{"to": 65, "from": 60}], "label": "_rich_a_in"}, {"id": 18, "anchors": [{"to": 70, "from": 66}], "label": "_with_p"}, {"id": 19, "anchors": [{"to": 72, "from": 71}], "label": "_a_q"}, {"id": 20, "anchors": [{"to": 79, "from": 73}], "label": "_flower_n_1"}, {"id": 21, "anchors": [{"to": 95, "from": 89}], "label": "_unique_a_to"}, {"id": 22, "anchors": [{"to": 98, "from": 96}], "label": "_in_p"}, {"id": 23, "anchors": [{"to": 102, "from": 99}], "label": "_all_q"}, {"id": 24, "anchors": [{"to": 102, "from": 99}], "label": "part_of"}, {"id": 25, "anchors": [{"to": 106, "from": 103}], "label": "_the_q"}, {"id": 26, "anchors": [{"to": 113, "from": 107}], "label": "_world_n_of"}, {"id": 27, "anchors": [{"to": 117, "from": 114}], "label": "_and_c"}, {"id": 28, "anchors": [{"to": 121, "from": 118}], "label": "_all_q"}, {"id": 29, "anchors": [{"to": 121, "from": 118}], "label": "generic_entity"}, {"id": 30, "anchors": [{"to": 123, "from": 122}], "label": "pron"}, {"id": 31, "anchors": [{"to": 123, "from": 122}], "label": "pronoun_q"}, {"id": 32, "anchors": [{"to": 127, "from": 124}], "label": "_have_v_1"}, {"id": 33, "anchors": [{"to": 131, "from": 128}], "label": "_be_v_id"}, {"id": 34, "anchors": [{"to": 133, "from": 132}], "label": "_a_q"}, {"id": 35, "anchors": [{"to": 140, "from": 134}], "label": "_common_a_for"}, {"id": 36, "anchors": [{"to": 146, "from": 141}], "label": "_rose_n_1"}], "tops": [1], "edges": [{"source": 0, "target": 4, "label": "ARG1"}, {"source": 1, "target": 0, "label": "L-HNDL"}, {"source": 1, "target": 27, "label": "R-HNDL"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 7, "target": 10, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 6, "label": "BV"}, {"source": 11, "target": 4, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 27, "target": 33, "label": "R-HNDL"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 31, "target": 30, "label": "BV"}, {"source": 32, "target": 29, "label": "ARG2"}, {"source": 32, "target": 30, "label": "ARG1"}, {"source": 33, "target": 29, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Then he went on with his reflections: \"I thought that I was rich, with a flower that was unique in all the world; and all I had was a common rose.", "flavor": 1, "id": "110390"} +{"nodes": [{"id": 0, "anchors": [{"to": 5, "from": 0}], "label": "_these_q_dem"}, {"id": 1, "anchors": [{"to": 5, "from": 0}], "label": "generic_entity"}, {"id": 2, "anchors": [{"to": 9, "from": 6}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 15, "from": 10}], "label": "pron"}, {"id": 4, "anchors": [{"to": 15, "from": 10}], "label": "def_explicit_q"}, {"id": 5, "anchors": [{"to": 15, "from": 10}], "label": "poss"}, {"id": 6, "anchors": [{"to": 15, "from": 10}], "label": "pronoun_q"}, {"id": 7, "anchors": [{"to": 20, "from": 16}], "label": "_only_a_1"}, {"id": 8, "anchors": [{"to": 31, "from": 21}], "label": "_interest_n_in"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 6, "target": 3, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "These are their only interests.", "flavor": 1, "id": "110640"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 6, "from": 4}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 9, "from": 7}], "label": "_a_q"}, {"id": 4, "anchors": [{"to": 13, "from": 10}], "label": "_act_n_of"}, {"id": 5, "anchors": [{"to": 17, "from": 14}], "label": "comp_too"}, {"id": 6, "anchors": [{"to": 23, "from": 18}], "label": "_often_a_1"}, {"id": 7, "anchors": [{"to": 35, "from": 24}], "label": "_neglect_v_1"}, {"id": 8, "anchors": [{"to": 40, "from": 36}], "label": "_say_v_to"}, {"id": 9, "anchors": [{"to": 44, "from": 41}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Fox"], "id": 10, "anchors": [{"to": 49, "from": 45}], "label": "named"}], "tops": [8], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 7, "target": 4, "label": "ARG2"}, {"source": 8, "target": 2, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"It is an act too often neglected,\" said the fox.", "flavor": 1, "id": "110690"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 8, "from": 3}], "label": "_mean_v_1"}, {"id": 3, "anchors": [{"to": 21, "from": 12}], "label": "_establish_v_1"}, {"id": 4, "anchors": [{"to": 28, "from": 22}], "label": "_tie_n_1"}, {"id": 5, "anchors": [{"to": 28, "from": 22}], "label": "udef_q"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "It means to establish ties.\"", "flavor": 1, "id": "110700"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 5, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 5, "from": 4}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 10, "from": 6}], "label": "_have_v_1"}, {"id": 4, "anchors": [{"to": 13, "from": 11}], "label": "_no_q"}, {"id": 5, "anchors": [{"to": 18, "from": 14}], "label": "_need_n_of"}, {"id": 6, "anchors": [{"to": 26, "from": 22}], "label": "pron"}, {"id": 7, "anchors": [{"to": 26, "from": 22}], "label": "pronoun_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And I have no need of you.", "flavor": 1, "id": "110740"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 15, "from": 6}], "label": "_begin_v_1"}, {"id": 3, "anchors": [{"to": 31, "from": 19}], "label": "_understand_v_by"}, {"id": 4, "anchors": [{"to": 36, "from": 32}], "label": "_say_v_to"}, {"id": 5, "anchors": [{"to": 40, "from": 37}], "label": "_the_q"}, {"id": 6, "anchors": [{"to": 47, "from": 41}], "label": "_little_a_1"}, {"id": 7, "anchors": [{"to": 55, "from": 48}], "label": "_prince_n_of"}], "tops": [4], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I am beginning to understand,\" said the little prince.", "flavor": 1, "id": "110800"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 7, "from": 3}], "label": "_hunt_v_1"}, {"id": 3, "anchors": [{"to": 30, "from": 0}], "label": "implicit_conj"}, {"id": 4, "anchors": [{"to": 17, "from": 8}], "label": "_chicken_n_1"}, {"id": 5, "anchors": [{"to": 17, "from": 8}], "label": "udef_q"}, {"id": 6, "anchors": [{"to": 21, "from": 18}], "label": "_man_n_1"}, {"id": 7, "anchors": [{"to": 21, "from": 18}], "label": "udef_q"}, {"id": 8, "anchors": [{"to": 26, "from": 22}], "label": "_hunt_v_1"}, {"id": 9, "anchors": [{"to": 30, "from": 27}], "label": "pron"}, {"id": 10, "anchors": [{"to": 30, "from": 27}], "label": "pronoun_q"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 2, "label": "L-HNDL"}, {"source": 3, "target": 8, "label": "R-HNDL"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I hunt chickens; men hunt me.", "flavor": 1, "id": "110970"} +{"nodes": [{"id": 0, "anchors": [{"to": 5, "from": 0}], "label": "_other_a_1"}, {"id": 1, "anchors": [{"to": 11, "from": 6}], "label": "_step_n_1"}, {"id": 2, "anchors": [{"to": 11, "from": 0}], "label": "udef_q"}, {"id": 3, "anchors": [{"to": 16, "from": 12}], "label": "_send_v_1"}, {"id": 4, "anchors": [{"to": 19, "from": 17}], "label": "pron"}, {"id": 5, "anchors": [{"to": 19, "from": 17}], "label": "pronoun_q"}, {"id": 6, "anchors": [{"to": 28, "from": 20}], "label": "_hurry_v_1"}, {"id": 7, "anchors": [{"to": 33, "from": 29}], "label": "_back_p"}, {"id": 8, "anchors": [{"to": 33, "from": 29}], "label": "def_implicit_q"}, {"id": 9, "anchors": [{"to": 56, "from": 29}], "label": "loc_nonsp"}, {"id": 10, "anchors": [{"to": 33, "from": 29}], "label": "place_n"}, {"id": 11, "anchors": [{"to": 44, "from": 34}], "label": "_underneath_p"}, {"id": 12, "anchors": [{"to": 48, "from": 45}], "label": "_the_q"}, {"id": 13, "anchors": [{"to": 56, "from": 49}], "label": "_ground_n_1"}], "tops": [3], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG3"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Other steps send me hurrying back underneath the ground.", "flavor": 1, "id": "111020"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "_fox_n_1"}, {"id": 2, "anchors": [{"to": 13, "from": 8}], "label": "_gazed_v_1"}, {"id": 3, "anchors": [{"to": 16, "from": 14}], "label": "_at_p"}, {"id": 4, "anchors": [{"to": 20, "from": 17}], "label": "_the_q"}, {"id": 5, "anchors": [{"to": 27, "from": 21}], "label": "_little_a_1"}, {"id": 6, "anchors": [{"to": 35, "from": 28}], "label": "_prince_n_of"}, {"id": 7, "anchors": [{"to": 39, "from": 36}], "label": "_for_p"}, {"id": 8, "anchors": [{"to": 41, "from": 40}], "label": "_a_q"}, {"id": 9, "anchors": [{"to": 46, "from": 42}], "label": "_long_a_1"}, {"id": 10, "anchors": [{"to": 52, "from": 47}], "label": "_time_n_of"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The fox gazed at the little prince, for a long time.", "flavor": 1, "id": "111130"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 6, "from": 5}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 5}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 11, "from": 7}], "label": "_have_v_1"}, {"id": 4, "anchors": [{"to": 15, "from": 12}], "label": "neg"}, {"id": 5, "anchors": [{"to": 20, "from": 16}], "label": "much-many_a"}, {"id": 6, "anchors": [{"to": 26, "from": 21}], "label": "_time_n_of"}, {"id": 7, "anchors": [{"to": 26, "from": 12}], "label": "udef_q"}], "tops": [0], "edges": [{"source": 0, "target": 4, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"But I have not much time.", "flavor": 1, "id": "111160"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 9, "from": 4}], "label": "_would_v_modal"}, {"id": 3, "anchors": [{"to": 26, "from": 20}], "label": "_good_a_at-for-of"}, {"id": 4, "anchors": [{"to": 26, "from": 20}], "label": "comp"}, {"id": 5, "anchors": [{"to": 34, "from": 30}], "label": "_come_v_back"}, {"id": 6, "anchors": [{"to": 42, "from": 40}], "label": "_at_p_temp"}, {"id": 7, "anchors": [{"to": 46, "from": 43}], "label": "_the_q"}, {"id": 8, "anchors": [{"to": 51, "from": 47}], "label": "_same_a_as"}, {"id": 9, "anchors": [{"to": 51, "from": 47}], "label": "comp_equal"}, {"id": 10, "anchors": [{"to": 58, "from": 52}], "label": "_hour_n_1"}, {"id": 11, "anchors": [{"to": 63, "from": 59}], "label": "_say_v_to"}, {"id": 12, "anchors": [{"to": 67, "from": 64}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Fox"], "id": 13, "anchors": [{"to": 72, "from": 68}], "label": "named"}], "tops": [5], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 0, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 7, "target": 10, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 11, "target": 2, "label": "ARG2"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"It would have been better to come back at the same hour,\" said the fox.", "flavor": 1, "id": "111300"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_if_x_then"}, {"id": 1, "anchors": [{"to": 21, "from": 18}], "label": "pron"}, {"id": 2, "anchors": [{"to": 21, "from": 18}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 26, "from": 22}], "label": "_come_v_1"}, {"id": 4, "anchors": [{"to": 29, "from": 27}], "label": "_at_p_temp"}, {"properties": ["carg"], "values": ["4"], "id": 5, "anchors": [{"to": 34, "from": 30}], "label": "card"}, {"id": 6, "anchors": [{"to": 34, "from": 30}], "label": "udef_q"}, {"properties": ["carg"], "values": ["o"], "id": 7, "anchors": [{"to": 37, "from": 35}], "label": "holiday"}, {"id": 8, "anchors": [{"to": 37, "from": 35}], "label": "compound"}, {"id": 9, "anchors": [{"to": 37, "from": 35}], "label": "udef_q"}, {"id": 10, "anchors": [{"to": 42, "from": 37}], "label": "_clock_n_1"}, {"id": 11, "anchors": [{"to": 45, "from": 43}], "label": "_in_p_temp"}, {"id": 12, "anchors": [{"to": 49, "from": 46}], "label": "_the_q"}, {"id": 13, "anchors": [{"to": 60, "from": 50}], "label": "_afternoon_n_of"}, {"id": 14, "anchors": [{"to": 65, "from": 61}], "label": "_then_a_1"}, {"id": 15, "anchors": [{"to": 68, "from": 66}], "label": "_at_p_temp"}, {"properties": ["carg"], "values": ["3"], "id": 16, "anchors": [{"to": 74, "from": 69}], "label": "card"}, {"id": 17, "anchors": [{"to": 82, "from": 69}], "label": "udef_q"}, {"properties": ["carg"], "values": ["o"], "id": 18, "anchors": [{"to": 77, "from": 75}], "label": "dofw"}, {"id": 19, "anchors": [{"to": 77, "from": 75}], "label": "compound"}, {"id": 20, "anchors": [{"to": 77, "from": 75}], "label": "udef_q"}, {"id": 21, "anchors": [{"to": 82, "from": 77}], "label": "_clock_n_1"}, {"id": 22, "anchors": [{"to": 84, "from": 83}], "label": "pron"}, {"id": 23, "anchors": [{"to": 84, "from": 83}], "label": "pronoun_q"}, {"id": 24, "anchors": [{"to": 96, "from": 91}], "label": "_begin_v_1"}, {"id": 25, "anchors": [{"to": 109, "from": 103}], "label": "_happy_a_with"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 14, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 7, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 14, "target": 24, "label": "ARG1"}, {"source": 15, "target": 21, "label": "ARG2"}, {"source": 15, "target": 24, "label": "ARG1"}, {"source": 16, "target": 21, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 20, "target": 18, "label": "BV"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 25, "target": 22, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"If, for example, you come at four o'clock in the afternoon, then at three o'clock I shall begin to be happy.", "flavor": 1, "id": "111310"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 12, "from": 8}], "label": "_feel_v_seem-about"}, {"id": 3, "anchors": [{"to": 20, "from": 13}], "label": "_happy_a_with"}, {"id": 4, "anchors": [{"to": 20, "from": 13}], "label": "comp"}, {"id": 5, "anchors": [{"to": 24, "from": 21}], "label": "_and_c"}, {"id": 6, "anchors": [{"to": 32, "from": 25}], "label": "_happy_a_with"}, {"id": 7, "anchors": [{"to": 32, "from": 25}], "label": "comp"}, {"id": 8, "anchors": [{"to": 35, "from": 33}], "label": "_as_x_subord"}, {"id": 9, "anchors": [{"to": 39, "from": 36}], "label": "_the_q"}, {"id": 10, "anchors": [{"to": 44, "from": 40}], "label": "_hour_n_1"}, {"id": 11, "anchors": [{"to": 54, "from": 45}], "label": "_advance_v_1"}], "tops": [8], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 3, "label": "L-HNDL"}, {"source": 5, "target": 6, "label": "R-HNDL"}, {"source": 6, "target": 0, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 8, "target": 5, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I shall feel happier and happier as the hour advances.", "flavor": 1, "id": "111320"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "_so_a_thus"}, {"id": 1, "anchors": [{"to": 6, "from": 3}], "label": "_the_q"}, {"id": 2, "anchors": [{"to": 13, "from": 7}], "label": "_little_a_1"}, {"id": 3, "anchors": [{"to": 20, "from": 14}], "label": "_prince_n_of"}, {"id": 4, "anchors": [{"to": 26, "from": 21}], "label": "_tame_v_1"}, {"id": 5, "anchors": [{"to": 30, "from": 27}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Fox"], "id": 6, "anchors": [{"to": 35, "from": 31}], "label": "named"}], "tops": [0], "edges": [{"source": 0, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "So the little prince tamed the fox.", "flavor": 1, "id": "111450"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 19, "from": 9}], "label": "_understand_v_by"}, {"id": 3, "anchors": [{"to": 28, "from": 20}], "label": "_now+that_x"}, {"id": 4, "anchors": [{"to": 34, "from": 29}], "label": "pron"}, {"id": 5, "anchors": [{"to": 34, "from": 29}], "label": "def_implicit_q"}, {"id": 6, "anchors": [{"to": 34, "from": 29}], "label": "generic_entity"}, {"id": 7, "anchors": [{"to": 34, "from": 29}], "label": "poss"}, {"id": 8, "anchors": [{"to": 34, "from": 29}], "label": "pronoun_q"}, {"id": 9, "anchors": [{"to": 44, "from": 38}], "label": "_unique_a_to"}, {"id": 10, "anchors": [{"to": 47, "from": 45}], "label": "_in_p"}, {"id": 11, "anchors": [{"to": 51, "from": 48}], "label": "_all_q"}, {"id": 12, "anchors": [{"to": 51, "from": 48}], "label": "part_of"}, {"id": 13, "anchors": [{"to": 55, "from": 52}], "label": "_the_q"}, {"id": 14, "anchors": [{"to": 62, "from": 56}], "label": "_world_n_of"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 9, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 9, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 4, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 8, "target": 4, "label": "BV"}, {"source": 8, "target": 6, "label": "BV"}, {"source": 9, "target": 4, "label": "ARG1"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "You will understand now that yours is unique in all the world.", "flavor": 1, "id": "111550"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 7, "from": 4}], "label": "_the_q"}, {"id": 2, "anchors": [{"to": 13, "from": 8}], "label": "_rose_n_1"}, {"id": 3, "anchors": [{"to": 23, "from": 19}], "label": "_very_x_deg"}, {"id": 4, "anchors": [{"to": 28, "from": 24}], "label": "_much_a_1"}, {"id": 5, "anchors": [{"to": 40, "from": 29}], "label": "_embarassed_v_1"}], "tops": [0], "edges": [{"source": 0, "target": 5, "label": "R-HNDL"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG2"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And the roses were very much embarassed.", "flavor": 1, "id": "111640"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_man_n_1"}, {"id": 1, "anchors": [{"to": 4, "from": 0}], "label": "udef_q"}, {"id": 2, "anchors": [{"to": 19, "from": 10}], "label": "_forget_v_1"}, {"id": 3, "anchors": [{"to": 24, "from": 20}], "label": "_this_q_dem"}, {"id": 4, "anchors": [{"to": 32, "from": 25}], "label": "_truth_n_1"}, {"id": 5, "anchors": [{"to": 37, "from": 33}], "label": "_say_v_to"}, {"id": 6, "anchors": [{"to": 41, "from": 38}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Fox"], "id": 7, "anchors": [{"to": 46, "from": 42}], "label": "named"}], "tops": [5], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"Men have forgotten this truth,\" said the fox.", "flavor": 1, "id": "111770"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_this_q_dem"}, {"id": 1, "anchors": [{"to": 4, "from": 0}], "label": "generic_entity"}, {"id": 2, "anchors": [{"to": 8, "from": 5}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 10, "from": 9}], "label": "_a_q"}, {"id": 4, "anchors": [{"to": 19, "from": 11}], "label": "_merchant_n_of"}, {"id": 5, "anchors": [{"to": 28, "from": 24}], "label": "_sell_v_1"}, {"id": 6, "anchors": [{"to": 34, "from": 29}], "label": "_pill_n_1"}, {"id": 7, "anchors": [{"to": 75, "from": 29}], "label": "udef_q"}, {"id": 8, "anchors": [{"to": 57, "from": 49}], "label": "_invent_v_1"}, {"id": 9, "anchors": [{"to": 60, "from": 58}], "label": "_in+order+to_x"}, {"id": 10, "anchors": [{"to": 67, "from": 61}], "label": "_quench/vb_u_unknown"}, {"id": 11, "anchors": [{"to": 75, "from": 68}], "label": "_thirst_n_for"}, {"id": 12, "anchors": [{"to": 75, "from": 68}], "label": "udef_q"}], "tops": [2], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 10, "target": 6, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "This was a merchant who sold pills that had been invented to quench thirst.", "flavor": 1, "id": "112090"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 6, "from": 3}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 10, "from": 7}], "label": "_now_a_1"}, {"id": 4, "anchors": [{"to": 10, "from": 7}], "label": "def_implicit_q"}, {"id": 5, "anchors": [{"to": 10, "from": 7}], "label": "loc_nonsp"}, {"id": 6, "anchors": [{"to": 10, "from": 7}], "label": "time_n"}, {"id": 7, "anchors": [{"to": 14, "from": 11}], "label": "_the_q"}, {"properties": ["carg"], "values": ["8"], "id": 8, "anchors": [{"to": 21, "from": 15}], "label": "ord"}, {"id": 9, "anchors": [{"to": 25, "from": 22}], "label": "_day_n_of"}, {"id": 10, "anchors": [{"to": 31, "from": 26}], "label": "_since_x_subord"}, {"id": 11, "anchors": [{"to": 33, "from": 32}], "label": "pron"}, {"id": 12, "anchors": [{"to": 33, "from": 32}], "label": "pronoun_q"}, {"id": 13, "anchors": [{"to": 41, "from": 38}], "label": "_have_v_1"}, {"id": 14, "anchors": [{"to": 44, "from": 42}], "label": "pron"}, {"id": 15, "anchors": [{"to": 44, "from": 42}], "label": "def_explicit_q"}, {"id": 16, "anchors": [{"to": 44, "from": 42}], "label": "poss"}, {"id": 17, "anchors": [{"to": 44, "from": 42}], "label": "pronoun_q"}, {"id": 18, "anchors": [{"to": 53, "from": 45}], "label": "_accident_n_1"}, {"id": 19, "anchors": [{"to": 56, "from": 54}], "label": "_in_p"}, {"id": 20, "anchors": [{"to": 60, "from": 57}], "label": "_the_q"}, {"id": 21, "anchors": [{"to": 68, "from": 61}], "label": "_desert_n_1"}, {"id": 22, "anchors": [{"to": 72, "from": 69}], "label": "_and_c"}, {"id": 23, "anchors": [{"to": 74, "from": 73}], "label": "pron"}, {"id": 24, "anchors": [{"to": 74, "from": 73}], "label": "pronoun_q"}, {"id": 25, "anchors": [{"to": 87, "from": 79}], "label": "_listen_v_to"}, {"id": 26, "anchors": [{"to": 94, "from": 91}], "label": "_the_q"}, {"id": 27, "anchors": [{"to": 100, "from": 95}], "label": "_story_n_of"}, {"id": 28, "anchors": [{"to": 107, "from": 104}], "label": "_the_q"}, {"id": 29, "anchors": [{"to": 116, "from": 108}], "label": "_merchant_n_of"}, {"id": 30, "anchors": [{"to": 119, "from": 117}], "label": "_as_x_subord"}, {"id": 31, "anchors": [{"to": 121, "from": 120}], "label": "pron"}, {"id": 32, "anchors": [{"to": 121, "from": 120}], "label": "pronoun_q"}, {"id": 33, "anchors": [{"to": 134, "from": 126}], "label": "_drink_v_1"}, {"id": 34, "anchors": [{"to": 138, "from": 135}], "label": "_the_q"}, {"id": 35, "anchors": [{"to": 143, "from": 139}], "label": "_last_a_1"}, {"id": 36, "anchors": [{"to": 148, "from": 144}], "label": "_drop_n_of"}, {"id": 37, "anchors": [{"to": 154, "from": 152}], "label": "pron"}, {"id": 38, "anchors": [{"to": 154, "from": 152}], "label": "def_explicit_q"}, {"id": 39, "anchors": [{"to": 154, "from": 152}], "label": "poss"}, {"id": 40, "anchors": [{"to": 154, "from": 152}], "label": "pronoun_q"}, {"id": 41, "anchors": [{"to": 160, "from": 155}], "label": "_water_n_1"}, {"id": 42, "anchors": [{"to": 168, "from": 155}], "label": "compound"}, {"id": 43, "anchors": [{"to": 160, "from": 155}], "label": "udef_q"}, {"id": 44, "anchors": [{"to": 168, "from": 161}], "label": "_supply_n_1"}], "tops": [22], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 9, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 10, "target": 2, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 17, "target": 14, "label": "BV"}, {"source": 19, "target": 13, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 22, "target": 2, "label": "L-HNDL"}, {"source": 22, "target": 10, "label": "L-HNDL"}, {"source": 22, "target": 30, "label": "R-HNDL"}, {"source": 24, "target": 23, "label": "BV"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 27, "target": 29, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 30, "target": 25, "label": "ARG1"}, {"source": 30, "target": 33, "label": "ARG2"}, {"source": 32, "target": 31, "label": "BV"}, {"source": 33, "target": 31, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 36, "target": 44, "label": "ARG1"}, {"source": 38, "target": 44, "label": "BV"}, {"source": 39, "target": 37, "label": "ARG2"}, {"source": 39, "target": 44, "label": "ARG1"}, {"source": 40, "target": 37, "label": "BV"}, {"source": 42, "target": 41, "label": "ARG2"}, {"source": 42, "target": 44, "label": "ARG1"}, {"source": 43, "target": 41, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "It was now the eighth day since I had had my accident in the desert, and I had listened to the story of the merchant as I was drinking the last drop of my water supply.", "flavor": 1, "id": "112190"} +{"nodes": [{"id": 0, "anchors": [{"to": 8, "from": 0}], "label": "_because_x"}, {"id": 1, "anchors": [{"to": 10, "from": 9}], "label": "pron"}, {"id": 2, "anchors": [{"to": 10, "from": 9}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 19, "from": 14}], "label": "_about_a_1"}, {"id": 4, "anchors": [{"to": 26, "from": 23}], "label": "_die_v_1"}, {"id": 5, "anchors": [{"to": 29, "from": 27}], "label": "_of_p"}, {"id": 6, "anchors": [{"to": 36, "from": 30}], "label": "_thirst_n_for"}, {"id": 7, "anchors": [{"to": 36, "from": 30}], "label": "udef_q"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"Because I am about to die of thirst ...\"", "flavor": 1, "id": "112250"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_when_x_subord"}, {"id": 1, "anchors": [{"to": 7, "from": 5}], "label": "pron"}, {"id": 2, "anchors": [{"to": 7, "from": 5}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 19, "from": 12}], "label": "_trudged_v_1"}, {"id": 4, "anchors": [{"to": 25, "from": 20}], "label": "_along_p"}, {"id": 5, "anchors": [{"to": 29, "from": 26}], "label": "_for_p"}, {"id": 6, "anchors": [{"to": 37, "from": 30}], "label": "_several_a_1"}, {"id": 7, "anchors": [{"to": 44, "from": 38}], "label": "_hour_n_1"}, {"id": 8, "anchors": [{"to": 44, "from": 30}], "label": "udef_q"}, {"id": 9, "anchors": [{"to": 47, "from": 45}], "label": "_in_p"}, {"id": 10, "anchors": [{"to": 56, "from": 48}], "label": "_silence_n_1"}, {"id": 11, "anchors": [{"to": 56, "from": 48}], "label": "udef_q"}, {"id": 12, "anchors": [{"to": 60, "from": 57}], "label": "_the_q"}, {"id": 13, "anchors": [{"to": 69, "from": 61}], "label": "_darkness_n_1"}, {"id": 14, "anchors": [{"to": 75, "from": 70}], "label": "_fall_v_1"}, {"id": 15, "anchors": [{"to": 79, "from": 76}], "label": "_and_c"}, {"id": 16, "anchors": [{"to": 83, "from": 80}], "label": "_the_q"}, {"id": 17, "anchors": [{"to": 89, "from": 84}], "label": "_star_n_1"}, {"id": 18, "anchors": [{"to": 95, "from": 90}], "label": "_begin_v_1"}, {"id": 19, "anchors": [{"to": 103, "from": 99}], "label": "_come_v_out"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 15, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 15, "target": 14, "label": "L-HNDL"}, {"source": 15, "target": 18, "label": "R-HNDL"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 19, "target": 17, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "When we had trudged along for several hours, in silence, the darkness fell, and the stars began to come out.", "flavor": 1, "id": "112370"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 9, "from": 3}], "label": "_mere_a_1"}, {"id": 3, "anchors": [{"to": 14, "from": 10}], "label": "_say_v_to"}, {"id": 4, "anchors": [{"to": 17, "from": 15}], "label": "_to_p"}, {"id": 5, "anchors": [{"to": 20, "from": 18}], "label": "pron"}, {"id": 6, "anchors": [{"to": 20, "from": 18}], "label": "pronoun_q"}, {"id": 7, "anchors": [{"to": 21, "from": 20}], "label": "_colon_p_namely"}, {"id": 8, "anchors": [{"to": 28, "from": 22}], "label": "_water_n_1"}, {"id": 9, "anchors": [{"to": 28, "from": 22}], "label": "udef_q"}, {"id": 10, "anchors": [{"to": 32, "from": 29}], "label": "_may_v_modal"}, {"id": 11, "anchors": [{"to": 37, "from": 33}], "label": "_also_a_1"}, {"id": 12, "anchors": [{"to": 45, "from": 41}], "label": "_good_a_at-for-of"}, {"id": 13, "anchors": [{"to": 53, "from": 50}], "label": "_the_q"}, {"id": 14, "anchors": [{"to": 59, "from": 54}], "label": "_heart_n_1"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 12, "target": 8, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "He merely said to me: \"Water may also be good for the heart ...\"", "flavor": 1, "id": "112420"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_yet_c"}, {"id": 1, "anchors": [{"to": 11, "from": 4}], "label": "_through_p_state"}, {"id": 2, "anchors": [{"to": 15, "from": 12}], "label": "_the_q"}, {"id": 3, "anchors": [{"to": 23, "from": 16}], "label": "_silence_n_1"}, {"id": 4, "anchors": [{"to": 33, "from": 24}], "label": "_some_q"}, {"id": 5, "anchors": [{"to": 33, "from": 24}], "label": "thing"}, {"id": 6, "anchors": [{"to": 41, "from": 34}], "label": "_throbs_v_1"}, {"id": 7, "anchors": [{"to": 45, "from": 42}], "label": "_and_c"}, {"id": 8, "anchors": [{"to": 52, "from": 46}], "label": "_gleams_v_1"}], "tops": [0], "edges": [{"source": 0, "target": 7, "label": "R-HNDL"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 7, "target": 6, "label": "L-HNDL"}, {"source": 7, "target": 8, "label": "R-HNDL"}, {"source": 8, "target": 5, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Yet through the silence something throbs, and gleams ...", "flavor": 1, "id": "112550"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 16, "from": 6}], "label": "_astonish_v_1"}, {"id": 3, "anchors": [{"to": 21, "from": 20}], "label": "_a_q"}, {"id": 4, "anchors": [{"to": 28, "from": 22}], "label": "_sudden_a_1"}, {"id": 5, "anchors": [{"to": 42, "from": 29}], "label": "_understanding_n_of"}, {"id": 6, "anchors": [{"to": 50, "from": 46}], "label": "_that_q_dem"}, {"id": 7, "anchors": [{"to": 61, "from": 51}], "label": "_mysterious_a_1"}, {"id": 8, "anchors": [{"to": 71, "from": 62}], "label": "_radiation_n_1"}, {"id": 9, "anchors": [{"to": 74, "from": 72}], "label": "_of_p"}, {"id": 10, "anchors": [{"to": 78, "from": 75}], "label": "_the_q"}, {"id": 11, "anchors": [{"to": 85, "from": 79}], "label": "_sand_n_1"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I was astonished by a sudden understanding of that mysterious radiation of the sands.", "flavor": 1, "id": "112570"} +{"nodes": [{"id": 0, "anchors": [{"to": 9, "from": 3}], "label": "_seem_v_to"}, {"id": 1, "anchors": [{"to": 16, "from": 13}], "label": "pron"}, {"id": 2, "anchors": [{"to": 16, "from": 13}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 22, "from": 17}], "label": "_even_a_1"}, {"id": 4, "anchors": [{"to": 37, "from": 34}], "label": "_be_v_there"}, {"id": 5, "anchors": [{"to": 45, "from": 38}], "label": "_no_q"}, {"id": 6, "anchors": [{"to": 45, "from": 38}], "label": "thing"}, {"id": 7, "anchors": [{"to": 50, "from": 46}], "label": "comp"}, {"id": 8, "anchors": [{"to": 58, "from": 51}], "label": "_fragile_a_1"}, {"id": 9, "anchors": [{"to": 61, "from": 59}], "label": "_on_p"}, {"id": 10, "anchors": [{"to": 65, "from": 62}], "label": "_all_q"}, {"properties": ["carg"], "values": ["Earth"], "id": 11, "anchors": [{"to": 72, "from": 66}], "label": "named"}], "tops": [0], "edges": [{"source": 0, "target": 1, "label": "ARG2"}, {"source": 0, "target": 4, "label": "ARG2"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "It seemed to me, even, that there was nothing more fragile on all Earth.", "flavor": 1, "id": "112690"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 8, "from": 4}], "label": "_well_n_1"}, {"id": 2, "anchors": [{"to": 16, "from": 14}], "label": "pron"}, {"id": 3, "anchors": [{"to": 16, "from": 14}], "label": "pronoun_q"}, {"id": 4, "anchors": [{"to": 25, "from": 21}], "label": "_come_v_1"}, {"id": 5, "anchors": [{"to": 28, "from": 26}], "label": "_to_p"}, {"id": 6, "anchors": [{"to": 36, "from": 33}], "label": "neg"}, {"id": 7, "anchors": [{"to": 41, "from": 37}], "label": "_like_p"}, {"id": 8, "anchors": [{"to": 45, "from": 42}], "label": "_the_q"}, {"id": 9, "anchors": [{"to": 51, "from": 46}], "label": "_well_n_1"}, {"id": 10, "anchors": [{"to": 54, "from": 52}], "label": "_of_p"}, {"id": 11, "anchors": [{"to": 58, "from": 55}], "label": "_the_q"}, {"properties": ["carg"], "values": ["Sahara"], "id": 12, "anchors": [{"to": 66, "from": 59}], "label": "named"}], "tops": [4], "edges": [{"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 4, "target": 1, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The well that we had come to was not like the wells of the Sahara.", "flavor": 1, "id": "112800"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 7}], "label": "comp_too"}, {"id": 3, "anchors": [{"to": 16, "from": 11}], "label": "_heavy_a_1"}, {"id": 4, "anchors": [{"to": 20, "from": 17}], "label": "_for_p"}, {"id": 5, "anchors": [{"to": 26, "from": 21}], "label": "pron"}, {"id": 6, "anchors": [{"to": 26, "from": 21}], "label": "pronoun_q"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"It is too heavy for you.\"", "flavor": 1, "id": "112940"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 4, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 9, "from": 5}], "label": "_know_v_1"}, {"id": 3, "anchors": [{"to": 14, "from": 13}], "label": "_a_q"}, {"properties": ["carg"], "values": ["muzzle"], "id": 4, "anchors": [{"to": 21, "from": 15}], "label": "named"}, {"id": 5, "anchors": [{"to": 25, "from": 22}], "label": "_for_p"}, {"id": 6, "anchors": [{"to": 28, "from": 26}], "label": "pron"}, {"id": 7, "anchors": [{"to": 28, "from": 26}], "label": "def_explicit_q"}, {"id": 8, "anchors": [{"to": 28, "from": 26}], "label": "poss"}, {"id": 9, "anchors": [{"to": 28, "from": 26}], "label": "pronoun_q"}, {"id": 10, "anchors": [{"to": 34, "from": 29}], "label": "_sheep_n_1"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 7, "target": 10, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"You know -- a muzzle for my sheep ...", "flavor": 1, "id": "113220"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 6, "from": 4}], "label": "_as_x_subord"}, {"id": 2, "anchors": [{"to": 8, "from": 7}], "label": "pron"}, {"id": 3, "anchors": [{"to": 8, "from": 7}], "label": "pronoun_q"}, {"id": 4, "anchors": [{"to": 13, "from": 9}], "label": "_give_v_1"}, {"id": 5, "anchors": [{"to": 16, "from": 14}], "label": "pron"}, {"id": 6, "anchors": [{"to": 16, "from": 14}], "label": "pronoun_q"}, {"id": 7, "anchors": [{"to": 23, "from": 20}], "label": "pron"}, {"id": 8, "anchors": [{"to": 23, "from": 20}], "label": "pronoun_q"}, {"id": 9, "anchors": [{"to": 26, "from": 24}], "label": "pron"}, {"id": 10, "anchors": [{"to": 26, "from": 24}], "label": "def_explicit_q"}, {"id": 11, "anchors": [{"to": 26, "from": 24}], "label": "poss"}, {"id": 12, "anchors": [{"to": 26, "from": 24}], "label": "pronoun_q"}, {"id": 13, "anchors": [{"to": 32, "from": 27}], "label": "_heart_n_1"}, {"id": 14, "anchors": [{"to": 42, "from": 37}], "label": "_tear_v_cause"}], "tops": [0], "edges": [{"source": 0, "target": 1, "label": "R-HNDL"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 1, "target": 14, "label": "ARG1"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG3"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 12, "target": 9, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG2"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And as I gave it to him my heart was torn.", "flavor": 1, "id": "113350"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_the_q"}, {"id": 1, "anchors": [{"to": 10, "from": 4}], "label": "_little_a_1"}, {"id": 2, "anchors": [{"to": 17, "from": 11}], "label": "_prince_n_of"}, {"id": 3, "anchors": [{"to": 25, "from": 18}], "label": "_flush_v_1"}, {"id": 4, "anchors": [{"to": 30, "from": 26}], "label": "_once_a_1"}, {"id": 5, "anchors": [{"to": 36, "from": 31}], "label": "comp"}, {"id": 6, "anchors": [{"to": 36, "from": 31}], "label": "generic_entity"}, {"id": 7, "anchors": [{"to": 36, "from": 31}], "label": "much-many_a"}, {"id": 8, "anchors": [{"to": 36, "from": 26}], "label": "udef_q"}], "tops": [3], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 8, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "The little prince flushed once more.", "flavor": 1, "id": "113480"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 5, "from": 3}], "label": "_be_v_id"}, {"id": 3, "anchors": [{"to": 9, "from": 6}], "label": "_the_q"}, {"id": 4, "anchors": [{"to": 15, "from": 10}], "label": "_right_a_1"}, {"id": 5, "anchors": [{"to": 20, "from": 16}], "label": "_day_n_of"}, {"id": 6, "anchors": [{"to": 24, "from": 21}], "label": "_but_c"}, {"id": 7, "anchors": [{"to": 29, "from": 25}], "label": "_this_q_dem"}, {"id": 8, "anchors": [{"to": 29, "from": 25}], "label": "generic_entity"}, {"id": 9, "anchors": [{"to": 32, "from": 30}], "label": "_be_v_id"}, {"id": 10, "anchors": [{"to": 36, "from": 33}], "label": "neg"}, {"id": 11, "anchors": [{"to": 40, "from": 37}], "label": "_the_q"}, {"id": 12, "anchors": [{"to": 48, "from": 41}], "label": "_place_n_of"}], "tops": [6], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 6, "target": 2, "label": "L-HNDL"}, {"source": 6, "target": 10, "label": "R-HNDL"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "It is the right day, but this is not the place.\"", "flavor": 1, "id": "113660"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 3, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 12, "from": 8}], "label": "_sure_a_of"}, {"id": 3, "anchors": [{"to": 20, "from": 18}], "label": "pron"}, {"id": 4, "anchors": [{"to": 20, "from": 18}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 29, "from": 26}], "label": "neg"}, {"id": 6, "anchors": [{"to": 34, "from": 30}], "label": "_make_v_cause"}, {"id": 7, "anchors": [{"to": 37, "from": 35}], "label": "pron"}, {"id": 8, "anchors": [{"to": 37, "from": 35}], "label": "pronoun_q"}, {"id": 9, "anchors": [{"to": 44, "from": 38}], "label": "_suffer_v_1"}, {"id": 10, "anchors": [{"to": 48, "from": 45}], "label": "comp_too"}, {"id": 11, "anchors": [{"to": 55, "from": 49}], "label": "_long_a_1"}, {"id": 12, "anchors": [{"to": 55, "from": 49}], "label": "def_implicit_q"}, {"id": 13, "anchors": [{"to": 55, "from": 45}], "label": "loc_nonsp"}, {"id": 14, "anchors": [{"to": 55, "from": 49}], "label": "time_n"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 12, "target": 14, "label": "BV"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "You are sure that it will not make me suffer too long?\"", "flavor": 1, "id": "113750"} +{"nodes": [{"id": 0, "anchors": [{"to": 1, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 1, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 9, "from": 2}], "label": "_reach_v_1"}, {"id": 3, "anchors": [{"to": 13, "from": 10}], "label": "_the_q"}, {"id": 4, "anchors": [{"to": 18, "from": 14}], "label": "_wall_n_of"}, {"id": 5, "anchors": [{"to": 23, "from": 19}], "label": "_just_x_deg"}, {"id": 6, "anchors": [{"to": 26, "from": 24}], "label": "_in_p_temp"}, {"id": 7, "anchors": [{"to": 31, "from": 27}], "label": "_time_n_of"}, {"id": 8, "anchors": [{"to": 31, "from": 27}], "label": "udef_q"}, {"id": 9, "anchors": [{"to": 40, "from": 35}], "label": "_catch_v_1"}, {"id": 10, "anchors": [{"to": 43, "from": 41}], "label": "pron"}, {"id": 11, "anchors": [{"to": 43, "from": 41}], "label": "def_explicit_q"}, {"id": 12, "anchors": [{"to": 43, "from": 41}], "label": "poss"}, {"id": 13, "anchors": [{"to": 43, "from": 41}], "label": "pronoun_q"}, {"id": 14, "anchors": [{"to": 50, "from": 44}], "label": "_little_a_1"}, {"id": 15, "anchors": [{"to": 54, "from": 51}], "label": "_man_n_1"}, {"id": 16, "anchors": [{"to": 57, "from": 55}], "label": "_in_p"}, {"id": 17, "anchors": [{"to": 60, "from": 58}], "label": "pron"}, {"id": 18, "anchors": [{"to": 60, "from": 58}], "label": "def_explicit_q"}, {"id": 19, "anchors": [{"to": 60, "from": 58}], "label": "poss"}, {"id": 20, "anchors": [{"to": 60, "from": 58}], "label": "pronoun_q"}, {"id": 21, "anchors": [{"to": 66, "from": 61}], "label": "_arm_n_1"}, {"id": 22, "anchors": [{"to": 70, "from": 67}], "label": "pron"}, {"id": 23, "anchors": [{"to": 70, "from": 67}], "label": "def_explicit_q"}, {"id": 24, "anchors": [{"to": 70, "from": 67}], "label": "poss"}, {"id": 25, "anchors": [{"to": 70, "from": 67}], "label": "pronoun_q"}, {"id": 26, "anchors": [{"to": 75, "from": 71}], "label": "_face_n_1"}, {"id": 27, "anchors": [{"to": 85, "from": 80}], "label": "_white_a_1"}, {"id": 28, "anchors": [{"to": 88, "from": 86}], "label": "_as_p"}, {"id": 29, "anchors": [{"to": 94, "from": 89}], "label": "_snow_n_1"}, {"id": 30, "anchors": [{"to": 94, "from": 89}], "label": "udef_q"}], "tops": [9], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 9, "target": 0, "label": "ARG1"}, {"source": 9, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 12, "target": 10, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 13, "target": 10, "label": "BV"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 16, "target": 9, "label": "ARG1"}, {"source": 16, "target": 21, "label": "ARG2"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 20, "target": 17, "label": "BV"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 22, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG2"}, {"source": 30, "target": 29, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "I reached the wall just in time to catch my little man in my arms; his face was white as snow.", "flavor": 1, "id": "113830"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 10, "from": 6}], "label": "_glad_a_1"}, {"id": 3, "anchors": [{"to": 19, "from": 16}], "label": "pron"}, {"id": 4, "anchors": [{"to": 19, "from": 16}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 30, "from": 25}], "label": "_find_v_1"}, {"id": 6, "anchors": [{"to": 35, "from": 31}], "label": "thing"}, {"id": 7, "anchors": [{"to": 35, "from": 31}], "label": "which_q"}, {"id": 8, "anchors": [{"to": 39, "from": 36}], "label": "_be_v_id"}, {"id": 9, "anchors": [{"to": 43, "from": 40}], "label": "_the_q"}, {"id": 10, "anchors": [{"to": 50, "from": 44}], "label": "_matter_n_of"}, {"id": 11, "anchors": [{"to": 55, "from": 51}], "label": "_with_p"}, {"id": 12, "anchors": [{"to": 60, "from": 56}], "label": "pron"}, {"id": 13, "anchors": [{"to": 60, "from": 56}], "label": "def_explicit_q"}, {"id": 14, "anchors": [{"to": 60, "from": 56}], "label": "poss"}, {"id": 15, "anchors": [{"to": 60, "from": 56}], "label": "pronoun_q"}, {"id": 16, "anchors": [{"to": 69, "from": 61}], "label": "_engine_n_1"}, {"id": 17, "anchors": [{"to": 72, "from": 70}], "label": "pron"}, {"id": 18, "anchors": [{"to": 72, "from": 70}], "label": "pronoun_q"}, {"id": 19, "anchors": [{"to": 78, "from": 73}], "label": "_say_v_to"}], "tops": [19], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 13, "target": 16, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 15, "target": 12, "label": "BV"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 19, "target": 2, "label": "ARG2"}, {"source": 19, "target": 17, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I am glad that you have found what was the matter with your engine,\" he said.", "flavor": 1, "id": "113920"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_and_c"}, {"id": 1, "anchors": [{"to": 5, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 5, "from": 4}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 10, "from": 6}], "label": "_have_v_1"}, {"id": 4, "anchors": [{"to": 14, "from": 11}], "label": "_the_q"}, {"id": 5, "anchors": [{"to": 20, "from": 15}], "label": "_sheep_n_1"}, {"id": 6, "anchors": [{"to": 22, "from": 20}], "label": "def_explicit_q"}, {"id": 7, "anchors": [{"to": 22, "from": 20}], "label": "poss"}, {"id": 8, "anchors": [{"to": 27, "from": 23}], "label": "_box_n_of"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "And I have the sheep's box.", "flavor": 1, "id": "114020"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 7, "from": 3}], "label": "_say_v_to"}, {"id": 3, "anchors": [{"to": 14, "from": 11}], "label": "pron"}, {"id": 4, "anchors": [{"to": 14, "from": 11}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 22, "from": 15}], "label": "_instead_p"}, {"id": 6, "anchors": [{"to": 23, "from": 22}], "label": "_colon_p_namely"}, {"id": 7, "anchors": [{"to": 28, "from": 24}], "label": "_the_q"}, {"id": 8, "anchors": [{"to": 34, "from": 29}], "label": "_thing_n_of-about"}, {"id": 9, "anchors": [{"to": 52, "from": 43}], "label": "_important_a_for"}, {"id": 10, "anchors": [{"to": 55, "from": 53}], "label": "_be_v_id"}, {"id": 11, "anchors": [{"to": 59, "from": 56}], "label": "_the_q"}, {"id": 12, "anchors": [{"to": 65, "from": 60}], "label": "_thing_n_of-about"}, {"id": 13, "anchors": [{"to": 77, "from": 74}], "label": "neg"}, {"id": 14, "anchors": [{"to": 82, "from": 78}], "label": "_see_v_1"}, {"properties": ["carg"], "values": ["?"], "id": 15, "anchors": [{"to": 87, "from": 83}], "label": "named"}, {"id": 16, "anchors": [{"to": 87, "from": 83}], "label": "proper_q"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "He said to me, instead: \"The thing that is important is the thing that is not seen ...\"", "flavor": 1, "id": "114210"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_for_p"}, {"id": 1, "anchors": [{"to": 6, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 4}], "label": "def_explicit_q"}, {"id": 3, "anchors": [{"to": 6, "from": 4}], "label": "poss"}, {"id": 4, "anchors": [{"to": 6, "from": 4}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 18, "from": 7}], "label": "_businessman_n_1"}, {"id": 6, "anchors": [{"to": 23, "from": 19}], "label": "pron"}, {"id": 7, "anchors": [{"to": 23, "from": 19}], "label": "pronoun_q"}, {"id": 8, "anchors": [{"to": 28, "from": 24}], "label": "_be_v_id"}, {"id": 9, "anchors": [{"to": 36, "from": 29}], "label": "_wealth_n_of"}, {"id": 10, "anchors": [{"to": 36, "from": 29}], "label": "udef_q"}], "tops": [8], "edges": [{"source": 0, "target": 5, "label": "ARG2"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 2, "target": 5, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 4, "target": 1, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "For my businessman they were wealth.", "flavor": 1, "id": "114480"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 13, "from": 9}], "label": "_look_v_1"}, {"id": 3, "anchors": [{"to": 19, "from": 14}], "label": "_as+if_x"}, {"id": 4, "anchors": [{"to": 21, "from": 20}], "label": "pron"}, {"id": 5, "anchors": [{"to": 21, "from": 20}], "label": "pronoun_q"}, {"id": 6, "anchors": [{"to": 37, "from": 27}], "label": "_suffer_v_1"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I shall look as if I were suffering.", "flavor": 1, "id": "114680"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 12, "from": 9}], "label": "neg"}, {"id": 3, "anchors": [{"to": 18, "from": 13}], "label": "_leave_v_1"}, {"id": 4, "anchors": [{"to": 24, "from": 19}], "label": "pron"}, {"id": 5, "anchors": [{"to": 24, "from": 19}], "label": "pronoun_q"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"I shall not leave you.\"", "flavor": 1, "id": "114790"} +{"nodes": [{"id": 0, "anchors": [{"to": 4, "from": 0}], "label": "_but_c"}, {"id": 1, "anchors": [{"to": 7, "from": 5}], "label": "pron"}, {"id": 2, "anchors": [{"to": 7, "from": 5}], "label": "pronoun_q"}, {"id": 3, "anchors": [{"to": 20, "from": 16}], "label": "_like_p"}, {"id": 4, "anchors": [{"to": 23, "from": 21}], "label": "_a_q"}, {"id": 5, "anchors": [{"to": 27, "from": 24}], "label": "_old_a_1"}, {"id": 6, "anchors": [{"to": 37, "from": 28}], "label": "_abandon_v_1"}, {"id": 7, "anchors": [{"to": 44, "from": 38}], "label": "_shell_n_1"}], "tops": [0], "edges": [{"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 4, "target": 7, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "\"But it will be like an old abandoned shell.", "flavor": 1, "id": "114960"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 15, "from": 7}], "label": "_a+little_x_deg"}, {"id": 3, "anchors": [{"to": 28, "from": 16}], "label": "_discourage_v_1"}], "tops": [3], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG2"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "He was a little discouraged.", "flavor": 1, "id": "114990"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 11, "from": 3}], "label": "_remain_v_1"}, {"id": 3, "anchors": [{"to": 22, "from": 12}], "label": "_motionless_a_1"}, {"id": 4, "anchors": [{"to": 26, "from": 23}], "label": "_for_p"}, {"id": 5, "anchors": [{"to": 29, "from": 27}], "label": "_a_q"}, {"id": 6, "anchors": [{"to": 38, "from": 30}], "label": "_instant_n_1"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "He remained motionless for an instant.", "flavor": 1, "id": "115220"} +{"nodes": [{"id": 0, "anchors": [{"to": 2, "from": 0}], "label": "pron"}, {"id": 1, "anchors": [{"to": 2, "from": 0}], "label": "pronoun_q"}, {"id": 2, "anchors": [{"to": 7, "from": 3}], "label": "_fall_v_1"}, {"id": 3, "anchors": [{"to": 10, "from": 8}], "label": "comp_equal"}, {"id": 4, "anchors": [{"to": 17, "from": 11}], "label": "_gentle_a_1"}, {"id": 5, "anchors": [{"to": 22, "from": 21}], "label": "_a_q"}, {"id": 6, "anchors": [{"to": 27, "from": 23}], "label": "_tree_n_of"}, {"id": 7, "anchors": [{"to": 34, "from": 28}], "label": "_fall_v_1"}], "tops": [2], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "He fell as gently as a tree falls.", "flavor": 1, "id": "115240"} +{"nodes": [{"id": 0, "anchors": [{"to": 3, "from": 0}], "label": "_now_a_1"}, {"id": 1, "anchors": [{"to": 6, "from": 4}], "label": "pron"}, {"id": 2, "anchors": [{"to": 6, "from": 4}], "label": "def_explicit_q"}, {"id": 3, "anchors": [{"to": 6, "from": 4}], "label": "poss"}, {"id": 4, "anchors": [{"to": 6, "from": 4}], "label": "pronoun_q"}, {"id": 5, "anchors": [{"to": 13, "from": 7}], "label": "_sorrow_n_1"}, {"id": 6, "anchors": [{"to": 26, "from": 17}], "label": "_comfort_v_1"}, {"id": 7, "anchors": [{"to": 36, "from": 27}], "label": "_a+little_a_1"}], "tops": [6], "edges": [{"source": 0, "target": 6, "label": "ARG1"}, {"source": 2, "target": 5, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 4, "target": 1, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}], "framework": "eds", "version": "", "time": "2019-01-01 (00:00)", "input": "Now my sorrow is comforted a little.", "flavor": 1, "id": "115310"} diff --git a/mtool/data/score/eds/wsj.pet.eds b/mtool/data/score/eds/wsj.pet.eds new file mode 100644 index 0000000000000000000000000000000000000000..0a683784f803166cdeccd72015e0b4a7c6a9efeb --- /dev/null +++ b/mtool/data/score/eds/wsj.pet.eds @@ -0,0 +1,2856 @@ +#20001001 +{e3: + _1:proper_q<0:28>[BV x6] + e10:compound<0:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:6>[BV x9] + x9:named<0:6>("Pierre"){x PERS 3, NUM sg, IND +}[] + x6:named<7:14>("Vinken"){x PERS 3, NUM sg, IND +}[] + e17:measure<15:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e16, ARG2 x15] + _3:udef_q<15:23>[BV x15] + e22:card<15:17>("61"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15] + x15:_year_n_1<18:23>{x PERS 3, NUM pl, IND +}[] + e16:_old_a_1<24:28>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e3:_join_v_1<34:38>{e SF prop, TENSE fut, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x23] + _4:_the_q<39:42>[BV x23] + x23:_board_n_of<43:48>{x PERS 3, NUM sg}[] + e29:_as_p<49:51>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x30] + _5:_a_q<52:53>[BV x30] + e35:_nonexecutive_a_unknown<54:66>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30] + x30:_director_n_of<67:75>{x PERS 3, NUM sg, IND +}[] + e37:loc_nonsp<76:84>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30, ARG2 x38] + x40:mofy<76:80>("Nov"){x PERS 3, NUM sg, IND +}[] + _6:def_explicit_q<76:80>[BV x38] + e45:of_p<76:80>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38, ARG2 x40] + _7:def_implicit_q<76:80>[BV x40] + x38:dofm<81:84>("29"){x PERS 3, NUM sg, GEND n, IND +}[] +} + +#20001002 +{e3: + _1:proper_q<0:10>[BV x6] + e10:compound<0:10>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:udef_q<0:3>[BV x9] + x9:_mister_n_1<0:3>{x PERS 3, NUM sg, IND +}[] + x6:named<4:10>("Vinken"){x PERS 3, NUM sg, IND +}[] + e3:_be_v_id<11:13>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x15] + _3:udef_q<14:68>[BV x15] + x15:_chairman_n_of<14:22>{x}[] + e20:_of_p<23:25>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15, ARG2 x21] + e23:appos<26:68>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x22] + _4:proper_q<26:40>[BV x21] + x21:named<26:34>("Elsevier"){x PERS 3, NUM sg, IND +}[] + x29:_nv_n_1<35:40>{x IND +}[] + _5:udef_q<35:40>[BV x29] + i33:compound<35:40>{i}[ARG1 x21, ARG2 x29] + _6:_the_q<41:44>[BV x22] + e38:_dutch_a_1<45:50>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x22] + e40:compound<51:68>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x22, ARG2 x39] + _7:udef_q<51:61>[BV x39] + e45:_publish_v_1<51:61>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x39:nominalization<51:61>{x PERS 3, NUM sg, GEND n}[ARG1 e45] + x22:_group_n_of<62:68>{x PERS 3, NUM sg, IND +}[] +} + +#20003001 +{e3: + _1:_a_q<0:1>[BV x8] + x8:_form_n_of<2:6>{x PERS 3, NUM sg}[ARG1 x11] + _2:udef_q<10:59>[BV x11] + x11:_asbestos_n_1<10:18>{x PERS 3, NUM sg, GEND n, IND -}[] + e16:_once_a_1<19:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e17] + e17:_use_v_1<24:28>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x11, ARG3 e23] + e23:_make_v_1<32:36>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x24] + _3:udef_q<37:59>[BV x24] + e30:compound<37:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x29] + _4:proper_q<37:41>[BV x29] + x29:named<37:41>("Kent"){x IND +}[] + e36:compound<42:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x35] + _5:udef_q<42:51>[BV x35] + x35:_cigarette_n_1<42:51>{x IND +}[] + x24:_filter_n_1<52:59>{x PERS 3, NUM pl, IND +}[] + e4:_cause_v_1<64:70>{e SF prop-or-ques, TENSE pres, MOOD indicative, PROG -, PERF +}[ARG1 x8, ARG2 x42] + _6:_a_q<71:72>[BV x42] + e47:_high_a_1<73:77>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x42] + x42:_percentage_n_of<78:88>{x PERS 3, NUM sg, IND +}[ARG1 x48] + _7:udef_q<92:168>[BV x48] + e54:compound<92:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x48, ARG2 x53] + _8:udef_q<92:98>[BV x53] + x53:_cancer_n_1<92:98>{x}[] + x48:_death_n_1<99:105>{x PERS 3, NUM pl}[] + e59:_among_p<106:111>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x48, ARG2 x60] + _9:_a_q<112:113>[BV x60] + x60:_group_n_of<114:119>{x PERS 3, NUM sg, IND +}[ARG1 x65] + _10:udef_q<123:168>[BV x65] + x65:_worker_n_1<123:130>{x PERS 3, NUM pl, IND +}[] + e70:_expose_v_1<131:138>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x65] + e73:_to_p<139:141>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e70, ARG2 x74] + x74:pron<142:144>{x PERS 3, NUM sg, GEND n, PT std}[] + _11:pronoun_q<142:144>[BV x74] + e79:_more+than_a_1<145:154>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e80] + _12:udef_q<155:163>[BV x83] + e86:card<155:157>("30"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x83] + x83:_year_n_1<158:163>{x PERS 3, NUM pl, IND +}[] + e80:_ago_p<164:168>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e70, ARG2 x83] + _13:udef_q<169:180>[BV x89] + x89:_researcher_n_of<169:180>{x PERS 3, NUM pl, IND +}[] + e3:_report_v_to<181:190>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x89, ARG2 e4] +} + +#20003002 +{e3: + e9:appos<0:32>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x7] + _1:_the_q<0:3>[BV x8] + e15:compound<4:19>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x14] + _2:udef_q<4:12>[BV x14] + x14:_asbestos_n_1<4:12>{x PERS 3, NUM sg, IND -}[] + x8:_fiber_n_1<13:19>{x PERS 3, NUM sg}[] + _3:udef_q<20:32>[BV x7] + x7:_crocidolite_n_unknown<20:32>{x PERS 3, NUM sg}[] + e24:_unusually_x_deg<36:45>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4] + e4:_resilient_a_unknown<46:55>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x8] + e26:_once_x_subord<56:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4, ARG2 e35] + x30:pron<61:63>{x PERS 3, NUM sg, GEND n, PT std}[] + _4:pronoun_q<61:63>[BV x30] + e35:_enter_v_1<64:70>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x30, ARG2 x36] + _5:_the_q<71:74>[BV x36] + x36:_lung_n_1<75:81>{x PERS 3, NUM pl, IND +}[] + e42:_with_x_subord<82:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e26, ARG2 e60] + _6:udef_q<87:113>[BV x47] + e50:_even_a_1<87:91>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47] + e51:_brief_a_1<92:97>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47] + x47:_exposure_n_of-to<98:107>{x PERS 3, NUM pl}[] + e53:_to_p<108:110>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47, ARG2 x54] + x54:pron<111:113>{x PERS 3, NUM sg, GEND n, PT std}[] + _7:pronoun_q<111:113>[BV x54] + e60:_cause_v_1<114:121>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x47, ARG2 x61] + _8:udef_q<122:158>[BV x61] + x61:_symptom_n_1<122:130>{x PERS 3, NUM pl, IND +}[] + e66:_show_v_up<136:140>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x61, ARG2 x67] + _9:udef_q<144:151>[BV x67] + x67:_decade_n_1<144:151>{x PERS 3, NUM pl, IND +}[] + e72:loc_nonsp<152:158>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e66, ARG2 x73] + x73:time_n<152:158>{x PERS 3, NUM sg}[] + _10:def_explicit_q<152:158>[BV x73] + e78:_late_a_for<152:158>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x73] + e79:comp<152:158>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e78] + _11:udef_q<159:170>[BV x82] + x82:_researcher_n_of<159:170>{x PERS 3, NUM pl, IND +}[] + e3:_say_v_to<171:176>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x82, ARG2 e42] +} + +#20003003 +{e3: + e7:appos<0:82>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x5] + _1:proper_q<0:15>[BV x6] + x6:named<0:9>("Lorillard"){x PERS 3, NUM sg, IND +}[] + x13:_inc_n_1<10:15>{x IND +}[] + _2:udef_q<10:15>[BV x13] + i17:compound<10:15>{i}[ARG1 x6, ARG2 x13] + _3:_the_q<16:19>[BV x5] + x5:_unit_n_of<20:24>{x PERS 3, NUM sg, IND +}[ARG1 x22] + _4:proper_q<28:54>[BV x22] + e29:compound<28:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e27, ARG2 x28] + _5:udef_q<28:42>[BV x28] + e35:compound<28:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x28, ARG2 x34] + _6:proper_q<28:31>[BV x34] + x34:named<28:31>("New"){x PERS 3, NUM sg, IND +}[] + x28:named<32:42>("York"){x IND +}[] + e27:_base_v_1<32:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x22] + x22:named<43:48>("Loews"){x PERS 3, NUM sg, IND +}[] + x43:_corporation_n_1<49:54>{x IND +}[] + _7:udef_q<49:54>[BV x43] + i47:compound<49:54>{i}[ARG1 x22, ARG2 x43] + e49:_make_v_1<60:65>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x50] + _8:udef_q<66:82>[BV x50] + e56:compound<66:82>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x50, ARG2 x55] + _9:proper_q<66:70>[BV x55] + x55:named<66:70>("Kent"){x IND +}[] + x50:_cigarette_n_1<71:82>{x PERS 3, NUM pl, IND +}[] + e3:_stop_v_prd<83:90>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 e63] + e63:_use_v_1<91:96>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x6, ARG2 x64] + _10:udef_q<97:143>[BV x64] + x64:_crocidolite_n_unknown<97:108>{x PERS 3, NUM sg}[] + e69:_in_p<109:111>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x64, ARG2 x70] + _11:def_explicit_q<112:115>[BV x70] + e76:poss<112:115>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x70, ARG2 x75] + _12:pronoun_q<112:115>[BV x75] + x75:pron<112:115>{x PERS 3, NUM sg, GEND n, PT std}[] + e82:compound<116:143>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x70, ARG2 x81] + _13:proper_q<116:125>[BV x81] + x81:named<116:125>("Micronite"){x IND +}[] + e88:compound<126:143>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x70, ARG2 x87] + _14:udef_q<126:135>[BV x87] + x87:_cigarette_n_1<126:135>{x IND +}[] + x70:_filter_n_1<136:143>{x PERS 3, NUM pl, IND +}[] + e93:_in_p_temp<144:146>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e63, ARG2 x94] + _15:proper_q<147:152>[BV x94] + x94:yofc<147:152>("1956"){x PERS 3, NUM sg, IND +}[] +} + +#20003005 +{e3: + _1:_a_q<0:1>[BV x6] + e10:compound<2:22>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<2:11>[BV x9] + x9:named<2:11>("Lorillard"){x IND +}[] + x6:_spokewoman_n_unknown<12:22>{x PERS 3, NUM sg}[] + e3:_say_v_to<23:28>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 e23] + x18:generic_entity<29:34>{x PERS 3, NUM sg, GEND n}[] + _3:_this_q_dem<29:34>[BV x18] + e23:_be_v_id<35:37>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x18, ARG2 x24] + _4:_a_q<38:40>[BV x24] + e29:_old_a_1<41:44>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + x24:_story_n_of<45:51>{x PERS 3, NUM sg, IND +}[] +} + +#20003007 +{e3: + e3:_be_v_there<6:8>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x4] + _1:_no_q<9:11>[BV x4] + x4:_asbestos_n_1<12:20>{x PERS 3, NUM sg, GEND n, IND -}[] + e9:_in_p<21:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x4, ARG2 x10] + _2:def_explicit_q<24:27>[BV x10] + e16:poss<24:27>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x15] + _3:pronoun_q<24:27>[BV x15] + x15:pron<24:27>{x PERS 1, NUM pl, PT std}[] + x10:_product_n_1<28:36>{x PERS 3, NUM pl}[] + e21:loc_nonsp<37:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x22] + x22:time_n<37:42>{x PERS 3, NUM sg}[] + _4:def_implicit_q<37:42>[BV x22] + e27:_now_a_1<37:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x22] +} + +#20003008 +{e3: + _1:udef_q<0:61>[BV x5] + _2:proper_q<8:17>[BV x10] + x10:named<8:17>("Lorillard"){x PERS 3, NUM sg, IND +}[] + x5:_nor_c<18:21>{x}[L-INDEX x10, R-INDEX x14] + _3:_the_q<22:25>[BV x14] + x14:_researcher_n_of<26:37>{x PERS 3, NUM pl, IND +}[] + e20:_study_v_1<42:49>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x14, ARG2 x21] + _4:_the_q<50:53>[BV x21] + x21:_worker_n_1<54:61>{x PERS 3, NUM pl, IND +}[] + e3:_aware_a_of<67:72>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x26] + _5:_any_q<76:79>[BV x26] + x26:_research_n_1<80:88>{x PERS 3, NUM sg, GEND n, IND -}[] + e31:_on_p<89:91>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x26, ARG2 x32] + _6:udef_q<92:123>[BV x32] + x32:_smoker_n_of<92:99>{x PERS 3, NUM pl, IND +}[ARG1 x37] + _7:_the_q<103:106>[BV x37] + e43:compound<107:123>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x37, ARG2 x42] + _8:proper_q<107:111>[BV x42] + x42:named<107:111>("Kent"){x IND +}[] + x37:_cigarette_n_1<112:123>{x PERS 3, NUM pl, IND +}[] +} + +#20003009 +{e3: + x7:pron<0:3>{x PERS 1, NUM pl, PT std}[] + _1:pronoun_q<0:3>[BV x7] + e4:_have_v_1<4:8>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x7, ARG2 x12] + _2:_no_q<9:11>[BV x12] + e17:_useful_a_for<12:18>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x12] + x12:_information_n_on-about<19:30>{x PERS 3, NUM sg, GEND n, IND -}[ARG1 x19] + _3:udef_q<34:61>[BV x19] + x19:nominalization<34:61>{x PERS 3, NUM sg}[ARG1 e31] + _4:udef_q<42:47>[BV x27] + x27:_user_n_of<42:47>{x PERS 3, NUM pl, IND +}[] + e31:_at_p<52:54>{e SF ques, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x32] + _5:udef_q<55:61>[BV x32] + x32:_risk_n_of<55:61>{x PERS 3, NUM sg, GEND n, IND -}[] + e3:_say_v_to<62:66>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x39, ARG2 e4] + _6:proper_q<67:125>[BV x39] + e45:compound<67:83>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39, ARG2 x44] + _7:proper_q<67:75>[BV x44] + e51:compound<67:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44, ARG2 x50] + _8:proper_q<67:72>[BV x50] + x50:named<67:72>("James"){x PERS 3, NUM sg, IND +}[] + x44:named<73:75>("A"){x PERS 3, NUM sg, IND +}[] + x39:named<76:83>("Talcott"){x PERS 3, NUM sg, IND +}[] + e56:_of_p<84:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39, ARG2 x57] + _9:proper_q<87:93>[BV x60] + x60:named<87:93>("Boston"){x PERS 3, NUM sg, IND +}[] + _10:def_explicit_q<93:95>[BV x57] + e67:poss<93:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57, ARG2 x60] + e69:compound<96:125>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57, ARG2 x68] + _11:proper_q<96:114>[BV x68] + e75:compound<96:114>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x68, ARG2 x74] + _12:proper_q<96:107>[BV x74] + e81:compound<96:107>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x74, ARG2 x80] + _13:proper_q<96:107>[BV x80] + x80:named<96:107>("Dana"){x PERS 3, NUM sg, IND +}[] + x74:named<96:107>("Farber"){x PERS 3, NUM sg, IND +}[] + x68:named<108:114>("Cancer"){x PERS 3, NUM sg, IND +}[] + x57:named<115:125>("Institute"){x PERS 3, NUM sg, IND +}[] +} + +#20003010 +{e3: + _1:proper_q<0:11>[BV x6] + e10:compound<0:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:udef_q<0:3>[BV x9] + x9:_doctor_n_1<0:3>{x PERS 3, NUM sg, IND +}[] + x6:named<4:11>("Talcott"){x PERS 3, NUM sg, IND +}[] + e3:_lead_v_1<12:15>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x15] + _3:_a_q<16:17>[BV x15] + x15:_team_n_of<18:22>{x PERS 3, NUM sg, IND +}[ARG1 x20] + _4:udef_q<26:141>[BV x20] + x20:_researcher_n_of<26:37>{x PERS 3, NUM pl, IND +}[] + e26:_from_p<38:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x27] + _5:udef_q<43:141>[BV x27] + _6:_the_q<43:46>[BV x33] + e37:compound<47:72>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33, ARG2 x36] + _7:proper_q<47:62>[BV x36] + e43:compound<47:62>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 x42] + _8:proper_q<47:55>[BV x42] + x42:named<47:55>("National"){x PERS 3, NUM sg, IND +}[] + x36:named<56:62>("Cancer"){x PERS 3, NUM sg, IND +}[] + x33:named<63:72>("Institute"){x PERS 3, NUM sg, IND +}[] + x27:_and_c<73:76>{x PERS 3, NUM pl}[L-INDEX x33, R-INDEX x49] + _9:_the_q<77:80>[BV x49] + e54:_medical_a_1<81:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49] + x49:_school_n_1<89:96>{x PERS 3, NUM pl}[] + e55:_of_p<97:99>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49, ARG2 x56] + _10:udef_q<100:141>[BV x56] + _11:proper_q<100:118>[BV x62] + e66:compound<100:118>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x62, ARG2 x65] + _12:proper_q<100:107>[BV x65] + x65:named<100:107>("Harvard"){x PERS 3, NUM sg, IND +}[] + x62:named<108:118>("University"){x PERS 3, NUM sg, IND +}[] + x56:_and_c<119:122>{x PERS 3, NUM pl}[L-INDEX x62, R-INDEX x72] + _13:proper_q<123:141>[BV x72] + e78:compound<123:141>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x72, ARG2 x77] + _14:proper_q<123:129>[BV x77] + x77:named<123:129>("Boston"){x PERS 3, NUM sg, IND +}[] + x72:named<130:141>("University"){x PERS 3, NUM sg, IND +}[] +} + +#20003011 +{e3: + _1:_the_q<0:3>[BV x6] + e10:compound<4:25>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<4:13>[BV x9] + x9:named<4:13>("Lorillard"){x IND +}[] + x6:_spokeswoman_n_unknown<14:25>{x PERS 3, NUM sg}[] + e3:_say_v_to<26:30>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 e64] + _3:udef_q<31:39>[BV x19] + x19:_asbestos_n_1<31:39>{x PERS 3, NUM sg, GEND n, IND -}[] + e23:_use_v_1<44:48>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x19] + e26:_in_p<49:51>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e23, ARG2 x27] + _4:udef_q<52:124>[BV x27] + e32:_very_x_deg<52:57>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e33] + e33:_modest_a_1<58:64>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27] + x27:_amount_n_of<65:73>{x PERS 3, NUM pl, IND +}[] + e35:_in_p<74:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x36] + _5:udef_q<77:124>[BV x36] + x36:nominalization<77:124>{x PERS 3, NUM sg, GEND n}[ARG1 e43] + e43:_make_v_1<77:83>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG2 x45] + _6:udef_q<84:89>[BV x45] + x45:_paper_n_1<84:89>{x PERS 3, NUM sg, GEND n, IND -}[] + e50:_for_p<90:93>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e43, ARG2 x51] + _7:_the_q<94:97>[BV x51] + x51:_filter_n_1<98:105>{x PERS 3, NUM pl, IND +}[] + e56:_in_p<106:108>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x51, ARG2 x57] + _8:_the_q<109:112>[BV x57] + e62:_early_a_1<113:118>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57] + x57:year_range<119:124>("1950s"){x PERS 3, NUM pl}[] + e64:_and_c<125:128>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[L-HNDL e23, R-HNDL e66] + e66:_replace_v_with<129:137>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x19, ARG3 x68] + _9:_a_q<143:144>[BV x68] + e74:_different_a_than-from<145:154>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x68] + e76:comp<145:154>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e74] + x68:_type_n_of-n<155:159>{x PERS 3, NUM sg, IND +}[ARG1 x77] + _10:udef_q<160:162>[BV x77] + x77:_filter_n_1<163:169>{x PERS 3, NUM sg, IND +}[] + e82:_in_p_temp<170:172>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e66, ARG2 x83] + _11:proper_q<173:178>[BV x83] + x83:yofc<173:178>("1956"){x PERS 3, NUM sg, IND +}[] +} + +#20003012 +{e3: + e7:_from_p_time<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4, ARG2 x9] + _1:proper_q<5:9>[BV x9] + x9:yofc<5:9>("1953"){x PERS 3, NUM sg, IND +}[] + e14:_to_p<10:12>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4, ARG2 x15] + _2:proper_q<13:18>[BV x15] + x15:yofc<13:18>("1955"){x PERS 3, NUM sg, IND +}[] + _3:udef_q<19:30>[BV x21] + i26:card<19:22>("9.8"){i}[] + e28:card<23:30>("1000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x21] + i30:times<23:30>{i}[ARG2 i26, ARG3 e28] + e32:compound<31:46>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x31] + _4:proper_q<31:35>[BV x31] + x31:named<31:35>("Kent"){x IND +}[] + x21:_cigarette_n_1<36:46>{x PERS 3, NUM pl, IND +}[] + e37:_with_p<47:51>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x38] + _5:_the_q<52:55>[BV x38] + x38:_filter_n_1<56:63>{x PERS 3, NUM pl, IND +}[] + e4:_sell_v_1<69:74>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x21] + _6:_the_q<75:78>[BV x47] + x47:_company_n_of<79:86>{x PERS 3, NUM sg}[] + e3:_say_v_to<87:92>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x47, ARG2 e4] +} + +#20003013 +{e3: + e3:implicit_conj<0:110>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[L-HNDL e7, R-HNDL e6] + e9:_among_p_state<0:5>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e7, ARG2 x11] + _1:udef_q<6:8>[BV x11] + e16:card<6:8>("33"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + x11:_man_n_1<9:12>{x PERS 3, NUM pl}[] + e17:_work_v_1<17:23>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x11] + e19:_close_a_to<24:31>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e17] + e20:_with_p<32:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e17, ARG2 x21] + _2:_the_q<37:40>[BV x21] + x21:_substance_n_1<41:51>{x PERS 3, NUM sg}[] + x27:generic_entity<52:54>{x PERS 3, NUM pl}[] + _3:udef_q<52:54>[BV x27] + e31:card<52:54>("28"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27] + e7:_die_v_1<60:64>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[ARG1 x27] + e6:unknown<68:110>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG x33] + x33:generic_entity<68:110>{x}[] + _4:udef_q<68:110>[BV x33] + e38:much-many_a<68:72>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33] + e40:comp<68:72>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e38, ARG2 x39] + e42:appos<78:110>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39, ARG2 x41] + _5:udef_q<78:83>[BV x39] + e47:card<78:83>("3"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39] + x39:_time_n_of<84:89>{x PERS 3, NUM pl, IND +}[] + _6:_the_q<90:93>[BV x41] + e52:_expect_v_1<94:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x41] + x41:_number_n_of<103:110>{x PERS 3, NUM sg, IND +}[] +} + +#20003014 +{e35: + x5:part_of<0:4>{x PERS 3, NUM pl}[ARG1 x6] + _1:udef_q<0:4>[BV x5] + e10:card<0:4>("4"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5] + _2:_the_q<8:11>[BV x6] + e15:card<12:16>("5"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e16:_survive_v_1<17:26>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x6] + x6:_worker_n_1<27:34>{x PERS 3, NUM pl, IND +}[] + e3:_have_v_1<35:39>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x19] + _3:udef_q<40:66>[BV x19] + e26:compound<40:56>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e24, ARG2 x25] + _4:udef_q<40:56>[BV x25] + x25:_asbestos_n_1<40:56>{x PERS 3, NUM sg, IND -}[] + e24:_relate_v_to<40:56>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x19] + x19:_disease_n_1<57:66>{x PERS 3, NUM pl}[] + e35:subord<67:114>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e37] + e37:_include_v_1<67:76>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG2 x38] + x38:generic_entity<77:82>{x PERS 3, NUM pl}[] + _5:udef_q<77:82>[BV x38] + e44:card<77:82>("3"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38] + e45:_with_p<83:87>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38, ARG2 x46] + _6:udef_q<88:114>[BV x46] + e51:_recent_a_1<88:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e52] + e52:_diagnose_v_with<97:106>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x46] + x46:_cancer_n_1<107:114>{x PERS 3, NUM sg}[] +} + +#20003015 +{e3: + _1:_the_q<0:3>[BV x8] + x8:_total_n_of<4:9>{x PERS 3, NUM sg, IND +}[ARG1 x11] + _2:udef_q<13:15>[BV x11] + e16:card<13:15>("18"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + x11:_death_n_1<16:22>{x PERS 3, NUM pl}[] + e17:_from_p<23:27>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x18] + _3:udef_q<28:78>[BV x18] + _4:udef_q<28:51>[BV x24] + e27:_malignant_a_1<28:37>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + x24:_mesothelioma_n_unknown<38:51>{x PERS 3, NUM sg}[] + _5:udef_q<52:78>[BV x30] + x18:implicit_conj<52:78>{x PERS 3, NUM pl}[L-INDEX x24, R-INDEX x30] + _6:udef_q<52:63>[BV x35] + e39:compound<52:63>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35, ARG2 x38] + _7:udef_q<52:56>[BV x38] + x38:_lung_n_1<52:56>{x IND +}[] + x35:_cancer_n_1<57:63>{x PERS 3, NUM sg}[] + x30:_and_c<64:67>{x PERS 3, NUM pl}[L-INDEX x35, R-INDEX x45] + _8:udef_q<68:78>[BV x45] + x45:_asbestosis_n_unknown<68:78>{x PERS 3, NUM sg}[] + e51:_far_x_deg<83:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e52] + e4:_high_a_1<87:93>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x8] + e52:comp<87:93>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4, ARG2 e59] + _9:udef_q<94:98>[BV x56] + x56:generic_entity<94:98>{x}[] + e59:_expect_v_1<99:108>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x56] + _10:_the_q<109:112>[BV x63] + x63:_researcher_n_of<113:124>{x PERS 3, NUM pl, IND +}[] + e3:_say_v_to<125:130>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x63, ARG2 e4] +} + +#20003016 +{e3: + _1:_the_q<0:4>[BV x8] + e12:compound<5:19>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x11] + _2:udef_q<5:14>[BV x11] + x11:_morbidity_n_unknown<5:14>{x}[] + x8:_rate_n_of<15:19>{x PERS 3, NUM sg}[] + e4:_be_v_id<20:22>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x19] + _3:_a_q<23:24>[BV x19] + e24:_strike_v_1<25:33>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x19] + x19:_finding_n_1<34:41>{x PERS 3, NUM sg, IND +}[] + e25:_among_p<42:47>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x19, ARG2 x26] + x26:part_of<48:53>{x PERS 3, NUM pl}[ARG1 x28] + _4:_those_q_dem<48:53>[BV x26] + x28:pron<57:59>{x PERS 1, NUM pl, PT std}[] + _5:pronoun_q<57:59>[BV x28] + e36:_study_v_1<64:69>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x26, ARG2 x37] + _6:udef_q<70:97>[BV x37] + e44:compound<70:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e42, ARG2 x43] + _7:udef_q<70:86>[BV x43] + x43:_asbestos_n_1<70:86>{x PERS 3, NUM sg, IND -}[] + e42:_relate_v_to<70:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x37] + x37:_disease_n_1<87:97>{x PERS 3, NUM pl}[] + e3:_say_v_to<98:102>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 e4] + _8:proper_q<103:115>[BV x53] + e59:compound<103:115>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 x58] + _9:udef_q<103:106>[BV x58] + x58:_doctor_n_1<103:106>{x PERS 3, NUM sg, IND +}[] + x53:named<107:115>("Talcott"){x PERS 3, NUM sg, IND +}[] +} + +#20003017 +{e3: + _1:_the_q<0:3>[BV x8] + x8:_percentage_n_of<4:14>{x PERS 3, NUM sg, IND +}[ARG1 x11] + _2:udef_q<18:95>[BV x11] + e17:compound<18:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x16] + _3:udef_q<18:29>[BV x16] + e23:compound<18:29>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x16, ARG2 x22] + _4:udef_q<18:22>[BV x22] + x22:_lung_n_1<18:22>{x IND +}[] + x16:_cancer_n_1<23:29>{x}[] + x11:_death_n_1<30:36>{x PERS 3, NUM pl}[] + e28:_among_p<37:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x29] + _5:_the_q<43:46>[BV x29] + x29:_worker_n_1<47:54>{x PERS 3, NUM pl, IND +}[] + e34:_at_p<55:57>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x29, ARG2 x35] + _6:_the_q<58:61>[BV x35] + e41:compound<62:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35, ARG2 x40] + _7:proper_q<62:81>[BV x40] + e47:compound<62:81>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x40, ARG2 x46] + _8:proper_q<62:74>[BV x46] + e53:compound<62:74>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x46, ARG2 x52] + _9:proper_q<62:66>[BV x52] + x52:named<62:66>("West"){x PERS 3, NUM sg, IND +}[] + x46:named<67:74>("Groton"){x PERS 3, NUM sg, IND +}[] + x40:named<75:81>("Massachusetts"){x PERS 3, NUM sg, IND +}[] + e59:compound<82:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35, ARG2 x58] + _10:udef_q<82:87>[BV x58] + x58:_paper_n_1<82:87>{x PERS 3, NUM sg, IND -}[] + x35:_factory_n_1<88:95>{x PERS 3, NUM sg, IND +}[] + e4:_appear_v_to<96:103>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 e68] + e68:_be_v_id<107:109>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x69] + _11:_the_q<110:113>[BV x69] + x69:generic_entity<114:121>{x}[] + e74:_high_a_1<114:121>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x69] + e75:superl<114:121>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e74] + e76:_for_p<122:125>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x69, ARG2 x77] + _12:_any_q<126:129>[BV x77] + e83:compound<130:146>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x77, ARG2 x82] + _13:udef_q<130:138>[BV x82] + x82:_asbestos_n_1<130:138>{x PERS 3, NUM sg, IND -}[] + x77:_worker_n_1<139:146>{x PERS 3, NUM pl, IND +}[] + e88:_study_v_1<147:154>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x77] + e91:_in_p<155:157>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e88, ARG2 x92] + _14:udef_q<158:191>[BV x92] + e97:_western_a_1<158:165>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x92] + e98:_industrialized_a_1<166:180>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x92] + x92:_country_n_of<181:191>{x PERS 3, NUM pl}[] + x101:pron<192:194>{x PERS 3, NUM sg, GEND m, PT std}[] + _15:pronoun_q<192:194>[BV x101] + e3:_say_v_to<195:200>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x101, ARG2 e4] +} + +#20003018 +{e45: + _1:_the_q<0:3>[BV x6] + x6:_plant_n_1<4:10>{x PERS 3, NUM sg, IND +}[] + e9:_own_v_1<20:25>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x6] + _2:udef_q<29:54>[BV x10] + _3:proper_q<29:42>[BV x17] + x17:named<29:42>("Hollingsworth"){x PERS 3, NUM sg, IND +}[] + x10:_and_c<43:44>{x}[L-INDEX x17, R-INDEX x21] + _4:proper_q<45:54>[BV x21] + x21:named<45:49>("Vose"){x PERS 3, NUM sg, IND +}[] + x27:_company_n_1<50:54>{x IND +}[] + _5:udef_q<50:54>[BV x27] + i31:compound<50:54>{i}[ARG1 x21, ARG2 x27] + e3:_under_p<59:64>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x33] + _6:idiom_q_i<65:73>[BV x33] + x33:_contract_n_1<65:73>{x PERS 3, NUM sg, IND +}[] + e38:_with_p<74:78>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x39] + _7:proper_q<79:88>[BV x39] + x39:named<79:88>("Lorillard"){x PERS 3, NUM sg, IND +}[] + e45:_in+order+to_x<89:91>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e49] + e49:_make_v_1<92:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x50] + _8:_the_q<97:100>[BV x50] + e56:compound<101:119>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x50, ARG2 x55] + _9:udef_q<101:110>[BV x55] + x55:_cigarette_n_1<101:110>{x IND +}[] + x50:_filter_n_1<111:119>{x PERS 3, NUM pl, IND +}[] +} + +#20003019 +{e3: + _1:_the_q<0:3>[BV x8] + x8:_finding_n_1<4:11>{x PERS 3, NUM sg, IND +}[] + e12:_probable_a_1<12:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4] + e4:_support_v_1<26:33>{e SF prop, TENSE fut, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x15] + x15:generic_entity<34:39>{x PERS 3, NUM pl}[] + _2:_those_q_dem<34:39>[BV x15] + e20:_argue_v_with<44:49>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x15, ARG2 e30] + _3:_the_q<55:58>[BV x25] + x25:named_n<59:63>("US"){x PERS 3, NUM sg, IND +}[] + e30:_should_v_modal<64:70>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e32] + e32:_regulate_v_1<71:79>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x33] + _4:_the_q<80:83>[BV x33] + x33:_class_n_of<84:89>{x PERS 3, NUM sg}[ARG1 x38] + _5:udef_q<93:123>[BV x38] + x38:_asbestos_n_1<93:101>{x PERS 3, NUM sg, GEND n, IND -}[] + e43:_include_v_1<102:111>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x38, ARG2 x44] + _6:udef_q<112:123>[BV x44] + x44:_crocidolite_n_unknown<112:123>{x PERS 3, NUM sg}[] + e51:comp<124:128>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e50, ARG2 e74] + e50:_stringently_a_unknown<129:140>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e32] + _7:udef_q<141:145>[BV x54] + x54:generic_entity<141:145>{x}[] + e59:appos<146:186>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x58, ARG2 x57] + _8:_the_q<146:149>[BV x58] + e64:_common_a_for<150:156>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x58] + x58:_kind_n_of-n<157:161>{x PERS 3, NUM sg, IND +}[ARG1 x65] + _9:udef_q<165:174>[BV x65] + x65:_asbestos_n_1<165:174>{x PERS 3, NUM sg, GEND n, IND -}[] + _10:udef_q<175:186>[BV x57] + x57:_chrysotile_n_unknown<175:186>{x PERS 3, NUM sg}[] + e74:_find_v_1<187:192>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x58, ARG2 x54] + e75:_in_p<193:195>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4, ARG2 x76] + _11:_most_q<196:200>[BV x76] + _12:udef_q<201:208>[BV x82] + x82:_school_n_1<201:208>{x PERS 3, NUM pl}[] + _13:udef_q<209:229>[BV x86] + x76:_and_c<209:212>{x PERS 3}[L-INDEX x82, R-INDEX x86] + e91:_other_a_1<213:218>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x86] + x86:_building_n_1<219:229>{x PERS 3, NUM pl, IND +}[] + _14:proper_q<230:241>[BV x94] + e98:compound<230:241>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x94, ARG2 x97] + _15:udef_q<230:233>[BV x97] + x97:_doctor_n_1<230:233>{x PERS 3, NUM sg, IND +}[] + x94:named<234:241>("Talcott"){x PERS 3, NUM sg, IND +}[] + e3:_say_v_to<242:247>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x94, ARG2 e12] +} + +#20003020 +{e3: + _1:_the_q<0:3>[BV x6] + x6:named_n<4:8>("US"){x PERS 3, NUM sg, IND +}[] + e3:_be_v_id<9:11>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + x9:part_of<12:15>{x PERS 3, NUM sg}[ARG1 x11] + _2:udef_q<12:15>[BV x9] + e15:card<12:15>("1"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9] + _3:_the_q<19:22>[BV x11] + e20:little-few_a<23:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + e21:_industrialized_a_1<27:41>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + x11:_nation_n_of<42:49>{x PERS 3, NUM pl, IND +}[] + e24:neg<55:62>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e26] + e26:_have_v_1<63:67>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x27] + _4:_a_q<68:69>[BV x27] + e32:_high_a_1<70:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27] + e34:comp<70:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e32] + x27:_standard_n_1<77:85>{x PERS 3, NUM sg, IND +}[] + e35:_of_p<86:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x36] + _5:udef_q<89:295>[BV x36] + x36:_regulation_n_1<89:99>{x PERS 3, NUM sg}[] + e41:_for_p<100:103>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 x42] + _6:_the_q<104:107>[BV x42] + e47:_smooth_a_1<108:115>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x42] + x49:_needle_n_1<116:127>{x IND +}[] + e50:_like_a_1<116:127>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x42, ARG2 x49] + _7:udef_q<116:127>[BV x49] + x42:_fiber_n_1<128:134>{x PERS 3, NUM pl}[] + e54:_such+as_p<135:142>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x42, ARG2 x55] + _8:udef_q<143:154>[BV x55] + x55:_crocidolite_n_unknown<143:154>{x PERS 3, NUM sg}[] + e60:_classify_v_as<164:174>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 x42, ARG3 x62] + _9:udef_q<178:189>[BV x62] + x62:_amphobile_n_unknown<178:189>{x PERS 3, NUM pl}[] + e68:_according+to_p<190:202>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e60, ARG2 x69] + e71:appos<203:295>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x69, ARG2 x70] + _10:proper_q<203:221>[BV x69] + e77:compound<203:221>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x69, ARG2 x76] + _11:proper_q<203:212>[BV x76] + e83:compound<203:212>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x76, ARG2 x82] + _12:proper_q<203:209>[BV x82] + x82:named<203:209>("Brooke"){x PERS 3, NUM sg, IND +}[] + x76:named<210:212>("T"){x PERS 3, NUM sg, IND +}[] + x69:named<213:221>("Mossman"){x PERS 3, NUM sg, IND +}[] + _13:_a_q<222:223>[BV x70] + x70:_professor_n_of<224:233>{x PERS 3, NUM sg, IND +}[ARG1 x92] + _14:udef_q<237:295>[BV x92] + x92:_pathlogy_n_unknown<237:245>{x PERS 3, NUM sg}[] + e97:_at_p<246:248>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x92, ARG2 x98] + _15:_the_q<249:252>[BV x98] + e104:compound<253:282>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x98, ARG2 x103] + _16:udef_q<253:274>[BV x103] + x103:_university_n_of<253:263>{x}[ARG1 x109] + _17:proper_q<267:274>[BV x109] + x109:named<267:274>("Vermont"){x PERS 3, NUM sg, IND +}[] + x98:_college_n_of<275:282>{x PERS 3, NUM sg}[ARG1 x114] + _18:proper_q<286:295>[BV x114] + x114:named<286:295>("Medicine"){x PERS 3, NUM sg, IND +}[] +} + +#20003021 +{e3: + _1:udef_q<0:29>[BV x8] + e12:comp<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e11] + e11:_common_a_for<5:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8] + e15:compound<12:29>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x14] + _2:udef_q<12:22>[BV x14] + x14:_chrysotile_n_unknown<12:22>{x}[] + x8:_fiber_n_1<23:29>{x PERS 3, NUM pl}[] + e21:_curly_a_1<34:39>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x8] + e4:_and_c<40:43>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[L-HNDL e21, R-HNDL e23] + e26:comp<48:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e25] + e25:_easy_a_for<53:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e23] + e23:_reject_v_as<60:68>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x28, ARG2 x8] + _3:_the_q<72:75>[BV x28] + x28:_body_n_1<76:81>{x PERS 3, NUM sg, IND +}[] + _4:proper_q<82:93>[BV x36] + e40:compound<82:93>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 x39] + _5:udef_q<82:85>[BV x39] + x39:_doctor_n_1<82:85>{x PERS 3, NUM sg, IND +}[] + x36:named<86:93>("Mossman"){x PERS 3, NUM sg, IND +}[] + e3:_explain_v_to<94:104>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 e4] +} + +#20003022 +{e3: + e4:_in_p_temp<0:2>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:proper_q<3:8>[BV x6] + x6:mofy<3:8>("Jul"){x PERS 3, NUM sg, IND +}[] + _2:_the_q<9:12>[BV x13] + e17:compound<13:44>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x13, ARG2 x16] + _3:proper_q<13:37>[BV x16] + e23:compound<13:37>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x16, ARG2 x22] + _4:proper_q<13:26>[BV x22] + x22:named<13:26>("Environmental"){x PERS 3, NUM sg, IND +}[] + x16:named<27:37>("Protection"){x PERS 3, NUM sg, IND +}[] + x13:named<38:44>("Agency"){x PERS 3, NUM sg, IND +}[] + e3:_impose_v_on<45:52>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x13, ARG2 x28, ARG3 x29] + _5:_a_q<53:54>[BV x28] + e34:_gradual_a_1<55:62>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x28] + x28:_ban_n_1<63:66>{x PERS 3, NUM sg, IND +}[] + e36:_virtually_x_deg<70:79>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 _6] + _6:_all_q<80:83>[BV x29] + x29:_use_n_of<84:88>{x PERS 3, NUM pl}[ARG1 x41] + _7:udef_q<92:101>[BV x41] + x41:_asbestos_n_1<92:101>{x PERS 3, NUM sg, GEND n, IND -}[] +} + +#20003023 +{e3: + e4:_by_p_temp<0:2>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:proper_q<3:8>[BV x6] + x6:yofc<3:8>("1997"){x PERS 3, NUM sg, IND +}[] + e12:_almost_x_deg<9:15>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 _2] + _2:_all_q<16:19>[BV x14] + e18:_remaining_a_1<20:29>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x14] + x14:_use_n_of<30:34>{x PERS 3, NUM pl}[ARG1 x19] + _3:udef_q<38:61>[BV x19] + e26:compound<38:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e24, ARG2 x25] + _4:udef_q<38:52>[BV x25] + x25:_cancer_n_1<38:52>{x}[] + e24:_cause_v_1<38:52>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x19] + x19:_asbestos_n_1<53:61>{x PERS 3, NUM sg, GEND n, IND -}[] + e3:_outlaw_v_1<70:79>{e SF prop, TENSE fut, MOOD indicative, PROG -, PERF -}[ARG2 x14] +} + +#20003024 +{e3: + e5:_about_x_deg<0:5>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e6] + _1:udef_q<6:9>[BV x8] + e6:card<6:9>("160"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8] + x8:_worker_n_1<10:17>{x PERS 3, NUM pl, IND +}[] + e11:_at_p<18:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x12] + _2:_a_q<21:22>[BV x12] + x12:_factory_n_1<23:30>{x PERS 3, NUM sg, IND +}[] + e18:_make_v_1<36:40>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x12, ARG2 x19] + _3:udef_q<41:46>[BV x19] + x19:_paper_n_1<41:46>{x PERS 3, NUM sg, GEND n, IND -}[] + e24:_for_p<47:50>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e18, ARG2 x25] + _4:_the_q<51:54>[BV x25] + e31:compound<55:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x30] + _5:proper_q<55:59>[BV x30] + x30:named<55:59>("Kent"){x IND +}[] + x25:_filter_n_1<60:67>{x PERS 3, NUM pl, IND +}[] + e3:_expose_v_to<73:80>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x8, ARG3 x37] + _6:udef_q<84:106>[BV x37] + x37:_asbestos_n_1<84:92>{x PERS 3, NUM sg, GEND n, IND -}[] + e43:_in_p<93:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x37, ARG2 x44] + _7:_the_q<96:99>[BV x44] + x44:year_range<100:106>("1950s"){x PERS 3, NUM pl}[] +} + +#20003025 +{e3: + _1:udef_q<0:20>[BV x6] + x6:_area_n_of<0:5>{x PERS 3, NUM pl}[ARG1 x9] + _2:_the_q<9:12>[BV x9] + x9:_factory_n_1<13:20>{x PERS 3, NUM sg, IND +}[] + e14:_particular_a_1<26:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e3:_dusty_a_1<39:44>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e15:loc_nonsp<45:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x16] + _3:free_relative_q<45:50>[BV x16] + x16:place_n<45:50>{x PERS 3, NUM sg}[] + e22:loc_nonsp<45:50>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e21, ARG2 x16] + _4:_the_q<51:54>[BV x25] + x25:_crocidolite_n_unknown<55:66>{x PERS 3, NUM sg}[] + e21:_use_v_1<71:76>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x25] +} + +#20003026 +{e3: + _1:udef_q<0:7>[BV x6] + x6:_worker_n_1<0:7>{x PERS 3, NUM pl, IND +}[] + e10:_dump_v_1<8:14>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x11, ARG3 e34] + _2:udef_q<15:58>[BV x11] + e17:_large_a_1<15:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + e19:compound<21:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x18] + _3:udef_q<21:27>[BV x18] + x18:_burlap_n_unknown<21:27>{x}[] + x11:_sack_n_1<28:33>{x PERS 3, NUM pl, IND +}[] + e24:_of_p<34:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x25] + _4:_the_q<37:40>[BV x25] + e30:_import_v_1<41:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x25] + x25:_material_n_1<50:58>{x PERS 3, NUM sg}[] + e34:_into_p<59:63>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x35] + _5:_a_q<64:65>[BV x35] + e40:_huge_a_1<66:70>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35] + x35:_bin_n_1<71:75>{x PERS 3, NUM sg, IND +}[] + e3:implicit_conj<76:184>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[L-HNDL e10, R-HNDL e41] + e44:_pour_v_in<76:82>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x45] + _6:udef_q<86:111>[BV x45] + e51:compound<86:111>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45, ARG2 x50] + _7:udef_q<86:104>[BV x50] + _8:udef_q<86:92>[BV x57] + x57:_cotton_n_1<86:92>{x PERS 3, NUM sg, IND -}[] + _9:udef_q<93:104>[BV x61] + x50:_and_c<93:96>{x PERS 3}[L-INDEX x57, R-INDEX x61] + x61:_acetate_n_unknown<97:104>{x}[] + x45:_fiber_n_1<105:111>{x PERS 3, NUM pl}[] + e41:_and_c<112:115>{e SF prop, TENSE tensed, MOOD indicative, PROG -, PERF -}[L-HNDL e44, R-HNDL e66] + e68:_mechanical_a_1<116:128>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e66] + e66:_mix_v_1<129:134>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x69] + _10:_the_q<135:138>[BV x69] + e74:_dry_a_1<139:142>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x69] + x69:_fiber_n_1<143:149>{x PERS 3, NUM pl}[] + e75:_in_p<150:152>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e66, ARG2 x76] + _11:_a_q<153:154>[BV x76] + x76:_process_n_of<155:162>{x PERS 3, NUM sg}[] + e82:_use_v_1<163:167>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x76, ARG3 e88] + e88:_make_v_1<171:175>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x89] + _12:udef_q<176:184>[BV x89] + x89:_filter_n_1<176:184>{x PERS 3, NUM pl, IND +}[] +} + +#20003027 +{e36: + _1:udef_q<0:7>[BV x6] + x6:_worker_n_1<0:7>{x PERS 3, NUM pl, IND +}[] + e3:_describe_v_to<8:17>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:udef_q<18:76>[BV x10] + x10:_cloud_n_of<18:25>{x PERS 3, NUM pl, IND +}[ARG1 x16] + _3:udef_q<29:76>[BV x16] + e21:_blue_a_1<29:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x16] + x16:_dust_n_1<34:39>{x PERS 3, NUM sg}[] + e22:_hang_v_1<45:49>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x16] + e23:_over_p<50:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e22, ARG2 x24] + _4:udef_q<55:76>[BV x24] + x24:_part_n_1<55:60>{x PERS 3, NUM pl, IND +}[] + e29:_of_p<61:63>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x30] + _5:_the_q<64:67>[BV x30] + x30:_factory_n_1<68:76>{x PERS 3, NUM sg, IND +}[] + e35:_even_x_deg<77:81>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e36] + e36:_though_x<82:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e51] + _6:udef_q<89:101>[BV x41] + e45:compound<89:101>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x44] + _7:udef_q<89:96>[BV x44] + x44:_exhaust_n_1<89:96>{x PERS 3, NUM sg, IND -}[] + x41:_fan_n_1<97:101>{x PERS 3, NUM pl, IND +}[] + e51:_ventilate_v_cause<102:112>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x52] + _8:_the_q<113:116>[BV x52] + x52:_area_n_of<117:122>{x PERS 3, NUM sg}[] +} + +#20003028 +{e3: + e4:_be_v_there<6:8>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x7] + _1:_no_q<9:11>[BV x7] + x7:_question_n_about<12:20>{x PERS 3, NUM sg, GEND n}[ARG1 e35] + _2:_some_q<26:30>[BV x14] + x14:part_of<26:30>{x PERS 3, NUM pl}[ARG1 x18] + _3:_those_q_dem<34:39>[BV x18] + _4:udef_q<40:47>[BV x24] + x24:_worker_n_1<40:47>{x PERS 3, NUM pl, IND +}[] + _5:udef_q<48:60>[BV x28] + x18:_and_c<48:51>{x PERS 3, NUM pl}[L-INDEX x24, R-INDEX x28] + x28:_manager_n_of<52:60>{x PERS 3, NUM pl, IND +}[] + e35:_contract_v_1<61:71>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x14, ARG2 x36] + _6:udef_q<72:99>[BV x36] + e43:compound<72:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e41, ARG2 x42] + _7:udef_q<72:88>[BV x42] + x42:_asbestos_n_1<72:88>{x PERS 3, NUM sg, IND -}[] + e41:_relate_v_to<72:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x36] + x36:_disease_n_1<89:99>{x PERS 3, NUM pl}[] + e3:_say_v_to<100:104>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x52, ARG2 e4] + e54:appos<105:182>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x52, ARG2 x53] + _8:udef_q<123:182>[BV x53] + _9:proper_q<105:122>[BV x52] + e63:compound<105:122>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x52, ARG2 x62] + _10:proper_q<105:112>[BV x62] + x62:named<105:112>("Darrell"){x PERS 3, NUM sg, IND +}[] + x52:named<113:122>("Phillips"){x PERS 3, NUM sg, IND +}[] + e70:compound<123:137>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 x69] + _11:udef_q<123:127>[BV x69] + x69:_vice_n_1<123:127>{x PERS 3, NUM sg, IND +}[] + x53:_president_n_of<128:137>{x PERS 3, NUM sg, IND +}[ARG1 x75] + _12:udef_q<141:182>[BV x75] + e80:_human_a_1<141:146>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x75] + x75:_resource_n_1<147:156>{x PERS 3, NUM pl, IND +}[] + e81:_for_p<157:160>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x75, ARG2 x82] + _13:udef_q<161:182>[BV x82] + _14:proper_q<161:174>[BV x88] + x88:named<161:174>("Hollingsworth"){x PERS 3, NUM sg, IND +}[] + x82:_and_c<175:176>{x}[L-INDEX x88, R-INDEX x92] + _15:proper_q<177:182>[BV x92] + x92:named<177:182>("Vose"){x PERS 3, NUM sg, IND +}[] +} + +#20003029 +{e3: + e3:_but_c<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[R-HNDL e4] + x9:pron<5:8>{x PERS 2, PT std}[] + _1:pronoun_q<5:8>[BV x9] + e4:_have_v_qmodal<9:13>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e16] + e16:_recognize_v_1<17:26>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 e26] + _2:_these_q_dem<32:37>[BV x20] + x20:_event_n_item<38:44>{x PERS 3, NUM pl, IND +}[] + e26:_take_v_1<45:49>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x27] + _3:idiom_q_i<50:55>[BV x27] + x27:_place_n_i<50:55>{x PERS 3, NUM sg, IND +}[] + _4:udef_q<56:64>[BV x34] + e37:card<56:58>("35"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x34] + x34:_year_n_1<59:64>{x PERS 3, NUM pl, IND +}[] + e38:_ago_p<65:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e26, ARG2 x34] +} + +#20003030 +{e3: + x5:pron<0:2>{x PERS 3, NUM sg, GEND n, PT std}[] + _1:pronoun_q<0:2>[BV x5] + e3:_have_v_1<3:6>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x9] + _2:_no_q<7:9>[BV x9] + x9:_bearing_n_1<10:17>{x PERS 3, NUM sg}[] + e14:_on_p<18:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x15] + _3:def_explicit_q<21:24>[BV x15] + e21:poss<21:24>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15, ARG2 x20] + _4:pronoun_q<21:24>[BV x20] + x20:pron<21:24>{x PERS 1, NUM pl, PT std}[] + e27:compound<25:35>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15, ARG2 x26] + _5:udef_q<25:29>[BV x26] + x26:_work_n_1<25:29>{x}[] + x15:_force_n_1<30:35>{x PERS 3, NUM sg}[] + e32:loc_nonsp<36:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x33] + x33:time_n<36:42>{x PERS 3, NUM sg}[] + _6:def_implicit_q<36:42>[BV x33] + e38:_today_a_1<36:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33] +} + +#20004001 +{e3: + _1:udef_q<0:35>[BV x6] + x6:_yield_n_1<0:6>{x PERS 3, NUM pl}[] + e9:_on_p<7:9>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:udef_q<10:35>[BV x10] + e16:compound<10:35>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x15] + _3:udef_q<10:22>[BV x15] + e22:compound<10:22>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15, ARG2 x21] + _4:udef_q<10:22>[BV x21] + x21:_money_n_1<10:22>{x}[] + x15:_market_n_1<10:22>{x IND +}[] + e27:_mutual_a_1<23:29>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + x10:_fund_n_1<30:35>{x PERS 3, NUM pl, IND +}[] + e3:_continue_v_2<36:45>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 e30] + e30:_slide_v_1<49:55>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e31:_amid_p<56:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x32] + _5:udef_q<61:133>[BV x32] + x32:_sign_n_of<61:66>{x PERS 3, NUM pl}[ARG1 e51] + _6:udef_q<72:90>[BV x40] + e44:compound<72:90>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x40, ARG2 x43] + _7:udef_q<72:81>[BV x43] + x43:_portfolio_n_1<72:81>{x IND +}[] + x40:_manager_n_of<82:90>{x PERS 3, NUM pl, IND +}[] + e51:_expect_v_1<91:97>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x40, ARG2 x52] + _8:udef_q<98:133>[BV x52] + e57:_further_a_1<98:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x52] + _11:comp<98:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e57] + x52:_decline_n_1<106:114>{x PERS 3, NUM pl}[] + e60:_in_p<115:117>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x52, ARG2 x61] + _9:udef_q<118:133>[BV x61] + e67:compound<118:133>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x61, ARG2 x66] + _10:udef_q<118:126>[BV x66] + x66:_interest_n_in<118:126>{x}[] + x61:_rate_n_of<127:133>{x PERS 3, NUM pl}[] +} + +#20004004 +{e3: + _1:udef_q<0:42>[BV x6] + e9:_average_a_1<0:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_maturity_n_1<8:16>{x PERS 3, NUM sg}[] + e10:_of_p<17:19>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x11] + _2:_the_q<20:23>[BV x14] + x14:_fund_n_1<24:29>{x PERS 3, NUM pl, IND +}[] + _3:def_explicit_q<29:30>[BV x11] + e21:poss<29:30>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x14] + x11:_investment_n_1<31:42>{x PERS 3, NUM pl}[] + e3:_lengthen_v_1<43:53>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e22:_by_p_temp<54:56>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x23] + _4:_a_q<57:58>[BV x23] + x23:_day_n_of<59:62>{x PERS 3, NUM sg, IND +}[] + e29:_to_p<63:65>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x30] + e32:appos<66:106>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30, ARG2 x31] + _5:udef_q<66:74>[BV x30] + e37:card<66:68>("41"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30] + x30:_day_n_of<69:74>{x PERS 3, NUM pl, IND +}[] + _6:_the_q<75:78>[BV x31] + x31:generic_entity<79:86>{x}[] + e43:_long_a_1<79:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x31] + e44:superl<79:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e43] + e45:_since_p<87:92>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x31, ARG2 x46] + _7:proper_q<93:106>[BV x46] + e51:_early_a_1<93:98>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x46] + x46:mofy<99:106>("Aug"){x PERS 3, NUM sg, IND +}[] + e52:_according+to_p<107:119>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x53] + x53:generic_entity<120:131>{x}[] + _8:proper_q<120:128>[BV x57] + x57:named<120:128>("Donoghue"){x PERS 3, NUM sg, IND +}[] + _9:def_explicit_q<128:131>[BV x53] + e63:poss<128:131>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 x57] +} + +#20004005 +{e3: + _1:udef_q<0:17>[BV x6] + e9:_long_a_1<0:6>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e11:comp<0:6>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e9] + x6:_maturity_n_1<7:17>{x PERS 3, NUM pl}[] + e3:_think_v_1<22:29>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 x6, ARG3 e32] + e16:_indicate_v_1<33:41>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x17] + _2:udef_q<42:66>[BV x17] + e22:_declining_a_1<42:51>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17] + e24:compound<52:66>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x23] + _3:udef_q<52:60>[BV x23] + x23:_interest_n_in<52:60>{x}[] + x17:_rate_n_of<61:66>{x PERS 3, NUM pl}[] + e32:_because_x<67:74>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e16, ARG2 e41] + x36:pron<75:79>{x PERS 3, NUM pl, PT std}[] + _4:pronoun_q<75:79>[BV x36] + e41:_permit_v_1<80:86>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 x43, ARG3 e56] + _5:udef_q<87:105>[BV x43] + e49:compound<87:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43, ARG2 x48] + _6:udef_q<87:96>[BV x48] + x48:_portfolio_n_1<87:96>{x IND +}[] + x43:_manager_n_of<97:105>{x PERS 3, NUM pl, IND +}[] + e56:_retain_v_1<109:115>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43, ARG2 x57] + _7:udef_q<116:139>[BV x57] + e62:_relatively_x_deg<116:126>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e63] + e64:_high_a_1<127:133>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57] + e63:comp<127:133>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e64] + x57:_rate_n_of<134:139>{x PERS 3, NUM pl}[] + e67:_for_p<140:143>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e56, ARG2 x68] + _8:_a_q<144:145>[BV x68] + e73:_long_a_1<146:152>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x68] + e75:comp<146:152>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e73] + x68:_period_n_of<153:160>{x PERS 3, NUM sg, IND +}[] +} + +#20004006 +{e27: + _1:udef_q<0:18>[BV x6] + e9:_short_a_1<0:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e11:comp<0:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e9] + x6:_maturity_n_1<8:18>{x PERS 3, NUM pl}[] + e3:_consider_v_1<23:33>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 x14, ARG3 x6] + _2:_a_q<34:35>[BV x14] + x14:_sign_n_of<36:40>{x PERS 3, NUM sg, IND +}[ARG1 x20] + _3:udef_q<44:56>[BV x20] + e25:_rise_v_1<44:50>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x20] + x20:_rate_n_of<51:56>{x PERS 3, NUM pl}[] + e27:_because_x<57:64>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e44] + _4:udef_q<65:83>[BV x32] + e36:compound<65:83>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x32, ARG2 x35] + _5:udef_q<65:74>[BV x35] + x35:_portfolio_n_1<65:74>{x IND +}[] + x32:_manager_n_of<75:83>{x PERS 3, NUM pl, IND +}[] + e44:_can_v_modal<84:87>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e46] + e46:_capture_v_1<88:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x32, ARG2 x47] + _6:udef_q<96:108>[BV x47] + e52:_high_a_1<96:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47] + e54:comp<96:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e52] + x47:_rate_n_of<103:108>{x PERS 3, NUM pl}[] + e56:loc_nonsp<109:116>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e46, ARG2 x57] + x57:time_n<109:116>{x PERS 3, NUM sg}[] + _7:def_implicit_q<109:116>[BV x57] + e62:_soon_p<109:116>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57] + i63:comp<109:116>{i}[ARG1 e62] +} + +#20004007 +{e3: + _1:_the_q<0:3>[BV x6] + e9:_average_a_1<4:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_maturity_n_1<12:20>{x PERS 3, NUM sg}[] + e10:_for_p<21:24>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x11] + _2:udef_q<25:152>[BV x11] + x11:_fund_n_1<25:30>{x PERS 3, NUM pl, IND +}[] + e16:_open_a_1<31:35>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + e17:_only_x_deg<36:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e18] + e18:_to_p<41:43>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e16, ARG2 x19] + _3:udef_q<44:57>[BV x19] + x19:_institution_n_1<44:57>{x PERS 3, NUM pl, IND +}[] + e24:_consider_v_1<58:68>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x26, ARG2 x11, ARG3 e44] + _4:_some_q<72:76>[BV x26] + x26:generic_entity<72:76>{x PERS 3}[] + e33:_be_v_id<80:82>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x34] + _5:_a_q<83:84>[BV x34] + e39:_strong_a_1<85:93>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x34] + e41:comp<85:93>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e39] + x34:_indicator_n_of<94:103>{x PERS 3, NUM sg, IND +}[] + e44:_because_x<104:111>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e33, ARG2 e54] + _6:_those_q_dem<112:117>[BV x48] + x48:_manager_n_of<118:126>{x PERS 3, NUM pl, IND +}[] + e54:_watch_v_1<127:132>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x48, ARG2 x55] + _7:_the_q<133:136>[BV x55] + x55:_market_n_1<137:143>{x PERS 3, NUM sg, IND +}[] + e60:_close_a_to<144:152>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e54] + e3:_reach_v_1<153:160>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x61] + _8:_a_q<161:162>[BV x61] + e66:_high_a_1<163:167>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x61] + x61:_point_n_of<168:173>{x PERS 3, NUM sg, IND +}[] + e67:_for_p<174:177>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x61, ARG2 x68] + _9:_the_q<178:181>[BV x68] + x68:_year_n_1<182:186>{x PERS 3, NUM sg, IND +}[] + e73:loc_nonsp<190:198>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x74] + _10:udef_q<190:198>[BV x74] + e79:card<190:192>("33"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x74] + x74:_day_n_of<193:198>{x PERS 3, NUM pl, IND +}[] +} + +#20004008 +{e5: + e5:_nevertheless_a_1<0:13>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e3:_say_v_to<14:18>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 e57] + e11:appos<19:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x10] + _1:udef_q<41:69>[BV x10] + _2:proper_q<19:40>[BV x9] + e20:compound<19:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x19] + _3:proper_q<19:33>[BV x19] + e26:compound<19:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x19, ARG2 x25] + _4:proper_q<19:25>[BV x25] + x25:named<19:25>("Brenda"){x PERS 3, NUM sg, IND +}[] + x19:named<26:33>("Malizia"){x PERS 3, NUM sg, IND +}[] + x9:named<34:40>("Negus"){x PERS 3, NUM sg, IND +}[] + x10:_editor_n_1<41:47>{x PERS 3, NUM sg, IND +}[] + e32:_of_p<48:50>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x33] + _5:proper_q<51:69>[BV x33] + e39:compound<51:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33, ARG2 x38] + _6:proper_q<51:61>[BV x38] + e45:compound<51:61>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38, ARG2 x44] + _7:proper_q<51:56>[BV x44] + x44:named<51:56>("Money"){x PERS 3, NUM sg, IND +}[] + x38:named<57:61>("Fund"){x PERS 3, NUM sg, IND +}[] + x33:named<62:69>("Report"){x PERS 3, NUM sg, IND +}[] + _8:udef_q<70:76>[BV x52] + x52:_yield_n_1<70:76>{x PERS 3, NUM pl}[] + e57:_may_v_modal<77:81>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e64] + e59:_blip/vb_u_unknown<82:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x52] + e61:_up_p<87:89>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e59] + e62:_again_a_1<90:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e59] + e64:_before_x_h<96:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e59, ARG2 e73] + x68:pron<103:107>{x PERS 3, NUM pl, PT std}[] + _9:pronoun_q<103:107>[BV x68] + e73:_blip/vbp_u_unknown<108:112>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x68] + e75:_down_p<113:118>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e73] + e76:_because+of_p<119:129>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e73, ARG2 x77] + _10:udef_q<130:172>[BV x77] + e82:_recent_a_1<130:136>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x77] + x77:_rise_n_1<137:142>{x PERS 3, NUM pl, IND +}[] + e83:_in_p<143:145>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x77, ARG2 x84] + _11:udef_q<146:172>[BV x84] + e90:compound<146:172>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x84, ARG2 x89] + _12:udef_q<146:156>[BV x89] + e95:_short_a_of<146:156>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x89] + x89:_term_n_of<146:156>{x IND +}[] + e99:compound<157:172>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x84, ARG2 x98] + _13:udef_q<157:165>[BV x98] + x98:_interest_n_in<157:165>{x}[] + x84:_rate_n_of<166:172>{x PERS 3, NUM pl}[] +} + +#20004009 +{e3: + _1:_the_q<0:3>[BV x6] + x6:_yield_n_1<4:9>{x PERS 3, NUM sg}[] + e9:_on_p<10:12>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:udef_q<13:63>[BV x10] + e16:compound<13:37>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x15] + _3:udef_q<13:22>[BV x15] + e21:card<13:22>("6"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15] + x15:_month_n_1<13:22>{x PERS 3, NUM pl, IND +}[] + e23:compound<23:37>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x22] + _4:proper_q<23:31>[BV x22] + x22:named<23:31>("Treasury"){x IND +}[] + x10:_bill_n_of<32:37>{x PERS 3, NUM pl, IND +}[] + e29:_sell_v_1<38:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x10] + e32:_at_p<43:45>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e29, ARG2 x33] + _5:proper_q<46:52>[BV x36] + x36:dofw<46:52>("Mon"){x PERS 3, NUM sg, IND +}[] + _6:def_explicit_q<52:54>[BV x33] + e43:poss<52:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33, ARG2 x36] + x33:_auction_n_of<55:63>{x PERS 3, NUM sg}[] + e3:_rise_v_1<77:81>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e45:_to_p<82:84>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x46] + _7:udef_q<85:90>[BV x46] + e51:card<85:89>("8.04"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x46] + x46:_percent_n_of<89:90>{x PERS 3, NUM pl, IND +}[] + e52:_from_p<91:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x53] + _8:udef_q<96:102>[BV x53] + e58:card<96:100>("7.90"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53] + x53:_percent_n_of<100:102>{x PERS 3, NUM pl, IND +}[] +} + +#20004010 +{e3: + e4:_despite_p<0:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:udef_q<8:34>[BV x6] + e11:_recent_a_1<8:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_decline_n_1<15:23>{x PERS 3, NUM pl}[] + e12:_in_p<24:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x13] + _2:udef_q<27:34>[BV x13] + x13:_yield_n_1<27:34>{x PERS 3, NUM pl}[] + _3:udef_q<35:44>[BV x20] + x20:_investor_n_1<35:44>{x PERS 3, NUM pl, IND +}[] + e3:_continue_v_2<45:53>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e25] + e25:_pour_v_1<57:61>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x26] + _4:udef_q<62:66>[BV x26] + x26:_cash_n_1<62:66>{x PERS 3, NUM sg, GEND n, IND -}[] + e31:_into_p<67:71>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e25, ARG2 x32] + _5:udef_q<72:84>[BV x32] + e38:compound<72:84>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x32, ARG2 x37] + _6:udef_q<72:77>[BV x37] + x37:_money_n_1<72:77>{x}[] + x32:_fund_n_1<78:84>{x PERS 3, NUM pl, IND +}[] +} + +#20004011 +{e3: + _1:udef_q<0:31>[BV x6] + x6:_asset_n_1<0:6>{x PERS 3, NUM pl, IND +}[] + e9:_of_p<7:9>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:_the_q<10:13>[BV x10] + e15:card<14:17>("400"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + e16:_taxable_a_unknown<18:25>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + x10:_fund_n_1<26:31>{x PERS 3, NUM pl, IND +}[] + e3:_grow_v_1<32:36>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e17:_by_p<37:39>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x18] + _3:udef_q<40:52>[BV x18] + x18:_dollar_n_1<40:41>{x PERS 3, NUM pl, IND +}[] + i25:card<41:44>("1.5"){i}[] + e27:card<45:52>("1000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x18] + i28:times<45:52>{i}[ARG2 i25, ARG3 e27] + e29:_during_p<53:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x30] + _4:_the_q<60:63>[BV x30] + e35:_late_a_for<64:70>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30] + e36:superl<64:70>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e35] + x30:_week_n_1<71:76>{x PERS 3, NUM sg, IND +}[] + e37:_to_p<77:79>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x38] + _5:udef_q<80:95>[BV x38] + x38:_dollar_n_1<80:81>{x PERS 3, NUM pl, IND +}[] + i45:card<81:86>("352.7"){i}[] + e47:card<87:95>("1000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38] + i48:times<87:95>{i}[ARG2 i45, ARG3 e47] +} + +#20004012 +{e5: + e5:_typical_a_1<0:10>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e40] + _1:udef_q<11:28>[BV x8] + e12:compound<11:28>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x11] + _2:udef_q<11:21>[BV x11] + e18:compound<11:21>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x17] + _3:udef_q<11:21>[BV x17] + x17:_money_n_1<11:21>{x}[] + x11:_fund_n_1<11:21>{x IND +}[] + x8:_yield_n_1<22:28>{x PERS 3, NUM pl}[] + e3:_beat_v_to<29:33>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x24] + _4:udef_q<34:67>[BV x24] + e29:_comparable_a_1<34:44>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + e31:compound<45:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x30] + _5:udef_q<45:55>[BV x30] + e36:_short_a_of<45:55>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30] + x30:_term_n_of<45:55>{x IND +}[] + x24:_investment_n_1<56:67>{x PERS 3, NUM pl}[] + e40:_because_x<68:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e57] + _6:udef_q<76:94>[BV x45] + e49:compound<76:94>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45, ARG2 x48] + _7:udef_q<76:85>[BV x48] + x48:_portfolio_n_1<76:85>{x IND +}[] + x45:_manager_n_of<86:94>{x PERS 3, NUM pl, IND +}[] + e57:_can_v_modal<95:98>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e66] + e59:_vary_v_cause<99:103>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45, ARG2 x60] + _8:udef_q<104:114>[BV x60] + x60:_maturity_n_1<104:114>{x PERS 3, NUM pl}[] + e66:_and_c<115:118>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[L-HNDL e59, R-HNDL e68] + e68:_go_v_1<119:121>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45] + e69:_after_p<122:127>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e68, ARG2 x70] + _9:_the_q<128:131>[BV x70] + e75:_high_a_1<132:139>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x70] + e76:superl<132:139>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e75] + x70:_rate_n_of<140:146>{x PERS 3, NUM pl}[] +} + +#20004014 +{e3: + e6:appos<0:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x4] + _1:proper_q<0:26>[BV x5] + e12:compound<0:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x11] + _2:proper_q<0:18>[BV x11] + e18:compound<0:18>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x17] + _3:proper_q<0:7>[BV x17] + x17:named<0:7>("Dreyfus"){x PERS 3, NUM sg, IND +}[] + e24:compound<8:18>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11, ARG2 x23] + _4:proper_q<8:18>[BV x23] + x23:named<8:18>("World-"){x PERS 3, NUM sg, IND +}[] + x11:named<8:18>("Wide"){x PERS 3, NUM sg, IND +}[] + x5:named<19:26>("Dollar"){x PERS 3, NUM sg, IND +}[] + _5:_the_q<27:30>[BV x4] + e34:compound<31:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x4, ARG2 x33] + _6:udef_q<31:43>[BV x33] + e39:_top_a_1<31:43>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33] + e41:_yield_v_1<31:43>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x33:nominalization<31:43>{x PERS 3, NUM sg, GEND n}[ARG1 e41] + x4:_fund_n_1<44:49>{x PERS 3, NUM sg, IND +}[] + e3:_have_v_1<50:53>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x44] + _7:_a_q<54:55>[BV x44] + e50:compound<56:80>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44, ARG2 x49] + _8:udef_q<56:65>[BV x49] + e55:card<56:65>("7"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49] + x49:_day_n_of<56:65>{x PERS 3, NUM pl, IND +}[] + e58:compound<66:80>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44, ARG2 x57] + _9:udef_q<66:74>[BV x57] + x57:_compound_n_1<66:74>{x IND +}[] + x44:_yield_n_1<75:80>{x PERS 3, NUM sg}[] + e63:_of_p<81:83>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44, ARG2 x64] + _10:udef_q<84:89>[BV x64] + e69:card<84:88>("9.37"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x64] + x64:_percent_n_of<88:89>{x PERS 3, NUM pl, IND +}[] + e70:_during_p<90:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x71] + _11:_the_q<97:100>[BV x71] + e76:_late_a_for<101:107>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x71] + e77:superl<101:107>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e76] + x71:_week_n_1<108:113>{x PERS 3, NUM sg, IND +}[] + e78:_down_p<114:118>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e79:_from_p<119:123>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e78, ARG2 x80] + _12:udef_q<124:145>[BV x80] + e85:card<124:128>("9.45"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x80] + x80:_percent_n_of<128:129>{x PERS 3, NUM pl, IND +}[] + e86:loc_nonsp<130:145>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x80, ARG2 x87] + _13:_a_q<130:131>[BV x87] + x87:_week_n_1<132:136>{x PERS 3, NUM sg, IND +}[] + e92:loc_nonsp<137:145>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x87, ARG2 x93] + x93:time_n<137:145>{x PERS 3, NUM sg}[] + _14:def_explicit_q<137:145>[BV x93] + e98:_early_a_1<137:145>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x93] + e99:comp<137:145>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e98] +} + +#20004015 +{e3: + x5:pron<0:2>{x PERS 3, NUM sg, GEND n, PT std}[] + _1:pronoun_q<0:2>[BV x5] + e10:_invest_v_in<3:10>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x11] + e12:_heavy_a_1<11:18>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e10] + _2:udef_q<22:51>[BV x11] + e19:compound<22:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e17, ARG2 x18] + _3:udef_q<22:40>[BV x18] + x18:_dollar_n_1<22:40>{x IND +}[] + e17:_denominate_v_1<22:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x11] + x11:_security_n_1<41:51>{x PERS 3, NUM pl}[] + e26:loc_nonsp<52:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e10, ARG2 x27] + x27:place_n<52:60>{x PERS 3, NUM sg}[] + _4:def_implicit_q<52:60>[BV x27] + e32:_overseas_a_1<52:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27] + e3:_and_c<61:64>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[L-HNDL e10, R-HNDL e33] + i37:relative_mod<65:126>{i}[ARG2 e50] + e38:_current_a_1<68:77>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e33] + e33:_waive_v_1<78:85>{e SF prop, TENSE pres, MOOD indicative, PROG +, PERF -}[ARG1 x5, ARG2 x39] + _5:udef_q<86:102>[BV x39] + e45:compound<86:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39, ARG2 x44] + _6:udef_q<86:96>[BV x44] + x44:_management_n_1<86:96>{x}[] + x39:_fee_n_1<97:102>{x PERS 3, NUM pl, IND +}[] + e50:_boost_v_to<109:115>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 x51] + _7:def_explicit_q<116:119>[BV x51] + e58:poss<116:119>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x51, ARG2 x57] + _8:pronoun_q<116:119>[BV x57] + x57:pron<116:119>{x PERS 3, NUM sg, GEND n, PT std}[] + x51:_yield_n_1<120:126>{x PERS 3, NUM sg}[] +} + +#20004016 +{e3: + _1:_the_q<0:3>[BV x6] + e9:_average_a_1<4:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e11:compound<12:34>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:udef_q<12:21>[BV x10] + e16:card<12:21>("7"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + x10:_day_n_of<12:21>{x PERS 3, NUM pl, IND +}[] + e18:_simple_a_for<22:28>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_yield_n_1<29:34>{x PERS 3, NUM sg}[] + e19:_of_p<35:37>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x20] + _3:_the_q<38:41>[BV x20] + e26:compound<42:51>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x25] + _4:proper_q<42:45>[BV x25] + x25:yofc<42:45>("400"){x PERS 3, NUM sg, IND +}[] + x20:_fund_n_1<46:51>{x PERS 3, NUM pl, IND +}[] + e3:_be_v_id<52:55>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x31] + _5:udef_q<56:62>[BV x31] + e36:card<56:60>("8.12"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x31] + x31:_percent_n_of<60:62>{x PERS 3, NUM pl, IND +}[] + e37:_down_p<63:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e38:_from_p<68:72>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e37, ARG2 x39] + _6:udef_q<73:79>[BV x39] + e44:card<73:77>("8.14"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39] + x39:_percent_n_of<77:79>{x PERS 3, NUM pl, IND +}[] +} + +#20004017 +{e3: + e3:implicit_conj<0:123>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[L-HNDL e7, R-HNDL e6] + _1:_the_q<0:3>[BV x10] + e14:compound<4:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x13] + _2:udef_q<4:10>[BV x13] + e19:card<4:10>("30-"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x13] + x13:_day_n_of<4:10>{x PERS 3, NUM pl, IND +}[] + e21:_simple_a_for<11:17>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + x10:_yield_n_1<18:23>{x PERS 3, NUM sg}[] + e7:_fall_v_1<24:28>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x10] + e23:_to_p<29:31>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e7, ARG2 x24] + _3:_a_q<32:34>[BV x24] + e29:_average_a_1<35:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + e30:card<43:47>("8.19"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + x24:_percent_n_of<47:48>{x PERS 3, NUM pl, IND +}[] + e31:_from_p<49:53>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e7, ARG2 x32] + _4:udef_q<54:60>[BV x32] + e37:card<54:58>("8.22"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x32] + x32:_percent_n_of<58:60>{x PERS 3, NUM pl, IND +}[] + _5:_the_q<61:64>[BV x40] + e44:compound<65:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x40, ARG2 x43] + _6:udef_q<65:71>[BV x43] + e49:card<65:71>("30-"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43] + x43:_day_n_of<65:71>{x PERS 3, NUM pl, IND +}[] + e52:compound<72:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x40, ARG2 x51] + _7:udef_q<72:80>[BV x51] + x51:_compound_n_1<72:80>{x IND +}[] + x40:_yield_n_1<81:86>{x PERS 3, NUM sg}[] + e6:_slide_v_1<87:91>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x40] + e58:_to_p<92:94>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e6, ARG2 x59] + _8:_a_q<95:97>[BV x59] + e64:_average_a_1<98:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x59] + e65:card<106:110>("8.53"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x59] + x59:_percent_n_of<110:111>{x PERS 3, NUM pl, IND +}[] + e66:_from_p<112:116>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e6, ARG2 x67] + _9:udef_q<117:123>[BV x67] + e72:card<117:121>("8.56"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x67] + x67:_percent_n_of<121:123>{x PERS 3, NUM pl, IND +}[] +} + +#20005001 +{e3: + e6:appos<0:109>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x4] + _1:udef_q<13:109>[BV x4] + _2:proper_q<0:12>[BV x5] + e15:compound<0:12>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x14] + _3:proper_q<0:4>[BV x14] + x14:named<0:4>("J.P."){x PERS 3, NUM sg, IND +}[] + x5:named<5:12>("Bolduc"){x PERS 3, NUM sg, IND +}[] + e22:compound<13:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x4, ARG2 x21] + _4:udef_q<13:17>[BV x21] + x21:_vice_n_1<13:17>{x PERS 3, NUM sg, IND +}[] + x4:_chairman_n_of<18:26>{x PERS 3, NUM sg, IND +}[ARG1 x27] + _5:proper_q<30:109>[BV x27] + e33:compound<30:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x32] + _6:proper_q<30:34>[BV x32] + x32:named<30:34>("W.R."){x PERS 3, NUM sg, IND +}[] + x27:named<35:40>("Grace"){x PERS 3, NUM sg, IND +}[] + x39:_and+company_n_1<41:47>{x IND +}[] + _7:udef_q<41:47>[BV x39] + i43:compound<41:47>{i}[ARG1 x27, ARG2 x39] + e44:_hold_v_1<54:59>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x45] + _8:_a_q<60:61>[BV x45] + e51:compound<62:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45, ARG2 x50] + _9:udef_q<62:67>[BV x50] + e56:card<62:66>("83.4"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x50] + x50:_percent_n_of<66:67>{x PERS 3, NUM pl, IND +}[] + x45:_interest_n_in<68:76>{x PERS 3, NUM sg}[ARG1 x57] + _10:_this_q_dem<80:84>[BV x57] + e63:compound<85:109>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57, ARG2 x62] + _11:udef_q<85:100>[BV x62] + e69:compound<85:100>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x62, ARG2 x68] + _12:udef_q<85:100>[BV x68] + x68:_energy_n_1<85:100>{x}[] + x62:_service_n_1<85:100>{x PERS 3, NUM pl, IND +}[] + x57:_company_n_of<101:109>{x PERS 3, NUM sg}[] + e3:_elect_v_1<114:121>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x76, ARG3 x5] + _13:_a_q<122:123>[BV x76] + x76:_director_n_of<124:133>{x PERS 3, NUM sg, IND +}[] +} + +#20005002 +{e3: + x5:pron<0:2>{x PERS 3, NUM sg, GEND m, PT std}[] + _1:pronoun_q<0:2>[BV x5] + e3:_succeed_v_1<3:11>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x9] + e11:appos<12:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x10] + _2:udef_q<12:32>[BV x9] + e17:compound<12:32>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x16] + _3:proper_q<12:23>[BV x16] + e23:compound<12:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x16, ARG2 x22] + _4:proper_q<12:20>[BV x22] + x22:named<12:20>("Terrence"){x PERS 3, NUM sg, IND +}[] + x16:named<21:23>("D"){x PERS 3, NUM sg, IND +}[] + x9:named<24:32>("Daniel"){x PERS 3, NUM pl, IND +}[] + e29:_formerly_x_deg<33:41>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 _5] + _5:_a_q<42:43>[BV x10] + e35:compound<44:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x34] + _6:proper_q<44:54>[BV x34] + e41:compound<44:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x34, ARG2 x40] + _7:proper_q<44:48>[BV x40] + x40:named<44:48>("W.R."){x PERS 3, NUM sg, IND +}[] + x34:named<49:54>("Grace"){x IND +}[] + e47:compound<55:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10, ARG2 x46] + _8:udef_q<55:59>[BV x46] + x46:_vice_n_1<55:59>{x PERS 3, NUM sg, IND +}[] + x10:_chairman_n_of<60:69>{x PERS 3, NUM sg, IND +}[] + e53:_resign_v_1<74:83>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x9] +} + +#20005003 +{e3: + _1:proper_q<0:10>[BV x6] + e10:compound<0:10>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:4>[BV x9] + x9:named<0:4>("W.R."){x PERS 3, NUM sg, IND +}[] + x6:named<5:10>("Grace"){x PERS 3, NUM sg, IND +}[] + e3:_hold_v_1<11:16>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x15] + x15:part_of<17:22>{x PERS 3, NUM pl}[ARG1 x17] + _3:udef_q<17:22>[BV x15] + e21:card<17:22>("3"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x15] + _4:proper_q<26:38>[BV x24] + e28:compound<26:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x27] + _5:proper_q<26:31>[BV x27] + x27:named<26:31>("Grace"){x PERS 3, NUM sg, IND +}[] + x24:named<32:38>("Energy"){x PERS 3, NUM sg, IND +}[] + _6:def_explicit_q<38:40>[BV x17] + e37:poss<38:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x24] + e38:card<41:46>("7"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17] + e40:compound<47:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x39] + _7:udef_q<47:52>[BV x39] + x39:_board_n_of<47:52>{x}[] + x17:_seat_n_1<53:59>{x PERS 3, NUM pl, IND +}[] +} + +#20006001 +{e3: + _1:proper_q<0:29>[BV x6] + e10:compound<0:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:13>[BV x9] + e16:compound<0:13>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x15] + _3:proper_q<0:7>[BV x15] + x15:named<0:7>("Pacific"){x PERS 3, NUM sg, IND +}[] + x9:named<8:13>("First"){x PERS 3, NUM sg, IND +}[] + x6:named<14:23>("Financial"){x PERS 3, NUM sg, IND +}[] + x22:_corporation_n_1<24:29>{x IND +}[] + _4:udef_q<24:29>[BV x22] + i26:compound<24:29>{i}[ARG1 x6, ARG2 x22] + e3:_say_v_to<30:34>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 e35] + _5:udef_q<35:47>[BV x31] + x31:_shareholder_n_1<35:47>{x PERS 3, NUM pl, IND +}[] + e35:_approve_v_1<48:56>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x31, ARG2 x36] + _6:def_explicit_q<57:60>[BV x36] + e42:poss<57:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 x41] + _7:pronoun_q<57:60>[BV x41] + x41:pron<57:60>{x PERS 3, NUM sg, GEND n, PT std}[] + x36:_acquisition_n_of<61:72>{x PERS 3, NUM sg}[] + e48:_by_p<73:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x36, ARG2 x49] + _8:proper_q<76:105>[BV x49] + e55:compound<76:89>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49, ARG2 x54] + _9:proper_q<76:81>[BV x54] + x54:named<76:81>("Royal"){x PERS 3, NUM sg, IND +}[] + x49:named<82:89>("Trustco"){x PERS 3, NUM sg, IND +}[] + x61:_ltd_n_1<90:94>{x IND +}[] + _10:udef_q<90:94>[BV x61] + i65:compound<90:94>{i}[ARG1 x49, ARG2 x61] + e66:_of_p<95:97>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49, ARG2 x67] + _11:proper_q<98:105>[BV x67] + x67:named<98:105>("Toronto"){x PERS 3, NUM sg, IND +}[] + e72:_for_p<106:109>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e35, ARG2 x73] + _12:udef_q<110:139>[BV x73] + _13:udef_q<110:122>[BV x79] + x79:_dollar_n_1<110:111>{x PERS 3, NUM pl, IND +}[] + e82:card<111:113>("27"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x79] + e83:_a_p_per<114:115>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x79, ARG2 x84] + _14:udef_q<114:115>[BV x84] + x84:_share_n_of<116:122>{x PERS 3, NUM sg, IND +}[] + x73:_or_c<123:125>{x}[L-INDEX x79, R-INDEX x90] + _15:udef_q<126:139>[BV x90] + x90:_dollar_n_1<126:127>{x PERS 3, NUM pl, IND +}[] + i97:card<127:130>("212"){i}[] + e99:card<131:139>("1000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x90] + i100:times<131:139>{i}[ARG2 i97, ARG3 e99] +} + +#20006002 +{e3: + _1:_the_q<0:3>[BV x6] + e10:compound<4:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:udef_q<4:10>[BV x9] + x9:_thrift_n_unknown<4:10>{x}[] + e16:compound<11:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x15] + _3:udef_q<11:18>[BV x15] + x15:_holding_n_1<11:18>{x IND +}[] + x6:_company_n_of<19:26>{x PERS 3, NUM sg}[] + e3:_say_v_to<27:31>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 e30] + x25:pron<32:34>{x PERS 3, NUM sg, GEND n, PT std}[] + _4:pronoun_q<32:34>[BV x25] + e30:_expect_v_1<35:42>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 e42] + e33:_obtain_v_1<46:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x34] + _5:udef_q<53:72>[BV x34] + e39:_regulatory_a_1<53:63>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x34] + x34:_approval_n_of<64:72>{x PERS 3, NUM sg}[] + e42:_and_c<73:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[L-HNDL e33, R-HNDL e44] + e44:_complete_v_2<77:85>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x45] + _6:_the_q<86:89>[BV x45] + x45:_transaction_n_1<90:101>{x PERS 3, NUM sg}[] + e50:_by_p<102:104>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e44, ARG2 x51] + _7:udef_q<105:114>[BV x51] + x51:_year+end_n_1<105:114>{x PERS 3, NUM sg, GEND n, IND -}[] +} + +#20007002 +{e3: + _1:proper_q<0:12>[BV x6] + x6:named<0:12>("Finmeccanica"){x PERS 3, NUM sg, IND +}[] + e3:_be_v_id<13:15>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:_a_q<16:18>[BV x9] + e14:_italian_a_1<19:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9] + e17:compound<27:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e15, ARG2 x16] + _3:udef_q<27:38>[BV x16] + x16:_state_n_of<27:38>{x}[] + e15:_own_v_1<27:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x9] + e26:compound<39:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x25] + _4:udef_q<39:46>[BV x25] + x25:_holding_n_1<39:46>{x IND +}[] + x9:_company_n_of<47:54>{x PERS 3, NUM sg}[] + e32:_with_p<55:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x33] + _5:udef_q<60:109>[BV x33] + x33:_interest_n_in<60:69>{x PERS 3, NUM pl}[ARG1 x38] + _6:_the_q<73:76>[BV x38] + e43:_mechanical_a_1<77:87>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38] + e45:compound<88:109>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38, ARG2 x44] + _7:udef_q<88:99>[BV x44] + x44:_engineering_n_1<88:99>{x PERS 3, NUM sg, IND -}[] + x38:_industry_n_1<100:109>{x PERS 3, NUM sg}[] +} + +#20007003 +{e3: + _1:proper_q<0:42>[BV x6] + e10:compound<0:16>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:6>[BV x9] + x9:named<0:6>("Bailey"){x PERS 3, NUM sg, IND +}[] + x6:named<7:16>("Controls"){x PERS 3, NUM sg, IND +}[] + e15:_base_v_1<17:22>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x6, ARG3 e20] + e20:_in_p<23:25>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x21] + _3:proper_q<26:42>[BV x21] + e27:compound<26:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x26] + _4:proper_q<26:36>[BV x26] + x26:named<26:36>("Wickliffe"){x PERS 3, NUM sg, IND +}[] + x21:named<37:42>("Ohio"){x PERS 3, NUM sg, IND +}[] + e3:_make_v_1<43:48>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x33] + _5:udef_q<49:90>[BV x33] + e38:_computerize_v_1<49:61>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x33] + e42:compound<62:90>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33, ARG2 x41] + _6:udef_q<62:81>[BV x41] + e47:_industrial_a_1<62:72>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41] + x41:_control_n_of<73:81>{x PERS 3, NUM pl, IND +}[] + x33:_system_n_of<82:90>{x PERS 3, NUM pl, IND +}[] +} + +#20007004 +{e3: + x5:pron<0:2>{x PERS 3, NUM sg, GEND n, PT std}[] + _1:pronoun_q<0:2>[BV x5] + e10:_employ_v_1<3:10>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x11] + _2:udef_q<11:16>[BV x11] + e16:card<11:16>("2,700"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + x11:_people_n_of<17:23>{x PERS 3, NUM pl, IND +}[] + e3:_and_c<24:27>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[L-HNDL e10, R-HNDL e18] + e18:_have_v_1<28:31>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x20] + _3:udef_q<32:69>[BV x20] + e25:_annual_a_1<32:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20] + x20:_revenue_n_1<39:46>{x PERS 3, NUM sg}[] + e26:_of_p<47:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x27] + e29:_about_x_deg<50:55>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 _4] + _4:udef_q<56:69>[BV x27] + x27:_dollar_n_1<56:57>{x PERS 3, NUM pl, IND +}[] + i36:card<57:60>("370"){i}[] + e38:card<61:69>("1000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27] + i39:times<61:69>{i}[ARG2 i36, ARG3 e38] +} + +#20008001 +{e34: + _1:_the_q<0:3>[BV x6] + e9:_federal_a_1<4:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_government_n_of<12:22>{x PERS 3, NUM sg}[] + e3:_suspend_v_1<23:32>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x12] + _2:udef_q<33:60>[BV x12] + x12:_sale_n_of<33:38>{x PERS 3, NUM pl}[ARG1 x17] + _3:udef_q<42:60>[BV x17] + e23:compound<42:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x22] + _4:udef_q<42:46>[BV x22] + x22:named_n<42:46>("US"){x IND +}[] + e29:compound<47:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x28] + _5:udef_q<47:54>[BV x28] + x28:_savings_n_1<47:54>{x PERS 3, NUM pl, IND +}[] + x17:_bond_n_1<55:60>{x PERS 3, NUM pl, IND +}[] + e34:_because_x<61:68>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e44] + _6:proper_q<69:77>[BV x39] + x39:named<69:77>("Congress"){x PERS 3, NUM sg, IND +}[] + e44:neg<78:84>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e46] + e46:_lift_v_cause<85:91>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[ARG1 x39, ARG2 x47] + _7:_the_q<92:95>[BV x47] + x47:_ceiling_n_1<96:103>{x PERS 3, NUM sg, IND +}[] + e52:_on_p<104:106>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47, ARG2 x53] + _8:udef_q<107:123>[BV x53] + e59:compound<107:123>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 x58] + _9:udef_q<107:117>[BV x58] + x58:_government_n_of<107:117>{x}[] + x53:_debt_n_1<118:123>{x PERS 3, NUM sg}[] +} + +#20008002 +{e3: + e7:_until_x_h<0:5>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e27, ARG2 e16] + _1:proper_q<6:14>[BV x12] + x12:named<6:14>("Congress"){x PERS 3, NUM sg, IND +}[] + e16:_act_v_1<15:20>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x12] + _2:_the_q<21:24>[BV x19] + x19:_government_n_of<25:35>{x PERS 3, NUM sg}[] + e4:_have_v_1<36:42>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x19, ARG2 x24] + e27:neg<36:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4] + _3:_any_q<43:46>[BV x24] + x24:_authority_n_1<47:56>{x PERS 3, NUM sg, GEND n, IND -}[ARG1 e34] + e34:_issue_v_1<60:65>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x35] + _4:udef_q<66:99>[BV x35] + e41:_new_a_1<66:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35] + e43:compound<70:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35, ARG2 x42] + _5:udef_q<70:74>[BV x42] + x42:_debt_n_1<70:74>{x}[] + x35:_obligation_n_1<75:86>{x PERS 3, NUM pl}[] + e48:_of_p<87:89>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35, ARG2 x49] + _6:_any_q<90:93>[BV x49] + x49:_kind_n_of-n<94:99>{x PERS 3, NUM sg, IND +}[] + _7:_the_q<100:103>[BV x57] + x57:named<104:112>("Treasury"){x PERS 3, NUM sg, IND +}[] + e3:_say_v_to<113:118>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x57, ARG2 e7] +} + +#20008003 +{e3: + _1:_the_q<0:3>[BV x6] + x6:_government_n_of<4:14>{x PERS 3, NUM sg}[] + _2:def_explicit_q<14:16>[BV x12] + e15:poss<14:16>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x12, ARG2 x6] + e17:compound<17:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x12, ARG2 x16] + _3:udef_q<17:26>[BV x16] + e22:_borrow_v_from<17:26>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x16:nominalization<17:26>{x PERS 3, NUM sg, GEND n}[ARG1 e22] + x12:_authority_n_1<27:36>{x PERS 3, NUM sg}[] + e3:_drop_v_1<37:44>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x12] + e26:_at_p_temp<45:47>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x27] + _4:proper_q<48:64>[BV x27] + e33:compound<48:64>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x32] + _5:udef_q<48:56>[BV x32] + x32:_midnight_n_1<48:56>{x PERS 3, NUM sg, IND +}[] + x27:dofw<57:64>("Tue"){x PERS 3, NUM sg, IND +}[] + e38:_to_p<65:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x39] + _6:udef_q<68:82>[BV x39] + x39:_dollar_n_1<68:69>{x PERS 3, NUM pl, IND +}[] + i46:card<69:73>("2.80"){i}[] + e48:card<74:82>("1000000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x39] + i49:times<74:82>{i}[ARG2 i46, ARG3 e48] + e50:_from_p<83:87>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x51] + _7:udef_q<88:103>[BV x51] + x51:_dollar_n_1<88:89>{x PERS 3, NUM pl, IND +}[] + i58:card<89:93>("2.87"){i}[] + e60:card<94:103>("1000000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x51] + i61:times<94:103>{i}[ARG2 i58, ARG3 e60] +} + +#20008004 +{e3: + _1:udef_q<0:36>[BV x6] + x6:_legislation_n_1<0:11>{x PERS 3, NUM sg, GEND n, IND -}[ARG1 e11] + e11:_lift_v_cause<15:19>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x12] + _2:_the_q<20:23>[BV x12] + e19:compound<24:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x12, ARG2 x18] + _3:udef_q<24:28>[BV x18] + x18:_debt_n_1<24:28>{x}[] + x12:_ceiling_n_1<29:36>{x PERS 3, NUM sg, IND +}[] + e3:_ensnarl_v_unknown<40:49>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 x6] + e26:_in_p<50:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x27] + _4:_the_q<53:56>[BV x27] + x27:_fight_n_1<57:62>{x PERS 3, NUM sg}[] + e32:_over_p<63:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x33] + _5:udef_q<68:96>[BV x33] + x33:nominalization<68:96>{x PERS 3, NUM sg, GEND n}[ARG1 e39] + e39:_cut_v_1<68:75>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG2 x40] + _6:udef_q<76:96>[BV x40] + e47:compound<76:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x40, ARG2 x46] + _7:udef_q<76:89>[BV x46] + e53:compound<76:89>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x46, ARG2 x52] + _8:udef_q<76:89>[BV x52] + x52:_capital_n_1<76:89>{x}[] + x46:_gain_n_1<76:89>{x PERS 3, NUM pl, IND +}[] + x40:_tax_n_1<90:96>{x PERS 3, NUM pl}[] +} + +#20008005 +{e3: + _1:_the_q<0:3>[BV x6] + x6:named_n<4:9>("House"){x PERS 3, NUM sg, IND +}[] + e10:_vote_v_1<14:19>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[ARG1 x6, ARG2 e13] + e13:_raise_v_cause<23:28>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x14] + _2:_the_q<29:32>[BV x14] + x14:_ceiling_n_1<33:40>{x PERS 3, NUM sg, IND +}[] + e19:_to_p<41:43>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e13, ARG2 x20] + _3:udef_q<44:58>[BV x20] + x20:_dollar_n_1<44:45>{x PERS 3, NUM pl, IND +}[] + i27:card<45:48>("3.1"){i}[] + e29:card<49:58>("1000000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20] + i30:times<49:58>{i}[ARG2 i27, ARG3 e29] + e3:_but_c<59:62>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[L-HNDL e10, R-HNDL e41] + _4:_the_q<63:66>[BV x36] + x36:named_n<67:73>("Senate"){x PERS 3, NUM sg, IND +}[] + e41:neg<74:79>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e33] + e33:_expect_v_1<80:88>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 e47] + e47:_act_v_1<92:95>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x36] + e48:_until_p<96:101>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e47, ARG2 x49] + _5:def_implicit_q<102:106>[BV x49] + i54:_next_a_1<102:106>{i}[ARG1 x49] + x49:_week_n_1<107:111>{x PERS 3, NUM sg, IND +}[] + e55:_at_p<112:114>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e47, ARG2 x56] + _6:_the_q<115:118>[BV x56] + x56:generic_entity<119:128>{x}[] + e61:_early_a_1<119:128>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x56] + e62:superl<119:128>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e61] +} + +#20008006 +{e3: + _1:_the_q<0:3>[BV x6] + x6:named<4:12>("Treasury"){x PERS 3, NUM sg, IND +}[] + e3:_say_v_to<13:17>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 e30] + _2:_the_q<18:21>[BV x13] + x13:named_n<22:26>("US"){x PERS 3, NUM sg, IND +}[] + e17:_default_v_1<32:39>{e SF prop, TENSE fut, MOOD indicative, PROG -, PERF -}[ARG1 x13] + e18:_on_p_temp<40:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e17, ARG2 x19] + x21:mofy<43:47>("Nov"){x PERS 3, NUM sg, IND +}[] + _3:def_explicit_q<43:47>[BV x19] + e25:of_p<43:47>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x19, ARG2 x21] + _4:def_implicit_q<43:47>[BV x21] + x19:dofm<48:49>("9"){x PERS 3, NUM sg, GEND n, IND +}[] + e30:_if_x_then<50:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e17, ARG2 e40] + _5:proper_q<53:61>[BV x35] + x35:named<53:61>("Congress"){x PERS 3, NUM sg, IND +}[] + e40:neg<62:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e42] + e42:_act_v_1<70:73>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x35] + e43:_by_p_temp<74:76>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e42, ARG2 x44] + x44:time_n<77:82>{x PERS 3, NUM sg}[] + _6:def_implicit_q<77:82>[BV x44] + e49:_then_p_temp<77:82>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44] +} + +#20009001 +{e3: + _1:proper_q<0:16>[BV x6] + e10:compound<0:16>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:8>[BV x9] + e16:compound<0:8>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x15] + _3:proper_q<0:5>[BV x15] + x15:named<0:5>("Clark"){x PERS 3, NUM sg, IND +}[] + x9:named<6:8>("J"){x PERS 3, NUM sg, IND +}[] + x6:named<9:16>("Vitulli"){x PERS 3, NUM sg, IND +}[] + e3:_name_v_1<21:26>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x22, ARG3 x6] + _4:udef_q<21:26>[BV x22] + _5:udef_q<27:48>[BV x29] + e32:_senior_a_1<27:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x29] + e34:compound<34:48>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x29, ARG2 x33] + _6:udef_q<34:38>[BV x33] + x33:_vice_n_1<34:38>{x PERS 3, NUM sg, IND +}[] + x29:_president_n_of<39:48>{x PERS 3, NUM sg, IND +}[] + _7:udef_q<49:146>[BV x41] + x22:_and_c<49:52>{x PERS 3}[L-INDEX x29, R-INDEX x41] + e46:_general_a_1<53:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41] + x41:_manager_n_of<61:68>{x PERS 3, NUM sg, IND +}[ARG1 x47] + _8:_this_q_dem<72:76>[BV x47] + e53:compound<77:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47, ARG2 x52] + _9:udef_q<77:81>[BV x52] + x52:named_n<77:81>("US"){x IND +}[] + e59:compound<82:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47, ARG2 x58] + _10:udef_q<82:101>[BV x58] + _11:udef_q<82:87>[BV x65] + x65:_sale_n_of<82:87>{x PERS 3, NUM pl, IND +}[] + _12:udef_q<88:101>[BV x69] + x58:_and_c<88:91>{x PERS 3}[L-INDEX x65, R-INDEX x69] + e74:_market_v_1<92:101>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x69:nominalization<92:101>{x PERS 3, NUM sg, GEND n}[ARG1 e74] + x47:_arm_n_1<102:105>{x PERS 3, NUM sg, IND +}[] + e78:_of_p<106:108>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x47, ARG2 x79] + _13:proper_q<109:146>[BV x79] + e85:compound<109:146>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x79, ARG2 x84] + _14:udef_q<109:128>[BV x84] + e90:_japanese_a_1<109:117>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x84] + e92:compound<118:128>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x84, ARG2 x91] + _15:udef_q<118:122>[BV x91] + x91:_automobile_n_1<118:122>{x IND +}[] + x84:_maker_n_of<123:128>{x PERS 3, NUM sg, IND +}[] + e99:compound<129:140>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x79, ARG2 x98] + _16:proper_q<129:134>[BV x98] + x98:named<129:134>("Mazda"){x PERS 3, NUM sg, IND +}[] + x79:named<135:140>("Motor"){x PERS 3, NUM sg, IND +}[] + x105:_corporation_n_1<141:146>{x PERS 3, NUM sg, IND +}[] + _17:udef_q<141:146>[BV x105] + i109:compound<141:146>{i}[ARG1 x79, ARG2 x105] +} + +#20009002 +{e3: + e4:_in_p_state<0:2>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:_the_q<3:6>[BV x6] + e11:_new_a_1<7:10>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_position_n_of<11:19>{x PERS 3, NUM sg}[] + x13:pron<20:22>{x PERS 3, NUM sg, GEND m, PT std}[] + _2:pronoun_q<20:22>[BV x13] + e3:_oversee_v_1<28:35>{e SF prop, TENSE fut, MOOD indicative, PROG -, PERF -}[ARG1 x13, ARG2 x17] + _3:proper_q<36:41>[BV x20] + x20:named<36:41>("Mazda"){x PERS 3, NUM sg, IND +}[] + _4:def_explicit_q<41:43>[BV x17] + e27:poss<41:43>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x20] + e29:compound<44:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x28] + _5:udef_q<44:48>[BV x28] + x28:named_n<44:48>("US"){x IND +}[] + _6:udef_q<49:55>[BV x36] + x36:_sale_n_of<49:55>{x PERS 3, NUM pl}[] + _7:udef_q<56:64>[BV x42] + x17:implicit_conj<56:96>{x}[L-INDEX x36, R-INDEX i44] + _8:udef_q<65:96>[BV i44] + x42:_service_n_1<56:64>{x PERS 3, NUM sg}[] + _9:udef_q<65:70>[BV x51] + i44:implicit_conj<65:96>{i}[L-INDEX x42, R-INDEX x54] + _10:udef_q<71:96>[BV x54] + x51:_part_n_1<65:70>{x PERS 3, NUM pl, IND +}[] + _11:udef_q<71:96>[BV x60] + x54:_and_c<71:74>{x PERS 3}[L-INDEX x51, R-INDEX x60] + e66:compound<75:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x60, ARG2 x65] + _12:udef_q<75:84>[BV x65] + e71:_market_v_1<75:84>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x65:nominalization<75:84>{x PERS 3, NUM sg, GEND n}[ARG1 e71] + x60:_operation_n_of<85:96>{x PERS 3, NUM pl}[] +} + +#20009003 +{e3: + e4:_previously_p<0:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + _1:proper_q<12:38>[BV x8] + e12:compound<12:24>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x11] + _2:udef_q<12:15>[BV x11] + x11:_mister_n_1<12:15>{x PERS 3, NUM sg, IND +}[] + x8:named<16:24>("Vitulli"){x PERS 3, NUM sg, IND +}[] + e19:measure<25:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e18, ARG2 x17] + _3:udef_q<25:33>[BV x17] + e24:card<25:27>("43"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17] + x17:_year_n_1<28:33>{x PERS 3, NUM pl, IND +}[] + e18:_old_a_1<34:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8] + e3:_be_v_id<39:42>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x25] + _4:udef_q<43:107>[BV x25] + e31:compound<43:68>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x30] + _5:udef_q<43:60>[BV x30] + e36:_general_a_1<43:50>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30] + e38:_market_v_1<51:60>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x30:nominalization<51:60>{x PERS 3, NUM sg, GEND n}[ARG1 e38] + x25:_manager_n_of<61:68>{x}[] + e41:_of_p<69:71>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x42] + _6:proper_q<72:86>[BV x45] + x45:named<72:80>("Chrysler"){x PERS 3, NUM sg, IND +}[] + x49:_corporation_n_1<81:86>{x IND +}[] + _7:udef_q<81:86>[BV x49] + i53:compound<81:86>{i}[ARG1 x45, ARG2 x49] + _8:def_explicit_q<86:88>[BV x42] + e58:poss<86:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x42, ARG2 x45] + e60:compound<89:107>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x42, ARG2 x59] + _9:proper_q<89:97>[BV x59] + x59:named<89:97>("Chrysler"){x IND +}[] + x42:_division_n_of<98:107>{x PERS 3, NUM sg}[] +} + +#20009004 +{e3: + x5:pron<0:2>{x PERS 3, NUM sg, GEND m, PT std}[] + _1:pronoun_q<0:2>[BV x5] + e3:_be_v_id<7:11>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF +}[ARG1 x5, ARG2 x9] + _2:_a_q<12:13>[BV x9] + e15:compound<14:43>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x14] + _3:udef_q<14:33>[BV x14] + _4:udef_q<14:19>[BV x21] + x21:_sale_n_of<14:19>{x PERS 3, NUM pl, IND +}[] + _5:udef_q<20:33>[BV x25] + x14:_and_c<20:23>{x PERS 3}[L-INDEX x21, R-INDEX x25] + e30:_market_v_1<24:33>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x25:nominalization<24:33>{x PERS 3, NUM sg, GEND n}[ARG1 e30] + x9:_executive_n_1<34:43>{x PERS 3, NUM sg, IND +}[] + e34:_with_p<44:48>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x35] + _6:proper_q<49:57>[BV x35] + x35:named<49:57>("Chrysler"){x PERS 3, NUM sg, IND +}[] + e40:_for_p<58:61>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x41] + _7:udef_q<62:71>[BV x41] + e46:card<62:64>("20"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41] + x41:_year_n_1<65:71>{x PERS 3, NUM pl, IND +}[] +} + +#20010001 +{e4: + e4:_when_x_subord<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e9] + e9:_time_a_expl-for<10:14>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x8] + _1:def_explicit_q<19:24>[BV x8] + e15:poss<19:24>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8, ARG2 x14] + _2:pronoun_q<19:24>[BV x14] + x14:pron<19:24>{x PERS 3, NUM pl, PT std}[] + e20:_biannual_a_unknown<25:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x8] + x8:_powwow_n_unknown<34:41>{x PERS 3, NUM sg}[] + _3:_the_q<42:45>[BV x23] + x23:_nation_n_of<46:52>{x PERS 3, NUM sg, IND +}[] + _4:def_explicit_q<52:54>[BV x29] + e32:poss<52:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x29, ARG2 x23] + e34:compound<55:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x29, ARG2 x33] + _5:udef_q<55:68>[BV x33] + e39:_manufacture_v_1<55:68>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x33:nominalization<55:68>{x PERS 3, NUM sg, GEND n}[ARG1 e39] + x29:_titan_n_unknown<69:75>{x PERS 3, NUM pl}[] + e44:_typical_a_of<76:85>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e3:_jet_v_off<86:89>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x29] + e45:_to_p<94:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x46] + _6:_the_q<97:100>[BV x46] + e51:_sunny_a_1<101:106>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x46] + x46:_confines_n_1<107:115>{x PERS 3, NUM pl, IND +}[] + e52:_of_p<116:118>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x46, ARG2 x53] + _7:udef_q<119:164>[BV x53] + e59:compound<119:131>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 x58] + _8:udef_q<119:125>[BV x58] + x58:_resort_n_1<119:125>{x}[] + x53:_town_n_1<126:131>{x PERS 3, NUM pl, IND +}[] + e64:_like_p<132:136>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x53, ARG2 x65] + _9:udef_q<137:164>[BV x65] + _10:proper_q<137:147>[BV x71] + e75:compound<137:147>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x71, ARG2 x74] + _11:proper_q<137:141>[BV x74] + x74:named<137:141>("Boca"){x PERS 3, NUM sg, IND +}[] + x71:named<142:147>("Raton"){x PERS 3, NUM sg, IND +}[] + x65:_and_c<148:151>{x PERS 3, NUM pl}[L-INDEX x71, R-INDEX x81] + _12:proper_q<152:164>[BV x81] + e87:compound<152:164>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x81, ARG2 x86] + _13:proper_q<152:155>[BV x86] + x86:named<152:155>("Hot"){x PERS 3, NUM sg, IND +}[] + x81:named<156:164>("Springs"){x PERS 3, NUM sg, IND +}[] +} + +#20010002 +{e3: + e3:unknown<0:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[] + e6:neg<0:3>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e8] + e8:loc_nonsp<4:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x9] + _1:_this_q_dem<4:8>[BV x9] + x9:_year_n_1<9:14>{x PERS 3, NUM sg, IND +}[] +} + +#20010003 +{e3: + _1:_the_q<0:3>[BV x6] + e10:compound<4:24>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<4:12>[BV x9] + x9:named<4:12>("National"){x PERS 3, NUM sg, IND +}[] + x6:named<13:24>("Association"){x PERS 3, NUM sg, IND +}[] + e15:_of_p<25:27>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x16] + _3:proper_q<28:41>[BV x16] + x16:named<28:41>("Manufacturers"){x PERS 3, NUM sg, IND +}[] + e3:_settle_v_1<42:49>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e22:_on_p<50:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x23] + _4:_the_q<53:56>[BV x23] + e29:compound<57:72>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x23, ARG2 x28] + _5:proper_q<57:64>[BV x28] + x28:named<57:64>("Hoosier"){x IND +}[] + x23:_capital_n_1<65:72>{x PERS 3, NUM sg}[] + e34:_of_p<73:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x23, ARG2 x35] + _6:proper_q<76:88>[BV x35] + x35:named<76:88>("Indianapolis"){x PERS 3, NUM sg, IND +}[] + e40:_for_p<89:92>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x41] + _7:def_explicit_q<93:96>[BV x41] + e47:poss<93:96>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x46] + _8:pronoun_q<93:96>[BV x46] + x46:pron<93:96>{x PERS 3, NUM sg, GEND n, PT std}[] + e53:compound<97:116>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x52] + _9:udef_q<97:101>[BV x52] + x52:season<97:101>("fall"){x PERS 3, NUM sg, IND -}[] + e59:compound<102:116>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x58] + _10:udef_q<102:107>[BV x58] + x58:_board_n_of<102:107>{x}[] + x41:_meeting_n_of<108:116>{x PERS 3, NUM sg, IND +}[] +} + +#20010006 +{e3: + e3:_on_p<0:2>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x4] + _1:_the_q<3:6>[BV x4] + e11:compound<7:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x4, ARG2 x10] + _2:udef_q<7:16>[BV x10] + e16:_receive_v_1<7:16>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x10:nominalization<7:16>{x PERS 3, NUM sg, GEND n}[ARG1 e16] + x4:_end_n_of<17:20>{x PERS 3, NUM sg, IND +}[ARG1 x20] + _3:_the_q<24:27>[BV x20] + x20:_message_n_of<28:35>{x PERS 3, NUM sg, IND +}[] + _4:udef_q<41:167>[BV x5] + x5:_official_n_1<41:50>{x PERS 3, NUM pl, IND +}[] + e30:_from_p<51:55>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x31] + _5:udef_q<56:87>[BV x31] + x31:_giant_n_1<56:62>{x PERS 3, NUM pl, IND +}[] + e36:_like_p<63:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x31, ARG2 x37] + _6:udef_q<68:87>[BV x37] + _7:proper_q<68:75>[BV x43] + e47:compound<68:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43, ARG2 x46] + _8:proper_q<68:70>[BV x46] + x46:named<68:70>("Du"){x PERS 3, NUM sg, IND +}[] + x43:named<71:75>("Pont"){x PERS 3, NUM sg, IND +}[] + x37:_and_c<76:79>{x PERS 3, NUM pl}[L-INDEX x43, R-INDEX x53] + _9:proper_q<80:87>[BV x53] + x53:named<80:87>("Maytag"){x PERS 3, NUM sg, IND +}[] + e58:_along+with_p<88:98>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x59] + _10:udef_q<99:167>[BV x59] + e64:_less_a_1<99:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x59] + e66:comp<99:105>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e64] + x59:_known_n_unknown<106:112>{x PERS 3, NUM pl}[] + e67:_like_p<113:117>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x59, ARG2 x68] + _11:udef_q<118:167>[BV x68] + _12:proper_q<118:130>[BV x74] + e78:compound<118:130>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x74, ARG2 x77] + _13:proper_q<118:124>[BV x77] + x77:named<118:124>("Trojan"){x PERS 3, NUM sg, IND +}[] + x74:named<125:130>("Steel"){x PERS 3, NUM sg, IND +}[] + x68:_and_c<131:134>{x PERS 3, NUM pl}[L-INDEX x74, R-INDEX x84] + _14:_the_q<135:138>[BV x84] + e90:compound<139:167>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x84, ARG2 x89] + _15:proper_q<139:158>[BV x89] + e96:compound<139:158>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x89, ARG2 x95] + _16:proper_q<139:151>[BV x95] + e102:compound<139:151>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x95, ARG2 x101] + _17:proper_q<139:145>[BV x101] + x101:named<139:145>("Valley"){x PERS 3, NUM sg, IND +}[] + x95:named<146:151>("Queen"){x PERS 3, NUM sg, IND +}[] + x89:named<152:158>("Cheese"){x PERS 3, NUM sg, IND +}[] + x84:named<159:167>("Factory"){x PERS 3, NUM sg, IND +}[] +} + +#20010007 +{e3: + e4:_for_p<0:3>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:udef_q<4:13>[BV x6] + x6:_starter_n_of<4:13>{x PERS 3, NUM pl, IND +}[] + _2:_the_q<14:17>[BV x14] + x14:_executive_n_1<18:28>{x PERS 3, NUM pl, IND +}[] + e3:_join_v_1<29:35>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x14, ARG2 x17] + _3:udef_q<36:160>[BV x17] + _4:number_q<36:117>[BV x23] + e27:compound<36:63>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x23, ARG2 x26] + _5:udef_q<36:59>[BV x26] + e33:compound<36:59>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x26, ARG2 x32] + _6:proper_q<36:52>[BV x32] + e39:compound<36:52>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x32, ARG2 x38] + _7:proper_q<36:49>[BV x38] + e45:compound<36:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38, ARG2 x44] + _8:proper_q<36:41>[BV x44] + x44:named<36:41>("Mayor"){x PERS 3, NUM sg, IND +}[] + x38:named<42:49>("William"){x PERS 3, NUM sg, IND +}[] + x32:named<50:52>("H"){x PERS 3, NUM sg, IND +}[] + x26:named<53:59>("Hudnut"){x PERS 3, NUM sg, IND +}[] + x23:card<60:63>("III"){x PERS 3, NUM sg}[] + e51:_for_p<64:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x23, ARG2 x52] + _9:_a_q<68:70>[BV x52] + x52:_evening_n_of<71:78>{x PERS 3, NUM sg, GEND n, IND +}[ARG1 x57] + _10:_the_q<82:85>[BV x57] + e63:compound<86:117>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57, ARG2 x62] + _11:proper_q<86:107>[BV x62] + e69:compound<86:107>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x62, ARG2 x68] + _12:proper_q<86:98>[BV x68] + x68:named<86:98>("Indianapolis"){x PERS 3, NUM sg, IND +}[] + x62:named<99:107>("Symphony"){x PERS 3, NUM sg, IND +}[] + x57:named<108:117>("Orchestra"){x PERS 3, NUM sg, IND +}[] + x17:_and_c<118:121>{x PERS 3, NUM pl}[L-INDEX x23, R-INDEX x75] + _13:_a_q<122:123>[BV x75] + e81:compound<124:160>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x75, ARG2 x80] + _14:udef_q<124:129>[BV x80] + x80:_guest_n_of<124:129>{x PERS 3, NUM sg, IND +}[] + e88:compound<130:160>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x75, ARG2 x87] + _15:udef_q<130:146>[BV x87] + e94:compound<130:146>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x87, ARG2 x93] + _16:udef_q<130:146>[BV x93] + x93:_pianist-_n_unknown<130:146>{x}[] + x87:_comedian_n_unknown<130:146>{x PERS 3, NUM sg}[] + e100:compound<147:160>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x75, ARG2 x99] + _17:proper_q<147:153>[BV x99] + x99:named<147:153>("Victor"){x PERS 3, NUM sg, IND +}[] + x75:named<154:160>("Borge"){x PERS 3, NUM sg, IND +}[] +} + +#20010008 +{e3: + _1:udef_q<0:21>[BV x5] + _2:udef_q<0:9>[BV x10] + x10:_champagne_n_1<0:9>{x PERS 3, NUM sg, GEND n, IND -}[] + x5:_and_c<10:13>{x PERS 3, NUM pl}[L-INDEX x10, R-INDEX x14] + _3:udef_q<14:21>[BV x14] + x14:_dessert_n_1<14:21>{x PERS 3, NUM sg}[] + e3:_follow_v_1<22:31>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x5] +} + +#20010010 +{e22: + _1:_the_q<0:3>[BV x6] + x6:_governor_n_1<4:12>{x PERS 3, NUM sg, IND +}[] + e11:neg<13:21>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e3:_can_v_modal<13:21>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 e16] + e16:_make_v_1<22:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x17] + x17:pron<27:30>{x PERS 3, NUM sg, GEND n, PT std}[] + _2:pronoun_q<27:30>[BV x17] + e22:_so_x<31:33>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e11, ARG2 e37] + _3:_the_q<34:37>[BV x27] + e31:compound<38:57>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x30] + _4:udef_q<38:48>[BV x30] + x30:_lieutenant_n_1<38:48>{x IND +}[] + x27:_governor_n_1<49:57>{x PERS 3, NUM sg, IND +}[] + e37:_welcome_v_1<58:66>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x27, ARG2 x38] + _5:_the_q<67:70>[BV x38] + e43:_special_a_1<71:78>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x38] + x38:_guest_n_of<79:86>{x PERS 3, NUM pl, IND +}[] +} + +#20010011 +{e3: + _1:_a_q<0:1>[BV x6] + e10:compound<2:18>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:udef_q<2:8>[BV x9] + x9:_buffet_n_1<2:8>{x IND +}[] + x6:_breakfast_n_1<9:18>{x PERS 3, NUM sg}[] + e3:_hold_v_1<23:27>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG2 x6] + e17:_in_p<28:30>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x18] + _3:_the_q<31:34>[BV x18] + x18:_museum_n_of<35:42>{x PERS 3, NUM sg, IND +}[] + i25:loc_nonsp<43:48>{i}[ARG1 e24, ARG2 x18] + _4:udef_q<49:64>[BV x27] + _5:udef_q<49:53>[BV x32] + x32:_food_n_1<49:53>{x PERS 3, NUM sg}[] + x27:_and_c<54:57>{x PERS 3, NUM pl}[L-INDEX x32, R-INDEX x36] + _6:udef_q<58:64>[BV x36] + x36:_drink_n_1<58:64>{x PERS 3, NUM pl}[] + e24:_ban_v_from<69:75>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG2 x27] + e43:_to_p<76:78>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e24, ARG2 x44] + _7:udef_q<79:97>[BV x44] + e49:_everyday_a_1<79:87>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44] + x44:_visitor_n_of<88:97>{x PERS 3, NUM pl, IND +}[] +} + +#20010012 +{e5: + e5:_then_a_1<0:5>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3] + e7:_in_p_state<6:8>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x9] + _1:_the_q<9:12>[BV x12] + x12:_guest_n_of<13:19>{x PERS 3, NUM pl, IND +}[] + _2:def_explicit_q<19:20>[BV x9] + e20:poss<19:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9, ARG2 x12] + x9:_honor_n_1<21:27>{x PERS 3, NUM sg}[] + _3:_the_q<28:31>[BV x23] + x23:_speedway_n_unknown<32:40>{x PERS 3, NUM sg}[] + e3:_haul_v_out<41:47>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x23, ARG2 x26] + _4:udef_q<52:150>[BV x26] + _5:udef_q<52:56>[BV x31] + e35:card<52:56>("4"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x31] + x31:_driver_n_of<57:65>{x PERS 3, NUM pl, IND +}[] + _6:udef_q<66:150>[BV x39] + x26:implicit_conj<66:150>{x PERS 3, NUM pl}[L-INDEX x31, R-INDEX x39] + _7:udef_q<66:71>[BV x44] + x44:_crew_n_of<66:71>{x PERS 3, NUM pl, IND +}[] + x39:_and_c<72:75>{x PERS 3, NUM pl}[L-INDEX x44, R-INDEX x49] + e51:_even_x_deg<76:80>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 _8] + _8:_the_q<81:84>[BV x49] + e56:_official_a_1<85:93>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49] + e58:compound<94:120>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49, ARG2 x57] + _9:number_q<94:110>[BV x57] + e64:compound<94:110>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x57, ARG2 x63] + _10:udef_q<94:106>[BV x63] + x63:named<94:106>("Indianapolis"){x PERS 3, NUM sg, IND +}[] + x57:card<107:110>("500"){x PERS 3, NUM sg}[] + x49:_announcer_n_1<111:120>{x PERS 3, NUM sg, IND +}[] + e70:_for_p<121:124>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x49, ARG2 x71] + _11:_a_q<125:126>[BV x71] + e77:compound<127:150>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x71, ARG2 x76] + _12:udef_q<127:133>[BV x76] + e82:card<127:133>("10-"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x76] + x76:_lap_n_1<127:133>{x PERS 3, NUM pl, IND +}[] + e84:compound<134:150>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x71, ARG2 x83] + _13:udef_q<134:144>[BV x83] + x83:_exhibition_n_of<134:144>{x}[] + x71:_race_n_of<145:150>{x PERS 3, NUM sg}[] +} + +#20010013 +{e3: + e4:_after_p<0:5>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:_the_q<6:9>[BV x6] + x6:_race_n_of<10:15>{x PERS 3, NUM sg}[] + _2:udef_q<16:38>[BV x14] + e18:compound<16:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x14, ARG2 x17] + _3:number_q<16:27>[BV x17] + e24:compound<16:27>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x23] + _4:udef_q<16:23>[BV x23] + x23:_fortune_n_1<16:23>{x PERS 3, NUM sg, IND +}[] + x17:card<24:27>("500"){x PERS 3, NUM sg}[] + x14:_executive_n_1<28:38>{x PERS 3, NUM pl, IND +}[] + e3:_drool_v_unknown<39:46>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x14] + e31:_like_p<47:51>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x32] + _5:udef_q<52:62>[BV x32] + x32:_schoolboy_n_unknown<52:62>{x PERS 3, NUM pl}[] + e37:_over_p<63:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x38] + _6:_the_q<68:71>[BV x38] + _7:udef_q<72:76>[BV x44] + x44:_car_n_1<72:76>{x PERS 3, NUM pl, IND +}[] + _8:udef_q<77:89>[BV x48] + x38:_and_c<77:80>{x PERS 3}[L-INDEX x44, R-INDEX x48] + x48:_driver_n_of<81:89>{x PERS 3, NUM pl, IND +}[] +} + +#20010015 +{e3: + e4:loc_nonsp<0:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + x6:place_n<0:4>{x PERS 3, NUM sg}[] + _1:def_implicit_q<0:4>[BV x6] + e11:_back_p<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e12:loc_nonsp<5:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x13] + x13:place_n<5:14>{x PERS 3, NUM sg}[] + _2:def_implicit_q<5:14>[BV x13] + e18:_downtown_a_1<5:14>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x13] + _3:_the_q<15:18>[BV x21] + x21:_exec_n_unknown<19:24>{x PERS 3, NUM pl}[] + e3:_squeeze_v_in<25:33>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x24] + _4:udef_q<37:64>[BV x24] + e29:_a+few_a_1<37:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + x24:_meeting_n_of<43:51>{x PERS 3, NUM pl, IND +}[] + e31:_at_p<52:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x32] + _5:_the_q<55:58>[BV x32] + x32:_hotel_n_1<59:64>{x PERS 3, NUM sg, IND +}[] + e37:_before_p<65:71>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x38] + _6:udef_q<72:97>[BV x38] + x38:nominalization<72:97>{x PERS 3, NUM sg, GEND n}[ARG1 e44] + e44:_board_v_1<72:80>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG2 x45] + _7:_the_q<81:84>[BV x45] + x45:_bus_n_1<85:90>{x PERS 3, NUM pl, IND +}[] + e51:_again_a_1<91:97>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e44] +} + +#20010016 +{e3: + e3:implicit_conj<0:57>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[L-HNDL e7, R-HNDL e6] + e9:loc_nonsp<0:10>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e7, ARG2 x11] + _1:_this_q_dem<0:4>[BV x11] + x11:_time_n_of<5:10>{x PERS 3, NUM sg, IND +}[] + x17:pron<11:13>{x PERS 3, NUM sg, GEND n, PT std}[] + _2:pronoun_q<11:13>[BV x17] + e7:_for_p<18:21>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x21] + _3:udef_q<22:43>[BV x21] + _4:udef_q<22:28>[BV x27] + x27:_dinner_n_1<22:28>{x PERS 3, NUM sg}[] + x21:_and_c<29:32>{x PERS 3, NUM pl}[L-INDEX x27, R-INDEX x31] + _5:udef_q<33:43>[BV x31] + e36:_dance_v_1<33:40>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[] + x31:nominalization<33:40>{x PERS 3, NUM sg, GEND n}[ARG1 e36] + e6:unknown<44:57>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG x41] + _6:_a_q<44:45>[BV x41] + x41:_block_n_of<46:51>{x PERS 3, NUM sg, IND +}[] + e47:_away_p<52:57>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41] +} + +#20010017 +{e3: + e4:_under_p_state<0:5>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:_the_q<6:9>[BV x6] + _2:udef_q<10:15>[BV x12] + x12:_star_n_1<10:15>{x PERS 3, NUM pl, IND +}[] + _3:udef_q<16:25>[BV x16] + x6:_and_c<16:19>{x PERS 3}[L-INDEX x12, R-INDEX x16] + x16:_moon_n_1<20:25>{x PERS 3, NUM pl, IND +}[] + e21:_of_p<26:28>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x22] + _4:_the_q<29:32>[BV x22] + e27:_renovate_v_1<33:42>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x22] + e31:compound<43:65>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x22, ARG2 x30] + _5:proper_q<43:55>[BV x30] + e37:compound<43:55>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x30, ARG2 x36] + _6:proper_q<43:50>[BV x36] + x36:named<43:50>("Indiana"){x PERS 3, NUM sg, IND +}[] + x30:named<51:55>("Roof"){x IND +}[] + x22:_ballroom_n_1<56:65>{x PERS 3, NUM sg, IND +}[] + x43:part_of<66:70>{x PERS 3, NUM pl}[ARG1 x44] + _7:udef_q<66:70>[BV x43] + e48:card<66:70>("9"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43] + _8:_the_q<74:77>[BV x44] + e53:_hot_a_1<78:85>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44] + e54:superl<78:85>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e53] + x44:_chef_n_1<86:91>{x PERS 3, NUM pl, IND +}[] + e55:_in_p<92:94>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44, ARG2 x56] + _9:idiom_q_i<95:99>[BV x56] + x56:_town_n_i<95:99>{x PERS 3, NUM sg, IND +}[] + e3:_feed_v_1<100:103>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x43, ARG2 x62, ARG3 x61] + x61:pron<104:108>{x PERS 3, NUM pl, PT std}[] + _10:pronoun_q<104:108>[BV x61] + _11:udef_q<109:213>[BV x62] + _12:udef_q<109:137>[BV x72] + e76:compound<109:137>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x72, ARG2 x75] + _13:proper_q<109:116>[BV x75] + x75:named<109:116>("Indiana"){x IND +}[] + e82:compound<117:137>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x72, ARG2 x81] + _14:udef_q<117:125>[BV x81] + x81:_duckling_n_1<117:125>{x IND +}[] + x72:_mousseline_n_unknown<126:137>{x PERS 3, NUM sg}[] + _15:udef_q<138:213>[BV x89] + x62:implicit_conj<138:213>{x PERS 3, NUM pl}[L-INDEX x72, R-INDEX x89] + _16:udef_q<138:155>[BV x94] + e98:compound<138:155>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x94, ARG2 x97] + _17:udef_q<138:145>[BV x97] + x97:_lobster_n_1<138:145>{x}[] + x94:_consomme_n_unknown<146:155>{x PERS 3, NUM sg}[] + _18:udef_q<156:213>[BV x105] + x89:implicit_conj<156:213>{x PERS 3, NUM pl}[L-INDEX x94, R-INDEX x105] + _19:udef_q<156:167>[BV x110] + e114:compound<156:167>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x110, ARG2 x113] + _20:udef_q<156:160>[BV x113] + x113:_veal_n_unknown<156:160>{x}[] + x110:_mignon_n_unknown<161:167>{x PERS 3, NUM sg}[] + x105:_and_c<168:171>{x PERS 3, NUM pl}[L-INDEX x110, R-INDEX x120] + _21:udef_q<172:213>[BV x120] + e125:_chocolate_a_1<172:181>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x120] + x120:_terrine_n_unknown<182:189>{x PERS 3, NUM sg}[] + e126:_with_p<190:194>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x120, ARG2 x127] + _22:_a_q<195:196>[BV x127] + e133:compound<197:213>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x127, ARG2 x132] + _23:udef_q<197:206>[BV x132] + x132:_raspberry_n_1<197:206>{x IND +}[] + x127:_sauce_n_1<207:213>{x PERS 3, NUM sg}[] +} + +#20010018 +{e6: + e6:subord<0:54>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e21] + e8:_know_v_1<0:7>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG2 x9] + _1:_a_q<8:9>[BV x9] + e15:_tasty_a_1<10:15>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9] + e17:_and_c<19:22>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[L-HNDL e15, R-HNDL e19] + e19:_free_a_1<23:27>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x9] + x9:_meal_n_1<31:35>{x PERS 3, NUM sg, IND +}[] + e21:_when_x_subord<36:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e8, ARG2 e30] + x25:pron<41:45>{x PERS 3, NUM pl, PT std}[] + _2:pronoun_q<41:45>[BV x25] + e30:_eat_v_1<46:49>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x31] + x31:generic_entity<50:54>{x PERS 3, NUM sg}[] + _3:udef_q<50:54>[BV x31] + e36:card<50:54>("1"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x31] + _4:_the_q<55:58>[BV x39] + x39:_executive_n_1<59:69>{x PERS 3, NUM pl, IND +}[] + e3:_give_v_1<70:74>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x39, ARG2 x44, ARG3 x43] + _5:_the_q<75:78>[BV x43] + x43:_chef_n_1<79:84>{x PERS 3, NUM pl, IND +}[] + _6:_a_q<85:86>[BV x44] + e53:_stand_v_1<87:95>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG1 x44] + x44:_ovation_n_unknown<96:104>{x PERS 3, NUM sg}[] +} + +#20010019 +{e3: + x5:generic_entity<0:20>{x}[] + _1:udef_q<0:20>[BV x5] + e9:much-many_a<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5] + e11:comp<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e9, ARG2 x10] + _2:udef_q<10:20>[BV x10] + e16:_a+few_a_1<10:15>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + x10:_ceo_n_unknown<16:20>{x PERS 3, NUM pl, IND +}[] + e3:_say_v_to<21:24>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 e33] + _3:_the_q<25:28>[BV x21] + e25:compound<29:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x24] + _4:udef_q<29:39>[BV x24] + e30:_red_a_1<29:39>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] + x24:_carpet_n_1<29:39>{x}[] + x21:_treatment_n_of<40:49>{x PERS 3, NUM sg}[] + e33:_tempt_v_1<50:56>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x21, ARG2 x35, ARG3 e41] + x35:pron<57:61>{x PERS 3, NUM pl, PT std}[] + _5:pronoun_q<57:61>[BV x35] + e41:_return_v_1<65:71>{e SF prop-or-ques, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35] + e42:_to_p<72:74>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e41, ARG2 x43] + _6:_a_q<75:76>[BV x43] + e49:compound<77:91>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43, ARG2 x48] + _7:udef_q<77:86>[BV x48] + x48:_heartland_n_unknown<77:86>{x}[] + x43:_city_n_1<87:91>{x PERS 3, NUM sg, IND +}[] + e54:_for_p<92:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e41, ARG2 x55] + _8:udef_q<96:112>[BV x55] + e60:_future_a_1<96:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x55] + x55:_meeting_n_of<103:112>{x PERS 3, NUM pl, IND +}[] +} + +#20010020 +{e3: + e3:_but_c<0:3>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[R-HNDL e4] + e9:_for_p<4:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4, ARG2 x11] + x11:time_n<8:12>{x PERS 3, NUM sg}[] + _1:def_implicit_q<8:12>[BV x11] + e16:_now_a_1<8:12>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + x18:pron<13:17>{x PERS 3, NUM pl, PT std}[] + _2:pronoun_q<13:17>[BV x18] + e4:_look_v_1<21:28>{e SF prop, TENSE pres, MOOD indicative, PROG +, PERF -}[ARG1 x18] + e22:_forward_p_dir<29:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e4] + e23:_to_p<37:39>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e22, ARG2 x24] + e26:appos<40:68>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x25] + _3:def_explicit_q<40:45>[BV x24] + e32:poss<40:45>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x31] + _4:pronoun_q<40:45>[BV x31] + x31:pron<40:45>{x PERS 3, NUM pl, PT std}[] + e38:compound<46:63>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24, ARG2 x37] + _5:udef_q<46:52>[BV x37] + x37:season<46:52>("winter"){x PERS 3, NUM sg, IND -}[] + x24:_meeting_n_of<53:60>{x PERS 3, NUM sg, IND +}[] + _6:proper_q<64:68>[BV x25] + x25:named<64:68>("Boca"){x PERS 3, NUM sg, IND +}[] + e48:_in_p_temp<69:71>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e22, ARG2 x49] + _7:proper_q<72:81>[BV x49] + x49:mofy<72:81>("Feb"){x PERS 3, NUM sg, IND +}[] +} + +#20011001 +{e47: + _1:proper_q<0:11>[BV x6] + e10:compound<0:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:5>[BV x9] + x9:named<0:5>("South"){x PERS 3, NUM sg, IND +}[] + x6:named<6:11>("Korea"){x PERS 3, NUM sg, IND +}[] + e3:_register_v_1<12:22>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x16] + _3:_a_q<23:24>[BV x16] + e22:compound<25:38>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x16, ARG2 x21] + _4:udef_q<25:30>[BV x21] + x21:_trade_n_of<25:30>{x}[] + x16:_deficit_n_of<31:38>{x PERS 3, NUM sg, IND +}[ARG1 x28] + _5:udef_q<42:54>[BV x28] + x28:_dollar_n_1<42:43>{x PERS 3, NUM pl, IND +}[] + i35:card<43:46>("101"){i}[] + e37:card<47:54>("1000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x28] + i38:times<47:54>{i}[ARG2 i35, ARG3 e37] + e39:_in_p_temp<55:57>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x40] + _6:proper_q<58:66>[BV x40] + x40:mofy<58:66>("Oct"){x PERS 3, NUM sg, IND +}[] + e47:subord<67:114>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 e49] + e49:_reflect_v_1<67:77>{e SF prop, TENSE untensed, MOOD indicative, PROG +, PERF -}[ARG2 x50] + _7:_the_q<78:81>[BV x54] + x54:_country_n_of<82:89>{x PERS 3, NUM sg}[] + _8:def_explicit_q<89:91>[BV x50] + e62:poss<89:91>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x50, ARG2 x54] + e63:_economic_a_1<92:100>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x50] + x50:_sluggishness_n_unknown<101:114>{x PERS 3, NUM sg}[] + e64:_according+to_p<115:127>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x65] + _9:udef_q<128:166>[BV x65] + e71:compound<128:146>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x65, ARG2 x70] + _10:udef_q<128:138>[BV x70] + x70:_government_n_of<128:138>{x}[] + x65:_figure_n_1<139:146>{x PERS 3, NUM pl}[] + e77:_release_v_1<147:155>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x65] + e80:loc_nonsp<156:166>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e77, ARG2 x81] + _11:proper_q<156:166>[BV x81] + x81:dofw<156:166>("Wed"){x PERS 3, NUM sg, IND +}[] +} + +#20011004 +{e3: + _1:proper_q<0:11>[BV x6] + e10:compound<0:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:proper_q<0:5>[BV x9] + x9:named<0:5>("South"){x PERS 3, NUM sg, IND +}[] + x6:named<6:11>("Korea"){x PERS 3, NUM sg, IND +}[] + _3:def_explicit_q<11:13>[BV x17] + e20:poss<11:13>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x6] + e21:_economic_a_1<14:22>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17] + x17:_boom_n_1<23:28>{x PERS 3, NUM sg, IND +}[] + e22:_begin_v_1<35:40>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x17] + e24:_in_p_temp<41:43>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e22, ARG2 x25] + _4:proper_q<44:49>[BV x25] + x25:yofc<44:49>("1986"){x PERS 3, NUM sg, IND +}[] + e3:_stop_v_1<50:57>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x17] + e31:loc_nonsp<58:67>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x32] + _5:_this_q_dem<58:62>[BV x32] + x32:_year_n_1<63:67>{x PERS 3, NUM sg, IND +}[] + e37:_because+of_p<68:78>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x38] + _6:udef_q<79:142>[BV x38] + _7:udef_q<79:104>[BV x44] + e47:_prolonged_a_1<79:88>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44] + e49:compound<89:104>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x44, ARG2 x48] + _8:udef_q<89:94>[BV x48] + x48:_labor_n_1<89:94>{x}[] + x44:_dispute_n_1<95:104>{x PERS 3, NUM pl}[] + _9:udef_q<105:142>[BV x56] + x38:implicit_conj<105:142>{x PERS 3, NUM pl}[L-INDEX x44, R-INDEX x56] + _10:udef_q<105:120>[BV x61] + e65:compound<105:120>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x61, ARG2 x64] + _11:udef_q<105:110>[BV x64] + x64:_trade_n_of<105:110>{x}[] + x61:_conflict_n_1<111:120>{x PERS 3, NUM pl}[] + x56:_and_c<121:124>{x PERS 3, NUM pl}[L-INDEX x61, R-INDEX x72] + _12:udef_q<125:142>[BV x72] + e77:_sluggish_a_1<125:133>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x72] + x72:_export_n_of<134:142>{x PERS 3, NUM pl}[] +} + +#20011005 +{e3: + _1:udef_q<0:20>[BV x6] + e10:compound<0:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x9] + _2:udef_q<0:10>[BV x9] + x9:_government_n_of<0:10>{x}[] + x6:_official_n_1<11:20>{x PERS 3, NUM pl, IND +}[] + e3:_say_v_to<21:25>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 e37] + _3:udef_q<26:56>[BV x20] + x20:_export_n_of<26:33>{x PERS 3, NUM pl}[] + e24:_at_p<34:36>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x25] + _4:_the_q<37:40>[BV x25] + x25:_end_n_of<41:44>{x PERS 3, NUM sg, IND +}[ARG1 x30] + _5:_the_q<48:51>[BV x30] + x30:_year_n_1<52:56>{x PERS 3, NUM sg, IND +}[] + e37:_would_v_modal<57:62>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e39] + e39:_remain_v_1<63:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 e42] + e42:_under_p<70:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x20, ARG2 x43] + _6:_a_q<76:77>[BV x43] + e49:compound<78:95>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x43, ARG2 x48] + _7:udef_q<78:88>[BV x48] + x48:_government_n_of<78:88>{x}[] + x43:_target_n_of<89:95>{x PERS 3, NUM sg, IND +}[ARG1 x55] + _8:udef_q<99:111>[BV x55] + x55:_dollar_n_1<99:100>{x PERS 3, NUM pl, IND +}[] + i62:card<100:102>("68"){i}[] + e64:card<103:111>("1000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x55] + i65:times<103:111>{i}[ARG2 i62, ARG3 e64] +} + +#20011006 +{e3: + e4:_despite_p<0:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:_the_q<8:11>[BV x6] + e11:_gloomy_a_1<12:18>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + x6:_forecast_n_1<19:28>{x PERS 3, NUM sg}[] + _2:proper_q<29:40>[BV x14] + e18:compound<29:40>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x14, ARG2 x17] + _3:proper_q<29:34>[BV x17] + x17:named<29:34>("South"){x PERS 3, NUM sg, IND +}[] + x14:named<35:40>("Korea"){x PERS 3, NUM sg, IND +}[] + e3:_record_v_1<45:53>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[ARG1 x14, ARG2 x23] + _4:_a_q<54:55>[BV x23] + e29:compound<56:69>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x23, ARG2 x28] + _5:udef_q<56:61>[BV x28] + x28:_trade_n_of<56:61>{x}[] + x23:_surplus_n_of<62:69>{x PERS 3, NUM sg, IND +}[ARG1 x35] + _6:udef_q<73:91>[BV x35] + x35:_dollar_n_1<73:74>{x PERS 3, NUM pl, IND +}[] + i42:card<74:76>("71"){i}[] + e44:card<77:84>("1000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35] + i45:times<77:84>{i}[ARG2 i42, ARG3 e44] + e47:comp_so<85:87>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e46] + e46:_far_a_1<88:91>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x35] + e49:loc_nonsp<92:102>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x50] + _7:_this_q_dem<92:96>[BV x50] + x50:_year_n_1<97:102>{x PERS 3, NUM sg, IND +}[] +} + +#20011007 +{e3: + e4:_from_p_time<0:4>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x6] + _1:proper_q<5:12>[BV x6] + x6:mofy<5:12>("Jan"){x PERS 3, NUM sg, IND +}[] + e11:_to_p<13:15>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x12] + _2:proper_q<16:24>[BV x12] + x12:mofy<16:24>("Oct"){x PERS 3, NUM sg, IND +}[] + _3:_the_q<25:28>[BV x19] + x19:_nation_n_of<29:35>{x PERS 3, NUM sg, IND +}[] + _4:def_explicit_q<35:37>[BV x25] + e28:poss<35:37>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x25, ARG2 x19] + e29:_accumulate_v_cause<38:49>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x25] + x25:_export_n_of<50:57>{x PERS 3, NUM pl}[] + e3:_increase_v_1<58:67>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x25] + e33:loc_nonsp<68:70>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x34] + _5:udef_q<68:70>[BV x34] + e39:card<68:69>("4"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x34] + x34:_percent_n_of<69:70>{x PERS 3, NUM pl, IND +}[] + e40:_from_p<71:75>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x41] + _6:_the_q<76:79>[BV x41] + e46:_same_a_as<80:84>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41] + e48:comp_equal<80:84>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e46] + x41:_period_n_of<85:91>{x PERS 3, NUM sg, IND +}[] + e50:loc_nonsp<92:101>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x51] + _7:def_implicit_q<92:96>[BV x51] + i56:_last_a_1<92:96>{i}[ARG1 x51] + x51:_year_n_1<97:101>{x PERS 3, NUM sg, IND +}[] + e57:_to_p<102:104>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x58] + _8:udef_q<105:120>[BV x58] + x58:_dollar_n_1<105:106>{x PERS 3, NUM pl, IND +}[] + i65:card<106:111>("50.45"){i}[] + e67:card<112:120>("1000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x58] + i68:times<112:120>{i}[ARG2 i65, ARG3 e67] +} + +#20011008 +{e3: + _1:udef_q<0:7>[BV x6] + x6:_import_n_of<0:7>{x PERS 3, NUM pl, IND +}[] + e3:_at_p<13:15>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:udef_q<16:31>[BV x10] + x10:_dollar_n_1<16:17>{x PERS 3, NUM pl, IND +}[] + i17:card<17:22>("50.38"){i}[] + e19:card<23:31>("1000000000"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x10] + i20:times<23:31>{i}[ARG2 i17, ARG3 e19] + e21:_up_p<32:34>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e3, ARG2 x22] + _3:udef_q<35:39>[BV x22] + e27:card<35:37>("19"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x22] + x22:_percent_n_of<37:39>{x PERS 3, NUM pl, IND +}[] +} + +#20012002 +{e3: + _1:_the_q<0:3>[BV x6] + e9:_new_a_1<4:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e11:compound<8:15>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x10] + _2:udef_q<8:10>[BV x10] + x10:_ad_n_1<8:10>{x IND +}[] + x6:_plan_n_1<11:15>{x PERS 3, NUM sg, IND +}[] + e16:_from_p<16:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x17] + e19:appos<21:65>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x17, ARG2 x18] + _3:proper_q<21:30>[BV x17] + x17:named<21:30>("Newsweek"){x PERS 3, NUM sg, IND +}[] + _4:_a_q<31:32>[BV x18] + x18:_unit_n_of<33:37>{x PERS 3, NUM sg, IND +}[ARG1 x28] + _5:_the_q<41:44>[BV x28] + e34:compound<45:65>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x28, ARG2 x33] + _6:proper_q<45:60>[BV x33] + e40:compound<45:60>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x33, ARG2 x39] + _7:proper_q<45:55>[BV x39] + x39:named<45:55>("Washington"){x PERS 3, NUM sg, IND +}[] + x33:named<56:60>("Post"){x IND +}[] + x28:_co_n_1<61:65>{x PERS 3, NUM sg, IND +}[] + e3:_be_v_id<66:68>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x45] + _8:_the_q<69:72>[BV x45] + e50:ord<73:79>("2"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45] + e52:compound<80:94>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x45, ARG2 x51] + _9:udef_q<80:89>[BV x51] + x51:_incentive_n_to<80:89>{x IND +}[] + x45:_plan_n_1<90:94>{x PERS 3, NUM sg, IND +}[] + _10:_the_q<95:98>[BV x60] + x60:_magazine_n_1<99:107>{x PERS 3, NUM sg, IND +}[] + e63:_offer_v_1<112:119>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF +}[ARG1 x60, ARG2 x45, ARG3 x64] + _11:udef_q<120:131>[BV x64] + x64:_advertiser_n_unknown<120:131>{x PERS 3, NUM pl}[] + e69:_in_p<132:134>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e63, ARG2 x70] + _12:udef_q<135:147>[BV x70] + e75:card<135:140>("3"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x70] + x70:_year_n_1<141:147>{x PERS 3, NUM pl, IND +}[] +} + +#20012004 +{e3: + e6:appos<0:46>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x4] + _1:udef_q<12:46>[BV x4] + _2:proper_q<0:11>[BV x5] + e15:compound<0:11>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 x14] + _3:proper_q<0:4>[BV x14] + x14:named<0:4>("Alan"){x PERS 3, NUM sg, IND +}[] + x5:named<5:11>("Spoon"){x PERS 3, NUM sg, IND +}[] + e21:_recent_a_1<12:20>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e22] + e22:_name_v_1<21:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG2 x4] + e26:compound<27:46>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x4, ARG2 x25] + _4:proper_q<27:35>[BV x25] + x25:named<27:35>("Newsweek"){x IND +}[] + x4:_president_n_of<36:46>{x PERS 3, NUM sg, IND +}[] + e3:_say_v_to<47:51>{e SF prop, TENSE past, MOOD indicative, PROG -, PERF -}[ARG1 x5, ARG2 e54] + _5:proper_q<52:60>[BV x36] + x36:named<52:60>("Newsweek"){x PERS 3, NUM sg, IND +}[] + _6:def_explicit_q<60:62>[BV x41] + e44:poss<60:62>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x36] + e46:compound<63:71>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41, ARG2 x45] + _7:udef_q<63:65>[BV x45] + x45:_ad_n_1<63:65>{x IND +}[] + x41:_rate_n_of<66:71>{x PERS 3, NUM pl}[] + e54:_would_v_modal<72:77>{e SF prop, TENSE pres, MOOD indicative, PROG -, PERF -}[ARG1 e56] + e56:_increase_v_1<78:86>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x41] + e57:loc_nonsp<87:89>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e56, ARG2 x58] + _8:udef_q<87:89>[BV x58] + e63:card<87:88>("5"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x58] + x58:_percent_n_of<88:89>{x PERS 3, NUM pl, IND +}[] + e64:_in_p_temp<90:92>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 e56, ARG2 x65] + _9:proper_q<93:101>[BV x65] + x65:mofy<93:101>("Jan"){x PERS 3, NUM sg, IND +}[] +} + +#20012005 +{e3: + _1:_a_q<0:1>[BV x6] + e9:_full_a_of<2:7>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6] + e12:compound<8:23>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x11] + _2:udef_q<8:18>[BV x11] + e17:card<8:18>("4"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x11] + x11:_color_n_1<8:18>{x PERS 3, NUM pl}[] + x6:_page_n_1<19:23>{x PERS 3, NUM sg, IND +}[] + e18:_in_p<24:26>{e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x19] + _3:proper_q<27:35>[BV x19] + x19:named<27:35>("Newsweek"){x PERS 3, NUM sg, IND +}[] + e3:_cost_v_1<41:45>{e SF prop, TENSE fut, MOOD indicative, PROG -, PERF -}[ARG1 x6, ARG2 x24] + _4:udef_q<46:55>[BV x24] + x24:_dollar_n_1<46:47>{x PERS 3, NUM pl, IND +}[] + e29:card<47:55>("100,980"){e SF prop, TENSE untensed, MOOD indicative, PROG -, PERF -}[ARG1 x24] +} + diff --git a/mtool/data/score/eds/wsj.pet.mrp b/mtool/data/score/eds/wsj.pet.mrp new file mode 100644 index 0000000000000000000000000000000000000000..7d9eb05b523cbeba76809b701174dafd4cf59aa4 --- /dev/null +++ b/mtool/data/score/eds/wsj.pet.mrp @@ -0,0 +1,87 @@ +{"id": "20001001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29.", "tops": [10], "nodes": [{"id": 0, "label": "PROPER_Q", "anchors": [{"from": 0, "to": 27}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 14}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Pierre"], "anchors": [{"from": 0, "to": 6}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Vinken"], "anchors": [{"from": 7, "to": 14}]}, {"id": 5, "label": "measure", "anchors": [{"from": 15, "to": 23}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 15, "to": 23}]}, {"id": 7, "label": "card", "properties": ["CARG"], "values": ["61"], "anchors": [{"from": 15, "to": 17}]}, {"id": 8, "label": "_year_n_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 9, "label": "_old_a_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 10, "label": "_join_v_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "_board_n_of", "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "_as_p", "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "label": "_a_q", "anchors": [{"from": 52, "to": 53}]}, {"id": 15, "label": "_nonexecutive_a_unknown", "anchors": [{"from": 54, "to": 66}]}, {"id": 16, "label": "_director_n_of", "anchors": [{"from": 67, "to": 75}]}, {"id": 17, "label": "loc_nonsp", "anchors": [{"from": 76, "to": 84}]}, {"id": 18, "label": "mofy", "properties": ["carg"], "values": ["Nov"], "anchors": [{"from": 76, "to": 80}]}, {"id": 19, "label": "def_explicit_q", "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "label": "of_p", "anchors": [{"from": 76, "to": 80}]}, {"id": 21, "label": "def_implicit_q", "anchors": [{"from": 76, "to": 80}]}, {"id": 22, "label": "dofm", "properties": ["carg"], "values": ["29"], "anchors": [{"from": 81, "to": 84}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 5, "target": 9, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 0, "target": 4, "label": "bv"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 20, "target": 18, "label": "ARG2"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 19, "target": 22, "label": "BV"}, {"source": 21, "target": 18, "label": "BV"}, {"source": 9, "target": 4, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20001002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_mister_n_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Vinken"], "anchors": [{"from": 4, "to": 10}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 14, "to": 68}]}, {"id": 7, "label": "_chairman_n_of", "anchors": [{"from": 14, "to": 22}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 9, "label": "appos", "anchors": [{"from": 26, "to": 68}]}, {"id": 10, "label": "proper_q", "anchors": [{"from": 26, "to": 40}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Elsevier"], "anchors": [{"from": 26, "to": 34}]}, {"id": 12, "label": "_nv_n_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 35, "to": 40}]}, {"id": 14, "label": "compound", "anchors": [{"from": 35, "to": 40}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 16, "label": "_dutch_a_1", "anchors": [{"from": 45, "to": 50}]}, {"id": 17, "label": "compound", "anchors": [{"from": 51, "to": 68}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 51, "to": 61}]}, {"id": 19, "label": "_publish_v_1", "anchors": [{"from": 51, "to": 61}]}, {"id": 20, "label": "nominalization", "anchors": [{"from": 51, "to": 61}]}, {"id": 21, "label": "_group_n_of", "anchors": [{"from": 62, "to": 68}]}], "edges": [{"source": 17, "target": 21, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 15, "target": 21, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 9, "target": 21, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 16, "target": 21, "label": "ARG1"}, {"source": 14, "target": 11, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [40], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "_form_n_of", "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 10, "to": 59}]}, {"id": 3, "label": "_asbestos_n_1", "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "label": "_once_a_1", "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "_use_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "_make_v_1", "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 37, "to": 59}]}, {"id": 8, "label": "compound", "anchors": [{"from": 37, "to": 59}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "label": "compound", "anchors": [{"from": 42, "to": 59}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 42, "to": 51}]}, {"id": 13, "label": "_cigarette_n_1", "anchors": [{"from": 42, "to": 51}]}, {"id": 14, "label": "_filter_n_1", "anchors": [{"from": 52, "to": 59}]}, {"id": 15, "label": "_cause_v_1", "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "label": "_high_a_1", "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "label": "_percentage_n_of", "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 92, "to": 168}]}, {"id": 20, "label": "compound", "anchors": [{"from": 92, "to": 105}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 92, "to": 98}]}, {"id": 22, "label": "_cancer_n_1", "anchors": [{"from": 92, "to": 98}]}, {"id": 23, "label": "_death_n_1", "anchors": [{"from": 99, "to": 105}]}, {"id": 24, "label": "_among_p", "anchors": [{"from": 106, "to": 111}]}, {"id": 25, "label": "_a_q", "anchors": [{"from": 112, "to": 113}]}, {"id": 26, "label": "_group_n_of", "anchors": [{"from": 114, "to": 119}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 123, "to": 168}]}, {"id": 28, "label": "_worker_n_1", "anchors": [{"from": 123, "to": 130}]}, {"id": 29, "label": "_expose_v_1", "anchors": [{"from": 131, "to": 138}]}, {"id": 30, "label": "_to_p", "anchors": [{"from": 139, "to": 141}]}, {"id": 31, "label": "pron", "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "label": "pronoun_q", "anchors": [{"from": 142, "to": 144}]}, {"id": 33, "label": "_more+than_a_1", "anchors": [{"from": 145, "to": 154}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 155, "to": 163}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["30"], "anchors": [{"from": 155, "to": 157}]}, {"id": 36, "label": "_year_n_1", "anchors": [{"from": 158, "to": 163}]}, {"id": 37, "label": "_ago_p", "anchors": [{"from": 164, "to": 168}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 169, "to": 180}]}, {"id": 39, "label": "_researcher_n_of", "anchors": [{"from": 169, "to": 180}]}, {"id": 40, "label": "_report_v_to", "anchors": [{"from": 181, "to": 190}]}], "edges": [{"source": 38, "target": 39, "label": "BV"}, {"source": 37, "target": 29, "label": "ARG1"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 40, "target": 39, "label": "ARG1"}, {"source": 40, "target": 15, "label": "ARG2"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 30, "target": 31, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG3"}, {"source": 33, "target": 37, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 15, "target": 1, "label": "ARG1"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 32, "target": 31, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 7, "target": 14, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 8, "target": 14, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG2"}, {"source": 37, "target": 36, "label": "ARG2"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 18, "target": 23, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 6, "target": 14, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [37], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 32}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "compound", "anchors": [{"from": 4, "to": 19}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "_asbestos_n_1", "anchors": [{"from": 4, "to": 12}]}, {"id": 5, "label": "_fiber_n_1", "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 20, "to": 32}]}, {"id": 7, "label": "_crocidolite_n_unknown", "anchors": [{"from": 20, "to": 32}]}, {"id": 8, "label": "_unusually_x_deg", "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "label": "_resilient_a_unknown", "anchors": [{"from": 46, "to": 55}]}, {"id": 10, "label": "_once_x_subord", "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "label": "pron", "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "_enter_v_1", "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "label": "_lung_n_1", "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "label": "_with_x_subord", "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 87, "to": 113}]}, {"id": 18, "label": "_even_a_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "label": "_brief_a_1", "anchors": [{"from": 92, "to": 97}]}, {"id": 20, "label": "_exposure_n_of-to", "anchors": [{"from": 98, "to": 107}]}, {"id": 21, "label": "_to_p", "anchors": [{"from": 108, "to": 110}]}, {"id": 22, "label": "pron", "anchors": [{"from": 111, "to": 113}]}, {"id": 23, "label": "pronoun_q", "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "label": "_cause_v_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 122, "to": 158}]}, {"id": 26, "label": "_symptom_n_1", "anchors": [{"from": 122, "to": 130}]}, {"id": 27, "label": "_show_v_up", "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 144, "to": 151}]}, {"id": 29, "label": "_decade_n_1", "anchors": [{"from": 144, "to": 151}]}, {"id": 30, "label": "loc_nonsp", "anchors": [{"from": 152, "to": 158}]}, {"id": 31, "label": "time_n", "anchors": [{"from": 152, "to": 158}]}, {"id": 32, "label": "def_explicit_q", "anchors": [{"from": 152, "to": 158}]}, {"id": 33, "label": "_late_a_for", "anchors": [{"from": 152, "to": 158}]}, {"id": 34, "label": "comp", "anchors": [{"from": 152, "to": 158}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 159, "to": 170}]}, {"id": 36, "label": "_researcher_n_of", "anchors": [{"from": 159, "to": 170}]}, {"id": 37, "label": "_say_v_to", "anchors": [{"from": 171, "to": 176}]}], "edges": [{"source": 0, "target": 7, "label": "ARG2"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 9, "target": 5, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 30, "target": 31, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 37, "target": 16, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 33, "target": 31, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 16, "target": 10, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 17, "target": 20, "label": "BV"}, {"source": 32, "target": 31, "label": "BV"}, {"source": 30, "target": 27, "label": "ARG1"}, {"source": 16, "target": 24, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 24, "target": 20, "label": "ARG1"}, {"source": 37, "target": 36, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}]} +{"id": "20003003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [26], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 82}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 0, "to": 15}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 0, "to": 9}]}, {"id": 3, "label": "_inc_n_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "label": "compound", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "label": "_unit_n_of", "anchors": [{"from": 20, "to": 24}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 28, "to": 54}]}, {"id": 9, "label": "compound", "anchors": [{"from": 28, "to": 42}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 28, "to": 42}]}, {"id": 11, "label": "compound", "anchors": [{"from": 28, "to": 42}]}, {"id": 12, "label": "proper_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["New"], "anchors": [{"from": 28, "to": 31}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["York"], "anchors": [{"from": 32, "to": 42}]}, {"id": 15, "label": "_base_v_1", "anchors": [{"from": 32, "to": 42}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Loews"], "anchors": [{"from": 43, "to": 48}]}, {"id": 17, "label": "_corporation_n_1", "anchors": [{"from": 49, "to": 54}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 49, "to": 54}]}, {"id": 19, "label": "compound", "anchors": [{"from": 49, "to": 54}]}, {"id": 20, "label": "_make_v_1", "anchors": [{"from": 60, "to": 65}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 66, "to": 82}]}, {"id": 22, "label": "compound", "anchors": [{"from": 66, "to": 82}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 66, "to": 70}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 66, "to": 70}]}, {"id": 25, "label": "_cigarette_n_1", "anchors": [{"from": 71, "to": 82}]}, {"id": 26, "label": "_stop_v_prd", "anchors": [{"from": 83, "to": 90}]}, {"id": 27, "label": "_use_v_1", "anchors": [{"from": 91, "to": 96}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 97, "to": 143}]}, {"id": 29, "label": "_crocidolite_n_unknown", "anchors": [{"from": 97, "to": 108}]}, {"id": 30, "label": "_in_p", "anchors": [{"from": 109, "to": 111}]}, {"id": 31, "label": "def_explicit_q", "anchors": [{"from": 112, "to": 115}]}, {"id": 32, "label": "poss", "anchors": [{"from": 112, "to": 115}]}, {"id": 33, "label": "pronoun_q", "anchors": [{"from": 112, "to": 115}]}, {"id": 34, "label": "pron", "anchors": [{"from": 112, "to": 115}]}, {"id": 35, "label": "compound", "anchors": [{"from": 116, "to": 143}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 116, "to": 125}]}, {"id": 37, "label": "named", "properties": ["carg"], "values": ["Micronite"], "anchors": [{"from": 116, "to": 125}]}, {"id": 38, "label": "compound", "anchors": [{"from": 126, "to": 143}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 126, "to": 135}]}, {"id": 40, "label": "_cigarette_n_1", "anchors": [{"from": 126, "to": 135}]}, {"id": 41, "label": "_filter_n_1", "anchors": [{"from": 136, "to": 143}]}, {"id": 42, "label": "_in_p_temp", "anchors": [{"from": 144, "to": 146}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 147, "to": 152}]}, {"id": 44, "label": "yofc", "properties": ["carg"], "values": ["1956"], "anchors": [{"from": 147, "to": 152}]}], "edges": [{"source": 0, "target": 7, "label": "ARG2"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 42, "target": 27, "label": "ARG1"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 27, "target": 2, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 20, "target": 7, "label": "ARG1"}, {"source": 31, "target": 41, "label": "BV"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 9, "target": 14, "label": "ARG2"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 7, "target": 16, "label": "ARG1"}, {"source": 32, "target": 41, "label": "ARG1"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 30, "target": 41, "label": "ARG2"}, {"source": 8, "target": 16, "label": "BV"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 9, "target": 15, "label": "ARG1"}, {"source": 35, "target": 41, "label": "ARG1"}]} +{"id": "20003005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [5], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "compound", "anchors": [{"from": 2, "to": 22}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 2, "to": 11}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 2, "to": 11}]}, {"id": 4, "label": "_spokewoman_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "label": "generic_entity", "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "_this_q_dem", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_be_v_id", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_a_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "label": "_old_a_1", "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "_story_n_of", "anchors": [{"from": 45, "to": 51}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}]} +{"id": "20003007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "There is no asbestos in our products now.\"", "tops": [0], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 8}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "label": "_asbestos_n_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_in_p", "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "label": "poss", "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "label": "pron", "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "_product_n_1", "anchors": [{"from": 28, "to": 36}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "label": "time_n", "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "label": "def_implicit_q", "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_now_a_1", "anchors": [{"from": 37, "to": 42}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 9, "target": 0, "label": "ARG1"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}]} +{"id": "20003008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [9], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 61}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "_nor_c", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "label": "_researcher_n_of", "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "label": "_study_v_1", "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "label": "_worker_n_1", "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "label": "_aware_a_of", "anchors": [{"from": 67, "to": 72}]}, {"id": 10, "label": "_any_q", "anchors": [{"from": 76, "to": 79}]}, {"id": 11, "label": "_research_n_1", "anchors": [{"from": 80, "to": 88}]}, {"id": 12, "label": "_on_p", "anchors": [{"from": 89, "to": 91}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 92, "to": 123}]}, {"id": 14, "label": "_smoker_n_of", "anchors": [{"from": 92, "to": 99}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 16, "label": "compound", "anchors": [{"from": 107, "to": 123}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 107, "to": 111}]}, {"id": 19, "label": "_cigarette_n_1", "anchors": [{"from": 112, "to": 123}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20003009", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [13], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "_useful_a_for", "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "label": "_information_n_on-about", "anchors": [{"from": 19, "to": 30}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 34, "to": 61}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 34, "to": 61}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "label": "_user_n_of", "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "_at_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "label": "_risk_n_of", "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "label": "_say_v_to", "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 67, "to": 125}]}, {"id": 15, "label": "compound", "anchors": [{"from": 67, "to": 83}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 67, "to": 75}]}, {"id": 17, "label": "compound", "anchors": [{"from": 67, "to": 75}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 67, "to": 72}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["James"], "anchors": [{"from": 67, "to": 72}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["A"], "anchors": [{"from": 73, "to": 75}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 76, "to": 83}]}, {"id": 22, "label": "_of_p", "anchors": [{"from": 84, "to": 86}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 87, "to": 93}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Boston"], "anchors": [{"from": 87, "to": 93}]}, {"id": 25, "label": "def_explicit_q", "anchors": [{"from": 93, "to": 95}]}, {"id": 26, "label": "poss", "anchors": [{"from": 93, "to": 95}]}, {"id": 27, "label": "compound", "anchors": [{"from": 96, "to": 125}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 96, "to": 114}]}, {"id": 29, "label": "compound", "anchors": [{"from": 96, "to": 114}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 96, "to": 107}]}, {"id": 31, "label": "compound", "anchors": [{"from": 96, "to": 107}]}, {"id": 32, "label": "proper_q", "anchors": [{"from": 96, "to": 107}]}, {"id": 33, "label": "named", "properties": ["carg"], "values": ["Dana"], "anchors": [{"from": 96, "to": 107}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Farber"], "anchors": [{"from": 96, "to": 107}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Cancer"], "anchors": [{"from": 108, "to": 114}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Institute"], "anchors": [{"from": 115, "to": 125}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 27, "target": 35, "label": "ARG2"}, {"source": 28, "target": 35, "label": "BV"}, {"source": 31, "target": 34, "label": "ARG1"}, {"source": 22, "target": 36, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 26, "target": 36, "label": "ARG1"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 26, "target": 24, "label": "ARG2"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 13, "target": 21, "label": "ARG1"}, {"source": 25, "target": 36, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 30, "target": 34, "label": "BV"}, {"source": 29, "target": 34, "label": "ARG2"}, {"source": 29, "target": 35, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 27, "target": 36, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 13, "target": 2, "label": "ARG2"}, {"source": 14, "target": 21, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 32, "target": 33, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}]} +{"id": "20003010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_doctor_n_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 4, "to": 11}]}, {"id": 5, "label": "_lead_v_1", "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 16, "to": 17}]}, {"id": 7, "label": "_team_n_of", "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 26, "to": 141}]}, {"id": 9, "label": "_researcher_n_of", "anchors": [{"from": 26, "to": 37}]}, {"id": 10, "label": "_from_p", "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 43, "to": 141}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "label": "compound", "anchors": [{"from": 47, "to": 72}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 47, "to": 62}]}, {"id": 15, "label": "compound", "anchors": [{"from": 47, "to": 62}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 47, "to": 55}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["National"], "anchors": [{"from": 47, "to": 55}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Cancer"], "anchors": [{"from": 56, "to": 62}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Institute"], "anchors": [{"from": 63, "to": 72}]}, {"id": 20, "label": "_and_c", "anchors": [{"from": 73, "to": 76}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 77, "to": 80}]}, {"id": 22, "label": "_medical_a_1", "anchors": [{"from": 81, "to": 88}]}, {"id": 23, "label": "_school_n_1", "anchors": [{"from": 89, "to": 96}]}, {"id": 24, "label": "_of_p", "anchors": [{"from": 97, "to": 99}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 100, "to": 141}]}, {"id": 26, "label": "proper_q", "anchors": [{"from": 100, "to": 118}]}, {"id": 27, "label": "compound", "anchors": [{"from": 100, "to": 118}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 100, "to": 107}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Harvard"], "anchors": [{"from": 100, "to": 107}]}, {"id": 30, "label": "named", "properties": ["carg"], "values": ["University"], "anchors": [{"from": 108, "to": 118}]}, {"id": 31, "label": "_and_c", "anchors": [{"from": 119, "to": 122}]}, {"id": 32, "label": "proper_q", "anchors": [{"from": 123, "to": 141}]}, {"id": 33, "label": "compound", "anchors": [{"from": 123, "to": 141}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 123, "to": 129}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Boston"], "anchors": [{"from": 123, "to": 129}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["University"], "anchors": [{"from": 130, "to": 141}]}], "edges": [{"source": 1, "target": 4, "label": "ARG1"}, {"source": 31, "target": 30, "label": "L-INDEX"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 13, "target": 19, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 33, "target": 35, "label": "ARG2"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 31, "target": 36, "label": "R-INDEX"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 26, "target": 30, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 24, "target": 31, "label": "ARG2"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 11, "target": 20, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 34, "target": 35, "label": "BV"}, {"source": 20, "target": 19, "label": "L-INDEX"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 12, "target": 19, "label": "BV"}, {"source": 33, "target": 36, "label": "ARG1"}, {"source": 25, "target": 31, "label": "BV"}, {"source": 32, "target": 36, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 20, "target": 23, "label": "R-INDEX"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 10, "target": 20, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003011", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [5], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 25}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 4, "to": 13}]}, {"id": 4, "label": "_spokeswoman_n_unknown", "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "label": "_asbestos_n_1", "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "label": "_use_v_1", "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 124}]}, {"id": 11, "label": "_very_x_deg", "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "label": "_modest_a_1", "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "label": "_amount_n_of", "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "label": "_in_p", "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 77, "to": 124}]}, {"id": 16, "label": "nominalization", "anchors": [{"from": 77, "to": 124}]}, {"id": 17, "label": "_make_v_1", "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "label": "_paper_n_1", "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "label": "_for_p", "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "label": "_filter_n_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 23, "label": "_in_p", "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 109, "to": 112}]}, {"id": 25, "label": "_early_a_1", "anchors": [{"from": 113, "to": 118}]}, {"id": 26, "label": "year_range", "properties": ["carg"], "values": ["1950s"], "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "label": "_and_c", "anchors": [{"from": 125, "to": 128}]}, {"id": 28, "label": "_replace_v_with", "anchors": [{"from": 129, "to": 137}]}, {"id": 29, "label": "_a_q", "anchors": [{"from": 143, "to": 144}]}, {"id": 30, "label": "_different_a_than-from", "anchors": [{"from": 145, "to": 154}]}, {"id": 31, "label": "comp", "anchors": [{"from": 145, "to": 154}]}, {"id": 32, "label": "_type_n_of-n", "anchors": [{"from": 155, "to": 159}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 160, "to": 162}]}, {"id": 34, "label": "_filter_n_1", "anchors": [{"from": 163, "to": 169}]}, {"id": 35, "label": "_in_p_temp", "anchors": [{"from": 170, "to": 172}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 173, "to": 178}]}, {"id": 37, "label": "yofc", "properties": ["carg"], "values": ["1956"], "anchors": [{"from": 173, "to": 178}]}], "edges": [{"source": 9, "target": 13, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG1"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 27, "label": "ARG2"}, {"source": 27, "target": 8, "label": "L-HNDL"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 28, "target": 7, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 27, "target": 28, "label": "R-HNDL"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 35, "target": 28, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 23, "target": 26, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG3"}, {"source": 20, "target": 17, "label": "ARG1"}]} +{"id": "20003012", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [20], "nodes": [{"id": 0, "label": "_from_p_time", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "label": "yofc", "properties": ["carg"], "values": ["1953"], "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "label": "_to_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "label": "yofc", "properties": ["carg"], "values": ["1955"], "anchors": [{"from": 13, "to": 18}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 19, "to": 30}]}, {"id": 7, "label": "card", "properties": ["carg"], "values": ["9.8"], "anchors": [{"from": 19, "to": 22}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 23, "to": 30}]}, {"id": 9, "label": "times", "anchors": [{"from": 23, "to": 30}]}, {"id": 10, "label": "compound", "anchors": [{"from": 31, "to": 46}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 31, "to": 35}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 31, "to": 35}]}, {"id": 13, "label": "_cigarette_n_1", "anchors": [{"from": 36, "to": 46}]}, {"id": 14, "label": "_with_p", "anchors": [{"from": 47, "to": 51}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 52, "to": 55}]}, {"id": 16, "label": "_filter_n_1", "anchors": [{"from": 56, "to": 63}]}, {"id": 17, "label": "_sell_v_1", "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "label": "_company_n_of", "anchors": [{"from": 79, "to": 86}]}, {"id": 20, "label": "_say_v_to", "anchors": [{"from": 87, "to": 92}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 17, "target": 13, "label": "ARG2"}, {"source": 0, "target": 17, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG3"}, {"source": 3, "target": 17, "label": "ARG1"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 17, "label": "ARG2"}]} +{"id": "20003013", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 110}]}, {"id": 1, "label": "_among_p_state", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["33"], "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "label": "_man_n_1", "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "label": "_work_v_1", "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "label": "_close_a_to", "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "label": "_with_p", "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "label": "_substance_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "generic_entity", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["28"], "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "label": "_die_v_1", "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "label": "unknown", "anchors": [{"from": 68, "to": 110}]}, {"id": 15, "label": "generic_entity", "anchors": [{"from": 68, "to": 110}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 68, "to": 110}]}, {"id": 17, "label": "much-many_a", "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "label": "comp", "anchors": [{"from": 68, "to": 72}]}, {"id": 19, "label": "appos", "anchors": [{"from": 78, "to": 110}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 78, "to": 83}]}, {"id": 22, "label": "_time_n_of", "anchors": [{"from": 84, "to": 89}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 24, "label": "_expect_v_1", "anchors": [{"from": 94, "to": 102}]}, {"id": 25, "label": "_number_n_of", "anchors": [{"from": 103, "to": 110}]}], "edges": [{"source": 1, "target": 4, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG"}, {"source": 0, "target": 13, "label": "L-HNDL"}, {"source": 18, "target": 22, "label": "ARG2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 1, "target": 13, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 0, "target": 14, "label": "R-HNDL"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG1"}]} +{"id": "20003014", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [14], "nodes": [{"id": 0, "label": "part_of", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "label": "_survive_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "_worker_n_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "_have_v_1", "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 40, "to": 66}]}, {"id": 9, "label": "compound", "anchors": [{"from": 40, "to": 56}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 40, "to": 56}]}, {"id": 11, "label": "_asbestos_n_1", "anchors": [{"from": 40, "to": 56}]}, {"id": 12, "label": "_relate_v_to", "anchors": [{"from": 40, "to": 56}]}, {"id": 13, "label": "_disease_n_1", "anchors": [{"from": 57, "to": 66}]}, {"id": 14, "label": "subord", "anchors": [{"from": 67, "to": 114}]}, {"id": 15, "label": "_include_v_1", "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "label": "generic_entity", "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "label": "_with_p", "anchors": [{"from": 83, "to": 87}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 88, "to": 114}]}, {"id": 21, "label": "_recent_a_1", "anchors": [{"from": 88, "to": 96}]}, {"id": 22, "label": "_diagnose_v_with", "anchors": [{"from": 97, "to": 106}]}, {"id": 23, "label": "_cancer_n_1", "anchors": [{"from": 107, "to": 114}]}], "edges": [{"source": 17, "target": 16, "label": "BV"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 19, "target": 23, "label": "ARG2"}, {"source": 8, "target": 13, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 13, "label": "ARG2"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 7, "target": 0, "label": "ARG1"}]} +{"id": "20003015", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [28], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_total_n_of", "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["18"], "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "_death_n_1", "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "label": "_from_p", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 28, "to": 78}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 28, "to": 51}]}, {"id": 8, "label": "_malignant_a_1", "anchors": [{"from": 28, "to": 37}]}, {"id": 9, "label": "_mesothelioma_n_unknown", "anchors": [{"from": 38, "to": 51}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 78}]}, {"id": 11, "label": "implicit_conj", "anchors": [{"from": 52, "to": 78}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 52, "to": 63}]}, {"id": 13, "label": "compound", "anchors": [{"from": 52, "to": 63}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "label": "_lung_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 16, "label": "_cancer_n_1", "anchors": [{"from": 57, "to": 63}]}, {"id": 17, "label": "_and_c", "anchors": [{"from": 64, "to": 67}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 68, "to": 78}]}, {"id": 19, "label": "_asbestosis_n_unknown", "anchors": [{"from": 68, "to": 78}]}, {"id": 20, "label": "_far_x_deg", "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "label": "_high_a_1", "anchors": [{"from": 87, "to": 93}]}, {"id": 22, "label": "comp", "anchors": [{"from": 87, "to": 93}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 94, "to": 98}]}, {"id": 24, "label": "generic_entity", "anchors": [{"from": 94, "to": 98}]}, {"id": 25, "label": "_expect_v_1", "anchors": [{"from": 99, "to": 108}]}, {"id": 26, "label": "_the_q", "anchors": [{"from": 109, "to": 112}]}, {"id": 27, "label": "_researcher_n_of", "anchors": [{"from": 113, "to": 124}]}, {"id": 28, "label": "_say_v_to", "anchors": [{"from": 125, "to": 130}]}], "edges": [{"source": 22, "target": 21, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 6, "target": 11, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 10, "target": 17, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 28, "target": 21, "label": "ARG2"}, {"source": 21, "target": 1, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 16, "label": "L-INDEX"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 11, "target": 17, "label": "R-INDEX"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 12, "target": 16, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 17, "target": 19, "label": "R-INDEX"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 11, "target": 9, "label": "L-INDEX"}, {"source": 20, "target": 22, "label": "ARG1"}]} +{"id": "20003016", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [21], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "compound", "anchors": [{"from": 5, "to": 19}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "label": "_morbidity_n_unknown", "anchors": [{"from": 5, "to": 14}]}, {"id": 4, "label": "_rate_n_of", "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "label": "_strike_v_1", "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "_finding_n_1", "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "label": "_among_p", "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "part_of", "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "label": "_those_q_dem", "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "label": "pron", "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "label": "_study_v_1", "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 70, "to": 97}]}, {"id": 16, "label": "compound", "anchors": [{"from": 70, "to": 86}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 70, "to": 86}]}, {"id": 18, "label": "_asbestos_n_1", "anchors": [{"from": 70, "to": 86}]}, {"id": 19, "label": "_relate_v_to", "anchors": [{"from": 70, "to": 86}]}, {"id": 20, "label": "_disease_n_1", "anchors": [{"from": 87, "to": 97}]}, {"id": 21, "label": "_say_v_to", "anchors": [{"from": 98, "to": 102}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 103, "to": 115}]}, {"id": 23, "label": "compound", "anchors": [{"from": 103, "to": 115}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "label": "_doctor_n_1", "anchors": [{"from": 103, "to": 106}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 107, "to": 115}]}], "edges": [{"source": 16, "target": 19, "label": "ARG1"}, {"source": 14, "target": 20, "label": "ARG2"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 14, "target": 10, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 21, "target": 26, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 15, "target": 20, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 21, "target": 5, "label": "ARG2"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20003017", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [48], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_percentage_n_of", "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 18, "to": 95}]}, {"id": 3, "label": "compound", "anchors": [{"from": 18, "to": 36}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "label": "compound", "anchors": [{"from": 18, "to": 29}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 18, "to": 22}]}, {"id": 7, "label": "_lung_n_1", "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "label": "_cancer_n_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 9, "label": "_death_n_1", "anchors": [{"from": 30, "to": 36}]}, {"id": 10, "label": "_among_p", "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "label": "_worker_n_1", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_at_p", "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "label": "compound", "anchors": [{"from": 62, "to": 95}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 62, "to": 81}]}, {"id": 17, "label": "compound", "anchors": [{"from": 62, "to": 81}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 62, "to": 74}]}, {"id": 19, "label": "compound", "anchors": [{"from": 62, "to": 74}]}, {"id": 20, "label": "proper_q", "anchors": [{"from": 62, "to": 66}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["West"], "anchors": [{"from": 62, "to": 66}]}, {"id": 22, "label": "named", "properties": ["carg"], "values": ["Groton"], "anchors": [{"from": 67, "to": 74}]}, {"id": 23, "label": "named", "properties": ["carg"], "values": ["Massachusetts"], "anchors": [{"from": 75, "to": 81}]}, {"id": 24, "label": "compound", "anchors": [{"from": 82, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 82, "to": 87}]}, {"id": 26, "label": "_paper_n_1", "anchors": [{"from": 82, "to": 87}]}, {"id": 27, "label": "_factory_n_1", "anchors": [{"from": 88, "to": 95}]}, {"id": 28, "label": "_appear_v_to", "anchors": [{"from": 96, "to": 103}]}, {"id": 29, "label": "_be_v_id", "anchors": [{"from": 107, "to": 109}]}, {"id": 30, "label": "_the_q", "anchors": [{"from": 110, "to": 113}]}, {"id": 31, "label": "generic_entity", "anchors": [{"from": 114, "to": 121}]}, {"id": 32, "label": "_high_a_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 33, "label": "superl", "anchors": [{"from": 114, "to": 121}]}, {"id": 34, "label": "_for_p", "anchors": [{"from": 122, "to": 125}]}, {"id": 35, "label": "_any_q", "anchors": [{"from": 126, "to": 129}]}, {"id": 36, "label": "compound", "anchors": [{"from": 130, "to": 146}]}, {"id": 37, "label": "udef_q", "anchors": [{"from": 130, "to": 138}]}, {"id": 38, "label": "_asbestos_n_1", "anchors": [{"from": 130, "to": 138}]}, {"id": 39, "label": "_worker_n_1", "anchors": [{"from": 139, "to": 146}]}, {"id": 40, "label": "_study_v_1", "anchors": [{"from": 147, "to": 154}]}, {"id": 41, "label": "_in_p", "anchors": [{"from": 155, "to": 157}]}, {"id": 42, "label": "udef_q", "anchors": [{"from": 158, "to": 191}]}, {"id": 43, "label": "_western_a_1", "anchors": [{"from": 158, "to": 165}]}, {"id": 44, "label": "_industrialized_a_1", "anchors": [{"from": 166, "to": 180}]}, {"id": 45, "label": "_country_n_of", "anchors": [{"from": 181, "to": 191}]}, {"id": 46, "label": "pron", "anchors": [{"from": 192, "to": 194}]}, {"id": 47, "label": "pronoun_q", "anchors": [{"from": 192, "to": 194}]}, {"id": 48, "label": "_say_v_to", "anchors": [{"from": 195, "to": 200}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 41, "target": 45, "label": "ARG2"}, {"source": 40, "target": 39, "label": "ARG2"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 15, "target": 23, "label": "ARG2"}, {"source": 34, "target": 39, "label": "ARG2"}, {"source": 35, "target": 39, "label": "BV"}, {"source": 14, "target": 27, "label": "BV"}, {"source": 15, "target": 27, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 42, "target": 45, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 36, "target": 38, "label": "ARG2"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 24, "target": 27, "label": "ARG1"}, {"source": 48, "target": 28, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 2, "target": 9, "label": "BV"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 37, "target": 38, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 44, "target": 45, "label": "ARG1"}, {"source": 16, "target": 23, "label": "BV"}, {"source": 41, "target": 40, "label": "ARG1"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 36, "target": 39, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 29, "target": 1, "label": "ARG1"}, {"source": 47, "target": 46, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 34, "target": 31, "label": "ARG1"}, {"source": 3, "target": 9, "label": "ARG1"}, {"source": 13, "target": 27, "label": "ARG2"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 48, "target": 46, "label": "ARG1"}]} +{"id": "20003018", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [18], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_plant_n_1", "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "_own_v_1", "anchors": [{"from": 20, "to": 25}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 29, "to": 54}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 29, "to": 42}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Hollingsworth"], "anchors": [{"from": 29, "to": 42}]}, {"id": 6, "label": "_and_c", "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 45, "to": 54}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Vose"], "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "label": "_company_n_1", "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "label": "compound", "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "label": "_under_p", "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "idiom_q_i", "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "label": "_contract_n_1", "anchors": [{"from": 65, "to": 73}]}, {"id": 15, "label": "_with_p", "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "label": "_in+order+to_x", "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "label": "_make_v_1", "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "label": "compound", "anchors": [{"from": 101, "to": 119}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 101, "to": 110}]}, {"id": 23, "label": "_cigarette_n_1", "anchors": [{"from": 101, "to": 110}]}, {"id": 24, "label": "_filter_n_1", "anchors": [{"from": 111, "to": 119}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 1, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG2"}, {"source": 15, "target": 12, "label": "ARG1"}, {"source": 6, "target": 8, "label": "R-INDEX"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 19, "target": 1, "label": "ARG1"}, {"source": 19, "target": 24, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 20, "target": 24, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 18, "target": 12, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 5, "label": "L-INDEX"}]} +{"id": "20003019", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [44], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_finding_n_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_probable_a_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_support_v_1", "anchors": [{"from": 26, "to": 33}]}, {"id": 4, "label": "generic_entity", "anchors": [{"from": 34, "to": 39}]}, {"id": 5, "label": "_those_q_dem", "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "_argue_v_with", "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 8, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 59, "to": 63}]}, {"id": 9, "label": "_should_v_modal", "anchors": [{"from": 64, "to": 70}]}, {"id": 10, "label": "_regulate_v_1", "anchors": [{"from": 71, "to": 79}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 12, "label": "_class_n_of", "anchors": [{"from": 84, "to": 89}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 93, "to": 123}]}, {"id": 14, "label": "_asbestos_n_1", "anchors": [{"from": 93, "to": 101}]}, {"id": 15, "label": "_include_v_1", "anchors": [{"from": 102, "to": 111}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 112, "to": 123}]}, {"id": 17, "label": "_crocidolite_n_unknown", "anchors": [{"from": 112, "to": 123}]}, {"id": 18, "label": "comp", "anchors": [{"from": 124, "to": 128}]}, {"id": 19, "label": "_stringently_a_unknown", "anchors": [{"from": 129, "to": 140}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 141, "to": 145}]}, {"id": 21, "label": "generic_entity", "anchors": [{"from": 141, "to": 145}]}, {"id": 22, "label": "appos", "anchors": [{"from": 146, "to": 186}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 146, "to": 149}]}, {"id": 24, "label": "_common_a_for", "anchors": [{"from": 150, "to": 156}]}, {"id": 25, "label": "_kind_n_of-n", "anchors": [{"from": 157, "to": 161}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 165, "to": 174}]}, {"id": 27, "label": "_asbestos_n_1", "anchors": [{"from": 165, "to": 174}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 175, "to": 186}]}, {"id": 29, "label": "_chrysotile_n_unknown", "anchors": [{"from": 175, "to": 186}]}, {"id": 30, "label": "_find_v_1", "anchors": [{"from": 187, "to": 192}]}, {"id": 31, "label": "_in_p", "anchors": [{"from": 193, "to": 195}]}, {"id": 32, "label": "_most_q", "anchors": [{"from": 196, "to": 200}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 201, "to": 208}]}, {"id": 34, "label": "_school_n_1", "anchors": [{"from": 201, "to": 208}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 209, "to": 229}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 209, "to": 212}]}, {"id": 37, "label": "_other_a_1", "anchors": [{"from": 213, "to": 218}]}, {"id": 38, "label": "_building_n_1", "anchors": [{"from": 219, "to": 229}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 230, "to": 241}]}, {"id": 40, "label": "compound", "anchors": [{"from": 230, "to": 241}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 230, "to": 233}]}, {"id": 42, "label": "_doctor_n_1", "anchors": [{"from": 230, "to": 233}]}, {"id": 43, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 234, "to": 241}]}, {"id": 44, "label": "_say_v_to", "anchors": [{"from": 242, "to": 247}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 40, "target": 43, "label": "ARG1"}, {"source": 18, "target": 30, "label": "ARG2"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 31, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 36, "target": 34, "label": "L-INDEX"}, {"source": 35, "target": 38, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 25, "target": 27, "label": "ARG1"}, {"source": 19, "target": 10, "label": "ARG1"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 39, "target": 43, "label": "BV"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 36, "target": 38, "label": "R-INDEX"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 30, "target": 21, "label": "ARG2"}, {"source": 30, "target": 25, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 41, "target": 42, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG1"}, {"source": 44, "target": 2, "label": "ARG2"}, {"source": 37, "target": 38, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 32, "target": 36, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 22, "target": 29, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 44, "target": 43, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 40, "target": 42, "label": "ARG2"}, {"source": 31, "target": 36, "label": "ARG2"}]} +{"id": "20003020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "part_of", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "label": "little-few_a", "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "_industrialized_a_1", "anchors": [{"from": 27, "to": 41}]}, {"id": 9, "label": "_nation_n_of", "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "label": "neg", "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "label": "_have_v_1", "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "label": "_a_q", "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "label": "_high_a_1", "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "label": "comp", "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "label": "_standard_n_1", "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "label": "_of_p", "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 89, "to": 295}]}, {"id": 18, "label": "_regulation_n_1", "anchors": [{"from": 89, "to": 99}]}, {"id": 19, "label": "_for_p", "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "label": "_smooth_a_1", "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "label": "_needle_n_1", "anchors": [{"from": 116, "to": 127}]}, {"id": 23, "label": "_like_a_1", "anchors": [{"from": 116, "to": 127}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 116, "to": 127}]}, {"id": 25, "label": "_fiber_n_1", "anchors": [{"from": 128, "to": 134}]}, {"id": 26, "label": "_such+as_p", "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 143, "to": 154}]}, {"id": 28, "label": "_crocidolite_n_unknown", "anchors": [{"from": 143, "to": 154}]}, {"id": 29, "label": "_classify_v_as", "anchors": [{"from": 164, "to": 174}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 178, "to": 189}]}, {"id": 31, "label": "_amphobile_n_unknown", "anchors": [{"from": 178, "to": 189}]}, {"id": 32, "label": "_according+to_p", "anchors": [{"from": 190, "to": 202}]}, {"id": 33, "label": "appos", "anchors": [{"from": 203, "to": 295}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 203, "to": 221}]}, {"id": 35, "label": "compound", "anchors": [{"from": 203, "to": 221}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 203, "to": 212}]}, {"id": 37, "label": "compound", "anchors": [{"from": 203, "to": 212}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 203, "to": 209}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Brooke"], "anchors": [{"from": 203, "to": 209}]}, {"id": 40, "label": "named", "properties": ["carg"], "values": ["T"], "anchors": [{"from": 210, "to": 212}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Mossman"], "anchors": [{"from": 213, "to": 221}]}, {"id": 42, "label": "_a_q", "anchors": [{"from": 222, "to": 223}]}, {"id": 43, "label": "_professor_n_of", "anchors": [{"from": 224, "to": 233}]}, {"id": 44, "label": "udef_q", "anchors": [{"from": 237, "to": 295}]}, {"id": 45, "label": "_pathlogy_n_unknown", "anchors": [{"from": 237, "to": 245}]}, {"id": 46, "label": "_at_p", "anchors": [{"from": 246, "to": 248}]}, {"id": 47, "label": "_the_q", "anchors": [{"from": 249, "to": 252}]}, {"id": 48, "label": "compound", "anchors": [{"from": 253, "to": 282}]}, {"id": 49, "label": "udef_q", "anchors": [{"from": 253, "to": 274}]}, {"id": 50, "label": "_university_n_of", "anchors": [{"from": 253, "to": 263}]}, {"id": 51, "label": "proper_q", "anchors": [{"from": 267, "to": 274}]}, {"id": 52, "label": "named", "properties": ["carg"], "values": ["Vermont"], "anchors": [{"from": 267, "to": 274}]}, {"id": 53, "label": "_college_n_of", "anchors": [{"from": 275, "to": 282}]}, {"id": 54, "label": "proper_q", "anchors": [{"from": 286, "to": 295}]}, {"id": 55, "label": "named", "properties": ["carg"], "values": ["Medicine"], "anchors": [{"from": 286, "to": 295}]}], "edges": [{"source": 51, "target": 52, "label": "BV"}, {"source": 12, "target": 15, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 46, "target": 45, "label": "ARG1"}, {"source": 11, "target": 15, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 47, "target": 53, "label": "BV"}, {"source": 35, "target": 40, "label": "ARG2"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 33, "target": 41, "label": "ARG1"}, {"source": 32, "target": 29, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG1"}, {"source": 20, "target": 25, "label": "BV"}, {"source": 21, "target": 25, "label": "ARG1"}, {"source": 54, "target": 55, "label": "BV"}, {"source": 37, "target": 40, "label": "ARG1"}, {"source": 34, "target": 41, "label": "BV"}, {"source": 46, "target": 53, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 11, "target": 3, "label": "ARG1"}, {"source": 48, "target": 53, "label": "ARG1"}, {"source": 50, "target": 52, "label": "ARG1"}, {"source": 24, "target": 22, "label": "BV"}, {"source": 35, "target": 41, "label": "ARG1"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 48, "target": 50, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 33, "target": 43, "label": "ARG2"}, {"source": 53, "target": 55, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 32, "target": 41, "label": "ARG2"}, {"source": 49, "target": 50, "label": "BV"}, {"source": 29, "target": 25, "label": "ARG2"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 42, "target": 43, "label": "BV"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG2"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 43, "target": 45, "label": "ARG1"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 36, "target": 40, "label": "BV"}, {"source": 3, "target": 9, "label": "ARG1"}]} +{"id": "20003021", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [19], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 29}]}, {"id": 1, "label": "comp", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_common_a_for", "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "label": "compound", "anchors": [{"from": 12, "to": 29}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "_chrysotile_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 6, "label": "_fiber_n_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "label": "_curly_a_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "_and_c", "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "label": "comp", "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "label": "_easy_a_for", "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "label": "_reject_v_as", "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "label": "_body_n_1", "anchors": [{"from": 76, "to": 81}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 82, "to": 93}]}, {"id": 15, "label": "compound", "anchors": [{"from": 82, "to": 93}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "label": "_doctor_n_1", "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Mossman"], "anchors": [{"from": 86, "to": 93}]}, {"id": 19, "label": "_explain_v_to", "anchors": [{"from": 94, "to": 104}]}], "edges": [{"source": 19, "target": 8, "label": "ARG2"}, {"source": 8, "target": 7, "label": "L-HNDL"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 8, "target": 11, "label": "R-HNDL"}, {"source": 11, "target": 6, "label": "ARG2"}, {"source": 0, "target": 6, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20003022", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [11], "nodes": [{"id": 0, "label": "_in_p_temp", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "label": "mofy", "properties": ["carg"], "values": ["Jul"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "compound", "anchors": [{"from": 13, "to": 44}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 13, "to": 37}]}, {"id": 6, "label": "compound", "anchors": [{"from": 13, "to": 37}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 13, "to": 26}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Environmental"], "anchors": [{"from": 13, "to": 26}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Protection"], "anchors": [{"from": 27, "to": 37}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Agency"], "anchors": [{"from": 38, "to": 44}]}, {"id": 11, "label": "_impose_v_on", "anchors": [{"from": 45, "to": 52}]}, {"id": 12, "label": "_a_q", "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "label": "_gradual_a_1", "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "label": "_ban_n_1", "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "label": "_virtually_x_deg", "anchors": [{"from": 70, "to": 79}]}, {"id": 16, "label": "_all_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "label": "_use_n_of", "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 92, "to": 101}]}, {"id": 19, "label": "_asbestos_n_1", "anchors": [{"from": 92, "to": 101}]}], "edges": [{"source": 12, "target": 14, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 11, "target": 17, "label": "ARG3"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}]} +{"id": "20003023", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [13], "nodes": [{"id": 0, "label": "_by_p_temp", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "label": "yofc", "properties": ["carg"], "values": ["1997"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_almost_x_deg", "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "_all_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "label": "_remaining_a_1", "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "label": "_use_n_of", "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 38, "to": 61}]}, {"id": 8, "label": "compound", "anchors": [{"from": 38, "to": 52}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 38, "to": 52}]}, {"id": 10, "label": "_cancer_n_1", "anchors": [{"from": 38, "to": 52}]}, {"id": 11, "label": "_cause_v_1", "anchors": [{"from": 38, "to": 52}]}, {"id": 12, "label": "_asbestos_n_1", "anchors": [{"from": 53, "to": 61}]}, {"id": 13, "label": "_outlaw_v_1", "anchors": [{"from": 70, "to": 79}]}], "edges": [{"source": 7, "target": 12, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 13, "target": 6, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 0, "target": 13, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 12, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20003024", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [16], "nodes": [{"id": 0, "label": "_about_x_deg", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["160"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "_worker_n_1", "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "label": "_at_p", "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "label": "_factory_n_1", "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "_make_v_1", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "label": "_paper_n_1", "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "_for_p", "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "label": "compound", "anchors": [{"from": 55, "to": 67}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "label": "_filter_n_1", "anchors": [{"from": 60, "to": 67}]}, {"id": 16, "label": "_expose_v_to", "anchors": [{"from": 73, "to": 80}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 84, "to": 106}]}, {"id": 18, "label": "_asbestos_n_1", "anchors": [{"from": 84, "to": 92}]}, {"id": 19, "label": "_in_p", "anchors": [{"from": 93, "to": 95}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "label": "year_range", "properties": ["carg"], "values": ["1950s"], "anchors": [{"from": 100, "to": 106}]}], "edges": [{"source": 12, "target": 15, "label": "ARG1"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 16, "target": 3, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG3"}]} +{"id": "20003025", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "_area_n_of", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_factory_n_1", "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "_particular_a_1", "anchors": [{"from": 26, "to": 38}]}, {"id": 5, "label": "_dusty_a_1", "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 76}]}, {"id": 7, "label": "free_relative_q", "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "label": "place_n", "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "label": "_crocidolite_n_unknown", "anchors": [{"from": 55, "to": 66}]}, {"id": 12, "label": "_use_v_1", "anchors": [{"from": 71, "to": 76}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003026", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [17], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_worker_n_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_dump_v_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 15, "to": 58}]}, {"id": 4, "label": "_large_a_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "label": "compound", "anchors": [{"from": 21, "to": 33}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "label": "_burlap_n_unknown", "anchors": [{"from": 21, "to": 27}]}, {"id": 8, "label": "_sack_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "label": "_of_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "label": "_import_v_1", "anchors": [{"from": 41, "to": 49}]}, {"id": 12, "label": "_material_n_1", "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "label": "_into_p", "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "label": "_a_q", "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "label": "_huge_a_1", "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "label": "_bin_n_1", "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "label": "implicit_conj", "anchors": [{"from": 76, "to": 184}]}, {"id": 18, "label": "_pour_v_in", "anchors": [{"from": 76, "to": 82}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 86, "to": 111}]}, {"id": 20, "label": "compound", "anchors": [{"from": 86, "to": 111}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 86, "to": 104}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 86, "to": 92}]}, {"id": 23, "label": "_cotton_n_1", "anchors": [{"from": 86, "to": 92}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 93, "to": 104}]}, {"id": 25, "label": "_and_c", "anchors": [{"from": 93, "to": 96}]}, {"id": 26, "label": "_acetate_n_unknown", "anchors": [{"from": 97, "to": 104}]}, {"id": 27, "label": "_fiber_n_1", "anchors": [{"from": 105, "to": 111}]}, {"id": 28, "label": "_and_c", "anchors": [{"from": 112, "to": 115}]}, {"id": 29, "label": "_mechanical_a_1", "anchors": [{"from": 116, "to": 128}]}, {"id": 30, "label": "_mix_v_1", "anchors": [{"from": 129, "to": 134}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 32, "label": "_dry_a_1", "anchors": [{"from": 139, "to": 142}]}, {"id": 33, "label": "_fiber_n_1", "anchors": [{"from": 143, "to": 149}]}, {"id": 34, "label": "_in_p", "anchors": [{"from": 150, "to": 152}]}, {"id": 35, "label": "_a_q", "anchors": [{"from": 153, "to": 154}]}, {"id": 36, "label": "_process_n_of", "anchors": [{"from": 155, "to": 162}]}, {"id": 37, "label": "_use_v_1", "anchors": [{"from": 163, "to": 167}]}, {"id": 38, "label": "_make_v_1", "anchors": [{"from": 171, "to": 175}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 176, "to": 184}]}, {"id": 40, "label": "_filter_n_1", "anchors": [{"from": 176, "to": 184}]}], "edges": [{"source": 39, "target": 40, "label": "BV"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 13, "label": "ARG3"}, {"source": 25, "target": 23, "label": "L-INDEX"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 32, "target": 33, "label": "ARG1"}, {"source": 3, "target": 8, "label": "BV"}, {"source": 18, "target": 1, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 18, "target": 27, "label": "ARG2"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 19, "target": 27, "label": "BV"}, {"source": 30, "target": 33, "label": "ARG2"}, {"source": 25, "target": 26, "label": "R-INDEX"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 17, "target": 2, "label": "L-HNDL"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 29, "target": 30, "label": "ARG1"}, {"source": 20, "target": 27, "label": "ARG1"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 28, "target": 30, "label": "R-HNDL"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 30, "target": 1, "label": "ARG1"}, {"source": 28, "target": 18, "label": "L-HNDL"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 13, "target": 8, "label": "ARG1"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 37, "target": 38, "label": "ARG3"}, {"source": 37, "target": 36, "label": "ARG2"}, {"source": 17, "target": 28, "label": "R-HNDL"}, {"source": 31, "target": 33, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 34, "target": 30, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20003027", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [16], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_worker_n_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_describe_v_to", "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 18, "to": 76}]}, {"id": 4, "label": "_cloud_n_of", "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 29, "to": 76}]}, {"id": 6, "label": "_blue_a_1", "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "label": "_dust_n_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "_hang_v_1", "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "label": "_over_p", "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 55, "to": 76}]}, {"id": 11, "label": "_part_n_1", "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "label": "_of_p", "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "_the_q", "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "label": "_factory_n_1", "anchors": [{"from": 68, "to": 76}]}, {"id": 15, "label": "_even_x_deg", "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "label": "_though_x", "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 89, "to": 101}]}, {"id": 18, "label": "compound", "anchors": [{"from": 89, "to": 101}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 89, "to": 96}]}, {"id": 20, "label": "_exhaust_n_1", "anchors": [{"from": 89, "to": 96}]}, {"id": 21, "label": "_fan_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "label": "_ventilate_v_cause", "anchors": [{"from": 102, "to": 112}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 113, "to": 116}]}, {"id": 24, "label": "_area_n_of", "anchors": [{"from": 117, "to": 122}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 16, "target": 22, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 16, "target": 2, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 17, "target": 21, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20003028", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [18], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 8}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "label": "_question_n_about", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_some_q", "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "label": "part_of", "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "label": "_those_q_dem", "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "label": "_worker_n_1", "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 48, "to": 60}]}, {"id": 9, "label": "_and_c", "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "label": "_manager_n_of", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "_contract_v_1", "anchors": [{"from": 61, "to": 71}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 72, "to": 99}]}, {"id": 13, "label": "compound", "anchors": [{"from": 72, "to": 88}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 72, "to": 88}]}, {"id": 15, "label": "_asbestos_n_1", "anchors": [{"from": 72, "to": 88}]}, {"id": 16, "label": "_relate_v_to", "anchors": [{"from": 72, "to": 88}]}, {"id": 17, "label": "_disease_n_1", "anchors": [{"from": 89, "to": 99}]}, {"id": 18, "label": "_say_v_to", "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "label": "appos", "anchors": [{"from": 105, "to": 182}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 123, "to": 182}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 105, "to": 122}]}, {"id": 22, "label": "compound", "anchors": [{"from": 105, "to": 122}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 105, "to": 112}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Darrell"], "anchors": [{"from": 105, "to": 112}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Phillips"], "anchors": [{"from": 113, "to": 122}]}, {"id": 26, "label": "compound", "anchors": [{"from": 123, "to": 137}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 123, "to": 127}]}, {"id": 28, "label": "_vice_n_1", "anchors": [{"from": 123, "to": 127}]}, {"id": 29, "label": "_president_n_of", "anchors": [{"from": 128, "to": 137}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 141, "to": 182}]}, {"id": 31, "label": "_human_a_1", "anchors": [{"from": 141, "to": 146}]}, {"id": 32, "label": "_resource_n_1", "anchors": [{"from": 147, "to": 156}]}, {"id": 33, "label": "_for_p", "anchors": [{"from": 157, "to": 160}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 161, "to": 182}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 161, "to": 174}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Hollingsworth"], "anchors": [{"from": 161, "to": 174}]}, {"id": 37, "label": "_and_c", "anchors": [{"from": 175, "to": 176}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 177, "to": 182}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Vose"], "anchors": [{"from": 177, "to": 182}]}], "edges": [{"source": 20, "target": 29, "label": "BV"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 26, "target": 29, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 11, "target": 4, "label": "ARG1"}, {"source": 37, "target": 39, "label": "R-INDEX"}, {"source": 11, "target": 17, "label": "ARG2"}, {"source": 19, "target": 25, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 33, "target": 37, "label": "ARG2"}, {"source": 18, "target": 25, "label": "ARG1"}, {"source": 9, "target": 7, "label": "L-INDEX"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG1"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 19, "target": 29, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 9, "target": 10, "label": "R-INDEX"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 30, "target": 32, "label": "BV"}, {"source": 34, "target": 37, "label": "BV"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 18, "target": 0, "label": "ARG2"}, {"source": 37, "target": 36, "label": "L-INDEX"}]} +{"id": "20003029", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "_have_v_qmodal", "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "_recognize_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "label": "_these_q_dem", "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "label": "_event_n_item", "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "label": "_take_v_1", "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "label": "idiom_q_i", "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "label": "_place_n_i", "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 56, "to": 64}]}, {"id": 11, "label": "card", "properties": ["carg"], "values": ["35"], "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "label": "_year_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "_ago_p", "anchors": [{"from": 65, "to": 69}]}], "edges": [{"source": 7, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 13, "target": 7, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}]} +{"id": "20003030", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "It has no bearing on our work force today.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "label": "_no_q", "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "label": "_bearing_n_1", "anchors": [{"from": 10, "to": 17}]}, {"id": 5, "label": "_on_p", "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "poss", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 9, "label": "pron", "anchors": [{"from": 21, "to": 24}]}, {"id": 10, "label": "compound", "anchors": [{"from": 25, "to": 35}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 25, "to": 29}]}, {"id": 12, "label": "_work_n_1", "anchors": [{"from": 25, "to": 29}]}, {"id": 13, "label": "_force_n_1", "anchors": [{"from": 30, "to": 35}]}, {"id": 14, "label": "loc_nonsp", "anchors": [{"from": 36, "to": 42}]}, {"id": 15, "label": "time_n", "anchors": [{"from": 36, "to": 42}]}, {"id": 16, "label": "def_implicit_q", "anchors": [{"from": 36, "to": 42}]}, {"id": 17, "label": "_today_a_1", "anchors": [{"from": 36, "to": 42}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 14, "target": 2, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 7, "target": 13, "label": "ARG1"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 5, "target": 13, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}]} +{"id": "20004001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [12], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 35}]}, {"id": 1, "label": "_yield_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_on_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 10, "to": 35}]}, {"id": 4, "label": "compound", "anchors": [{"from": 10, "to": 35}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 10, "to": 22}]}, {"id": 6, "label": "compound", "anchors": [{"from": 10, "to": 22}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 10, "to": 22}]}, {"id": 8, "label": "_money_n_1", "anchors": [{"from": 10, "to": 22}]}, {"id": 9, "label": "_market_n_1", "anchors": [{"from": 10, "to": 22}]}, {"id": 10, "label": "_mutual_a_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 11, "label": "_fund_n_1", "anchors": [{"from": 30, "to": 35}]}, {"id": 12, "label": "_continue_v_2", "anchors": [{"from": 36, "to": 45}]}, {"id": 13, "label": "_slide_v_1", "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "label": "_amid_p", "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 61, "to": 133}]}, {"id": 16, "label": "_sign_n_of", "anchors": [{"from": 61, "to": 66}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 72, "to": 90}]}, {"id": 18, "label": "compound", "anchors": [{"from": 72, "to": 90}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 72, "to": 81}]}, {"id": 20, "label": "_portfolio_n_1", "anchors": [{"from": 72, "to": 81}]}, {"id": 21, "label": "_manager_n_of", "anchors": [{"from": 82, "to": 90}]}, {"id": 22, "label": "_expect_v_1", "anchors": [{"from": 91, "to": 97}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 98, "to": 133}]}, {"id": 24, "label": "_further_a_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 25, "label": "comp", "anchors": [{"from": 98, "to": 105}]}, {"id": 26, "label": "_decline_n_1", "anchors": [{"from": 106, "to": 114}]}, {"id": 27, "label": "_in_p", "anchors": [{"from": 115, "to": 117}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 118, "to": 133}]}, {"id": 29, "label": "compound", "anchors": [{"from": 118, "to": 133}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 118, "to": 126}]}, {"id": 31, "label": "_interest_n_in", "anchors": [{"from": 118, "to": 126}]}, {"id": 32, "label": "_rate_n_of", "anchors": [{"from": 127, "to": 133}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 16, "target": 22, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 4, "target": 11, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 3, "target": 11, "label": "BV"}, {"source": 13, "target": 1, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 22, "target": 26, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 17, "target": 21, "label": "BV"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}]} +{"id": "20004004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [9], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 42}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_maturity_n_1", "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "label": "_of_p", "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "_fund_n_1", "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "label": "poss", "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "label": "_investment_n_1", "anchors": [{"from": 31, "to": 42}]}, {"id": 9, "label": "_lengthen_v_1", "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "label": "_by_p_temp", "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "label": "_a_q", "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "label": "_day_n_of", "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "label": "_to_p", "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "label": "appos", "anchors": [{"from": 66, "to": 106}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 66, "to": 74}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["41"], "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "label": "_day_n_of", "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "label": "generic_entity", "anchors": [{"from": 79, "to": 86}]}, {"id": 20, "label": "_long_a_1", "anchors": [{"from": 79, "to": 86}]}, {"id": 21, "label": "superl", "anchors": [{"from": 79, "to": 86}]}, {"id": 22, "label": "_since_p", "anchors": [{"from": 87, "to": 92}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 93, "to": 106}]}, {"id": 24, "label": "_early_a_1", "anchors": [{"from": 93, "to": 98}]}, {"id": 25, "label": "mofy", "properties": ["carg"], "values": ["Aug"], "anchors": [{"from": 99, "to": 106}]}, {"id": 26, "label": "_according+to_p", "anchors": [{"from": 107, "to": 119}]}, {"id": 27, "label": "generic_entity", "anchors": [{"from": 120, "to": 131}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 120, "to": 128}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Donoghue"], "anchors": [{"from": 120, "to": 128}]}, {"id": 30, "label": "def_explicit_q", "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "label": "poss", "anchors": [{"from": 128, "to": 131}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 31, "target": 29, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 30, "target": 27, "label": "BV"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 31, "target": 27, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 26, "target": 9, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 22, "target": 19, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 9, "target": 2, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 26, "target": 27, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20004005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [4], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 17}]}, {"id": 1, "label": "_long_a_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "comp", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 7, "to": 17}]}, {"id": 4, "label": "_think_v_1", "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "label": "_indicate_v_1", "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 42, "to": 66}]}, {"id": 7, "label": "_declining_a_1", "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "label": "compound", "anchors": [{"from": 52, "to": 66}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "label": "_interest_n_in", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "_rate_n_of", "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "label": "_because_x", "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "label": "pron", "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "label": "_permit_v_1", "anchors": [{"from": 80, "to": 86}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 87, "to": 105}]}, {"id": 17, "label": "compound", "anchors": [{"from": 87, "to": 105}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 87, "to": 96}]}, {"id": 19, "label": "_portfolio_n_1", "anchors": [{"from": 87, "to": 96}]}, {"id": 20, "label": "_manager_n_of", "anchors": [{"from": 97, "to": 105}]}, {"id": 21, "label": "_retain_v_1", "anchors": [{"from": 109, "to": 115}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 116, "to": 139}]}, {"id": 23, "label": "_relatively_x_deg", "anchors": [{"from": 116, "to": 126}]}, {"id": 24, "label": "_high_a_1", "anchors": [{"from": 127, "to": 133}]}, {"id": 25, "label": "comp", "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "label": "_rate_n_of", "anchors": [{"from": 134, "to": 139}]}, {"id": 27, "label": "_for_p", "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "label": "_a_q", "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "label": "_long_a_1", "anchors": [{"from": 146, "to": 152}]}, {"id": 30, "label": "comp", "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "label": "_period_n_of", "anchors": [{"from": 153, "to": 160}]}], "edges": [{"source": 8, "target": 11, "label": "ARG1"}, {"source": 6, "target": 11, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 4, "target": 12, "label": "ARG3"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 27, "target": 21, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 21, "target": 26, "label": "ARG2"}, {"source": 7, "target": 11, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 28, "target": 31, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 27, "target": 31, "label": "ARG2"}, {"source": 15, "target": 21, "label": "ARG3"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [10], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 1, "label": "_short_a_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "comp", "anchors": [{"from": 0, "to": 7}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "_consider_v_1", "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "label": "_sign_n_of", "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 44, "to": 56}]}, {"id": 8, "label": "_rise_v_1", "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "label": "_rate_n_of", "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "label": "_because_x", "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 65, "to": 83}]}, {"id": 12, "label": "compound", "anchors": [{"from": 65, "to": 83}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "label": "_portfolio_n_1", "anchors": [{"from": 65, "to": 74}]}, {"id": 15, "label": "_manager_n_of", "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "label": "_can_v_modal", "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "label": "_capture_v_1", "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 96, "to": 108}]}, {"id": 19, "label": "_high_a_1", "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "label": "comp", "anchors": [{"from": 96, "to": 102}]}, {"id": 21, "label": "_rate_n_of", "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 109, "to": 116}]}, {"id": 23, "label": "time_n", "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "label": "def_implicit_q", "anchors": [{"from": 109, "to": 116}]}, {"id": 25, "label": "_soon_p", "anchors": [{"from": 109, "to": 116}]}, {"id": 26, "label": "comp", "anchors": [{"from": 109, "to": 116}]}], "edges": [{"source": 17, "target": 21, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 24, "target": 23, "label": "BV"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 22, "target": 17, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG3"}, {"source": 10, "target": 16, "label": "ARG2"}]} +{"id": "20004007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [26], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_maturity_n_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_for_p", "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 25, "to": 152}]}, {"id": 5, "label": "_fund_n_1", "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "label": "_open_a_1", "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "_only_x_deg", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "_to_p", "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 44, "to": 57}]}, {"id": 10, "label": "_institution_n_1", "anchors": [{"from": 44, "to": 57}]}, {"id": 11, "label": "_consider_v_1", "anchors": [{"from": 58, "to": 68}]}, {"id": 12, "label": "_some_q", "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "label": "generic_entity", "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "label": "_be_v_id", "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "label": "_a_q", "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "label": "_strong_a_1", "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "label": "comp", "anchors": [{"from": 85, "to": 93}]}, {"id": 18, "label": "_indicator_n_of", "anchors": [{"from": 94, "to": 103}]}, {"id": 19, "label": "_because_x", "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "label": "_those_q_dem", "anchors": [{"from": 112, "to": 117}]}, {"id": 21, "label": "_manager_n_of", "anchors": [{"from": 118, "to": 126}]}, {"id": 22, "label": "_watch_v_1", "anchors": [{"from": 127, "to": 132}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 133, "to": 136}]}, {"id": 24, "label": "_market_n_1", "anchors": [{"from": 137, "to": 143}]}, {"id": 25, "label": "_close_a_to", "anchors": [{"from": 144, "to": 152}]}, {"id": 26, "label": "_reach_v_1", "anchors": [{"from": 153, "to": 160}]}, {"id": 27, "label": "_a_q", "anchors": [{"from": 161, "to": 162}]}, {"id": 28, "label": "_high_a_1", "anchors": [{"from": 163, "to": 167}]}, {"id": 29, "label": "_point_n_of", "anchors": [{"from": 168, "to": 173}]}, {"id": 30, "label": "_for_p", "anchors": [{"from": 174, "to": 177}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 178, "to": 181}]}, {"id": 32, "label": "_year_n_1", "anchors": [{"from": 182, "to": 186}]}, {"id": 33, "label": "loc_nonsp", "anchors": [{"from": 190, "to": 198}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 190, "to": 198}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["33"], "anchors": [{"from": 190, "to": 192}]}, {"id": 36, "label": "_day_n_of", "anchors": [{"from": 193, "to": 198}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 11, "target": 5, "label": "ARG2"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 26, "target": 2, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 25, "target": 22, "label": "ARG1"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 14, "target": 5, "label": "ARG1"}, {"source": 19, "target": 14, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 33, "target": 26, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 14, "target": 18, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG1"}, {"source": 11, "target": 19, "label": "ARG3"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20004008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [0], "nodes": [{"id": 0, "label": "_nevertheless_a_1", "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "label": "_say_v_to", "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "label": "appos", "anchors": [{"from": 19, "to": 69}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 41, "to": 69}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 19, "to": 40}]}, {"id": 5, "label": "compound", "anchors": [{"from": 19, "to": 40}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 19, "to": 33}]}, {"id": 7, "label": "compound", "anchors": [{"from": 19, "to": 33}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 19, "to": 25}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Brenda"], "anchors": [{"from": 19, "to": 25}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Malizia"], "anchors": [{"from": 26, "to": 33}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Negus"], "anchors": [{"from": 34, "to": 40}]}, {"id": 12, "label": "_editor_n_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 13, "label": "_of_p", "anchors": [{"from": 48, "to": 50}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 51, "to": 69}]}, {"id": 15, "label": "compound", "anchors": [{"from": 51, "to": 69}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 51, "to": 61}]}, {"id": 17, "label": "compound", "anchors": [{"from": 51, "to": 61}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 51, "to": 56}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Money"], "anchors": [{"from": 51, "to": 56}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Fund"], "anchors": [{"from": 57, "to": 61}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Report"], "anchors": [{"from": 62, "to": 69}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 70, "to": 76}]}, {"id": 23, "label": "_yield_n_1", "anchors": [{"from": 70, "to": 76}]}, {"id": 24, "label": "_may_v_modal", "anchors": [{"from": 77, "to": 81}]}, {"id": 25, "label": "_blip/vb_u_unknown", "anchors": [{"from": 82, "to": 86}]}, {"id": 26, "label": "_up_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 27, "label": "_again_a_1", "anchors": [{"from": 90, "to": 95}]}, {"id": 28, "label": "_before_x_h", "anchors": [{"from": 96, "to": 102}]}, {"id": 29, "label": "pron", "anchors": [{"from": 103, "to": 107}]}, {"id": 30, "label": "pronoun_q", "anchors": [{"from": 103, "to": 107}]}, {"id": 31, "label": "_blip/vbp_u_unknown", "anchors": [{"from": 108, "to": 112}]}, {"id": 32, "label": "_down_p", "anchors": [{"from": 113, "to": 118}]}, {"id": 33, "label": "_because+of_p", "anchors": [{"from": 119, "to": 129}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 130, "to": 172}]}, {"id": 35, "label": "_recent_a_1", "anchors": [{"from": 130, "to": 136}]}, {"id": 36, "label": "_rise_n_1", "anchors": [{"from": 137, "to": 142}]}, {"id": 37, "label": "_in_p", "anchors": [{"from": 143, "to": 145}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 146, "to": 172}]}, {"id": 39, "label": "compound", "anchors": [{"from": 146, "to": 172}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 146, "to": 156}]}, {"id": 41, "label": "_short_a_of", "anchors": [{"from": 146, "to": 156}]}, {"id": 42, "label": "_term_n_of", "anchors": [{"from": 146, "to": 156}]}, {"id": 43, "label": "compound", "anchors": [{"from": 157, "to": 172}]}, {"id": 44, "label": "udef_q", "anchors": [{"from": 157, "to": 165}]}, {"id": 45, "label": "_interest_n_in", "anchors": [{"from": 157, "to": 165}]}, {"id": 46, "label": "_rate_n_of", "anchors": [{"from": 166, "to": 172}]}], "edges": [{"source": 37, "target": 46, "label": "ARG2"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 30, "target": 29, "label": "BV"}, {"source": 43, "target": 46, "label": "ARG1"}, {"source": 28, "target": 25, "label": "ARG1"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 31, "target": 29, "label": "ARG1"}, {"source": 5, "target": 11, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 33, "target": 31, "label": "ARG1"}, {"source": 41, "target": 42, "label": "ARG1"}, {"source": 39, "target": 46, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 21, "label": "ARG2"}, {"source": 38, "target": 46, "label": "BV"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 39, "target": 42, "label": "ARG2"}, {"source": 24, "target": 28, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 1, "target": 11, "label": "ARG1"}, {"source": 1, "target": 24, "label": "ARG2"}, {"source": 4, "target": 11, "label": "BV"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 14, "target": 21, "label": "BV"}, {"source": 37, "target": 36, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 27, "target": 25, "label": "ARG1"}, {"source": 40, "target": 42, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20004009", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [19], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_yield_n_1", "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_on_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 13, "to": 63}]}, {"id": 4, "label": "compound", "anchors": [{"from": 13, "to": 37}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 13, "to": 22}]}, {"id": 6, "label": "card", "properties": ["carg"], "values": ["6"], "anchors": [{"from": 13, "to": 22}]}, {"id": 7, "label": "_month_n_1", "anchors": [{"from": 13, "to": 22}]}, {"id": 8, "label": "compound", "anchors": [{"from": 23, "to": 37}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 23, "to": 31}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 23, "to": 31}]}, {"id": 11, "label": "_bill_n_of", "anchors": [{"from": 32, "to": 37}]}, {"id": 12, "label": "_sell_v_1", "anchors": [{"from": 38, "to": 42}]}, {"id": 13, "label": "_at_p", "anchors": [{"from": 43, "to": 45}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 46, "to": 52}]}, {"id": 15, "label": "dofw", "properties": ["carg"], "values": ["Mon"], "anchors": [{"from": 46, "to": 52}]}, {"id": 16, "label": "def_explicit_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 17, "label": "poss", "anchors": [{"from": 52, "to": 54}]}, {"id": 18, "label": "_auction_n_of", "anchors": [{"from": 55, "to": 63}]}, {"id": 19, "label": "_rise_v_1", "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "label": "_to_p", "anchors": [{"from": 82, "to": 84}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 85, "to": 90}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["8.04"], "anchors": [{"from": 85, "to": 89}]}, {"id": 23, "label": "_percent_n_of", "anchors": [{"from": 89, "to": 90}]}, {"id": 24, "label": "_from_p", "anchors": [{"from": 91, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 96, "to": 102}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["7.90"], "anchors": [{"from": 96, "to": 100}]}, {"id": 27, "label": "_percent_n_of", "anchors": [{"from": 100, "to": 102}]}], "edges": [{"source": 8, "target": 11, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 4, "target": 11, "label": "ARG1"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 19, "target": 1, "label": "ARG1"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 24, "target": 19, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 3, "target": 11, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [9], "nodes": [{"id": 0, "label": "_despite_p", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 8, "to": 34}]}, {"id": 2, "label": "_recent_a_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "_decline_n_1", "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "label": "_in_p", "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "_yield_n_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "label": "_investor_n_1", "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "label": "_continue_v_2", "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "_pour_v_1", "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "label": "_cash_n_1", "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "label": "_into_p", "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 72, "to": 84}]}, {"id": 15, "label": "compound", "anchors": [{"from": 72, "to": 84}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "label": "_money_n_1", "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "label": "_fund_n_1", "anchors": [{"from": 78, "to": 84}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}]} +{"id": "20004011", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [7], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 31}]}, {"id": 1, "label": "_asset_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_of_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "label": "_taxable_a_unknown", "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "label": "_fund_n_1", "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "label": "_grow_v_1", "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "_by_p", "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 40, "to": 52}]}, {"id": 10, "label": "_dollar_n_1", "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "label": "card", "properties": ["carg"], "values": ["1.5"], "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 45, "to": 52}]}, {"id": 13, "label": "times", "anchors": [{"from": 45, "to": 52}]}, {"id": 14, "label": "_during_p", "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "label": "_late_a_for", "anchors": [{"from": 64, "to": 70}]}, {"id": 17, "label": "superl", "anchors": [{"from": 64, "to": 70}]}, {"id": 18, "label": "_week_n_1", "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "label": "_to_p", "anchors": [{"from": 77, "to": 79}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 80, "to": 95}]}, {"id": 21, "label": "_dollar_n_1", "anchors": [{"from": 80, "to": 81}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["352.7"], "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 87, "to": 95}]}, {"id": 24, "label": "times", "anchors": [{"from": 87, "to": 95}]}], "edges": [{"source": 16, "target": 18, "label": "ARG1"}, {"source": 19, "target": 7, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG3"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 24, "target": 23, "label": "ARG3"}, {"source": 14, "target": 18, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 23, "target": 21, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004012", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [0], "nodes": [{"id": 0, "label": "_typical_a_1", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 11, "to": 28}]}, {"id": 2, "label": "compound", "anchors": [{"from": 11, "to": 28}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "label": "compound", "anchors": [{"from": 11, "to": 21}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 11, "to": 21}]}, {"id": 6, "label": "_money_n_1", "anchors": [{"from": 11, "to": 21}]}, {"id": 7, "label": "_fund_n_1", "anchors": [{"from": 11, "to": 21}]}, {"id": 8, "label": "_yield_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_beat_v_to", "anchors": [{"from": 29, "to": 33}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 34, "to": 67}]}, {"id": 11, "label": "_comparable_a_1", "anchors": [{"from": 34, "to": 44}]}, {"id": 12, "label": "compound", "anchors": [{"from": 45, "to": 67}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 45, "to": 55}]}, {"id": 14, "label": "_short_a_of", "anchors": [{"from": 45, "to": 55}]}, {"id": 15, "label": "_term_n_of", "anchors": [{"from": 45, "to": 55}]}, {"id": 16, "label": "_investment_n_1", "anchors": [{"from": 56, "to": 67}]}, {"id": 17, "label": "_because_x", "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 76, "to": 94}]}, {"id": 19, "label": "compound", "anchors": [{"from": 76, "to": 94}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 76, "to": 85}]}, {"id": 21, "label": "_portfolio_n_1", "anchors": [{"from": 76, "to": 85}]}, {"id": 22, "label": "_manager_n_of", "anchors": [{"from": 86, "to": 94}]}, {"id": 23, "label": "_can_v_modal", "anchors": [{"from": 95, "to": 98}]}, {"id": 24, "label": "_vary_v_cause", "anchors": [{"from": 99, "to": 103}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 104, "to": 114}]}, {"id": 26, "label": "_maturity_n_1", "anchors": [{"from": 104, "to": 114}]}, {"id": 27, "label": "_and_c", "anchors": [{"from": 115, "to": 118}]}, {"id": 28, "label": "_go_v_1", "anchors": [{"from": 119, "to": 121}]}, {"id": 29, "label": "_after_p", "anchors": [{"from": 122, "to": 127}]}, {"id": 30, "label": "_the_q", "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "label": "_high_a_1", "anchors": [{"from": 132, "to": 139}]}, {"id": 32, "label": "superl", "anchors": [{"from": 132, "to": 139}]}, {"id": 33, "label": "_rate_n_of", "anchors": [{"from": 140, "to": 146}]}], "edges": [{"source": 12, "target": 15, "label": "ARG2"}, {"source": 17, "target": 9, "label": "ARG1"}, {"source": 27, "target": 24, "label": "L-HNDL"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 10, "target": 16, "label": "BV"}, {"source": 17, "target": 23, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 0, "target": 17, "label": "ARG1"}, {"source": 31, "target": 33, "label": "ARG1"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 28, "target": 22, "label": "ARG1"}, {"source": 29, "target": 33, "label": "ARG2"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 30, "target": 33, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 2, "target": 8, "label": "ARG1"}, {"source": 23, "target": 27, "label": "ARG1"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 27, "target": 28, "label": "R-HNDL"}, {"source": 9, "target": 16, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 1, "target": 8, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20004014", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [19], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 49}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 0, "to": 26}]}, {"id": 2, "label": "compound", "anchors": [{"from": 0, "to": 26}]}, {"id": 3, "label": "proper_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 4, "label": "compound", "anchors": [{"from": 0, "to": 18}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Dreyfus"], "anchors": [{"from": 0, "to": 7}]}, {"id": 7, "label": "compound", "anchors": [{"from": 8, "to": 18}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 8, "to": 18}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["World-"], "anchors": [{"from": 8, "to": 18}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Wide"], "anchors": [{"from": 8, "to": 18}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Dollar"], "anchors": [{"from": 19, "to": 26}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 13, "label": "compound", "anchors": [{"from": 31, "to": 49}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 31, "to": 43}]}, {"id": 15, "label": "_top_a_1", "anchors": [{"from": 31, "to": 43}]}, {"id": 16, "label": "_yield_v_1", "anchors": [{"from": 31, "to": 43}]}, {"id": 17, "label": "nominalization", "anchors": [{"from": 31, "to": 43}]}, {"id": 18, "label": "_fund_n_1", "anchors": [{"from": 44, "to": 49}]}, {"id": 19, "label": "_have_v_1", "anchors": [{"from": 50, "to": 53}]}, {"id": 20, "label": "_a_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 21, "label": "compound", "anchors": [{"from": 56, "to": 80}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 56, "to": 65}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 56, "to": 65}]}, {"id": 24, "label": "_day_n_of", "anchors": [{"from": 56, "to": 65}]}, {"id": 25, "label": "compound", "anchors": [{"from": 66, "to": 80}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 66, "to": 74}]}, {"id": 27, "label": "_compound_n_1", "anchors": [{"from": 66, "to": 74}]}, {"id": 28, "label": "_yield_n_1", "anchors": [{"from": 75, "to": 80}]}, {"id": 29, "label": "_of_p", "anchors": [{"from": 81, "to": 83}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 84, "to": 89}]}, {"id": 31, "label": "card", "properties": ["carg"], "values": ["9.37"], "anchors": [{"from": 84, "to": 88}]}, {"id": 32, "label": "_percent_n_of", "anchors": [{"from": 88, "to": 89}]}, {"id": 33, "label": "_during_p", "anchors": [{"from": 90, "to": 96}]}, {"id": 34, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 35, "label": "_late_a_for", "anchors": [{"from": 101, "to": 107}]}, {"id": 36, "label": "superl", "anchors": [{"from": 101, "to": 107}]}, {"id": 37, "label": "_week_n_1", "anchors": [{"from": 108, "to": 113}]}, {"id": 38, "label": "_down_p", "anchors": [{"from": 114, "to": 118}]}, {"id": 39, "label": "_from_p", "anchors": [{"from": 119, "to": 123}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 124, "to": 145}]}, {"id": 41, "label": "card", "properties": ["carg"], "values": ["9.45"], "anchors": [{"from": 124, "to": 128}]}, {"id": 42, "label": "_percent_n_of", "anchors": [{"from": 128, "to": 129}]}, {"id": 43, "label": "loc_nonsp", "anchors": [{"from": 130, "to": 145}]}, {"id": 44, "label": "_a_q", "anchors": [{"from": 130, "to": 131}]}, {"id": 45, "label": "_week_n_1", "anchors": [{"from": 132, "to": 136}]}, {"id": 46, "label": "loc_nonsp", "anchors": [{"from": 137, "to": 145}]}, {"id": 47, "label": "time_n", "anchors": [{"from": 137, "to": 145}]}, {"id": 48, "label": "def_explicit_q", "anchors": [{"from": 137, "to": 145}]}, {"id": 49, "label": "_early_a_1", "anchors": [{"from": 137, "to": 145}]}, {"id": 50, "label": "comp", "anchors": [{"from": 137, "to": 145}]}], "edges": [{"source": 39, "target": 38, "label": "ARG1"}, {"source": 46, "target": 45, "label": "ARG1"}, {"source": 38, "target": 19, "label": "ARG1"}, {"source": 22, "target": 24, "label": "BV"}, {"source": 33, "target": 19, "label": "ARG1"}, {"source": 36, "target": 35, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 35, "target": 37, "label": "ARG1"}, {"source": 49, "target": 47, "label": "ARG1"}, {"source": 50, "target": 49, "label": "ARG1"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 1, "target": 11, "label": "BV"}, {"source": 0, "target": 18, "label": "ARG2"}, {"source": 46, "target": 47, "label": "ARG2"}, {"source": 21, "target": 28, "label": "ARG1"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 33, "target": 37, "label": "ARG2"}, {"source": 12, "target": 18, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 2, "target": 10, "label": "ARG2"}, {"source": 41, "target": 42, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG1"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 20, "target": 28, "label": "BV"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 19, "target": 11, "label": "ARG1"}, {"source": 39, "target": 42, "label": "ARG2"}, {"source": 21, "target": 24, "label": "ARG2"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 19, "target": 28, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 43, "target": 42, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 30, "target": 32, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 34, "target": 37, "label": "BV"}, {"source": 40, "target": 42, "label": "BV"}, {"source": 48, "target": 47, "label": "BV"}]} +{"id": "20004015", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [14], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_invest_v_in", "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "label": "_heavy_a_1", "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 22, "to": 51}]}, {"id": 5, "label": "compound", "anchors": [{"from": 22, "to": 40}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 22, "to": 40}]}, {"id": 7, "label": "_dollar_n_1", "anchors": [{"from": 22, "to": 40}]}, {"id": 8, "label": "_denominate_v_1", "anchors": [{"from": 22, "to": 40}]}, {"id": 9, "label": "_security_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "loc_nonsp", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "place_n", "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "label": "def_implicit_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 13, "label": "_overseas_a_1", "anchors": [{"from": 52, "to": 60}]}, {"id": 14, "label": "_and_c", "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "label": "relative_mod", "anchors": [{"from": 65, "to": 126}]}, {"id": 16, "label": "_current_a_1", "anchors": [{"from": 68, "to": 77}]}, {"id": 17, "label": "_waive_v_1", "anchors": [{"from": 78, "to": 85}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 86, "to": 102}]}, {"id": 19, "label": "compound", "anchors": [{"from": 86, "to": 102}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 86, "to": 96}]}, {"id": 21, "label": "_management_n_1", "anchors": [{"from": 86, "to": 96}]}, {"id": 22, "label": "_fee_n_1", "anchors": [{"from": 97, "to": 102}]}, {"id": 23, "label": "_boost_v_to", "anchors": [{"from": 109, "to": 115}]}, {"id": 24, "label": "def_explicit_q", "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "label": "poss", "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "label": "pronoun_q", "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "label": "pron", "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "label": "_yield_n_1", "anchors": [{"from": 120, "to": 126}]}], "edges": [{"source": 2, "target": 9, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 15, "target": 23, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 4, "target": 9, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 17, "target": 0, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 14, "target": 17, "label": "R-HNDL"}, {"source": 14, "target": 2, "label": "L-HNDL"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 10, "target": 2, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}]} +{"id": "20004016", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [14], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 34}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 12, "to": 21}]}, {"id": 6, "label": "_simple_a_for", "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "label": "_yield_n_1", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "compound", "anchors": [{"from": 42, "to": 51}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "label": "yofc", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 42, "to": 45}]}, {"id": 13, "label": "_fund_n_1", "anchors": [{"from": 46, "to": 51}]}, {"id": 14, "label": "_be_v_id", "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 56, "to": 62}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["8.12"], "anchors": [{"from": 56, "to": 60}]}, {"id": 17, "label": "_percent_n_of", "anchors": [{"from": 60, "to": 62}]}, {"id": 18, "label": "_down_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 19, "label": "_from_p", "anchors": [{"from": 68, "to": 72}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 73, "to": 79}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["8.14"], "anchors": [{"from": 73, "to": 77}]}, {"id": 22, "label": "_percent_n_of", "anchors": [{"from": 77, "to": 79}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 18, "target": 14, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG2"}]} +{"id": "20004017", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 123}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "compound", "anchors": [{"from": 4, "to": 23}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 4, "to": 10}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["30-"], "anchors": [{"from": 4, "to": 10}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 4, "to": 10}]}, {"id": 6, "label": "_simple_a_for", "anchors": [{"from": 11, "to": 17}]}, {"id": 7, "label": "_yield_n_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 8, "label": "_fall_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 9, "label": "_to_p", "anchors": [{"from": 29, "to": 31}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "label": "_average_a_1", "anchors": [{"from": 35, "to": 42}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["8.19"], "anchors": [{"from": 43, "to": 47}]}, {"id": 13, "label": "_percent_n_of", "anchors": [{"from": 47, "to": 48}]}, {"id": 14, "label": "_from_p", "anchors": [{"from": 49, "to": 53}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 54, "to": 60}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["8.22"], "anchors": [{"from": 54, "to": 58}]}, {"id": 17, "label": "_percent_n_of", "anchors": [{"from": 58, "to": 60}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 61, "to": 64}]}, {"id": 19, "label": "compound", "anchors": [{"from": 65, "to": 86}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 65, "to": 71}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["30-"], "anchors": [{"from": 65, "to": 71}]}, {"id": 22, "label": "_day_n_of", "anchors": [{"from": 65, "to": 71}]}, {"id": 23, "label": "compound", "anchors": [{"from": 72, "to": 86}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 72, "to": 80}]}, {"id": 25, "label": "_compound_n_1", "anchors": [{"from": 72, "to": 80}]}, {"id": 26, "label": "_yield_n_1", "anchors": [{"from": 81, "to": 86}]}, {"id": 27, "label": "_slide_v_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 28, "label": "_to_p", "anchors": [{"from": 92, "to": 94}]}, {"id": 29, "label": "_a_q", "anchors": [{"from": 95, "to": 97}]}, {"id": 30, "label": "_average_a_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 31, "label": "card", "properties": ["carg"], "values": ["8.53"], "anchors": [{"from": 106, "to": 110}]}, {"id": 32, "label": "_percent_n_of", "anchors": [{"from": 110, "to": 111}]}, {"id": 33, "label": "_from_p", "anchors": [{"from": 112, "to": 116}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 117, "to": 123}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["8.56"], "anchors": [{"from": 117, "to": 121}]}, {"id": 36, "label": "_percent_n_of", "anchors": [{"from": 121, "to": 123}]}], "edges": [{"source": 33, "target": 27, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 9, "target": 13, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 1, "target": 7, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 0, "target": 27, "label": "R-HNDL"}, {"source": 0, "target": 8, "label": "L-HNDL"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 19, "target": 26, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 26, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 14, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20005001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [34], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 109}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 13, "to": 109}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 12}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 12}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["J.P."], "anchors": [{"from": 0, "to": 4}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Bolduc"], "anchors": [{"from": 5, "to": 12}]}, {"id": 7, "label": "compound", "anchors": [{"from": 13, "to": 26}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 13, "to": 17}]}, {"id": 9, "label": "_vice_n_1", "anchors": [{"from": 13, "to": 17}]}, {"id": 10, "label": "_chairman_n_of", "anchors": [{"from": 18, "to": 26}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 30, "to": 109}]}, {"id": 12, "label": "compound", "anchors": [{"from": 30, "to": 40}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 30, "to": 34}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 30, "to": 34}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 35, "to": 40}]}, {"id": 16, "label": "_and+company_n_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 41, "to": 47}]}, {"id": 18, "label": "compound", "anchors": [{"from": 41, "to": 47}]}, {"id": 19, "label": "_hold_v_1", "anchors": [{"from": 54, "to": 59}]}, {"id": 20, "label": "_a_q", "anchors": [{"from": 60, "to": 61}]}, {"id": 21, "label": "compound", "anchors": [{"from": 62, "to": 76}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 62, "to": 67}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["83.4"], "anchors": [{"from": 62, "to": 66}]}, {"id": 24, "label": "_percent_n_of", "anchors": [{"from": 66, "to": 67}]}, {"id": 25, "label": "_interest_n_in", "anchors": [{"from": 68, "to": 76}]}, {"id": 26, "label": "_this_q_dem", "anchors": [{"from": 80, "to": 84}]}, {"id": 27, "label": "compound", "anchors": [{"from": 85, "to": 109}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 85, "to": 100}]}, {"id": 29, "label": "compound", "anchors": [{"from": 85, "to": 100}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 85, "to": 100}]}, {"id": 31, "label": "_energy_n_1", "anchors": [{"from": 85, "to": 100}]}, {"id": 32, "label": "_service_n_1", "anchors": [{"from": 85, "to": 100}]}, {"id": 33, "label": "_company_n_of", "anchors": [{"from": 101, "to": 109}]}, {"id": 34, "label": "_elect_v_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 35, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 36, "label": "_director_n_of", "anchors": [{"from": 124, "to": 133}]}], "edges": [{"source": 1, "target": 10, "label": "BV"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 22, "target": 24, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 18, "target": 15, "label": "ARG1"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 20, "target": 25, "label": "BV"}, {"source": 21, "target": 25, "label": "ARG1"}, {"source": 34, "target": 6, "label": "ARG3"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG2"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 27, "target": 33, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG1"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 0, "target": 10, "label": "ARG2"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 21, "target": 24, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 25, "target": 33, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 19, "target": 15, "label": "ARG1"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 26, "target": 33, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20005002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_succeed_v_1", "anchors": [{"from": 3, "to": 11}]}, {"id": 3, "label": "appos", "anchors": [{"from": 12, "to": 69}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 32}]}, {"id": 5, "label": "compound", "anchors": [{"from": 12, "to": 32}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 12, "to": 23}]}, {"id": 7, "label": "compound", "anchors": [{"from": 12, "to": 23}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 12, "to": 20}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Terrence"], "anchors": [{"from": 12, "to": 20}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["D"], "anchors": [{"from": 21, "to": 23}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Daniel"], "anchors": [{"from": 24, "to": 32}]}, {"id": 12, "label": "_formerly_x_deg", "anchors": [{"from": 33, "to": 41}]}, {"id": 13, "label": "_a_q", "anchors": [{"from": 42, "to": 43}]}, {"id": 14, "label": "compound", "anchors": [{"from": 44, "to": 69}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 44, "to": 54}]}, {"id": 16, "label": "compound", "anchors": [{"from": 44, "to": 54}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 44, "to": 48}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 44, "to": 48}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 49, "to": 54}]}, {"id": 20, "label": "compound", "anchors": [{"from": 55, "to": 69}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 55, "to": 59}]}, {"id": 22, "label": "_vice_n_1", "anchors": [{"from": 55, "to": 59}]}, {"id": 23, "label": "_chairman_n_of", "anchors": [{"from": 60, "to": 69}]}, {"id": 24, "label": "_resign_v_1", "anchors": [{"from": 74, "to": 83}]}], "edges": [{"source": 16, "target": 19, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 5, "target": 11, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 3, "target": 23, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 13, "target": 23, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 14, "target": 23, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 11, "label": "ARG1"}, {"source": 4, "target": 11, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 24, "target": 11, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}]} +{"id": "20005003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 5, "to": 10}]}, {"id": 5, "label": "_hold_v_1", "anchors": [{"from": 11, "to": 16}]}, {"id": 6, "label": "part_of", "anchors": [{"from": 17, "to": 22}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 17, "to": 22}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 17, "to": 22}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 26, "to": 38}]}, {"id": 10, "label": "compound", "anchors": [{"from": 26, "to": 38}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 26, "to": 31}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 26, "to": 31}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["Energy"], "anchors": [{"from": 32, "to": 38}]}, {"id": 14, "label": "def_explicit_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 15, "label": "poss", "anchors": [{"from": 38, "to": 40}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 41, "to": 46}]}, {"id": 17, "label": "compound", "anchors": [{"from": 47, "to": 59}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 47, "to": 52}]}, {"id": 19, "label": "_board_n_of", "anchors": [{"from": 47, "to": 52}]}, {"id": 20, "label": "_seat_n_1", "anchors": [{"from": 53, "to": 59}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 16, "target": 20, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 15, "target": 20, "label": "ARG1"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 6, "target": 20, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 14, "target": 20, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20006001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million.", "tops": [11], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 29}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 23}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 13}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 13}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Pacific"], "anchors": [{"from": 0, "to": 7}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["First"], "anchors": [{"from": 8, "to": 13}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Financial"], "anchors": [{"from": 14, "to": 23}]}, {"id": 8, "label": "_corporation_n_1", "anchors": [{"from": 24, "to": 29}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 24, "to": 29}]}, {"id": 10, "label": "compound", "anchors": [{"from": 24, "to": 29}]}, {"id": 11, "label": "_say_v_to", "anchors": [{"from": 30, "to": 34}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 35, "to": 47}]}, {"id": 13, "label": "_shareholder_n_1", "anchors": [{"from": 35, "to": 47}]}, {"id": 14, "label": "_approve_v_1", "anchors": [{"from": 48, "to": 56}]}, {"id": 15, "label": "def_explicit_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "label": "poss", "anchors": [{"from": 57, "to": 60}]}, {"id": 17, "label": "pronoun_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 18, "label": "pron", "anchors": [{"from": 57, "to": 60}]}, {"id": 19, "label": "_acquisition_n_of", "anchors": [{"from": 61, "to": 72}]}, {"id": 20, "label": "_by_p", "anchors": [{"from": 73, "to": 75}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 76, "to": 105}]}, {"id": 22, "label": "compound", "anchors": [{"from": 76, "to": 89}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 76, "to": 81}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Royal"], "anchors": [{"from": 76, "to": 81}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Trustco"], "anchors": [{"from": 82, "to": 89}]}, {"id": 26, "label": "_ltd_n_1", "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 90, "to": 94}]}, {"id": 28, "label": "compound", "anchors": [{"from": 90, "to": 94}]}, {"id": 29, "label": "_of_p", "anchors": [{"from": 95, "to": 97}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 98, "to": 105}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Toronto"], "anchors": [{"from": 98, "to": 105}]}, {"id": 32, "label": "_for_p", "anchors": [{"from": 106, "to": 109}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 110, "to": 139}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 110, "to": 122}]}, {"id": 35, "label": "_dollar_n_1", "anchors": [{"from": 110, "to": 111}]}, {"id": 36, "label": "card", "properties": ["carg"], "values": ["27"], "anchors": [{"from": 111, "to": 113}]}, {"id": 37, "label": "_a_p_per", "anchors": [{"from": 114, "to": 115}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 114, "to": 115}]}, {"id": 39, "label": "_share_n_of", "anchors": [{"from": 116, "to": 122}]}, {"id": 40, "label": "_or_c", "anchors": [{"from": 123, "to": 125}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 126, "to": 139}]}, {"id": 42, "label": "_dollar_n_1", "anchors": [{"from": 126, "to": 127}]}, {"id": 43, "label": "card", "properties": ["carg"], "values": ["212"], "anchors": [{"from": 127, "to": 130}]}, {"id": 44, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 131, "to": 139}]}, {"id": 45, "label": "times", "anchors": [{"from": 131, "to": 139}]}], "edges": [{"source": 1, "target": 7, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 36, "target": 35, "label": "ARG1"}, {"source": 37, "target": 35, "label": "ARG1"}, {"source": 28, "target": 25, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 44, "target": 42, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 45, "target": 44, "label": "ARG3"}, {"source": 28, "target": 26, "label": "ARG2"}, {"source": 27, "target": 26, "label": "BV"}, {"source": 32, "target": 40, "label": "ARG2"}, {"source": 34, "target": 35, "label": "BV"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 41, "target": 42, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 32, "target": 14, "label": "ARG1"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 29, "target": 25, "label": "ARG1"}, {"source": 40, "target": 42, "label": "R-INDEX"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 11, "target": 7, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 33, "target": 40, "label": "BV"}, {"source": 45, "target": 43, "label": "ARG2"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 40, "target": 35, "label": "L-INDEX"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20006002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end.", "tops": [8], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 26}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "label": "_thrift_n_unknown", "anchors": [{"from": 4, "to": 10}]}, {"id": 4, "label": "compound", "anchors": [{"from": 11, "to": 26}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 11, "to": 18}]}, {"id": 6, "label": "_holding_n_1", "anchors": [{"from": 11, "to": 18}]}, {"id": 7, "label": "_company_n_of", "anchors": [{"from": 19, "to": 26}]}, {"id": 8, "label": "_say_v_to", "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "label": "pron", "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "label": "_expect_v_1", "anchors": [{"from": 35, "to": 42}]}, {"id": 12, "label": "_obtain_v_1", "anchors": [{"from": 46, "to": 52}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 53, "to": 72}]}, {"id": 14, "label": "_regulatory_a_1", "anchors": [{"from": 53, "to": 63}]}, {"id": 15, "label": "_approval_n_of", "anchors": [{"from": 64, "to": 72}]}, {"id": 16, "label": "_and_c", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "_complete_v_2", "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "_transaction_n_1", "anchors": [{"from": 90, "to": 101}]}, {"id": 20, "label": "_by_p", "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 105, "to": 114}]}, {"id": 22, "label": "_year+end_n_1", "anchors": [{"from": 105, "to": 114}]}], "edges": [{"source": 1, "target": 7, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 17, "target": 9, "label": "ARG1"}, {"source": 16, "target": 12, "label": "L-HNDL"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 16, "target": 17, "label": "R-HNDL"}, {"source": 12, "target": 9, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 20, "target": 17, "label": "ARG1"}]} +{"id": "20007002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [2], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Finmeccanica"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "label": "_italian_a_1", "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "label": "compound", "anchors": [{"from": 27, "to": 38}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 27, "to": 38}]}, {"id": 7, "label": "_state_n_of", "anchors": [{"from": 27, "to": 38}]}, {"id": 8, "label": "_own_v_1", "anchors": [{"from": 27, "to": 38}]}, {"id": 9, "label": "compound", "anchors": [{"from": 39, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "label": "_holding_n_1", "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "label": "_company_n_of", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_with_p", "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 60, "to": 109}]}, {"id": 15, "label": "_interest_n_in", "anchors": [{"from": 60, "to": 69}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "_mechanical_a_1", "anchors": [{"from": 77, "to": 87}]}, {"id": 18, "label": "compound", "anchors": [{"from": 88, "to": 109}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 88, "to": 99}]}, {"id": 20, "label": "_engineering_n_1", "anchors": [{"from": 88, "to": 99}]}, {"id": 21, "label": "_industry_n_1", "anchors": [{"from": 100, "to": 109}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 17, "target": 21, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 16, "target": 21, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20007003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [12], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 42}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 16}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Bailey"], "anchors": [{"from": 0, "to": 6}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Controls"], "anchors": [{"from": 7, "to": 16}]}, {"id": 5, "label": "_base_v_1", "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 26, "to": 42}]}, {"id": 8, "label": "compound", "anchors": [{"from": 26, "to": 42}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 26, "to": 36}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Wickliffe"], "anchors": [{"from": 26, "to": 36}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Ohio"], "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_make_v_1", "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 49, "to": 90}]}, {"id": 14, "label": "_computerize_v_1", "anchors": [{"from": 49, "to": 61}]}, {"id": 15, "label": "compound", "anchors": [{"from": 62, "to": 90}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 62, "to": 81}]}, {"id": 17, "label": "_industrial_a_1", "anchors": [{"from": 62, "to": 72}]}, {"id": 18, "label": "_control_n_of", "anchors": [{"from": 73, "to": 81}]}, {"id": 19, "label": "_system_n_of", "anchors": [{"from": 82, "to": 90}]}], "edges": [{"source": 8, "target": 11, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 12, "target": 19, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG3"}, {"source": 5, "target": 4, "label": "ARG2"}, {"source": 15, "target": 19, "label": "ARG1"}, {"source": 7, "target": 11, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 13, "target": 19, "label": "BV"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 12, "target": 4, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20007004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [6], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_employ_v_1", "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["2,700"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "_people_n_of", "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "label": "_and_c", "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "label": "_have_v_1", "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 32, "to": 69}]}, {"id": 9, "label": "_annual_a_1", "anchors": [{"from": 32, "to": 38}]}, {"id": 10, "label": "_revenue_n_1", "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "label": "_of_p", "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "label": "_about_x_deg", "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 56, "to": 69}]}, {"id": 14, "label": "_dollar_n_1", "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["370"], "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 61, "to": 69}]}, {"id": 17, "label": "times", "anchors": [{"from": 61, "to": 69}]}], "edges": [{"source": 16, "target": 14, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 6, "target": 2, "label": "L-HNDL"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 17, "target": 16, "label": "ARG3"}, {"source": 6, "target": 7, "label": "R-HNDL"}, {"source": 7, "target": 0, "label": "ARG1"}]} +{"id": "20008001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [14], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_federal_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_government_n_of", "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "_suspend_v_1", "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 33, "to": 60}]}, {"id": 5, "label": "_sale_n_of", "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 42, "to": 60}]}, {"id": 7, "label": "compound", "anchors": [{"from": 42, "to": 60}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "label": "compound", "anchors": [{"from": 47, "to": 60}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "label": "_savings_n_1", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_bond_n_1", "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "label": "_because_x", "anchors": [{"from": 61, "to": 68}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 69, "to": 77}]}, {"id": 17, "label": "neg", "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "label": "_lift_v_cause", "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "label": "_the_q", "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "label": "_ceiling_n_1", "anchors": [{"from": 96, "to": 103}]}, {"id": 21, "label": "_on_p", "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 107, "to": 123}]}, {"id": 23, "label": "compound", "anchors": [{"from": 107, "to": 123}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 107, "to": 117}]}, {"id": 25, "label": "_government_n_of", "anchors": [{"from": 107, "to": 117}]}, {"id": 26, "label": "_debt_n_1", "anchors": [{"from": 118, "to": 123}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 21, "target": 26, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 14, "target": 3, "label": "ARG1"}, {"source": 7, "target": 13, "label": "ARG1"}, {"source": 5, "target": 13, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20008002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [22], "nodes": [{"id": 0, "label": "_until_x_h", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "label": "_act_v_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "_government_n_of", "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "label": "_have_v_1", "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "label": "neg", "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "label": "_any_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "_authority_n_1", "anchors": [{"from": 47, "to": 56}]}, {"id": 10, "label": "_issue_v_1", "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 66, "to": 99}]}, {"id": 12, "label": "_new_a_1", "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "label": "compound", "anchors": [{"from": 70, "to": 86}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "label": "_debt_n_1", "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "label": "_obligation_n_1", "anchors": [{"from": 75, "to": 86}]}, {"id": 17, "label": "_of_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "label": "_any_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "label": "_kind_n_of-n", "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 104, "to": 112}]}, {"id": 22, "label": "_say_v_to", "anchors": [{"from": 113, "to": 118}]}], "edges": [{"source": 0, "target": 7, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 22, "target": 0, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 11, "target": 16, "label": "BV"}, {"source": 10, "target": 16, "label": "ARG2"}]} +{"id": "20008003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [9], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_government_n_of", "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "label": "def_explicit_q", "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "poss", "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "label": "compound", "anchors": [{"from": 17, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "_borrow_v_from", "anchors": [{"from": 17, "to": 26}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 17, "to": 26}]}, {"id": 8, "label": "_authority_n_1", "anchors": [{"from": 27, "to": 36}]}, {"id": 9, "label": "_drop_v_1", "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "label": "_at_p_temp", "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 48, "to": 64}]}, {"id": 12, "label": "compound", "anchors": [{"from": 48, "to": 64}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 48, "to": 56}]}, {"id": 14, "label": "_midnight_n_1", "anchors": [{"from": 48, "to": 56}]}, {"id": 15, "label": "dofw", "properties": ["carg"], "values": ["Tue"], "anchors": [{"from": 57, "to": 64}]}, {"id": 16, "label": "_to_p", "anchors": [{"from": 65, "to": 67}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 68, "to": 82}]}, {"id": 18, "label": "_dollar_n_1", "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["2.80"], "anchors": [{"from": 69, "to": 73}]}, {"id": 20, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 74, "to": 82}]}, {"id": 21, "label": "times", "anchors": [{"from": 74, "to": 82}]}, {"id": 22, "label": "_from_p", "anchors": [{"from": 83, "to": 87}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 88, "to": 103}]}, {"id": 24, "label": "_dollar_n_1", "anchors": [{"from": 88, "to": 89}]}, {"id": 25, "label": "card", "properties": ["carg"], "values": ["2.87"], "anchors": [{"from": 89, "to": 93}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 94, "to": 103}]}, {"id": 27, "label": "times", "anchors": [{"from": 94, "to": 103}]}], "edges": [{"source": 16, "target": 18, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG3"}, {"source": 21, "target": 20, "label": "ARG3"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 26, "target": 24, "label": "ARG1"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 16, "target": 9, "label": "ARG1"}, {"source": 2, "target": 8, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 22, "target": 9, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 21, "target": 19, "label": "ARG2"}, {"source": 27, "target": 25, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20008004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [8], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 36}]}, {"id": 1, "label": "_legislation_n_1", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "_lift_v_cause", "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "label": "compound", "anchors": [{"from": 24, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "_debt_n_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "_ceiling_n_1", "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "_ensnarl_v_unknown", "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "_fight_n_1", "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "label": "_over_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 68, "to": 96}]}, {"id": 14, "label": "nominalization", "anchors": [{"from": 68, "to": 96}]}, {"id": 15, "label": "_cut_v_1", "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 76, "to": 96}]}, {"id": 17, "label": "compound", "anchors": [{"from": 76, "to": 96}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 76, "to": 89}]}, {"id": 19, "label": "compound", "anchors": [{"from": 76, "to": 89}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 76, "to": 89}]}, {"id": 21, "label": "_capital_n_1", "anchors": [{"from": 76, "to": 89}]}, {"id": 22, "label": "_gain_n_1", "anchors": [{"from": 76, "to": 89}]}, {"id": 23, "label": "_tax_n_1", "anchors": [{"from": 90, "to": 96}]}], "edges": [{"source": 15, "target": 23, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 8, "target": 1, "label": "ARG2"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 16, "target": 23, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20008005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [12], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named_n", "properties": ["carg"], "values": ["House"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_vote_v_1", "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "label": "_raise_v_cause", "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "label": "_ceiling_n_1", "anchors": [{"from": 33, "to": 40}]}, {"id": 6, "label": "_to_p", "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 44, "to": 58}]}, {"id": 8, "label": "_dollar_n_1", "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "label": "card", "properties": ["carg"], "values": ["3.1"], "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 49, "to": 58}]}, {"id": 11, "label": "times", "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "label": "_but_c", "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "label": "_the_q", "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "label": "named_n", "properties": ["carg"], "values": ["Senate"], "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "label": "neg", "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "label": "_expect_v_1", "anchors": [{"from": 80, "to": 88}]}, {"id": 17, "label": "_act_v_1", "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "label": "_until_p", "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "label": "def_implicit_q", "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "label": "_next_a_1", "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "label": "_week_n_1", "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "label": "_at_p", "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "label": "generic_entity", "anchors": [{"from": 119, "to": 128}]}, {"id": 25, "label": "_early_a_1", "anchors": [{"from": 119, "to": 128}]}, {"id": 26, "label": "superl", "anchors": [{"from": 119, "to": 128}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 2, "label": "L-HNDL"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 22, "target": 17, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG3"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG2"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 12, "target": 15, "label": "R-HNDL"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20008006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "_say_v_to", "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "_default_v_1", "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "label": "_on_p_temp", "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "label": "mofy", "properties": ["carg"], "values": ["Nov"], "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "of_p", "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "label": "def_implicit_q", "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "label": "dofm", "properties": ["carg"], "values": ["9"], "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "label": "_if_x_then", "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 53, "to": 61}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 53, "to": 61}]}, {"id": 15, "label": "neg", "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "label": "_act_v_1", "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "label": "_by_p_temp", "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "label": "time_n", "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "label": "def_implicit_q", "anchors": [{"from": 77, "to": 82}]}, {"id": 20, "label": "_then_p_temp", "anchors": [{"from": 77, "to": 82}]}], "edges": [{"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 10, "target": 7, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 19, "target": 18, "label": "BV"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20009001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [8], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 16}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 16}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 8}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 8}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Clark"], "anchors": [{"from": 0, "to": 5}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["J"], "anchors": [{"from": 6, "to": 8}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Vitulli"], "anchors": [{"from": 9, "to": 16}]}, {"id": 8, "label": "_name_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 21, "to": 26}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 27, "to": 48}]}, {"id": 11, "label": "_senior_a_1", "anchors": [{"from": 27, "to": 33}]}, {"id": 12, "label": "compound", "anchors": [{"from": 34, "to": 48}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 34, "to": 38}]}, {"id": 14, "label": "_vice_n_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 15, "label": "_president_n_of", "anchors": [{"from": 39, "to": 48}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 49, "to": 146}]}, {"id": 17, "label": "_and_c", "anchors": [{"from": 49, "to": 52}]}, {"id": 18, "label": "_general_a_1", "anchors": [{"from": 53, "to": 60}]}, {"id": 19, "label": "_manager_n_of", "anchors": [{"from": 61, "to": 68}]}, {"id": 20, "label": "_this_q_dem", "anchors": [{"from": 72, "to": 76}]}, {"id": 21, "label": "compound", "anchors": [{"from": 77, "to": 105}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 77, "to": 81}]}, {"id": 23, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 77, "to": 81}]}, {"id": 24, "label": "compound", "anchors": [{"from": 82, "to": 105}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 82, "to": 101}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 82, "to": 87}]}, {"id": 27, "label": "_sale_n_of", "anchors": [{"from": 82, "to": 87}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 88, "to": 101}]}, {"id": 29, "label": "_and_c", "anchors": [{"from": 88, "to": 91}]}, {"id": 30, "label": "_market_v_1", "anchors": [{"from": 92, "to": 101}]}, {"id": 31, "label": "nominalization", "anchors": [{"from": 92, "to": 101}]}, {"id": 32, "label": "_arm_n_1", "anchors": [{"from": 102, "to": 105}]}, {"id": 33, "label": "_of_p", "anchors": [{"from": 106, "to": 108}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 109, "to": 146}]}, {"id": 35, "label": "compound", "anchors": [{"from": 109, "to": 146}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 109, "to": 128}]}, {"id": 37, "label": "_japanese_a_1", "anchors": [{"from": 109, "to": 117}]}, {"id": 38, "label": "compound", "anchors": [{"from": 118, "to": 128}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 118, "to": 122}]}, {"id": 40, "label": "_automobile_n_1", "anchors": [{"from": 118, "to": 122}]}, {"id": 41, "label": "_maker_n_of", "anchors": [{"from": 123, "to": 128}]}, {"id": 42, "label": "compound", "anchors": [{"from": 129, "to": 140}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 129, "to": 134}]}, {"id": 44, "label": "named", "properties": ["carg"], "values": ["Mazda"], "anchors": [{"from": 129, "to": 134}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Motor"], "anchors": [{"from": 135, "to": 140}]}, {"id": 46, "label": "_corporation_n_1", "anchors": [{"from": 141, "to": 146}]}, {"id": 47, "label": "udef_q", "anchors": [{"from": 141, "to": 146}]}, {"id": 48, "label": "compound", "anchors": [{"from": 141, "to": 146}]}], "edges": [{"source": 29, "target": 31, "label": "R-INDEX"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 37, "target": 41, "label": "ARG1"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 11, "target": 15, "label": "ARG1"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 19, "target": 32, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 48, "target": 46, "label": "ARG2"}, {"source": 10, "target": 15, "label": "BV"}, {"source": 21, "target": 32, "label": "ARG1"}, {"source": 35, "target": 45, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 17, "target": 15, "label": "L-INDEX"}, {"source": 33, "target": 45, "label": "ARG2"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 35, "target": 41, "label": "ARG2"}, {"source": 36, "target": 41, "label": "BV"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 28, "target": 31, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 25, "target": 29, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 24, "target": 29, "label": "ARG2"}, {"source": 17, "target": 19, "label": "R-INDEX"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 34, "target": 45, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 48, "target": 45, "label": "ARG1"}, {"source": 9, "target": 17, "label": "BV"}, {"source": 47, "target": 46, "label": "BV"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 8, "target": 17, "label": "ARG2"}, {"source": 29, "target": 27, "label": "L-INDEX"}, {"source": 8, "target": 7, "label": "ARG3"}, {"source": 24, "target": 32, "label": "ARG1"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 32, "label": "BV"}]} +{"id": "20009002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [6], "nodes": [{"id": 0, "label": "_in_p_state", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "_new_a_1", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_position_n_of", "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "pron", "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "_oversee_v_1", "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Mazda"], "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "label": "def_explicit_q", "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "label": "poss", "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "label": "compound", "anchors": [{"from": 44, "to": 96}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 44, "to": 48}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 49, "to": 55}]}, {"id": 15, "label": "_sale_n_of", "anchors": [{"from": 49, "to": 55}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 56, "to": 64}]}, {"id": 17, "label": "implicit_conj", "anchors": [{"from": 56, "to": 96}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 65, "to": 96}]}, {"id": 19, "label": "_service_n_1", "anchors": [{"from": 56, "to": 64}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 65, "to": 70}]}, {"id": 21, "label": "implicit_conj", "anchors": [{"from": 65, "to": 96}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 71, "to": 96}]}, {"id": 23, "label": "_part_n_1", "anchors": [{"from": 65, "to": 70}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 71, "to": 96}]}, {"id": 25, "label": "_and_c", "anchors": [{"from": 71, "to": 74}]}, {"id": 26, "label": "compound", "anchors": [{"from": 75, "to": 96}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 75, "to": 84}]}, {"id": 28, "label": "_market_v_1", "anchors": [{"from": 75, "to": 84}]}, {"id": 29, "label": "nominalization", "anchors": [{"from": 75, "to": 84}]}, {"id": 30, "label": "_operation_n_of", "anchors": [{"from": 85, "to": 96}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 21, "target": 19, "label": "L-INDEX"}, {"source": 25, "target": 23, "label": "L-INDEX"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 11, "target": 17, "label": "ARG1"}, {"source": 26, "target": 30, "label": "ARG1"}, {"source": 10, "target": 17, "label": "ARG1"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 17, "target": 15, "label": "L-INDEX"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 25, "target": 30, "label": "R-INDEX"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 6, "target": 17, "label": "ARG2"}, {"source": 21, "target": 25, "label": "R-INDEX"}, {"source": 24, "target": 30, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 17, "target": 21, "label": "R-INDEX"}, {"source": 9, "target": 17, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 22, "target": 25, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}]} +{"id": "20009003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [11], "nodes": [{"id": 0, "label": "_previously_p", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 12, "to": 38}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "_mister_n_1", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Vitulli"], "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "label": "measure", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["43"], "anchors": [{"from": 25, "to": 27}]}, {"id": 9, "label": "_year_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 10, "label": "_old_a_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "label": "_be_v_id", "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 43, "to": 107}]}, {"id": 13, "label": "compound", "anchors": [{"from": 43, "to": 68}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 43, "to": 60}]}, {"id": 15, "label": "_general_a_1", "anchors": [{"from": 43, "to": 50}]}, {"id": 16, "label": "_market_v_1", "anchors": [{"from": 51, "to": 60}]}, {"id": 17, "label": "nominalization", "anchors": [{"from": 51, "to": 60}]}, {"id": 18, "label": "_manager_n_of", "anchors": [{"from": 61, "to": 68}]}, {"id": 19, "label": "_of_p", "anchors": [{"from": 69, "to": 71}]}, {"id": 20, "label": "proper_q", "anchors": [{"from": 72, "to": 86}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 72, "to": 80}]}, {"id": 22, "label": "_corporation_n_1", "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 81, "to": 86}]}, {"id": 24, "label": "compound", "anchors": [{"from": 81, "to": 86}]}, {"id": 25, "label": "def_explicit_q", "anchors": [{"from": 86, "to": 88}]}, {"id": 26, "label": "poss", "anchors": [{"from": 86, "to": 88}]}, {"id": 27, "label": "compound", "anchors": [{"from": 89, "to": 107}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 89, "to": 97}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 89, "to": 97}]}, {"id": 30, "label": "_division_n_of", "anchors": [{"from": 98, "to": 107}]}], "edges": [{"source": 10, "target": 5, "label": "ARG1"}, {"source": 11, "target": 5, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 26, "target": 30, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 12, "target": 18, "label": "BV"}, {"source": 26, "target": 21, "label": "ARG2"}, {"source": 13, "target": 18, "label": "ARG1"}, {"source": 25, "target": 30, "label": "BV"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 11, "target": 18, "label": "ARG2"}, {"source": 19, "target": 30, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 24, "target": 21, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}]} +{"id": "20009004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "label": "compound", "anchors": [{"from": 14, "to": 43}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 14, "to": 33}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 14, "to": 19}]}, {"id": 7, "label": "_sale_n_of", "anchors": [{"from": 14, "to": 19}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 20, "to": 33}]}, {"id": 9, "label": "_and_c", "anchors": [{"from": 20, "to": 23}]}, {"id": 10, "label": "_market_v_1", "anchors": [{"from": 24, "to": 33}]}, {"id": 11, "label": "nominalization", "anchors": [{"from": 24, "to": 33}]}, {"id": 12, "label": "_executive_n_1", "anchors": [{"from": 34, "to": 43}]}, {"id": 13, "label": "_with_p", "anchors": [{"from": 44, "to": 48}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 49, "to": 57}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 49, "to": 57}]}, {"id": 16, "label": "_for_p", "anchors": [{"from": 58, "to": 61}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 62, "to": 71}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["20"], "anchors": [{"from": 62, "to": 64}]}, {"id": 19, "label": "_year_n_1", "anchors": [{"from": 65, "to": 71}]}], "edges": [{"source": 16, "target": 19, "label": "ARG2"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 9, "target": 7, "label": "L-INDEX"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 17, "target": 19, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 9, "target": 11, "label": "R-INDEX"}, {"source": 16, "target": 2, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20010001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [0], "nodes": [{"id": 0, "label": "_when_x_subord", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_time_a_expl-for", "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 24}]}, {"id": 3, "label": "poss", "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "label": "pron", "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "label": "_biannual_a_unknown", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "_powwow_n_unknown", "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "label": "_nation_n_of", "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "label": "def_explicit_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "poss", "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "compound", "anchors": [{"from": 55, "to": 75}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 55, "to": 68}]}, {"id": 14, "label": "_manufacture_v_1", "anchors": [{"from": 55, "to": 68}]}, {"id": 15, "label": "nominalization", "anchors": [{"from": 55, "to": 68}]}, {"id": 16, "label": "_titan_n_unknown", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_typical_a_of", "anchors": [{"from": 76, "to": 85}]}, {"id": 18, "label": "_jet_v_off", "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "_to_p", "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "label": "_sunny_a_1", "anchors": [{"from": 101, "to": 106}]}, {"id": 22, "label": "_confines_n_1", "anchors": [{"from": 107, "to": 115}]}, {"id": 23, "label": "_of_p", "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 119, "to": 164}]}, {"id": 25, "label": "compound", "anchors": [{"from": 119, "to": 131}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 119, "to": 125}]}, {"id": 27, "label": "_resort_n_1", "anchors": [{"from": 119, "to": 125}]}, {"id": 28, "label": "_town_n_1", "anchors": [{"from": 126, "to": 131}]}, {"id": 29, "label": "_like_p", "anchors": [{"from": 132, "to": 136}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 137, "to": 164}]}, {"id": 31, "label": "proper_q", "anchors": [{"from": 137, "to": 147}]}, {"id": 32, "label": "compound", "anchors": [{"from": 137, "to": 147}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 137, "to": 141}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Boca"], "anchors": [{"from": 137, "to": 141}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Raton"], "anchors": [{"from": 142, "to": 147}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 148, "to": 151}]}, {"id": 37, "label": "proper_q", "anchors": [{"from": 152, "to": 164}]}, {"id": 38, "label": "compound", "anchors": [{"from": 152, "to": 164}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 152, "to": 155}]}, {"id": 40, "label": "named", "properties": ["carg"], "values": ["Hot"], "anchors": [{"from": 152, "to": 155}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Springs"], "anchors": [{"from": 156, "to": 164}]}], "edges": [{"source": 39, "target": 40, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 0, "target": 18, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG1"}, {"source": 36, "target": 35, "label": "L-INDEX"}, {"source": 10, "target": 16, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 32, "target": 35, "label": "ARG1"}, {"source": 2, "target": 7, "label": "BV"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 29, "target": 36, "label": "ARG2"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 30, "target": 36, "label": "BV"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 36, "target": 41, "label": "R-INDEX"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 31, "target": 35, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 37, "target": 41, "label": "BV"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20010002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Not this year.", "tops": [0], "nodes": [{"id": 0, "label": "unknown", "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "label": "neg", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "loc_nonsp", "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "_this_q_dem", "anchors": [{"from": 4, "to": 8}]}, {"id": 4, "label": "_year_n_1", "anchors": [{"from": 9, "to": 14}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20010003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [8], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 24}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["National"], "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Association"], "anchors": [{"from": 13, "to": 24}]}, {"id": 5, "label": "_of_p", "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 28, "to": 41}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Manufacturers"], "anchors": [{"from": 28, "to": 41}]}, {"id": 8, "label": "_settle_v_1", "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "label": "_on_p", "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "compound", "anchors": [{"from": 57, "to": 72}]}, {"id": 12, "label": "proper_q", "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["Hoosier"], "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "label": "_capital_n_1", "anchors": [{"from": 65, "to": 72}]}, {"id": 15, "label": "_of_p", "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 76, "to": 88}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 76, "to": 88}]}, {"id": 18, "label": "_for_p", "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "label": "def_explicit_q", "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "label": "poss", "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "label": "pronoun_q", "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "label": "pron", "anchors": [{"from": 93, "to": 96}]}, {"id": 23, "label": "compound", "anchors": [{"from": 97, "to": 116}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 97, "to": 101}]}, {"id": 25, "label": "season", "properties": ["carg"], "values": ["fall"], "anchors": [{"from": 97, "to": 101}]}, {"id": 26, "label": "compound", "anchors": [{"from": 102, "to": 116}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 102, "to": 107}]}, {"id": 28, "label": "_board_n_of", "anchors": [{"from": 102, "to": 107}]}, {"id": 29, "label": "_meeting_n_of", "anchors": [{"from": 108, "to": 116}]}], "edges": [{"source": 24, "target": 25, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 26, "target": 29, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 9, "target": 14, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 20, "target": 29, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 18, "target": 29, "label": "ARG2"}, {"source": 8, "target": 4, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 18, "target": 8, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 19, "target": 29, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 23, "target": 29, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20010006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [0], "nodes": [{"id": 0, "label": "_on_p", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "compound", "anchors": [{"from": 7, "to": 20}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "label": "_receive_v_1", "anchors": [{"from": 7, "to": 16}]}, {"id": 5, "label": "nominalization", "anchors": [{"from": 7, "to": 16}]}, {"id": 6, "label": "_end_n_of", "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "_message_n_of", "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 41, "to": 167}]}, {"id": 10, "label": "_official_n_1", "anchors": [{"from": 41, "to": 50}]}, {"id": 11, "label": "_from_p", "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 56, "to": 87}]}, {"id": 13, "label": "_giant_n_1", "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "label": "_like_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 68, "to": 87}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "label": "compound", "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Du"], "anchors": [{"from": 68, "to": 70}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Pont"], "anchors": [{"from": 71, "to": 75}]}, {"id": 21, "label": "_and_c", "anchors": [{"from": 76, "to": 79}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 80, "to": 87}]}, {"id": 23, "label": "named", "properties": ["carg"], "values": ["Maytag"], "anchors": [{"from": 80, "to": 87}]}, {"id": 24, "label": "_along+with_p", "anchors": [{"from": 88, "to": 98}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 99, "to": 167}]}, {"id": 26, "label": "_less_a_1", "anchors": [{"from": 99, "to": 105}]}, {"id": 27, "label": "comp", "anchors": [{"from": 99, "to": 105}]}, {"id": 28, "label": "_known_n_unknown", "anchors": [{"from": 106, "to": 112}]}, {"id": 29, "label": "_like_p", "anchors": [{"from": 113, "to": 117}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 118, "to": 167}]}, {"id": 31, "label": "proper_q", "anchors": [{"from": 118, "to": 130}]}, {"id": 32, "label": "compound", "anchors": [{"from": 118, "to": 130}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 118, "to": 124}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Trojan"], "anchors": [{"from": 118, "to": 124}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Steel"], "anchors": [{"from": 125, "to": 130}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 131, "to": 134}]}, {"id": 37, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 38, "label": "compound", "anchors": [{"from": 139, "to": 167}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 139, "to": 158}]}, {"id": 40, "label": "compound", "anchors": [{"from": 139, "to": 158}]}, {"id": 41, "label": "proper_q", "anchors": [{"from": 139, "to": 151}]}, {"id": 42, "label": "compound", "anchors": [{"from": 139, "to": 151}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 139, "to": 145}]}, {"id": 44, "label": "named", "properties": ["carg"], "values": ["Valley"], "anchors": [{"from": 139, "to": 145}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Queen"], "anchors": [{"from": 146, "to": 151}]}, {"id": 46, "label": "named", "properties": ["carg"], "values": ["Cheese"], "anchors": [{"from": 152, "to": 158}]}, {"id": 47, "label": "named", "properties": ["carg"], "values": ["Factory"], "anchors": [{"from": 159, "to": 167}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 1, "target": 6, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 15, "target": 21, "label": "BV"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 21, "target": 20, "label": "L-INDEX"}, {"source": 39, "target": 46, "label": "BV"}, {"source": 36, "target": 35, "label": "L-INDEX"}, {"source": 37, "target": 47, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 32, "target": 35, "label": "ARG1"}, {"source": 40, "target": 46, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 14, "target": 21, "label": "ARG2"}, {"source": 29, "target": 36, "label": "ARG2"}, {"source": 25, "target": 28, "label": "BV"}, {"source": 21, "target": 23, "label": "R-INDEX"}, {"source": 40, "target": 45, "label": "ARG2"}, {"source": 30, "target": 36, "label": "BV"}, {"source": 38, "target": 46, "label": "ARG2"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 24, "target": 28, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 31, "target": 35, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG1"}, {"source": 38, "target": 47, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 41, "target": 45, "label": "BV"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 24, "target": 10, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 36, "target": 47, "label": "R-INDEX"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}]} +{"id": "20010007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [5], "nodes": [{"id": 0, "label": "_for_p", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "label": "_starter_n_of", "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "_executive_n_1", "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "label": "_join_v_1", "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 36, "to": 160}]}, {"id": 7, "label": "number_q", "anchors": [{"from": 36, "to": 117}]}, {"id": 8, "label": "compound", "anchors": [{"from": 36, "to": 63}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 36, "to": 59}]}, {"id": 10, "label": "compound", "anchors": [{"from": 36, "to": 59}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 36, "to": 52}]}, {"id": 12, "label": "compound", "anchors": [{"from": 36, "to": 52}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 36, "to": 49}]}, {"id": 14, "label": "compound", "anchors": [{"from": 36, "to": 49}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 36, "to": 41}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Mayor"], "anchors": [{"from": 36, "to": 41}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["William"], "anchors": [{"from": 42, "to": 49}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["H"], "anchors": [{"from": 50, "to": 52}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Hudnut"], "anchors": [{"from": 53, "to": 59}]}, {"id": 20, "label": "card", "properties": ["carg"], "values": ["III"], "anchors": [{"from": 60, "to": 63}]}, {"id": 21, "label": "_for_p", "anchors": [{"from": 64, "to": 67}]}, {"id": 22, "label": "_a_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 23, "label": "_evening_n_of", "anchors": [{"from": 71, "to": 78}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 82, "to": 85}]}, {"id": 25, "label": "compound", "anchors": [{"from": 86, "to": 117}]}, {"id": 26, "label": "proper_q", "anchors": [{"from": 86, "to": 107}]}, {"id": 27, "label": "compound", "anchors": [{"from": 86, "to": 107}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 86, "to": 98}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 86, "to": 98}]}, {"id": 30, "label": "named", "properties": ["carg"], "values": ["Symphony"], "anchors": [{"from": 99, "to": 107}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Orchestra"], "anchors": [{"from": 108, "to": 117}]}, {"id": 32, "label": "_and_c", "anchors": [{"from": 118, "to": 121}]}, {"id": 33, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 34, "label": "compound", "anchors": [{"from": 124, "to": 160}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 124, "to": 129}]}, {"id": 36, "label": "_guest_n_of", "anchors": [{"from": 124, "to": 129}]}, {"id": 37, "label": "compound", "anchors": [{"from": 130, "to": 160}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 130, "to": 146}]}, {"id": 39, "label": "compound", "anchors": [{"from": 130, "to": 146}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 130, "to": 146}]}, {"id": 41, "label": "_pianist-_n_unknown", "anchors": [{"from": 130, "to": 146}]}, {"id": 42, "label": "_comedian_n_unknown", "anchors": [{"from": 130, "to": 146}]}, {"id": 43, "label": "compound", "anchors": [{"from": 147, "to": 160}]}, {"id": 44, "label": "proper_q", "anchors": [{"from": 147, "to": 153}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Victor"], "anchors": [{"from": 147, "to": 153}]}, {"id": 46, "label": "named", "properties": ["carg"], "values": ["Borge"], "anchors": [{"from": 154, "to": 160}]}], "edges": [{"source": 37, "target": 46, "label": "ARG1"}, {"source": 34, "target": 46, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 9, "target": 19, "label": "BV"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 7, "target": 20, "label": "BV"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 32, "target": 46, "label": "R-INDEX"}, {"source": 43, "target": 46, "label": "ARG1"}, {"source": 5, "target": 32, "label": "ARG2"}, {"source": 38, "target": 42, "label": "BV"}, {"source": 37, "target": 42, "label": "ARG2"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 6, "target": 32, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 24, "target": 31, "label": "BV"}, {"source": 40, "target": 41, "label": "BV"}, {"source": 26, "target": 30, "label": "BV"}, {"source": 8, "target": 19, "label": "ARG2"}, {"source": 23, "target": 31, "label": "ARG1"}, {"source": 11, "target": 18, "label": "BV"}, {"source": 25, "target": 31, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 39, "target": 42, "label": "ARG1"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 10, "target": 18, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 8, "target": 20, "label": "ARG1"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 25, "target": 30, "label": "ARG2"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 32, "target": 20, "label": "L-INDEX"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 39, "target": 41, "label": "ARG2"}, {"source": 33, "target": 46, "label": "BV"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 10, "target": 19, "label": "ARG1"}, {"source": 12, "target": 18, "label": "ARG1"}]} +{"id": "20010008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Champagne and dessert followed.", "tops": [6], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 21}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 9}]}, {"id": 2, "label": "_champagne_n_1", "anchors": [{"from": 0, "to": 9}]}, {"id": 3, "label": "_and_c", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "label": "_dessert_n_1", "anchors": [{"from": 14, "to": 21}]}, {"id": 6, "label": "_follow_v_1", "anchors": [{"from": 22, "to": 31}]}], "edges": [{"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20010010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [7], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_governor_n_1", "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "neg", "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "label": "_can_v_modal", "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "label": "_make_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "pron", "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "label": "_so_x", "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "label": "compound", "anchors": [{"from": 38, "to": 57}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 38, "to": 48}]}, {"id": 11, "label": "_lieutenant_n_1", "anchors": [{"from": 38, "to": 48}]}, {"id": 12, "label": "_governor_n_1", "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "label": "_welcome_v_1", "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "label": "_special_a_1", "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "label": "_guest_n_of", "anchors": [{"from": 79, "to": 86}]}], "edges": [{"source": 13, "target": 12, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 7, "target": 13, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 8, "target": 12, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 4, "target": 1, "label": "ARG1"}]} +{"id": "20010011", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [5], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "compound", "anchors": [{"from": 2, "to": 18}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 2, "to": 8}]}, {"id": 3, "label": "_buffet_n_1", "anchors": [{"from": 2, "to": 8}]}, {"id": 4, "label": "_breakfast_n_1", "anchors": [{"from": 9, "to": 18}]}, {"id": 5, "label": "_hold_v_1", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "label": "_museum_n_of", "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 49, "to": 64}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "label": "_food_n_1", "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "label": "_and_c", "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "label": "_drink_n_1", "anchors": [{"from": 58, "to": 64}]}, {"id": 16, "label": "_ban_v_from", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_to_p", "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 79, "to": 97}]}, {"id": 19, "label": "_everyday_a_1", "anchors": [{"from": 79, "to": 87}]}, {"id": 20, "label": "_visitor_n_of", "anchors": [{"from": 88, "to": 97}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 13, "target": 12, "label": "L-INDEX"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG2"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 13, "target": 15, "label": "R-INDEX"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 16, "target": 13, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 9, "target": 16, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG2"}]} +{"id": "20010012", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [0], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_in_p_state", "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_guest_n_of", "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "label": "poss", "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "label": "_honor_n_1", "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "label": "_speedway_n_unknown", "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "label": "_haul_v_out", "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 150}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "_driver_n_of", "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 66, "to": 150}]}, {"id": 15, "label": "implicit_conj", "anchors": [{"from": 66, "to": 150}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "label": "_crew_n_of", "anchors": [{"from": 66, "to": 71}]}, {"id": 18, "label": "_and_c", "anchors": [{"from": 72, "to": 75}]}, {"id": 19, "label": "_even_x_deg", "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 81, "to": 84}]}, {"id": 21, "label": "_official_a_1", "anchors": [{"from": 85, "to": 93}]}, {"id": 22, "label": "compound", "anchors": [{"from": 94, "to": 120}]}, {"id": 23, "label": "number_q", "anchors": [{"from": 94, "to": 110}]}, {"id": 24, "label": "compound", "anchors": [{"from": 94, "to": 110}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 94, "to": 106}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 94, "to": 106}]}, {"id": 27, "label": "card", "properties": ["carg"], "values": ["500"], "anchors": [{"from": 107, "to": 110}]}, {"id": 28, "label": "_announcer_n_1", "anchors": [{"from": 111, "to": 120}]}, {"id": 29, "label": "_for_p", "anchors": [{"from": 121, "to": 124}]}, {"id": 30, "label": "_a_q", "anchors": [{"from": 125, "to": 126}]}, {"id": 31, "label": "compound", "anchors": [{"from": 127, "to": 150}]}, {"id": 32, "label": "udef_q", "anchors": [{"from": 127, "to": 133}]}, {"id": 33, "label": "card", "properties": ["carg"], "values": ["10-"], "anchors": [{"from": 127, "to": 133}]}, {"id": 34, "label": "_lap_n_1", "anchors": [{"from": 127, "to": 133}]}, {"id": 35, "label": "compound", "anchors": [{"from": 134, "to": 150}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 134, "to": 144}]}, {"id": 37, "label": "_exhibition_n_of", "anchors": [{"from": 134, "to": 144}]}, {"id": 38, "label": "_race_n_of", "anchors": [{"from": 145, "to": 150}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 31, "target": 34, "label": "ARG2"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 22, "target": 27, "label": "ARG2"}, {"source": 23, "target": 27, "label": "BV"}, {"source": 10, "target": 15, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 21, "target": 28, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 15, "target": 13, "label": "L-INDEX"}, {"source": 35, "target": 38, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG1"}, {"source": 30, "target": 38, "label": "BV"}, {"source": 29, "target": 38, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 22, "target": 28, "label": "ARG1"}, {"source": 18, "target": 28, "label": "R-INDEX"}, {"source": 20, "target": 28, "label": "BV"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 33, "target": 34, "label": "ARG1"}, {"source": 32, "target": 34, "label": "BV"}, {"source": 15, "target": 18, "label": "R-INDEX"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 31, "target": 38, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 18, "target": 17, "label": "L-INDEX"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 9, "target": 15, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20010013", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [11], "nodes": [{"id": 0, "label": "_after_p", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "_race_n_of", "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 38}]}, {"id": 4, "label": "compound", "anchors": [{"from": 16, "to": 38}]}, {"id": 5, "label": "number_q", "anchors": [{"from": 16, "to": 27}]}, {"id": 6, "label": "compound", "anchors": [{"from": 16, "to": 27}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 16, "to": 23}]}, {"id": 8, "label": "_fortune_n_1", "anchors": [{"from": 16, "to": 23}]}, {"id": 9, "label": "card", "properties": ["carg"], "values": ["500"], "anchors": [{"from": 24, "to": 27}]}, {"id": 10, "label": "_executive_n_1", "anchors": [{"from": 28, "to": 38}]}, {"id": 11, "label": "_drool_v_unknown", "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "label": "_like_p", "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 52, "to": 62}]}, {"id": 14, "label": "_schoolboy_n_unknown", "anchors": [{"from": 52, "to": 62}]}, {"id": 15, "label": "_over_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "label": "_car_n_1", "anchors": [{"from": 72, "to": 76}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 77, "to": 89}]}, {"id": 20, "label": "_and_c", "anchors": [{"from": 77, "to": 80}]}, {"id": 21, "label": "_driver_n_of", "anchors": [{"from": 81, "to": 89}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 15, "target": 11, "label": "ARG1"}, {"source": 20, "target": 18, "label": "L-INDEX"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 21, "label": "R-INDEX"}, {"source": 16, "target": 20, "label": "BV"}]} +{"id": "20010015", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [10], "nodes": [{"id": 0, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "label": "place_n", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "def_implicit_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_back_p", "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "loc_nonsp", "anchors": [{"from": 5, "to": 14}]}, {"id": 5, "label": "place_n", "anchors": [{"from": 5, "to": 14}]}, {"id": 6, "label": "def_implicit_q", "anchors": [{"from": 5, "to": 14}]}, {"id": 7, "label": "_downtown_a_1", "anchors": [{"from": 5, "to": 14}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 15, "to": 18}]}, {"id": 9, "label": "_exec_n_unknown", "anchors": [{"from": 19, "to": 24}]}, {"id": 10, "label": "_squeeze_v_in", "anchors": [{"from": 25, "to": 33}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 37, "to": 64}]}, {"id": 12, "label": "_a+few_a_1", "anchors": [{"from": 37, "to": 42}]}, {"id": 13, "label": "_meeting_n_of", "anchors": [{"from": 43, "to": 51}]}, {"id": 14, "label": "_at_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 16, "label": "_hotel_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 17, "label": "_before_p", "anchors": [{"from": 65, "to": 71}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 72, "to": 97}]}, {"id": 19, "label": "nominalization", "anchors": [{"from": 72, "to": 97}]}, {"id": 20, "label": "_board_v_1", "anchors": [{"from": 72, "to": 80}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 81, "to": 84}]}, {"id": 22, "label": "_bus_n_1", "anchors": [{"from": 85, "to": 90}]}, {"id": 23, "label": "_again_a_1", "anchors": [{"from": 91, "to": 97}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 23, "target": 20, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 17, "target": 10, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}]} +{"id": "20010016", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 57}]}, {"id": 1, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "_this_q_dem", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_time_n_of", "anchors": [{"from": 5, "to": 10}]}, {"id": 4, "label": "pron", "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "_for_p", "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 22, "to": 43}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_dinner_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 10, "label": "_and_c", "anchors": [{"from": 29, "to": 32}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 33, "to": 43}]}, {"id": 12, "label": "_dance_v_1", "anchors": [{"from": 33, "to": 40}]}, {"id": 13, "label": "nominalization", "anchors": [{"from": 33, "to": 40}]}, {"id": 14, "label": "unknown", "anchors": [{"from": 44, "to": 57}]}, {"id": 15, "label": "_a_q", "anchors": [{"from": 44, "to": 45}]}, {"id": 16, "label": "_block_n_of", "anchors": [{"from": 46, "to": 51}]}, {"id": 17, "label": "_away_p", "anchors": [{"from": 52, "to": 57}]}], "edges": [{"source": 15, "target": 16, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 10, "target": 13, "label": "R-INDEX"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 7, "target": 10, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 0, "target": 6, "label": "L-HNDL"}, {"source": 10, "target": 9, "label": "L-INDEX"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 0, "target": 14, "label": "R-HNDL"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}]} +{"id": "20010017", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [27], "nodes": [{"id": 0, "label": "_under_p_state", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "_star_n_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "label": "_and_c", "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "label": "_moon_n_1", "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "_of_p", "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "label": "_renovate_v_1", "anchors": [{"from": 33, "to": 42}]}, {"id": 10, "label": "compound", "anchors": [{"from": 43, "to": 65}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 43, "to": 55}]}, {"id": 12, "label": "compound", "anchors": [{"from": 43, "to": 55}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 43, "to": 50}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Indiana"], "anchors": [{"from": 43, "to": 50}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Roof"], "anchors": [{"from": 51, "to": 55}]}, {"id": 16, "label": "_ballroom_n_1", "anchors": [{"from": 56, "to": 65}]}, {"id": 17, "label": "part_of", "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 66, "to": 70}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["9"], "anchors": [{"from": 66, "to": 70}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 74, "to": 77}]}, {"id": 21, "label": "_hot_a_1", "anchors": [{"from": 78, "to": 85}]}, {"id": 22, "label": "superl", "anchors": [{"from": 78, "to": 85}]}, {"id": 23, "label": "_chef_n_1", "anchors": [{"from": 86, "to": 91}]}, {"id": 24, "label": "_in_p", "anchors": [{"from": 92, "to": 94}]}, {"id": 25, "label": "idiom_q_i", "anchors": [{"from": 95, "to": 99}]}, {"id": 26, "label": "_town_n_i", "anchors": [{"from": 95, "to": 99}]}, {"id": 27, "label": "_feed_v_1", "anchors": [{"from": 100, "to": 103}]}, {"id": 28, "label": "pron", "anchors": [{"from": 104, "to": 108}]}, {"id": 29, "label": "pronoun_q", "anchors": [{"from": 104, "to": 108}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 109, "to": 213}]}, {"id": 31, "label": "udef_q", "anchors": [{"from": 109, "to": 137}]}, {"id": 32, "label": "compound", "anchors": [{"from": 109, "to": 137}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 109, "to": 116}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Indiana"], "anchors": [{"from": 109, "to": 116}]}, {"id": 35, "label": "compound", "anchors": [{"from": 117, "to": 137}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 117, "to": 125}]}, {"id": 37, "label": "_duckling_n_1", "anchors": [{"from": 117, "to": 125}]}, {"id": 38, "label": "_mousseline_n_unknown", "anchors": [{"from": 126, "to": 137}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 138, "to": 213}]}, {"id": 40, "label": "implicit_conj", "anchors": [{"from": 138, "to": 213}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 138, "to": 155}]}, {"id": 42, "label": "compound", "anchors": [{"from": 138, "to": 155}]}, {"id": 43, "label": "udef_q", "anchors": [{"from": 138, "to": 145}]}, {"id": 44, "label": "_lobster_n_1", "anchors": [{"from": 138, "to": 145}]}, {"id": 45, "label": "_consomme_n_unknown", "anchors": [{"from": 146, "to": 155}]}, {"id": 46, "label": "udef_q", "anchors": [{"from": 156, "to": 213}]}, {"id": 47, "label": "implicit_conj", "anchors": [{"from": 156, "to": 213}]}, {"id": 48, "label": "udef_q", "anchors": [{"from": 156, "to": 167}]}, {"id": 49, "label": "compound", "anchors": [{"from": 156, "to": 167}]}, {"id": 50, "label": "udef_q", "anchors": [{"from": 156, "to": 160}]}, {"id": 51, "label": "_veal_n_unknown", "anchors": [{"from": 156, "to": 160}]}, {"id": 52, "label": "_mignon_n_unknown", "anchors": [{"from": 161, "to": 167}]}, {"id": 53, "label": "_and_c", "anchors": [{"from": 168, "to": 171}]}, {"id": 54, "label": "udef_q", "anchors": [{"from": 172, "to": 213}]}, {"id": 55, "label": "_chocolate_a_1", "anchors": [{"from": 172, "to": 181}]}, {"id": 56, "label": "_terrine_n_unknown", "anchors": [{"from": 182, "to": 189}]}, {"id": 57, "label": "_with_p", "anchors": [{"from": 190, "to": 194}]}, {"id": 58, "label": "_a_q", "anchors": [{"from": 195, "to": 196}]}, {"id": 59, "label": "compound", "anchors": [{"from": 197, "to": 213}]}, {"id": 60, "label": "udef_q", "anchors": [{"from": 197, "to": 206}]}, {"id": 61, "label": "_raspberry_n_1", "anchors": [{"from": 197, "to": 206}]}, {"id": 62, "label": "_sauce_n_1", "anchors": [{"from": 207, "to": 213}]}], "edges": [{"source": 30, "target": 40, "label": "BV"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 40, "target": 47, "label": "R-INDEX"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 27, "target": 40, "label": "ARG2"}, {"source": 57, "target": 62, "label": "ARG2"}, {"source": 35, "target": 38, "label": "ARG1"}, {"source": 53, "target": 52, "label": "L-INDEX"}, {"source": 47, "target": 45, "label": "L-INDEX"}, {"source": 47, "target": 53, "label": "R-INDEX"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 27, "target": 28, "label": "ARG3"}, {"source": 49, "target": 52, "label": "ARG1"}, {"source": 60, "target": 61, "label": "BV"}, {"source": 5, "target": 3, "label": "L-INDEX"}, {"source": 32, "target": 38, "label": "ARG1"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 27, "target": 17, "label": "ARG1"}, {"source": 54, "target": 56, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 29, "target": 28, "label": "BV"}, {"source": 59, "target": 61, "label": "ARG2"}, {"source": 0, "target": 27, "label": "ARG1"}, {"source": 59, "target": 62, "label": "ARG1"}, {"source": 7, "target": 16, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 39, "target": 47, "label": "BV"}, {"source": 55, "target": 56, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 50, "target": 51, "label": "BV"}, {"source": 57, "target": 56, "label": "ARG1"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 46, "target": 53, "label": "BV"}, {"source": 9, "target": 16, "label": "ARG2"}, {"source": 40, "target": 38, "label": "L-INDEX"}, {"source": 41, "target": 45, "label": "BV"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 53, "target": 56, "label": "R-INDEX"}, {"source": 58, "target": 62, "label": "BV"}, {"source": 5, "target": 6, "label": "R-INDEX"}, {"source": 8, "target": 16, "label": "BV"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 48, "target": 52, "label": "BV"}, {"source": 49, "target": 51, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 10, "target": 16, "label": "ARG1"}, {"source": 31, "target": 38, "label": "BV"}]} +{"id": "20010018", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [0], "nodes": [{"id": 0, "label": "subord", "anchors": [{"from": 0, "to": 54}]}, {"id": 1, "label": "_know_v_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_a_q", "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "label": "_tasty_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "_and_c", "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "_free_a_1", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "_meal_n_1", "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "_when_x_subord", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "pron", "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "pronoun_q", "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "label": "_eat_v_1", "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "label": "generic_entity", "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "label": "_executive_n_1", "anchors": [{"from": 59, "to": 69}]}, {"id": 16, "label": "_give_v_1", "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "label": "_chef_n_1", "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "label": "_stand_v_1", "anchors": [{"from": 87, "to": 95}]}, {"id": 21, "label": "_ovation_n_unknown", "anchors": [{"from": 96, "to": 104}]}], "edges": [{"source": 0, "target": 7, "label": "ARG2"}, {"source": 4, "target": 3, "label": "L-HNDL"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 0, "target": 16, "label": "ARG1"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 16, "target": 21, "label": "ARG2"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "R-HNDL"}, {"source": 16, "target": 18, "label": "ARG3"}, {"source": 2, "target": 6, "label": "BV"}]} +{"id": "20010019", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [7], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 2, "label": "much-many_a", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "comp", "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 20}]}, {"id": 5, "label": "_a+few_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "_ceo_n_unknown", "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "_say_v_to", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "label": "compound", "anchors": [{"from": 29, "to": 49}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 29, "to": 39}]}, {"id": 11, "label": "_red_a_1", "anchors": [{"from": 29, "to": 39}]}, {"id": 12, "label": "_carpet_n_1", "anchors": [{"from": 29, "to": 39}]}, {"id": 13, "label": "_treatment_n_of", "anchors": [{"from": 40, "to": 49}]}, {"id": 14, "label": "_tempt_v_1", "anchors": [{"from": 50, "to": 56}]}, {"id": 15, "label": "pron", "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 57, "to": 61}]}, {"id": 17, "label": "_return_v_1", "anchors": [{"from": 65, "to": 71}]}, {"id": 18, "label": "_to_p", "anchors": [{"from": 72, "to": 74}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 75, "to": 76}]}, {"id": 20, "label": "compound", "anchors": [{"from": 77, "to": 91}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 77, "to": 86}]}, {"id": 22, "label": "_heartland_n_unknown", "anchors": [{"from": 77, "to": 86}]}, {"id": 23, "label": "_city_n_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 24, "label": "_for_p", "anchors": [{"from": 92, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 96, "to": 112}]}, {"id": 26, "label": "_future_a_1", "anchors": [{"from": 96, "to": 102}]}, {"id": 27, "label": "_meeting_n_of", "anchors": [{"from": 103, "to": 112}]}], "edges": [{"source": 9, "target": 13, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG3"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 8, "target": 13, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 24, "target": 17, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 7, "target": 14, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 7, "target": 0, "label": "ARG1"}]} +{"id": "20010020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_for_p", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "time_n", "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "def_implicit_q", "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "_now_a_1", "anchors": [{"from": 8, "to": 12}]}, {"id": 5, "label": "pron", "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 13, "to": 17}]}, {"id": 7, "label": "_look_v_1", "anchors": [{"from": 21, "to": 28}]}, {"id": 8, "label": "_forward_p_dir", "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "label": "_to_p", "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "label": "appos", "anchors": [{"from": 40, "to": 68}]}, {"id": 11, "label": "def_explicit_q", "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "label": "poss", "anchors": [{"from": 40, "to": 45}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 40, "to": 45}]}, {"id": 14, "label": "pron", "anchors": [{"from": 40, "to": 45}]}, {"id": 15, "label": "compound", "anchors": [{"from": 46, "to": 63}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 46, "to": 52}]}, {"id": 17, "label": "season", "properties": ["carg"], "values": ["winter"], "anchors": [{"from": 46, "to": 52}]}, {"id": 18, "label": "_meeting_n_of", "anchors": [{"from": 53, "to": 60}]}, {"id": 19, "label": "proper_q", "anchors": [{"from": 64, "to": 68}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Boca"], "anchors": [{"from": 64, "to": 68}]}, {"id": 21, "label": "_in_p_temp", "anchors": [{"from": 69, "to": 71}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 72, "to": 81}]}, {"id": 23, "label": "mofy", "properties": ["carg"], "values": ["Feb"], "anchors": [{"from": 72, "to": 81}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 9, "target": 18, "label": "ARG2"}, {"source": 21, "target": 8, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 11, "target": 18, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 10, "target": 18, "label": "ARG1"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 10, "target": 20, "label": "ARG2"}, {"source": 0, "target": 7, "label": "R-HNDL"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 12, "target": 18, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG2"}]} +{"id": "20011001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [19], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 0, "to": 5}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "_register_v_1", "anchors": [{"from": 12, "to": 22}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "label": "compound", "anchors": [{"from": 25, "to": 38}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 25, "to": 30}]}, {"id": 9, "label": "_trade_n_of", "anchors": [{"from": 25, "to": 30}]}, {"id": 10, "label": "_deficit_n_of", "anchors": [{"from": 31, "to": 38}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 42, "to": 54}]}, {"id": 12, "label": "_dollar_n_1", "anchors": [{"from": 42, "to": 43}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["101"], "anchors": [{"from": 43, "to": 46}]}, {"id": 14, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 47, "to": 54}]}, {"id": 15, "label": "times", "anchors": [{"from": 47, "to": 54}]}, {"id": 16, "label": "_in_p_temp", "anchors": [{"from": 55, "to": 57}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 58, "to": 66}]}, {"id": 18, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 58, "to": 66}]}, {"id": 19, "label": "subord", "anchors": [{"from": 67, "to": 114}]}, {"id": 20, "label": "_reflect_v_1", "anchors": [{"from": 67, "to": 77}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 78, "to": 81}]}, {"id": 22, "label": "_country_n_of", "anchors": [{"from": 82, "to": 89}]}, {"id": 23, "label": "def_explicit_q", "anchors": [{"from": 89, "to": 91}]}, {"id": 24, "label": "poss", "anchors": [{"from": 89, "to": 91}]}, {"id": 25, "label": "_economic_a_1", "anchors": [{"from": 92, "to": 100}]}, {"id": 26, "label": "_sluggishness_n_unknown", "anchors": [{"from": 101, "to": 114}]}, {"id": 27, "label": "_according+to_p", "anchors": [{"from": 115, "to": 127}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 128, "to": 166}]}, {"id": 29, "label": "compound", "anchors": [{"from": 128, "to": 146}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 128, "to": 138}]}, {"id": 31, "label": "_government_n_of", "anchors": [{"from": 128, "to": 138}]}, {"id": 32, "label": "_figure_n_1", "anchors": [{"from": 139, "to": 146}]}, {"id": 33, "label": "_release_v_1", "anchors": [{"from": 147, "to": 155}]}, {"id": 34, "label": "loc_nonsp", "anchors": [{"from": 156, "to": 166}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 156, "to": 166}]}, {"id": 36, "label": "dofw", "properties": ["carg"], "values": ["Wed"], "anchors": [{"from": 156, "to": 166}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 16, "target": 5, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 33, "target": 32, "label": "ARG2"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 19, "target": 5, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 15, "target": 14, "label": "ARG3"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 27, "target": 5, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 20, "target": 26, "label": "ARG2"}]} +{"id": "20011004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [13], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 0, "to": 5}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "def_explicit_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "poss", "anchors": [{"from": 11, "to": 13}]}, {"id": 7, "label": "_economic_a_1", "anchors": [{"from": 14, "to": 22}]}, {"id": 8, "label": "_boom_n_1", "anchors": [{"from": 23, "to": 28}]}, {"id": 9, "label": "_begin_v_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "label": "_in_p_temp", "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "label": "yofc", "properties": ["carg"], "values": ["1986"], "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "label": "_stop_v_1", "anchors": [{"from": 50, "to": 57}]}, {"id": 14, "label": "loc_nonsp", "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "label": "_this_q_dem", "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "label": "_year_n_1", "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "label": "_because+of_p", "anchors": [{"from": 68, "to": 78}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 79, "to": 142}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 79, "to": 104}]}, {"id": 20, "label": "_prolonged_a_1", "anchors": [{"from": 79, "to": 88}]}, {"id": 21, "label": "compound", "anchors": [{"from": 89, "to": 104}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 89, "to": 94}]}, {"id": 23, "label": "_labor_n_1", "anchors": [{"from": 89, "to": 94}]}, {"id": 24, "label": "_dispute_n_1", "anchors": [{"from": 95, "to": 104}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 105, "to": 142}]}, {"id": 26, "label": "implicit_conj", "anchors": [{"from": 105, "to": 142}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 105, "to": 120}]}, {"id": 28, "label": "compound", "anchors": [{"from": 105, "to": 120}]}, {"id": 29, "label": "udef_q", "anchors": [{"from": 105, "to": 110}]}, {"id": 30, "label": "_trade_n_of", "anchors": [{"from": 105, "to": 110}]}, {"id": 31, "label": "_conflict_n_1", "anchors": [{"from": 111, "to": 120}]}, {"id": 32, "label": "_and_c", "anchors": [{"from": 121, "to": 124}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 125, "to": 142}]}, {"id": 34, "label": "_sluggish_a_1", "anchors": [{"from": 125, "to": 133}]}, {"id": 35, "label": "_export_n_of", "anchors": [{"from": 134, "to": 142}]}], "edges": [{"source": 27, "target": 31, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 32, "target": 31, "label": "L-INDEX"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 32, "target": 35, "label": "R-INDEX"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 28, "target": 30, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 17, "target": 26, "label": "ARG2"}, {"source": 29, "target": 30, "label": "BV"}, {"source": 26, "target": 24, "label": "L-INDEX"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 17, "target": 13, "label": "ARG1"}, {"source": 25, "target": 32, "label": "BV"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 19, "target": 24, "label": "BV"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 20, "target": 24, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG1"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 18, "target": 26, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 13, "target": 8, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 26, "target": 32, "label": "R-INDEX"}]} +{"id": "20011005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 20}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 3, "label": "_government_n_of", "anchors": [{"from": 0, "to": 10}]}, {"id": 4, "label": "_official_n_1", "anchors": [{"from": 11, "to": 20}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 26, "to": 56}]}, {"id": 7, "label": "_export_n_of", "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "label": "_at_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "_end_n_of", "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "label": "_year_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "_would_v_modal", "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "label": "_remain_v_1", "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "label": "_under_p", "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "label": "compound", "anchors": [{"from": 78, "to": 95}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "label": "_government_n_of", "anchors": [{"from": 78, "to": 88}]}, {"id": 20, "label": "_target_n_of", "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 99, "to": 111}]}, {"id": 22, "label": "_dollar_n_1", "anchors": [{"from": 99, "to": 100}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["68"], "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 103, "to": 111}]}, {"id": 25, "label": "times", "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 25, "target": 24, "label": "ARG3"}, {"source": 5, "target": 13, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG2"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 15, "target": 7, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}]} +{"id": "20011006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [9], "nodes": [{"id": 0, "label": "_despite_p", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "label": "_gloomy_a_1", "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "label": "_forecast_n_1", "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 29, "to": 40}]}, {"id": 5, "label": "compound", "anchors": [{"from": 29, "to": 40}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "label": "_record_v_1", "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "label": "compound", "anchors": [{"from": 56, "to": 69}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "label": "_trade_n_of", "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "label": "_surplus_n_of", "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 73, "to": 91}]}, {"id": 16, "label": "_dollar_n_1", "anchors": [{"from": 73, "to": 74}]}, {"id": 17, "label": "card", "properties": ["carg"], "values": ["71"], "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 77, "to": 84}]}, {"id": 19, "label": "times", "anchors": [{"from": 77, "to": 84}]}, {"id": 20, "label": "comp_so", "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "label": "_far_a_1", "anchors": [{"from": 88, "to": 91}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 92, "to": 102}]}, {"id": 23, "label": "_this_q_dem", "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "label": "_year_n_1", "anchors": [{"from": 97, "to": 102}]}], "edges": [{"source": 9, "target": 14, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG3"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 22, "target": 9, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 21, "target": 16, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20011007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [12], "nodes": [{"id": 0, "label": "_from_p_time", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "label": "mofy", "properties": ["carg"], "values": ["Jan"], "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "label": "_to_p", "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "label": "_nation_n_of", "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "poss", "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "label": "_accumulate_v_cause", "anchors": [{"from": 38, "to": 49}]}, {"id": 11, "label": "_export_n_of", "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "label": "_increase_v_1", "anchors": [{"from": 58, "to": 67}]}, {"id": 13, "label": "loc_nonsp", "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "label": "_percent_n_of", "anchors": [{"from": 69, "to": 70}]}, {"id": 17, "label": "_from_p", "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "label": "_same_a_as", "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "label": "comp_equal", "anchors": [{"from": 80, "to": 84}]}, {"id": 21, "label": "_period_n_of", "anchors": [{"from": 85, "to": 91}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 92, "to": 101}]}, {"id": 23, "label": "def_implicit_q", "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "label": "_last_a_1", "anchors": [{"from": 92, "to": 96}]}, {"id": 25, "label": "_year_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 26, "label": "_to_p", "anchors": [{"from": 102, "to": 104}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 105, "to": 120}]}, {"id": 28, "label": "_dollar_n_1", "anchors": [{"from": 105, "to": 106}]}, {"id": 29, "label": "card", "properties": ["carg"], "values": ["50.45"], "anchors": [{"from": 106, "to": 111}]}, {"id": 30, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 112, "to": 120}]}, {"id": 31, "label": "times", "anchors": [{"from": 112, "to": 120}]}], "edges": [{"source": 17, "target": 21, "label": "ARG2"}, {"source": 22, "target": 12, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 31, "target": 29, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG3"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 3, "target": 12, "label": "ARG1"}, {"source": 26, "target": 12, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 17, "target": 12, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 0, "target": 12, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 30, "target": 28, "label": "ARG1"}]} +{"id": "20011008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [2], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_import_n_of", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_at_p", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 31}]}, {"id": 4, "label": "_dollar_n_1", "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["50.38"], "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "label": "times", "anchors": [{"from": 23, "to": 31}]}, {"id": 8, "label": "_up_p", "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["19"], "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "label": "_percent_n_of", "anchors": [{"from": 37, "to": 39}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG3"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}]} +{"id": "20012002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [20], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_new_a_1", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "compound", "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "label": "_ad_n_1", "anchors": [{"from": 8, "to": 10}]}, {"id": 5, "label": "_plan_n_1", "anchors": [{"from": 11, "to": 15}]}, {"id": 6, "label": "_from_p", "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "appos", "anchors": [{"from": 21, "to": 65}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 21, "to": 30}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 21, "to": 30}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 31, "to": 32}]}, {"id": 11, "label": "_unit_n_of", "anchors": [{"from": 33, "to": 37}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 13, "label": "compound", "anchors": [{"from": 45, "to": 65}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 45, "to": 60}]}, {"id": 15, "label": "compound", "anchors": [{"from": 45, "to": 60}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 45, "to": 55}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Washington"], "anchors": [{"from": 45, "to": 55}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Post"], "anchors": [{"from": 56, "to": 60}]}, {"id": 19, "label": "_co_n_1", "anchors": [{"from": 61, "to": 65}]}, {"id": 20, "label": "_be_v_id", "anchors": [{"from": 66, "to": 68}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 69, "to": 72}]}, {"id": 22, "label": "ord", "properties": ["carg"], "values": ["2"], "anchors": [{"from": 73, "to": 79}]}, {"id": 23, "label": "compound", "anchors": [{"from": 80, "to": 94}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 80, "to": 89}]}, {"id": 25, "label": "_incentive_n_to", "anchors": [{"from": 80, "to": 89}]}, {"id": 26, "label": "_plan_n_1", "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "label": "_the_q", "anchors": [{"from": 95, "to": 98}]}, {"id": 28, "label": "_magazine_n_1", "anchors": [{"from": 99, "to": 107}]}, {"id": 29, "label": "_offer_v_1", "anchors": [{"from": 112, "to": 119}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 120, "to": 131}]}, {"id": 31, "label": "_advertiser_n_unknown", "anchors": [{"from": 120, "to": 131}]}, {"id": 32, "label": "_in_p", "anchors": [{"from": 132, "to": 134}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 135, "to": 147}]}, {"id": 34, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 135, "to": 140}]}, {"id": 35, "label": "_year_n_1", "anchors": [{"from": 141, "to": 147}]}], "edges": [{"source": 24, "target": 25, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 13, "target": 19, "label": "ARG1"}, {"source": 32, "target": 29, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 20, "target": 5, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 32, "target": 35, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 11, "target": 19, "label": "ARG1"}, {"source": 12, "target": 19, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 22, "target": 26, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 0, "target": 5, "label": "BV"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 29, "target": 26, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 21, "target": 26, "label": "BV"}, {"source": 20, "target": 26, "label": "ARG2"}]} +{"id": "20012004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [13], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 46}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 12, "to": 46}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Alan"], "anchors": [{"from": 0, "to": 4}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Spoon"], "anchors": [{"from": 5, "to": 11}]}, {"id": 7, "label": "_recent_a_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 8, "label": "_name_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 9, "label": "compound", "anchors": [{"from": 27, "to": 46}]}, {"id": 10, "label": "proper_q", "anchors": [{"from": 27, "to": 35}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 27, "to": 35}]}, {"id": 12, "label": "_president_n_of", "anchors": [{"from": 36, "to": 46}]}, {"id": 13, "label": "_say_v_to", "anchors": [{"from": 47, "to": 51}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 52, "to": 60}]}, {"id": 16, "label": "def_explicit_q", "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "label": "poss", "anchors": [{"from": 60, "to": 62}]}, {"id": 18, "label": "compound", "anchors": [{"from": 63, "to": 71}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 63, "to": 65}]}, {"id": 20, "label": "_ad_n_1", "anchors": [{"from": 63, "to": 65}]}, {"id": 21, "label": "_rate_n_of", "anchors": [{"from": 66, "to": 71}]}, {"id": 22, "label": "_would_v_modal", "anchors": [{"from": 72, "to": 77}]}, {"id": 23, "label": "_increase_v_1", "anchors": [{"from": 78, "to": 86}]}, {"id": 24, "label": "loc_nonsp", "anchors": [{"from": 87, "to": 89}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 87, "to": 89}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 87, "to": 88}]}, {"id": 27, "label": "_percent_n_of", "anchors": [{"from": 88, "to": 89}]}, {"id": 28, "label": "_in_p_temp", "anchors": [{"from": 90, "to": 92}]}, {"id": 29, "label": "proper_q", "anchors": [{"from": 93, "to": 101}]}, {"id": 30, "label": "mofy", "properties": ["carg"], "values": ["Jan"], "anchors": [{"from": 93, "to": 101}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 17, "target": 21, "label": "ARG1"}, {"source": 28, "target": 23, "label": "ARG1"}, {"source": 28, "target": 30, "label": "ARG2"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 1, "target": 12, "label": "BV"}, {"source": 29, "target": 30, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 23, "target": 21, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG2"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 16, "target": 21, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 13, "target": 6, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 0, "target": 12, "label": "ARG2"}, {"source": 13, "target": 22, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20012005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [10], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "_full_a_of", "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "label": "compound", "anchors": [{"from": 8, "to": 23}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 8, "to": 18}]}, {"id": 5, "label": "_color_n_1", "anchors": [{"from": 8, "to": 18}]}, {"id": 6, "label": "_page_n_1", "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "label": "_in_p", "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 27, "to": 35}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 27, "to": 35}]}, {"id": 10, "label": "_cost_v_1", "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "label": "_dollar_n_1", "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["100,980"], "anchors": [{"from": 47, "to": 55}]}], "edges": [{"source": 7, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 0, "target": 6, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 10, "target": 6, "label": "ARG1"}]} diff --git a/mtool/data/score/lpps.mrp b/mtool/data/score/lpps.mrp new file mode 100644 index 0000000000000000000000000000000000000000..f101da73d9b63611cc7ce9ddb4b152cd0ce559b7 --- /dev/null +++ b/mtool/data/score/lpps.mrp @@ -0,0 +1,500 @@ +{"id": "102990", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I was very much worried, for it was becoming clear to me that the breakdown of my plane was extremely serious.", "tops": [6], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "very+much", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "very+much", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "label": "worried", "properties": ["pos", "frame"], "values": ["VBN", "a_about:e-p-i"], "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "label": "become", "properties": ["pos", "frame"], "values": ["VBG", "v_id:e-u-h"], "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "label": "clear", "properties": ["pos", "frame"], "values": ["JJ", "a_of:e-h"], "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "label": "breakdown", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 66, "to": 75}]}, {"id": 16, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "label": "plane", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 82, "to": 87}]}, {"id": 20, "label": "extremely", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 92, "to": 101}]}, {"id": 21, "label": "serious", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 102, "to": 109}]}], "edges": [{"source": 20, "target": 21, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 3, "target": 2, "label": "mwe"}, {"source": 21, "target": 15, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 17, "target": 18, "label": "poss"}, {"source": 10, "target": 21, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG2"}]} +{"id": "102990", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I was very much worried, for it was becoming clear to me that the breakdown of my plane was extremely serious.", "tops": [4], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "very", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "much", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "label": "worry", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 16, "to": 23}]}, {"id": 9, "label": "become", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "label": "clear", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "label": "breakdown", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 66, "to": 75}]}, {"id": 17, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "label": "plane", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 82, "to": 87}]}, {"id": 19, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "label": "extremely", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 92, "to": 101}]}, {"id": 21, "label": "serious", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 102, "to": 109}]}], "edges": [{"source": 9, "target": 19, "label": "ACT-arg"}, {"source": 19, "target": 15, "label": "ACT-arg"}, {"source": 9, "target": 12, "label": "BEN"}, {"source": 15, "target": 18, "label": "ACT-arg"}, {"source": 19, "target": 20, "label": "EXT"}, {"source": 4, "target": 9, "label": "CAUS"}, {"source": 19, "target": 21, "label": "PAT-arg"}, {"source": 18, "target": 17, "label": "APP"}, {"source": 9, "target": 10, "label": "PAT-arg"}, {"source": 4, "target": 0, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "EXT"}, {"source": 4, "target": 3, "label": "EXT"}]} +{"id": "102990", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I was very much worried, for it was becoming clear to me that the breakdown of my plane was extremely serious.", "tops": [4], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_very+much_a_1", "anchors": [{"from": 6, "to": 15}]}, {"id": 3, "label": "_worried_a_about", "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "label": "_for_x_cause", "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "label": "_become_v_id", "anchors": [{"from": 36, "to": 44}]}, {"id": 6, "label": "_clear_a_of", "anchors": [{"from": 45, "to": 50}]}, {"id": 7, "label": "_to_p", "anchors": [{"from": 51, "to": 53}]}, {"id": 8, "label": "pron", "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "label": "pronoun_q", "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 62, "to": 65}]}, {"id": 11, "label": "_breakdown_n_1", "anchors": [{"from": 66, "to": 75}]}, {"id": 12, "label": "_of_p", "anchors": [{"from": 76, "to": 78}]}, {"id": 13, "label": "def_explicit_q", "anchors": [{"from": 79, "to": 81}]}, {"id": 14, "label": "poss", "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "label": "pronoun_q", "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "label": "pron", "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "label": "_plane_n_1", "anchors": [{"from": 82, "to": 87}]}, {"id": 18, "label": "_extremely_x_deg", "anchors": [{"from": 92, "to": 101}]}, {"id": 19, "label": "_serious_a_1", "anchors": [{"from": 102, "to": 110}]}], "edges": [{"source": 5, "target": 6, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 19, "target": 11, "label": "ARG1"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 6, "target": 19, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}]} +{"id": "102990", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I was very much worried, for it was becoming clear to me that the breakdown of my plane was extremely serious.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 110}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 28, "target": 19, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 23, "target": 25, "label": "D"}, {"source": 29, "target": 15, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 16, "label": "R"}, {"source": 32, "target": 20, "label": "E"}, {"source": 31, "target": 17, "label": "A"}, {"source": 25, "target": 3, "label": "C"}, {"source": 31, "target": 17, "label": "S"}, {"source": 28, "target": 13, "label": "R"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 7, "label": "F"}, {"source": 26, "target": 8, "label": "F"}, {"source": 28, "target": 29, "label": "P"}, {"source": 24, "target": 26, "label": "H"}, {"source": 24, "target": 5, "label": "U"}, {"source": 24, "target": 6, "label": "L"}, {"source": 29, "target": 14, "label": "F"}, {"source": 23, "target": 4, "label": "S"}, {"source": 26, "target": 10, "label": "S"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 18, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 26, "target": 9, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 11, "label": "R"}, {"source": 27, "target": 12, "label": "C"}, {"source": 25, "target": 2, "label": "E"}, {"source": 28, "target": 32, "label": "D"}, {"source": 30, "target": 18, "label": "C"}]} +{"id": "102990", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I was very much worried, for it was becoming clear to me that the breakdown of my plane was extremely serious.", "tops": [0], "nodes": [{"id": 0, "label": "cause-01"}, {"id": 1, "label": "clear-06"}, {"id": 2, "label": "serious-02"}, {"id": 3, "label": "break-down-12"}, {"id": 4, "label": "plane"}, {"id": 5, "label": "extreme"}, {"id": 6, "label": "i"}, {"id": 7, "label": "worry-01"}, {"id": 8, "label": "much"}, {"id": 9, "label": "very"}], "edges": [{"source": 2, "target": 5, "label": "degree"}, {"source": 4, "target": 6, "label": "poss"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 8, "target": 9, "label": "degree"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 7, "target": 8, "label": "quant"}]} +{"id": "103610", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I will draw you a railing to put around your flower.", "tops": [2], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "draw", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-i-i"], "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "label": "railing", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 18, "to": 25}]}, {"id": 7, "label": "put", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-h"], "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "label": "around", "properties": ["pos", "frame"], "values": ["RP", "p:e-u-i"], "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "label": "your", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "label": "flower", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 45, "to": 51}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 9, "target": 10, "label": "poss"}, {"source": 2, "target": 3, "label": "ARG3"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 8, "target": 5, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG3"}]} +{"id": "103610", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I will draw you a railing to put around your flower.", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "draw", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "railing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 18, "to": 25}]}, {"id": 7, "label": "put_around", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "label": "flower", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 45, "to": 51}]}], "edges": [{"source": 2, "target": 0, "label": "ACT-arg"}, {"source": 2, "target": 5, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "APP"}, {"source": 5, "target": 7, "label": "RSTR"}, {"source": 7, "target": 10, "label": "DIR3"}, {"source": 2, "target": 3, "label": "BEN"}]} +{"id": "103610", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I will draw you a railing to put around your flower.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_draw_v_1", "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "pron", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 16, "to": 17}]}, {"id": 6, "label": "_railing_n_1", "anchors": [{"from": 18, "to": 25}]}, {"id": 7, "label": "_put_v_1", "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "label": "_around_p", "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "label": "def_explicit_q", "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "label": "poss", "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "label": "pronoun_q", "anchors": [{"from": 40, "to": 44}]}, {"id": 12, "label": "pron", "anchors": [{"from": 40, "to": 44}]}, {"id": 13, "label": "_flower_n_1", "anchors": [{"from": 45, "to": 52}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG3"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG3"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG2"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "103610", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I will draw you a railing to put around your flower.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "S"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 6, "label": "L"}, {"source": 15, "target": 5, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 3, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 4, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 2, "label": "P"}, {"source": 12, "target": 3, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 17, "target": 10, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 7, "label": "P"}]} +{"id": "103610", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I will draw you a railing to put around your flower.", "tops": [0], "nodes": [{"id": 0, "label": "draw-01"}, {"id": 1, "label": "i"}, {"id": 2, "label": "railing"}, {"id": 3, "label": "put-01"}, {"id": 4, "label": "around"}, {"id": 5, "label": "flower"}, {"id": 6, "label": "you"}], "edges": [{"source": 5, "target": 6, "label": "poss"}, {"source": 4, "target": 5, "label": "op1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "103780", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "She adjusted her petals one by one.", "tops": [1], "nodes": [{"id": 0, "label": "she", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "adjust", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-p"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "her", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "label": "petal", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "label": "one+by+one", "properties": ["pos", "frame"], "values": ["CD", "a:e-e"], "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "label": "one+by+one", "properties": ["pos", "frame"], "values": ["IN", "a:e-e"], "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "label": "one+by+one", "properties": ["pos", "frame"], "values": ["CD", "a:e-e"], "anchors": [{"from": 31, "to": 34}]}], "edges": [{"source": 6, "target": 4, "label": "mwe"}, {"source": 6, "target": 5, "label": "mwe"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 6, "target": 1, "label": "ARG1"}, {"source": 2, "target": 3, "label": "poss"}, {"source": 1, "target": 0, "label": "ARG1"}]} +{"id": "103780", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "She adjusted her petals one by one.", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "adjust", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "label": "petal", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 31, "to": 34}]}], "edges": [{"source": 3, "target": 2, "label": "APP"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 4, "label": "DPHR"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 6, "label": "DPHR"}]} +{"id": "103780", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "She adjusted her petals one by one.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_adjust_v_to", "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "label": "def_explicit_q", "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "label": "poss", "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "label": "pron", "anchors": [{"from": 13, "to": 16}]}, {"id": 7, "label": "_petal_n_1", "anchors": [{"from": 17, "to": 23}]}, {"id": 8, "label": "_one-by-one_a_1", "anchors": [{"from": 24, "to": 35}]}], "edges": [{"source": 8, "target": 2, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}]} +{"id": "103780", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "She adjusted her petals one by one.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}, {"from": 28, "to": 30}, {"from": 31, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 4, "label": "D"}]} +{"id": "103780", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "She adjusted her petals one by one.", "tops": [0], "nodes": [{"id": 0, "label": "adjust-01"}, {"id": 1, "label": "she"}, {"id": 2, "label": "petal"}, {"id": 3, "label": "one-by-one"}], "edges": [{"source": 0, "target": 3, "label": "manner"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 1, "label": "poss"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "103840", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Then one morning, exactly at sunrise, she suddenly showed herself.", "tops": [0], "nodes": [{"id": 0, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "one", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "morning", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "label": "exactly", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "label": "sunrise", "properties": ["pos", "frame"], "values": ["NN", "numbered_hour:i-u-u-c"], "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "she", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "label": "suddenly", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "label": "show", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "label": "herself", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 58, "to": 65}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 2, "target": 10, "label": "loc"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}]} +{"id": "103840", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Then one morning, exactly at sunrise, she suddenly showed herself.", "tops": [10], "nodes": [{"id": 0, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "morning", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "label": "exactly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "label": "sunrise", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "label": "suddenly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "label": "show", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 58, "to": 65}]}], "edges": [{"source": 10, "target": 4, "label": "RHEM"}, {"source": 10, "target": 0, "label": "TWHEN"}, {"source": 10, "target": 11, "label": "COMPL"}, {"source": 10, "target": 9, "label": "MANN"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 10, "target": 6, "label": "TWHEN"}, {"source": 10, "target": 2, "label": "TWHEN"}, {"source": 10, "target": 8, "label": "ACT-arg"}]} +{"id": "103840", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Then one morning, exactly at sunrise, she suddenly showed herself.", "tops": [0], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "loc_nonsp", "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 5, "to": 8}]}, {"id": 4, "label": "_morning_n_of", "anchors": [{"from": 9, "to": 17}]}, {"id": 5, "label": "_exactly_x_deg", "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "label": "_at_p_temp", "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "label": "numbered_hour", "properties": ["carg"], "values": ["sunrise"], "anchors": [{"from": 29, "to": 37}]}, {"id": 8, "label": "def_implicit_q", "anchors": [{"from": 29, "to": 37}]}, {"id": 9, "label": "pron", "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "label": "_sudden_a_1", "anchors": [{"from": 42, "to": 50}]}, {"id": 12, "label": "_show_v_1", "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "label": "pron", "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 58, "to": 66}]}], "edges": [{"source": 5, "target": 6, "label": "ARG1"}, {"source": 12, "target": 9, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 1, "target": 12, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 0, "target": 12, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 6, "target": 1, "label": "ARG1"}]} +{"id": "103840", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Then one morning, exactly at sunrise, she suddenly showed herself.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}, {"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 9, "label": "T"}, {"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 8, "label": "A"}, {"source": 14, "target": 13, "label": "T"}, {"source": 12, "target": 15, "label": "L"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 14, "target": 10, "label": "P"}, {"source": 12, "target": 3, "label": "U"}, {"source": 16, "target": 6, "label": "P"}, {"source": 12, "target": 16, "label": "H"}, {"source": 13, "target": 1, "label": "E"}, {"source": 14, "target": 11, "label": "U"}, {"source": 12, "target": 14, "label": "H"}]} +{"id": "103840", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Then one morning, exactly at sunrise, she suddenly showed herself.", "tops": [0], "nodes": [{"id": 0, "label": "show-01"}, {"id": 1, "label": "she"}, {"id": 2, "label": "sudden"}, {"id": 3, "label": "date-entity"}, {"id": 4, "label": "morning"}, {"id": 5, "label": "one"}, {"id": 6, "label": "sunrise"}, {"id": 7, "label": "exact"}, {"id": 8, "label": "then"}], "edges": [{"source": 0, "target": 3, "label": "time"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "dayperiod"}, {"source": 0, "target": 6, "label": "time"}, {"source": 0, "target": 8, "label": "time"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "manner"}]} +{"id": "103920", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"And I was born at the same moment as the sun ...\"", "tops": [1], "nodes": [{"id": 1, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 6}]}, {"id": 4, "label": "born", "properties": ["pos", "frame"], "values": ["VBN", "v:e-u-p"], "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "label": "same", "properties": ["pos", "frame"], "values": ["JJ", "a_as:e-i"], "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "label": "moment", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 28, "to": 34}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "label": "sun", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 42, "to": 45}]}], "edges": [{"source": 6, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 7, "target": 11, "label": "than"}, {"source": 4, "target": 2, "label": "ARG2"}]} +{"id": "103920", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"And I was born at the same moment as the sun ...\"", "tops": [4], "nodes": [{"id": 1, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 6}]}, {"id": 4, "label": "bear", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 11, "to": 15}]}, {"id": 7, "label": "same", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "label": "moment", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 28, "to": 34}]}, {"id": 11, "label": "sun", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 42, "to": 45}]}], "edges": [{"source": 7, "target": 4, "label": "CPR"}, {"source": 4, "target": 2, "label": "PAT-arg"}, {"source": 4, "target": 8, "label": "TWHEN"}, {"source": 4, "target": 1, "label": "PREC"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 4, "target": 11, "label": "PAT-arg"}]} +{"id": "103920", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"And I was born at the same moment as the sun ...\"", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "label": "_bear_v_2", "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "label": "_at_p_temp", "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "label": "_the_q", "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "label": "_same_a_as", "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "comp_equal", "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "label": "_moment_n_1", "anchors": [{"from": 28, "to": 34}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "_sun_n_1", "anchors": [{"from": 42, "to": 45}]}], "edges": [{"source": 7, "target": 10, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 0, "target": 3, "label": "R-HNDL"}]} +{"id": "103920", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"And I was born at the same moment as the sun ...\"", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 49, "to": 50}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 4, "label": "P", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "P"}, {"source": 14, "target": 9, "label": "L"}, {"source": 15, "target": 3, "label": "F"}, {"source": 15, "target": 16, "label": "T"}, {"source": 14, "target": 1, "label": "L"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 2, "label": "A"}, {"source": 16, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "F"}, {"source": 14, "target": 0, "label": "U"}, {"source": 17, "target": 8, "label": "T", "attributes": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 7, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 5, "label": "R"}]} +{"id": "103920", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"And I was born at the same moment as the sun ...\"", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "bear-02"}, {"id": 2, "label": "i"}, {"id": 3, "label": "moment"}, {"id": 4, "label": "same-01"}, {"id": 5, "label": "sun"}], "edges": [{"source": 1, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 1, "label": "op2"}, {"source": 1, "target": 3, "label": "time"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "104130", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Embarassed over having let herself be caught on the verge of such a naïve untruth, she coughed two or three times, in order to put the little prince in the wrong.", "tops": [0], "nodes": [{"id": 0, "label": "embarass", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "over", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "label": "let", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-h"], "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "label": "herself", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "catch", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-h"], "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "label": "verge", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "label": "such+a", "properties": ["pos", "frame"], "values": ["PDT", "q:i-h-h"], "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "label": "such+a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "label": "naïve", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "label": "untruth", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "label": "she", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "label": "cough", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "label": "two", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "label": "time", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 108, "to": 113}]}, {"id": 23, "label": "in+order", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 115, "to": 117}]}, {"id": 24, "label": "in+order", "properties": ["pos", "frame"], "values": ["NN", "x:e-h-h"], "anchors": [{"from": 118, "to": 123}]}, {"id": 26, "label": "put", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-h"], "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 135, "to": 141}]}, {"id": 29, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 142, "to": 148}]}, {"id": 30, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 149, "to": 151}]}, {"id": 31, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 152, "to": 155}]}, {"id": 32, "label": "wrong", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 156, "to": 161}]}], "edges": [{"source": 20, "target": 21, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 12, "target": 14, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 26, "target": 30, "label": "ARG3"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 26, "target": 16, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG3"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 18, "target": 20, "label": "_or_c"}, {"source": 21, "target": 17, "label": "loc"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 7, "target": 4, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG1"}, {"source": 0, "target": 24, "label": "subord"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 12, "target": 11, "label": "mwe"}, {"source": 24, "target": 17, "label": "ARG1"}, {"source": 24, "target": 23, "label": "mwe"}, {"source": 10, "target": 14, "label": "ARG2"}]} +{"id": "104130", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Embarassed over having let herself be caught on the verge of such a naïve untruth, she coughed two or three times, in order to put the little prince in the wrong.", "tops": [17], "nodes": [{"id": 0, "label": "embarass", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 0, "to": 10}]}, {"id": 3, "label": "let", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "catch", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "label": "verge", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 52, "to": 57}]}, {"id": 11, "label": "such", "properties": ["pos"], "values": ["PDT"], "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "label": "naïve", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "label": "truth", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "label": "cough", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "label": "two", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "label": "or", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "label": "time", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 108, "to": 113}]}, {"id": 26, "label": "put", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 127, "to": 130}]}, {"id": 28, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 135, "to": 141}]}, {"id": 29, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 142, "to": 148}]}, {"id": 32, "label": "wrong", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 156, "to": 161}]}], "edges": [{"source": 0, "target": 3, "label": "CAUS"}, {"source": 26, "target": 29, "label": "PAT-arg"}, {"source": 17, "target": 16, "label": "ACT-arg"}, {"source": 17, "target": 26, "label": "AIM"}, {"source": 21, "target": 20, "label": "RSTR"}, {"source": 17, "target": 21, "label": "TWHEN"}, {"source": 26, "target": 32, "label": "DPHR"}, {"source": 19, "target": 18, "label": "DISJ.member"}, {"source": 9, "target": 14, "label": "RSTR"}, {"source": 6, "target": 4, "label": "PAT-arg"}, {"source": 14, "target": 11, "label": "EXT"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 3, "target": 6, "label": "PAT-arg"}, {"source": 19, "target": 20, "label": "DISJ.member"}, {"source": 6, "target": 9, "label": "LOC"}, {"source": 26, "target": 16, "label": "ACT-arg"}, {"source": 29, "target": 28, "label": "RSTR"}, {"source": 21, "target": 18, "label": "RSTR"}, {"source": 17, "target": 0, "label": "COMPL"}]} +{"id": "104130", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Embarassed over having let herself be caught on the verge of such a naïve untruth, she coughed two or three times, in order to put the little prince in the wrong.", "tops": [0], "nodes": [{"id": 0, "label": "subord", "anchors": [{"from": 0, "to": 82}]}, {"id": 1, "label": "_embarassed_a_unknown", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "_over_p", "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 82}]}, {"id": 4, "label": "nominalization", "anchors": [{"from": 16, "to": 82}]}, {"id": 5, "label": "_let_v_1", "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "label": "pron", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "pronoun_q", "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "label": "_catch_v_1", "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "label": "_on_p", "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "label": "_verge_n_1", "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "label": "_of_p", "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "label": "_such+a_q", "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "label": "_naïve_a_unknown", "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "label": "_untruth_n_1", "anchors": [{"from": 74, "to": 82}]}, {"id": 16, "label": "pron", "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "label": "pronoun_q", "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "label": "_cough_v_1", "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "label": "loc_nonsp", "anchors": [{"from": 95, "to": 114}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 95, "to": 114}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["2"], "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "label": "_or_c", "anchors": [{"from": 99, "to": 101}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "label": "_times_n_1", "anchors": [{"from": 108, "to": 114}]}, {"id": 25, "label": "_in+order+to_x", "anchors": [{"from": 115, "to": 123}]}, {"id": 26, "label": "_put_v_1", "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "label": "_the_q", "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "label": "_little_a_1", "anchors": [{"from": 135, "to": 141}]}, {"id": 29, "label": "_prince_n_of", "anchors": [{"from": 142, "to": 148}]}, {"id": 30, "label": "_in_p", "anchors": [{"from": 149, "to": 151}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 152, "to": 155}]}, {"id": 32, "label": "_wrong_n_1", "anchors": [{"from": 156, "to": 162}]}], "edges": [{"source": 17, "target": 16, "label": "BV"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 0, "target": 25, "label": "ARG1"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG1"}, {"source": 22, "target": 23, "label": "R-HNDL"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 25, "target": 18, "label": "ARG1"}, {"source": 26, "target": 16, "label": "ARG1"}, {"source": 26, "target": 30, "label": "ARG3"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 25, "target": 26, "label": "ARG2"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG3"}, {"source": 20, "target": 24, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 22, "target": 21, "label": "L-HNDL"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 19, "target": 24, "label": "ARG2"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 26, "target": 29, "label": "ARG2"}]} +{"id": "104130", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Embarassed over having let herself be caught on the verge of such a naïve untruth, she coughed two or three times, in order to put the little prince in the wrong.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}, {"from": 27, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 113}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}, {"from": 118, "to": 123}, {"from": 124, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 130}, {"from": 149, "to": 151}, {"from": 152, "to": 155}, {"from": 156, "to": 161}]}, {"id": 24, "anchors": [{"from": 131, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 148}]}, {"id": 27, "anchors": [{"from": 161, "to": 162}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 34, "target": 11, "label": "F"}, {"source": 31, "target": 6, "label": "R"}, {"source": 40, "target": 25, "label": "S"}, {"source": 31, "target": 15, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 32, "target": 7, "label": "F"}, {"source": 29, "target": 28, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 34, "label": "D"}, {"source": 28, "target": 30, "label": "A"}, {"source": 33, "target": 13, "label": "C"}, {"source": 35, "target": 37, "label": "D"}, {"source": 36, "target": 17, "label": "C"}, {"source": 37, "target": 20, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 30, "target": 4, "label": "F"}, {"source": 31, "target": 33, "label": "S"}, {"source": 30, "target": 5, "label": "P"}, {"source": 28, "target": 15, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 29, "target": 35, "label": "H"}, {"source": 32, "target": 8, "label": "C"}, {"source": 30, "target": 3, "label": "D"}, {"source": 30, "target": 1, "label": "R"}, {"source": 38, "target": 27, "label": "U"}, {"source": 37, "target": 36, "label": "Q"}, {"source": 35, "target": 15, "label": "A"}, {"source": 29, "target": 22, "label": "L"}, {"source": 34, "target": 10, "label": "E"}, {"source": 36, "target": 19, "label": "C"}, {"source": 40, "target": 41, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 28, "target": 0, "label": "S"}, {"source": 41, "target": 26, "label": "A"}, {"source": 29, "target": 21, "label": "U"}, {"source": 34, "target": 12, "label": "C"}, {"source": 36, "target": 18, "label": "N"}, {"source": 39, "target": 40, "label": "E"}, {"source": 38, "target": 23, "label": "P"}, {"source": 30, "target": 15, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 39, "target": 41, "label": "C"}, {"source": 41, "target": 26, "label": "S"}, {"source": 39, "target": 24, "label": "F"}, {"source": 29, "target": 38, "label": "H"}, {"source": 35, "target": 16, "label": "P"}, {"source": 31, "target": 14, "label": "U"}, {"source": 30, "target": 2, "label": "F"}, {"source": 38, "target": 15, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "D"}, {"source": 33, "target": 9, "label": "R"}]} +{"id": "104130", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Embarassed over having let herself be caught on the verge of such a naïve untruth, she coughed two or three times, in order to put the little prince in the wrong.", "tops": [0], "nodes": [{"id": 0, "label": "cough-01"}, {"id": 1, "label": "she"}, {"id": 2, "label": "embarrass-01"}, {"id": 3, "label": "let-01"}, {"id": 4, "label": "catch-03"}, {"id": 5, "label": "verge-01"}, {"id": 6, "label": "truth", "properties": ["polarity"], "values": ["-"]}, {"id": 7, "label": "naive"}, {"id": 8, "label": "such"}, {"id": 9, "label": "put-03"}, {"id": 10, "label": "prince"}, {"id": 11, "label": "little"}, {"id": 12, "label": "wrong-04"}, {"id": 13, "label": "or", "properties": ["op1", "op2"], "values": ["2", "3"]}], "edges": [{"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 7, "target": 8, "label": "degree"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 9, "target": 1, "label": "ARG0"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 13, "label": "frequency"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 9, "label": "purpose"}, {"source": 3, "target": 1, "label": "ARG0"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "104150", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I was just going to look for it when you spoke to me ...\"", "tops": [9], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "just", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "label": "going", "properties": ["pos", "frame"], "values": ["VBG", "v_qmodal:e-h"], "anchors": [{"from": 12, "to": 17}]}, {"id": 6, "label": "look", "properties": ["pos", "frame"], "values": ["VB", "v_for:e-i-i"], "anchors": [{"from": 21, "to": 25}]}, {"id": 8, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "label": "when", "properties": ["pos", "frame"], "values": ["WRB", "x:e-h-h"], "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "label": "speak", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-p-i"], "anchors": [{"from": 42, "to": 47}]}, {"id": 13, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 51, "to": 53}]}], "edges": [{"source": 9, "target": 4, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG3"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 6, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "104150", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I was just going to look for it when you spoke to me ...\"", "tops": [6], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "just", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 7, "to": 11}]}, {"id": 6, "label": "look", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 21, "to": 25}]}, {"id": 8, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "label": "when", "properties": ["pos"], "values": ["WRB"], "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "label": "speak", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 42, "to": 47}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 51, "to": 53}]}], "edges": [{"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 11, "target": 9, "label": "TWHEN"}, {"source": 6, "target": 3, "label": "RHEM"}, {"source": 6, "target": 1, "label": "ACT-arg"}, {"source": 11, "target": 13, "label": "ADDR-arg"}, {"source": 6, "target": 8, "label": "BEN"}, {"source": 6, "target": 11, "label": "TPAR"}]} +{"id": "104150", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I was just going to look for it when you spoke to me ...\"", "tops": [7], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_just_a_1", "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "_going+to_v_qmodal", "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "label": "_look_v_for", "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "label": "pron", "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "label": "_when_x_subord", "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "label": "pron", "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "label": "pronoun_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "_speak_v_to", "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "label": "pron", "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 51, "to": 53}]}], "edges": [{"source": 7, "target": 10, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG3"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 9, "target": 8, "label": "BV"}]} +{"id": "104150", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I was just going to look for it when you spoke to me ...\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}, {"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 3, "label": "D"}, {"source": 15, "target": 8, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 16, "target": 4, "label": "D"}, {"source": 19, "target": 12, "label": "C"}, {"source": 19, "target": 11, "label": "R"}, {"source": 18, "target": 9, "label": "A"}, {"source": 15, "target": 0, "label": "U"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "A"}, {"source": 17, "target": 6, "label": "R"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "P"}, {"source": 15, "target": 16, "label": "H"}]} +{"id": "104150", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I was just going to look for it when you spoke to me ...\"", "tops": [0], "nodes": [{"id": 0, "label": "look-01"}, {"id": 1, "label": "i"}, {"id": 2, "label": "it"}, {"id": 3, "label": "speak-01"}, {"id": 4, "label": "you"}], "edges": [{"source": 0, "target": 3, "label": "time"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0"}]} +{"id": "104350", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "He carefully cleaned out his active volcanoes.", "tops": [2], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "carefully", "properties": ["pos", "frame"], "values": ["RB", "a_with-about-of:e-e"], "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "label": "clean", "properties": ["pos", "frame"], "values": ["VBD", "v_out:e-i-i"], "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "label": "active", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "volcano", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 36, "to": 45}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 4, "target": 6, "label": "poss"}]} +{"id": "104350", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "He carefully cleaned out his active volcanoes.", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "carefully", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "label": "clean_out", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "label": "active", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "volcano", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 36, "to": 45}]}], "edges": [{"source": 2, "target": 0, "label": "ACT-arg"}, {"source": 6, "target": 4, "label": "APP"}, {"source": 2, "target": 6, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 2, "target": 1, "label": "MANN"}]} +{"id": "104350", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "He carefully cleaned out his active volcanoes.", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_careful_a_with-about-of", "anchors": [{"from": 3, "to": 12}]}, {"id": 3, "label": "_clean_v_out", "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "label": "poss", "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "label": "pron", "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "label": "_active_a_1", "anchors": [{"from": 29, "to": 35}]}, {"id": 9, "label": "_volcanoe_n_unknown", "anchors": [{"from": 36, "to": 46}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 3, "target": 9, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 4, "target": 9, "label": "BV"}]} +{"id": "104350", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "He carefully cleaned out his active volcanoes.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}, {"from": 21, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 45}]}, {"id": 6, "anchors": [{"from": 45, "to": 46}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 1, "label": "D"}, {"source": 10, "target": 9, "label": "E"}, {"source": 11, "target": 4, "label": "S"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 11, "label": "E"}, {"source": 7, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 9, "target": 3, "label": "A"}]} +{"id": "104350", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "He carefully cleaned out his active volcanoes.", "tops": [0], "nodes": [{"id": 0, "label": "clean-out-03"}, {"id": 1, "label": "he"}, {"id": 2, "label": "volcano"}, {"id": 3, "label": "activity-06"}, {"id": 4, "label": "careful"}], "edges": [{"source": 0, "target": 4, "label": "manner"}, {"source": 2, "target": 1, "label": "poss"}, {"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "104410", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Volcanic eruptions are like fires in a chimney.", "tops": [3], "nodes": [{"id": 0, "label": "volcanic", "properties": ["pos", "frame"], "values": ["NNP", "a:e-p"], "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "label": "eruption", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "label": "fire", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "label": "chimney", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 39, "to": 46}]}], "edges": [{"source": 5, "target": 7, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "104410", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Volcanic eruptions are like fires in a chimney.", "tops": [2], "nodes": [{"id": 0, "label": "volcanic", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "label": "eruption", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "label": "fire", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "label": "chimney", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 39, "to": 46}]}], "edges": [{"source": 2, "target": 4, "label": "ACT-arg"}, {"source": 4, "target": 7, "label": "RSTR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "RSTR"}]} +{"id": "104410", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Volcanic eruptions are like fires in a chimney.", "tops": [3], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 1, "label": "_volcanic_a_1", "anchors": [{"from": 0, "to": 8}]}, {"id": 2, "label": "_eruption_n_1", "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "label": "_like_p", "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 28, "to": 47}]}, {"id": 5, "label": "_fire_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "label": "_a_q", "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "label": "_chimney_n_1", "anchors": [{"from": 39, "to": 47}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "104410", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Volcanic eruptions are like fires in a chimney.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 9, "label": "A"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "104410", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Volcanic eruptions are like fires in a chimney.", "tops": [0], "nodes": [{"id": 0, "label": "erupt-01"}, {"id": 1, "label": "volcano"}, {"id": 2, "label": "resemble-01"}, {"id": 3, "label": "fire"}, {"id": 4, "label": "chimney"}], "edges": [{"source": 3, "target": 4, "label": "location"}, {"source": 0, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "104460", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "But on this last morning all these familiar tasks seemed very precious to him.", "tops": [0], "nodes": [{"id": 0, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "last", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "morning", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "label": "all", "properties": ["pos", "frame"], "values": ["PDT", "part_of:x-i"], "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "these", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "familiar", "properties": ["pos", "frame"], "values": ["JJ", "a_with:e-p-i"], "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "label": "task", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "label": "seem", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-u-h-i"], "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "label": "very", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "precious", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "label": "him", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 74, "to": 77}]}], "edges": [{"source": 10, "target": 11, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 0, "target": 9, "label": "ARG2"}, {"source": 9, "target": 13, "label": "ARG3"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 9, "target": 5, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 5, "target": 8, "label": "part"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 11, "target": 5, "label": "ARG1"}]} +{"id": "104460", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "But on this last morning all these familiar tasks seemed very precious to him.", "tops": [9], "nodes": [{"id": 0, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "last", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "morning", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "label": "all", "properties": ["pos"], "values": ["PDT"], "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "these", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "familiar", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "label": "task", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "label": "seem", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "label": "very", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "precious", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 74, "to": 77}]}], "edges": [{"source": 11, "target": 10, "label": "EXT"}, {"source": 9, "target": 4, "label": "TWHEN"}, {"source": 8, "target": 5, "label": "RSTR"}, {"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 9, "target": 0, "label": "PREC"}, {"source": 4, "target": 2, "label": "RSTR"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 9, "target": 13, "label": "BEN"}, {"source": 8, "target": 6, "label": "RSTR"}, {"source": 9, "target": 11, "label": "PAT-arg"}]} +{"id": "104460", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "But on this last morning all these familiar tasks seemed very precious to him.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_on_p_temp", "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "_this_q_dem", "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "_last_a_1", "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "_morning_n_of", "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "label": "part_of", "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "_all_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "label": "_these_q_dem", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_familiar_a_with", "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "label": "_task_n_of", "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "label": "_seem_v_to", "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "label": "_very_x_deg", "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "label": "_precious_a_1", "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "label": "pron", "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 74, "to": 78}]}], "edges": [{"source": 10, "target": 12, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 1, "target": 10, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 10, "target": 5, "label": "ARG1"}, {"source": 5, "target": 9, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG3"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 0, "target": 10, "label": "R-HNDL"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}]} +{"id": "104460", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "But on this last morning all these familiar tasks seemed very precious to him.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 3, "label": "Q"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 16, "label": "T"}, {"source": 19, "target": 7, "label": "S"}, {"source": 21, "target": 12, "label": "R"}, {"source": 16, "target": 1, "label": "R"}, {"source": 16, "target": 4, "label": "C"}, {"source": 20, "target": 8, "label": "P"}, {"source": 17, "target": 9, "label": "G"}, {"source": 18, "target": 20, "label": "C"}, {"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 21, "label": "A"}, {"source": 18, "target": 6, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 20, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 5, "label": "Q"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 11, "label": "S"}, {"source": 15, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "E"}]} +{"id": "104460", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "But on this last morning all these familiar tasks seemed very precious to him.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "seem-01"}, {"id": 2, "label": "precious"}, {"id": 3, "label": "very"}, {"id": 4, "label": "task"}, {"id": 5, "label": "all"}, {"id": 6, "label": "familiar"}, {"id": 7, "label": "he"}, {"id": 8, "label": "date-entity"}, {"id": 9, "label": "morning"}, {"id": 10, "label": "this"}, {"id": 11, "label": "ordinal-entity", "properties": ["value"], "values": ["-1"]}], "edges": [{"source": 4, "target": 6, "label": "mod", "normal": "domain"}, {"source": 8, "target": 10, "label": "mod", "normal": "domain"}, {"source": 1, "target": 8, "label": "time"}, {"source": 2, "target": 4, "label": "domain"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 8, "target": 9, "label": "dayperiod"}, {"source": 2, "target": 3, "label": "degree"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ord"}, {"source": 1, "target": 7, "label": "ARG2"}]} +{"id": "104660", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"My cold is not so bad as all that ... the cool night air will do me good.", "tops": [4], "nodes": [{"id": 1, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "cold", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 8}]}, {"id": 4, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "so", "properties": ["pos", "frame"], "values": ["RB", "comp:e-u-h"], "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "label": "bad", "properties": ["pos", "frame"], "values": ["JJ", "a_at:e-p-i"], "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "label": "as", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 23, "to": 25}]}, {"id": 8, "label": "all", "properties": ["pos", "frame"], "values": ["PDT", "part_of:x-i"], "anchors": [{"from": 26, "to": 29}]}, {"id": 9, "label": "that", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 30, "to": 34}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "cool", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 43, "to": 47}]}, {"id": 13, "label": "night", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 48, "to": 53}]}, {"id": 14, "label": "air", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 54, "to": 57}]}, {"id": 16, "label": "do", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-i-i"], "anchors": [{"from": 63, "to": 65}]}, {"id": 17, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 66, "to": 68}]}, {"id": 18, "label": "good", "properties": ["pos", "frame"], "values": ["JJ", "n:x"], "anchors": [{"from": 69, "to": 73}]}], "edges": [{"source": 16, "target": 14, "label": "ARG1"}, {"source": 13, "target": 14, "label": "compound"}, {"source": 4, "target": 6, "label": "neg"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 11, "target": 14, "label": "BV"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG3"}, {"source": 5, "target": 7, "label": "than"}, {"source": 5, "target": 6, "label": "comp_so"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 8, "target": 9, "label": "part"}, {"source": 12, "target": 14, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}]} +{"id": "104660", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"My cold is not so bad as all that ... the cool night air will do me good.", "tops": [3, 16], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "cold", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "so", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "label": "bad", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 19, "to": 22}]}, {"id": 8, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 26, "to": 29}]}, {"id": 10, "label": "…", "properties": ["pos"], "values": [":"], "anchors": [{"from": 35, "to": 38}]}, {"id": 12, "label": "cool", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 43, "to": 47}]}, {"id": 13, "label": "night", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 48, "to": 53}]}, {"id": 14, "label": "air", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 54, "to": 57}]}, {"id": 16, "label": "do", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 63, "to": 65}]}, {"id": 17, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 66, "to": 68}]}, {"id": 18, "label": "good", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 69, "to": 73}]}], "edges": [{"source": 16, "target": 17, "label": "BEN"}, {"source": 14, "target": 12, "label": "RSTR"}, {"source": 6, "target": 3, "label": "CPR"}, {"source": 16, "target": 18, "label": "PAT-arg"}, {"source": 3, "target": 4, "label": "RHEM"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 5, "label": "RHEM"}, {"source": 3, "target": 8, "label": "ACT-arg"}, {"source": 10, "target": 3, "label": "CONJ.member"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 10, "target": 16, "label": "CONJ.member"}, {"source": 3, "target": 6, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "APP"}, {"source": 16, "target": 14, "label": "ACT-arg"}]} +{"id": "104660", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"My cold is not so bad as all that ... the cool night air will do me good.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 74}]}, {"id": 1, "label": "def_explicit_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "poss", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 5, "label": "_cold_n_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 6, "label": "neg", "anchors": [{"from": 12, "to": 15}]}, {"id": 7, "label": "comp_so", "anchors": [{"from": 16, "to": 18}]}, {"id": 8, "label": "_bad_a_at", "anchors": [{"from": 19, "to": 22}]}, {"id": 9, "label": "_as_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 10, "label": "part_of", "anchors": [{"from": 26, "to": 29}]}, {"id": 11, "label": "_all_q", "anchors": [{"from": 26, "to": 29}]}, {"id": 12, "label": "generic_entity", "anchors": [{"from": 30, "to": 34}]}, {"id": 13, "label": "_that_q_dem", "anchors": [{"from": 30, "to": 34}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 39, "to": 42}]}, {"id": 15, "label": "_cool_a_1", "anchors": [{"from": 43, "to": 47}]}, {"id": 16, "label": "compound", "anchors": [{"from": 48, "to": 57}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 48, "to": 53}]}, {"id": 18, "label": "_night_n_of", "anchors": [{"from": 48, "to": 53}]}, {"id": 19, "label": "_air_n_1", "anchors": [{"from": 54, "to": 57}]}, {"id": 20, "label": "_do_v_1", "anchors": [{"from": 63, "to": 65}]}, {"id": 21, "label": "pron", "anchors": [{"from": 66, "to": 68}]}, {"id": 22, "label": "pronoun_q", "anchors": [{"from": 66, "to": 68}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 69, "to": 74}]}, {"id": 24, "label": "_good_n_1", "anchors": [{"from": 69, "to": 74}]}], "edges": [{"source": 8, "target": 5, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG3"}, {"source": 22, "target": 21, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 14, "target": 19, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 0, "target": 20, "label": "R-HNDL"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 20, "target": 24, "label": "ARG2"}, {"source": 0, "target": 6, "label": "L-HNDL"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 15, "target": 19, "label": "ARG1"}, {"source": 11, "target": 10, "label": "BV"}]} +{"id": "104660", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"My cold is not so bad as all that ... the cool night air will do me good.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 29}, {"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 73, "to": 74}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 6, "label": "S", "attributes": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 0, "label": "U"}, {"source": 27, "target": 15, "label": "F"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 4, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 27, "label": "S"}, {"source": 25, "target": 11, "label": "S"}, {"source": 26, "target": 12, "label": "T"}, {"source": 24, "target": 16, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 25, "target": 13, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "U"}, {"source": 21, "target": 5, "label": "E"}, {"source": 27, "target": 17, "label": "C"}, {"source": 23, "target": 25, "label": "E"}, {"source": 20, "target": 2, "label": "S"}, {"source": 19, "target": 7, "label": "L"}, {"source": 23, "target": 13, "label": "C"}, {"source": 23, "target": 10, "label": "F"}, {"source": 27, "target": 18, "label": "U"}, {"source": 20, "target": 21, "label": "D"}, {"source": 19, "target": 24, "label": "H"}, {"source": 26, "target": 13, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 23, "target": 26, "label": "E"}, {"source": 24, "target": 23, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 8, "label": "A"}, {"source": 20, "target": 1, "label": "A"}]} +{"id": "104660", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"My cold is not so bad as all that ... the cool night air will do me good.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "bad-05", "properties": ["polarity"], "values": ["-"]}, {"id": 2, "label": "cold"}, {"id": 3, "label": "i"}, {"id": 4, "label": "that"}, {"id": 5, "label": "all"}, {"id": 6, "label": "good-04"}, {"id": 7, "label": "air"}, {"id": 8, "label": "cool-06"}, {"id": 9, "label": "night"}], "edges": [{"source": 0, "target": 1, "label": "op1"}, {"source": 0, "target": 6, "label": "op2"}, {"source": 2, "target": 3, "label": "poss"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG2"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 1, "target": 4, "label": "compared-to"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 7, "target": 9, "label": "mod", "normal": "domain"}, {"source": 7, "target": 8, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "105010", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Yawns, to me, are objects of curiosity.", "tops": [5], "nodes": [{"id": 0, "label": "yawn", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "label": "are", "properties": ["pos", "frame"], "values": ["VBP", "v_id:e-p-i"], "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "object", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 18, "to": 25}]}, {"id": 7, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "curiosity", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 29, "to": 38}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 5, "target": 0, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG2"}]} +{"id": "105010", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Yawns, to me, are objects of curiosity.", "tops": [5], "nodes": [{"id": 0, "label": "yawn", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "object", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 25}]}, {"id": 8, "label": "curiosity", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 38}]}], "edges": [{"source": 6, "target": 8, "label": "APP"}, {"source": 5, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 3, "label": "BEN"}, {"source": 5, "target": 6, "label": "PAT-arg"}]} +{"id": "105010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Yawns, to me, are objects of curiosity.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "label": "_yawn_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_to_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "pron", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 18, "to": 39}]}, {"id": 7, "label": "_object_n_1", "anchors": [{"from": 18, "to": 25}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 26, "to": 28}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 29, "to": 39}]}, {"id": 10, "label": "_curiosity_n_1", "anchors": [{"from": 29, "to": 39}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "105010", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Yawns, to me, are objects of curiosity.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 6, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 5, "label": "S"}, {"source": 14, "target": 8, "label": "S"}, {"source": 11, "target": 1, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "105010", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Yawns, to me, are objects of curiosity.", "tops": [0], "nodes": [{"id": 0, "label": "curious-01"}, {"id": 1, "label": "yawn-01"}, {"id": 2, "label": "i"}], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "105310", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"And the stars obey you?\"", "tops": [1], "nodes": [{"id": 1, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "star", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "label": "obey", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 20, "to": 23}]}], "edges": [{"source": 4, "target": 5, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}]} +{"id": "105310", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"And the stars obey you?\"", "tops": [4], "nodes": [{"id": 1, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 1, "to": 4}]}, {"id": 3, "label": "star", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "label": "obey", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 20, "to": 23}]}], "edges": [{"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 4, "target": 1, "label": "PREC"}, {"source": 4, "target": 5, "label": "PAT-arg"}]} +{"id": "105310", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"And the stars obey you?\"", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "_star_n_1", "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "label": "_obey_v_1", "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "pron", "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 20, "to": 25}]}], "edges": [{"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "105310", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"And the stars obey you?\"", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 10, "target": 5, "label": "A"}, {"source": 8, "target": 10, "label": "H"}, {"source": 10, "target": 9, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "L"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "U"}]} +{"id": "105310", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"And the stars obey you?\"", "tops": [0], "nodes": [{"id": 0, "label": "obey-01", "properties": ["mode"], "values": ["interrogative"]}, {"id": 1, "label": "star"}, {"id": 2, "label": "you"}], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "105340", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I do not permit insubordination.\"", "tops": [2], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "permit", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "subordination", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 16, "to": 31}]}], "edges": [{"source": 3, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "neg"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "105340", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I do not permit insubordination.\"", "tops": [3], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "permit", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "subordination", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 16, "to": 31}]}], "edges": [{"source": 3, "target": 4, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "RHEM"}, {"source": 3, "target": 0, "label": "ACT-arg"}]} +{"id": "105340", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I do not permit insubordination.\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "neg", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "_permit_v_1", "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 16, "to": 33}]}, {"id": 5, "label": "_insubordination_n_unknown", "anchors": [{"from": 16, "to": 33}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "105340", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I do not permit insubordination.\"", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 4, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}]} +{"id": "105340", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I do not permit insubordination.\"", "tops": [0], "nodes": [{"id": 0, "label": "permit-01", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "i"}, {"id": 2, "label": "insubordinate-00"}], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "105450", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "If you ordered your people to go and throw themselves into the sea, they would rise up in revolution.", "tops": [0], "nodes": [{"id": 0, "label": "if", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "order", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i-h"], "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "label": "your", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "people", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "label": "go", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "label": "throw", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-h"], "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "label": "themselves", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "label": "into", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "label": "sea", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "label": "rise", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "label": "up", "properties": ["pos", "frame"], "values": ["RP", "p:e-i"], "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "label": "revolution", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 90, "to": 100}]}], "edges": [{"source": 18, "target": 16, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG3"}, {"source": 3, "target": 4, "label": "poss"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 6, "target": 8, "label": "_and_c"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG3"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 0, "target": 15, "label": "ARG1"}, {"source": 8, "target": 4, "label": "ARG1"}]} +{"id": "105450", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "If you ordered your people to go and throw themselves into the sea, they would rise up in revolution.", "tops": [16], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "order", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "people", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "label": "go", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "label": "throw", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 43, "to": 53}]}, {"id": 12, "label": "sea", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "label": "rise_up", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "label": "revolution", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 90, "to": 100}]}], "edges": [{"source": 2, "target": 4, "label": "ADDR-arg"}, {"source": 7, "target": 6, "label": "CONJ.member"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 8, "target": 9, "label": "PAT-arg"}, {"source": 8, "target": 12, "label": "DIR3"}, {"source": 7, "target": 8, "label": "CONJ.member"}, {"source": 2, "target": 6, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "APP"}, {"source": 16, "target": 19, "label": "RESL"}, {"source": 2, "target": 8, "label": "PAT-arg"}, {"source": 16, "target": 14, "label": "ACT-arg"}, {"source": 16, "target": 2, "label": "COND"}]} +{"id": "105450", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "If you ordered your people to go and throw themselves into the sea, they would rise up in revolution.", "tops": [0], "nodes": [{"id": 0, "label": "_if_x_then", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pron", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "label": "_order_v_1", "anchors": [{"from": 7, "to": 14}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "poss", "anchors": [{"from": 15, "to": 19}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 15, "to": 19}]}, {"id": 7, "label": "pron", "anchors": [{"from": 15, "to": 19}]}, {"id": 8, "label": "_people_n_of", "anchors": [{"from": 20, "to": 26}]}, {"id": 9, "label": "_go_v_1", "anchors": [{"from": 30, "to": 32}]}, {"id": 10, "label": "_and_c", "anchors": [{"from": 33, "to": 36}]}, {"id": 11, "label": "_throw_v_1", "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "pron", "anchors": [{"from": 43, "to": 53}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 43, "to": 53}]}, {"id": 14, "label": "_into_p", "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "label": "_sea_n_of", "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "label": "pron", "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "label": "pronoun_q", "anchors": [{"from": 68, "to": 72}]}, {"id": 19, "label": "_would_v_modal", "anchors": [{"from": 73, "to": 78}]}, {"id": 20, "label": "_rise_v_1", "anchors": [{"from": 79, "to": 83}]}, {"id": 21, "label": "_up_p_dir", "anchors": [{"from": 84, "to": 86}]}, {"id": 22, "label": "_in_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 90, "to": 101}]}, {"id": 24, "label": "_revolution_n_of", "anchors": [{"from": 90, "to": 101}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 10, "target": 9, "label": "L-HNDL"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 22, "target": 20, "label": "ARG1"}, {"source": 20, "target": 17, "label": "ARG1"}, {"source": 3, "target": 10, "label": "ARG3"}, {"source": 0, "target": 19, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG3"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 10, "target": 11, "label": "R-HNDL"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 11, "target": 8, "label": "ARG1"}]} +{"id": "105450", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "If you ordered your people to go and throw themselves into the sea, they would rise up in revolution.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}, {"from": 43, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}, {"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 26, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 8, "label": "P"}, {"source": 24, "target": 5, "label": "F"}, {"source": 20, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 21, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "U"}, {"source": 28, "target": 16, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "E"}, {"source": 19, "target": 0, "label": "L"}, {"source": 24, "target": 6, "label": "P"}, {"source": 26, "target": 11, "label": "C"}, {"source": 26, "target": 9, "label": "R"}, {"source": 28, "target": 17, "label": "C"}, {"source": 27, "target": 13, "label": "A"}, {"source": 27, "target": 14, "label": "D"}, {"source": 28, "target": 18, "label": "U"}, {"source": 25, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "L"}, {"source": 21, "target": 3, "label": "S"}, {"source": 27, "target": 28, "label": "P"}, {"source": 24, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 27, "target": 15, "label": "D"}, {"source": 19, "target": 27, "label": "H"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 26, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "H"}, {"source": 20, "target": 1, "label": "A"}]} +{"id": "105450", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "If you ordered your people to go and throw themselves into the sea, they would rise up in revolution.", "tops": [0], "nodes": [{"id": 0, "label": "rise-up-03"}, {"id": 1, "label": "person"}, {"id": 2, "label": "revolution-03"}, {"id": 3, "label": "order-01"}, {"id": 4, "label": "you"}, {"id": 5, "label": "throw-01"}, {"id": 6, "label": "sea"}], "edges": [{"source": 3, "target": 5, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 3, "label": "condition"}, {"source": 1, "target": 4, "label": "poss"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 5, "target": 1, "label": "ARG0"}]} +{"id": "105790", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "If you succeed in judging yourself rightly, then you are indeed a man of true wisdom.\"", "tops": [0], "nodes": [{"id": 0, "label": "if", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "succeed", "properties": ["pos", "frame"], "values": ["VBP", "v_in:e-i-i"], "anchors": [{"from": 7, "to": 14}]}, {"id": 4, "label": "judge", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "yourself", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "label": "rightly", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "label": "are", "properties": ["pos", "frame"], "values": ["VBP", "v_id:e-p-i"], "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "indeed", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "label": "man", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "label": "true", "properties": ["pos", "frame"], "values": ["JJ", "a_of:e-p-i"], "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "label": "wisdom", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 78, "to": 84}]}], "edges": [{"source": 4, "target": 5, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG1"}]} +{"id": "105790", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "If you succeed in judging yourself rightly, then you are indeed a man of true wisdom.\"", "tops": [10], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "succeed", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 7, "to": 14}]}, {"id": 4, "label": "judge", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "label": "rightly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "indeed", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "label": "man", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "label": "true", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "label": "wisdom", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 78, "to": 84}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 10, "target": 2, "label": "COND"}, {"source": 10, "target": 13, "label": "PAT-arg"}, {"source": 4, "target": 6, "label": "MANN"}, {"source": 10, "target": 8, "label": "TWHEN"}, {"source": 10, "target": 11, "label": "RHEM"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 4, "target": 5, "label": "PAT-arg"}, {"source": 13, "target": 16, "label": "RSTR"}, {"source": 16, "target": 15, "label": "RSTR"}, {"source": 10, "target": 9, "label": "ACT-arg"}]} +{"id": "105790", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "If you succeed in judging yourself rightly, then you are indeed a man of true wisdom.\"", "tops": [0], "nodes": [{"id": 0, "label": "_if_x_then", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pron", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "label": "_succeed_v_in", "anchors": [{"from": 7, "to": 14}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 18, "to": 43}]}, {"id": 5, "label": "nominalization", "anchors": [{"from": 18, "to": 43}]}, {"id": 6, "label": "_judge_v_1", "anchors": [{"from": 18, "to": 25}]}, {"id": 7, "label": "pron", "anchors": [{"from": 26, "to": 34}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 26, "to": 34}]}, {"id": 9, "label": "_right_a_1", "anchors": [{"from": 35, "to": 43}]}, {"id": 10, "label": "_then_a_1", "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "label": "pron", "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "label": "_be_v_id", "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "label": "_indeed_a_1", "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "label": "_a_q", "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "label": "_man_n_1", "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "label": "_of_p", "anchors": [{"from": 70, "to": 72}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 73, "to": 86}]}, {"id": 19, "label": "_true_a_of", "anchors": [{"from": 73, "to": 77}]}, {"id": 20, "label": "_wisdom_n_1", "anchors": [{"from": 78, "to": 86}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "105790", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "If you succeed in judging yourself rightly, then you are indeed a man of true wisdom.\"", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 8, "label": "L"}, {"source": 20, "target": 2, "label": "D"}, {"source": 24, "target": 13, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 4, "label": "C"}, {"source": 20, "target": 21, "label": "P"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 11, "label": "G"}, {"source": 19, "target": 7, "label": "U"}, {"source": 20, "target": 6, "label": "D"}, {"source": 21, "target": 3, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 0, "label": "L"}, {"source": 24, "target": 16, "label": "S"}, {"source": 23, "target": 12, "label": "F"}, {"source": 24, "target": 15, "label": "D"}, {"source": 23, "target": 13, "label": "C"}, {"source": 22, "target": 9, "label": "A"}, {"source": 22, "target": 10, "label": "S"}, {"source": 24, "target": 18, "label": "U"}, {"source": 19, "target": 22, "label": "H"}, {"source": 20, "target": 1, "label": "A"}]} +{"id": "105790", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "If you succeed in judging yourself rightly, then you are indeed a man of true wisdom.\"", "tops": [0], "nodes": [{"id": 0, "label": "wise"}, {"id": 1, "label": "you"}, {"id": 2, "label": "succeed-01"}, {"id": 3, "label": "judge-01"}, {"id": 4, "label": "right-02"}, {"id": 5, "label": "true-01"}], "edges": [{"source": 0, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "condition"}, {"source": 3, "target": 1, "label": "ARG0"}, {"source": 2, "target": 1, "label": "ARG0"}, {"source": 0, "target": 1, "label": "domain"}, {"source": 2, "target": 3, "label": "ARG1"}]} +{"id": "106070", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I am about to receive a visit from an admirer!\" he exclaimed from afar, when he first saw the little prince coming.", "tops": [17], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "about", "properties": ["pos", "frame"], "values": ["RB", "a:e-i-h"], "anchors": [{"from": 5, "to": 10}]}, {"id": 4, "label": "receive", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "label": "visit", "properties": ["pos", "frame"], "values": ["NN", "n_to:x-i"], "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "admirer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 38, "to": 45}]}, {"id": 12, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "label": "exclaim", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 51, "to": 60}]}, {"id": 14, "label": "from", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "label": "afar", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "label": "when", "properties": ["pos", "frame"], "values": ["WRB", "x:e-h-h"], "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 77, "to": 79}]}, {"id": 19, "label": "first", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "label": "see", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i-h"], "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 94, "to": 100}]}, {"id": 23, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 101, "to": 107}]}, {"id": 24, "label": "come", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i"], "anchors": [{"from": 108, "to": 114}]}], "edges": [{"source": 20, "target": 18, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 13, "target": 2, "label": "ARG2"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 20, "target": 24, "label": "ARG3"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 17, "target": 13, "label": "ARG1"}]} +{"id": "106070", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I am about to receive a visit from an admirer!\" he exclaimed from afar, when he first saw the little prince coming.", "tops": [13], "nodes": [{"id": 0, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "label": "about", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 5, "to": 10}]}, {"id": 4, "label": "receive", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 14, "to": 21}]}, {"id": 6, "label": "visit", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 24, "to": 29}]}, {"id": 9, "label": "admirer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 38, "to": 45}]}, {"id": 12, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "label": "exclaim", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 51, "to": 60}]}, {"id": 15, "label": "afar", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "label": "when", "properties": ["pos"], "values": ["WRB"], "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 77, "to": 79}]}, {"id": 19, "label": "first", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "label": "see", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 94, "to": 100}]}, {"id": 23, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 101, "to": 107}]}, {"id": 24, "label": "come", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 108, "to": 114}]}], "edges": [{"source": 23, "target": 22, "label": "RSTR"}, {"source": 13, "target": 12, "label": "ACT-arg"}, {"source": 20, "target": 18, "label": "ACT-arg"}, {"source": 1, "target": 4, "label": "PAT-arg"}, {"source": 6, "target": 9, "label": "ACT-arg"}, {"source": 1, "target": 2, "label": "TWHEN"}, {"source": 20, "target": 17, "label": "TWHEN"}, {"source": 24, "target": 23, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 20, "target": 24, "label": "PAT-arg"}, {"source": 13, "target": 1, "label": "PAT-arg"}, {"source": 4, "target": 0, "label": "ACT-arg"}, {"source": 20, "target": 19, "label": "THO"}, {"source": 13, "target": 20, "label": "TWHEN"}, {"source": 4, "target": 6, "label": "PAT-arg"}, {"source": 13, "target": 15, "label": "DIR1"}]} +{"id": "106070", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I am about to receive a visit from an admirer!\" he exclaimed from afar, when he first saw the little prince coming.", "tops": [15], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_about_a_1", "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "_receive_v_1", "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "label": "_a_q", "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "label": "_visit_n_to", "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "label": "_from_p", "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "_a_q", "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "label": "_admirer_n_unknown", "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "label": "pron", "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "label": "_exclaim_v_to", "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "label": "_from_p", "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "label": "_afar_n_unknown", "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "label": "_when_x_subord", "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "label": "pron", "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "label": "pronoun_q", "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "label": "_first_a_1", "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "label": "_see_v_1", "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "label": "_little_a_1", "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "label": "_prince_n_of", "anchors": [{"from": 101, "to": 107}]}, {"id": 23, "label": "_come_v_1", "anchors": [{"from": 108, "to": 115}]}], "edges": [{"source": 11, "target": 9, "label": "ARG1"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 15, "target": 19, "label": "ARG2"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 15, "target": 11, "label": "ARG1"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 19, "target": 23, "label": "ARG3"}, {"source": 11, "target": 2, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "106070", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I am about to receive a visit from an admirer!\" he exclaimed from afar, when he first saw the little prince coming.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}, {"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 30, "target": 8, "label": "C"}, {"source": 32, "target": 17, "label": "A"}, {"source": 29, "target": 30, "label": "S"}, {"source": 25, "target": 3, "label": "D"}, {"source": 32, "target": 18, "label": "D"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 35, "label": "E"}, {"source": 25, "target": 2, "label": "D"}, {"source": 26, "target": 9, "label": "U"}, {"source": 30, "target": 7, "label": "F"}, {"source": 31, "target": 14, "label": "C"}, {"source": 25, "target": 29, "label": "A"}, {"source": 26, "target": 31, "label": "A"}, {"source": 28, "target": 4, "label": "F"}, {"source": 25, "target": 1, "label": "F"}, {"source": 27, "target": 16, "label": "L"}, {"source": 26, "target": 10, "label": "U"}, {"source": 33, "target": 36, "label": "C"}, {"source": 29, "target": 6, "label": "R"}, {"source": 25, "target": 0, "label": "A"}, {"source": 25, "target": 28, "label": "P"}, {"source": 27, "target": 32, "label": "H"}, {"source": 34, "target": 23, "label": "P"}, {"source": 35, "target": 36, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 27, "target": 15, "label": "U"}, {"source": 36, "target": 22, "label": "S"}, {"source": 26, "target": 12, "label": "P"}, {"source": 33, "target": 20, "label": "F"}, {"source": 31, "target": 13, "label": "R"}, {"source": 36, "target": 22, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 28, "target": 5, "label": "C"}, {"source": 32, "target": 19, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 11, "label": "A"}, {"source": 35, "target": 21, "label": "S"}]} +{"id": "106070", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I am about to receive a visit from an admirer!\" he exclaimed from afar, when he first saw the little prince coming.", "tops": [0], "nodes": [{"id": 0, "label": "exclaim-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "visit-01"}, {"id": 3, "label": "person"}, {"id": 4, "label": "admire-01"}, {"id": 5, "label": "about-to"}, {"id": 6, "label": "see-01"}, {"id": 7, "label": "come-01"}, {"id": 8, "label": "prince"}, {"id": 9, "label": "little"}, {"id": 10, "label": "ordinal-entity", "properties": ["value"], "values": ["1"]}, {"id": 11, "label": "from"}, {"id": 12, "label": "afar"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 2, "target": 5, "label": "time"}, {"source": 0, "target": 11, "label": "direction"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 6, "target": 1, "label": "ARG0"}, {"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 0, "target": 6, "label": "time"}, {"source": 2, "target": 1, "label": "ARG0"}, {"source": 6, "target": 10, "label": "ord"}, {"source": 11, "target": 12, "label": "op1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 7, "label": "ARG1"}]} +{"id": "106080", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "For, to conceited men, all other men are admirers.", "tops": [0], "nodes": [{"id": 0, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "x:e-h-h"], "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "conceit", "properties": ["pos", "frame"], "values": ["JJ", "a:e-u"], "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "label": "man", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "all", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "label": "other", "properties": ["pos", "frame"], "values": ["JJ", "a:e-i"], "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "label": "man", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "label": "are", "properties": ["pos", "frame"], "values": ["VBP", "v_id:e-p-i"], "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "admirer", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 41, "to": 49}]}], "edges": [{"source": 6, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 2, "target": 9, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "106080", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "For, to conceited men, all other men are admirers.", "tops": [9], "nodes": [{"id": 3, "label": "conceit", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "label": "man", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "label": "other", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "label": "man", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "admirer", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 41, "to": 49}]}], "edges": [{"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 8, "target": 6, "label": "RSTR"}, {"source": 9, "target": 10, "label": "PAT-arg"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 9, "target": 4, "label": "BEN"}, {"source": 4, "target": 3, "label": "RSTR"}]} +{"id": "106080", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "For, to conceited men, all other men are admirers.", "tops": [1], "nodes": [{"id": 0, "label": "unknown", "anchors": [{"from": 0, "to": 50}]}, {"id": 1, "label": "_for_x_cause", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_to_x_subord", "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "unknown", "anchors": [{"from": 5, "to": 7}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 8, "to": 22}]}, {"id": 5, "label": "_conceited_a_unknown", "anchors": [{"from": 8, "to": 17}]}, {"id": 6, "label": "_man_n_1", "anchors": [{"from": 18, "to": 22}]}, {"id": 7, "label": "_all_q", "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "_other_a_1", "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "label": "_man_n_1", "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "label": "_be_v_id", "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 41, "to": 50}]}, {"id": 12, "label": "_admirer_n_unknown", "anchors": [{"from": 41, "to": 50}]}], "edges": [{"source": 5, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 2, "target": 10, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "106080", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "For, to conceited men, all other men are admirers.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 17, "label": "A"}, {"source": 12, "target": 1, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "F"}, {"source": 13, "target": 5, "label": "U"}, {"source": 16, "target": 6, "label": "Q"}, {"source": 14, "target": 3, "label": "S"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 10, "label": "S"}, {"source": 15, "target": 14, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 2, "label": "S"}]} +{"id": "106080", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "For, to conceited men, all other men are admirers.", "tops": [0], "nodes": [{"id": 0, "label": "opine-01"}, {"id": 1, "label": "man"}, {"id": 2, "label": "conceit"}, {"id": 3, "label": "person"}, {"id": 4, "label": "admire-01"}, {"id": 5, "label": "man"}, {"id": 6, "label": "other"}, {"id": 7, "label": "all"}], "edges": [{"source": 0, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "mod", "normal": "domain"}, {"source": 5, "target": 7, "label": "mod", "normal": "domain"}, {"source": 3, "target": 5, "label": "domain"}, {"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "106100", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"That is a queer hat you are wearing.\"", "tops": [2], "nodes": [{"id": 1, "label": "that", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "label": "queer", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "hat", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "wear", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 29, "to": 36}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 8, "target": 5, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}]} +{"id": "106100", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"That is a queer hat you are wearing.\"", "tops": [2], "nodes": [{"id": 1, "label": "that", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "label": "queer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "hat", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "wear", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 29, "to": 36}]}], "edges": [{"source": 2, "target": 5, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 5, "target": 8, "label": "RSTR"}, {"source": 8, "target": 6, "label": "ACT-arg"}]} +{"id": "106100", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"That is a queer hat you are wearing.\"", "tops": [2], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_that_q_dem", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "label": "_queer_a_1", "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "_hat_n_1", "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "pron", "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "pronoun_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "_wear_v_1", "anchors": [{"from": 29, "to": 38}]}], "edges": [{"source": 8, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG2"}]} +{"id": "106100", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"That is a queer hat you are wearing.\"", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 4, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 7, "label": "F"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 6, "label": "A"}, {"source": 12, "target": 1, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 5, "label": "A", "attributes": ["remote"], "values": [true]}]} +{"id": "106100", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"That is a queer hat you are wearing.\"", "tops": [0], "nodes": [{"id": 0, "label": "hat"}, {"id": 1, "label": "queer"}, {"id": 2, "label": "that"}, {"id": 3, "label": "wear-01"}], "edges": [{"source": 0, "target": 2, "label": "domain"}, {"source": 0, "target": 1, "label": "mod", "normal": "domain"}, {"source": 0, "target": 3, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "106460", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And the little prince went away, puzzled.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "label": "go", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "away", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "label": "puzzle", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 33, "to": 40}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 7, "target": 4, "label": "subord"}]} +{"id": "106460", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And the little prince went away, puzzled.", "tops": [4], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "label": "go", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "away", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "label": "puzzle", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 33, "to": 40}]}], "edges": [{"source": 4, "target": 5, "label": "DIR3"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 4, "target": 7, "label": "COMPL"}, {"source": 4, "target": 0, "label": "PREC"}]} +{"id": "106460", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And the little prince went away, puzzled.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "_little_a_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "_prince_n_of", "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "label": "_go_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "_away_p_dir", "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "label": "subord", "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "label": "_puzzle_v_1", "anchors": [{"from": 33, "to": 41}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 6, "label": "R-HNDL"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}]} +{"id": "106460", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And the little prince went away, puzzled.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 5, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 10, "label": "A"}, {"source": 9, "target": 11, "label": "H"}, {"source": 10, "target": 12, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "S"}, {"source": 13, "target": 3, "label": "S"}, {"source": 11, "target": 4, "label": "P"}, {"source": 10, "target": 13, "label": "C"}, {"source": 9, "target": 14, "label": "H"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 3, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "L"}]} +{"id": "106460", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And the little prince went away, puzzled.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "go-02"}, {"id": 2, "label": "prince"}, {"id": 3, "label": "little"}, {"id": 4, "label": "puzzle-01"}, {"id": 5, "label": "away"}], "edges": [{"source": 2, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "op2"}, {"source": 2, "target": 3, "label": "mod", "normal": "domain"}, {"source": 1, "target": 5, "label": "direction"}, {"source": 1, "target": 2, "label": "ARG0"}]} +{"id": "106550", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Twelve and three make fifteen.", "tops": [3], "nodes": [{"id": 0, "label": "twelve", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p-u"], "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "label": "fifteen", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 22, "to": 29}]}], "edges": [{"source": 3, "target": 0, "label": "ARG1"}, {"source": 0, "target": 2, "label": "_and_c"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "106550", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Twelve and three make fifteen.", "tops": [3], "nodes": [{"id": 0, "label": "twelve", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "label": "make", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "label": "fifteen", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 22, "to": 29}]}], "edges": [{"source": 1, "target": 2, "label": "CONJ.member"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "CONJ.member"}, {"source": 3, "target": 4, "label": "PAT-arg"}, {"source": 3, "target": 0, "label": "ACT-arg"}]} +{"id": "106550", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Twelve and three make fifteen.", "tops": [6], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 16}]}, {"id": 1, "label": "number_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["12"], "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "_and_c", "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "number_q", "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 11, "to": 16}]}, {"id": 6, "label": "_make_v_1", "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "label": "number_q", "anchors": [{"from": 22, "to": 30}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["15"], "anchors": [{"from": 22, "to": 30}]}], "edges": [{"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "106550", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Twelve and three make fifteen.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 0, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "N"}, {"source": 6, "target": 2, "label": "C"}, {"source": 8, "target": 4, "label": "A"}, {"source": 7, "target": 8, "label": "H"}]} +{"id": "106550", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Twelve and three make fifteen.", "tops": [0], "nodes": [{"id": 0, "label": "equal-01", "properties": ["ARG2"], "values": ["15"]}, {"id": 1, "label": "sum-of", "properties": ["op1", "op2"], "values": ["12", "3"]}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "106590", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I haven't time to light it again.", "tops": [2], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "haven’t", "properties": ["pos", "frame"], "values": ["VBP", "v:e-p-i"], "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "label": "haven’t", "properties": ["pos", "frame"], "values": ["JJ", "v:e-p-i"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "label": "light", "properties": ["pos", "frame"], "values": ["VB", "v_cause:e-i-p"], "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "label": "again", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 27, "to": 32}]}], "edges": [{"source": 7, "target": 5, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 3, "target": 5, "label": "instrument"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 2, "target": 1, "label": "neg"}, {"source": 1, "target": 0, "label": "ARG1"}]} +{"id": "106590", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I haven't time to light it again.", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "have", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "label": "light", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "label": "again", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 27, "to": 32}]}], "edges": [{"source": 3, "target": 5, "label": "RSTR"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 7, "label": "THO"}, {"source": 5, "target": 6, "label": "PAT-arg"}, {"source": 1, "target": 2, "label": "RHEM"}, {"source": 1, "target": 3, "label": "PAT-arg"}]} +{"id": "106590", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I haven't time to light it again.", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 2, "to": 9}]}, {"id": 3, "label": "neg", "anchors": [{"from": 2, "to": 9}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 33}]}, {"id": 5, "label": "_time_n_of", "anchors": [{"from": 10, "to": 14}]}, {"id": 6, "label": "with_p", "anchors": [{"from": 15, "to": 33}]}, {"id": 7, "label": "_light_v_cause", "anchors": [{"from": 18, "to": 23}]}, {"id": 8, "label": "pron", "anchors": [{"from": 24, "to": 26}]}, {"id": 9, "label": "pronoun_q", "anchors": [{"from": 24, "to": 26}]}, {"id": 10, "label": "_again_a_1", "anchors": [{"from": 27, "to": 33}]}], "edges": [{"source": 6, "target": 5, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "106590", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I haven't time to light it again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 6, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 4, "label": "F"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 7, "label": "D"}, {"source": 10, "target": 11, "label": "D"}]} +{"id": "106590", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I haven't time to light it again.", "tops": [0], "nodes": [{"id": 0, "label": "have-03", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "i"}, {"id": 2, "label": "time"}, {"id": 3, "label": "light-04"}, {"id": 4, "label": "it"}, {"id": 5, "label": "again"}], "edges": [{"source": 3, "target": 1, "label": "ARG0"}, {"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "purpose"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "106820", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The businessman suddenly realized that there was no hope of being left in peace until he answered this question.", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "businessman", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "label": "suddenly", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "label": "realize", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-h-i"], "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_there:e-i"], "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "label": "hope", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "label": "leave", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-h"], "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "label": "peace", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "label": "until", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "label": "answer", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 89, "to": 97}]}, {"id": 17, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 98, "to": 102}]}, {"id": 18, "label": "question", "properties": ["pos", "frame"], "values": ["NN", "n_about:x-i"], "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG3"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 3, "target": 14, "label": "ARG2"}, {"source": 14, "target": 6, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}]} +{"id": "106820", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The businessman suddenly realized that there was no hope of being left in peace until he answered this question.", "tops": [3], "nodes": [{"id": 1, "label": "businessman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "label": "suddenly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "label": "realize", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "label": "hope", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "label": "leave", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "label": "peace", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "label": "answer", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 89, "to": 97}]}, {"id": 17, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 98, "to": 102}]}, {"id": 18, "label": "question", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 8, "label": "ACT-arg"}, {"source": 8, "target": 11, "label": "PAT-arg"}, {"source": 16, "target": 18, "label": "PAT-arg"}, {"source": 16, "target": 15, "label": "ACT-arg"}, {"source": 18, "target": 17, "label": "RSTR"}, {"source": 3, "target": 2, "label": "TWHEN"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 3, "target": 6, "label": "PAT-arg"}, {"source": 11, "target": 16, "label": "TTILL"}, {"source": 11, "target": 13, "label": "MANN"}]} +{"id": "106820", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The businessman suddenly realized that there was no hope of being left in peace until he answered this question.", "tops": [3], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_businessman_n_1", "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "label": "_sudden_a_1", "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "label": "_realize_v_1", "anchors": [{"from": 25, "to": 33}]}, {"id": 4, "label": "_be_v_there", "anchors": [{"from": 45, "to": 48}]}, {"id": 5, "label": "_no_q", "anchors": [{"from": 49, "to": 51}]}, {"id": 6, "label": "_hope_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 7, "label": "_of_p", "anchors": [{"from": 57, "to": 59}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 60, "to": 79}]}, {"id": 9, "label": "nominalization", "anchors": [{"from": 60, "to": 79}]}, {"id": 10, "label": "_leave_v_1", "anchors": [{"from": 66, "to": 70}]}, {"id": 11, "label": "_in_p", "anchors": [{"from": 71, "to": 73}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 74, "to": 79}]}, {"id": 13, "label": "_peace_n_1", "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "label": "_until_x_h", "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "label": "pron", "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "label": "_answer_v_1", "anchors": [{"from": 89, "to": 97}]}, {"id": 18, "label": "_this_q_dem", "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "label": "_question_n_about", "anchors": [{"from": 103, "to": 112}]}], "edges": [{"source": 10, "target": 11, "label": "ARG3"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 14, "target": 4, "label": "ARG1"}, {"source": 3, "target": 14, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG1"}]} +{"id": "106820", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The businessman suddenly realized that there was no hope of being left in peace until he answered this question.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}, {"from": 71, "to": 73}, {"from": 74, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 97}]}, {"id": 15, "anchors": [{"from": 98, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 111}]}, {"id": 17, "anchors": [{"from": 111, "to": 112}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 9, "label": "R"}, {"source": 24, "target": 11, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 23, "target": 6, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 1, "label": "C"}, {"source": 24, "target": 1, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "T"}, {"source": 27, "target": 16, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 25, "target": 13, "label": "A"}, {"source": 21, "target": 3, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 12, "label": "L"}, {"source": 19, "target": 0, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 27, "label": "P"}, {"source": 22, "target": 4, "label": "R"}, {"source": 21, "target": 18, "label": "A"}, {"source": 23, "target": 8, "label": "S"}, {"source": 27, "target": 17, "label": "U"}, {"source": 23, "target": 7, "label": "D"}, {"source": 24, "target": 10, "label": "F"}, {"source": 23, "target": 5, "label": "F"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 26, "label": "A"}]} +{"id": "106820", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The businessman suddenly realized that there was no hope of being left in peace until he answered this question.", "tops": [0], "nodes": [{"id": 0, "label": "realize-01"}, {"id": 1, "label": "businessman"}, {"id": 2, "label": "hopeful-03", "properties": ["polarity"], "values": ["-"]}, {"id": 3, "label": "leave-14"}, {"id": 4, "label": "peace"}, {"id": 5, "label": "until"}, {"id": 6, "label": "answer-01"}, {"id": 7, "label": "question-01"}, {"id": 8, "label": "this"}, {"id": 9, "label": "sudden"}], "edges": [{"source": 0, "target": 9, "label": "manner"}, {"source": 4, "target": 1, "label": "domain"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 6, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 2, "target": 5, "label": "time"}, {"source": 5, "target": 6, "label": "op1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "106930", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "You mean the stars?\"", "tops": [1], "nodes": [{"id": 0, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "mean", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "star", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 13, "to": 18}]}], "edges": [{"source": 1, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}]} +{"id": "106930", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "You mean the stars?\"", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "mean", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "star", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 13, "to": 18}]}], "edges": [{"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}]} +{"id": "106930", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "You mean the stars?\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_mean_v_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "_star_n_1", "anchors": [{"from": 13, "to": 20}]}], "edges": [{"source": 2, "target": 4, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "106930", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "You mean the stars?\"", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}]} +{"id": "106930", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "You mean the stars?\"", "tops": [0], "nodes": [{"id": 0, "label": "mean-01", "properties": ["mode"], "values": ["interrogative"]}, {"id": 1, "label": "you"}, {"id": 2, "label": "star"}], "edges": [{"source": 0, "target": 2, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "107140", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Nevertheless, he still had some more questions.", "tops": [0], "nodes": [{"id": 0, "label": "nevertheless", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "still", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "label": "have", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i"], "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "label": "some+more", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "label": "some+more", "properties": ["pos", "frame"], "values": ["JJR", "q:i-h-h"], "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "question", "properties": ["pos", "frame"], "values": ["NNS", "n_about:x-i"], "anchors": [{"from": 37, "to": 46}]}], "edges": [{"source": 4, "target": 2, "label": "ARG1"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 6, "target": 5, "label": "mwe"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "107140", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Nevertheless, he still had some more questions.", "tops": [4], "nodes": [{"id": 0, "label": "nevertheless", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "still", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "label": "have", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "label": "some", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "label": "more", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "question", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 37, "to": 46}]}], "edges": [{"source": 6, "target": 5, "label": "EXT"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 4, "target": 2, "label": "ACT-arg"}, {"source": 4, "target": 3, "label": "THL"}, {"source": 4, "target": 7, "label": "PAT-arg"}, {"source": 4, "target": 0, "label": "PREC"}]} +{"id": "107140", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Nevertheless, he still had some more questions.", "tops": [0], "nodes": [{"id": 0, "label": "_nevertheless_a_1", "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "label": "pron", "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "_still_a_1", "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "label": "_have_v_1", "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "label": "_some_q", "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "label": "much-many_a", "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "label": "comp", "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "label": "_question_n_about", "anchors": [{"from": 37, "to": 47}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 0, "target": 4, "label": "ARG1"}]} +{"id": "107140", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Nevertheless, he still had some more questions.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 12, "label": "D"}, {"source": 10, "target": 3, "label": "D"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 0, "label": "L"}]} +{"id": "107140", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Nevertheless, he still had some more questions.", "tops": [0], "nodes": [{"id": 0, "label": "have-concession-91"}, {"id": 1, "label": "have-03"}, {"id": 2, "label": "he"}, {"id": 3, "label": "thing"}, {"id": 4, "label": "more"}, {"id": 5, "label": "some"}, {"id": 6, "label": "question-01"}, {"id": 7, "label": "still"}], "edges": [{"source": 1, "target": 2, "label": "ARG0"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 1, "target": 7, "label": "mod", "normal": "domain"}, {"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "degree"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1-of", "normal": "ARG1"}]} +{"id": "107190", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"Then they belong to me, because I was the first person to think of it.\"", "tops": [1], "nodes": [{"id": 1, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "belong", "properties": ["pos", "frame"], "values": ["VBP", "v_to:e-i-i"], "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "label": "first", "properties": ["pos", "frame"], "values": ["JJ", "ord:i-i-c"], "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "label": "person", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "label": "think", "properties": ["pos", "frame"], "values": ["VB", "v_of:e-i-i"], "anchors": [{"from": 59, "to": 64}]}, {"id": 16, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 68, "to": 70}]}], "edges": [{"source": 10, "target": 12, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 1, "target": 7, "label": "ARG1"}]} +{"id": "107190", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"Then they belong to me, because I was the first person to think of it.\"", "tops": [3], "nodes": [{"id": 1, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "belong", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 21, "to": 23}]}, {"id": 8, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "label": "first", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "label": "person", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "label": "think", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 59, "to": 64}]}, {"id": 16, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 68, "to": 70}]}], "edges": [{"source": 14, "target": 16, "label": "PAT-arg"}, {"source": 9, "target": 12, "label": "PAT-arg"}, {"source": 3, "target": 5, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 12, "target": 14, "label": "RSTR"}, {"source": 3, "target": 1, "label": "TWHEN"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 3, "target": 9, "label": "CAUS"}]} +{"id": "107190", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"Then they belong to me, because I was the first person to think of it.\"", "tops": [0], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "pron", "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "_belong_v_to", "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "label": "pron", "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "_because_x", "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "label": "pron", "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "label": "_be_v_id", "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "label": "ord", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "label": "_person_n_1", "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "label": "eventuality", "anchors": [{"from": 56, "to": 72}]}, {"id": 14, "label": "_think_v_of", "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "label": "pron", "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 68, "to": 72}]}], "edges": [{"source": 9, "target": 12, "label": "ARG2"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG2"}]} +{"id": "107190", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"Then they belong to me, because I was the first person to think of it.\"", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 70}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18, "anchors": [{"from": 71, "to": 72}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 14, "label": "P"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 0, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 12, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 6, "label": "U"}, {"source": 20, "target": 2, "label": "A"}, {"source": 19, "target": 7, "label": "L"}, {"source": 22, "target": 9, "label": "S"}, {"source": 23, "target": 10, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 24, "target": 13, "label": "F"}, {"source": 21, "target": 4, "label": "R"}, {"source": 20, "target": 3, "label": "S"}, {"source": 23, "target": 11, "label": "Q"}, {"source": 19, "target": 1, "label": "L"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 8, "label": "A"}]} +{"id": "107190", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"Then they belong to me, because I was the first person to think of it.\"", "tops": [0], "nodes": [{"id": 0, "label": "belong-01"}, {"id": 1, "label": "they"}, {"id": 2, "label": "i"}, {"id": 3, "label": "cause-01"}, {"id": 4, "label": "person"}, {"id": 5, "label": "ordinal-entity", "properties": ["value"], "values": ["1"]}, {"id": 6, "label": "think-01"}, {"id": 7, "label": "it"}], "edges": [{"source": 4, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 2, "label": "domain"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 0, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 4, "target": 5, "label": "ord"}, {"source": 3, "target": 4, "label": "ARG0"}]} +{"id": "107220", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "When you find a diamond that belongs to nobody, it is yours.", "tops": [0], "nodes": [{"id": 0, "label": "when", "properties": ["pos", "frame"], "values": ["WRB", "x:e-h-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "find", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "label": "diamond", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "label": "belong", "properties": ["pos", "frame"], "values": ["VBZ", "v_to:e-i-i"], "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "nobody", "properties": ["pos", "frame"], "values": ["NN", "person:x"], "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "label": "yours", "properties": ["pos", "frame"], "values": ["NNS", "pron:x"], "anchors": [{"from": 54, "to": 59}]}], "edges": [{"source": 11, "target": 10, "label": "ARG1"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG2"}]} +{"id": "107220", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "When you find a diamond that belongs to nobody, it is yours.", "tops": [11], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "find", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "diamond", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "belong", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "nobody", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "label": "your", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 54, "to": 59}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 6, "target": 8, "label": "PAT-arg"}, {"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 4, "target": 6, "label": "RSTR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 11, "target": 2, "label": "COND"}, {"source": 11, "target": 12, "label": "PAT-arg"}]} +{"id": "107220", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "When you find a diamond that belongs to nobody, it is yours.", "tops": [0], "nodes": [{"id": 0, "label": "_when_x_subord", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "_find_v_1", "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "_a_q", "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "label": "_diamond_n_1", "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "label": "_belong_v_to", "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "label": "person", "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "label": "_no_q", "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "label": "pron", "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "label": "_be_v_id", "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "label": "pron", "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 54, "to": 60}]}, {"id": 14, "label": "def_implicit_q", "anchors": [{"from": 54, "to": 60}]}, {"id": 15, "label": "generic_entity", "anchors": [{"from": 54, "to": 60}]}, {"id": 16, "label": "poss", "anchors": [{"from": 54, "to": 60}]}], "edges": [{"source": 0, "target": 3, "label": "ARG2"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 11, "target": 15, "label": "ARG2"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 16, "target": 12, "label": "ARG2"}]} +{"id": "107220", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "When you find a diamond that belongs to nobody, it is yours.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "F"}, {"source": 19, "target": 12, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 10, "label": "A"}, {"source": 15, "target": 2, "label": "P"}, {"source": 19, "target": 12, "label": "S"}, {"source": 17, "target": 6, "label": "S"}, {"source": 17, "target": 5, "label": "R"}, {"source": 14, "target": 19, "label": "H"}, {"source": 17, "target": 18, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 7, "label": "R"}, {"source": 17, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 1, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "L"}, {"source": 16, "target": 3, "label": "F"}]} +{"id": "107220", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "When you find a diamond that belongs to nobody, it is yours.", "tops": [0], "nodes": [{"id": 0, "label": "belong-01"}, {"id": 1, "label": "you"}, {"id": 2, "label": "find-01"}, {"id": 3, "label": "diamond"}, {"id": 4, "label": "belong-01"}, {"id": 5, "label": "nobody"}], "edges": [{"source": 3, "target": 4, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 2, "label": "condition"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG0"}, {"source": 2, "target": 1, "label": "ARG0"}]} +{"id": "107480", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [1], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "own", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "label": "volcano", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 12, "to": 21}]}, {"id": 6, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "label": "clean", "properties": ["pos", "frame"], "values": ["VB", "v_out:e-i-i"], "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "label": "every", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "week", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "label": "also", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "label": "clean", "properties": ["pos", "frame"], "values": ["VB", "v_out:e-i-i"], "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "label": "one", "properties": ["pos", "frame"], "values": ["NN", "card:i-i-c"], "anchors": [{"from": 78, "to": 81}]}, {"id": 21, "label": "extinct", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 90, "to": 97}]}, {"id": 23, "label": "one", "properties": ["pos", "frame"], "values": ["PRP", "n:x"], "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "label": "never", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "label": "know", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-p"], "anchors": [{"from": 109, "to": 114}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 10, "target": 7, "label": "loc"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 21, "target": 18, "label": "ARG1"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 1, "target": 24, "label": "conj"}, {"source": 12, "target": 7, "label": "ARG1"}, {"source": 7, "target": 3, "label": "ARG2"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}]} +{"id": "107480", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "own", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "label": "volcano", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "label": "which", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "label": "clean_out", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "label": "every", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "label": "also", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "label": "clean_out", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 64, "to": 69}]}, {"id": 18, "label": "one", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 82, "to": 86}]}, {"id": 20, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 87, "to": 89}]}, {"id": 21, "label": "extinct", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 90, "to": 97}]}, {"id": 23, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "label": "never", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "label": "know", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 109, "to": 114}]}], "edges": [{"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 18, "target": 20, "label": "RSTR"}, {"source": 15, "target": 18, "label": "PAT-arg"}, {"source": 15, "target": 13, "label": "ACT-arg"}, {"source": 25, "target": 24, "label": "TWHEN"}, {"source": 15, "target": 25, "label": "CAUS"}, {"source": 3, "target": 7, "label": "RSTR"}, {"source": 15, "target": 14, "label": "RHEM"}, {"source": 1, "target": 15, "label": "CAUS"}, {"source": 20, "target": 19, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 25, "target": 23, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 20, "target": 21, "label": "PAT-arg"}, {"source": 7, "target": 10, "label": "THO"}, {"source": 7, "target": 5, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "RSTR"}]} +{"id": "107480", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 116}]}, {"id": 1, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 3, "label": "_own_v_1", "anchors": [{"from": 2, "to": 5}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 6, "to": 11}]}, {"id": 6, "label": "_volcanoe_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 7, "label": "pron", "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "label": "_clean_v_out", "anchors": [{"from": 31, "to": 36}]}, {"id": 10, "label": "loc_nonsp", "anchors": [{"from": 41, "to": 51}]}, {"id": 11, "label": "_every_q", "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "label": "_week_n_1", "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "_for_x_cause", "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "label": "pron", "anchors": [{"from": 57, "to": 58}]}, {"id": 15, "label": "pronoun_q", "anchors": [{"from": 57, "to": 58}]}, {"id": 16, "label": "_also_a_1", "anchors": [{"from": 59, "to": 63}]}, {"id": 17, "label": "_clean_v_out", "anchors": [{"from": 64, "to": 69}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "label": "generic_entity", "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 78, "to": 81}]}, {"id": 21, "label": "_extinct_a_1", "anchors": [{"from": 90, "to": 98}]}, {"id": 22, "label": "_one_n_1", "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "label": "pronoun_q", "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "label": "_never_a_1", "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "label": "_know_v_1", "anchors": [{"from": 109, "to": 116}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 21, "target": 19, "label": "ARG1"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 15, "target": 14, "label": "BV"}, {"source": 9, "target": 6, "label": "ARG2"}, {"source": 0, "target": 24, "label": "R-HNDL"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 25, "target": 22, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 0, "target": 3, "label": "L-HNDL"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "107480", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}, {"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}, {"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25, "anchors": [{"from": 115, "to": 116}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 10, "label": "U"}, {"source": 34, "target": 21, "label": "A"}, {"source": 34, "target": 23, "label": "S"}, {"source": 27, "target": 34, "label": "H"}, {"source": 33, "target": 16, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 2, "label": "Q"}, {"source": 30, "target": 9, "label": "C"}, {"source": 27, "target": 31, "label": "H"}, {"source": 34, "target": 25, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 3, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "Q"}, {"source": 32, "target": 15, "label": "F"}, {"source": 27, "target": 11, "label": "L"}, {"source": 31, "target": 12, "label": "A"}, {"source": 33, "target": 18, "label": "F"}, {"source": 29, "target": 30, "label": "T"}, {"source": 31, "target": 14, "label": "P"}, {"source": 34, "target": 22, "label": "D"}, {"source": 27, "target": 20, "label": "U"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 19, "label": "S"}, {"source": 29, "target": 5, "label": "R"}, {"source": 28, "target": 29, "label": "E"}, {"source": 34, "target": 22, "label": "T"}, {"source": 26, "target": 1, "label": "S"}, {"source": 28, "target": 4, "label": "U"}, {"source": 33, "target": 17, "label": "R"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 6, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 29, "target": 7, "label": "P"}, {"source": 28, "target": 3, "label": "C"}, {"source": 31, "target": 13, "label": "D"}]} +{"id": "107480", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [0], "nodes": [{"id": 0, "label": "own-01"}, {"id": 1, "label": "i"}, {"id": 2, "label": "volcano", "properties": ["quant"], "values": ["3"]}, {"id": 3, "label": "clean-out-03"}, {"id": 4, "label": "rate-entity-91"}, {"id": 5, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 6, "label": "week"}, {"id": 7, "label": "cause-01"}, {"id": 8, "label": "clean-out-03"}, {"id": 9, "label": "volcano"}, {"id": 10, "label": "extinct"}, {"id": 11, "label": "include-91"}, {"id": 12, "label": "also"}, {"id": 13, "label": "cause-01"}, {"id": 14, "label": "know-01", "properties": ["polarity"], "values": ["-"]}, {"id": 15, "label": "one"}], "edges": [{"source": 8, "target": 12, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "frequency"}, {"source": 4, "target": 5, "label": "ARG3"}, {"source": 11, "target": 2, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "unit"}, {"source": 7, "target": 8, "label": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 14, "target": 15, "label": "ARG0"}, {"source": 13, "target": 14, "label": "ARG0"}, {"source": 3, "target": 1, "label": "ARG0"}, {"source": 3, "target": 7, "label": "ARG1-of", "normal": "ARG1"}, {"source": 8, "target": 1, "label": "ARG0"}, {"source": 8, "target": 13, "label": "ARG1-of", "normal": "ARG1"}, {"source": 9, "target": 11, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 9, "target": 10, "label": "mod", "normal": "domain"}, {"source": 8, "target": 9, "label": "ARG1"}]} +{"id": "107500", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "But you are of no use to the stars ...\"", "tops": [0], "nodes": [{"id": 0, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "label": "use", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "label": "star", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "107500", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "But you are of no use to the stars ...\"", "tops": [2], "nodes": [{"id": 0, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "label": "use", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 18, "to": 21}]}, {"id": 8, "label": "star", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 2, "target": 8, "label": "BEN"}, {"source": 2, "target": 4, "label": "RHEM"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "PREC"}, {"source": 2, "target": 5, "label": "DPHR"}]} +{"id": "107500", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "But you are of no use to the stars ...\"", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pron", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "label": "_of_p", "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "label": "_no_q", "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "label": "_use_n_of", "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "_to_p", "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "label": "_star_n_1", "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "107500", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "But you are of no use to the stars ...\"", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 13, "label": "S"}, {"source": 11, "target": 0, "label": "L"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "R"}, {"source": 14, "target": 7, "label": "F"}, {"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}]} +{"id": "107500", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "But you are of no use to the stars ...\"", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "use-01", "properties": ["polarity"], "values": ["-"]}, {"id": 2, "label": "star"}, {"id": 3, "label": "you"}], "edges": [{"source": 0, "target": 1, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}]} +{"id": "107850", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I put the lamp out in the morning, and in the evening I lighted it again.", "tops": [1], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "put", "properties": ["pos", "frame"], "values": ["VBD", "v_out:e-i-i"], "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "lamp", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "label": "morning", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 26, "to": 33}]}, {"id": 10, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 39, "to": 41}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "label": "evening", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 46, "to": 53}]}, {"id": 13, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "label": "light", "properties": ["pos", "frame"], "values": ["VBN", "v_cause:e-i-p"], "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "label": "again", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 67, "to": 72}]}], "edges": [{"source": 5, "target": 7, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 1, "target": 14, "label": "_and_c"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 10, "target": 14, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}]} +{"id": "107850", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I put the lamp out in the morning, and in the evening I lighted it again.", "tops": [1, 14], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "put_out", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 2, "to": 5}]}, {"id": 3, "label": "lamp", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 14}]}, {"id": 7, "label": "morning", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 26, "to": 33}]}, {"id": 9, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 35, "to": 38}]}, {"id": 12, "label": "evening", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 46, "to": 53}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "label": "light", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "label": "again", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 67, "to": 72}]}], "edges": [{"source": 9, "target": 1, "label": "CONJ.member"}, {"source": 14, "target": 13, "label": "ACT-arg"}, {"source": 9, "target": 14, "label": "CONJ.member"}, {"source": 14, "target": 15, "label": "PAT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 14, "target": 12, "label": "TWHEN"}, {"source": 14, "target": 16, "label": "TWHEN"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 7, "label": "TWHEN"}]} +{"id": "107850", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I put the lamp out in the morning, and in the evening I lighted it again.", "tops": [8], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_put_v_out", "anchors": [{"from": 2, "to": 5}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 4, "label": "_lamp_n_1", "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "label": "_in_p_temp", "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "label": "_morning_n_of", "anchors": [{"from": 26, "to": 34}]}, {"id": 8, "label": "_and_c", "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "label": "_in_p_temp", "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "label": "_evening_n_of", "anchors": [{"from": 46, "to": 53}]}, {"id": 12, "label": "pron", "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "label": "_light_v_cause", "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "label": "pron", "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 64, "to": 66}]}, {"id": 17, "label": "_again_a_1", "anchors": [{"from": 67, "to": 73}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 8, "target": 14, "label": "R-HNDL"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 9, "target": 14, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 8, "target": 2, "label": "L-HNDL"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "107850", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I put the lamp out in the morning, and in the evening I lighted it again.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 3, "label": "C"}, {"source": 22, "target": 21, "label": "T"}, {"source": 21, "target": 10, "label": "F"}, {"source": 21, "target": 9, "label": "R"}, {"source": 22, "target": 12, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 20, "label": "T"}, {"source": 20, "target": 5, "label": "F"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 4, "label": "R"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 15, "label": "D"}, {"source": 22, "target": 14, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 13, "label": "P"}, {"source": 18, "target": 7, "label": "U"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 8, "label": "L"}]} +{"id": "107850", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I put the lamp out in the morning, and in the evening I lighted it again.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "put-out-09"}, {"id": 2, "label": "i"}, {"id": 3, "label": "lamp"}, {"id": 4, "label": "date-entity"}, {"id": 5, "label": "morning"}, {"id": 6, "label": "light-04"}, {"id": 7, "label": "date-entity"}, {"id": 8, "label": "evening"}, {"id": 9, "label": "again"}], "edges": [{"source": 0, "target": 6, "label": "op2"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 7, "target": 8, "label": "dayperiod"}, {"source": 4, "target": 5, "label": "dayperiod"}, {"source": 6, "target": 2, "label": "ARG0"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 6, "target": 9, "label": "mod", "normal": "domain"}, {"source": 1, "target": 4, "label": "time"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 6, "target": 7, "label": "time"}]} +{"id": "107880", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"The orders have not been changed,\" said the lamplighter.", "tops": [9], "nodes": [{"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "order", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x"], "anchors": [{"from": 5, "to": 11}]}, {"id": 4, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "change", "properties": ["pos", "frame"], "values": ["VBN", "v_cause:e-i-p"], "anchors": [{"from": 26, "to": 33}]}, {"id": 9, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "lamplighter", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 45, "to": 56}]}], "edges": [{"source": 9, "target": 4, "label": "ARG2"}, {"source": 4, "target": 6, "label": "neg"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 6, "target": 2, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}]} +{"id": "107880", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"The orders have not been changed,\" said the lamplighter.", "tops": [9], "nodes": [{"id": 2, "label": "order", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 5, "to": 11}]}, {"id": 4, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "change", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 26, "to": 33}]}, {"id": 9, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "label": "lamplighter", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 45, "to": 56}]}], "edges": [{"source": 9, "target": 11, "label": "ACT-arg"}, {"source": 6, "target": 2, "label": "PAT-arg"}, {"source": 9, "target": 6, "label": "EFF-arg"}, {"source": 6, "target": 4, "label": "RHEM"}]} +{"id": "107880", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"The orders have not been changed,\" said the lamplighter.", "tops": [4], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_order_n_of", "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "label": "neg", "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "label": "_change_v_cause", "anchors": [{"from": 26, "to": 35}]}, {"id": 4, "label": "_say_v_to", "anchors": [{"from": 36, "to": 40}]}, {"id": 5, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "label": "_lamplighter_n_unknown", "anchors": [{"from": 45, "to": 57}]}], "edges": [{"source": 3, "target": 1, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}]} +{"id": "107880", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"The orders have not been changed,\" said the lamplighter.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 7, "label": "U"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 15, "label": "A"}, {"source": 16, "target": 6, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 2, "label": "C"}, {"source": 14, "target": 9, "label": "P"}, {"source": 16, "target": 4, "label": "D"}, {"source": 14, "target": 8, "label": "U"}, {"source": 18, "target": 10, "label": "F"}, {"source": 14, "target": 0, "label": "U"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 5, "label": "F"}, {"source": 15, "target": 1, "label": "F"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "F"}]} +{"id": "107880", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"The orders have not been changed,\" said the lamplighter.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "light-04"}, {"id": 3, "label": "lamp"}, {"id": 4, "label": "change-01", "properties": ["polarity"], "values": ["-"]}, {"id": 5, "label": "order-01"}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "107960", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"It is not funny at all!\" said the lamplighter.", "tops": [9], "nodes": [{"id": 1, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 3}]}, {"id": 3, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "funny", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "at+all", "properties": ["pos", "frame"], "values": ["IN", "a:e-e"], "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "label": "at+all", "properties": ["pos", "frame"], "values": ["DT", "a:e-e"], "anchors": [{"from": 20, "to": 23}]}, {"id": 9, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 26, "to": 30}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 31, "to": 34}]}, {"id": 11, "label": "lamplighter", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 35, "to": 46}]}], "edges": [{"source": 4, "target": 1, "label": "ARG1"}, {"source": 9, "target": 3, "label": "ARG2"}, {"source": 6, "target": 5, "label": "mwe"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "neg"}]} +{"id": "107960", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"It is not funny at all!\" said the lamplighter.", "tops": [9], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "funny", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 11, "to": 16}]}, {"id": 6, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 20, "to": 23}]}, {"id": 9, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 26, "to": 30}]}, {"id": 11, "label": "lamplighter", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 35, "to": 46}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 2, "target": 6, "label": "EXT"}, {"source": 9, "target": 2, "label": "EFF-arg"}, {"source": 2, "target": 3, "label": "RHEM"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 9, "target": 11, "label": "ACT-arg"}]} +{"id": "107960", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"It is not funny at all!\" said the lamplighter.", "tops": [5], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "neg", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_funny_a_1", "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "label": "_at+all_a_1", "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "label": "_lamplighter_n_unknown", "anchors": [{"from": 35, "to": 47}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG2"}]} +{"id": "107960", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"It is not funny at all!\" said the lamplighter.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}, {"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 8, "label": "P"}, {"source": 14, "target": 4, "label": "S"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 16, "target": 9, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 14, "target": 5, "label": "D"}, {"source": 13, "target": 0, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "107960", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"It is not funny at all!\" said the lamplighter.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "light-04"}, {"id": 3, "label": "lamp"}, {"id": 4, "label": "funny", "properties": ["polarity"], "values": ["-"]}, {"id": 5, "label": "it"}, {"id": 6, "label": "at-all"}], "edges": [{"source": 0, "target": 4, "label": "ARG1"}, {"source": 4, "target": 6, "label": "degree"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 4, "target": 5, "label": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "108150", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I am unlucky,\" said the lamplighter.", "tops": [6], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "unlucky", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 6, "to": 13}]}, {"id": 6, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "lamplighter", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 25, "to": 36}]}], "edges": [{"source": 3, "target": 1, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "108150", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I am unlucky,\" said the lamplighter.", "tops": [6], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "label": "lucky", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 6, "to": 13}]}, {"id": 6, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 16, "to": 20}]}, {"id": 8, "label": "lamplighter", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 25, "to": 36}]}], "edges": [{"source": 6, "target": 8, "label": "ACT-arg"}, {"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 2, "label": "EFF-arg"}]} +{"id": "108150", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I am unlucky,\" said the lamplighter.", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_unlucky_a_1", "anchors": [{"from": 6, "to": 15}]}, {"id": 3, "label": "_say_v_to", "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "_lamplighter_n_unknown", "anchors": [{"from": 25, "to": 37}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG1"}]} +{"id": "108150", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I am unlucky,\" said the lamplighter.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 5, "label": "U"}, {"source": 13, "target": 14, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 6, "label": "P"}, {"source": 12, "target": 1, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "108150", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I am unlucky,\" said the lamplighter.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "light-04"}, {"id": 3, "label": "lamp"}, {"id": 4, "label": "lucky", "properties": ["polarity"], "values": ["-"]}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 4, "target": 1, "label": "domain"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 2, "target": 3, "label": "ARG1"}]} +{"id": "108220", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "But his planet is indeed too small.", "tops": [0], "nodes": [{"id": 0, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "planet", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "label": "indeed", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "label": "too", "properties": ["pos", "frame"], "values": ["RB", "comp:e-u-u"], "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "small", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 4, "target": 6, "label": "ARG1"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 5, "target": 6, "label": "comp_too"}]} +{"id": "108220", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "But his planet is indeed too small.", "tops": [3], "nodes": [{"id": 0, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "planet", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "label": "indeed", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "label": "too", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "label": "small", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 6, "target": 5, "label": "EXT"}, {"source": 3, "target": 4, "label": "ATT"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 0, "label": "PREC"}, {"source": 3, "target": 6, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "APP"}]} +{"id": "108220", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "But his planet is indeed too small.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "def_explicit_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "poss", "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 4, "label": "pron", "anchors": [{"from": 4, "to": 7}]}, {"id": 5, "label": "_planet_n_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 6, "label": "_indeed_a_1", "anchors": [{"from": 18, "to": 24}]}, {"id": 7, "label": "comp_too", "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "label": "_small_a_1", "anchors": [{"from": 29, "to": 35}]}], "edges": [{"source": 8, "target": 5, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 0, "target": 8, "label": "R-HNDL"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "108220", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "But his planet is indeed too small.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "D"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "G"}, {"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 10, "label": "A"}, {"source": 10, "target": 9, "label": "E"}, {"source": 8, "target": 11, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 2, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "F"}, {"source": 8, "target": 0, "label": "L"}]} +{"id": "108220", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "But his planet is indeed too small.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "small"}, {"id": 2, "label": "too"}, {"id": 3, "label": "planet"}, {"id": 4, "label": "he"}, {"id": 5, "label": "indeed"}], "edges": [{"source": 3, "target": 4, "label": "poss"}, {"source": 1, "target": 2, "label": "degree"}, {"source": 1, "target": 5, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 1, "target": 3, "label": "domain"}]} +{"id": "108300", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The little prince sat down on the table and panted a little.", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "sit", "properties": ["pos", "frame"], "values": ["VBD", "v_down:e-i"], "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "label": "table", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "label": "pant", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "label": "a+little", "properties": ["pos", "frame"], "values": ["DT", "a:e-e"], "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "label": "a+little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-e"], "anchors": [{"from": 53, "to": 59}]}], "edges": [{"source": 11, "target": 9, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 9, "target": 2, "label": "ARG1"}, {"source": 3, "target": 9, "label": "_and_c"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 11, "target": 10, "label": "mwe"}]} +{"id": "108300", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The little prince sat down on the table and panted a little.", "tops": [3, 9], "nodes": [{"id": 1, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "sit_down", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "table", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "label": "pant", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 53, "to": 59}]}], "edges": [{"source": 8, "target": 3, "label": "CONJ.member"}, {"source": 9, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 7, "label": "DIR3"}, {"source": 2, "target": 1, "label": "RSTR"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 8, "target": 9, "label": "CONJ.member"}, {"source": 9, "target": 11, "label": "EXT"}]} +{"id": "108300", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The little prince sat down on the table and panted a little.", "tops": [7], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_little_a_1", "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "_prince_n_of", "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "_sit_v_down", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "_on_p", "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "label": "_the_q", "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "label": "_table_n_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "label": "_and_c", "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "label": "_pant_v_1", "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "label": "_a+little_a_1", "anchors": [{"from": 51, "to": 60}]}], "edges": [{"source": 8, "target": 2, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 7, "target": 8, "label": "R-HNDL"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 3, "label": "L-HNDL"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "108300", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The little prince sat down on the table and panted a little.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 13, "target": 16, "label": "E"}, {"source": 15, "target": 8, "label": "L"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 2, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "D"}, {"source": 19, "target": 9, "label": "P"}, {"source": 13, "target": 17, "label": "C"}, {"source": 20, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "F"}, {"source": 14, "target": 3, "label": "P"}, {"source": 19, "target": 20, "label": "D"}, {"source": 17, "target": 2, "label": "A"}, {"source": 15, "target": 19, "label": "H"}, {"source": 18, "target": 5, "label": "R"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 17, "target": 2, "label": "S"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 13, "label": "A"}, {"source": 16, "target": 1, "label": "S"}, {"source": 20, "target": 10, "label": "F"}]} +{"id": "108300", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The little prince sat down on the table and panted a little.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "sit-down-02"}, {"id": 2, "label": "prince"}, {"id": 3, "label": "little"}, {"id": 4, "label": "table"}, {"id": 5, "label": "pant-01"}, {"id": 6, "label": "little"}], "edges": [{"source": 0, "target": 5, "label": "op2"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 1, "target": 4, "label": "location"}, {"source": 5, "target": 6, "label": "duration"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 5, "target": 2, "label": "ARG0"}, {"source": 2, "target": 3, "label": "mod", "normal": "domain"}]} +{"id": "108720", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "That would be too complicated.", "tops": [1], "nodes": [{"id": 0, "label": "that", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "too", "properties": ["pos", "frame"], "values": ["RB", "comp:e-u-u"], "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "complicated", "properties": ["pos", "frame"], "values": ["VBN", "a_for:e-p-i"], "anchors": [{"from": 18, "to": 29}]}], "edges": [{"source": 3, "target": 4, "label": "comp_too"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 4, "target": 0, "label": "ARG1"}]} +{"id": "108720", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "That would be too complicated.", "tops": [4], "nodes": [{"id": 0, "label": "that", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "too", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "complicate", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 18, "to": 29}]}], "edges": [{"source": 4, "target": 3, "label": "RHEM"}, {"source": 4, "target": 0, "label": "ACT-arg"}]} +{"id": "108720", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "That would be too complicated.", "tops": [2], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_that_q_dem", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_would_v_modal", "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "comp_too", "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "_complicated_a_for", "anchors": [{"from": 18, "to": 30}]}], "edges": [{"source": 2, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 4, "target": 0, "label": "ARG1"}]} +{"id": "108720", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "That would be too complicated.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "108720", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "That would be too complicated.", "tops": [0], "nodes": [{"id": 0, "label": "complicate-01"}, {"id": 1, "label": "that"}, {"id": 2, "label": "too"}], "edges": [{"source": 0, "target": 2, "label": "degree"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "108750", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The geographer was suddenly stirred to excitement.", "tops": [4], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "geographer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "suddenly", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "label": "stir", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 28, "to": 35}]}, {"id": 5, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "label": "excitement", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 39, "to": 49}]}], "edges": [{"source": 4, "target": 1, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "108750", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The geographer was suddenly stirred to excitement.", "tops": [4], "nodes": [{"id": 1, "label": "geographer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "suddenly", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "label": "stir", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "label": "excitement", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 39, "to": 49}]}], "edges": [{"source": 4, "target": 3, "label": "TWHEN"}, {"source": 4, "target": 6, "label": "RESL"}, {"source": 4, "target": 1, "label": "ACT-arg"}]} +{"id": "108750", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The geographer was suddenly stirred to excitement.", "tops": [3], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_geographer_n_1", "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "label": "_sudden_a_1", "anchors": [{"from": 19, "to": 27}]}, {"id": 3, "label": "_stir_v_1", "anchors": [{"from": 28, "to": 35}]}, {"id": 4, "label": "_to_p", "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 39, "to": 50}]}, {"id": 6, "label": "_excitement_n_1", "anchors": [{"from": 39, "to": 50}]}], "edges": [{"source": 3, "target": 1, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}]} +{"id": "108750", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The geographer was suddenly stirred to excitement.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "D"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 12, "label": "S"}, {"source": 8, "target": 9, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 3, "label": "T"}, {"source": 9, "target": 0, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "108750", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The geographer was suddenly stirred to excitement.", "tops": [0], "nodes": [{"id": 0, "label": "stir-02"}, {"id": 1, "label": "geographer"}, {"id": 2, "label": "excite-01"}, {"id": 3, "label": "sudden"}], "edges": [{"source": 0, "target": 2, "label": "ARG3"}, {"source": 0, "target": 3, "label": "manner"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "108790", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And, having opened his big register, the geographer sharpened his pencil.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "open", "properties": ["pos", "frame"], "values": ["VBD", "v_cause:e-i-p"], "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "big", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "label": "register", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "label": "geographer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "sharpen", "properties": ["pos", "frame"], "values": ["VBD", "v_cause:e-i-p"], "anchors": [{"from": 52, "to": 61}]}, {"id": 11, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "label": "pencil", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 66, "to": 72}]}], "edges": [{"source": 3, "target": 6, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 3, "target": 10, "label": "subord"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 11, "target": 12, "label": "poss"}, {"source": 4, "target": 6, "label": "poss"}]} +{"id": "108790", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And, having opened his big register, the geographer sharpened his pencil.", "tops": [10], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "open", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "big", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "label": "register", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 27, "to": 35}]}, {"id": 9, "label": "geographer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "sharpen", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 52, "to": 61}]}, {"id": 11, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "label": "pencil", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 66, "to": 72}]}], "edges": [{"source": 10, "target": 12, "label": "PAT-arg"}, {"source": 12, "target": 11, "label": "APP"}, {"source": 6, "target": 4, "label": "APP"}, {"source": 6, "target": 5, "label": "RSTR"}, {"source": 10, "target": 3, "label": "TWHEN"}, {"source": 10, "target": 0, "label": "PREC"}, {"source": 3, "target": 6, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "ACT-arg"}]} +{"id": "108790", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And, having opened his big register, the geographer sharpened his pencil.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "subord", "anchors": [{"from": 5, "to": 36}]}, {"id": 2, "label": "_open_v_cause", "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "label": "poss", "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "label": "pron", "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "label": "_big_a_1", "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "_register_n_1", "anchors": [{"from": 27, "to": 36}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "_geographer_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 11, "label": "_sharpen_v_cause", "anchors": [{"from": 52, "to": 61}]}, {"id": 12, "label": "def_explicit_q", "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "label": "poss", "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "label": "pron", "anchors": [{"from": 62, "to": 65}]}, {"id": 16, "label": "_pencil_n_1", "anchors": [{"from": 66, "to": 73}]}], "edges": [{"source": 0, "target": 1, "label": "R-HNDL"}, {"source": 1, "target": 11, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 12, "target": 16, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 3, "target": 8, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 8, "label": "ARG1"}]} +{"id": "108790", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And, having opened his big register, the geographer sharpened his pencil.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 14, "target": 7, "label": "U"}, {"source": 22, "target": 12, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 3, "label": "P"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 8, "label": "F"}, {"source": 16, "target": 4, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 4, "label": "S"}, {"source": 16, "target": 6, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 23, "target": 12, "label": "C"}, {"source": 23, "target": 13, "label": "U"}, {"source": 14, "target": 21, "label": "H"}, {"source": 19, "target": 20, "label": "P"}, {"source": 22, "target": 11, "label": "A"}, {"source": 18, "target": 6, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "U"}, {"source": 21, "target": 19, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 18, "target": 5, "label": "S"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 0, "label": "L"}, {"source": 21, "target": 10, "label": "P"}, {"source": 21, "target": 23, "label": "A"}]} +{"id": "108790", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And, having opened his big register, the geographer sharpened his pencil.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "sharpen-01"}, {"id": 2, "label": "pencil"}, {"id": 3, "label": "after"}, {"id": 4, "label": "open-01"}, {"id": 5, "label": "geographer"}, {"id": 6, "label": "register-02"}, {"id": 7, "label": "big"}], "edges": [{"source": 4, "target": 6, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 1, "target": 3, "label": "time"}, {"source": 1, "target": 5, "label": "ARG0"}, {"source": 3, "target": 4, "label": "op1"}, {"source": 6, "target": 5, "label": "ARG0"}, {"source": 2, "target": 5, "label": "poss"}, {"source": 6, "target": 7, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "op2"}]} +{"id": "108900", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"We do not record flowers,\" said the geographer.", "tops": [8], "nodes": [{"id": 1, "label": "we", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 3}]}, {"id": 3, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "record", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "label": "flower", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 18, "to": 25}]}, {"id": 8, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "label": "geographer", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 37, "to": 47}]}], "edges": [{"source": 4, "target": 5, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 8, "target": 3, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 3, "target": 4, "label": "neg"}]} +{"id": "108900", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"We do not record flowers,\" said the geographer.", "tops": [8], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 3}]}, {"id": 3, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "record", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "label": "flower", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 25}]}, {"id": 8, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 28, "to": 32}]}, {"id": 10, "label": "geographer", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 37, "to": 47}]}], "edges": [{"source": 4, "target": 3, "label": "RHEM"}, {"source": 8, "target": 4, "label": "EFF-arg"}, {"source": 4, "target": 5, "label": "PAT-arg"}, {"source": 8, "target": 10, "label": "ACT-arg"}, {"source": 4, "target": 1, "label": "ACT-arg"}]} +{"id": "108900", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"We do not record flowers,\" said the geographer.", "tops": [6], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "neg", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_record_v_1", "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "label": "_flower_n_1", "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "label": "_say_v_to", "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "label": "_geographer_n_1", "anchors": [{"from": 37, "to": 48}]}], "edges": [{"source": 6, "target": 2, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "108900", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"We do not record flowers,\" said the geographer.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 8, "label": "P"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 16, "target": 9, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 14, "target": 5, "label": "A"}, {"source": 13, "target": 0, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "108900", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"We do not record flowers,\" said the geographer.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "geographer"}, {"id": 2, "label": "record-01", "properties": ["polarity"], "values": ["-"]}, {"id": 3, "label": "we"}, {"id": 4, "label": "thing"}, {"id": 5, "label": "flower-01"}], "edges": [{"source": 2, "target": 4, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 4, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 3, "label": "ARG0"}]} +{"id": "108990", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "We write of eternal things.\"", "tops": [1], "nodes": [{"id": 0, "label": "we", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "write", "properties": ["pos", "frame"], "values": ["VBP", "v_of:e-i-i"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "eternal", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "thing", "properties": ["pos", "frame"], "values": ["NNS", "n_of-about:x-i"], "anchors": [{"from": 20, "to": 26}]}], "edges": [{"source": 1, "target": 0, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "108990", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "We write of eternal things.\"", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "write", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "eternal", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "thing", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 20, "to": 26}]}], "edges": [{"source": 4, "target": 3, "label": "RSTR"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 4, "label": "PAT-arg"}]} +{"id": "108990", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "We write of eternal things.\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_write_v_of", "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 28}]}, {"id": 4, "label": "_eternal_a_1", "anchors": [{"from": 12, "to": 19}]}, {"id": 5, "label": "_thing_n_of-about", "anchors": [{"from": 20, "to": 28}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}]} +{"id": "108990", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "We write of eternal things.\"", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 9, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 1, "label": "P"}, {"source": 9, "target": 2, "label": "R"}, {"source": 8, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "108990", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "We write of eternal things.\"", "tops": [0], "nodes": [{"id": 0, "label": "write-01"}, {"id": 1, "label": "we"}, {"id": 2, "label": "thing"}, {"id": 3, "label": "eternal"}], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 2, "target": 3, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "109030", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"The thing that matters to us is the mountain.", "tops": [7], "nodes": [{"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "thing", "properties": ["pos", "frame"], "values": ["NN", "n_of-about:x-i"], "anchors": [{"from": 5, "to": 10}]}, {"id": 4, "label": "matter", "properties": ["pos", "frame"], "values": ["NNS", "v_to:e-i-i"], "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "label": "us", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "label": "mountain", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 37, "to": 45}]}], "edges": [{"source": 4, "target": 2, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}]} +{"id": "109030", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"The thing that matters to us is the mountain.", "tops": [7], "nodes": [{"id": 2, "label": "thing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "label": "matter", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "label": "mountain", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 37, "to": 45}]}], "edges": [{"source": 2, "target": 4, "label": "RSTR"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 7, "target": 2, "label": "ACT-arg"}, {"source": 7, "target": 9, "label": "PAT-arg"}, {"source": 4, "target": 6, "label": "BEN"}]} +{"id": "109030", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"The thing that matters to us is the mountain.", "tops": [5], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_thing_n_of-about", "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "label": "_matter_v_to", "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "label": "pron", "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "label": "_mountain_n_1", "anchors": [{"from": 37, "to": 46}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}]} +{"id": "109030", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"The thing that matters to us is the mountain.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 7, "label": "S"}, {"source": 12, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "S"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 0, "label": "U"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 5, "label": "R"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 3, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 2, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 1, "label": "F"}]} +{"id": "109030", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"The thing that matters to us is the mountain.", "tops": [0], "nodes": [{"id": 0, "label": "mountain"}, {"id": 1, "label": "thing"}, {"id": 2, "label": "matter-01"}, {"id": 3, "label": "we"}], "edges": [{"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "domain"}, {"source": 2, "target": 3, "label": "ARG2"}]} +{"id": "109160", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And the little prince went away, thinking of his flower.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "label": "go", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "away", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "label": "think", "properties": ["pos", "frame"], "values": ["VBG", "v_of:e-i-i"], "anchors": [{"from": 33, "to": 41}]}, {"id": 9, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "label": "flower", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 49, "to": 55}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 9, "target": 10, "label": "poss"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 7, "target": 4, "label": "subord"}]} +{"id": "109160", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And the little prince went away, thinking of his flower.", "tops": [4], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "label": "go", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "away", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "label": "think", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 33, "to": 41}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "label": "flower", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 49, "to": 55}]}], "edges": [{"source": 4, "target": 5, "label": "DIR3"}, {"source": 7, "target": 10, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 10, "target": 9, "label": "APP"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 4, "target": 7, "label": "COMPL"}, {"source": 4, "target": 0, "label": "PREC"}]} +{"id": "109160", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And the little prince went away, thinking of his flower.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "_little_a_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "_prince_n_of", "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "label": "_go_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "_away_p_dir", "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "label": "subord", "anchors": [{"from": 33, "to": 56}]}, {"id": 7, "label": "_think_v_of", "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "label": "poss", "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "label": "pron", "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "label": "_flower_n_1", "anchors": [{"from": 49, "to": 56}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 6, "label": "R-HNDL"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 7, "target": 12, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 12, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG1"}]} +{"id": "109160", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And the little prince went away, thinking of his flower.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 4, "label": "P"}, {"source": 17, "target": 7, "label": "P"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 15, "label": "E"}, {"source": 15, "target": 2, "label": "S"}, {"source": 19, "target": 9, "label": "A"}, {"source": 12, "target": 14, "label": "H"}, {"source": 19, "target": 10, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "S"}, {"source": 18, "target": 8, "label": "R"}, {"source": 13, "target": 16, "label": "C"}, {"source": 18, "target": 10, "label": "C"}, {"source": 17, "target": 3, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "D"}, {"source": 12, "target": 17, "label": "H"}, {"source": 13, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "U"}, {"source": 15, "target": 16, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "S"}, {"source": 14, "target": 13, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 3, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "E"}]} +{"id": "109160", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And the little prince went away, thinking of his flower.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "and"}, {"id": 2, "label": "go-02"}, {"id": 3, "label": "prince"}, {"id": 4, "label": "little"}, {"id": 5, "label": "away"}, {"id": 6, "label": "think-01"}, {"id": 7, "label": "flower"}], "edges": [{"source": 1, "target": 2, "label": "op1"}, {"source": 0, "target": 1, "label": "op2"}, {"source": 2, "target": 5, "label": "direction"}, {"source": 7, "target": 3, "label": "poss"}, {"source": 3, "target": 4, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 6, "target": 3, "label": "ARG0"}, {"source": 1, "target": 6, "label": "op2"}, {"source": 6, "target": 7, "label": "ARG1"}]} +{"id": "109180", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "So then the seventh planet was the Earth.", "tops": [0], "nodes": [{"id": 0, "label": "so", "properties": ["pos", "frame"], "values": ["RB", "a_thus:e-h"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "label": "seventh", "properties": ["pos", "frame"], "values": ["JJ", "ord:i-i-c"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "planet", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "label": "Earth", "properties": ["pos", "frame"], "values": ["NN", "named:x-c"], "anchors": [{"from": 35, "to": 40}]}], "edges": [{"source": 2, "target": 4, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "109180", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "So then the seventh planet was the Earth.", "tops": [5], "nodes": [{"id": 0, "label": "so", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "seventh", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "planet", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "label": "Earth", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 35, "to": 40}]}], "edges": [{"source": 5, "target": 4, "label": "ACT-arg"}, {"source": 5, "target": 0, "label": "PREC"}, {"source": 5, "target": 7, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 5, "target": 1, "label": "TWHEN"}]} +{"id": "109180", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "So then the seventh planet was the Earth.", "tops": [0], "nodes": [{"id": 0, "label": "_so_a_thus", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_then_a_1", "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "label": "ord", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "_planet_n_1", "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Earth"], "anchors": [{"from": 35, "to": 41}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}]} +{"id": "109180", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "So then the seventh planet was the Earth.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "A"}, {"source": 9, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 5, "label": "S"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "Q"}, {"source": 9, "target": 1, "label": "L"}, {"source": 9, "target": 0, "label": "L"}]} +{"id": "109180", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "So then the seventh planet was the Earth.", "tops": [0], "nodes": [{"id": 0, "label": "planet"}, {"id": 1, "label": "ordinal-entity", "properties": ["value"], "values": ["7"]}, {"id": 2, "label": "planet"}, {"id": 3, "label": "name", "properties": ["op1"], "values": ["Earth"]}, {"id": 4, "label": "cause-01"}], "edges": [{"source": 0, "target": 2, "label": "domain"}, {"source": 0, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "ord"}, {"source": 2, "target": 3, "label": "name"}]} +{"id": "109190", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The Earth is not just an ordinary planet!", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "Earth", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "label": "just", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "label": "ordinary", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "planet", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 34, "to": 40}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 3, "target": 2, "label": "neg"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}]} +{"id": "109190", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The Earth is not just an ordinary planet!", "tops": [2], "nodes": [{"id": 1, "label": "Earth", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "label": "just", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "label": "ordinary", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "planet", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 34, "to": 40}]}], "edges": [{"source": 7, "target": 6, "label": "RSTR"}, {"source": 2, "target": 3, "label": "RHEM"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 7, "target": 4, "label": "RHEM"}, {"source": 2, "target": 7, "label": "PAT-arg"}]} +{"id": "109190", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The Earth is not just an ordinary planet!", "tops": [3], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Earth"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "neg", "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "label": "_just_x_deg", "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "label": "_ordinary_a_1", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "_planet_n_1", "anchors": [{"from": 34, "to": 41}]}], "edges": [{"source": 2, "target": 7, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "109190", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The Earth is not just an ordinary planet!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "D"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "D"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 7, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 9, "label": "A"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "109190", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The Earth is not just an ordinary planet!", "tops": [0], "nodes": [{"id": 0, "label": "planet"}, {"id": 1, "label": "ordinary"}, {"id": 2, "label": "just", "properties": ["polarity"], "values": ["-"]}, {"id": 3, "label": "planet"}, {"id": 4, "label": "name", "properties": ["op1"], "values": ["Earth"]}], "edges": [{"source": 3, "target": 4, "label": "name"}, {"source": 0, "target": 3, "label": "domain"}, {"source": 1, "target": 2, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "mod", "normal": "domain"}]} +{"id": "109260", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Next, the lamplighters of China and Siberia would enter for their steps in the dance, and then they too would be waved back into the wings.", "tops": [8], "nodes": [{"id": 0, "label": "next", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "lamplighter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 10, "to": 22}]}, {"id": 4, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "label": "China", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "label": "Siberia", "properties": ["pos", "frame"], "values": ["NNP", "named:x-c"], "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "label": "enter", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "label": "their", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "label": "step", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "label": "dance", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "label": "too", "properties": ["pos", "frame"], "values": ["RB", "a_also:e-i"], "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 104, "to": 109}]}, {"id": 23, "label": "wave", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 113, "to": 118}]}, {"id": 24, "label": "back", "properties": ["pos", "frame"], "values": ["RP", "place_n:x"], "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "label": "into", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 124, "to": 128}]}, {"id": 26, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "label": "wing", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 133, "to": 138}]}], "edges": [{"source": 0, "target": 9, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 23, "target": 19, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 7, "label": "_and_c"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "poss"}, {"source": 24, "target": 23, "label": "loc"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 8, "target": 21, "label": "_and+then_c"}]} +{"id": "109260", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Next, the lamplighters of China and Siberia would enter for their steps in the dance, and then they too would be waved back into the wings.", "tops": [9, 23], "nodes": [{"id": 0, "label": "next", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "lamplighter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 10, "to": 22}]}, {"id": 5, "label": "China", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "label": "Siberia", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "label": "enter", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "label": "step", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "label": "dance", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "label": "too", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "label": "wave", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 113, "to": 118}]}, {"id": 24, "label": "back", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 119, "to": 123}]}, {"id": 27, "label": "wing", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 133, "to": 138}]}], "edges": [{"source": 23, "target": 19, "label": "PAT-arg"}, {"source": 17, "target": 9, "label": "CONJ.member"}, {"source": 9, "target": 12, "label": "PAT-arg"}, {"source": 23, "target": 24, "label": "DIR3"}, {"source": 3, "target": 7, "label": "APP"}, {"source": 23, "target": 27, "label": "DIR3"}, {"source": 23, "target": 20, "label": "RHEM"}, {"source": 12, "target": 15, "label": "RSTR"}, {"source": 17, "target": 23, "label": "CONJ.member"}, {"source": 9, "target": 3, "label": "ACT-arg"}, {"source": 23, "target": 18, "label": "TWHEN"}, {"source": 6, "target": 7, "label": "CONJ.member"}, {"source": 3, "target": 5, "label": "APP"}, {"source": 12, "target": 11, "label": "APP"}, {"source": 23, "target": 0, "label": "TWHEN"}, {"source": 6, "target": 5, "label": "CONJ.member"}, {"source": 9, "target": 0, "label": "TWHEN"}]} +{"id": "109260", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Next, the lamplighters of China and Siberia would enter for their steps in the dance, and then they too would be waved back into the wings.", "tops": [21], "nodes": [{"id": 0, "label": "_next_a_1", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "_lamplighter_n_unknown", "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "label": "_of_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 26, "to": 43}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["China"], "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "label": "_and_c", "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Siberia"], "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "label": "_would_v_modal", "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "label": "_enter_v_1", "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "label": "_for_p", "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "label": "def_explicit_q", "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "label": "poss", "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "label": "pronoun_q", "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "label": "pron", "anchors": [{"from": 60, "to": 65}]}, {"id": 17, "label": "_step_n_1", "anchors": [{"from": 66, "to": 71}]}, {"id": 18, "label": "_in_p", "anchors": [{"from": 72, "to": 74}]}, {"id": 19, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 20, "label": "_dance_n_1", "anchors": [{"from": 79, "to": 85}]}, {"id": 21, "label": "_and+then_c", "anchors": [{"from": 86, "to": 94}]}, {"id": 22, "label": "pron", "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "label": "pronoun_q", "anchors": [{"from": 95, "to": 99}]}, {"id": 24, "label": "_too_a_also", "anchors": [{"from": 100, "to": 103}]}, {"id": 25, "label": "_would_v_modal", "anchors": [{"from": 104, "to": 109}]}, {"id": 26, "label": "_wave_v_1", "anchors": [{"from": 113, "to": 118}]}, {"id": 27, "label": "loc_nonsp", "anchors": [{"from": 119, "to": 139}]}, {"id": 28, "label": "place_n", "anchors": [{"from": 119, "to": 123}]}, {"id": 29, "label": "def_implicit_q", "anchors": [{"from": 119, "to": 123}]}, {"id": 30, "label": "_back_p", "anchors": [{"from": 119, "to": 123}]}, {"id": 31, "label": "_into_p", "anchors": [{"from": 124, "to": 128}]}, {"id": 32, "label": "_the_q", "anchors": [{"from": 129, "to": 132}]}, {"id": 33, "label": "_wing_n_1", "anchors": [{"from": 133, "to": 139}]}], "edges": [{"source": 25, "target": 26, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 27, "target": 28, "label": "ARG2"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 32, "target": 33, "label": "BV"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 21, "target": 25, "label": "R-HNDL"}, {"source": 7, "target": 9, "label": "R-INDEX"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 7, "target": 6, "label": "L-INDEX"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 29, "target": 28, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 26, "target": 22, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 11, "target": 2, "label": "ARG1"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 30, "target": 28, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 21, "target": 10, "label": "L-HNDL"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 31, "target": 28, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 4, "target": 7, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "109260", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Next, the lamplighters of China and Siberia would enter for their steps in the dance, and then they too would be waved back into the wings.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 138}]}, {"id": 28, "anchors": [{"from": 138, "to": 139}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 29, "target": 1, "label": "U"}, {"source": 39, "target": 24, "label": "D"}, {"source": 39, "target": 20, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 30, "label": "C"}, {"source": 29, "target": 39, "label": "H"}, {"source": 39, "target": 22, "label": "F"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 32, "label": "A"}, {"source": 31, "target": 3, "label": "C"}, {"source": 32, "target": 34, "label": "E"}, {"source": 40, "target": 26, "label": "F"}, {"source": 29, "target": 33, "label": "H"}, {"source": 40, "target": 28, "label": "U"}, {"source": 29, "target": 18, "label": "L"}, {"source": 33, "target": 8, "label": "D"}, {"source": 35, "target": 7, "label": "C"}, {"source": 37, "target": 38, "label": "P"}, {"source": 38, "target": 14, "label": "F"}, {"source": 29, "target": 13, "label": "L"}, {"source": 34, "target": 4, "label": "R"}, {"source": 40, "target": 27, "label": "C"}, {"source": 40, "target": 25, "label": "R"}, {"source": 31, "target": 2, "label": "F"}, {"source": 29, "target": 36, "label": "H"}, {"source": 36, "target": 11, "label": "A"}, {"source": 38, "target": 15, "label": "C"}, {"source": 36, "target": 12, "label": "P"}, {"source": 39, "target": 23, "label": "P"}, {"source": 29, "target": 10, "label": "L"}, {"source": 29, "target": 16, "label": "U"}, {"source": 34, "target": 35, "label": "C"}, {"source": 39, "target": 19, "label": "A"}, {"source": 39, "target": 21, "label": "D"}, {"source": 29, "target": 37, "label": "H"}, {"source": 35, "target": 5, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 29, "target": 0, "label": "L"}, {"source": 29, "target": 17, "label": "L"}, {"source": 33, "target": 9, "label": "P"}, {"source": 35, "target": 6, "label": "N"}]} +{"id": "109260", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Next, the lamplighters of China and Siberia would enter for their steps in the dance, and then they too would be waved back into the wings.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "enter-01"}, {"id": 2, "label": "person"}, {"id": 3, "label": "light-04"}, {"id": 4, "label": "lamp"}, {"id": 5, "label": "and"}, {"id": 6, "label": "country"}, {"id": 7, "label": "name", "properties": ["op1"], "values": ["China"]}, {"id": 8, "label": "country-region"}, {"id": 9, "label": "name", "properties": ["op1"], "values": ["Siberia"]}, {"id": 10, "label": "next"}, {"id": 11, "label": "step"}, {"id": 12, "label": "dance-01"}, {"id": 13, "label": "wave-02"}, {"id": 14, "label": "back"}, {"id": 15, "label": "into"}, {"id": 16, "label": "wing"}, {"id": 17, "label": "then"}, {"id": 18, "label": "too"}], "edges": [{"source": 1, "target": 2, "label": "ARG0"}, {"source": 11, "target": 12, "label": "part-of", "normal": "part"}, {"source": 2, "target": 3, "label": "ARG0-of", "normal": "ARG0"}, {"source": 1, "target": 10, "label": "time"}, {"source": 8, "target": 9, "label": "name"}, {"source": 13, "target": 2, "label": "ARG1"}, {"source": 0, "target": 13, "label": "op2"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 1, "target": 11, "label": "purpose"}, {"source": 2, "target": 5, "label": "source"}, {"source": 13, "target": 17, "label": "time"}, {"source": 13, "target": 18, "label": "degree"}, {"source": 14, "target": 15, "label": "direction"}, {"source": 5, "target": 6, "label": "op1"}, {"source": 5, "target": 8, "label": "op2"}, {"source": 15, "target": 16, "label": "op1"}, {"source": 11, "target": 2, "label": "poss"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 6, "target": 7, "label": "name"}]} +{"id": "109330", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I have not been altogether honest in what I have told you about the lamplighters.", "tops": [2], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "altogether", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "label": "honest", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "label": "what", "properties": ["pos", "frame"], "values": ["WP", "thing:x"], "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "label": "tell", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-i-i"], "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "label": "about", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "label": "lamplighter", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 68, "to": 80}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 2, "target": 5, "label": "neg"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG3"}, {"source": 5, "target": 0, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 10, "target": 7, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}]} +{"id": "109330", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I have not been altogether honest in what I have told you about the lamplighters.", "tops": [3], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "be", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "label": "altogether", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "label": "honest", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "label": "what", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "label": "tell", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "label": "lamplighter", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 68, "to": 80}]}], "edges": [{"source": 10, "target": 11, "label": "ADDR-arg"}, {"source": 10, "target": 14, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "RHEM"}, {"source": 3, "target": 4, "label": "EXT"}, {"source": 3, "target": 5, "label": "PAT-arg"}, {"source": 10, "target": 8, "label": "ACT-arg"}, {"source": 10, "target": 7, "label": "EFF-arg"}, {"source": 3, "target": 10, "label": "REG"}, {"source": 3, "target": 0, "label": "ACT-arg"}]} +{"id": "109330", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I have not been altogether honest in what I have told you about the lamplighters.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "neg", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_altogether_x", "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "label": "_honest_a_1", "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "label": "_in_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 37, "to": 81}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 37, "to": 81}]}, {"id": 8, "label": "thing", "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "label": "which_q", "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "label": "pron", "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "label": "pronoun_q", "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "label": "_tell_v_1", "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "label": "pron", "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "label": "_about_p", "anchors": [{"from": 58, "to": 63}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 64, "to": 67}]}, {"id": 17, "label": "_lamplighter_n_unknown", "anchors": [{"from": 68, "to": 81}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 4, "target": 0, "label": "ARG1"}, {"source": 15, "target": 12, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG3"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 12, "target": 8, "label": "ARG2"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 7, "target": 12, "label": "ARG1"}]} +{"id": "109330", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I have not been altogether honest in what I have told you about the lamplighters.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 9, "label": "F"}, {"source": 21, "target": 13, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 7, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "R"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 8, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 5, "label": "S"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 11, "label": "A"}, {"source": 17, "target": 4, "label": "D"}, {"source": 17, "target": 1, "label": "F"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 12, "label": "R"}]} +{"id": "109330", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I have not been altogether honest in what I have told you about the lamplighters.", "tops": [0], "nodes": [{"id": 0, "label": "honest-01"}, {"id": 1, "label": "i"}, {"id": 2, "label": "thing"}, {"id": 3, "label": "tell-01"}, {"id": 4, "label": "you"}, {"id": 5, "label": "person"}, {"id": 6, "label": "light-04"}, {"id": 7, "label": "lamp"}, {"id": 8, "label": "altogether", "properties": ["polarity"], "values": ["-"]}], "edges": [{"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 8, "label": "degree"}, {"source": 3, "target": 5, "label": "topic"}, {"source": 5, "target": 6, "label": "ARG0-of", "normal": "ARG0"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG0"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "109420", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "They adore figures, and that will please them.", "tops": [1], "nodes": [{"id": 0, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "adore", "properties": ["pos", "frame"], "values": ["JJ", "v:e-i-p"], "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "label": "figure", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 11, "to": 18}]}, {"id": 5, "label": "that", "properties": ["pos", "frame"], "values": ["WDT", "x:x"], "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "please", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "label": "them", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 41, "to": 45}]}], "edges": [{"source": 1, "target": 7, "label": "_and_c"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}]} +{"id": "109420", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "They adore figures, and that will please them.", "tops": [1, 7], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "adore", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "label": "figure", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "that", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "please", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 41, "to": 45}]}], "edges": [{"source": 1, "target": 2, "label": "PAT-arg"}, {"source": 4, "target": 7, "label": "CONJ.member"}, {"source": 4, "target": 1, "label": "CONJ.member"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 7, "target": 5, "label": "ACT-arg"}, {"source": 7, "target": 8, "label": "PAT-arg"}]} +{"id": "109420", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "They adore figures, and that will please them.", "tops": [5], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_adore_v_1", "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "_figure_n_1", "anchors": [{"from": 11, "to": 19}]}, {"id": 5, "label": "_and_c", "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "label": "generic_entity", "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "_that_q_dem", "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "label": "_please_v_1", "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "label": "pron", "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 41, "to": 46}]}], "edges": [{"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 5, "target": 8, "label": "R-HNDL"}, {"source": 5, "target": 2, "label": "L-HNDL"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "109420", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "They adore figures, and that will please them.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 7, "label": "S"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "F"}, {"source": 11, "target": 3, "label": "U"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 2, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "A"}, {"source": 11, "target": 12, "label": "H"}]} +{"id": "109420", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "They adore figures, and that will please them.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "adore-01"}, {"id": 2, "label": "they"}, {"id": 3, "label": "figure"}, {"id": 4, "label": "please-01"}, {"id": 5, "label": "that"}], "edges": [{"source": 1, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 0, "target": 4, "label": "op2"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}]} +{"id": "109530", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Then there are no people on the Earth?\"", "tops": [0], "nodes": [{"id": 0, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "are", "properties": ["pos", "frame"], "values": ["VBP", "v_there:e-i"], "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "label": "people", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "label": "Earth", "properties": ["pos", "frame"], "values": ["NN", "named:x-c"], "anchors": [{"from": 32, "to": 37}]}], "edges": [{"source": 5, "target": 7, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "109530", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Then there are no people on the Earth?\"", "tops": [2], "nodes": [{"id": 0, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "label": "people", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 24}]}, {"id": 7, "label": "earth", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 32, "to": 37}]}], "edges": [{"source": 2, "target": 4, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "PREC"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 2, "target": 7, "label": "LOC"}]} +{"id": "109530", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Then there are no people on the Earth?\"", "tops": [0], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_be_v_there", "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "label": "_no_q", "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "label": "_people_n_of", "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "label": "_on_p", "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "label": "_the_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Earth"], "anchors": [{"from": 32, "to": 39}]}], "edges": [{"source": 5, "target": 6, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}]} +{"id": "109530", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Then there are no people on the Earth?\"", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 5, "label": "S"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "109530", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Then there are no people on the Earth?\"", "tops": [0], "nodes": [{"id": 0, "label": "person", "properties": ["mode", "polarity"], "values": ["interrogative", "-"]}, {"id": 1, "label": "planet"}, {"id": 2, "label": "name", "properties": ["op1"], "values": ["Earth"]}], "edges": [{"source": 0, "target": 1, "label": "location"}, {"source": 1, "target": 2, "label": "name"}]} +{"id": "109540", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"This is the desert.", "tops": [2], "nodes": [{"id": 1, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "desert", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 13, "to": 19}]}], "edges": [{"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "109540", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"This is the desert.", "tops": [2], "nodes": [{"id": 1, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "label": "desert", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 13, "to": 19}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}]} +{"id": "109540", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"This is the desert.", "tops": [2], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_this_q_dem", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "_desert_n_1", "anchors": [{"from": 13, "to": 20}]}], "edges": [{"source": 2, "target": 4, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "109540", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"This is the desert.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 3, "label": "F"}, {"source": 7, "target": 0, "label": "U"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "109540", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"This is the desert.", "tops": [0], "nodes": [{"id": 0, "label": "desert"}, {"id": 1, "label": "this"}], "edges": [{"source": 0, "target": 1, "label": "domain"}]} +{"id": "109550", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "There are no people in the desert.", "tops": [1], "nodes": [{"id": 1, "label": "are", "properties": ["pos", "frame"], "values": ["VBP", "v_there:e-i"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "people", "properties": ["pos", "frame"], "values": ["NNS", "n_of:x-i"], "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "label": "desert", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 27, "to": 33}]}], "edges": [{"source": 1, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "109550", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "There are no people in the desert.", "tops": [1], "nodes": [{"id": 1, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "people", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "label": "desert", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 27, "to": 33}]}], "edges": [{"source": 3, "target": 2, "label": "RSTR"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 6, "label": "LOC"}]} +{"id": "109550", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "There are no people in the desert.", "tops": [0], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 9}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "label": "_people_n_of", "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "label": "_in_p", "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "label": "_desert_n_1", "anchors": [{"from": 27, "to": 34}]}], "edges": [{"source": 1, "target": 2, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "109550", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "There are no people in the desert.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "D"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "A"}, {"source": 9, "target": 1, "label": "F"}]} +{"id": "109550", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "There are no people in the desert.", "tops": [0], "nodes": [{"id": 0, "label": "person", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "desert"}], "edges": [{"source": 0, "target": 1, "label": "location"}]} +{"id": "109770", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "You can not even travel ...\"", "tops": [2], "nodes": [{"id": 0, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "can", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "label": "even", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "travel", "properties": ["pos", "frame"], "values": ["NN", "v:e-i"], "anchors": [{"from": 17, "to": 23}]}], "edges": [{"source": 2, "target": 1, "label": "neg"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 4, "target": 0, "label": "ARG1"}]} +{"id": "109770", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "You can not even travel ...\"", "tops": [4], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "label": "even", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "travel", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 17, "to": 23}]}], "edges": [{"source": 4, "target": 3, "label": "RHEM"}, {"source": 4, "target": 0, "label": "ACT-arg"}, {"source": 4, "target": 2, "label": "RHEM"}]} +{"id": "109770", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "You can not even travel ...\"", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_can_v_modal", "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "label": "neg", "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "_even_a_1", "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "label": "_travel_v_1", "anchors": [{"from": 17, "to": 23}]}], "edges": [{"source": 5, "target": 0, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "109770", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "You can not even travel ...\"", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 8, "label": "H"}]} +{"id": "109770", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "You can not even travel ...\"", "tops": [0], "nodes": [{"id": 0, "label": "possible-01", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "travel-01"}, {"id": 2, "label": "you"}, {"id": 3, "label": "even"}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 0, "target": 3, "label": "mod", "normal": "domain"}]} +{"id": "109820", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The little prince made no reply.", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "make", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p-u"], "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "label": "reply", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 26, "to": 31}]}], "edges": [{"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "109820", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The little prince made no reply.", "tops": [3], "nodes": [{"id": 1, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "make", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "label": "reply", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 26, "to": 31}]}], "edges": [{"source": 5, "target": 4, "label": "RSTR"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 5, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "RSTR"}]} +{"id": "109820", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The little prince made no reply.", "tops": [3], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_little_a_1", "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "_prince_n_of", "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "_make_v_1", "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "label": "_no_q", "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "label": "_reply_n_of", "anchors": [{"from": 26, "to": 32}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "109820", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The little prince made no reply.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 7, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 12, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 10, "label": "E"}, {"source": 10, "target": 11, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "F"}, {"source": 11, "target": 2, "label": "S"}, {"source": 7, "target": 0, "label": "F"}, {"source": 7, "target": 11, "label": "C"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 12, "label": "P"}]} +{"id": "109820", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The little prince made no reply.", "tops": [0], "nodes": [{"id": 0, "label": "reply-01", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "prince"}, {"id": 2, "label": "little"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 2, "label": "mod", "normal": "domain"}]} +{"id": "110010", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "But one never knows where to find them.", "tops": [0], "nodes": [{"id": 0, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "one", "properties": ["pos", "frame"], "values": ["PRP", "n:x"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "never", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "label": "know", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-h"], "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "label": "where", "properties": ["pos", "frame"], "values": ["WRB", "place_n:x"], "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "label": "find", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-i-h"], "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "label": "them", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 34, "to": 38}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 4, "target": 7, "label": "loc"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG3"}]} +{"id": "110010", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "But one never knows where to find them.", "tops": [3], "nodes": [{"id": 0, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "never", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "label": "know", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "label": "where", "properties": ["pos"], "values": ["WRB"], "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "label": "find", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 34, "to": 38}]}], "edges": [{"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 4, "label": "LOC"}, {"source": 3, "target": 2, "label": "TWHEN"}, {"source": 6, "target": 7, "label": "PAT-arg"}, {"source": 3, "target": 0, "label": "PREC"}, {"source": 3, "target": 6, "label": "PAT-arg"}]} +{"id": "110010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "But one never knows where to find them.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_one_n_1", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "label": "_never_a_1", "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "label": "_know_v_1", "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "label": "loc_nonsp", "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "label": "place_n", "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "which_q", "anchors": [{"from": 20, "to": 25}]}, {"id": 8, "label": "_find_v_1", "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "label": "pron", "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 34, "to": 39}]}], "edges": [{"source": 5, "target": 6, "label": "ARG2"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 8, "target": 5, "label": "ARG3"}, {"source": 5, "target": 9, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 4, "target": 8, "label": "ARG2"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 7, "target": 6, "label": "BV"}]} +{"id": "110010", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "But one never knows where to find them.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "P"}, {"source": 12, "target": 7, "label": "A"}, {"source": 12, "target": 1, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "S"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 2, "label": "T"}, {"source": 12, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "L"}]} +{"id": "110010", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "But one never knows where to find them.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "know-01"}, {"id": 2, "label": "person"}, {"id": 3, "label": "include-91"}, {"id": 4, "label": "they"}, {"id": 5, "label": "find-01"}, {"id": 6, "label": "they"}, {"id": 7, "label": "amr-unknown"}, {"id": 8, "label": "ever", "properties": ["polarity"], "values": ["-"]}], "edges": [{"source": 5, "target": 7, "label": "location"}, {"source": 2, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 5, "target": 2, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 1, "target": 8, "label": "time"}]} +{"id": "110020", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The wind blows them away.", "tops": [2], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "wind", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "blow", "properties": ["pos", "frame"], "values": ["NNS", "v_away:e-i-i"], "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "label": "them", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 15, "to": 19}]}], "edges": [{"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG2"}]} +{"id": "110020", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The wind blows them away.", "tops": [2], "nodes": [{"id": 1, "label": "wind", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "blow", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "away", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 20, "to": 24}]}], "edges": [{"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 2, "target": 4, "label": "DIR3"}, {"source": 2, "target": 1, "label": "ACT-arg"}]} +{"id": "110020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The wind blows them away.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_wind_n_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "_blow_v_away", "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "label": "pron", "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 15, "to": 19}]}], "edges": [{"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}]} +{"id": "110020", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The wind blows them away.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "D"}, {"source": 6, "target": 0, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 7, "target": 8, "label": "H"}]} +{"id": "110020", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The wind blows them away.", "tops": [0], "nodes": [{"id": 0, "label": "blow-01"}, {"id": 1, "label": "wind"}, {"id": 2, "label": "they"}, {"id": 3, "label": "away"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 3, "label": "direction"}]} +{"id": "110250", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "But it happened that after walking for a long time through sand, and rocks, and snow, the little prince at last came upon a road.", "tops": [0], "nodes": [{"id": 0, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "happen", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-h-i"], "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "label": "after", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "walk", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i"], "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "label": "long", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "label": "through", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "label": "sand", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "label": "rock", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "label": "snow", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 90, "to": 96}]}, {"id": 21, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 97, "to": 103}]}, {"id": 22, "label": "at+last", "properties": ["pos", "frame"], "values": ["IN", "a:e-e"], "anchors": [{"from": 104, "to": 106}]}, {"id": 23, "label": "at+last", "properties": ["pos", "frame"], "values": ["JJ", "a:e-e"], "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "label": "come", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "label": "upon", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 122, "to": 123}]}, {"id": 27, "label": "road", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 124, "to": 128}]}], "edges": [{"source": 20, "target": 21, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 4, "target": 24, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 10, "target": 5, "label": "ARG1"}, {"source": 11, "target": 14, "label": "_and_c"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 2, "target": 24, "label": "ARG1"}, {"source": 11, "target": 17, "label": "_and_c"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 24, "target": 21, "label": "ARG1"}, {"source": 23, "target": 22, "label": "mwe"}, {"source": 0, "target": 2, "label": "ARG2"}]} +{"id": "110250", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "But it happened that after walking for a long time through sand, and rocks, and snow, the little prince at last came upon a road.", "tops": [2], "nodes": [{"id": 0, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "happen", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 7, "to": 15}]}, {"id": 5, "label": "walk", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "label": "long", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "label": "sand", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "label": "rock", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "label": "snow", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 90, "to": 96}]}, {"id": 21, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 97, "to": 103}]}, {"id": 23, "label": "last", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "label": "come", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 112, "to": 116}]}, {"id": 27, "label": "road", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 124, "to": 128}]}], "edges": [{"source": 24, "target": 5, "label": "COMPL"}, {"source": 16, "target": 17, "label": "CONJ.member"}, {"source": 5, "target": 9, "label": "TFHL"}, {"source": 2, "target": 24, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 5, "target": 17, "label": "DIR2"}, {"source": 24, "target": 21, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "PREC"}, {"source": 5, "target": 14, "label": "DIR2"}, {"source": 16, "target": 11, "label": "CONJ.member"}, {"source": 16, "target": 14, "label": "CONJ.member"}, {"source": 24, "target": 23, "label": "TWHEN"}, {"source": 21, "target": 20, "label": "RSTR"}, {"source": 24, "target": 27, "label": "DIR3"}, {"source": 5, "target": 11, "label": "DIR2"}, {"source": 9, "target": 8, "label": "RSTR"}]} +{"id": "110250", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "But it happened that after walking for a long time through sand, and rocks, and snow, the little prince at last came upon a road.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_happen_v_to", "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "label": "_after_p", "anchors": [{"from": 21, "to": 26}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 27, "to": 85}]}, {"id": 4, "label": "nominalization", "anchors": [{"from": 27, "to": 85}]}, {"id": 5, "label": "_walk_v_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "_for_p", "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "label": "_a_q", "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "label": "_long_a_1", "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "_time_n_of", "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "label": "_through_p", "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 59, "to": 85}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 59, "to": 75}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "label": "_sand_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "label": "_and_c", "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_rock_n_1", "anchors": [{"from": 69, "to": 75}]}, {"id": 18, "label": "_and_c", "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "label": "_snow_n_1", "anchors": [{"from": 80, "to": 85}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "label": "_little_a_1", "anchors": [{"from": 90, "to": 96}]}, {"id": 23, "label": "_prince_n_of", "anchors": [{"from": 97, "to": 103}]}, {"id": 24, "label": "_at+last_a_1", "anchors": [{"from": 104, "to": 111}]}, {"id": 25, "label": "_come_v_1", "anchors": [{"from": 112, "to": 116}]}, {"id": 26, "label": "_upon_p", "anchors": [{"from": 117, "to": 121}]}, {"id": 27, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 28, "label": "_road_n_1", "anchors": [{"from": 124, "to": 129}]}], "edges": [{"source": 18, "target": 15, "label": "L-INDEX"}, {"source": 12, "target": 15, "label": "BV"}, {"source": 11, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 15, "target": 14, "label": "L-INDEX"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 15, "target": 17, "label": "R-INDEX"}, {"source": 10, "target": 5, "label": "ARG1"}, {"source": 10, "target": 18, "label": "ARG2"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 0, "target": 1, "label": "R-HNDL"}, {"source": 2, "target": 25, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 18, "target": 20, "label": "R-INDEX"}, {"source": 1, "target": 25, "label": "ARG1"}, {"source": 19, "target": 20, "label": "BV"}]} +{"id": "110250", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "But it happened that after walking for a long time through sand, and rocks, and snow, the little prince at last came upon a road.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}, {"from": 7, "to": 15}, {"from": 16, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 106}, {"from": 107, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 116}, {"from": 117, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 128}]}, {"id": 24, "anchors": [{"from": 128, "to": 129}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 10, "label": "U"}, {"source": 26, "target": 1, "label": "G"}, {"source": 31, "target": 17, "label": "F"}, {"source": 32, "target": 33, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 28, "label": "T"}, {"source": 30, "target": 9, "label": "C"}, {"source": 28, "target": 6, "label": "E"}, {"source": 25, "target": 2, "label": "L"}, {"source": 28, "target": 4, "label": "R"}, {"source": 26, "target": 21, "label": "P"}, {"source": 31, "target": 33, "label": "C"}, {"source": 30, "target": 11, "label": "N"}, {"source": 29, "target": 8, "label": "R"}, {"source": 26, "target": 31, "label": "A"}, {"source": 34, "target": 22, "label": "F"}, {"source": 33, "target": 19, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 26, "label": "H"}, {"source": 30, "target": 14, "label": "N"}, {"source": 34, "target": 23, "label": "C"}, {"source": 29, "target": 30, "label": "C"}, {"source": 33, "target": 19, "label": "S"}, {"source": 25, "target": 0, "label": "L"}, {"source": 27, "target": 3, "label": "P"}, {"source": 30, "target": 15, "label": "C"}, {"source": 28, "target": 7, "label": "C"}, {"source": 30, "target": 13, "label": "U"}, {"source": 26, "target": 34, "label": "A"}, {"source": 30, "target": 12, "label": "C"}, {"source": 27, "target": 19, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "H"}, {"source": 28, "target": 5, "label": "F"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 20, "label": "T"}, {"source": 32, "target": 18, "label": "S"}]} +{"id": "110250", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "But it happened that after walking for a long time through sand, and rocks, and snow, the little prince at last came upon a road.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "come-upon-26"}, {"id": 2, "label": "prince"}, {"id": 3, "label": "little"}, {"id": 4, "label": "road"}, {"id": 5, "label": "after"}, {"id": 6, "label": "walk-01"}, {"id": 7, "label": "and"}, {"id": 8, "label": "sand"}, {"id": 9, "label": "rock"}, {"id": 10, "label": "thing"}, {"id": 11, "label": "snow-01"}, {"id": 12, "label": "long-03"}, {"id": 13, "label": "at-last"}], "edges": [{"source": 5, "target": 6, "label": "op1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 2, "target": 3, "label": "mod", "normal": "domain"}, {"source": 1, "target": 13, "label": "time"}, {"source": 6, "target": 2, "label": "ARG0"}, {"source": 6, "target": 12, "label": "ARG1-of", "normal": "ARG1"}, {"source": 7, "target": 8, "label": "op1"}, {"source": 10, "target": 11, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 7, "target": 10, "label": "op3"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 7, "target": 9, "label": "op2"}, {"source": 6, "target": 7, "label": "path"}, {"source": 1, "target": 5, "label": "time"}]} +{"id": "110360", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And here were five thousand of them, all alike, in one single garden!", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "here", "properties": ["pos", "frame"], "values": ["RB", "place_n:x"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "five", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "label": "thousand", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 19, "to": 27}]}, {"id": 8, "label": "all", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "label": "alike", "properties": ["pos", "frame"], "values": ["RB", "a:e-i"], "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "label": "one", "properties": ["pos", "frame"], "values": ["CD", "card:i-i-c"], "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "label": "single", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "label": "garden", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 62, "to": 68}]}], "edges": [{"source": 11, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 3, "target": 4, "label": "times"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG1"}]} +{"id": "110360", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And here were five thousand of them, all alike, in one single garden!", "tops": [2], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "here", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "label": "five", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "label": "thousand", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "label": "alike", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "label": "single", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "label": "garden", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 62, "to": 68}]}], "edges": [{"source": 2, "target": 4, "label": "ACT-arg"}, {"source": 2, "target": 9, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "LOC"}, {"source": 4, "target": 6, "label": "APP"}, {"source": 2, "target": 0, "label": "PREC"}, {"source": 14, "target": 13, "label": "RSTR"}, {"source": 4, "target": 3, "label": "RSTR"}, {"source": 2, "target": 14, "label": "LOC"}, {"source": 14, "target": 12, "label": "RSTR"}, {"source": 2, "target": 8, "label": "ACT-arg"}]} +{"id": "110360", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And here were five thousand of them, all alike, in one single garden!", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "loc_nonsp", "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "place_n", "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "def_implicit_q", "anchors": [{"from": 4, "to": 8}]}, {"id": 4, "label": "_here_a_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 5, "label": "part_of", "anchors": [{"from": 14, "to": 27}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 14, "to": 27}]}, {"id": 7, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 14, "to": 18}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["1000"], "anchors": [{"from": 19, "to": 27}]}, {"id": 9, "label": "times", "anchors": [{"from": 19, "to": 27}]}, {"id": 10, "label": "pron", "anchors": [{"from": 31, "to": 36}]}, {"id": 11, "label": "pronoun_q", "anchors": [{"from": 31, "to": 36}]}, {"id": 12, "label": "_all_a_1", "anchors": [{"from": 37, "to": 40}]}, {"id": 13, "label": "_alike_a_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 14, "label": "_in_p", "anchors": [{"from": 48, "to": 50}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 51, "to": 54}]}, {"id": 17, "label": "_single_a_1", "anchors": [{"from": 55, "to": 61}]}, {"id": 18, "label": "_garden_n_1", "anchors": [{"from": 62, "to": 69}]}], "edges": [{"source": 9, "target": 8, "label": "ARG3"}, {"source": 8, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "R-HNDL"}, {"source": 13, "target": 5, "label": "ARG1"}, {"source": 5, "target": 10, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 14, "target": 5, "label": "ARG1"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 14, "target": 18, "label": "ARG2"}]} +{"id": "110360", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And here were five thousand of them, all alike, in one single garden!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 9, "label": "U"}, {"source": 17, "target": 4, "label": "R"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 3, "label": "Q"}, {"source": 20, "target": 5, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "E"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "S"}, {"source": 18, "target": 5, "label": "C", "attributes": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 10, "label": "S"}, {"source": 16, "target": 2, "label": "F"}, {"source": 15, "target": 20, "label": "H"}, {"source": 22, "target": 14, "label": "U"}, {"source": 22, "target": 21, "label": "Q"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "Q"}, {"source": 21, "target": 12, "label": "C"}, {"source": 16, "target": 1, "label": "S"}, {"source": 17, "target": 6, "label": "U"}, {"source": 15, "target": 16, "label": "H"}]} +{"id": "110360", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And here were five thousand of them, all alike, in one single garden!", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "they", "properties": ["quant"], "values": ["5000"]}, {"id": 2, "label": "alike-05"}, {"id": 3, "label": "all"}, {"id": 4, "label": "here"}, {"id": 5, "label": "garden", "properties": ["quant"], "values": ["1"]}], "edges": [{"source": 1, "target": 2, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 4, "label": "location"}, {"source": 1, "target": 5, "label": "location"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 2, "target": 3, "label": "mod", "normal": "domain"}]} +{"id": "110390", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Then he went on with his reflections: \"I thought that I was rich, with a flower that was unique in all the world; and all I had was a common rose.", "tops": [7], "nodes": [{"id": 0, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "label": "go", "properties": ["pos", "frame"], "values": ["VBD", "v_on:e-i"], "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "reflection", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 25, "to": 36}]}, {"id": 7, "label": ":", "properties": ["pos"], "values": [":"], "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "label": "think", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-h-i"], "anchors": [{"from": 41, "to": 48}]}, {"id": 12, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "label": "rich", "properties": ["pos", "frame"], "values": ["JJ", "a_in:e-p-i"], "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "label": "flower", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 73, "to": 79}]}, {"id": 21, "label": "unique", "properties": ["pos", "frame"], "values": ["JJ", "a_to:e-p-i"], "anchors": [{"from": 89, "to": 95}]}, {"id": 22, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 96, "to": 98}]}, {"id": 23, "label": "all", "properties": ["pos", "frame"], "values": ["PDT", "part_of:x-i"], "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "label": "world", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 107, "to": 112}]}, {"id": 28, "label": "all", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 118, "to": 121}]}, {"id": 29, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 122, "to": 123}]}, {"id": 30, "label": "have", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i"], "anchors": [{"from": 124, "to": 127}]}, {"id": 31, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 128, "to": 131}]}, {"id": 32, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 132, "to": 133}]}, {"id": 33, "label": "common", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p"], "anchors": [{"from": 134, "to": 140}]}, {"id": 34, "label": "rose", "properties": ["pos", "frame"], "values": ["VBD", "n:x"], "anchors": [{"from": 141, "to": 145}]}], "edges": [{"source": 33, "target": 34, "label": "ARG1"}, {"source": 10, "target": 31, "label": "_and_c"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 31, "target": 28, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 7, "target": 0, "label": "ARG1"}, {"source": 23, "target": 25, "label": "part"}, {"source": 5, "target": 6, "label": "poss"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 21, "target": 18, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 32, "target": 34, "label": "BV"}, {"source": 31, "target": 34, "label": "ARG2"}, {"source": 10, "target": 14, "label": "ARG2"}, {"source": 30, "target": 28, "label": "ARG2"}, {"source": 16, "target": 14, "label": "ARG1"}]} +{"id": "110390", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Then he went on with his reflections: \"I thought that I was rich, with a flower that was unique in all the world; and all I had was a common rose.", "tops": [2], "nodes": [{"id": 0, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "label": "go_on", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 8, "to": 12}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "reflection", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 25, "to": 36}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "label": "think", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 41, "to": 48}]}, {"id": 12, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "label": "rich", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 60, "to": 64}]}, {"id": 18, "label": "flower", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 73, "to": 79}]}, {"id": 19, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "label": "unique", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 89, "to": 95}]}, {"id": 23, "label": "all", "properties": ["pos"], "values": ["PDT"], "anchors": [{"from": 99, "to": 102}]}, {"id": 25, "label": "world", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 107, "to": 112}]}, {"id": 27, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 114, "to": 117}]}, {"id": 28, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 118, "to": 121}]}, {"id": 29, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 122, "to": 123}]}, {"id": 30, "label": "have", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 124, "to": 127}]}, {"id": 31, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 128, "to": 131}]}, {"id": 33, "label": "common", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 134, "to": 140}]}, {"id": 34, "label": "rose", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 141, "to": 145}]}], "edges": [{"source": 13, "target": 14, "label": "PAT-arg"}, {"source": 31, "target": 34, "label": "PAT-arg"}, {"source": 10, "target": 13, "label": "EFF-arg"}, {"source": 25, "target": 23, "label": "RSTR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 27, "target": 31, "label": "CONJ.member"}, {"source": 27, "target": 10, "label": "CONJ.member"}, {"source": 30, "target": 29, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "TWHEN"}, {"source": 20, "target": 21, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "ACT-arg"}, {"source": 13, "target": 12, "label": "ACT-arg"}, {"source": 2, "target": 10, "label": "COMPL"}, {"source": 6, "target": 5, "label": "APP"}, {"source": 20, "target": 25, "label": "LOC"}, {"source": 18, "target": 20, "label": "RSTR"}, {"source": 2, "target": 31, "label": "COMPL"}, {"source": 20, "target": 19, "label": "ACT-arg"}, {"source": 34, "target": 33, "label": "RSTR"}, {"source": 31, "target": 30, "label": "ACT-arg"}, {"source": 2, "target": 6, "label": "ACMP"}, {"source": 13, "target": 18, "label": "ACMP"}, {"source": 30, "target": 28, "label": "PAT-arg"}]} +{"id": "110390", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Then he went on with his reflections: \"I thought that I was rich, with a flower that was unique in all the world; and all I had was a common rose.", "tops": [10], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "_go_v_on", "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "_with_p", "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "label": "def_explicit_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "poss", "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "pronoun_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "pron", "anchors": [{"from": 21, "to": 24}]}, {"id": 9, "label": "_reflection_n_1", "anchors": [{"from": 25, "to": 36}]}, {"id": 10, "label": "_colon_p_namely", "anchors": [{"from": 36, "to": 37}]}, {"id": 11, "label": "pron", "anchors": [{"from": 38, "to": 40}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 13, "label": "_think_v_1", "anchors": [{"from": 41, "to": 48}]}, {"id": 14, "label": "pron", "anchors": [{"from": 54, "to": 55}]}, {"id": 15, "label": "pronoun_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 16, "label": "_rich_a_in", "anchors": [{"from": 60, "to": 65}]}, {"id": 17, "label": "_with_p", "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "label": "_a_q", "anchors": [{"from": 71, "to": 72}]}, {"id": 19, "label": "_flower_n_1", "anchors": [{"from": 73, "to": 79}]}, {"id": 20, "label": "_unique_a_to", "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "label": "_in_p", "anchors": [{"from": 96, "to": 98}]}, {"id": 22, "label": "part_of", "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "label": "_all_q", "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "label": "_world_n_of", "anchors": [{"from": 107, "to": 113}]}, {"id": 26, "label": "_and_c", "anchors": [{"from": 114, "to": 117}]}, {"id": 27, "label": "_all_q", "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "label": "generic_entity", "anchors": [{"from": 118, "to": 121}]}, {"id": 29, "label": "pron", "anchors": [{"from": 122, "to": 123}]}, {"id": 30, "label": "pronoun_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 31, "label": "_have_v_1", "anchors": [{"from": 124, "to": 127}]}, {"id": 32, "label": "_be_v_id", "anchors": [{"from": 128, "to": 131}]}, {"id": 33, "label": "_a_q", "anchors": [{"from": 132, "to": 133}]}, {"id": 34, "label": "_common_a_for", "anchors": [{"from": 134, "to": 140}]}, {"id": 35, "label": "_rose_n_1", "anchors": [{"from": 141, "to": 146}]}], "edges": [{"source": 24, "target": 25, "label": "BV"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 26, "target": 32, "label": "R-HNDL"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 15, "target": 14, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 32, "target": 28, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 31, "target": 29, "label": "ARG1"}, {"source": 26, "target": 13, "label": "L-HNDL"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 32, "target": 35, "label": "ARG2"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 30, "target": 29, "label": "BV"}, {"source": 31, "target": 28, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 10, "target": 0, "label": "ARG1"}, {"source": 10, "target": 26, "label": "ARG2"}]} +{"id": "110390", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Then he went on with his reflections: \"I thought that I was rich, with a flower that was unique in all the world; and all I had was a common rose.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 112}]}, {"id": 25, "anchors": [{"from": 112, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 123}]}, {"id": 29, "anchors": [{"from": 124, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "anchors": [{"from": 132, "to": 133}]}, {"id": 32, "anchors": [{"from": 134, "to": 140}]}, {"id": 33, "anchors": [{"from": 141, "to": 145}]}, {"id": 34, "anchors": [{"from": 145, "to": 146}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 44, "target": 22, "label": "Q"}, {"source": 37, "target": 3, "label": "R"}, {"source": 43, "target": 18, "label": "R"}, {"source": 37, "target": 5, "label": "C"}, {"source": 48, "target": 33, "label": "C"}, {"source": 39, "target": 41, "label": "H"}, {"source": 39, "target": 40, "label": "H"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 15, "label": "S"}, {"source": 35, "target": 46, "label": "H"}, {"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 12, "label": "F"}, {"source": 36, "target": 38, "label": "A"}, {"source": 44, "target": 21, "label": "R"}, {"source": 49, "target": 32, "label": "S"}, {"source": 44, "target": 24, "label": "C"}, {"source": 36, "target": 6, "label": "U"}, {"source": 38, "target": 8, "label": "A"}, {"source": 42, "target": 17, "label": "C"}, {"source": 46, "target": 48, "label": "A"}, {"source": 46, "target": 30, "label": "S"}, {"source": 45, "target": 27, "label": "Q"}, {"source": 36, "target": 7, "label": "U"}, {"source": 38, "target": 9, "label": "P"}, {"source": 35, "target": 26, "label": "L"}, {"source": 39, "target": 14, "label": "U"}, {"source": 36, "target": 2, "label": "D"}, {"source": 43, "target": 20, "label": "S"}, {"source": 36, "target": 37, "label": "P"}, {"source": 41, "target": 11, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 49, "target": 33, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 40, "target": 13, "label": "S"}, {"source": 48, "target": 34, "label": "U"}, {"source": 36, "target": 1, "label": "A"}, {"source": 45, "target": 47, "label": "E"}, {"source": 42, "target": 16, "label": "F"}, {"source": 48, "target": 49, "label": "E"}, {"source": 46, "target": 45, "label": "A"}, {"source": 39, "target": 10, "label": "R"}, {"source": 35, "target": 0, "label": "L"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 17, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 43, "target": 19, "label": "F"}, {"source": 37, "target": 4, "label": "F"}, {"source": 47, "target": 29, "label": "S"}, {"source": 48, "target": 31, "label": "F"}, {"source": 40, "target": 11, "label": "A"}, {"source": 44, "target": 23, "label": "F"}, {"source": 47, "target": 28, "label": "A"}, {"source": 42, "target": 43, "label": "E"}, {"source": 35, "target": 36, "label": "H"}, {"source": 35, "target": 25, "label": "U"}]} +{"id": "110390", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Then he went on with his reflections: \"I thought that I was rich, with a flower that was unique in all the world; and all I had was a common rose.", "tops": [0], "nodes": [{"id": 0, "label": "go-on-25"}, {"id": 1, "label": "reflect-02"}, {"id": 2, "label": "he"}, {"id": 3, "label": "contrast-01"}, {"id": 4, "label": "think-01"}, {"id": 5, "label": "rich"}, {"id": 6, "label": "cause-01"}, {"id": 7, "label": "have-03"}, {"id": 8, "label": "flower"}, {"id": 9, "label": "unique"}, {"id": 10, "label": "world"}, {"id": 11, "label": "all"}, {"id": 12, "label": "have-03"}, {"id": 13, "label": "rose"}, {"id": 14, "label": "common"}, {"id": 15, "label": "all"}, {"id": 16, "label": "then"}], "edges": [{"source": 8, "target": 9, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 0, "target": 16, "label": "time"}, {"source": 5, "target": 2, "label": "domain"}, {"source": 0, "target": 2, "label": "ARG0"}, {"source": 13, "target": 14, "label": "mod", "normal": "domain"}, {"source": 6, "target": 7, "label": "ARG0"}, {"source": 7, "target": 2, "label": "ARG0"}, {"source": 12, "target": 15, "label": "mod", "normal": "domain"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 12, "label": "ARG2"}, {"source": 10, "target": 11, "label": "mod", "normal": "domain"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 12, "target": 2, "label": "ARG0"}, {"source": 9, "target": 10, "label": "compared-to"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG0"}]} +{"id": "110640", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "These are their only interests.", "tops": [1], "nodes": [{"id": 0, "label": "these", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "are", "properties": ["pos", "frame"], "values": ["VBP", "v_id:e-p-i"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "their", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "only", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "label": "interest", "properties": ["pos", "frame"], "values": ["NNS", "n_in:x-i"], "anchors": [{"from": 21, "to": 30}]}], "edges": [{"source": 1, "target": 0, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 2, "target": 4, "label": "poss"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "110640", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "These are their only interests.", "tops": [1], "nodes": [{"id": 0, "label": "these", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "only", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "label": "interest", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 21, "to": 30}]}], "edges": [{"source": 1, "target": 4, "label": "PAT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 4, "target": 2, "label": "APP"}, {"source": 1, "target": 3, "label": "RHEM"}]} +{"id": "110640", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "These are their only interests.", "tops": [2], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_these_q_dem", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "def_explicit_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "poss", "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "pron", "anchors": [{"from": 10, "to": 15}]}, {"id": 7, "label": "_only_a_1", "anchors": [{"from": 16, "to": 20}]}, {"id": 8, "label": "_interest_n_in", "anchors": [{"from": 21, "to": 31}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 8, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 8, "label": "ARG1"}]} +{"id": "110640", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "These are their only interests.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 3, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "A"}]} +{"id": "110640", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "These are their only interests.", "tops": [0], "nodes": [{"id": 0, "label": "interest-01"}, {"id": 1, "label": "this"}, {"id": 2, "label": "they"}, {"id": 3, "label": "only"}], "edges": [{"source": 0, "target": 3, "label": "mod", "normal": "domain"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "110690", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"It is an act too often neglected,\" said the fox.", "tops": [10], "nodes": [{"id": 1, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "label": "act", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "label": "too", "properties": ["pos", "frame"], "values": ["RB", "comp:e-u-u"], "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "often", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "label": "neglect", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 24, "to": 33}]}, {"id": 10, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "label": "fox", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 45, "to": 48}]}], "edges": [{"source": 7, "target": 4, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 10, "target": 2, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 5, "target": 6, "label": "comp_too"}]} +{"id": "110690", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"It is an act too often neglected,\" said the fox.", "tops": [10], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 4, "to": 6}]}, {"id": 4, "label": "act", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "label": "too", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "often", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "label": "neglect", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 24, "to": 33}]}, {"id": 10, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 36, "to": 40}]}, {"id": 12, "label": "fox", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 45, "to": 48}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 10, "target": 12, "label": "ACT-arg"}, {"source": 7, "target": 2, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 10, "target": 7, "label": "EFF-arg"}, {"source": 7, "target": 6, "label": "THO"}, {"source": 7, "target": 5, "label": "RHEM"}]} +{"id": "110690", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"It is an act too often neglected,\" said the fox.", "tops": [8], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "label": "_act_n_of", "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "label": "comp_too", "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "label": "_often_a_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "label": "_neglect_v_1", "anchors": [{"from": 24, "to": 35}]}, {"id": 8, "label": "_say_v_to", "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "label": "_fox_n_1", "anchors": [{"from": 45, "to": 49}]}], "edges": [{"source": 5, "target": 6, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 7, "target": 4, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 8, "target": 2, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "110690", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"It is an act too often neglected,\" said the fox.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 48}]}, {"id": 13, "anchors": [{"from": 48, "to": 49}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 9, "label": "U"}, {"source": 20, "target": 5, "label": "E"}, {"source": 21, "target": 7, "label": "S"}, {"source": 22, "target": 12, "label": "C"}, {"source": 15, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "U"}, {"source": 18, "target": 4, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 22, "target": 11, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 18, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 8, "label": "U"}, {"source": 21, "target": 20, "label": "T"}, {"source": 15, "target": 0, "label": "U"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 2, "label": "S"}, {"source": 16, "target": 1, "label": "A"}, {"source": 19, "target": 21, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 19, "target": 17, "label": "C"}, {"source": 15, "target": 10, "label": "P"}]} +{"id": "110690", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"It is an act too often neglected,\" said the fox.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "fox"}, {"id": 2, "label": "neglect-01"}, {"id": 3, "label": "act-02"}, {"id": 4, "label": "often"}, {"id": 5, "label": "too"}], "edges": [{"source": 2, "target": 4, "label": "frequency"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "degree"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 3, "label": "ARG1"}]} +{"id": "110700", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "It means to establish ties.\"", "tops": [1], "nodes": [{"id": 0, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "mean", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i-h"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "establish", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "tie", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 22, "to": 26}]}], "edges": [{"source": 3, "target": 0, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "110700", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "It means to establish ties.\"", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "mean", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "establish", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "tie", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 22, "to": 26}]}], "edges": [{"source": 3, "target": 4, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 3, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}]} +{"id": "110700", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "It means to establish ties.\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_mean_v_1", "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_establish_v_1", "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "label": "_tie_n_1", "anchors": [{"from": 22, "to": 28}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "110700", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "It means to establish ties.\"", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "S"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}]} +{"id": "110700", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "It means to establish ties.\"", "tops": [0], "nodes": [{"id": 0, "label": "mean-01"}, {"id": 1, "label": "it"}, {"id": 2, "label": "establish-01"}, {"id": 3, "label": "tie-01"}], "edges": [{"source": 0, "target": 2, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "110740", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And I have no need of you.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "no", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "label": "need", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 22, "to": 25}]}], "edges": [{"source": 4, "target": 6, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}]} +{"id": "110740", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And I have no need of you.", "tops": [2], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "label": "have", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "no", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "label": "need", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 22, "to": 25}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "PREC"}, {"source": 4, "target": 6, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "RSTR"}]} +{"id": "110740", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And I have no need of you.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pron", "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 4, "to": 5}]}, {"id": 3, "label": "_have_v_1", "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "label": "_no_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "_need_n_of", "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "label": "pron", "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "label": "pronoun_q", "anchors": [{"from": 22, "to": 26}]}], "edges": [{"source": 5, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "110740", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And I have no need of you.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 10, "label": "S"}, {"source": 9, "target": 3, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 8, "target": 0, "label": "L"}]} +{"id": "110740", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And I have no need of you.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "need-01", "properties": ["polarity"], "values": ["-"]}, {"id": 2, "label": "i"}, {"id": 3, "label": "you"}], "edges": [{"source": 0, "target": 1, "label": "op2"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 1, "target": 3, "label": "ARG1"}]} +{"id": "110800", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I am beginning to understand,\" said the little prince.", "tops": [8], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "begin", "properties": ["pos", "frame"], "values": ["VBG", "v:e-h"], "anchors": [{"from": 6, "to": 15}]}, {"id": 5, "label": "understand", "properties": ["pos", "frame"], "values": ["VB", "v_by:e-i-p"], "anchors": [{"from": 19, "to": 29}]}, {"id": 8, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 48, "to": 54}]}], "edges": [{"source": 10, "target": 11, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 8, "target": 3, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 5, "target": 1, "label": "ARG1"}]} +{"id": "110800", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I am beginning to understand,\" said the little prince.", "tops": [8], "nodes": [{"id": 1, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "begin", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 6, "to": 15}]}, {"id": 5, "label": "understand", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 19, "to": 29}]}, {"id": 8, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 48, "to": 54}]}], "edges": [{"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 8, "target": 11, "label": "ACT-arg"}, {"source": 5, "target": 1, "label": "ACT-arg"}, {"source": 3, "target": 5, "label": "PAT-arg"}, {"source": 8, "target": 3, "label": "EFF-arg"}]} +{"id": "110800", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I am beginning to understand,\" said the little prince.", "tops": [4], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_begin_v_1", "anchors": [{"from": 6, "to": 15}]}, {"id": 3, "label": "_understand_v_by", "anchors": [{"from": 19, "to": 31}]}, {"id": 4, "label": "_say_v_to", "anchors": [{"from": 32, "to": 36}]}, {"id": 5, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "label": "_little_a_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 7, "label": "_prince_n_of", "anchors": [{"from": 48, "to": 55}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG2"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG1"}]} +{"id": "110800", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I am beginning to understand,\" said the little prince.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 7, "label": "U"}, {"source": 14, "target": 8, "label": "P"}, {"source": 15, "target": 5, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 18, "label": "C"}, {"source": 18, "target": 11, "label": "A"}, {"source": 14, "target": 0, "label": "U"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 4, "label": "F"}, {"source": 18, "target": 11, "label": "S"}, {"source": 16, "target": 9, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 17, "target": 10, "label": "S"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "D"}, {"source": 15, "target": 1, "label": "A"}]} +{"id": "110800", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I am beginning to understand,\" said the little prince.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "prince"}, {"id": 2, "label": "little"}, {"id": 3, "label": "begin-01"}, {"id": 4, "label": "i"}, {"id": 5, "label": "understand-01"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG0"}]} +{"id": "110970", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I hunt chickens; men hunt me.", "tops": [2], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "label": "hunt", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "chicken", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 8, "to": 16}]}, {"id": 5, "label": "man", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "hunt", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 27, "to": 29}]}], "edges": [{"source": 2, "target": 3, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 2, "target": 6, "label": "conj"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG2"}]} +{"id": "110970", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I hunt chickens; men hunt me.", "tops": [2, 6], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "label": "hunt", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "chicken", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "label": ";", "properties": ["pos"], "values": [":"], "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "label": "man", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "label": "hunt", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 27, "to": 29}]}], "edges": [{"source": 4, "target": 6, "label": "CONJ.member"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 4, "target": 2, "label": "CONJ.member"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 7, "label": "PAT-arg"}, {"source": 2, "target": 3, "label": "PAT-arg"}]} +{"id": "110970", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I hunt chickens; men hunt me.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 30}]}, {"id": 1, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 3, "label": "_hunt_v_1", "anchors": [{"from": 3, "to": 7}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 8, "to": 17}]}, {"id": 5, "label": "_chicken_n_1", "anchors": [{"from": 8, "to": 17}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "_man_n_1", "anchors": [{"from": 18, "to": 21}]}, {"id": 8, "label": "_hunt_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 9, "label": "pron", "anchors": [{"from": 27, "to": 30}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 27, "to": 30}]}], "edges": [{"source": 8, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 0, "target": 8, "label": "R-HNDL"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 0, "target": 3, "label": "L-HNDL"}]} +{"id": "110970", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I hunt chickens; men hunt me.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 7, "label": "A"}, {"source": 9, "target": 4, "label": "U"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 0, "label": "U"}]} +{"id": "110970", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I hunt chickens; men hunt me.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "hunt-01"}, {"id": 2, "label": "i"}, {"id": 3, "label": "chicken"}, {"id": 4, "label": "hunt-01"}, {"id": 5, "label": "man"}], "edges": [{"source": 1, "target": 2, "label": "ARG0"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 4, "target": 5, "label": "ARG0"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 0, "target": 4, "label": "op2"}]} +{"id": "111020", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Other steps send me hurrying back underneath the ground.", "tops": [2], "nodes": [{"id": 0, "label": "other", "properties": ["pos", "frame"], "values": ["JJ", "a:e-i"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "step", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "label": "send", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i-h"], "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "label": "hurry", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i"], "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "label": "back", "properties": ["pos", "frame"], "values": ["RB", "place_n:x"], "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "label": "underneath", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 34, "to": 44}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "label": "ground", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 49, "to": 55}]}], "edges": [{"source": 2, "target": 4, "label": "ARG3"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 5, "target": 4, "label": "loc"}, {"source": 2, "target": 1, "label": "ARG1"}]} +{"id": "111020", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Other steps send me hurrying back underneath the ground.", "tops": [2], "nodes": [{"id": 0, "label": "other", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "step", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "label": "send", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "label": "hurry", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "label": "back", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "label": "ground", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 49, "to": 55}]}], "edges": [{"source": 4, "target": 5, "label": "DIR3"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "RSTR"}, {"source": 2, "target": 4, "label": "INTT"}, {"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 4, "target": 8, "label": "DIR3"}]} +{"id": "111020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Other steps send me hurrying back underneath the ground.", "tops": [3], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "_other_a_1", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_step_n_1", "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "label": "_send_v_1", "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "label": "pron", "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "label": "_hurry_v_1", "anchors": [{"from": 20, "to": 28}]}, {"id": 7, "label": "loc_nonsp", "anchors": [{"from": 29, "to": 56}]}, {"id": 8, "label": "place_n", "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "label": "def_implicit_q", "anchors": [{"from": 29, "to": 33}]}, {"id": 10, "label": "_back_p", "anchors": [{"from": 29, "to": 33}]}, {"id": 11, "label": "_underneath_p", "anchors": [{"from": 34, "to": 44}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 45, "to": 48}]}, {"id": 13, "label": "_ground_n_1", "anchors": [{"from": 49, "to": 56}]}], "edges": [{"source": 3, "target": 6, "label": "ARG3"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG2"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "111020", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Other steps send me hurrying back underneath the ground.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 3, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "F"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 10, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "R"}, {"source": 13, "target": 5, "label": "D"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "P"}]} +{"id": "111020", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Other steps send me hurrying back underneath the ground.", "tops": [0], "nodes": [{"id": 0, "label": "send-03"}, {"id": 1, "label": "step-01"}, {"id": 2, "label": "other"}, {"id": 3, "label": "i"}, {"id": 4, "label": "underneath"}, {"id": 5, "label": "ground"}, {"id": 6, "label": "back"}, {"id": 7, "label": "hurry-01"}], "edges": [{"source": 1, "target": 2, "label": "mod", "normal": "domain"}, {"source": 0, "target": 6, "label": "ARG5"}, {"source": 4, "target": 5, "label": "op1"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 0, "target": 7, "label": "manner"}, {"source": 0, "target": 4, "label": "ARG4"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 3, "label": "ARG1"}]} +{"id": "111130", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The fox gazed at the little prince, for a long time.", "tops": [2], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "fox", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "gaze", "properties": ["pos", "frame"], "values": ["VBN", "v_at:e-i-i"], "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "label": "long", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 47, "to": 51}]}], "edges": [{"source": 10, "target": 11, "label": "ARG1"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}]} +{"id": "111130", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The fox gazed at the little prince, for a long time.", "tops": [2], "nodes": [{"id": 1, "label": "fox", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "gaze", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 8, "to": 13}]}, {"id": 5, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 28, "to": 34}]}, {"id": 10, "label": "long", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 51}]}], "edges": [{"source": 11, "target": 10, "label": "RSTR"}, {"source": 2, "target": 11, "label": "TFHL"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 6, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "RSTR"}]} +{"id": "111130", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The fox gazed at the little prince, for a long time.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_fox_n_1", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "_gaze_v_at", "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "label": "_little_a_1", "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "label": "_prince_n_of", "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "label": "_for_p", "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "label": "_a_q", "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "label": "_long_a_1", "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "label": "_time_n_of", "anchors": [{"from": 47, "to": 52}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}]} +{"id": "111130", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The fox gazed at the little prince, for a long time.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "F"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 19, "target": 10, "label": "E"}, {"source": 16, "target": 18, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 13, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 15, "target": 19, "label": "T"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 5, "label": "S"}, {"source": 18, "target": 6, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "S"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 7, "label": "U"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 18, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 19, "target": 8, "label": "R"}]} +{"id": "111130", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The fox gazed at the little prince, for a long time.", "tops": [0], "nodes": [{"id": 0, "label": "gaze-01"}, {"id": 1, "label": "fox"}, {"id": 2, "label": "prince"}, {"id": 3, "label": "little"}, {"id": 4, "label": "long-03"}], "edges": [{"source": 2, "target": 3, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "111160", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"But I have not much time.", "tops": [1], "nodes": [{"id": 1, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i"], "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "label": "not+much", "properties": ["pos", "frame"], "values": ["RB", "much-many_a:i-p"], "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "not+much", "properties": ["pos", "frame"], "values": ["JJ", "much-many_a:i-p"], "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 21, "to": 25}]}], "edges": [{"source": 3, "target": 6, "label": "ARG2"}, {"source": 5, "target": 4, "label": "mwe"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "111160", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"But I have not much time.", "tops": [3], "nodes": [{"id": 1, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "label": "have", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "much", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 21, "to": 25}]}], "edges": [{"source": 6, "target": 5, "label": "EXT"}, {"source": 3, "target": 1, "label": "PREC"}, {"source": 3, "target": 4, "label": "RHEM"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 6, "label": "PAT-arg"}]} +{"id": "111160", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"But I have not much time.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "label": "_have_v_1", "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 26}]}, {"id": 5, "label": "much-many_a", "anchors": [{"from": 12, "to": 20}]}, {"id": 6, "label": "neg", "anchors": [{"from": 12, "to": 20}]}, {"id": 7, "label": "_time_n_of", "anchors": [{"from": 21, "to": 26}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 7, "label": "BV"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 3, "target": 7, "label": "ARG2"}]} +{"id": "111160", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"But I have not much time.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "D"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 1, "label": "L"}, {"source": 9, "target": 10, "label": "S"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 4, "label": "D"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "U"}]} +{"id": "111160", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"But I have not much time.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "have-03"}, {"id": 2, "label": "i"}, {"id": 3, "label": "time"}, {"id": 4, "label": "much", "properties": ["polarity"], "values": ["-"]}], "edges": [{"source": 0, "target": 1, "label": "ARG2"}, {"source": 3, "target": 4, "label": "quant"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}]} +{"id": "111300", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"It would have been better to come back at the same hour,\" said the fox.", "tops": [15], "nodes": [{"id": 2, "label": "would", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 4, "to": 9}]}, {"id": 5, "label": "better", "properties": ["pos", "frame"], "values": ["JJR", "a_for:e-h-i"], "anchors": [{"from": 20, "to": 26}]}, {"id": 7, "label": "come", "properties": ["pos", "frame"], "values": ["VB", "v_back:e-i"], "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "label": "same", "properties": ["pos", "frame"], "values": ["JJ", "a_as:e-i"], "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "label": "hour", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 59, "to": 63}]}, {"id": 16, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 64, "to": 67}]}, {"id": 17, "label": "fox", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 68, "to": 71}]}], "edges": [{"source": 15, "target": 2, "label": "ARG2"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG1"}]} +{"id": "111300", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"It would have been better to come back at the same hour,\" said the fox.", "tops": [15], "nodes": [{"id": 4, "label": "be", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "good", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 20, "to": 26}]}, {"id": 7, "label": "come", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "label": "back", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "label": "same", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "label": "hour", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 59, "to": 63}]}, {"id": 17, "label": "fox", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 68, "to": 71}]}], "edges": [{"source": 7, "target": 8, "label": "DIR3"}, {"source": 15, "target": 17, "label": "ACT-arg"}, {"source": 4, "target": 5, "label": "PAT-arg"}, {"source": 7, "target": 12, "label": "TWHEN"}, {"source": 12, "target": 11, "label": "RSTR"}, {"source": 15, "target": 4, "label": "EFF-arg"}, {"source": 4, "target": 7, "label": "ACT-arg"}]} +{"id": "111300", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"It would have been better to come back at the same hour,\" said the fox.", "tops": [8], "nodes": [{"id": 0, "label": "_would_v_modal", "anchors": [{"from": 4, "to": 9}]}, {"id": 1, "label": "_better_a_for", "anchors": [{"from": 20, "to": 26}]}, {"id": 2, "label": "_come_v_back", "anchors": [{"from": 30, "to": 34}]}, {"id": 3, "label": "_at_p_temp", "anchors": [{"from": 40, "to": 42}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 5, "label": "_same_a_as", "anchors": [{"from": 47, "to": 51}]}, {"id": 6, "label": "comp_equal", "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "label": "_hour_n_1", "anchors": [{"from": 52, "to": 58}]}, {"id": 8, "label": "_say_v_to", "anchors": [{"from": 59, "to": 63}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 64, "to": 67}]}, {"id": 10, "label": "_fox_n_1", "anchors": [{"from": 68, "to": 72}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 8, "target": 0, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 4, "target": 7, "label": "BV"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "111300", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"It would have been better to come back at the same hour,\" said the fox.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 71}]}, {"id": 18, "anchors": [{"from": 71, "to": 72}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 24, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 23, "label": "T"}, {"source": 22, "target": 8, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 9, "label": "R"}, {"source": 20, "target": 0, "label": "U"}, {"source": 21, "target": 1, "label": "A"}, {"source": 21, "target": 5, "label": "S"}, {"source": 21, "target": 4, "label": "F"}, {"source": 20, "target": 14, "label": "U"}, {"source": 23, "target": 12, "label": "C"}, {"source": 21, "target": 2, "label": "D"}, {"source": 21, "target": 3, "label": "F"}, {"source": 20, "target": 15, "label": "P"}, {"source": 23, "target": 10, "label": "F"}, {"source": 20, "target": 13, "label": "U"}, {"source": 22, "target": 6, "label": "F"}, {"source": 22, "target": 7, "label": "P"}, {"source": 24, "target": 16, "label": "F"}, {"source": 24, "target": 17, "label": "C"}, {"source": 24, "target": 18, "label": "U"}]} +{"id": "111300", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"It would have been better to come back at the same hour,\" said the fox.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "fox"}, {"id": 2, "label": "good-02"}, {"id": 3, "label": "come-01"}, {"id": 4, "label": "back"}, {"id": 5, "label": "hour"}, {"id": 6, "label": "same-01"}, {"id": 7, "label": "more"}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 5, "label": "time"}, {"source": 5, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 7, "label": "degree"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "direction"}]} +{"id": "111310", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"If, for example, you come at four o'clock in the afternoon, then at three o'clock I shall begin to be happy.", "tops": [1], "nodes": [{"id": 1, "label": "if", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 1, "to": 3}]}, {"id": 6, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "come", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i"], "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "label": "four", "properties": ["pos", "frame"], "values": ["CD", "numbered_hour:i-u-u-c"], "anchors": [{"from": 30, "to": 34}]}, {"id": 11, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "label": "afternoon", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 50, "to": 59}]}, {"id": 15, "label": "then", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "label": "at", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "label": "three", "properties": ["pos", "frame"], "values": ["CD", "numbered_hour:i-u-u-c"], "anchors": [{"from": 69, "to": 74}]}, {"id": 19, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 83, "to": 84}]}, {"id": 21, "label": "begin", "properties": ["pos", "frame"], "values": ["VB", "v:e-h"], "anchors": [{"from": 91, "to": 96}]}, {"id": 24, "label": "happy", "properties": ["pos", "frame"], "values": ["JJ", "a_with:e-p-i"], "anchors": [{"from": 103, "to": 108}]}], "edges": [{"source": 1, "target": 7, "label": "ARG2"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 24, "target": 19, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 1, "target": 15, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 16, "target": 21, "label": "ARG1"}]} +{"id": "111310", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"If, for example, you come at four o'clock in the afternoon, then at three o'clock I shall begin to be happy.", "tops": [21], "nodes": [{"id": 4, "label": "example", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 9, "to": 16}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "come", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 22, "to": 26}]}, {"id": 9, "label": "four", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 30, "to": 34}]}, {"id": 10, "label": "o’clock", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 35, "to": 42}]}, {"id": 13, "label": "afternoon", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 50, "to": 59}]}, {"id": 15, "label": "then", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 61, "to": 65}]}, {"id": 17, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "o’clock", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 75, "to": 82}]}, {"id": 19, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 83, "to": 84}]}, {"id": 21, "label": "begin", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 91, "to": 96}]}, {"id": 23, "label": "be", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "label": "happy", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 103, "to": 108}]}], "edges": [{"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 23, "target": 19, "label": "ACT-arg"}, {"source": 21, "target": 18, "label": "TWHEN"}, {"source": 21, "target": 7, "label": "COND"}, {"source": 7, "target": 13, "label": "TWHEN"}, {"source": 7, "target": 10, "label": "TWHEN"}, {"source": 7, "target": 4, "label": "RHEM"}, {"source": 18, "target": 17, "label": "RSTR"}, {"source": 21, "target": 19, "label": "ACT-arg"}, {"source": 21, "target": 15, "label": "TWHEN"}, {"source": 21, "target": 23, "label": "PAT-arg"}, {"source": 23, "target": 24, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "RSTR"}]} +{"id": "111310", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"If, for example, you come at four o'clock in the afternoon, then at three o'clock I shall begin to be happy.", "tops": [0], "nodes": [{"id": 0, "label": "_if_x_then", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 18, "to": 21}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "label": "_come_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "label": "_at_p_temp", "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "label": "numbered_hour", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "label": "def_implicit_q", "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "minute", "properties": ["carg"], "values": ["00"], "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "label": "_in_p_temp", "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "label": "_afternoon_n_of", "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "label": "_then_a_1", "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "label": "_at_p_temp", "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "label": "numbered_hour", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "label": "def_implicit_q", "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "label": "minute", "properties": ["carg"], "values": ["00"], "anchors": [{"from": 75, "to": 82}]}, {"id": 16, "label": "pron", "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "label": "pronoun_q", "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "label": "_begin_v_1", "anchors": [{"from": 91, "to": 96}]}, {"id": 19, "label": "_happy_a_with", "anchors": [{"from": 103, "to": 109}]}], "edges": [{"source": 8, "target": 5, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 11, "target": 18, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 12, "target": 18, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "111310", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"If, for example, you come at four o'clock in the afternoon, then at three o'clock I shall begin to be happy.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 108}]}, {"id": 24, "anchors": [{"from": 108, "to": 109}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 0, "label": "U"}, {"source": 30, "target": 23, "label": "S"}, {"source": 25, "target": 13, "label": "U"}, {"source": 30, "target": 29, "label": "T"}, {"source": 25, "target": 1, "label": "L"}, {"source": 29, "target": 17, "label": "C"}, {"source": 27, "target": 7, "label": "R"}, {"source": 30, "target": 20, "label": "D"}, {"source": 28, "target": 11, "label": "F"}, {"source": 30, "target": 18, "label": "A"}, {"source": 25, "target": 30, "label": "H"}, {"source": 26, "target": 6, "label": "P"}, {"source": 26, "target": 5, "label": "A"}, {"source": 30, "target": 22, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 30, "target": 19, "label": "D"}, {"source": 25, "target": 14, "label": "L"}, {"source": 30, "target": 24, "label": "U"}, {"source": 29, "target": 15, "label": "R"}, {"source": 27, "target": 9, "label": "C"}, {"source": 25, "target": 2, "label": "U"}, {"source": 28, "target": 12, "label": "C"}, {"source": 26, "target": 28, "label": "T"}, {"source": 30, "target": 21, "label": "F"}, {"source": 27, "target": 8, "label": "E"}, {"source": 26, "target": 27, "label": "T"}, {"source": 29, "target": 16, "label": "E"}, {"source": 26, "target": 3, "label": "G"}, {"source": 28, "target": 10, "label": "R"}, {"source": 26, "target": 4, "label": "U"}]} +{"id": "111310", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"If, for example, you come at four o'clock in the afternoon, then at three o'clock I shall begin to be happy.", "tops": [0], "nodes": [{"id": 0, "label": "begin-01"}, {"id": 1, "label": "i"}, {"id": 2, "label": "happy-01"}, {"id": 3, "label": "come-01"}, {"id": 4, "label": "you"}, {"id": 5, "label": "date-entity", "properties": ["time"], "values": ["4:00"]}, {"id": 6, "label": "afternoon"}, {"id": 7, "label": "exemplify-01"}, {"id": 8, "label": "date-entity", "properties": ["time"], "values": ["3:00"]}], "edges": [{"source": 5, "target": 6, "label": "dayperiod"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 0, "target": 8, "label": "time"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 3, "label": "condition"}, {"source": 3, "target": 5, "label": "time"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 7, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "111320", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I shall feel happier and happier as the hour advances.", "tops": [6], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "feel", "properties": ["pos", "frame"], "values": ["VB", "v_seem-about:e-u-h-i"], "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "happier", "properties": ["pos", "frame"], "values": ["JJR", "a_with:e-i"], "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "label": "happier", "properties": ["pos", "frame"], "values": ["JJR", "a_with:e-i"], "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "label": "as", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "label": "hour", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "label": "advance", "properties": ["pos", "frame"], "values": ["NNS", "v:e-i"], "anchors": [{"from": 45, "to": 53}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 5, "target": 0, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 3, "target": 5, "label": "_and_c"}]} +{"id": "111320", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I shall feel happier and happier as the hour advances.", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "feel", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "happy", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "happy", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "label": "hour", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "label": "advance", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 45, "to": 53}]}], "edges": [{"source": 2, "target": 3, "label": "MANN"}, {"source": 2, "target": 0, "label": "ACT-arg"}, {"source": 4, "target": 5, "label": "CONJ.member"}, {"source": 2, "target": 9, "label": "TPAR"}, {"source": 2, "target": 5, "label": "MANN"}, {"source": 9, "target": 8, "label": "ACT-arg"}, {"source": 4, "target": 3, "label": "CONJ.member"}]} +{"id": "111320", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I shall feel happier and happier as the hour advances.", "tops": [8], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_feel_v_seem-about", "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "_happy_a_with", "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "comp", "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "label": "_and_c", "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "label": "_happy_a_with", "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "label": "comp", "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "label": "_as_x_subord", "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "label": "_hour_n_1", "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "label": "_advance_v_1", "anchors": [{"from": 45, "to": 54}]}], "edges": [{"source": 8, "target": 2, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 5, "target": 6, "label": "R-HNDL"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 5, "target": 3, "label": "L-HNDL"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 6, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}]} +{"id": "111320", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I shall feel happier and happier as the hour advances.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "N"}, {"source": 12, "target": 6, "label": "L"}, {"source": 15, "target": 14, "label": "A"}, {"source": 11, "target": 13, "label": "S"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 8, "label": "C"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 1, "label": "D"}, {"source": 11, "target": 2, "label": "D"}]} +{"id": "111320", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I shall feel happier and happier as the hour advances.", "tops": [0], "nodes": [{"id": 0, "label": "feel-01"}, {"id": 1, "label": "i"}, {"id": 2, "label": "and"}, {"id": 3, "label": "happy-01"}, {"id": 4, "label": "more"}, {"id": 5, "label": "happy-01"}, {"id": 6, "label": "more"}, {"id": 7, "label": "advance-01"}, {"id": 8, "label": "hour"}], "edges": [{"source": 3, "target": 4, "label": "degree"}, {"source": 2, "target": 3, "label": "op1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 5, "target": 6, "label": "degree"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 0, "target": 7, "label": "time"}, {"source": 2, "target": 5, "label": "op2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "111450", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "So the little prince tamed the fox.", "tops": [0], "nodes": [{"id": 0, "label": "so", "properties": ["pos", "frame"], "values": ["IN", "a_thus:e-h"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "label": "tame", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "fox", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 31, "to": 34}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}]} +{"id": "111450", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "So the little prince tamed the fox.", "tops": [4], "nodes": [{"id": 2, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "label": "tame", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "label": "fox", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 31, "to": 34}]}], "edges": [{"source": 4, "target": 6, "label": "PAT-arg"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}]} +{"id": "111450", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "So the little prince tamed the fox.", "tops": [0], "nodes": [{"id": 0, "label": "_so_a_thus", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "_little_a_1", "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "label": "_prince_n_of", "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "label": "_tame_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "label": "_the_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "_fox_n_1", "anchors": [{"from": 31, "to": 35}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 0, "target": 4, "label": "ARG1"}]} +{"id": "111450", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "So the little prince tamed the fox.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 12, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "S"}, {"source": 10, "target": 4, "label": "P"}, {"source": 12, "target": 3, "label": "A"}, {"source": 11, "target": 2, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 10, "target": 9, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 9, "target": 12, "label": "C"}, {"source": 10, "target": 13, "label": "A"}, {"source": 9, "target": 11, "label": "E"}, {"source": 13, "target": 5, "label": "F"}, {"source": 8, "target": 0, "label": "L"}, {"source": 9, "target": 1, "label": "F"}]} +{"id": "111450", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "So the little prince tamed the fox.", "tops": [0], "nodes": [{"id": 0, "label": "cause-01"}, {"id": 1, "label": "tame-01"}, {"id": 2, "label": "prince"}, {"id": 3, "label": "little"}, {"id": 4, "label": "fox"}], "edges": [{"source": 1, "target": 4, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG0"}, {"source": 2, "target": 3, "label": "mod", "normal": "domain"}]} +{"id": "111550", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "You will understand now that yours is unique in all the world.", "tops": [2], "nodes": [{"id": 0, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "understand", "properties": ["pos", "frame"], "values": ["VB", "v_by:e-i-h-i"], "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "label": "now", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "yours", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "unique", "properties": ["pos", "frame"], "values": ["JJ", "a_to:e-p-i"], "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "label": "all", "properties": ["pos", "frame"], "values": ["PDT", "part_of:x-i"], "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "label": "world", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 56, "to": 61}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 3, "target": 2, "label": "loc"}, {"source": 9, "target": 11, "label": "part"}]} +{"id": "111550", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "You will understand now that yours is unique in all the world.", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "understand", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "label": "now", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "your", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "label": "unique", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "label": "all", "properties": ["pos"], "values": ["PDT"], "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "label": "world", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 56, "to": 61}]}], "edges": [{"source": 6, "target": 11, "label": "LOC"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 2, "target": 0, "label": "ACT-arg"}, {"source": 6, "target": 7, "label": "PAT-arg"}, {"source": 11, "target": 9, "label": "RSTR"}, {"source": 2, "target": 6, "label": "PAT-arg"}, {"source": 2, "target": 3, "label": "TWHEN"}]} +{"id": "111550", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "You will understand now that yours is unique in all the world.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_understand_v_by", "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "label": "loc_nonsp", "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "label": "time_n", "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "def_implicit_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "label": "_now_a_1", "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "label": "pron", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 29, "to": 34}]}, {"id": 9, "label": "def_implicit_q", "anchors": [{"from": 29, "to": 34}]}, {"id": 10, "label": "generic_entity", "anchors": [{"from": 29, "to": 34}]}, {"id": 11, "label": "poss", "anchors": [{"from": 29, "to": 34}]}, {"id": 12, "label": "_unique_a_to", "anchors": [{"from": 38, "to": 44}]}, {"id": 13, "label": "_in_p", "anchors": [{"from": 45, "to": 47}]}, {"id": 14, "label": "part_of", "anchors": [{"from": 48, "to": 51}]}, {"id": 15, "label": "_all_q", "anchors": [{"from": 48, "to": 51}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 52, "to": 55}]}, {"id": 17, "label": "_world_n_of", "anchors": [{"from": 56, "to": 62}]}], "edges": [{"source": 12, "target": 10, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 11, "target": 7, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 15, "target": 14, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 2, "target": 12, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "111550", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "You will understand now that yours is unique in all the world.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "C"}, {"source": 14, "target": 2, "label": "S"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 7, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 5, "label": "S"}, {"source": 14, "target": 3, "label": "T"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 4, "label": "R"}, {"source": 17, "target": 5, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 18, "target": 9, "label": "Q"}, {"source": 15, "target": 18, "label": "A"}]} +{"id": "111550", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "You will understand now that yours is unique in all the world.", "tops": [0], "nodes": [{"id": 0, "label": "understand-01"}, {"id": 1, "label": "you"}, {"id": 2, "label": "unique"}, {"id": 3, "label": "rose"}, {"id": 4, "label": "world"}, {"id": 5, "label": "all"}, {"id": 6, "label": "now"}], "edges": [{"source": 3, "target": 1, "label": "poss"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "extent"}, {"source": 0, "target": 6, "label": "time"}, {"source": 2, "target": 4, "label": "location"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 3, "label": "domain"}]} +{"id": "111640", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And the roses were very much embarassed.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "rose", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "label": "very+much", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "very+much", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "embarass", "properties": ["pos", "frame"], "values": ["VBN", "a:e-u"], "anchors": [{"from": 29, "to": 39}]}], "edges": [{"source": 5, "target": 4, "label": "mwe"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}]} +{"id": "111640", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And the roses were very much embarassed.", "tops": [6], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "rose", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "label": "very", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "much", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "embarass", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 29, "to": 39}]}], "edges": [{"source": 5, "target": 4, "label": "EXT"}, {"source": 6, "target": 2, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "EXT"}, {"source": 6, "target": 0, "label": "PREC"}]} +{"id": "111640", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And the roses were very much embarassed.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "_rose_n_1", "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "label": "_very+much_a_1", "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "label": "_embarassed_a_unknown", "anchors": [{"from": 29, "to": 40}]}], "edges": [{"source": 0, "target": 4, "label": "R-HNDL"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}]} +{"id": "111640", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And the roses were very much embarassed.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 4, "label": "E"}, {"source": 8, "target": 10, "label": "H"}, {"source": 10, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 6, "label": "S"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "D"}]} +{"id": "111640", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And the roses were very much embarassed.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "embarrass-01"}, {"id": 2, "label": "rose"}, {"id": 3, "label": "much"}, {"id": 4, "label": "very"}], "edges": [{"source": 1, "target": 3, "label": "degree"}, {"source": 3, "target": 4, "label": "degree"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "op1"}]} +{"id": "111770", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"Men have forgotten this truth,\" said the fox.", "tops": [8], "nodes": [{"id": 1, "label": "man", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 1, "to": 4}]}, {"id": 3, "label": "forget", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "label": "truth", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "fox", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 42, "to": 45}]}], "edges": [{"source": 8, "target": 3, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "111770", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"Men have forgotten this truth,\" said the fox.", "tops": [8], "nodes": [{"id": 1, "label": "man", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 1, "to": 4}]}, {"id": 3, "label": "forget", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "label": "truth", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "label": "fox", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 42, "to": 45}]}], "edges": [{"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 3, "target": 5, "label": "PAT-arg"}, {"source": 8, "target": 3, "label": "EFF-arg"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 8, "target": 10, "label": "ACT-arg"}]} +{"id": "111770", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"Men have forgotten this truth,\" said the fox.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_man_n_1", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_forget_v_1", "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "label": "_this_q_dem", "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "label": "_truth_n_1", "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "label": "_fox_n_1", "anchors": [{"from": 42, "to": 46}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "111770", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"Men have forgotten this truth,\" said the fox.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 8, "label": "P"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 16, "label": "S"}, {"source": 13, "target": 17, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "111770", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"Men have forgotten this truth,\" said the fox.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "fox"}, {"id": 2, "label": "forget-01"}, {"id": 3, "label": "man"}, {"id": 4, "label": "truth"}, {"id": 5, "label": "this"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 4, "target": 5, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "112090", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "This was a merchant who sold pills that had been invented to quench thirst.", "tops": [1], "nodes": [{"id": 0, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "label": "merchant", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 11, "to": 19}]}, {"id": 5, "label": "sell", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "pill", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 29, "to": 34}]}, {"id": 10, "label": "invent", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "x:e-h-h"], "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "label": "quench", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "label": "thirst", "properties": ["pos", "frame"], "values": ["NN", "n_for:x-i"], "anchors": [{"from": 68, "to": 74}]}], "edges": [{"source": 12, "target": 13, "label": "ARG2"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 6, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 12, "target": 6, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG2"}]} +{"id": "112090", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "This was a merchant who sold pills that had been invented to quench thirst.", "tops": [1], "nodes": [{"id": 0, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "merchant", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "who", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "sell", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "pill", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "label": "invent", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 49, "to": 57}]}, {"id": 12, "label": "quench", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "label": "thirst", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 68, "to": 74}]}], "edges": [{"source": 10, "target": 12, "label": "AIM"}, {"source": 5, "target": 4, "label": "ACT-arg"}, {"source": 12, "target": 7, "label": "ACT-arg"}, {"source": 6, "target": 10, "label": "RSTR"}, {"source": 3, "target": 5, "label": "RSTR"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 5, "target": 6, "label": "PAT-arg"}, {"source": 12, "target": 13, "label": "PAT-arg"}, {"source": 10, "target": 7, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}]} +{"id": "112090", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "This was a merchant who sold pills that had been invented to quench thirst.", "tops": [2], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_this_q_dem", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "label": "_merchant_n_of", "anchors": [{"from": 11, "to": 19}]}, {"id": 5, "label": "_sell_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 29, "to": 75}]}, {"id": 7, "label": "_pill_n_1", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_invent_v_1", "anchors": [{"from": 49, "to": 57}]}, {"id": 9, "label": "_in+order+to_x", "anchors": [{"from": 58, "to": 60}]}, {"id": 10, "label": "_quench_v_1", "anchors": [{"from": 61, "to": 67}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 68, "to": 75}]}, {"id": 12, "label": "_thirst_n_for", "anchors": [{"from": 68, "to": 75}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "112090", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "This was a merchant who sold pills that had been invented to quench thirst.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 6, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 6, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 14, "label": "U"}, {"source": 16, "target": 1, "label": "S"}, {"source": 20, "target": 5, "label": "P"}, {"source": 24, "target": 12, "label": "P"}, {"source": 21, "target": 22, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 23, "target": 8, "label": "F"}, {"source": 25, "target": 13, "label": "S"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 4, "label": "R"}, {"source": 22, "target": 11, "label": "L"}, {"source": 17, "target": 18, "label": "P"}, {"source": 23, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "E"}, {"source": 16, "target": 19, "label": "A"}, {"source": 23, "target": 6, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 23, "target": 9, "label": "F"}, {"source": 19, "target": 17, "label": "C"}, {"source": 15, "target": 16, "label": "H"}]} +{"id": "112090", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "This was a merchant who sold pills that had been invented to quench thirst.", "tops": [0], "nodes": [{"id": 0, "label": "sell-01"}, {"id": 1, "label": "person"}, {"id": 2, "label": "merchandise-01"}, {"id": 3, "label": "this"}, {"id": 4, "label": "pill"}, {"id": 5, "label": "invent-01"}, {"id": 6, "label": "quench-01"}, {"id": 7, "label": "thirst-01"}], "edges": [{"source": 4, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 4, "target": 6, "label": "purpose"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 1, "target": 3, "label": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG0-of", "normal": "ARG0"}, {"source": 6, "target": 4, "label": "ARG0"}]} +{"id": "112190", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "It was now the eighth day since I had had my accident in the desert, and I had listened to the story of the merchant as I was drinking the last drop of my water supply.", "tops": [6], "nodes": [{"id": 0, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "now", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "label": "eighth", "properties": ["pos", "frame"], "values": ["JJ", "ord:i-i-c"], "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "label": "day", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "label": "since", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "label": "have", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i"], "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "label": "accident", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "label": "desert", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 61, "to": 67}]}, {"id": 17, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 73, "to": 74}]}, {"id": 19, "label": "listen", "properties": ["pos", "frame"], "values": ["VBN", "v_to:e-i-i"], "anchors": [{"from": 79, "to": 87}]}, {"id": 21, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "label": "story", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 95, "to": 100}]}, {"id": 24, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "label": "merchant", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 108, "to": 116}]}, {"id": 26, "label": "as", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 117, "to": 119}]}, {"id": 27, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 120, "to": 121}]}, {"id": 29, "label": "drink", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-p"], "anchors": [{"from": 126, "to": 134}]}, {"id": 30, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 135, "to": 138}]}, {"id": 31, "label": "last", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 139, "to": 143}]}, {"id": 32, "label": "drop", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 144, "to": 148}]}, {"id": 34, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 152, "to": 154}]}, {"id": 35, "label": "water", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 155, "to": 160}]}, {"id": 36, "label": "supply", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 161, "to": 167}]}], "edges": [{"source": 9, "target": 7, "label": "ARG1"}, {"source": 32, "target": 36, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 29, "target": 32, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 1, "target": 5, "label": "ARG2"}, {"source": 10, "target": 11, "label": "poss"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 2, "target": 1, "label": "loc"}, {"source": 30, "target": 32, "label": "BV"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 6, "target": 1, "label": "ARG1"}, {"source": 26, "target": 19, "label": "ARG1"}, {"source": 35, "target": 36, "label": "compound"}, {"source": 29, "target": 27, "label": "ARG1"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 34, "target": 36, "label": "poss"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 6, "target": 26, "label": "_and_c"}]} +{"id": "112190", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "It was now the eighth day since I had had my accident in the desert, and I had listened to the story of the merchant as I was drinking the last drop of my water supply.", "tops": [1, 19], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "now", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "eighth", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "label": "day", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "label": "have", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "label": "accident", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 45, "to": 53}]}, {"id": 14, "label": "desert", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 61, "to": 67}]}, {"id": 16, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 73, "to": 74}]}, {"id": 19, "label": "listen", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 79, "to": 87}]}, {"id": 22, "label": "story", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 95, "to": 100}]}, {"id": 25, "label": "merchant", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 108, "to": 116}]}, {"id": 27, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 120, "to": 121}]}, {"id": 29, "label": "drink", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 126, "to": 134}]}, {"id": 31, "label": "last", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 139, "to": 143}]}, {"id": 32, "label": "drop", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 144, "to": 148}]}, {"id": 34, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 152, "to": 154}]}, {"id": 35, "label": "water", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 155, "to": 160}]}, {"id": 36, "label": "supply", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 161, "to": 167}]}], "edges": [{"source": 36, "target": 35, "label": "PAT-arg"}, {"source": 29, "target": 27, "label": "ACT-arg"}, {"source": 19, "target": 29, "label": "TPAR"}, {"source": 9, "target": 14, "label": "LOC"}, {"source": 16, "target": 19, "label": "CONJ.member"}, {"source": 1, "target": 9, "label": "TSIN"}, {"source": 16, "target": 1, "label": "CONJ.member"}, {"source": 5, "target": 4, "label": "RSTR"}, {"source": 32, "target": 36, "label": "APP"}, {"source": 1, "target": 5, "label": "THL"}, {"source": 9, "target": 7, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 11, "target": 10, "label": "APP"}, {"source": 19, "target": 17, "label": "ACT-arg"}, {"source": 36, "target": 34, "label": "ADDR-arg"}, {"source": 29, "target": 32, "label": "PAT-arg"}, {"source": 1, "target": 2, "label": "TWHEN"}, {"source": 22, "target": 25, "label": "APP"}, {"source": 32, "target": 31, "label": "RSTR"}, {"source": 19, "target": 22, "label": "PAT-arg"}, {"source": 9, "target": 11, "label": "PAT-arg"}]} +{"id": "112190", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "It was now the eighth day since I had had my accident in the desert, and I had listened to the story of the merchant as I was drinking the last drop of my water supply.", "tops": [22], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "label": "loc_nonsp", "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "time_n", "anchors": [{"from": 7, "to": 10}]}, {"id": 5, "label": "def_implicit_q", "anchors": [{"from": 7, "to": 10}]}, {"id": 6, "label": "_now_a_1", "anchors": [{"from": 7, "to": 10}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 11, "to": 14}]}, {"id": 8, "label": "ord", "properties": ["carg"], "values": ["8"], "anchors": [{"from": 15, "to": 21}]}, {"id": 9, "label": "_day_n_of", "anchors": [{"from": 22, "to": 25}]}, {"id": 10, "label": "_since_x_subord", "anchors": [{"from": 26, "to": 31}]}, {"id": 11, "label": "pron", "anchors": [{"from": 32, "to": 33}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 32, "to": 33}]}, {"id": 13, "label": "_have_v_1", "anchors": [{"from": 38, "to": 41}]}, {"id": 14, "label": "def_explicit_q", "anchors": [{"from": 42, "to": 44}]}, {"id": 15, "label": "poss", "anchors": [{"from": 42, "to": 44}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 42, "to": 44}]}, {"id": 17, "label": "pron", "anchors": [{"from": 42, "to": 44}]}, {"id": 18, "label": "_accident_n_1", "anchors": [{"from": 45, "to": 53}]}, {"id": 19, "label": "_in_p", "anchors": [{"from": 54, "to": 56}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 21, "label": "_desert_n_1", "anchors": [{"from": 61, "to": 68}]}, {"id": 22, "label": "_and_c", "anchors": [{"from": 69, "to": 72}]}, {"id": 23, "label": "pron", "anchors": [{"from": 73, "to": 74}]}, {"id": 24, "label": "pronoun_q", "anchors": [{"from": 73, "to": 74}]}, {"id": 25, "label": "_listen_v_to", "anchors": [{"from": 79, "to": 87}]}, {"id": 26, "label": "_the_q", "anchors": [{"from": 91, "to": 94}]}, {"id": 27, "label": "_story_n_of", "anchors": [{"from": 95, "to": 100}]}, {"id": 28, "label": "_the_q", "anchors": [{"from": 104, "to": 107}]}, {"id": 29, "label": "_merchant_n_of", "anchors": [{"from": 108, "to": 116}]}, {"id": 30, "label": "_as_x_subord", "anchors": [{"from": 117, "to": 119}]}, {"id": 31, "label": "pron", "anchors": [{"from": 120, "to": 121}]}, {"id": 32, "label": "pronoun_q", "anchors": [{"from": 120, "to": 121}]}, {"id": 33, "label": "_drink_v_1", "anchors": [{"from": 126, "to": 134}]}, {"id": 34, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 35, "label": "_last_a_1", "anchors": [{"from": 139, "to": 143}]}, {"id": 36, "label": "_drop_n_of", "anchors": [{"from": 144, "to": 148}]}, {"id": 37, "label": "def_explicit_q", "anchors": [{"from": 152, "to": 154}]}, {"id": 38, "label": "poss", "anchors": [{"from": 152, "to": 154}]}, {"id": 39, "label": "pronoun_q", "anchors": [{"from": 152, "to": 154}]}, {"id": 40, "label": "pron", "anchors": [{"from": 152, "to": 154}]}, {"id": 41, "label": "compound", "anchors": [{"from": 155, "to": 168}]}, {"id": 42, "label": "udef_q", "anchors": [{"from": 155, "to": 160}]}, {"id": 43, "label": "_water_n_1", "anchors": [{"from": 155, "to": 160}]}, {"id": 44, "label": "_supply_n_1", "anchors": [{"from": 161, "to": 168}]}], "edges": [{"source": 22, "target": 30, "label": "R-HNDL"}, {"source": 2, "target": 9, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 30, "target": 25, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 37, "target": 44, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 10, "target": 2, "label": "ARG1"}, {"source": 22, "target": 10, "label": "L-HNDL"}, {"source": 32, "target": 31, "label": "BV"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 36, "target": 44, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 42, "target": 43, "label": "BV"}, {"source": 30, "target": 33, "label": "ARG2"}, {"source": 33, "target": 31, "label": "ARG1"}, {"source": 38, "target": 44, "label": "ARG1"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 24, "target": 23, "label": "BV"}, {"source": 41, "target": 44, "label": "ARG1"}, {"source": 41, "target": 43, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "112190", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "It was now the eighth day since I had had my accident in the desert, and I had listened to the story of the merchant as I was drinking the last drop of my water supply.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 138}]}, {"id": 31, "anchors": [{"from": 139, "to": 143}]}, {"id": 32, "anchors": [{"from": 144, "to": 148}]}, {"id": 33, "anchors": [{"from": 149, "to": 151}]}, {"id": 34, "anchors": [{"from": 152, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 160}]}, {"id": 36, "anchors": [{"from": 161, "to": 167}]}, {"id": 37, "anchors": [{"from": 167, "to": 168}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 38, "target": 2, "label": "T"}, {"source": 51, "target": 35, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 39, "target": 48, "label": "H"}, {"source": 49, "target": 32, "label": "C"}, {"source": 44, "target": 45, "label": "A"}, {"source": 38, "target": 40, "label": "A"}, {"source": 47, "target": 23, "label": "R"}, {"source": 41, "target": 8, "label": "F"}, {"source": 44, "target": 19, "label": "P"}, {"source": 41, "target": 42, "label": "P"}, {"source": 46, "target": 22, "label": "C"}, {"source": 48, "target": 29, "label": "P"}, {"source": 38, "target": 1, "label": "S"}, {"source": 39, "target": 41, "label": "H"}, {"source": 50, "target": 37, "label": "U"}, {"source": 42, "target": 11, "label": "C"}, {"source": 39, "target": 26, "label": "L"}, {"source": 50, "target": 33, "label": "R"}, {"source": 41, "target": 43, "label": "A"}, {"source": 43, "target": 12, "label": "R"}, {"source": 47, "target": 24, "label": "F"}, {"source": 45, "target": 20, "label": "R"}, {"source": 38, "target": 0, "label": "A"}, {"source": 49, "target": 31, "label": "Q"}, {"source": 46, "target": 21, "label": "F"}, {"source": 45, "target": 46, "label": "P"}, {"source": 39, "target": 16, "label": "L"}, {"source": 51, "target": 34, "label": "S"}, {"source": 39, "target": 44, "label": "H"}, {"source": 48, "target": 28, "label": "F"}, {"source": 47, "target": 25, "label": "A"}, {"source": 49, "target": 30, "label": "F"}, {"source": 51, "target": 34, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 44, "target": 18, "label": "F"}, {"source": 42, "target": 9, "label": "F"}, {"source": 48, "target": 27, "label": "A"}, {"source": 39, "target": 6, "label": "L"}, {"source": 48, "target": 50, "label": "A"}, {"source": 50, "target": 49, "label": "Q"}, {"source": 40, "target": 5, "label": "C"}, {"source": 50, "target": 36, "label": "E"}, {"source": 43, "target": 13, "label": "F"}, {"source": 41, "target": 7, "label": "A"}, {"source": 44, "target": 17, "label": "A"}, {"source": 47, "target": 25, "label": "P"}, {"source": 42, "target": 10, "label": "F"}, {"source": 50, "target": 35, "label": "C"}, {"source": 40, "target": 4, "label": "Q"}, {"source": 40, "target": 3, "label": "F"}, {"source": 39, "target": 38, "label": "H"}, {"source": 43, "target": 14, "label": "C"}, {"source": 39, "target": 15, "label": "U"}, {"source": 50, "target": 51, "label": "E"}]} +{"id": "112190", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "It was now the eighth day since I had had my accident in the desert, and I had listened to the story of the merchant as I was drinking the last drop of my water supply.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "pass-03"}, {"id": 2, "label": "temporal-quantity", "properties": ["quant"], "values": ["8"]}, {"id": 3, "label": "day"}, {"id": 4, "label": "since"}, {"id": 5, "label": "accident"}, {"id": 6, "label": "i"}, {"id": 7, "label": "desert"}, {"id": 8, "label": "listen-01"}, {"id": 9, "label": "story"}, {"id": 10, "label": "person"}, {"id": 11, "label": "merchandise-01"}, {"id": 12, "label": "drink-01"}, {"id": 13, "label": "drop"}, {"id": 14, "label": "water"}, {"id": 15, "label": "supply-01"}, {"id": 16, "label": "ordinal-entity", "properties": ["value"], "values": ["-1"]}], "edges": [{"source": 13, "target": 16, "label": "ord"}, {"source": 9, "target": 10, "label": "poss"}, {"source": 4, "target": 5, "label": "op1"}, {"source": 10, "target": 11, "label": "ARG0-of", "normal": "ARG0"}, {"source": 15, "target": 6, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 0, "target": 8, "label": "op2"}, {"source": 12, "target": 6, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 8, "target": 6, "label": "ARG0"}, {"source": 8, "target": 12, "label": "time"}, {"source": 5, "target": 7, "label": "location"}, {"source": 2, "target": 3, "label": "unit"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 1, "target": 4, "label": "time"}, {"source": 5, "target": 6, "label": "poss"}, {"source": 14, "target": 15, "label": "ARG1-of", "normal": "ARG1"}, {"source": 13, "target": 14, "label": "part-of", "normal": "part"}]} +{"id": "112250", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"Because I am about to die of thirst ...\"", "tops": [1], "nodes": [{"id": 1, "label": "because", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 1, "to": 8}]}, {"id": 2, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "label": "about", "properties": ["pos", "frame"], "values": ["RB", "a:e-i-h"], "anchors": [{"from": 14, "to": 19}]}, {"id": 6, "label": "die", "properties": ["pos", "frame"], "values": ["VB", "v_of:e-i-i"], "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "thirst", "properties": ["pos", "frame"], "values": ["NN", "n_for:x-i"], "anchors": [{"from": 30, "to": 36}]}], "edges": [{"source": 4, "target": 2, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 6, "target": 2, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}]} +{"id": "112250", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"Because I am about to die of thirst ...\"", "tops": [3], "nodes": [{"id": 2, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "label": "about", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 14, "to": 19}]}, {"id": 6, "label": "die", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "thirst", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 30, "to": 36}]}], "edges": [{"source": 6, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 4, "label": "TWHEN"}, {"source": 6, "target": 8, "label": "CAUS"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 6, "label": "PAT-arg"}]} +{"id": "112250", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"Because I am about to die of thirst ...\"", "tops": [1], "nodes": [{"id": 0, "label": "unknown", "anchors": [{"from": 0, "to": 41}]}, {"id": 1, "label": "_because_x", "anchors": [{"from": 0, "to": 8}]}, {"id": 2, "label": "pron", "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "label": "_about_a_1", "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "label": "_die_v_of", "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 30, "to": 41}]}, {"id": 7, "label": "_thirst_n_for", "anchors": [{"from": 30, "to": 36}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}]} +{"id": "112250", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"Because I am about to die of thirst ...\"", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}, {"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 2, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "A"}, {"source": 11, "target": 4, "label": "D"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 12, "label": "H"}, {"source": 10, "target": 6, "label": "L"}, {"source": 10, "target": 1, "label": "L"}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 0, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "112250", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"Because I am about to die of thirst ...\"", "tops": [0], "nodes": [{"id": 0, "label": "cause-01"}, {"id": 1, "label": "die-01"}, {"id": 2, "label": "i"}, {"id": 3, "label": "cause-01"}, {"id": 4, "label": "thirst-01"}, {"id": 5, "label": "about-to"}], "edges": [{"source": 4, "target": 2, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 5, "label": "time"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG0"}]} +{"id": "112370", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "When we had trudged along for several hours, in silence, the darkness fell, and the stars began to come out.", "tops": [0], "nodes": [{"id": 0, "label": "when", "properties": ["pos", "frame"], "values": ["WRB", "x:e-h-h"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "we", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "trudge", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i"], "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "along", "properties": ["pos", "frame"], "values": ["RP", "p:e-i"], "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "label": "several", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "label": "hour", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "label": "silence", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 48, "to": 55}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "label": "darkness", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 61, "to": 69}]}, {"id": 14, "label": "fall", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "label": "star", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "label": "begin", "properties": ["pos", "frame"], "values": ["VBD", "v:e-h"], "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "label": "come", "properties": ["pos", "frame"], "values": ["VB", "v_out:e-i"], "anchors": [{"from": 99, "to": 103}]}], "edges": [{"source": 9, "target": 3, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 21, "target": 18, "label": "ARG1"}, {"source": 0, "target": 14, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 14, "target": 19, "label": "_and_c"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}]} +{"id": "112370", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "When we had trudged along for several hours, in silence, the darkness fell, and the stars began to come out.", "tops": [14, 19], "nodes": [{"id": 0, "label": "when", "properties": ["pos"], "values": ["WRB"], "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "trudge", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 12, "to": 19}]}, {"id": 6, "label": "several", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "label": "hour", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "label": "silence", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "label": "darkness", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 61, "to": 69}]}, {"id": 14, "label": "fall", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "label": "star", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "label": "begin", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "label": "come_out", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 99, "to": 103}]}], "edges": [{"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 7, "target": 6, "label": "RSTR"}, {"source": 19, "target": 3, "label": "TWHEN"}, {"source": 14, "target": 13, "label": "ACT-arg"}, {"source": 3, "target": 0, "label": "TWHEN"}, {"source": 19, "target": 21, "label": "PAT-arg"}, {"source": 3, "target": 7, "label": "TFHL"}, {"source": 19, "target": 18, "label": "ACT-arg"}, {"source": 16, "target": 14, "label": "CONJ.member"}, {"source": 3, "target": 10, "label": "MANN"}, {"source": 14, "target": 3, "label": "TWHEN"}, {"source": 21, "target": 18, "label": "ACT-arg"}, {"source": 16, "target": 19, "label": "CONJ.member"}]} +{"id": "112370", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "When we had trudged along for several hours, in silence, the darkness fell, and the stars began to come out.", "tops": [0], "nodes": [{"id": 0, "label": "_when_x_subord", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "_trudge_v_1", "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "label": "_along_p_dir", "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "label": "_for_p", "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 30, "to": 44}]}, {"id": 7, "label": "_several_a_1", "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "label": "_hour_n_1", "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "label": "_silence_n_1", "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "label": "_darkness_n_1", "anchors": [{"from": 61, "to": 69}]}, {"id": 14, "label": "_fall_v_1", "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "label": "_and_c", "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "label": "_star_n_1", "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "label": "_begin_v_1", "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "label": "_come_v_out", "anchors": [{"from": 99, "to": 103}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 0, "target": 15, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 15, "target": 18, "label": "R-HNDL"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 15, "target": 14, "label": "L-HNDL"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG1"}]} +{"id": "112370", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "When we had trudged along for several hours, in silence, the darkness fell, and the stars began to come out.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}, {"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 18, "label": "D"}, {"source": 30, "target": 17, "label": "C"}, {"source": 24, "target": 2, "label": "F"}, {"source": 25, "target": 5, "label": "Q"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 29, "label": "H"}, {"source": 31, "target": 21, "label": "D"}, {"source": 23, "target": 10, "label": "U"}, {"source": 23, "target": 7, "label": "U"}, {"source": 23, "target": 15, "label": "L"}, {"source": 24, "target": 1, "label": "A"}, {"source": 23, "target": 14, "label": "U"}, {"source": 24, "target": 3, "label": "P"}, {"source": 24, "target": 25, "label": "T"}, {"source": 31, "target": 20, "label": "P"}, {"source": 31, "target": 19, "label": "F"}, {"source": 28, "target": 11, "label": "F"}, {"source": 23, "target": 31, "label": "H"}, {"source": 29, "target": 13, "label": "D"}, {"source": 31, "target": 30, "label": "A"}, {"source": 30, "target": 16, "label": "F"}, {"source": 27, "target": 8, "label": "R"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 4, "label": "R"}, {"source": 27, "target": 9, "label": "C"}, {"source": 28, "target": 12, "label": "C"}, {"source": 29, "target": 28, "label": "S"}, {"source": 23, "target": 0, "label": "L"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 27, "label": "S"}, {"source": 26, "target": 1, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "H"}]} +{"id": "112370", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "When we had trudged along for several hours, in silence, the darkness fell, and the stars began to come out.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "fall-04"}, {"id": 2, "label": "darkness"}, {"id": 3, "label": "begin-01"}, {"id": 4, "label": "star"}, {"id": 5, "label": "come-out-09"}, {"id": 6, "label": "trudge-01"}, {"id": 7, "label": "we"}, {"id": 8, "label": "several"}, {"id": 9, "label": "temporal-quantity", "properties": ["quant"], "values": ["1"]}, {"id": 10, "label": "hour"}, {"id": 11, "label": "silent"}], "edges": [{"source": 0, "target": 6, "label": "time"}, {"source": 0, "target": 3, "label": "op2"}, {"source": 8, "target": 9, "label": "op1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 9, "target": 10, "label": "unit"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "duration"}, {"source": 6, "target": 7, "label": "ARG0"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 6, "target": 11, "label": "manner"}]} +{"id": "112420", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "He merely said to me: \"Water may also be good for the heart ...\"", "tops": [2], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "merely", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": ":", "properties": ["pos"], "values": [":"], "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "label": "water", "properties": ["pos", "frame"], "values": ["NNP", "n:x"], "anchors": [{"from": 23, "to": 28}]}, {"id": 8, "label": "may", "properties": ["pos", "frame"], "values": ["MD", "v_modal:e-h"], "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "label": "also", "properties": ["pos", "frame"], "values": ["RB", "a:e-h"], "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "label": "good", "properties": ["pos", "frame"], "values": ["JJ", "a_at-for-of:e-p-i"], "anchors": [{"from": 41, "to": 45}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "label": "heart", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 54, "to": 59}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 4, "label": "ARG3"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 11, "target": 7, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}]} +{"id": "112420", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "He merely said to me: \"Water may also be good for the heart ...\"", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "merely", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 18, "to": 20}]}, {"id": 7, "label": "Water", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 23, "to": 28}]}, {"id": 9, "label": "also", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "label": "be", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 38, "to": 40}]}, {"id": 11, "label": "good", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 41, "to": 45}]}, {"id": 14, "label": "heart", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 54, "to": 59}]}], "edges": [{"source": 2, "target": 4, "label": "ADDR-arg"}, {"source": 2, "target": 0, "label": "ACT-arg"}, {"source": 10, "target": 11, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "RHEM"}, {"source": 10, "target": 7, "label": "ACT-arg"}, {"source": 2, "target": 10, "label": "EFF-arg"}, {"source": 2, "target": 1, "label": "MANN"}, {"source": 10, "target": 14, "label": "BEN"}]} +{"id": "112420", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "He merely said to me: \"Water may also be good for the heart ...\"", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_mere_a_1", "anchors": [{"from": 3, "to": 9}]}, {"id": 3, "label": "_say_v_to", "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "label": "pron", "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "label": "_colon_p_namely", "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 22, "to": 28}]}, {"id": 8, "label": "_water_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_may_v_modal", "anchors": [{"from": 29, "to": 32}]}, {"id": 10, "label": "_also_a_1", "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "label": "_good_a_at-for-of", "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "label": "_heart_n_1", "anchors": [{"from": 54, "to": 59}]}], "edges": [{"source": 9, "target": 10, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG3"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "112420", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "He merely said to me: \"Water may also be good for the heart ...\"", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 63, "to": 64}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 9, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 3, "label": "R"}, {"source": 21, "target": 12, "label": "R"}, {"source": 20, "target": 11, "label": "S"}, {"source": 20, "target": 7, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "D"}, {"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 5, "label": "U"}, {"source": 18, "target": 6, "label": "U"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 10, "label": "F"}]} +{"id": "112420", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "He merely said to me: \"Water may also be good for the heart ...\"", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "possible-01"}, {"id": 3, "label": "good-04"}, {"id": 4, "label": "water"}, {"id": 5, "label": "heart"}, {"id": 6, "label": "also"}, {"id": 7, "label": "i"}, {"id": 8, "label": "mere"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 3, "target": 6, "label": "mod", "normal": "domain"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 0, "target": 8, "label": "mod", "normal": "domain"}]} +{"id": "112550", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Yet through the silence something throbs, and gleams ...", "tops": [0], "nodes": [{"id": 0, "label": "yet", "properties": ["pos", "frame"], "values": ["RB", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "through", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "label": "silence", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "label": "something", "properties": ["pos", "frame"], "values": ["NN", "thing:x"], "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "label": "throb", "properties": ["pos", "frame"], "values": ["NNS", "v:e-i"], "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "label": "gleam", "properties": ["pos", "frame"], "values": ["NNS", "v:e-i"], "anchors": [{"from": 46, "to": 52}]}], "edges": [{"source": 5, "target": 8, "label": "_and_c"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 8, "target": 4, "label": "ARG1"}]} +{"id": "112550", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Yet through the silence something throbs, and gleams ...", "tops": [0, 5, 8], "nodes": [{"id": 0, "label": "yet", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "silence", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "label": "something", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "label": "throb", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "label": "gleam", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 46, "to": 52}]}], "edges": [{"source": 7, "target": 5, "label": "CONJ.member"}, {"source": 8, "target": 3, "label": "DIR2"}, {"source": 5, "target": 3, "label": "DIR2"}, {"source": 5, "target": 4, "label": "ACT-arg"}, {"source": 8, "target": 4, "label": "ACT-arg"}, {"source": 7, "target": 0, "label": "CONJ.member"}, {"source": 0, "target": 3, "label": "DIR2"}, {"source": 0, "target": 4, "label": "ACT-arg"}, {"source": 7, "target": 8, "label": "CONJ.member"}]} +{"id": "112550", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Yet through the silence something throbs, and gleams ...", "tops": [0], "nodes": [{"id": 0, "label": "_yet_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_through_p_state", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "label": "_silence_n_1", "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "label": "thing", "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "label": "_some_q", "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "label": "_throb_v_1", "anchors": [{"from": 34, "to": 41}]}, {"id": 7, "label": "_and_c", "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "label": "_gleam_v_1", "anchors": [{"from": 46, "to": 52}]}], "edges": [{"source": 2, "target": 3, "label": "BV"}, {"source": 7, "target": 8, "label": "R-HNDL"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 8, "target": 4, "label": "ARG1"}, {"source": 7, "target": 6, "label": "L-HNDL"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 0, "target": 7, "label": "R-HNDL"}]} +{"id": "112550", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Yet through the silence something throbs, and gleams ...", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 5, "label": "S"}, {"source": 10, "target": 14, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "S"}, {"source": 10, "target": 13, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 1, "label": "L"}, {"source": 13, "target": 4, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "L"}, {"source": 10, "target": 7, "label": "L"}, {"source": 14, "target": 8, "label": "S"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "112550", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Yet through the silence something throbs, and gleams ...", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "throb-01"}, {"id": 2, "label": "something"}, {"id": 3, "label": "gleam-01"}, {"id": 4, "label": "silent"}], "edges": [{"source": 0, "target": 3, "label": "op2"}, {"source": 0, "target": 1, "label": "op1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG0"}, {"source": 0, "target": 4, "label": "concession"}]} +{"id": "112570", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I was astonished by a sudden understanding of that mysterious radiation of the sands.", "tops": [2], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "astonish", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 6, "to": 16}]}, {"id": 4, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "label": "sudden", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "label": "understanding", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 29, "to": 42}]}, {"id": 8, "label": "that", "properties": ["pos", "frame"], "values": ["DT", "q_dem:i-h-h"], "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "label": "mysterious", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 51, "to": 61}]}, {"id": 10, "label": "radiation", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 62, "to": 71}]}, {"id": 11, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 72, "to": 74}]}, {"id": 12, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "label": "sand", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 79, "to": 84}]}], "edges": [{"source": 2, "target": 6, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG2"}]} +{"id": "112570", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I was astonished by a sudden understanding of that mysterious radiation of the sands.", "tops": [2], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "astonish", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 6, "to": 16}]}, {"id": 5, "label": "sudden", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "label": "understanding", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 42}]}, {"id": 8, "label": "that", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "label": "mysterious", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 51, "to": 61}]}, {"id": 10, "label": "radiation", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 62, "to": 71}]}, {"id": 13, "label": "sand", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 79, "to": 84}]}], "edges": [{"source": 2, "target": 0, "label": "PAT-arg"}, {"source": 10, "target": 8, "label": "RSTR"}, {"source": 10, "target": 13, "label": "ACT-arg"}, {"source": 6, "target": 5, "label": "TWHEN"}, {"source": 2, "target": 6, "label": "MEANS"}, {"source": 6, "target": 10, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "RSTR"}]} +{"id": "112570", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I was astonished by a sudden understanding of that mysterious radiation of the sands.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "_astonish_v_1", "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "label": "_sudden_a_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "label": "_understanding_n_of", "anchors": [{"from": 29, "to": 42}]}, {"id": 6, "label": "_that_q_dem", "anchors": [{"from": 46, "to": 50}]}, {"id": 7, "label": "_mysterious_a_1", "anchors": [{"from": 51, "to": 61}]}, {"id": 8, "label": "_radiation_n_1", "anchors": [{"from": 62, "to": 71}]}, {"id": 9, "label": "_of_p", "anchors": [{"from": 72, "to": 74}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 11, "label": "_sand_n_1", "anchors": [{"from": 79, "to": 85}]}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}]} +{"id": "112570", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I was astonished by a sudden understanding of that mysterious radiation of the sands.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 5, "label": "T"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 16, "target": 17, "label": "S"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 7, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 12, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "R"}, {"source": 17, "target": 3, "label": "R"}, {"source": 15, "target": 16, "label": "H"}]} +{"id": "112570", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I was astonished by a sudden understanding of that mysterious radiation of the sands.", "tops": [0], "nodes": [{"id": 0, "label": "astonish-01"}, {"id": 1, "label": "understand-01"}, {"id": 2, "label": "radiate-01"}, {"id": 3, "label": "sand"}, {"id": 4, "label": "mystery"}, {"id": 5, "label": "that"}, {"id": 6, "label": "sudden"}, {"id": 7, "label": "i"}], "edges": [{"source": 1, "target": 7, "label": "ARG0"}, {"source": 2, "target": 4, "label": "mod", "normal": "domain"}, {"source": 1, "target": 6, "label": "manner"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 2, "target": 5, "label": "mod", "normal": "domain"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 0, "target": 7, "label": "ARG1"}]} +{"id": "112690", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "It seemed to me, even, that there was nothing more fragile on all Earth.", "tops": [1], "nodes": [{"id": 1, "label": "seem", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-h-i"], "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "label": "even", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 17, "to": 21}]}, {"id": 9, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_there:e-i"], "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "label": "nothing", "properties": ["pos", "frame"], "values": ["NN", "thing:x"], "anchors": [{"from": 38, "to": 45}]}, {"id": 11, "label": "more", "properties": ["pos", "frame"], "values": ["RBR", "comp:e-u-u"], "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "label": "fragile", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "label": "on", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "label": "all", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "label": "earth", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 66, "to": 71}]}], "edges": [{"source": 2, "target": 3, "label": "ARG2"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 11, "target": 12, "label": "comp"}]} +{"id": "112690", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "It seemed to me, even, that there was nothing more fragile on all Earth.", "tops": [1], "nodes": [{"id": 1, "label": "seem", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 3, "to": 9}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "label": "even", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 17, "to": 21}]}, {"id": 9, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "label": "nothing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 38, "to": 45}]}, {"id": 11, "label": "more", "properties": ["pos"], "values": ["RBR"], "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "label": "fragile", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 51, "to": 58}]}, {"id": 14, "label": "all", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "label": "Earth", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 66, "to": 71}]}], "edges": [{"source": 9, "target": 12, "label": "PAT-arg"}, {"source": 1, "target": 5, "label": "RHEM"}, {"source": 9, "target": 10, "label": "ACT-arg"}, {"source": 9, "target": 15, "label": "LOC"}, {"source": 15, "target": 14, "label": "RSTR"}, {"source": 1, "target": 3, "label": "BEN"}, {"source": 12, "target": 11, "label": "EXT"}, {"source": 1, "target": 9, "label": "ACT-arg"}]} +{"id": "112690", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "It seemed to me, even, that there was nothing more fragile on all Earth.", "tops": [0], "nodes": [{"id": 0, "label": "_seem_v_to", "anchors": [{"from": 3, "to": 9}]}, {"id": 1, "label": "_to_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "label": "pron", "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "label": "_even_a_1", "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "label": "_be_v_there", "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "label": "thing", "anchors": [{"from": 38, "to": 45}]}, {"id": 7, "label": "_no_q", "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "label": "comp", "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "label": "_fragile_a_1", "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "label": "_on_p", "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "label": "_all_q", "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "label": "_earth_n_1", "anchors": [{"from": 66, "to": 72}]}], "edges": [{"source": 5, "target": 6, "label": "ARG1"}, {"source": 9, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 10, "target": 6, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "112690", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "It seemed to me, even, that there was nothing more fragile on all Earth.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 3, "label": "C"}, {"source": 20, "target": 11, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "D"}, {"source": 21, "target": 16, "label": "U"}, {"source": 18, "target": 1, "label": "S"}, {"source": 20, "target": 8, "label": "F"}, {"source": 18, "target": 4, "label": "U"}, {"source": 20, "target": 12, "label": "S"}, {"source": 18, "target": 0, "label": "F"}, {"source": 21, "target": 13, "label": "R"}, {"source": 19, "target": 2, "label": "R"}, {"source": 21, "target": 14, "label": "Q"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 6, "label": "U"}, {"source": 20, "target": 9, "label": "F"}, {"source": 21, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "R"}, {"source": 20, "target": 10, "label": "D"}]} +{"id": "112690", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "It seemed to me, even, that there was nothing more fragile on all Earth.", "tops": [0], "nodes": [{"id": 0, "label": "seem-01"}, {"id": 1, "label": "fragile"}, {"id": 2, "label": "more"}, {"id": 3, "label": "nothing"}, {"id": 4, "label": "planet"}, {"id": 5, "label": "name", "properties": ["op1"], "values": ["Earth"]}, {"id": 6, "label": "all"}, {"id": 7, "label": "i"}, {"id": 8, "label": "even"}], "edges": [{"source": 0, "target": 8, "label": "mod", "normal": "domain"}, {"source": 3, "target": 4, "label": "location"}, {"source": 1, "target": 2, "label": "degree"}, {"source": 4, "target": 6, "label": "mod", "normal": "domain"}, {"source": 0, "target": 7, "label": "ARG2"}, {"source": 4, "target": 5, "label": "name"}, {"source": 1, "target": 3, "label": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "112800", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The well that we had come to was not like the wells of the Sahara.", "tops": [8], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "well", "properties": ["pos", "frame"], "values": ["RB", "n:x"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "we", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "label": "come", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i"], "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "label": "to", "properties": ["pos", "frame"], "values": ["TO", "p:e-u-i"], "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "label": "well", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "label": "of", "properties": ["pos", "frame"], "values": ["IN", "p:e-x-i"], "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "label": "Sahara", "properties": ["pos", "frame"], "values": ["NNP", "named_n:x-c"], "anchors": [{"from": 59, "to": 65}]}], "edges": [{"source": 5, "target": 3, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 9, "target": 1, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 6, "target": 1, "label": "ARG2"}, {"source": 8, "target": 9, "label": "neg"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}]} +{"id": "112800", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The well that we had come to was not like the wells of the Sahara.", "tops": [7], "nodes": [{"id": 1, "label": "well", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "label": "come", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "label": "to", "properties": ["pos"], "values": ["TO"], "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 33, "to": 36}]}, {"id": 11, "label": "well", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 46, "to": 51}]}, {"id": 14, "label": "Sahara", "properties": ["pos"], "values": ["NNP"], "anchors": [{"from": 59, "to": 65}]}], "edges": [{"source": 1, "target": 5, "label": "RSTR"}, {"source": 5, "target": 3, "label": "ACT-arg"}, {"source": 7, "target": 8, "label": "RHEM"}, {"source": 7, "target": 1, "label": "ACT-arg"}, {"source": 7, "target": 11, "label": "ACT-arg"}, {"source": 11, "target": 14, "label": "APP"}, {"source": 5, "target": 6, "label": "DIR3"}]} +{"id": "112800", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The well that we had come to was not like the wells of the Sahara.", "tops": [6], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_well_n_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "pron", "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "label": "_come_v_1", "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "label": "_to_p", "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "label": "neg", "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "label": "_like_p", "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "label": "_well_n_1", "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "label": "_of_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "label": "named_n", "properties": ["carg"], "values": ["Sahara"], "anchors": [{"from": 59, "to": 66}]}], "edges": [{"source": 8, "target": 9, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "112800", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The well that we had come to was not like the wells of the Sahara.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 7, "label": "S"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 10, "label": "F"}, {"source": 21, "target": 9, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 6, "label": "R"}, {"source": 20, "target": 1, "label": "C", "attributes": ["remote"], "values": [true]}, {"source": 19, "target": 2, "label": "R"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 0, "label": "F"}, {"source": 19, "target": 3, "label": "A"}, {"source": 16, "target": 19, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 16, "target": 1, "label": "C"}, {"source": 22, "target": 13, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "R"}, {"source": 18, "target": 16, "label": "A"}, {"source": 18, "target": 8, "label": "D"}]} +{"id": "112800", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The well that we had come to was not like the wells of the Sahara.", "tops": [0], "nodes": [{"id": 0, "label": "well"}, {"id": 1, "label": "come-01"}, {"id": 2, "label": "we"}, {"id": 3, "label": "resemble-01", "properties": ["polarity"], "values": ["-"]}, {"id": 4, "label": "well"}, {"id": 5, "label": "desert"}, {"id": 6, "label": "name", "properties": ["op1"], "values": ["Sahara"]}], "edges": [{"source": 1, "target": 2, "label": "ARG1"}, {"source": 4, "target": 5, "label": "location"}, {"source": 0, "target": 3, "label": "ARG1-of", "normal": "ARG1"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG4-of", "normal": "ARG4"}, {"source": 5, "target": 6, "label": "name"}]} +{"id": "112940", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"It is too heavy for you.\"", "tops": [4], "nodes": [{"id": 1, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 3}]}, {"id": 3, "label": "too", "properties": ["pos", "frame"], "values": ["RB", "comp:e-u-u"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "heavy", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 21, "to": 24}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "comp_too"}, {"source": 5, "target": 6, "label": "ARG2"}]} +{"id": "112940", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"It is too heavy for you.\"", "tops": [2], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "label": "too", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "label": "heavy", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 11, "to": 16}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 21, "to": 24}]}], "edges": [{"source": 2, "target": 4, "label": "PAT-arg"}, {"source": 2, "target": 3, "label": "RHEM"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 6, "label": "BEN"}]} +{"id": "112940", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"It is too heavy for you.\"", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "comp_too", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_heavy_a_1", "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "label": "_for_p", "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "label": "pron", "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 21, "to": 26}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG1"}]} +{"id": "112940", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"It is too heavy for you.\"", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 25, "to": 26}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 0, "label": "U"}, {"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 4, "label": "S"}]} +{"id": "112940", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"It is too heavy for you.\"", "tops": [0], "nodes": [{"id": 0, "label": "heavy"}, {"id": 1, "label": "it"}, {"id": 2, "label": "too"}, {"id": 3, "label": "you"}], "edges": [{"source": 0, "target": 1, "label": "domain"}, {"source": 0, "target": 3, "label": "compared-to"}, {"source": 0, "target": 2, "label": "degree"}]} +{"id": "113220", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"You know -- a muzzle for my sheep ...", "tops": [2], "nodes": [{"id": 1, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "know", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-p"], "anchors": [{"from": 5, "to": 9}]}, {"id": 4, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "label": "muzzle", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 15, "to": 21}]}, {"id": 6, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "sheep", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 6, "target": 5, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "poss"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 5, "label": "conj"}]} +{"id": "113220", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"You know -- a muzzle for my sheep ...", "tops": [2], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "know", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 5, "to": 9}]}, {"id": 5, "label": "muzzle", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 15, "to": 21}]}, {"id": 7, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "sheep", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 8, "target": 7, "label": "APP"}, {"source": 5, "target": 8, "label": "RSTR"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 2, "target": 5, "label": "PAT-arg"}]} +{"id": "113220", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"You know -- a muzzle for my sheep ...", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 38}]}, {"id": 1, "label": "pron", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_know_v_1", "anchors": [{"from": 5, "to": 9}]}, {"id": 4, "label": "unknown", "anchors": [{"from": 13, "to": 38}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 13, "to": 14}]}, {"id": 6, "label": "_muzzle_n_unknown", "anchors": [{"from": 15, "to": 21}]}, {"id": 7, "label": "_for_p", "anchors": [{"from": 22, "to": 25}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 26, "to": 28}]}, {"id": 9, "label": "poss", "anchors": [{"from": 26, "to": 28}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 26, "to": 28}]}, {"id": 11, "label": "pron", "anchors": [{"from": 26, "to": 28}]}, {"id": 12, "label": "_sheep_n_1", "anchors": [{"from": 29, "to": 34}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 12, "label": "ARG2"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 0, "target": 4, "label": "R-HNDL"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 8, "target": 12, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 0, "target": 3, "label": "L-HNDL"}, {"source": 10, "target": 11, "label": "BV"}]} +{"id": "113220", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"You know -- a muzzle for my sheep ...", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}, {"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 7, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 5, "label": "S"}, {"source": 14, "target": 13, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "U"}, {"source": 13, "target": 6, "label": "S"}, {"source": 11, "target": 4, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 0, "label": "U"}, {"source": 10, "target": 1, "label": "G"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}]} +{"id": "113220", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"You know -- a muzzle for my sheep ...", "tops": [0], "nodes": [{"id": 0, "label": "thing"}, {"id": 1, "label": "muzzle-01"}, {"id": 2, "label": "sheep"}, {"id": 3, "label": "i"}], "edges": [{"source": 0, "target": 1, "label": "ARG2-of", "normal": "ARG2"}, {"source": 2, "target": 3, "label": "poss"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "113350", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And as I gave it to him my heart was torn.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "as", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "label": "give", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-i-i"], "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "label": "him", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "label": "heart", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 27, "to": 32}]}, {"id": 10, "label": "tear", "properties": ["pos", "frame"], "values": ["VBN", "v_cause:e-i-p"], "anchors": [{"from": 37, "to": 41}]}], "edges": [{"source": 0, "target": 1, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 7, "target": 8, "label": "poss"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 1, "target": 10, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG3"}, {"source": 3, "target": 4, "label": "ARG2"}]} +{"id": "113350", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And as I gave it to him my heart was torn.", "tops": [10], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "label": "give", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "label": "heart", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 27, "to": 32}]}, {"id": 10, "label": "tear", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 37, "to": 41}]}], "edges": [{"source": 3, "target": 4, "label": "PAT-arg"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 10, "target": 8, "label": "PAT-arg"}, {"source": 10, "target": 3, "label": "TWHEN"}, {"source": 3, "target": 6, "label": "ADDR-arg"}, {"source": 8, "target": 7, "label": "APP"}, {"source": 10, "target": 0, "label": "PREC"}]} +{"id": "113350", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And as I gave it to him my heart was torn.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_as_x_subord", "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "pron", "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 7, "to": 8}]}, {"id": 4, "label": "_give_v_1", "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "label": "pron", "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 14, "to": 16}]}, {"id": 7, "label": "pron", "anchors": [{"from": 20, "to": 23}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 9, "label": "def_explicit_q", "anchors": [{"from": 24, "to": 26}]}, {"id": 10, "label": "poss", "anchors": [{"from": 24, "to": 26}]}, {"id": 11, "label": "pronoun_q", "anchors": [{"from": 24, "to": 26}]}, {"id": 12, "label": "pron", "anchors": [{"from": 24, "to": 26}]}, {"id": 13, "label": "_heart_n_1", "anchors": [{"from": 27, "to": 32}]}, {"id": 14, "label": "_tear_v_cause", "anchors": [{"from": 37, "to": 42}]}], "edges": [{"source": 4, "target": 7, "label": "ARG3"}, {"source": 0, "target": 1, "label": "R-HNDL"}, {"source": 14, "target": 13, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 1, "target": 14, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "113350", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And as I gave it to him my heart was torn.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 41, "to": 42}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "L"}, {"source": 16, "target": 9, "label": "F"}, {"source": 12, "target": 1, "label": "L"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 7, "label": "E"}, {"source": 16, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 12, "target": 16, "label": "H"}, {"source": 13, "target": 2, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "113350", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And as I gave it to him my heart was torn.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "tear-01"}, {"id": 2, "label": "heart"}, {"id": 3, "label": "i"}, {"id": 4, "label": "give-01"}, {"id": 5, "label": "it"}, {"id": 6, "label": "he"}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 4, "label": "time"}, {"source": 0, "target": 1, "label": "op2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 4, "target": 3, "label": "ARG0"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 2, "target": 3, "label": "part-of", "normal": "part"}]} +{"id": "113480", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "The little prince flushed once more.", "tops": [3], "nodes": [{"id": 0, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "prince", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "flush", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "label": "once+more", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "label": "once+more", "properties": ["pos", "frame"], "values": ["RBR", "a:e-e"], "anchors": [{"from": 31, "to": 35}]}], "edges": [{"source": 1, "target": 2, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 5, "target": 4, "label": "mwe"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "113480", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "The little prince flushed once more.", "tops": [3], "nodes": [{"id": 1, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "prince", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "flush", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "label": "once", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "label": "more", "properties": ["pos"], "values": ["JJR"], "anchors": [{"from": 31, "to": 35}]}], "edges": [{"source": 3, "target": 4, "label": "MANN"}, {"source": 3, "target": 2, "label": "ACT-arg"}, {"source": 3, "target": 5, "label": "RHEM"}, {"source": 2, "target": 1, "label": "RSTR"}]} +{"id": "113480", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "The little prince flushed once more.", "tops": [3], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_little_a_1", "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "_prince_n_of", "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "label": "_flush_v_1", "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "label": "_once+more_a_1", "anchors": [{"from": 26, "to": 36}]}], "edges": [{"source": 4, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}, {"source": 0, "target": 2, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "113480", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "The little prince flushed once more.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}, {"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 4, "label": "D"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 1, "label": "S"}, {"source": 6, "target": 10, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 10, "label": "A", "attributes": ["remote"], "values": [true]}]} +{"id": "113480", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "The little prince flushed once more.", "tops": [0], "nodes": [{"id": 0, "label": "flush-03"}, {"id": 1, "label": "prince"}, {"id": 2, "label": "little"}, {"id": 3, "label": "again", "properties": ["frequency"], "values": ["1"]}], "edges": [{"source": 1, "target": 2, "label": "mod", "normal": "domain"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 3, "label": "mod", "normal": "domain"}]} +{"id": "113660", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "It is the right day, but this is not the place.\"", "tops": [1], "nodes": [{"id": 0, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "right", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "day", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "label": "this", "properties": ["pos", "frame"], "values": ["DT", "x:x"], "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "label": "place", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 41, "to": 46}]}], "edges": [{"source": 1, "target": 9, "label": "_but_c"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 9, "target": 8, "label": "neg"}, {"source": 1, "target": 4, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}]} +{"id": "113660", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "It is the right day, but this is not the place.\"", "tops": [1, 8], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "label": "right", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "day", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "this", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 33, "to": 36}]}, {"id": 11, "label": "place", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 41, "to": 46}]}], "edges": [{"source": 8, "target": 11, "label": "PAT-arg"}, {"source": 8, "target": 9, "label": "RHEM"}, {"source": 1, "target": 4, "label": "PAT-arg"}, {"source": 8, "target": 7, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 6, "target": 1, "label": "CONJ.member"}, {"source": 6, "target": 8, "label": "CONJ.member"}, {"source": 4, "target": 3, "label": "RSTR"}]} +{"id": "113660", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "It is the right day, but this is not the place.\"", "tops": [6], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 4, "label": "_right_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "label": "_but_c", "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "generic_entity", "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "label": "_this_q_dem", "anchors": [{"from": 25, "to": 29}]}, {"id": 9, "label": "_be_v_id", "anchors": [{"from": 30, "to": 32}]}, {"id": 10, "label": "neg", "anchors": [{"from": 33, "to": 36}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 12, "label": "_place_n_of", "anchors": [{"from": 41, "to": 48}]}], "edges": [{"source": 9, "target": 12, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 10, "label": "R-HNDL"}, {"source": 6, "target": 2, "label": "L-HNDL"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}]} +{"id": "113660", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "It is the right day, but this is not the place.\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "anchors": [{"from": 47, "to": 48}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "U"}, {"source": 17, "target": 4, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 8, "label": "S"}, {"source": 17, "target": 3, "label": "S"}, {"source": 16, "target": 2, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 6, "label": "L"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 10, "label": "F"}]} +{"id": "113660", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "It is the right day, but this is not the place.\"", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "day"}, {"id": 2, "label": "right-06"}, {"id": 3, "label": "place", "properties": ["polarity"], "values": ["-"]}, {"id": 4, "label": "this"}], "edges": [{"source": 1, "target": 2, "label": "ARG2-of", "normal": "ARG2"}, {"source": 3, "target": 4, "label": "domain"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "113750", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "You are sure that it will not make me suffer too long?\"", "tops": [2], "nodes": [{"id": 0, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "sure", "properties": ["pos", "frame"], "values": ["JJ", "a_of:e-i-h"], "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "label": "make", "properties": ["pos", "frame"], "values": ["VB", "v_cause:e-i-h"], "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "suffer", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i"], "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "label": "too", "properties": ["pos", "frame"], "values": ["RB", "comp:e-u-u"], "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "label": "long", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 49, "to": 53}]}], "edges": [{"source": 7, "target": 4, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 10, "target": 11, "label": "comp_too"}, {"source": 6, "target": 7, "label": "neg"}, {"source": 11, "target": 9, "label": "loc"}]} +{"id": "113750", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "You are sure that it will not make me suffer too long?\"", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "sure", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 18, "to": 20}]}, {"id": 7, "label": "make", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "suffer", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "label": "too", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "label": "long", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 49, "to": 53}]}], "edges": [{"source": 1, "target": 2, "label": "PAT-arg"}, {"source": 11, "target": 10, "label": "EXT"}, {"source": 9, "target": 11, "label": "THL"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 7, "target": 9, "label": "PAT-arg"}, {"source": 2, "target": 7, "label": "PAT-arg"}, {"source": 7, "target": 4, "label": "ACT-arg"}, {"source": 7, "target": 8, "label": "ADDR-arg"}]} +{"id": "113750", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "You are sure that it will not make me suffer too long?\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_sure_a_of", "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "pron", "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": "neg", "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "label": "_make_v_cause", "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "pron", "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_suffer_v_1", "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 55}]}, {"id": 11, "label": "comp_too", "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "label": "time_n", "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "label": "def_implicit_q", "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "label": "_long_a_1", "anchors": [{"from": 49, "to": 55}]}], "edges": [{"source": 11, "target": 14, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 8, "target": 7, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 9, "target": 7, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}]} +{"id": "113750", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "You are sure that it will not make me suffer too long?\"", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 7, "label": "D"}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 10, "label": "E"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 2, "label": "S"}, {"source": 16, "target": 4, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "T"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 9, "label": "S"}]} +{"id": "113750", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "You are sure that it will not make me suffer too long?\"", "tops": [0], "nodes": [{"id": 0, "label": "sure-02", "properties": ["mode"], "values": ["interrogative"]}, {"id": 1, "label": "you"}, {"id": 2, "label": "suffer-01", "properties": ["polarity"], "values": ["-"]}, {"id": 3, "label": "i"}, {"id": 4, "label": "it"}, {"id": 5, "label": "long-03"}, {"id": 6, "label": "too"}], "edges": [{"source": 0, "target": 2, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1-of", "normal": "ARG1"}, {"source": 2, "target": 4, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG0"}, {"source": 5, "target": 6, "label": "degree"}, {"source": 2, "target": 3, "label": "ARG0"}]} +{"id": "113830", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "I reached the wall just in time to catch my little man in my arms; his face was white as snow.", "tops": [1], "nodes": [{"id": 0, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "reach", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-p"], "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "label": "wall", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "label": "just", "properties": ["pos", "frame"], "values": ["RB", "x:e-u"], "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "label": "time", "properties": ["pos", "frame"], "values": ["NN", "n_of:x"], "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "label": "catch", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-i-h"], "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "label": "little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "label": "man", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "label": "in", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "label": "arm", "properties": ["pos", "frame"], "values": ["NNS", "n:x"], "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "label": "his", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "label": "face", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 71, "to": 75}]}, {"id": 19, "label": "white", "properties": ["pos", "frame"], "values": ["JJ", "a:i-i"], "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "label": "as", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 86, "to": 88}]}, {"id": 21, "label": "snow", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 89, "to": 93}]}], "edges": [{"source": 10, "target": 11, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG3"}, {"source": 1, "target": 19, "label": "conj"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 16, "target": 17, "label": "poss"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG2"}, {"source": 9, "target": 11, "label": "poss"}, {"source": 13, "target": 14, "label": "poss"}, {"source": 6, "target": 8, "label": "instrument"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}]} +{"id": "113830", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I reached the wall just in time to catch my little man in my arms; his face was white as snow.", "tops": [1, 18], "nodes": [{"id": 0, "label": "#PersPron_#Cor", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "reach", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 2, "to": 9}]}, {"id": 3, "label": "wall", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "label": "just", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "label": "time", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "label": "catch", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "label": "man", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "label": "arm", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "label": ";", "properties": ["pos"], "values": [":"], "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "label": "face", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "label": "white", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 80, "to": 85}]}, {"id": 21, "label": "snow", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 89, "to": 93}]}], "edges": [{"source": 1, "target": 8, "label": "AIM"}, {"source": 11, "target": 9, "label": "APP"}, {"source": 1, "target": 4, "label": "RHEM"}, {"source": 11, "target": 10, "label": "RSTR"}, {"source": 8, "target": 11, "label": "PAT-arg"}, {"source": 19, "target": 18, "label": "CPR"}, {"source": 8, "target": 0, "label": "ACT-arg"}, {"source": 18, "target": 21, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 18, "target": 17, "label": "ACT-arg"}, {"source": 14, "target": 13, "label": "APP"}, {"source": 15, "target": 1, "label": "CONJ.member"}, {"source": 1, "target": 6, "label": "TWHEN"}, {"source": 8, "target": 14, "label": "DIR3"}, {"source": 18, "target": 19, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 15, "target": 18, "label": "CONJ.member"}, {"source": 17, "target": 16, "label": "APP"}]} +{"id": "113830", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "I reached the wall just in time to catch my little man in my arms; his face was white as snow.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 94}]}, {"id": 1, "label": "pron", "anchors": [{"from": 0, "to": 1}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 3, "label": "_reach_v_1", "anchors": [{"from": 2, "to": 9}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "label": "_wall_n_of", "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "label": "_just_x_deg", "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "label": "_in_p_temp", "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 27, "to": 66}]}, {"id": 9, "label": "_time_n_of", "anchors": [{"from": 27, "to": 31}]}, {"id": 10, "label": "with_p", "anchors": [{"from": 32, "to": 66}]}, {"id": 11, "label": "_catch_v_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 12, "label": "def_explicit_q", "anchors": [{"from": 41, "to": 43}]}, {"id": 13, "label": "poss", "anchors": [{"from": 41, "to": 43}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 41, "to": 43}]}, {"id": 15, "label": "pron", "anchors": [{"from": 41, "to": 43}]}, {"id": 16, "label": "_little_a_1", "anchors": [{"from": 44, "to": 50}]}, {"id": 17, "label": "_man_n_1", "anchors": [{"from": 51, "to": 54}]}, {"id": 18, "label": "_in_p", "anchors": [{"from": 55, "to": 57}]}, {"id": 19, "label": "def_explicit_q", "anchors": [{"from": 58, "to": 60}]}, {"id": 20, "label": "poss", "anchors": [{"from": 58, "to": 60}]}, {"id": 21, "label": "pronoun_q", "anchors": [{"from": 58, "to": 60}]}, {"id": 22, "label": "pron", "anchors": [{"from": 58, "to": 60}]}, {"id": 23, "label": "_arm_n_1", "anchors": [{"from": 61, "to": 66}]}, {"id": 24, "label": "def_explicit_q", "anchors": [{"from": 67, "to": 70}]}, {"id": 25, "label": "poss", "anchors": [{"from": 67, "to": 70}]}, {"id": 26, "label": "pronoun_q", "anchors": [{"from": 67, "to": 70}]}, {"id": 27, "label": "pron", "anchors": [{"from": 67, "to": 70}]}, {"id": 28, "label": "_face_n_1", "anchors": [{"from": 71, "to": 75}]}, {"id": 29, "label": "_white_a_1", "anchors": [{"from": 80, "to": 85}]}, {"id": 30, "label": "_as_p", "anchors": [{"from": 86, "to": 88}]}, {"id": 31, "label": "udef_q", "anchors": [{"from": 89, "to": 94}]}, {"id": 32, "label": "_snow_n_1", "anchors": [{"from": 89, "to": 94}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 7, "target": 3, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG2"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 0, "target": 29, "label": "R-HNDL"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 11, "target": 18, "label": "ARG3"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 11, "target": 17, "label": "ARG2"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 13, "target": 17, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 0, "target": 3, "label": "L-HNDL"}, {"source": 20, "target": 22, "label": "ARG2"}]} +{"id": "113830", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "I reached the wall just in time to catch my little man in my arms; his face was white as snow.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}, {"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 93}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 22, "target": 1, "label": "P"}, {"source": 27, "target": 8, "label": "S"}, {"source": 22, "target": 25, "label": "T"}, {"source": 24, "target": 2, "label": "F"}, {"source": 26, "target": 30, "label": "A"}, {"source": 26, "target": 0, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 23, "target": 26, "label": "H"}, {"source": 31, "target": 16, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 31, "target": 15, "label": "E"}, {"source": 32, "target": 18, "label": "S"}, {"source": 28, "target": 10, "label": "C"}, {"source": 23, "target": 33, "label": "H"}, {"source": 25, "target": 5, "label": "C"}, {"source": 23, "target": 6, "label": "L"}, {"source": 23, "target": 32, "label": "H"}, {"source": 23, "target": 14, "label": "U"}, {"source": 32, "target": 31, "label": "A"}, {"source": 33, "target": 20, "label": "A"}, {"source": 28, "target": 27, "label": "E"}, {"source": 30, "target": 11, "label": "R"}, {"source": 28, "target": 29, "label": "E"}, {"source": 27, "target": 10, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 30, "target": 12, "label": "E"}, {"source": 32, "target": 17, "label": "F"}, {"source": 23, "target": 19, "label": "L"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 9, "label": "S"}, {"source": 27, "target": 8, "label": "A"}, {"source": 29, "target": 10, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "S", "attributes": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "U"}, {"source": 26, "target": 7, "label": "P"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 13, "label": "C"}]} +{"id": "113830", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "I reached the wall just in time to catch my little man in my arms; his face was white as snow.", "tops": [0], "nodes": [{"id": 0, "label": "multi-sentence"}, {"id": 1, "label": "reach-01"}, {"id": 2, "label": "i"}, {"id": 3, "label": "wall"}, {"id": 4, "label": "catch-01"}, {"id": 5, "label": "man"}, {"id": 6, "label": "little"}, {"id": 7, "label": "just"}, {"id": 8, "label": "arm"}, {"id": 9, "label": "face"}, {"id": 10, "label": "white-03"}, {"id": 11, "label": "equal"}, {"id": 12, "label": "snow"}], "edges": [{"source": 5, "target": 6, "label": "mod", "normal": "domain"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG0"}, {"source": 9, "target": 5, "label": "part-of", "normal": "part"}, {"source": 0, "target": 9, "label": "snt2"}, {"source": 9, "target": 10, "label": "ARG1-of", "normal": "ARG1"}, {"source": 4, "target": 8, "label": "location"}, {"source": 8, "target": 2, "label": "part-of", "normal": "part"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 4, "target": 7, "label": "mod", "normal": "domain"}, {"source": 10, "target": 11, "label": "degree"}, {"source": 0, "target": 1, "label": "snt1"}, {"source": 5, "target": 2, "label": "poss"}, {"source": 1, "target": 4, "label": "time"}, {"source": 10, "target": 12, "label": "compared-to"}, {"source": 1, "target": 2, "label": "ARG0"}]} +{"id": "113920", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I am glad that you have found what was the matter with your engine,\" he said.", "tops": [18], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "glad", "properties": ["pos", "frame"], "values": ["JJ", "a:e-i-h"], "anchors": [{"from": 6, "to": 10}]}, {"id": 5, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "label": "find", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-h"], "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "label": "what", "properties": ["pos", "frame"], "values": ["WP", "thing:x"], "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "label": "was", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "label": "matter", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 44, "to": 50}]}, {"id": 12, "label": "with", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "label": "your", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "label": "engine", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 61, "to": 67}]}, {"id": 17, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 70, "to": 72}]}, {"id": 18, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 73, "to": 77}]}], "edges": [{"source": 7, "target": 9, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 18, "target": 3, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 13, "target": 14, "label": "poss"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}]} +{"id": "113920", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I am glad that you have found what was the matter with your engine,\" he said.", "tops": [18], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "label": "be", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "label": "glad", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 6, "to": 10}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "label": "find", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "label": "what", "properties": ["pos"], "values": ["WP"], "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "label": "matter", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 44, "to": 50}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "label": "engine", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 61, "to": 67}]}, {"id": 17, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 70, "to": 72}]}, {"id": 18, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 73, "to": 77}]}], "edges": [{"source": 18, "target": 2, "label": "EFF-arg"}, {"source": 2, "target": 7, "label": "CAUS"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 7, "target": 9, "label": "PAT-arg"}, {"source": 18, "target": 17, "label": "ACT-arg"}, {"source": 9, "target": 14, "label": "ACMP"}, {"source": 2, "target": 3, "label": "PAT-arg"}, {"source": 14, "target": 13, "label": "APP"}, {"source": 7, "target": 5, "label": "ACT-arg"}, {"source": 9, "target": 11, "label": "PAT-arg"}, {"source": 9, "target": 8, "label": "ACT-arg"}]} +{"id": "113920", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I am glad that you have found what was the matter with your engine,\" he said.", "tops": [19], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_glad_a_1", "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "pron", "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "label": "_find_v_1", "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "label": "thing", "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "which_q", "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "label": "_be_v_id", "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "label": "_matter_n_of", "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "label": "_with_p", "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "label": "def_explicit_q", "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "label": "poss", "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "label": "pron", "anchors": [{"from": 56, "to": 60}]}, {"id": 16, "label": "_engine_n_1", "anchors": [{"from": 61, "to": 69}]}, {"id": 17, "label": "pron", "anchors": [{"from": 70, "to": 72}]}, {"id": 18, "label": "pronoun_q", "anchors": [{"from": 70, "to": 72}]}, {"id": 19, "label": "_say_v_to", "anchors": [{"from": 73, "to": 78}]}], "edges": [{"source": 8, "target": 6, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 19, "target": 2, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 12, "target": 16, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG1"}]} +{"id": "113920", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I am glad that you have found what was the matter with your engine,\" he said.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 77}]}, {"id": 19, "anchors": [{"from": 77, "to": 78}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 9, "label": "F"}, {"source": 25, "target": 26, "label": "S"}, {"source": 28, "target": 13, "label": "A"}, {"source": 27, "target": 12, "label": "R"}, {"source": 24, "target": 8, "label": "C"}, {"source": 23, "target": 4, "label": "R"}, {"source": 23, "target": 6, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 16, "label": "U"}, {"source": 23, "target": 5, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 21, "target": 19, "label": "U"}, {"source": 22, "target": 3, "label": "S"}, {"source": 22, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 8, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 14, "label": "C"}, {"source": 22, "target": 1, "label": "A"}, {"source": 26, "target": 11, "label": "C"}, {"source": 23, "target": 7, "label": "P"}, {"source": 21, "target": 17, "label": "A"}, {"source": 21, "target": 18, "label": "P"}, {"source": 28, "target": 14, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 0, "label": "U"}, {"source": 26, "target": 10, "label": "F"}, {"source": 28, "target": 13, "label": "S"}]} +{"id": "113920", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I am glad that you have found what was the matter with your engine,\" he said.", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "glad-02"}, {"id": 3, "label": "find-01"}, {"id": 4, "label": "you"}, {"id": 5, "label": "amr-unknown"}, {"id": 6, "label": "cause-01"}, {"id": 7, "label": "have-03"}, {"id": 8, "label": "problem"}, {"id": 9, "label": "engine"}, {"id": 10, "label": "i"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG0"}, {"source": 2, "target": 10, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG0"}, {"source": 9, "target": 4, "label": "poss"}, {"source": 8, "target": 9, "label": "topic"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG0-of", "normal": "ARG0"}]} +{"id": "114020", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "And I have the sheep's box.", "tops": [0], "nodes": [{"id": 0, "label": "and", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "label": "have", "properties": ["pos", "frame"], "values": ["VBP", "v:e-i-i"], "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "label": "sheep", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "label": "box", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 23, "to": 26}]}], "edges": [{"source": 2, "target": 6, "label": "ARG2"}, {"source": 4, "target": 6, "label": "poss"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}]} +{"id": "114020", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "And I have the sheep's box.", "tops": [2], "nodes": [{"id": 0, "label": "and", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "label": "have", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "label": "sheep", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "label": "box", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 23, "to": 26}]}], "edges": [{"source": 2, "target": 0, "label": "PREC"}, {"source": 2, "target": 6, "label": "PAT-arg"}, {"source": 2, "target": 1, "label": "ACT-arg"}, {"source": 6, "target": 4, "label": "RSTR"}]} +{"id": "114020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "And I have the sheep's box.", "tops": [0], "nodes": [{"id": 0, "label": "_and_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pron", "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 4, "to": 5}]}, {"id": 3, "label": "_have_v_1", "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "label": "_sheep_n_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "label": "poss", "anchors": [{"from": 20, "to": 22}]}, {"id": 8, "label": "_box_n_of", "anchors": [{"from": 23, "to": 27}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "114020", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "And I have the sheep's box.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 11, "target": 4, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 6, "label": "C"}, {"source": 11, "target": 5, "label": "S"}, {"source": 11, "target": 6, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 0, "label": "L"}]} +{"id": "114020", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "And I have the sheep's box.", "tops": [0], "nodes": [{"id": 0, "label": "and"}, {"id": 1, "label": "have-03"}, {"id": 2, "label": "i"}, {"id": 3, "label": "box"}, {"id": 4, "label": "sheep"}], "edges": [{"source": 0, "target": 1, "label": "op2"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "poss"}, {"source": 1, "target": 2, "label": "ARG0"}]} +{"id": "114210", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "He said to me, instead: \"The thing that is important is the thing that is not seen ...\"", "tops": [1], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "say", "properties": ["pos", "frame"], "values": ["VBD", "v_to:e-i-h-i"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "me", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "instead", "properties": ["pos", "frame"], "values": ["RB", "p:e-i"], "anchors": [{"from": 15, "to": 22}]}, {"id": 6, "label": ":", "properties": ["pos"], "values": [":"], "anchors": [{"from": 22, "to": 23}]}, {"id": 8, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "label": "thing", "properties": ["pos", "frame"], "values": ["NN", "n_of-about:x-i"], "anchors": [{"from": 29, "to": 34}]}, {"id": 12, "label": "important", "properties": ["pos", "frame"], "values": ["JJ", "a_for:e-p-i"], "anchors": [{"from": 43, "to": 52}]}, {"id": 13, "label": "is", "properties": ["pos", "frame"], "values": ["VBZ", "v_id:e-p-i"], "anchors": [{"from": 53, "to": 55}]}, {"id": 14, "label": "the", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "label": "thing", "properties": ["pos", "frame"], "values": ["NN", "n_of-about:x-i"], "anchors": [{"from": 60, "to": 65}]}, {"id": 18, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "label": "see", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 78, "to": 82}]}], "edges": [{"source": 18, "target": 19, "label": "neg"}, {"source": 6, "target": 13, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 19, "target": 15, "label": "ARG2"}, {"source": 12, "target": 9, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG3"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 5, "target": 1, "label": "ARG1"}]} +{"id": "114210", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "He said to me, instead: \"The thing that is important is the thing that is not seen ...\"", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "say", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "instead", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 15, "to": 22}]}, {"id": 9, "label": "thing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 34}]}, {"id": 10, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 40, "to": 42}]}, {"id": 12, "label": "important", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 43, "to": 52}]}, {"id": 13, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 53, "to": 55}]}, {"id": 15, "label": "thing", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "label": "not", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "label": "see", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 78, "to": 82}]}], "edges": [{"source": 11, "target": 10, "label": "ACT-arg"}, {"source": 13, "target": 15, "label": "PAT-arg"}, {"source": 9, "target": 11, "label": "RSTR"}, {"source": 19, "target": 18, "label": "RHEM"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 3, "label": "ADDR-arg"}, {"source": 1, "target": 5, "label": "MANN"}, {"source": 15, "target": 19, "label": "RSTR"}, {"source": 1, "target": 13, "label": "EFF-arg"}, {"source": 11, "target": 12, "label": "PAT-arg"}, {"source": 13, "target": 9, "label": "ACT-arg"}, {"source": 19, "target": 16, "label": "PAT-arg"}]} +{"id": "114210", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "He said to me, instead: \"The thing that is important is the thing that is not seen ...\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_say_v_to", "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "pron", "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "label": "_instead_p", "anchors": [{"from": 15, "to": 22}]}, {"id": 6, "label": "_colon_p_namely", "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "label": "_thing_n_of-about", "anchors": [{"from": 29, "to": 34}]}, {"id": 9, "label": "_important_a_for", "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "label": "_be_v_id", "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "label": "_thing_n_of-about", "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "label": "neg", "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "label": "_see_v_1", "anchors": [{"from": 78, "to": 82}]}], "edges": [{"source": 10, "target": 8, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG3"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 13, "target": 14, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}]} +{"id": "114210", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "He said to me, instead: \"The thing that is important is the thing that is not seen ...\"", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "H"}, {"source": 22, "target": 6, "label": "U"}, {"source": 25, "target": 27, "label": "E"}, {"source": 24, "target": 3, "label": "C"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 4, "label": "U"}, {"source": 29, "target": 15, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 25, "target": 8, "label": "F"}, {"source": 27, "target": 10, "label": "R"}, {"source": 29, "target": 19, "label": "S"}, {"source": 22, "target": 7, "label": "U"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 29, "target": 16, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 13, "label": "S"}, {"source": 29, "target": 18, "label": "D"}, {"source": 29, "target": 21, "label": "U"}, {"source": 28, "target": 14, "label": "F"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 2, "label": "R"}, {"source": 27, "target": 12, "label": "S"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 9, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 26, "target": 25, "label": "A"}, {"source": 23, "target": 1, "label": "P"}, {"source": 23, "target": 26, "label": "A"}, {"source": 29, "target": 17, "label": "F"}, {"source": 22, "target": 5, "label": "L"}]} +{"id": "114210", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "He said to me, instead: \"The thing that is important is the thing that is not seen ...\"", "tops": [0], "nodes": [{"id": 0, "label": "say-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "important"}, {"id": 3, "label": "thing"}, {"id": 4, "label": "see-01", "properties": ["polarity"], "values": ["-"]}, {"id": 5, "label": "i"}, {"id": 6, "label": "instead-of-91"}], "edges": [{"source": 0, "target": 6, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 2, "target": 3, "label": "domain"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "114480", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "For my businessman they were wealth.", "tops": [4], "nodes": [{"id": 0, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "businessman", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 7, "to": 18}]}, {"id": 3, "label": "they", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "label": "were", "properties": ["pos", "frame"], "values": ["VBD", "v_id:e-p-i"], "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "label": "wealth", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 29, "to": 35}]}], "edges": [{"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 4, "label": "ARG1"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG2"}]} +{"id": "114480", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "For my businessman they were wealth.", "tops": [4], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "businessman", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 7, "to": 18}]}, {"id": 3, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "label": "be", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "label": "wealth", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 29, "to": 35}]}], "edges": [{"source": 4, "target": 2, "label": "BEN"}, {"source": 4, "target": 3, "label": "ACT-arg"}, {"source": 2, "target": 1, "label": "APP"}, {"source": 4, "target": 5, "label": "PAT-arg"}]} +{"id": "114480", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "For my businessman they were wealth.", "tops": [8], "nodes": [{"id": 0, "label": "_for_p", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "def_explicit_q", "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "poss", "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "label": "pronoun_q", "anchors": [{"from": 4, "to": 6}]}, {"id": 4, "label": "pron", "anchors": [{"from": 4, "to": 6}]}, {"id": 5, "label": "_businessman_n_1", "anchors": [{"from": 7, "to": 18}]}, {"id": 6, "label": "pron", "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "label": "pronoun_q", "anchors": [{"from": 19, "to": 23}]}, {"id": 8, "label": "_be_v_id", "anchors": [{"from": 24, "to": 28}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 29, "to": 36}]}, {"id": 10, "label": "_wealth_n_of", "anchors": [{"from": 29, "to": 36}]}], "edges": [{"source": 2, "target": 4, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 0, "target": 8, "label": "ARG1"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}]} +{"id": "114480", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "For my businessman they were wealth.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "A"}, {"source": 8, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 8, "target": 10, "label": "A"}, {"source": 12, "target": 6, "label": "U"}, {"source": 11, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "S"}, {"source": 12, "target": 3, "label": "A"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 9, "label": "E"}, {"source": 9, "target": 2, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 5, "label": "S"}, {"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 12, "target": 4, "label": "F"}]} +{"id": "114480", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "For my businessman they were wealth.", "tops": [0], "nodes": [{"id": 0, "label": "opine-01"}, {"id": 1, "label": "businessman"}, {"id": 2, "label": "i"}, {"id": 3, "label": "wealth"}, {"id": 4, "label": "they"}], "edges": [{"source": 0, "target": 3, "label": "ARG1"}, {"source": 3, "target": 4, "label": "domain"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 0, "target": 1, "label": "ARG0"}]} +{"id": "114680", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I shall look as if I were suffering.", "tops": [5], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "look", "properties": ["pos", "frame"], "values": ["VB", "v:e-i"], "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "as+if", "properties": ["pos", "frame"], "values": ["RB", "x:e-h-h"], "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "label": "as+if", "properties": ["pos", "frame"], "values": ["IN", "x:e-h-h"], "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 20, "to": 21}]}, {"id": 8, "label": "suffer", "properties": ["pos", "frame"], "values": ["VBG", "v:e-i-i"], "anchors": [{"from": 27, "to": 36}]}], "edges": [{"source": 5, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "mwe"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 8, "target": 6, "label": "ARG1"}]} +{"id": "114680", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I shall look as if I were suffering.", "tops": [3], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "look", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 9, "to": 13}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 20, "to": 21}]}, {"id": 8, "label": "suffer", "properties": ["pos"], "values": ["VBG"], "anchors": [{"from": 27, "to": 36}]}], "edges": [{"source": 3, "target": 1, "label": "ACT-arg"}, {"source": 3, "target": 8, "label": "MANN"}, {"source": 8, "target": 6, "label": "ACT-arg"}]} +{"id": "114680", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I shall look as if I were suffering.", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_look_v_1", "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "label": "_as+if_x", "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "label": "pron", "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "label": "_suffer_v_1", "anchors": [{"from": 27, "to": 37}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}]} +{"id": "114680", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I shall look as if I were suffering.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}, {"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 7, "label": "S"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 4, "label": "F"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 6, "label": "F"}, {"source": 10, "target": 0, "label": "U"}, {"source": 10, "target": 11, "label": "G"}]} +{"id": "114680", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I shall look as if I were suffering.", "tops": [0], "nodes": [{"id": 0, "label": "look-02"}, {"id": 1, "label": "i"}, {"id": 2, "label": "have-manner-91"}, {"id": 3, "label": "suffer-01"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}]} +{"id": "114790", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"I shall not leave you.\"", "tops": [3], "nodes": [{"id": 1, "label": "I", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 1, "to": 2}]}, {"id": 3, "label": "not", "properties": ["pos", "frame"], "values": ["RB", "neg:e-h"], "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "leave", "properties": ["pos", "frame"], "values": ["VB", "v:e-i-p"], "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "label": "you", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 19, "to": 22}]}], "edges": [{"source": 4, "target": 5, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 3, "target": 4, "label": "neg"}]} +{"id": "114790", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"I shall not leave you.\"", "tops": [4], "nodes": [{"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 1, "to": 2}]}, {"id": 4, "label": "leave", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 19, "to": 22}]}], "edges": [{"source": 4, "target": 5, "label": "PAT-arg"}, {"source": 4, "target": 1, "label": "ACT-arg"}]} +{"id": "114790", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"I shall not leave you.\"", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "neg", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_leave_v_1", "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "label": "pron", "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 19, "to": 24}]}], "edges": [{"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}]} +{"id": "114790", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"I shall not leave you.\"", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 24}]}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 1, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "U"}]} +{"id": "114790", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"I shall not leave you.\"", "tops": [0], "nodes": [{"id": 0, "label": "leave-15", "properties": ["polarity"], "values": ["-"]}, {"id": 1, "label": "i"}, {"id": 2, "label": "you"}], "edges": [{"source": 0, "target": 1, "label": "ARG0"}, {"source": 0, "target": 2, "label": "ARG1"}]} +{"id": "114960", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "\"But it will be like an old abandoned shell.", "tops": [1], "nodes": [{"id": 1, "label": "but", "properties": ["pos", "frame"], "values": ["CC", "c:i-i-i"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "it", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 5, "to": 7}]}, {"id": 5, "label": "like", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "label": "old", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "abandon", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 28, "to": 37}]}, {"id": 9, "label": "shell", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 38, "to": 43}]}], "edges": [{"source": 7, "target": 9, "label": "ARG1"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 5, "target": 9, "label": "ARG2"}, {"source": 1, "target": 5, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG2"}]} +{"id": "114960", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "\"But it will be like an old abandoned shell.", "tops": [4], "nodes": [{"id": 1, "label": "but", "properties": ["pos"], "values": ["CC"], "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 5, "to": 7}]}, {"id": 4, "label": "be", "properties": ["pos"], "values": ["VB"], "anchors": [{"from": 13, "to": 15}]}, {"id": 7, "label": "old", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "abandon", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 28, "to": 37}]}, {"id": 9, "label": "shell", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 38, "to": 43}]}], "edges": [{"source": 4, "target": 2, "label": "ACT-arg"}, {"source": 9, "target": 7, "label": "RSTR"}, {"source": 4, "target": 1, "label": "PREC"}, {"source": 4, "target": 9, "label": "ACT-arg"}, {"source": 9, "target": 8, "label": "RSTR"}]} +{"id": "114960", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "\"But it will be like an old abandoned shell.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "label": "_like_p", "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "label": "_a_q", "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "label": "_old_a_1", "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "_abandon_v_1", "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "label": "_shell_n_1", "anchors": [{"from": 38, "to": 44}]}], "edges": [{"source": 5, "target": 7, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 6, "target": 7, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 7, "label": "BV"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 3, "target": 7, "label": "ARG2"}]} +{"id": "114960", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "\"But it will be like an old abandoned shell.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 2, "label": "A"}, {"source": 12, "target": 4, "label": "S"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 9, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 15, "label": "E"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 7, "label": "S"}, {"source": 11, "target": 0, "label": "U"}, {"source": 13, "target": 9, "label": "C"}, {"source": 15, "target": 8, "label": "S"}, {"source": 13, "target": 6, "label": "F"}, {"source": 15, "target": 9, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 1, "label": "L"}]} +{"id": "114960", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "\"But it will be like an old abandoned shell.", "tops": [0], "nodes": [{"id": 0, "label": "contrast-01"}, {"id": 1, "label": "resemble-01"}, {"id": 2, "label": "it"}, {"id": 3, "label": "shell"}, {"id": 4, "label": "abandon-01"}, {"id": 5, "label": "old"}], "edges": [{"source": 3, "target": 5, "label": "mod", "normal": "domain"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1-of", "normal": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "114990", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "He was a little discouraged.", "tops": [4], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "a+little", "properties": ["pos", "frame"], "values": ["DT", "a:e-e"], "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "label": "a+little", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "discourage", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 16, "to": 27}]}], "edges": [{"source": 4, "target": 0, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 3, "target": 2, "label": "mwe"}]} +{"id": "114990", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "He was a little discouraged.", "tops": [4], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 3, "label": "little", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "discourage", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 16, "to": 27}]}], "edges": [{"source": 4, "target": 3, "label": "EXT"}, {"source": 4, "target": 0, "label": "PAT-arg"}]} +{"id": "114990", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "He was a little discouraged.", "tops": [3], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_a+little_a_1", "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "label": "_discourage_v_1", "anchors": [{"from": 16, "to": 28}]}], "edges": [{"source": 3, "target": 0, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 1, "target": 0, "label": "BV"}]} +{"id": "114990", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "He was a little discouraged.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 2, "label": "F"}]} +{"id": "114990", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "He was a little discouraged.", "tops": [0], "nodes": [{"id": 0, "label": "discourage-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "little"}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 2, "label": "degree"}]} +{"id": "115220", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "He remained motionless for an instant.", "tops": [1], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "remain", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i-h"], "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "label": "motionless", "properties": ["pos", "frame"], "values": ["JJ", "a:e-p"], "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "for", "properties": ["pos", "frame"], "values": ["IN", "p:e-u-i"], "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "label": "an", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "label": "instant", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 30, "to": 37}]}], "edges": [{"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 0, "label": "ARG1"}]} +{"id": "115220", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "He remained motionless for an instant.", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "remain", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "label": "motionless", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "instant", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 30, "to": 37}]}], "edges": [{"source": 1, "target": 5, "label": "TFHL"}, {"source": 1, "target": 2, "label": "MANN"}, {"source": 1, "target": 0, "label": "ACT-arg"}]} +{"id": "115220", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "He remained motionless for an instant.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_remain_v_1", "anchors": [{"from": 3, "to": 11}]}, {"id": 3, "label": "_motionless_a_1", "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "label": "_for_p", "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "label": "_instant_n_1", "anchors": [{"from": 30, "to": 38}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 3, "target": 0, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 4, "target": 6, "label": "ARG2"}]} +{"id": "115220", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "He remained motionless for an instant.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "S"}, {"source": 8, "target": 9, "label": "T"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "H"}]} +{"id": "115220", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "He remained motionless for an instant.", "tops": [0], "nodes": [{"id": 0, "label": "remain-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "instant"}, {"id": 3, "label": "move-01", "properties": ["polarity"], "values": ["-"]}], "edges": [{"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 3, "label": "manner"}, {"source": 0, "target": 2, "label": "duration"}]} +{"id": "115240", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "He fell as gently as a tree falls.", "tops": [1], "nodes": [{"id": 0, "label": "he", "properties": ["pos", "frame"], "values": ["PRP", "pron:x"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "fall", "properties": ["pos", "frame"], "values": ["VBD", "v:e-i"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "gently", "properties": ["pos", "frame"], "values": ["RB", "a:e-e"], "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "label": "a", "properties": ["pos", "frame"], "values": ["DT", "q:i-h-h"], "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "label": "tree", "properties": ["pos", "frame"], "values": ["NN", "n_of:x-i"], "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "fall", "properties": ["pos", "frame"], "values": ["VBZ", "v:e-i"], "anchors": [{"from": 28, "to": 33}]}], "edges": [{"source": 7, "target": 6, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 1, "target": 0, "label": "ARG1"}, {"source": 3, "target": 7, "label": "than"}]} +{"id": "115240", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "He fell as gently as a tree falls.", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "fall", "properties": ["pos"], "values": ["VBD"], "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "gently", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 11, "to": 17}]}, {"id": 6, "label": "tree", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "fall", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 28, "to": 33}]}], "edges": [{"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 1, "target": 3, "label": "MANN"}, {"source": 3, "target": 7, "label": "CPR"}, {"source": 1, "target": 0, "label": "ACT-arg"}]} +{"id": "115240", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "He fell as gently as a tree falls.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_fall_v_1", "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "label": "comp_equal", "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "label": "_gentle_a_1", "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "label": "_tree_n_of", "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "label": "_fall_v_1", "anchors": [{"from": 28, "to": 34}]}], "edges": [{"source": 1, "target": 0, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG2"}]} +{"id": "115240", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "He fell as gently as a tree falls.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 12, "label": "H"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 12, "target": 11, "label": "A"}, {"source": 9, "target": 3, "label": "D"}, {"source": 12, "target": 3, "label": "D", "attributes": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "P"}, {"source": 10, "target": 9, "label": "H"}]} +{"id": "115240", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "He fell as gently as a tree falls.", "tops": [0], "nodes": [{"id": 0, "label": "fall-01"}, {"id": 1, "label": "he"}, {"id": 2, "label": "gentle"}, {"id": 3, "label": "equal"}, {"id": 4, "label": "fall-01"}, {"id": 5, "label": "tree"}], "edges": [{"source": 4, "target": 5, "label": "ARG1"}, {"source": 2, "target": 3, "label": "degree"}, {"source": 2, "target": 4, "label": "compared-to"}, {"source": 0, "target": 2, "label": "manner"}, {"source": 0, "target": 1, "label": "ARG1"}]} +{"id": "115310", "flavor": 0, "framework": "dm", "version": 1.0, "time": "2019-08-06", "input": "Now my sorrow is comforted a little.", "tops": [4], "nodes": [{"id": 0, "label": "now", "properties": ["pos", "frame"], "values": ["RB", "time_n:x"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "my", "properties": ["pos", "frame"], "values": ["PRP$", "q:i-h-h"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "sorrow", "properties": ["pos", "frame"], "values": ["NN", "n:x"], "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "label": "comfort", "properties": ["pos", "frame"], "values": ["VBN", "v:e-i-p"], "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "label": "a+little", "properties": ["pos", "frame"], "values": ["DT", "a:e-e"], "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "label": "a+little", "properties": ["pos", "frame"], "values": ["JJ", "a:e-e"], "anchors": [{"from": 29, "to": 35}]}], "edges": [{"source": 0, "target": 4, "label": "loc"}, {"source": 6, "target": 5, "label": "mwe"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 1, "target": 2, "label": "poss"}, {"source": 4, "target": 2, "label": "ARG2"}]} +{"id": "115310", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "Now my sorrow is comforted a little.", "tops": [4], "nodes": [{"id": 0, "label": "now", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "#PersPron", "properties": ["pos"], "values": ["PRP$"], "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "label": "sorrow", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "label": "comfort", "properties": ["pos"], "values": ["VBN"], "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "little", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 29, "to": 35}]}], "edges": [{"source": 2, "target": 1, "label": "APP"}, {"source": 4, "target": 2, "label": "PAT-arg"}, {"source": 4, "target": 0, "label": "TWHEN"}, {"source": 4, "target": 6, "label": "EXT"}]} +{"id": "115310", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-23", "input": "Now my sorrow is comforted a little.", "tops": [9], "nodes": [{"id": 0, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "time_n", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "def_implicit_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_now_a_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 4, "to": 6}]}, {"id": 5, "label": "poss", "anchors": [{"from": 4, "to": 6}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 4, "to": 6}]}, {"id": 7, "label": "pron", "anchors": [{"from": 4, "to": 6}]}, {"id": 8, "label": "_sorrow_n_unknown", "anchors": [{"from": 7, "to": 13}]}, {"id": 9, "label": "_comfort_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 10, "label": "_a+little_a_1", "anchors": [{"from": 27, "to": 36}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG2"}]} +{"id": "115310", "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-06-25", "input": "Now my sorrow is comforted a little.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 1, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 11, "label": "D"}, {"source": 9, "target": 3, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "T"}, {"source": 10, "target": 2, "label": "S"}, {"source": 9, "target": 10, "label": "A"}]} +{"id": "115310", "flavor": 2, "framework": "amr", "version": 1.0, "time": "2019-06-23", "input": "Now my sorrow is comforted a little.", "tops": [0], "nodes": [{"id": 0, "label": "comfort-01"}, {"id": 1, "label": "sorrow-01"}, {"id": 2, "label": "i"}, {"id": 3, "label": "now"}, {"id": 4, "label": "little"}], "edges": [{"source": 0, "target": 3, "label": "time"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 0, "target": 4, "label": "degree"}, {"source": 1, "target": 2, "label": "ARG0"}]} diff --git a/mtool/data/score/psd/107480.foxik.mrp b/mtool/data/score/psd/107480.foxik.mrp new file mode 100644 index 0000000000000000000000000000000000000000..c0aa2f2d6528525309de98cf1a4972f2b42a56c9 --- /dev/null +++ b/mtool/data/score/psd/107480.foxik.mrp @@ -0,0 +1 @@ +{"id": "107480", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-08-01 (16:21)", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}], "label": "#PersPron", "properties": ["pos"], "values": ["PRP"]}, {"id": 1, "anchors": [{"from": 2, "to": 5}], "label": "own", "properties": ["pos", "frame"], "values": ["VBP", "ev-w2176f1"]}, {"id": 2, "anchors": [{"from": 6, "to": 11}], "label": "three", "properties": ["pos"], "values": ["CD"]}, {"id": 3, "anchors": [{"from": 12, "to": 21}], "label": "volcanoe", "properties": ["pos"], "values": ["NNS"]}, {"id": 4, "anchors": [{"from": 23, "to": 28}], "label": "which", "properties": ["pos"], "values": ["WDT"]}, {"id": 5, "anchors": [{"from": 29, "to": 30}], "label": "#PersPron", "properties": ["pos"], "values": ["PRP"]}, {"id": 6, "anchors": [{"from": 31, "to": 36}], "label": "clean_out", "properties": ["pos", "frame"], "values": ["VBP", "ev-w544f1"]}, {"id": 7, "anchors": [{"from": 41, "to": 46}], "label": "every", "properties": ["pos"], "values": ["DT"]}, {"id": 8, "anchors": [{"from": 47, "to": 51}], "label": "week", "properties": ["pos"], "values": ["NN"]}, {"id": 9, "anchors": [{"from": 57, "to": 58}], "label": "#PersPron", "properties": ["pos"], "values": ["PRP"]}, {"id": 10, "anchors": [{"from": 59, "to": 63}], "label": "also", "properties": ["pos"], "values": ["RB"]}, {"id": 11, "anchors": [{"from": 64, "to": 69}], "label": "clean_out", "properties": ["pos", "frame"], "values": ["VBP", "ev-w544f1"]}, {"id": 12, "anchors": [{"from": 78, "to": 81}], "label": "one", "properties": ["pos"], "values": ["NN"]}, {"id": 13, "anchors": [{"from": 82, "to": 86}], "label": "that", "properties": ["pos"], "values": ["WDT"]}, {"id": 14, "anchors": [{"from": 90, "to": 97}], "label": "extinct", "properties": ["pos"], "values": ["JJ"]}, {"id": 15, "anchors": [{"from": 97, "to": 98}], "label": "#Semicolon", "properties": ["pos"], "values": [":"]}, {"id": 16, "anchors": [{"from": 99, "to": 102}], "label": "#PersPron", "properties": ["pos"], "values": ["PRP"]}, {"id": 17, "anchors": [{"from": 103, "to": 108}], "label": "never", "properties": ["pos"], "values": ["RB"]}, {"id": 18, "anchors": [{"from": 109, "to": 114}], "label": "know", "properties": ["pos", "frame"], "values": ["VBZ", "ev-w1810f1"]}], "edges": [{"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 1, "target": 11, "label": "CAUS"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 3, "target": 6, "label": "DESCR"}, {"source": 6, "target": 4, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 6, "target": 8, "label": "THO"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 11, "target": 4, "label": "PAT-arg"}, {"source": 11, "target": 5, "label": "ACT-arg"}, {"source": 11, "target": 9, "label": "ACT-arg"}, {"source": 11, "target": 10, "label": "RHEM"}, {"source": 11, "target": 12, "label": "PAT-arg"}, {"source": 15, "target": 11, "label": "CSQ.member"}, {"source": 15, "target": 18, "label": "CONJ.member"}, {"source": 18, "target": 16, "label": "ACT-arg"}, {"source": 18, "target": 17, "label": "TWHEN"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 6, "target": 4, "label": "PAT-arg"}, {"source": 11, "target": 4, "label": "PAT-arg"}, {"source": 6, "target": 5, "label": "ACT-arg"}, {"source": 11, "target": 5, "label": "ACT-arg"}, {"source": 3, "target": 6, "label": "DESCR"}, {"source": 8, "target": 7, "label": "RSTR"}, {"source": 6, "target": 8, "label": "THO"}, {"source": 11, "target": 9, "label": "ACT-arg"}, {"source": 11, "target": 10, "label": "RHEM"}, {"source": 1, "target": 11, "label": "CAUS"}, {"source": 15, "target": 11, "label": "CSQ.member"}, {"source": 11, "target": 12, "label": "PAT-arg"}, {"source": 18, "target": 16, "label": "ACT-arg"}, {"source": 18, "target": 17, "label": "TWHEN"}, {"source": 15, "target": 18, "label": "CONJ.member"}]} diff --git a/mtool/data/score/psd/107480.gold.mrp b/mtool/data/score/psd/107480.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..d1a39d0fe78a572bf69c9c71d0f6e0fbf7fa1ade --- /dev/null +++ b/mtool/data/score/psd/107480.gold.mrp @@ -0,0 +1 @@ +{"id": "107480", "flavor": 0, "framework": "psd", "version": 1.0, "time": "2019-06-23", "input": "I own three volcanoes, which I clean out every week (for I also clean out the one that is extinct; one never knows).", "tops": [1], "nodes": [{"id": 0, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "own", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "label": "three", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "label": "volcano", "properties": ["pos"], "values": ["NNS"], "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "label": "which", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "label": "clean_out", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "label": "every", "properties": ["pos"], "values": ["DT"], "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "week", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "#PersPron", "properties": ["pos"], "values": ["PRP"], "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "label": "also", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "label": "clean_out", "properties": ["pos"], "values": ["VBP"], "anchors": [{"from": 64, "to": 69}]}, {"id": 18, "label": "one", "properties": ["pos"], "values": ["NN"], "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "label": "that", "properties": ["pos"], "values": ["WDT"], "anchors": [{"from": 82, "to": 86}]}, {"id": 20, "label": "be", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 87, "to": 89}]}, {"id": 21, "label": "extinct", "properties": ["pos"], "values": ["JJ"], "anchors": [{"from": 90, "to": 97}]}, {"id": 23, "label": "one", "properties": ["pos"], "values": ["CD"], "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "label": "never", "properties": ["pos"], "values": ["RB"], "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "label": "know", "properties": ["pos"], "values": ["VBZ"], "anchors": [{"from": 109, "to": 114}]}], "edges": [{"source": 7, "target": 6, "label": "ACT-arg"}, {"source": 18, "target": 20, "label": "RSTR"}, {"source": 15, "target": 18, "label": "PAT-arg"}, {"source": 15, "target": 13, "label": "ACT-arg"}, {"source": 25, "target": 24, "label": "TWHEN"}, {"source": 15, "target": 25, "label": "CAUS"}, {"source": 3, "target": 7, "label": "RSTR"}, {"source": 15, "target": 14, "label": "RHEM"}, {"source": 1, "target": 15, "label": "CAUS"}, {"source": 20, "target": 19, "label": "ACT-arg"}, {"source": 1, "target": 0, "label": "ACT-arg"}, {"source": 25, "target": 23, "label": "ACT-arg"}, {"source": 3, "target": 2, "label": "RSTR"}, {"source": 20, "target": 21, "label": "PAT-arg"}, {"source": 7, "target": 10, "label": "THO"}, {"source": 7, "target": 5, "label": "PAT-arg"}, {"source": 1, "target": 3, "label": "PAT-arg"}, {"source": 10, "target": 9, "label": "RSTR"}]} diff --git a/mtool/data/score/psd/peking.brown.sdp b/mtool/data/score/psd/peking.brown.sdp new file mode 100644 index 0000000000000000000000000000000000000000..15992e877a26ce7b92d0b06f9f326291ef4cdab3 --- /dev/null +++ b/mtool/data/score/psd/peking.brown.sdp @@ -0,0 +1,113 @@ +Representation type: PSD +# Evaluation + +Gold standard file: ../test/en.ood.psd.sdp +System output file: Peking/en.ood.closed.psd.1.sdp + +## Scores including virtual dependencies to top nodes + +### Labeled scores + +Number of edges in gold standard: 21396 +Number of edges in system output: 19411 +Number of edges in common: 14877 + +LP: 0.766421 +LR: 0.695317 +LF: 0.729140 +LM: 0.171444 + +### Unlabeled scores + +Number of unlabeled edges in gold standard: 21396 +Number of unlabeled edges in system output: 19411 +Number of unlabeled edges in common: 17432 + +UP: 0.898047 +UR: 0.814732 +UF: 0.854363 +UM: 0.358031 + +### Complete predications + +Number of complete predications in gold standard: 3919 +Number of complete predications in system output: 3900 +Number of complete predications in common: 2048 + +PP: 0.525128 +PR: 0.522582 +PF: 0.523852 + +### Semantic frames + +Number of semantic frames in gold standard: 3919 +Number of semantic frames in system output: 3900 +Number of semantic frames in common: 1322 + +FP: 0.338974 +FR: 0.337331 +FF: 0.338151 + +### Senses + +Number of senses in gold standard: 3919 +Number of senses in system output: 3900 +Number of senses in common: 2171 + +SP: 0.556667 +SR: 0.553968 +SF: 0.555314 + +## Scores excluding virtual dependencies to top nodes + +### Labeled scores + +Number of edges in gold standard: 19058 +Number of edges in system output: 17181 +Number of edges in common: 12790 + +LP: 0.744427 +LR: 0.671109 +LF: 0.705869 +LM: 0.173067 + +### Unlabeled scores + +Number of unlabeled edges in gold standard: 19058 +Number of unlabeled edges in system output: 17181 +Number of unlabeled edges in common: 15345 + +UP: 0.893138 +UR: 0.805174 +UF: 0.846878 +UM: 0.362358 + +### Complete predications + +Number of complete predications in gold standard: 3919 +Number of complete predications in system output: 3900 +Number of complete predications in common: 2048 + +PP: 0.525128 +PR: 0.522582 +PF: 0.523852 + +### Semantic frames + +Number of semantic frames in gold standard: 3919 +Number of semantic frames in system output: 3900 +Number of semantic frames in common: 1322 + +FP: 0.338974 +FR: 0.337331 +FF: 0.338151 + +### Senses + +Number of senses in gold standard: 3919 +Number of senses in system output: 3900 +Number of senses in common: 2171 + +SP: 0.556667 +SR: 0.553968 +SF: 0.555314 diff --git a/mtool/data/score/revisions.txt b/mtool/data/score/revisions.txt new file mode 100644 index 0000000000000000000000000000000000000000..3d5f989f50ac01cddc21f6b7a91674f08b5fa1ce --- /dev/null +++ b/mtool/data/score/revisions.txt @@ -0,0 +1,20 @@ +54c0499f55874555c22827a7e61d79aeb8d29906 oe@ifi.uio.no 2019-07-05 23:49:38 +0200 cosmetics; so much for tonight ... +f9ceb0a2090742a67ca89ed26b293fbdcfc292cb daniel.hershcovich@gmail.com 2019-07-05 21:57:08 +0200 Fix dominated dict lookup to be by node id rather than index +8df18be265c92c11a7fac788d727a2c879e142c4 milan@strakovi.com 2019-07-05 10:13:02 +0200 Another fix for evaluation of empty graphs. +15187440752dec7819093fa79849ff4b48d7a3d4 oe@ifi.uio.no 2019-07-05 00:55:58 +0200 fine-tuning default limits for MRP and SMATCH scorers; disable RRHC-based initialization for UCCA graphs; allow better control of RRHC and MCES limits from the command line +0d20656f47ad86352d6de86ce5b193295a3442bd oe@ifi.uio.no 2019-07-03 12:57:38 +0200 cosmetics +1e2fa352c1384ea6a1005c193ebf1d449a0de1dd oe@ifi.uio.no 2019-07-03 01:41:40 +0200 disable more assertions: is_injective() actually fails on the UCCA test (when initializing from SMATCH) +8aaa494d5794abc849965dda6fd70208a530c3db oe@ifi.uio.no 2019-07-02 21:33:43 +0200 bug fix: over-counting can apply on the same set of correspondences too +3cccda87794669573018f08a3717461b6deedfab oe@ifi.uio.no 2019-07-02 17:46:36 +0200 allow initialization from SMATCH hill-climbing; guard against over-counting (see my email to tim of june 30, 2019) +6c863c9e6233b8d3e81f39e0015333c4c75d5264 daniel.hershcovich@gmail.com 2019-07-01 14:22:24 +0200 Normalization: drop (attribute, value) pairs whose value is the default value +b2145c4fc9ec79624fc84955f373b3387ca02d75 oe@ifi.uio.no 2019-06-30 01:33:24 +0200 give more weight to anchor overlap in UCCA initialization and rewards +c31601c31b0e17639aa9557559d5655bfd55c371 oe@ifi.uio.no 2019-06-30 01:15:07 +0200 bug fix in sorted_splits(); streamlined smatch() interface; cosmetics +210da9b2e9eff2be7adf988d2865ab77c5ec3447 oe@ifi.uio.no 2019-06-27 22:38:06 +0200 close #20 (prior to scoring, normalize graphs according to the description on the web page) +1a61ea4484e77a458030a62a62e751e0668e7f11 oe@ifi.uio.no 2019-06-27 13:15:25 +0200 generalize anchor treatment in SMATCH wrapper +b4db1996a894ad70dcb8bc83ba46ddfa354db44e daniel.hershcovich@gmail.com 2019-06-25 11:04:54 +0200 #26 Require leaf status of matched nodes to be the same in UCCA MCES +8696ffe1fa154acd03a4adbb1813354f198dfeb9 oe@ifi.uio.no 2019-06-20 10:34:00 +0200 fix copy-paste error (owing to a missing generalization) +274890bdccf3e3e502b755386b7af7fecf39284d oe@ifi.uio.no 2019-06-18 23:59:10 +0200 bug fix: edge attributes +09c48bd4a8ab8b72d05cea9571000a2e3524bb1b oe@ifi.uio.no 2019-06-18 00:59:52 +0200 activate improved estimate of edge potential +1c68aa39675291dc998a508e818e63723b0804c0 marco.kuhlmann@liu.se 2019-06-17 23:30:13 +0200 Treat edge attributes properly (closes: #13) +08e0d8a839b98a395c868cc1bd2e6ca859ef3e05 marco.kuhlmann@liu.se 2019-06-17 22:30:42 +0200 Respect node ordering in bi-lexical graphs (closes: #15) +7718d1ca50b250e154365e5846981564d7b635d5 oe@ifi.uio.no 2019-06-16 17:10:33 +0200 expose per-item result; rationalize --limit and --trace diff --git a/mtool/data/score/test.slurm b/mtool/data/score/test.slurm new file mode 100755 index 0000000000000000000000000000000000000000..8f1f73370c782d1b1c184a098cb77b0ed910f1fb --- /dev/null +++ b/mtool/data/score/test.slurm @@ -0,0 +1,29 @@ +#!/bin/bash + +#SBATCH --job-name=score +#SBATCH --mail-type=FAIL +#SBATCH --account=nn9447k +#SBATCH --time=12:00:00 +#SBATCH --nodes=1 +#SBATCH --mem-per-cpu=4G +#SBATCH --ntasks-per-node=8 + +commit="$(git log --pretty=format:\%H -n 1)"; +echo "directory: $(pwd)"; +echo "git status: $(git status | head -1)"; +echo "git commit: ${commit}"; +echo; + +source /cluster/bin/jobsetup; + +module purge; +module use -a /projects/nlpl/software/modulefiles; +module load nlpl-python-candy/201902/3.7 nlpl-numpy/1.16.3/3.7; + +/bin/cp ${HOME}/lib/mrp/2019/mtool/data/score/Makefile ./Makefile; +make -j ${SLURM_CPUS_ON_NODE:-4} $(egrep '^[a-z/.]*.json:' Makefile | grep -v all: | sed 's/://'); +if [ -d ./../../../etc/ ]; then + target=../../../../etc/${commit}; + [ -d ${target} ] || mkdir ${target}; + cp -va *.json *.log ${target}; +fi diff --git a/mtool/data/score/ucca/anchors.gold.mrp b/mtool/data/score/ucca/anchors.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..792fffb29969718035509982684d85ee5d123dd4 --- /dev/null +++ b/mtool/data/score/ucca/anchors.gold.mrp @@ -0,0 +1 @@ +{"id": "133601-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even though you are expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "F"}]} diff --git a/mtool/data/score/ucca/anchors.tupa.mrp b/mtool/data/score/ucca/anchors.tupa.mrp new file mode 100644 index 0000000000000000000000000000000000000000..95c4aa0ef5f4898ac6423f5f266775eb19f525d0 --- /dev/null +++ b/mtool/data/score/ucca/anchors.tupa.mrp @@ -0,0 +1 @@ +{"id": "133601-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even though you are expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "L"}, {"source": 5, "target": 6, "label": "H"}]} diff --git a/mtool/data/score/ucca/ewt.gold.mrp b/mtool/data/score/ucca/ewt.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..017b5ee8f7c921caae8dd1466c93f91336288dec --- /dev/null +++ b/mtool/data/score/ucca/ewt.gold.mrp @@ -0,0 +1,3812 @@ +{"id": "001325-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "001325-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My 8 year old daughter loves this place.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 4, "label": "S"}, {"source": 14, "target": 13, "label": "T"}, {"source": 9, "target": 14, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "Q"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 9, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 8, "label": "U"}, {"source": 12, "target": 15, "label": "A"}, {"source": 9, "target": 10, "label": "C"}, {"source": 12, "target": 5, "label": "S"}, {"source": 15, "target": 6, "label": "E"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "001325-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best climbing club around.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "E"}, {"source": 8, "target": 6, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "F"}, {"source": 10, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "001325-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hooray for Craggy.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "001961-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Buyer Beware!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 3, "label": "G"}, {"source": 4, "target": 5, "label": "H"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "001961-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rusted out and unsafe cars sold here!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 12, "label": "H"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 11, "target": 4, "label": "P"}, {"source": 8, "target": 1, "label": "L"}, {"source": 11, "target": 5, "label": "A"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 2, "label": "S"}]} +{"id": "001961-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Have a real mechanic check before you buy!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 13, "label": "H"}, {"source": 11, "target": 12, "label": "P"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 1, "label": "F"}, {"source": 10, "target": 5, "label": "L"}, {"source": 9, "target": 11, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 11, "target": 2, "label": "D"}]} +{"id": "001961-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Save money and go somewhere else!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "L"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 4, "label": "C"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 0, "label": "P"}]} +{"id": "002288-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's well cool. :)", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "002317-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "telephone number", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "E"}]} +{"id": "002317-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "the telephone number is incorrect - our new mobile number is 07551310002 or landline 01634 710033.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 90}, {"from": 91, "to": 97}]}, {"id": 15, "anchors": [{"from": 97, "to": 98}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 1, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 21, "target": 11, "label": "A"}, {"source": 18, "target": 5, "label": "U"}, {"source": 21, "target": 10, "label": "S"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 8, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 19, "target": 6, "label": "S"}, {"source": 24, "target": 14, "label": "A"}, {"source": 22, "target": 7, "label": "S"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 23, "target": 19, "label": "E", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "A"}, {"source": 17, "target": 4, "label": "S"}, {"source": 24, "target": 23, "label": "A"}, {"source": 20, "target": 22, "label": "E"}, {"source": 18, "target": 12, "label": "L"}, {"source": 24, "target": 10, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 15, "label": "U"}, {"source": 18, "target": 24, "label": "H"}, {"source": 17, "target": 3, "label": "F"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "002317-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "thank you", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "003418-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Billing Issues...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 2, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "003418-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had a routine surgery for an ingrown toenail.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 3, "label": "T"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "003418-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My insurance company, Blue Cross/Blue Shield paid the fees and everything was fine.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 3, "label": "U"}, {"source": 21, "target": 12, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 11, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 18, "label": "S"}, {"source": 16, "target": 20, "label": "A"}, {"source": 17, "target": 10, "label": "L"}, {"source": 21, "target": 13, "label": "S"}, {"source": 18, "target": 1, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 5, "label": "U"}, {"source": 16, "target": 15, "label": "A"}, {"source": 20, "target": 8, "label": "F"}, {"source": 15, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 21, "label": "H"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "003418-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then I got a bill for $483.00.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 12, "target": 5, "label": "R"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 7, "label": "Q"}]} +{"id": "003418-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The doctor's office said that payments had been \"reversed\".", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "E"}, {"source": 18, "target": 10, "label": "D"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 9, "label": "U"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 8, "label": "F"}, {"source": 18, "target": 6, "label": "P"}, {"source": 18, "target": 7, "label": "F"}, {"source": 14, "target": 13, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 4, "label": "P"}, {"source": 15, "target": 3, "label": "C"}]} +{"id": "003418-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Blue cross has no record of aa reversal.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 11, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "D"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 5, "label": "F"}]} +{"id": "003418-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The office refused my requests to see what they got from BC/BS.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 5, "label": "R"}, {"source": 20, "target": 9, "label": "P"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 8, "label": "A"}, {"source": 20, "target": 7, "label": "A"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 3, "label": "A"}, {"source": 21, "target": 12, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "F"}, {"source": 21, "target": 10, "label": "R"}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 4, "label": "P"}, {"source": 19, "target": 6, "label": "P"}, {"source": 15, "target": 1, "label": "C"}]} +{"id": "003418-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They eventually turned it over to a collection agency and now will not even discuss the matter.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 95}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 20, "label": "P"}, {"source": 18, "target": 3, "label": "A"}, {"source": 23, "target": 12, "label": "D"}, {"source": 19, "target": 23, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 21, "target": 5, "label": "R"}, {"source": 24, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 2, "label": "C"}, {"source": 23, "target": 11, "label": "F"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "T"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 13, "label": "G"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 9, "label": "L"}, {"source": 18, "target": 1, "label": "T"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 24, "target": 15, "label": "F"}, {"source": 21, "target": 6, "label": "F"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "003418-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I eventually decided to just pay the balance even though the doctor has already been paid, but now the collection agency is trying to say another reversal of $160.00 has come through.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 154}]}, {"id": 27, "anchors": [{"from": 155, "to": 157}]}, {"id": 28, "anchors": [{"from": 158, "to": 159}]}, {"id": 29, "anchors": [{"from": 159, "to": 165}]}, {"id": 30, "anchors": [{"from": 166, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 174}, {"from": 175, "to": 182}]}, {"id": 32, "anchors": [{"from": 182, "to": 183}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 39, "target": 24, "label": "P"}, {"source": 36, "target": 6, "label": "F"}, {"source": 36, "target": 7, "label": "C"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 5, "label": "P"}, {"source": 35, "target": 4, "label": "G"}, {"source": 38, "target": 12, "label": "T"}, {"source": 37, "target": 9, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 37, "target": 10, "label": "C"}, {"source": 38, "target": 37, "label": "A"}, {"source": 34, "target": 38, "label": "H"}, {"source": 38, "target": 11, "label": "F"}, {"source": 40, "target": 41, "label": "E"}, {"source": 34, "target": 39, "label": "H"}, {"source": 33, "target": 0, "label": "A"}, {"source": 43, "target": 32, "label": "U"}, {"source": 42, "target": 26, "label": "P"}, {"source": 38, "target": 14, "label": "P"}, {"source": 43, "target": 30, "label": "F"}, {"source": 39, "target": 17, "label": "T"}, {"source": 44, "target": 29, "label": "Q"}, {"source": 33, "target": 1, "label": "T"}, {"source": 35, "target": 3, "label": "R"}, {"source": 35, "target": 36, "label": "A"}, {"source": 40, "target": 18, "label": "F"}, {"source": 34, "target": 33, "label": "H"}, {"source": 39, "target": 22, "label": "D"}, {"source": 39, "target": 23, "label": "F"}, {"source": 43, "target": 31, "label": "P"}, {"source": 42, "target": 25, "label": "D"}, {"source": 34, "target": 8, "label": "L"}, {"source": 38, "target": 13, "label": "F"}, {"source": 44, "target": 27, "label": "R"}, {"source": 44, "target": 28, "label": "C"}, {"source": 43, "target": 42, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 20, "label": "C"}, {"source": 34, "target": 15, "label": "U"}, {"source": 39, "target": 21, "label": "F"}, {"source": 42, "target": 44, "label": "A"}, {"source": 34, "target": 16, "label": "L"}, {"source": 33, "target": 2, "label": "P"}, {"source": 41, "target": 19, "label": "P"}, {"source": 39, "target": 43, "label": "A"}]} +{"id": "003418-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It was an ingrown toenail.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "003418-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How much could it possibly cost?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "A"}]} +{"id": "003418-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Not only am I being bilked for money I do not owe, the office staff is rude to boot.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}, {"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 4, "label": "P"}, {"source": 25, "target": 17, "label": "D"}, {"source": 21, "target": 6, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 25, "target": 16, "label": "S"}, {"source": 21, "target": 5, "label": "R"}, {"source": 20, "target": 2, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 22, "target": 8, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 24, "label": "S"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 12, "label": "F"}, {"source": 22, "target": 7, "label": "A"}, {"source": 25, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "A"}, {"source": 19, "target": 11, "label": "U"}, {"source": 25, "target": 15, "label": "F"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "003418-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think this office has some serious billing practice issues!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 6, "label": "D"}, {"source": 14, "target": 5, "label": "D"}, {"source": 14, "target": 15, "label": "S"}, {"source": 16, "target": 7, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 16, "target": 8, "label": "D"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "E"}]} +{"id": "004540-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They really go above and beyond!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 31}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "004540-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "For example, I actually forgot to feed my cat, and they went out of their way to take care of him.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 64}, {"from": 65, "to": 67}, {"from": 68, "to": 73}, {"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 6, "label": "R"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 14, "label": "F"}, {"source": 28, "target": 17, "label": "R"}, {"source": 26, "target": 27, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 10, "label": "U"}, {"source": 22, "target": 4, "label": "G"}, {"source": 25, "target": 9, "label": "C"}, {"source": 21, "target": 26, "label": "H"}, {"source": 21, "target": 11, "label": "L"}, {"source": 22, "target": 3, "label": "A"}, {"source": 21, "target": 2, "label": "U"}, {"source": 28, "target": 18, "label": "C"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 7, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 15, "label": "F"}, {"source": 26, "target": 12, "label": "A"}, {"source": 21, "target": 20, "label": "L"}, {"source": 24, "target": 8, "label": "S"}, {"source": 22, "target": 5, "label": "P"}, {"source": 20, "target": 1, "label": "C"}, {"source": 20, "target": 0, "label": "R"}, {"source": 26, "target": 13, "label": "D"}]} +{"id": "004540-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Additionally, when there was confusion (my fault), they left me flowers along with a personalized gift.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}, {"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 10, "label": "U"}, {"source": 21, "target": 5, "label": "P"}, {"source": 20, "target": 2, "label": "L"}, {"source": 20, "target": 1, "label": "U"}, {"source": 25, "target": 19, "label": "U"}, {"source": 22, "target": 8, "label": "S"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 16, "label": "F"}, {"source": 25, "target": 18, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 3, "label": "F"}, {"source": 24, "target": 15, "label": "N"}, {"source": 20, "target": 0, "label": "L"}, {"source": 22, "target": 6, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 22, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "C"}, {"source": 23, "target": 12, "label": "P"}, {"source": 22, "target": 7, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 23, "target": 11, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 13, "label": "A"}, {"source": 20, "target": 9, "label": "U"}, {"source": 26, "target": 17, "label": "S"}, {"source": 26, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "004540-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have been 100% reliable and professional.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 3, "label": "Q"}, {"source": 9, "target": 11, "label": "D"}, {"source": 12, "target": 11, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "L"}, {"source": 9, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}]} +{"id": "004540-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Definitely recommend!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "004574-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Over-rated...", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "004574-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This restaurant is over-rated.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "004574-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is hard to find...and the mexican food is bland, almost equivalent to eating out of a can.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 6, "label": "L"}, {"source": 28, "target": 18, "label": "R"}, {"source": 24, "target": 7, "label": "F"}, {"source": 25, "target": 11, "label": "S"}, {"source": 27, "target": 16, "label": "P"}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 12, "label": "U"}, {"source": 22, "target": 4, "label": "P"}, {"source": 27, "target": 15, "label": "R"}, {"source": 24, "target": 8, "label": "E"}, {"source": 23, "target": 5, "label": "U"}, {"source": 28, "target": 19, "label": "F"}, {"source": 25, "target": 10, "label": "F"}, {"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 13, "label": "D"}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "004574-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service is poor...", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "004574-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I asked for a fried egg on my enchiladas...and did not get it.!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 63}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "D"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 20, "label": "E"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 6, "label": "R"}, {"source": 19, "target": 4, "label": "P"}, {"source": 17, "target": 22, "label": "H"}, {"source": 17, "target": 9, "label": "U"}, {"source": 17, "target": 10, "label": "L"}, {"source": 22, "target": 14, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 7, "label": "S"}, {"source": 22, "target": 13, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "004574-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Secondly, the enchladas did not come with enchilada sauce..but chili...like Hormel's chili..the cheese was American cheese!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 82}, {"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 122}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 23, "label": "U"}, {"source": 24, "target": 32, "label": "H"}, {"source": 31, "target": 19, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 26, "target": 5, "label": "D"}, {"source": 30, "target": 15, "label": "E"}, {"source": 27, "target": 7, "label": "R"}, {"source": 32, "target": 31, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 26, "target": 6, "label": "P"}, {"source": 33, "target": 21, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 30, "target": 16, "label": "C"}, {"source": 25, "target": 2, "label": "F"}, {"source": 32, "target": 20, "label": "S"}, {"source": 27, "target": 9, "label": "C"}, {"source": 26, "target": 4, "label": "F"}, {"source": 30, "target": 14, "label": "R"}, {"source": 28, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "L"}, {"source": 29, "target": 13, "label": "U"}, {"source": 24, "target": 28, "label": "H"}, {"source": 33, "target": 22, "label": "C"}, {"source": 24, "target": 1, "label": "U"}, {"source": 24, "target": 10, "label": "U"}, {"source": 25, "target": 3, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 28, "target": 6, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 0, "label": "L"}, {"source": 24, "target": 17, "label": "U"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "004574-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Chili Relleno..had no batter on it.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "004940-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have been blessed to find Elite Flyers online and would not use anyone else to handle our postcards, posters, etc.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 102}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 116, "to": 117}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 18, "label": "U"}, {"source": 31, "target": 21, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 27, "target": 12, "label": "C"}, {"source": 28, "target": 14, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 26, "target": 9, "label": "D"}, {"source": 29, "target": 16, "label": "S"}, {"source": 23, "target": 2, "label": "F"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "P"}, {"source": 31, "target": 17, "label": "C"}, {"source": 28, "target": 15, "label": "P"}, {"source": 30, "target": 29, "label": "E"}, {"source": 30, "target": 31, "label": "C"}, {"source": 26, "target": 10, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 4, "label": "L"}, {"source": 24, "target": 8, "label": "L"}, {"source": 25, "target": 6, "label": "A"}, {"source": 31, "target": 20, "label": "U"}, {"source": 25, "target": 5, "label": "P"}, {"source": 26, "target": 11, "label": "P"}, {"source": 28, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 13, "label": "E"}, {"source": 25, "target": 7, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "004940-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were looking for a company with decent rates as our company was just getting started.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 10, "label": "S"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "R"}, {"source": 19, "target": 3, "label": "R"}, {"source": 18, "target": 9, "label": "L"}, {"source": 19, "target": 4, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 17, "target": 1, "label": "F"}, {"source": 24, "target": 13, "label": "T"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 7, "label": "S"}, {"source": 24, "target": 14, "label": "D"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 24, "target": 15, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 24, "target": 12, "label": "F"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 24, "label": "H"}, {"source": 19, "target": 5, "label": "C"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "004940-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have the best rates and GREAT customer service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 15, "label": "H"}, {"source": 16, "target": 7, "label": "S"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 6, "label": "D"}, {"source": 15, "target": 8, "label": "P"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 12, "label": "E"}, {"source": 10, "target": 14, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 13, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 3, "label": "C"}]} +{"id": "004940-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "On one order, we needed it rushed and shipped to a different state.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "U"}, {"source": 17, "target": 5, "label": "D"}, {"source": 19, "target": 12, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 7, "label": "P"}, {"source": 18, "target": 9, "label": "P"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 6, "label": "A"}, {"source": 17, "target": 4, "label": "A"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 11, "label": "F"}, {"source": 16, "target": 1, "label": "D"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "R"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "004940-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They did that with no problem.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 1, "label": "P"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 3, "label": "R"}]} +{"id": "004940-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also appreciate their honesty.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "004940-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I sent a graphic that would have been distorted if printed as it was.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 1, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 21, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 8, "label": "P"}, {"source": 19, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "F"}, {"source": 20, "target": 12, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 18, "target": 9, "label": "L"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 18, "target": 4, "label": "R"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 7, "label": "F"}]} +{"id": "004940-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They called and worked with me to fix it so that it would look perfect.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}, {"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 19, "target": 13, "label": "D"}, {"source": 17, "target": 7, "label": "P"}, {"source": 17, "target": 3, "label": "D"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 2, "label": "L"}, {"source": 19, "target": 11, "label": "D"}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "R"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 9, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 8, "label": "A"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "004940-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They recently surprised me a larger order.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 5, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 1, "label": "T"}]} +{"id": "004940-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I ordered 1000 postcards, we normally order 5000 or more.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 17, "label": "Q"}, {"source": 15, "target": 4, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 17, "target": 9, "label": "N"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 6, "label": "D"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "Q"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}]} +{"id": "004940-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Because they had room to do 5000, they created the larger amount, and shipped them early.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 1, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 2, "label": "S"}, {"source": 19, "target": 24, "label": "H"}, {"source": 24, "target": 9, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 26, "target": 15, "label": "P"}, {"source": 26, "target": 16, "label": "A"}, {"source": 23, "target": 6, "label": "Q"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 26, "label": "H"}, {"source": 24, "target": 8, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 14, "label": "L"}, {"source": 26, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "C"}, {"source": 19, "target": 7, "label": "U"}, {"source": 21, "target": 3, "label": "C"}, {"source": 26, "target": 17, "label": "T"}, {"source": 22, "target": 4, "label": "R"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "004940-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recommend this company to ANYONE and everyone that needs great work done at a reasonable rate!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 1, "label": "P"}, {"source": 24, "target": 11, "label": "P"}, {"source": 22, "target": 5, "label": "C"}, {"source": 24, "target": 10, "label": "D"}, {"source": 25, "target": 16, "label": "C"}, {"source": 26, "target": 15, "label": "S"}, {"source": 20, "target": 2, "label": "E"}, {"source": 21, "target": 23, "label": "E"}, {"source": 26, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "R"}, {"source": 25, "target": 26, "label": "E"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 9, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 14, "label": "F"}, {"source": 21, "target": 22, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 25, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 6, "label": "N"}]} +{"id": "004940-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have a customer for life in us!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 12, "label": "T"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "S"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "005265-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "good", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "005265-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it is a cute little nice and quiet library", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 13, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 4, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 16, "label": "H"}, {"source": 15, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "S"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "S"}, {"source": 12, "target": 3, "label": "S"}, {"source": 16, "target": 7, "label": "S"}, {"source": 10, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 8, "label": "C"}]} +{"id": "005636-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I LOVE MY GYM!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}]} +{"id": "005636-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "FITNESS UNLIMITED is a second home to a lot of us gym members who work out daily.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}, {"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 19, "target": 21, "label": "E"}, {"source": 21, "target": 11, "label": "S"}, {"source": 17, "target": 3, "label": "D"}, {"source": 22, "target": 14, "label": "T"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 20, "label": "Q"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "E"}, {"source": 17, "target": 18, "label": "S"}, {"source": 20, "target": 6, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "R"}, {"source": 22, "target": 13, "label": "P"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 12, "label": "R"}, {"source": 19, "target": 9, "label": "C"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 0, "label": "A"}]} +{"id": "005636-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you are serious about working out in a non-commercial like atmosphere then you have chosen the best place to be.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}, {"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 6, "label": "R"}, {"source": 25, "target": 13, "label": "F"}, {"source": 27, "target": 17, "label": "A"}, {"source": 22, "target": 2, "label": "F"}, {"source": 25, "target": 12, "label": "A"}, {"source": 28, "target": 18, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 22, "target": 3, "label": "D"}, {"source": 26, "target": 15, "label": "F"}, {"source": 28, "target": 19, "label": "S"}, {"source": 24, "target": 8, "label": "C"}, {"source": 21, "target": 11, "label": "L"}, {"source": 28, "target": 27, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 22, "target": 1, "label": "A"}, {"source": 22, "target": 4, "label": "F"}, {"source": 25, "target": 14, "label": "P"}, {"source": 27, "target": 26, "label": "S"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 7, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 28, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "P"}, {"source": 23, "target": 10, "label": "C"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "005636-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is the most humble gym you will every step into.... if you dare to work on your body don't be surprised when you see how addicting going to FITNESS UNLIMITED can be!!", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 152}, {"from": 153, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 169}]}, {"id": 34, "anchors": [{"from": 169, "to": 171}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 36, "target": 24, "label": "L"}, {"source": 45, "target": 46, "label": "A"}, {"source": 46, "target": 33, "label": "F"}, {"source": 46, "target": 32, "label": "D"}, {"source": 36, "target": 44, "label": "H"}, {"source": 35, "target": 0, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 46, "target": 27, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 43, "target": 17, "label": "R"}, {"source": 40, "target": 9, "label": "P"}, {"source": 41, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 7, "label": "F"}, {"source": 44, "target": 20, "label": "F"}, {"source": 42, "target": 15, "label": "F"}, {"source": 37, "target": 3, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 45, "target": 26, "label": "S"}, {"source": 38, "target": 4, "label": "S"}, {"source": 36, "target": 12, "label": "L"}, {"source": 35, "target": 1, "label": "S"}, {"source": 44, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 25, "label": "A"}, {"source": 39, "target": 5, "label": "C"}, {"source": 42, "target": 14, "label": "D"}, {"source": 44, "target": 23, "label": "S"}, {"source": 43, "target": 18, "label": "E"}, {"source": 38, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 16, "label": "P"}, {"source": 37, "target": 2, "label": "F"}, {"source": 47, "target": 29, "label": "P"}, {"source": 41, "target": 10, "label": "R"}, {"source": 44, "target": 21, "label": "D"}, {"source": 39, "target": 40, "label": "E"}, {"source": 36, "target": 42, "label": "H"}, {"source": 46, "target": 34, "label": "U"}, {"source": 48, "target": 30, "label": "R"}, {"source": 40, "target": 41, "label": "A"}, {"source": 40, "target": 6, "label": "A"}, {"source": 35, "target": 39, "label": "A"}, {"source": 48, "target": 31, "label": "C"}, {"source": 46, "target": 28, "label": "S"}, {"source": 39, "target": 38, "label": "E"}, {"source": 36, "target": 11, "label": "U"}, {"source": 44, "target": 22, "label": "F"}, {"source": 36, "target": 35, "label": "H"}, {"source": 38, "target": 37, "label": "D"}, {"source": 36, "target": 45, "label": "H"}, {"source": 43, "target": 19, "label": "C"}, {"source": 42, "target": 13, "label": "A"}, {"source": 40, "target": 8, "label": "T"}]} +{"id": "005760-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OK Food, Slow service", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "P"}]} +{"id": "005760-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food was incredibly bland.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "005760-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their Thali was not brought out as described (no saag).", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "U"}, {"source": 18, "target": 10, "label": "A"}, {"source": 17, "target": 7, "label": "P"}, {"source": 16, "target": 18, "label": "H"}, {"source": 14, "target": 13, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 15, "target": 5, "label": "D"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "S"}, {"source": 18, "target": 9, "label": "D"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "A"}]} +{"id": "005760-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Expensive for the level of food and the quality of service.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 7, "label": "F"}, {"source": 13, "target": 6, "label": "L"}, {"source": 13, "target": 18, "label": "H"}, {"source": 15, "target": 14, "label": "S"}, {"source": 12, "target": 0, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 18, "target": 17, "label": "D"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 1, "label": "L"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "006970-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wife and I attempted to adopt a dog and was nothing but frustrating.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 10, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "S"}, {"source": 16, "target": 3, "label": "D"}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 5, "label": "P"}, {"source": 20, "target": 11, "label": "R"}, {"source": 18, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "N"}, {"source": 17, "target": 8, "label": "L"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "C"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "006970-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We arrived Sunday at about 230 and found a do we really liked.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 7, "label": "P"}, {"source": 16, "target": 4, "label": "E"}, {"source": 16, "target": 3, "label": "R"}, {"source": 14, "target": 2, "label": "T"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 8, "label": "F"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 11, "label": "D"}, {"source": 15, "target": 6, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 16, "label": "T"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "006970-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We were told that we couldn't today because they were closing soon.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 10, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 17, "target": 5, "label": "D"}, {"source": 17, "target": 6, "label": "D"}, {"source": 18, "target": 12, "label": "T"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 4, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 17, "target": 7, "label": "T"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 18, "target": 11, "label": "P"}]} +{"id": "006970-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called the next morning to let then know my wife would be driving in.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 11, "label": "D"}, {"source": 19, "target": 7, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 10, "label": "S"}, {"source": 21, "target": 9, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 23, "target": 14, "label": "R"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 19, "target": 5, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 16, "target": 18, "label": "T"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "006970-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They gave me the run around and missing paperwork only to call back to tell me someone else wanted her and I would need to come in and put down a deposit.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}, {"from": 17, "to": 20}, {"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 138}, {"from": 139, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 153}]}, {"id": 29, "anchors": [{"from": 153, "to": 154}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 37, "target": 20, "label": "D"}, {"source": 42, "target": 29, "label": "U"}, {"source": 40, "target": 24, "label": "R"}, {"source": 38, "target": 22, "label": "R"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 21, "label": "P"}, {"source": 41, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 0, "label": "A"}, {"source": 31, "target": 18, "label": "L"}, {"source": 33, "target": 10, "label": "T"}, {"source": 31, "target": 37, "label": "H"}, {"source": 30, "target": 3, "label": "P"}, {"source": 30, "target": 2, "label": "A"}, {"source": 31, "target": 32, "label": "H"}, {"source": 32, "target": 6, "label": "A"}, {"source": 31, "target": 33, "label": "H"}, {"source": 33, "target": 9, "label": "P"}, {"source": 33, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 7, "label": "L"}, {"source": 41, "target": 42, "label": "A"}, {"source": 36, "target": 17, "label": "A"}, {"source": 34, "target": 12, "label": "P"}, {"source": 32, "target": 5, "label": "S"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 15, "label": "R"}, {"source": 38, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 26, "label": "P"}, {"source": 36, "target": 35, "label": "A"}, {"source": 31, "target": 4, "label": "L"}, {"source": 39, "target": 25, "label": "L"}, {"source": 34, "target": 13, "label": "A"}, {"source": 42, "target": 27, "label": "F"}, {"source": 42, "target": 28, "label": "C"}, {"source": 36, "target": 16, "label": "P"}, {"source": 30, "target": 1, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 33, "target": 8, "label": "F"}, {"source": 39, "target": 41, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 39, "target": 38, "label": "H"}, {"source": 31, "target": 11, "label": "L"}, {"source": 31, "target": 34, "label": "H"}, {"source": 38, "target": 40, "label": "A"}, {"source": 37, "target": 19, "label": "A"}, {"source": 31, "target": 30, "label": "H"}, {"source": 35, "target": 14, "label": "C"}, {"source": 38, "target": 23, "label": "P"}]} +{"id": "006970-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I work 2 hours away but offered my card over the phone.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 13, "target": 16, "label": "T"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 20, "label": "D"}, {"source": 19, "target": 8, "label": "C"}, {"source": 20, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "S"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "P"}, {"source": 14, "target": 5, "label": "L"}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "Q"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 18, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 20, "target": 9, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "006970-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They refused.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "006970-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Terrible communication as well.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 25}, {"from": 26, "to": 30}]}, {"id": 3, "anchors": [{"from": 30, "to": 31}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "006970-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "At one point they told me the dog had been fixed, the next day it hadn't.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 15, "label": "D"}, {"source": 22, "target": 10, "label": "F"}, {"source": 18, "target": 3, "label": "A"}, {"source": 21, "target": 14, "label": "F"}, {"source": 18, "target": 1, "label": "A"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 22, "label": "T"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 11, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 13, "label": "A"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 9, "label": "U"}, {"source": 20, "target": 19, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 20, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "006970-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Huge ammount of time wasted time and elevated blood pressure.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "A"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 13, "target": 4, "label": "S"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 6, "label": "L"}, {"source": 12, "target": 11, "label": "Q"}, {"source": 12, "target": 2, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "007403-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My counseling practice", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "P"}]} +{"id": "007403-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hello my name is Vera and I'm writing a review about my own counseling practice in Bellevue, WA. and in Renton WA.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 1, "label": "E"}, {"source": 25, "target": 5, "label": "L"}, {"source": 35, "target": 21, "label": "R"}, {"source": 28, "target": 6, "label": "A"}, {"source": 31, "target": 13, "label": "E"}, {"source": 25, "target": 0, "label": "H"}, {"source": 34, "target": 33, "label": "C"}, {"source": 35, "target": 22, "label": "C"}, {"source": 34, "target": 35, "label": "C"}, {"source": 32, "target": 15, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 7, "label": "F"}, {"source": 31, "target": 12, "label": "C"}, {"source": 25, "target": 27, "label": "H"}, {"source": 25, "target": 28, "label": "H"}, {"source": 30, "target": 34, "label": "A"}, {"source": 33, "target": 18, "label": "U"}, {"source": 33, "target": 19, "label": "C"}, {"source": 27, "target": 4, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 26, "target": 2, "label": "C"}, {"source": 29, "target": 9, "label": "F"}, {"source": 35, "target": 24, "label": "U"}, {"source": 30, "target": 32, "label": "P"}, {"source": 35, "target": 23, "label": "C"}, {"source": 27, "target": 3, "label": "S"}, {"source": 29, "target": 10, "label": "C"}, {"source": 34, "target": 20, "label": "N"}, {"source": 32, "target": 14, "label": "E"}, {"source": 33, "target": 17, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 11, "label": "R"}, {"source": 33, "target": 16, "label": "R"}, {"source": 28, "target": 8, "label": "P"}]} +{"id": "007403-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am a licensed mental health counselor and I work with variety of mental health problems.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 89}]}, {"id": 16, "anchors": [{"from": 89, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 8, "label": "A"}, {"source": 23, "target": 12, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 3, "label": "D"}, {"source": 17, "target": 20, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 22, "target": 10, "label": "R"}, {"source": 20, "target": 4, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 24, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 2, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 19, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 16, "label": "U"}, {"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "007403-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I offer compassionate, approachable and personalized counseling services.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 72}]}, {"id": 9, "anchors": [{"from": 72, "to": 73}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "U"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 12, "label": "D"}, {"source": 12, "target": 5, "label": "N"}, {"source": 12, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "007403-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My style is compassionate, nonjudgmental, and caring.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "A"}, {"source": 14, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "L"}, {"source": 10, "target": 1, "label": "C"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "S"}, {"source": 13, "target": 5, "label": "S"}, {"source": 13, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "U"}]} +{"id": "007403-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Please visit my website to learn more about my practice at www.veraakulov.com.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 6, "label": "D"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 9, "label": "P"}, {"source": 13, "target": 17, "label": "H"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "E"}, {"source": 17, "target": 5, "label": "P"}, {"source": 14, "target": 0, "label": "G"}, {"source": 18, "target": 8, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 2, "label": "S"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "007403-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am a preferred provider with most insurance companies.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "E"}, {"source": 12, "target": 8, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "Q"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "007403-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Schedule your first appointment online!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "007403-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would appreciate reviews from anyone who has worked with me before in the mental health setting.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 97}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 11, "label": "T"}, {"source": 23, "target": 12, "label": "R"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 9, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 19, "target": 3, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 13, "label": "F"}, {"source": 19, "target": 1, "label": "D"}, {"source": 21, "target": 6, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 17, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 7, "label": "F"}, {"source": 23, "target": 16, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 8, "label": "P"}]} +{"id": "008585-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The best there is in service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 7, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "P"}, {"source": 9, "target": 4, "label": "F"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "008585-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was recently traveling down I-24 from Nashville with my 3 young children and had a blowout on the southeast side of Murfreesboro.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}, {"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 31, "target": 32, "label": "E"}, {"source": 25, "target": 5, "label": "A"}, {"source": 28, "target": 10, "label": "A"}, {"source": 25, "target": 2, "label": "T"}, {"source": 32, "target": 20, "label": "E"}, {"source": 27, "target": 7, "label": "R"}, {"source": 29, "target": 30, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 18, "label": "R"}, {"source": 31, "target": 24, "label": "U"}, {"source": 25, "target": 0, "label": "A"}, {"source": 32, "target": 19, "label": "F"}, {"source": 30, "target": 16, "label": "F"}, {"source": 26, "target": 14, "label": "L"}, {"source": 32, "target": 21, "label": "C"}, {"source": 28, "target": 9, "label": "R"}, {"source": 28, "target": 13, "label": "A"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 29, "target": 15, "label": "F"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 22, "label": "F"}, {"source": 25, "target": 4, "label": "D"}, {"source": 5, "target": 6, "label": "U"}, {"source": 28, "target": 13, "label": "S"}, {"source": 27, "target": 8, "label": "C"}, {"source": 26, "target": 29, "label": "H"}, {"source": 31, "target": 23, "label": "C"}, {"source": 28, "target": 12, "label": "D"}, {"source": 25, "target": 3, "label": "P"}, {"source": 25, "target": 28, "label": "A"}, {"source": 28, "target": 11, "label": "D"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "008585-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was 4:50 when a friend told me to call Bud, he would take care of me.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 71}]}, {"id": 18, "anchors": [{"from": 71, "to": 72}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 23, "target": 6, "label": "P"}, {"source": 25, "target": 12, "label": "A"}, {"source": 26, "target": 14, "label": "F"}, {"source": 19, "target": 2, "label": "T"}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 24, "target": 9, "label": "P"}, {"source": 27, "target": 18, "label": "U"}, {"source": 25, "target": 13, "label": "D"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 26, "label": "P"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "S"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 22, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 4, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 0, "label": "F"}, {"source": 27, "target": 16, "label": "R"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 20, "target": 11, "label": "U"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "008585-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not only did they answer the phone at 4:50 on a Thursday, they hit the ground moving!.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}, {"from": 67, "to": 70}, {"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}, {"source": 24, "target": 13, "label": "A"}, {"source": 19, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 18, "target": 3, "label": "A"}, {"source": 23, "target": 9, "label": "R"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 17, "label": "D"}, {"source": 23, "target": 10, "label": "F"}, {"source": 22, "target": 21, "label": "C"}, {"source": 24, "target": 14, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 5, "label": "F"}, {"source": 24, "target": 15, "label": "P"}, {"source": 18, "target": 22, "label": "T"}, {"source": 21, "target": 8, "label": "C"}, {"source": 21, "target": 7, "label": "R"}, {"source": 19, "target": 12, "label": "U"}, {"source": 18, "target": 4, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "008585-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They tracked down the only tire that fit my BMW330i in Murfreesboro within minutes and secured it, then they came out, took off my tire (it was a runflat - but runflats don't do you any good if they blow out), and brought it to their shop to change the tire.", "tops": [58], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}, {"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 97}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 117}]}, {"id": 22, "anchors": [{"from": 117, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28, "anchors": [{"from": 137, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 168}]}, {"id": 35, "anchors": [{"from": 169, "to": 171}]}, {"id": 36, "anchors": [{"from": 171, "to": 174}]}, {"id": 37, "anchors": [{"from": 175, "to": 177}]}, {"id": 38, "anchors": [{"from": 178, "to": 181}]}, {"id": 39, "anchors": [{"from": 182, "to": 185}]}, {"id": 40, "anchors": [{"from": 186, "to": 190}]}, {"id": 41, "anchors": [{"from": 191, "to": 193}]}, {"id": 42, "anchors": [{"from": 194, "to": 198}]}, {"id": 43, "anchors": [{"from": 199, "to": 203}, {"from": 204, "to": 207}]}, {"id": 44, "anchors": [{"from": 207, "to": 208}]}, {"id": 45, "anchors": [{"from": 208, "to": 209}]}, {"id": 46, "anchors": [{"from": 210, "to": 213}]}, {"id": 47, "anchors": [{"from": 214, "to": 221}]}, {"id": 48, "anchors": [{"from": 222, "to": 224}]}, {"id": 49, "anchors": [{"from": 225, "to": 227}]}, {"id": 50, "anchors": [{"from": 228, "to": 233}]}, {"id": 51, "anchors": [{"from": 234, "to": 238}]}, {"id": 52, "anchors": [{"from": 239, "to": 241}]}, {"id": 53, "anchors": [{"from": 242, "to": 248}]}, {"id": 54, "anchors": [{"from": 249, "to": 252}]}, {"id": 55, "anchors": [{"from": 253, "to": 257}]}, {"id": 56, "anchors": [{"from": 257, "to": 258}]}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}], "edges": [{"source": 58, "target": 18, "label": "L"}, {"source": 58, "target": 57, "label": "H"}, {"source": 58, "target": 70, "label": "H"}, {"source": 58, "target": 27, "label": "U"}, {"source": 58, "target": 65, "label": "H"}, {"source": 57, "target": 59, "label": "P"}, {"source": 57, "target": 63, "label": "A"}, {"source": 61, "target": 62, "label": "A"}, {"source": 79, "target": 54, "label": "F"}, {"source": 66, "target": 20, "label": "P"}, {"source": 60, "target": 61, "label": "E"}, {"source": 61, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 31, "label": "C"}, {"source": 59, "target": 2, "label": "F"}, {"source": 72, "target": 38, "label": "A"}, {"source": 72, "target": 34, "label": "A"}, {"source": 78, "target": 79, "label": "A"}, {"source": 60, "target": 3, "label": "F"}, {"source": 58, "target": 44, "label": "U"}, {"source": 65, "target": 15, "label": "P"}, {"source": 60, "target": 5, "label": "C"}, {"source": 61, "target": 6, "label": "R"}, {"source": 59, "target": 1, "label": "C"}, {"source": 57, "target": 60, "label": "A"}, {"source": 66, "target": 21, "label": "D"}, {"source": 66, "target": 19, "label": "A"}, {"source": 72, "target": 35, "label": "F"}, {"source": 72, "target": 36, "label": "D"}, {"source": 58, "target": 52, "label": "L"}, {"source": 77, "target": 50, "label": "S"}, {"source": 60, "target": 4, "label": "E"}, {"source": 73, "target": 40, "label": "C"}, {"source": 58, "target": 22, "label": "U"}, {"source": 58, "target": 46, "label": "L"}, {"source": 78, "target": 53, "label": "P"}, {"source": 69, "target": 25, "label": "S"}, {"source": 57, "target": 64, "label": "T"}, {"source": 75, "target": 47, "label": "P"}, {"source": 73, "target": 39, "label": "E"}, {"source": 74, "target": 43, "label": "P"}, {"source": 68, "target": 67, "label": "P"}, {"source": 58, "target": 32, "label": "U"}, {"source": 70, "target": 28, "label": "A"}, {"source": 58, "target": 72, "label": "H"}, {"source": 58, "target": 78, "label": "H"}, {"source": 74, "target": 42, "label": "A"}, {"source": 72, "target": 73, "label": "D"}, {"source": 64, "target": 13, "label": "C"}, {"source": 64, "target": 12, "label": "R"}, {"source": 69, "target": 26, "label": "A"}, {"source": 65, "target": 16, "label": "A"}, {"source": 75, "target": 76, "label": "A"}, {"source": 58, "target": 75, "label": "H"}, {"source": 76, "target": 77, "label": "E"}, {"source": 76, "target": 51, "label": "C"}, {"source": 70, "target": 29, "label": "S"}, {"source": 77, "target": 51, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 0, "label": "A"}, {"source": 79, "target": 55, "label": "C"}, {"source": 62, "target": 8, "label": "S"}, {"source": 58, "target": 74, "label": "H"}, {"source": 67, "target": 24, "label": "C"}, {"source": 75, "target": 48, "label": "A"}, {"source": 67, "target": 23, "label": "F"}, {"source": 76, "target": 49, "label": "R"}, {"source": 63, "target": 10, "label": "R"}, {"source": 63, "target": 11, "label": "C"}, {"source": 79, "target": 56, "label": "U"}, {"source": 68, "target": 69, "label": "A"}, {"source": 62, "target": 9, "label": "A"}, {"source": 58, "target": 68, "label": "H"}, {"source": 58, "target": 45, "label": "U"}, {"source": 58, "target": 33, "label": "L"}, {"source": 61, "target": 7, "label": "S"}, {"source": 72, "target": 37, "label": "P"}, {"source": 58, "target": 14, "label": "L"}, {"source": 58, "target": 66, "label": "H"}, {"source": 58, "target": 17, "label": "U"}, {"source": 58, "target": 41, "label": "L"}, {"source": 71, "target": 30, "label": "F"}, {"source": 70, "target": 71, "label": "A"}]} +{"id": "008585-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were back quickly considering how far outside of Murfreesboro we were and had us on our way by 6:30 that evening.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 117}]}, {"id": 22, "anchors": [{"from": 117, "to": 118}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 23, "target": 3, "label": "D"}, {"source": 31, "target": 21, "label": "C"}, {"source": 25, "target": 6, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 27, "target": 8, "label": "R"}, {"source": 28, "target": 29, "label": "P"}, {"source": 30, "target": 19, "label": "C"}, {"source": 27, "target": 9, "label": "C"}, {"source": 26, "target": 25, "label": "D"}, {"source": 28, "target": 13, "label": "D"}, {"source": 26, "target": 11, "label": "F"}, {"source": 30, "target": 18, "label": "R"}, {"source": 24, "target": 12, "label": "L"}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 16, "label": "F"}, {"source": 30, "target": 31, "label": "E"}, {"source": 28, "target": 30, "label": "T"}, {"source": 29, "target": 15, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 4, "label": "L"}, {"source": 28, "target": 14, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 29, "target": 17, "label": "C"}, {"source": 26, "target": 7, "label": "S"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 31, "target": 20, "label": "E"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "008585-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks Bud for all of your help and taking time away from your family that evening.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 7, "label": "L"}, {"source": 25, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 24, "target": 12, "label": "A"}, {"source": 18, "target": 0, "label": "P"}, {"source": 24, "target": 13, "label": "A"}, {"source": 20, "target": 5, "label": "A"}, {"source": 20, "target": 6, "label": "P"}, {"source": 22, "target": 21, "label": "P"}, {"source": 20, "target": 4, "label": "F"}, {"source": 18, "target": 1, "label": "G"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 11, "label": "R"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 24, "target": 13, "label": "S"}, {"source": 22, "target": 25, "label": "T"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 14, "label": "E"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 2, "label": "R"}]} +{"id": "008585-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's without a doubt, the best service experience I've ever had and just to be clear, the price he charged me was the same as my tire guy in Nashville's price for putting on the other rear tire.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 128}]}, {"id": 30, "anchors": [{"from": 129, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 140}]}, {"id": 33, "anchors": [{"from": 141, "to": 150}]}, {"id": 34, "anchors": [{"from": 150, "to": 152}]}, {"id": 35, "anchors": [{"from": 153, "to": 158}]}, {"id": 36, "anchors": [{"from": 159, "to": 162}]}, {"id": 37, "anchors": [{"from": 163, "to": 170}]}, {"id": 38, "anchors": [{"from": 171, "to": 173}]}, {"id": 39, "anchors": [{"from": 174, "to": 177}]}, {"id": 40, "anchors": [{"from": 178, "to": 183}]}, {"id": 41, "anchors": [{"from": 184, "to": 188}]}, {"id": 42, "anchors": [{"from": 189, "to": 193}]}, {"id": 43, "anchors": [{"from": 193, "to": 194}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 45, "target": 44, "label": "A"}, {"source": 49, "target": 8, "label": "D"}, {"source": 53, "target": 55, "label": "A"}, {"source": 59, "target": 58, "label": "A"}, {"source": 44, "target": 7, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 34, "label": "S"}, {"source": 45, "target": 1, "label": "F"}, {"source": 46, "target": 19, "label": "U"}, {"source": 57, "target": 31, "label": "C"}, {"source": 51, "target": 24, "label": "A"}, {"source": 50, "target": 17, "label": "F"}, {"source": 49, "target": 9, "label": "P"}, {"source": 50, "target": 18, "label": "S"}, {"source": 44, "target": 0, "label": "A"}, {"source": 58, "target": 32, "label": "E"}, {"source": 47, "target": 3, "label": "E"}, {"source": 49, "target": 12, "label": "T"}, {"source": 60, "target": 38, "label": "C"}, {"source": 57, "target": 30, "label": "E"}, {"source": 55, "target": 56, "label": "E"}, {"source": 59, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 50, "label": "H"}, {"source": 46, "target": 49, "label": "H"}, {"source": 59, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 6, "label": "E"}, {"source": 50, "target": 16, "label": "F"}, {"source": 50, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 42, "label": "C"}, {"source": 49, "target": 48, "label": "D"}, {"source": 53, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 47, "label": "P"}, {"source": 49, "target": 13, "label": "D"}, {"source": 50, "target": 15, "label": "D"}, {"source": 53, "target": 25, "label": "F"}, {"source": 53, "target": 54, "label": "S"}, {"source": 57, "target": 59, "label": "E"}, {"source": 61, "target": 62, "label": "A"}, {"source": 55, "target": 28, "label": "R"}, {"source": 61, "target": 60, "label": "P"}, {"source": 62, "target": 40, "label": "E"}, {"source": 46, "target": 36, "label": "L"}, {"source": 48, "target": 7, "label": "C"}, {"source": 54, "target": 27, "label": "C"}, {"source": 54, "target": 26, "label": "E"}, {"source": 49, "target": 11, "label": "F"}, {"source": 46, "target": 61, "label": "H"}, {"source": 52, "target": 21, "label": "C"}, {"source": 60, "target": 37, "label": "F"}, {"source": 55, "target": 35, "label": "C"}, {"source": 46, "target": 51, "label": "H"}, {"source": 51, "target": 22, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 58, "target": 33, "label": "C"}, {"source": 46, "target": 45, "label": "H"}, {"source": 46, "target": 5, "label": "U"}, {"source": 45, "target": 2, "label": "D"}, {"source": 52, "target": 53, "label": "E"}, {"source": 62, "target": 41, "label": "E"}, {"source": 51, "target": 23, "label": "P"}, {"source": 62, "target": 43, "label": "U"}, {"source": 56, "target": 29, "label": "S"}, {"source": 47, "target": 4, "label": "C"}, {"source": 46, "target": 14, "label": "L"}, {"source": 49, "target": 10, "label": "A"}, {"source": 52, "target": 20, "label": "E"}, {"source": 62, "target": 39, "label": "E"}]} +{"id": "008585-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I hope I can return the favor in the future!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 4, "label": "F"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "008585-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Alan Grissom", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "F"}]} +{"id": "008635-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good food and very friendly staff.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 9, "target": 3, "label": "E"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 10, "target": 9, "label": "D"}, {"source": 8, "target": 2, "label": "L"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 5, "label": "S"}]} +{"id": "008635-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very good with my 5 year old daughter.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 12, "label": "C"}, {"source": 11, "target": 14, "label": "E"}, {"source": 12, "target": 7, "label": "A"}, {"source": 12, "target": 3, "label": "A"}, {"source": 12, "target": 7, "label": "S"}, {"source": 14, "target": 13, "label": "T"}, {"source": 13, "target": 4, "label": "Q"}, {"source": 10, "target": 0, "label": "D"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 8, "label": "U"}, {"source": 14, "target": 6, "label": "S"}]} +{"id": "008635-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Interesting good value wine list to.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 8, "target": 0, "label": "S"}, {"source": 9, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 6, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 8, "target": 5, "label": "D"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "008635-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Beer a bit expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 7, "label": "D"}, {"source": 7, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "009389-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "gone", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "009389-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "library is closed.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "009389-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it is now bislas.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "T"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "009596-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "awful awful awful", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "S"}, {"source": 3, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 6, "label": "H"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "009596-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This store is by far the worst Verizon store I've been in.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}, {"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 13, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 16, "target": 3, "label": "D"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 18, "label": "S"}, {"source": 13, "target": 0, "label": "E"}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 19, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 4, "label": "F"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 2, "label": "S"}]} +{"id": "009596-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The salespeople are never available, the lines are always too long, and all the people want is a sale.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 12, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 15, "label": "F"}, {"source": 31, "target": 32, "label": "P"}, {"source": 29, "target": 14, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 27, "target": 28, "label": "D"}, {"source": 28, "target": 11, "label": "C"}, {"source": 30, "target": 16, "label": "C"}, {"source": 32, "target": 19, "label": "F"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 9, "label": "T"}, {"source": 22, "target": 23, "label": "P"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 32, "target": 20, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 23, "target": 1, "label": "C"}, {"source": 27, "target": 8, "label": "F"}, {"source": 29, "target": 31, "label": "A"}, {"source": 32, "target": 21, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 29, "target": 18, "label": "F"}, {"source": 24, "target": 22, "label": "A"}, {"source": 24, "target": 2, "label": "F"}, {"source": 27, "target": 26, "label": "P"}, {"source": 25, "target": 13, "label": "L"}, {"source": 29, "target": 17, "label": "P"}, {"source": 23, "target": 0, "label": "F"}, {"source": 24, "target": 4, "label": "S"}, {"source": 25, "target": 5, "label": "U"}, {"source": 24, "target": 3, "label": "D"}, {"source": 24, "target": 3, "label": "T"}]} +{"id": "009596-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Incredibly rude and I will not return to it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "R"}, {"source": 11, "target": 2, "label": "L"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "009596-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Is there no other Verizon to go to around Downtown/Dupont Circle1?!?!?", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}, {"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 0, "label": "F"}, {"source": 15, "target": 7, "label": "R"}, {"source": 13, "target": 5, "label": "F"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 13, "target": 6, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 11, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "009775-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Want a great burger?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "E"}, {"source": 8, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "009775-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The smokehouse can't be beat anywhere.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "D"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 0, "label": "F"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "009775-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Salad bar is hit and miss for freshness - sometimes the broccoli looks browned around the edges.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}, {"from": 17, "to": 20}, {"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 95}]}, {"id": 15, "anchors": [{"from": 95, "to": 96}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 3, "label": "D"}, {"source": 18, "target": 6, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 10, "label": "G"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 11, "label": "S"}, {"source": 16, "target": 0, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 12, "label": "R"}, {"source": 21, "target": 8, "label": "F"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 19, "label": "S"}, {"source": 20, "target": 7, "label": "T"}]} +{"id": "009775-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Never a bad smokehouse burger though!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 3, "label": "E"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "L"}, {"source": 9, "target": 1, "label": "F"}, {"source": 8, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "T"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "009775-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I crave those.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "009943-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "such a great idea this was, so easy to load and pack, no ramp, no step up no back aches.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 65}]}, {"id": 18, "anchors": [{"from": 66, "to": 70}]}, {"id": 19, "anchors": [{"from": 71, "to": 73}]}, {"id": 20, "anchors": [{"from": 74, "to": 76}]}, {"id": 21, "anchors": [{"from": 77, "to": 81}]}, {"id": 22, "anchors": [{"from": 82, "to": 87}]}, {"id": 23, "anchors": [{"from": 87, "to": 88}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 15, "label": "A"}, {"source": 26, "target": 31, "label": "H"}, {"source": 33, "target": 23, "label": "U"}, {"source": 28, "target": 8, "label": "C"}, {"source": 26, "target": 32, "label": "H"}, {"source": 26, "target": 6, "label": "U"}, {"source": 32, "target": 17, "label": "D"}, {"source": 33, "target": 20, "label": "D"}, {"source": 26, "target": 16, "label": "U"}, {"source": 27, "target": 1, "label": "F"}, {"source": 26, "target": 33, "label": "H"}, {"source": 29, "target": 28, "label": "D"}, {"source": 32, "target": 19, "label": "S"}, {"source": 26, "target": 30, "label": "H"}, {"source": 33, "target": 22, "label": "P"}, {"source": 26, "target": 13, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 31, "target": 14, "label": "D"}, {"source": 33, "target": 21, "label": "A"}, {"source": 29, "target": 9, "label": "F"}, {"source": 30, "target": 28, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "P"}, {"source": 26, "target": 11, "label": "L"}, {"source": 25, "target": 24, "label": "D"}, {"source": 28, "target": 7, "label": "E"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 5, "label": "F"}, {"source": 25, "target": 27, "label": "P"}, {"source": 25, "target": 4, "label": "A"}, {"source": 30, "target": 12, "label": "P"}, {"source": 24, "target": 2, "label": "C"}, {"source": 27, "target": 3, "label": "C"}, {"source": 24, "target": 0, "label": "E"}, {"source": 32, "target": 18, "label": "A"}]} +{"id": "009943-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "moving with a pod was the best moving experience i have had.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 17, "label": "D"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 1, "label": "R"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 5, "label": "F"}, {"source": 19, "target": 9, "label": "A"}, {"source": 14, "target": 18, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 20, "label": "P"}, {"source": 13, "target": 0, "label": "P"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 8, "label": "E"}, {"source": 20, "target": 11, "label": "F"}, {"source": 20, "target": 18, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 16, "label": "A"}, {"source": 13, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "009970-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "BEST CHINESE RESTAURANT EVER!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "T"}, {"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "009970-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was the best Chinese food I have ever had.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "T"}, {"source": 14, "target": 4, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 7, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 6, "label": "A"}]} +{"id": "009970-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All the food tasted excellent, and with the new renovation of chairs and the bathroom, it is awesome.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 7, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 26, "target": 11, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 28, "target": 18, "label": "F"}, {"source": 25, "target": 8, "label": "F"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 27, "label": "C"}, {"source": 27, "target": 14, "label": "F"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 6, "label": "L"}, {"source": 26, "target": 13, "label": "N"}, {"source": 28, "target": 19, "label": "S"}, {"source": 21, "target": 0, "label": "Q"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 10, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 5, "label": "U"}, {"source": 21, "target": 2, "label": "C"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 3, "label": "P"}, {"source": 21, "target": 1, "label": "F"}, {"source": 24, "target": 9, "label": "D"}, {"source": 27, "target": 15, "label": "C"}, {"source": 28, "target": 17, "label": "A"}]} +{"id": "009970-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The people working their are also extremely polite and friendly.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 9, "label": "S"}, {"source": 12, "target": 4, "label": "F"}, {"source": 15, "target": 6, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "A"}, {"source": 11, "target": 0, "label": "F"}, {"source": 14, "target": 2, "label": "P"}, {"source": 12, "target": 7, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 6, "label": "D"}, {"source": 15, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 5, "label": "D"}, {"source": 13, "target": 8, "label": "L"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 14, "label": "E"}]} +{"id": "009970-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Every time I go, Kevin, the manager, will always remember my family and I.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 74}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 11, "label": "T"}, {"source": 23, "target": 8, "label": "C"}, {"source": 19, "target": 4, "label": "U"}, {"source": 20, "target": 3, "label": "P"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 24, "target": 13, "label": "A"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 23, "label": "S"}, {"source": 18, "target": 0, "label": "E"}, {"source": 22, "target": 12, "label": "P"}, {"source": 21, "target": 5, "label": "A"}, {"source": 25, "target": 15, "label": "N"}, {"source": 22, "target": 25, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 20, "target": 2, "label": "A"}, {"source": 22, "target": 9, "label": "U"}, {"source": 24, "target": 14, "label": "A"}, {"source": 21, "target": 6, "label": "U"}, {"source": 23, "target": 7, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 1, "label": "C"}, {"source": 25, "target": 24, "label": "C"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 18, "label": "L"}]} +{"id": "009970-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overall, it is very family oriented, and I recommend it to everyone!!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 12, "label": "R"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 10, "label": "P"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 6, "label": "S"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 18, "target": 14, "label": "U"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 8, "label": "L"}, {"source": 15, "target": 7, "label": "U"}, {"source": 15, "target": 1, "label": "U"}, {"source": 17, "target": 11, "label": "A"}, {"source": 16, "target": 4, "label": "D"}, {"source": 18, "target": 13, "label": "C"}, {"source": 16, "target": 5, "label": "A"}, {"source": 16, "target": 2, "label": "A"}]} +{"id": "010378-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Poor Experience", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "010378-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I did not have a good experience w/ Dr. Ghassemlou.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 2, "label": "D"}, {"source": 13, "target": 5, "label": "D"}, {"source": 15, "target": 9, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 8, "label": "U"}]} +{"id": "010378-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "During the session, he demanded to have my physical address, which I've always kept private as I am enrolled in a witness protection program.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 141}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 33, "target": 10, "label": "C"}, {"source": 31, "target": 6, "label": "F"}, {"source": 38, "target": 22, "label": "R"}, {"source": 28, "target": 0, "label": "L"}, {"source": 31, "target": 7, "label": "P"}, {"source": 34, "target": 12, "label": "R"}, {"source": 37, "target": 38, "label": "A"}, {"source": 32, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 40, "label": "E"}, {"source": 33, "target": 9, "label": "E"}, {"source": 29, "target": 30, "label": "P"}, {"source": 39, "target": 24, "label": "A"}, {"source": 37, "target": 21, "label": "S"}, {"source": 38, "target": 23, "label": "F"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 4, "label": "A"}, {"source": 31, "target": 33, "label": "A"}, {"source": 34, "target": 18, "label": "L"}, {"source": 30, "target": 1, "label": "F"}, {"source": 33, "target": 32, "label": "E"}, {"source": 40, "target": 39, "label": "A"}, {"source": 35, "target": 14, "label": "F"}, {"source": 39, "target": 24, "label": "S"}, {"source": 35, "target": 13, "label": "A"}, {"source": 30, "target": 2, "label": "C"}, {"source": 31, "target": 5, "label": "D"}, {"source": 28, "target": 31, "label": "H"}, {"source": 32, "target": 8, "label": "S"}, {"source": 36, "target": 16, "label": "F"}, {"source": 36, "target": 17, "label": "C"}, {"source": 28, "target": 3, "label": "U"}, {"source": 34, "target": 35, "label": "H"}, {"source": 28, "target": 29, "label": "H"}, {"source": 40, "target": 25, "label": "P"}, {"source": 35, "target": 15, "label": "T"}, {"source": 38, "target": 26, "label": "C"}, {"source": 37, "target": 20, "label": "F"}, {"source": 38, "target": 27, "label": "U"}, {"source": 34, "target": 37, "label": "H"}, {"source": 35, "target": 36, "label": "P"}, {"source": 37, "target": 19, "label": "A"}, {"source": 33, "target": 11, "label": "U"}]} +{"id": "010378-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I believe he is correct in that he needs my physical address for legal reasons, however, he did not adequately explain this during our session.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}, {"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 142}]}, {"id": 26, "anchors": [{"from": 142, "to": 143}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 7, "label": "S"}, {"source": 29, "target": 3, "label": "F"}, {"source": 34, "target": 19, "label": "D"}, {"source": 28, "target": 34, "label": "H"}, {"source": 34, "target": 21, "label": "P"}, {"source": 27, "target": 1, "label": "S"}, {"source": 30, "target": 33, "label": "A"}, {"source": 33, "target": 12, "label": "E"}, {"source": 28, "target": 23, "label": "L"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 6, "label": "A"}, {"source": 31, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "L"}, {"source": 35, "target": 26, "label": "U"}, {"source": 28, "target": 14, "label": "U"}, {"source": 34, "target": 20, "label": "D"}, {"source": 35, "target": 25, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 34, "target": 17, "label": "A"}, {"source": 32, "target": 9, "label": "E"}, {"source": 31, "target": 8, "label": "S"}, {"source": 28, "target": 16, "label": "U"}, {"source": 34, "target": 22, "label": "A"}, {"source": 33, "target": 11, "label": "R"}, {"source": 34, "target": 18, "label": "F"}, {"source": 28, "target": 35, "label": "H"}, {"source": 30, "target": 5, "label": "R"}, {"source": 27, "target": 0, "label": "A"}, {"source": 29, "target": 2, "label": "A"}, {"source": 29, "target": 4, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 13, "label": "C"}, {"source": 32, "target": 10, "label": "C"}, {"source": 32, "target": 31, "label": "E"}, {"source": 35, "target": 24, "label": "A"}]} +{"id": "010378-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I learned more about this doing my own research afterward.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}, {"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 57}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 6, "label": "A"}, {"source": 11, "target": 8, "label": "L"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 14, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "P"}, {"source": 11, "target": 9, "label": "U"}]} +{"id": "010378-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think he could've done more to assuage my concerns by giving me concrete facts.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 23, "target": 14, "label": "D"}, {"source": 18, "target": 7, "label": "L"}, {"source": 18, "target": 11, "label": "L"}, {"source": 22, "target": 21, "label": "E"}, {"source": 22, "target": 10, "label": "C"}, {"source": 19, "target": 4, "label": "F"}, {"source": 18, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "P"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 23, "label": "H"}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 5, "label": "P"}, {"source": 24, "target": 12, "label": "F"}, {"source": 21, "target": 9, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "D"}, {"source": 23, "target": 24, "label": "P"}, {"source": 23, "target": 13, "label": "A"}]} +{"id": "010378-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Saying that I need to give him my address or else I have intimacy issues is not helpful.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}, {"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 9, "label": "L"}, {"source": 20, "target": 1, "label": "R"}, {"source": 21, "target": 5, "label": "P"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 12, "label": "D"}, {"source": 24, "target": 10, "label": "A"}, {"source": 26, "target": 15, "label": "E"}, {"source": 21, "target": 3, "label": "D"}, {"source": 21, "target": 2, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 6, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 7, "label": "S"}, {"source": 19, "target": 26, "label": "D"}, {"source": 19, "target": 0, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 19, "target": 14, "label": "F"}, {"source": 22, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 4, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 24, "target": 25, "label": "S"}]} +{"id": "010378-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's pretty combative actually.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 4, "label": "G"}]} +{"id": "010393-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Auto Towing is one of the best towing services I have used.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 9, "label": "F"}, {"source": 15, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 3, "label": "R"}, {"source": 14, "target": 4, "label": "F"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 7, "label": "P"}, {"source": 15, "target": 10, "label": "D"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 14, "label": "D"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "010393-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The first time I used them they arrived on time and towed car for me to the destination I needed.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 19, "label": "S"}, {"source": 29, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "P"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 7, "label": "P"}, {"source": 25, "target": 9, "label": "C"}, {"source": 29, "target": 18, "label": "A"}, {"source": 27, "target": 13, "label": "R"}, {"source": 27, "target": 14, "label": "C"}, {"source": 22, "target": 10, "label": "L"}, {"source": 22, "target": 21, "label": "L"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 0, "label": "F"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 8, "label": "R"}, {"source": 23, "target": 3, "label": "A"}, {"source": 23, "target": 5, "label": "A"}, {"source": 28, "target": 15, "label": "R"}, {"source": 21, "target": 2, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 24, "label": "H"}, {"source": 21, "target": 1, "label": "Q"}, {"source": 26, "target": 12, "label": "A"}, {"source": 26, "target": 11, "label": "P"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 25, "label": "T"}]} +{"id": "010393-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The auto mechanics that work for Auto Towing are very friendly and informative and answered any question I had.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 104}]}, {"id": 16, "anchors": [{"from": 105, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 110}]}, {"id": 18, "anchors": [{"from": 110, "to": 111}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 19, "target": 1, "label": "E"}, {"source": 23, "target": 4, "label": "P"}, {"source": 19, "target": 2, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 24, "target": 5, "label": "R"}, {"source": 23, "target": 3, "label": "R"}, {"source": 27, "target": 16, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 22, "target": 10, "label": "L"}, {"source": 27, "target": 14, "label": "D"}, {"source": 26, "target": 13, "label": "P"}, {"source": 27, "target": 17, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 20, "target": 19, "label": "P"}, {"source": 25, "target": 11, "label": "S"}, {"source": 22, "target": 12, "label": "L"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 8, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 9, "label": "S"}, {"source": 25, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 27, "target": 15, "label": "P"}]} +{"id": "010393-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have towed car for me a few times and I am always very satisfied with this services.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 22, "target": 7, "label": "C"}, {"source": 24, "target": 11, "label": "F"}, {"source": 26, "target": 16, "label": "E"}, {"source": 24, "target": 12, "label": "T"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 14, "label": "S"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 22, "label": "Q"}, {"source": 19, "target": 3, "label": "A"}, {"source": 25, "target": 26, "label": "P"}, {"source": 24, "target": 10, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 13, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 23, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 19, "target": 21, "label": "A"}]} +{"id": "010393-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you are looking for towing services that can offer you a good towed car service, then Auto Towing is the company for you.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}, {"from": 94, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 23, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 9, "label": "P"}, {"source": 25, "target": 16, "label": "U"}, {"source": 29, "target": 10, "label": "A"}, {"source": 31, "target": 11, "label": "F"}, {"source": 31, "target": 15, "label": "C"}, {"source": 34, "target": 22, "label": "S"}, {"source": 30, "target": 33, "label": "A"}, {"source": 25, "target": 34, "label": "H"}, {"source": 27, "target": 29, "label": "E"}, {"source": 32, "target": 13, "label": "P"}, {"source": 33, "target": 14, "label": "C"}, {"source": 34, "target": 18, "label": "A"}, {"source": 35, "target": 20, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 33, "target": 32, "label": "E"}, {"source": 30, "target": 31, "label": "P"}, {"source": 34, "target": 24, "label": "U"}, {"source": 29, "target": 7, "label": "R"}, {"source": 25, "target": 0, "label": "L"}, {"source": 30, "target": 12, "label": "D"}, {"source": 32, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 5, "label": "P"}, {"source": 27, "target": 4, "label": "R"}, {"source": 34, "target": 19, "label": "F"}, {"source": 27, "target": 6, "label": "C"}, {"source": 26, "target": 1, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 17, "label": "L"}, {"source": 26, "target": 2, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 35, "target": 21, "label": "C"}, {"source": 29, "target": 8, "label": "D"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "P"}]} +{"id": "010433-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food good, service poor", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 5, "target": 1, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "010433-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No silverware, asked for a spoon for my sons mac and cheese ended up having to use my tea spoon.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}, {"from": 49, "to": 52}, {"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}, {"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 75}, {"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 15, "label": "S"}, {"source": 27, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "A"}, {"source": 25, "target": 13, "label": "D"}, {"source": 20, "target": 2, "label": "U"}, {"source": 22, "target": 5, "label": "F"}, {"source": 24, "target": 9, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 8, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 27, "target": 16, "label": "E"}, {"source": 20, "target": 25, "label": "H"}, {"source": 24, "target": 10, "label": "R"}, {"source": 24, "target": 9, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 12, "label": "L"}, {"source": 21, "target": 3, "label": "P"}, {"source": 27, "target": 26, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 4, "label": "R"}, {"source": 19, "target": 0, "label": "D"}, {"source": 23, "target": 7, "label": "R"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "010433-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Asked for bar-b-que sauce never got it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 15}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 2, "target": 3, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 2, "label": "E"}, {"source": 2, "target": 4, "label": "U"}, {"source": 12, "target": 1, "label": "R"}, {"source": 10, "target": 0, "label": "P"}, {"source": 13, "target": 7, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "T"}, {"source": 13, "target": 6, "label": "D"}]} +{"id": "010433-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Never checked back with us once we got our food.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "S"}, {"source": 14, "target": 3, "label": "R"}, {"source": 11, "target": 13, "label": "P"}, {"source": 12, "target": 15, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 6, "label": "A"}, {"source": 11, "target": 0, "label": "T"}, {"source": 15, "target": 17, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 14, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 12, "target": 5, "label": "L"}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "010433-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Had to go the the bus boys station ourselves to get napkins.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}, {"from": 22, "to": 25}, {"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 6, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 14, "target": 9, "label": "A"}, {"source": 12, "target": 7, "label": "L"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "P"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "010433-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Only one server, too buys talking with others I guess.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}, {"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 9, "label": "G"}, {"source": 15, "target": 3, "label": "U"}, {"source": 14, "target": 2, "label": "A"}, {"source": 15, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "D"}, {"source": 14, "target": 2, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 10, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 6, "label": "P"}, {"source": 12, "target": 11, "label": "D"}, {"source": 17, "target": 8, "label": "C"}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "010433-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Food was good, but service means a lot to me.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "P"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 6, "label": "S"}, {"source": 16, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 13, "target": 3, "label": "U"}, {"source": 15, "target": 16, "label": "D"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "010450-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As a native southern Californian I can tell you that this is not authentic Mexican food.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 8, "label": "A"}, {"source": 20, "target": 5, "label": "A"}, {"source": 18, "target": 2, "label": "D"}, {"source": 22, "target": 14, "label": "E"}, {"source": 20, "target": 7, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 21, "target": 10, "label": "A"}, {"source": 21, "target": 13, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 1, "label": "F"}, {"source": 18, "target": 19, "label": "S"}, {"source": 21, "target": 12, "label": "D"}, {"source": 22, "target": 15, "label": "C"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 20, "target": 6, "label": "D"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "010450-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, I still like this place a lot.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "F"}, {"source": 10, "target": 1, "label": "U"}, {"source": 11, "target": 13, "label": "D"}, {"source": 12, "target": 6, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "010450-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Esp. the mole, tortilla soup, and guacamole.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 7, "label": "N"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 4, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 13, "target": 12, "label": "C"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 3, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "010450-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Margaritas are alright.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "010450-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My only complaint is the QUESO.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "010450-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It used to be fabulous, why did you guys change it??", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 5, "label": "H"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 10, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 1, "label": "D"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 15, "target": 6, "label": "F"}, {"source": 12, "target": 0, "label": "A"}]} +{"id": "010450-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Queso should not be watery :( .....", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "010450-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "***update*** NEVER MIND!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 5, "target": 0, "label": "U"}, {"source": 6, "target": 3, "label": "G"}]} +{"id": "010450-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They fixed the queso!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "010450-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thankyouthankyou", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 5, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}, {"from": 13, "to": 16}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 1, "label": "C"}, {"source": 3, "target": 4, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "C"}]} +{"id": "010820-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The moving company is actualy based in Brooklyn, but advertised all over NY/NJ, including Fort Lee.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}, {"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}, {"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}, {"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 11, "label": "E"}, {"source": 19, "target": 3, "label": "F"}, {"source": 20, "target": 8, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 15, "label": "R"}, {"source": 24, "target": 16, "label": "C"}, {"source": 22, "target": 10, "label": "P"}, {"source": 18, "target": 1, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 7, "label": "C"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 12, "target": 13, "label": "U"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 14, "label": "U"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "010820-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When the guys arrived (2 hours later than agreed) they told that you have to pay all the tolls they payed coming from Brooklyn and extra $100 for them to drive back from your destination.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 138}]}, {"id": 29, "anchors": [{"from": 138, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 174}]}, {"id": 37, "anchors": [{"from": 175, "to": 186}]}, {"id": 38, "anchors": [{"from": 186, "to": 187}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 55, "target": 37, "label": "C"}, {"source": 53, "target": 28, "label": "C"}, {"source": 42, "target": 8, "label": "F"}, {"source": 51, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 2, "label": "C"}, {"source": 42, "target": 7, "label": "E"}, {"source": 43, "target": 9, "label": "P"}, {"source": 43, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 0, "label": "L"}, {"source": 44, "target": 45, "label": "A"}, {"source": 53, "target": 27, "label": "E"}, {"source": 53, "target": 54, "label": "E"}, {"source": 52, "target": 24, "label": "R"}, {"source": 50, "target": 49, "label": "H"}, {"source": 54, "target": 33, "label": "P"}, {"source": 45, "target": 17, "label": "P"}, {"source": 52, "target": 25, "label": "C"}, {"source": 45, "target": 14, "label": "A"}, {"source": 54, "target": 30, "label": "R"}, {"source": 45, "target": 13, "label": "R"}, {"source": 46, "target": 15, "label": "C"}, {"source": 39, "target": 4, "label": "U"}, {"source": 41, "target": 3, "label": "P"}, {"source": 39, "target": 43, "label": "H"}, {"source": 39, "target": 44, "label": "H"}, {"source": 48, "target": 26, "label": "N"}, {"source": 40, "target": 1, "label": "F"}, {"source": 50, "target": 51, "label": "H"}, {"source": 45, "target": 48, "label": "A"}, {"source": 49, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 31, "label": "A"}, {"source": 55, "target": 36, "label": "E"}, {"source": 47, "target": 50, "label": "E"}, {"source": 54, "target": 34, "label": "D"}, {"source": 47, "target": 20, "label": "C"}, {"source": 41, "target": 40, "label": "A"}, {"source": 49, "target": 22, "label": "P"}, {"source": 48, "target": 47, "label": "C"}, {"source": 49, "target": 21, "label": "A"}, {"source": 39, "target": 10, "label": "U"}, {"source": 54, "target": 55, "label": "A"}, {"source": 55, "target": 35, "label": "R"}, {"source": 55, "target": 38, "label": "U"}, {"source": 42, "target": 5, "label": "Q"}, {"source": 48, "target": 53, "label": "C"}, {"source": 39, "target": 41, "label": "H"}, {"source": 45, "target": 46, "label": "D"}, {"source": 54, "target": 32, "label": "F"}, {"source": 53, "target": 29, "label": "Q"}, {"source": 51, "target": 52, "label": "A"}, {"source": 42, "target": 6, "label": "C"}, {"source": 43, "target": 42, "label": "T"}, {"source": 47, "target": 19, "label": "F"}, {"source": 44, "target": 12, "label": "P"}, {"source": 51, "target": 23, "label": "P"}, {"source": 47, "target": 18, "label": "Q"}, {"source": 46, "target": 16, "label": "F"}, {"source": 44, "target": 11, "label": "A"}]} +{"id": "010820-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That was not in agreement eather, but they realy demand it.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 11, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 8, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 10, "label": "P"}, {"source": 13, "target": 2, "label": "D"}, {"source": 16, "target": 9, "label": "D"}, {"source": 15, "target": 4, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "010820-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "And another $100 for wrapping the furniture.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 11, "label": "H"}, {"source": 10, "target": 3, "label": "Q"}, {"source": 10, "target": 1, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "F"}]} +{"id": "010820-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So totalling $212 just for start before any work started.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 17, "label": "H"}, {"source": 13, "target": 1, "label": "S"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 2, "label": "C"}, {"source": 15, "target": 4, "label": "R"}, {"source": 12, "target": 7, "label": "L"}, {"source": 14, "target": 3, "label": "Q"}, {"source": 15, "target": 5, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 17, "target": 16, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "010820-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Guess what, was not in the initial agreement as well.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}, {"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 13, "target": 5, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 0, "label": "G"}, {"source": 11, "target": 3, "label": "D"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 6, "label": "D"}, {"source": 11, "target": 1, "label": "U"}, {"source": 12, "target": 13, "label": "P"}, {"source": 11, "target": 8, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 9, "label": "U"}]} +{"id": "010820-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was moving out from 2 bdr apartment and it took for 3 strong guys 6 hours to load a track (from 2pm-8pm).", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 99}]}, {"id": 24, "anchors": [{"from": 99, "to": 101}]}, {"id": 25, "anchors": [{"from": 101, "to": 102}]}, {"id": 26, "anchors": [{"from": 102, "to": 103}]}, {"id": 27, "anchors": [{"from": 103, "to": 105}]}, {"id": 28, "anchors": [{"from": 105, "to": 106}]}, {"id": 29, "anchors": [{"from": 106, "to": 107}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 38, "target": 20, "label": "C"}, {"source": 36, "target": 14, "label": "C"}, {"source": 39, "target": 22, "label": "R"}, {"source": 36, "target": 37, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 41, "target": 26, "label": "Q"}, {"source": 41, "target": 29, "label": "U"}, {"source": 41, "target": 27, "label": "C"}, {"source": 39, "target": 40, "label": "C"}, {"source": 34, "target": 21, "label": "U"}, {"source": 34, "target": 38, "label": "A"}, {"source": 39, "target": 41, "label": "C"}, {"source": 40, "target": 23, "label": "Q"}, {"source": 36, "target": 12, "label": "Q"}, {"source": 39, "target": 25, "label": "U"}, {"source": 30, "target": 1, "label": "F"}, {"source": 34, "target": 35, "label": "T"}, {"source": 30, "target": 32, "label": "A"}, {"source": 35, "target": 16, "label": "C"}, {"source": 36, "target": 11, "label": "R"}, {"source": 35, "target": 39, "label": "E"}, {"source": 41, "target": 28, "label": "U"}, {"source": 32, "target": 33, "label": "E"}, {"source": 34, "target": 18, "label": "P"}, {"source": 32, "target": 4, "label": "R"}, {"source": 37, "target": 13, "label": "S"}, {"source": 34, "target": 36, "label": "A"}, {"source": 37, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 9, "label": "A"}, {"source": 30, "target": 3, "label": "D"}, {"source": 33, "target": 5, "label": "Q"}, {"source": 32, "target": 7, "label": "C"}, {"source": 35, "target": 15, "label": "Q"}, {"source": 31, "target": 34, "label": "H"}, {"source": 30, "target": 2, "label": "P"}, {"source": 35, "target": 10, "label": "F"}, {"source": 38, "target": 19, "label": "F"}, {"source": 33, "target": 6, "label": "C"}, {"source": 40, "target": 24, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 31, "target": 8, "label": "L"}]} +{"id": "010820-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The only reason I'm giving 3 stars instead of 1 or 2, I should admit, nothing was broken.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 55}, {"from": 56, "to": 62}, {"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 28, "label": "H"}, {"source": 28, "target": 19, "label": "U"}, {"source": 27, "target": 12, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 10, "label": "C"}, {"source": 28, "target": 18, "label": "S"}, {"source": 28, "target": 16, "label": "A"}, {"source": 21, "target": 24, "label": "L"}, {"source": 26, "target": 27, "label": "Q"}, {"source": 23, "target": 6, "label": "Q"}, {"source": 26, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "E"}, {"source": 28, "target": 17, "label": "F"}, {"source": 24, "target": 8, "label": "C"}, {"source": 20, "target": 0, "label": "F"}, {"source": 22, "target": 3, "label": "A"}, {"source": 20, "target": 2, "label": "C"}, {"source": 22, "target": 4, "label": "F"}, {"source": 28, "target": 15, "label": "U"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 11, "label": "N"}, {"source": 25, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "L"}, {"source": 28, "target": 14, "label": "G"}, {"source": 21, "target": 13, "label": "U"}, {"source": 22, "target": 5, "label": "P"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "010820-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I still can recomend them but prepare pay twice as much as they tell you initially.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}, {"from": 54, "to": 58}, {"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 20, "target": 11, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 3, "label": "D"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "L"}, {"source": 20, "target": 14, "label": "T"}, {"source": 17, "target": 5, "label": "A"}, {"source": 20, "target": 13, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 4, "label": "P"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "D"}, {"source": 19, "target": 10, "label": "N"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 9, "label": "Q"}]} +{"id": "010820-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One more thing, they don't take any credit cards or checks.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}, {"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 8, "label": "N"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "L"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 1, "label": "U"}, {"source": 12, "target": 3, "label": "F"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "010820-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You have to pay CASH ONLY before they start unloading track on your destination.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 12, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 19, "target": 11, "label": "R"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 19, "target": 13, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "011257-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It was a Saturday and my spring was broken...", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 11, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "T"}, {"source": 15, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "F"}]} +{"id": "011257-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I googled Garage Door Repair in Woodinville and found NDI - Johnette answered the phone and was oh-so pleasant and helpful!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 43}]}, {"id": 5, "anchors": [{"from": 44, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 77}]}, {"id": 11, "anchors": [{"from": 78, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 98}]}, {"id": 16, "anchors": [{"from": 98, "to": 99}]}, {"id": 17, "anchors": [{"from": 99, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 122}]}, {"id": 21, "anchors": [{"from": 122, "to": 123}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 7, "label": "A"}, {"source": 28, "target": 15, "label": "G"}, {"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 6, "label": "P"}, {"source": 29, "target": 21, "label": "U"}, {"source": 29, "target": 20, "label": "S"}, {"source": 27, "target": 12, "label": "C"}, {"source": 28, "target": 18, "label": "S"}, {"source": 23, "target": 13, "label": "L"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "F"}, {"source": 23, "target": 8, "label": "U"}, {"source": 23, "target": 5, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 28, "target": 16, "label": "U"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 19, "label": "L"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "A"}, {"source": 24, "target": 3, "label": "R"}, {"source": 23, "target": 29, "label": "H"}, {"source": 28, "target": 17, "label": "D"}, {"source": 24, "target": 4, "label": "C"}, {"source": 29, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 26, "target": 10, "label": "P"}, {"source": 26, "target": 9, "label": "A"}]} +{"id": "011257-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She sort of appologized for Dan taking the day off to go skiing - but he could do the repair on Sunday!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 46}, {"from": 47, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 102}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "R"}, {"source": 25, "target": 13, "label": "F"}, {"source": 20, "target": 10, "label": "L"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 12, "label": "D"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 11, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 16, "label": "R"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "T"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 1, "label": "D"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 7, "label": "F"}, {"source": 26, "target": 17, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "U"}]} +{"id": "011257-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I said great and Dan arrived on time at 10am to make the repair.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}, {"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 6, "label": "T"}, {"source": 20, "target": 14, "label": "U"}, {"source": 15, "target": 2, "label": "A"}, {"source": 16, "target": 3, "label": "L"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 10, "label": "L"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 17, "target": 18, "label": "T"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 8, "label": "E"}, {"source": 20, "target": 11, "label": "F"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "011257-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I enjoyed speaking with Dan, and learning more about how the springs are sized for these doors.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 17, "label": "C"}, {"source": 21, "target": 3, "label": "R"}, {"source": 24, "target": 11, "label": "F"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 10, "label": "D"}, {"source": 23, "target": 9, "label": "R"}, {"source": 19, "target": 1, "label": "G"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 25, "target": 15, "label": "R"}, {"source": 23, "target": 13, "label": "F"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "D"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 16, "label": "E"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "011257-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The repair went quickly and the price was extremely fair.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 2, "label": "P"}, {"source": 13, "target": 11, "label": "A"}, {"source": 16, "target": 7, "label": "F"}, {"source": 15, "target": 5, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 14, "target": 4, "label": "L"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 8, "label": "D"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "011257-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would highly recommend NDI - and will spread the word to my neighbors.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 11, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "D"}, {"source": 16, "target": 10, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 4, "label": "A"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 5, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 16, "target": 9, "label": "R"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "S"}]} +{"id": "011257-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks Dan and Johnette for your responsiveness and professional service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 64}]}, {"id": 9, "anchors": [{"from": 65, "to": 72}]}, {"id": 10, "anchors": [{"from": 72, "to": 73}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "P"}, {"source": 13, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 9, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 7, "label": "N"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 2, "label": "N"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "011257-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Roger M., Woodinville", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "E"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "011806-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "absolutely fantastic experience getting my iphone upgraded at Zion ...", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 31}]}, {"id": 3, "anchors": [{"from": 32, "to": 39}]}, {"id": 4, "anchors": [{"from": 40, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 58}]}, {"id": 7, "anchors": [{"from": 59, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 70}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 10, "label": "D"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "R"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 15, "target": 14, "label": "E"}, {"source": 14, "target": 4, "label": "S"}, {"source": 16, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "011806-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sheer contrast to getting it done at karol bagh which is done under the wooden plank", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}, {"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 3, "label": "D"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 15, "label": "L"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 20, "target": 13, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 2, "label": "R"}, {"source": 20, "target": 11, "label": "R"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 10, "label": "P"}, {"source": 20, "target": 14, "label": "C"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "012047-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very knowledgeable and friendly design build firm.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "D"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 13, "target": 11, "label": "E"}, {"source": 10, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "L"}, {"source": 8, "target": 10, "label": "H"}, {"source": 11, "target": 12, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "S"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "012047-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They specialize in financial institutions, medical, and retail projects.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 41}]}, {"id": 5, "anchors": [{"from": 41, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 5, "label": "U"}, {"source": 14, "target": 17, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 8, "label": "N"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 16, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 7, "label": "U"}]} +{"id": "012047-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys know what they're doing and helped me in all phases of our project.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 19, "target": 7, "label": "L"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}, {"source": 22, "target": 8, "label": "P"}, {"source": 21, "target": 5, "label": "F"}, {"source": 21, "target": 4, "label": "A"}, {"source": 23, "target": 11, "label": "Q"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 9, "label": "A"}, {"source": 25, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "C"}, {"source": 18, "target": 2, "label": "P"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "H"}, {"source": 25, "target": 14, "label": "S"}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "014483-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Poor Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "014483-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After firing this company my next pool service found the filters had not been cleaned as they should have been.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 110, "to": 111}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 4, "label": "A"}, {"source": 27, "target": 14, "label": "P"}, {"source": 23, "target": 2, "label": "E"}, {"source": 27, "target": 12, "label": "D"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 8, "label": "P"}, {"source": 24, "target": 7, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 27, "target": 13, "label": "F"}, {"source": 23, "target": 3, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 15, "label": "L"}, {"source": 27, "target": 26, "label": "A"}, {"source": 29, "target": 17, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 29, "target": 19, "label": "F"}, {"source": 29, "target": 18, "label": "F"}, {"source": 28, "target": 29, "label": "H"}, {"source": 22, "target": 1, "label": "P"}, {"source": 24, "target": 5, "label": "D"}, {"source": 24, "target": 6, "label": "A"}, {"source": 29, "target": 14, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 7, "label": "A"}, {"source": 29, "target": 16, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 28, "target": 27, "label": "H"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "014483-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend not using this company.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 3, "label": "D"}]} +{"id": "014629-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There is no delivery.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "014629-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There is no delivery.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "014764-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Daniel and his assistant both did a great job.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 3, "label": "S"}, {"source": 12, "target": 14, "label": "P"}, {"source": 10, "target": 1, "label": "N"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 13, "label": "C"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 7, "label": "D"}, {"source": 13, "target": 3, "label": "A"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "014764-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very professional and great results.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "S"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "014764-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Many thanks from myself and all of our wedding guests!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 4, "label": "N"}, {"source": 16, "target": 8, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 14, "target": 5, "label": "D"}, {"source": 14, "target": 15, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 0, "label": "D"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "C"}]} +{"id": "015148-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place has the best baby and childrens clothes.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 8, "label": "S"}, {"source": 13, "target": 11, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 15, "target": 6, "label": "N"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 14, "label": "S"}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 7, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 13, "target": 17, "label": "A"}, {"source": 17, "target": 16, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "015148-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Especially high end keep sake sort of clothing that you just cant find in a lot of stores.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}, {"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}, {"from": 25, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}, {"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 89}]}, {"id": 16, "anchors": [{"from": 89, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 20, "target": 3, "label": "E"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 2, "label": "S"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 9, "label": "D"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "Q"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "R"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 8, "label": "G"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 0, "label": "D"}, {"source": 21, "target": 6, "label": "R"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 19, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "S"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 10, "label": "D"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "015148-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It is all very unique and you wont find any other baby wearing the same stuff.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 8, "label": "D"}, {"source": 23, "target": 15, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 12, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 18, "target": 4, "label": "S"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 20, "target": 6, "label": "A"}, {"source": 22, "target": 13, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 5, "label": "L"}, {"source": 23, "target": 16, "label": "C"}, {"source": 20, "target": 7, "label": "F"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "015148-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I spent quite a bit because I spoil my little princess.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}, {"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 13, "target": 3, "label": "Q"}, {"source": 16, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 14, "target": 6, "label": "P"}, {"source": 17, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "A"}, {"source": 16, "target": 17, "label": "C"}, {"source": 15, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "S"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 2, "label": "E"}]} +{"id": "015148-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Afterall she will only be a baby for so long I figure why not enjoy it.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 5, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 18, "target": 20, "label": "T"}, {"source": 19, "target": 6, "label": "C"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 1, "label": "A"}, {"source": 22, "target": 15, "label": "A"}, {"source": 22, "target": 14, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 2, "label": "F"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 4, "label": "S"}, {"source": 19, "target": 5, "label": "F"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 7, "label": "R"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "015573-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Buyer beware", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "G"}, {"source": 2, "target": 0, "label": "P"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "015573-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do not use these guys.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "015573-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They'll tell you one thing then $5,000 later do another.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 2, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "Q"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 10, "label": "P"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "L"}]} +{"id": "015573-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lied right to my face then denied it.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 11, "label": "R"}, {"source": 10, "target": 13, "label": "H"}, {"source": 13, "target": 6, "label": "P"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 5, "label": "L"}, {"source": 13, "target": 7, "label": "A"}, {"source": 9, "target": 12, "label": "A"}]} +{"id": "015573-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Run away.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "015687-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "marisol", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "015687-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this place is awesome twelve did an amazing job place is clean and staff is friendly", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 84}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 15, "label": "D"}, {"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 11, "label": "S"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 21, "target": 9, "label": "A"}, {"source": 20, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "D"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 5, "label": "F"}, {"source": 22, "target": 13, "label": "S"}, {"source": 18, "target": 12, "label": "L"}, {"source": 17, "target": 3, "label": "S"}, {"source": 17, "target": 2, "label": "F"}, {"source": 22, "target": 14, "label": "F"}, {"source": 22, "target": 13, "label": "A"}, {"source": 21, "target": 10, "label": "F"}, {"source": 19, "target": 4, "label": "A"}]} +{"id": "016861-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stayed in the Seaview room here in December 2009!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 3, "label": "S"}, {"source": 11, "target": 0, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 1, "label": "R"}, {"source": 11, "target": 5, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 14, "label": "T"}]} +{"id": "016861-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "WOW what stunning views.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "G"}]} +{"id": "016861-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The furnishing and finishes are great.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "N"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 3, "label": "C"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "F"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "016861-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend Bay View if you are looking for Accommodation in Camps Bay.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 73}, {"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 9, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 10, "label": "R"}, {"source": 13, "target": 3, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 14, "target": 4, "label": "L"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 12, "label": "U"}]} +{"id": "017235-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Antique Lighting, Fixtures, Chicago", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}, {"from": 18, "to": 26}, {"from": 28, "to": 35}]}, {"id": 1, "anchors": [{"from": 16, "to": 17}]}, {"id": 2, "anchors": [{"from": 26, "to": 27}]}, {"id": 3}], "edges": [{"source": 0, "target": 1, "label": "U"}, {"source": 0, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "H"}]} +{"id": "017235-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great place for Antique Lighting!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 2, "label": "R"}, {"source": 7, "target": 0, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "017235-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I visited their huge Chicago lighting showroom and all I have to say is WOW!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}, {"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 18, "target": 4, "label": "A"}, {"source": 21, "target": 12, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 16, "target": 21, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 9, "label": "A"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 11, "label": "P"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 8, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 21, "target": 13, "label": "A"}, {"source": 17, "target": 2, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "S"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 7, "label": "L"}, {"source": 21, "target": 10, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "017235-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lots of collections, many antique light fixtures, Chandeliers, custom lighting etc.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 1, "label": "R"}, {"source": 17, "target": 15, "label": "C"}, {"source": 17, "target": 14, "label": "U"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 13, "label": "N"}, {"source": 16, "target": 17, "label": "H"}, {"source": 22, "target": 12, "label": "P"}, {"source": 15, "target": 0, "label": "Q"}, {"source": 17, "target": 10, "label": "U"}, {"source": 18, "target": 6, "label": "E"}, {"source": 20, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "S"}, {"source": 18, "target": 4, "label": "Q"}, {"source": 17, "target": 3, "label": "U"}, {"source": 17, "target": 21, "label": "C"}, {"source": 21, "target": 22, "label": "C"}, {"source": 15, "target": 2, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 8, "label": "U"}, {"source": 17, "target": 18, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 5, "label": "S"}, {"source": 18, "target": 19, "label": "E"}]} +{"id": "017235-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think they have the largest collection for Chandeliers Chicago.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 16, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "F"}, {"source": 13, "target": 5, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 16, "label": "A"}, {"source": 13, "target": 9, "label": "A"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "017235-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Antiques, Vintage, Contemporary & Modern Chandeliers.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 7, "label": "A"}, {"source": 9, "target": 11, "label": "H"}, {"source": 9, "target": 12, "label": "H"}, {"source": 9, "target": 5, "label": "L"}, {"source": 11, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "S"}, {"source": 9, "target": 3, "label": "U"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "017235-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend them for any custom lighting or Lighting Repair and Restoration Chicago", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 89}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "P"}, {"source": 18, "target": 6, "label": "S"}, {"source": 16, "target": 8, "label": "N"}, {"source": 21, "target": 22, "label": "H"}, {"source": 15, "target": 3, "label": "A"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 5, "label": "E"}, {"source": 22, "target": 12, "label": "P"}, {"source": 22, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "P"}, {"source": 21, "target": 11, "label": "L"}, {"source": 15, "target": 13, "label": "A"}, {"source": 16, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 20, "target": 19, "label": "A"}, {"source": 16, "target": 21, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 20, "target": 10, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "017345-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "UGH!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "017345-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Got some nice \"freshly baked\" fruit squares, a personal favorite of mine.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 19, "target": 2, "label": "S"}, {"source": 22, "target": 10, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 20, "label": "E"}, {"source": 20, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 6, "label": "U"}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "U"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "S"}, {"source": 20, "target": 5, "label": "P"}, {"source": 16, "target": 0, "label": "P"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 9, "label": "U"}, {"source": 20, "target": 4, "label": "D"}, {"source": 18, "target": 1, "label": "Q"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "017345-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Took a bite, it tasted odd.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "G"}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 3, "label": "U"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "017345-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Flipped the square over and saw it riddled with green mold!!!!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 15, "target": 5, "label": "P"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "017345-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Ugh!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "017345-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called the store and the clerk giggled, and agreed that it was gross, but said it was not her problem.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 3, "label": "C"}, {"source": 33, "target": 23, "label": "U"}, {"source": 33, "target": 22, "label": "S"}, {"source": 31, "target": 14, "label": "S"}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 29, "label": "H"}, {"source": 25, "target": 15, "label": "U"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 25, "target": 8, "label": "U"}, {"source": 33, "target": 20, "label": "D"}, {"source": 32, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 5, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 25, "target": 4, "label": "L"}, {"source": 30, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 11, "label": "R"}, {"source": 31, "target": 12, "label": "A"}, {"source": 33, "target": 21, "label": "A"}, {"source": 29, "target": 27, "label": "A"}, {"source": 31, "target": 13, "label": "F"}, {"source": 24, "target": 1, "label": "P"}, {"source": 30, "target": 10, "label": "P"}, {"source": 25, "target": 9, "label": "H"}, {"source": 25, "target": 30, "label": "H"}, {"source": 29, "target": 7, "label": "P"}, {"source": 28, "target": 6, "label": "C"}, {"source": 25, "target": 32, "label": "H"}, {"source": 32, "target": 17, "label": "P"}, {"source": 26, "target": 2, "label": "F"}, {"source": 33, "target": 18, "label": "A"}, {"source": 27, "target": 28, "label": "P"}, {"source": 33, "target": 19, "label": "F"}]} +{"id": "017345-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She also refused to get a manager.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "P"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "017345-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I left my number, or tried to anyway.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "L"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "G"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "P"}, {"source": 12, "target": 2, "label": "S"}, {"source": 10, "target": 13, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 13, "target": 12, "label": "E"}, {"source": 14, "target": 6, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 15, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "F"}]} +{"id": "017345-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Same clerk had considerable difficulty taking down a number.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 45}, {"from": 46, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 59}]}, {"id": 8, "anchors": [{"from": 59, "to": 60}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 3, "label": "D"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "017345-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'll never go back there again", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "T"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 6, "label": "T"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "018268-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "best square slice around.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 2, "label": "C"}, {"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 8, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "E"}]} +{"id": "018465-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Salon Experience from Hell", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 5, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "018465-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I feel obligated to share this story.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "R"}, {"source": 9, "target": 2, "label": "S"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 1, "label": "G"}]} +{"id": "018465-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Right out of college I called the salon and explained my situation.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 4, "label": "A"}, {"source": 19, "target": 11, "label": "S"}, {"source": 14, "target": 8, "label": "L"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "T"}, {"source": 15, "target": 2, "label": "R"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 5, "label": "P"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 3, "label": "P"}]} +{"id": "018465-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just graduated, just moved, not rich, and starting new job soon.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 6, "label": "D"}, {"source": 19, "target": 13, "label": "T"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 0, "label": "T"}, {"source": 18, "target": 7, "label": "S"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 11, "label": "D"}, {"source": 16, "target": 2, "label": "U"}, {"source": 16, "target": 5, "label": "U"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 3, "label": "T"}, {"source": 16, "target": 9, "label": "L"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "018465-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I never got a price quote over the phone and they take your cc info just to make the appointment because if you don't show up, they'll charge you.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}, {"from": 123, "to": 125}]}, {"id": 26, "anchors": [{"from": 125, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 131}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 145}]}, {"id": 31, "anchors": [{"from": 145, "to": 146}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 33, "target": 15, "label": "L"}, {"source": 39, "target": 17, "label": "P"}, {"source": 43, "target": 30, "label": "A"}, {"source": 42, "target": 22, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 39, "target": 16, "label": "F"}, {"source": 42, "target": 25, "label": "P"}, {"source": 32, "target": 2, "label": "F"}, {"source": 32, "target": 5, "label": "P"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 4, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 35, "target": 8, "label": "C"}, {"source": 33, "target": 9, "label": "L"}, {"source": 32, "target": 35, "label": "A"}, {"source": 39, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 3, "label": "F"}, {"source": 32, "target": 1, "label": "T"}, {"source": 37, "target": 12, "label": "S"}, {"source": 40, "target": 41, "label": "P"}, {"source": 33, "target": 36, "label": "H"}, {"source": 32, "target": 0, "label": "A"}, {"source": 35, "target": 6, "label": "R"}, {"source": 33, "target": 39, "label": "H"}, {"source": 43, "target": 29, "label": "P"}, {"source": 42, "target": 24, "label": "D"}, {"source": 38, "target": 37, "label": "E"}, {"source": 35, "target": 7, "label": "F"}, {"source": 41, "target": 18, "label": "F"}, {"source": 33, "target": 43, "label": "H"}, {"source": 38, "target": 13, "label": "E"}, {"source": 43, "target": 27, "label": "A"}, {"source": 33, "target": 21, "label": "L"}, {"source": 38, "target": 14, "label": "C"}, {"source": 43, "target": 28, "label": "F"}, {"source": 41, "target": 19, "label": "C"}, {"source": 37, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 11, "label": "P"}, {"source": 33, "target": 42, "label": "H"}, {"source": 43, "target": 31, "label": "U"}, {"source": 32, "target": 1, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 20, "label": "L"}, {"source": 33, "target": 26, "label": "U"}, {"source": 42, "target": 23, "label": "F"}, {"source": 36, "target": 10, "label": "A"}]} +{"id": "018465-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had this ridiculous celebrity stylist from LA named Derrick.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 4, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 5, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 14, "target": 5, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 8, "label": "S"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 9, "label": "A"}]} +{"id": "018465-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After he already put product on my hair he said \"I should warn you, I'm expensive.\"", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 69, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20, "anchors": [{"from": 82, "to": 83}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 2, "label": "D"}, {"source": 27, "target": 19, "label": "U"}, {"source": 23, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 27, "target": 18, "label": "S"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 15, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 9, "label": "P"}, {"source": 27, "target": 16, "label": "A"}, {"source": 25, "target": 11, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "A"}, {"source": 27, "target": 17, "label": "F"}, {"source": 25, "target": 14, "label": "A"}, {"source": 25, "target": 12, "label": "D"}, {"source": 23, "target": 5, "label": "R"}, {"source": 22, "target": 1, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 13, "label": "P"}, {"source": 24, "target": 10, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 22, "target": 3, "label": "P"}, {"source": 22, "target": 4, "label": "A"}, {"source": 23, "target": 7, "label": "C"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "018465-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What was I supposed to do, say I can't afford you and walk out with crap all over my hair.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 84}]}, {"id": 21, "anchors": [{"from": 85, "to": 89}]}, {"id": 22, "anchors": [{"from": 89, "to": 90}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 28, "target": 16, "label": "R"}, {"source": 24, "target": 13, "label": "L"}, {"source": 23, "target": 3, "label": "D"}, {"source": 27, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 27, "label": "H"}, {"source": 26, "target": 8, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 23, "target": 4, "label": "F"}, {"source": 26, "target": 9, "label": "D"}, {"source": 29, "target": 20, "label": "E"}, {"source": 29, "target": 21, "label": "C"}, {"source": 27, "target": 15, "label": "D"}, {"source": 28, "target": 19, "label": "S"}, {"source": 29, "target": 22, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 10, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 6, "label": "U"}, {"source": 25, "target": 7, "label": "P"}, {"source": 23, "target": 5, "label": "P"}, {"source": 26, "target": 12, "label": "A"}, {"source": 26, "target": 11, "label": "P"}, {"source": 23, "target": 2, "label": "A"}, {"source": 28, "target": 18, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 28, "target": 17, "label": "A"}]} +{"id": "018465-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I wanted to be very blonde and instead he pulled my root color throughout my whole hair which is a gross mousey brown.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 117}]}, {"id": 23, "anchors": [{"from": 117, "to": 118}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 6, "label": "L"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 15, "label": "E"}, {"source": 31, "target": 20, "label": "D"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 16, "label": "C"}, {"source": 31, "target": 18, "label": "F"}, {"source": 32, "target": 19, "label": "F"}, {"source": 27, "target": 5, "label": "C"}, {"source": 25, "target": 28, "label": "H"}, {"source": 31, "target": 32, "label": "S"}, {"source": 28, "target": 9, "label": "P"}, {"source": 32, "target": 22, "label": "C"}, {"source": 30, "target": 13, "label": "R"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 31, "label": "H"}, {"source": 26, "target": 3, "label": "S"}, {"source": 24, "target": 1, "label": "P"}, {"source": 32, "target": 23, "label": "U"}, {"source": 28, "target": 8, "label": "A"}, {"source": 25, "target": 7, "label": "L"}, {"source": 31, "target": 21, "label": "D"}, {"source": 27, "target": 4, "label": "E"}, {"source": 29, "target": 10, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 17, "label": "L"}, {"source": 30, "target": 14, "label": "E"}, {"source": 26, "target": 2, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 11, "label": "E"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "018465-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The other stylists around me kept pressuring me saying he's so wonderful, you're going to love your hair.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 30, "target": 17, "label": "F"}, {"source": 30, "target": 16, "label": "D"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 12, "label": "S"}, {"source": 30, "target": 14, "label": "A"}, {"source": 30, "target": 15, "label": "F"}, {"source": 31, "target": 19, "label": "E"}, {"source": 31, "target": 21, "label": "U"}, {"source": 26, "target": 4, "label": "C"}, {"source": 22, "target": 0, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 22, "target": 2, "label": "C"}, {"source": 25, "target": 27, "label": "H"}, {"source": 26, "target": 3, "label": "R"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 13, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 29, "target": 28, "label": "H"}, {"source": 24, "target": 6, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 27, "target": 8, "label": "P"}, {"source": 23, "target": 26, "label": "A"}, {"source": 28, "target": 9, "label": "A"}, {"source": 24, "target": 5, "label": "D"}, {"source": 30, "target": 18, "label": "P"}, {"source": 23, "target": 22, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 24, "target": 7, "label": "A"}, {"source": 23, "target": 22, "label": "S"}, {"source": 31, "target": 20, "label": "C"}, {"source": 28, "target": 10, "label": "F"}, {"source": 28, "target": 11, "label": "D"}]} +{"id": "018465-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "$400 later my jaw dropped when the receptionist told me the total.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 5, "label": "P"}, {"source": 22, "target": 11, "label": "F"}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 16, "target": 2, "label": "L"}, {"source": 16, "target": 14, "label": "H"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 1, "label": "Q"}, {"source": 14, "target": 15, "label": "S"}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 22, "target": 12, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 14, "target": 15, "label": "A"}, {"source": 21, "target": 19, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "E"}, {"source": 20, "target": 7, "label": "F"}, {"source": 15, "target": 0, "label": "C"}, {"source": 19, "target": 20, "label": "S"}]} +{"id": "018465-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Derrick did a terrible job, was a complete jerk the entire time, and I had no warning as to the price.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 101}]}, {"id": 23, "anchors": [{"from": 101, "to": 102}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 9, "label": "C"}, {"source": 27, "target": 29, "label": "T"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 17, "label": "D"}, {"source": 26, "target": 4, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 8, "label": "D"}, {"source": 28, "target": 7, "label": "F"}, {"source": 30, "target": 16, "label": "F"}, {"source": 31, "target": 21, "label": "F"}, {"source": 25, "target": 27, "label": "H"}, {"source": 25, "target": 14, "label": "L"}, {"source": 31, "target": 20, "label": "F"}, {"source": 29, "target": 10, "label": "F"}, {"source": 24, "target": 1, "label": "F"}, {"source": 31, "target": 23, "label": "U"}, {"source": 27, "target": 28, "label": "S"}, {"source": 25, "target": 13, "label": "U"}, {"source": 25, "target": 30, "label": "H"}, {"source": 30, "target": 18, "label": "P"}, {"source": 27, "target": 6, "label": "F"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 22, "label": "C"}, {"source": 26, "target": 2, "label": "F"}, {"source": 31, "target": 19, "label": "R"}, {"source": 25, "target": 5, "label": "U"}, {"source": 24, "target": 26, "label": "P"}, {"source": 30, "target": 15, "label": "A"}, {"source": 29, "target": 11, "label": "E"}, {"source": 24, "target": 3, "label": "D"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "018465-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I cried the entire way home.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 9, "label": "P"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 3, "label": "D"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "018465-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He then \"fixed\" it for free but it still looked like crap.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 18, "label": "H"}, {"source": 15, "target": 4, "label": "U"}, {"source": 18, "target": 13, "label": "S"}, {"source": 16, "target": 2, "label": "U"}, {"source": 15, "target": 5, "label": "A"}, {"source": 16, "target": 8, "label": "L"}, {"source": 18, "target": 11, "label": "G"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 14, "label": "U"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 1, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 12, "label": "F"}, {"source": 17, "target": 6, "label": "R"}, {"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 10, "label": "D"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "018465-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will never go back.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 2, "label": "T"}]} +{"id": "018465-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was the salon experience from absolutely Hell.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 12, "label": "D"}, {"source": 12, "target": 6, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 12, "target": 8, "label": "U"}]} +{"id": "018465-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He also told me that he worked on the cast of will and grace and that they were all jerks.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}, {"from": 51, "to": 54}, {"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 22, "target": 23, "label": "S"}, {"source": 19, "target": 2, "label": "P"}, {"source": 26, "target": 14, "label": "C"}, {"source": 19, "target": 3, "label": "A"}, {"source": 21, "target": 5, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 24, "target": 10, "label": "R"}, {"source": 19, "target": 1, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 25, "target": 17, "label": "S"}, {"source": 21, "target": 4, "label": "R"}, {"source": 20, "target": 12, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 16, "label": "Q"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "018465-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That's my favorite show of all time.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "A"}, {"source": 10, "target": 11, "label": "T"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "Q"}, {"source": 10, "target": 3, "label": "S"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "018465-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm pretty sure for the cast that it was the other way around.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}, {"from": 51, "to": 54}, {"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "S"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 16, "label": "S"}, {"source": 14, "target": 2, "label": "D"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 4, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "018465-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Maybe he didn't do a good job and they told him so.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 51}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 6, "label": "D"}, {"source": 17, "target": 9, "label": "A"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 8, "label": "L"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 0, "label": "G"}, {"source": 17, "target": 11, "label": "A"}, {"source": 17, "target": 12, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "F"}, {"source": 14, "target": 16, "label": "P"}]} +{"id": "018465-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolute Nightmare!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "018465-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "STAY AWAY!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "018548-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mezza Luna FTW!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "018548-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "their mezza luna's are deffly better than the pizza rolls.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 57}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "E"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 10, "target": 0, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 6, "label": "F"}, {"source": 14, "target": 4, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "L"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "018548-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "its like a pizza roll, but they just toss ham and cheese inside.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 19, "target": 14, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "U"}, {"source": 20, "target": 12, "label": "N"}, {"source": 19, "target": 9, "label": "D"}, {"source": 16, "target": 1, "label": "S"}, {"source": 19, "target": 8, "label": "A"}, {"source": 19, "target": 15, "label": "U"}, {"source": 20, "target": 11, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 2, "label": "D"}, {"source": 19, "target": 10, "label": "P"}]} +{"id": "018548-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it seems like its healthier too, but its prolly not.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 6, "label": "D"}, {"source": 16, "target": 5, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "F"}, {"source": 16, "target": 10, "label": "F"}, {"source": 15, "target": 8, "label": "L"}, {"source": 14, "target": 5, "label": "S"}, {"source": 16, "target": 11, "label": "D"}, {"source": 15, "target": 7, "label": "U"}, {"source": 16, "target": 12, "label": "D"}, {"source": 16, "target": 13, "label": "U"}, {"source": 14, "target": 3, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 1, "label": "G"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "018548-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "also, you can call em ahead of time, and then go to pick up ur food, or have it delivered**.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 76}]}, {"id": 20, "anchors": [{"from": 77, "to": 79}]}, {"id": 21, "anchors": [{"from": 80, "to": 89}]}, {"id": 22, "anchors": [{"from": 89, "to": 91}]}, {"id": 23, "anchors": [{"from": 91, "to": 92}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 27, "target": 14, "label": "P"}, {"source": 29, "target": 28, "label": "E"}, {"source": 24, "target": 5, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 27, "target": 12, "label": "D"}, {"source": 30, "target": 19, "label": "F"}, {"source": 24, "target": 2, "label": "A"}, {"source": 30, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "F"}, {"source": 30, "target": 20, "label": "A"}, {"source": 26, "target": 6, "label": "E"}, {"source": 25, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "T"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 22, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 1, "label": "U"}, {"source": 24, "target": 0, "label": "D"}, {"source": 26, "target": 7, "label": "R"}, {"source": 24, "target": 4, "label": "P"}, {"source": 26, "target": 8, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 30, "target": 21, "label": "P"}, {"source": 25, "target": 30, "label": "H"}, {"source": 25, "target": 18, "label": "L"}, {"source": 25, "target": 11, "label": "L"}, {"source": 30, "target": 23, "label": "U"}, {"source": 28, "target": 15, "label": "S"}, {"source": 25, "target": 9, "label": "U"}, {"source": 24, "target": 3, "label": "D"}, {"source": 25, "target": 10, "label": "L"}]} +{"id": "018548-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "that cuts down on teh wait time, cus u can do other stuff while ur waiting.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 7, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 8, "label": "A"}, {"source": 18, "target": 5, "label": "T"}, {"source": 23, "target": 16, "label": "P"}, {"source": 18, "target": 20, "label": "P"}, {"source": 21, "target": 9, "label": "D"}, {"source": 21, "target": 10, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 23, "target": 14, "label": "A"}, {"source": 19, "target": 6, "label": "U"}, {"source": 22, "target": 11, "label": "E"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 1, "label": "D"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 15, "label": "F"}]} +{"id": "018548-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it usually takes 20mins for a mezza luna, as they have to add pure delicious extract to the mix.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}, {"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 8, "label": "U"}, {"source": 20, "target": 23, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 1, "label": "T"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 2, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 10, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 26, "target": 16, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 12, "label": "P"}, {"source": 23, "target": 5, "label": "R"}, {"source": 25, "target": 13, "label": "E"}, {"source": 22, "target": 4, "label": "E"}, {"source": 23, "target": 6, "label": "F"}, {"source": 25, "target": 14, "label": "E"}, {"source": 20, "target": 22, "label": "T"}, {"source": 24, "target": 11, "label": "D"}, {"source": 26, "target": 17, "label": "F"}, {"source": 21, "target": 9, "label": "L"}, {"source": 22, "target": 3, "label": "Q"}, {"source": 26, "target": 18, "label": "C"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "018548-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "their pizza was a little salty for me, but its still good.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 17, "target": 5, "label": "S"}, {"source": 19, "target": 3, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 15, "label": "E"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "R"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "S"}, {"source": 17, "target": 19, "label": "D"}, {"source": 18, "target": 9, "label": "L"}, {"source": 21, "target": 10, "label": "A"}, {"source": 21, "target": 13, "label": "S"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 12, "label": "D"}, {"source": 21, "target": 11, "label": "F"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 4, "label": "C"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "018548-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "they do that whole thing where you sandwich the pepperoni between layers of cheese for +32 delicious.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 100}]}, {"id": 17, "anchors": [{"from": 100, "to": 101}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 25, "label": "A"}, {"source": 25, "target": 15, "label": "Q"}, {"source": 26, "target": 16, "label": "S"}, {"source": 22, "target": 7, "label": "F"}, {"source": 23, "target": 9, "label": "R"}, {"source": 19, "target": 4, "label": "L"}, {"source": 21, "target": 5, "label": "A"}, {"source": 20, "target": 2, "label": "R"}, {"source": 19, "target": 26, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 11, "label": "R"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 25, "target": 14, "label": "U"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "018548-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "anyways, the mezza luna: you should try it.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "U"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "D"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "U"}]} +{"id": "018548-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it runs you about 4 bucks and it deals crushing blows to hunger.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 47}, {"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 14, "target": 6, "label": "L"}, {"source": 16, "target": 9, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "018548-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "**Edit: Living on campus at Clarkson University, I have had food delivered before.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}, {"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 15, "label": "U"}, {"source": 20, "target": 9, "label": "A"}, {"source": 20, "target": 13, "label": "P"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 6, "label": "R"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 14, "label": "T"}, {"source": 20, "target": 12, "label": "A"}, {"source": 16, "target": 0, "label": "U"}, {"source": 16, "target": 2, "label": "U"}, {"source": 18, "target": 4, "label": "R"}, {"source": 19, "target": 7, "label": "C"}, {"source": 17, "target": 3, "label": "P"}, {"source": 17, "target": 8, "label": "U"}, {"source": 20, "target": 11, "label": "F"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 1, "label": "L"}]} +{"id": "018548-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This was back between '05 and '09 and I don't remember how many times we've had it delivered.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 93}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 9, "label": "F"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 16, "label": "F"}, {"source": 26, "target": 17, "label": "A"}, {"source": 24, "target": 11, "label": "P"}, {"source": 24, "target": 10, "label": "D"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 26, "target": 25, "label": "D"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 23, "target": 5, "label": "N"}, {"source": 24, "target": 8, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 20, "target": 0, "label": "F"}, {"source": 22, "target": 2, "label": "E"}, {"source": 25, "target": 12, "label": "Q"}, {"source": 25, "target": 13, "label": "C"}, {"source": 20, "target": 22, "label": "T"}, {"source": 22, "target": 3, "label": "E"}, {"source": 26, "target": 18, "label": "P"}, {"source": 26, "target": 14, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "018548-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Perhaps they don't deliver anymore, but the deliciousness of a mezza luna certainly warrants a pickup.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}, {"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 7, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 18, "target": 5, "label": "T"}, {"source": 22, "target": 13, "label": "D"}, {"source": 25, "target": 16, "label": "C"}, {"source": 18, "target": 1, "label": "A"}, {"source": 22, "target": 14, "label": "P"}, {"source": 18, "target": 2, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 20, "label": "S"}, {"source": 24, "target": 25, "label": "P"}, {"source": 18, "target": 0, "label": "G"}, {"source": 20, "target": 9, "label": "C"}, {"source": 23, "target": 11, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 8, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "C"}, {"source": 18, "target": 4, "label": "P"}, {"source": 25, "target": 15, "label": "F"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "R"}, {"source": 19, "target": 6, "label": "U"}]} +{"id": "018562-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Job", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "018562-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I want to say that Mike did a great job for our family in our time of need.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 74, "to": 75}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "A"}, {"source": 21, "target": 22, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 7, "label": "F"}, {"source": 21, "target": 5, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 21, "target": 8, "label": "D"}, {"source": 24, "target": 14, "label": "A"}, {"source": 24, "target": 17, "label": "S"}, {"source": 24, "target": 15, "label": "T"}, {"source": 20, "target": 1, "label": "D"}, {"source": 21, "target": 4, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 12, "label": "S"}, {"source": 23, "target": 11, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 24, "target": 16, "label": "F"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 10, "label": "R"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "018562-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Both my grandparents passed away 4 months apart and Mike was very understanding.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}, {"from": 28, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 79}]}, {"id": 12, "anchors": [{"from": 79, "to": 80}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 17, "label": "H"}, {"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 4, "label": "Q"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 3, "label": "P"}, {"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "S"}, {"source": 14, "target": 16, "label": "T"}, {"source": 17, "target": 8, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "D"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "018562-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was a very trying time for my family and myself yet Mike took the time to greet each and everyone one of us.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}, {"from": 65, "to": 68}, {"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 13, "label": "D"}, {"source": 29, "target": 15, "label": "P"}, {"source": 30, "target": 16, "label": "Q"}, {"source": 27, "target": 10, "label": "C"}, {"source": 25, "target": 29, "label": "H"}, {"source": 30, "target": 19, "label": "C"}, {"source": 26, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 33, "target": 18, "label": "Q"}, {"source": 24, "target": 5, "label": "T"}, {"source": 31, "target": 17, "label": "N"}, {"source": 31, "target": 30, "label": "C"}, {"source": 24, "target": 26, "label": "S"}, {"source": 27, "target": 9, "label": "N"}, {"source": 32, "target": 22, "label": "C"}, {"source": 33, "target": 20, "label": "C"}, {"source": 27, "target": 28, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 28, "target": 7, "label": "A"}, {"source": 28, "target": 8, "label": "S"}, {"source": 32, "target": 23, "label": "U"}, {"source": 29, "target": 32, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 28, "target": 8, "label": "A"}, {"source": 24, "target": 0, "label": "F"}, {"source": 25, "target": 11, "label": "L"}, {"source": 31, "target": 33, "label": "C"}, {"source": 29, "target": 14, "label": "F"}, {"source": 29, "target": 12, "label": "A"}, {"source": 26, "target": 2, "label": "F"}, {"source": 32, "target": 21, "label": "F"}, {"source": 24, "target": 3, "label": "D"}, {"source": 32, "target": 31, "label": "E"}]} +{"id": "018562-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He is very professional in his position as a director and yet he still made time to be compassionate for what we were all going through.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 135}]}, {"id": 26, "anchors": [{"from": 135, "to": 136}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 32, "target": 33, "label": "D"}, {"source": 27, "target": 2, "label": "D"}, {"source": 29, "target": 31, "label": "S"}, {"source": 32, "target": 12, "label": "A"}, {"source": 33, "target": 15, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 32, "target": 35, "label": "A"}, {"source": 27, "target": 1, "label": "F"}, {"source": 29, "target": 4, "label": "R"}, {"source": 32, "target": 16, "label": "F"}, {"source": 35, "target": 22, "label": "F"}, {"source": 35, "target": 37, "label": "P"}, {"source": 30, "target": 6, "label": "C"}, {"source": 35, "target": 19, "label": "R"}, {"source": 30, "target": 5, "label": "E"}, {"source": 28, "target": 10, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 32, "target": 34, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 37, "target": 25, "label": "F"}, {"source": 31, "target": 9, "label": "C"}, {"source": 36, "target": 21, "label": "C"}, {"source": 36, "target": 23, "label": "Q"}, {"source": 28, "target": 11, "label": "L"}, {"source": 32, "target": 13, "label": "D"}, {"source": 37, "target": 26, "label": "U"}, {"source": 34, "target": 18, "label": "C"}, {"source": 31, "target": 8, "label": "F"}, {"source": 28, "target": 32, "label": "H"}, {"source": 27, "target": 3, "label": "S"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 7, "label": "F"}, {"source": 33, "target": 14, "label": "F"}, {"source": 35, "target": 20, "label": "A"}]} +{"id": "018562-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm sure its not everyday that a funeral director sees the same family in such a short time.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 22}]}, {"id": 7, "anchors": [{"from": 22, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 16, "label": "R"}, {"source": 24, "target": 28, "label": "A"}, {"source": 29, "target": 21, "label": "U"}, {"source": 25, "target": 6, "label": "Q"}, {"source": 24, "target": 29, "label": "T"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 2, "label": "S"}, {"source": 26, "target": 27, "label": "S"}, {"source": 28, "target": 13, "label": "F"}, {"source": 27, "target": 9, "label": "F"}, {"source": 28, "target": 14, "label": "E"}, {"source": 24, "target": 12, "label": "P"}, {"source": 29, "target": 20, "label": "C"}, {"source": 24, "target": 4, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 18, "label": "F"}, {"source": 26, "target": 10, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 24, "target": 5, "label": "D"}, {"source": 28, "target": 15, "label": "C"}, {"source": 29, "target": 17, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 7, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 24, "target": 25, "label": "T"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "018562-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My grandfather passed away silently in his sleep, and my grandmother passed away after a short struggle with cancer.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}, {"from": 22, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 75}, {"from": 76, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 115}]}, {"id": 18, "anchors": [{"from": 115, "to": 116}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 13, "label": "F"}, {"source": 21, "target": 8, "label": "L"}, {"source": 24, "target": 11, "label": "P"}, {"source": 20, "target": 2, "label": "P"}, {"source": 21, "target": 26, "label": "H"}, {"source": 27, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "L"}, {"source": 21, "target": 24, "label": "H"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 1, "label": "S"}, {"source": 22, "target": 5, "label": "A"}, {"source": 23, "target": 10, "label": "S"}, {"source": 23, "target": 9, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 20, "target": 19, "label": "A"}, {"source": 20, "target": 3, "label": "D"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "R"}, {"source": 21, "target": 7, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 10, "label": "A"}, {"source": 22, "target": 4, "label": "R"}, {"source": 26, "target": 14, "label": "T"}]} +{"id": "018562-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Both my grandparents looked as natural as could be expected.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 8, "label": "F"}, {"source": 11, "target": 0, "label": "D"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "D"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "018562-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you Mike for all your help professionally and personally.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 62}]}, {"id": 9, "anchors": [{"from": 62, "to": 63}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "D"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "N"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 2, "label": "R"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "018562-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The Peterson Family", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "F"}, {"source": 4, "target": 1, "label": "C"}, {"source": 4, "target": 2, "label": "E"}]} +{"id": "020851-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Best Deals in Town", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 5, "label": "D"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 4, "label": "C"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "020851-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Before you buy ANYTHING in NY, make sure you stop by Jack-s first.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}, {"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}, {"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 12, "label": "L"}, {"source": 14, "target": 6, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 7, "label": "D"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "U"}, {"source": 15, "target": 1, "label": "A"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 3, "label": "A"}]} +{"id": "020851-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their selection is random, so what they have on a given week might never be available again at the store.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 3, "label": "S"}, {"source": 26, "target": 9, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 29, "target": 21, "label": "U"}, {"source": 26, "target": 27, "label": "E"}, {"source": 24, "target": 25, "label": "H"}, {"source": 24, "target": 5, "label": "L"}, {"source": 25, "target": 8, "label": "S"}, {"source": 23, "target": 2, "label": "F"}, {"source": 25, "target": 26, "label": "T"}, {"source": 26, "target": 10, "label": "F"}, {"source": 28, "target": 13, "label": "D"}, {"source": 29, "target": 20, "label": "C"}, {"source": 24, "target": 4, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 22, "target": 1, "label": "S"}, {"source": 27, "target": 11, "label": "S"}, {"source": 29, "target": 19, "label": "F"}, {"source": 27, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 6, "label": "A"}, {"source": 28, "target": 15, "label": "F"}, {"source": 23, "target": 22, "label": "A"}, {"source": 28, "target": 16, "label": "S"}, {"source": 28, "target": 17, "label": "D"}, {"source": 28, "target": 14, "label": "D"}, {"source": 29, "target": 18, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 7, "label": "A"}, {"source": 28, "target": 14, "label": "T"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "020851-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I love it for discounted beauty items and household appliances.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 7, "label": "N"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 2, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 16, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 14, "label": "E"}, {"source": 14, "target": 4, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 15, "label": "C"}, {"source": 13, "target": 3, "label": "R"}]} +{"id": "020851-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Trust me, you go there once and you-ll always go back!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 4, "label": "P"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 2, "label": "U"}, {"source": 17, "target": 10, "label": "T"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 0, "label": "P"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 3, "label": "A"}, {"source": 17, "target": 8, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 12, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "020957-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He's great!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "020957-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I won't go to anyone else.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "E"}]} +{"id": "020992-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't Expect Sleep or Courtesy", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 9, "target": 8, "label": "H"}, {"source": 7, "target": 9, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 4, "label": "L"}, {"source": 10, "target": 5, "label": "P"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "020992-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I was booked for 2 nights at this hotel in Oct 2007.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 17, "label": "T"}, {"source": 14, "target": 15, "label": "T"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "R"}]} +{"id": "020992-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "At 3:15 am on night #2, the fire alarm and strobe light activated in my room.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 22, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 20, "target": 23, "label": "C"}, {"source": 26, "target": 12, "label": "E"}, {"source": 19, "target": 2, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 3, "label": "R"}, {"source": 26, "target": 13, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 22, "target": 20, "label": "T"}, {"source": 23, "target": 6, "label": "Q"}, {"source": 22, "target": 14, "label": "P"}, {"source": 20, "target": 19, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 10, "label": "P"}, {"source": 24, "target": 9, "label": "A"}, {"source": 25, "target": 11, "label": "N"}, {"source": 22, "target": 27, "label": "A"}, {"source": 27, "target": 15, "label": "R"}, {"source": 23, "target": 5, "label": "U"}, {"source": 19, "target": 0, "label": "R"}, {"source": 25, "target": 24, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 16, "label": "S"}, {"source": 19, "target": 1, "label": "Q"}, {"source": 22, "target": 7, "label": "U"}, {"source": 28, "target": 16, "label": "A"}, {"source": 25, "target": 26, "label": "C"}, {"source": 28, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "020992-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These are not household type alarms.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 8, "target": 2, "label": "D"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 9, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "020992-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When they sound off, it is a true audio/visual experience.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "U"}, {"source": 14, "target": 2, "label": "P"}, {"source": 15, "target": 17, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "P"}, {"source": 16, "target": 11, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 7, "label": "D"}, {"source": 13, "target": 3, "label": "U"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 4, "label": "A"}]} +{"id": "020992-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I called the front desk and got no answer.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 13, "target": 7, "label": "D"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "D"}, {"source": 13, "target": 8, "label": "P"}]} +{"id": "020992-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After checking for signs of fire or smoke and seeing none, I decided to just pack up and leave.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}, {"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 27, "target": 17, "label": "L"}, {"source": 28, "target": 19, "label": "U"}, {"source": 25, "target": 12, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 28, "target": 18, "label": "P"}, {"source": 28, "target": 14, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "N"}, {"source": 26, "target": 14, "label": "R"}, {"source": 22, "target": 2, "label": "R"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 9, "label": "P"}, {"source": 23, "target": 4, "label": "R"}, {"source": 24, "target": 10, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 25, "label": "H"}, {"source": 23, "target": 5, "label": "C"}, {"source": 20, "target": 8, "label": "L"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 0, "label": "L"}, {"source": 23, "target": 7, "label": "C"}, {"source": 25, "target": 13, "label": "P"}, {"source": 26, "target": 15, "label": "D"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 15, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 1, "label": "P"}, {"source": 20, "target": 11, "label": "U"}]} +{"id": "020992-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The desk agent actually argued with me, claiming that no such alarm had gone off (as if I would make that up?).", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 100}, {"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 101, "to": 105}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 24, "label": "A"}, {"source": 27, "target": 29, "label": "H"}, {"source": 27, "target": 15, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 2, "label": "C"}, {"source": 30, "target": 13, "label": "F"}, {"source": 32, "target": 17, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 25, "target": 1, "label": "E"}, {"source": 26, "target": 4, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 8, "label": "P"}, {"source": 31, "target": 12, "label": "C"}, {"source": 30, "target": 10, "label": "D"}, {"source": 28, "target": 5, "label": "R"}, {"source": 32, "target": 20, "label": "A"}, {"source": 27, "target": 7, "label": "U"}, {"source": 27, "target": 32, "label": "H"}, {"source": 31, "target": 11, "label": "E"}, {"source": 26, "target": 3, "label": "D"}, {"source": 27, "target": 16, "label": "L"}, {"source": 32, "target": 18, "label": "D"}, {"source": 24, "target": 25, "label": "P"}, {"source": 32, "target": 21, "label": "U"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 0, "label": "F"}, {"source": 32, "target": 23, "label": "U"}, {"source": 28, "target": 6, "label": "C"}, {"source": 30, "target": 14, "label": "P"}, {"source": 30, "target": 9, "label": "R"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 19, "label": "P"}]} +{"id": "020992-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He finally admitted that only the 4 ADA room alarms had sounded, so only 4 guests were effected (no big deal to him).", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 115, "to": 116}]}, {"id": 26, "anchors": [{"from": 116, "to": 117}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 30, "target": 11, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 7, "label": "E"}, {"source": 27, "target": 1, "label": "D"}, {"source": 28, "target": 19, "label": "U"}, {"source": 31, "target": 32, "label": "E"}, {"source": 36, "target": 24, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 34, "target": 16, "label": "C"}, {"source": 36, "target": 25, "label": "U"}, {"source": 35, "target": 21, "label": "D"}, {"source": 29, "target": 33, "label": "H"}, {"source": 36, "target": 26, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 35, "target": 36, "label": "A"}, {"source": 29, "target": 3, "label": "R"}, {"source": 33, "target": 18, "label": "P"}, {"source": 31, "target": 9, "label": "C"}, {"source": 29, "target": 13, "label": "L"}, {"source": 32, "target": 8, "label": "C"}, {"source": 34, "target": 15, "label": "Q"}, {"source": 28, "target": 35, "label": "H"}, {"source": 31, "target": 5, "label": "F"}, {"source": 30, "target": 4, "label": "D"}, {"source": 27, "target": 2, "label": "P"}, {"source": 36, "target": 23, "label": "R"}, {"source": 29, "target": 12, "label": "U"}, {"source": 33, "target": 17, "label": "F"}, {"source": 31, "target": 6, "label": "Q"}, {"source": 35, "target": 20, "label": "D"}, {"source": 27, "target": 0, "label": "A"}, {"source": 33, "target": 14, "label": "D"}, {"source": 35, "target": 22, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 10, "label": "F"}]} +{"id": "020992-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This little drip offered no apologies whatsoever, and even refused to give me the name of the manager until I pressed him for it 3 times.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 136}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 37, "target": 39, "label": "D"}, {"source": 32, "target": 4, "label": "D"}, {"source": 30, "target": 29, "label": "H"}, {"source": 34, "target": 35, "label": "E"}, {"source": 37, "target": 20, "label": "A"}, {"source": 30, "target": 33, "label": "H"}, {"source": 37, "target": 21, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 34, "target": 14, "label": "F"}, {"source": 28, "target": 2, "label": "C"}, {"source": 32, "target": 5, "label": "P"}, {"source": 29, "target": 3, "label": "P"}, {"source": 33, "target": 12, "label": "P"}, {"source": 33, "target": 13, "label": "A"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 0, "label": "E"}, {"source": 36, "target": 18, "label": "C"}, {"source": 30, "target": 19, "label": "L"}, {"source": 38, "target": 23, "label": "R"}, {"source": 30, "target": 7, "label": "U"}, {"source": 39, "target": 26, "label": "C"}, {"source": 37, "target": 22, "label": "A"}, {"source": 35, "target": 16, "label": "R"}, {"source": 38, "target": 24, "label": "C"}, {"source": 33, "target": 9, "label": "G"}, {"source": 33, "target": 11, "label": "F"}, {"source": 36, "target": 17, "label": "F"}, {"source": 34, "target": 15, "label": "C"}, {"source": 39, "target": 27, "label": "U"}, {"source": 31, "target": 1, "label": "S"}, {"source": 33, "target": 10, "label": "D"}, {"source": 29, "target": 32, "label": "A"}, {"source": 39, "target": 25, "label": "Q"}, {"source": 29, "target": 28, "label": "A"}, {"source": 30, "target": 8, "label": "L"}, {"source": 32, "target": 6, "label": "D"}, {"source": 35, "target": 36, "label": "P"}, {"source": 30, "target": 37, "label": "H"}, {"source": 28, "target": 31, "label": "E"}]} +{"id": "020992-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This hotel is adequate enough, but there is an obvious problem with the staff and management.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 25, "target": 13, "label": "F"}, {"source": 26, "target": 16, "label": "P"}, {"source": 23, "target": 12, "label": "R"}, {"source": 19, "target": 3, "label": "S"}, {"source": 18, "target": 0, "label": "E"}, {"source": 22, "target": 9, "label": "F"}, {"source": 23, "target": 26, "label": "C"}, {"source": 23, "target": 15, "label": "N"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 22, "label": "S"}, {"source": 23, "target": 24, "label": "C"}, {"source": 20, "target": 6, "label": "L"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "F"}, {"source": 18, "target": 1, "label": "C"}, {"source": 19, "target": 4, "label": "D"}, {"source": 21, "target": 10, "label": "D"}]} +{"id": "020992-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do not go there if you expect to sleep through the night.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "D"}, {"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 6, "label": "P"}, {"source": 16, "target": 7, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "T"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 3, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 10, "label": "F"}, {"source": 14, "target": 4, "label": "L"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "021370-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's fine for...", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 2, "label": "S"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "L"}]} +{"id": "021370-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's fine for mass-market chocolate, but with companies like Scharffen Berger, TCHO, and smaller artisan chocolate makers in the area, why?", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 70}, {"from": 71, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 138}]}, {"id": 27, "anchors": [{"from": 138, "to": 139}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 20, "label": "A"}, {"source": 34, "target": 22, "label": "S"}, {"source": 33, "target": 36, "label": "C"}, {"source": 30, "target": 4, "label": "E"}, {"source": 29, "target": 3, "label": "L"}, {"source": 36, "target": 21, "label": "A"}, {"source": 37, "target": 24, "label": "C"}, {"source": 29, "target": 27, "label": "U"}, {"source": 29, "target": 9, "label": "L"}, {"source": 31, "target": 7, "label": "A"}, {"source": 36, "target": 18, "label": "D"}, {"source": 30, "target": 6, "label": "C"}, {"source": 29, "target": 8, "label": "U"}, {"source": 29, "target": 34, "label": "H"}, {"source": 34, "target": 37, "label": "A"}, {"source": 35, "target": 13, "label": "C"}, {"source": 30, "target": 5, "label": "U"}, {"source": 32, "target": 35, "label": "E"}, {"source": 29, "target": 25, "label": "U"}, {"source": 36, "target": 21, "label": "P"}, {"source": 28, "target": 0, "label": "A"}, {"source": 35, "target": 12, "label": "R"}, {"source": 35, "target": 15, "label": "C"}, {"source": 28, "target": 2, "label": "S"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 26, "label": "H"}, {"source": 33, "target": 32, "label": "C"}, {"source": 34, "target": 33, "label": "A"}, {"source": 33, "target": 17, "label": "N"}, {"source": 37, "target": 23, "label": "F"}, {"source": 36, "target": 19, "label": "D"}, {"source": 29, "target": 10, "label": "L"}, {"source": 31, "target": 30, "label": "S"}, {"source": 32, "target": 11, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 35, "target": 14, "label": "U"}, {"source": 33, "target": 16, "label": "U"}, {"source": 29, "target": 31, "label": "H"}]} +{"id": "022273-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good food, good location, and good prices.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "U"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 8, "label": "A"}, {"source": 11, "target": 6, "label": "L"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 7, "label": "S"}, {"source": 11, "target": 5, "label": "U"}, {"source": 10, "target": 0, "label": "S"}]} +{"id": "022273-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But the servers don't pay attention to you whether it's busy or not.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 12, "label": "S"}, {"source": 16, "target": 23, "label": "H"}, {"source": 16, "target": 22, "label": "H"}, {"source": 23, "target": 14, "label": "D"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 18, "label": "P"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 16, "target": 0, "label": "L"}, {"source": 23, "target": 15, "label": "U"}, {"source": 16, "target": 13, "label": "L"}, {"source": 19, "target": 20, "label": "P"}, {"source": 19, "target": 17, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 21, "target": 7, "label": "R"}, {"source": 19, "target": 4, "label": "D"}, {"source": 22, "target": 10, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 23, "target": 12, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "022461-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best in the area!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 6, "label": "S"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 2, "label": "R"}, {"source": 6, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 1, "label": "C"}]} +{"id": "022461-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I've been to quite a few tattoo shops around this area and Stainless Steel is by far the best.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 20}, {"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 68}, {"from": 69, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 23, "target": 13, "label": "R"}, {"source": 19, "target": 10, "label": "L"}, {"source": 20, "target": 6, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 20, "target": 5, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 22, "target": 23, "label": "D"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 21, "target": 7, "label": "R"}, {"source": 21, "target": 8, "label": "E"}, {"source": 22, "target": 24, "label": "S"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "F"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 24, "target": 15, "label": "F"}]} +{"id": "022461-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am very pleased with the tattoos that I revived from them.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 15, "target": 4, "label": "R"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 9, "label": "P"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 8, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 2, "label": "D"}]} +{"id": "022461-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The artwork is excellent and the prices are very reasonable.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "S"}, {"source": 15, "target": 8, "label": "D"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "022461-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend this shop to anyone looking to get a tattoo.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 16, "target": 5, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 1, "label": "D"}, {"source": 18, "target": 10, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 7, "label": "D"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "022533-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Rude service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "022533-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "even though I have never tried hoa salon but I agree with other reviewers that they are rude.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}, {"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 3, "label": "T"}, {"source": 19, "target": 7, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 3, "label": "D"}, {"source": 20, "target": 11, "label": "A"}, {"source": 21, "target": 15, "label": "S"}, {"source": 19, "target": 8, "label": "S"}, {"source": 21, "target": 14, "label": "F"}, {"source": 18, "target": 1, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 6, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "D"}, {"source": 17, "target": 12, "label": "L"}, {"source": 21, "target": 13, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "A"}, {"source": 18, "target": 4, "label": "P"}, {"source": 20, "target": 9, "label": "R"}, {"source": 20, "target": 11, "label": "P"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "022533-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called and asked about the price for hair updo and the receptionist or owner who aswered the phone refused to tell me, or even just give me an approximate price range.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 119}]}, {"id": 23, "anchors": [{"from": 119, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 123}, {"from": 124, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 156}]}, {"id": 30, "anchors": [{"from": 157, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 168}]}, {"id": 32, "anchors": [{"from": 168, "to": 169}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 44, "target": 15, "label": "R"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 42, "label": "C"}, {"source": 34, "target": 23, "label": "U"}, {"source": 39, "target": 43, "label": "C"}, {"source": 44, "target": 16, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 34, "target": 10, "label": "L"}, {"source": 36, "target": 4, "label": "R"}, {"source": 38, "target": 9, "label": "C"}, {"source": 42, "target": 12, "label": "A"}, {"source": 46, "target": 26, "label": "P"}, {"source": 43, "target": 14, "label": "S"}, {"source": 44, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 47, "label": "A"}, {"source": 42, "target": 12, "label": "S"}, {"source": 33, "target": 0, "label": "A"}, {"source": 47, "target": 28, "label": "F"}, {"source": 45, "target": 17, "label": "F"}, {"source": 43, "target": 14, "label": "A"}, {"source": 37, "target": 5, "label": "E"}, {"source": 35, "target": 3, "label": "P"}, {"source": 47, "target": 31, "label": "E"}, {"source": 38, "target": 7, "label": "R"}, {"source": 40, "target": 44, "label": "E"}, {"source": 41, "target": 40, "label": "A"}, {"source": 39, "target": 13, "label": "N"}, {"source": 35, "target": 36, "label": "A"}, {"source": 41, "target": 20, "label": "F"}, {"source": 47, "target": 29, "label": "E"}, {"source": 34, "target": 24, "label": "L"}, {"source": 40, "target": 39, "label": "C"}, {"source": 41, "target": 19, "label": "D"}, {"source": 47, "target": 32, "label": "U"}, {"source": 34, "target": 33, "label": "H"}, {"source": 37, "target": 6, "label": "C"}, {"source": 46, "target": 27, "label": "A"}, {"source": 34, "target": 35, "label": "H"}, {"source": 41, "target": 22, "label": "A"}, {"source": 39, "target": 11, "label": "F"}, {"source": 41, "target": 21, "label": "P"}, {"source": 47, "target": 30, "label": "C"}, {"source": 33, "target": 1, "label": "P"}, {"source": 34, "target": 41, "label": "H"}, {"source": 46, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 37, "label": "A"}, {"source": 46, "target": 25, "label": "D"}, {"source": 36, "target": 38, "label": "P"}, {"source": 38, "target": 8, "label": "E"}, {"source": 34, "target": 2, "label": "L"}, {"source": 45, "target": 18, "label": "C"}, {"source": 34, "target": 46, "label": "H"}]} +{"id": "022533-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He told us to stop by the salon and then he will tell us the price.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 66}]}, {"id": 16, "anchors": [{"from": 66, "to": 67}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 4, "label": "P"}, {"source": 22, "target": 12, "label": "P"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 3, "label": "R"}, {"source": 19, "target": 5, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 21, "label": "L"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 2, "label": "A"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 23, "target": 14, "label": "F"}, {"source": 22, "target": 13, "label": "A"}]} +{"id": "022533-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What kind of rude service is that?", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 8, "label": "D"}, {"source": 10, "target": 6, "label": "A"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 2, "label": "R"}, {"source": 10, "target": 5, "label": "F"}, {"source": 8, "target": 1, "label": "E"}]} +{"id": "022533-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't want to waste my time with them.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "R"}, {"source": 12, "target": 13, "label": "T"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "022900-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Very hard work from the boys in blue there!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 10, "label": "D"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 14, "label": "S"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 3, "label": "R"}]} +{"id": "022900-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Brilll.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "022900-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very hard work from the boys in blue there!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 10, "label": "D"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 14, "label": "S"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 3, "label": "R"}]} +{"id": "023620-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is one of the worst places I have stayed, we cut out stay short and went to the Mulberry.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}, {"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 93}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 13, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 31, "target": 19, "label": "C"}, {"source": 27, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 25, "label": "A"}, {"source": 23, "target": 3, "label": "R"}, {"source": 30, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 9, "label": "P"}, {"source": 23, "target": 2, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 22, "target": 28, "label": "H"}, {"source": 30, "target": 16, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 22, "target": 10, "label": "U"}, {"source": 26, "target": 5, "label": "C"}, {"source": 22, "target": 15, "label": "L"}, {"source": 21, "target": 1, "label": "S"}, {"source": 24, "target": 26, "label": "S"}, {"source": 27, "target": 8, "label": "F"}, {"source": 28, "target": 12, "label": "P"}, {"source": 31, "target": 17, "label": "R"}, {"source": 27, "target": 7, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 28, "target": 11, "label": "A"}, {"source": 22, "target": 30, "label": "H"}, {"source": 31, "target": 20, "label": "U"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 14, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "D"}, {"source": 25, "target": 27, "label": "E"}]} +{"id": "023620-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even though they still charge you the days you booked but won't use, it is worth the get the hell out of this crap hole.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}, {"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 114}, {"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 5, "label": "F"}, {"source": 32, "target": 18, "label": "P"}, {"source": 33, "target": 21, "label": "R"}, {"source": 30, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 9, "label": "L"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 23, "label": "C"}, {"source": 32, "target": 17, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 31, "target": 14, "label": "F"}, {"source": 26, "target": 29, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 32, "target": 19, "label": "D"}, {"source": 25, "target": 0, "label": "L"}, {"source": 31, "target": 15, "label": "F"}, {"source": 33, "target": 22, "label": "E"}, {"source": 29, "target": 30, "label": "H"}, {"source": 25, "target": 31, "label": "H"}, {"source": 28, "target": 27, "label": "T"}, {"source": 30, "target": 11, "label": "D"}, {"source": 26, "target": 4, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 28, "target": 7, "label": "A"}, {"source": 25, "target": 13, "label": "U"}, {"source": 27, "target": 6, "label": "C"}, {"source": 26, "target": 1, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 31, "target": 16, "label": "S"}, {"source": 30, "target": 12, "label": "P"}, {"source": 32, "target": 20, "label": "D"}, {"source": 28, "target": 8, "label": "P"}, {"source": 30, "target": 10, "label": "F"}, {"source": 26, "target": 3, "label": "P"}]} +{"id": "023620-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The whole experience shows a hotel managed by what must be a 2 star hotel manager.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}, {"from": 51, "to": 55}, {"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 22, "label": "P"}, {"source": 16, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 14, "label": "U"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 6, "label": "P"}, {"source": 23, "target": 10, "label": "Q"}, {"source": 16, "target": 2, "label": "C"}, {"source": 15, "target": 1, "label": "D"}, {"source": 21, "target": 8, "label": "G"}, {"source": 24, "target": 23, "label": "E"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 15, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 7, "label": "R"}, {"source": 15, "target": 16, "label": "P"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 5, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "023620-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bad service starting from the front desk.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "023620-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best person is the valet.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 8, "label": "A"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 7, "label": "S"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 11, "target": 12, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 3, "label": "S"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "023620-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Short of that, avoid this place, as a silver Marriott member, this is a disgrace.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 19, "target": 3, "label": "E"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 11, "label": "U"}, {"source": 22, "target": 12, "label": "A"}, {"source": 20, "target": 8, "label": "D"}, {"source": 20, "target": 9, "label": "A"}, {"source": 22, "target": 23, "label": "S"}, {"source": 18, "target": 5, "label": "U"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 0, "label": "G"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "L"}, {"source": 22, "target": 13, "label": "F"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 21, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 7, "label": "F"}, {"source": 17, "target": 1, "label": "U"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 14, "label": "F"}]} +{"id": "023926-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great job!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "023926-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mercedes and Dan are very thorough and on top of everything!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}, {"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "R"}, {"source": 14, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "C"}, {"source": 12, "target": 5, "label": "S"}, {"source": 11, "target": 1, "label": "N"}, {"source": 14, "target": 7, "label": "S"}, {"source": 13, "target": 6, "label": "L"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 11, "label": "A"}]} +{"id": "024132-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Range Rover Sport Window Tints", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 4, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "E"}]} +{"id": "024132-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mark at Tintman Nationwidetints Ltd, did a very Professional job very quick, no fuss, deliverd the car to me and I drove him back home,Great arrangement Great price!!", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}, {"from": 16, "to": 26}, {"from": 26, "to": 31}, {"from": 32, "to": 35}]}, {"id": 3, "anchors": [{"from": 35, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 60}]}, {"id": 8, "anchors": [{"from": 61, "to": 64}]}, {"id": 9, "anchors": [{"from": 65, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 75}]}, {"id": 11, "anchors": [{"from": 75, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 135}]}, {"id": 27, "anchors": [{"from": 135, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 152}]}, {"id": 29, "anchors": [{"from": 153, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 164}]}, {"id": 31, "anchors": [{"from": 164, "to": 166}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 34, "target": 11, "label": "U"}, {"source": 44, "target": 28, "label": "P"}, {"source": 42, "target": 19, "label": "C"}, {"source": 35, "target": 1, "label": "R"}, {"source": 37, "target": 7, "label": "C"}, {"source": 34, "target": 45, "label": "H"}, {"source": 34, "target": 20, "label": "L"}, {"source": 39, "target": 13, "label": "P"}, {"source": 37, "target": 6, "label": "E"}, {"source": 42, "target": 18, "label": "R"}, {"source": 38, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 2, "label": "C"}, {"source": 33, "target": 32, "label": "A"}, {"source": 41, "target": 16, "label": "F"}, {"source": 33, "target": 36, "label": "P"}, {"source": 34, "target": 38, "label": "H"}, {"source": 36, "target": 5, "label": "F"}, {"source": 41, "target": 17, "label": "C"}, {"source": 43, "target": 25, "label": "A"}, {"source": 33, "target": 37, "label": "D"}, {"source": 34, "target": 14, "label": "U"}, {"source": 43, "target": 22, "label": "P"}, {"source": 32, "target": 0, "label": "C"}, {"source": 39, "target": 12, "label": "D"}, {"source": 45, "target": 29, "label": "S"}, {"source": 40, "target": 42, "label": "A"}, {"source": 44, "target": 27, "label": "D"}, {"source": 43, "target": 21, "label": "A"}, {"source": 32, "target": 35, "label": "E"}, {"source": 36, "target": 8, "label": "C"}, {"source": 33, "target": 3, "label": "U"}, {"source": 43, "target": 23, "label": "A"}, {"source": 38, "target": 9, "label": "D"}, {"source": 33, "target": 4, "label": "F"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 38, "target": 10, "label": "S"}, {"source": 40, "target": 41, "label": "A"}, {"source": 45, "target": 31, "label": "U"}, {"source": 43, "target": 24, "label": "D"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 15, "label": "P"}, {"source": 34, "target": 44, "label": "H"}, {"source": 34, "target": 26, "label": "U"}, {"source": 45, "target": 30, "label": "A"}, {"source": 34, "target": 43, "label": "H"}, {"source": 34, "target": 39, "label": "H"}]} +{"id": "024132-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommended!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "024132-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks Mark.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "024132-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Steve.... proud Range Rover Sport owner (with rear tints)", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 0, "label": "H"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "U"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "S"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 8, "label": "E"}]} +{"id": "024306-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worst Tasting Pizza", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "G"}, {"source": 4, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "024306-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place had the worst tasting pizza I have ever tasted it was possible the worst food I've ever eaten.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 32, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "S"}, {"source": 29, "target": 13, "label": "D"}, {"source": 26, "target": 25, "label": "E"}, {"source": 31, "target": 15, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 29, "target": 31, "label": "S"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 17, "label": "A"}, {"source": 32, "target": 20, "label": "P"}, {"source": 25, "target": 4, "label": "S"}, {"source": 30, "target": 16, "label": "C"}, {"source": 27, "target": 10, "label": "P"}, {"source": 23, "target": 2, "label": "S"}, {"source": 27, "target": 9, "label": "T"}, {"source": 32, "target": 19, "label": "T"}, {"source": 31, "target": 14, "label": "F"}, {"source": 22, "target": 0, "label": "E"}, {"source": 25, "target": 5, "label": "G"}, {"source": 30, "target": 29, "label": "E"}, {"source": 27, "target": 8, "label": "F"}, {"source": 24, "target": 28, "label": "H"}, {"source": 32, "target": 18, "label": "F"}, {"source": 27, "target": 7, "label": "A"}, {"source": 22, "target": 1, "label": "C"}, {"source": 28, "target": 11, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 32, "target": 21, "label": "U"}, {"source": 30, "target": 32, "label": "E"}, {"source": 25, "target": 3, "label": "F"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 26, "label": "A"}, {"source": 23, "target": 22, "label": "A"}, {"source": 29, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "024306-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't recommend this place to anyone or even anything to eat.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 19, "target": 9, "label": "E"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 17, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 8, "label": "N"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 20, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 20, "target": 11, "label": "F"}, {"source": 17, "target": 6, "label": "R"}, {"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "024385-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Another great business bites the dust!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 32}, {"from": 33, "to": 37}]}, {"id": 4, "anchors": [{"from": 37, "to": 38}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 1, "label": "S"}, {"source": 5, "target": 2, "label": "C"}, {"source": 8, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 8, "label": "E"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "024385-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The best cakes EVER!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 3, "label": "T"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "S"}, {"source": 7, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "024385-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A bit pricey, so I didn't go very often, but it was always a treat when I did.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 77, "to": 78}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 13, "label": "F"}, {"source": 25, "target": 12, "label": "A"}, {"source": 25, "target": 26, "label": "S"}, {"source": 24, "target": 9, "label": "C"}, {"source": 27, "target": 19, "label": "F"}, {"source": 22, "target": 17, "label": "L"}, {"source": 27, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "F"}, {"source": 22, "target": 10, "label": "U"}, {"source": 21, "target": 1, "label": "S"}, {"source": 22, "target": 11, "label": "L"}, {"source": 22, "target": 2, "label": "U"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 0, "label": "D"}, {"source": 23, "target": 7, "label": "P"}, {"source": 24, "target": 8, "label": "E"}, {"source": 23, "target": 6, "label": "D"}, {"source": 23, "target": 24, "label": "T"}, {"source": 23, "target": 4, "label": "A"}, {"source": 22, "target": 3, "label": "L"}, {"source": 27, "target": 18, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 5, "label": "F"}, {"source": 22, "target": 27, "label": "H"}, {"source": 25, "target": 14, "label": "T"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "024385-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The prices were worth what I got.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 8, "label": "A"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 11, "target": 4, "label": "A"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "024385-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm assuming they are completely out of business since I can't find any contact information.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 20, "target": 5, "label": "D"}, {"source": 23, "target": 15, "label": "E"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 4, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 13, "label": "P"}, {"source": 20, "target": 21, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 21, "target": 6, "label": "E"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 7, "label": "R"}, {"source": 23, "target": 16, "label": "C"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 3, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 14, "label": "Q"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "024385-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm hoping the bakers continue to do their baking out of another place, because it would be a shame not to have these cakes any longer.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}, {"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 134}]}, {"id": 27, "anchors": [{"from": 134, "to": 135}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 31, "target": 6, "label": "F"}, {"source": 33, "target": 11, "label": "E"}, {"source": 33, "target": 12, "label": "C"}, {"source": 36, "target": 22, "label": "S"}, {"source": 31, "target": 32, "label": "P"}, {"source": 37, "target": 24, "label": "C"}, {"source": 33, "target": 9, "label": "R"}, {"source": 31, "target": 33, "label": "A"}, {"source": 34, "target": 16, "label": "D"}, {"source": 34, "target": 35, "label": "S"}, {"source": 31, "target": 30, "label": "A"}, {"source": 36, "target": 38, "label": "T"}, {"source": 30, "target": 4, "label": "C"}, {"source": 29, "target": 34, "label": "H"}, {"source": 30, "target": 3, "label": "F"}, {"source": 29, "target": 13, "label": "U"}, {"source": 35, "target": 19, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "L"}, {"source": 29, "target": 28, "label": "H"}, {"source": 32, "target": 8, "label": "C"}, {"source": 31, "target": 5, "label": "D"}, {"source": 34, "target": 15, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 28, "target": 31, "label": "A"}, {"source": 36, "target": 21, "label": "F"}, {"source": 36, "target": 20, "label": "D"}, {"source": 35, "target": 18, "label": "F"}, {"source": 32, "target": 7, "label": "F"}, {"source": 38, "target": 26, "label": "C"}, {"source": 28, "target": 2, "label": "P"}, {"source": 28, "target": 1, "label": "F"}, {"source": 38, "target": 25, "label": "E"}, {"source": 38, "target": 27, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 23, "label": "E"}, {"source": 33, "target": 10, "label": "R"}]} +{"id": "025516-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very friendly people offering a brilliant service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 9, "target": 0, "label": "D"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 5, "label": "D"}, {"source": 11, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "025516-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sent scented flowers home instead of postcards.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}, {"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 10, "label": "A"}, {"source": 11, "target": 0, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "E"}, {"source": 8, "target": 4, "label": "L"}, {"source": 8, "target": 11, "label": "H"}, {"source": 11, "target": 5, "label": "A"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 7, "target": 3, "label": "A"}, {"source": 11, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "P"}, {"source": 9, "target": 1, "label": "S"}, {"source": 9, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "025516-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Recommend you call in for a look.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 6, "label": "U"}, {"source": 10, "target": 3, "label": "L"}, {"source": 11, "target": 12, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "025894-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Average food and deathly slow service", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 9, "target": 8, "label": "D"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 1, "label": "A"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "025894-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have eaten here several times and everytime the service is slower than slow.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 67}, {"from": 68, "to": 72}, {"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 11, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "Q"}, {"source": 14, "target": 3, "label": "A"}, {"source": 18, "target": 12, "label": "D"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 17, "label": "T"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "L"}, {"source": 14, "target": 16, "label": "D"}, {"source": 18, "target": 19, "label": "P"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 4, "label": "Q"}]} +{"id": "025894-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "One time we even left after sitting at the table for 20 minutes and not being greeted with a drink order.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 13, "label": "L"}, {"source": 23, "target": 4, "label": "P"}, {"source": 25, "target": 6, "label": "P"}, {"source": 25, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 29, "target": 30, "label": "P"}, {"source": 24, "target": 5, "label": "L"}, {"source": 27, "target": 10, "label": "R"}, {"source": 29, "target": 19, "label": "A"}, {"source": 22, "target": 0, "label": "E"}, {"source": 24, "target": 28, "label": "H"}, {"source": 22, "target": 1, "label": "C"}, {"source": 26, "target": 7, "label": "R"}, {"source": 27, "target": 11, "label": "Q"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 27, "label": "T"}, {"source": 29, "target": 17, "label": "R"}, {"source": 28, "target": 15, "label": "F"}, {"source": 28, "target": 16, "label": "P"}, {"source": 23, "target": 2, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 28, "target": 14, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 22, "label": "T"}, {"source": 26, "target": 9, "label": "C"}, {"source": 30, "target": 18, "label": "F"}, {"source": 23, "target": 3, "label": "G"}, {"source": 26, "target": 8, "label": "F"}, {"source": 28, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "025894-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Ridiculous.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "025894-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There must be a better mexican place in Rockland.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "026641-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "You've Got Maids did a fabulous job cleaning my home.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 6}, {"from": 7, "to": 10}, {"from": 11, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 6, "label": "S"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 13, "label": "A"}]} +{"id": "026641-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am hiring them to come once a week now that they got my house to where they can maintain it for only an hour and a half every two weeks!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 137}]}, {"id": 31, "anchors": [{"from": 137, "to": 138}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 32, "target": 1, "label": "F"}, {"source": 35, "target": 6, "label": "Q"}, {"source": 43, "target": 30, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 39, "target": 16, "label": "F"}, {"source": 40, "target": 41, "label": "Q"}, {"source": 33, "target": 32, "label": "H"}, {"source": 40, "target": 21, "label": "R"}, {"source": 39, "target": 43, "label": "T"}, {"source": 36, "target": 38, "label": "A"}, {"source": 35, "target": 8, "label": "C"}, {"source": 33, "target": 9, "label": "L"}, {"source": 39, "target": 19, "label": "P"}, {"source": 42, "target": 27, "label": "C"}, {"source": 33, "target": 36, "label": "H"}, {"source": 32, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "T"}, {"source": 39, "target": 18, "label": "F"}, {"source": 32, "target": 3, "label": "A"}, {"source": 38, "target": 37, "label": "E"}, {"source": 35, "target": 7, "label": "F"}, {"source": 36, "target": 11, "label": "A"}, {"source": 32, "target": 2, "label": "P"}, {"source": 34, "target": 5, "label": "P"}, {"source": 40, "target": 22, "label": "E"}, {"source": 36, "target": 12, "label": "P"}, {"source": 38, "target": 14, "label": "C"}, {"source": 39, "target": 15, "label": "R"}, {"source": 37, "target": 13, "label": "S"}, {"source": 41, "target": 42, "label": "C"}, {"source": 37, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 20, "label": "A"}, {"source": 43, "target": 29, "label": "Q"}, {"source": 43, "target": 31, "label": "U"}, {"source": 36, "target": 10, "label": "R"}, {"source": 36, "target": 39, "label": "A"}, {"source": 42, "target": 26, "label": "F"}, {"source": 34, "target": 4, "label": "R"}, {"source": 41, "target": 25, "label": "N"}, {"source": 39, "target": 17, "label": "A"}, {"source": 41, "target": 23, "label": "C"}, {"source": 39, "target": 40, "label": "T"}, {"source": 40, "target": 24, "label": "C"}, {"source": 43, "target": 28, "label": "E"}]} +{"id": "026641-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Satisfactory for sure with the sercvice!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 0, "label": "S"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 10, "target": 11, "label": "P"}, {"source": 8, "target": 9, "label": "D"}, {"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "026641-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Beats having one \"cleaning lady\" who took twice as long and did not do a very through job like the \"maids\" did!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 105}]}, {"id": 24, "anchors": [{"from": 105, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 110, "to": 111}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 39, "target": 18, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 38, "label": "H"}, {"source": 30, "target": 4, "label": "P"}, {"source": 30, "target": 3, "label": "U"}, {"source": 37, "target": 21, "label": "F"}, {"source": 31, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 7, "label": "L"}, {"source": 30, "target": 5, "label": "A"}, {"source": 33, "target": 34, "label": "P"}, {"source": 28, "target": 12, "label": "L"}, {"source": 39, "target": 26, "label": "U"}, {"source": 34, "target": 16, "label": "F"}, {"source": 27, "target": 0, "label": "S"}, {"source": 36, "target": 37, "label": "S"}, {"source": 33, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "T"}, {"source": 38, "target": 36, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 32, "target": 10, "label": "R"}, {"source": 33, "target": 35, "label": "D"}, {"source": 30, "target": 2, "label": "D"}, {"source": 37, "target": 22, "label": "U"}, {"source": 28, "target": 20, "label": "L"}, {"source": 38, "target": 39, "label": "P"}, {"source": 34, "target": 19, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 15, "label": "F"}, {"source": 37, "target": 23, "label": "C"}, {"source": 38, "target": 35, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 24, "label": "U"}, {"source": 28, "target": 33, "label": "H"}, {"source": 39, "target": 25, "label": "F"}, {"source": 33, "target": 13, "label": "F"}, {"source": 35, "target": 17, "label": "E"}, {"source": 32, "target": 11, "label": "C"}, {"source": 35, "target": 18, "label": "C"}, {"source": 32, "target": 9, "label": "Q"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 14, "label": "D"}, {"source": 29, "target": 1, "label": "S"}, {"source": 28, "target": 27, "label": "H"}, {"source": 31, "target": 8, "label": "P"}, {"source": 28, "target": 6, "label": "U"}]} +{"id": "026883-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Poor Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "026883-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Run don't walk.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "026883-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My experience with Home Delivery Service has been one of disappointment and anger.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 32}, {"from": 33, "to": 40}]}, {"id": 4, "anchors": [{"from": 41, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 71}]}, {"id": 9, "anchors": [{"from": 72, "to": 75}]}, {"id": 10, "anchors": [{"from": 76, "to": 81}]}, {"id": 11, "anchors": [{"from": 81, "to": 82}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "R"}, {"source": 12, "target": 15, "label": "A"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 16, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "N"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 2, "label": "R"}, {"source": 12, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "D"}, {"source": 14, "target": 5, "label": "S"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 6, "label": "Q"}]} +{"id": "026883-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If I could give them a lower rating than poor I would.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 4, "label": "A"}, {"source": 16, "target": 17, "label": "C"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "D"}, {"source": 14, "target": 1, "label": "A"}, {"source": 13, "target": 0, "label": "L"}, {"source": 17, "target": 8, "label": "R"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "026883-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "On August 21st, 2009 I ordered furniture from Hickory Furniture Mart and contracted for HDS to deliver it.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}, {"from": 54, "to": 63}, {"from": 64, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 105}]}, {"id": 17, "anchors": [{"from": 105, "to": 106}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 11, "label": "P"}, {"source": 19, "target": 7, "label": "A"}, {"source": 20, "target": 10, "label": "L"}, {"source": 24, "target": 13, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 18, "target": 0, "label": "R"}, {"source": 18, "target": 21, "label": "C"}, {"source": 25, "target": 15, "label": "C"}, {"source": 19, "target": 22, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 16, "label": "A"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 21, "target": 3, "label": "U"}, {"source": 21, "target": 2, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 19, "target": 18, "label": "T"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 1, "label": "C"}, {"source": 19, "target": 6, "label": "P"}, {"source": 19, "target": 5, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "R"}]} +{"id": "026883-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After seventeen days the delivery van showed up at my home minus two pieces.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}, {"from": 45, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 20, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "T"}, {"source": 16, "target": 20, "label": "H"}, {"source": 19, "target": 8, "label": "S"}, {"source": 14, "target": 1, "label": "Q"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 20, "target": 10, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "E"}, {"source": 14, "target": 0, "label": "R"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 6, "label": "P"}, {"source": 21, "target": 11, "label": "Q"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "026883-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was later told they had been left at the warehouse and some future date they would be delivered.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 2, "label": "T"}, {"source": 20, "target": 3, "label": "P"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 19, "label": "U"}, {"source": 23, "target": 9, "label": "F"}, {"source": 22, "target": 5, "label": "F"}, {"source": 25, "target": 26, "label": "P"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 8, "label": "R"}, {"source": 24, "target": 12, "label": "E"}, {"source": 21, "target": 11, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 16, "label": "D"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 14, "label": "C"}, {"source": 25, "target": 15, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "F"}, {"source": 22, "target": 4, "label": "A"}, {"source": 25, "target": 24, "label": "T"}, {"source": 26, "target": 18, "label": "C"}, {"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "026883-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No one will give me a date.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 8, "label": "A"}, {"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "026883-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I spent $2300 on the bedroom suite, which was complete and excellent condition on the showroom floor.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 8, "label": "U"}, {"source": 26, "target": 15, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 16, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 6, "label": "E"}, {"source": 24, "target": 11, "label": "S"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 13, "label": "D"}, {"source": 22, "target": 2, "label": "C"}, {"source": 20, "target": 1, "label": "P"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "L"}, {"source": 26, "target": 17, "label": "E"}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 9, "label": "L"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 3, "label": "Q"}, {"source": 26, "target": 18, "label": "C"}, {"source": 23, "target": 5, "label": "F"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "C"}, {"source": 25, "target": 14, "label": "S"}]} +{"id": "026883-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Upon delivery it was clear the entire set was damaged: a piece of wood was broke on the headboard; the chest of drawers was missing all four pieces necessary to attach the legs; the dresser back legs were pushed in causing the dresser to lean into the wall; and a nighstand was missing a drawer.", "tops": [60], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 167}]}, {"id": 33, "anchors": [{"from": 168, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 176}]}, {"id": 35, "anchors": [{"from": 176, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 189}]}, {"id": 38, "anchors": [{"from": 190, "to": 194}]}, {"id": 39, "anchors": [{"from": 195, "to": 199}]}, {"id": 40, "anchors": [{"from": 200, "to": 204}]}, {"id": 41, "anchors": [{"from": 205, "to": 211}]}, {"id": 42, "anchors": [{"from": 212, "to": 214}]}, {"id": 43, "anchors": [{"from": 215, "to": 222}]}, {"id": 44, "anchors": [{"from": 223, "to": 226}]}, {"id": 45, "anchors": [{"from": 227, "to": 234}]}, {"id": 46, "anchors": [{"from": 235, "to": 237}]}, {"id": 47, "anchors": [{"from": 238, "to": 242}]}, {"id": 48, "anchors": [{"from": 243, "to": 247}]}, {"id": 49, "anchors": [{"from": 248, "to": 251}]}, {"id": 50, "anchors": [{"from": 252, "to": 256}]}, {"id": 51, "anchors": [{"from": 256, "to": 257}]}, {"id": 52, "anchors": [{"from": 258, "to": 261}]}, {"id": 53, "anchors": [{"from": 262, "to": 263}]}, {"id": 54, "anchors": [{"from": 264, "to": 273}]}, {"id": 55, "anchors": [{"from": 274, "to": 277}]}, {"id": 56, "anchors": [{"from": 278, "to": 285}]}, {"id": 57, "anchors": [{"from": 286, "to": 287}]}, {"id": 58, "anchors": [{"from": 288, "to": 294}]}, {"id": 59, "anchors": [{"from": 294, "to": 295}]}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}], "edges": [{"source": 81, "target": 56, "label": "S"}, {"source": 60, "target": 10, "label": "U"}, {"source": 66, "target": 65, "label": "A"}, {"source": 60, "target": 35, "label": "U"}, {"source": 69, "target": 68, "label": "A"}, {"source": 67, "target": 19, "label": "C"}, {"source": 69, "target": 71, "label": "A"}, {"source": 69, "target": 25, "label": "F"}, {"source": 66, "target": 67, "label": "A"}, {"source": 66, "target": 15, "label": "F"}, {"source": 64, "target": 9, "label": "P"}, {"source": 82, "target": 57, "label": "F"}, {"source": 81, "target": 55, "label": "F"}, {"source": 72, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 70, "label": "E"}, {"source": 72, "target": 32, "label": "P"}, {"source": 62, "target": 2, "label": "F"}, {"source": 63, "target": 6, "label": "Q"}, {"source": 79, "target": 50, "label": "C"}, {"source": 65, "target": 14, "label": "C"}, {"source": 72, "target": 73, "label": "A"}, {"source": 61, "target": 1, "label": "P"}, {"source": 76, "target": 41, "label": "S"}, {"source": 63, "target": 7, "label": "C"}, {"source": 78, "target": 79, "label": "A"}, {"source": 73, "target": 33, "label": "F"}, {"source": 76, "target": 40, "label": "F"}, {"source": 68, "target": 22, "label": "C"}, {"source": 81, "target": 82, "label": "A"}, {"source": 77, "target": 45, "label": "C"}, {"source": 70, "target": 23, "label": "R"}, {"source": 77, "target": 44, "label": "F"}, {"source": 81, "target": 80, "label": "A"}, {"source": 64, "target": 63, "label": "A"}, {"source": 78, "target": 46, "label": "F"}, {"source": 60, "target": 0, "label": "L"}, {"source": 65, "target": 13, "label": "R"}, {"source": 63, "target": 5, "label": "F"}, {"source": 60, "target": 52, "label": "L"}, {"source": 60, "target": 43, "label": "L"}, {"source": 75, "target": 39, "label": "C"}, {"source": 71, "target": 29, "label": "C"}, {"source": 76, "target": 75, "label": "A"}, {"source": 79, "target": 48, "label": "R"}, {"source": 71, "target": 28, "label": "Q"}, {"source": 75, "target": 38, "label": "E"}, {"source": 72, "target": 31, "label": "F"}, {"source": 60, "target": 76, "label": "H"}, {"source": 74, "target": 36, "label": "F"}, {"source": 62, "target": 4, "label": "S"}, {"source": 64, "target": 8, "label": "F"}, {"source": 60, "target": 51, "label": "U"}, {"source": 80, "target": 54, "label": "C"}, {"source": 60, "target": 66, "label": "H"}, {"source": 78, "target": 47, "label": "P"}, {"source": 82, "target": 58, "label": "C"}, {"source": 71, "target": 72, "label": "E"}, {"source": 72, "target": 30, "label": "D"}, {"source": 60, "target": 62, "label": "H"}, {"source": 82, "target": 59, "label": "U"}, {"source": 70, "target": 24, "label": "C"}, {"source": 65, "target": 11, "label": "F"}, {"source": 68, "target": 21, "label": "F"}, {"source": 65, "target": 12, "label": "E"}, {"source": 69, "target": 26, "label": "P"}, {"source": 76, "target": 42, "label": "D"}, {"source": 73, "target": 34, "label": "C"}, {"source": 66, "target": 16, "label": "S"}, {"source": 60, "target": 61, "label": "H"}, {"source": 62, "target": 3, "label": "F"}, {"source": 80, "target": 53, "label": "F"}, {"source": 60, "target": 81, "label": "H"}, {"source": 60, "target": 78, "label": "H"}, {"source": 62, "target": 64, "label": "A"}, {"source": 67, "target": 18, "label": "F"}, {"source": 60, "target": 20, "label": "U"}, {"source": 78, "target": 77, "label": "A"}, {"source": 60, "target": 69, "label": "H"}, {"source": 75, "target": 74, "label": "E"}, {"source": 79, "target": 49, "label": "F"}, {"source": 67, "target": 17, "label": "R"}, {"source": 74, "target": 37, "label": "C"}, {"source": 71, "target": 27, "label": "E"}]} +{"id": "026883-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How do you lose a drawer.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "026883-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The customer service at Home Delivery Service was terrible let alone their promise to proper set up furniture.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}, {"from": 29, "to": 37}, {"from": 38, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 58}]}, {"id": 7, "anchors": [{"from": 59, "to": 62}, {"from": 63, "to": 68}]}, {"id": 8, "anchors": [{"from": 69, "to": 74}]}, {"id": 9, "anchors": [{"from": 75, "to": 82}]}, {"id": 10, "anchors": [{"from": 83, "to": 85}]}, {"id": 11, "anchors": [{"from": 86, "to": 92}]}, {"id": 12, "anchors": [{"from": 93, "to": 96}, {"from": 97, "to": 99}]}, {"id": 13, "anchors": [{"from": 100, "to": 109}]}, {"id": 14, "anchors": [{"from": 109, "to": 110}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 20, "target": 14, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "R"}, {"source": 20, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "L"}, {"source": 16, "target": 15, "label": "P"}, {"source": 20, "target": 11, "label": "D"}, {"source": 15, "target": 0, "label": "F"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 13, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 20, "target": 12, "label": "P"}, {"source": 16, "target": 6, "label": "D"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 1, "label": "A"}]} +{"id": "026883-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I am in limbo regarding a bedroom suite.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 7, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 12, "label": "S"}, {"source": 12, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "026883-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I hope the owners and employees of this store have broken bedroom suites in their homes and furniture sitting in someone's warehouse.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 120}]}, {"id": 21, "anchors": [{"from": 120, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 132}]}, {"id": 23, "anchors": [{"from": 132, "to": 133}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 25, "target": 31, "label": "A"}, {"source": 33, "target": 6, "label": "R"}, {"source": 37, "target": 14, "label": "S"}, {"source": 25, "target": 1, "label": "S"}, {"source": 36, "target": 37, "label": "E"}, {"source": 24, "target": 25, "label": "H"}, {"source": 29, "target": 33, "label": "E"}, {"source": 39, "target": 19, "label": "R"}, {"source": 34, "target": 10, "label": "S"}, {"source": 25, "target": 0, "label": "A"}, {"source": 30, "target": 29, "label": "A"}, {"source": 30, "target": 35, "label": "A"}, {"source": 36, "target": 13, "label": "R"}, {"source": 32, "target": 5, "label": "A"}, {"source": 38, "target": 18, "label": "P"}, {"source": 29, "target": 28, "label": "C"}, {"source": 37, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 32, "target": 5, "label": "S"}, {"source": 35, "target": 12, "label": "C"}, {"source": 36, "target": 15, "label": "C"}, {"source": 28, "target": 4, "label": "L"}, {"source": 30, "target": 9, "label": "S"}, {"source": 41, "target": 21, "label": "S"}, {"source": 39, "target": 40, "label": "E"}, {"source": 33, "target": 7, "label": "E"}, {"source": 30, "target": 36, "label": "A"}, {"source": 35, "target": 34, "label": "E"}, {"source": 39, "target": 23, "label": "U"}, {"source": 34, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 38, "label": "H"}, {"source": 35, "target": 11, "label": "E"}, {"source": 28, "target": 32, "label": "H"}, {"source": 31, "target": 16, "label": "L"}, {"source": 38, "target": 17, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 40, "target": 20, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 2, "label": "F"}, {"source": 41, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 22, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 27, "target": 3, "label": "C"}]} +{"id": "026883-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Maybe then they will begin to understand poor customer service and terrible sit up service.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}, {"from": 80, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 90}]}, {"id": 14, "anchors": [{"from": 90, "to": 91}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "D"}, {"source": 19, "target": 10, "label": "L"}, {"source": 21, "target": 12, "label": "E"}, {"source": 18, "target": 9, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 5, "label": "F"}, {"source": 20, "target": 11, "label": "D"}, {"source": 16, "target": 17, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 8, "label": "A"}, {"source": 16, "target": 4, "label": "D"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 15, "target": 1, "label": "L"}, {"source": 18, "target": 7, "label": "D"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "028996-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Farrell Electric is a very good electrical contractor.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "P"}, {"source": 9, "target": 11, "label": "D"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "028996-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm pleased that someone referred me to them for my commercial business.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 10, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "E"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 4, "label": "A"}, {"source": 15, "target": 2, "label": "P"}, {"source": 19, "target": 10, "label": "S"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 16, "target": 5, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 19, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "028996-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I own a property management firm and need a contractor with the credentials that Farrell Electric has.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 88}, {"from": 89, "to": 97}]}, {"id": 15, "anchors": [{"from": 98, "to": 101}]}, {"id": 16, "anchors": [{"from": 101, "to": 102}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 26, "target": 15, "label": "S"}, {"source": 26, "target": 13, "label": "R"}, {"source": 26, "target": 16, "label": "U"}, {"source": 20, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 22, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "L"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 7, "label": "S"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 11, "label": "F"}, {"source": 25, "target": 12, "label": "C"}, {"source": 26, "target": 14, "label": "A"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "A"}, {"source": 19, "target": 5, "label": "C"}, {"source": 25, "target": 10, "label": "R"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "029218-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our Wedding 11/7/08", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "T"}]} +{"id": "029218-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We just had our wedding on 11/7/08 and was very impressed.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "S"}, {"source": 15, "target": 5, "label": "R"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 14, "label": "P"}, {"source": 12, "target": 1, "label": "T"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 9, "label": "D"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "T"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "029218-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cj and company did all that we ask and 10 times more.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 8, "label": "N"}, {"source": 13, "target": 2, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 1, "label": "N"}, {"source": 17, "target": 19, "label": "C"}, {"source": 16, "target": 6, "label": "A"}, {"source": 15, "target": 13, "label": "A"}, {"source": 13, "target": 0, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 19, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 9, "label": "Q"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "P"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "029218-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food was out standing.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}, {"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "029218-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you need a cater that is affordable and easy to work with they are the ones.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 2, "label": "S"}, {"source": 24, "target": 10, "label": "F"}, {"source": 27, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "L"}, {"source": 24, "target": 11, "label": "P"}, {"source": 22, "target": 5, "label": "R"}, {"source": 19, "target": 1, "label": "A"}, {"source": 22, "target": 8, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 26, "label": "H"}, {"source": 20, "target": 3, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 26, "target": 13, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "R"}, {"source": 27, "target": 15, "label": "F"}, {"source": 23, "target": 7, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 20, "label": "P"}, {"source": 24, "target": 9, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "029218-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks again Saucey's.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}, {"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "P"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "029218-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mark", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "029230-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Store In Boothbay Harbor", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}, {"from": 23, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "029230-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "What a fantastic store, I love this place.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 5, "label": "A"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 2, "label": "S"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "S"}, {"source": 11, "target": 4, "label": "U"}]} +{"id": "029230-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not the same old stuff that all the other stores have.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "R"}, {"source": 18, "target": 6, "label": "Q"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "D"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 18, "target": 7, "label": "F"}, {"source": 14, "target": 1, "label": "F"}, {"source": 18, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "S"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "029230-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their items are very unique, great quality, great prices.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 9, "label": "D"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 12, "target": 0, "label": "S"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 7, "label": "S"}, {"source": 13, "target": 12, "label": "E"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "U"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "029230-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They also have the best tea I ever had, not at all like the junk you get at the grocery stores, I stock up when ever there because they are closed in the winter.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}, {"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 103}, {"from": 104, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 111}, {"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 160}]}, {"id": 33, "anchors": [{"from": 160, "to": 161}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 40, "target": 11, "label": "E"}, {"source": 46, "target": 25, "label": "S"}, {"source": 47, "target": 29, "label": "S"}, {"source": 37, "target": 4, "label": "C"}, {"source": 36, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 3, "label": "F"}, {"source": 34, "target": 0, "label": "A"}, {"source": 47, "target": 48, "label": "T"}, {"source": 44, "target": 20, "label": "C"}, {"source": 34, "target": 1, "label": "D"}, {"source": 35, "target": 45, "label": "H"}, {"source": 38, "target": 36, "label": "E"}, {"source": 44, "target": 17, "label": "R"}, {"source": 34, "target": 38, "label": "A"}, {"source": 35, "target": 9, "label": "U"}, {"source": 35, "target": 47, "label": "H"}, {"source": 41, "target": 40, "label": "E"}, {"source": 40, "target": 10, "label": "C"}, {"source": 39, "target": 8, "label": "P"}, {"source": 42, "target": 13, "label": "F"}, {"source": 36, "target": 37, "label": "S"}, {"source": 39, "target": 7, "label": "T"}, {"source": 46, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 14, "label": "C"}, {"source": 47, "target": 28, "label": "F"}, {"source": 39, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 33, "label": "U"}, {"source": 38, "target": 5, "label": "C"}, {"source": 35, "target": 43, "label": "H"}, {"source": 41, "target": 12, "label": "C"}, {"source": 35, "target": 21, "label": "U"}, {"source": 35, "target": 26, "label": "L"}, {"source": 34, "target": 2, "label": "S"}, {"source": 44, "target": 19, "label": "E"}, {"source": 35, "target": 41, "label": "L"}, {"source": 48, "target": 30, "label": "R"}, {"source": 38, "target": 39, "label": "E"}, {"source": 35, "target": 46, "label": "H"}, {"source": 44, "target": 18, "label": "F"}, {"source": 45, "target": 23, "label": "P"}, {"source": 43, "target": 42, "label": "A"}, {"source": 47, "target": 27, "label": "A"}, {"source": 48, "target": 31, "label": "F"}, {"source": 39, "target": 6, "label": "A"}, {"source": 35, "target": 24, "label": "L"}, {"source": 48, "target": 32, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 15, "label": "A"}, {"source": 43, "target": 16, "label": "P"}, {"source": 35, "target": 34, "label": "H"}, {"source": 45, "target": 22, "label": "A"}]} +{"id": "029870-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found Bright Star Tours and Travels and Best and Affordable Tour Operators and Tours Agents in Chennai, India offered me Student Tour India Package for very less price.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}, {"from": 15, "to": 19}, {"from": 20, "to": 25}, {"from": 26, "to": 29}, {"from": 30, "to": 37}]}, {"id": 3, "anchors": [{"from": 38, "to": 41}]}, {"id": 4, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 61}, {"from": 62, "to": 66}, {"from": 67, "to": 76}]}, {"id": 5, "anchors": [{"from": 77, "to": 80}]}, {"id": 6, "anchors": [{"from": 81, "to": 86}, {"from": 87, "to": 93}]}, {"id": 7, "anchors": [{"from": 94, "to": 96}]}, {"id": 8, "anchors": [{"from": 97, "to": 104}]}, {"id": 9, "anchors": [{"from": 104, "to": 105}]}, {"id": 10, "anchors": [{"from": 106, "to": 111}]}, {"id": 11, "anchors": [{"from": 112, "to": 119}]}, {"id": 12, "anchors": [{"from": 120, "to": 122}]}, {"id": 13, "anchors": [{"from": 123, "to": 130}]}, {"id": 14, "anchors": [{"from": 131, "to": 135}, {"from": 136, "to": 141}]}, {"id": 15, "anchors": [{"from": 142, "to": 149}]}, {"id": 16, "anchors": [{"from": 150, "to": 153}]}, {"id": 17, "anchors": [{"from": 154, "to": 158}]}, {"id": 18, "anchors": [{"from": 159, "to": 163}]}, {"id": 19, "anchors": [{"from": 164, "to": 169}]}, {"id": 20, "anchors": [{"from": 169, "to": 170}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 11, "label": "P"}, {"source": 28, "target": 16, "label": "R"}, {"source": 27, "target": 14, "label": "E"}, {"source": 23, "target": 6, "label": "C"}, {"source": 25, "target": 12, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 26, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 2, "label": "C"}, {"source": 23, "target": 3, "label": "N"}, {"source": 25, "target": 24, "label": "A"}, {"source": 24, "target": 23, "label": "C"}, {"source": 23, "target": 5, "label": "N"}, {"source": 22, "target": 25, "label": "A"}, {"source": 29, "target": 18, "label": "C"}, {"source": 26, "target": 7, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 22, "target": 1, "label": "P"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 9, "label": "U"}, {"source": 29, "target": 17, "label": "E"}, {"source": 28, "target": 19, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 27, "target": 13, "label": "E"}, {"source": 25, "target": 28, "label": "A"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "029870-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I enjoyed my tour and i am looking for adventure tour and India heritage tours for valuable.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 15, "label": "R"}, {"source": 20, "target": 3, "label": "P"}, {"source": 19, "target": 4, "label": "L"}, {"source": 21, "target": 5, "label": "A"}, {"source": 24, "target": 23, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 24, "label": "C"}, {"source": 22, "target": 26, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 2, "label": "A"}, {"source": 25, "target": 13, "label": "E"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 11, "label": "N"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 19, "target": 21, "label": "H"}, {"source": 25, "target": 12, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 7, "label": "P"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "029870-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks for Bright Star Tours.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 22}, {"from": 23, "to": 28}]}, {"id": 3, "anchors": [{"from": 28, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "030126-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HORRIBLE", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "030126-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This school is the worst one i've ever been to.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 12, "target": 0, "label": "E"}, {"source": 18, "target": 9, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 3, "label": "F"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "T"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 18, "target": 6, "label": "A"}, {"source": 15, "target": 16, "label": "S"}, {"source": 14, "target": 12, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 17, "target": 15, "label": "E"}, {"source": 19, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "U"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "030126-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I attended it for 2 years, and that was enough.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 3, "label": "R"}, {"source": 12, "target": 14, "label": "T"}, {"source": 12, "target": 2, "label": "A"}, {"source": 14, "target": 4, "label": "Q"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 10, "label": "S"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 7, "label": "L"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 9, "label": "F"}]} +{"id": "030126-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There's holes everywhere in the ceiling, sewage constantly leaks through the ceiling, and the whole condition of the school is horrible.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 32, "target": 20, "label": "F"}, {"source": 26, "target": 31, "label": "H"}, {"source": 27, "target": 5, "label": "F"}, {"source": 25, "target": 2, "label": "A"}, {"source": 26, "target": 15, "label": "L"}, {"source": 28, "target": 9, "label": "T"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 24, "label": "U"}, {"source": 32, "target": 19, "label": "R"}, {"source": 29, "target": 11, "label": "R"}, {"source": 28, "target": 10, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 16, "label": "F"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 14, "label": "U"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 29, "target": 12, "label": "F"}, {"source": 25, "target": 3, "label": "D"}, {"source": 31, "target": 22, "label": "F"}, {"source": 26, "target": 7, "label": "U"}, {"source": 27, "target": 4, "label": "R"}, {"source": 26, "target": 28, "label": "H"}, {"source": 27, "target": 6, "label": "C"}, {"source": 28, "target": 8, "label": "A"}, {"source": 31, "target": 30, "label": "S"}, {"source": 29, "target": 13, "label": "C"}, {"source": 25, "target": 0, "label": "S"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 17, "label": "D"}, {"source": 31, "target": 23, "label": "D"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "030126-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff and the Principal are rediculous, they don't listen to any input, and they make up rediculous rules ( They banned backpacks, because a teacher TRIPPED OVER a student's).", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}, {"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 152}]}, {"id": 29, "anchors": [{"from": 153, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 167}]}, {"id": 32, "anchors": [{"from": 168, "to": 175}]}, {"id": 33, "anchors": [{"from": 175, "to": 177}]}, {"id": 34, "anchors": [{"from": 177, "to": 178}]}, {"id": 35, "anchors": [{"from": 178, "to": 179}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 44, "target": 13, "label": "D"}, {"source": 39, "target": 5, "label": "F"}, {"source": 51, "target": 29, "label": "P"}, {"source": 40, "target": 21, "label": "U"}, {"source": 50, "target": 28, "label": "C"}, {"source": 54, "target": 33, "label": "S"}, {"source": 53, "target": 54, "label": "E"}, {"source": 51, "target": 49, "label": "A"}, {"source": 53, "target": 31, "label": "F"}, {"source": 54, "target": 35, "label": "U"}, {"source": 54, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 45, "label": "H"}, {"source": 43, "target": 11, "label": "P"}, {"source": 40, "target": 26, "label": "L"}, {"source": 52, "target": 24, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 0, "label": "F"}, {"source": 40, "target": 48, "label": "H"}, {"source": 46, "target": 19, "label": "S"}, {"source": 50, "target": 27, "label": "F"}, {"source": 46, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 37, "label": "S"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 51, "label": "H"}, {"source": 43, "target": 8, "label": "A"}, {"source": 54, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 24, "label": "A"}, {"source": 41, "target": 42, "label": "S"}, {"source": 48, "target": 22, "label": "A"}, {"source": 49, "target": 50, "label": "A"}, {"source": 39, "target": 38, "label": "A"}, {"source": 43, "target": 10, "label": "D"}, {"source": 47, "target": 20, "label": "C"}, {"source": 53, "target": 32, "label": "C"}, {"source": 44, "target": 14, "label": "P"}, {"source": 43, "target": 9, "label": "F"}, {"source": 42, "target": 4, "label": "C"}, {"source": 40, "target": 25, "label": "U"}, {"source": 38, "target": 41, "label": "H"}, {"source": 40, "target": 7, "label": "U"}, {"source": 45, "target": 47, "label": "A"}, {"source": 47, "target": 46, "label": "E"}, {"source": 40, "target": 16, "label": "L"}, {"source": 48, "target": 23, "label": "P"}, {"source": 38, "target": 2, "label": "L"}, {"source": 51, "target": 30, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 40, "target": 43, "label": "H"}, {"source": 52, "target": 53, "label": "E"}, {"source": 49, "target": 50, "label": "S"}, {"source": 44, "target": 12, "label": "R"}, {"source": 40, "target": 39, "label": "H"}, {"source": 39, "target": 6, "label": "S"}, {"source": 36, "target": 37, "label": "A"}, {"source": 38, "target": 36, "label": "H"}, {"source": 45, "target": 17, "label": "A"}, {"source": 45, "target": 18, "label": "P"}, {"source": 42, "target": 3, "label": "F"}, {"source": 40, "target": 15, "label": "U"}, {"source": 54, "target": 34, "label": "U"}, {"source": 37, "target": 1, "label": "C"}]} +{"id": "030126-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The education is horrible at best, do society a favor, and do NOT send your student here.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}, {"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 20, "target": 22, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 21, "target": 10, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 16, "label": "S"}, {"source": 21, "target": 5, "label": "U"}, {"source": 25, "target": 13, "label": "D"}, {"source": 24, "target": 9, "label": "C"}, {"source": 26, "target": 16, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 11, "label": "L"}, {"source": 20, "target": 19, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 25, "target": 14, "label": "P"}, {"source": 24, "target": 6, "label": "F"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 25, "target": 12, "label": "F"}, {"source": 19, "target": 1, "label": "C"}, {"source": 25, "target": 17, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "030395-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Sanctuary is amazing!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "030395-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sanctuary serves delicious, somewhat healthy food in a great restaurant/fast food style.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 87}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 20, "label": "D"}, {"source": 20, "target": 14, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 6, "label": "C"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "U"}, {"source": 21, "target": 10, "label": "C"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 3, "label": "U"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "E"}, {"source": 17, "target": 2, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 17, "label": "E"}, {"source": 22, "target": 9, "label": "S"}]} +{"id": "030395-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The employees are really friendly.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 6, "label": "S"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "D"}, {"source": 8, "target": 6, "label": "A"}]} +{"id": "030395-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "And they deliver!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "030430-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Amazing customer service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "030430-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think the women at this salon know that their business is based primarily from referrals. :)", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 25, "target": 16, "label": "U"}, {"source": 19, "target": 1, "label": "P"}, {"source": 25, "target": 15, "label": "P"}, {"source": 23, "target": 8, "label": "R"}, {"source": 19, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 10, "label": "P"}, {"source": 24, "target": 9, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "S"}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 22, "label": "E"}, {"source": 25, "target": 17, "label": "U"}, {"source": 25, "target": 14, "label": "R"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 12, "label": "S"}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}, {"source": 23, "target": 13, "label": "D"}, {"source": 22, "target": 4, "label": "R"}]} +{"id": "030430-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They were amazingly hospitable.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "030430-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Edit was the best massage therapist I've ever had and I would HIGHLY recommend her!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "D"}, {"source": 17, "target": 20, "label": "P"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 13, "label": "D"}, {"source": 17, "target": 19, "label": "D"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 15, "label": "A"}, {"source": 22, "target": 14, "label": "P"}, {"source": 21, "target": 8, "label": "T"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 10, "label": "L"}, {"source": 21, "target": 6, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 7, "label": "F"}, {"source": 22, "target": 11, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "030811-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've only had good experiences at Adorn, I was greeted and offered a refreshment.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 17, "target": 20, "label": "P"}, {"source": 18, "target": 22, "label": "H"}, {"source": 24, "target": 14, "label": "F"}, {"source": 22, "target": 10, "label": "F"}, {"source": 23, "target": 13, "label": "P"}, {"source": 19, "target": 2, "label": "E"}, {"source": 17, "target": 19, "label": "D"}, {"source": 17, "target": 21, "label": "A"}, {"source": 22, "target": 11, "label": "P"}, {"source": 20, "target": 3, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 12, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "C"}]} +{"id": "030811-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend Debi, she does an amazing job, I \"love\" the way she cuts my hair, extremely thorough and cross checks her work to make sure my hair is perfect.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 78}]}, {"id": 20, "anchors": [{"from": 79, "to": 83}]}, {"id": 21, "anchors": [{"from": 83, "to": 84}]}, {"id": 22, "anchors": [{"from": 85, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 137}, {"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 145}]}, {"id": 32, "anchors": [{"from": 146, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 153}]}, {"id": 34, "anchors": [{"from": 154, "to": 161}]}, {"id": 35, "anchors": [{"from": 161, "to": 162}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 42, "target": 17, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 36, "target": 1, "label": "D"}, {"source": 39, "target": 9, "label": "C"}, {"source": 49, "target": 33, "label": "F"}, {"source": 47, "target": 49, "label": "A"}, {"source": 37, "target": 10, "label": "U"}, {"source": 42, "target": 41, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 42, "target": 18, "label": "P"}, {"source": 37, "target": 40, "label": "H"}, {"source": 49, "target": 35, "label": "U"}, {"source": 38, "target": 6, "label": "F"}, {"source": 45, "target": 25, "label": "D"}, {"source": 45, "target": 26, "label": "P"}, {"source": 37, "target": 21, "label": "U"}, {"source": 49, "target": 34, "label": "S"}, {"source": 40, "target": 12, "label": "U"}, {"source": 39, "target": 7, "label": "F"}, {"source": 36, "target": 2, "label": "P"}, {"source": 43, "target": 20, "label": "C"}, {"source": 45, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 28, "label": "P"}, {"source": 38, "target": 8, "label": "D"}, {"source": 44, "target": 23, "label": "S"}, {"source": 37, "target": 38, "label": "H"}, {"source": 40, "target": 14, "label": "U"}, {"source": 40, "target": 42, "label": "A"}, {"source": 37, "target": 47, "label": "H"}, {"source": 38, "target": 5, "label": "A"}, {"source": 44, "target": 22, "label": "D"}, {"source": 37, "target": 29, "label": "L"}, {"source": 41, "target": 16, "label": "C"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 38, "target": 39, "label": "P"}, {"source": 43, "target": 19, "label": "E"}, {"source": 37, "target": 24, "label": "L"}, {"source": 40, "target": 13, "label": "S"}, {"source": 49, "target": 48, "label": "A"}, {"source": 46, "target": 27, "label": "A"}, {"source": 36, "target": 3, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 40, "target": 11, "label": "A"}, {"source": 37, "target": 44, "label": "H"}, {"source": 48, "target": 32, "label": "C"}, {"source": 41, "target": 15, "label": "F"}, {"source": 44, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 31, "label": "E"}, {"source": 37, "target": 4, "label": "U"}, {"source": 47, "target": 30, "label": "P"}, {"source": 47, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "030811-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I always leave loving my hair style.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 3, "label": "S"}, {"source": 9, "target": 1, "label": "T"}]} +{"id": "030875-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Slice Pizza at former Britt's Location", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 2, "label": "T"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "S"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "030875-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Britt's Pizza is long gone.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 5, "to": 7}, {"from": 8, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "T"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "030875-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their location, the northwest corner of S. 10th & Federal Sts., is now home to Slice Pizza.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}, {"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}, {"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}, {"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 10, "label": "U"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "C"}, {"source": 22, "target": 8, "label": "N"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 6, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 13, "label": "S"}, {"source": 17, "target": 0, "label": "S"}, {"source": 23, "target": 14, "label": "R"}, {"source": 21, "target": 4, "label": "E"}, {"source": 18, "target": 21, "label": "E"}, {"source": 21, "target": 3, "label": "F"}, {"source": 21, "target": 5, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 2, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 11, "label": "F"}, {"source": 20, "target": 12, "label": "T"}, {"source": 20, "target": 18, "label": "A"}, {"source": 18, "target": 17, "label": "E"}]} +{"id": "031113-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good Pizza at a good price", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 7, "target": 9, "label": "H"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 9, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 8, "label": "S"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "031113-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I just moved nearby and have tried several of the local places, this was the first one and I should have just stuck with it.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 123}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 24, "label": "R"}, {"source": 32, "target": 13, "label": "A"}, {"source": 34, "target": 22, "label": "D"}, {"source": 28, "target": 34, "label": "H"}, {"source": 27, "target": 1, "label": "T"}, {"source": 31, "target": 10, "label": "E"}, {"source": 34, "target": 23, "label": "P"}, {"source": 34, "target": 19, "label": "A"}, {"source": 35, "target": 25, "label": "C"}, {"source": 33, "target": 15, "label": "F"}, {"source": 29, "target": 6, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 14, "label": "F"}, {"source": 28, "target": 18, "label": "L"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "U"}, {"source": 32, "target": 6, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 4, "label": "L"}, {"source": 33, "target": 16, "label": "Q"}, {"source": 35, "target": 26, "label": "U"}, {"source": 34, "target": 21, "label": "F"}, {"source": 34, "target": 20, "label": "D"}, {"source": 30, "target": 8, "label": "R"}, {"source": 31, "target": 11, "label": "C"}, {"source": 30, "target": 7, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 5, "label": "F"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 27, "target": 2, "label": "P"}, {"source": 31, "target": 9, "label": "F"}, {"source": 33, "target": 17, "label": "C"}, {"source": 31, "target": 30, "label": "Q"}, {"source": 27, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 3, "label": "A"}]} +{"id": "031113-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The pizza is usually pretty good, the only bad one we got was on a Friday night and it just needed to be cooked a little more, but it was still good.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 125}]}, {"id": 28, "anchors": [{"from": 125, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 130}]}, {"id": 30, "anchors": [{"from": 131, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 143}]}, {"id": 33, "anchors": [{"from": 144, "to": 148}]}, {"id": 34, "anchors": [{"from": 148, "to": 149}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 44, "target": 31, "label": "F"}, {"source": 37, "target": 18, "label": "L"}, {"source": 41, "target": 14, "label": "R"}, {"source": 42, "target": 21, "label": "D"}, {"source": 38, "target": 40, "label": "E"}, {"source": 39, "target": 11, "label": "A"}, {"source": 42, "target": 43, "label": "D"}, {"source": 44, "target": 34, "label": "U"}, {"source": 43, "target": 27, "label": "C"}, {"source": 44, "target": 33, "label": "S"}, {"source": 41, "target": 17, "label": "C"}, {"source": 42, "target": 22, "label": "F"}, {"source": 44, "target": 32, "label": "D"}, {"source": 39, "target": 41, "label": "T"}, {"source": 40, "target": 9, "label": "S"}, {"source": 36, "target": 35, "label": "A"}, {"source": 43, "target": 25, "label": "F"}, {"source": 35, "target": 0, "label": "F"}, {"source": 39, "target": 38, "label": "A"}, {"source": 37, "target": 29, "label": "L"}, {"source": 41, "target": 16, "label": "C"}, {"source": 39, "target": 13, "label": "F"}, {"source": 37, "target": 36, "label": "H"}, {"source": 39, "target": 12, "label": "P"}, {"source": 43, "target": 26, "label": "Q"}, {"source": 38, "target": 10, "label": "C"}, {"source": 36, "target": 5, "label": "S"}, {"source": 38, "target": 8, "label": "Q"}, {"source": 40, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 28, "label": "U"}, {"source": 42, "target": 20, "label": "D"}, {"source": 37, "target": 44, "label": "H"}, {"source": 37, "target": 39, "label": "H"}, {"source": 42, "target": 19, "label": "A"}, {"source": 41, "target": 15, "label": "F"}, {"source": 36, "target": 3, "label": "T"}, {"source": 36, "target": 4, "label": "D"}, {"source": 42, "target": 24, "label": "P"}, {"source": 38, "target": 7, "label": "F"}, {"source": 42, "target": 23, "label": "F"}, {"source": 36, "target": 2, "label": "F"}, {"source": 35, "target": 1, "label": "C"}, {"source": 37, "target": 42, "label": "H"}, {"source": 37, "target": 6, "label": "U"}, {"source": 44, "target": 30, "label": "A"}]} +{"id": "031113-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their BBQ chicken pizza is one of the better ones I have ever had.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "T"}, {"source": 21, "target": 22, "label": "E"}, {"source": 16, "target": 1, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 22, "target": 11, "label": "F"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "R"}, {"source": 15, "target": 0, "label": "S"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "E"}, {"source": 19, "target": 5, "label": "Q"}, {"source": 18, "target": 4, "label": "S"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 13, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 20, "label": "E"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 18, "target": 16, "label": "A"}, {"source": 19, "target": 5, "label": "C"}]} +{"id": "031674-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Responsive, kept me apprised of status.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "034313-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "criminal defense lawyer", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 23}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 6, "label": "E"}, {"source": 6, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "034313-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mr. Villega is an exceptional California criminal defense lawyer.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "A"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "P"}, {"source": 13, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 5, "label": "A"}]} +{"id": "034313-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He cross examined witnesses relentlessly and had them break down and tell the truth.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}, {"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 40}]}, {"id": 4, "anchors": [{"from": 41, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 59}, {"from": 60, "to": 64}]}, {"id": 8, "anchors": [{"from": 65, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 73}]}, {"id": 10, "anchors": [{"from": 74, "to": 77}]}, {"id": 11, "anchors": [{"from": 78, "to": 83}]}, {"id": 12, "anchors": [{"from": 83, "to": 84}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 4, "label": "L"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "D"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 6, "label": "A"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 8, "label": "L"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 18, "target": 10, "label": "F"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "S"}]} +{"id": "034313-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you want an attorney who will defend your right, contact Law Offices of Armando Villega", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 82}, {"from": 83, "to": 90}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 22, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 20, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 19, "target": 4, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 0, "label": "L"}, {"source": 24, "target": 14, "label": "R"}, {"source": 20, "target": 7, "label": "P"}, {"source": 20, "target": 6, "label": "F"}, {"source": 22, "target": 11, "label": "P"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "C"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 20, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 2, "label": "S"}, {"source": 23, "target": 12, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 13, "label": "C"}, {"source": 19, "target": 4, "label": "A"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "034320-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fresh and unic!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "034320-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very professional, talented, unic and fresh work.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 7, "label": "D"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "U"}, {"source": 11, "target": 6, "label": "L"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 5, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 10, "target": 1, "label": "S"}, {"source": 14, "target": 8, "label": "P"}, {"source": 11, "target": 4, "label": "U"}]} +{"id": "034320-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Paula has an amazing gift for creativity, vision and the ability to combine art to / with commercial purpose.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 8, "label": "S"}, {"source": 31, "target": 15, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 28, "target": 27, "label": "D"}, {"source": 28, "target": 30, "label": "A"}, {"source": 24, "target": 26, "label": "H"}, {"source": 32, "target": 20, "label": "U"}, {"source": 24, "target": 25, "label": "H"}, {"source": 24, "target": 5, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 28, "target": 29, "label": "P"}, {"source": 22, "target": 23, "label": "S"}, {"source": 32, "target": 19, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 23, "target": 2, "label": "F"}, {"source": 24, "target": 9, "label": "L"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 7, "label": "U"}, {"source": 22, "target": 3, "label": "D"}, {"source": 27, "target": 10, "label": "F"}, {"source": 31, "target": 17, "label": "C"}, {"source": 24, "target": 28, "label": "H"}, {"source": 25, "target": 6, "label": "S"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "F"}, {"source": 31, "target": 16, "label": "U"}, {"source": 22, "target": 24, "label": "A"}, {"source": 30, "target": 32, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 13, "label": "C"}, {"source": 30, "target": 31, "label": "N"}, {"source": 23, "target": 1, "label": "F"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 14, "label": "C"}]} +{"id": "034320-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bravo!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "034501-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Best Stationery store in Bethesda", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 2, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "034501-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Papeluna, a cute Mom/Pop custom printing and paper store, just opened a few days ago.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 12, "label": "U"}, {"source": 26, "target": 18, "label": "R"}, {"source": 22, "target": 5, "label": "U"}, {"source": 22, "target": 11, "label": "C"}, {"source": 22, "target": 2, "label": "F"}, {"source": 20, "target": 1, "label": "U"}, {"source": 25, "target": 26, "label": "T"}, {"source": 26, "target": 19, "label": "U"}, {"source": 23, "target": 7, "label": "D"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "F"}, {"source": 24, "target": 23, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 24, "label": "E"}, {"source": 20, "target": 0, "label": "H"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 10, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 23, "target": 8, "label": "P"}, {"source": 24, "target": 9, "label": "N"}, {"source": 22, "target": 4, "label": "E"}, {"source": 25, "target": 14, "label": "P"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 6, "label": "E"}, {"source": 25, "target": 13, "label": "T"}, {"source": 21, "target": 3, "label": "S"}, {"source": 26, "target": 16, "label": "Q"}]} +{"id": "034501-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is right on the hustle and bustle of Wisconsin Ave but some might miss it as it is nestled in between Subway Sandwiches and Modell's.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 49}, {"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 111}, {"from": 112, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 133}, {"from": 133, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 17, "label": "F"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 9, "label": "C"}, {"source": 26, "target": 31, "label": "H"}, {"source": 26, "target": 15, "label": "L"}, {"source": 30, "target": 14, "label": "A"}, {"source": 30, "target": 13, "label": "P"}, {"source": 30, "target": 11, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 28, "target": 7, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 32, "target": 19, "label": "F"}, {"source": 27, "target": 29, "label": "E"}, {"source": 29, "target": 8, "label": "R"}, {"source": 33, "target": 23, "label": "C"}, {"source": 32, "target": 20, "label": "C"}, {"source": 31, "target": 18, "label": "S"}, {"source": 26, "target": 30, "label": "H"}, {"source": 31, "target": 16, "label": "A"}, {"source": 27, "target": 28, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 12, "label": "D"}, {"source": 25, "target": 3, "label": "S"}, {"source": 25, "target": 2, "label": "D"}, {"source": 33, "target": 32, "label": "R"}, {"source": 33, "target": 22, "label": "N"}, {"source": 28, "target": 6, "label": "N"}, {"source": 26, "target": 10, "label": "L"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "034501-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I popped in after my afternoon pumpkin spice latte break at Starbucks.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "L"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "D"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 10, "label": "R"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "T"}]} +{"id": "034501-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It's an adorable little store filled with lots of stationery goodness.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 18, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 6, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 17, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "S"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 19, "target": 8, "label": "Q"}]} +{"id": "034501-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cards, wrapping paper, paper, and an area to sit down and talk with someone to design your own invitations or for whatever else your custom printing needs may be.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 43, "target": 15, "label": "R"}, {"source": 39, "target": 9, "label": "C"}, {"source": 47, "target": 29, "label": "S"}, {"source": 47, "target": 49, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 41, "target": 12, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 46, "label": "A"}, {"source": 46, "target": 20, "label": "E"}, {"source": 33, "target": 4, "label": "U"}, {"source": 49, "target": 28, "label": "P"}, {"source": 33, "target": 38, "label": "C"}, {"source": 40, "target": 17, "label": "L"}, {"source": 37, "target": 33, "label": "C"}, {"source": 46, "target": 45, "label": "E"}, {"source": 40, "target": 10, "label": "F"}, {"source": 40, "target": 44, "label": "H"}, {"source": 39, "target": 8, "label": "F"}, {"source": 37, "target": 39, "label": "C"}, {"source": 48, "target": 25, "label": "E"}, {"source": 48, "target": 24, "label": "C"}, {"source": 45, "target": 19, "label": "S"}, {"source": 33, "target": 0, "label": "C"}, {"source": 41, "target": 11, "label": "P"}, {"source": 47, "target": 23, "label": "R"}, {"source": 40, "target": 47, "label": "H"}, {"source": 44, "target": 18, "label": "P"}, {"source": 39, "target": 40, "label": "E"}, {"source": 46, "target": 21, "label": "C"}, {"source": 40, "target": 13, "label": "L"}, {"source": 47, "target": 32, "label": "U"}, {"source": 33, "target": 5, "label": "C"}, {"source": 38, "target": 2, "label": "E"}, {"source": 34, "target": 35, "label": "H"}, {"source": 42, "target": 14, "label": "P"}, {"source": 47, "target": 30, "label": "F"}, {"source": 38, "target": 3, "label": "C"}, {"source": 47, "target": 27, "label": "D"}, {"source": 47, "target": 31, "label": "F"}, {"source": 44, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 7, "label": "N"}, {"source": 35, "target": 36, "label": "E"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 22, "label": "L"}, {"source": 40, "target": 42, "label": "H"}, {"source": 45, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "H"}, {"source": 33, "target": 1, "label": "U"}, {"source": 47, "target": 26, "label": "A"}, {"source": 37, "target": 6, "label": "U"}, {"source": 43, "target": 16, "label": "C"}]} +{"id": "034501-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I gave the woman I spoke with today a \"You've been yelped!\" card to let her know that Yelp may be a good tool for helping spreading the word about Papeluna.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15, "anchors": [{"from": 58, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 71}, {"from": 76, "to": 80}]}, {"id": 19, "anchors": [{"from": 72, "to": 75}]}, {"id": 20, "anchors": [{"from": 81, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 97}]}, {"id": 24, "anchors": [{"from": 98, "to": 99}]}, {"id": 25, "anchors": [{"from": 100, "to": 104}]}, {"id": 26, "anchors": [{"from": 105, "to": 109}]}, {"id": 27, "anchors": [{"from": 110, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 121}]}, {"id": 29, "anchors": [{"from": 122, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 146}]}, {"id": 33, "anchors": [{"from": 147, "to": 155}]}, {"id": 34, "anchors": [{"from": 155, "to": 156}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 43, "target": 23, "label": "S"}, {"source": 43, "target": 22, "label": "D"}, {"source": 40, "target": 9, "label": "U"}, {"source": 48, "target": 34, "label": "U"}, {"source": 35, "target": 0, "label": "A"}, {"source": 46, "target": 28, "label": "D"}, {"source": 40, "target": 8, "label": "F"}, {"source": 42, "target": 43, "label": "A"}, {"source": 42, "target": 18, "label": "P"}, {"source": 46, "target": 48, "label": "A"}, {"source": 46, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 6, "label": "R"}, {"source": 44, "target": 26, "label": "C"}, {"source": 35, "target": 1, "label": "P"}, {"source": 38, "target": 7, "label": "T"}, {"source": 37, "target": 3, "label": "C"}, {"source": 41, "target": 11, "label": "F"}, {"source": 46, "target": 47, "label": "A"}, {"source": 38, "target": 5, "label": "P"}, {"source": 40, "target": 16, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 40, "target": 14, "label": "U"}, {"source": 38, "target": 39, "label": "A"}, {"source": 41, "target": 13, "label": "P"}, {"source": 43, "target": 21, "label": "A"}, {"source": 37, "target": 2, "label": "F"}, {"source": 45, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 37, "label": "A"}, {"source": 42, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 27, "label": "L"}, {"source": 35, "target": 40, "label": "A"}, {"source": 41, "target": 10, "label": "A"}, {"source": 36, "target": 42, "label": "H"}, {"source": 48, "target": 33, "label": "C"}, {"source": 43, "target": 20, "label": "R"}, {"source": 48, "target": 32, "label": "R"}, {"source": 46, "target": 29, "label": "P"}, {"source": 38, "target": 4, "label": "A"}, {"source": 39, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 30, "label": "F"}, {"source": 42, "target": 19, "label": "A"}, {"source": 36, "target": 46, "label": "H"}, {"source": 44, "target": 24, "label": "F"}, {"source": 47, "target": 31, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 36, "target": 17, "label": "L"}, {"source": 45, "target": 25, "label": "S"}, {"source": 44, "target": 45, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 41, "target": 12, "label": "F"}, {"source": 40, "target": 15, "label": "U"}]} +{"id": "034501-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I ended up buying a birthday card and would probably come back for more.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}, {"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 10, "label": "D"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 8, "label": "D"}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 12, "label": "C"}, {"source": 18, "target": 11, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "D"}, {"source": 15, "target": 6, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "D"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "034501-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "printing, printing, copies, printing, copies, printing,", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 3, "label": "U"}, {"source": 12, "target": 0, "label": "P"}, {"source": 16, "target": 4, "label": "P"}, {"source": 14, "target": 1, "label": "U"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 6, "label": "P"}, {"source": 14, "target": 7, "label": "U"}, {"source": 14, "target": 5, "label": "U"}, {"source": 14, "target": 12, "label": "H"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 19, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 11, "label": "U"}]} +{"id": "034813-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Baffled by the one-star reviews", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 8, "target": 0, "label": "P"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 3, "label": "Q"}, {"source": 9, "target": 10, "label": "P"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "034813-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't get it.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "034813-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is awesome, with a great ambiance and cool décor, and the food is scrumptious (and especially their signature banana split).", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 127}, {"from": 128, "to": 133}]}, {"id": 24, "anchors": [{"from": 133, "to": 134}]}, {"id": 25, "anchors": [{"from": 134, "to": 135}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 34, "target": 17, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 37, "label": "E"}, {"source": 35, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 34, "label": "H"}, {"source": 33, "target": 32, "label": "A"}, {"source": 29, "target": 7, "label": "D"}, {"source": 31, "target": 10, "label": "S"}, {"source": 28, "target": 18, "label": "U"}, {"source": 32, "target": 15, "label": "C"}, {"source": 31, "target": 11, "label": "A"}, {"source": 26, "target": 1, "label": "C"}, {"source": 28, "target": 4, "label": "U"}, {"source": 32, "target": 14, "label": "F"}, {"source": 29, "target": 30, "label": "S"}, {"source": 36, "target": 25, "label": "U"}, {"source": 28, "target": 12, "label": "U"}, {"source": 34, "target": 20, "label": "G"}, {"source": 28, "target": 9, "label": "L"}, {"source": 30, "target": 8, "label": "C"}, {"source": 33, "target": 16, "label": "F"}, {"source": 27, "target": 26, "label": "A"}, {"source": 36, "target": 23, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 36, "label": "A"}, {"source": 26, "target": 0, "label": "E"}, {"source": 28, "target": 29, "label": "H"}, {"source": 36, "target": 35, "label": "E"}, {"source": 28, "target": 33, "label": "H"}, {"source": 27, "target": 3, "label": "S"}, {"source": 28, "target": 13, "label": "L"}, {"source": 35, "target": 21, "label": "S"}, {"source": 37, "target": 22, "label": "S"}, {"source": 28, "target": 27, "label": "H"}, {"source": 36, "target": 24, "label": "U"}, {"source": 27, "target": 2, "label": "F"}, {"source": 33, "target": 17, "label": "S"}, {"source": 28, "target": 19, "label": "L"}, {"source": 29, "target": 5, "label": "R"}]} +{"id": "034813-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sure, some items are a little pricey, but c'mon... have you ever been out to eat in Seattle before?", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}, {"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 27, "target": 21, "label": "T"}, {"source": 27, "target": 10, "label": "G"}, {"source": 26, "target": 5, "label": "F"}, {"source": 24, "target": 27, "label": "H"}, {"source": 27, "target": 16, "label": "D"}, {"source": 27, "target": 18, "label": "P"}, {"source": 27, "target": 12, "label": "F"}, {"source": 23, "target": 4, "label": "F"}, {"source": 23, "target": 1, "label": "U"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 0, "label": "G"}, {"source": 27, "target": 14, "label": "T"}, {"source": 23, "target": 26, "label": "D"}, {"source": 27, "target": 17, "label": "F"}, {"source": 27, "target": 11, "label": "U"}, {"source": 25, "target": 2, "label": "Q"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 20, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 8, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 13, "label": "A"}, {"source": 28, "target": 19, "label": "R"}, {"source": 25, "target": 3, "label": "C"}, {"source": 27, "target": 15, "label": "F"}, {"source": 23, "target": 7, "label": "S"}, {"source": 27, "target": 22, "label": "U"}]} +{"id": "034858-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you for fixing the leak on my bathroom!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "R"}, {"source": 14, "target": 8, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 6, "label": "S"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "P"}, {"source": 11, "target": 2, "label": "P"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "034858-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "034995-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food is often expired so check the dates every time!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 15, "target": 8, "label": "Q"}, {"source": 12, "target": 4, "label": "L"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "T"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "034995-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also more often than not you end up with a healthy dose of nasty rude attitude from the employees!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 15}, {"from": 16, "to": 20}, {"from": 21, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 97}]}, {"id": 15, "anchors": [{"from": 97, "to": 98}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 9, "label": "D"}, {"source": 17, "target": 10, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 3, "label": "D"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "L"}, {"source": 18, "target": 6, "label": "E"}, {"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 12, "label": "R"}, {"source": 19, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "A"}, {"source": 17, "target": 19, "label": "P"}, {"source": 17, "target": 1, "label": "T"}, {"source": 20, "target": 21, "label": "S"}, {"source": 18, "target": 4, "label": "R"}, {"source": 17, "target": 18, "label": "D"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "035726-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The BEST", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "S"}, {"source": 4, "target": 0, "label": "F"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "035726-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Dr. Aster and her team have been a strong advocate in the health of both my daughters.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 14, "label": "D"}, {"source": 19, "target": 2, "label": "N"}, {"source": 21, "target": 5, "label": "F"}, {"source": 26, "target": 15, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 26, "target": 16, "label": "S"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 13, "label": "R"}, {"source": 18, "target": 0, "label": "E"}, {"source": 26, "target": 16, "label": "A"}, {"source": 21, "target": 23, "label": "P"}, {"source": 19, "target": 18, "label": "C"}, {"source": 22, "target": 3, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 8, "label": "D"}, {"source": 24, "target": 10, "label": "R"}, {"source": 19, "target": 22, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 11, "label": "F"}, {"source": 23, "target": 7, "label": "F"}, {"source": 22, "target": 4, "label": "S"}, {"source": 25, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 24, "target": 25, "label": "S"}, {"source": 21, "target": 24, "label": "A"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "035726-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Dr. Aster is very kind an gentle with the children, but also positive and to the point with the parents.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}, {"from": 77, "to": 80}, {"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 24, "target": 7, "label": "R"}, {"source": 23, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 19, "label": "U"}, {"source": 22, "target": 14, "label": "L"}, {"source": 22, "target": 5, "label": "L"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 15, "label": "S"}, {"source": 23, "target": 6, "label": "S"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 8, "label": "F"}, {"source": 27, "target": 17, "label": "F"}, {"source": 22, "target": 10, "label": "U"}, {"source": 21, "target": 3, "label": "D"}, {"source": 22, "target": 11, "label": "L"}, {"source": 25, "target": 12, "label": "D"}, {"source": 26, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "F"}, {"source": 25, "target": 13, "label": "S"}, {"source": 25, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 12, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "S"}, {"source": 20, "target": 1, "label": "C"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "035726-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She is and excellent doctor to have on one's team.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 14, "label": "D"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "R"}, {"source": 15, "target": 6, "label": "S"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "035726-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even though I live pretty far from her office I still make the trip so my daughters will have the BEST!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 21, "target": 13, "label": "L"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 8, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 26, "target": 27, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 5, "label": "R"}, {"source": 30, "target": 19, "label": "C"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 26, "label": "H"}, {"source": 23, "target": 3, "label": "E"}, {"source": 28, "target": 15, "label": "A"}, {"source": 29, "target": 17, "label": "S"}, {"source": 29, "target": 16, "label": "F"}, {"source": 22, "target": 1, "label": "A"}, {"source": 25, "target": 6, "label": "S"}, {"source": 30, "target": 20, "label": "U"}, {"source": 26, "target": 10, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 14, "label": "A"}, {"source": 29, "target": 28, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 21, "target": 29, "label": "H"}, {"source": 28, "target": 15, "label": "S"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 18, "label": "F"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "035899-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly Recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "035899-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We walked in to pick our little man at 10 minutes to closing and heard laughter from kids and the staff.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 32, "target": 33, "label": "S"}, {"source": 30, "target": 15, "label": "P"}, {"source": 27, "target": 8, "label": "R"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "Q"}, {"source": 23, "target": 13, "label": "L"}, {"source": 32, "target": 33, "label": "A"}, {"source": 26, "target": 6, "label": "S"}, {"source": 31, "target": 18, "label": "N"}, {"source": 25, "target": 26, "label": "E"}, {"source": 31, "target": 17, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "U"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 20, "label": "C"}, {"source": 27, "target": 12, "label": "P"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 3, "label": "L"}, {"source": 31, "target": 16, "label": "R"}, {"source": 23, "target": 27, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 27, "target": 28, "label": "T"}, {"source": 24, "target": 4, "label": "P"}, {"source": 28, "target": 10, "label": "C"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 23, "target": 29, "label": "H"}, {"source": 29, "target": 14, "label": "P"}, {"source": 25, "target": 5, "label": "E"}, {"source": 27, "target": 11, "label": "F"}, {"source": 33, "target": 19, "label": "F"}, {"source": 25, "target": 7, "label": "C"}]} +{"id": "035899-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The facilities are more than adequate and the staff are just phenomenal.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 0, "label": "F"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 7, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 18, "target": 19, "label": "D"}, {"source": 13, "target": 1, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 17, "label": "S"}, {"source": 14, "target": 13, "label": "A"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 15, "target": 6, "label": "L"}, {"source": 19, "target": 10, "label": "E"}, {"source": 14, "target": 5, "label": "S"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "D"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "035899-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their sense of humour and calmness when dealing with the little ones amazes me every time I walk in.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 14, "label": "Q"}, {"source": 20, "target": 0, "label": "A"}, {"source": 30, "target": 18, "label": "D"}, {"source": 21, "target": 26, "label": "H"}, {"source": 28, "target": 9, "label": "F"}, {"source": 28, "target": 11, "label": "C"}, {"source": 22, "target": 12, "label": "P"}, {"source": 28, "target": 8, "label": "R"}, {"source": 23, "target": 29, "label": "L"}, {"source": 21, "target": 20, "label": "H"}, {"source": 27, "target": 7, "label": "P"}, {"source": 28, "target": 10, "label": "E"}, {"source": 21, "target": 27, "label": "H"}, {"source": 30, "target": 19, "label": "U"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 30, "label": "H"}, {"source": 30, "target": 16, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 17, "label": "P"}, {"source": 21, "target": 4, "label": "L"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 3, "label": "C"}, {"source": 20, "target": 24, "label": "S"}, {"source": 21, "target": 6, "label": "L"}, {"source": 24, "target": 1, "label": "C"}, {"source": 26, "target": 5, "label": "S"}, {"source": 29, "target": 15, "label": "C"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "A"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 2, "label": "R"}]} +{"id": "035899-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have since moved slightly further away from the centre but it's worth the extra travel, as the care provided exceeds our expectations... especially after a few horrendous daycare experiences elsewhere.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 136}]}, {"id": 25, "anchors": [{"from": 136, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 150}, {"from": 151, "to": 156}]}, {"id": 27, "anchors": [{"from": 157, "to": 158}]}, {"id": 28, "anchors": [{"from": 159, "to": 162}]}, {"id": 29, "anchors": [{"from": 163, "to": 173}]}, {"id": 30, "anchors": [{"from": 174, "to": 181}]}, {"id": 31, "anchors": [{"from": 182, "to": 193}]}, {"id": 32, "anchors": [{"from": 194, "to": 203}]}, {"id": 33, "anchors": [{"from": 203, "to": 204}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 37, "target": 36, "label": "E"}, {"source": 44, "target": 45, "label": "A"}, {"source": 47, "target": 29, "label": "D"}, {"source": 38, "target": 9, "label": "C"}, {"source": 34, "target": 0, "label": "A"}, {"source": 47, "target": 33, "label": "U"}, {"source": 47, "target": 46, "label": "D"}, {"source": 46, "target": 27, "label": "F"}, {"source": 35, "target": 44, "label": "H"}, {"source": 36, "target": 4, "label": "E"}, {"source": 39, "target": 11, "label": "A"}, {"source": 42, "target": 20, "label": "C"}, {"source": 42, "target": 19, "label": "F"}, {"source": 47, "target": 30, "label": "A"}, {"source": 35, "target": 47, "label": "H"}, {"source": 40, "target": 41, "label": "P"}, {"source": 37, "target": 38, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 40, "target": 15, "label": "D"}, {"source": 47, "target": 31, "label": "P"}, {"source": 47, "target": 32, "label": "A"}, {"source": 34, "target": 37, "label": "A"}, {"source": 43, "target": 42, "label": "P"}, {"source": 39, "target": 13, "label": "S"}, {"source": 44, "target": 22, "label": "S"}, {"source": 41, "target": 14, "label": "F"}, {"source": 38, "target": 7, "label": "R"}, {"source": 45, "target": 23, "label": "A"}, {"source": 41, "target": 16, "label": "C"}, {"source": 34, "target": 1, "label": "F"}, {"source": 35, "target": 39, "label": "H"}, {"source": 39, "target": 12, "label": "F"}, {"source": 35, "target": 26, "label": "L"}, {"source": 34, "target": 2, "label": "T"}, {"source": 37, "target": 6, "label": "C"}, {"source": 38, "target": 8, "label": "F"}, {"source": 44, "target": 43, "label": "A"}, {"source": 35, "target": 17, "label": "U"}, {"source": 35, "target": 10, "label": "L"}, {"source": 46, "target": 28, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 45, "target": 24, "label": "P"}, {"source": 43, "target": 21, "label": "D"}, {"source": 34, "target": 3, "label": "P"}, {"source": 35, "target": 34, "label": "H"}, {"source": 35, "target": 18, "label": "L"}, {"source": 36, "target": 5, "label": "C"}]} +{"id": "035932-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Simple, Quick take away.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 7, "label": "H"}, {"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "035993-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They have fresh flowers, lasted a long while in the vase, and the two ladies at the shop know the business well.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 111, "to": 112}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 32, "target": 15, "label": "Q"}, {"source": 32, "target": 16, "label": "C"}, {"source": 25, "target": 1, "label": "S"}, {"source": 31, "target": 10, "label": "F"}, {"source": 35, "target": 22, "label": "C"}, {"source": 33, "target": 32, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 26, "target": 12, "label": "U"}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 26, "target": 33, "label": "H"}, {"source": 32, "target": 14, "label": "F"}, {"source": 29, "target": 30, "label": "T"}, {"source": 34, "target": 17, "label": "R"}, {"source": 28, "target": 3, "label": "C"}, {"source": 30, "target": 7, "label": "E"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 21, "label": "F"}, {"source": 30, "target": 8, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 31, "target": 11, "label": "C"}, {"source": 29, "target": 5, "label": "P"}, {"source": 27, "target": 2, "label": "S"}, {"source": 34, "target": 19, "label": "C"}, {"source": 26, "target": 13, "label": "L"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 18, "label": "F"}, {"source": 33, "target": 20, "label": "S"}, {"source": 28, "target": 27, "label": "E"}, {"source": 31, "target": 9, "label": "R"}, {"source": 32, "target": 34, "label": "E"}, {"source": 33, "target": 23, "label": "D"}, {"source": 26, "target": 29, "label": "H"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 28, "label": "A"}, {"source": 29, "target": 4, "label": "U"}]} +{"id": "035993-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had no problem with my delivery.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 10, "label": "P"}, {"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "035993-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will go there again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}]} +{"id": "036133-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bit sketchy, sporadic delivery times", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 5, "label": "T"}, {"source": 9, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "036133-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I bought about half of the furniture I own from this place.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 15, "label": "Q"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 17, "target": 7, "label": "A"}, {"source": 16, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "S"}, {"source": 14, "target": 18, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "036133-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Why?", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "036133-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Because they cut me good deals if I paid in cash.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 4, "label": "D"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 6, "label": "L"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "036133-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sketchy, right?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 2, "label": "G"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "036133-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well they came through and delivered almost all of my items within a few days.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 23, "target": 11, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 23, "label": "T"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 4, "label": "L"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "L"}, {"source": 21, "target": 10, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 20, "label": "Q"}, {"source": 23, "target": 13, "label": "Q"}, {"source": 23, "target": 12, "label": "F"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 19, "target": 5, "label": "P"}, {"source": 21, "target": 8, "label": "R"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "H"}, {"source": 22, "target": 9, "label": "S"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "036133-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "(They even got me a couch pretty quickly.)", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 5, "label": "F"}, {"source": 12, "target": 14, "label": "T"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 0, "label": "U"}, {"source": 12, "target": 2, "label": "G"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "036133-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The guy who was cutting me the deals and getting me the furniture quickly, Ahmed, was nice and mostly professional, except the semi-sketchiness.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 143}]}, {"id": 26, "anchors": [{"from": 143, "to": 144}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 21, "label": "S"}, {"source": 31, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 9, "label": "P"}, {"source": 27, "target": 0, "label": "F"}, {"source": 38, "target": 24, "label": "F"}, {"source": 27, "target": 14, "label": "U"}, {"source": 30, "target": 34, "label": "H"}, {"source": 27, "target": 1, "label": "C"}, {"source": 31, "target": 5, "label": "A"}, {"source": 28, "target": 18, "label": "S"}, {"source": 29, "target": 37, "label": "H"}, {"source": 37, "target": 38, "label": "S"}, {"source": 29, "target": 16, "label": "U"}, {"source": 30, "target": 31, "label": "H"}, {"source": 29, "target": 19, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 6, "label": "F"}, {"source": 29, "target": 36, "label": "H"}, {"source": 28, "target": 17, "label": "F"}, {"source": 27, "target": 30, "label": "E"}, {"source": 35, "target": 12, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 31, "target": 4, "label": "P"}, {"source": 32, "target": 33, "label": "P"}, {"source": 29, "target": 22, "label": "U"}, {"source": 35, "target": 11, "label": "F"}, {"source": 34, "target": 10, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 34, "target": 13, "label": "T"}, {"source": 29, "target": 23, "label": "L"}, {"source": 36, "target": 20, "label": "D"}, {"source": 33, "target": 7, "label": "C"}, {"source": 38, "target": 25, "label": "C"}, {"source": 30, "target": 8, "label": "L"}, {"source": 34, "target": 35, "label": "A"}, {"source": 30, "target": 2, "label": "R"}, {"source": 31, "target": 3, "label": "F"}, {"source": 38, "target": 26, "label": "U"}, {"source": 34, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "036133-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then one day, Ahmed left the country, not to return for months, WITHOUT informing me.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 11, "label": "P"}, {"source": 22, "target": 7, "label": "C"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 19, "target": 8, "label": "U"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 1, "label": "E"}, {"source": 21, "target": 20, "label": "T"}, {"source": 23, "target": 10, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 20, "target": 2, "label": "C"}, {"source": 21, "target": 3, "label": "U"}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 14, "label": "U"}, {"source": 23, "target": 24, "label": "T"}, {"source": 23, "target": 9, "label": "D"}, {"source": 25, "target": 15, "label": "D"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "H"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 17, "label": "A"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "P"}]} +{"id": "036133-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He also neglected to tell the other person working at the store about a dining room table that I had ordered and that was supposed to be coming in.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 146}]}, {"id": 29, "anchors": [{"from": 146, "to": 147}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 37, "target": 36, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 39, "target": 20, "label": "P"}, {"source": 39, "target": 18, "label": "A"}, {"source": 31, "target": 0, "label": "A"}, {"source": 34, "target": 9, "label": "R"}, {"source": 36, "target": 14, "label": "P"}, {"source": 38, "target": 39, "label": "H"}, {"source": 34, "target": 11, "label": "C"}, {"source": 38, "target": 21, "label": "L"}, {"source": 38, "target": 17, "label": "R"}, {"source": 41, "target": 29, "label": "U"}, {"source": 41, "target": 27, "label": "C"}, {"source": 30, "target": 31, "label": "H"}, {"source": 41, "target": 28, "label": "F"}, {"source": 31, "target": 1, "label": "D"}, {"source": 35, "target": 37, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 39, "target": 19, "label": "F"}, {"source": 31, "target": 35, "label": "A"}, {"source": 40, "target": 41, "label": "P"}, {"source": 33, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 16, "label": "C"}, {"source": 38, "target": 40, "label": "H"}, {"source": 40, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 4, "label": "P"}, {"source": 32, "target": 6, "label": "E"}, {"source": 40, "target": 25, "label": "F"}, {"source": 40, "target": 23, "label": "F"}, {"source": 32, "target": 5, "label": "F"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 12, "label": "R"}, {"source": 35, "target": 38, "label": "E"}, {"source": 33, "target": 8, "label": "P"}, {"source": 40, "target": 26, "label": "F"}, {"source": 37, "target": 15, "label": "C"}, {"source": 32, "target": 7, "label": "C"}, {"source": 34, "target": 10, "label": "F"}, {"source": 31, "target": 2, "label": "D"}, {"source": 31, "target": 3, "label": "F"}, {"source": 39, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 24, "label": "D"}, {"source": 40, "target": 22, "label": "R"}, {"source": 35, "target": 13, "label": "F"}]} +{"id": "036133-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The other person working at the store didn't know that I still had this table coming.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 8, "label": "D"}, {"source": 23, "target": 16, "label": "P"}, {"source": 24, "target": 14, "label": "E"}, {"source": 23, "target": 12, "label": "D"}, {"source": 22, "target": 5, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 21, "label": "E"}, {"source": 20, "target": 9, "label": "S"}, {"source": 18, "target": 1, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 3, "label": "P"}, {"source": 18, "target": 2, "label": "C"}, {"source": 23, "target": 11, "label": "A"}, {"source": 22, "target": 6, "label": "C"}, {"source": 20, "target": 7, "label": "F"}, {"source": 20, "target": 18, "label": "A"}, {"source": 22, "target": 4, "label": "R"}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "036133-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had paid in cash, and he said he had no receipt/record of my purchase.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 49}]}, {"id": 13, "anchors": [{"from": 49, "to": 50}]}, {"id": 14, "anchors": [{"from": 50, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 71}]}, {"id": 18, "anchors": [{"from": 71, "to": 72}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "R"}, {"source": 26, "target": 15, "label": "R"}, {"source": 22, "target": 8, "label": "P"}, {"source": 19, "target": 2, "label": "P"}, {"source": 26, "target": 16, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 26, "target": 17, "label": "P"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 24, "target": 12, "label": "C"}, {"source": 23, "target": 10, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 9, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 23, "target": 11, "label": "D"}, {"source": 22, "target": 7, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 24, "target": 13, "label": "U"}]} +{"id": "036133-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came back with the receipt Ahmed had provided upon my purchase, and the guy took forever to copy it but said that he would take care of the situation.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 151}]}, {"id": 31, "anchors": [{"from": 151, "to": 152}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 23, "label": "R"}, {"source": 42, "target": 30, "label": "C"}, {"source": 39, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 22, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 35, "label": "E"}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 14, "label": "F"}, {"source": 35, "target": 8, "label": "P"}, {"source": 32, "target": 2, "label": "D"}, {"source": 41, "target": 26, "label": "F"}, {"source": 32, "target": 1, "label": "P"}, {"source": 38, "target": 37, "label": "A"}, {"source": 41, "target": 27, "label": "C"}, {"source": 40, "target": 25, "label": "D"}, {"source": 33, "target": 12, "label": "U"}, {"source": 38, "target": 18, "label": "F"}, {"source": 40, "target": 41, "label": "P"}, {"source": 34, "target": 5, "label": "C"}, {"source": 32, "target": 0, "label": "A"}, {"source": 42, "target": 28, "label": "R"}, {"source": 33, "target": 39, "label": "H"}, {"source": 34, "target": 4, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 38, "target": 16, "label": "F"}, {"source": 35, "target": 7, "label": "F"}, {"source": 35, "target": 6, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 21, "label": "L"}, {"source": 33, "target": 38, "label": "H"}, {"source": 36, "target": 9, "label": "T"}, {"source": 36, "target": 11, "label": "P"}, {"source": 37, "target": 15, "label": "C"}, {"source": 38, "target": 19, "label": "P"}, {"source": 42, "target": 29, "label": "F"}, {"source": 35, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 20, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 17, "label": "T"}, {"source": 33, "target": 13, "label": "L"}, {"source": 40, "target": 24, "label": "A"}, {"source": 36, "target": 10, "label": "A"}, {"source": 34, "target": 3, "label": "R"}, {"source": 42, "target": 31, "label": "U"}]} +{"id": "036133-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I waited.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "036133-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And waited.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 3, "target": 0, "label": "L"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "036133-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He never once contacted us.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 1, "label": "T"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "036133-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've had to pester this new guy several times to ask when my table will arrive.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "T"}, {"source": 17, "target": 2, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 20, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 17, "target": 19, "label": "A"}, {"source": 24, "target": 23, "label": "E"}, {"source": 17, "target": 1, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 7, "label": "Q"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 3, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 12, "label": "S"}, {"source": 22, "target": 14, "label": "F"}, {"source": 22, "target": 16, "label": "U"}, {"source": 23, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "036133-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He kept saying different arrival/delivery dates and didn't seem terribly apologetic.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "F"}, {"source": 21, "target": 11, "label": "G"}, {"source": 16, "target": 21, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 8, "label": "L"}, {"source": 20, "target": 6, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "P"}, {"source": 21, "target": 13, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 5, "label": "U"}, {"source": 21, "target": 12, "label": "D"}, {"source": 17, "target": 19, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 10, "label": "D"}, {"source": 19, "target": 18, "label": "H"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "036133-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It has been 3 weeks and I STILL don't have my table (which was NOT cheap, I might add).", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 75}, {"from": 76, "to": 81}, {"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 23, "target": 13, "label": "U"}, {"source": 25, "target": 8, "label": "F"}, {"source": 27, "target": 12, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 28, "target": 21, "label": "U"}, {"source": 22, "target": 0, "label": "F"}, {"source": 28, "target": 17, "label": "S"}, {"source": 28, "target": 19, "label": "G"}, {"source": 28, "target": 16, "label": "D"}, {"source": 25, "target": 9, "label": "D"}, {"source": 23, "target": 5, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 10, "label": "S"}, {"source": 24, "target": 3, "label": "Q"}, {"source": 23, "target": 28, "label": "H"}, {"source": 28, "target": 20, "label": "U"}, {"source": 25, "target": 6, "label": "A"}, {"source": 28, "target": 15, "label": "F"}, {"source": 23, "target": 14, "label": "L"}, {"source": 26, "target": 11, "label": "S"}, {"source": 27, "target": 26, "label": "E"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 7, "label": "T"}, {"source": 28, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 4, "label": "C"}, {"source": 22, "target": 24, "label": "T"}, {"source": 22, "target": 1, "label": "F"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "036133-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Point is: You might be able to get a good deal on some nice furniture -- which I did -- but they're not very communicative and god forbid something goes wrong, you'll have to fight to get it resolved.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 130}, {"from": 131, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 158}]}, {"id": 31, "anchors": [{"from": 158, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 163}]}, {"id": 33, "anchors": [{"from": 163, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 171}, {"from": 172, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 180}]}, {"id": 36, "anchors": [{"from": 181, "to": 183}]}, {"id": 37, "anchors": [{"from": 184, "to": 187}]}, {"id": 38, "anchors": [{"from": 188, "to": 190}]}, {"id": 39, "anchors": [{"from": 191, "to": 199}]}, {"id": 40, "anchors": [{"from": 199, "to": 200}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 50, "target": 32, "label": "A"}, {"source": 42, "target": 4, "label": "F"}, {"source": 51, "target": 37, "label": "D"}, {"source": 48, "target": 23, "label": "D"}, {"source": 48, "target": 22, "label": "F"}, {"source": 50, "target": 35, "label": "P"}, {"source": 43, "target": 10, "label": "C"}, {"source": 41, "target": 48, "label": "H"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 7, "label": "P"}, {"source": 48, "target": 25, "label": "S"}, {"source": 49, "target": 27, "label": "G"}, {"source": 42, "target": 2, "label": "A"}, {"source": 41, "target": 42, "label": "H"}, {"source": 51, "target": 38, "label": "A"}, {"source": 51, "target": 40, "label": "U"}, {"source": 50, "target": 33, "label": "F"}, {"source": 45, "target": 46, "label": "E"}, {"source": 49, "target": 28, "label": "A"}, {"source": 42, "target": 5, "label": "D"}, {"source": 41, "target": 16, "label": "L"}, {"source": 47, "target": 17, "label": "A"}, {"source": 51, "target": 39, "label": "P"}, {"source": 41, "target": 15, "label": "U"}, {"source": 41, "target": 20, "label": "L"}, {"source": 48, "target": 24, "label": "D"}, {"source": 46, "target": 13, "label": "S"}, {"source": 41, "target": 26, "label": "L"}, {"source": 41, "target": 50, "label": "H"}, {"source": 41, "target": 1, "label": "U"}, {"source": 47, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 6, "label": "F"}, {"source": 45, "target": 14, "label": "C"}, {"source": 41, "target": 47, "label": "H"}, {"source": 48, "target": 21, "label": "A"}, {"source": 51, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 8, "label": "F"}, {"source": 44, "target": 9, "label": "D"}, {"source": 49, "target": 29, "label": "P"}, {"source": 41, "target": 51, "label": "H"}, {"source": 42, "target": 3, "label": "D"}, {"source": 45, "target": 12, "label": "Q"}, {"source": 41, "target": 36, "label": "L"}, {"source": 50, "target": 34, "label": "D"}, {"source": 46, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 43, "label": "S"}, {"source": 41, "target": 19, "label": "U"}, {"source": 45, "target": 11, "label": "R"}, {"source": 41, "target": 49, "label": "H"}, {"source": 42, "target": 44, "label": "A"}, {"source": 41, "target": 0, "label": "L"}, {"source": 47, "target": 18, "label": "F"}, {"source": 41, "target": 31, "label": "U"}, {"source": 49, "target": 30, "label": "A"}]} +{"id": "036753-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "sheisters", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "036753-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i made the mistake of buying from these thieves.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "R"}, {"source": 13, "target": 14, "label": "P"}, {"source": 11, "target": 12, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "036753-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I paid 2k cash for a truck with a blown motor.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "anchors": [{"from": 45, "to": 46}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 8, "label": "R"}, {"source": 17, "target": 5, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 16, "target": 15, "label": "Q"}, {"source": 14, "target": 17, "label": "A"}, {"source": 15, "target": 2, "label": "Q"}, {"source": 19, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 3, "label": "C"}, {"source": 19, "target": 10, "label": "P"}]} +{"id": "036753-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their so called mechanic said the engine was good and \"There is nothing mechanicly wrong with this truck\".", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 104}]}, {"id": 19, "anchors": [{"from": 104, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 29, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 8, "label": "S"}, {"source": 23, "target": 4, "label": "P"}, {"source": 25, "target": 6, "label": "C"}, {"source": 28, "target": 12, "label": "F"}, {"source": 27, "target": 9, "label": "L"}, {"source": 28, "target": 11, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 13, "label": "D"}, {"source": 29, "target": 19, "label": "U"}, {"source": 27, "target": 10, "label": "U"}, {"source": 23, "target": 21, "label": "A"}, {"source": 21, "target": 24, "label": "D"}, {"source": 29, "target": 18, "label": "C"}, {"source": 24, "target": 1, "label": "E"}, {"source": 23, "target": 27, "label": "A"}, {"source": 21, "target": 3, "label": "P"}, {"source": 29, "target": 17, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 14, "label": "D"}, {"source": 28, "target": 15, "label": "S"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 5, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 7, "label": "F"}, {"source": 24, "target": 2, "label": "C"}]} +{"id": "036753-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well I think a blown engine falls under the catagory of mechanics right?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}, {"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "P"}, {"source": 15, "target": 17, "label": "E"}, {"source": 18, "target": 7, "label": "F"}, {"source": 20, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "A"}, {"source": 20, "target": 11, "label": "S"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 12, "label": "U"}, {"source": 17, "target": 4, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 16, "target": 18, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 1, "label": "A"}, {"source": 13, "target": 0, "label": "L"}, {"source": 13, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "036753-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Anyway they jimmy rigged it so i could drive it home.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 0, "label": "L"}, {"source": 14, "target": 10, "label": "A"}, {"source": 14, "target": 9, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 4, "label": "A"}, {"source": 14, "target": 6, "label": "A"}, {"source": 13, "target": 2, "label": "D"}, {"source": 12, "target": 5, "label": "L"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "036753-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The next day i took it to 2 auto shops and they both told me the same thing,engine is junk.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 75}]}, {"id": 18, "anchors": [{"from": 75, "to": 76}]}, {"id": 19, "anchors": [{"from": 76, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 90, "to": 91}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 26, "target": 6, "label": "R"}, {"source": 24, "target": 5, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 16, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 22, "label": "U"}, {"source": 27, "target": 12, "label": "Q"}, {"source": 24, "target": 3, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 31, "target": 21, "label": "S"}, {"source": 23, "target": 2, "label": "C"}, {"source": 23, "target": 1, "label": "E"}, {"source": 25, "target": 28, "label": "H"}, {"source": 31, "target": 20, "label": "F"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 27, "label": "A"}, {"source": 30, "target": 31, "label": "C"}, {"source": 29, "target": 15, "label": "F"}, {"source": 30, "target": 18, "label": "U"}, {"source": 24, "target": 4, "label": "P"}, {"source": 28, "target": 14, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 28, "target": 13, "label": "P"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 23, "label": "T"}, {"source": 30, "target": 29, "label": "C"}, {"source": 23, "target": 0, "label": "F"}, {"source": 26, "target": 7, "label": "Q"}, {"source": 26, "target": 9, "label": "C"}, {"source": 25, "target": 10, "label": "L"}, {"source": 31, "target": 19, "label": "A"}]} +{"id": "036753-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called and got the same runaround on hold and noone calls you back.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 5, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 2, "label": "L"}, {"source": 20, "target": 12, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 7, "label": "R"}, {"source": 17, "target": 3, "label": "P"}, {"source": 20, "target": 13, "label": "D"}, {"source": 16, "target": 9, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "F"}, {"source": 20, "target": 11, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "036753-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From a moral standpoint,you guys are really gonna take 2,000 bucks from someone that needs that truck to work and support his family when you know its just a piece of scrap metal?", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}, {"from": 7, "to": 12}, {"from": 13, "to": 23}]}, {"id": 1, "anchors": [{"from": 23, "to": 24}]}, {"id": 2, "anchors": [{"from": 24, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 47}]}, {"id": 7, "anchors": [{"from": 47, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 141}]}, {"id": 25, "anchors": [{"from": 142, "to": 146}]}, {"id": 26, "anchors": [{"from": 147, "to": 149}]}, {"id": 27, "anchors": [{"from": 149, "to": 150}]}, {"id": 28, "anchors": [{"from": 151, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 178}]}, {"id": 34, "anchors": [{"from": 178, "to": 179}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 35, "target": 6, "label": "F"}, {"source": 35, "target": 4, "label": "F"}, {"source": 47, "target": 49, "label": "A"}, {"source": 35, "target": 1, "label": "U"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 18, "label": "P"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 8, "label": "P"}, {"source": 44, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 34, "label": "U"}, {"source": 47, "target": 27, "label": "S"}, {"source": 37, "target": 3, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 45, "target": 22, "label": "S"}, {"source": 35, "target": 38, "label": "A"}, {"source": 40, "target": 14, "label": "P"}, {"source": 46, "target": 25, "label": "P"}, {"source": 47, "target": 28, "label": "D"}, {"source": 38, "target": 9, "label": "Q"}, {"source": 35, "target": 0, "label": "G"}, {"source": 44, "target": 20, "label": "P"}, {"source": 40, "target": 13, "label": "R"}, {"source": 41, "target": 15, "label": "E"}, {"source": 40, "target": 43, "label": "A"}, {"source": 35, "target": 7, "label": "F"}, {"source": 35, "target": 5, "label": "D"}, {"source": 35, "target": 37, "label": "A"}, {"source": 49, "target": 32, "label": "E"}, {"source": 40, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 33, "label": "C"}, {"source": 39, "target": 40, "label": "E"}, {"source": 41, "target": 16, "label": "C"}, {"source": 48, "target": 29, "label": "F"}, {"source": 36, "target": 23, "label": "L"}, {"source": 43, "target": 42, "label": "H"}, {"source": 38, "target": 10, "label": "C"}, {"source": 39, "target": 11, "label": "R"}, {"source": 39, "target": 12, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 49, "target": 48, "label": "E"}, {"source": 35, "target": 39, "label": "A"}, {"source": 43, "target": 44, "label": "H"}, {"source": 48, "target": 31, "label": "R"}, {"source": 48, "target": 30, "label": "C"}, {"source": 37, "target": 2, "label": "C"}, {"source": 43, "target": 19, "label": "L"}, {"source": 36, "target": 46, "label": "H"}, {"source": 42, "target": 17, "label": "R"}, {"source": 46, "target": 24, "label": "A"}, {"source": 36, "target": 35, "label": "H"}, {"source": 45, "target": 21, "label": "A"}, {"source": 47, "target": 26, "label": "A"}, {"source": 45, "target": 22, "label": "A"}]} +{"id": "036753-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If it lasted 1 month i could suck it up but 1 day?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}, {"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 9, "label": "L"}, {"source": 13, "target": 17, "label": "H"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "T"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 14, "target": 15, "label": "T"}, {"source": 16, "target": 7, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 18, "target": 10, "label": "Q"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 3, "label": "Q"}, {"source": 17, "target": 2, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 1, "label": "A"}, {"source": 13, "target": 0, "label": "L"}]} +{"id": "036753-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Grimy work you guys do.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 4, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "036753-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Buy your kids somethin nice with my 2k bucks.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "Q"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 17, "label": "Q"}, {"source": 12, "target": 15, "label": "A"}, {"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 4, "label": "E"}, {"source": 16, "target": 6, "label": "S"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 2, "label": "S"}, {"source": 13, "target": 1, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "A"}, {"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "037179-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "spot on", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "037179-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this kebab shop is one of the best around the meat is good and fresh and the chilly sauce is the best, keep them lovely kebabs coming and a happy new year to all the staff", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 157}]}, {"id": 34, "anchors": [{"from": 158, "to": 161}]}, {"id": 35, "anchors": [{"from": 162, "to": 165}]}, {"id": 36, "anchors": [{"from": 166, "to": 171}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 45, "target": 44, "label": "A"}, {"source": 49, "target": 29, "label": "F"}, {"source": 43, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 35, "label": "F"}, {"source": 51, "target": 34, "label": "D"}, {"source": 45, "target": 19, "label": "F"}, {"source": 42, "target": 41, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 47, "target": 27, "label": "P"}, {"source": 50, "target": 51, "label": "A"}, {"source": 37, "target": 1, "label": "E"}, {"source": 38, "target": 40, "label": "S"}, {"source": 44, "target": 16, "label": "F"}, {"source": 38, "target": 8, "label": "A"}, {"source": 46, "target": 20, "label": "F"}, {"source": 51, "target": 33, "label": "R"}, {"source": 39, "target": 22, "label": "U"}, {"source": 43, "target": 14, "label": "S"}, {"source": 40, "target": 6, "label": "F"}, {"source": 39, "target": 28, "label": "L"}, {"source": 38, "target": 37, "label": "A"}, {"source": 40, "target": 5, "label": "R"}, {"source": 39, "target": 42, "label": "H"}, {"source": 48, "target": 25, "label": "E"}, {"source": 45, "target": 46, "label": "S"}, {"source": 39, "target": 43, "label": "H"}, {"source": 50, "target": 49, "label": "P"}, {"source": 42, "target": 12, "label": "S"}, {"source": 40, "target": 7, "label": "C"}, {"source": 37, "target": 0, "label": "E"}, {"source": 49, "target": 31, "label": "E"}, {"source": 38, "target": 4, "label": "D"}, {"source": 41, "target": 10, "label": "C"}, {"source": 50, "target": 30, "label": "D"}, {"source": 52, "target": 36, "label": "C"}, {"source": 39, "target": 47, "label": "H"}, {"source": 39, "target": 50, "label": "H"}, {"source": 39, "target": 45, "label": "H"}, {"source": 38, "target": 3, "label": "F"}, {"source": 41, "target": 9, "label": "F"}, {"source": 42, "target": 11, "label": "F"}, {"source": 44, "target": 17, "label": "E"}, {"source": 39, "target": 15, "label": "L"}, {"source": 46, "target": 21, "label": "C"}, {"source": 48, "target": 26, "label": "C"}, {"source": 48, "target": 24, "label": "E"}, {"source": 49, "target": 32, "label": "C"}, {"source": 37, "target": 2, "label": "C"}, {"source": 47, "target": 23, "label": "D"}, {"source": 39, "target": 38, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 39, "target": 13, "label": "L"}, {"source": 44, "target": 18, "label": "C"}, {"source": 51, "target": 52, "label": "S"}]} +{"id": "037794-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We came at around 730 and they close at 8 and wanted to try the specials but they were out for the day so I would say go way before they close.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 120}]}, {"id": 28, "anchors": [{"from": 121, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 142}]}, {"id": 32, "anchors": [{"from": 142, "to": 143}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 42, "target": 22, "label": "C"}, {"source": 42, "target": 21, "label": "F"}, {"source": 44, "target": 46, "label": "A"}, {"source": 45, "target": 28, "label": "E"}, {"source": 34, "target": 10, "label": "L"}, {"source": 34, "target": 23, "label": "L"}, {"source": 37, "target": 9, "label": "Q"}, {"source": 42, "target": 20, "label": "R"}, {"source": 45, "target": 29, "label": "C"}, {"source": 35, "target": 4, "label": "Q"}, {"source": 34, "target": 38, "label": "H"}, {"source": 35, "target": 2, "label": "R"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 30, "label": "A"}, {"source": 37, "target": 8, "label": "R"}, {"source": 43, "target": 25, "label": "D"}, {"source": 36, "target": 37, "label": "T"}, {"source": 33, "target": 0, "label": "A"}, {"source": 35, "target": 3, "label": "E"}, {"source": 46, "target": 32, "label": "U"}, {"source": 36, "target": 6, "label": "A"}, {"source": 41, "target": 42, "label": "T"}, {"source": 34, "target": 5, "label": "L"}, {"source": 41, "target": 18, "label": "F"}, {"source": 43, "target": 24, "label": "A"}, {"source": 38, "target": 39, "label": "P"}, {"source": 41, "target": 19, "label": "S"}, {"source": 38, "target": 11, "label": "D"}, {"source": 44, "target": 45, "label": "T"}, {"source": 34, "target": 33, "label": "H"}, {"source": 33, "target": 35, "label": "T"}, {"source": 40, "target": 15, "label": "C"}, {"source": 34, "target": 36, "label": "H"}, {"source": 41, "target": 17, "label": "A"}, {"source": 36, "target": 7, "label": "P"}, {"source": 39, "target": 12, "label": "R"}, {"source": 39, "target": 13, "label": "C"}, {"source": 33, "target": 1, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 26, "label": "P"}, {"source": 34, "target": 41, "label": "H"}, {"source": 46, "target": 31, "label": "P"}, {"source": 34, "target": 43, "label": "H"}, {"source": 44, "target": 27, "label": "P"}, {"source": 38, "target": 40, "label": "A"}, {"source": 40, "target": 14, "label": "F"}, {"source": 34, "target": 16, "label": "L"}]} +{"id": "037794-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Got the crab rangoon which was great, tofu with cabbage which was spicy but good and shrimp satay which was also good.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 91}, {"from": 92, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 117}]}, {"id": 21, "anchors": [{"from": 117, "to": 118}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 8, "label": "N"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "F"}, {"source": 28, "target": 29, "label": "E"}, {"source": 25, "target": 28, "label": "C"}, {"source": 29, "target": 31, "label": "H"}, {"source": 31, "target": 14, "label": "S"}, {"source": 31, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 19, "label": "D"}, {"source": 27, "target": 7, "label": "C"}, {"source": 27, "target": 9, "label": "C"}, {"source": 25, "target": 15, "label": "N"}, {"source": 26, "target": 3, "label": "R"}, {"source": 26, "target": 4, "label": "F"}, {"source": 33, "target": 21, "label": "U"}, {"source": 30, "target": 12, "label": "S"}, {"source": 32, "target": 33, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 24, "target": 1, "label": "F"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 32, "label": "C"}, {"source": 33, "target": 17, "label": "R"}, {"source": 28, "target": 27, "label": "C"}, {"source": 29, "target": 13, "label": "L"}, {"source": 30, "target": 11, "label": "F"}, {"source": 33, "target": 20, "label": "S"}, {"source": 29, "target": 10, "label": "L"}, {"source": 26, "target": 5, "label": "S"}, {"source": 25, "target": 24, "label": "C"}, {"source": 23, "target": 0, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 2, "label": "C"}, {"source": 25, "target": 6, "label": "U"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "037794-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Def going to come back and try this place again.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 13, "target": 9, "label": "D"}, {"source": 14, "target": 7, "label": "E"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "P"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "037794-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bea was really nice and asked how the food was.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 16, "target": 6, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 14, "target": 16, "label": "E"}, {"source": 16, "target": 9, "label": "F"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 15, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "037794-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cute place also", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "D"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "038358-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "heating system Angels", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 2, "label": "S"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "038358-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "seriously, can you imagine having to live through these last few nights without heat?", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}, {"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 1, "label": "U"}, {"source": 19, "target": 12, "label": "E"}, {"source": 17, "target": 5, "label": "D"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 4, "label": "P"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "T"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "P"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "C"}, {"source": 16, "target": 3, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 10, "label": "Q"}, {"source": 18, "target": 8, "label": "E"}, {"source": 16, "target": 0, "label": "G"}]} +{"id": "038358-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would have had to because with the economy the way it is i aint haves much monies fo repairs round the House....", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}, {"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 114}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 5, "label": "L"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 9, "label": "C"}, {"source": 30, "target": 16, "label": "Q"}, {"source": 29, "target": 14, "label": "D"}, {"source": 31, "target": 19, "label": "P"}, {"source": 25, "target": 29, "label": "H"}, {"source": 27, "target": 28, "label": "D"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 8, "label": "F"}, {"source": 25, "target": 4, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 27, "label": "H"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 32, "target": 22, "label": "C"}, {"source": 29, "target": 15, "label": "S"}, {"source": 30, "target": 17, "label": "C"}, {"source": 32, "target": 20, "label": "R"}, {"source": 27, "target": 26, "label": "A"}, {"source": 25, "target": 31, "label": "H"}, {"source": 27, "target": 10, "label": "A"}, {"source": 24, "target": 2, "label": "F"}, {"source": 32, "target": 23, "label": "U"}, {"source": 25, "target": 18, "label": "L"}, {"source": 29, "target": 13, "label": "F"}, {"source": 29, "target": 12, "label": "A"}, {"source": 32, "target": 21, "label": "F"}, {"source": 24, "target": 3, "label": "D"}, {"source": 27, "target": 11, "label": "S"}]} +{"id": "038358-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Comfort zone came out and did my house heat on the cheap.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 13, "label": "E"}, {"source": 14, "target": 6, "label": "E"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "S"}, {"source": 10, "target": 2, "label": "D"}, {"source": 11, "target": 3, "label": "L"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "D"}]} +{"id": "038358-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and it works!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "038358-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you Comfort Zone", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}, {"from": 18, "to": 22}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "038523-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendly service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "038523-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Attentive to the needs of customer.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 5, "label": "S"}, {"source": 8, "target": 0, "label": "P"}, {"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "P"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "038523-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks again!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "039173-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The waiting staff is really friendly, its like every one knows each other, the manager is really sweet and the food..well no complaints from me.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 117}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 143}]}, {"id": 30, "anchors": [{"from": 143, "to": 144}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 37, "target": 12, "label": "P"}, {"source": 32, "target": 31, "label": "P"}, {"source": 35, "target": 8, "label": "F"}, {"source": 39, "target": 16, "label": "F"}, {"source": 43, "target": 24, "label": "U"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 32, "label": "H"}, {"source": 35, "target": 9, "label": "S"}, {"source": 34, "target": 4, "label": "E"}, {"source": 32, "target": 31, "label": "A"}, {"source": 39, "target": 17, "label": "C"}, {"source": 44, "target": 30, "label": "U"}, {"source": 31, "target": 0, "label": "F"}, {"source": 33, "target": 40, "label": "H"}, {"source": 33, "target": 35, "label": "H"}, {"source": 44, "target": 29, "label": "C"}, {"source": 34, "target": 5, "label": "C"}, {"source": 42, "target": 23, "label": "C"}, {"source": 42, "target": 22, "label": "F"}, {"source": 43, "target": 26, "label": "D"}, {"source": 32, "target": 34, "label": "D"}, {"source": 40, "target": 39, "label": "A"}, {"source": 36, "target": 10, "label": "Q"}, {"source": 35, "target": 7, "label": "F"}, {"source": 33, "target": 43, "label": "H"}, {"source": 35, "target": 37, "label": "A"}, {"source": 36, "target": 11, "label": "C"}, {"source": 40, "target": 39, "label": "S"}, {"source": 38, "target": 13, "label": "E"}, {"source": 33, "target": 21, "label": "L"}, {"source": 38, "target": 14, "label": "C"}, {"source": 40, "target": 41, "label": "D"}, {"source": 44, "target": 28, "label": "R"}, {"source": 33, "target": 6, "label": "U"}, {"source": 37, "target": 36, "label": "A"}, {"source": 43, "target": 42, "label": "A"}, {"source": 41, "target": 20, "label": "C"}, {"source": 31, "target": 1, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 31, "target": 2, "label": "C"}, {"source": 33, "target": 15, "label": "U"}, {"source": 43, "target": 27, "label": "P"}, {"source": 41, "target": 19, "label": "E"}, {"source": 32, "target": 3, "label": "F"}, {"source": 40, "target": 18, "label": "F"}, {"source": 43, "target": 25, "label": "F"}]} +{"id": "039173-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes, its that good.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 19}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 0, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "039383-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Might try again", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "D"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "039383-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pros: * Jill, the owner, is very nice and really cares about her feedback * Pretty nice atmosphere * Great Dessert * Not your typical veggie selection, I like!", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 150}]}, {"id": 30, "anchors": [{"from": 150, "to": 151}]}, {"id": 31, "anchors": [{"from": 152, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 158}]}, {"id": 33, "anchors": [{"from": 158, "to": 159}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 38, "target": 5, "label": "F"}, {"source": 35, "target": 37, "label": "H"}, {"source": 34, "target": 0, "label": "S"}, {"source": 36, "target": 4, "label": "U"}, {"source": 39, "target": 13, "label": "P"}, {"source": 35, "target": 1, "label": "U"}, {"source": 35, "target": 41, "label": "H"}, {"source": 35, "target": 42, "label": "H"}, {"source": 44, "target": 33, "label": "U"}, {"source": 40, "target": 15, "label": "A"}, {"source": 35, "target": 44, "label": "H"}, {"source": 38, "target": 6, "label": "C"}, {"source": 37, "target": 7, "label": "U"}, {"source": 41, "target": 20, "label": "S"}, {"source": 44, "target": 30, "label": "U"}, {"source": 42, "target": 22, "label": "S"}, {"source": 45, "target": 28, "label": "A"}, {"source": 43, "target": 25, "label": "D"}, {"source": 37, "target": 10, "label": "S"}, {"source": 39, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 38, "label": "S"}, {"source": 35, "target": 2, "label": "U"}, {"source": 41, "target": 18, "label": "D"}, {"source": 42, "target": 23, "label": "A"}, {"source": 43, "target": 27, "label": "S"}, {"source": 44, "target": 31, "label": "A"}, {"source": 35, "target": 39, "label": "H"}, {"source": 35, "target": 21, "label": "U"}, {"source": 41, "target": 19, "label": "D"}, {"source": 40, "target": 16, "label": "P"}, {"source": 35, "target": 11, "label": "L"}, {"source": 35, "target": 24, "label": "U"}, {"source": 44, "target": 43, "label": "A"}, {"source": 35, "target": 17, "label": "U"}, {"source": 40, "target": 14, "label": "R"}, {"source": 36, "target": 3, "label": "A"}, {"source": 37, "target": 36, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 44, "target": 32, "label": "S"}, {"source": 43, "target": 26, "label": "F"}, {"source": 45, "target": 29, "label": "P"}, {"source": 37, "target": 8, "label": "F"}, {"source": 37, "target": 9, "label": "D"}, {"source": 39, "target": 12, "label": "D"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "039383-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't know where else you can find Purple Hull Peas and some of the other sides.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 46}, {"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 1, "label": "D"}, {"source": 17, "target": 0, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 10, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 6, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 22, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 4, "label": "R"}, {"source": 20, "target": 9, "label": "N"}, {"source": 19, "target": 7, "label": "P"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 22, "target": 12, "label": "F"}, {"source": 19, "target": 5, "label": "A"}, {"source": 22, "target": 21, "label": "Q"}]} +{"id": "039383-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cons: * Server wasn't very pleasant * Pretty small portion on the blackened catfish * Overcooked food * Time, took about 25 minutes from ordering to eating.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 155}]}, {"id": 30, "anchors": [{"from": 155, "to": 156}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 34, "target": 7, "label": "S"}, {"source": 40, "target": 20, "label": "A"}, {"source": 43, "target": 28, "label": "L"}, {"source": 32, "target": 19, "label": "U"}, {"source": 40, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 18, "label": "A"}, {"source": 41, "target": 22, "label": "P"}, {"source": 35, "target": 9, "label": "D"}, {"source": 43, "target": 26, "label": "L"}, {"source": 38, "target": 14, "label": "S"}, {"source": 32, "target": 35, "label": "H"}, {"source": 36, "target": 37, "label": "E"}, {"source": 32, "target": 1, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 37, "target": 12, "label": "R"}, {"source": 31, "target": 0, "label": "S"}, {"source": 42, "target": 24, "label": "Q"}, {"source": 32, "target": 16, "label": "U"}, {"source": 32, "target": 34, "label": "H"}, {"source": 34, "target": 6, "label": "D"}, {"source": 32, "target": 39, "label": "H"}, {"source": 37, "target": 38, "label": "E"}, {"source": 42, "target": 25, "label": "C"}, {"source": 34, "target": 4, "label": "F"}, {"source": 32, "target": 41, "label": "H"}, {"source": 41, "target": 43, "label": "A"}, {"source": 45, "target": 30, "label": "U"}, {"source": 33, "target": 3, "label": "A"}, {"source": 41, "target": 42, "label": "T"}, {"source": 39, "target": 17, "label": "S"}, {"source": 37, "target": 13, "label": "F"}, {"source": 36, "target": 11, "label": "C"}, {"source": 35, "target": 10, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 40, "label": "H"}, {"source": 32, "target": 2, "label": "U"}, {"source": 32, "target": 21, "label": "U"}, {"source": 33, "target": 3, "label": "P"}, {"source": 34, "target": 33, "label": "A"}, {"source": 42, "target": 23, "label": "E"}, {"source": 43, "target": 44, "label": "H"}, {"source": 37, "target": 15, "label": "C"}, {"source": 43, "target": 45, "label": "H"}, {"source": 32, "target": 8, "label": "U"}, {"source": 34, "target": 5, "label": "D"}, {"source": 45, "target": 29, "label": "P"}, {"source": 44, "target": 27, "label": "P"}, {"source": 38, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "039383-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Half the tables and bar were empty by this point.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 11, "target": 2, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 3, "label": "N"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "T"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "Q"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "S"}, {"source": 15, "target": 9, "label": "C"}]} +{"id": "039383-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Other Thoughts: Will try this place again.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 11, "target": 2, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "P"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 7, "label": "D"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 3, "label": "F"}]} +{"id": "039383-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There must be a reason so many people like it there.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 5, "label": "E"}, {"source": 17, "target": 9, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 14, "target": 3, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "S"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 17, "label": "A"}, {"source": 16, "target": 15, "label": "Q"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 10, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "039383-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their Club sandwich looks tasty, maybe that'll change my mind.... and a different server.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}, {"from": 11, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 31}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}, {"from": 54, "to": 56}, {"from": 57, "to": 61}]}, {"id": 9, "anchors": [{"from": 61, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 88}]}, {"id": 14, "anchors": [{"from": 88, "to": 89}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 15, "label": "E"}, {"source": 20, "target": 13, "label": "P"}, {"source": 17, "target": 2, "label": "G"}, {"source": 18, "target": 9, "label": "U"}, {"source": 19, "target": 8, "label": "P"}, {"source": 15, "target": 0, "label": "S"}, {"source": 20, "target": 12, "label": "D"}, {"source": 19, "target": 5, "label": "D"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 10, "label": "L"}, {"source": 20, "target": 13, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 6, "label": "A"}, {"source": 17, "target": 3, "label": "S"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 7, "label": "F"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "039856-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HORRIBLE SERVICE!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "039856-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolute horrible service from the parts department.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 51}]}, {"id": 7, "anchors": [{"from": 51, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 8, "label": "D"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "039856-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are very rude over the phone and in person.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "L"}, {"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 13, "label": "H"}, {"source": 12, "target": 3, "label": "S"}, {"source": 17, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 17, "label": "P"}]} +{"id": "039856-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They talk down to you like they are supreme beings, if you hate your job so much then quit!!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 25, "label": "E"}, {"source": 29, "target": 16, "label": "E"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 5, "label": "L"}, {"source": 24, "target": 7, "label": "S"}, {"source": 23, "target": 3, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 25, "target": 8, "label": "S"}, {"source": 22, "target": 10, "label": "U"}, {"source": 22, "target": 11, "label": "L"}, {"source": 22, "target": 27, "label": "H"}, {"source": 28, "target": 15, "label": "P"}, {"source": 30, "target": 20, "label": "U"}, {"source": 30, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 19, "label": "P"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 30, "label": "H"}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 14, "label": "A"}, {"source": 27, "target": 29, "label": "D"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 9, "label": "C"}, {"source": 21, "target": 1, "label": "P"}, {"source": 30, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "D"}, {"source": 22, "target": 18, "label": "L"}]} +{"id": "039856-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How these guys can get away with being so rude with people is mind blowing.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 66}, {"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 7, "label": "D"}, {"source": 14, "target": 0, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 9, "label": "R"}, {"source": 14, "target": 3, "label": "F"}, {"source": 14, "target": 12, "label": "U"}, {"source": 14, "target": 4, "label": "D"}, {"source": 14, "target": 6, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "E"}, {"source": 14, "target": 8, "label": "S"}, {"source": 14, "target": 11, "label": "G"}, {"source": 15, "target": 2, "label": "C"}]} +{"id": "039856-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will NEVER do business with Sun Toyota again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}, {"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "T"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 7, "label": "D"}]} +{"id": "039856-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank god there are plenty of Toyota dealerships to choose from in this city.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "Q"}, {"source": 18, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 17, "target": 8, "label": "P"}, {"source": 16, "target": 5, "label": "E"}, {"source": 19, "target": 10, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 1, "label": "S"}, {"source": 15, "target": 0, "label": "G"}, {"source": 15, "target": 19, "label": "A"}, {"source": 19, "target": 11, "label": "E"}]} +{"id": "040616-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "we purchased a new home but was unable to sell our old house so we contacted this property management company and they have helped us quickly rent out our house and keep it maintained.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 146}]}, {"id": 27, "anchors": [{"from": 147, "to": 150}]}, {"id": 28, "anchors": [{"from": 151, "to": 154}]}, {"id": 29, "anchors": [{"from": 155, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 169}]}, {"id": 32, "anchors": [{"from": 170, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 183}]}, {"id": 34, "anchors": [{"from": 183, "to": 184}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 46, "target": 22, "label": "F"}, {"source": 50, "target": 32, "label": "A"}, {"source": 50, "target": 33, "label": "P"}, {"source": 48, "target": 28, "label": "S"}, {"source": 36, "target": 20, "label": "L"}, {"source": 35, "target": 0, "label": "A"}, {"source": 43, "target": 15, "label": "P"}, {"source": 44, "target": 16, "label": "E"}, {"source": 36, "target": 43, "label": "H"}, {"source": 50, "target": 31, "label": "D"}, {"source": 37, "target": 4, "label": "C"}, {"source": 46, "target": 23, "label": "D"}, {"source": 41, "target": 42, "label": "E"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 21, "label": "A"}, {"source": 50, "target": 34, "label": "U"}, {"source": 39, "target": 6, "label": "F"}, {"source": 35, "target": 1, "label": "P"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 8, "label": "F"}, {"source": 41, "target": 40, "label": "E"}, {"source": 39, "target": 7, "label": "D"}, {"source": 48, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "E"}, {"source": 45, "target": 18, "label": "P"}, {"source": 44, "target": 19, "label": "C"}, {"source": 43, "target": 14, "label": "A"}, {"source": 38, "target": 3, "label": "S"}, {"source": 46, "target": 47, "label": "P"}, {"source": 37, "target": 2, "label": "F"}, {"source": 36, "target": 39, "label": "H"}, {"source": 35, "target": 37, "label": "A"}, {"source": 40, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 27, "label": "F"}, {"source": 49, "target": 29, "label": "C"}, {"source": 41, "target": 12, "label": "C"}, {"source": 36, "target": 5, "label": "L"}, {"source": 38, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 30, "label": "L"}, {"source": 39, "target": 41, "label": "A"}, {"source": 36, "target": 46, "label": "H"}, {"source": 43, "target": 44, "label": "A"}, {"source": 36, "target": 50, "label": "H"}, {"source": 46, "target": 24, "label": "A"}, {"source": 50, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 9, "label": "P"}, {"source": 36, "target": 13, "label": "L"}, {"source": 36, "target": 35, "label": "H"}, {"source": 44, "target": 45, "label": "E"}, {"source": 47, "target": 26, "label": "C"}, {"source": 42, "target": 11, "label": "S"}, {"source": 46, "target": 25, "label": "D"}, {"source": 45, "target": 17, "label": "A"}, {"source": 49, "target": 48, "label": "E"}, {"source": 40, "target": 10, "label": "S"}, {"source": 46, "target": 49, "label": "A"}]} +{"id": "040616-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Since then we have decided to have them manage our other investment properties as well as we getting older and can no longer perform all the inquires.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}, {"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 106}]}, {"id": 18, "anchors": [{"from": 107, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 149}]}, {"id": 26, "anchors": [{"from": 149, "to": 150}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 36, "target": 21, "label": "T"}, {"source": 37, "target": 25, "label": "C"}, {"source": 29, "target": 3, "label": "F"}, {"source": 33, "target": 11, "label": "P"}, {"source": 32, "target": 31, "label": "E"}, {"source": 27, "target": 1, "label": "C"}, {"source": 31, "target": 9, "label": "S"}, {"source": 28, "target": 34, "label": "H"}, {"source": 36, "target": 37, "label": "P"}, {"source": 34, "target": 15, "label": "A"}, {"source": 27, "target": 0, "label": "R"}, {"source": 30, "target": 7, "label": "A"}, {"source": 37, "target": 24, "label": "F"}, {"source": 28, "target": 18, "label": "L"}, {"source": 36, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "L"}, {"source": 34, "target": 35, "label": "S"}, {"source": 30, "target": 32, "label": "A"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 19, "label": "F"}, {"source": 30, "target": 8, "label": "P"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 17, "label": "C"}, {"source": 28, "target": 36, "label": "H"}, {"source": 37, "target": 26, "label": "U"}, {"source": 36, "target": 20, "label": "D"}, {"source": 28, "target": 29, "label": "H"}, {"source": 32, "target": 12, "label": "C"}, {"source": 30, "target": 13, "label": "D"}, {"source": 28, "target": 27, "label": "L"}, {"source": 30, "target": 5, "label": "R"}, {"source": 29, "target": 2, "label": "A"}, {"source": 29, "target": 4, "label": "P"}, {"source": 35, "target": 16, "label": "F"}, {"source": 32, "target": 10, "label": "E"}, {"source": 36, "target": 23, "label": "D"}, {"source": 36, "target": 22, "label": "D"}]} +{"id": "040616-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great help!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "041925-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I heard the libido band play live and they are out of site!!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}, {"from": 51, "to": 53}, {"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 9, "label": "S"}, {"source": 11, "target": 1, "label": "P"}, {"source": 14, "target": 5, "label": "D"}, {"source": 14, "target": 4, "label": "P"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 6, "label": "L"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "041925-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I will be calling tropics for my companies next event!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 4, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 16, "target": 9, "label": "D"}, {"source": 16, "target": 10, "label": "P"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 14, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "L"}, {"source": 16, "target": 15, "label": "A"}, {"source": 14, "target": 6, "label": "S"}, {"source": 12, "target": 3, "label": "P"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "042012-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "When in Scordia, Sicily", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "L"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "042012-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If ever in Sicily please take the time to visit Anna Maria Jose Mudo and her familia.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}, {"from": 53, "to": 58}, {"from": 59, "to": 63}, {"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 4, "label": "F"}, {"source": 18, "target": 6, "label": "F"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 10, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 12, "label": "A"}, {"source": 16, "target": 1, "label": "T"}, {"source": 18, "target": 5, "label": "F"}, {"source": 21, "target": 13, "label": "S"}, {"source": 19, "target": 8, "label": "R"}, {"source": 16, "target": 3, "label": "A"}, {"source": 21, "target": 13, "label": "A"}, {"source": 17, "target": 19, "label": "P"}, {"source": 19, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "D"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "N"}, {"source": 16, "target": 2, "label": "S"}, {"source": 20, "target": 21, "label": "C"}]} +{"id": "042012-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are and always will be the nicest people in Sicily that you will meet.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 20, "target": 13, "label": "F"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 15, "label": "U"}, {"source": 20, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "F"}, {"source": 17, "target": 11, "label": "L"}, {"source": 16, "target": 2, "label": "F"}, {"source": 20, "target": 12, "label": "A"}, {"source": 16, "target": 3, "label": "T"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "S"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 5, "label": "F"}, {"source": 20, "target": 14, "label": "P"}]} +{"id": "042012-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You will also have the pleasure of learning the Italiano language.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 15, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "042012-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You will also have the experience of learning the bella Sicilian culture, that I have fallen in luv with.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}, {"from": 56, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 72}]}, {"id": 11, "anchors": [{"from": 72, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 92}, {"from": 93, "to": 95}, {"from": 96, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 104}]}, {"id": 17, "anchors": [{"from": 104, "to": 105}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 2, "label": "D"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 15, "label": "P"}, {"source": 24, "target": 9, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "E"}, {"source": 19, "target": 23, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 24, "target": 16, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 22, "label": "A"}, {"source": 18, "target": 21, "label": "P"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 20, "label": "D"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 23, "target": 13, "label": "A"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 11, "label": "U"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "042012-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will 4-ever be eternally grateful for their hospitality and luv that my Sicilian family showed me when I was there for 3 years.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}, {"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 128}]}, {"id": 25, "anchors": [{"from": 128, "to": 129}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 21, "label": "S"}, {"source": 30, "target": 11, "label": "P"}, {"source": 33, "target": 20, "label": "F"}, {"source": 30, "target": 16, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 9, "label": "P"}, {"source": 29, "target": 17, "label": "A"}, {"source": 26, "target": 5, "label": "D"}, {"source": 26, "target": 1, "label": "F"}, {"source": 26, "target": 2, "label": "T"}, {"source": 32, "target": 15, "label": "C"}, {"source": 28, "target": 30, "label": "H"}, {"source": 26, "target": 6, "label": "S"}, {"source": 34, "target": 22, "label": "R"}, {"source": 30, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 8, "label": "F"}, {"source": 30, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 13, "label": "A"}, {"source": 33, "target": 34, "label": "T"}, {"source": 27, "target": 18, "label": "L"}, {"source": 26, "target": 4, "label": "F"}, {"source": 31, "target": 32, "label": "S"}, {"source": 34, "target": 23, "label": "Q"}, {"source": 29, "target": 7, "label": "R"}, {"source": 33, "target": 21, "label": "A"}, {"source": 28, "target": 10, "label": "L"}, {"source": 2, "target": 3, "label": "U"}, {"source": 29, "target": 12, "label": "F"}, {"source": 33, "target": 19, "label": "A"}, {"source": 27, "target": 33, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 29, "label": "H"}, {"source": 29, "target": 16, "label": "D"}, {"source": 34, "target": 24, "label": "C"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 7, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 14, "label": "E"}, {"source": 26, "target": 0, "label": "A"}]} +{"id": "042012-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Luv always..", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "T"}]} +{"id": "042085-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rubbish", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "042085-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Took 1+ hour to deliver to Chatham, hair in food, driver didn't know area.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 73, "to": 74}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 8, "label": "U"}, {"source": 24, "target": 13, "label": "P"}, {"source": 22, "target": 7, "label": "C"}, {"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 12, "label": "U"}, {"source": 25, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 20, "target": 5, "label": "P"}, {"source": 25, "target": 14, "label": "F"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 10, "label": "S"}, {"source": 23, "target": 9, "label": "A"}, {"source": 25, "target": 15, "label": "D"}, {"source": 25, "target": 17, "label": "A"}, {"source": 19, "target": 1, "label": "Q"}, {"source": 20, "target": 19, "label": "D"}, {"source": 23, "target": 11, "label": "A"}, {"source": 25, "target": 16, "label": "P"}]} +{"id": "042085-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Noticed a few of these Cookie cutter places opening in Summit and New Providence.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}, {"from": 70, "to": 80}]}, {"id": 13, "anchors": [{"from": 80, "to": 81}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 15, "target": 0, "label": "P"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 4, "label": "E"}, {"source": 17, "target": 16, "label": "Q"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 17, "label": "A"}, {"source": 17, "target": 19, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 8, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 11, "label": "N"}]} +{"id": "042085-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stick to Hop Hing, 20 year+ resident.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 1, "label": "R"}, {"source": 10, "target": 3, "label": "U"}, {"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 13, "target": 12, "label": "T"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "Q"}, {"source": 10, "target": 13, "label": "H"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "S"}, {"source": 9, "target": 0, "label": "P"}, {"source": 9, "target": 11, "label": "A"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "042416-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Can't wait to go back!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "D"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "042416-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is by far the BEST B&B that we have ever stayed at!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 20, "label": "E"}, {"source": 20, "target": 8, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "F"}, {"source": 20, "target": 10, "label": "T"}, {"source": 21, "target": 12, "label": "R"}, {"source": 20, "target": 9, "label": "F"}, {"source": 15, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 20, "target": 7, "label": "R"}, {"source": 15, "target": 1, "label": "S"}, {"source": 20, "target": 11, "label": "P"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 19, "label": "S"}, {"source": 21, "target": 13, "label": "U"}, {"source": 18, "target": 17, "label": "E"}, {"source": 17, "target": 16, "label": "D"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "042416-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were in Santa Fe for a special event and our hosts rented out the El Paradero for all their guests to stay at.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}, {"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}, {"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 18, "label": "S"}, {"source": 34, "target": 21, "label": "R"}, {"source": 27, "target": 10, "label": "S"}, {"source": 30, "target": 13, "label": "F"}, {"source": 26, "target": 5, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 24, "target": 32, "label": "H"}, {"source": 32, "target": 34, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 29, "target": 11, "label": "C"}, {"source": 28, "target": 29, "label": "P"}, {"source": 32, "target": 31, "label": "A"}, {"source": 32, "target": 20, "label": "P"}, {"source": 34, "target": 14, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 17, "label": "A"}, {"source": 32, "target": 19, "label": "F"}, {"source": 25, "target": 26, "label": "P"}, {"source": 23, "target": 2, "label": "S"}, {"source": 34, "target": 22, "label": "U"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 24, "target": 28, "label": "H"}, {"source": 23, "target": 3, "label": "A"}, {"source": 29, "target": 12, "label": "F"}, {"source": 25, "target": 6, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 10, "label": "A"}, {"source": 24, "target": 4, "label": "L"}, {"source": 24, "target": 15, "label": "L"}, {"source": 24, "target": 8, "label": "L"}, {"source": 31, "target": 33, "label": "C"}, {"source": 33, "target": 18, "label": "A"}, {"source": 31, "target": 16, "label": "Q"}, {"source": 27, "target": 9, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 14, "label": "C"}]} +{"id": "042416-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We could not have been more welcomed, more comfortable or more well fed.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}, {"from": 9, "to": 12}, {"from": 13, "to": 17}, {"from": 18, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 36}]}, {"id": 4, "anchors": [{"from": 36, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 15, "target": 5, "label": "D"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "D"}, {"source": 15, "target": 6, "label": "S"}, {"source": 14, "target": 1, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "U"}, {"source": 16, "target": 9, "label": "D"}, {"source": 16, "target": 10, "label": "P"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 7, "label": "L"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 14, "label": "D"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "042416-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The weekend was perfect in every way, in large part to Sue and her great staff.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 18, "target": 0, "label": "F"}, {"source": 20, "target": 3, "label": "S"}, {"source": 20, "target": 21, "label": "D"}, {"source": 21, "target": 6, "label": "C"}, {"source": 25, "target": 16, "label": "S"}, {"source": 22, "target": 24, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 14, "label": "A"}, {"source": 24, "target": 11, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 25, "target": 16, "label": "A"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 25, "target": 15, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 13, "label": "N"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 18, "label": "T"}, {"source": 21, "target": 5, "label": "Q"}, {"source": 23, "target": 9, "label": "E"}, {"source": 22, "target": 8, "label": "R"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "042416-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everyone was so friendly and really went out of their way to make sure everything went well.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 44}, {"from": 45, "to": 47}, {"from": 48, "to": 53}, {"from": 54, "to": 57}]}, {"id": 7, "anchors": [{"from": 58, "to": 60}]}, {"id": 8, "anchors": [{"from": 61, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 86}]}, {"id": 12, "anchors": [{"from": 87, "to": 91}]}, {"id": 13, "anchors": [{"from": 91, "to": 92}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 14, "target": 3, "label": "S"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 8, "label": "F"}, {"source": 15, "target": 4, "label": "L"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 12, "label": "D"}, {"source": 14, "target": 2, "label": "D"}, {"source": 16, "target": 5, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "P"}, {"source": 17, "target": 16, "label": "D"}]} +{"id": "042416-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We can not wait to go back to Santa Fe and to this great B&B...especially my 4 year old, who made friends with Ms. Sue and all the ladies, and has talked about them since we left!", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 87, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 130}]}, {"id": 30, "anchors": [{"from": 131, "to": 137}]}, {"id": 31, "anchors": [{"from": 137, "to": 138}]}, {"id": 32, "anchors": [{"from": 139, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 146}]}, {"id": 34, "anchors": [{"from": 147, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 164}]}, {"id": 37, "anchors": [{"from": 165, "to": 170}]}, {"id": 38, "anchors": [{"from": 171, "to": 173}]}, {"id": 39, "anchors": [{"from": 174, "to": 178}]}, {"id": 40, "anchors": [{"from": 178, "to": 179}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 42, "target": 49, "label": "E"}, {"source": 48, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 51, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 59, "label": "H"}, {"source": 56, "target": 29, "label": "F"}, {"source": 45, "target": 8, "label": "C"}, {"source": 41, "target": 1, "label": "D"}, {"source": 41, "target": 2, "label": "D"}, {"source": 51, "target": 19, "label": "S"}, {"source": 44, "target": 46, "label": "A"}, {"source": 47, "target": 13, "label": "C"}, {"source": 49, "target": 15, "label": "R"}, {"source": 47, "target": 10, "label": "R"}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 21, "label": "L"}, {"source": 56, "target": 30, "label": "C"}, {"source": 41, "target": 44, "label": "A"}, {"source": 51, "target": 50, "label": "T"}, {"source": 52, "target": 22, "label": "F"}, {"source": 42, "target": 0, "label": "C"}, {"source": 59, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 24, "label": "R"}, {"source": 43, "target": 53, "label": "H"}, {"source": 41, "target": 3, "label": "P"}, {"source": 47, "target": 48, "label": "E"}, {"source": 56, "target": 28, "label": "Q"}, {"source": 44, "target": 5, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 53, "target": 54, "label": "A"}, {"source": 54, "target": 55, "label": "C"}, {"source": 43, "target": 57, "label": "H"}, {"source": 44, "target": 4, "label": "R"}, {"source": 47, "target": 11, "label": "E"}, {"source": 49, "target": 51, "label": "A"}, {"source": 57, "target": 33, "label": "F"}, {"source": 46, "target": 47, "label": "C"}, {"source": 43, "target": 41, "label": "H"}, {"source": 55, "target": 25, "label": "E"}, {"source": 43, "target": 32, "label": "L"}, {"source": 43, "target": 37, "label": "L"}, {"source": 46, "target": 9, "label": "N"}, {"source": 55, "target": 26, "label": "C"}, {"source": 43, "target": 20, "label": "U"}, {"source": 46, "target": 45, "label": "C"}, {"source": 50, "target": 18, "label": "C"}, {"source": 45, "target": 7, "label": "R"}, {"source": 41, "target": 14, "label": "U"}, {"source": 59, "target": 38, "label": "A"}, {"source": 57, "target": 58, "label": "A"}, {"source": 59, "target": 40, "label": "U"}, {"source": 44, "target": 6, "label": "D"}, {"source": 54, "target": 27, "label": "N"}, {"source": 58, "target": 36, "label": "C"}, {"source": 43, "target": 31, "label": "U"}, {"source": 52, "target": 23, "label": "C"}, {"source": 53, "target": 51, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 52, "label": "P"}, {"source": 59, "target": 39, "label": "P"}, {"source": 50, "target": 17, "label": "Q"}, {"source": 57, "target": 34, "label": "P"}, {"source": 58, "target": 35, "label": "R"}, {"source": 48, "target": 12, "label": "S"}, {"source": 54, "target": 56, "label": "C"}, {"source": 49, "target": 16, "label": "A"}]} +{"id": "042416-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We would highly recommend the El Paradero on your next trip to Santa Fe!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}, {"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 68}, {"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 1, "label": "D"}, {"source": 16, "target": 9, "label": "P"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 10, "label": "R"}, {"source": 13, "target": 2, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 4, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 8, "label": "D"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "042530-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "a staple!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 0, "label": "F"}, {"source": 5, "target": 2, "label": "U"}, {"source": 4, "target": 5, "label": "S"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "042530-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I live in the neighborhood and this place is one of my favorites for a tasty, quick and inexpensive meal.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 6, "label": "E"}, {"source": 29, "target": 21, "label": "U"}, {"source": 27, "target": 12, "label": "C"}, {"source": 30, "target": 15, "label": "C"}, {"source": 28, "target": 29, "label": "P"}, {"source": 26, "target": 9, "label": "D"}, {"source": 30, "target": 19, "label": "C"}, {"source": 23, "target": 13, "label": "L"}, {"source": 27, "target": 10, "label": "R"}, {"source": 30, "target": 18, "label": "N"}, {"source": 26, "target": 27, "label": "S"}, {"source": 30, "target": 16, "label": "U"}, {"source": 28, "target": 30, "label": "D"}, {"source": 30, "target": 17, "label": "C"}, {"source": 29, "target": 20, "label": "C"}, {"source": 23, "target": 5, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 2, "label": "R"}, {"source": 23, "target": 26, "label": "H"}, {"source": 22, "target": 1, "label": "S"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 29, "target": 14, "label": "F"}, {"source": 24, "target": 3, "label": "F"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "042530-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Branch out and try something other than the Pad Thai, the curries are fantastic.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}, {"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "R"}, {"source": 21, "target": 12, "label": "S"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 6, "label": "F"}, {"source": 16, "target": 2, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 20, "target": 9, "label": "F"}, {"source": 15, "target": 21, "label": "H"}, {"source": 19, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "L"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 11, "label": "F"}, {"source": 14, "target": 0, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 21, "target": 13, "label": "U"}, {"source": 15, "target": 8, "label": "U"}]} +{"id": "042530-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fast and friendly service, they know my order when I walk in the door!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 1, "label": "N"}, {"source": 20, "target": 7, "label": "A"}, {"source": 16, "target": 0, "label": "C"}, {"source": 16, "target": 2, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 10, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 12, "label": "R"}, {"source": 17, "target": 3, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 6, "label": "P"}, {"source": 19, "target": 5, "label": "A"}, {"source": 17, "target": 16, "label": "D"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "043020-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quick to take money but not quick to fix a problem!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 0, "label": "D"}, {"source": 15, "target": 7, "label": "F"}, {"source": 15, "target": 8, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "S"}, {"source": 17, "target": 9, "label": "F"}, {"source": 12, "target": 2, "label": "P"}, {"source": 17, "target": 10, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 14, "label": "D"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "043020-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "B&B came out very quickly to give us our quote back in June.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}, {"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "R"}, {"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 17, "label": "T"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 5, "label": "F"}, {"source": 17, "target": 9, "label": "R"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 8, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "A"}]} +{"id": "043020-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were very polite, eager to answer any questions and willing to wait for us to return from vacation to begin installing our fence.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 37, "target": 36, "label": "E"}, {"source": 31, "target": 13, "label": "P"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 14, "label": "R"}, {"source": 26, "target": 1, "label": "F"}, {"source": 33, "target": 34, "label": "P"}, {"source": 37, "target": 25, "label": "U"}, {"source": 27, "target": 35, "label": "H"}, {"source": 37, "target": 24, "label": "C"}, {"source": 32, "target": 15, "label": "C"}, {"source": 31, "target": 11, "label": "D"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 12, "label": "F"}, {"source": 29, "target": 8, "label": "E"}, {"source": 35, "target": 21, "label": "D"}, {"source": 28, "target": 5, "label": "D"}, {"source": 27, "target": 16, "label": "L"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 10, "label": "L"}, {"source": 26, "target": 3, "label": "S"}, {"source": 27, "target": 4, "label": "U"}, {"source": 35, "target": 37, "label": "A"}, {"source": 27, "target": 33, "label": "H"}, {"source": 34, "target": 19, "label": "C"}, {"source": 33, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 18, "label": "R"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 6, "label": "F"}, {"source": 29, "target": 30, "label": "C"}, {"source": 27, "target": 20, "label": "L"}, {"source": 30, "target": 9, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 33, "target": 17, "label": "D"}, {"source": 35, "target": 22, "label": "P"}, {"source": 28, "target": 7, "label": "P"}, {"source": 26, "target": 0, "label": "A"}, {"source": 36, "target": 23, "label": "S"}]} +{"id": "043020-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our fence was installed quickly in August and they had their money and left saying \"Workmanship is guaranteed for a year!\".", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 123}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 26, "target": 25, "label": "E"}, {"source": 32, "target": 31, "label": "E"}, {"source": 28, "target": 34, "label": "H"}, {"source": 28, "target": 7, "label": "L"}, {"source": 27, "target": 29, "label": "T"}, {"source": 31, "target": 10, "label": "S"}, {"source": 28, "target": 30, "label": "H"}, {"source": 33, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 4, "label": "D"}, {"source": 28, "target": 12, "label": "L"}, {"source": 31, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 1, "label": "C"}, {"source": 30, "target": 8, "label": "A"}, {"source": 36, "target": 22, "label": "U"}, {"source": 30, "target": 32, "label": "A"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 23, "label": "U"}, {"source": 30, "target": 9, "label": "S"}, {"source": 34, "target": 14, "label": "P"}, {"source": 27, "target": 26, "label": "A"}, {"source": 27, "target": 3, "label": "P"}, {"source": 36, "target": 21, "label": "C"}, {"source": 36, "target": 20, "label": "Q"}, {"source": 35, "target": 16, "label": "A"}, {"source": 35, "target": 36, "label": "T"}, {"source": 28, "target": 33, "label": "H"}, {"source": 32, "target": 11, "label": "C"}, {"source": 25, "target": 0, "label": "S"}, {"source": 35, "target": 17, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 36, "target": 24, "label": "U"}, {"source": 27, "target": 2, "label": "F"}, {"source": 34, "target": 15, "label": "U"}, {"source": 33, "target": 13, "label": "P"}, {"source": 29, "target": 6, "label": "C"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 18, "label": "P"}, {"source": 29, "target": 5, "label": "R"}]} +{"id": "043020-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Within a week we noticed one of the boards on our gate splitting where a nail had gone in.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 19, "label": "U"}, {"source": 23, "target": 6, "label": "R"}, {"source": 23, "target": 8, "label": "C"}, {"source": 23, "target": 5, "label": "Q"}, {"source": 21, "target": 22, "label": "H"}, {"source": 25, "target": 9, "label": "R"}, {"source": 24, "target": 27, "label": "A"}, {"source": 28, "target": 14, "label": "F"}, {"source": 27, "target": 13, "label": "R"}, {"source": 27, "target": 17, "label": "P"}, {"source": 23, "target": 25, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 3, "label": "A"}, {"source": 24, "target": 12, "label": "P"}, {"source": 20, "target": 2, "label": "C"}, {"source": 20, "target": 1, "label": "Q"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 4, "label": "P"}, {"source": 26, "target": 10, "label": "S"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 7, "label": "F"}, {"source": 27, "target": 16, "label": "F"}, {"source": 24, "target": 23, "label": "A"}, {"source": 27, "target": 18, "label": "D"}, {"source": 25, "target": 11, "label": "C"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 20, "label": "L"}, {"source": 20, "target": 0, "label": "R"}, {"source": 26, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "043020-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We called our representative who assured me he would call the office and have it taken care of.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 9, "label": "P"}, {"source": 27, "target": 17, "label": "R"}, {"source": 25, "target": 10, "label": "E"}, {"source": 20, "target": 4, "label": "L"}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 8, "label": "D"}, {"source": 24, "target": 26, "label": "H"}, {"source": 27, "target": 18, "label": "U"}, {"source": 26, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "C"}, {"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "P"}, {"source": 24, "target": 12, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 23, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 11, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 3, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 7, "label": "A"}, {"source": 28, "target": 16, "label": "C"}, {"source": 21, "target": 3, "label": "A"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "043020-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We heard nothing.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "043020-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We then called the office and the man we spoke to said he'd send someone out to look at it but couldn't promise when- two weeks came and went and we heard nothing.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 116}]}, {"id": 26, "anchors": [{"from": 116, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 141}]}, {"id": 32, "anchors": [{"from": 142, "to": 145}]}, {"id": 33, "anchors": [{"from": 146, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 162}]}, {"id": 36, "anchors": [{"from": 162, "to": 163}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 44, "target": 13, "label": "D"}, {"source": 48, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 32, "label": "L"}, {"source": 48, "target": 23, "label": "D"}, {"source": 51, "target": 31, "label": "C"}, {"source": 38, "target": 1, "label": "L"}, {"source": 49, "target": 27, "label": "Q"}, {"source": 38, "target": 37, "label": "H"}, {"source": 42, "target": 43, "label": "A"}, {"source": 48, "target": 25, "label": "T"}, {"source": 45, "target": 17, "label": "L"}, {"source": 51, "target": 29, "label": "C"}, {"source": 44, "target": 12, "label": "A"}, {"source": 40, "target": 6, "label": "F"}, {"source": 38, "target": 5, "label": "L"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 10, "label": "R"}, {"source": 52, "target": 35, "label": "A"}, {"source": 45, "target": 44, "label": "H"}, {"source": 40, "target": 7, "label": "C"}, {"source": 41, "target": 11, "label": "P"}, {"source": 41, "target": 45, "label": "A"}, {"source": 39, "target": 4, "label": "C"}, {"source": 42, "target": 9, "label": "P"}, {"source": 42, "target": 8, "label": "A"}, {"source": 44, "target": 14, "label": "P"}, {"source": 44, "target": 16, "label": "D"}, {"source": 45, "target": 46, "label": "H"}, {"source": 41, "target": 40, "label": "A"}, {"source": 46, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 30, "label": "N"}, {"source": 47, "target": 20, "label": "C"}, {"source": 48, "target": 22, "label": "D"}, {"source": 38, "target": 41, "label": "H"}, {"source": 52, "target": 33, "label": "A"}, {"source": 46, "target": 18, "label": "P"}, {"source": 37, "target": 0, "label": "A"}, {"source": 52, "target": 36, "label": "U"}, {"source": 48, "target": 24, "label": "P"}, {"source": 43, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 34, "label": "P"}, {"source": 40, "target": 42, "label": "E"}, {"source": 37, "target": 2, "label": "P"}, {"source": 47, "target": 19, "label": "R"}, {"source": 37, "target": 39, "label": "A"}, {"source": 38, "target": 52, "label": "H"}, {"source": 38, "target": 50, "label": "H"}, {"source": 49, "target": 28, "label": "C"}, {"source": 45, "target": 21, "label": "L"}, {"source": 45, "target": 48, "label": "H"}, {"source": 38, "target": 26, "label": "U"}, {"source": 50, "target": 51, "label": "P"}, {"source": 44, "target": 15, "label": "A"}, {"source": 39, "target": 3, "label": "F"}, {"source": 50, "target": 49, "label": "T"}]} +{"id": "043020-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just called again and was told that workmanship, not wood, is guaranteed for a year- well in my opinion- the wood split due to a nail which is part of workmanship!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 105}]}, {"id": 23, "anchors": [{"from": 105, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 125}, {"from": 126, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 152}]}, {"id": 34, "anchors": [{"from": 153, "to": 164}]}, {"id": 35, "anchors": [{"from": 164, "to": 165}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 40, "target": 9, "label": "U"}, {"source": 43, "target": 24, "label": "F"}, {"source": 38, "target": 6, "label": "P"}, {"source": 45, "target": 28, "label": "F"}, {"source": 46, "target": 47, "label": "S"}, {"source": 39, "target": 7, "label": "R"}, {"source": 44, "target": 45, "label": "A"}, {"source": 36, "target": 1, "label": "T"}, {"source": 46, "target": 48, "label": "A"}, {"source": 40, "target": 10, "label": "N"}, {"source": 37, "target": 18, "label": "U"}, {"source": 42, "target": 20, "label": "R"}, {"source": 45, "target": 29, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 42, "target": 22, "label": "S"}, {"source": 40, "target": 8, "label": "C"}, {"source": 36, "target": 2, "label": "P"}, {"source": 40, "target": 11, "label": "C"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 31, "label": "F"}, {"source": 47, "target": 32, "label": "C"}, {"source": 41, "target": 17, "label": "C"}, {"source": 42, "target": 21, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 37, "target": 38, "label": "H"}, {"source": 43, "target": 25, "label": "C"}, {"source": 39, "target": 41, "label": "T"}, {"source": 39, "target": 12, "label": "U"}, {"source": 47, "target": 33, "label": "R"}, {"source": 48, "target": 35, "label": "U"}, {"source": 39, "target": 13, "label": "F"}, {"source": 37, "target": 36, "label": "H"}, {"source": 42, "target": 23, "label": "U"}, {"source": 46, "target": 30, "label": "R"}, {"source": 44, "target": 43, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 37, "target": 19, "label": "L"}, {"source": 45, "target": 27, "label": "R"}, {"source": 37, "target": 4, "label": "L"}, {"source": 44, "target": 26, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 15, "label": "R"}, {"source": 36, "target": 3, "label": "D"}, {"source": 46, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 14, "label": "P"}, {"source": 42, "target": 44, "label": "A"}, {"source": 48, "target": 34, "label": "P"}, {"source": 38, "target": 5, "label": "F"}, {"source": 41, "target": 16, "label": "Q"}, {"source": 37, "target": 42, "label": "H"}]} +{"id": "043020-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She even went so far as to say \"Your calling about one board?\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 16}, {"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 7, "label": "A"}, {"source": 16, "target": 17, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 6, "label": "U"}, {"source": 19, "target": 11, "label": "Q"}, {"source": 18, "target": 9, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 8, "label": "F"}, {"source": 17, "target": 2, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 16, "target": 1, "label": "G"}, {"source": 19, "target": 12, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "R"}, {"source": 16, "target": 5, "label": "P"}, {"source": 16, "target": 0, "label": "A"}]} +{"id": "043020-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Well- when you pay over $1000 for something you want it to hold up and look good!!!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 80}]}, {"id": 19, "anchors": [{"from": 80, "to": 83}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 25, "target": 13, "label": "F"}, {"source": 25, "target": 12, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 2, "label": "L"}, {"source": 24, "target": 11, "label": "P"}, {"source": 20, "target": 16, "label": "L"}, {"source": 20, "target": 1, "label": "U"}, {"source": 22, "target": 7, "label": "Q"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 10, "label": "A"}, {"source": 23, "target": 8, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 0, "label": "L"}, {"source": 25, "target": 14, "label": "P"}, {"source": 25, "target": 15, "label": "D"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}, {"source": 20, "target": 26, "label": "H"}, {"source": 26, "target": 17, "label": "S"}, {"source": 21, "target": 3, "label": "A"}]} +{"id": "043020-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "YES!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "043020-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I WAS calling about one board!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 4, "label": "Q"}]} +{"id": "043020-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I'm very frustrated at this point- it would take all of 10 min for them to come by and replace the one board that is cracked (the crack is deep enough to stick a penny in it and it goes clear through) yet they do not want to take the time to bother with what once WAS a happy customer and has now become a dissatisfied customer.", "tops": [73], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 126}]}, {"id": 29, "anchors": [{"from": 126, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 138}]}, {"id": 32, "anchors": [{"from": 139, "to": 143}]}, {"id": 33, "anchors": [{"from": 144, "to": 150}]}, {"id": 34, "anchors": [{"from": 151, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 161}]}, {"id": 37, "anchors": [{"from": 162, "to": 167}]}, {"id": 38, "anchors": [{"from": 168, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 173}]}, {"id": 40, "anchors": [{"from": 174, "to": 177}]}, {"id": 41, "anchors": [{"from": 178, "to": 180}]}, {"id": 42, "anchors": [{"from": 181, "to": 185}]}, {"id": 43, "anchors": [{"from": 186, "to": 191}]}, {"id": 44, "anchors": [{"from": 192, "to": 199}]}, {"id": 45, "anchors": [{"from": 199, "to": 200}]}, {"id": 46, "anchors": [{"from": 201, "to": 204}]}, {"id": 47, "anchors": [{"from": 205, "to": 209}]}, {"id": 48, "anchors": [{"from": 210, "to": 212}]}, {"id": 49, "anchors": [{"from": 213, "to": 216}]}, {"id": 50, "anchors": [{"from": 217, "to": 221}]}, {"id": 51, "anchors": [{"from": 222, "to": 224}]}, {"id": 52, "anchors": [{"from": 225, "to": 229}]}, {"id": 53, "anchors": [{"from": 230, "to": 233}]}, {"id": 54, "anchors": [{"from": 234, "to": 238}]}, {"id": 55, "anchors": [{"from": 239, "to": 241}]}, {"id": 56, "anchors": [{"from": 242, "to": 248}]}, {"id": 57, "anchors": [{"from": 249, "to": 253}]}, {"id": 58, "anchors": [{"from": 254, "to": 258}]}, {"id": 59, "anchors": [{"from": 259, "to": 263}]}, {"id": 60, "anchors": [{"from": 264, "to": 267}]}, {"id": 61, "anchors": [{"from": 268, "to": 269}]}, {"id": 62, "anchors": [{"from": 270, "to": 275}]}, {"id": 63, "anchors": [{"from": 276, "to": 284}]}, {"id": 64, "anchors": [{"from": 285, "to": 288}]}, {"id": 65, "anchors": [{"from": 289, "to": 292}]}, {"id": 66, "anchors": [{"from": 293, "to": 296}]}, {"id": 67, "anchors": [{"from": 297, "to": 303}]}, {"id": 68, "anchors": [{"from": 304, "to": 305}]}, {"id": 69, "anchors": [{"from": 306, "to": 318}]}, {"id": 70, "anchors": [{"from": 319, "to": 327}]}, {"id": 71, "anchors": [{"from": 327, "to": 328}]}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}], "edges": [{"source": 89, "target": 50, "label": "P"}, {"source": 93, "target": 62, "label": "D"}, {"source": 72, "target": 2, "label": "D"}, {"source": 75, "target": 77, "label": "E"}, {"source": 87, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 89, "target": 90, "label": "A"}, {"source": 83, "target": 34, "label": "R"}, {"source": 73, "target": 7, "label": "U"}, {"source": 92, "target": 59, "label": "T"}, {"source": 79, "target": 24, "label": "C"}, {"source": 77, "target": 12, "label": "R"}, {"source": 84, "target": 35, "label": "P"}, {"source": 95, "target": 96, "label": "S"}, {"source": 84, "target": 86, "label": "A"}, {"source": 90, "target": 91, "label": "D"}, {"source": 90, "target": 92, "label": "A"}, {"source": 82, "target": 81, "label": "A"}, {"source": 73, "target": 84, "label": "H"}, {"source": 76, "target": 18, "label": "P"}, {"source": 73, "target": 28, "label": "U"}, {"source": 81, "target": 29, "label": "F"}, {"source": 94, "target": 63, "label": "C"}, {"source": 78, "target": 79, "label": "A"}, {"source": 92, "target": 57, "label": "R"}, {"source": 80, "target": 27, "label": "S"}, {"source": 75, "target": 8, "label": "F"}, {"source": 73, "target": 87, "label": "H"}, {"source": 82, "target": 32, "label": "S"}, {"source": 73, "target": 89, "label": "H"}, {"source": 89, "target": 48, "label": "F"}, {"source": 83, "target": 33, "label": "C"}, {"source": 96, "target": 71, "label": "U"}, {"source": 73, "target": 45, "label": "U"}, {"source": 84, "target": 85, "label": "A"}, {"source": 74, "target": 6, "label": "C"}, {"source": 80, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 86, "target": 39, "label": "C"}, {"source": 95, "target": 96, "label": "A"}, {"source": 89, "target": 47, "label": "A"}, {"source": 91, "target": 53, "label": "F"}, {"source": 95, "target": 67, "label": "D"}, {"source": 76, "target": 16, "label": "A"}, {"source": 85, "target": 36, "label": "F"}, {"source": 72, "target": 0, "label": "A"}, {"source": 77, "target": 11, "label": "F"}, {"source": 74, "target": 4, "label": "R"}, {"source": 95, "target": 69, "label": "D"}, {"source": 90, "target": 51, "label": "R"}, {"source": 76, "target": 17, "label": "F"}, {"source": 95, "target": 66, "label": "T"}, {"source": 77, "target": 14, "label": "C"}, {"source": 96, "target": 70, "label": "C"}, {"source": 79, "target": 80, "label": "E"}, {"source": 92, "target": 93, "label": "A"}, {"source": 88, "target": 42, "label": "F"}, {"source": 88, "target": 44, "label": "C"}, {"source": 82, "target": 31, "label": "F"}, {"source": 81, "target": 30, "label": "C"}, {"source": 72, "target": 1, "label": "F"}, {"source": 73, "target": 83, "label": "L"}, {"source": 79, "target": 22, "label": "F"}, {"source": 90, "target": 55, "label": "F"}, {"source": 91, "target": 54, "label": "C"}, {"source": 91, "target": 52, "label": "F"}, {"source": 76, "target": 15, "label": "F"}, {"source": 87, "target": 41, "label": "A"}, {"source": 94, "target": 61, "label": "F"}, {"source": 73, "target": 95, "label": "H"}, {"source": 89, "target": 49, "label": "D"}, {"source": 96, "target": 68, "label": "F"}, {"source": 80, "target": 25, "label": "R"}, {"source": 73, "target": 46, "label": "L"}, {"source": 92, "target": 58, "label": "A"}, {"source": 85, "target": 37, "label": "C"}, {"source": 73, "target": 72, "label": "H"}, {"source": 75, "target": 10, "label": "C"}, {"source": 76, "target": 75, "label": "D"}, {"source": 87, "target": 88, "label": "P"}, {"source": 76, "target": 19, "label": "D"}, {"source": 92, "target": 60, "label": "S"}, {"source": 87, "target": 43, "label": "D"}, {"source": 73, "target": 82, "label": "H"}, {"source": 93, "target": 94, "label": "A"}, {"source": 73, "target": 20, "label": "L"}, {"source": 78, "target": 21, "label": "P"}, {"source": 73, "target": 76, "label": "H"}, {"source": 79, "target": 23, "label": "Q"}, {"source": 78, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 13, "label": "Q"}, {"source": 73, "target": 78, "label": "H"}, {"source": 74, "target": 5, "label": "E"}, {"source": 86, "target": 38, "label": "R"}, {"source": 72, "target": 3, "label": "S"}, {"source": 93, "target": 94, "label": "S"}, {"source": 95, "target": 65, "label": "F"}, {"source": 73, "target": 40, "label": "L"}, {"source": 73, "target": 64, "label": "L"}, {"source": 72, "target": 74, "label": "T"}, {"source": 80, "target": 26, "label": "F"}, {"source": 75, "target": 9, "label": "F"}, {"source": 90, "target": 56, "label": "P"}]} +{"id": "043020-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So I figure if they don't want to take the time to fix the fence that they installed then I'll take the time to let everyone I can know about how they treat customers once they have your money!!!", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}, {"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 145}]}, {"id": 32, "anchors": [{"from": 146, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 156}]}, {"id": 34, "anchors": [{"from": 157, "to": 166}]}, {"id": 35, "anchors": [{"from": 167, "to": 171}]}, {"id": 36, "anchors": [{"from": 172, "to": 176}]}, {"id": 37, "anchors": [{"from": 177, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 186}]}, {"id": 39, "anchors": [{"from": 187, "to": 192}]}, {"id": 40, "anchors": [{"from": 192, "to": 195}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 42, "target": 4, "label": "F"}, {"source": 46, "target": 17, "label": "P"}, {"source": 47, "target": 52, "label": "A"}, {"source": 48, "target": 22, "label": "F"}, {"source": 55, "target": 57, "label": "A"}, {"source": 57, "target": 56, "label": "E"}, {"source": 47, "target": 19, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 42, "target": 6, "label": "P"}, {"source": 41, "target": 42, "label": "H"}, {"source": 56, "target": 38, "label": "S"}, {"source": 47, "target": 24, "label": "F"}, {"source": 49, "target": 25, "label": "F"}, {"source": 55, "target": 36, "label": "A"}, {"source": 47, "target": 50, "label": "A"}, {"source": 57, "target": 40, "label": "U"}, {"source": 51, "target": 27, "label": "A"}, {"source": 54, "target": 34, "label": "A"}, {"source": 50, "target": 26, "label": "C"}, {"source": 42, "target": 5, "label": "D"}, {"source": 52, "target": 55, "label": "H"}, {"source": 55, "target": 37, "label": "S"}, {"source": 45, "target": 46, "label": "E"}, {"source": 43, "target": 7, "label": "R"}, {"source": 56, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 9, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 43, "target": 12, "label": "P"}, {"source": 57, "target": 39, "label": "C"}, {"source": 53, "target": 33, "label": "P"}, {"source": 46, "target": 16, "label": "A"}, {"source": 44, "target": 8, "label": "F"}, {"source": 52, "target": 30, "label": "R"}, {"source": 52, "target": 53, "label": "H"}, {"source": 54, "target": 34, "label": "S"}, {"source": 41, "target": 2, "label": "L"}, {"source": 53, "target": 32, "label": "A"}, {"source": 48, "target": 23, "label": "C"}, {"source": 45, "target": 14, "label": "C"}, {"source": 41, "target": 47, "label": "H"}, {"source": 44, "target": 10, "label": "C"}, {"source": 49, "target": 29, "label": "C"}, {"source": 46, "target": 15, "label": "R"}, {"source": 43, "target": 44, "label": "D"}, {"source": 42, "target": 3, "label": "A"}, {"source": 47, "target": 48, "label": "D"}, {"source": 51, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 13, "label": "F"}, {"source": 46, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 1, "label": "G"}, {"source": 47, "target": 20, "label": "F"}, {"source": 43, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 21, "label": "F"}, {"source": 43, "target": 45, "label": "A"}, {"source": 50, "target": 51, "label": "E"}, {"source": 47, "target": 49, "label": "P"}, {"source": 52, "target": 35, "label": "L"}, {"source": 51, "target": 28, "label": "D"}, {"source": 41, "target": 18, "label": "L"}, {"source": 41, "target": 0, "label": "L"}, {"source": 53, "target": 31, "label": "D"}, {"source": 51, "target": 49, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 11, "label": "F"}]} +{"id": "043020-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "STAY AWAY!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "043020-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "YOU GET WHAT YOU PAY FOR!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 5, "label": "R"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "043020-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They came in under a lot of other quotes and now I know why!!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 6, "label": "D"}, {"source": 19, "target": 10, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 17, "label": "A"}, {"source": 15, "target": 19, "label": "H"}, {"source": 15, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "T"}, {"source": 14, "target": 2, "label": "D"}, {"source": 19, "target": 11, "label": "P"}, {"source": 18, "target": 7, "label": "C"}, {"source": 15, "target": 8, "label": "L"}, {"source": 17, "target": 16, "label": "D"}, {"source": 15, "target": 12, "label": "H"}]} +{"id": "043020-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When the fence was first installed I would have given them five stars, now for their poor customer follow-up and unwillingness to fix the fence they have dropped to a one-star in my opinion!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 105}, {"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 148}]}, {"id": 28, "anchors": [{"from": 149, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 161}]}, {"id": 30, "anchors": [{"from": 162, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 170}]}, {"id": 33, "anchors": [{"from": 170, "to": 171}]}, {"id": 34, "anchors": [{"from": 171, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 178}, {"from": 179, "to": 181}, {"from": 182, "to": 189}]}, {"id": 36, "anchors": [{"from": 189, "to": 190}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 40, "target": 8, "label": "F"}, {"source": 40, "target": 9, "label": "P"}, {"source": 37, "target": 46, "label": "H"}, {"source": 42, "target": 43, "label": "A"}, {"source": 37, "target": 40, "label": "H"}, {"source": 42, "target": 17, "label": "D"}, {"source": 44, "target": 45, "label": "A"}, {"source": 47, "target": 33, "label": "U"}, {"source": 45, "target": 25, "label": "F"}, {"source": 42, "target": 16, "label": "A"}, {"source": 47, "target": 34, "label": "C"}, {"source": 46, "target": 35, "label": "G"}, {"source": 41, "target": 11, "label": "Q"}, {"source": 45, "target": 26, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 44, "target": 23, "label": "F"}, {"source": 37, "target": 21, "label": "L"}, {"source": 42, "target": 15, "label": "R"}, {"source": 44, "target": 24, "label": "P"}, {"source": 38, "target": 2, "label": "C"}, {"source": 37, "target": 14, "label": "L"}, {"source": 39, "target": 38, "label": "A"}, {"source": 44, "target": 22, "label": "D"}, {"source": 19, "target": 20, "label": "U"}, {"source": 37, "target": 0, "label": "L"}, {"source": 41, "target": 12, "label": "C"}, {"source": 39, "target": 5, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 46, "target": 29, "label": "P"}, {"source": 40, "target": 6, "label": "A"}, {"source": 46, "target": 27, "label": "A"}, {"source": 47, "target": 30, "label": "R"}, {"source": 43, "target": 18, "label": "A"}, {"source": 40, "target": 10, "label": "A"}, {"source": 39, "target": 4, "label": "D"}, {"source": 37, "target": 44, "label": "H"}, {"source": 37, "target": 39, "label": "H"}, {"source": 37, "target": 13, "label": "U"}, {"source": 44, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 36, "label": "U"}, {"source": 47, "target": 31, "label": "F"}, {"source": 43, "target": 18, "label": "S"}, {"source": 38, "target": 1, "label": "F"}, {"source": 40, "target": 7, "label": "D"}, {"source": 46, "target": 28, "label": "F"}, {"source": 47, "target": 32, "label": "Q"}, {"source": 39, "target": 3, "label": "F"}, {"source": 37, "target": 42, "label": "H"}, {"source": 42, "target": 19, "label": "P"}]} +{"id": "044427-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good and Bad", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "L"}]} +{"id": "044427-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had to take care of the ants myself.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 18}, {"from": 31, "to": 37}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "044427-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But I found the location wonderful and the neighbors very kind.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 10, "label": "S"}, {"source": 16, "target": 17, "label": "S"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 12, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 5, "label": "S"}, {"source": 13, "target": 2, "label": "S"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "L"}, {"source": 18, "target": 9, "label": "D"}, {"source": 18, "target": 16, "label": "A"}, {"source": 12, "target": 18, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "044427-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Never had a problem with the staff and found them very helpful when something went wrong.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 21, "target": 5, "label": "F"}, {"source": 17, "target": 20, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 23, "target": 15, "label": "P"}, {"source": 17, "target": 0, "label": "D"}, {"source": 21, "target": 6, "label": "C"}, {"source": 17, "target": 0, "label": "T"}, {"source": 19, "target": 2, "label": "F"}, {"source": 19, "target": 3, "label": "C"}, {"source": 22, "target": 9, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 17, "target": 19, "label": "P"}, {"source": 20, "target": 21, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 8, "label": "G"}, {"source": 18, "target": 23, "label": "H"}, {"source": 18, "target": 12, "label": "L"}, {"source": 23, "target": 13, "label": "A"}, {"source": 23, "target": 14, "label": "F"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "044427-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Loved the pool and BBQ.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 8, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "N"}, {"source": 7, "target": 0, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "044427-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Because of the ants I dropped them to a 3 star.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "L"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 5, "label": "D"}, {"source": 16, "target": 7, "label": "F"}, {"source": 16, "target": 17, "label": "S"}, {"source": 12, "target": 1, "label": "R"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 9, "label": "Q"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 4, "label": "A"}]} +{"id": "045753-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Compare to last decade this University is gaining more prestige in International level", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 80}]}, {"id": 11, "anchors": [{"from": 81, "to": 86}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 13, "target": 17, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 7, "label": "D"}, {"source": 12, "target": 0, "label": "L"}, {"source": 18, "target": 11, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 17, "label": "P"}, {"source": 12, "target": 16, "label": "H"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "T"}, {"source": 16, "target": 5, "label": "F"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "045972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Feel good", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "045972-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I just wanted to try your clinic because I was not totally happy with my current therapist I regularly see.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 29, "target": 18, "label": "T"}, {"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 17, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 8, "label": "A"}, {"source": 21, "target": 25, "label": "A"}, {"source": 26, "target": 12, "label": "S"}, {"source": 27, "target": 13, "label": "R"}, {"source": 23, "target": 2, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 29, "target": 20, "label": "U"}, {"source": 26, "target": 11, "label": "D"}, {"source": 23, "target": 1, "label": "E"}, {"source": 24, "target": 5, "label": "S"}, {"source": 21, "target": 4, "label": "P"}, {"source": 21, "target": 3, "label": "F"}, {"source": 27, "target": 28, "label": "C"}, {"source": 29, "target": 19, "label": "P"}, {"source": 25, "target": 24, "label": "E"}, {"source": 26, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 28, "target": 14, "label": "A"}, {"source": 28, "target": 16, "label": "P"}, {"source": 21, "target": 23, "label": "D"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 15, "label": "T"}, {"source": 28, "target": 16, "label": "A"}]} +{"id": "045972-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now I've found someone who can manage to do what I really want.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "D"}, {"source": 20, "target": 11, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 20, "target": 13, "label": "S"}, {"source": 18, "target": 8, "label": "F"}, {"source": 20, "target": 12, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "E"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 7, "label": "D"}, {"source": 16, "target": 1, "label": "A"}, {"source": 16, "target": 3, "label": "P"}, {"source": 16, "target": 0, "label": "T"}]} +{"id": "046500-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mens and Boys Barbers, on the number 9 Bus route.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 15, "label": "A"}, {"source": 17, "target": 6, "label": "S"}, {"source": 18, "target": 9, "label": "E"}, {"source": 13, "target": 1, "label": "R"}, {"source": 19, "target": 20, "label": "C"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 4, "label": "A"}, {"source": 19, "target": 18, "label": "C"}, {"source": 17, "target": 5, "label": "U"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 13, "target": 0, "label": "C"}, {"source": 14, "target": 13, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "P"}, {"source": 20, "target": 11, "label": "C"}, {"source": 20, "target": 10, "label": "E"}, {"source": 14, "target": 2, "label": "N"}, {"source": 15, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "C"}]} +{"id": "046500-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ladies room, Open Sundays", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "T"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "046906-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "rug works for me", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "047007-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Called to check if they had a product I've been using on my dog for years... the boy who answered the phone couldn't possibly have been ruder to me.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 147}]}, {"id": 32, "anchors": [{"from": 147, "to": 148}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 42, "target": 19, "label": "C"}, {"source": 37, "target": 7, "label": "C"}, {"source": 43, "target": 29, "label": "S"}, {"source": 44, "target": 45, "label": "A"}, {"source": 33, "target": 0, "label": "P"}, {"source": 42, "target": 18, "label": "F"}, {"source": 36, "target": 3, "label": "R"}, {"source": 40, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 44, "label": "E"}, {"source": 38, "target": 8, "label": "A"}, {"source": 43, "target": 46, "label": "A"}, {"source": 44, "target": 20, "label": "R"}, {"source": 38, "target": 11, "label": "P"}, {"source": 35, "target": 2, "label": "P"}, {"source": 34, "target": 17, "label": "U"}, {"source": 43, "target": 27, "label": "F"}, {"source": 43, "target": 25, "label": "D"}, {"source": 37, "target": 38, "label": "E"}, {"source": 44, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 26, "label": "D"}, {"source": 45, "target": 22, "label": "F"}, {"source": 38, "target": 9, "label": "F"}, {"source": 38, "target": 39, "label": "A"}, {"source": 46, "target": 32, "label": "U"}, {"source": 45, "target": 23, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 41, "target": 16, "label": "C"}, {"source": 37, "target": 6, "label": "F"}, {"source": 36, "target": 5, "label": "S"}, {"source": 34, "target": 33, "label": "H"}, {"source": 43, "target": 28, "label": "F"}, {"source": 38, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 13, "label": "S"}, {"source": 34, "target": 35, "label": "H"}, {"source": 46, "target": 30, "label": "R"}, {"source": 39, "target": 14, "label": "C"}, {"source": 39, "target": 12, "label": "R"}, {"source": 43, "target": 42, "label": "A"}, {"source": 38, "target": 10, "label": "F"}, {"source": 43, "target": 24, "label": "D"}, {"source": 38, "target": 41, "label": "T"}, {"source": 41, "target": 15, "label": "R"}, {"source": 34, "target": 1, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 43, "label": "H"}, {"source": 46, "target": 31, "label": "C"}, {"source": 36, "target": 4, "label": "A"}, {"source": 44, "target": 21, "label": "P"}]} +{"id": "047007-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I will never come here again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "T"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "047184-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "New training Centre is excellent", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 32}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 9, "label": "E"}]} +{"id": "047184-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The Award Dance Centre has moved from its Holderness Road site to a new complex on Chamberlain Road Hull.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 15}, {"from": 16, "to": 22}]}, {"id": 1, "anchors": [{"from": 23, "to": 26}]}, {"id": 2, "anchors": [{"from": 27, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 37}]}, {"id": 4, "anchors": [{"from": 38, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 52}, {"from": 53, "to": 57}]}, {"id": 6, "anchors": [{"from": 58, "to": 62}]}, {"id": 7, "anchors": [{"from": 63, "to": 65}]}, {"id": 8, "anchors": [{"from": 66, "to": 67}]}, {"id": 9, "anchors": [{"from": 68, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 79}]}, {"id": 11, "anchors": [{"from": 80, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 94}, {"from": 95, "to": 99}, {"from": 100, "to": 104}]}, {"id": 13, "anchors": [{"from": 104, "to": 105}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "E"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 11, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 17, "target": 19, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "047184-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The new Centre has 4 studios planned and now boasts the largest single dance floor area in Kingston upon Hull.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 13, "label": "P"}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 12, "label": "Q"}, {"source": 26, "target": 4, "label": "Q"}, {"source": 30, "target": 15, "label": "C"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "N"}, {"source": 27, "target": 9, "label": "P"}, {"source": 21, "target": 24, "label": "E"}, {"source": 28, "target": 11, "label": "C"}, {"source": 32, "target": 14, "label": "C"}, {"source": 29, "target": 28, "label": "S"}, {"source": 26, "target": 5, "label": "C"}, {"source": 21, "target": 0, "label": "F"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "A"}, {"source": 33, "target": 19, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 30, "target": 32, "label": "E"}, {"source": 21, "target": 2, "label": "C"}, {"source": 22, "target": 26, "label": "A"}, {"source": 25, "target": 3, "label": "F"}, {"source": 33, "target": 20, "label": "U"}, {"source": 22, "target": 25, "label": "P"}, {"source": 23, "target": 7, "label": "L"}, {"source": 33, "target": 17, "label": "C"}, {"source": 27, "target": 8, "label": "T"}, {"source": 24, "target": 1, "label": "S"}, {"source": 33, "target": 16, "label": "R"}, {"source": 29, "target": 33, "label": "A"}, {"source": 28, "target": 10, "label": "F"}, {"source": 32, "target": 31, "label": "E"}]} +{"id": "047184-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The classes cover all age and skill ranges, with BALLROOM, LATIN, SEQUENCE, STREET, DISCO, LINE DANCING, BALLET, TAP & JAZZ.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 111}]}, {"id": 24, "anchors": [{"from": 111, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 123}]}, {"id": 28, "anchors": [{"from": 123, "to": 124}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 20, "label": "C"}, {"source": 36, "target": 13, "label": "U"}, {"source": 33, "target": 3, "label": "Q"}, {"source": 35, "target": 5, "label": "N"}, {"source": 36, "target": 14, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 36, "target": 28, "label": "U"}, {"source": 30, "target": 1, "label": "C"}, {"source": 34, "target": 33, "label": "Q"}, {"source": 36, "target": 10, "label": "C"}, {"source": 36, "target": 25, "label": "C"}, {"source": 36, "target": 27, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 34, "target": 35, "label": "C"}, {"source": 31, "target": 32, "label": "H"}, {"source": 35, "target": 4, "label": "C"}, {"source": 32, "target": 29, "label": "A"}, {"source": 36, "target": 19, "label": "U"}, {"source": 36, "target": 15, "label": "U"}, {"source": 36, "target": 12, "label": "C"}, {"source": 36, "target": 18, "label": "C"}, {"source": 36, "target": 22, "label": "U"}, {"source": 34, "target": 36, "label": "E"}, {"source": 36, "target": 9, "label": "R"}, {"source": 35, "target": 6, "label": "C"}, {"source": 32, "target": 2, "label": "P"}, {"source": 36, "target": 21, "label": "C"}, {"source": 36, "target": 23, "label": "C"}, {"source": 30, "target": 0, "label": "F"}, {"source": 36, "target": 16, "label": "C"}, {"source": 33, "target": 7, "label": "C"}, {"source": 36, "target": 26, "label": "N"}, {"source": 36, "target": 11, "label": "U"}, {"source": 34, "target": 8, "label": "U"}, {"source": 36, "target": 24, "label": "U"}, {"source": 36, "target": 17, "label": "U"}]} +{"id": "047184-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have attended A Ward Dance Centre for over a year and really enjoy the friendly and welcoming way we are taught Ballroom and Latin as well as the fun filled social dance evening held every Saturday evening....", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 29}, {"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 136}, {"from": 137, "to": 141}, {"from": 142, "to": 144}]}, {"id": 24, "anchors": [{"from": 145, "to": 148}]}, {"id": 25, "anchors": [{"from": 149, "to": 152}]}, {"id": 26, "anchors": [{"from": 153, "to": 159}]}, {"id": 27, "anchors": [{"from": 160, "to": 166}]}, {"id": 28, "anchors": [{"from": 167, "to": 172}]}, {"id": 29, "anchors": [{"from": 173, "to": 180}]}, {"id": 30, "anchors": [{"from": 181, "to": 185}]}, {"id": 31, "anchors": [{"from": 186, "to": 191}]}, {"id": 32, "anchors": [{"from": 192, "to": 200}]}, {"id": 33, "anchors": [{"from": 201, "to": 208}]}, {"id": 34, "anchors": [{"from": 208, "to": 212}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 39, "target": 42, "label": "A"}, {"source": 43, "target": 13, "label": "C"}, {"source": 48, "target": 49, "label": "C"}, {"source": 35, "target": 0, "label": "A"}, {"source": 46, "target": 47, "label": "D"}, {"source": 46, "target": 27, "label": "D"}, {"source": 47, "target": 25, "label": "C"}, {"source": 37, "target": 4, "label": "C"}, {"source": 38, "target": 6, "label": "E"}, {"source": 37, "target": 3, "label": "F"}, {"source": 38, "target": 7, "label": "Q"}, {"source": 44, "target": 20, "label": "C"}, {"source": 41, "target": 44, "label": "A"}, {"source": 49, "target": 34, "label": "U"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 21, "label": "N"}, {"source": 42, "target": 41, "label": "H"}, {"source": 46, "target": 45, "label": "P"}, {"source": 35, "target": 2, "label": "P"}, {"source": 38, "target": 5, "label": "R"}, {"source": 46, "target": 48, "label": "T"}, {"source": 42, "target": 46, "label": "H"}, {"source": 45, "target": 28, "label": "C"}, {"source": 35, "target": 1, "label": "F"}, {"source": 36, "target": 39, "label": "H"}, {"source": 41, "target": 18, "label": "F"}, {"source": 35, "target": 37, "label": "A"}, {"source": 41, "target": 40, "label": "D"}, {"source": 49, "target": 33, "label": "C"}, {"source": 40, "target": 43, "label": "C"}, {"source": 43, "target": 14, "label": "N"}, {"source": 43, "target": 15, "label": "C"}, {"source": 36, "target": 9, "label": "L"}, {"source": 46, "target": 29, "label": "T"}, {"source": 47, "target": 26, "label": "E"}, {"source": 41, "target": 17, "label": "A"}, {"source": 40, "target": 16, "label": "E"}, {"source": 49, "target": 32, "label": "C"}, {"source": 42, "target": 23, "label": "L"}, {"source": 44, "target": 22, "label": "C"}, {"source": 45, "target": 24, "label": "F"}, {"source": 48, "target": 31, "label": "E"}, {"source": 35, "target": 38, "label": "T"}, {"source": 40, "target": 12, "label": "F"}, {"source": 36, "target": 35, "label": "H"}, {"source": 39, "target": 10, "label": "D"}, {"source": 39, "target": 11, "label": "P"}, {"source": 38, "target": 8, "label": "C"}, {"source": 41, "target": 19, "label": "P"}, {"source": 46, "target": 30, "label": "D"}]} +{"id": "047184-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It is not really possible to score this school too highly, We would give it 12 out of 10 and 5 Stars across the board Steve & Anne", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}, {"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 130}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 7, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 4, "label": "S"}, {"source": 36, "target": 19, "label": "N"}, {"source": 30, "target": 32, "label": "D"}, {"source": 28, "target": 3, "label": "D"}, {"source": 28, "target": 2, "label": "D"}, {"source": 36, "target": 37, "label": "C"}, {"source": 30, "target": 6, "label": "P"}, {"source": 38, "target": 23, "label": "F"}, {"source": 33, "target": 14, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 35, "target": 17, "label": "N"}, {"source": 33, "target": 13, "label": "D"}, {"source": 34, "target": 12, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 35, "target": 16, "label": "C"}, {"source": 29, "target": 33, "label": "H"}, {"source": 34, "target": 39, "label": "C"}, {"source": 39, "target": 27, "label": "C"}, {"source": 37, "target": 21, "label": "C"}, {"source": 38, "target": 24, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 37, "target": 20, "label": "Q"}, {"source": 39, "target": 26, "label": "N"}, {"source": 31, "target": 8, "label": "C"}, {"source": 29, "target": 28, "label": "H"}, {"source": 32, "target": 9, "label": "E"}, {"source": 36, "target": 35, "label": "C"}, {"source": 39, "target": 25, "label": "C"}, {"source": 33, "target": 15, "label": "A"}, {"source": 38, "target": 22, "label": "E"}, {"source": 30, "target": 5, "label": "R"}, {"source": 28, "target": 1, "label": "F"}, {"source": 35, "target": 18, "label": "C"}, {"source": 29, "target": 11, "label": "U"}, {"source": 32, "target": 10, "label": "C"}, {"source": 33, "target": 36, "label": "A"}]} +{"id": "047762-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My Favorite place at Wildwood", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 8, "label": "E"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "047762-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been going to the Wildwood, NJ for over 30 years for summer vacations and always call the Madrid first.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 110}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 27, "target": 28, "label": "Q"}, {"source": 24, "target": 13, "label": "L"}, {"source": 27, "target": 9, "label": "R"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 21, "label": "D"}, {"source": 25, "target": 4, "label": "R"}, {"source": 29, "target": 15, "label": "P"}, {"source": 27, "target": 12, "label": "C"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 2, "label": "F"}, {"source": 28, "target": 11, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 23, "target": 3, "label": "P"}, {"source": 28, "target": 10, "label": "E"}, {"source": 24, "target": 30, "label": "H"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 31, "target": 19, "label": "F"}, {"source": 24, "target": 16, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 7, "label": "U"}, {"source": 30, "target": 17, "label": "T"}, {"source": 26, "target": 8, "label": "C"}, {"source": 29, "target": 14, "label": "T"}, {"source": 30, "target": 18, "label": "P"}, {"source": 25, "target": 5, "label": "F"}, {"source": 31, "target": 20, "label": "C"}, {"source": 23, "target": 27, "label": "T"}, {"source": 25, "target": 26, "label": "C"}]} +{"id": "047762-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I rated it 5 stars.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "Q"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 7, "target": 2, "label": "A"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "047762-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am not saying it is a 5 star hotel.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 36}]}, {"id": 10, "anchors": [{"from": 36, "to": 37}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "Q"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 4, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "F"}, {"source": 13, "target": 5, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "047762-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am saying when comparing all other hotels in Wildwood, this hotel has everything that we are looking for.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 17, "label": "F"}, {"source": 31, "target": 14, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 15, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 14, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 30, "target": 16, "label": "A"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 3, "label": "L"}, {"source": 23, "target": 28, "label": "H"}, {"source": 25, "target": 5, "label": "Q"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 4, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 8, "label": "R"}, {"source": 31, "target": 20, "label": "U"}, {"source": 28, "target": 13, "label": "S"}, {"source": 30, "target": 18, "label": "P"}, {"source": 23, "target": 10, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 26, "target": 9, "label": "C"}, {"source": 25, "target": 7, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 25, "target": 6, "label": "E"}]} +{"id": "047762-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is the hospitality from Tom and staff, that makes it feel like a 5 star hotel in the middle of the beach.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 6, "label": "N"}, {"source": 30, "target": 7, "label": "S"}, {"source": 32, "target": 15, "label": "Q"}, {"source": 29, "target": 5, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 26, "target": 1, "label": "F"}, {"source": 33, "target": 21, "label": "R"}, {"source": 30, "target": 7, "label": "A"}, {"source": 26, "target": 12, "label": "S"}, {"source": 33, "target": 34, "label": "E"}, {"source": 29, "target": 4, "label": "R"}, {"source": 33, "target": 18, "label": "R"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 31, "target": 17, "label": "C"}, {"source": 26, "target": 8, "label": "U"}, {"source": 25, "target": 26, "label": "H"}, {"source": 31, "target": 14, "label": "F"}, {"source": 26, "target": 0, "label": "F"}, {"source": 26, "target": 31, "label": "A"}, {"source": 31, "target": 33, "label": "E"}, {"source": 26, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 19, "label": "F"}, {"source": 31, "target": 13, "label": "R"}, {"source": 33, "target": 22, "label": "F"}, {"source": 28, "target": 27, "label": "P"}, {"source": 34, "target": 20, "label": "C"}, {"source": 29, "target": 30, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 2, "label": "F"}, {"source": 27, "target": 3, "label": "C"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "047762-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We prefer the layout of rooms and it is always clean.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "S"}, {"source": 12, "target": 1, "label": "P"}, {"source": 16, "target": 9, "label": "T"}, {"source": 15, "target": 4, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 6, "label": "L"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "047891-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great job on my roof and the pricing was fair.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 16, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 8, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "047891-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will use again in the future.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "F"}, {"source": 8, "target": 1, "label": "P"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "T"}]} +{"id": "048198-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lovely Cottage", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "048198-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This cottage is a charming homely, friendly, place to stay.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 21, "label": "E"}, {"source": 20, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "U"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 3, "label": "F"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "U"}, {"source": 20, "target": 8, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 15, "target": 13, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "E"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 4, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 5, "label": "S"}, {"source": 16, "target": 18, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "S"}, {"source": 21, "target": 10, "label": "F"}, {"source": 20, "target": 7, "label": "S"}]} +{"id": "048198-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mary is an excellent host who does yummy breakfasts.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 13, "target": 7, "label": "D"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 12, "label": "S"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 3, "label": "D"}, {"source": 13, "target": 14, "label": "P"}]} +{"id": "048198-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My room was delightful and the attention to detail was amazing.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 11, "label": "U"}, {"source": 18, "target": 7, "label": "R"}, {"source": 14, "target": 3, "label": "S"}, {"source": 18, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 12, "target": 0, "label": "S"}, {"source": 15, "target": 4, "label": "L"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "A"}, {"source": 13, "target": 12, "label": "E"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 5, "label": "F"}, {"source": 17, "target": 16, "label": "S"}]} +{"id": "048198-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will come again!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "048198-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sophie.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "048201-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very Mediocre donuts!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "048201-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Donuts were very over proofed, making them stale and bready.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 5, "label": "S"}, {"source": 17, "target": 11, "label": "S"}, {"source": 14, "target": 4, "label": "D"}, {"source": 17, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 6, "label": "U"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 10, "label": "L"}]} +{"id": "048201-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service was friendly and fast, but this just doesnt make up for the lack-luster product.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 63}, {"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 84, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 11, "label": "D"}, {"source": 18, "target": 0, "label": "F"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 22, "target": 12, "label": "P"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 13, "label": "F"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 21, "label": "D"}, {"source": 23, "target": 17, "label": "U"}, {"source": 24, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "P"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 8, "label": "A"}, {"source": 23, "target": 16, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 21, "target": 4, "label": "N"}, {"source": 20, "target": 22, "label": "H"}, {"source": 14, "target": 15, "label": "U"}, {"source": 21, "target": 3, "label": "C"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "048201-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We tried 4 different style of donuts, they were all the same when it came to quality.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 68}, {"from": 69, "to": 73}, {"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "R"}, {"source": 23, "target": 13, "label": "R"}, {"source": 17, "target": 7, "label": "U"}, {"source": 21, "target": 9, "label": "F"}, {"source": 16, "target": 1, "label": "P"}, {"source": 20, "target": 10, "label": "Q"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 22, "target": 11, "label": "F"}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 22, "label": "S"}, {"source": 16, "target": 19, "label": "A"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 18, "label": "E"}, {"source": 18, "target": 2, "label": "Q"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 23, "label": "D"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "048302-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Blooming onion, the only reason to visit this restaurant.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 0, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 3, "label": "Q"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 11, "label": "L"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 12, "label": "H"}, {"source": 13, "target": 7, "label": "E"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "048363-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent Driving School", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 5, "label": "E"}, {"source": 5, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 6, "label": "A"}]} +{"id": "048363-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was involved in a car accident 20 years ago and since then I've been a nervous wreck and haven't been behind the wheel.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}, {"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 120}]}, {"id": 25, "anchors": [{"from": 120, "to": 121}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 29, "target": 9, "label": "R"}, {"source": 30, "target": 16, "label": "D"}, {"source": 30, "target": 13, "label": "F"}, {"source": 33, "target": 23, "label": "F"}, {"source": 30, "target": 31, "label": "S"}, {"source": 32, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 7, "label": "Q"}, {"source": 27, "target": 30, "label": "H"}, {"source": 26, "target": 1, "label": "F"}, {"source": 29, "target": 8, "label": "C"}, {"source": 28, "target": 4, "label": "F"}, {"source": 32, "target": 22, "label": "S"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 19, "label": "F"}, {"source": 27, "target": 18, "label": "L"}, {"source": 26, "target": 5, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 30, "target": 14, "label": "F"}, {"source": 27, "target": 32, "label": "H"}, {"source": 33, "target": 24, "label": "C"}, {"source": 26, "target": 28, "label": "P"}, {"source": 31, "target": 15, "label": "F"}, {"source": 28, "target": 3, "label": "R"}, {"source": 26, "target": 29, "label": "T"}, {"source": 27, "target": 10, "label": "L"}, {"source": 30, "target": 12, "label": "A"}, {"source": 27, "target": 11, "label": "L"}, {"source": 26, "target": 2, "label": "D"}, {"source": 28, "target": 6, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 21, "label": "F"}, {"source": 32, "target": 20, "label": "D"}, {"source": 26, "target": 0, "label": "A"}]} +{"id": "048363-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Unfortunately, a family emergency required me to conquer this fear.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 7, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 13, "target": 16, "label": "A"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 8, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 5, "label": "D"}, {"source": 14, "target": 3, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 1, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "G"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "048363-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A very good friend of mine highly recommended the Professional Driving School and I was told to specifically ask for Gerry.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 62}, {"from": 63, "to": 70}, {"from": 71, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 92}]}, {"id": 14, "anchors": [{"from": 93, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 112}]}, {"id": 17, "anchors": [{"from": 113, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 122}]}, {"id": 19, "anchors": [{"from": 122, "to": 123}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 3, "label": "C"}, {"source": 25, "target": 4, "label": "R"}, {"source": 27, "target": 11, "label": "A"}, {"source": 24, "target": 2, "label": "C"}, {"source": 28, "target": 14, "label": "R"}, {"source": 27, "target": 12, "label": "F"}, {"source": 21, "target": 25, "label": "A"}, {"source": 22, "target": 6, "label": "D"}, {"source": 20, "target": 0, "label": "F"}, {"source": 29, "target": 19, "label": "U"}, {"source": 26, "target": 8, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 20, "label": "S"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 18, "label": "C"}, {"source": 21, "target": 24, "label": "D"}, {"source": 24, "target": 1, "label": "E"}, {"source": 23, "target": 27, "label": "H"}, {"source": 29, "target": 17, "label": "R"}, {"source": 22, "target": 26, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 28, "target": 16, "label": "P"}, {"source": 28, "target": 15, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 23, "target": 10, "label": "L"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "048363-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She highly recommended him and described him as the \"Saintly Instructor and Simply the Best Instructor there is ....very calm, pleasant and very detailed in giving instructions\".", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 116}]}, {"id": 20, "anchors": [{"from": 116, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 125}]}, {"id": 22, "anchors": [{"from": 125, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 153}]}, {"id": 27, "anchors": [{"from": 154, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 163}]}, {"id": 29, "anchors": [{"from": 164, "to": 176}]}, {"id": 30, "anchors": [{"from": 176, "to": 177}]}, {"id": 31, "anchors": [{"from": 177, "to": 178}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 39, "target": 16, "label": "S"}, {"source": 33, "target": 4, "label": "L"}, {"source": 39, "target": 38, "label": "D"}, {"source": 35, "target": 41, "label": "H"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 32, "label": "H"}, {"source": 36, "target": 10, "label": "D"}, {"source": 39, "target": 17, "label": "F"}, {"source": 42, "target": 25, "label": "E"}, {"source": 35, "target": 19, "label": "U"}, {"source": 43, "target": 27, "label": "F"}, {"source": 40, "target": 20, "label": "D"}, {"source": 40, "target": 21, "label": "S"}, {"source": 32, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "S"}, {"source": 40, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 11, "label": "C"}, {"source": 39, "target": 18, "label": "F"}, {"source": 32, "target": 3, "label": "A"}, {"source": 43, "target": 29, "label": "P"}, {"source": 41, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 6, "label": "A"}, {"source": 34, "target": 5, "label": "P"}, {"source": 32, "target": 2, "label": "P"}, {"source": 33, "target": 34, "label": "H"}, {"source": 38, "target": 13, "label": "E"}, {"source": 43, "target": 28, "label": "D"}, {"source": 35, "target": 12, "label": "L"}, {"source": 35, "target": 43, "label": "H"}, {"source": 42, "target": 26, "label": "C"}, {"source": 35, "target": 39, "label": "H"}, {"source": 41, "target": 20, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 14, "label": "F"}, {"source": 43, "target": 31, "label": "U"}, {"source": 36, "target": 9, "label": "U"}, {"source": 43, "target": 42, "label": "D"}, {"source": 32, "target": 1, "label": "D"}, {"source": 35, "target": 24, "label": "L"}, {"source": 41, "target": 23, "label": "S"}, {"source": 38, "target": 15, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 43, "target": 30, "label": "U"}, {"source": 35, "target": 7, "label": "R"}, {"source": 39, "target": 16, "label": "A"}, {"source": 37, "target": 8, "label": "F"}, {"source": 35, "target": 40, "label": "H"}, {"source": 35, "target": 22, "label": "U"}]} +{"id": "048363-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called the school most probably 10 times before I finally enrolled in a 20 hour package.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 20, "target": 2, "label": "F"}, {"source": 22, "target": 7, "label": "C"}, {"source": 22, "target": 21, "label": "E"}, {"source": 18, "target": 22, "label": "D"}, {"source": 19, "target": 8, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 6, "label": "Q"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 10, "label": "T"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 9, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 14, "label": "Q"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "048363-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had to cancel my initial lesson 4 times and on the 5th attempt the management was quick enough to associate my cancellations with my fear and finally encouraged me into taking my initial lesson.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 162}]}, {"id": 28, "anchors": [{"from": 163, "to": 165}]}, {"id": 29, "anchors": [{"from": 166, "to": 170}]}, {"id": 30, "anchors": [{"from": 171, "to": 177}]}, {"id": 31, "anchors": [{"from": 178, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 188}]}, {"id": 33, "anchors": [{"from": 189, "to": 195}]}, {"id": 34, "anchors": [{"from": 195, "to": 196}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 43, "target": 41, "label": "A"}, {"source": 48, "target": 34, "label": "U"}, {"source": 35, "target": 0, "label": "A"}, {"source": 48, "target": 30, "label": "D"}, {"source": 36, "target": 43, "label": "H"}, {"source": 47, "target": 48, "label": "A"}, {"source": 48, "target": 31, "label": "A"}, {"source": 47, "target": 27, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 44, "target": 46, "label": "A"}, {"source": 36, "target": 8, "label": "L"}, {"source": 37, "target": 4, "label": "D"}, {"source": 36, "target": 47, "label": "H"}, {"source": 46, "target": 23, "label": "A"}, {"source": 40, "target": 10, "label": "F"}, {"source": 46, "target": 24, "label": "S"}, {"source": 35, "target": 2, "label": "P"}, {"source": 39, "target": 11, "label": "D"}, {"source": 44, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 13, "label": "F"}, {"source": 38, "target": 7, "label": "C"}, {"source": 38, "target": 6, "label": "Q"}, {"source": 42, "target": 14, "label": "C"}, {"source": 41, "target": 42, "label": "S"}, {"source": 37, "target": 5, "label": "P"}, {"source": 48, "target": 32, "label": "D"}, {"source": 36, "target": 25, "label": "L"}, {"source": 36, "target": 39, "label": "H"}, {"source": 44, "target": 18, "label": "R"}, {"source": 35, "target": 37, "label": "A"}, {"source": 40, "target": 12, "label": "C"}, {"source": 45, "target": 21, "label": "P"}, {"source": 44, "target": 19, "label": "P"}, {"source": 48, "target": 33, "label": "P"}, {"source": 39, "target": 40, "label": "P"}, {"source": 43, "target": 15, "label": "F"}, {"source": 43, "target": 16, "label": "S"}, {"source": 47, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 20, "label": "A"}, {"source": 47, "target": 26, "label": "T"}, {"source": 48, "target": 29, "label": "R"}, {"source": 37, "target": 3, "label": "A"}, {"source": 35, "target": 38, "label": "D"}, {"source": 43, "target": 17, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 44, "target": 22, "label": "F"}, {"source": 36, "target": 35, "label": "H"}, {"source": 35, "target": 1, "label": "D"}, {"source": 39, "target": 9, "label": "R"}, {"source": 47, "target": 28, "label": "A"}]} +{"id": "048363-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Five minutes before my initial lesson, I got a call from Gerry advising me of his arrival and to come down as soon as I was ready.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 109}, {"from": 110, "to": 114}, {"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 129}]}, {"id": 26, "anchors": [{"from": 129, "to": 130}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 33, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 21, "label": "D"}, {"source": 27, "target": 1, "label": "C"}, {"source": 28, "target": 4, "label": "D"}, {"source": 37, "target": 23, "label": "A"}, {"source": 29, "target": 6, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 30, "target": 8, "label": "D"}, {"source": 30, "target": 7, "label": "A"}, {"source": 37, "target": 25, "label": "S"}, {"source": 36, "target": 20, "label": "P"}, {"source": 37, "target": 24, "label": "F"}, {"source": 27, "target": 0, "label": "Q"}, {"source": 34, "target": 18, "label": "L"}, {"source": 27, "target": 2, "label": "R"}, {"source": 31, "target": 10, "label": "C"}, {"source": 28, "target": 3, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 35, "target": 15, "label": "R"}, {"source": 30, "target": 34, "label": "A"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 14, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 28, "target": 27, "label": "T"}, {"source": 29, "target": 28, "label": "H"}, {"source": 32, "target": 11, "label": "R"}, {"source": 34, "target": 33, "label": "H"}, {"source": 35, "target": 16, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 37, "target": 26, "label": "U"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 9, "label": "F"}, {"source": 35, "target": 17, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 22, "label": "T"}, {"source": 33, "target": 13, "label": "P"}, {"source": 32, "target": 12, "label": "C"}, {"source": 28, "target": 5, "label": "P"}]} +{"id": "048363-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My heart pounded as I walked down and pounded even faster upon seeing Gerry in an SUV - Lexus!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 21, "target": 20, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 14, "label": "R"}, {"source": 28, "target": 17, "label": "U"}, {"source": 22, "target": 11, "label": "L"}, {"source": 27, "target": 28, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 26, "target": 13, "label": "A"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "P"}, {"source": 23, "target": 6, "label": "D"}, {"source": 22, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "P"}, {"source": 23, "target": 4, "label": "A"}, {"source": 27, "target": 15, "label": "F"}, {"source": 23, "target": 5, "label": "P"}, {"source": 22, "target": 3, "label": "L"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 24, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 23, "label": "H"}, {"source": 28, "target": 16, "label": "C"}, {"source": 24, "target": 25, "label": "D"}, {"source": 20, "target": 1, "label": "C"}]} +{"id": "048363-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I thought of canceling the lesson once again because I didn't feel comfortable driving an SUV.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 23, "label": "D"}, {"source": 24, "target": 12, "label": "S"}, {"source": 21, "target": 22, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 10, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 5, "label": "C"}, {"source": 19, "target": 8, "label": "L"}, {"source": 26, "target": 15, "label": "F"}, {"source": 20, "target": 2, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 9, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 13, "label": "D"}, {"source": 25, "target": 14, "label": "P"}, {"source": 22, "target": 4, "label": "F"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "E"}, {"source": 24, "target": 11, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "048363-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Gerry pleasantly said \" since I am already here why don't we give it shot.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 68}, {"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 3, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 6, "label": "F"}, {"source": 19, "target": 12, "label": "A"}, {"source": 17, "target": 9, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "T"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 13, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 18, "target": 8, "label": "S"}, {"source": 19, "target": 11, "label": "D"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 8, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 5, "label": "A"}, {"source": 17, "target": 4, "label": "L"}]} +{"id": "048363-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I trust you and believe that you'll be able to handle this and all you have to do is to reciprocate!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}, {"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 13, "label": "L"}, {"source": 26, "target": 6, "label": "A"}, {"source": 25, "target": 4, "label": "P"}, {"source": 24, "target": 27, "label": "H"}, {"source": 27, "target": 16, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 26, "target": 9, "label": "D"}, {"source": 27, "target": 15, "label": "A"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 21, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 28, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "D"}, {"source": 26, "target": 10, "label": "F"}, {"source": 27, "target": 18, "label": "F"}, {"source": 26, "target": 5, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 3, "label": "L"}, {"source": 24, "target": 22, "label": "H"}, {"source": 28, "target": 19, "label": "R"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 2, "label": "A"}, {"source": 26, "target": 12, "label": "A"}, {"source": 26, "target": 11, "label": "P"}, {"source": 28, "target": 20, "label": "P"}, {"source": 26, "target": 7, "label": "F"}, {"source": 26, "target": 8, "label": "F"}]} +{"id": "048363-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Trust me and most especially trust and believe in yourself.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 49}, {"from": 50, "to": 58}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 8, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 11, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 11, "target": 2, "label": "L"}, {"source": 12, "target": 13, "label": "P"}, {"source": 11, "target": 3, "label": "L"}, {"source": 9, "target": 0, "label": "P"}, {"source": 11, "target": 7, "label": "F"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "048363-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Don't worry, I'll take care of you!\"", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 34, "to": 35}]}, {"id": 11, "anchors": [{"from": 35, "to": 36}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 12, "target": 1, "label": "D"}, {"source": 15, "target": 5, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 16, "label": "P"}, {"source": 14, "target": 12, "label": "H"}, {"source": 17, "target": 10, "label": "U"}, {"source": 15, "target": 4, "label": "A"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 8, "label": "R"}, {"source": 14, "target": 3, "label": "U"}]} +{"id": "048363-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "....... the rest was history!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "S"}, {"source": 8, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "048363-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Here I am now driving confidently on my own.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "E"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "T"}, {"source": 10, "target": 0, "label": "S"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "048363-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Gerry, I can't thank you enough for helping me cope with my fear.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 10, "label": "A"}, {"source": 17, "target": 4, "label": "D"}, {"source": 18, "target": 11, "label": "P"}, {"source": 19, "target": 13, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 6, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 17, "target": 0, "label": "G"}, {"source": 19, "target": 15, "label": "U"}, {"source": 17, "target": 2, "label": "A"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "D"}, {"source": 19, "target": 14, "label": "S"}, {"source": 17, "target": 1, "label": "U"}, {"source": 17, "target": 7, "label": "D"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 12, "label": "R"}]} +{"id": "048363-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "To my friend, thank you for your recommendation... you were true to your words in saying Gerry is a \"Saintly Instructor ...Absolutely Simple the Best Instructor and Best Driving school there is!", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}, {"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 160}]}, {"id": 29, "anchors": [{"from": 161, "to": 164}]}, {"id": 30, "anchors": [{"from": 165, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 177}]}, {"id": 32, "anchors": [{"from": 178, "to": 184}]}, {"id": 33, "anchors": [{"from": 185, "to": 190}]}, {"id": 34, "anchors": [{"from": 191, "to": 193}]}, {"id": 35, "anchors": [{"from": 193, "to": 194}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 37, "target": 3, "label": "U"}, {"source": 48, "target": 28, "label": "S"}, {"source": 36, "target": 2, "label": "S"}, {"source": 49, "target": 33, "label": "F"}, {"source": 47, "target": 27, "label": "C"}, {"source": 38, "target": 8, "label": "U"}, {"source": 46, "target": 47, "label": "S"}, {"source": 38, "target": 37, "label": "H"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 19, "label": "F"}, {"source": 43, "target": 18, "label": "F"}, {"source": 51, "target": 50, "label": "E"}, {"source": 46, "target": 48, "label": "A"}, {"source": 49, "target": 35, "label": "U"}, {"source": 51, "target": 32, "label": "C"}, {"source": 40, "target": 10, "label": "F"}, {"source": 40, "target": 11, "label": "S"}, {"source": 42, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 0, "label": "R"}, {"source": 49, "target": 34, "label": "F"}, {"source": 38, "target": 29, "label": "L"}, {"source": 48, "target": 28, "label": "A"}, {"source": 37, "target": 36, "label": "G"}, {"source": 41, "target": 12, "label": "R"}, {"source": 41, "target": 13, "label": "E"}, {"source": 38, "target": 40, "label": "H"}, {"source": 49, "target": 51, "label": "A"}, {"source": 45, "target": 25, "label": "C"}, {"source": 42, "target": 16, "label": "P"}, {"source": 50, "target": 31, "label": "P"}, {"source": 43, "target": 20, "label": "U"}, {"source": 38, "target": 42, "label": "H"}, {"source": 47, "target": 26, "label": "F"}, {"source": 39, "target": 5, "label": "R"}, {"source": 46, "target": 45, "label": "D"}, {"source": 38, "target": 46, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 36, "label": "A"}, {"source": 36, "target": 1, "label": "A"}, {"source": 37, "target": 39, "label": "A"}, {"source": 49, "target": 30, "label": "S"}, {"source": 41, "target": 14, "label": "C"}, {"source": 44, "target": 22, "label": "C"}, {"source": 39, "target": 6, "label": "A"}, {"source": 38, "target": 15, "label": "L"}, {"source": 38, "target": 49, "label": "H"}, {"source": 37, "target": 4, "label": "P"}, {"source": 43, "target": 21, "label": "D"}, {"source": 38, "target": 23, "label": "U"}, {"source": 45, "target": 24, "label": "E"}, {"source": 40, "target": 9, "label": "A"}, {"source": 43, "target": 44, "label": "S"}, {"source": 39, "target": 7, "label": "P"}, {"source": 43, "target": 17, "label": "A"}]} +{"id": "048644-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't judge a book by its cover", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 0, "label": "F"}, {"source": 9, "target": 1, "label": "D"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "048644-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From the outside Ichiban looks like it will be terrible.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "F"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 11, "target": 0, "label": "R"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 9, "label": "S"}, {"source": 13, "target": 5, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 13, "target": 4, "label": "G"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "048644-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This couldn't be farther from the truth.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 3, "label": "F"}, {"source": 11, "target": 6, "label": "F"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "048644-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is amazing, and the prices cannot be beat.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 8, "label": "D"}, {"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 9, "label": "D"}, {"source": 15, "target": 5, "label": "L"}, {"source": 14, "target": 2, "label": "F"}, {"source": 17, "target": 10, "label": "F"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "048644-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The sushi is great, and they have a great selection.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 14, "target": 4, "label": "U"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 17, "target": 9, "label": "S"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "049766-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "WWW-Wonderful Wild Wildernest inn", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}, {"from": 14, "to": 18}, {"from": 19, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 33}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "E"}]} +{"id": "049766-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would give the Wildernest inn ten stars of five!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "Q"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "Q"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "049766-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Atop Spring Mountain, from the decks of the West porch, \"one can see forever\" a scene of unparalleled beauty and grandeur.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}, {"from": 12, "to": 20}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 17, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 29, "target": 6, "label": "R"}, {"source": 32, "target": 20, "label": "E"}, {"source": 31, "target": 24, "label": "U"}, {"source": 26, "target": 2, "label": "U"}, {"source": 27, "target": 29, "label": "E"}, {"source": 27, "target": 5, "label": "C"}, {"source": 32, "target": 21, "label": "C"}, {"source": 29, "target": 8, "label": "E"}, {"source": 28, "target": 14, "label": "P"}, {"source": 28, "target": 10, "label": "U"}, {"source": 28, "target": 13, "label": "F"}, {"source": 25, "target": 1, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 27, "target": 3, "label": "R"}, {"source": 30, "target": 18, "label": "C"}, {"source": 28, "target": 11, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 31, "label": "E"}, {"source": 28, "target": 16, "label": "U"}, {"source": 26, "target": 28, "label": "H"}, {"source": 31, "target": 22, "label": "N"}, {"source": 31, "target": 32, "label": "C"}, {"source": 25, "target": 0, "label": "S"}, {"source": 28, "target": 15, "label": "D"}, {"source": 28, "target": 12, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 31, "target": 23, "label": "C"}, {"source": 29, "target": 7, "label": "F"}, {"source": 27, "target": 4, "label": "F"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "049766-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I saw deer frequently, in fact a small herd were grazing near the lodge.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}, {"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 15, "target": 2, "label": "A"}, {"source": 16, "target": 4, "label": "U"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 3, "label": "T"}, {"source": 17, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "Q"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 5, "label": "L"}, {"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 10, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "049766-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There were occasional bears on the deck in the morning.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 5, "label": "F"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 14, "label": "T"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 2, "label": "T"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "049766-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "and most correctly, us visitors did not mingle with the native wildlife.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 6, "label": "D"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 12, "label": "U"}, {"source": 17, "target": 10, "label": "S"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 11, "label": "C"}, {"source": 17, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 7, "label": "P"}, {"source": 14, "target": 2, "label": "U"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 4, "label": "S"}, {"source": 14, "target": 1, "label": "G"}, {"source": 15, "target": 3, "label": "A"}]} +{"id": "049766-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It would have been more than one could bear!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 6, "label": "A"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 8, "label": "P"}, {"source": 11, "target": 7, "label": "D"}, {"source": 11, "target": 12, "label": "D"}, {"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 9, "label": "U"}]} +{"id": "049766-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Kathy and Stewart, the proprietors were the epitome of perfection.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 1, "label": "N"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 2, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 7, "label": "F"}, {"source": 13, "target": 16, "label": "S"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "C"}, {"source": 17, "target": 8, "label": "C"}, {"source": 13, "target": 3, "label": "U"}, {"source": 15, "target": 17, "label": "S"}, {"source": 15, "target": 13, "label": "A"}, {"source": 18, "target": 9, "label": "R"}]} +{"id": "049766-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Delightful, hospitable, superb,cozy and comfortable.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 15, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 13, "label": "H"}, {"source": 15, "target": 8, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 3, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 13, "target": 4, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 11, "target": 1, "label": "U"}, {"source": 11, "target": 5, "label": "U"}, {"source": 14, "target": 6, "label": "S"}, {"source": 11, "target": 7, "label": "L"}, {"source": 10, "target": 0, "label": "S"}]} +{"id": "049766-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I hope to be back!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "052836-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bad food and bad service!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "052836-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Save yourself a trip!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "052884-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "unique gifts and cards", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "N"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "053248-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quit with the overstatements!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "P"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "053248-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The worst thing that can happen for any restaurant like Zahav is to have too many people write hyperbolic reviews making claims that \"everyone\" is going to \"love\" the food, decor and service.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 134}]}, {"id": 24, "anchors": [{"from": 134, "to": 142}]}, {"id": 25, "anchors": [{"from": 142, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 146}]}, {"id": 27, "anchors": [{"from": 147, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 157}]}, {"id": 30, "anchors": [{"from": 157, "to": 161}]}, {"id": 31, "anchors": [{"from": 161, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 171}]}, {"id": 34, "anchors": [{"from": 171, "to": 172}]}, {"id": 35, "anchors": [{"from": 173, "to": 178}]}, {"id": 36, "anchors": [{"from": 179, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 190}]}, {"id": 38, "anchors": [{"from": 190, "to": 191}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 53, "target": 34, "label": "U"}, {"source": 45, "target": 14, "label": "E"}, {"source": 51, "target": 23, "label": "U"}, {"source": 51, "target": 25, "label": "U"}, {"source": 47, "target": 18, "label": "S"}, {"source": 43, "target": 10, "label": "C"}, {"source": 54, "target": 38, "label": "U"}, {"source": 42, "target": 7, "label": "E"}, {"source": 53, "target": 52, "label": "C"}, {"source": 44, "target": 46, "label": "A"}, {"source": 50, "target": 51, "label": "A"}, {"source": 39, "target": 2, "label": "F"}, {"source": 42, "target": 6, "label": "R"}, {"source": 51, "target": 24, "label": "A"}, {"source": 51, "target": 28, "label": "F"}, {"source": 51, "target": 26, "label": "F"}, {"source": 51, "target": 22, "label": "R"}, {"source": 41, "target": 5, "label": "P"}, {"source": 51, "target": 30, "label": "S"}, {"source": 51, "target": 31, "label": "U"}, {"source": 41, "target": 44, "label": "A"}, {"source": 53, "target": 36, "label": "N"}, {"source": 48, "target": 19, "label": "C"}, {"source": 41, "target": 3, "label": "F"}, {"source": 50, "target": 49, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 53, "target": 35, "label": "C"}, {"source": 49, "target": 21, "label": "C"}, {"source": 54, "target": 37, "label": "P"}, {"source": 52, "target": 33, "label": "C"}, {"source": 47, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 48, "label": "A"}, {"source": 44, "target": 13, "label": "F"}, {"source": 42, "target": 8, "label": "C"}, {"source": 39, "target": 1, "label": "C"}, {"source": 50, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 17, "label": "P"}, {"source": 46, "target": 16, "label": "C"}, {"source": 43, "target": 9, "label": "R"}, {"source": 53, "target": 54, "label": "C"}, {"source": 51, "target": 29, "label": "U"}, {"source": 48, "target": 47, "label": "E"}, {"source": 39, "target": 0, "label": "F"}, {"source": 41, "target": 4, "label": "D"}, {"source": 41, "target": 39, "label": "D"}, {"source": 51, "target": 27, "label": "F"}, {"source": 51, "target": 53, "label": "A"}, {"source": 42, "target": 43, "label": "E"}, {"source": 44, "target": 12, "label": "R"}, {"source": 44, "target": 11, "label": "R"}, {"source": 46, "target": 45, "label": "Q"}, {"source": 40, "target": 41, "label": "H"}, {"source": 49, "target": 20, "label": "F"}, {"source": 45, "target": 15, "label": "C"}, {"source": 52, "target": 32, "label": "F"}, {"source": 44, "target": 50, "label": "A"}]} +{"id": "053248-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The truth is, in my and my dining partners' experience, this is a fine little restaurant with some unique food.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 7, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 27, "target": 11, "label": "A"}, {"source": 31, "target": 18, "label": "Q"}, {"source": 31, "target": 32, "label": "E"}, {"source": 25, "target": 5, "label": "A"}, {"source": 28, "target": 29, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 4, "label": "N"}, {"source": 31, "target": 21, "label": "U"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 6, "label": "P"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 2, "label": "L"}, {"source": 22, "target": 0, "label": "L"}, {"source": 22, "target": 10, "label": "U"}, {"source": 32, "target": 19, "label": "S"}, {"source": 32, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "F"}, {"source": 30, "target": 15, "label": "S"}, {"source": 31, "target": 17, "label": "R"}, {"source": 23, "target": 25, "label": "C"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 8, "label": "U"}, {"source": 22, "target": 24, "label": "H"}, {"source": 24, "target": 23, "label": "A"}, {"source": 29, "target": 14, "label": "S"}, {"source": 22, "target": 1, "label": "U"}, {"source": 25, "target": 7, "label": "S"}, {"source": 29, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 30, "label": "E"}, {"source": 28, "target": 16, "label": "C"}, {"source": 31, "target": 20, "label": "C"}, {"source": 22, "target": 27, "label": "H"}, {"source": 28, "target": 31, "label": "E"}]} +{"id": "053248-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's an entirely up and down experience, however.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 14, "label": "D"}, {"source": 14, "target": 15, "label": "C"}, {"source": 12, "target": 10, "label": "U"}, {"source": 15, "target": 5, "label": "N"}, {"source": 12, "target": 9, "label": "L"}, {"source": 11, "target": 13, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "053248-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now, the best of that unique food comes at the very beginning of the meal.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 21, "target": 20, "label": "A"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "D"}, {"source": 23, "target": 9, "label": "R"}, {"source": 23, "target": 25, "label": "P"}, {"source": 25, "target": 13, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 19, "target": 3, "label": "C"}, {"source": 20, "target": 18, "label": "E"}, {"source": 25, "target": 14, "label": "F"}, {"source": 20, "target": 7, "label": "C"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 19, "label": "S"}, {"source": 20, "target": 22, "label": "E"}, {"source": 22, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "U"}, {"source": 22, "target": 6, "label": "S"}, {"source": 21, "target": 8, "label": "P"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "053248-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The salatim salads are the smallest plates I've ever seen placed in front of me (you would most likely think they were condiments if it weren't explained to you).", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}, {"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 156}]}, {"id": 30, "anchors": [{"from": 157, "to": 160}]}, {"id": 31, "anchors": [{"from": 160, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 46, "target": 27, "label": "D"}, {"source": 43, "target": 16, "label": "A"}, {"source": 33, "target": 0, "label": "F"}, {"source": 38, "target": 36, "label": "E"}, {"source": 38, "target": 6, "label": "C"}, {"source": 47, "target": 29, "label": "R"}, {"source": 34, "target": 38, "label": "A"}, {"source": 39, "target": 8, "label": "F"}, {"source": 46, "target": 47, "label": "A"}, {"source": 45, "target": 22, "label": "S"}, {"source": 46, "target": 28, "label": "P"}, {"source": 40, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 37, "label": "S"}, {"source": 41, "target": 11, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 44, "target": 19, "label": "C"}, {"source": 42, "target": 14, "label": "C"}, {"source": 44, "target": 18, "label": "E"}, {"source": 37, "target": 4, "label": "F"}, {"source": 46, "target": 26, "label": "F"}, {"source": 36, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 31, "label": "U"}, {"source": 39, "target": 10, "label": "P"}, {"source": 33, "target": 2, "label": "C"}, {"source": 42, "target": 12, "label": "R"}, {"source": 45, "target": 23, "label": "A"}, {"source": 35, "target": 43, "label": "H"}, {"source": 41, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 3, "label": "S"}, {"source": 46, "target": 25, "label": "A"}, {"source": 47, "target": 32, "label": "U"}, {"source": 38, "target": 39, "label": "E"}, {"source": 34, "target": 33, "label": "A"}, {"source": 43, "target": 20, "label": "P"}, {"source": 35, "target": 15, "label": "U"}, {"source": 39, "target": 9, "label": "T"}, {"source": 35, "target": 46, "label": "H"}, {"source": 39, "target": 7, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 35, "target": 24, "label": "L"}, {"source": 47, "target": 30, "label": "C"}, {"source": 43, "target": 17, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 13, "label": "R"}, {"source": 45, "target": 21, "label": "A"}, {"source": 33, "target": 1, "label": "E"}, {"source": 37, "target": 5, "label": "C"}, {"source": 35, "target": 34, "label": "H"}, {"source": 43, "target": 44, "label": "D"}]} +{"id": "053248-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Though they are mostly excellent, you generally don't get enough forkfuls to know if you really love them.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 17, "label": "D"}, {"source": 26, "target": 15, "label": "R"}, {"source": 21, "target": 13, "label": "L"}, {"source": 22, "target": 2, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 8, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 5, "label": "U"}, {"source": 23, "target": 7, "label": "D"}, {"source": 26, "target": 16, "label": "A"}, {"source": 22, "target": 3, "label": "D"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 24, "target": 12, "label": "C"}, {"source": 23, "target": 9, "label": "D"}, {"source": 26, "target": 19, "label": "A"}, {"source": 23, "target": 10, "label": "P"}, {"source": 22, "target": 4, "label": "S"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 20, "label": "U"}, {"source": 24, "target": 11, "label": "Q"}, {"source": 26, "target": 18, "label": "S"}, {"source": 23, "target": 6, "label": "A"}]} +{"id": "053248-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That being said, the laffa and hummus are out of this world.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}, {"from": 11, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}, {"from": 46, "to": 48}, {"from": 49, "to": 53}, {"from": 54, "to": 59}]}, {"id": 8, "anchors": [{"from": 59, "to": 60}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 4, "label": "N"}, {"source": 11, "target": 10, "label": "A"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 7, "label": "S"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 11, "target": 6, "label": "F"}]} +{"id": "053248-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then again, for the three of us who dined together, two pieces of flatbread left us fighting for more, and licking the hummus from our fingers (and yes, those two pieces of flatbread did represent a three-person order).", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 144}]}, {"id": 29, "anchors": [{"from": 144, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 151}]}, {"id": 31, "anchors": [{"from": 151, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 162}]}, {"id": 34, "anchors": [{"from": 163, "to": 169}]}, {"id": 35, "anchors": [{"from": 170, "to": 172}]}, {"id": 36, "anchors": [{"from": 173, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 186}]}, {"id": 38, "anchors": [{"from": 187, "to": 196}]}, {"id": 39, "anchors": [{"from": 197, "to": 198}]}, {"id": 40, "anchors": [{"from": 199, "to": 204}]}, {"id": 41, "anchors": [{"from": 204, "to": 205}]}, {"id": 42, "anchors": [{"from": 205, "to": 211}]}, {"id": 43, "anchors": [{"from": 212, "to": 217}]}, {"id": 44, "anchors": [{"from": 217, "to": 218}]}, {"id": 45, "anchors": [{"from": 218, "to": 219}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 53, "target": 55, "label": "A"}, {"source": 57, "target": 38, "label": "S"}, {"source": 58, "target": 34, "label": "C"}, {"source": 59, "target": 61, "label": "A"}, {"source": 61, "target": 40, "label": "Q"}, {"source": 48, "target": 9, "label": "D"}, {"source": 52, "target": 19, "label": "C"}, {"source": 54, "target": 23, "label": "F"}, {"source": 61, "target": 41, "label": "U"}, {"source": 51, "target": 15, "label": "D"}, {"source": 53, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 20, "label": "U"}, {"source": 46, "target": 48, "label": "H"}, {"source": 46, "target": 30, "label": "H"}, {"source": 47, "target": 5, "label": "R"}, {"source": 52, "target": 18, "label": "R"}, {"source": 60, "target": 43, "label": "C"}, {"source": 55, "target": 26, "label": "E"}, {"source": 48, "target": 8, "label": "P"}, {"source": 56, "target": 35, "label": "R"}, {"source": 46, "target": 2, "label": "L"}, {"source": 46, "target": 0, "label": "L"}, {"source": 56, "target": 36, "label": "C"}, {"source": 53, "target": 54, "label": "A"}, {"source": 59, "target": 60, "label": "P"}, {"source": 46, "target": 53, "label": "H"}, {"source": 60, "target": 44, "label": "U"}, {"source": 50, "target": 49, "label": "E"}, {"source": 56, "target": 32, "label": "E"}, {"source": 48, "target": 47, "label": "A"}, {"source": 46, "target": 10, "label": "U"}, {"source": 56, "target": 58, "label": "E"}, {"source": 46, "target": 28, "label": "U"}, {"source": 46, "target": 1, "label": "U"}, {"source": 47, "target": 3, "label": "F"}, {"source": 47, "target": 7, "label": "R"}, {"source": 51, "target": 16, "label": "A"}, {"source": 50, "target": 13, "label": "R"}, {"source": 46, "target": 21, "label": "L"}, {"source": 55, "target": 27, "label": "C"}, {"source": 47, "target": 4, "label": "Q"}, {"source": 55, "target": 25, "label": "R"}, {"source": 54, "target": 24, "label": "C"}, {"source": 60, "target": 45, "label": "U"}, {"source": 58, "target": 33, "label": "Q"}, {"source": 49, "target": 11, "label": "Q"}, {"source": 51, "target": 17, "label": "P"}, {"source": 57, "target": 59, "label": "A"}, {"source": 46, "target": 31, "label": "U"}, {"source": 61, "target": 42, "label": "C"}, {"source": 46, "target": 51, "label": "H"}, {"source": 57, "target": 56, "label": "A"}, {"source": 60, "target": 39, "label": "F"}, {"source": 51, "target": 52, "label": "A"}, {"source": 53, "target": 22, "label": "P"}, {"source": 47, "target": 6, "label": "C"}, {"source": 50, "target": 14, "label": "C"}, {"source": 51, "target": 50, "label": "A"}, {"source": 46, "target": 29, "label": "L"}, {"source": 49, "target": 12, "label": "C"}, {"source": 46, "target": 57, "label": "H"}, {"source": 57, "target": 37, "label": "D"}]} +{"id": "053248-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dinner was also an up-and-down experience.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 7, "label": "U"}, {"source": 15, "target": 5, "label": "U"}, {"source": 13, "target": 15, "label": "D"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 15, "target": 6, "label": "N"}]} +{"id": "053248-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The vegetarian dishes and lighter fare were almost always spot-on, while the lamb was often dry and/or overcooked.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 65}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 113}]}, {"id": 22, "anchors": [{"from": 113, "to": 114}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 16, "label": "T"}, {"source": 25, "target": 28, "label": "T"}, {"source": 28, "target": 8, "label": "C"}, {"source": 30, "target": 15, "label": "F"}, {"source": 26, "target": 32, "label": "H"}, {"source": 32, "target": 22, "label": "U"}, {"source": 25, "target": 6, "label": "F"}, {"source": 31, "target": 18, "label": "C"}, {"source": 30, "target": 29, "label": "A"}, {"source": 31, "target": 19, "label": "U"}, {"source": 23, "target": 2, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 26, "target": 12, "label": "L"}, {"source": 27, "target": 5, "label": "C"}, {"source": 24, "target": 23, "label": "C"}, {"source": 23, "target": 1, "label": "E"}, {"source": 26, "target": 30, "label": "H"}, {"source": 29, "target": 14, "label": "C"}, {"source": 25, "target": 9, "label": "S"}, {"source": 26, "target": 25, "label": "H"}, {"source": 32, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 11, "label": "U"}, {"source": 30, "target": 17, "label": "S"}, {"source": 26, "target": 31, "label": "L"}, {"source": 27, "target": 4, "label": "E"}, {"source": 32, "target": 21, "label": "S"}, {"source": 24, "target": 27, "label": "C"}, {"source": 23, "target": 0, "label": "F"}, {"source": 29, "target": 13, "label": "F"}, {"source": 28, "target": 7, "label": "E"}, {"source": 24, "target": 3, "label": "N"}, {"source": 31, "target": 20, "label": "C"}, {"source": 9, "target": 10, "label": "U"}]} +{"id": "053248-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The duck was a 65% glob of chewy fat with no resemblance to the juicy, crispy delicacy it usually represents at other establishments.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 132}]}, {"id": 25, "anchors": [{"from": 132, "to": 133}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 35, "target": 37, "label": "H"}, {"source": 35, "target": 38, "label": "H"}, {"source": 39, "target": 22, "label": "R"}, {"source": 29, "target": 3, "label": "F"}, {"source": 31, "target": 32, "label": "E"}, {"source": 33, "target": 12, "label": "S"}, {"source": 33, "target": 35, "label": "A"}, {"source": 35, "target": 16, "label": "U"}, {"source": 36, "target": 18, "label": "C"}, {"source": 26, "target": 1, "label": "C"}, {"source": 32, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 4, "label": "Q"}, {"source": 39, "target": 25, "label": "U"}, {"source": 29, "target": 31, "label": "E"}, {"source": 31, "target": 7, "label": "R"}, {"source": 38, "target": 39, "label": "A"}, {"source": 34, "target": 13, "label": "R"}, {"source": 38, "target": 19, "label": "A"}, {"source": 26, "target": 0, "label": "F"}, {"source": 33, "target": 11, "label": "D"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 10, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 2, "label": "S"}, {"source": 34, "target": 15, "label": "S"}, {"source": 36, "target": 14, "label": "F"}, {"source": 31, "target": 9, "label": "C"}, {"source": 33, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 23, "label": "E"}, {"source": 39, "target": 24, "label": "C"}, {"source": 30, "target": 5, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 32, "target": 8, "label": "S"}, {"source": 37, "target": 17, "label": "S"}, {"source": 38, "target": 20, "label": "T"}, {"source": 28, "target": 33, "label": "H"}, {"source": 37, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 13, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 30, "label": "Q"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 6, "label": "C"}, {"source": 38, "target": 21, "label": "P"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "053248-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Dessert was... hmmm, that's interesting, I don't even remember dessert.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "U"}, {"source": 20, "target": 9, "label": "A"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 13, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 12, "label": "G"}, {"source": 20, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "S"}, {"source": 20, "target": 11, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 3, "label": "F"}, {"source": 17, "target": 2, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 5, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "053248-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I guess that tells you a lot.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "053248-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Oh, yes, the chocolate semifreddo was quite good.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 8, "label": "S"}, {"source": 11, "target": 3, "label": "F"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 0, "label": "L"}, {"source": 0, "target": 1, "label": "U"}, {"source": 10, "target": 2, "label": "U"}, {"source": 12, "target": 7, "label": "D"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 11, "label": "A"}]} +{"id": "053248-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The warm chocolate cake was very tasty, but served at room temperature, not warm by any stretch of the imagination.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 26, "label": "E"}, {"source": 30, "target": 21, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 23, "target": 2, "label": "E"}, {"source": 29, "target": 14, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 30, "target": 16, "label": "R"}, {"source": 27, "target": 9, "label": "P"}, {"source": 28, "target": 12, "label": "C"}, {"source": 26, "target": 1, "label": "S"}, {"source": 30, "target": 19, "label": "R"}, {"source": 23, "target": 3, "label": "C"}, {"source": 28, "target": 11, "label": "E"}, {"source": 25, "target": 27, "label": "H"}, {"source": 25, "target": 8, "label": "L"}, {"source": 29, "target": 15, "label": "S"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 4, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 17, "label": "E"}, {"source": 25, "target": 7, "label": "U"}, {"source": 25, "target": 13, "label": "U"}, {"source": 24, "target": 6, "label": "S"}, {"source": 24, "target": 23, "label": "A"}, {"source": 28, "target": 10, "label": "R"}, {"source": 24, "target": 5, "label": "D"}, {"source": 29, "target": 30, "label": "D"}, {"source": 30, "target": 20, "label": "F"}, {"source": 26, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 0, "label": "F"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "053248-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And my--no, I still don't remember what I had.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 13}]}, {"id": 6, "anchors": [{"from": 14, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 22}]}, {"id": 8, "anchors": [{"from": 22, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 45}]}, {"id": 13, "anchors": [{"from": 45, "to": 46}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 8, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 5, "label": "A"}, {"source": 15, "target": 2, "label": "U"}, {"source": 18, "target": 11, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 12, "label": "P"}, {"source": 15, "target": 1, "label": "S"}, {"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 6, "label": "T"}, {"source": 16, "target": 4, "label": "U"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "H"}]} +{"id": "053248-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service was average, but nothing special, and restaurants that are supposed to be excellent should do a better job of training their waitstaff to be communicative and friendly, not merely capable.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 162}]}, {"id": 28, "anchors": [{"from": 163, "to": 166}]}, {"id": 29, "anchors": [{"from": 167, "to": 175}]}, {"id": 30, "anchors": [{"from": 175, "to": 176}]}, {"id": 31, "anchors": [{"from": 177, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 187}]}, {"id": 33, "anchors": [{"from": 188, "to": 195}]}, {"id": 34, "anchors": [{"from": 195, "to": 196}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 45, "target": 44, "label": "A"}, {"source": 45, "target": 26, "label": "F"}, {"source": 43, "target": 23, "label": "S"}, {"source": 48, "target": 34, "label": "U"}, {"source": 47, "target": 29, "label": "S"}, {"source": 39, "target": 22, "label": "P"}, {"source": 36, "target": 8, "label": "L"}, {"source": 39, "target": 42, "label": "D"}, {"source": 45, "target": 25, "label": "F"}, {"source": 44, "target": 24, "label": "S"}, {"source": 36, "target": 4, "label": "L"}, {"source": 39, "target": 17, "label": "F"}, {"source": 46, "target": 48, "label": "H"}, {"source": 42, "target": 20, "label": "C"}, {"source": 44, "target": 24, "label": "A"}, {"source": 46, "target": 47, "label": "H"}, {"source": 38, "target": 11, "label": "F"}, {"source": 46, "target": 30, "label": "U"}, {"source": 48, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 1, "label": "F"}, {"source": 48, "target": 31, "label": "D"}, {"source": 37, "target": 6, "label": "S"}, {"source": 45, "target": 27, "label": "P"}, {"source": 48, "target": 32, "label": "D"}, {"source": 39, "target": 38, "label": "A"}, {"source": 36, "target": 39, "label": "H"}, {"source": 43, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 18, "label": "F"}, {"source": 40, "target": 12, "label": "C"}, {"source": 46, "target": 28, "label": "L"}, {"source": 36, "target": 3, "label": "U"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 40, "label": "D"}, {"source": 41, "target": 19, "label": "C"}, {"source": 36, "target": 37, "label": "H"}, {"source": 44, "target": 43, "label": "A"}, {"source": 35, "target": 0, "label": "P"}, {"source": 47, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 15, "label": "S"}, {"source": 38, "target": 10, "label": "F"}, {"source": 40, "target": 13, "label": "F"}, {"source": 42, "target": 41, "label": "E"}, {"source": 39, "target": 46, "label": "A"}, {"source": 46, "target": 45, "label": "H"}, {"source": 36, "target": 7, "label": "U"}, {"source": 36, "target": 35, "label": "H"}, {"source": 39, "target": 16, "label": "D"}, {"source": 39, "target": 21, "label": "F"}, {"source": 35, "target": 2, "label": "D"}, {"source": 40, "target": 14, "label": "F"}, {"source": 37, "target": 5, "label": "D"}, {"source": 48, "target": 33, "label": "S"}, {"source": 38, "target": 9, "label": "A"}]} +{"id": "053248-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Perhaps had we not gone into this restaurant believing Zahav was going to be golden as its name suggests (and as the many golden reviews seem to attest), we would have enjoyed a decent little expensive experience.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 151}]}, {"id": 29, "anchors": [{"from": 151, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 156}]}, {"id": 32, "anchors": [{"from": 157, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 167}]}, {"id": 34, "anchors": [{"from": 168, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 184}]}, {"id": 37, "anchors": [{"from": 185, "to": 191}]}, {"id": 38, "anchors": [{"from": 192, "to": 201}]}, {"id": 39, "anchors": [{"from": 202, "to": 212}]}, {"id": 40, "anchors": [{"from": 212, "to": 213}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 42, "target": 50, "label": "H"}, {"source": 42, "target": 29, "label": "U"}, {"source": 50, "target": 36, "label": "D"}, {"source": 47, "target": 24, "label": "D"}, {"source": 48, "target": 22, "label": "F"}, {"source": 44, "target": 45, "label": "A"}, {"source": 50, "target": 32, "label": "D"}, {"source": 51, "target": 40, "label": "U"}, {"source": 46, "target": 17, "label": "A"}, {"source": 42, "target": 30, "label": "U"}, {"source": 50, "target": 37, "label": "D"}, {"source": 50, "target": 33, "label": "F"}, {"source": 41, "target": 0, "label": "G"}, {"source": 51, "target": 39, "label": "C"}, {"source": 45, "target": 9, "label": "A"}, {"source": 42, "target": 41, "label": "H"}, {"source": 45, "target": 11, "label": "F"}, {"source": 47, "target": 48, "label": "P"}, {"source": 46, "target": 16, "label": "A"}, {"source": 42, "target": 46, "label": "H"}, {"source": 42, "target": 44, "label": "H"}, {"source": 49, "target": 26, "label": "G"}, {"source": 41, "target": 43, "label": "A"}, {"source": 41, "target": 4, "label": "P"}, {"source": 42, "target": 15, "label": "L"}, {"source": 48, "target": 25, "label": "C"}, {"source": 42, "target": 20, "label": "L"}, {"source": 49, "target": 47, "label": "A"}, {"source": 44, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 49, "label": "H"}, {"source": 51, "target": 35, "label": "F"}, {"source": 45, "target": 14, "label": "S"}, {"source": 45, "target": 10, "label": "F"}, {"source": 50, "target": 38, "label": "D"}, {"source": 46, "target": 18, "label": "P"}, {"source": 43, "target": 7, "label": "C"}, {"source": 45, "target": 12, "label": "F"}, {"source": 41, "target": 2, "label": "A"}, {"source": 50, "target": 31, "label": "A"}, {"source": 43, "target": 5, "label": "R"}, {"source": 50, "target": 34, "label": "D"}, {"source": 46, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 6, "label": "E"}, {"source": 41, "target": 3, "label": "D"}, {"source": 44, "target": 8, "label": "P"}, {"source": 47, "target": 23, "label": "D"}, {"source": 42, "target": 21, "label": "L"}, {"source": 49, "target": 27, "label": "F"}, {"source": 41, "target": 1, "label": "F"}, {"source": 42, "target": 19, "label": "U"}, {"source": 50, "target": 51, "label": "P"}, {"source": 49, "target": 28, "label": "P"}, {"source": 45, "target": 13, "label": "F"}]} +{"id": "053248-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But one should not go here expecting something fantastic, unless perhaps you've never had middle-eastern food before, or succulent duck, tasty lamb, decent portion sizes or actually warm chocolate desserts.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 96}, {"from": 97, "to": 104}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 105, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 116}]}, {"id": 20, "anchors": [{"from": 116, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 147}]}, {"id": 27, "anchors": [{"from": 147, "to": 148}]}, {"id": 28, "anchors": [{"from": 149, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 163}]}, {"id": 30, "anchors": [{"from": 164, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 172}]}, {"id": 32, "anchors": [{"from": 173, "to": 181}]}, {"id": 33, "anchors": [{"from": 182, "to": 186}]}, {"id": 34, "anchors": [{"from": 187, "to": 196}]}, {"id": 35, "anchors": [{"from": 197, "to": 205}]}, {"id": 36, "anchors": [{"from": 205, "to": 206}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 38, "target": 4, "label": "P"}, {"source": 44, "target": 27, "label": "U"}, {"source": 51, "target": 35, "label": "C"}, {"source": 49, "target": 28, "label": "E"}, {"source": 38, "target": 1, "label": "A"}, {"source": 42, "target": 12, "label": "A"}, {"source": 51, "target": 50, "label": "E"}, {"source": 50, "target": 52, "label": "C"}, {"source": 39, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 45, "label": "E"}, {"source": 50, "target": 31, "label": "N"}, {"source": 44, "target": 21, "label": "N"}, {"source": 45, "target": 22, "label": "S"}, {"source": 44, "target": 24, "label": "U"}, {"source": 52, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 8, "label": "S"}, {"source": 44, "target": 43, "label": "C"}, {"source": 43, "target": 18, "label": "C"}, {"source": 16, "target": 17, "label": "U"}, {"source": 38, "target": 2, "label": "D"}, {"source": 42, "target": 13, "label": "F"}, {"source": 42, "target": 14, "label": "D"}, {"source": 42, "target": 20, "label": "U"}, {"source": 40, "target": 7, "label": "C"}, {"source": 37, "target": 38, "label": "H"}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 15, "label": "P"}, {"source": 38, "target": 3, "label": "D"}, {"source": 39, "target": 6, "label": "P"}, {"source": 38, "target": 5, "label": "A"}, {"source": 44, "target": 48, "label": "C"}, {"source": 47, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 0, "label": "L"}, {"source": 37, "target": 9, "label": "U"}, {"source": 42, "target": 19, "label": "T"}, {"source": 46, "target": 23, "label": "C"}, {"source": 45, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 25, "label": "S"}, {"source": 50, "target": 49, "label": "C"}, {"source": 51, "target": 36, "label": "U"}, {"source": 48, "target": 26, "label": "C"}, {"source": 44, "target": 51, "label": "C"}, {"source": 48, "target": 47, "label": "E"}, {"source": 49, "target": 29, "label": "E"}, {"source": 44, "target": 46, "label": "C"}, {"source": 52, "target": 32, "label": "G"}, {"source": 52, "target": 33, "label": "S"}, {"source": 51, "target": 34, "label": "E"}, {"source": 37, "target": 39, "label": "H"}, {"source": 41, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "A"}, {"source": 49, "target": 30, "label": "C"}, {"source": 42, "target": 14, "label": "T"}, {"source": 43, "target": 16, "label": "E"}, {"source": 42, "target": 44, "label": "A"}, {"source": 37, "target": 10, "label": "L"}, {"source": 37, "target": 42, "label": "H"}, {"source": 42, "target": 11, "label": "G"}]} +{"id": "053248-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "PS) When we called for a reservation, we were told that 5:00 and 9:30 were their only openings.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 94}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 8, "label": "U"}, {"source": 21, "target": 1, "label": "U"}, {"source": 25, "target": 11, "label": "P"}, {"source": 26, "target": 16, "label": "F"}, {"source": 26, "target": 17, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 13, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 19, "label": "S"}, {"source": 27, "target": 14, "label": "N"}, {"source": 21, "target": 2, "label": "L"}, {"source": 26, "target": 27, "label": "T"}, {"source": 26, "target": 18, "label": "D"}, {"source": 22, "target": 3, "label": "A"}, {"source": 23, "target": 5, "label": "R"}, {"source": 24, "target": 6, "label": "F"}, {"source": 22, "target": 4, "label": "P"}, {"source": 25, "target": 9, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 26, "target": 20, "label": "U"}, {"source": 27, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "P"}, {"source": 26, "target": 12, "label": "R"}]} +{"id": "053248-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When we arrived at 5, and left circa 7, there were the same 4 or 5 empty tables surrounding us.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 66}]}, {"id": 18, "anchors": [{"from": 67, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 28, "target": 12, "label": "F"}, {"source": 30, "target": 15, "label": "C"}, {"source": 28, "target": 11, "label": "F"}, {"source": 30, "target": 16, "label": "N"}, {"source": 23, "target": 6, "label": "L"}, {"source": 28, "target": 22, "label": "U"}, {"source": 24, "target": 1, "label": "A"}, {"source": 26, "target": 27, "label": "T"}, {"source": 29, "target": 31, "label": "E"}, {"source": 31, "target": 18, "label": "S"}, {"source": 29, "target": 30, "label": "Q"}, {"source": 30, "target": 17, "label": "C"}, {"source": 31, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "L"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 5, "label": "U"}, {"source": 28, "target": 21, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 20, "label": "S"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 7, "label": "P"}, {"source": 23, "target": 10, "label": "U"}, {"source": 27, "target": 8, "label": "E"}, {"source": 25, "target": 3, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 13, "label": "F"}, {"source": 29, "target": 14, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 9, "label": "C"}, {"source": 24, "target": 25, "label": "T"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "053248-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Did they think we were going to feel lucky to get any reservation at all, and therefore be more pleased with our dining experience?", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}, {"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 7, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 31, "label": "D"}, {"source": 27, "target": 5, "label": "F"}, {"source": 33, "target": 23, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 27, "target": 8, "label": "D"}, {"source": 33, "target": 24, "label": "U"}, {"source": 26, "target": 2, "label": "P"}, {"source": 32, "target": 17, "label": "F"}, {"source": 32, "target": 19, "label": "S"}, {"source": 25, "target": 26, "label": "H"}, {"source": 34, "target": 22, "label": "P"}, {"source": 28, "target": 9, "label": "L"}, {"source": 28, "target": 15, "label": "L"}, {"source": 26, "target": 0, "label": "F"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 20, "label": "R"}, {"source": 28, "target": 14, "label": "U"}, {"source": 33, "target": 21, "label": "A"}, {"source": 31, "target": 11, "label": "C"}, {"source": 32, "target": 18, "label": "D"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 29, "label": "H"}, {"source": 29, "target": 10, "label": "P"}, {"source": 26, "target": 1, "label": "A"}, {"source": 28, "target": 16, "label": "L"}, {"source": 28, "target": 32, "label": "H"}, {"source": 31, "target": 13, "label": "C"}, {"source": 27, "target": 6, "label": "F"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 3, "label": "A"}, {"source": 30, "target": 12, "label": "P"}, {"source": 27, "target": 4, "label": "F"}]} +{"id": "054269-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent energy efficiency", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 27}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "054269-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Compact's Corona dryers remove at least twice as much water as the previous dryers, allowing a production increase of over 10% and a significant energy saving.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 125}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 158}]}, {"id": 29, "anchors": [{"from": 158, "to": 159}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 32, "target": 38, "label": "A"}, {"source": 36, "target": 7, "label": "C"}, {"source": 44, "target": 21, "label": "E"}, {"source": 34, "target": 2, "label": "C"}, {"source": 45, "target": 25, "label": "F"}, {"source": 35, "target": 5, "label": "R"}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 36, "label": "Q"}, {"source": 44, "target": 23, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 41, "target": 17, "label": "F"}, {"source": 42, "target": 43, "label": "D"}, {"source": 39, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 44, "label": "Q"}, {"source": 45, "target": 26, "label": "C"}, {"source": 44, "target": 20, "label": "R"}, {"source": 33, "target": 46, "label": "H"}, {"source": 37, "target": 8, "label": "R"}, {"source": 46, "target": 28, "label": "P"}, {"source": 39, "target": 4, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 24, "label": "L"}, {"source": 37, "target": 9, "label": "C"}, {"source": 33, "target": 39, "label": "H"}, {"source": 38, "target": 37, "label": "E"}, {"source": 35, "target": 6, "label": "C"}, {"source": 31, "target": 34, "label": "C"}, {"source": 44, "target": 22, "label": "Q"}, {"source": 32, "target": 4, "label": "P"}, {"source": 38, "target": 10, "label": "C"}, {"source": 39, "target": 11, "label": "R"}, {"source": 46, "target": 45, "label": "D"}, {"source": 31, "target": 30, "label": "E"}, {"source": 46, "target": 27, "label": "A"}, {"source": 40, "target": 14, "label": "C"}, {"source": 36, "target": 35, "label": "E"}, {"source": 33, "target": 16, "label": "L"}, {"source": 33, "target": 42, "label": "H"}, {"source": 42, "target": 41, "label": "P"}, {"source": 41, "target": 18, "label": "C"}, {"source": 46, "target": 29, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 13, "label": "E"}, {"source": 40, "target": 12, "label": "F"}, {"source": 33, "target": 15, "label": "U"}, {"source": 30, "target": 1, "label": "R"}, {"source": 30, "target": 0, "label": "C"}, {"source": 43, "target": 19, "label": "C"}, {"source": 34, "target": 3, "label": "C"}]} +{"id": "054496-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just like the fact that he was able to do the specific type of repair I wanted (a reball) and give me the longest warranty and even a lower price.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}, {"from": 16, "to": 20}, {"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 147}]}, {"id": 31, "anchors": [{"from": 147, "to": 148}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 30, "label": "C"}, {"source": 33, "target": 26, "label": "L"}, {"source": 37, "target": 15, "label": "P"}, {"source": 38, "target": 18, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 34, "target": 7, "label": "F"}, {"source": 36, "target": 37, "label": "E"}, {"source": 41, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 5, "label": "F"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 35, "label": "P"}, {"source": 38, "target": 17, "label": "F"}, {"source": 34, "target": 3, "label": "G"}, {"source": 34, "target": 6, "label": "D"}, {"source": 34, "target": 12, "label": "F"}, {"source": 35, "target": 9, "label": "F"}, {"source": 32, "target": 0, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 29, "label": "S"}, {"source": 33, "target": 39, "label": "H"}, {"source": 36, "target": 16, "label": "U"}, {"source": 35, "target": 13, "label": "C"}, {"source": 34, "target": 8, "label": "F"}, {"source": 40, "target": 23, "label": "F"}, {"source": 36, "target": 11, "label": "C"}, {"source": 39, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 19, "label": "U"}, {"source": 43, "target": 28, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 37, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 10, "label": "E"}, {"source": 37, "target": 14, "label": "A"}, {"source": 41, "target": 24, "label": "S"}, {"source": 33, "target": 42, "label": "H"}, {"source": 39, "target": 21, "label": "P"}, {"source": 43, "target": 31, "label": "U"}, {"source": 40, "target": 25, "label": "C"}, {"source": 32, "target": 1, "label": "D"}, {"source": 32, "target": 2, "label": "S"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 27, "label": "G"}, {"source": 33, "target": 20, "label": "L"}, {"source": 39, "target": 22, "label": "A"}, {"source": 34, "target": 4, "label": "A"}, {"source": 36, "target": 38, "label": "E"}]} +{"id": "054496-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Someone else I found that said they could do it but wanted to charge me more and give me less warranty.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 6, "label": "A"}, {"source": 27, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 5, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 18, "label": "A"}, {"source": 28, "target": 12, "label": "R"}, {"source": 28, "target": 15, "label": "A"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 7, "label": "D"}, {"source": 23, "target": 3, "label": "P"}, {"source": 25, "target": 27, "label": "H"}, {"source": 22, "target": 0, "label": "C"}, {"source": 27, "target": 11, "label": "P"}, {"source": 24, "target": 4, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 23, "label": "A"}, {"source": 28, "target": 14, "label": "A"}, {"source": 23, "target": 22, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 28, "target": 13, "label": "P"}, {"source": 23, "target": 2, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 30, "target": 21, "label": "U"}, {"source": 26, "target": 9, "label": "A"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 10, "label": "L"}]} +{"id": "054496-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was a no brainer really.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}, {"from": 9, "to": 11}, {"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "054496-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I choose Console Pros and I'm happy I did.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}, {"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 3, "label": "L"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "A"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "054798-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Where else can you go for $10 and recieve this treatment?!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "D"}, {"source": 14, "target": 3, "label": "A"}, {"source": 14, "target": 4, "label": "P"}, {"source": 17, "target": 18, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 1, "label": "E"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 13, "target": 0, "label": "C"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 15, "target": 8, "label": "L"}, {"source": 16, "target": 7, "label": "Q"}]} +{"id": "054798-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Awesome haircut at awesome price right here in Palatine!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "L"}, {"source": 14, "target": 7, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 14, "target": 8, "label": "A"}]} +{"id": "054798-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Who can pass up a hot towel and a straight edge neck shave!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 19, "target": 21, "label": "E"}, {"source": 17, "target": 20, "label": "H"}, {"source": 14, "target": 2, "label": "P"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 5, "label": "C"}, {"source": 21, "target": 8, "label": "S"}, {"source": 14, "target": 17, "label": "A"}, {"source": 17, "target": 6, "label": "L"}, {"source": 18, "target": 4, "label": "S"}, {"source": 17, "target": 15, "label": "H"}, {"source": 20, "target": 10, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 20, "target": 12, "label": "U"}, {"source": 20, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "D"}, {"source": 19, "target": 9, "label": "C"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 18, "label": "E"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 7, "label": "F"}]} +{"id": "054798-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've had 2 cuts now from Georgia and have paid more in other salons/barbershops and have not received this kind of treatment or cut!", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 131}]}, {"id": 27, "anchors": [{"from": 131, "to": 132}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "L"}, {"source": 28, "target": 30, "label": "A"}, {"source": 36, "target": 35, "label": "D"}, {"source": 34, "target": 19, "label": "D"}, {"source": 31, "target": 10, "label": "P"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 22, "label": "C"}, {"source": 28, "target": 3, "label": "D"}, {"source": 39, "target": 26, "label": "P"}, {"source": 31, "target": 11, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 25, "label": "L"}, {"source": 33, "target": 14, "label": "C"}, {"source": 38, "target": 23, "label": "R"}, {"source": 32, "target": 13, "label": "E"}, {"source": 29, "target": 34, "label": "H"}, {"source": 28, "target": 4, "label": "P"}, {"source": 34, "target": 37, "label": "A"}, {"source": 28, "target": 2, "label": "F"}, {"source": 30, "target": 6, "label": "R"}, {"source": 32, "target": 33, "label": "C"}, {"source": 38, "target": 24, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 29, "target": 8, "label": "L"}, {"source": 28, "target": 5, "label": "T"}, {"source": 29, "target": 28, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 30, "target": 7, "label": "C"}, {"source": 39, "target": 27, "label": "U"}, {"source": 35, "target": 21, "label": "E"}, {"source": 34, "target": 18, "label": "F"}, {"source": 28, "target": 1, "label": "F"}, {"source": 37, "target": 39, "label": "H"}, {"source": 31, "target": 9, "label": "F"}, {"source": 34, "target": 20, "label": "P"}, {"source": 33, "target": 15, "label": "U"}, {"source": 36, "target": 38, "label": "P"}, {"source": 29, "target": 31, "label": "H"}, {"source": 32, "target": 12, "label": "R"}]} +{"id": "055207-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Spay and neuter service.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "D"}, {"source": 5, "target": 1, "label": "N"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "055207-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have no doubt that the rescue is wonderful.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}, {"from": 7, "to": 9}, {"from": 10, "to": 15}, {"from": 16, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 31}]}, {"id": 3, "anchors": [{"from": 32, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 44}]}, {"id": 5, "anchors": [{"from": 44, "to": 45}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "P"}, {"source": 7, "target": 0, "label": "G"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "055207-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But I had my cat spayed through their reduced/free spay and neuter program and the vet they sent us to was first of all a hour and a half away, and 4 days later we had to bring them to our normal vet because the vets at the place in wisconsin did a crappy job and they got infections.", "tops": [60], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 112}, {"from": 113, "to": 115}, {"from": 116, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 142}]}, {"id": 30, "anchors": [{"from": 142, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 163}]}, {"id": 36, "anchors": [{"from": 164, "to": 167}, {"from": 168, "to": 170}]}, {"id": 37, "anchors": [{"from": 171, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 181}]}, {"id": 39, "anchors": [{"from": 182, "to": 184}]}, {"id": 40, "anchors": [{"from": 185, "to": 188}]}, {"id": 41, "anchors": [{"from": 189, "to": 195}]}, {"id": 42, "anchors": [{"from": 196, "to": 199}]}, {"id": 43, "anchors": [{"from": 200, "to": 207}]}, {"id": 44, "anchors": [{"from": 208, "to": 211}]}, {"id": 45, "anchors": [{"from": 212, "to": 216}]}, {"id": 46, "anchors": [{"from": 217, "to": 219}]}, {"id": 47, "anchors": [{"from": 220, "to": 223}]}, {"id": 48, "anchors": [{"from": 224, "to": 229}]}, {"id": 49, "anchors": [{"from": 230, "to": 232}]}, {"id": 50, "anchors": [{"from": 233, "to": 242}]}, {"id": 51, "anchors": [{"from": 243, "to": 246}]}, {"id": 52, "anchors": [{"from": 247, "to": 248}]}, {"id": 53, "anchors": [{"from": 249, "to": 255}]}, {"id": 54, "anchors": [{"from": 256, "to": 259}]}, {"id": 55, "anchors": [{"from": 260, "to": 263}]}, {"id": 56, "anchors": [{"from": 264, "to": 268}]}, {"id": 57, "anchors": [{"from": 269, "to": 272}]}, {"id": 58, "anchors": [{"from": 273, "to": 283}]}, {"id": 59, "anchors": [{"from": 283, "to": 284}]}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}], "edges": [{"source": 66, "target": 12, "label": "N"}, {"source": 75, "target": 38, "label": "A"}, {"source": 64, "target": 7, "label": "A"}, {"source": 60, "target": 23, "label": "L"}, {"source": 60, "target": 70, "label": "H"}, {"source": 64, "target": 14, "label": "P"}, {"source": 62, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 63, "label": "A"}, {"source": 69, "target": 21, "label": "R"}, {"source": 82, "target": 52, "label": "F"}, {"source": 60, "target": 31, "label": "L"}, {"source": 72, "target": 26, "label": "N"}, {"source": 79, "target": 51, "label": "F"}, {"source": 72, "target": 73, "label": "C"}, {"source": 70, "target": 71, "label": "T"}, {"source": 80, "target": 81, "label": "E"}, {"source": 65, "target": 8, "label": "C"}, {"source": 69, "target": 67, "label": "S"}, {"source": 60, "target": 15, "label": "L"}, {"source": 82, "target": 54, "label": "C"}, {"source": 61, "target": 5, "label": "P"}, {"source": 71, "target": 25, "label": "C"}, {"source": 80, "target": 48, "label": "C"}, {"source": 70, "target": 68, "label": "A"}, {"source": 76, "target": 42, "label": "A"}, {"source": 80, "target": 46, "label": "R"}, {"source": 69, "target": 67, "label": "A"}, {"source": 81, "target": 50, "label": "C"}, {"source": 62, "target": 3, "label": "S"}, {"source": 77, "target": 45, "label": "C"}, {"source": 63, "target": 62, "label": "E"}, {"source": 77, "target": 44, "label": "F"}, {"source": 60, "target": 83, "label": "H"}, {"source": 76, "target": 39, "label": "R"}, {"source": 60, "target": 0, "label": "L"}, {"source": 75, "target": 36, "label": "D"}, {"source": 61, "target": 1, "label": "A"}, {"source": 74, "target": 33, "label": "C"}, {"source": 73, "target": 28, "label": "C"}, {"source": 83, "target": 59, "label": "U"}, {"source": 67, "target": 16, "label": "F"}, {"source": 60, "target": 43, "label": "L"}, {"source": 75, "target": 35, "label": "A"}, {"source": 70, "target": 22, "label": "F"}, {"source": 61, "target": 2, "label": "F"}, {"source": 83, "target": 57, "label": "D"}, {"source": 73, "target": 27, "label": "F"}, {"source": 64, "target": 66, "label": "D"}, {"source": 60, "target": 75, "label": "H"}, {"source": 78, "target": 77, "label": "S"}, {"source": 79, "target": 82, "label": "P"}, {"source": 60, "target": 30, "label": "U"}, {"source": 76, "target": 41, "label": "D"}, {"source": 71, "target": 72, "label": "Q"}, {"source": 66, "target": 13, "label": "C"}, {"source": 68, "target": 18, "label": "A"}, {"source": 78, "target": 80, "label": "A"}, {"source": 61, "target": 64, "label": "A"}, {"source": 81, "target": 49, "label": "R"}, {"source": 65, "target": 10, "label": "C"}, {"source": 67, "target": 17, "label": "C"}, {"source": 75, "target": 76, "label": "A"}, {"source": 75, "target": 74, "label": "T"}, {"source": 79, "target": 78, "label": "A"}, {"source": 68, "target": 19, "label": "P"}, {"source": 66, "target": 11, "label": "C"}, {"source": 70, "target": 29, "label": "S"}, {"source": 83, "target": 56, "label": "A"}, {"source": 65, "target": 9, "label": "U"}, {"source": 74, "target": 32, "label": "Q"}, {"source": 79, "target": 53, "label": "D"}, {"source": 80, "target": 47, "label": "F"}, {"source": 72, "target": 24, "label": "C"}, {"source": 60, "target": 61, "label": "H"}, {"source": 60, "target": 55, "label": "L"}, {"source": 68, "target": 20, "label": "A"}, {"source": 68, "target": 69, "label": "A"}, {"source": 78, "target": 77, "label": "A"}, {"source": 75, "target": 37, "label": "P"}, {"source": 76, "target": 40, "label": "A"}, {"source": 76, "target": 42, "label": "S"}, {"source": 74, "target": 34, "label": "R"}, {"source": 60, "target": 79, "label": "H"}, {"source": 63, "target": 4, "label": "C"}, {"source": 64, "target": 65, "label": "A"}, {"source": 83, "target": 58, "label": "S"}, {"source": 64, "target": 6, "label": "R"}]} +{"id": "055207-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My vet even said it was not my fault it was the vet that did the surgery, So I would not recommend getting that program unless you have an extra hundred dollars or so for antibiotics and a vet visit.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 78}]}, {"id": 20, "anchors": [{"from": 79, "to": 84}]}, {"id": 21, "anchors": [{"from": 85, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 160}]}, {"id": 33, "anchors": [{"from": 161, "to": 163}]}, {"id": 34, "anchors": [{"from": 164, "to": 166}]}, {"id": 35, "anchors": [{"from": 167, "to": 170}]}, {"id": 36, "anchors": [{"from": 171, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 186}]}, {"id": 38, "anchors": [{"from": 187, "to": 188}]}, {"id": 39, "anchors": [{"from": 189, "to": 192}]}, {"id": 40, "anchors": [{"from": 193, "to": 198}]}, {"id": 41, "anchors": [{"from": 198, "to": 199}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 52, "target": 21, "label": "D"}, {"source": 61, "target": 39, "label": "C"}, {"source": 58, "target": 34, "label": "C"}, {"source": 59, "target": 37, "label": "N"}, {"source": 44, "target": 26, "label": "L"}, {"source": 47, "target": 49, "label": "A"}, {"source": 55, "target": 56, "label": "A"}, {"source": 53, "target": 23, "label": "P"}, {"source": 57, "target": 31, "label": "C"}, {"source": 52, "target": 53, "label": "A"}, {"source": 56, "target": 32, "label": "C"}, {"source": 59, "target": 62, "label": "C"}, {"source": 42, "target": 1, "label": "S"}, {"source": 44, "target": 52, "label": "H"}, {"source": 43, "target": 46, "label": "A"}, {"source": 55, "target": 28, "label": "S"}, {"source": 45, "target": 8, "label": "P"}, {"source": 55, "target": 59, "label": "A"}, {"source": 47, "target": 10, "label": "F"}, {"source": 46, "target": 47, "label": "H"}, {"source": 51, "target": 16, "label": "C"}, {"source": 57, "target": 30, "label": "E"}, {"source": 45, "target": 5, "label": "F"}, {"source": 60, "target": 61, "label": "A"}, {"source": 56, "target": 57, "label": "Q"}, {"source": 42, "target": 1, "label": "A"}, {"source": 53, "target": 54, "label": "A"}, {"source": 52, "target": 22, "label": "P"}, {"source": 57, "target": 29, "label": "F"}, {"source": 45, "target": 7, "label": "A"}, {"source": 43, "target": 2, "label": "G"}, {"source": 55, "target": 27, "label": "A"}, {"source": 59, "target": 35, "label": "R"}, {"source": 44, "target": 18, "label": "L"}, {"source": 49, "target": 48, "label": "S"}, {"source": 49, "target": 50, "label": "A"}, {"source": 51, "target": 15, "label": "F"}, {"source": 44, "target": 17, "label": "U"}, {"source": 62, "target": 60, "label": "A"}, {"source": 62, "target": 40, "label": "P"}, {"source": 50, "target": 14, "label": "F"}, {"source": 45, "target": 4, "label": "A"}, {"source": 42, "target": 0, "label": "A"}, {"source": 52, "target": 20, "label": "D"}, {"source": 50, "target": 13, "label": "R"}, {"source": 58, "target": 33, "label": "R"}, {"source": 50, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 9, "label": "A"}, {"source": 44, "target": 43, "label": "H"}, {"source": 54, "target": 24, "label": "E"}, {"source": 49, "target": 48, "label": "A"}, {"source": 43, "target": 42, "label": "A"}, {"source": 59, "target": 36, "label": "C"}, {"source": 62, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 12, "label": "C"}, {"source": 46, "target": 45, "label": "H"}, {"source": 54, "target": 25, "label": "C"}, {"source": 48, "target": 11, "label": "F"}, {"source": 57, "target": 58, "label": "E"}, {"source": 60, "target": 61, "label": "S"}, {"source": 61, "target": 38, "label": "F"}, {"source": 50, "target": 51, "label": "P"}, {"source": 43, "target": 3, "label": "P"}, {"source": 62, "target": 41, "label": "U"}, {"source": 45, "target": 6, "label": "D"}, {"source": 52, "target": 19, "label": "A"}, {"source": 44, "target": 55, "label": "H"}]} +{"id": "055207-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You'd think they would do a good job but they don't care unless they are getting paid full price.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 96}]}, {"id": 21, "anchors": [{"from": 96, "to": 97}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 9, "label": "L"}, {"source": 22, "target": 1, "label": "D"}, {"source": 27, "target": 18, "label": "P"}, {"source": 24, "target": 3, "label": "A"}, {"source": 25, "target": 6, "label": "F"}, {"source": 27, "target": 15, "label": "A"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 4, "label": "D"}, {"source": 25, "target": 8, "label": "C"}, {"source": 26, "target": 13, "label": "P"}, {"source": 27, "target": 17, "label": "F"}, {"source": 26, "target": 11, "label": "F"}, {"source": 24, "target": 5, "label": "F"}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 25, "label": "P"}, {"source": 23, "target": 27, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 27, "target": 16, "label": "F"}, {"source": 28, "target": 19, "label": "Q"}, {"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 24, "target": 7, "label": "D"}, {"source": 23, "target": 14, "label": "L"}, {"source": 26, "target": 12, "label": "D"}]} +{"id": "055207-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Which is so dumb.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "055207-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not to mention the fact that they gave us our cats back not even 30 minutes after they were out from surgery.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}, {"from": 7, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}, {"from": 19, "to": 23}, {"from": 24, "to": 28}]}, {"id": 2, "anchors": [{"from": 29, "to": 33}]}, {"id": 3, "anchors": [{"from": 34, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 108}]}, {"id": 18, "anchors": [{"from": 108, "to": 109}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 3, "label": "P"}, {"source": 21, "target": 5, "label": "S"}, {"source": 23, "target": 9, "label": "F"}, {"source": 22, "target": 21, "label": "E"}, {"source": 25, "target": 13, "label": "A"}, {"source": 25, "target": 26, "label": "P"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 26, "target": 16, "label": "R"}, {"source": 24, "target": 11, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 2, "label": "A"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "F"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 25, "target": 15, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 12, "label": "R"}, {"source": 22, "target": 6, "label": "C"}, {"source": 19, "target": 1, "label": "L"}, {"source": 25, "target": 24, "label": "T"}, {"source": 24, "target": 10, "label": "Q"}, {"source": 20, "target": 7, "label": "D"}]} +{"id": "055976-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff leaves a lot to be desired.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 9, "target": 10, "label": "S"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "055976-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The front staff has seen quite a bit of turnover and changed from professional to rude.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}, {"from": 31, "to": 32}, {"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 87}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 17, "target": 5, "label": "D"}, {"source": 17, "target": 15, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 8, "label": "L"}, {"source": 21, "target": 11, "label": "S"}, {"source": 17, "target": 4, "label": "D"}, {"source": 22, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "R"}, {"source": 16, "target": 2, "label": "C"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "D"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 19, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 15, "target": 16, "label": "S"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 13, "label": "S"}, {"source": 19, "target": 7, "label": "C"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "F"}]} +{"id": "055976-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A simple follow-up phone call with a woman quickly turned into a nightmare.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}, {"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 20, "label": "S"}, {"source": 18, "target": 9, "label": "T"}, {"source": 18, "target": 10, "label": "D"}, {"source": 16, "target": 15, "label": "P"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 6, "label": "R"}, {"source": 19, "target": 8, "label": "C"}, {"source": 15, "target": 0, "label": "F"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 4, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 2, "target": 3, "label": "U"}, {"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 16, "label": "A"}, {"source": 19, "target": 7, "label": "F"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "055976-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She may be the reason for all the change.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 6, "label": "D"}, {"source": 11, "target": 12, "label": "S"}, {"source": 13, "target": 14, "label": "P"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "055976-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I sincerely wonder if the doctor has a clue about what is going on within his practice.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}, {"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 8, "label": "C"}, {"source": 19, "target": 22, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 7, "label": "F"}, {"source": 23, "target": 9, "label": "R"}, {"source": 19, "target": 3, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 21, "label": "S"}, {"source": 24, "target": 16, "label": "U"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 12, "label": "P"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 4, "label": "F"}, {"source": 18, "target": 1, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 23, "target": 10, "label": "A"}, {"source": 25, "target": 14, "label": "S"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "055976-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If he does know and approves of this behavior then it is a poor reflection on him.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 22, "label": "P"}, {"source": 18, "target": 4, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "L"}, {"source": 25, "target": 16, "label": "C"}, {"source": 19, "target": 3, "label": "S"}, {"source": 19, "target": 1, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 25, "target": 15, "label": "R"}, {"source": 19, "target": 2, "label": "D"}, {"source": 20, "target": 5, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 23, "target": 11, "label": "F"}, {"source": 21, "target": 6, "label": "R"}, {"source": 23, "target": 24, "label": "S"}, {"source": 18, "target": 23, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 10, "label": "A"}, {"source": 23, "target": 13, "label": "D"}]} +{"id": "055976-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sometimes it is not worth it to go through that kind of staff and their personal attitude to get to a doctor.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 23, "target": 3, "label": "D"}, {"source": 31, "target": 14, "label": "A"}, {"source": 24, "target": 17, "label": "L"}, {"source": 28, "target": 27, "label": "D"}, {"source": 24, "target": 32, "label": "H"}, {"source": 29, "target": 31, "label": "H"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 15, "label": "D"}, {"source": 27, "target": 9, "label": "E"}, {"source": 32, "target": 18, "label": "P"}, {"source": 25, "target": 29, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 2, "label": "F"}, {"source": 30, "target": 12, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 25, "target": 26, "label": "P"}, {"source": 34, "target": 22, "label": "U"}, {"source": 33, "target": 34, "label": "S"}, {"source": 26, "target": 7, "label": "C"}, {"source": 33, "target": 19, "label": "R"}, {"source": 23, "target": 4, "label": "S"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 30, "label": "S"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 13, "label": "L"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "T"}, {"source": 31, "target": 16, "label": "S"}, {"source": 34, "target": 20, "label": "F"}, {"source": 30, "target": 11, "label": "R"}, {"source": 23, "target": 5, "label": "F"}, {"source": 26, "target": 8, "label": "F"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "055976-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was an okay doctor but not worth her.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "S"}, {"source": 13, "target": 7, "label": "S"}, {"source": 10, "target": 3, "label": "D"}, {"source": 13, "target": 6, "label": "D"}]} +{"id": "056408-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dessert was good.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "056408-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rest was too oily.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "057386-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "friendly, fine food", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "057386-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The one-star review from 2005 is out of date.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}, {"from": 37, "to": 39}, {"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "F"}, {"source": 14, "target": 1, "label": "Q"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 15, "label": "T"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 8, "label": "S"}, {"source": 14, "target": 2, "label": "U"}, {"source": 15, "target": 5, "label": "R"}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "P"}]} +{"id": "057386-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There was a change of ownership a couple of years ago and service is both quick and extremely friendly.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 2, "label": "F"}, {"source": 26, "target": 12, "label": "P"}, {"source": 20, "target": 25, "label": "T"}, {"source": 25, "target": 9, "label": "C"}, {"source": 21, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "C"}, {"source": 27, "target": 14, "label": "Q"}, {"source": 26, "target": 13, "label": "F"}, {"source": 23, "target": 4, "label": "R"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 3, "label": "C"}, {"source": 20, "target": 0, "label": "F"}, {"source": 29, "target": 19, "label": "U"}, {"source": 21, "target": 11, "label": "L"}, {"source": 26, "target": 27, "label": "D"}, {"source": 27, "target": 28, "label": "C"}, {"source": 25, "target": 8, "label": "R"}, {"source": 29, "target": 18, "label": "C"}, {"source": 24, "target": 6, "label": "F"}, {"source": 20, "target": 22, "label": "P"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 28, "target": 15, "label": "C"}, {"source": 29, "target": 17, "label": "E"}, {"source": 23, "target": 5, "label": "S"}, {"source": 28, "target": 16, "label": "N"}, {"source": 25, "target": 10, "label": "R"}]} +{"id": "057386-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food continues to be very good -- deli sandwiches, homemade soups, fresh salads.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 16, "label": "U"}, {"source": 19, "target": 21, "label": "E"}, {"source": 21, "target": 23, "label": "C"}, {"source": 21, "target": 20, "label": "C"}, {"source": 18, "target": 7, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "S"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 14, "label": "S"}, {"source": 21, "target": 10, "label": "U"}, {"source": 18, "target": 2, "label": "D"}, {"source": 20, "target": 8, "label": "E"}, {"source": 22, "target": 11, "label": "P"}, {"source": 25, "target": 15, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 24, "label": "E"}, {"source": 19, "target": 0, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 5, "label": "D"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 18, "target": 4, "label": "F"}, {"source": 21, "target": 25, "label": "C"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "057386-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The atmosphere may not be for everyone.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 12, "target": 5, "label": "R"}, {"source": 9, "target": 1, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 8, "label": "A"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}]} +{"id": "057386-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is a bustling place where separate parties are seated at the same table (as in many European cafes), but if you are OK with that, the food is very good.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 131}]}, {"id": 29, "anchors": [{"from": 131, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 141}]}, {"id": 32, "anchors": [{"from": 142, "to": 144}]}, {"id": 33, "anchors": [{"from": 145, "to": 149}]}, {"id": 34, "anchors": [{"from": 150, "to": 154}]}, {"id": 35, "anchors": [{"from": 154, "to": 155}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 43, "target": 15, "label": "R"}, {"source": 45, "target": 46, "label": "A"}, {"source": 43, "target": 9, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 1, "label": "S"}, {"source": 42, "target": 13, "label": "C"}, {"source": 45, "target": 25, "label": "F"}, {"source": 44, "target": 16, "label": "R"}, {"source": 45, "target": 24, "label": "A"}, {"source": 37, "target": 43, "label": "H"}, {"source": 36, "target": 38, "label": "A"}, {"source": 37, "target": 21, "label": "U"}, {"source": 41, "target": 8, "label": "F"}, {"source": 44, "target": 17, "label": "Q"}, {"source": 37, "target": 48, "label": "H"}, {"source": 45, "target": 26, "label": "S"}, {"source": 46, "target": 27, "label": "R"}, {"source": 40, "target": 7, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 38, "target": 4, "label": "C"}, {"source": 37, "target": 14, "label": "U"}, {"source": 37, "target": 29, "label": "U"}, {"source": 48, "target": 34, "label": "S"}, {"source": 44, "target": 18, "label": "E"}, {"source": 44, "target": 19, "label": "C"}, {"source": 48, "target": 47, "label": "A"}, {"source": 37, "target": 5, "label": "L"}, {"source": 37, "target": 20, "label": "U"}, {"source": 48, "target": 35, "label": "U"}, {"source": 41, "target": 40, "label": "A"}, {"source": 42, "target": 11, "label": "F"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 48, "target": 32, "label": "F"}, {"source": 39, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 3, "label": "S"}, {"source": 38, "target": 39, "label": "E"}, {"source": 41, "target": 9, "label": "P"}, {"source": 47, "target": 30, "label": "F"}, {"source": 37, "target": 22, "label": "L"}, {"source": 36, "target": 0, "label": "A"}, {"source": 46, "target": 28, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 47, "target": 31, "label": "C"}, {"source": 42, "target": 12, "label": "E"}, {"source": 48, "target": 33, "label": "D"}, {"source": 37, "target": 41, "label": "H"}, {"source": 40, "target": 6, "label": "E"}, {"source": 42, "target": 10, "label": "R"}, {"source": 38, "target": 2, "label": "F"}, {"source": 37, "target": 23, "label": "L"}]} +{"id": "057386-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Love the soups.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "057644-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "find another place", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "057644-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Run down.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "057644-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dark, dark main room.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "057644-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No way to read/relax.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 7, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "057644-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "'Electric' blanket on one bed did not heat.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "Q"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 1, "label": "E"}, {"source": 12, "target": 10, "label": "U"}, {"source": 12, "target": 9, "label": "P"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 0, "label": "U"}, {"source": 12, "target": 7, "label": "F"}, {"source": 13, "target": 2, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 8, "label": "D"}]} +{"id": "057644-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quite cold.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "057644-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Removing 90% of 'sit-abouts' in main room would look cleaner.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}, {"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 12, "label": "G"}, {"source": 17, "target": 15, "label": "A"}, {"source": 17, "target": 14, "label": "U"}, {"source": 19, "target": 4, "label": "U"}, {"source": 15, "target": 0, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 13, "label": "S"}, {"source": 19, "target": 3, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 5, "target": 6, "label": "U"}, {"source": 18, "target": 1, "label": "Q"}, {"source": 20, "target": 8, "label": "R"}, {"source": 15, "target": 19, "label": "A"}, {"source": 19, "target": 18, "label": "Q"}, {"source": 17, "target": 11, "label": "D"}, {"source": 19, "target": 7, "label": "U"}, {"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 9, "label": "E"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "058009-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It taste better than In and Out....", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}, {"from": 24, "to": 27}, {"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "G"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 7, "target": 3, "label": "L"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "058274-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food - very good for a midnight meal that isn't fast food.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "D"}, {"source": 14, "target": 3, "label": "S"}, {"source": 14, "target": 1, "label": "U"}, {"source": 16, "target": 6, "label": "T"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "F"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 4, "label": "L"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 2, "label": "D"}, {"source": 15, "target": 8, "label": "L"}, {"source": 19, "target": 11, "label": "E"}]} +{"id": "058274-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service - the workers are usually pleasant.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 5, "label": "T"}, {"source": 8, "target": 0, "label": "P"}, {"source": 11, "target": 10, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 10, "label": "S"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 3, "label": "C"}]} +{"id": "058274-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Atmosphere is always fun, the assortment of customers adds entertainment to the meal", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "D"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "T"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 0, "label": "S"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 7, "label": "R"}, {"source": 19, "target": 13, "label": "C"}, {"source": 18, "target": 11, "label": "R"}, {"source": 14, "target": 3, "label": "D"}, {"source": 19, "target": 12, "label": "F"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 19, "label": "P"}]} +{"id": "058878-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice little locally owned greek bar and grill.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "S"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 6, "label": "N"}, {"source": 11, "target": 1, "label": "S"}, {"source": 11, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 14, "label": "C"}, {"source": 12, "target": 2, "label": "A"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "058878-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good food.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "058878-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great wings!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "059005-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I <3 Max's", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}, {"from": 8, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 5, "target": 2, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "059005-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent bagels and excellent service!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 6, "label": "E"}, {"source": 6, "target": 0, "label": "S"}, {"source": 10, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "L"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 6, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 3, "label": "D"}]} +{"id": "059005-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I go in about every morning to get bagels for myself or my co-workers and the employees at Max's are great!!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}, {"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 22, "target": 2, "label": "D"}, {"source": 32, "target": 17, "label": "R"}, {"source": 27, "target": 9, "label": "R"}, {"source": 32, "target": 18, "label": "C"}, {"source": 26, "target": 8, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 31, "target": 21, "label": "U"}, {"source": 30, "target": 29, "label": "A"}, {"source": 23, "target": 6, "label": "L"}, {"source": 31, "target": 30, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 24, "target": 3, "label": "E"}, {"source": 27, "target": 28, "label": "C"}, {"source": 31, "target": 19, "label": "F"}, {"source": 23, "target": 31, "label": "H"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 25, "label": "T"}, {"source": 29, "target": 15, "label": "F"}, {"source": 23, "target": 26, "label": "H"}, {"source": 31, "target": 20, "label": "S"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 23, "target": 14, "label": "L"}, {"source": 26, "target": 7, "label": "P"}, {"source": 27, "target": 11, "label": "N"}, {"source": 30, "target": 29, "label": "S"}, {"source": 28, "target": 13, "label": "S"}, {"source": 28, "target": 12, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "A"}]} +{"id": "059005-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are friendly and fast.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "F"}, {"source": 8, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 7, "target": 3, "label": "L"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "059005-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have never had a problem with their hours because I always go during the mornings.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 13, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 11, "label": "T"}, {"source": 17, "target": 2, "label": "D"}, {"source": 22, "target": 23, "label": "T"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "R"}, {"source": 22, "target": 12, "label": "P"}, {"source": 19, "target": 4, "label": "F"}, {"source": 18, "target": 9, "label": "L"}, {"source": 17, "target": 1, "label": "F"}, {"source": 21, "target": 7, "label": "S"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "T"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 19, "label": "S"}]} +{"id": "059005-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are great!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "059088-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Cigar lounge on the blouvard.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "059088-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Encino has been blessed by the opening of this smoke shop most definately.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 7, "label": "R"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 3, "label": "S"}, {"source": 16, "target": 17, "label": "P"}, {"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 4, "label": "R"}, {"source": 17, "target": 6, "label": "C"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 15, "target": 19, "label": "G"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "059088-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you mention the name Amir you will receive %10 off at time of purchase", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 10, "label": "Q"}, {"source": 21, "target": 22, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 8, "label": "P"}, {"source": 16, "target": 0, "label": "L"}, {"source": 22, "target": 14, "label": "R"}, {"source": 21, "target": 12, "label": "R"}, {"source": 20, "target": 9, "label": "C"}, {"source": 22, "target": 15, "label": "P"}, {"source": 19, "target": 6, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 4, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 11, "label": "R"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "F"}]} +{"id": "059386-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best YET!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "T"}]} +{"id": "059386-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We go to Japaneiro's all the time and we have NEVER been disappointed!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}, {"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 18, "target": 11, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 4, "label": "Q"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 12, "label": "S"}, {"source": 14, "target": 17, "label": "T"}, {"source": 18, "target": 8, "label": "A"}, {"source": 18, "target": 10, "label": "T"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "C"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "C"}]} +{"id": "059386-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wait staff is always ready to help if you can't decide (which happens every time for me d/t the huge menu of rolls) and always courteous!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}, {"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 136}]}, {"id": 30, "anchors": [{"from": 136, "to": 137}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 23, "label": "C"}, {"source": 32, "target": 31, "label": "P"}, {"source": 32, "target": 3, "label": "T"}, {"source": 41, "target": 24, "label": "R"}, {"source": 31, "target": 1, "label": "C"}, {"source": 38, "target": 18, "label": "C"}, {"source": 35, "target": 9, "label": "D"}, {"source": 42, "target": 31, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 10, "label": "D"}, {"source": 36, "target": 14, "label": "P"}, {"source": 32, "target": 2, "label": "F"}, {"source": 34, "target": 5, "label": "F"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 4, "label": "E"}, {"source": 38, "target": 17, "label": "R"}, {"source": 32, "target": 31, "label": "A"}, {"source": 36, "target": 38, "label": "A"}, {"source": 42, "target": 30, "label": "U"}, {"source": 39, "target": 22, "label": "S"}, {"source": 33, "target": 7, "label": "L"}, {"source": 33, "target": 12, "label": "U"}, {"source": 31, "target": 0, "label": "E"}, {"source": 33, "target": 35, "label": "H"}, {"source": 33, "target": 36, "label": "H"}, {"source": 42, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "E"}, {"source": 33, "target": 39, "label": "H"}, {"source": 32, "target": 34, "label": "D"}, {"source": 42, "target": 29, "label": "D"}, {"source": 40, "target": 21, "label": "F"}, {"source": 19, "target": 20, "label": "U"}, {"source": 33, "target": 19, "label": "L"}, {"source": 34, "target": 6, "label": "C"}, {"source": 35, "target": 11, "label": "P"}, {"source": 41, "target": 25, "label": "C"}, {"source": 33, "target": 27, "label": "L"}, {"source": 33, "target": 42, "label": "H"}, {"source": 42, "target": 28, "label": "T"}, {"source": 37, "target": 16, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 8, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 15, "label": "Q"}, {"source": 33, "target": 13, "label": "L"}, {"source": 33, "target": 26, "label": "U"}]} +{"id": "059386-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Soooo tasty!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "059416-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent food, fantastic wait staff", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 5, "label": "A"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "059416-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recently threw a surprise birthday party for my wife at Fraiser's.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}, {"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "F"}, {"source": 16, "target": 9, "label": "S"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 8, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 5, "label": "T"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 4, "label": "D"}, {"source": 16, "target": 9, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 1, "label": "T"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "059416-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had 30 guests for the event, and everyone came away from the evening impressed with not only the food, but the outstanding service as well.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}, {"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 136}, {"from": 137, "to": 141}]}, {"id": 26, "anchors": [{"from": 141, "to": 142}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 10, "label": "C"}, {"source": 28, "target": 7, "label": "U"}, {"source": 34, "target": 14, "label": "T"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 12, "label": "R"}, {"source": 36, "target": 20, "label": "U"}, {"source": 27, "target": 1, "label": "S"}, {"source": 27, "target": 30, "label": "A"}, {"source": 38, "target": 21, "label": "R"}, {"source": 36, "target": 37, "label": "C"}, {"source": 29, "target": 2, "label": "Q"}, {"source": 29, "target": 3, "label": "C"}, {"source": 32, "target": 9, "label": "A"}, {"source": 37, "target": 17, "label": "R"}, {"source": 38, "target": 25, "label": "D"}, {"source": 32, "target": 33, "label": "P"}, {"source": 30, "target": 4, "label": "R"}, {"source": 30, "target": 31, "label": "P"}, {"source": 31, "target": 6, "label": "C"}, {"source": 34, "target": 14, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 38, "target": 23, "label": "D"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 22, "label": "F"}, {"source": 33, "target": 11, "label": "F"}, {"source": 38, "target": 39, "label": "P"}, {"source": 39, "target": 24, "label": "C"}, {"source": 28, "target": 35, "label": "H"}, {"source": 36, "target": 16, "label": "R"}, {"source": 35, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 5, "label": "F"}, {"source": 35, "target": 15, "label": "S"}, {"source": 28, "target": 32, "label": "H"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 38, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 37, "target": 18, "label": "F"}, {"source": 37, "target": 19, "label": "C"}, {"source": 38, "target": 26, "label": "U"}, {"source": 28, "target": 8, "label": "L"}, {"source": 34, "target": 13, "label": "F"}]} +{"id": "059416-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The management was easy to deal with during the planning stages, and the execution by the kitchen and wait staff was flawless.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 125}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 6, "label": "R"}, {"source": 26, "target": 24, "label": "A"}, {"source": 27, "target": 29, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 13, "label": "F"}, {"source": 29, "target": 28, "label": "P"}, {"source": 28, "target": 9, "label": "C"}, {"source": 32, "target": 35, "label": "H"}, {"source": 35, "target": 19, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 32, "target": 18, "label": "L"}, {"source": 32, "target": 15, "label": "R"}, {"source": 32, "target": 33, "label": "H"}, {"source": 25, "target": 2, "label": "F"}, {"source": 34, "target": 16, "label": "F"}, {"source": 28, "target": 8, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 21, "label": "F"}, {"source": 31, "target": 22, "label": "D"}, {"source": 33, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 11, "label": "U"}, {"source": 34, "target": 17, "label": "C"}, {"source": 27, "target": 12, "label": "L"}, {"source": 27, "target": 7, "label": "L"}, {"source": 25, "target": 4, "label": "F"}, {"source": 31, "target": 30, "label": "P"}, {"source": 31, "target": 23, "label": "U"}, {"source": 25, "target": 3, "label": "D"}, {"source": 26, "target": 24, "label": "S"}, {"source": 33, "target": 20, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 1, "label": "C"}, {"source": 27, "target": 31, "label": "H"}, {"source": 24, "target": 0, "label": "F"}, {"source": 25, "target": 5, "label": "P"}, {"source": 27, "target": 25, "label": "H"}, {"source": 29, "target": 10, "label": "T"}, {"source": 35, "target": 20, "label": "A"}, {"source": 30, "target": 14, "label": "C"}]} +{"id": "059416-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I highly recommend Fraiser's for anyone planning a special event for friends, family or business.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}, {"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 76}]}, {"id": 12, "anchors": [{"from": 76, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 96}]}, {"id": 16, "anchors": [{"from": 96, "to": 97}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 20, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "A"}, {"source": 20, "target": 6, "label": "P"}, {"source": 22, "target": 21, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "N"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 20, "label": "E"}, {"source": 23, "target": 12, "label": "U"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 22, "target": 8, "label": "D"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 19, "target": 5, "label": "C"}, {"source": 23, "target": 13, "label": "C"}, {"source": 23, "target": 10, "label": "R"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "059655-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the team at barton car wash was very friendly .", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 4, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 8, "label": "S"}, {"source": 10, "target": 12, "label": "D"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "U"}]} +{"id": "059655-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and did great job .", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "059655-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i was very pleased with the service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "P"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "059685-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fast and great service on pool covers", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 5, "label": "E"}, {"source": 9, "target": 7, "label": "D"}, {"source": 7, "target": 0, "label": "C"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "N"}]} +{"id": "060396-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best Thai food I've ever had in Australia, very fresh and so much favor of authentic Thai .", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 22, "target": 21, "label": "S"}, {"source": 27, "target": 12, "label": "S"}, {"source": 27, "target": 11, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 16, "label": "S"}, {"source": 23, "target": 13, "label": "L"}, {"source": 29, "target": 28, "label": "D"}, {"source": 31, "target": 18, "label": "S"}, {"source": 21, "target": 0, "label": "F"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 17, "label": "R"}, {"source": 25, "target": 6, "label": "T"}, {"source": 30, "target": 31, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 8, "label": "R"}, {"source": 25, "target": 7, "label": "P"}, {"source": 28, "target": 15, "label": "C"}, {"source": 23, "target": 10, "label": "U"}, {"source": 23, "target": 29, "label": "H"}, {"source": 21, "target": 1, "label": "C"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 5, "label": "F"}, {"source": 26, "target": 9, "label": "C"}, {"source": 25, "target": 4, "label": "A"}, {"source": 24, "target": 2, "label": "E"}, {"source": 31, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "060396-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The restaurant is the most beautiful thai restaurant in Geelong... just love it", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 5, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 17, "target": 4, "label": "D"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 6, "label": "E"}, {"source": 20, "target": 11, "label": "D"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "A"}, {"source": 19, "target": 8, "label": "R"}, {"source": 15, "target": 18, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "F"}, {"source": 20, "target": 12, "label": "S"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 2, "label": "S"}, {"source": 17, "target": 3, "label": "F"}, {"source": 18, "target": 17, "label": "E"}]} +{"id": "061079-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendliest place I have ever stayed!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 4, "label": "T"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "061721-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What a Dump!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "061721-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is terrible.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "061721-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The place smells and the owner is very very rude!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 16, "target": 9, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "D"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 3, "label": "L"}, {"source": 14, "target": 15, "label": "S"}, {"source": 17, "target": 7, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 15, "target": 4, "label": "F"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 14, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "061721-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I could go on and on!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "061721-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just don't go there.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 0, "label": "G"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "061768-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Horrible customer service.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 25, "to": 26}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "S"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "061768-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came in to get a nice gift for my wife.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 10, "label": "S"}, {"source": 13, "target": 3, "label": "L"}, {"source": 17, "target": 9, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "P"}, {"source": 16, "target": 6, "label": "S"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 7, "label": "C"}, {"source": 17, "target": 10, "label": "A"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "061768-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The one guy who was there, I'm guessing was the owner, was probably the least helpful person I've ever met.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 106}]}, {"id": 24, "anchors": [{"from": 106, "to": 107}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 25, "target": 1, "label": "Q"}, {"source": 25, "target": 2, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 9, "label": "P"}, {"source": 27, "target": 33, "label": "A"}, {"source": 31, "target": 11, "label": "F"}, {"source": 30, "target": 31, "label": "S"}, {"source": 32, "target": 18, "label": "S"}, {"source": 30, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 28, "label": "E"}, {"source": 28, "target": 4, "label": "F"}, {"source": 34, "target": 16, "label": "F"}, {"source": 35, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 8, "label": "F"}, {"source": 27, "target": 14, "label": "S"}, {"source": 31, "target": 12, "label": "C"}, {"source": 33, "target": 32, "label": "E"}, {"source": 32, "target": 34, "label": "D"}, {"source": 35, "target": 22, "label": "T"}, {"source": 33, "target": 19, "label": "C"}, {"source": 35, "target": 21, "label": "F"}, {"source": 34, "target": 17, "label": "C"}, {"source": 28, "target": 3, "label": "R"}, {"source": 28, "target": 5, "label": "S"}, {"source": 29, "target": 7, "label": "A"}, {"source": 32, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "F"}, {"source": 35, "target": 24, "label": "U"}, {"source": 26, "target": 27, "label": "H"}, {"source": 27, "target": 25, "label": "A"}, {"source": 35, "target": 23, "label": "P"}, {"source": 30, "target": 10, "label": "F"}, {"source": 27, "target": 13, "label": "U"}, {"source": 25, "target": 29, "label": "E"}, {"source": 25, "target": 6, "label": "U"}, {"source": 28, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 20, "label": "A"}, {"source": 33, "target": 35, "label": "E"}, {"source": 32, "target": 15, "label": "G"}]} +{"id": "061768-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But thankfully there are other flowers shops around Norman.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 0, "label": "L"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 2, "label": "S"}, {"source": 11, "target": 1, "label": "G"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "062167-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly Recommend", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "062167-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I work as a Transformational Life Coach.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "E"}]} +{"id": "062167-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Since this is an alternative therapy I always refer clients to a lisenced therapist when I feel that is appropriate.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 115}]}, {"id": 20, "anchors": [{"from": 115, "to": 116}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 19, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 12, "label": "D"}, {"source": 25, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 29, "target": 16, "label": "S"}, {"source": 21, "target": 0, "label": "L"}, {"source": 25, "target": 27, "label": "A"}, {"source": 29, "target": 15, "label": "A"}, {"source": 28, "target": 11, "label": "F"}, {"source": 27, "target": 10, "label": "R"}, {"source": 30, "target": 17, "label": "A"}, {"source": 22, "target": 1, "label": "A"}, {"source": 30, "target": 20, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 4, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 9, "label": "S"}, {"source": 25, "target": 6, "label": "A"}, {"source": 24, "target": 5, "label": "C"}, {"source": 25, "target": 7, "label": "T"}, {"source": 21, "target": 29, "label": "H"}, {"source": 28, "target": 13, "label": "C"}, {"source": 24, "target": 3, "label": "F"}, {"source": 27, "target": 28, "label": "P"}, {"source": 23, "target": 24, "label": "P"}, {"source": 30, "target": 18, "label": "F"}, {"source": 26, "target": 9, "label": "A"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "062167-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I found her through a colleague one day when one of my clients was in the midst of a panic attack and needed professional help that I am not qualified to provide.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 43, "target": 22, "label": "D"}, {"source": 43, "target": 23, "label": "D"}, {"source": 39, "target": 38, "label": "D"}, {"source": 41, "target": 17, "label": "R"}, {"source": 42, "target": 19, "label": "E"}, {"source": 37, "target": 7, "label": "C"}, {"source": 43, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 30, "label": "F"}, {"source": 44, "target": 45, "label": "A"}, {"source": 38, "target": 9, "label": "C"}, {"source": 42, "target": 18, "label": "F"}, {"source": 41, "target": 14, "label": "R"}, {"source": 37, "target": 6, "label": "E"}, {"source": 45, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "T"}, {"source": 33, "target": 35, "label": "A"}, {"source": 39, "target": 11, "label": "A"}, {"source": 43, "target": 24, "label": "P"}, {"source": 42, "target": 20, "label": "C"}, {"source": 33, "target": 2, "label": "A"}, {"source": 44, "target": 29, "label": "S"}, {"source": 45, "target": 32, "label": "U"}, {"source": 33, "target": 37, "label": "T"}, {"source": 34, "target": 21, "label": "L"}, {"source": 38, "target": 9, "label": "Q"}, {"source": 39, "target": 12, "label": "A"}, {"source": 33, "target": 0, "label": "A"}, {"source": 44, "target": 28, "label": "D"}, {"source": 40, "target": 39, "label": "A"}, {"source": 36, "target": 4, "label": "F"}, {"source": 35, "target": 3, "label": "R"}, {"source": 45, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "A"}, {"source": 41, "target": 16, "label": "C"}, {"source": 44, "target": 26, "label": "A"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 42, "label": "P"}, {"source": 35, "target": 36, "label": "S"}, {"source": 34, "target": 8, "label": "L"}, {"source": 44, "target": 27, "label": "F"}, {"source": 40, "target": 13, "label": "F"}, {"source": 41, "target": 15, "label": "F"}, {"source": 33, "target": 1, "label": "P"}, {"source": 45, "target": 31, "label": "P"}, {"source": 38, "target": 10, "label": "R"}, {"source": 34, "target": 44, "label": "H"}, {"source": 34, "target": 43, "label": "H"}, {"source": 34, "target": 25, "label": "L"}, {"source": 39, "target": 12, "label": "S"}, {"source": 36, "target": 5, "label": "C"}]} +{"id": "062167-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Little did I know that I would soon be needing her help as well!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}, {"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 7, "label": "T"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 4, "label": "R"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 0, "label": "D"}, {"source": 16, "target": 13, "label": "U"}, {"source": 16, "target": 12, "label": "D"}, {"source": 15, "target": 2, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 15, "target": 3, "label": "P"}, {"source": 17, "target": 10, "label": "A"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "062167-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She guided me through a very difficult period dealing with a family member's suicide, coupled with elder abuse.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 93}, {"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 110}]}, {"id": 19, "anchors": [{"from": 110, "to": 111}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 17, "label": "A"}, {"source": 26, "target": 9, "label": "R"}, {"source": 28, "target": 13, "label": "R"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 29, "label": "H"}, {"source": 25, "target": 15, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 10, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 29, "target": 19, "label": "U"}, {"source": 20, "target": 21, "label": "H"}, {"source": 29, "target": 18, "label": "P"}, {"source": 28, "target": 27, "label": "S"}, {"source": 26, "target": 14, "label": "P"}, {"source": 28, "target": 11, "label": "A"}, {"source": 22, "target": 3, "label": "R"}, {"source": 22, "target": 4, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 8, "label": "P"}, {"source": 22, "target": 25, "label": "E"}, {"source": 23, "target": 5, "label": "E"}, {"source": 21, "target": 1, "label": "P"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "062167-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found her to be extremely solid, kind, compassionate, and intuitive as well.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}, {"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 8, "label": "S"}, {"source": 18, "target": 6, "label": "S"}, {"source": 18, "target": 2, "label": "A"}, {"source": 20, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 10, "label": "S"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 14, "label": "L"}, {"source": 19, "target": 15, "label": "U"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 5, "label": "D"}, {"source": 22, "target": 13, "label": "S"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "H"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "F"}, {"source": 19, "target": 7, "label": "U"}, {"source": 19, "target": 9, "label": "U"}, {"source": 19, "target": 11, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "062167-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend her highly!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}]} +{"id": "063347-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "a great vacation!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "063347-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We wanted to see the sun - and we also got much more!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 4, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 10, "label": "P"}, {"source": 18, "target": 8, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 6, "label": "U"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "063347-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent chefs are in the kitchen preparing memorable breakfasts.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 65}]}, {"id": 9, "anchors": [{"from": 65, "to": 66}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 1, "label": "A"}, {"source": 13, "target": 6, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "R"}]} +{"id": "063347-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After a train ride over the mountains, we enjoyed hiking in the flower-filled Wenatchee hills (in May) and a very interesting bike ride in a loop around the Columbia River...and then wine if we wanted it on the patio in the evening....", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 171}]}, {"id": 35, "anchors": [{"from": 171, "to": 174}]}, {"id": 36, "anchors": [{"from": 174, "to": 177}, {"from": 178, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 187}]}, {"id": 38, "anchors": [{"from": 188, "to": 190}]}, {"id": 39, "anchors": [{"from": 191, "to": 193}]}, {"id": 40, "anchors": [{"from": 194, "to": 200}]}, {"id": 41, "anchors": [{"from": 201, "to": 203}]}, {"id": 42, "anchors": [{"from": 204, "to": 206}]}, {"id": 43, "anchors": [{"from": 207, "to": 210}]}, {"id": 44, "anchors": [{"from": 211, "to": 216}]}, {"id": 45, "anchors": [{"from": 217, "to": 219}]}, {"id": 46, "anchors": [{"from": 220, "to": 223}]}, {"id": 47, "anchors": [{"from": 224, "to": 231}]}, {"id": 48, "anchors": [{"from": 231, "to": 235}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 58, "target": 59, "label": "D"}, {"source": 49, "target": 38, "label": "L"}, {"source": 53, "target": 10, "label": "P"}, {"source": 64, "target": 42, "label": "R"}, {"source": 51, "target": 50, "label": "P"}, {"source": 54, "target": 16, "label": "E"}, {"source": 49, "target": 51, "label": "H"}, {"source": 53, "target": 18, "label": "U"}, {"source": 65, "target": 45, "label": "R"}, {"source": 55, "target": 14, "label": "U"}, {"source": 55, "target": 13, "label": "A"}, {"source": 65, "target": 47, "label": "C"}, {"source": 49, "target": 35, "label": "U"}, {"source": 58, "target": 60, "label": "A"}, {"source": 54, "target": 11, "label": "R"}, {"source": 54, "target": 12, "label": "F"}, {"source": 54, "target": 17, "label": "C"}, {"source": 49, "target": 0, "label": "L"}, {"source": 63, "target": 41, "label": "A"}, {"source": 64, "target": 43, "label": "F"}, {"source": 52, "target": 4, "label": "R"}, {"source": 49, "target": 7, "label": "U"}, {"source": 62, "target": 65, "label": "T"}, {"source": 53, "target": 8, "label": "A"}, {"source": 58, "target": 26, "label": "A"}, {"source": 49, "target": 22, "label": "L"}, {"source": 57, "target": 23, "label": "F"}, {"source": 49, "target": 36, "label": "L"}, {"source": 53, "target": 54, "label": "A"}, {"source": 61, "target": 32, "label": "F"}, {"source": 62, "target": 64, "label": "A"}, {"source": 59, "target": 24, "label": "E"}, {"source": 54, "target": 55, "label": "E"}, {"source": 52, "target": 5, "label": "F"}, {"source": 64, "target": 44, "label": "C"}, {"source": 52, "target": 6, "label": "C"}, {"source": 49, "target": 58, "label": "H"}, {"source": 58, "target": 57, "label": "P"}, {"source": 50, "target": 1, "label": "F"}, {"source": 61, "target": 31, "label": "R"}, {"source": 59, "target": 25, "label": "C"}, {"source": 53, "target": 56, "label": "T"}, {"source": 49, "target": 21, "label": "U"}, {"source": 60, "target": 61, "label": "E"}, {"source": 60, "target": 28, "label": "R"}, {"source": 49, "target": 63, "label": "H"}, {"source": 56, "target": 19, "label": "R"}, {"source": 62, "target": 37, "label": "A"}, {"source": 61, "target": 34, "label": "C"}, {"source": 51, "target": 2, "label": "A"}, {"source": 63, "target": 39, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 49, "target": 62, "label": "H"}, {"source": 60, "target": 29, "label": "F"}, {"source": 55, "target": 15, "label": "S"}, {"source": 65, "target": 48, "label": "U"}, {"source": 50, "target": 3, "label": "C"}, {"source": 57, "target": 27, "label": "C"}, {"source": 53, "target": 9, "label": "G"}, {"source": 61, "target": 33, "label": "E"}, {"source": 49, "target": 53, "label": "H"}, {"source": 65, "target": 46, "label": "F"}, {"source": 63, "target": 40, "label": "P"}, {"source": 56, "target": 20, "label": "C"}, {"source": 60, "target": 30, "label": "C"}]} +{"id": "063347-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a busy group of hosts they are also running a restaurant, which also must be wonderful - so just ask for what you need, and I'm sure they will do their best to be hospitable.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 126}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}]}, {"id": 30, "anchors": [{"from": 133, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 145}]}, {"id": 33, "anchors": [{"from": 146, "to": 150}]}, {"id": 34, "anchors": [{"from": 151, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 164}]}, {"id": 37, "anchors": [{"from": 165, "to": 167}]}, {"id": 38, "anchors": [{"from": 168, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 181}]}, {"id": 40, "anchors": [{"from": 181, "to": 182}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 48, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 25, "label": "A"}, {"source": 42, "target": 51, "label": "H"}, {"source": 46, "target": 9, "label": "D"}, {"source": 50, "target": 23, "label": "R"}, {"source": 51, "target": 30, "label": "F"}, {"source": 45, "target": 5, "label": "R"}, {"source": 46, "target": 7, "label": "A"}, {"source": 50, "target": 26, "label": "P"}, {"source": 44, "target": 6, "label": "C"}, {"source": 53, "target": 35, "label": "E"}, {"source": 42, "target": 27, "label": "U"}, {"source": 52, "target": 37, "label": "F"}, {"source": 50, "target": 24, "label": "A"}, {"source": 53, "target": 36, "label": "C"}, {"source": 47, "target": 11, "label": "F"}, {"source": 47, "target": 12, "label": "C"}, {"source": 52, "target": 53, "label": "D"}, {"source": 51, "target": 31, "label": "S"}, {"source": 46, "target": 8, "label": "F"}, {"source": 42, "target": 41, "label": "H"}, {"source": 46, "target": 47, "label": "A"}, {"source": 48, "target": 18, "label": "S"}, {"source": 44, "target": 2, "label": "F"}, {"source": 43, "target": 3, "label": "D"}, {"source": 52, "target": 40, "label": "U"}, {"source": 42, "target": 13, "label": "U"}, {"source": 42, "target": 48, "label": "H"}, {"source": 42, "target": 46, "label": "H"}, {"source": 41, "target": 43, "label": "A"}, {"source": 52, "target": 39, "label": "S"}, {"source": 48, "target": 17, "label": "F"}, {"source": 49, "target": 50, "label": "A"}, {"source": 42, "target": 20, "label": "L"}, {"source": 45, "target": 4, "label": "C"}, {"source": 52, "target": 34, "label": "F"}, {"source": 43, "target": 45, "label": "D"}, {"source": 46, "target": 10, "label": "P"}, {"source": 42, "target": 49, "label": "H"}, {"source": 49, "target": 22, "label": "P"}, {"source": 52, "target": 32, "label": "A"}, {"source": 43, "target": 44, "label": "P"}, {"source": 42, "target": 14, "label": "L"}, {"source": 51, "target": 52, "label": "A"}, {"source": 42, "target": 28, "label": "L"}, {"source": 43, "target": 44, "label": "A"}, {"source": 48, "target": 15, "label": "D"}, {"source": 52, "target": 33, "label": "F"}, {"source": 51, "target": 29, "label": "A"}, {"source": 42, "target": 19, "label": "U"}, {"source": 41, "target": 0, "label": "A"}, {"source": 48, "target": 16, "label": "D"}, {"source": 52, "target": 38, "label": "F"}, {"source": 49, "target": 21, "label": "D"}, {"source": 41, "target": 1, "label": "S"}]} +{"id": "063549-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best food in northeast", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "063549-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Theres a reason why Frank mcclelland was named best chef of the north east reigon.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}, {"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 4, "label": "H"}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 8, "label": "D"}, {"source": 20, "target": 9, "label": "A"}, {"source": 17, "target": 0, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 18, "label": "S"}, {"source": 19, "target": 6, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 21, "target": 10, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 7, "label": "P"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 5, "label": "A"}]} +{"id": "063549-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food here is absolutely superb.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}]} +{"id": "063549-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everything is delicous and cooked perfectly.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "D"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "063549-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The waiting staff is beyond impeccable (they refold your napkin when you go to the bathroom).", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 5, "label": "S"}, {"source": 19, "target": 2, "label": "A"}, {"source": 19, "target": 1, "label": "P"}, {"source": 25, "target": 12, "label": "A"}, {"source": 22, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 20, "label": "H"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 3, "label": "F"}, {"source": 26, "target": 17, "label": "U"}, {"source": 23, "target": 9, "label": "S"}, {"source": 21, "target": 6, "label": "U"}, {"source": 25, "target": 13, "label": "P"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 20, "target": 4, "label": "D"}, {"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 7, "label": "A"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "063549-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you want great food then L'espalier is the place to go.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "E"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 6, "label": "A"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 8, "label": "F"}, {"source": 17, "target": 7, "label": "S"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 9, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 13, "target": 5, "label": "L"}, {"source": 19, "target": 10, "label": "F"}, {"source": 19, "target": 11, "label": "P"}, {"source": 14, "target": 1, "label": "A"}, {"source": 19, "target": 12, "label": "U"}, {"source": 18, "target": 19, "label": "E"}, {"source": 13, "target": 0, "label": "L"}]} +{"id": "063690-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This office is awesome!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "063690-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "everyone here is super friendly and efficient!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 4, "label": "S"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 5, "label": "L"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "063690-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "its great to know you can get great service, great product, and for the best price all in one!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 26, "target": 8, "label": "D"}, {"source": 27, "target": 29, "label": "H"}, {"source": 28, "target": 32, "label": "E"}, {"source": 32, "target": 19, "label": "Q"}, {"source": 30, "target": 31, "label": "S"}, {"source": 25, "target": 5, "label": "A"}, {"source": 27, "target": 30, "label": "H"}, {"source": 32, "target": 22, "label": "U"}, {"source": 30, "target": 15, "label": "R"}, {"source": 32, "target": 21, "label": "C"}, {"source": 24, "target": 2, "label": "D"}, {"source": 31, "target": 17, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 10, "label": "U"}, {"source": 32, "target": 20, "label": "R"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 11, "label": "S"}, {"source": 30, "target": 18, "label": "A"}, {"source": 25, "target": 6, "label": "D"}, {"source": 28, "target": 27, "label": "C"}, {"source": 26, "target": 9, "label": "P"}, {"source": 24, "target": 4, "label": "P"}, {"source": 25, "target": 7, "label": "P"}, {"source": 24, "target": 0, "label": "F"}, {"source": 27, "target": 26, "label": "H"}, {"source": 24, "target": 3, "label": "F"}, {"source": 29, "target": 12, "label": "A"}, {"source": 27, "target": 13, "label": "U"}, {"source": 31, "target": 16, "label": "F"}, {"source": 25, "target": 28, "label": "A"}, {"source": 27, "target": 14, "label": "L"}]} +{"id": "063690-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've referred everyone i know here and they all feel the same way!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 4, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 21, "target": 12, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 20, "label": "H"}, {"source": 17, "target": 18, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 6, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 3, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 16, "target": 7, "label": "L"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 9, "label": "Q"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "063690-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i'll be coming back for years to come!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}, {"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "T"}, {"source": 11, "target": 7, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "063754-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Chuck and Gretchen were very positive, and when Alan's refused to work on my bike, Chuck came right out and saw the problem and did what Alan's mechanic wouldn't do.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}, {"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 141}, {"from": 141, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 158}]}, {"id": 31, "anchors": [{"from": 158, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 164}]}, {"id": 33, "anchors": [{"from": 164, "to": 165}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 40, "target": 14, "label": "S"}, {"source": 47, "target": 27, "label": "C"}, {"source": 42, "target": 19, "label": "E"}, {"source": 36, "target": 43, "label": "H"}, {"source": 48, "target": 29, "label": "P"}, {"source": 34, "target": 2, "label": "C"}, {"source": 36, "target": 8, "label": "L"}, {"source": 37, "target": 38, "label": "A"}, {"source": 41, "target": 18, "label": "P"}, {"source": 40, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 1, "label": "N"}, {"source": 37, "target": 10, "label": "P"}, {"source": 49, "target": 31, "label": "D"}, {"source": 38, "target": 12, "label": "P"}, {"source": 46, "target": 26, "label": "P"}, {"source": 46, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 20, "label": "C"}, {"source": 36, "target": 41, "label": "H"}, {"source": 46, "target": 47, "label": "A"}, {"source": 49, "target": 33, "label": "U"}, {"source": 38, "target": 11, "label": "F"}, {"source": 49, "target": 30, "label": "D"}, {"source": 48, "target": 28, "label": "A"}, {"source": 48, "target": 29, "label": "A"}, {"source": 41, "target": 42, "label": "D"}, {"source": 35, "target": 34, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 43, "target": 22, "label": "P"}, {"source": 36, "target": 16, "label": "U"}, {"source": 35, "target": 5, "label": "S"}, {"source": 49, "target": 32, "label": "P"}, {"source": 49, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 25, "label": "L"}, {"source": 36, "target": 21, "label": "L"}, {"source": 39, "target": 40, "label": "E"}, {"source": 44, "target": 45, "label": "S"}, {"source": 37, "target": 9, "label": "A"}, {"source": 45, "target": 24, "label": "C"}, {"source": 49, "target": 48, "label": "A"}, {"source": 41, "target": 17, "label": "A"}, {"source": 39, "target": 13, "label": "R"}, {"source": 36, "target": 37, "label": "H"}, {"source": 34, "target": 0, "label": "C"}, {"source": 35, "target": 3, "label": "F"}, {"source": 36, "target": 7, "label": "L"}, {"source": 39, "target": 15, "label": "C"}, {"source": 36, "target": 6, "label": "U"}, {"source": 43, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 46, "label": "H"}, {"source": 47, "target": 49, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 36, "target": 35, "label": "H"}, {"source": 45, "target": 23, "label": "F"}, {"source": 35, "target": 4, "label": "D"}, {"source": 38, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "063754-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He worked on it right on the back of my car.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 16, "target": 10, "label": "C"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 17, "target": 6, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "E"}, {"source": 16, "target": 15, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "063754-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am extremely pleased", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "S"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "063963-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't waste your time or money!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "C"}, {"source": 9, "target": 2, "label": "P"}, {"source": 11, "target": 10, "label": "E"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 9, "target": 1, "label": "D"}, {"source": 12, "target": 4, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 12, "target": 5, "label": "N"}, {"source": 10, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "063963-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I took my 3 year old son here at the weekend and to be honest, apart from the shark walkway, I thought it was rubbish and overpriced.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}, {"from": 52, "to": 54}, {"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 132}]}, {"id": 27, "anchors": [{"from": 132, "to": 133}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 37, "target": 36, "label": "E"}, {"source": 29, "target": 11, "label": "L"}, {"source": 33, "target": 10, "label": "C"}, {"source": 34, "target": 20, "label": "A"}, {"source": 28, "target": 30, "label": "A"}, {"source": 36, "target": 17, "label": "E"}, {"source": 34, "target": 21, "label": "P"}, {"source": 30, "target": 2, "label": "A"}, {"source": 38, "target": 37, "label": "A"}, {"source": 38, "target": 23, "label": "F"}, {"source": 40, "target": 26, "label": "S"}, {"source": 37, "target": 22, "label": "C"}, {"source": 36, "target": 18, "label": "C"}, {"source": 30, "target": 6, "label": "S"}, {"source": 32, "target": 31, "label": "T"}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 5, "label": "S"}, {"source": 34, "target": 19, "label": "U"}, {"source": 35, "target": 15, "label": "R"}, {"source": 29, "target": 34, "label": "H"}, {"source": 39, "target": 25, "label": "L"}, {"source": 31, "target": 4, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 33, "target": 8, "label": "R"}, {"source": 29, "target": 28, "label": "H"}, {"source": 28, "target": 7, "label": "A"}, {"source": 34, "target": 39, "label": "A"}, {"source": 40, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 3, "label": "Q"}, {"source": 36, "target": 16, "label": "F"}, {"source": 36, "target": 35, "label": "E"}, {"source": 39, "target": 40, "label": "H"}, {"source": 38, "target": 24, "label": "S"}, {"source": 40, "target": 27, "label": "U"}, {"source": 39, "target": 38, "label": "H"}, {"source": 34, "target": 13, "label": "U"}, {"source": 34, "target": 12, "label": "G"}, {"source": 28, "target": 1, "label": "P"}, {"source": 28, "target": 33, "label": "T"}, {"source": 35, "target": 14, "label": "C"}, {"source": 33, "target": 9, "label": "F"}]} +{"id": "063963-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even taking into account the fact that my 3 year old wanted to run most of the way round, it took us just over one hour start to finish.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 135}]}, {"id": 30, "anchors": [{"from": 135, "to": 136}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 40, "target": 20, "label": "A"}, {"source": 32, "target": 1, "label": "F"}, {"source": 33, "target": 34, "label": "A"}, {"source": 41, "target": 24, "label": "R"}, {"source": 31, "target": 40, "label": "H"}, {"source": 36, "target": 7, "label": "A"}, {"source": 41, "target": 26, "label": "C"}, {"source": 42, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 16, "label": "F"}, {"source": 34, "target": 35, "label": "E"}, {"source": 43, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 11, "label": "D"}, {"source": 31, "target": 0, "label": "L"}, {"source": 40, "target": 21, "label": "P"}, {"source": 40, "target": 41, "label": "T"}, {"source": 39, "target": 17, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 31, "target": 33, "label": "H"}, {"source": 31, "target": 19, "label": "U"}, {"source": 42, "target": 27, "label": "P"}, {"source": 35, "target": 13, "label": "P"}, {"source": 34, "target": 5, "label": "C"}, {"source": 33, "target": 32, "label": "P"}, {"source": 35, "target": 6, "label": "R"}, {"source": 37, "target": 9, "label": "C"}, {"source": 31, "target": 28, "label": "L"}, {"source": 34, "target": 4, "label": "F"}, {"source": 43, "target": 29, "label": "P"}, {"source": 32, "target": 2, "label": "R"}, {"source": 43, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 14, "label": "Q"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 3, "label": "C"}, {"source": 42, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 42, "label": "H"}, {"source": 39, "target": 15, "label": "R"}, {"source": 38, "target": 10, "label": "S"}, {"source": 41, "target": 25, "label": "Q"}, {"source": 40, "target": 23, "label": "D"}, {"source": 35, "target": 39, "label": "A"}, {"source": 38, "target": 37, "label": "T"}, {"source": 31, "target": 43, "label": "H"}, {"source": 40, "target": 22, "label": "A"}, {"source": 39, "target": 18, "label": "E"}, {"source": 35, "target": 12, "label": "F"}, {"source": 43, "target": 30, "label": "U"}, {"source": 37, "target": 8, "label": "Q"}]} +{"id": "063963-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you have been to the London Aquarium I would not even bother with this.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 0, "label": "L"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 9, "label": "D"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 8, "label": "A"}, {"source": 19, "target": 11, "label": "D"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 13, "label": "R"}, {"source": 18, "target": 4, "label": "R"}, {"source": 17, "target": 3, "label": "P"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 14, "label": "C"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "063963-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you are really desperate for something to pass the time and are willing to shell out the best part of £30 for 2 two people then go for it.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}, {"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 133}, {"from": 134, "to": 137}, {"from": 138, "to": 140}]}, {"id": 28, "anchors": [{"from": 140, "to": 141}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 29, "target": 11, "label": "L"}, {"source": 34, "target": 15, "label": "P"}, {"source": 36, "target": 20, "label": "C"}, {"source": 33, "target": 10, "label": "C"}, {"source": 34, "target": 13, "label": "D"}, {"source": 37, "target": 25, "label": "C"}, {"source": 38, "target": 23, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 33, "label": "T"}, {"source": 39, "target": 28, "label": "U"}, {"source": 34, "target": 14, "label": "F"}, {"source": 39, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 12, "label": "F"}, {"source": 30, "target": 4, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 34, "label": "H"}, {"source": 34, "target": 37, "label": "A"}, {"source": 31, "target": 6, "label": "C"}, {"source": 39, "target": 27, "label": "P"}, {"source": 38, "target": 24, "label": "C"}, {"source": 29, "target": 30, "label": "H"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "Q"}, {"source": 34, "target": 36, "label": "A"}, {"source": 37, "target": 22, "label": "R"}, {"source": 36, "target": 21, "label": "Q"}, {"source": 32, "target": 7, "label": "R"}, {"source": 29, "target": 39, "label": "H"}, {"source": 29, "target": 0, "label": "L"}, {"source": 30, "target": 3, "label": "D"}, {"source": 30, "target": 2, "label": "F"}, {"source": 35, "target": 17, "label": "E"}, {"source": 35, "target": 18, "label": "C"}, {"source": 31, "target": 5, "label": "R"}, {"source": 29, "target": 26, "label": "L"}, {"source": 35, "target": 16, "label": "F"}, {"source": 32, "target": 8, "label": "P"}, {"source": 36, "target": 35, "label": "Q"}, {"source": 34, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 1, "label": "A"}, {"source": 33, "target": 9, "label": "F"}]} +{"id": "063963-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(For some reason itwill not let me rate it one star - it is not rated 5 by me!)", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}, {"from": 5, "to": 9}, {"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 77}]}, {"id": 19, "anchors": [{"from": 77, "to": 78}]}, {"id": 20, "anchors": [{"from": 78, "to": 79}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 25, "target": 16, "label": "Q"}, {"source": 24, "target": 12, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "Q"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 11, "label": "U"}, {"source": 22, "target": 4, "label": "D"}, {"source": 21, "target": 0, "label": "U"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 5, "label": "D"}, {"source": 25, "target": 10, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 14, "label": "D"}, {"source": 24, "target": 13, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 26, "target": 17, "label": "R"}, {"source": 22, "target": 2, "label": "A"}, {"source": 26, "target": 20, "label": "U"}, {"source": 22, "target": 8, "label": "A"}, {"source": 21, "target": 1, "label": "L"}, {"source": 26, "target": 18, "label": "C"}, {"source": 22, "target": 3, "label": "F"}, {"source": 23, "target": 10, "label": "C"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "064100-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great spot to kick back for a cup of joe and a snack.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 6, "label": "Q"}, {"source": 21, "target": 12, "label": "U"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "L"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 20, "label": "H"}, {"source": 19, "target": 8, "label": "C"}, {"source": 14, "target": 0, "label": "S"}, {"source": 19, "target": 5, "label": "F"}, {"source": 21, "target": 11, "label": "C"}, {"source": 19, "target": 7, "label": "R"}, {"source": 17, "target": 3, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 1, "label": "C"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "064100-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cool ambience.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "064146-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Pizzas and Calzones in the City!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "S"}, {"source": 10, "target": 2, "label": "N"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "064146-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "What a hidden gem!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "064146-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is superb and they were delivered nice and hot!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "F"}, {"source": 16, "target": 8, "label": "S"}, {"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "L"}, {"source": 13, "target": 2, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 3, "label": "S"}, {"source": 15, "target": 5, "label": "A"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "L"}]} +{"id": "064146-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend this place!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "067423-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Doctor Hank is Amazing", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 3, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "F"}]} +{"id": "067423-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our family has been trusting Doctor Hank with our teeth for the last seven years.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 21, "target": 12, "label": "E"}, {"source": 21, "target": 13, "label": "Q"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 8, "label": "E"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 10, "label": "R"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 11, "label": "F"}, {"source": 18, "target": 21, "label": "T"}, {"source": 18, "target": 4, "label": "P"}, {"source": 18, "target": 16, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 1, "label": "A"}]} +{"id": "067423-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wouldn't go to anyone else.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "E"}]} +{"id": "067423-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everyone on staff is very professional and friendly.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 6, "label": "L"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 13, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 4, "label": "D"}, {"source": 12, "target": 2, "label": "A"}, {"source": 12, "target": 1, "label": "R"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 5, "label": "S"}, {"source": 13, "target": 7, "label": "S"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 12, "label": "E"}, {"source": 13, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "067826-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you're looking for homestyle Japanese food, you can't beat this", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 12, "label": "P"}, {"source": 17, "target": 13, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 11, "label": "D"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 1, "label": "A"}, {"source": 16, "target": 5, "label": "E"}]} +{"id": "068009-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Criminal Attorney Dallas", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 24}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "068009-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dallas Criminal Attorney Peter Barrett is absolutely committed to vigorously supporting your rights and achieving a successful outcome.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 30}, {"from": 31, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 52}]}, {"id": 6, "anchors": [{"from": 53, "to": 62}]}, {"id": 7, "anchors": [{"from": 63, "to": 65}]}, {"id": 8, "anchors": [{"from": 66, "to": 76}]}, {"id": 9, "anchors": [{"from": 77, "to": 87}]}, {"id": 10, "anchors": [{"from": 88, "to": 92}]}, {"id": 11, "anchors": [{"from": 93, "to": 99}]}, {"id": 12, "anchors": [{"from": 100, "to": 103}]}, {"id": 13, "anchors": [{"from": 104, "to": 113}]}, {"id": 14, "anchors": [{"from": 114, "to": 115}]}, {"id": 15, "anchors": [{"from": 116, "to": 126}]}, {"id": 16, "anchors": [{"from": 127, "to": 134}]}, {"id": 17, "anchors": [{"from": 134, "to": 135}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 15, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 5, "label": "D"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "C"}, {"source": 18, "target": 3, "label": "A"}, {"source": 20, "target": 6, "label": "P"}, {"source": 18, "target": 1, "label": "A"}, {"source": 23, "target": 11, "label": "S"}, {"source": 21, "target": 12, "label": "L"}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 22, "target": 9, "label": "P"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 24, "target": 25, "label": "P"}, {"source": 25, "target": 14, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 2, "label": "S"}, {"source": 22, "target": 8, "label": "D"}, {"source": 21, "target": 7, "label": "R"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 18, "label": "A"}]} +{"id": "068009-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As a qualified criminal defense attorney, he will work every possible legal \"angle\" (leaving no stone unturned) of your case to achieve the most favorable result possible.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 170}]}, {"id": 32, "anchors": [{"from": 170, "to": 171}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 41, "target": 17, "label": "P"}, {"source": 42, "target": 20, "label": "S"}, {"source": 33, "target": 25, "label": "L"}, {"source": 33, "target": 41, "label": "H"}, {"source": 46, "target": 27, "label": "F"}, {"source": 45, "target": 26, "label": "P"}, {"source": 44, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 43, "label": "E"}, {"source": 38, "target": 9, "label": "P"}, {"source": 43, "target": 24, "label": "C"}, {"source": 35, "target": 5, "label": "C"}, {"source": 40, "target": 12, "label": "E"}, {"source": 33, "target": 0, "label": "L"}, {"source": 33, "target": 45, "label": "H"}, {"source": 41, "target": 42, "label": "A"}, {"source": 34, "target": 35, "label": "S"}, {"source": 44, "target": 23, "label": "S"}, {"source": 33, "target": 21, "label": "U"}, {"source": 34, "target": 37, "label": "A"}, {"source": 45, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 1, "label": "F"}, {"source": 42, "target": 18, "label": "D"}, {"source": 33, "target": 34, "label": "H"}, {"source": 43, "target": 44, "label": "E"}, {"source": 47, "target": 46, "label": "P"}, {"source": 34, "target": 2, "label": "D"}, {"source": 48, "target": 28, "label": "E"}, {"source": 33, "target": 38, "label": "H"}, {"source": 45, "target": 47, "label": "A"}, {"source": 47, "target": 32, "label": "U"}, {"source": 38, "target": 7, "label": "A"}, {"source": 48, "target": 29, "label": "C"}, {"source": 38, "target": 8, "label": "F"}, {"source": 47, "target": 48, "label": "D"}, {"source": 46, "target": 30, "label": "C"}, {"source": 40, "target": 39, "label": "E"}, {"source": 40, "target": 14, "label": "C"}, {"source": 43, "target": 22, "label": "R"}, {"source": 33, "target": 6, "label": "U"}, {"source": 37, "target": 36, "label": "A"}, {"source": 36, "target": 3, "label": "A"}, {"source": 40, "target": 13, "label": "U"}, {"source": 42, "target": 19, "label": "A"}, {"source": 41, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 4, "label": "P"}, {"source": 36, "target": 3, "label": "S"}, {"source": 39, "target": 10, "label": "C"}, {"source": 33, "target": 16, "label": "U"}, {"source": 47, "target": 31, "label": "D"}, {"source": 33, "target": 15, "label": "U"}, {"source": 38, "target": 40, "label": "A"}, {"source": 39, "target": 11, "label": "E"}]} +{"id": "068436-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The worst Burger King restaurant!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 5, "target": 0, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "S"}, {"source": 8, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "068436-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I generally like the BK over the other fast serving restaurants; however, I regreted to visit this restaurant at my town.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 33, "target": 21, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 15, "label": "P"}, {"source": 31, "target": 19, "label": "C"}, {"source": 30, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "L"}, {"source": 27, "target": 10, "label": "C"}, {"source": 25, "target": 29, "label": "H"}, {"source": 30, "target": 16, "label": "R"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 26, "target": 3, "label": "F"}, {"source": 27, "target": 7, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 33, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 22, "label": "C"}, {"source": 28, "target": 9, "label": "P"}, {"source": 32, "target": 20, "label": "R"}, {"source": 32, "target": 33, "label": "E"}, {"source": 27, "target": 5, "label": "R"}, {"source": 28, "target": 8, "label": "D"}, {"source": 29, "target": 14, "label": "A"}, {"source": 30, "target": 17, "label": "P"}, {"source": 32, "target": 23, "label": "U"}, {"source": 25, "target": 13, "label": "U"}, {"source": 27, "target": 6, "label": "F"}, {"source": 27, "target": 28, "label": "E"}, {"source": 31, "target": 18, "label": "E"}, {"source": 25, "target": 11, "label": "U"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "068436-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a shame of my adorable town, Branford.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 8, "label": "U"}, {"source": 14, "target": 17, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 16, "target": 15, "label": "E"}, {"source": 12, "target": 13, "label": "S"}, {"source": 17, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 16, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "S"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 5, "label": "S"}]} +{"id": "068436-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I ordered a kid meal with a milk and found a bottle was half opened already.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 23, "target": 15, "label": "T"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 8, "label": "L"}, {"source": 22, "target": 10, "label": "F"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 2, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 13, "label": "D"}]} +{"id": "068436-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I asked them to change it but they rudely said that it was okay.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 2, "label": "A"}, {"source": 19, "target": 13, "label": "S"}, {"source": 18, "target": 9, "label": "P"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 5, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 19, "target": 11, "label": "A"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 10, "label": "R"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "068436-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Disgusting french fries is very best menu.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 3, "label": "D"}, {"source": 8, "target": 1, "label": "C"}, {"source": 7, "target": 0, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 8, "target": 7, "label": "E"}]} +{"id": "068436-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Don't go, or you will learn how to waste your money.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 3, "label": "U"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 8, "label": "D"}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 11, "label": "S"}, {"source": 18, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "L"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 0, "label": "D"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 7, "label": "P"}, {"source": 19, "target": 18, "label": "E"}, {"source": 14, "target": 1, "label": "D"}, {"source": 17, "target": 9, "label": "F"}]} +{"id": "069995-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "AMAZING NIGHT- Great Party Spot!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 3, "label": "D"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "T"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "U"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "069995-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Went to the Willow Lounge this past weekend for dinner and drinks...place is awesome.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 19, "label": "T"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 22, "target": 12, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 22, "target": 14, "label": "S"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "P"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 9, "label": "L"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 1, "label": "R"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "069995-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Had to keep in mind that the A/C broke, I feel bad it was their opening!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}, {"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 11, "label": "D"}, {"source": 22, "target": 12, "label": "A"}, {"source": 23, "target": 15, "label": "P"}, {"source": 21, "target": 9, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 0, "label": "D"}, {"source": 20, "target": 4, "label": "F"}, {"source": 19, "target": 3, "label": "R"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 5, "target": 6, "label": "U"}, {"source": 22, "target": 13, "label": "S"}, {"source": 19, "target": 7, "label": "P"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "A"}]} +{"id": "069995-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Anyway, once that is fixed, this place will be amazing.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 9, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 2, "label": "L"}, {"source": 14, "target": 11, "label": "S"}, {"source": 15, "target": 5, "label": "P"}, {"source": 14, "target": 10, "label": "F"}, {"source": 14, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "F"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 0, "label": "G"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 13, "target": 1, "label": "U"}, {"source": 15, "target": 3, "label": "A"}]} +{"id": "069995-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Drinks were awesome, prices reasonable, and staff friendly.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 9, "label": "D"}, {"source": 12, "target": 7, "label": "L"}, {"source": 13, "target": 4, "label": "A"}, {"source": 12, "target": 3, "label": "U"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 13, "target": 5, "label": "S"}, {"source": 14, "target": 8, "label": "S"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 8, "label": "A"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "069995-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is an awesome date spot that the area SERIOUSLY needs.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 15, "label": "E"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 6, "label": "L"}, {"source": 13, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "P"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 16, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 10, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 1, "label": "S"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "069995-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Check out The Willow Lounge, youll be happy!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}, {"from": 21, "to": 27}]}, {"id": 3, "anchors": [{"from": 27, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 3, "label": "U"}, {"source": 9, "target": 0, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "F"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "070492-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good, friendly, reasonable service", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "D"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 9, "target": 5, "label": "P"}]} +{"id": "070730-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We decided to try this place last night because we noticed that it had some interesting things on the menu aside from the usual rolls-- live scallop sashimi, duck breast nigiri with foie gras, panko mussels-- but none of these were particularly great or worth the sticker price.", "tops": [52], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 112}, {"from": 113, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 133}]}, {"id": 24, "anchors": [{"from": 133, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 156}]}, {"id": 28, "anchors": [{"from": 156, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 176}]}, {"id": 32, "anchors": [{"from": 177, "to": 181}]}, {"id": 33, "anchors": [{"from": 182, "to": 186}, {"from": 187, "to": 191}]}, {"id": 34, "anchors": [{"from": 191, "to": 192}]}, {"id": 35, "anchors": [{"from": 193, "to": 198}]}, {"id": 36, "anchors": [{"from": 199, "to": 206}]}, {"id": 37, "anchors": [{"from": 206, "to": 208}]}, {"id": 38, "anchors": [{"from": 209, "to": 212}]}, {"id": 39, "anchors": [{"from": 213, "to": 217}]}, {"id": 40, "anchors": [{"from": 218, "to": 220}]}, {"id": 41, "anchors": [{"from": 221, "to": 226}]}, {"id": 42, "anchors": [{"from": 227, "to": 231}]}, {"id": 43, "anchors": [{"from": 232, "to": 244}]}, {"id": 44, "anchors": [{"from": 245, "to": 250}]}, {"id": 45, "anchors": [{"from": 251, "to": 253}]}, {"id": 46, "anchors": [{"from": 254, "to": 259}]}, {"id": 47, "anchors": [{"from": 260, "to": 263}]}, {"id": 48, "anchors": [{"from": 264, "to": 271}]}, {"id": 49, "anchors": [{"from": 272, "to": 277}]}, {"id": 50, "anchors": [{"from": 277, "to": 278}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}], "edges": [{"source": 69, "target": 35, "label": "E"}, {"source": 69, "target": 36, "label": "C"}, {"source": 51, "target": 0, "label": "A"}, {"source": 52, "target": 45, "label": "L"}, {"source": 72, "target": 46, "label": "P"}, {"source": 68, "target": 32, "label": "R"}, {"source": 62, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 5, "label": "C"}, {"source": 66, "target": 30, "label": "C"}, {"source": 52, "target": 51, "label": "H"}, {"source": 64, "target": 27, "label": "C"}, {"source": 66, "target": 29, "label": "E"}, {"source": 72, "target": 73, "label": "A"}, {"source": 58, "target": 16, "label": "C"}, {"source": 51, "target": 53, "label": "A"}, {"source": 54, "target": 4, "label": "E"}, {"source": 65, "target": 34, "label": "U"}, {"source": 52, "target": 38, "label": "L"}, {"source": 63, "target": 26, "label": "A"}, {"source": 70, "target": 40, "label": "R"}, {"source": 68, "target": 33, "label": "C"}, {"source": 61, "target": 20, "label": "R"}, {"source": 51, "target": 55, "label": "T"}, {"source": 62, "target": 22, "label": "S"}, {"source": 56, "target": 10, "label": "P"}, {"source": 67, "target": 68, "label": "E"}, {"source": 57, "target": 12, "label": "A"}, {"source": 73, "target": 49, "label": "C"}, {"source": 55, "target": 6, "label": "E"}, {"source": 65, "target": 69, "label": "C"}, {"source": 57, "target": 60, "label": "A"}, {"source": 57, "target": 11, "label": "R"}, {"source": 58, "target": 59, "label": "E"}, {"source": 52, "target": 72, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 58, "target": 65, "label": "E"}, {"source": 53, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 9, "label": "A"}, {"source": 73, "target": 47, "label": "F"}, {"source": 56, "target": 57, "label": "A"}, {"source": 52, "target": 37, "label": "U"}, {"source": 53, "target": 3, "label": "P"}, {"source": 71, "target": 70, "label": "A"}, {"source": 61, "target": 23, "label": "C"}, {"source": 65, "target": 67, "label": "C"}, {"source": 65, "target": 64, "label": "C"}, {"source": 71, "target": 42, "label": "F"}, {"source": 59, "target": 15, "label": "S"}, {"source": 58, "target": 61, "label": "E"}, {"source": 52, "target": 8, "label": "L"}, {"source": 60, "target": 17, "label": "R"}, {"source": 61, "target": 21, "label": "F"}, {"source": 70, "target": 41, "label": "C"}, {"source": 61, "target": 62, "label": "E"}, {"source": 52, "target": 71, "label": "H"}, {"source": 64, "target": 63, "label": "E"}, {"source": 59, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 13, "label": "S"}, {"source": 52, "target": 56, "label": "H"}, {"source": 73, "target": 50, "label": "U"}, {"source": 58, "target": 24, "label": "U"}, {"source": 58, "target": 14, "label": "Q"}, {"source": 70, "target": 39, "label": "Q"}, {"source": 67, "target": 66, "label": "E"}, {"source": 65, "target": 28, "label": "U"}, {"source": 55, "target": 7, "label": "C"}, {"source": 73, "target": 48, "label": "E"}, {"source": 51, "target": 1, "label": "P"}, {"source": 53, "target": 2, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 67, "target": 31, "label": "C"}, {"source": 71, "target": 44, "label": "S"}, {"source": 63, "target": 25, "label": "S"}, {"source": 60, "target": 19, "label": "C"}, {"source": 71, "target": 43, "label": "D"}, {"source": 60, "target": 18, "label": "F"}, {"source": 72, "target": 70, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "070730-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Additionally we tried the Logan Circle roll, spicy crab and tuna roll, and sweet potato tempura roll ($15, $10, and $3.75 respectively).", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}, {"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}, {"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26, "anchors": [{"from": 117, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 134}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29, "anchors": [{"from": 135, "to": 136}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 45, "target": 26, "label": "Q"}, {"source": 37, "target": 36, "label": "E"}, {"source": 34, "target": 7, "label": "S"}, {"source": 42, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 1, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 36, "target": 10, "label": "C"}, {"source": 30, "target": 27, "label": "L"}, {"source": 39, "target": 16, "label": "C"}, {"source": 35, "target": 8, "label": "C"}, {"source": 44, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 37, "label": "C"}, {"source": 30, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 33, "target": 12, "label": "U"}, {"source": 43, "target": 21, "label": "C"}, {"source": 30, "target": 28, "label": "U"}, {"source": 36, "target": 9, "label": "N"}, {"source": 37, "target": 11, "label": "C"}, {"source": 45, "target": 25, "label": "C"}, {"source": 30, "target": 44, "label": "H"}, {"source": 30, "target": 20, "label": "U"}, {"source": 31, "target": 2, "label": "P"}, {"source": 43, "target": 22, "label": "Q"}, {"source": 32, "target": 4, "label": "E"}, {"source": 40, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 35, "label": "C"}, {"source": 33, "target": 32, "label": "C"}, {"source": 38, "target": 14, "label": "C"}, {"source": 35, "target": 34, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 30, "target": 29, "label": "U"}, {"source": 41, "target": 19, "label": "Q"}, {"source": 33, "target": 13, "label": "N"}, {"source": 30, "target": 40, "label": "H"}, {"source": 41, "target": 18, "label": "C"}, {"source": 30, "target": 17, "label": "U"}, {"source": 33, "target": 6, "label": "U"}, {"source": 32, "target": 5, "label": "C"}, {"source": 39, "target": 38, "label": "E"}, {"source": 30, "target": 23, "label": "U"}, {"source": 38, "target": 15, "label": "C"}, {"source": 30, "target": 24, "label": "L"}, {"source": 30, "target": 42, "label": "H"}, {"source": 32, "target": 3, "label": "F"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 0, "label": "L"}, {"source": 33, "target": 39, "label": "C"}]} +{"id": "070730-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The sweet potato tempura roll was actually a great surprise: cheap and delicious, the only thing we tried that I would say was well worth it and a great value (and I never get vegetarian rolls).", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 80}]}, {"id": 13, "anchors": [{"from": 80, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 137}, {"from": 138, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 146}]}, {"id": 28, "anchors": [{"from": 147, "to": 152}]}, {"id": 29, "anchors": [{"from": 153, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 160}]}, {"id": 31, "anchors": [{"from": 160, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 186}]}, {"id": 36, "anchors": [{"from": 187, "to": 192}]}, {"id": 37, "anchors": [{"from": 192, "to": 193}]}, {"id": 38, "anchors": [{"from": 193, "to": 194}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 46, "target": 15, "label": "Q"}, {"source": 40, "target": 5, "label": "G"}, {"source": 40, "target": 43, "label": "S"}, {"source": 54, "target": 38, "label": "U"}, {"source": 51, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 48, "label": "H"}, {"source": 53, "target": 34, "label": "P"}, {"source": 41, "target": 44, "label": "H"}, {"source": 44, "target": 10, "label": "S"}, {"source": 50, "target": 49, "label": "H"}, {"source": 48, "target": 19, "label": "F"}, {"source": 40, "target": 4, "label": "F"}, {"source": 48, "target": 22, "label": "P"}, {"source": 54, "target": 35, "label": "E"}, {"source": 48, "target": 21, "label": "D"}, {"source": 49, "target": 23, "label": "F"}, {"source": 52, "target": 27, "label": "F"}, {"source": 41, "target": 30, "label": "U"}, {"source": 44, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 17, "label": "A"}, {"source": 47, "target": 18, "label": "P"}, {"source": 46, "target": 14, "label": "F"}, {"source": 49, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 25, "label": "S"}, {"source": 45, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 54, "label": "A"}, {"source": 53, "target": 33, "label": "T"}, {"source": 41, "target": 11, "label": "L"}, {"source": 47, "target": 46, "label": "A"}, {"source": 43, "target": 6, "label": "F"}, {"source": 50, "target": 51, "label": "H"}, {"source": 40, "target": 39, "label": "A"}, {"source": 48, "target": 47, "label": "A"}, {"source": 42, "target": 1, "label": "C"}, {"source": 41, "target": 53, "label": "H"}, {"source": 54, "target": 36, "label": "C"}, {"source": 53, "target": 32, "label": "A"}, {"source": 54, "target": 37, "label": "U"}, {"source": 48, "target": 20, "label": "A"}, {"source": 41, "target": 13, "label": "U"}, {"source": 48, "target": 50, "label": "A"}, {"source": 49, "target": 24, "label": "D"}, {"source": 42, "target": 2, "label": "C"}, {"source": 43, "target": 8, "label": "C"}, {"source": 46, "target": 16, "label": "C"}, {"source": 39, "target": 3, "label": "C"}, {"source": 39, "target": 0, "label": "F"}, {"source": 39, "target": 42, "label": "E"}, {"source": 41, "target": 40, "label": "H"}, {"source": 45, "target": 12, "label": "S"}, {"source": 41, "target": 9, "label": "U"}, {"source": 41, "target": 31, "label": "L"}, {"source": 53, "target": 33, "label": "D"}, {"source": 40, "target": 7, "label": "D"}, {"source": 50, "target": 26, "label": "L"}, {"source": 51, "target": 28, "label": "D"}, {"source": 52, "target": 29, "label": "C"}, {"source": 51, "target": 52, "label": "S"}, {"source": 41, "target": 45, "label": "H"}]} +{"id": "070730-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The other rolls weren't at all special, especially given their pricing.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}, {"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 50}, {"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 70}]}, {"id": 11, "anchors": [{"from": 70, "to": 71}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 2, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 7, "label": "U"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "S"}, {"source": 15, "target": 9, "label": "A"}, {"source": 13, "target": 5, "label": "D"}, {"source": 14, "target": 8, "label": "L"}, {"source": 13, "target": 6, "label": "S"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 1, "label": "E"}]} +{"id": "070730-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The bottom line is that the food isn't great and is relatively high-priced.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}, {"from": 11, "to": 15}, {"from": 16, "to": 18}, {"from": 19, "to": 23}]}, {"id": 1, "anchors": [{"from": 24, "to": 27}]}, {"id": 2, "anchors": [{"from": 28, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 35}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 67, "to": 68}]}, {"id": 11, "anchors": [{"from": 68, "to": 74}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 2, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 16, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "D"}, {"source": 16, "target": 12, "label": "U"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "D"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 5, "label": "S"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 8, "label": "D"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 0, "label": "G"}, {"source": 16, "target": 11, "label": "S"}]} +{"id": "070730-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service is solicitous, the atmosphere is nice and mod except the out-of-place flat-screen TV playing football.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 87, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 27, "target": 29, "label": "H"}, {"source": 35, "target": 18, "label": "E"}, {"source": 34, "target": 16, "label": "U"}, {"source": 29, "target": 28, "label": "P"}, {"source": 32, "target": 22, "label": "P"}, {"source": 31, "target": 21, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 35, "target": 19, "label": "U"}, {"source": 28, "target": 5, "label": "F"}, {"source": 33, "target": 34, "label": "S"}, {"source": 32, "target": 23, "label": "A"}, {"source": 34, "target": 14, "label": "U"}, {"source": 34, "target": 13, "label": "R"}, {"source": 30, "target": 10, "label": "C"}, {"source": 27, "target": 32, "label": "H"}, {"source": 30, "target": 8, "label": "C"}, {"source": 34, "target": 17, "label": "C"}, {"source": 33, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "D"}, {"source": 31, "target": 33, "label": "E"}, {"source": 27, "target": 4, "label": "U"}, {"source": 31, "target": 35, "label": "E"}, {"source": 27, "target": 11, "label": "L"}, {"source": 25, "target": 1, "label": "C"}, {"source": 34, "target": 15, "label": "F"}, {"source": 25, "target": 0, "label": "F"}, {"source": 29, "target": 30, "label": "D"}, {"source": 28, "target": 6, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 35, "target": 20, "label": "C"}, {"source": 29, "target": 7, "label": "F"}, {"source": 32, "target": 24, "label": "U"}, {"source": 30, "target": 9, "label": "N"}, {"source": 31, "target": 12, "label": "F"}]} +{"id": "070730-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But I'd go elsewhere unless the prices are cut.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 8, "label": "F"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 0, "label": "L"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 9, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "070730-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's just not worth it.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}, {"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "071017-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was ok, nice management, they let us check in early, but the place was old.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}, {"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 4, "label": "D"}, {"source": 22, "target": 11, "label": "T"}, {"source": 19, "target": 2, "label": "S"}, {"source": 21, "target": 5, "label": "S"}, {"source": 20, "target": 13, "label": "L"}, {"source": 20, "target": 3, "label": "U"}, {"source": 21, "target": 5, "label": "A"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 22, "target": 10, "label": "P"}, {"source": 24, "target": 17, "label": "S"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 12, "label": "U"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 22, "target": 8, "label": "D"}, {"source": 22, "target": 7, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 14, "label": "F"}, {"source": 24, "target": 16, "label": "F"}]} +{"id": "071017-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was clean, but just a little dumpy.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 13, "label": "D"}, {"source": 12, "target": 8, "label": "S"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 3, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "071017-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lots of room for big rig parking.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 13, "target": 12, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 13, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "L"}, {"source": 11, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "P"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "R"}, {"source": 8, "target": 10, "label": "S"}, {"source": 8, "target": 0, "label": "D"}, {"source": 9, "target": 13, "label": "H"}]} +{"id": "071017-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hard to get into though because of road construction.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}, {"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 3, "label": "R"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "L"}, {"source": 12, "target": 6, "label": "A"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "L"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "071278-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "WOW!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "071278-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I can't say enough good things about Karla and the wonderful things she has done for me and my dog Gracee.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 105}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 32, "target": 18, "label": "N"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 15, "label": "P"}, {"source": 27, "target": 7, "label": "R"}, {"source": 24, "target": 0, "label": "A"}, {"source": 25, "target": 28, "label": "E"}, {"source": 30, "target": 29, "label": "A"}, {"source": 28, "target": 9, "label": "N"}, {"source": 33, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 4, "label": "Q"}, {"source": 24, "target": 3, "label": "P"}, {"source": 30, "target": 13, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 29, "target": 31, "label": "E"}, {"source": 24, "target": 2, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 30, "target": 14, "label": "F"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "F"}, {"source": 24, "target": 1, "label": "F"}, {"source": 28, "target": 27, "label": "C"}, {"source": 35, "target": 34, "label": "E"}, {"source": 28, "target": 30, "label": "C"}, {"source": 31, "target": 11, "label": "S"}, {"source": 26, "target": 5, "label": "S"}, {"source": 27, "target": 8, "label": "C"}, {"source": 34, "target": 20, "label": "C"}, {"source": 33, "target": 19, "label": "S"}, {"source": 32, "target": 35, "label": "C"}, {"source": 35, "target": 21, "label": "C"}, {"source": 32, "target": 17, "label": "C"}, {"source": 32, "target": 16, "label": "R"}, {"source": 34, "target": 33, "label": "E"}, {"source": 29, "target": 12, "label": "C"}, {"source": 35, "target": 22, "label": "U"}]} +{"id": "071278-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Gracee is more excited to see her than she is to see me!!!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 5, "label": "P"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 6, "label": "A"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 8, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 16, "label": "D"}, {"source": 17, "target": 10, "label": "F"}, {"source": 17, "target": 12, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 11, "label": "P"}, {"source": 16, "target": 2, "label": "E"}]} +{"id": "071278-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She has always been there for Gracee even for last minute calls!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}, {"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 14, "label": "T"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 13, "label": "A"}, {"source": 15, "target": 9, "label": "P"}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 3, "label": "S"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 2, "label": "T"}, {"source": 12, "target": 6, "label": "L"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "071278-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She has taken care of my sweet girl for almost 4 years now and I would not let Gracee go with anyone besides her!!!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 28, "target": 29, "label": "E"}, {"source": 26, "target": 32, "label": "H"}, {"source": 32, "target": 17, "label": "D"}, {"source": 28, "target": 7, "label": "C"}, {"source": 30, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 34, "target": 22, "label": "R"}, {"source": 28, "target": 4, "label": "R"}, {"source": 30, "target": 6, "label": "S"}, {"source": 34, "target": 24, "label": "U"}, {"source": 33, "target": 20, "label": "R"}, {"source": 31, "target": 9, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 31, "target": 11, "label": "C"}, {"source": 32, "target": 14, "label": "A"}, {"source": 29, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "L"}, {"source": 32, "target": 15, "label": "D"}, {"source": 32, "target": 16, "label": "D"}, {"source": 29, "target": 5, "label": "S"}, {"source": 34, "target": 23, "label": "C"}, {"source": 28, "target": 30, "label": "E"}, {"source": 31, "target": 10, "label": "Q"}, {"source": 25, "target": 31, "label": "T"}, {"source": 25, "target": 27, "label": "P"}, {"source": 27, "target": 2, "label": "F"}, {"source": 31, "target": 8, "label": "R"}, {"source": 32, "target": 19, "label": "P"}, {"source": 31, "target": 12, "label": "F"}, {"source": 27, "target": 3, "label": "C"}, {"source": 25, "target": 28, "label": "A"}, {"source": 32, "target": 18, "label": "A"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "071278-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She is caring, punctual, and very enthusiastic about her job!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 11, "label": "P"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 5, "label": "U"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 16, "target": 7, "label": "D"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 10, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "S"}, {"source": 14, "target": 3, "label": "U"}]} +{"id": "071278-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You should give her a try - it's worth every penny to know that you pet is in GREAT hands with Wunderbar pet sitting!!!!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 104}, {"from": 105, "to": 108}, {"from": 109, "to": 116}]}, {"id": 23, "anchors": [{"from": 116, "to": 120}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 31, "target": 15, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 17, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 33, "target": 23, "label": "U"}, {"source": 24, "target": 3, "label": "A"}, {"source": 33, "target": 21, "label": "R"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 33, "label": "A"}, {"source": 28, "target": 11, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 7, "label": "F"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 9, "label": "S"}, {"source": 29, "target": 13, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 32, "target": 20, "label": "C"}, {"source": 26, "target": 5, "label": "C"}, {"source": 31, "target": 16, "label": "A"}, {"source": 27, "target": 8, "label": "F"}, {"source": 33, "target": 22, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 12, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 32, "label": "S"}, {"source": 28, "target": 10, "label": "Q"}, {"source": 31, "target": 16, "label": "S"}, {"source": 26, "target": 2, "label": "F"}, {"source": 32, "target": 18, "label": "R"}, {"source": 30, "target": 19, "label": "D"}, {"source": 24, "target": 26, "label": "P"}, {"source": 25, "target": 6, "label": "U"}, {"source": 30, "target": 14, "label": "R"}]} +{"id": "071518-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great, Honest Service", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 3, "label": "P"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "071518-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I took my 2001 Nissan Frontier in to fix a cracked manifold.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}, {"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 12, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 6, "label": "L"}, {"source": 17, "target": 7, "label": "P"}, {"source": 13, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 18, "target": 8, "label": "F"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 19, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 5, "label": "F"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 2, "label": "S"}]} +{"id": "071518-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The dealer wanted $1300 to fix that and another $1500 to fix some other things.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 27, "target": 14, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 23, "target": 8, "label": "N"}, {"source": 23, "target": 22, "label": "C"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "Q"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 13, "label": "P"}, {"source": 22, "target": 24, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 5, "label": "F"}, {"source": 23, "target": 25, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 26, "target": 12, "label": "F"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "P"}, {"source": 24, "target": 6, "label": "P"}, {"source": 19, "target": 0, "label": "F"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 18, "label": "A"}, {"source": 19, "target": 1, "label": "C"}, {"source": 24, "target": 7, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 25, "target": 11, "label": "Q"}, {"source": 18, "target": 19, "label": "P"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "071518-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Eagle Transmission determined that much of the work the dealer said needed to be done was unneccesary and what needed to be fixed was only $400!!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 29}]}, {"id": 2, "anchors": [{"from": 30, "to": 34}]}, {"id": 3, "anchors": [{"from": 35, "to": 39}]}, {"id": 4, "anchors": [{"from": 40, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 105}]}, {"id": 17, "anchors": [{"from": 106, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 117}]}, {"id": 19, "anchors": [{"from": 118, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 138}]}, {"id": 24, "anchors": [{"from": 139, "to": 140}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 143, "to": 145}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 40, "target": 23, "label": "E"}, {"source": 40, "target": 26, "label": "U"}, {"source": 40, "target": 24, "label": "C"}, {"source": 31, "target": 30, "label": "D"}, {"source": 34, "target": 35, "label": "P"}, {"source": 29, "target": 2, "label": "R"}, {"source": 32, "target": 31, "label": "A"}, {"source": 35, "target": 8, "label": "C"}, {"source": 37, "target": 12, "label": "F"}, {"source": 39, "target": 22, "label": "S"}, {"source": 32, "target": 14, "label": "F"}, {"source": 29, "target": 16, "label": "L"}, {"source": 37, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 3, "label": "Q"}, {"source": 30, "target": 4, "label": "R"}, {"source": 40, "target": 25, "label": "Q"}, {"source": 37, "target": 10, "label": "D"}, {"source": 35, "target": 7, "label": "F"}, {"source": 39, "target": 38, "label": "A"}, {"source": 31, "target": 36, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 38, "target": 20, "label": "F"}, {"source": 31, "target": 33, "label": "P"}, {"source": 29, "target": 32, "label": "H"}, {"source": 37, "target": 11, "label": "F"}, {"source": 37, "target": 13, "label": "P"}, {"source": 29, "target": 39, "label": "H"}, {"source": 38, "target": 18, "label": "D"}, {"source": 38, "target": 17, "label": "A"}, {"source": 30, "target": 3, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 34, "label": "A"}, {"source": 28, "target": 1, "label": "P"}, {"source": 36, "target": 9, "label": "P"}, {"source": 38, "target": 19, "label": "F"}, {"source": 33, "target": 6, "label": "C"}, {"source": 38, "target": 21, "label": "P"}, {"source": 32, "target": 15, "label": "S"}, {"source": 33, "target": 5, "label": "F"}]} +{"id": "071518-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was so impressed with the honesty and integrity of Mike and everyone at Eagle Transmission!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}, {"from": 80, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 17, "target": 2, "label": "D"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 9, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 22, "target": 11, "label": "N"}, {"source": 21, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "C"}, {"source": 21, "target": 8, "label": "S"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 5, "label": "F"}, {"source": 21, "target": 4, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "P"}, {"source": 23, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 15, "label": "U"}, {"source": 24, "target": 13, "label": "R"}, {"source": 19, "target": 20, "label": "S"}]} +{"id": "071518-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I dropped the truck off in the morning and it was ready that afternoon.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 6, "label": "F"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 18, "label": "T"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 15, "target": 4, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 11, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 20, "label": "T"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "071518-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have finally found a mechanic I trust!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "T"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 12, "target": 4, "label": "F"}, {"source": 11, "target": 12, "label": "P"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 13, "label": "A"}]} +{"id": "071518-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "And it was great that they did not charge a service fee to diagnose the problem - an added bonus!!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 90}, {"from": 91, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 16, "label": "U"}, {"source": 21, "target": 9, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 5, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 19, "target": 0, "label": "L"}, {"source": 20, "target": 6, "label": "F"}, {"source": 20, "target": 17, "label": "G"}, {"source": 20, "target": 4, "label": "F"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 10, "label": "P"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 18, "label": "U"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 7, "label": "D"}]} +{"id": "071650-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would NEVER recommend this gym to anyone and unfortunately this is based solely on the owner's own unprofessionalism.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 118}]}, {"id": 20, "anchors": [{"from": 118, "to": 119}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 29, "target": 19, "label": "S"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 12, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 26, "target": 14, "label": "F"}, {"source": 28, "target": 17, "label": "R"}, {"source": 25, "target": 29, "label": "A"}, {"source": 25, "target": 10, "label": "A"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 26, "label": "P"}, {"source": 22, "target": 8, "label": "L"}, {"source": 21, "target": 1, "label": "D"}, {"source": 29, "target": 20, "label": "U"}, {"source": 23, "target": 5, "label": "C"}, {"source": 25, "target": 9, "label": "G"}, {"source": 29, "target": 27, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 11, "label": "F"}, {"source": 27, "target": 28, "label": "S"}, {"source": 21, "target": 3, "label": "P"}, {"source": 28, "target": 15, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 28, "target": 16, "label": "C"}, {"source": 24, "target": 6, "label": "R"}, {"source": 21, "target": 2, "label": "D"}, {"source": 21, "target": 2, "label": "T"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 4, "label": "E"}]} +{"id": "071650-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I originally joined in January I only did so because I was told I would be able to cancel the 12 month membership if I was to move away.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 140}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 23, "label": "C"}, {"source": 31, "target": 36, "label": "H"}, {"source": 32, "target": 33, "label": "T"}, {"source": 36, "target": 12, "label": "F"}, {"source": 38, "target": 37, "label": "H"}, {"source": 36, "target": 13, "label": "P"}, {"source": 37, "target": 17, "label": "D"}, {"source": 39, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 22, "label": "C"}, {"source": 31, "target": 0, "label": "L"}, {"source": 36, "target": 38, "label": "A"}, {"source": 35, "target": 7, "label": "E"}, {"source": 31, "target": 32, "label": "H"}, {"source": 42, "target": 30, "label": "U"}, {"source": 32, "target": 3, "label": "P"}, {"source": 42, "target": 25, "label": "A"}, {"source": 37, "target": 15, "label": "D"}, {"source": 39, "target": 41, "label": "T"}, {"source": 42, "target": 29, "label": "D"}, {"source": 34, "target": 6, "label": "A"}, {"source": 36, "target": 11, "label": "A"}, {"source": 32, "target": 1, "label": "A"}, {"source": 40, "target": 20, "label": "F"}, {"source": 42, "target": 28, "label": "P"}, {"source": 38, "target": 42, "label": "H"}, {"source": 35, "target": 10, "label": "C"}, {"source": 33, "target": 4, "label": "R"}, {"source": 41, "target": 21, "label": "Q"}, {"source": 33, "target": 5, "label": "C"}, {"source": 37, "target": 14, "label": "A"}, {"source": 37, "target": 16, "label": "F"}, {"source": 37, "target": 19, "label": "P"}, {"source": 34, "target": 9, "label": "A"}, {"source": 34, "target": 8, "label": "P"}, {"source": 31, "target": 35, "label": "L"}, {"source": 37, "target": 39, "label": "A"}, {"source": 32, "target": 2, "label": "T"}, {"source": 42, "target": 26, "label": "F"}, {"source": 38, "target": 24, "label": "L"}, {"source": 31, "target": 34, "label": "H"}, {"source": 37, "target": 18, "label": "F"}, {"source": 39, "target": 40, "label": "S"}, {"source": 42, "target": 27, "label": "F"}]} +{"id": "071650-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I signed up with one of the staff who was very pleasant and professional.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 20, "label": "D"}, {"source": 16, "target": 17, "label": "D"}, {"source": 16, "target": 7, "label": "F"}, {"source": 19, "target": 9, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "R"}, {"source": 17, "target": 3, "label": "Q"}, {"source": 16, "target": 8, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 19, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 17, "target": 4, "label": "R"}, {"source": 18, "target": 5, "label": "F"}, {"source": 16, "target": 18, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 20, "target": 11, "label": "N"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "071650-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Actually working out there was good - the machines are nice and the classes are fun.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}, {"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 6, "label": "F"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 3, "label": "F"}, {"source": 19, "target": 18, "label": "A"}, {"source": 21, "target": 13, "label": "F"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 5, "label": "U"}, {"source": 17, "target": 10, "label": "L"}, {"source": 19, "target": 9, "label": "S"}, {"source": 21, "target": 14, "label": "D"}, {"source": 16, "target": 2, "label": "A"}, {"source": 21, "target": 20, "label": "P"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "F"}, {"source": 16, "target": 0, "label": "G"}, {"source": 16, "target": 4, "label": "D"}, {"source": 17, "target": 21, "label": "H"}, {"source": 19, "target": 8, "label": "F"}]} +{"id": "071650-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The locker room is certainly lacking - I would never shower or change there.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 13, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 9, "label": "T"}, {"source": 17, "target": 11, "label": "L"}, {"source": 19, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 6, "label": "U"}, {"source": 15, "target": 0, "label": "F"}, {"source": 19, "target": 9, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "P"}, {"source": 19, "target": 9, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 8, "label": "D"}, {"source": 15, "target": 1, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 18, "target": 9, "label": "D"}, {"source": 18, "target": 14, "label": "U"}, {"source": 16, "target": 5, "label": "S"}, {"source": 19, "target": 8, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "D"}, {"source": 19, "target": 12, "label": "P"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "071650-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They need to update the locker rooms ASAP.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 7, "label": "T"}]} +{"id": "071650-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Back to my poor rating - I was excepted to medical school and went in to cancel my membership as I was told I could do since I was moving away.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 142, "to": 143}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 20, "label": "A"}, {"source": 32, "target": 1, "label": "F"}, {"source": 33, "target": 26, "label": "L"}, {"source": 42, "target": 28, "label": "F"}, {"source": 35, "target": 11, "label": "C"}, {"source": 34, "target": 7, "label": "F"}, {"source": 36, "target": 13, "label": "P"}, {"source": 33, "target": 32, "label": "H"}, {"source": 38, "target": 16, "label": "P"}, {"source": 41, "target": 24, "label": "D"}, {"source": 33, "target": 12, "label": "L"}, {"source": 36, "target": 38, "label": "A"}, {"source": 41, "target": 25, "label": "P"}, {"source": 33, "target": 40, "label": "H"}, {"source": 32, "target": 2, "label": "A"}, {"source": 37, "target": 14, "label": "R"}, {"source": 35, "target": 9, "label": "R"}, {"source": 33, "target": 36, "label": "H"}, {"source": 32, "target": 0, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 38, "target": 15, "label": "F"}, {"source": 40, "target": 21, "label": "F"}, {"source": 42, "target": 27, "label": "A"}, {"source": 34, "target": 6, "label": "A"}, {"source": 33, "target": 19, "label": "L"}, {"source": 33, "target": 34, "label": "H"}, {"source": 39, "target": 18, "label": "S"}, {"source": 32, "target": 4, "label": "P"}, {"source": 32, "target": 3, "label": "D"}, {"source": 40, "target": 22, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 35, "target": 10, "label": "E"}, {"source": 33, "target": 42, "label": "H"}, {"source": 34, "target": 8, "label": "P"}, {"source": 42, "target": 30, "label": "D"}, {"source": 33, "target": 5, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 38, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 17, "label": "A"}, {"source": 42, "target": 29, "label": "P"}, {"source": 41, "target": 23, "label": "A"}, {"source": 42, "target": 31, "label": "U"}]} +{"id": "071650-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner was VERY rude, accused me of not reading my contract, and basically told me to shut up when I was trying to ask questions to further understand the process of canceling my membership.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}, {"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 165}]}, {"id": 32, "anchors": [{"from": 166, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 178}]}, {"id": 34, "anchors": [{"from": 179, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 192}]}, {"id": 36, "anchors": [{"from": 192, "to": 193}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 52, "target": 34, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 22, "label": "F"}, {"source": 46, "target": 18, "label": "F"}, {"source": 39, "target": 20, "label": "L"}, {"source": 48, "target": 29, "label": "P"}, {"source": 43, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 11, "label": "S"}, {"source": 39, "target": 14, "label": "L"}, {"source": 47, "target": 21, "label": "A"}, {"source": 37, "target": 1, "label": "C"}, {"source": 46, "target": 19, "label": "P"}, {"source": 40, "target": 4, "label": "C"}, {"source": 47, "target": 24, "label": "F"}, {"source": 47, "target": 25, "label": "P"}, {"source": 38, "target": 37, "label": "A"}, {"source": 51, "target": 32, "label": "R"}, {"source": 51, "target": 33, "label": "C"}, {"source": 42, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 0, "label": "F"}, {"source": 42, "target": 8, "label": "R"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 6, "label": "P"}, {"source": 49, "target": 30, "label": "F"}, {"source": 44, "target": 43, "label": "E"}, {"source": 45, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 47, "label": "H"}, {"source": 39, "target": 5, "label": "U"}, {"source": 39, "target": 45, "label": "H"}, {"source": 45, "target": 16, "label": "P"}, {"source": 48, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 50, "label": "A"}, {"source": 44, "target": 12, "label": "C"}, {"source": 38, "target": 40, "label": "D"}, {"source": 49, "target": 31, "label": "C"}, {"source": 52, "target": 36, "label": "U"}, {"source": 52, "target": 35, "label": "S"}, {"source": 41, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 41, "label": "H"}, {"source": 39, "target": 27, "label": "L"}, {"source": 38, "target": 37, "label": "S"}, {"source": 41, "target": 7, "label": "A"}, {"source": 47, "target": 23, "label": "D"}, {"source": 39, "target": 38, "label": "H"}, {"source": 42, "target": 9, "label": "D"}, {"source": 42, "target": 10, "label": "P"}, {"source": 40, "target": 3, "label": "E"}, {"source": 45, "target": 15, "label": "D"}, {"source": 45, "target": 17, "label": "A"}, {"source": 50, "target": 51, "label": "P"}, {"source": 39, "target": 48, "label": "H"}, {"source": 47, "target": 26, "label": "A"}, {"source": 50, "target": 49, "label": "D"}, {"source": 50, "target": 52, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 38, "target": 2, "label": "F"}, {"source": 39, "target": 13, "label": "U"}, {"source": 48, "target": 28, "label": "D"}]} +{"id": "071650-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was able to cancel it but only after paying a $50 fee (which the staff person who signed me up stated I would not have to pay if I had proof of moving) and being spoken to in a very belittling manner.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 57, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 90}, {"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 91, "to": 93}]}, {"id": 22, "anchors": [{"from": 97, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 120}, {"from": 121, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 142}]}, {"id": 32, "anchors": [{"from": 143, "to": 145}]}, {"id": 33, "anchors": [{"from": 146, "to": 152}]}, {"id": 34, "anchors": [{"from": 152, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 170}]}, {"id": 38, "anchors": [{"from": 171, "to": 173}]}, {"id": 39, "anchors": [{"from": 174, "to": 176}]}, {"id": 40, "anchors": [{"from": 177, "to": 178}]}, {"id": 41, "anchors": [{"from": 179, "to": 183}]}, {"id": 42, "anchors": [{"from": 184, "to": 194}]}, {"id": 43, "anchors": [{"from": 195, "to": 201}]}, {"id": 44, "anchors": [{"from": 201, "to": 202}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 62, "target": 44, "label": "U"}, {"source": 55, "target": 23, "label": "A"}, {"source": 50, "target": 11, "label": "C"}, {"source": 62, "target": 63, "label": "E"}, {"source": 55, "target": 25, "label": "D"}, {"source": 45, "target": 1, "label": "F"}, {"source": 45, "target": 0, "label": "A"}, {"source": 62, "target": 40, "label": "F"}, {"source": 55, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 12, "label": "Q"}, {"source": 54, "target": 56, "label": "A"}, {"source": 46, "target": 48, "label": "H"}, {"source": 52, "target": 18, "label": "C"}, {"source": 46, "target": 15, "label": "L"}, {"source": 45, "target": 4, "label": "P"}, {"source": 59, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 39, "label": "R"}, {"source": 57, "target": 30, "label": "S"}, {"source": 60, "target": 61, "label": "A"}, {"source": 53, "target": 19, "label": "F"}, {"source": 46, "target": 6, "label": "L"}, {"source": 46, "target": 54, "label": "H"}, {"source": 61, "target": 29, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 42, "label": "C"}, {"source": 49, "target": 10, "label": "F"}, {"source": 47, "target": 8, "label": "C"}, {"source": 47, "target": 7, "label": "E"}, {"source": 53, "target": 21, "label": "A"}, {"source": 55, "target": 24, "label": "D"}, {"source": 60, "target": 37, "label": "P"}, {"source": 63, "target": 41, "label": "E"}, {"source": 46, "target": 47, "label": "L"}, {"source": 54, "target": 53, "label": "A"}, {"source": 48, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 60, "label": "H"}, {"source": 48, "target": 9, "label": "P"}, {"source": 53, "target": 20, "label": "P"}, {"source": 58, "target": 31, "label": "C"}, {"source": 46, "target": 35, "label": "L"}, {"source": 61, "target": 38, "label": "R"}, {"source": 58, "target": 59, "label": "E"}, {"source": 62, "target": 43, "label": "C"}, {"source": 56, "target": 55, "label": "H"}, {"source": 56, "target": 57, "label": "H"}, {"source": 55, "target": 26, "label": "D"}, {"source": 46, "target": 34, "label": "U"}, {"source": 55, "target": 27, "label": "P"}, {"source": 57, "target": 58, "label": "A"}, {"source": 45, "target": 3, "label": "F"}, {"source": 59, "target": 32, "label": "R"}, {"source": 60, "target": 36, "label": "F"}, {"source": 49, "target": 13, "label": "C"}, {"source": 45, "target": 5, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 54, "target": 22, "label": "P"}, {"source": 53, "target": 51, "label": "A"}, {"source": 46, "target": 14, "label": "U"}, {"source": 51, "target": 52, "label": "A"}, {"source": 52, "target": 16, "label": "F"}, {"source": 46, "target": 45, "label": "H"}, {"source": 51, "target": 17, "label": "S"}, {"source": 45, "target": 2, "label": "D"}, {"source": 56, "target": 28, "label": "L"}, {"source": 59, "target": 33, "label": "P"}, {"source": 57, "target": 29, "label": "A"}, {"source": 60, "target": 62, "label": "D"}]} +{"id": "071650-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would understand if I was being treated this way by a staff member but the club's actual OWNER?!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 30, "label": "A"}, {"source": 22, "target": 14, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 3, "label": "R"}, {"source": 23, "target": 24, "label": "D"}, {"source": 26, "target": 13, "label": "C"}, {"source": 24, "target": 9, "label": "C"}, {"source": 30, "target": 16, "label": "C"}, {"source": 21, "target": 1, "label": "D"}, {"source": 27, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 29, "label": "S"}, {"source": 25, "target": 12, "label": "S"}, {"source": 26, "target": 11, "label": "F"}, {"source": 30, "target": 17, "label": "R"}, {"source": 27, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 7, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 29, "target": 15, "label": "F"}, {"source": 21, "target": 2, "label": "P"}, {"source": 24, "target": 8, "label": "E"}, {"source": 29, "target": 19, "label": "C"}, {"source": 23, "target": 4, "label": "A"}, {"source": 28, "target": 18, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 9, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "F"}, {"source": 25, "target": 10, "label": "R"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "071650-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bad for business.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "071650-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was appalled.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "071650-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will never recommend this gym to any woman.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 3, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "R"}, {"source": 11, "target": 2, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "071650-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The equipment and classes aren't good enough to deal with the rudeness from the staff!!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 25, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "C"}, {"source": 20, "target": 3, "label": "P"}, {"source": 22, "target": 23, "label": "S"}, {"source": 17, "target": 0, "label": "F"}, {"source": 22, "target": 10, "label": "R"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 17, "target": 2, "label": "N"}, {"source": 18, "target": 19, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 19, "target": 21, "label": "D"}, {"source": 19, "target": 22, "label": "A"}, {"source": 25, "target": 14, "label": "F"}, {"source": 23, "target": 11, "label": "F"}, {"source": 19, "target": 17, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "Q"}, {"source": 23, "target": 12, "label": "C"}, {"source": 24, "target": 13, "label": "R"}, {"source": 17, "target": 20, "label": "C"}, {"source": 19, "target": 8, "label": "F"}, {"source": 24, "target": 25, "label": "S"}]} +{"id": "071650-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are better places on the Cape - FITNESS 500!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}, {"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}, {"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "U"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "S"}, {"source": 10, "target": 7, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "072067-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great School!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "072067-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Teachers good Diverse student body(African-American, Asian, ect.) equals kids staying here!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}, {"from": 43, "to": 51}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 6, "target": 7, "label": "U"}, {"source": 24, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "U"}, {"source": 20, "target": 2, "label": "S"}, {"source": 18, "target": 0, "label": "P"}, {"source": 24, "target": 9, "label": "C"}, {"source": 25, "target": 15, "label": "P"}, {"source": 23, "target": 3, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 25, "label": "H"}, {"source": 22, "target": 4, "label": "Q"}, {"source": 25, "target": 14, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 13, "label": "L"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 21, "label": "C"}, {"source": 24, "target": 8, "label": "U"}, {"source": 25, "target": 16, "label": "A"}, {"source": 24, "target": 10, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 21, "target": 3, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 19, "target": 12, "label": "U"}, {"source": 21, "target": 3, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "072271-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Pure Beauty", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "072271-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What a joy to stroll off historic Canyon Road in Santa Fe into a gallery with a gorgeous diversity of art.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}, {"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}, {"from": 55, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 105}]}, {"id": 19, "anchors": [{"from": 105, "to": 106}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 14, "label": "F"}, {"source": 26, "target": 27, "label": "E"}, {"source": 23, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 13, "label": "R"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 28, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "F"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 28, "label": "E"}, {"source": 22, "target": 20, "label": "D"}, {"source": 27, "target": 15, "label": "S"}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 5, "label": "R"}, {"source": 24, "target": 8, "label": "R"}, {"source": 20, "target": 2, "label": "C"}, {"source": 22, "target": 4, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "R"}, {"source": 25, "target": 12, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 28, "target": 16, "label": "S"}, {"source": 27, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "E"}, {"source": 26, "target": 18, "label": "C"}, {"source": 22, "target": 3, "label": "F"}, {"source": 25, "target": 10, "label": "R"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "072271-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Destiny Allison's metal sculptures were my favorite.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 51}]}, {"id": 7, "anchors": [{"from": 51, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "S"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "072271-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner Karla is welcoming and fun.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 10, "target": 8, "label": "E"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 10, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "S"}, {"source": 9, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "072271-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Give yourself the gift of visiting Winterowd Fine Art!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 44}, {"from": 45, "to": 49}, {"from": 50, "to": 53}]}, {"id": 6, "anchors": [{"from": 53, "to": 54}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 4, "label": "P"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "072507-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Dave is a patient and methodical teacher, who has a great ear and sensitivity for his students' passion and the direction they want their lessons to take.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 145}]}, {"id": 27, "anchors": [{"from": 146, "to": 148}]}, {"id": 28, "anchors": [{"from": 149, "to": 153}]}, {"id": 29, "anchors": [{"from": 153, "to": 154}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 22, "label": "C"}, {"source": 31, "target": 36, "label": "H"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 2, "label": "F"}, {"source": 41, "target": 27, "label": "F"}, {"source": 30, "target": 0, "label": "A"}, {"source": 41, "target": 24, "label": "D"}, {"source": 41, "target": 29, "label": "U"}, {"source": 31, "target": 7, "label": "U"}, {"source": 36, "target": 14, "label": "S"}, {"source": 35, "target": 9, "label": "F"}, {"source": 39, "target": 19, "label": "C"}, {"source": 37, "target": 39, "label": "C"}, {"source": 30, "target": 33, "label": "D"}, {"source": 33, "target": 3, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 30, "target": 1, "label": "F"}, {"source": 34, "target": 35, "label": "S"}, {"source": 41, "target": 28, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 34, "target": 11, "label": "D"}, {"source": 42, "target": 25, "label": "A"}, {"source": 42, "target": 26, "label": "P"}, {"source": 35, "target": 12, "label": "C"}, {"source": 38, "target": 17, "label": "P"}, {"source": 40, "target": 21, "label": "F"}, {"source": 30, "target": 32, "label": "S"}, {"source": 33, "target": 5, "label": "C"}, {"source": 33, "target": 4, "label": "N"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 15, "label": "R"}, {"source": 39, "target": 38, "label": "E"}, {"source": 31, "target": 13, "label": "L"}, {"source": 38, "target": 17, "label": "A"}, {"source": 37, "target": 20, "label": "N"}, {"source": 32, "target": 6, "label": "C"}, {"source": 31, "target": 34, "label": "H"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 40, "label": "C"}, {"source": 39, "target": 18, "label": "U"}, {"source": 35, "target": 10, "label": "F"}, {"source": 41, "target": 23, "label": "A"}, {"source": 31, "target": 30, "label": "H"}, {"source": 31, "target": 8, "label": "L"}, {"source": 38, "target": 16, "label": "A"}]} +{"id": "072507-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also, he loves teaching so much, his price is unbeatable, but that does not change his level of skill.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 20, "label": "R"}, {"source": 24, "target": 13, "label": "L"}, {"source": 23, "target": 3, "label": "D"}, {"source": 23, "target": 4, "label": "P"}, {"source": 30, "target": 31, "label": "D"}, {"source": 26, "target": 8, "label": "S"}, {"source": 25, "target": 6, "label": "C"}, {"source": 31, "target": 19, "label": "C"}, {"source": 23, "target": 0, "label": "D"}, {"source": 23, "target": 1, "label": "U"}, {"source": 24, "target": 7, "label": "U"}, {"source": 24, "target": 12, "label": "U"}, {"source": 28, "target": 27, "label": "A"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 28, "label": "H"}, {"source": 30, "target": 18, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 30, "target": 21, "label": "S"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 14, "label": "A"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "D"}, {"source": 27, "target": 26, "label": "E"}, {"source": 23, "target": 25, "label": "D"}, {"source": 23, "target": 2, "label": "A"}, {"source": 29, "target": 17, "label": "P"}, {"source": 25, "target": 5, "label": "E"}, {"source": 28, "target": 10, "label": "F"}, {"source": 27, "target": 9, "label": "C"}, {"source": 28, "target": 11, "label": "S"}]} +{"id": "072507-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dave has much to offer.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "072507-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In just 2-3 focused lessons, I'm already now capable of picking up new songs off YouTube guitar how to videos and am even writing my own orginals with confidence!", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 30, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 63}, {"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 40, "target": 22, "label": "C"}, {"source": 35, "target": 36, "label": "Q"}, {"source": 35, "target": 1, "label": "E"}, {"source": 33, "target": 5, "label": "D"}, {"source": 39, "target": 16, "label": "C"}, {"source": 37, "target": 9, "label": "F"}, {"source": 37, "target": 40, "label": "A"}, {"source": 34, "target": 23, "label": "L"}, {"source": 34, "target": 42, "label": "H"}, {"source": 37, "target": 11, "label": "T"}, {"source": 45, "target": 32, "label": "U"}, {"source": 43, "target": 27, "label": "C"}, {"source": 45, "target": 30, "label": "R"}, {"source": 37, "target": 12, "label": "D"}, {"source": 44, "target": 29, "label": "C"}, {"source": 37, "target": 10, "label": "T"}, {"source": 42, "target": 24, "label": "F"}, {"source": 42, "target": 26, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 40, "target": 17, "label": "R"}, {"source": 37, "target": 8, "label": "A"}, {"source": 34, "target": 7, "label": "U"}, {"source": 44, "target": 43, "label": "E"}, {"source": 42, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 14, "label": "P"}, {"source": 35, "target": 36, "label": "C"}, {"source": 33, "target": 0, "label": "R"}, {"source": 37, "target": 13, "label": "F"}, {"source": 45, "target": 31, "label": "C"}, {"source": 33, "target": 35, "label": "D"}, {"source": 36, "target": 3, "label": "U"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 18, "label": "E"}, {"source": 36, "target": 2, "label": "C"}, {"source": 41, "target": 21, "label": "R"}, {"source": 37, "target": 39, "label": "A"}, {"source": 39, "target": 38, "label": "E"}, {"source": 38, "target": 15, "label": "S"}, {"source": 42, "target": 25, "label": "G"}, {"source": 42, "target": 45, "label": "D"}, {"source": 33, "target": 6, "label": "P"}, {"source": 36, "target": 4, "label": "C"}, {"source": 34, "target": 37, "label": "H"}, {"source": 41, "target": 19, "label": "E"}, {"source": 42, "target": 44, "label": "A"}, {"source": 41, "target": 20, "label": "C"}, {"source": 43, "target": 28, "label": "E"}, {"source": 38, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "072507-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "~Jason", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2}], "edges": [{"source": 2, "target": 1, "label": "H"}, {"source": 1, "target": 0, "label": "U"}]} +{"id": "073356-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Beautiful hotel!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "073356-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service- high class!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "073356-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Shuttle available to a private beach area with food/drinks/towels.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 7, "label": "R"}, {"source": 15, "target": 0, "label": "P"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "F"}, {"source": 18, "target": 9, "label": "U"}, {"source": 15, "target": 1, "label": "D"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 17, "target": 4, "label": "S"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 18, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "073742-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food is always good", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "T"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "S"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "074896-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "074896-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I could easily go to Nordstrom for my designer jeans and pay the same price, but I go to the Garment District for their service.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 100}, {"from": 101, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 127}]}, {"id": 25, "anchors": [{"from": 127, "to": 128}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 27, "target": 15, "label": "U"}, {"source": 30, "target": 7, "label": "S"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 9, "label": "C"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 23, "label": "A"}, {"source": 29, "target": 6, "label": "R"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 35, "label": "H"}, {"source": 33, "target": 17, "label": "A"}, {"source": 32, "target": 14, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 4, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 1, "label": "D"}, {"source": 32, "target": 13, "label": "E"}, {"source": 29, "target": 8, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 32, "target": 12, "label": "F"}, {"source": 26, "target": 29, "label": "A"}, {"source": 27, "target": 16, "label": "L"}, {"source": 27, "target": 10, "label": "L"}, {"source": 33, "target": 18, "label": "P"}, {"source": 31, "target": 11, "label": "P"}, {"source": 27, "target": 33, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 27, "target": 22, "label": "L"}, {"source": 26, "target": 2, "label": "D"}, {"source": 35, "target": 24, "label": "P"}, {"source": 27, "target": 26, "label": "H"}, {"source": 34, "target": 19, "label": "R"}, {"source": 34, "target": 20, "label": "F"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 3, "label": "P"}]} +{"id": "074896-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Previous reviewers said they were pushy and I can understand that, but I find the staff more helpful than anything else.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}, {"from": 101, "to": 105}]}, {"id": 18, "anchors": [{"from": 93, "to": 100}]}, {"id": 19, "anchors": [{"from": 106, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 119}]}, {"id": 21, "anchors": [{"from": 119, "to": 120}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 26, "target": 8, "label": "D"}, {"source": 27, "target": 14, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 18, "label": "D"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 3, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 28, "label": "S"}, {"source": 24, "target": 11, "label": "U"}, {"source": 26, "target": 7, "label": "A"}, {"source": 30, "target": 17, "label": "R"}, {"source": 24, "target": 12, "label": "L"}, {"source": 30, "target": 20, "label": "E"}, {"source": 22, "target": 1, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 5, "label": "S"}, {"source": 25, "target": 4, "label": "F"}, {"source": 26, "target": 9, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 13, "label": "A"}, {"source": 22, "target": 1, "label": "P"}, {"source": 26, "target": 10, "label": "A"}, {"source": 29, "target": 28, "label": "A"}, {"source": 28, "target": 15, "label": "F"}, {"source": 23, "target": 22, "label": "A"}, {"source": 22, "target": 0, "label": "D"}, {"source": 30, "target": 21, "label": "U"}, {"source": 24, "target": 6, "label": "L"}, {"source": 28, "target": 16, "label": "C"}]} +{"id": "074896-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tiffany is fabulous!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "074896-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came in for alterations (free, by the way) and told her about a stain I had on my new leather purse.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}, {"from": 36, "to": 39}, {"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 101}]}, {"id": 23, "anchors": [{"from": 101, "to": 102}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 11, "label": "P"}, {"source": 31, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 7, "label": "U"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 27, "label": "A"}, {"source": 33, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 17, "label": "S"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 1, "label": "C"}, {"source": 25, "target": 28, "label": "H"}, {"source": 30, "target": 14, "label": "F"}, {"source": 31, "target": 16, "label": "A"}, {"source": 32, "target": 22, "label": "C"}, {"source": 30, "target": 13, "label": "R"}, {"source": 28, "target": 6, "label": "S"}, {"source": 34, "target": 20, "label": "S"}, {"source": 30, "target": 31, "label": "E"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 8, "label": "G"}, {"source": 28, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 21, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 4, "label": "P"}, {"source": 33, "target": 19, "label": "S"}, {"source": 32, "target": 34, "label": "E"}, {"source": 28, "target": 5, "label": "U"}, {"source": 29, "target": 12, "label": "A"}, {"source": 32, "target": 18, "label": "R"}, {"source": 26, "target": 2, "label": "F"}, {"source": 24, "target": 26, "label": "P"}, {"source": 25, "target": 9, "label": "U"}, {"source": 25, "target": 10, "label": "L"}, {"source": 27, "target": 3, "label": "R"}]} +{"id": "074896-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She immediately went to the back, brought out leather cleaner and cleaned my purse on the spot.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 3, "label": "R"}, {"source": 26, "target": 25, "label": "E"}, {"source": 20, "target": 11, "label": "L"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 26, "target": 14, "label": "C"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "T"}, {"source": 24, "target": 12, "label": "P"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 27, "target": 15, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "F"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "S"}, {"source": 22, "target": 8, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 9, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "074896-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I didn't even buy the bag there!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "G"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 7, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "F"}]} +{"id": "074896-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Huge selection and, great suggestions from the staff and they refer you to reliable places if they don't have what you need.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 11, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 31, "target": 15, "label": "C"}, {"source": 33, "target": 18, "label": "F"}, {"source": 26, "target": 2, "label": "L"}, {"source": 27, "target": 5, "label": "P"}, {"source": 29, "target": 8, "label": "C"}, {"source": 33, "target": 19, "label": "D"}, {"source": 34, "target": 23, "label": "P"}, {"source": 25, "target": 1, "label": "P"}, {"source": 33, "target": 17, "label": "A"}, {"source": 27, "target": 4, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 26, "target": 33, "label": "H"}, {"source": 26, "target": 16, "label": "L"}, {"source": 30, "target": 10, "label": "A"}, {"source": 28, "target": 29, "label": "S"}, {"source": 26, "target": 30, "label": "H"}, {"source": 25, "target": 1, "label": "A"}, {"source": 32, "target": 14, "label": "S"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 12, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 32, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 22, "label": "A"}, {"source": 33, "target": 20, "label": "S"}, {"source": 28, "target": 6, "label": "R"}, {"source": 26, "target": 27, "label": "H"}, {"source": 31, "target": 13, "label": "R"}, {"source": 34, "target": 21, "label": "A"}, {"source": 26, "target": 9, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 3, "label": "U"}, {"source": 25, "target": 0, "label": "D"}, {"source": 29, "target": 7, "label": "F"}]} +{"id": "076352-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very Accomodating", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "076352-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were in Springfield, IL for a family funeral from Kansas City.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "U"}, {"source": 20, "target": 10, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 2, "label": "S"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 6, "label": "L"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "P"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "076352-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We arrived early and the staff was very accomodating to our families and the situation we were in.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 19, "target": 1, "label": "P"}, {"source": 19, "target": 2, "label": "T"}, {"source": 25, "target": 12, "label": "L"}, {"source": 24, "target": 11, "label": "S"}, {"source": 22, "target": 5, "label": "C"}, {"source": 27, "target": 15, "label": "A"}, {"source": 23, "target": 7, "label": "D"}, {"source": 27, "target": 18, "label": "U"}, {"source": 26, "target": 13, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 26, "target": 14, "label": "C"}, {"source": 24, "target": 10, "label": "A"}, {"source": 25, "target": 27, "label": "H"}, {"source": 24, "target": 11, "label": "A"}, {"source": 20, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 27, "target": 17, "label": "F"}, {"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "S"}, {"source": 23, "target": 8, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 22, "target": 4, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 9, "label": "R"}, {"source": 27, "target": 26, "label": "S"}, {"source": 27, "target": 16, "label": "F"}]} +{"id": "076352-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The rooms were very clean, including the microwave and refrigerator.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 16, "label": "C"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "F"}, {"source": 15, "target": 9, "label": "N"}, {"source": 14, "target": 5, "label": "U"}, {"source": 15, "target": 6, "label": "R"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "S"}, {"source": 14, "target": 12, "label": "A"}]} +{"id": "076352-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a nice place, and I know we will return to meet my sister-in-law from Chicago!!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 65}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 68}]}, {"id": 18, "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "anchors": [{"from": 69, "to": 72}]}, {"id": 20, "anchors": [{"from": 73, "to": 77}]}, {"id": 21, "anchors": [{"from": 78, "to": 85}]}, {"id": 22, "anchors": [{"from": 85, "to": 87}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 32, "target": 17, "label": "R"}, {"source": 31, "target": 15, "label": "C"}, {"source": 30, "target": 31, "label": "S"}, {"source": 24, "target": 5, "label": "U"}, {"source": 24, "target": 27, "label": "H"}, {"source": 31, "target": 32, "label": "E"}, {"source": 30, "target": 14, "label": "A"}, {"source": 32, "target": 19, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 23, "target": 1, "label": "S"}, {"source": 32, "target": 18, "label": "U"}, {"source": 25, "target": 2, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 33, "target": 22, "label": "U"}, {"source": 29, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 11, "label": "P"}, {"source": 24, "target": 29, "label": "H"}, {"source": 33, "target": 20, "label": "R"}, {"source": 24, "target": 12, "label": "L"}, {"source": 27, "target": 7, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 3, "label": "S"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 31, "target": 16, "label": "U"}, {"source": 27, "target": 8, "label": "P"}, {"source": 28, "target": 9, "label": "A"}, {"source": 24, "target": 6, "label": "L"}, {"source": 28, "target": 10, "label": "F"}, {"source": 25, "target": 4, "label": "C"}]} +{"id": "076440-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "really amazing the new and exciting plays done at this theatre !", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 7, "label": "F"}, {"source": 17, "target": 8, "label": "R"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 16, "label": "D"}, {"source": 16, "target": 4, "label": "N"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 12, "label": "D"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "077034-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I loved the atmosphere here and the food is good, however the tables are so close together that it feels very cramped.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 117}]}, {"id": 23, "anchors": [{"from": 117, "to": 118}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 4, "label": "A"}, {"source": 25, "target": 5, "label": "L"}, {"source": 25, "target": 24, "label": "H"}, {"source": 31, "target": 15, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 7, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 32, "target": 22, "label": "S"}, {"source": 29, "target": 9, "label": "S"}, {"source": 29, "target": 8, "label": "F"}, {"source": 32, "target": 21, "label": "D"}, {"source": 30, "target": 12, "label": "F"}, {"source": 26, "target": 27, "label": "S"}, {"source": 31, "target": 30, "label": "A"}, {"source": 31, "target": 14, "label": "F"}, {"source": 30, "target": 13, "label": "C"}, {"source": 25, "target": 31, "label": "H"}, {"source": 32, "target": 19, "label": "A"}, {"source": 24, "target": 1, "label": "P"}, {"source": 32, "target": 23, "label": "U"}, {"source": 29, "target": 28, "label": "A"}, {"source": 25, "target": 18, "label": "L"}, {"source": 25, "target": 11, "label": "L"}, {"source": 31, "target": 16, "label": "S"}, {"source": 32, "target": 20, "label": "G"}, {"source": 28, "target": 6, "label": "F"}, {"source": 25, "target": 10, "label": "U"}, {"source": 25, "target": 32, "label": "H"}, {"source": 27, "target": 2, "label": "F"}, {"source": 31, "target": 17, "label": "D"}, {"source": 27, "target": 3, "label": "C"}]} +{"id": "077034-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were made to feel very welcome.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 5, "label": "D"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 6, "label": "S"}]} +{"id": "077034-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well worth a visit.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "077034-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "http://cambridgefoodfrivolity.blogspot.com/", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 43}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "077213-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the food is mediocre at best.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}, {"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 3, "label": "S"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "077213-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "the waitress took my name and then called me that all night.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 7, "label": "P"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 13, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "A"}, {"source": 18, "target": 19, "label": "T"}, {"source": 13, "target": 14, "label": "P"}, {"source": 16, "target": 5, "label": "L"}, {"source": 14, "target": 0, "label": "F"}, {"source": 17, "target": 3, "label": "E"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "077213-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "not sure how I feel about that one.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}, {"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "077213-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it's passable as a pub, but the pizza is not that great.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 55, "to": 56}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 4, "label": "F"}, {"source": 19, "target": 13, "label": "S"}, {"source": 16, "target": 6, "label": "U"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 8, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "D"}, {"source": 19, "target": 12, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 7, "label": "L"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "077213-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "if you want good pizza, go to famoso.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 15, "target": 9, "label": "U"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 5, "label": "U"}, {"source": 11, "target": 1, "label": "A"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "L"}, {"source": 14, "target": 6, "label": "P"}, {"source": 12, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "P"}, {"source": 10, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "077213-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "seriously.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "077298-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Had a horrible experience with a manager here, Rachel McInnis, she was rude, inconsiderate and did not do the right thing for an item that was marked incorrectly...", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}, {"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 161}]}, {"id": 30, "anchors": [{"from": 161, "to": 164}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 32, "target": 14, "label": "U"}, {"source": 40, "target": 23, "label": "R"}, {"source": 32, "target": 10, "label": "U"}, {"source": 36, "target": 12, "label": "F"}, {"source": 32, "target": 16, "label": "L"}, {"source": 35, "target": 5, "label": "F"}, {"source": 32, "target": 31, "label": "H"}, {"source": 41, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 27, "label": "F"}, {"source": 39, "target": 20, "label": "F"}, {"source": 38, "target": 17, "label": "F"}, {"source": 41, "target": 30, "label": "U"}, {"source": 31, "target": 0, "label": "F"}, {"source": 31, "target": 7, "label": "A"}, {"source": 39, "target": 19, "label": "F"}, {"source": 32, "target": 38, "label": "H"}, {"source": 33, "target": 3, "label": "C"}, {"source": 34, "target": 35, "label": "S"}, {"source": 41, "target": 28, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 41, "target": 26, "label": "R"}, {"source": 33, "target": 1, "label": "F"}, {"source": 36, "target": 13, "label": "S"}, {"source": 40, "target": 24, "label": "F"}, {"source": 32, "target": 37, "label": "H"}, {"source": 31, "target": 34, "label": "A"}, {"source": 32, "target": 36, "label": "H"}, {"source": 35, "target": 6, "label": "C"}, {"source": 36, "target": 11, "label": "A"}, {"source": 37, "target": 15, "label": "S"}, {"source": 38, "target": 39, "label": "P"}, {"source": 31, "target": 33, "label": "P"}, {"source": 37, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 9, "label": "A"}, {"source": 38, "target": 18, "label": "D"}, {"source": 41, "target": 29, "label": "D"}, {"source": 40, "target": 25, "label": "C"}, {"source": 34, "target": 4, "label": "R"}, {"source": 39, "target": 21, "label": "E"}, {"source": 31, "target": 8, "label": "U"}, {"source": 31, "target": 2, "label": "D"}, {"source": 38, "target": 40, "label": "A"}, {"source": 39, "target": 22, "label": "C"}, {"source": 38, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "077298-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I'm not interested in shopping in a place with people like her... she refused to sell me the item at its marked price even after admitting they had made a mistake.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}, {"from": 123, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 162}]}, {"id": 32, "anchors": [{"from": 162, "to": 163}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 38, "target": 18, "label": "A"}, {"source": 42, "target": 28, "label": "F"}, {"source": 39, "target": 20, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 36, "target": 10, "label": "C"}, {"source": 40, "target": 23, "label": "P"}, {"source": 40, "target": 21, "label": "R"}, {"source": 38, "target": 14, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 35, "target": 8, "label": "C"}, {"source": 37, "target": 12, "label": "C"}, {"source": 34, "target": 38, "label": "H"}, {"source": 33, "target": 3, "label": "D"}, {"source": 39, "target": 19, "label": "F"}, {"source": 38, "target": 15, "label": "D"}, {"source": 41, "target": 42, "label": "A"}, {"source": 35, "target": 6, "label": "R"}, {"source": 33, "target": 1, "label": "F"}, {"source": 38, "target": 39, "label": "A"}, {"source": 33, "target": 0, "label": "A"}, {"source": 43, "target": 32, "label": "U"}, {"source": 41, "target": 26, "label": "P"}, {"source": 37, "target": 11, "label": "R"}, {"source": 38, "target": 17, "label": "P"}, {"source": 42, "target": 29, "label": "D"}, {"source": 42, "target": 27, "label": "A"}, {"source": 43, "target": 30, "label": "F"}, {"source": 36, "target": 9, "label": "R"}, {"source": 38, "target": 16, "label": "F"}, {"source": 33, "target": 2, "label": "D"}, {"source": 35, "target": 7, "label": "F"}, {"source": 43, "target": 31, "label": "C"}, {"source": 33, "target": 4, "label": "F"}, {"source": 34, "target": 33, "label": "H"}, {"source": 42, "target": 43, "label": "P"}, {"source": 33, "target": 5, "label": "P"}, {"source": 40, "target": 22, "label": "A"}, {"source": 34, "target": 13, "label": "U"}, {"source": 35, "target": 36, "label": "E"}, {"source": 34, "target": 41, "label": "H"}, {"source": 40, "target": 24, "label": "A"}, {"source": 38, "target": 40, "label": "A"}, {"source": 34, "target": 25, "label": "L"}]} +{"id": "077298-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I normally don't write reviews but seeing that I considered Dillards a distinguished, upscale place to shop, this one won't be getting my business, nor my family's, nor my co-workers.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 84}]}, {"id": 13, "anchors": [{"from": 84, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 146}]}, {"id": 27, "anchors": [{"from": 146, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 151}]}, {"id": 29, "anchors": [{"from": 152, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 161}]}, {"id": 31, "anchors": [{"from": 161, "to": 163}]}, {"id": 32, "anchors": [{"from": 163, "to": 164}]}, {"id": 33, "anchors": [{"from": 165, "to": 168}]}, {"id": 34, "anchors": [{"from": 169, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 182}]}, {"id": 36, "anchors": [{"from": 182, "to": 183}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 47, "target": 48, "label": "C"}, {"source": 47, "target": 49, "label": "C"}, {"source": 43, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 30, "label": "A"}, {"source": 39, "target": 8, "label": "A"}, {"source": 49, "target": 35, "label": "A"}, {"source": 47, "target": 25, "label": "C"}, {"source": 38, "target": 37, "label": "H"}, {"source": 42, "target": 15, "label": "C"}, {"source": 44, "target": 16, "label": "F"}, {"source": 49, "target": 34, "label": "A"}, {"source": 38, "target": 39, "label": "H"}, {"source": 45, "target": 20, "label": "C"}, {"source": 42, "target": 44, "label": "E"}, {"source": 37, "target": 5, "label": "A"}, {"source": 46, "target": 26, "label": "P"}, {"source": 38, "target": 18, "label": "U"}, {"source": 43, "target": 14, "label": "S"}, {"source": 45, "target": 19, "label": "E"}, {"source": 49, "target": 36, "label": "U"}, {"source": 46, "target": 47, "label": "A"}, {"source": 49, "target": 35, "label": "S"}, {"source": 37, "target": 1, "label": "T"}, {"source": 39, "target": 7, "label": "G"}, {"source": 48, "target": 29, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 46, "target": 27, "label": "U"}, {"source": 47, "target": 33, "label": "N"}, {"source": 46, "target": 45, "label": "A"}, {"source": 37, "target": 2, "label": "F"}, {"source": 37, "target": 3, "label": "D"}, {"source": 41, "target": 12, "label": "S"}, {"source": 42, "target": 11, "label": "F"}, {"source": 38, "target": 46, "label": "H"}, {"source": 41, "target": 10, "label": "A"}, {"source": 37, "target": 0, "label": "A"}, {"source": 47, "target": 32, "label": "U"}, {"source": 44, "target": 17, "label": "P"}, {"source": 46, "target": 23, "label": "F"}, {"source": 46, "target": 24, "label": "D"}, {"source": 48, "target": 31, "label": "R"}, {"source": 40, "target": 13, "label": "U"}, {"source": 43, "target": 42, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 4, "label": "P"}, {"source": 38, "target": 6, "label": "L"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 43, "label": "H"}, {"source": 39, "target": 9, "label": "P"}, {"source": 46, "target": 21, "label": "F"}, {"source": 48, "target": 30, "label": "S"}, {"source": 40, "target": 41, "label": "H"}, {"source": 46, "target": 22, "label": "D"}, {"source": 47, "target": 28, "label": "N"}]} +{"id": "077298-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's never ok to let a customer walk out unhappy, especially when they are right.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 60}, {"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 7, "label": "C"}, {"source": 24, "target": 14, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 24, "target": 13, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 17, "target": 0, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 8, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "D"}, {"source": 19, "target": 9, "label": "D"}, {"source": 21, "target": 22, "label": "S"}, {"source": 17, "target": 1, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 15, "label": "S"}, {"source": 20, "target": 19, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 23, "target": 10, "label": "S"}, {"source": 17, "target": 2, "label": "T"}, {"source": 18, "target": 12, "label": "L"}, {"source": 17, "target": 3, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 24, "label": "H"}]} +{"id": "077344-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No service.. But good food..", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "U"}, {"source": 9, "target": 5, "label": "A"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "077414-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Small Firm with Great Service", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "S"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 5, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}]} +{"id": "077414-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bloom Legal was really attentive to my problem, and Seth Bloom took the time to help me understand the legal issue I was dealing with.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 133}]}, {"id": 24, "anchors": [{"from": 133, "to": 134}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 17, "label": "F"}, {"source": 32, "target": 22, "label": "P"}, {"source": 31, "target": 32, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 0, "label": "A"}, {"source": 29, "target": 11, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 28, "target": 15, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 30, "target": 16, "label": "P"}, {"source": 28, "target": 14, "label": "P"}, {"source": 32, "target": 20, "label": "A"}, {"source": 28, "target": 13, "label": "F"}, {"source": 28, "target": 29, "label": "D"}, {"source": 33, "target": 19, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "F"}, {"source": 27, "target": 5, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 26, "target": 8, "label": "L"}, {"source": 33, "target": 23, "label": "R"}, {"source": 25, "target": 3, "label": "S"}, {"source": 26, "target": 7, "label": "U"}, {"source": 27, "target": 4, "label": "R"}, {"source": 26, "target": 28, "label": "H"}, {"source": 25, "target": 2, "label": "D"}, {"source": 28, "target": 9, "label": "A"}, {"source": 31, "target": 18, "label": "E"}, {"source": 32, "target": 21, "label": "F"}, {"source": 30, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "S"}, {"source": 29, "target": 12, "label": "C"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "077414-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I much preferred the one-on-one service here to the experiences I've had with bigger offices and firms.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 28, "label": "P"}, {"source": 27, "target": 5, "label": "U"}, {"source": 28, "target": 12, "label": "F"}, {"source": 32, "target": 22, "label": "U"}, {"source": 32, "target": 19, "label": "C"}, {"source": 25, "target": 26, "label": "S"}, {"source": 26, "target": 3, "label": "F"}, {"source": 27, "target": 4, "label": "C"}, {"source": 31, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 21, "label": "C"}, {"source": 31, "target": 18, "label": "S"}, {"source": 24, "target": 11, "label": "L"}, {"source": 32, "target": 20, "label": "N"}, {"source": 27, "target": 7, "label": "U"}, {"source": 24, "target": 29, "label": "H"}, {"source": 28, "target": 16, "label": "F"}, {"source": 30, "target": 17, "label": "R"}, {"source": 30, "target": 31, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 27, "label": "D"}, {"source": 29, "target": 15, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "A"}, {"source": 30, "target": 32, "label": "C"}, {"source": 23, "target": 1, "label": "D"}, {"source": 27, "target": 8, "label": "C"}, {"source": 27, "target": 6, "label": "N"}, {"source": 28, "target": 13, "label": "C"}, {"source": 23, "target": 10, "label": "A"}, {"source": 26, "target": 9, "label": "C"}]} +{"id": "077414-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "While I hope I don't have any need for a lawyer anytime soon, if I do I'll definitely use this firm again.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 71}]}, {"id": 19, "anchors": [{"from": 71, "to": 74}]}, {"id": 20, "anchors": [{"from": 75, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 99}]}, {"id": 24, "anchors": [{"from": 100, "to": 105}]}, {"id": 25, "anchors": [{"from": 105, "to": 106}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 29, "target": 9, "label": "R"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 16, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 15, "label": "L"}, {"source": 26, "target": 32, "label": "H"}, {"source": 33, "target": 24, "label": "T"}, {"source": 32, "target": 17, "label": "D"}, {"source": 32, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "P"}, {"source": 28, "target": 4, "label": "F"}, {"source": 33, "target": 20, "label": "D"}, {"source": 31, "target": 12, "label": "E"}, {"source": 26, "target": 33, "label": "H"}, {"source": 33, "target": 21, "label": "P"}, {"source": 34, "target": 22, "label": "E"}, {"source": 28, "target": 3, "label": "A"}, {"source": 26, "target": 14, "label": "U"}, {"source": 28, "target": 31, "label": "T"}, {"source": 28, "target": 7, "label": "D"}, {"source": 28, "target": 5, "label": "D"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "C"}, {"source": 27, "target": 1, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 26, "target": 0, "label": "L"}, {"source": 31, "target": 13, "label": "C"}, {"source": 27, "target": 2, "label": "P"}, {"source": 34, "target": 23, "label": "C"}, {"source": 28, "target": 6, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 33, "target": 18, "label": "A"}, {"source": 32, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 19, "label": "F"}, {"source": 28, "target": 8, "label": "P"}, {"source": 30, "target": 10, "label": "F"}]} +{"id": "079007-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their food and sweets are awesome.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 11, "target": 3, "label": "C"}, {"source": 8, "target": 11, "label": "C"}, {"source": 11, "target": 2, "label": "N"}, {"source": 7, "target": 0, "label": "S"}, {"source": 10, "target": 5, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "E"}, {"source": 7, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "079007-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But service is very poor.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "079007-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Attitude of staff very bad.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 0, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "A"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "079007-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Never gives a receipt.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 0, "label": "T"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 3, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "079007-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sometimes even gives wrong dish.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 0, "label": "T"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "079007-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So confused at the payment area.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 4, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "D"}]} +{"id": "079007-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Line up is so stupid.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "D"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}]} +{"id": "079007-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even if you line up.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "079007-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "To make a order you may have to go to back of line.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}, {"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "E"}, {"source": 16, "target": 5, "label": "D"}, {"source": 16, "target": 7, "label": "P"}, {"source": 15, "target": 3, "label": "C"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "F"}, {"source": 16, "target": 4, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 8, "label": "R"}, {"source": 14, "target": 1, "label": "D"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "079007-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And then wait again.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "D"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "079007-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not organised.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "079375-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "079375-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recently took a rescue puppy to this Clinic and I was SHOCKED at how well Romeo and My family was treated.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 29, "target": 20, "label": "F"}, {"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 12, "label": "S"}, {"source": 28, "target": 10, "label": "A"}, {"source": 29, "target": 14, "label": "D"}, {"source": 31, "target": 19, "label": "S"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 1, "label": "T"}, {"source": 28, "target": 11, "label": "F"}, {"source": 27, "target": 7, "label": "E"}, {"source": 30, "target": 16, "label": "C"}, {"source": 26, "target": 4, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 15, "label": "D"}, {"source": 29, "target": 22, "label": "U"}, {"source": 30, "target": 31, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 17, "label": "N"}, {"source": 31, "target": 18, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 13, "label": "R"}, {"source": 25, "target": 3, "label": "F"}, {"source": 23, "target": 27, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 27, "target": 6, "label": "R"}, {"source": 27, "target": 8, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 21, "label": "P"}, {"source": 31, "target": 19, "label": "A"}]} +{"id": "079375-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They worked around the clock to ensure that my puppy life was saved.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 3, "label": "L"}, {"source": 14, "target": 4, "label": "P"}, {"source": 15, "target": 10, "label": "P"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 6, "label": "S"}, {"source": 17, "target": 7, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 9, "label": "F"}, {"source": 12, "target": 2, "label": "T"}, {"source": 15, "target": 18, "label": "A"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 18, "target": 17, "label": "E"}]} +{"id": "079375-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have to leave him at the vet for 3 days and I was told to call for check ups as often as I wished that no matter how many times I called I would not annoy them.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 75}, {"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 119}, {"from": 120, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 151}]}, {"id": 33, "anchors": [{"from": 152, "to": 157}]}, {"id": 34, "anchors": [{"from": 158, "to": 162}]}, {"id": 35, "anchors": [{"from": 162, "to": 163}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 50, "target": 33, "label": "P"}, {"source": 36, "target": 1, "label": "D"}, {"source": 39, "target": 5, "label": "F"}, {"source": 38, "target": 4, "label": "R"}, {"source": 50, "target": 31, "label": "D"}, {"source": 47, "target": 25, "label": "C"}, {"source": 50, "target": 32, "label": "D"}, {"source": 40, "target": 7, "label": "R"}, {"source": 43, "target": 46, "label": "H"}, {"source": 40, "target": 9, "label": "C"}, {"source": 46, "target": 21, "label": "A"}, {"source": 36, "target": 38, "label": "A"}, {"source": 46, "target": 15, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 20, "label": "R"}, {"source": 49, "target": 28, "label": "A"}, {"source": 39, "target": 6, "label": "C"}, {"source": 36, "target": 2, "label": "P"}, {"source": 40, "target": 8, "label": "Q"}, {"source": 50, "target": 30, "label": "A"}, {"source": 45, "target": 19, "label": "C"}, {"source": 42, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 10, "label": "L"}, {"source": 45, "target": 18, "label": "R"}, {"source": 47, "target": 23, "label": "R"}, {"source": 38, "target": 39, "label": "A"}, {"source": 50, "target": 35, "label": "U"}, {"source": 49, "target": 48, "label": "D"}, {"source": 42, "target": 15, "label": "P"}, {"source": 41, "target": 43, "label": "A"}, {"source": 41, "target": 13, "label": "P"}, {"source": 47, "target": 24, "label": "E"}, {"source": 43, "target": 47, "label": "L"}, {"source": 48, "target": 27, "label": "C"}, {"source": 42, "target": 14, "label": "R"}, {"source": 43, "target": 42, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 50, "target": 34, "label": "A"}, {"source": 44, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 17, "label": "P"}, {"source": 49, "target": 29, "label": "P"}, {"source": 41, "target": 11, "label": "A"}, {"source": 36, "target": 3, "label": "A"}, {"source": 42, "target": 16, "label": "F"}, {"source": 36, "target": 0, "label": "A"}, {"source": 43, "target": 49, "label": "H"}, {"source": 43, "target": 45, "label": "L"}, {"source": 43, "target": 50, "label": "H"}, {"source": 41, "target": 12, "label": "F"}, {"source": 42, "target": 44, "label": "A"}, {"source": 46, "target": 22, "label": "D"}, {"source": 37, "target": 41, "label": "H"}, {"source": 36, "target": 40, "label": "T"}, {"source": 38, "target": 39, "label": "S"}, {"source": 48, "target": 26, "label": "Q"}]} +{"id": "079375-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "lol They where super friendly towards us and treated us like people not walking bags of cash.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 19, "target": 0, "label": "G"}, {"source": 25, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 17, "label": "U"}, {"source": 23, "target": 24, "label": "D"}, {"source": 25, "target": 27, "label": "A"}, {"source": 21, "target": 1, "label": "A"}, {"source": 22, "target": 5, "label": "R"}, {"source": 27, "target": 14, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 13, "label": "P"}, {"source": 21, "target": 3, "label": "D"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 18, "label": "H"}, {"source": 25, "target": 12, "label": "D"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 10, "label": "R"}, {"source": 23, "target": 8, "label": "P"}, {"source": 20, "target": 7, "label": "L"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "F"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "R"}, {"source": 23, "target": 9, "label": "A"}, {"source": 26, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 22, "target": 6, "label": "C"}, {"source": 28, "target": 16, "label": "C"}, {"source": 21, "target": 4, "label": "S"}]} +{"id": "079375-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In this day its rare to find such wonderful people who CARE , Not the kind of want to make cash.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 95}]}, {"id": 22, "anchors": [{"from": 95, "to": 96}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 8, "label": "D"}, {"source": 30, "target": 17, "label": "F"}, {"source": 33, "target": 20, "label": "F"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "H"}, {"source": 32, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 10, "label": "C"}, {"source": 25, "target": 6, "label": "F"}, {"source": 23, "target": 2, "label": "C"}, {"source": 29, "target": 11, "label": "R"}, {"source": 33, "target": 21, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 32, "target": 19, "label": "F"}, {"source": 23, "target": 1, "label": "E"}, {"source": 33, "target": 22, "label": "U"}, {"source": 31, "target": 16, "label": "C"}, {"source": 30, "target": 10, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 23, "label": "T"}, {"source": 32, "target": 33, "label": "P"}, {"source": 23, "target": 0, "label": "R"}, {"source": 30, "target": 31, "label": "E"}, {"source": 25, "target": 5, "label": "T"}, {"source": 31, "target": 15, "label": "F"}, {"source": 25, "target": 4, "label": "F"}, {"source": 32, "target": 18, "label": "D"}, {"source": 28, "target": 27, "label": "C"}, {"source": 30, "target": 32, "label": "E"}, {"source": 28, "target": 13, "label": "U"}, {"source": 29, "target": 12, "label": "P"}, {"source": 25, "target": 3, "label": "F"}, {"source": 26, "target": 9, "label": "S"}, {"source": 28, "target": 30, "label": "C"}, {"source": 25, "target": 7, "label": "P"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "E"}, {"source": 30, "target": 14, "label": "E"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "079375-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would strongly suggest you give them the chance to prove to you that not all people in this world are evil!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 1, "label": "D"}, {"source": 28, "target": 13, "label": "R"}, {"source": 26, "target": 5, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 27, "target": 12, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 21, "label": "S"}, {"source": 30, "target": 16, "label": "C"}, {"source": 28, "target": 22, "label": "U"}, {"source": 24, "target": 3, "label": "P"}, {"source": 24, "target": 2, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 9, "label": "F"}, {"source": 31, "target": 17, "label": "R"}, {"source": 30, "target": 31, "label": "E"}, {"source": 25, "target": 26, "label": "D"}, {"source": 27, "target": 11, "label": "R"}, {"source": 30, "target": 29, "label": "Q"}, {"source": 26, "target": 8, "label": "C"}, {"source": 25, "target": 6, "label": "A"}, {"source": 29, "target": 15, "label": "C"}, {"source": 28, "target": 20, "label": "F"}, {"source": 31, "target": 18, "label": "E"}, {"source": 29, "target": 14, "label": "E"}, {"source": 25, "target": 4, "label": "A"}, {"source": 26, "target": 7, "label": "F"}, {"source": 25, "target": 10, "label": "P"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "079375-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will never go to another vet as long as I have animals.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}, {"from": 34, "to": 38}, {"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 6, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 2, "label": "D"}, {"source": 15, "target": 10, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 5, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 2, "label": "T"}]} +{"id": "079375-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I live nearly two hours away and yet I will still make the drive to see them!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 17, "target": 5, "label": "D"}, {"source": 18, "target": 13, "label": "L"}, {"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 7, "label": "A"}, {"source": 22, "target": 10, "label": "F"}, {"source": 20, "target": 19, "label": "Q"}, {"source": 22, "target": 11, "label": "F"}, {"source": 21, "target": 9, "label": "D"}, {"source": 19, "target": 2, "label": "E"}, {"source": 17, "target": 20, "label": "T"}, {"source": 23, "target": 15, "label": "A"}, {"source": 18, "target": 6, "label": "L"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 8, "label": "F"}, {"source": 23, "target": 14, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "079375-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Infact I look forward to taking my animals to the vet simply because of how my animals and I are treated.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 60}, {"from": 61, "to": 68}, {"from": 69, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 104}]}, {"id": 18, "anchors": [{"from": 104, "to": 105}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 3, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 26, "target": 16, "label": "F"}, {"source": 25, "target": 8, "label": "F"}, {"source": 19, "target": 10, "label": "L"}, {"source": 20, "target": 1, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 9, "label": "C"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 28, "label": "C"}, {"source": 26, "target": 11, "label": "D"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 26, "label": "H"}, {"source": 22, "target": 5, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 14, "label": "N"}, {"source": 26, "target": 17, "label": "P"}, {"source": 21, "target": 4, "label": "P"}, {"source": 26, "target": 29, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 25, "label": "P"}, {"source": 26, "target": 18, "label": "U"}, {"source": 27, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 27, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 29, "target": 15, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "079827-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic fresh food!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "S"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "079827-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What a neat gem of a restaurant in a corner one wouldn't expect it.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 21, "target": 11, "label": "D"}, {"source": 17, "target": 2, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 0, "label": "D"}, {"source": 17, "target": 18, "label": "S"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 19, "target": 5, "label": "F"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 9, "label": "C"}, {"source": 21, "target": 12, "label": "D"}, {"source": 18, "target": 1, "label": "F"}, {"source": 20, "target": 8, "label": "F"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 13, "label": "P"}, {"source": 20, "target": 21, "label": "E"}]} +{"id": "079827-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cozy, warm atmosphere, great service.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 8, "label": "D"}, {"source": 11, "target": 5, "label": "D"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "079827-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Most importantly, the food was outstanding.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 8, "label": "G"}, {"source": 10, "target": 2, "label": "U"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 5, "label": "F"}]} +{"id": "079827-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It clearly had been prepared from fresh ingredients.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "G"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "079827-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We'll be back often.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "T"}]} +{"id": "080178-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You will be happy at this store!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "080178-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Allen Tire was recommended by friend after my having bad tire experiences in Temecula.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 85}]}, {"id": 13, "anchors": [{"from": 85, "to": 86}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 17, "target": 9, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 8, "label": "D"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 4, "label": "S"}, {"source": 16, "target": 4, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 12, "label": "C"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 18, "target": 11, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "L"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "080178-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The store manager, Jim Smith, made an excellent tire recommendation for my newly acquired Lexus.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 95}]}, {"id": 16, "anchors": [{"from": 95, "to": 96}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 12, "label": "S"}, {"source": 18, "target": 4, "label": "A"}, {"source": 20, "target": 11, "label": "L"}, {"source": 17, "target": 1, "label": "C"}, {"source": 17, "target": 0, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 22, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 3, "label": "U"}, {"source": 19, "target": 6, "label": "D"}, {"source": 21, "target": 9, "label": "C"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 5, "label": "U"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 18, "target": 2, "label": "S"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 8, "label": "D"}, {"source": 23, "target": 13, "label": "D"}, {"source": 19, "target": 10, "label": "P"}, {"source": 24, "target": 22, "label": "E"}]} +{"id": "080178-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tires were the right price and now the car feels like it is riding on rails around turns.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 25, "target": 27, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 25, "target": 11, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 21, "label": "S"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 10, "label": "R"}, {"source": 20, "target": 5, "label": "L"}, {"source": 19, "target": 1, "label": "F"}, {"source": 25, "target": 13, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 2, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 3, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 12, "label": "F"}, {"source": 27, "target": 16, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "S"}, {"source": 22, "target": 6, "label": "T"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "080178-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The store is clean, run very professionally and a pleasure to be in.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 12, "label": "F"}, {"source": 21, "target": 20, "label": "D"}, {"source": 18, "target": 5, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "D"}, {"source": 16, "target": 2, "label": "F"}, {"source": 20, "target": 10, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 15, "target": 0, "label": "F"}, {"source": 21, "target": 13, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 9, "label": "F"}, {"source": 19, "target": 7, "label": "C"}, {"source": 17, "target": 4, "label": "U"}, {"source": 21, "target": 11, "label": "F"}, {"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "L"}, {"source": 17, "target": 21, "label": "H"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "080178-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They know their job and you do not have to watch them to be sure everything is done right.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "L"}, {"source": 20, "target": 11, "label": "L"}, {"source": 19, "target": 1, "label": "P"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "S"}, {"source": 22, "target": 9, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 12, "label": "F"}, {"source": 24, "target": 14, "label": "A"}, {"source": 22, "target": 7, "label": "D"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 17, "label": "D"}, {"source": 22, "target": 5, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 3, "label": "P"}, {"source": 24, "target": 16, "label": "P"}, {"source": 22, "target": 8, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 24, "target": 15, "label": "F"}]} +{"id": "080221-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Hino Dealer of the Year", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 3, "label": "F"}, {"source": 6, "target": 7, "label": "T"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "080221-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Congratulations Prestige Hino!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 24}, {"from": 25, "to": 29}]}, {"id": 2, "anchors": [{"from": 29, "to": 30}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "080221-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You have been awarded the converted Hino Dealer of the Year!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 14, "target": 5, "label": "D"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 16, "label": "T"}, {"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 9, "label": "F"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "E"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "080221-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Each of you should be proud of your massive contributions throughout the year!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 7, "label": "A"}, {"source": 17, "target": 8, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "S"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 11, "label": "F"}, {"source": 14, "target": 0, "label": "Q"}, {"source": 17, "target": 18, "label": "T"}, {"source": 17, "target": 9, "label": "P"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 12, "label": "C"}]} +{"id": "080221-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Major Awards – Overall Hino dealer of the year.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "U"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 3, "label": "D"}, {"source": 13, "target": 7, "label": "F"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 13, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "080221-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overall Hino finance dealer of the year.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "T"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "A"}, {"source": 10, "target": 5, "label": "F"}]} +{"id": "080221-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Major Awards – Market leader overall, Dandenong PMA, sales.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "P"}, {"source": 15, "target": 6, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 14, "label": "C"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "080221-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Market leader medium duty, sales.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "D"}, {"source": 8, "target": 4, "label": "U"}, {"source": 9, "target": 2, "label": "E"}, {"source": 10, "target": 5, "label": "P"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "080221-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well done to Anthony and the team!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "N"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "C"}]} +{"id": "080221-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bronze award service excellence, metro.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 31}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "D"}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 0, "label": "D"}]} +{"id": "080221-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well done to Brendan and the team!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "N"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "C"}]} +{"id": "080221-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Gold award parts excellence, metro.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 0, "label": "D"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "080221-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well done to Jason and the team!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "N"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "C"}]} +{"id": "080814-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic professional service -", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 32}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "C"}, {"source": 4, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "D"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "080814-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys really know their stuff .. they have almost anything you could want in terms of spy and surviellance equipment.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}, {"from": 82, "to": 87}, {"from": 88, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 121}]}, {"id": 19, "anchors": [{"from": 121, "to": 122}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 27, "target": 19, "label": "U"}, {"source": 27, "target": 14, "label": "R"}, {"source": 25, "target": 9, "label": "Q"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 13, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 4, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 6, "label": "U"}, {"source": 25, "target": 10, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 21, "target": 3, "label": "P"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "C"}, {"source": 26, "target": 12, "label": "D"}, {"source": 27, "target": 28, "label": "E"}, {"source": 24, "target": 7, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 24, "target": 8, "label": "S"}, {"source": 20, "target": 0, "label": "E"}, {"source": 28, "target": 17, "label": "C"}, {"source": 28, "target": 16, "label": "N"}, {"source": 21, "target": 2, "label": "D"}, {"source": 20, "target": 1, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "080814-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Truly james bond style stuff ... would recommend", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 48}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 10, "target": 5, "label": "D"}, {"source": 9, "target": 1, "label": "E"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 10, "target": 6, "label": "P"}, {"source": 7, "target": 3, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 9, "label": "S"}]} +{"id": "080854-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fast and affordable.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "080854-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great job master keying our building.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 10, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "P"}, {"source": 10, "target": 4, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "081116-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best fried shrimp in the state!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 9, "label": "E"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "081796-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Exile is the best!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "081796-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Exile is the longest lasting and most authentic punk store in Richmond!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "L"}, {"source": 13, "target": 15, "label": "S"}, {"source": 17, "target": 8, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 7, "label": "S"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "081796-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been shopping there for over six years now.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 9, "label": "F"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "E"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "T"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "Q"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "081796-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The staff is incredibly friendly and helpful and the owner, Mimmy, is an absolute angel.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 9, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 5, "label": "N"}, {"source": 25, "target": 15, "label": "E"}, {"source": 24, "target": 11, "label": "A"}, {"source": 24, "target": 12, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 24, "target": 10, "label": "U"}, {"source": 24, "target": 13, "label": "F"}, {"source": 21, "target": 3, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "S"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 23, "label": "S"}, {"source": 22, "target": 6, "label": "C"}, {"source": 24, "target": 25, "label": "D"}]} +{"id": "081796-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The mark up is minimal considering that the clothing is hard to find and often shipped for Europe.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 34}, {"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 97}]}, {"id": 16, "anchors": [{"from": 97, "to": 98}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "T"}, {"source": 19, "target": 11, "label": "L"}, {"source": 21, "target": 9, "label": "F"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 3, "label": "D"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 0, "label": "F"}, {"source": 19, "target": 4, "label": "L"}, {"source": 21, "target": 10, "label": "P"}, {"source": 23, "target": 14, "label": "R"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 22, "target": 13, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 21, "target": 7, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 17, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "081796-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In addition, the clothing is of much better quality than the clothing from hot topic, which is made as cheaply as possible by people living in horrible conditions in Asia.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}, {"from": 79, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 162}]}, {"id": 28, "anchors": [{"from": 163, "to": 165}]}, {"id": 29, "anchors": [{"from": 166, "to": 170}]}, {"id": 30, "anchors": [{"from": 170, "to": 171}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 39, "target": 22, "label": "R"}, {"source": 35, "target": 11, "label": "C"}, {"source": 32, "target": 2, "label": "F"}, {"source": 41, "target": 42, "label": "E"}, {"source": 31, "target": 0, "label": "L"}, {"source": 36, "target": 13, "label": "C"}, {"source": 42, "target": 26, "label": "S"}, {"source": 36, "target": 12, "label": "R"}, {"source": 33, "target": 32, "label": "A"}, {"source": 34, "target": 7, "label": "C"}, {"source": 33, "target": 35, "label": "A"}, {"source": 38, "target": 21, "label": "C"}, {"source": 40, "target": 24, "label": "P"}, {"source": 41, "target": 27, "label": "C"}, {"source": 31, "target": 33, "label": "H"}, {"source": 35, "target": 37, "label": "E"}, {"source": 35, "target": 9, "label": "R"}, {"source": 38, "target": 19, "label": "C"}, {"source": 42, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 43, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 32, "target": 3, "label": "C"}, {"source": 37, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 4, "label": "F"}, {"source": 37, "target": 38, "label": "D"}, {"source": 37, "target": 17, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 43, "target": 29, "label": "C"}, {"source": 37, "target": 16, "label": "F"}, {"source": 41, "target": 25, "label": "R"}, {"source": 37, "target": 15, "label": "R"}, {"source": 31, "target": 1, "label": "U"}, {"source": 33, "target": 34, "label": "D"}, {"source": 34, "target": 6, "label": "E"}, {"source": 33, "target": 8, "label": "S"}, {"source": 35, "target": 14, "label": "U"}, {"source": 37, "target": 39, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 39, "target": 23, "label": "C"}, {"source": 40, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 28, "label": "R"}, {"source": 43, "target": 30, "label": "U"}, {"source": 35, "target": 10, "label": "F"}, {"source": 38, "target": 20, "label": "R"}, {"source": 38, "target": 18, "label": "R"}, {"source": 33, "target": 5, "label": "F"}]} +{"id": "081796-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Exile is environmentally conscious and involved heavily in our community.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 72}]}, {"id": 10, "anchors": [{"from": 72, "to": 73}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 9, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 13, "target": 6, "label": "D"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 8, "label": "A"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "081796-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Shop local at Exile!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "081934-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Liquidweb.com Rocks!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 19}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "081934-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am not a client of liquidweb.com, but one of my friend called Steven is the client having several websites.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 22, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "D"}, {"source": 27, "target": 12, "label": "S"}, {"source": 32, "target": 19, "label": "Q"}, {"source": 27, "target": 11, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 16, "label": "F"}, {"source": 26, "target": 10, "label": "R"}, {"source": 26, "target": 9, "label": "Q"}, {"source": 32, "target": 20, "label": "C"}, {"source": 31, "target": 18, "label": "S"}, {"source": 28, "target": 27, "label": "A"}, {"source": 22, "target": 25, "label": "A"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "C"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 31, "label": "H"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 30, "label": "S"}, {"source": 23, "target": 22, "label": "H"}, {"source": 29, "target": 14, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 32, "target": 21, "label": "U"}, {"source": 23, "target": 7, "label": "U"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 5, "label": "R"}, {"source": 24, "target": 4, "label": "C"}, {"source": 24, "target": 3, "label": "F"}, {"source": 22, "target": 24, "label": "S"}, {"source": 26, "target": 9, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 29, "target": 13, "label": "S"}]} +{"id": "081934-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I work with him and since past 6 years he is hosting his websites to Liquidweb.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 12, "label": "S"}, {"source": 18, "target": 4, "label": "L"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "A"}, {"source": 20, "target": 6, "label": "E"}, {"source": 24, "target": 14, "label": "R"}, {"source": 21, "target": 11, "label": "P"}, {"source": 19, "target": 2, "label": "R"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 21, "target": 20, "label": "T"}, {"source": 24, "target": 15, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "Q"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 5, "label": "F"}, {"source": 17, "target": 1, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 13, "label": "C"}, {"source": 21, "target": 10, "label": "F"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "081934-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As I have gone through many reviews sites to see if any provider is providing better services or not, and I have realized that there were many good reviews about Liquidweb also Steven never faced any server issues in his whole hosting.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 189}]}, {"id": 35, "anchors": [{"from": 190, "to": 195}]}, {"id": 36, "anchors": [{"from": 196, "to": 199}]}, {"id": 37, "anchors": [{"from": 200, "to": 206}]}, {"id": 38, "anchors": [{"from": 207, "to": 213}]}, {"id": 39, "anchors": [{"from": 214, "to": 216}]}, {"id": 40, "anchors": [{"from": 217, "to": 220}]}, {"id": 41, "anchors": [{"from": 221, "to": 226}]}, {"id": 42, "anchors": [{"from": 227, "to": 234}]}, {"id": 43, "anchors": [{"from": 234, "to": 235}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 44, "target": 49, "label": "H"}, {"source": 59, "target": 32, "label": "D"}, {"source": 61, "target": 39, "label": "R"}, {"source": 55, "target": 14, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 61, "label": "A"}, {"source": 58, "target": 30, "label": "R"}, {"source": 59, "target": 34, "label": "T"}, {"source": 59, "target": 35, "label": "P"}, {"source": 59, "target": 60, "label": "A"}, {"source": 50, "target": 13, "label": "F"}, {"source": 57, "target": 26, "label": "F"}, {"source": 50, "target": 51, "label": "A"}, {"source": 46, "target": 3, "label": "F"}, {"source": 49, "target": 9, "label": "P"}, {"source": 56, "target": 21, "label": "A"}, {"source": 50, "target": 14, "label": "P"}, {"source": 52, "target": 12, "label": "C"}, {"source": 55, "target": 18, "label": "D"}, {"source": 45, "target": 46, "label": "P"}, {"source": 59, "target": 33, "label": "A"}, {"source": 57, "target": 29, "label": "P"}, {"source": 56, "target": 23, "label": "P"}, {"source": 45, "target": 1, "label": "A"}, {"source": 60, "target": 38, "label": "C"}, {"source": 48, "target": 6, "label": "P"}, {"source": 53, "target": 15, "label": "D"}, {"source": 47, "target": 48, "label": "E"}, {"source": 44, "target": 45, "label": "H"}, {"source": 44, "target": 20, "label": "L"}, {"source": 56, "target": 22, "label": "F"}, {"source": 44, "target": 0, "label": "L"}, {"source": 44, "target": 59, "label": "H"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 10, "label": "R"}, {"source": 50, "target": 54, "label": "A"}, {"source": 60, "target": 37, "label": "E"}, {"source": 44, "target": 8, "label": "L"}, {"source": 44, "target": 56, "label": "H"}, {"source": 58, "target": 31, "label": "C"}, {"source": 54, "target": 17, "label": "L"}, {"source": 59, "target": 34, "label": "D"}, {"source": 47, "target": 5, "label": "Q"}, {"source": 57, "target": 58, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 61, "target": 40, "label": "A"}, {"source": 51, "target": 52, "label": "P"}, {"source": 52, "target": 11, "label": "E"}, {"source": 44, "target": 19, "label": "U"}, {"source": 61, "target": 41, "label": "D"}, {"source": 61, "target": 42, "label": "P"}, {"source": 49, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 25, "label": "F"}, {"source": 57, "target": 27, "label": "D"}, {"source": 46, "target": 4, "label": "C"}, {"source": 53, "target": 16, "label": "P"}, {"source": 57, "target": 28, "label": "D"}, {"source": 54, "target": 53, "label": "H"}, {"source": 61, "target": 43, "label": "U"}, {"source": 47, "target": 7, "label": "C"}, {"source": 60, "target": 36, "label": "E"}, {"source": 57, "target": 24, "label": "R"}, {"source": 54, "target": 55, "label": "H"}, {"source": 56, "target": 57, "label": "A"}, {"source": 55, "target": 15, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 2, "label": "F"}]} +{"id": "081934-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The kind of support they provide is simply great!!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 13, "label": "D"}, {"source": 10, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 1, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 10, "label": "P"}, {"source": 12, "target": 6, "label": "F"}, {"source": 13, "target": 7, "label": "E"}]} +{"id": "081934-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would like to host my upcoming website to Liquidweb.com", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 3, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 15, "label": "A"}, {"source": 14, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 5, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "083454-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I didn't end up buying my car here, but I did think the guy who worked with me was pretty cool - he was willing to budge a little on the price which means a lot to me.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 99}]}, {"id": 24, "anchors": [{"from": 100, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 120}]}, {"id": 28, "anchors": [{"from": 121, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 136}]}, {"id": 32, "anchors": [{"from": 137, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 156}]}, {"id": 36, "anchors": [{"from": 157, "to": 160}]}, {"id": 37, "anchors": [{"from": 161, "to": 163}]}, {"id": 38, "anchors": [{"from": 164, "to": 166}]}, {"id": 39, "anchors": [{"from": 166, "to": 167}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 53, "target": 35, "label": "F"}, {"source": 48, "target": 18, "label": "C"}, {"source": 40, "target": 4, "label": "P"}, {"source": 40, "target": 3, "label": "D"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 6, "label": "C"}, {"source": 44, "target": 46, "label": "A"}, {"source": 41, "target": 8, "label": "U"}, {"source": 41, "target": 44, "label": "H"}, {"source": 47, "target": 16, "label": "P"}, {"source": 48, "target": 17, "label": "R"}, {"source": 51, "target": 32, "label": "C"}, {"source": 53, "target": 36, "label": "C"}, {"source": 47, "target": 15, "label": "R"}, {"source": 52, "target": 53, "label": "D"}, {"source": 49, "target": 50, "label": "D"}, {"source": 50, "target": 29, "label": "C"}, {"source": 54, "target": 38, "label": "C"}, {"source": 54, "target": 39, "label": "U"}, {"source": 42, "target": 5, "label": "S"}, {"source": 44, "target": 11, "label": "F"}, {"source": 45, "target": 47, "label": "E"}, {"source": 49, "target": 25, "label": "D"}, {"source": 40, "target": 1, "label": "F"}, {"source": 49, "target": 51, "label": "A"}, {"source": 51, "target": 30, "label": "R"}, {"source": 52, "target": 54, "label": "A"}, {"source": 46, "target": 19, "label": "F"}, {"source": 40, "target": 43, "label": "A"}, {"source": 44, "target": 10, "label": "A"}, {"source": 50, "target": 28, "label": "F"}, {"source": 46, "target": 45, "label": "A"}, {"source": 43, "target": 42, "label": "E"}, {"source": 49, "target": 26, "label": "F"}, {"source": 45, "target": 14, "label": "C"}, {"source": 51, "target": 31, "label": "F"}, {"source": 49, "target": 23, "label": "A"}, {"source": 52, "target": 34, "label": "S"}, {"source": 47, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 9, "label": "L"}, {"source": 41, "target": 52, "label": "H"}, {"source": 40, "target": 7, "label": "A"}, {"source": 54, "target": 37, "label": "R"}, {"source": 46, "target": 20, "label": "D"}, {"source": 40, "target": 2, "label": "D"}, {"source": 41, "target": 40, "label": "H"}, {"source": 52, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 0, "label": "A"}, {"source": 49, "target": 27, "label": "P"}, {"source": 41, "target": 33, "label": "L"}, {"source": 44, "target": 12, "label": "P"}, {"source": 41, "target": 49, "label": "H"}, {"source": 49, "target": 24, "label": "F"}, {"source": 41, "target": 22, "label": "U"}, {"source": 42, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 21, "label": "S"}, {"source": 45, "target": 13, "label": "F"}]} +{"id": "083454-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Also they will fill your tires with air and other small maintenance tasks for free, even if you didn't buy your car there!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}, {"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 28, "target": 5, "label": "C"}, {"source": 32, "target": 13, "label": "R"}, {"source": 31, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "F"}, {"source": 29, "target": 6, "label": "R"}, {"source": 35, "target": 22, "label": "C"}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 15, "label": "U"}, {"source": 33, "target": 19, "label": "D"}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 21, "label": "S"}, {"source": 33, "target": 17, "label": "A"}, {"source": 30, "target": 12, "label": "C"}, {"source": 32, "target": 14, "label": "C"}, {"source": 33, "target": 24, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 8, "label": "L"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 29, "label": "A"}, {"source": 33, "target": 23, "label": "A"}, {"source": 29, "target": 7, "label": "C"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "L"}, {"source": 25, "target": 31, "label": "H"}, {"source": 31, "target": 30, "label": "P"}, {"source": 34, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 33, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 33, "target": 20, "label": "P"}, {"source": 35, "target": 34, "label": "E"}, {"source": 31, "target": 10, "label": "D"}, {"source": 28, "target": 27, "label": "E"}, {"source": 26, "target": 1, "label": "A"}, {"source": 27, "target": 4, "label": "S"}, {"source": 26, "target": 2, "label": "F"}, {"source": 30, "target": 9, "label": "E"}, {"source": 30, "target": 11, "label": "E"}, {"source": 26, "target": 3, "label": "P"}]} +{"id": "083459-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They don't seem to be interested in selling cars.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 9, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 3, "label": "G"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "P"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "083459-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Went there yesterday: we are trying to decide between two different Honda models, so we wanted to test-drive both back to back.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 118}, {"from": 119, "to": 121}, {"from": 122, "to": 126}]}, {"id": 24, "anchors": [{"from": 126, "to": 127}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 27, "target": 6, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 24, "label": "U"}, {"source": 27, "target": 5, "label": "F"}, {"source": 31, "target": 21, "label": "C"}, {"source": 26, "target": 15, "label": "L"}, {"source": 25, "target": 2, "label": "T"}, {"source": 31, "target": 19, "label": "E"}, {"source": 30, "target": 23, "label": "D"}, {"source": 30, "target": 22, "label": "A"}, {"source": 27, "target": 7, "label": "F"}, {"source": 28, "target": 11, "label": "E"}, {"source": 28, "target": 9, "label": "R"}, {"source": 25, "target": 1, "label": "A"}, {"source": 26, "target": 14, "label": "U"}, {"source": 30, "target": 31, "label": "P"}, {"source": 30, "target": 18, "label": "R"}, {"source": 27, "target": 4, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 0, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 12, "label": "E"}, {"source": 28, "target": 10, "label": "Q"}, {"source": 26, "target": 27, "label": "H"}, {"source": 27, "target": 8, "label": "P"}, {"source": 31, "target": 20, "label": "U"}, {"source": 29, "target": 16, "label": "A"}, {"source": 25, "target": 3, "label": "U"}, {"source": 29, "target": 17, "label": "P"}, {"source": 28, "target": 13, "label": "C"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "083459-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The salesperson refused!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 4, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "083459-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Claimed he was too busy for two test drives.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "L"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 0, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "083459-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were the only customers there!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}, {"source": 9, "target": 2, "label": "F"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "083459-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't waste time, just drive 10 minutes more down to Stevens Creek, they actually do try to help their customers there!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 60}, {"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 118, "to": 119}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 21, "label": "A"}, {"source": 27, "target": 7, "label": "Q"}, {"source": 27, "target": 9, "label": "E"}, {"source": 26, "target": 5, "label": "D"}, {"source": 24, "target": 3, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 25, "target": 4, "label": "U"}, {"source": 28, "target": 11, "label": "R"}, {"source": 30, "target": 20, "label": "A"}, {"source": 28, "target": 12, "label": "C"}, {"source": 26, "target": 6, "label": "P"}, {"source": 26, "target": 27, "label": "T"}, {"source": 29, "target": 15, "label": "G"}, {"source": 25, "target": 26, "label": "H"}, {"source": 29, "target": 16, "label": "F"}, {"source": 29, "target": 17, "label": "D"}, {"source": 29, "target": 23, "label": "U"}, {"source": 29, "target": 19, "label": "P"}, {"source": 30, "target": 21, "label": "S"}, {"source": 29, "target": 14, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 18, "label": "F"}, {"source": 25, "target": 13, "label": "U"}, {"source": 28, "target": 10, "label": "R"}, {"source": 24, "target": 0, "label": "F"}, {"source": 27, "target": 8, "label": "C"}, {"source": 29, "target": 22, "label": "A"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "083563-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We would like to thank our emergency plumbers who visted our shop in Morningside Road today.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}, {"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 80}, {"from": 81, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 91}]}, {"id": 14, "anchors": [{"from": 91, "to": 92}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 5, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 13, "label": "T"}, {"source": 18, "target": 17, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 19, "target": 8, "label": "P"}, {"source": 17, "target": 4, "label": "A"}, {"source": 21, "target": 10, "label": "C"}, {"source": 22, "target": 11, "label": "R"}, {"source": 17, "target": 6, "label": "P"}, {"source": 20, "target": 9, "label": "S"}, {"source": 19, "target": 22, "label": "A"}, {"source": 20, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 7, "label": "R"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "083563-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A fast service, saved a bad situation getting alot worse.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}, {"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 3, "label": "U"}, {"source": 16, "target": 17, "label": "P"}, {"source": 13, "target": 0, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "D"}, {"source": 15, "target": 10, "label": "S"}, {"source": 15, "target": 12, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 17, "target": 7, "label": "C"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 8, "label": "D"}, {"source": 12, "target": 13, "label": "P"}, {"source": 15, "target": 4, "label": "D"}, {"source": 15, "target": 9, "label": "D"}]} +{"id": "083563-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "many thanks 2scompany...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 5, "target": 2, "label": "G"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "083849-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Surprisingly, this little strip mall restaurant has the best sushi I've found in the Tampa area.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 11, "label": "A"}, {"source": 26, "target": 10, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 8, "label": "F"}, {"source": 28, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 27, "target": 12, "label": "F"}, {"source": 28, "target": 17, "label": "E"}, {"source": 25, "target": 9, "label": "C"}, {"source": 20, "target": 1, "label": "U"}, {"source": 20, "target": 0, "label": "G"}, {"source": 28, "target": 18, "label": "U"}, {"source": 21, "target": 23, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 26, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 28, "target": 15, "label": "F"}, {"source": 26, "target": 24, "label": "E"}, {"source": 22, "target": 3, "label": "S"}, {"source": 28, "target": 16, "label": "C"}, {"source": 24, "target": 25, "label": "S"}, {"source": 20, "target": 7, "label": "S"}, {"source": 23, "target": 4, "label": "E"}]} +{"id": "083849-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It's fresh and really tasty.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "083849-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'll drive an hour just for their volcano, yum!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "S"}, {"source": 13, "target": 9, "label": "U"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 2, "label": "P"}, {"source": 13, "target": 10, "label": "G"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 3, "label": "Q"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 13, "target": 14, "label": "T"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "084373-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We are very pleased with the services of First Glass Window.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}, {"from": 47, "to": 52}, {"from": 53, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 3, "label": "P"}, {"source": 14, "target": 7, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "084373-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Our window panes were so dirty that they needed a specialist to come and clean them.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 12, "label": "P"}, {"source": 21, "target": 7, "label": "A"}, {"source": 24, "target": 14, "label": "P"}, {"source": 20, "target": 13, "label": "L"}, {"source": 23, "target": 9, "label": "F"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "P"}, {"source": 17, "target": 0, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 8, "label": "D"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 24, "target": 15, "label": "A"}, {"source": 18, "target": 1, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 18, "target": 17, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "084373-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We called few companies before we decide to hire them.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 15, "target": 7, "label": "F"}, {"source": 15, "target": 8, "label": "P"}, {"source": 12, "target": 4, "label": "L"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 2, "label": "Q"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "084373-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They came on time and completed their work quickly.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "D"}, {"source": 14, "target": 6, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "T"}, {"source": 12, "target": 2, "label": "R"}, {"source": 14, "target": 7, "label": "P"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 5, "label": "P"}]} +{"id": "084373-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were very happy how clean looked our windows.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 13, "label": "E"}, {"source": 12, "target": 4, "label": "D"}, {"source": 13, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "S"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 6, "label": "S"}, {"source": 10, "target": 2, "label": "D"}, {"source": 12, "target": 5, "label": "D"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "084373-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you have some problems with your windows, you should call them.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 6, "label": "S"}, {"source": 18, "target": 10, "label": "D"}, {"source": 18, "target": 11, "label": "P"}, {"source": 15, "target": 3, "label": "D"}, {"source": 18, "target": 12, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 15, "target": 2, "label": "F"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 1, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 15, "target": 4, "label": "S"}]} +{"id": "085009-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Awesome Landscaping Job", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "085009-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "MFJ Inc transformed our run down back yard into a place of beauty.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}, {"from": 28, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 13, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 18, "target": 9, "label": "R"}, {"source": 18, "target": 10, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 6, "label": "R"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "085009-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The work was completed within one week, and everything was cleaned up on completion.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 66}, {"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 7, "label": "U"}, {"source": 20, "target": 14, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 15, "label": "P"}, {"source": 18, "target": 5, "label": "Q"}, {"source": 20, "target": 1, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "A"}, {"source": 15, "target": 0, "label": "F"}, {"source": 16, "target": 3, "label": "D"}, {"source": 16, "target": 18, "label": "T"}, {"source": 17, "target": 12, "label": "L"}, {"source": 18, "target": 4, "label": "R"}, {"source": 19, "target": 10, "label": "F"}, {"source": 20, "target": 13, "label": "D"}, {"source": 19, "target": 11, "label": "P"}, {"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "L"}]} +{"id": "085009-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Highly recommended landscaper!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 29}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "085424-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Cathy ******Five Stars for Lake Forest Tots.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 38}, {"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "H"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 2, "label": "Q"}, {"source": 9, "target": 8, "label": "S"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}]} +{"id": "085424-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The program has been a postive experience for my children.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 11, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 9, "label": "A"}, {"source": 13, "target": 5, "label": "D"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "085424-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have had all three of my children attend Lake Forest Tots.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}, {"from": 48, "to": 54}, {"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "Q"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 8, "label": "P"}, {"source": 12, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 7, "label": "A"}, {"source": 14, "target": 13, "label": "D"}, {"source": 12, "target": 9, "label": "A"}, {"source": 14, "target": 7, "label": "S"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 3, "label": "Q"}, {"source": 12, "target": 0, "label": "A"}]} +{"id": "085424-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The program is well established and we have been extremely satisfied with the teachers, the programs and the director.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 29, "target": 16, "label": "C"}, {"source": 30, "target": 31, "label": "S"}, {"source": 22, "target": 2, "label": "F"}, {"source": 31, "target": 19, "label": "C"}, {"source": 27, "target": 13, "label": "C"}, {"source": 27, "target": 12, "label": "F"}, {"source": 26, "target": 27, "label": "P"}, {"source": 28, "target": 29, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 22, "target": 3, "label": "D"}, {"source": 25, "target": 28, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 26, "label": "H"}, {"source": 21, "target": 0, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 25, "target": 14, "label": "U"}, {"source": 24, "target": 7, "label": "F"}, {"source": 23, "target": 5, "label": "L"}, {"source": 24, "target": 10, "label": "P"}, {"source": 23, "target": 22, "label": "H"}, {"source": 29, "target": 15, "label": "F"}, {"source": 22, "target": 4, "label": "S"}, {"source": 25, "target": 11, "label": "R"}, {"source": 31, "target": 20, "label": "U"}, {"source": 25, "target": 30, "label": "H"}, {"source": 24, "target": 9, "label": "D"}, {"source": 24, "target": 6, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 17, "label": "L"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "085424-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good job, Lake Forest Tots!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 21}, {"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "085980-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After recently relocating to South Bend, we were looking for a delicious, fun, yet elegant establishment for New Years Eve dinner.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 117}]}, {"id": 21, "anchors": [{"from": 117, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 9, "label": "R"}, {"source": 31, "target": 13, "label": "P"}, {"source": 28, "target": 6, "label": "A"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 35, "label": "H"}, {"source": 34, "target": 22, "label": "C"}, {"source": 33, "target": 21, "label": "R"}, {"source": 32, "target": 16, "label": "S"}, {"source": 32, "target": 15, "label": "R"}, {"source": 29, "target": 30, "label": "E"}, {"source": 26, "target": 1, "label": "T"}, {"source": 28, "target": 7, "label": "F"}, {"source": 27, "target": 4, "label": "C"}, {"source": 30, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "P"}, {"source": 25, "target": 28, "label": "H"}, {"source": 29, "target": 31, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 31, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 32, "label": "E"}, {"source": 33, "target": 20, "label": "C"}, {"source": 29, "target": 10, "label": "F"}, {"source": 25, "target": 0, "label": "L"}, {"source": 30, "target": 11, "label": "S"}, {"source": 35, "target": 24, "label": "U"}, {"source": 26, "target": 5, "label": "U"}, {"source": 29, "target": 14, "label": "U"}, {"source": 35, "target": 34, "label": "T"}, {"source": 25, "target": 18, "label": "L"}, {"source": 35, "target": 23, "label": "P"}, {"source": 29, "target": 17, "label": "C"}, {"source": 29, "target": 12, "label": "U"}, {"source": 33, "target": 19, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 8, "label": "P"}, {"source": 34, "target": 33, "label": "E"}, {"source": 27, "target": 3, "label": "R"}]} +{"id": "085980-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were disappointed with this holiday dinner due to the overall flavor and price of the meal, and accessibility to the Jazz Club.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}, {"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 93}]}, {"id": 16, "anchors": [{"from": 93, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 124}, {"from": 125, "to": 129}]}, {"id": 22, "anchors": [{"from": 129, "to": 130}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 29, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "D"}, {"source": 28, "target": 10, "label": "S"}, {"source": 33, "target": 20, "label": "F"}, {"source": 24, "target": 17, "label": "L"}, {"source": 28, "target": 13, "label": "R"}, {"source": 31, "target": 15, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 24, "target": 32, "label": "H"}, {"source": 27, "target": 5, "label": "P"}, {"source": 32, "target": 18, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 23, "target": 2, "label": "S"}, {"source": 26, "target": 4, "label": "E"}, {"source": 33, "target": 22, "label": "U"}, {"source": 24, "target": 7, "label": "L"}, {"source": 24, "target": 11, "label": "L"}, {"source": 31, "target": 14, "label": "F"}, {"source": 30, "target": 31, "label": "P"}, {"source": 24, "target": 29, "label": "H"}, {"source": 33, "target": 19, "label": "R"}, {"source": 24, "target": 28, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 16, "label": "U"}, {"source": 29, "target": 12, "label": "S"}, {"source": 29, "target": 13, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 9, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 3, "label": "R"}, {"source": 23, "target": 1, "label": "F"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "085980-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The meal was extremely overpriced and lacked flavor, especially for being a special NYE menu.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 22, "target": 11, "label": "C"}, {"source": 22, "target": 10, "label": "F"}, {"source": 17, "target": 18, "label": "P"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "D"}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 4, "label": "S"}, {"source": 22, "target": 9, "label": "E"}, {"source": 23, "target": 13, "label": "S"}, {"source": 20, "target": 8, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 20, "target": 5, "label": "L"}, {"source": 23, "target": 14, "label": "T"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "S"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 22, "label": "L"}, {"source": 19, "target": 17, "label": "A"}, {"source": 24, "target": 16, "label": "U"}, {"source": 24, "target": 12, "label": "F"}, {"source": 18, "target": 1, "label": "C"}, {"source": 19, "target": 3, "label": "D"}]} +{"id": "085980-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The limited menu had few appetizing options and the NYE special packages were way overpriced.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 22, "label": "H"}, {"source": 16, "target": 0, "label": "F"}, {"source": 17, "target": 16, "label": "A"}, {"source": 22, "target": 13, "label": "D"}, {"source": 22, "target": 14, "label": "S"}, {"source": 17, "target": 20, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 21, "target": 10, "label": "E"}, {"source": 17, "target": 4, "label": "D"}, {"source": 16, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 19, "target": 1, "label": "S"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 9, "label": "E"}, {"source": 20, "target": 5, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 8, "label": "F"}, {"source": 17, "target": 3, "label": "F"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "085980-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After our meal, our server found us a table in the jazz club where we were informed it would be another $10/person to stay and listen to the band, despite the fact we had just finished a dinner there and were intending to enjoy their drink list.", "tops": [51], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 105}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25, "anchors": [{"from": 108, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 145}]}, {"id": 33, "anchors": [{"from": 145, "to": 146}]}, {"id": 34, "anchors": [{"from": 147, "to": 154}, {"from": 155, "to": 158}, {"from": 159, "to": 163}]}, {"id": 35, "anchors": [{"from": 164, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 170}]}, {"id": 37, "anchors": [{"from": 171, "to": 175}]}, {"id": 38, "anchors": [{"from": 176, "to": 184}]}, {"id": 39, "anchors": [{"from": 185, "to": 186}]}, {"id": 40, "anchors": [{"from": 187, "to": 193}]}, {"id": 41, "anchors": [{"from": 194, "to": 199}]}, {"id": 42, "anchors": [{"from": 200, "to": 203}]}, {"id": 43, "anchors": [{"from": 204, "to": 208}]}, {"id": 44, "anchors": [{"from": 209, "to": 218}]}, {"id": 45, "anchors": [{"from": 219, "to": 221}]}, {"id": 46, "anchors": [{"from": 222, "to": 227}]}, {"id": 47, "anchors": [{"from": 228, "to": 233}]}, {"id": 48, "anchors": [{"from": 234, "to": 239}]}, {"id": 49, "anchors": [{"from": 240, "to": 244}]}, {"id": 50, "anchors": [{"from": 244, "to": 245}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}], "edges": [{"source": 58, "target": 21, "label": "D"}, {"source": 51, "target": 65, "label": "H"}, {"source": 57, "target": 16, "label": "F"}, {"source": 67, "target": 43, "label": "F"}, {"source": 67, "target": 69, "label": "A"}, {"source": 61, "target": 24, "label": "U"}, {"source": 53, "target": 5, "label": "A"}, {"source": 66, "target": 39, "label": "F"}, {"source": 58, "target": 19, "label": "F"}, {"source": 51, "target": 42, "label": "L"}, {"source": 63, "target": 29, "label": "P"}, {"source": 65, "target": 37, "label": "D"}, {"source": 54, "target": 56, "label": "A"}, {"source": 68, "target": 47, "label": "S"}, {"source": 65, "target": 38, "label": "D"}, {"source": 56, "target": 12, "label": "E"}, {"source": 67, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 23, "label": "Q"}, {"source": 69, "target": 50, "label": "U"}, {"source": 59, "target": 63, "label": "H"}, {"source": 58, "target": 20, "label": "F"}, {"source": 56, "target": 10, "label": "R"}, {"source": 56, "target": 11, "label": "F"}, {"source": 59, "target": 58, "label": "H"}, {"source": 63, "target": 64, "label": "A"}, {"source": 57, "target": 15, "label": "A"}, {"source": 53, "target": 5, "label": "P"}, {"source": 68, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 31, "label": "F"}, {"source": 56, "target": 13, "label": "C"}, {"source": 55, "target": 8, "label": "F"}, {"source": 67, "target": 45, "label": "F"}, {"source": 52, "target": 2, "label": "P"}, {"source": 64, "target": 32, "label": "C"}, {"source": 65, "target": 35, "label": "A"}, {"source": 51, "target": 33, "label": "U"}, {"source": 51, "target": 3, "label": "U"}, {"source": 54, "target": 53, "label": "A"}, {"source": 69, "target": 68, "label": "E"}, {"source": 54, "target": 7, "label": "A"}, {"source": 61, "target": 25, "label": "C"}, {"source": 51, "target": 0, "label": "L"}, {"source": 66, "target": 40, "label": "C"}, {"source": 65, "target": 36, "label": "F"}, {"source": 67, "target": 44, "label": "D"}, {"source": 59, "target": 62, "label": "H"}, {"source": 54, "target": 55, "label": "A"}, {"source": 58, "target": 18, "label": "A"}, {"source": 67, "target": 46, "label": "P"}, {"source": 62, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 34, "label": "L"}, {"source": 57, "target": 59, "label": "A"}, {"source": 65, "target": 66, "label": "P"}, {"source": 69, "target": 49, "label": "E"}, {"source": 51, "target": 52, "label": "H"}, {"source": 63, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 67, "label": "H"}, {"source": 51, "target": 54, "label": "H"}, {"source": 51, "target": 14, "label": "L"}, {"source": 69, "target": 48, "label": "C"}, {"source": 62, "target": 27, "label": "P"}, {"source": 64, "target": 30, "label": "R"}, {"source": 61, "target": 60, "label": "C"}, {"source": 51, "target": 57, "label": "H"}, {"source": 53, "target": 4, "label": "A"}, {"source": 57, "target": 17, "label": "P"}, {"source": 52, "target": 1, "label": "A"}, {"source": 59, "target": 28, "label": "L"}, {"source": 55, "target": 9, "label": "C"}, {"source": 60, "target": 22, "label": "C"}, {"source": 54, "target": 6, "label": "P"}, {"source": 65, "target": 41, "label": "A"}, {"source": 59, "target": 26, "label": "L"}, {"source": 58, "target": 61, "label": "A"}]} +{"id": "085980-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This was a less than impressive experience at Trio's.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}, {"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 11, "target": 15, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 13, "label": "Q"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 14, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "086839-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Terrible Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "086839-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One of the worst experiences I've ever had with a auto repair shop.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 15, "label": "D"}, {"source": 18, "target": 7, "label": "T"}, {"source": 15, "target": 0, "label": "Q"}, {"source": 17, "target": 19, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 19, "target": 13, "label": "C"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "F"}, {"source": 15, "target": 2, "label": "F"}, {"source": 18, "target": 5, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "E"}]} +{"id": "086839-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We took our vehicle in for a repair to the air conditioning.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}, {"from": 47, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 4, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 16, "target": 6, "label": "F"}, {"source": 13, "target": 17, "label": "H"}, {"source": 12, "target": 15, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 16, "label": "P"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 13, "target": 5, "label": "L"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 3, "label": "C"}]} +{"id": "086839-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Approx 4 months later, the compressor went out.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "Q"}, {"source": 10, "target": 3, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "F"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 10, "label": "T"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "U"}]} +{"id": "086839-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We took it back in to have it repaired again, and less than a week later the second compressor went out.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 99}, {"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 26, "target": 25, "label": "E"}, {"source": 28, "target": 21, "label": "U"}, {"source": 23, "target": 11, "label": "L"}, {"source": 22, "target": 4, "label": "D"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 3, "label": "D"}, {"source": 25, "target": 13, "label": "R"}, {"source": 23, "target": 5, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 27, "label": "T"}, {"source": 24, "target": 6, "label": "F"}, {"source": 23, "target": 28, "label": "H"}, {"source": 29, "target": 18, "label": "Q"}, {"source": 24, "target": 8, "label": "P"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 2, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 24, "target": 9, "label": "D"}, {"source": 27, "target": 16, "label": "R"}, {"source": 28, "target": 20, "label": "P"}, {"source": 24, "target": 7, "label": "A"}, {"source": 29, "target": 17, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 27, "target": 26, "label": "Q"}]} +{"id": "086839-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We went in for a third visit and they fixed it again, but this time when we picked up the car, the radio and clock did not work.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 82}, {"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 127}]}, {"id": 29, "anchors": [{"from": 127, "to": 128}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 40, "target": 28, "label": "P"}, {"source": 31, "target": 3, "label": "L"}, {"source": 31, "target": 36, "label": "H"}, {"source": 38, "target": 23, "label": "C"}, {"source": 31, "target": 40, "label": "H"}, {"source": 34, "target": 9, "label": "P"}, {"source": 30, "target": 0, "label": "A"}, {"source": 31, "target": 12, "label": "U"}, {"source": 36, "target": 18, "label": "P"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 32, "label": "H"}, {"source": 40, "target": 27, "label": "D"}, {"source": 30, "target": 1, "label": "P"}, {"source": 31, "target": 7, "label": "L"}, {"source": 36, "target": 17, "label": "A"}, {"source": 40, "target": 29, "label": "U"}, {"source": 34, "target": 11, "label": "D"}, {"source": 32, "target": 5, "label": "D"}, {"source": 40, "target": 39, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 37, "target": 19, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 35, "target": 15, "label": "C"}, {"source": 34, "target": 10, "label": "A"}, {"source": 39, "target": 38, "label": "C"}, {"source": 38, "target": 22, "label": "F"}, {"source": 30, "target": 2, "label": "D"}, {"source": 35, "target": 14, "label": "E"}, {"source": 40, "target": 26, "label": "F"}, {"source": 33, "target": 4, "label": "F"}, {"source": 39, "target": 25, "label": "C"}, {"source": 37, "target": 20, "label": "C"}, {"source": 39, "target": 24, "label": "N"}, {"source": 31, "target": 35, "label": "L"}, {"source": 31, "target": 16, "label": "L"}, {"source": 31, "target": 13, "label": "L"}, {"source": 31, "target": 34, "label": "H"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 6, "label": "C"}, {"source": 34, "target": 8, "label": "A"}]} +{"id": "086839-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So for the 4th time in 5 months and the third time in 2 weeks, we brought the car back again.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 92}]}, {"id": 22, "anchors": [{"from": 92, "to": 93}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 28, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 30, "target": 19, "label": "C"}, {"source": 25, "target": 15, "label": "U"}, {"source": 28, "target": 9, "label": "F"}, {"source": 26, "target": 4, "label": "C"}, {"source": 26, "target": 3, "label": "Q"}, {"source": 28, "target": 11, "label": "C"}, {"source": 27, "target": 7, "label": "C"}, {"source": 25, "target": 22, "label": "U"}, {"source": 24, "target": 8, "label": "N"}, {"source": 29, "target": 14, "label": "C"}, {"source": 27, "target": 6, "label": "Q"}, {"source": 27, "target": 5, "label": "R"}, {"source": 23, "target": 0, "label": "L"}, {"source": 25, "target": 21, "label": "D"}, {"source": 25, "target": 16, "label": "A"}, {"source": 25, "target": 17, "label": "P"}, {"source": 29, "target": 13, "label": "Q"}, {"source": 28, "target": 10, "label": "Q"}, {"source": 24, "target": 1, "label": "R"}, {"source": 25, "target": 20, "label": "D"}, {"source": 25, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "D"}, {"source": 24, "target": 26, "label": "C"}, {"source": 26, "target": 2, "label": "F"}, {"source": 30, "target": 18, "label": "F"}, {"source": 29, "target": 12, "label": "R"}]} +{"id": "086839-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When we expressed our discontent to the manager (that's right, the manager), did he say he would return some money, did he say he would give a discount on our next visit, did he just say \"I'm sorry\".", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 114}]}, {"id": 25, "anchors": [{"from": 114, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 151}]}, {"id": 34, "anchors": [{"from": 152, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 158}]}, {"id": 36, "anchors": [{"from": 159, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 169}]}, {"id": 38, "anchors": [{"from": 169, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 174}]}, {"id": 40, "anchors": [{"from": 175, "to": 177}]}, {"id": 41, "anchors": [{"from": 178, "to": 182}]}, {"id": 42, "anchors": [{"from": 183, "to": 186}]}, {"id": 43, "anchors": [{"from": 187, "to": 188}]}, {"id": 44, "anchors": [{"from": 188, "to": 189}]}, {"id": 45, "anchors": [{"from": 189, "to": 191}]}, {"id": 46, "anchors": [{"from": 192, "to": 197}]}, {"id": 47, "anchors": [{"from": 197, "to": 198}]}, {"id": 48, "anchors": [{"from": 198, "to": 199}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 49, "target": 15, "label": "U"}, {"source": 61, "target": 30, "label": "D"}, {"source": 58, "target": 21, "label": "D"}, {"source": 66, "target": 46, "label": "S"}, {"source": 49, "target": 50, "label": "H"}, {"source": 50, "target": 1, "label": "A"}, {"source": 50, "target": 2, "label": "P"}, {"source": 66, "target": 48, "label": "U"}, {"source": 57, "target": 19, "label": "P"}, {"source": 49, "target": 65, "label": "H"}, {"source": 64, "target": 36, "label": "D"}, {"source": 50, "target": 51, "label": "A"}, {"source": 49, "target": 25, "label": "U"}, {"source": 51, "target": 3, "label": "A"}, {"source": 52, "target": 5, "label": "R"}, {"source": 64, "target": 37, "label": "P"}, {"source": 61, "target": 63, "label": "A"}, {"source": 54, "target": 12, "label": "U"}, {"source": 65, "target": 41, "label": "D"}, {"source": 55, "target": 56, "label": "S"}, {"source": 57, "target": 18, "label": "A"}, {"source": 60, "target": 27, "label": "A"}, {"source": 66, "target": 44, "label": "A"}, {"source": 49, "target": 0, "label": "L"}, {"source": 59, "target": 23, "label": "Q"}, {"source": 60, "target": 26, "label": "F"}, {"source": 49, "target": 60, "label": "H"}, {"source": 57, "target": 17, "label": "F"}, {"source": 54, "target": 11, "label": "S"}, {"source": 58, "target": 59, "label": "A"}, {"source": 49, "target": 54, "label": "H"}, {"source": 54, "target": 10, "label": "F"}, {"source": 62, "target": 34, "label": "L"}, {"source": 59, "target": 24, "label": "C"}, {"source": 66, "target": 45, "label": "F"}, {"source": 65, "target": 43, "label": "U"}, {"source": 64, "target": 35, "label": "A"}, {"source": 65, "target": 66, "label": "A"}, {"source": 63, "target": 33, "label": "C"}, {"source": 53, "target": 7, "label": "C"}, {"source": 49, "target": 8, "label": "U"}, {"source": 60, "target": 62, "label": "A"}, {"source": 62, "target": 61, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 60, "target": 28, "label": "P"}, {"source": 51, "target": 4, "label": "S"}, {"source": 52, "target": 53, "label": "S"}, {"source": 54, "target": 55, "label": "A"}, {"source": 65, "target": 39, "label": "F"}, {"source": 61, "target": 29, "label": "A"}, {"source": 61, "target": 31, "label": "P"}, {"source": 58, "target": 20, "label": "A"}, {"source": 49, "target": 16, "label": "U"}, {"source": 53, "target": 6, "label": "F"}, {"source": 65, "target": 40, "label": "A"}, {"source": 63, "target": 32, "label": "F"}, {"source": 56, "target": 14, "label": "C"}, {"source": 54, "target": 9, "label": "A"}, {"source": 49, "target": 38, "label": "U"}, {"source": 65, "target": 42, "label": "P"}, {"source": 58, "target": 22, "label": "P"}, {"source": 49, "target": 57, "label": "H"}, {"source": 50, "target": 52, "label": "A"}, {"source": 66, "target": 47, "label": "U"}, {"source": 56, "target": 13, "label": "F"}, {"source": 62, "target": 64, "label": "H"}]} +{"id": "086839-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Nope, none of the above.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "Q"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "086839-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He stood there and told us how he wasn't at fault.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "S"}, {"source": 14, "target": 3, "label": "L"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 16, "target": 9, "label": "D"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "086839-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was the fault of the parts supplier, and can we imagine how he felt having to put another 2 hours of work in the car.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}, {"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 33, "target": 15, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 35, "target": 18, "label": "E"}, {"source": 29, "target": 2, "label": "F"}, {"source": 36, "target": 25, "label": "C"}, {"source": 27, "target": 30, "label": "A"}, {"source": 27, "target": 29, "label": "S"}, {"source": 36, "target": 24, "label": "F"}, {"source": 27, "target": 1, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 11, "label": "A"}, {"source": 33, "target": 13, "label": "D"}, {"source": 29, "target": 3, "label": "C"}, {"source": 34, "target": 16, "label": "D"}, {"source": 34, "target": 35, "label": "T"}, {"source": 32, "target": 10, "label": "D"}, {"source": 30, "target": 6, "label": "A"}, {"source": 34, "target": 22, "label": "P"}, {"source": 28, "target": 9, "label": "L"}, {"source": 30, "target": 4, "label": "R"}, {"source": 33, "target": 14, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 30, "target": 31, "label": "P"}, {"source": 31, "target": 7, "label": "C"}, {"source": 34, "target": 21, "label": "F"}, {"source": 34, "target": 17, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 31, "target": 5, "label": "F"}, {"source": 28, "target": 32, "label": "H"}, {"source": 36, "target": 23, "label": "R"}, {"source": 32, "target": 12, "label": "P"}, {"source": 28, "target": 8, "label": "U"}, {"source": 27, "target": 0, "label": "A"}, {"source": 35, "target": 19, "label": "Q"}, {"source": 28, "target": 27, "label": "H"}, {"source": 35, "target": 20, "label": "C"}]} +{"id": "086839-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And what did we expect...that he bench test every part.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}, {"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 5, "label": "U"}, {"source": 13, "target": 4, "label": "P"}, {"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 7, "label": "A"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 8, "label": "P"}, {"source": 15, "target": 9, "label": "Q"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 6, "label": "L"}]} +{"id": "086839-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "At no time during the conversation did the words, \"I'm sorry\" ever come out of his mouth.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 88}]}, {"id": 21, "anchors": [{"from": 88, "to": 89}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 15, "label": "D"}, {"source": 27, "target": 9, "label": "U"}, {"source": 22, "target": 0, "label": "R"}, {"source": 28, "target": 12, "label": "F"}, {"source": 24, "target": 27, "label": "A"}, {"source": 24, "target": 14, "label": "U"}, {"source": 22, "target": 2, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 27, "target": 7, "label": "F"}, {"source": 24, "target": 22, "label": "T"}, {"source": 24, "target": 29, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 26, "target": 5, "label": "C"}, {"source": 27, "target": 10, "label": "U"}, {"source": 30, "target": 18, "label": "R"}, {"source": 29, "target": 16, "label": "F"}, {"source": 23, "target": 3, "label": "L"}, {"source": 28, "target": 11, "label": "A"}, {"source": 24, "target": 6, "label": "F"}, {"source": 30, "target": 19, "label": "E"}, {"source": 28, "target": 13, "label": "S"}, {"source": 22, "target": 1, "label": "E"}, {"source": 27, "target": 8, "label": "C"}, {"source": 29, "target": 17, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 30, "target": 20, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 24, "target": 30, "label": "A"}]} +{"id": "086839-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I, nor anyone else in my family, will ever go to Sun Devil Auto again.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 52}, {"from": 53, "to": 58}, {"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 16, "target": 1, "label": "U"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 10, "label": "T"}, {"source": 20, "target": 7, "label": "A"}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 18, "target": 11, "label": "P"}, {"source": 16, "target": 2, "label": "N"}, {"source": 16, "target": 0, "label": "C"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 14, "label": "D"}, {"source": 16, "target": 19, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 15, "label": "U"}, {"source": 20, "target": 5, "label": "R"}, {"source": 18, "target": 16, "label": "A"}, {"source": 20, "target": 7, "label": "S"}]} +{"id": "086839-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well, unless of course the third compressor he put in the car goes out.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}, {"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "G"}, {"source": 15, "target": 0, "label": "F"}, {"source": 15, "target": 12, "label": "P"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 13, "label": "U"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "U"}, {"source": 17, "target": 8, "label": "P"}, {"source": 18, "target": 10, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "Q"}]} +{"id": "086914-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wonderful Wonderful People!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "C"}, {"source": 4, "target": 0, "label": "C"}, {"source": 6, "target": 4, "label": "S"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "086914-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I refer to VNHH often and love you guys.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 6, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 2, "label": "R"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 4, "label": "T"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "087176-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A++", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "087176-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are by far the best salon in 50 miles, Trust me I know!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}, {"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 22, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 12, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 18, "target": 20, "label": "E"}, {"source": 16, "target": 21, "label": "H"}, {"source": 21, "target": 11, "label": "A"}, {"source": 22, "target": 14, "label": "U"}, {"source": 20, "target": 6, "label": "R"}, {"source": 21, "target": 10, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "P"}, {"source": 20, "target": 7, "label": "Q"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "U"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 1, "label": "S"}, {"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "S"}, {"source": 18, "target": 17, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "087368-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Walgreens on University", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "A"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "087368-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My pharmacy order is always correct and promptly delivered but the pharmacy staff are always very short with me and don't seem to like answering questions.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 118}]}, {"id": 21, "anchors": [{"from": 118, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 154}]}, {"id": 27, "anchors": [{"from": 154, "to": 155}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 24, "label": "P"}, {"source": 38, "target": 26, "label": "P"}, {"source": 33, "target": 11, "label": "E"}, {"source": 34, "target": 14, "label": "T"}, {"source": 33, "target": 12, "label": "C"}, {"source": 29, "target": 3, "label": "F"}, {"source": 30, "target": 9, "label": "L"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 36, "target": 21, "label": "D"}, {"source": 37, "target": 25, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 31, "target": 7, "label": "T"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 6, "label": "L"}, {"source": 30, "target": 31, "label": "H"}, {"source": 33, "target": 10, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 19, "label": "L"}, {"source": 36, "target": 20, "label": "F"}, {"source": 35, "target": 17, "label": "R"}, {"source": 29, "target": 4, "label": "T"}, {"source": 32, "target": 33, "label": "P"}, {"source": 28, "target": 0, "label": "A"}, {"source": 28, "target": 1, "label": "A"}, {"source": 34, "target": 15, "label": "D"}, {"source": 30, "target": 36, "label": "H"}, {"source": 29, "target": 28, "label": "A"}, {"source": 28, "target": 2, "label": "P"}, {"source": 36, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 5, "label": "S"}, {"source": 35, "target": 18, "label": "C"}, {"source": 37, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 27, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 23, "label": "F"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 32, "label": "A"}, {"source": 34, "target": 16, "label": "P"}, {"source": 31, "target": 8, "label": "P"}, {"source": 34, "target": 13, "label": "F"}, {"source": 36, "target": 22, "label": "G"}]} +{"id": "087368-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Clean store, friendly check-out staff up front.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}, {"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}, {"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 9, "label": "H"}, {"source": 4, "target": 5, "label": "U"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "U"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 7, "label": "D"}, {"source": 9, "target": 0, "label": "S"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "087368-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good selection.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "088914-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They did a vehicle wrap for my Toyota Venza that looks amazing.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}, {"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 17, "label": "H"}, {"source": 12, "target": 15, "label": "A"}, {"source": 16, "target": 6, "label": "S"}, {"source": 12, "target": 14, "label": "P"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "L"}, {"source": 14, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 9, "label": "G"}]} +{"id": "088914-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They also do banners, billboards and lots more.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "Q"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 1, "label": "R"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "N"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 13, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "088954-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A thoroughly comprehensive service; excellent communication and best of they are transparent with their fee (ie nothing is simply implied or assumed).", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 59}]}, {"id": 7, "anchors": [{"from": 60, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 71}]}, {"id": 9, "anchors": [{"from": 72, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 80}]}, {"id": 11, "anchors": [{"from": 81, "to": 92}]}, {"id": 12, "anchors": [{"from": 93, "to": 97}]}, {"id": 13, "anchors": [{"from": 98, "to": 103}]}, {"id": 14, "anchors": [{"from": 104, "to": 107}]}, {"id": 15, "anchors": [{"from": 108, "to": 109}]}, {"id": 16, "anchors": [{"from": 109, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 119}]}, {"id": 18, "anchors": [{"from": 120, "to": 122}]}, {"id": 19, "anchors": [{"from": 123, "to": 129}]}, {"id": 20, "anchors": [{"from": 130, "to": 137}]}, {"id": 21, "anchors": [{"from": 138, "to": 140}]}, {"id": 22, "anchors": [{"from": 141, "to": 148}]}, {"id": 23, "anchors": [{"from": 148, "to": 149}]}, {"id": 24, "anchors": [{"from": 149, "to": 150}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 27, "target": 15, "label": "U"}, {"source": 26, "target": 3, "label": "C"}, {"source": 31, "target": 14, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 34, "target": 23, "label": "U"}, {"source": 33, "target": 18, "label": "F"}, {"source": 34, "target": 22, "label": "S"}, {"source": 34, "target": 19, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 2, "label": "C"}, {"source": 30, "target": 9, "label": "A"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 19, "label": "D"}, {"source": 30, "target": 8, "label": "G"}, {"source": 32, "target": 13, "label": "S"}, {"source": 29, "target": 5, "label": "D"}, {"source": 33, "target": 17, "label": "A"}, {"source": 29, "target": 6, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 21, "label": "L"}, {"source": 25, "target": 26, "label": "P"}, {"source": 26, "target": 0, "label": "F"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 11, "label": "S"}, {"source": 27, "target": 16, "label": "L"}, {"source": 34, "target": 17, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "L"}, {"source": 27, "target": 4, "label": "U"}, {"source": 25, "target": 28, "label": "D"}, {"source": 27, "target": 33, "label": "H"}, {"source": 31, "target": 12, "label": "R"}, {"source": 32, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 34, "label": "H"}, {"source": 33, "target": 20, "label": "S"}, {"source": 27, "target": 25, "label": "H"}, {"source": 28, "target": 1, "label": "E"}, {"source": 33, "target": 17, "label": "D"}, {"source": 30, "target": 10, "label": "F"}]} +{"id": "089136-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "AWESOME food!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "089136-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Make sure to put OILY sauces on your food to make it moist!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 20, "target": 11, "label": "A"}, {"source": 16, "target": 20, "label": "H"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 7, "label": "S"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 14, "label": "D"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 9, "label": "L"}, {"source": 14, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 3, "label": "P"}, {"source": 20, "target": 21, "label": "P"}, {"source": 21, "target": 13, "label": "U"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "089136-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "YUM", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "G"}]} +{"id": "090136-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "simple but perfect", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "L"}]} +{"id": "090136-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "IF you want flashy fancy food stacked high with lots of fussy garnishes, this is not the place for you.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 19, "label": "S"}, {"source": 30, "target": 17, "label": "F"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "D"}, {"source": 29, "target": 21, "label": "U"}, {"source": 26, "target": 4, "label": "S"}, {"source": 28, "target": 9, "label": "Q"}, {"source": 28, "target": 12, "label": "C"}, {"source": 28, "target": 8, "label": "R"}, {"source": 28, "target": 11, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 0, "label": "L"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "P"}, {"source": 30, "target": 18, "label": "C"}, {"source": 22, "target": 29, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 20, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 23, "target": 1, "label": "A"}, {"source": 29, "target": 14, "label": "A"}, {"source": 29, "target": 16, "label": "D"}, {"source": 25, "target": 5, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 28, "target": 10, "label": "R"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 27, "label": "E"}, {"source": 24, "target": 3, "label": "S"}]} +{"id": "090136-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you want perfectly executed simple dishes that feature a few exquisite ingredients, you'll love Vetri.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 85}]}, {"id": 13, "anchors": [{"from": 85, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 90}]}, {"id": 15, "anchors": [{"from": 90, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 104}]}, {"id": 18, "anchors": [{"from": 104, "to": 105}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 20, "target": 1, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 22, "target": 21, "label": "E"}, {"source": 26, "target": 25, "label": "Q"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 0, "label": "L"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 3, "label": "D"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 28, "label": "H"}, {"source": 21, "target": 4, "label": "P"}, {"source": 25, "target": 9, "label": "F"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 10, "label": "C"}, {"source": 27, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 8, "label": "P"}, {"source": 28, "target": 14, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 28, "target": 15, "label": "F"}, {"source": 28, "target": 16, "label": "P"}, {"source": 23, "target": 5, "label": "S"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 17, "label": "A"}, {"source": 27, "target": 11, "label": "S"}]} +{"id": "090136-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hands-down the best pasta and gnocchi I've ever eaten (and I've eaten a lot).", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 75, "to": 76}]}, {"id": 19, "anchors": [{"from": 76, "to": 77}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 7, "label": "A"}, {"source": 27, "target": 28, "label": "Q"}, {"source": 20, "target": 24, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 14, "label": "F"}, {"source": 22, "target": 2, "label": "F"}, {"source": 23, "target": 4, "label": "C"}, {"source": 25, "target": 8, "label": "F"}, {"source": 21, "target": 26, "label": "H"}, {"source": 20, "target": 0, "label": "D"}, {"source": 28, "target": 18, "label": "U"}, {"source": 21, "target": 11, "label": "U"}, {"source": 26, "target": 15, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "L"}, {"source": 24, "target": 23, "label": "C"}, {"source": 22, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "N"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 9, "label": "T"}, {"source": 26, "target": 13, "label": "A"}, {"source": 27, "target": 23, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "E"}, {"source": 20, "target": 22, "label": "S"}, {"source": 25, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 0, "target": 1, "label": "U"}, {"source": 28, "target": 17, "label": "C"}, {"source": 23, "target": 6, "label": "C"}, {"source": 25, "target": 10, "label": "P"}]} +{"id": "090136-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The antipasti were amazing, the wines were mind-blowing, the service couldn't have been better.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}, {"from": 48, "to": 55}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "S"}, {"source": 24, "target": 11, "label": "F"}, {"source": 21, "target": 10, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 20, "target": 3, "label": "S"}, {"source": 8, "target": 9, "label": "U"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 16, "label": "F"}, {"source": 25, "target": 17, "label": "D"}, {"source": 22, "target": 5, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 24, "label": "P"}, {"source": 21, "target": 4, "label": "U"}, {"source": 21, "target": 23, "label": "H"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 12, "label": "C"}, {"source": 23, "target": 7, "label": "F"}, {"source": 20, "target": 19, "label": "A"}, {"source": 23, "target": 22, "label": "A"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "090136-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've dined at lots of high-end restaurants and I've never before felt my money was so well spent.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 30, "target": 16, "label": "S"}, {"source": 32, "target": 33, "label": "D"}, {"source": 28, "target": 12, "label": "F"}, {"source": 32, "target": 22, "label": "U"}, {"source": 25, "target": 9, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 30, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 4, "label": "Q"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 29, "label": "T"}, {"source": 31, "target": 17, "label": "C"}, {"source": 26, "target": 27, "label": "S"}, {"source": 27, "target": 7, "label": "U"}, {"source": 33, "target": 20, "label": "C"}, {"source": 28, "target": 15, "label": "P"}, {"source": 24, "target": 28, "label": "H"}, {"source": 32, "target": 18, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 11, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "C"}, {"source": 25, "target": 5, "label": "R"}, {"source": 29, "target": 13, "label": "C"}, {"source": 24, "target": 10, "label": "L"}, {"source": 32, "target": 21, "label": "P"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 32, "label": "A"}, {"source": 25, "target": 3, "label": "R"}, {"source": 33, "target": 19, "label": "E"}, {"source": 29, "target": 14, "label": "E"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "090390-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "wrong location", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "090390-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this is not where the Blue Water Bridge Duty Free is located.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 32}, {"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}, {"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 14, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 1, "label": "S"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 14, "label": "E"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "090390-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is, surprisingly, near the Blue Water Bridges, some miles to the west of this location.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}, {"from": 35, "to": 40}, {"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 3, "label": "G"}, {"source": 19, "target": 8, "label": "U"}, {"source": 23, "target": 15, "label": "E"}, {"source": 18, "target": 5, "label": "S"}, {"source": 21, "target": 10, "label": "C"}, {"source": 24, "target": 14, "label": "R"}, {"source": 20, "target": 6, "label": "F"}, {"source": 24, "target": 11, "label": "R"}, {"source": 23, "target": 24, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 1, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 2, "label": "U"}, {"source": 23, "target": 21, "label": "E"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "F"}, {"source": 24, "target": 12, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "C"}, {"source": 21, "target": 9, "label": "Q"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "090643-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Outstanding service & quality at a very affordable price!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "F"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "S"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "L"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "D"}]} +{"id": "090643-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is top notch and highly affordable!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 8, "label": "A"}, {"source": 11, "target": 5, "label": "D"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "090643-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend it hands down and am a loyal customer.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 3, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 8, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "S"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "090643-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've also sent over a number of friends to use the services here and everyone is extraordinarily pleased!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 104}]}, {"id": 19, "anchors": [{"from": 104, "to": 105}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 17, "label": "D"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 16, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 26, "target": 15, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 20, "target": 3, "label": "P"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 26, "label": "H"}, {"source": 24, "target": 10, "label": "D"}, {"source": 23, "target": 22, "label": "Q"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 5, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 2, "label": "D"}, {"source": 25, "target": 11, "label": "F"}, {"source": 20, "target": 4, "label": "D"}, {"source": 25, "target": 12, "label": "C"}, {"source": 26, "target": 18, "label": "S"}, {"source": 21, "target": 9, "label": "L"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "090643-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks for doing such great work on my important pieces of clothing that always look great!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 0, "label": "P"}, {"source": 20, "target": 4, "label": "C"}, {"source": 24, "target": 15, "label": "D"}, {"source": 23, "target": 8, "label": "S"}, {"source": 20, "target": 3, "label": "E"}, {"source": 21, "target": 22, "label": "E"}, {"source": 24, "target": 14, "label": "S"}, {"source": 21, "target": 23, "label": "E"}, {"source": 24, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "D"}, {"source": 21, "target": 9, "label": "E"}, {"source": 24, "target": 13, "label": "T"}, {"source": 21, "target": 10, "label": "R"}, {"source": 22, "target": 7, "label": "S"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 6, "label": "R"}, {"source": 19, "target": 1, "label": "R"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "P"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 24, "label": "H"}, {"source": 19, "target": 20, "label": "D"}]} +{"id": "091704-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Oil Change Disaster", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "091704-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My wife had taken her '07 Ford Fusion in for a routine oil change.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}, {"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 17, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 20, "target": 10, "label": "T"}, {"source": 18, "target": 4, "label": "S"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "E"}, {"source": 19, "target": 5, "label": "E"}, {"source": 15, "target": 2, "label": "F"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 19, "label": "A"}, {"source": 15, "target": 14, "label": "A"}, {"source": 17, "target": 3, "label": "F"}, {"source": 20, "target": 21, "label": "P"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "091704-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A couple days after the oil change, the engine ran rough, the low oil pressure light would come on sporadically, and the engine would whir loudly.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 111}]}, {"id": 22, "anchors": [{"from": 111, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 146}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 36, "target": 11, "label": "D"}, {"source": 35, "target": 8, "label": "F"}, {"source": 30, "target": 1, "label": "C"}, {"source": 35, "target": 9, "label": "C"}, {"source": 33, "target": 32, "label": "H"}, {"source": 33, "target": 23, "label": "L"}, {"source": 38, "target": 37, "label": "A"}, {"source": 32, "target": 31, "label": "T"}, {"source": 33, "target": 12, "label": "U"}, {"source": 32, "target": 5, "label": "A"}, {"source": 38, "target": 18, "label": "F"}, {"source": 33, "target": 22, "label": "U"}, {"source": 33, "target": 36, "label": "H"}, {"source": 43, "target": 29, "label": "U"}, {"source": 42, "target": 25, "label": "C"}, {"source": 40, "target": 16, "label": "C"}, {"source": 38, "target": 21, "label": "T"}, {"source": 42, "target": 24, "label": "F"}, {"source": 33, "target": 7, "label": "U"}, {"source": 39, "target": 14, "label": "S"}, {"source": 34, "target": 4, "label": "F"}, {"source": 36, "target": 35, "label": "A"}, {"source": 38, "target": 41, "label": "P"}, {"source": 33, "target": 43, "label": "H"}, {"source": 37, "target": 13, "label": "F"}, {"source": 34, "target": 6, "label": "C"}, {"source": 43, "target": 28, "label": "D"}, {"source": 37, "target": 17, "label": "C"}, {"source": 33, "target": 38, "label": "H"}, {"source": 30, "target": 0, "label": "F"}, {"source": 41, "target": 19, "label": "F"}, {"source": 40, "target": 39, "label": "E"}, {"source": 36, "target": 10, "label": "P"}, {"source": 31, "target": 3, "label": "R"}, {"source": 43, "target": 42, "label": "A"}, {"source": 32, "target": 34, "label": "P"}, {"source": 43, "target": 26, "label": "F"}, {"source": 31, "target": 2, "label": "C"}, {"source": 31, "target": 30, "label": "Q"}, {"source": 43, "target": 27, "label": "P"}, {"source": 39, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 15, "label": "E"}, {"source": 41, "target": 20, "label": "C"}, {"source": 37, "target": 40, "label": "E"}]} +{"id": "091704-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Turns out the engine had no oil, and when oil was put it, it would just run out of the filter.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 23, "target": 13, "label": "U"}, {"source": 25, "target": 5, "label": "A"}, {"source": 27, "target": 16, "label": "D"}, {"source": 23, "target": 6, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 25, "target": 24, "label": "A"}, {"source": 26, "target": 10, "label": "F"}, {"source": 28, "target": 22, "label": "U"}, {"source": 28, "target": 21, "label": "C"}, {"source": 23, "target": 8, "label": "L"}, {"source": 24, "target": 1, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 23, "target": 26, "label": "H"}, {"source": 25, "target": 3, "label": "S"}, {"source": 23, "target": 27, "label": "H"}, {"source": 25, "target": 4, "label": "D"}, {"source": 28, "target": 19, "label": "R"}, {"source": 27, "target": 18, "label": "D"}, {"source": 27, "target": 15, "label": "F"}, {"source": 26, "target": 12, "label": "D"}, {"source": 26, "target": 11, "label": "P"}, {"source": 23, "target": 7, "label": "L"}, {"source": 27, "target": 14, "label": "A"}, {"source": 28, "target": 20, "label": "F"}, {"source": 24, "target": 2, "label": "C"}, {"source": 26, "target": 9, "label": "A"}]} +{"id": "091704-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There could have (hopefully doesn't have) major damage to the engine.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 3, "label": "U"}, {"source": 15, "target": 20, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 18, "target": 6, "label": "D"}, {"source": 18, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 17, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 0, "label": "F"}, {"source": 15, "target": 1, "label": "D"}, {"source": 16, "target": 8, "label": "U"}, {"source": 18, "target": 4, "label": "G"}, {"source": 18, "target": 5, "label": "F"}, {"source": 19, "target": 10, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "R"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 7, "label": "F"}, {"source": 18, "target": 19, "label": "P"}, {"source": 20, "target": 12, "label": "F"}, {"source": 15, "target": 9, "label": "D"}]} +{"id": "091704-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All of this started after their oil change.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 9, "target": 0, "label": "Q"}, {"source": 11, "target": 4, "label": "L"}, {"source": 10, "target": 3, "label": "P"}, {"source": 9, "target": 2, "label": "C"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 5, "label": "A"}, {"source": 9, "target": 1, "label": "R"}, {"source": 12, "target": 8, "label": "U"}]} +{"id": "091704-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once they realized their mistake they sent a mechanic and tow truck to my wife's work and towed it back to fix it.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 25, "target": 37, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 36, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 35, "label": "E"}, {"source": 34, "target": 12, "label": "R"}, {"source": 25, "target": 21, "label": "L"}, {"source": 37, "target": 23, "label": "A"}, {"source": 28, "target": 34, "label": "A"}, {"source": 25, "target": 36, "label": "H"}, {"source": 37, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "P"}, {"source": 34, "target": 16, "label": "C"}, {"source": 26, "target": 2, "label": "P"}, {"source": 25, "target": 28, "label": "H"}, {"source": 25, "target": 26, "label": "H"}, {"source": 33, "target": 32, "label": "E"}, {"source": 35, "target": 15, "label": "R"}, {"source": 30, "target": 8, "label": "C"}, {"source": 37, "target": 24, "label": "U"}, {"source": 25, "target": 0, "label": "L"}, {"source": 35, "target": 13, "label": "A"}, {"source": 31, "target": 29, "label": "C"}, {"source": 35, "target": 14, "label": "S"}, {"source": 28, "target": 31, "label": "A"}, {"source": 30, "target": 7, "label": "F"}, {"source": 37, "target": 22, "label": "P"}, {"source": 36, "target": 20, "label": "D"}, {"source": 27, "target": 4, "label": "P"}, {"source": 31, "target": 9, "label": "N"}, {"source": 26, "target": 1, "label": "A"}, {"source": 31, "target": 33, "label": "C"}, {"source": 28, "target": 5, "label": "A"}, {"source": 33, "target": 11, "label": "C"}, {"source": 36, "target": 19, "label": "A"}, {"source": 28, "target": 6, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 17, "label": "L"}, {"source": 35, "target": 14, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 36, "target": 18, "label": "P"}, {"source": 32, "target": 10, "label": "P"}]} +{"id": "091704-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would not recommend this shop for anything, not even something as simple as an oil change.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}, {"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 11, "label": "R"}, {"source": 24, "target": 14, "label": "F"}, {"source": 19, "target": 8, "label": "U"}, {"source": 22, "target": 23, "label": "S"}, {"source": 18, "target": 2, "label": "D"}, {"source": 20, "target": 4, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "A"}, {"source": 18, "target": 3, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 24, "target": 16, "label": "P"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 23, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "D"}, {"source": 22, "target": 10, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "091704-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Plus they will overcharge you for just about everything, and smile while doing it.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 14, "label": "A"}, {"source": 21, "target": 11, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 8, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 10, "label": "L"}, {"source": 17, "target": 4, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 16, "target": 9, "label": "U"}, {"source": 19, "target": 7, "label": "C"}, {"source": 17, "target": 3, "label": "P"}, {"source": 21, "target": 13, "label": "P"}, {"source": 20, "target": 11, "label": "P"}, {"source": 17, "target": 2, "label": "F"}, {"source": 18, "target": 19, "label": "E"}, {"source": 19, "target": 6, "label": "E"}, {"source": 16, "target": 12, "label": "L"}]} +{"id": "093655-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HORRIBLE SERVICE AND FOOD", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 2, "label": "L"}, {"source": 6, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "093655-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "not only is this place too expensive for what it is, its horrible!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 7, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 13, "label": "S"}, {"source": 18, "target": 9, "label": "S"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 18, "target": 8, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 11, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 15, "target": 6, "label": "L"}, {"source": 16, "target": 5, "label": "S"}, {"source": 17, "target": 2, "label": "E"}, {"source": 16, "target": 4, "label": "D"}]} +{"id": "093655-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "In the past, I got a steak and there was more fat and rough pieces than there was good steak (and this was the sirloin!), the sides were drenched with butter and the salad was a little on the brown side.", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 118}]}, {"id": 27, "anchors": [{"from": 118, "to": 119}]}, {"id": 28, "anchors": [{"from": 119, "to": 120}]}, {"id": 29, "anchors": [{"from": 120, "to": 121}]}, {"id": 30, "anchors": [{"from": 122, "to": 125}]}, {"id": 31, "anchors": [{"from": 126, "to": 131}]}, {"id": 32, "anchors": [{"from": 132, "to": 136}]}, {"id": 33, "anchors": [{"from": 137, "to": 145}]}, {"id": 34, "anchors": [{"from": 146, "to": 150}]}, {"id": 35, "anchors": [{"from": 151, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 161}]}, {"id": 37, "anchors": [{"from": 162, "to": 165}]}, {"id": 38, "anchors": [{"from": 166, "to": 171}]}, {"id": 39, "anchors": [{"from": 172, "to": 175}]}, {"id": 40, "anchors": [{"from": 176, "to": 177}]}, {"id": 41, "anchors": [{"from": 178, "to": 184}]}, {"id": 42, "anchors": [{"from": 185, "to": 187}]}, {"id": 43, "anchors": [{"from": 188, "to": 191}]}, {"id": 44, "anchors": [{"from": 192, "to": 197}]}, {"id": 45, "anchors": [{"from": 198, "to": 202}]}, {"id": 46, "anchors": [{"from": 202, "to": 203}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 63, "target": 38, "label": "C"}, {"source": 48, "target": 5, "label": "P"}, {"source": 51, "target": 10, "label": "F"}, {"source": 55, "target": 57, "label": "A"}, {"source": 64, "target": 66, "label": "S"}, {"source": 57, "target": 56, "label": "E"}, {"source": 49, "target": 28, "label": "U"}, {"source": 57, "target": 20, "label": "C"}, {"source": 50, "target": 7, "label": "C"}, {"source": 49, "target": 51, "label": "H"}, {"source": 56, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 61, "label": "H"}, {"source": 65, "target": 41, "label": "C"}, {"source": 48, "target": 4, "label": "A"}, {"source": 65, "target": 40, "label": "F"}, {"source": 52, "target": 12, "label": "C"}, {"source": 49, "target": 55, "label": "H"}, {"source": 64, "target": 63, "label": "A"}, {"source": 63, "target": 37, "label": "F"}, {"source": 51, "target": 11, "label": "D"}, {"source": 61, "target": 60, "label": "A"}, {"source": 54, "target": 53, "label": "E"}, {"source": 47, "target": 1, "label": "F"}, {"source": 52, "target": 13, "label": "N"}, {"source": 49, "target": 64, "label": "H"}, {"source": 48, "target": 3, "label": "U"}, {"source": 62, "target": 35, "label": "C"}, {"source": 58, "target": 59, "label": "A"}, {"source": 62, "target": 34, "label": "R"}, {"source": 49, "target": 22, "label": "L"}, {"source": 61, "target": 33, "label": "S"}, {"source": 49, "target": 36, "label": "L"}, {"source": 61, "target": 32, "label": "F"}, {"source": 58, "target": 24, "label": "S"}, {"source": 66, "target": 46, "label": "U"}, {"source": 60, "target": 31, "label": "C"}, {"source": 47, "target": 0, "label": "R"}, {"source": 66, "target": 45, "label": "F"}, {"source": 53, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 58, "label": "H"}, {"source": 61, "target": 62, "label": "A"}, {"source": 64, "target": 65, "label": "D"}, {"source": 48, "target": 47, "label": "T"}, {"source": 58, "target": 23, "label": "A"}, {"source": 49, "target": 21, "label": "U"}, {"source": 48, "target": 50, "label": "A"}, {"source": 52, "target": 54, "label": "C"}, {"source": 55, "target": 18, "label": "F"}, {"source": 66, "target": 43, "label": "F"}, {"source": 55, "target": 17, "label": "S"}, {"source": 60, "target": 30, "label": "F"}, {"source": 49, "target": 48, "label": "H"}, {"source": 49, "target": 8, "label": "L"}, {"source": 64, "target": 39, "label": "F"}, {"source": 49, "target": 27, "label": "U"}, {"source": 49, "target": 29, "label": "U"}, {"source": 51, "target": 9, "label": "S"}, {"source": 59, "target": 26, "label": "C"}, {"source": 51, "target": 52, "label": "A"}, {"source": 59, "target": 25, "label": "F"}, {"source": 56, "target": 19, "label": "S"}, {"source": 49, "target": 16, "label": "L"}, {"source": 66, "target": 44, "label": "C"}, {"source": 66, "target": 42, "label": "R"}, {"source": 53, "target": 14, "label": "S"}, {"source": 47, "target": 2, "label": "C"}, {"source": 50, "target": 6, "label": "F"}, {"source": 54, "target": 15, "label": "C"}]} +{"id": "093655-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Today we went for a party (during lunch, so the place was empty) with about 25 other people.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 16, "label": "R"}, {"source": 26, "target": 8, "label": "T"}, {"source": 29, "target": 21, "label": "U"}, {"source": 24, "target": 29, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 30, "target": 18, "label": "Q"}, {"source": 22, "target": 10, "label": "L"}, {"source": 26, "target": 8, "label": "P"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 13, "label": "F"}, {"source": 29, "target": 30, "label": "Q"}, {"source": 28, "target": 27, "label": "A"}, {"source": 30, "target": 18, "label": "C"}, {"source": 22, "target": 9, "label": "U"}, {"source": 29, "target": 20, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 6, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 4, "label": "F"}, {"source": 30, "target": 17, "label": "E"}, {"source": 23, "target": 1, "label": "A"}, {"source": 29, "target": 19, "label": "E"}, {"source": 25, "target": 5, "label": "C"}, {"source": 23, "target": 0, "label": "T"}, {"source": 24, "target": 3, "label": "R"}, {"source": 22, "target": 26, "label": "H"}, {"source": 27, "target": 11, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 28, "target": 14, "label": "S"}, {"source": 24, "target": 25, "label": "S"}]} +{"id": "093655-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It took over 1.5 hours for our food to come out and by that time my 8 month old had it!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 83}, {"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 86, "to": 87}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 21, "label": "T"}, {"source": 28, "target": 30, "label": "A"}, {"source": 23, "target": 11, "label": "L"}, {"source": 27, "target": 19, "label": "P"}, {"source": 29, "target": 16, "label": "Q"}, {"source": 22, "target": 5, "label": "F"}, {"source": 26, "target": 14, "label": "C"}, {"source": 28, "target": 15, "label": "A"}, {"source": 26, "target": 13, "label": "E"}, {"source": 22, "target": 9, "label": "P"}, {"source": 21, "target": 0, "label": "F"}, {"source": 22, "target": 25, "label": "A"}, {"source": 21, "target": 3, "label": "Q"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 8, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 26, "label": "T"}, {"source": 21, "target": 2, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 6, "label": "S"}, {"source": 21, "target": 1, "label": "F"}, {"source": 30, "target": 29, "label": "T"}, {"source": 30, "target": 18, "label": "S"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 22, "target": 10, "label": "D"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "093655-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Does it seriously take that long for a soup and salad?", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 1, "label": "A"}, {"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "F"}, {"source": 15, "target": 9, "label": "N"}, {"source": 13, "target": 2, "label": "G"}, {"source": 13, "target": 14, "label": "T"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "093655-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was a waitress for years and a key rule is to serve customers with small children before others, as I was the last to get my food.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 131}]}, {"id": 29, "anchors": [{"from": 131, "to": 132}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 37, "target": 12, "label": "P"}, {"source": 41, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 27, "label": "S"}, {"source": 44, "target": 46, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 34, "target": 7, "label": "F"}, {"source": 38, "target": 37, "label": "H"}, {"source": 32, "target": 2, "label": "F"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 8, "label": "S"}, {"source": 46, "target": 45, "label": "E"}, {"source": 31, "target": 19, "label": "U"}, {"source": 39, "target": 13, "label": "A"}, {"source": 43, "target": 24, "label": "C"}, {"source": 42, "target": 22, "label": "S"}, {"source": 35, "target": 38, "label": "A"}, {"source": 30, "target": 33, "label": "T"}, {"source": 43, "target": 23, "label": "F"}, {"source": 34, "target": 9, "label": "C"}, {"source": 41, "target": 18, "label": "A"}, {"source": 45, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 16, "label": "C"}, {"source": 30, "target": 1, "label": "F"}, {"source": 35, "target": 34, "label": "A"}, {"source": 42, "target": 21, "label": "A"}, {"source": 34, "target": 36, "label": "E"}, {"source": 38, "target": 17, "label": "L"}, {"source": 39, "target": 13, "label": "S"}, {"source": 35, "target": 10, "label": "S"}, {"source": 43, "target": 44, "label": "E"}, {"source": 36, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "C"}, {"source": 31, "target": 20, "label": "L"}, {"source": 30, "target": 32, "label": "S"}, {"source": 38, "target": 41, "label": "H"}, {"source": 33, "target": 4, "label": "R"}, {"source": 31, "target": 42, "label": "H"}, {"source": 33, "target": 5, "label": "C"}, {"source": 40, "target": 14, "label": "R"}, {"source": 46, "target": 28, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 41, "target": 12, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 29, "label": "U"}, {"source": 37, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 26, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 31, "target": 6, "label": "L"}, {"source": 40, "target": 15, "label": "E"}, {"source": 44, "target": 25, "label": "R"}, {"source": 37, "target": 11, "label": "F"}, {"source": 31, "target": 30, "label": "H"}]} +{"id": "093655-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would NOT recommend having a party here or even going here.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "P"}, {"source": 18, "target": 9, "label": "G"}, {"source": 16, "target": 15, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 11, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 18, "label": "H"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "F"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 8, "label": "L"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "D"}]} +{"id": "093655-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Texas Roadhouse is WAY better!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "094189-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Needs to go out of business", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 8, "label": "E"}, {"source": 8, "target": 3, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 7, "target": 9, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "R"}]} +{"id": "094189-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They close whenever they feel like it, often well before their listed closing time.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 20, "target": 8, "label": "T"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 11, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 13, "label": "P"}, {"source": 18, "target": 3, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 14, "label": "T"}, {"source": 20, "target": 12, "label": "D"}, {"source": 16, "target": 2, "label": "L"}, {"source": 18, "target": 4, "label": "S"}, {"source": 21, "target": 9, "label": "E"}, {"source": 20, "target": 21, "label": "T"}, {"source": 17, "target": 1, "label": "P"}, {"source": 16, "target": 7, "label": "U"}, {"source": 17, "target": 0, "label": "A"}]} +{"id": "094189-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their store is dusty, dirty and feels like you're stepping into the 1970s.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 20, "target": 5, "label": "S"}, {"source": 17, "target": 1, "label": "C"}, {"source": 19, "target": 6, "label": "L"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "U"}, {"source": 21, "target": 9, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 16, "label": "E"}, {"source": 21, "target": 22, "label": "T"}, {"source": 21, "target": 7, "label": "G"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 17, "label": "A"}, {"source": 22, "target": 12, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 21, "target": 8, "label": "F"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "F"}, {"source": 16, "target": 0, "label": "S"}]} +{"id": "094189-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They don't take coupons.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "094189-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have a credit card minimum.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 9, "target": 2, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 3, "label": "E"}]} +{"id": "094189-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is the opposite of QuikTrip: crappy in every way.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "D"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 7, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 8, "label": "S"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 19, "target": 10, "label": "Q"}, {"source": 17, "target": 6, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "D"}]} +{"id": "094621-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Disatisfied customer, I went through Kitchen Aid and used one of their recommended vendors.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 20}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}, {"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 90}]}, {"id": 14, "anchors": [{"from": 90, "to": 91}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 5, "label": "D"}, {"source": 22, "target": 12, "label": "S"}, {"source": 20, "target": 14, "label": "U"}, {"source": 21, "target": 11, "label": "S"}, {"source": 20, "target": 19, "label": "Q"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 2, "label": "U"}, {"source": 17, "target": 3, "label": "A"}, {"source": 21, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "P"}, {"source": 20, "target": 22, "label": "E"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 10, "label": "R"}, {"source": 16, "target": 7, "label": "L"}, {"source": 15, "target": 0, "label": "D"}, {"source": 15, "target": 1, "label": "S"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 8, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 15, "target": 1, "label": "A"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "094621-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A&E came out, charged $129 fee just to walk in the door.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 55, "to": 56}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 16, "target": 3, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "F"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 6, "label": "Q"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 8, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 11, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 20, "target": 9, "label": "F"}, {"source": 19, "target": 18, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "094621-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I needed a part for my appliance, the cost was very high so I said never mind, paid the fee and called a local business for a second quote.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}, {"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 138}]}, {"id": 30, "anchors": [{"from": 138, "to": 139}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 41, "target": 22, "label": "P"}, {"source": 41, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 10, "label": "F"}, {"source": 32, "target": 7, "label": "U"}, {"source": 31, "target": 0, "label": "A"}, {"source": 32, "target": 13, "label": "L"}, {"source": 39, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 35, "label": "E"}, {"source": 32, "target": 31, "label": "H"}, {"source": 38, "target": 14, "label": "A"}, {"source": 44, "target": 30, "label": "U"}, {"source": 32, "target": 43, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 39, "label": "H"}, {"source": 32, "target": 38, "label": "H"}, {"source": 37, "target": 12, "label": "S"}, {"source": 44, "target": 29, "label": "C"}, {"source": 33, "target": 3, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 25, "label": "C"}, {"source": 35, "target": 5, "label": "S"}, {"source": 32, "target": 41, "label": "H"}, {"source": 32, "target": 37, "label": "H"}, {"source": 31, "target": 34, "label": "A"}, {"source": 36, "target": 9, "label": "C"}, {"source": 34, "target": 6, "label": "C"}, {"source": 35, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 28, "label": "D"}, {"source": 43, "target": 44, "label": "P"}, {"source": 33, "target": 2, "label": "F"}, {"source": 37, "target": 11, "label": "D"}, {"source": 32, "target": 17, "label": "U"}, {"source": 37, "target": 36, "label": "A"}, {"source": 39, "target": 18, "label": "P"}, {"source": 44, "target": 27, "label": "F"}, {"source": 32, "target": 21, "label": "L"}, {"source": 38, "target": 15, "label": "P"}, {"source": 34, "target": 4, "label": "R"}, {"source": 39, "target": 40, "label": "A"}, {"source": 32, "target": 26, "label": "L"}, {"source": 40, "target": 20, "label": "C"}, {"source": 31, "target": 1, "label": "P"}, {"source": 40, "target": 19, "label": "F"}, {"source": 42, "target": 24, "label": "E"}, {"source": 36, "target": 8, "label": "F"}, {"source": 42, "target": 23, "label": "F"}, {"source": 38, "target": 16, "label": "A"}]} +{"id": "094621-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The second vendor charged $55 (less than half of what A&E charges) to come and applied that to the price of the repair service (which A&E does not).", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 146, "to": 147}]}, {"id": 33, "anchors": [{"from": 147, "to": 148}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 39, "target": 9, "label": "C"}, {"source": 36, "target": 43, "label": "H"}, {"source": 37, "target": 4, "label": "C"}, {"source": 43, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 2, "label": "C"}, {"source": 47, "target": 33, "label": "U"}, {"source": 40, "target": 10, "label": "R"}, {"source": 42, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "P"}, {"source": 36, "target": 14, "label": "U"}, {"source": 45, "target": 25, "label": "D"}, {"source": 36, "target": 28, "label": "L"}, {"source": 36, "target": 47, "label": "H"}, {"source": 36, "target": 41, "label": "H"}, {"source": 44, "target": 21, "label": "F"}, {"source": 44, "target": 20, "label": "R"}, {"source": 47, "target": 18, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 11, "label": "C"}, {"source": 47, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 1, "label": "Q"}, {"source": 35, "target": 34, "label": "A"}, {"source": 38, "target": 7, "label": "C"}, {"source": 36, "target": 15, "label": "L"}, {"source": 36, "target": 27, "label": "U"}, {"source": 41, "target": 12, "label": "A"}, {"source": 41, "target": 13, "label": "P"}, {"source": 45, "target": 23, "label": "R"}, {"source": 35, "target": 3, "label": "P"}, {"source": 42, "target": 16, "label": "P"}, {"source": 43, "target": 18, "label": "P"}, {"source": 35, "target": 37, "label": "A"}, {"source": 41, "target": 40, "label": "A"}, {"source": 38, "target": 8, "label": "R"}, {"source": 46, "target": 24, "label": "F"}, {"source": 36, "target": 42, "label": "H"}, {"source": 47, "target": 32, "label": "U"}, {"source": 47, "target": 30, "label": "F"}, {"source": 37, "target": 5, "label": "Q"}, {"source": 36, "target": 6, "label": "U"}, {"source": 39, "target": 38, "label": "E"}, {"source": 44, "target": 22, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 47, "target": 29, "label": "A"}, {"source": 36, "target": 17, "label": "L"}, {"source": 44, "target": 45, "label": "E"}, {"source": 47, "target": 31, "label": "D"}, {"source": 36, "target": 35, "label": "H"}, {"source": 43, "target": 19, "label": "A"}, {"source": 40, "target": 39, "label": "Q"}, {"source": 34, "target": 0, "label": "F"}, {"source": 46, "target": 26, "label": "C"}]} +{"id": "094621-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their quote came in at half the price of A&E for the same work and same part.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 25, "target": 16, "label": "U"}, {"source": 19, "target": 1, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "N"}, {"source": 24, "target": 10, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 9, "label": "R"}, {"source": 22, "target": 23, "label": "C"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 25, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 14, "label": "E"}, {"source": 20, "target": 5, "label": "F"}, {"source": 23, "target": 11, "label": "D"}, {"source": 21, "target": 8, "label": "C"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 7, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 18, "target": 20, "label": "A"}]} +{"id": "094621-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Seems to me like A&E charges way more than necessary!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 4, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 3, "label": "R"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 15, "label": "Q"}, {"source": 13, "target": 1, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 6, "label": "E"}]} +{"id": "094621-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very disappointed in Kitchen Aid as well, I thought that they pre-screened their vendors for price and quality of work, obviously they do not!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}, {"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 35}, {"from": 36, "to": 40}]}, {"id": 5, "anchors": [{"from": 40, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 88}]}, {"id": 13, "anchors": [{"from": 89, "to": 92}]}, {"id": 14, "anchors": [{"from": 93, "to": 98}]}, {"id": 15, "anchors": [{"from": 99, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 110}]}, {"id": 17, "anchors": [{"from": 111, "to": 113}]}, {"id": 18, "anchors": [{"from": 114, "to": 118}]}, {"id": 19, "anchors": [{"from": 118, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 129}]}, {"id": 21, "anchors": [{"from": 130, "to": 134}]}, {"id": 22, "anchors": [{"from": 135, "to": 137}]}, {"id": 23, "anchors": [{"from": 138, "to": 141}]}, {"id": 24, "anchors": [{"from": 141, "to": 142}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 6, "label": "A"}, {"source": 32, "target": 13, "label": "R"}, {"source": 25, "target": 1, "label": "S"}, {"source": 34, "target": 35, "label": "E"}, {"source": 34, "target": 33, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 36, "target": 21, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 32, "target": 14, "label": "C"}, {"source": 29, "target": 8, "label": "R"}, {"source": 31, "target": 12, "label": "C"}, {"source": 32, "target": 15, "label": "N"}, {"source": 27, "target": 2, "label": "R"}, {"source": 36, "target": 22, "label": "F"}, {"source": 35, "target": 17, "label": "R"}, {"source": 26, "target": 36, "label": "H"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 11, "label": "S"}, {"source": 30, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 16, "label": "S"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 25, "target": 4, "label": "D"}, {"source": 26, "target": 28, "label": "H"}, {"source": 26, "target": 5, "label": "U"}, {"source": 36, "target": 20, "label": "G"}, {"source": 29, "target": 32, "label": "A"}, {"source": 29, "target": 10, "label": "P"}, {"source": 32, "target": 34, "label": "C"}, {"source": 36, "target": 10, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 9, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 0, "label": "D"}, {"source": 36, "target": 24, "label": "U"}, {"source": 28, "target": 7, "label": "P"}, {"source": 36, "target": 23, "label": "D"}, {"source": 27, "target": 3, "label": "C"}, {"source": 35, "target": 18, "label": "P"}]} +{"id": "095040-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Extremely helpful and professional", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 34}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 2, "label": "L"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 1, "label": "S"}, {"source": 6, "target": 3, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "095040-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As first-time home buyers, my husband and I found Stephanie Fairchild at Prudential Steamboat Realty, extremely helpful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 59}, {"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 83}, {"from": 84, "to": 93}, {"from": 94, "to": 100}]}, {"id": 15, "anchors": [{"from": 100, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 119}]}, {"id": 18, "anchors": [{"from": 119, "to": 120}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 20, "label": "D"}, {"source": 21, "target": 5, "label": "P"}, {"source": 23, "target": 9, "label": "N"}, {"source": 24, "target": 16, "label": "D"}, {"source": 19, "target": 24, "label": "H"}, {"source": 26, "target": 13, "label": "R"}, {"source": 22, "target": 8, "label": "S"}, {"source": 23, "target": 22, "label": "C"}, {"source": 26, "target": 14, "label": "C"}, {"source": 20, "target": 2, "label": "U"}, {"source": 19, "target": 0, "label": "L"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 24, "target": 17, "label": "S"}, {"source": 20, "target": 1, "label": "Q"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 12, "label": "C"}, {"source": 24, "target": 11, "label": "D"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 8, "label": "A"}, {"source": 22, "target": 7, "label": "A"}, {"source": 24, "target": 15, "label": "U"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 6, "label": "U"}]} +{"id": "095040-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She worked with us for over a year, helping us find our perfect home.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "T"}, {"source": 22, "target": 12, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 19, "target": 4, "label": "R"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 19, "target": 20, "label": "Q"}, {"source": 21, "target": 9, "label": "D"}, {"source": 23, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 24, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "E"}, {"source": 22, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "S"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 17, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "095040-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Stephanie's knowledge of the market and properties in our price range, made us feel secure in our decision to buy when we did.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 125}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 1, "label": "R"}, {"source": 35, "target": 23, "label": "A"}, {"source": 34, "target": 19, "label": "D"}, {"source": 26, "target": 0, "label": "C"}, {"source": 34, "target": 21, "label": "P"}, {"source": 30, "target": 3, "label": "R"}, {"source": 27, "target": 30, "label": "A"}, {"source": 28, "target": 34, "label": "A"}, {"source": 33, "target": 9, "label": "E"}, {"source": 33, "target": 10, "label": "E"}, {"source": 28, "target": 13, "label": "D"}, {"source": 34, "target": 18, "label": "A"}, {"source": 29, "target": 22, "label": "L"}, {"source": 28, "target": 12, "label": "U"}, {"source": 28, "target": 16, "label": "D"}, {"source": 35, "target": 25, "label": "U"}, {"source": 34, "target": 17, "label": "R"}, {"source": 35, "target": 24, "label": "F"}, {"source": 30, "target": 6, "label": "N"}, {"source": 28, "target": 27, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 30, "target": 31, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 27, "target": 2, "label": "S"}, {"source": 33, "target": 8, "label": "R"}, {"source": 29, "target": 28, "label": "H"}, {"source": 30, "target": 32, "label": "C"}, {"source": 31, "target": 5, "label": "C"}, {"source": 28, "target": 14, "label": "A"}, {"source": 35, "target": 21, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 4, "label": "F"}, {"source": 32, "target": 7, "label": "C"}, {"source": 33, "target": 11, "label": "C"}, {"source": 29, "target": 35, "label": "H"}, {"source": 34, "target": 20, "label": "F"}, {"source": 28, "target": 15, "label": "S"}]} +{"id": "095040-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We would highly recommend Stephanie to anyone looking for a home in the Yampa Valley.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}, {"from": 78, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 5, "label": "R"}, {"source": 18, "target": 7, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 4, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 19, "target": 8, "label": "R"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "R"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 3, "label": "P"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "095040-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We appreciated her patience, knowledge and kindness!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "S"}, {"source": 11, "target": 3, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 6, "label": "L"}, {"source": 12, "target": 4, "label": "U"}, {"source": 13, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "095523-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "GREAT SERVICE AND PEOPLE!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "095523-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Deb Watson is the contact person and she and the rest of the staff were great!!!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 23, "label": "C"}, {"source": 24, "target": 11, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 3, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 14, "label": "S"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 10, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 17, "target": 5, "label": "L"}, {"source": 22, "target": 8, "label": "F"}, {"source": 24, "target": 12, "label": "C"}, {"source": 23, "target": 24, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 23, "target": 22, "label": "D"}, {"source": 18, "target": 4, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 7, "label": "N"}, {"source": 17, "target": 21, "label": "H"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "095523-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She continues to help me when needed even if I have a service question.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 6, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 7, "label": "L"}, {"source": 19, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 4, "label": "A"}, {"source": 19, "target": 11, "label": "S"}, {"source": 18, "target": 12, "label": "P"}, {"source": 16, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "D"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 5, "label": "L"}, {"source": 17, "target": 8, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 9, "label": "S"}]} +{"id": "095523-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Since I'm usually at work late Deb has stayed around to help me out when needed.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}, {"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 18, "target": 3, "label": "T"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "T"}, {"source": 21, "target": 12, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "A"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 11, "label": "L"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "A"}, {"source": 17, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 14, "label": "L"}, {"source": 18, "target": 4, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "A"}, {"source": 21, "target": 13, "label": "A"}, {"source": 22, "target": 15, "label": "P"}, {"source": 19, "target": 5, "label": "P"}, {"source": 20, "target": 8, "label": "F"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "095523-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This was after I brought the car!!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 3, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 10, "target": 9, "label": "L"}]} +{"id": "095523-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service does not get any better!!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "D"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "E"}]} +{"id": "096340-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ONe of a few.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "C"}, {"source": 8, "target": 1, "label": "R"}, {"source": 7, "target": 8, "label": "E"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "U"}]} +{"id": "096340-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hancocks is one of four fabric stores in Fort Smith.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 11, "target": 1, "label": "S"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 3, "label": "R"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 14, "label": "E"}, {"source": 13, "target": 15, "label": "E"}, {"source": 13, "target": 12, "label": "Q"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "096340-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We have Hobby Lobby, Just for Fun Fabrics, Walmart, and Interior Mall just inside Barling.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}, {"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}, {"from": 26, "to": 29}, {"from": 30, "to": 33}, {"from": 34, "to": 41}]}, {"id": 5, "anchors": [{"from": 41, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}, {"from": 65, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 89}]}, {"id": 13, "anchors": [{"from": 89, "to": 90}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 3, "label": "U"}, {"source": 16, "target": 8, "label": "N"}, {"source": 18, "target": 11, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 18, "label": "R"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 16, "target": 5, "label": "U"}, {"source": 16, "target": 7, "label": "U"}, {"source": 17, "target": 19, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "S"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "096340-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They do have a good selection of fabric and notions.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 8, "label": "N"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 15, "label": "E"}, {"source": 14, "target": 4, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "S"}]} +{"id": "097507-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best meat pies in Canada", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 2, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "097507-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you are looking for authentic British meat pies, then look know further.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 13, "label": "D"}, {"source": 18, "target": 5, "label": "S"}, {"source": 15, "target": 10, "label": "L"}, {"source": 17, "target": 7, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "D"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 11, "label": "P"}, {"source": 16, "target": 1, "label": "A"}, {"source": 16, "target": 3, "label": "P"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "097507-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I especially like the Chicken Curry pie.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "E"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "097507-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good Food.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "097507-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner/baker, \"Pie Guy\" is a hoot to deal with as well.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 21}, {"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 36}]}, {"id": 11, "anchors": [{"from": 37, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 52}, {"from": 53, "to": 57}]}, {"id": 15, "anchors": [{"from": 57, "to": 58}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 17, "target": 1, "label": "C"}, {"source": 16, "target": 17, "label": "S"}, {"source": 21, "target": 12, "label": "P"}, {"source": 19, "target": 6, "label": "C"}, {"source": 19, "target": 4, "label": "U"}, {"source": 17, "target": 0, "label": "F"}, {"source": 23, "target": 9, "label": "F"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 22, "target": 3, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 16, "label": "H"}, {"source": 19, "target": 5, "label": "U"}, {"source": 19, "target": 18, "label": "E"}, {"source": 18, "target": 2, "label": "U"}, {"source": 21, "target": 14, "label": "D"}, {"source": 21, "target": 23, "label": "D"}, {"source": 21, "target": 8, "label": "F"}, {"source": 22, "target": 3, "label": "P"}, {"source": 21, "target": 19, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 13, "label": "R"}, {"source": 21, "target": 7, "label": "U"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "097507-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mo", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "097548-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The company gets busy but you never have to wait long because they ARE orginizied, so you are in, out, and paid well for your scrap", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 131}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 16, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 36, "target": 37, "label": "E"}, {"source": 30, "target": 33, "label": "H"}, {"source": 31, "target": 9, "label": "T"}, {"source": 31, "target": 5, "label": "A"}, {"source": 36, "target": 27, "label": "C"}, {"source": 32, "target": 13, "label": "S"}, {"source": 30, "target": 31, "label": "H"}, {"source": 30, "target": 4, "label": "L"}, {"source": 30, "target": 35, "label": "H"}, {"source": 32, "target": 11, "label": "A"}, {"source": 36, "target": 25, "label": "R"}, {"source": 35, "target": 24, "label": "D"}, {"source": 30, "target": 22, "label": "L"}, {"source": 29, "target": 3, "label": "S"}, {"source": 32, "target": 12, "label": "F"}, {"source": 30, "target": 19, "label": "U"}, {"source": 29, "target": 2, "label": "D"}, {"source": 28, "target": 1, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 18, "label": "P"}, {"source": 35, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 6, "label": "T"}, {"source": 30, "target": 14, "label": "U"}, {"source": 30, "target": 10, "label": "L"}, {"source": 37, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 28, "label": "A"}, {"source": 34, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 26, "label": "S"}, {"source": 35, "target": 23, "label": "P"}, {"source": 33, "target": 17, "label": "F"}, {"source": 31, "target": 7, "label": "D"}, {"source": 34, "target": 20, "label": "P"}, {"source": 30, "target": 21, "label": "U"}, {"source": 30, "target": 15, "label": "L"}, {"source": 28, "target": 0, "label": "F"}, {"source": 30, "target": 32, "label": "H"}, {"source": 31, "target": 8, "label": "P"}]} +{"id": "099279-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "excellent!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "099279-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "answered all my questions, and called me back when I needed something.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 4, "label": "U"}, {"source": 17, "target": 8, "label": "D"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 1, "label": "D"}, {"source": 15, "target": 9, "label": "L"}, {"source": 18, "target": 11, "label": "P"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 5, "label": "L"}, {"source": 14, "target": 0, "label": "P"}, {"source": 18, "target": 12, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 16, "target": 3, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "A"}, {"source": 17, "target": 6, "label": "P"}]} +{"id": "099279-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "highly recommended!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "100592-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Top range of bike, cheap prices, excellent a+++", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}, {"from": 44, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "A"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 14, "target": 5, "label": "S"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 10, "label": "S"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "U"}, {"source": 15, "target": 9, "label": "D"}]} +{"id": "100592-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "yep they fixeded my thumpstar in 1 day.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 13, "target": 6, "label": "Q"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 13, "label": "T"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 5, "label": "R"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 1, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 11, "label": "E"}]} +{"id": "100592-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it wasent going an had a gear box problem....", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "L"}, {"source": 13, "target": 14, "label": "S"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 15, "target": 6, "label": "F"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "100592-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i coldn't find anywere else local to fix it so i took it there and they fixed it for $150...", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 89, "to": 92}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 11, "label": "A"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 17, "label": "P"}, {"source": 29, "target": 21, "label": "Q"}, {"source": 23, "target": 2, "label": "D"}, {"source": 28, "target": 18, "label": "A"}, {"source": 26, "target": 8, "label": "P"}, {"source": 23, "target": 3, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 28, "label": "H"}, {"source": 27, "target": 12, "label": "P"}, {"source": 29, "target": 20, "label": "C"}, {"source": 29, "target": 22, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 13, "label": "A"}, {"source": 24, "target": 15, "label": "L"}, {"source": 29, "target": 19, "label": "R"}, {"source": 23, "target": 1, "label": "D"}, {"source": 24, "target": 10, "label": "L"}, {"source": 27, "target": 14, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 7, "label": "F"}, {"source": 28, "target": 16, "label": "A"}, {"source": 26, "target": 9, "label": "A"}, {"source": 25, "target": 6, "label": "E"}]} +{"id": "100592-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "thanks guys goes really well and thaks 4 the cheap price..", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "D"}, {"source": 16, "target": 6, "label": "P"}, {"source": 17, "target": 8, "label": "F"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "L"}, {"source": 12, "target": 1, "label": "A"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "100592-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "excellent, top guys a+++++ reccommend to anyone!!!!!!!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}, {"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 57}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "D"}, {"source": 11, "target": 5, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 2, "label": "D"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "101398-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Disappointed", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "101398-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The Bad: I was at Napa recently and was unpleasantly surprised at poor waiter svce and subpar food.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 24, "target": 26, "label": "H"}, {"source": 21, "target": 8, "label": "L"}, {"source": 24, "target": 25, "label": "H"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 9, "label": "F"}, {"source": 23, "target": 10, "label": "D"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 15, "label": "P"}, {"source": 23, "target": 11, "label": "S"}, {"source": 22, "target": 5, "label": "S"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 22, "target": 3, "label": "A"}, {"source": 21, "target": 2, "label": "U"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "H"}, {"source": 24, "target": 16, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 7, "label": "T"}, {"source": 22, "target": 4, "label": "F"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 20, "label": "L"}, {"source": 26, "target": 17, "label": "S"}, {"source": 26, "target": 18, "label": "A"}, {"source": 20, "target": 1, "label": "C"}]} +{"id": "101398-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were a party of 4 and none of us were particularly pleased with our dishes.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 22, "target": 11, "label": "D"}, {"source": 22, "target": 12, "label": "S"}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 13, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "L"}, {"source": 22, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 23, "target": 15, "label": "C"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "Q"}, {"source": 21, "target": 7, "label": "Q"}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "E"}]} +{"id": "101398-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Napa is all about wine but gives very short descriptions of the wines on their lists.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 22, "target": 13, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 4, "label": "A"}, {"source": 18, "target": 5, "label": "L"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 7, "label": "E"}, {"source": 19, "target": 6, "label": "D"}, {"source": 23, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 23, "target": 14, "label": "S"}, {"source": 21, "target": 10, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 3, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "D"}]} +{"id": "101398-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found my initial selection satisfactory but the wine flight we chose to be poorly composed.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 21, "target": 20, "label": "A"}, {"source": 18, "target": 22, "label": "H"}, {"source": 17, "target": 1, "label": "D"}, {"source": 19, "target": 4, "label": "P"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 11, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "L"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 13, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 14, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 3, "label": "Q"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "101398-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you must go ask lots of questions about your selections since your expectations may as high as mine were.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 107}]}, {"id": 20, "anchors": [{"from": 107, "to": 108}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 22, "target": 2, "label": "D"}, {"source": 26, "target": 14, "label": "D"}, {"source": 21, "target": 28, "label": "H"}, {"source": 23, "target": 4, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 26, "label": "H"}, {"source": 28, "target": 18, "label": "A"}, {"source": 26, "target": 13, "label": "P"}, {"source": 28, "target": 16, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 5, "label": "Q"}, {"source": 26, "target": 27, "label": "D"}, {"source": 21, "target": 17, "label": "L"}, {"source": 22, "target": 1, "label": "A"}, {"source": 25, "target": 8, "label": "R"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 15, "label": "R"}, {"source": 25, "target": 9, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 19, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 3, "label": "P"}, {"source": 26, "target": 12, "label": "A"}, {"source": 28, "target": 13, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 6, "label": "R"}, {"source": 25, "target": 10, "label": "P"}]} +{"id": "101864-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No complaints", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "101864-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have no complaints about the service I received.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 8, "label": "D"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 13, "target": 7, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 14, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "101864-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This man was polite, professional, clean and quick.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 7, "label": "S"}, {"source": 13, "target": 4, "label": "U"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 16, "label": "H"}, {"source": 15, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 8, "label": "L"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 12, "target": 11, "label": "A"}, {"source": 16, "target": 9, "label": "S"}, {"source": 14, "target": 5, "label": "S"}, {"source": 16, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "101864-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I never felt worried and walked away satisfied.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 11, "target": 5, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 1, "label": "T"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "101972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Poor service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "101972-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you like the drama described in popular sitcom 'Seinfeld', you will see it here.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 6, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 1, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 2, "label": "S"}, {"source": 24, "target": 7, "label": "S"}, {"source": 25, "target": 13, "label": "A"}, {"source": 25, "target": 15, "label": "P"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "F"}, {"source": 25, "target": 16, "label": "A"}, {"source": 25, "target": 14, "label": "F"}, {"source": 23, "target": 10, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 17, "label": "A"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 23, "target": 9, "label": "U"}, {"source": 19, "target": 11, "label": "U"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "101972-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We signed our name in about 6:00pm.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 13, "label": "T"}, {"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "101972-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There were 3 names before us.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}, {"source": 9, "target": 2, "label": "Q"}, {"source": 8, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "101972-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The greeter said there was about 15 minutes waiting.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 15, "label": "T"}, {"source": 14, "target": 3, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 10, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "P"}, {"source": 10, "target": 11, "label": "P"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 6, "label": "Q"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "101972-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, we waited and waited and in the mean time, saw 4 groups of people simply just paraded in without signing there names.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}, {"from": 37, "to": 40}, {"from": 41, "to": 45}, {"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 125}]}, {"id": 22, "anchors": [{"from": 125, "to": 126}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 21, "label": "C"}, {"source": 27, "target": 10, "label": "Q"}, {"source": 31, "target": 22, "label": "U"}, {"source": 24, "target": 2, "label": "A"}, {"source": 25, "target": 4, "label": "N"}, {"source": 23, "target": 1, "label": "U"}, {"source": 30, "target": 18, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 29, "label": "E"}, {"source": 23, "target": 6, "label": "L"}, {"source": 24, "target": 3, "label": "P"}, {"source": 30, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "U"}, {"source": 28, "target": 27, "label": "A"}, {"source": 23, "target": 30, "label": "H"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "P"}, {"source": 23, "target": 0, "label": "L"}, {"source": 23, "target": 26, "label": "H"}, {"source": 26, "target": 9, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 28, "target": 16, "label": "P"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 13, "label": "C"}, {"source": 23, "target": 7, "label": "L"}, {"source": 28, "target": 15, "label": "D"}, {"source": 28, "target": 17, "label": "D"}, {"source": 28, "target": 14, "label": "D"}, {"source": 31, "target": 20, "label": "E"}, {"source": 24, "target": 25, "label": "D"}, {"source": 29, "target": 12, "label": "R"}]} +{"id": "101972-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This sign in policy is posted by the restaurant “no reservation, sign your name here”.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 25, "target": 11, "label": "P"}, {"source": 21, "target": 5, "label": "P"}, {"source": 27, "target": 17, "label": "U"}, {"source": 26, "target": 12, "label": "U"}, {"source": 27, "target": 16, "label": "A"}, {"source": 23, "target": 2, "label": "F"}, {"source": 27, "target": 18, "label": "U"}, {"source": 19, "target": 22, "label": "E"}, {"source": 21, "target": 26, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 8, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 23, "target": 1, "label": "C"}, {"source": 28, "target": 14, "label": "E"}, {"source": 19, "target": 3, "label": "C"}, {"source": 24, "target": 7, "label": "F"}, {"source": 25, "target": 10, "label": "D"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 19, "target": 0, "label": "E"}, {"source": 21, "target": 9, "label": "U"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 24, "target": 6, "label": "R"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "101972-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had to ask the greeter, he explained his reasons with broken English.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 21, "target": 11, "label": "S"}, {"source": 20, "target": 10, "label": "R"}, {"source": 18, "target": 7, "label": "P"}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 21, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 8, "label": "A"}, {"source": 16, "target": 17, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 9, "label": "S"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 6, "label": "A"}, {"source": 18, "target": 20, "label": "D"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "D"}, {"source": 20, "target": 21, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "101972-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I could not understand any his reasons.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 4, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "S"}]} +{"id": "101972-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I could only take it as they would seat the people they know first.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 4, "label": "R"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 11, "label": "S"}, {"source": 16, "target": 7, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 12, "label": "D"}, {"source": 16, "target": 13, "label": "U"}, {"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 1, "label": "D"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "101972-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My conclusion is that you should only go there if you want to wait a least an hour and see all kinds other people being seated before you.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 137}]}, {"id": 28, "anchors": [{"from": 137, "to": 138}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 36, "label": "H"}, {"source": 38, "target": 23, "label": "C"}, {"source": 31, "target": 40, "label": "H"}, {"source": 30, "target": 1, "label": "S"}, {"source": 33, "target": 10, "label": "A"}, {"source": 35, "target": 16, "label": "Q"}, {"source": 36, "target": 19, "label": "P"}, {"source": 30, "target": 0, "label": "A"}, {"source": 31, "target": 18, "label": "L"}, {"source": 34, "target": 14, "label": "F"}, {"source": 32, "target": 8, "label": "A"}, {"source": 31, "target": 32, "label": "H"}, {"source": 31, "target": 33, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 4, "label": "A"}, {"source": 31, "target": 9, "label": "L"}, {"source": 32, "target": 5, "label": "D"}, {"source": 33, "target": 12, "label": "F"}, {"source": 31, "target": 26, "label": "L"}, {"source": 39, "target": 25, "label": "P"}, {"source": 38, "target": 37, "label": "E"}, {"source": 33, "target": 11, "label": "D"}, {"source": 37, "target": 21, "label": "C"}, {"source": 39, "target": 38, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 35, "target": 17, "label": "C"}, {"source": 37, "target": 20, "label": "Q"}, {"source": 34, "target": 15, "label": "C"}, {"source": 35, "target": 34, "label": "E"}, {"source": 39, "target": 24, "label": "F"}, {"source": 33, "target": 35, "label": "T"}, {"source": 40, "target": 25, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 22, "label": "E"}, {"source": 31, "target": 3, "label": "R"}, {"source": 30, "target": 2, "label": "F"}, {"source": 36, "target": 39, "label": "A"}, {"source": 40, "target": 27, "label": "A"}, {"source": 40, "target": 28, "label": "U"}, {"source": 31, "target": 6, "label": "L"}, {"source": 33, "target": 13, "label": "P"}, {"source": 36, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 7, "label": "P"}]} +{"id": "103519-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "umm...", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "F"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "103519-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "okay, I dont have a review, but why in the hell would you name your business something that has the initials KKK....is there something behind the scenes at this place?", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 26}]}, {"id": 8, "anchors": [{"from": 26, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 112, "to": 116}]}, {"id": 24, "anchors": [{"from": 116, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 141}, {"from": 142, "to": 145}, {"from": 146, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 166}]}, {"id": 31, "anchors": [{"from": 166, "to": 167}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 42, "target": 22, "label": "C"}, {"source": 43, "target": 24, "label": "F"}, {"source": 36, "target": 12, "label": "D"}, {"source": 32, "target": 4, "label": "D"}, {"source": 33, "target": 23, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 36, "target": 14, "label": "P"}, {"source": 44, "target": 30, "label": "C"}, {"source": 32, "target": 1, "label": "U"}, {"source": 38, "target": 16, "label": "C"}, {"source": 43, "target": 26, "label": "A"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 7, "label": "C"}, {"source": 39, "target": 17, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 44, "target": 29, "label": "E"}, {"source": 33, "target": 9, "label": "L"}, {"source": 37, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 18, "label": "R"}, {"source": 32, "target": 2, "label": "A"}, {"source": 33, "target": 35, "label": "H"}, {"source": 44, "target": 31, "label": "U"}, {"source": 33, "target": 36, "label": "H"}, {"source": 32, "target": 5, "label": "S"}, {"source": 43, "target": 27, "label": "S"}, {"source": 40, "target": 42, "label": "A"}, {"source": 43, "target": 25, "label": "F"}, {"source": 38, "target": 37, "label": "E"}, {"source": 33, "target": 43, "label": "H"}, {"source": 37, "target": 15, "label": "S"}, {"source": 39, "target": 40, "label": "E"}, {"source": 41, "target": 20, "label": "F"}, {"source": 40, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 10, "label": "C"}, {"source": 33, "target": 8, "label": "U"}, {"source": 41, "target": 21, "label": "C"}, {"source": 44, "target": 28, "label": "R"}, {"source": 35, "target": 11, "label": "E"}, {"source": 36, "target": 39, "label": "A"}, {"source": 42, "target": 41, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 34, "target": 6, "label": "F"}, {"source": 36, "target": 13, "label": "A"}, {"source": 32, "target": 3, "label": "F"}, {"source": 32, "target": 0, "label": "F"}, {"source": 40, "target": 19, "label": "S"}]} +{"id": "103519-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Like I'm legitimately concerned at this point...lol", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "G"}, {"source": 11, "target": 9, "label": "G"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "T"}, {"source": 11, "target": 0, "label": "F"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "103609-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Family Fun and Bonding", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 4, "label": "S"}, {"source": 5, "target": 7, "label": "A"}, {"source": 5, "target": 2, "label": "S"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 3, "label": "L"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "103609-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What more can be said: \"Burch's Karate is the GREATEST!\"", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}, {"from": 29, "to": 31}, {"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 0, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "S"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 4, "label": "P"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "U"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 13, "label": "A"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "103878-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "You guys do everything wonderful!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "C"}, {"source": 8, "target": 3, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "103878-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We honestly cannot think of even 1 thing we didn't like!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 12, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 1, "label": "G"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 7, "label": "Q"}, {"source": 15, "target": 4, "label": "P"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "103952-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "103952-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a perfect place to get your hair done.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 5, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 16, "label": "P"}, {"source": 13, "target": 15, "label": "E"}, {"source": 16, "target": 6, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "U"}]} +{"id": "103952-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have gone there time and time again whenever I need to get my hair done or when I want a haircut.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 27, "target": 10, "label": "S"}, {"source": 26, "target": 6, "label": "C"}, {"source": 33, "target": 20, "label": "F"}, {"source": 24, "target": 17, "label": "L"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 13, "label": "E"}, {"source": 28, "target": 29, "label": "P"}, {"source": 31, "target": 19, "label": "S"}, {"source": 28, "target": 11, "label": "F"}, {"source": 33, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 22, "label": "U"}, {"source": 24, "target": 31, "label": "H"}, {"source": 32, "target": 33, "label": "P"}, {"source": 24, "target": 16, "label": "L"}, {"source": 23, "target": 3, "label": "A"}, {"source": 29, "target": 12, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 18, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 7, "label": "E"}, {"source": 24, "target": 8, "label": "L"}, {"source": 23, "target": 25, "label": "D"}, {"source": 29, "target": 15, "label": "C"}, {"source": 25, "target": 5, "label": "N"}, {"source": 27, "target": 9, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 25, "target": 26, "label": "C"}, {"source": 30, "target": 14, "label": "C"}]} +{"id": "103952-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I get my hair done there, they use enough hairstyling products while it does not ruin your hair.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 26, "target": 12, "label": "C"}, {"source": 21, "target": 13, "label": "L"}, {"source": 28, "target": 18, "label": "E"}, {"source": 27, "target": 16, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 23, "target": 2, "label": "F"}, {"source": 27, "target": 17, "label": "P"}, {"source": 26, "target": 10, "label": "Q"}, {"source": 22, "target": 23, "label": "P"}, {"source": 25, "target": 8, "label": "A"}, {"source": 24, "target": 3, "label": "E"}, {"source": 21, "target": 27, "label": "H"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 1, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 26, "target": 11, "label": "E"}, {"source": 27, "target": 15, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 27, "target": 14, "label": "A"}, {"source": 25, "target": 9, "label": "P"}, {"source": 24, "target": 4, "label": "C"}, {"source": 21, "target": 7, "label": "U"}]} +{"id": "103952-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service is great and during weekends it tends to get busy, but the wait is worthwhile.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 24, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 21, "target": 13, "label": "L"}, {"source": 23, "target": 8, "label": "D"}, {"source": 26, "target": 16, "label": "F"}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 5, "label": "R"}, {"source": 21, "target": 12, "label": "U"}, {"source": 23, "target": 9, "label": "F"}, {"source": 23, "target": 11, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 19, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "F"}, {"source": 24, "target": 25, "label": "P"}, {"source": 26, "target": 18, "label": "U"}, {"source": 25, "target": 14, "label": "F"}, {"source": 19, "target": 0, "label": "F"}, {"source": 21, "target": 4, "label": "L"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 22, "label": "T"}, {"source": 23, "target": 7, "label": "A"}, {"source": 26, "target": 17, "label": "S"}]} +{"id": "104703-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "best", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "104703-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best pedi mani Ive ever had.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 4, "label": "T"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "104703-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Darla is amazing, I would recoment her to anyone.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 4, "label": "A"}, {"source": 12, "target": 3, "label": "U"}, {"source": 13, "target": 5, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "P"}, {"source": 13, "target": 7, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 8, "label": "R"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "105237-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worst place flour tortillas are always hard the beef enchiladas are discussing meat all over cooked was good many yrs ago but restaurant has gone down hill", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 150}, {"from": 151, "to": 155}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 15, "label": "P"}, {"source": 27, "target": 29, "label": "H"}, {"source": 37, "target": 25, "label": "C"}, {"source": 34, "target": 17, "label": "S"}, {"source": 35, "target": 20, "label": "R"}, {"source": 31, "target": 10, "label": "F"}, {"source": 36, "target": 37, "label": "P"}, {"source": 33, "target": 32, "label": "A"}, {"source": 37, "target": 24, "label": "F"}, {"source": 34, "target": 16, "label": "F"}, {"source": 29, "target": 6, "label": "S"}, {"source": 27, "target": 21, "label": "L"}, {"source": 29, "target": 4, "label": "F"}, {"source": 34, "target": 35, "label": "T"}, {"source": 31, "target": 30, "label": "A"}, {"source": 28, "target": 3, "label": "C"}, {"source": 35, "target": 19, "label": "C"}, {"source": 32, "target": 13, "label": "Q"}, {"source": 26, "target": 0, "label": "S"}, {"source": 36, "target": 22, "label": "A"}, {"source": 27, "target": 33, "label": "H"}, {"source": 30, "target": 8, "label": "E"}, {"source": 27, "target": 34, "label": "H"}, {"source": 34, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 9, "label": "C"}, {"source": 30, "target": 7, "label": "F"}, {"source": 28, "target": 2, "label": "E"}, {"source": 35, "target": 18, "label": "Q"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 1, "label": "A"}, {"source": 29, "target": 28, "label": "A"}, {"source": 31, "target": 11, "label": "S"}, {"source": 29, "target": 5, "label": "T"}, {"source": 27, "target": 36, "label": "H"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 14, "label": "D"}, {"source": 36, "target": 23, "label": "F"}, {"source": 32, "target": 12, "label": "C"}]} +{"id": "105326-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How a pizza place should be!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 5, "label": "F"}, {"source": 9, "target": 1, "label": "F"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "105326-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "+ there is a free cola with every pizza.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 3, "label": "F"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "U"}, {"source": 12, "target": 7, "label": "Q"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 8, "label": "C"}]} +{"id": "105518-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great experience - consider checking out their puppies before buying from a breeder!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}, {"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 73}]}, {"id": 10, "anchors": [{"from": 74, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 83}]}, {"id": 12, "anchors": [{"from": 83, "to": 84}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 14, "target": 2, "label": "U"}, {"source": 18, "target": 6, "label": "C"}, {"source": 13, "target": 0, "label": "D"}, {"source": 16, "target": 4, "label": "P"}, {"source": 19, "target": 8, "label": "P"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "P"}, {"source": 22, "target": 12, "label": "U"}, {"source": 14, "target": 7, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 20, "target": 9, "label": "R"}, {"source": 15, "target": 3, "label": "P"}, {"source": 20, "target": 21, "label": "P"}, {"source": 18, "target": 17, "label": "E"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "105518-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I adopted a 3.5 month old yellow lab last winter from the Dumb Friends League.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 70}, {"from": 71, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "Q"}, {"source": 18, "target": 5, "label": "S"}, {"source": 16, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 21, "target": 12, "label": "C"}, {"source": 20, "target": 8, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 18, "target": 17, "label": "T"}, {"source": 19, "target": 6, "label": "S"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 21, "target": 10, "label": "R"}, {"source": 20, "target": 9, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 21, "target": 11, "label": "F"}, {"source": 15, "target": 20, "label": "T"}, {"source": 16, "target": 18, "label": "E"}, {"source": 15, "target": 21, "label": "A"}, {"source": 21, "target": 13, "label": "U"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "105518-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff was very helpful in finding the right dog for me and the care my pup received was outstanding.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 3, "label": "D"}, {"source": 23, "target": 4, "label": "P"}, {"source": 25, "target": 6, "label": "P"}, {"source": 29, "target": 28, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 2, "label": "F"}, {"source": 22, "target": 0, "label": "F"}, {"source": 27, "target": 10, "label": "R"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 14, "label": "C"}, {"source": 31, "target": 16, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 13, "label": "F"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 21, "label": "A"}, {"source": 30, "target": 15, "label": "S"}, {"source": 24, "target": 29, "label": "H"}, {"source": 21, "target": 22, "label": "S"}, {"source": 24, "target": 12, "label": "L"}, {"source": 29, "target": 17, "label": "D"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 1, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 29, "target": 18, "label": "F"}, {"source": 25, "target": 5, "label": "R"}, {"source": 27, "target": 11, "label": "C"}, {"source": 26, "target": 9, "label": "C"}, {"source": 26, "target": 7, "label": "F"}, {"source": 29, "target": 19, "label": "D"}]} +{"id": "105518-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you are on the lookout for a pure breed pup don't forget to check out the shelters!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}, {"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 9, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 21, "target": 12, "label": "F"}, {"source": 19, "target": 4, "label": "R"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 19, "target": 5, "label": "F"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 20, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 15, "label": "C"}, {"source": 21, "target": 13, "label": "P"}, {"source": 21, "target": 10, "label": "D"}, {"source": 22, "target": 14, "label": "F"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "105518-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My pup has a wonderful temperment and has been a wonderful addition to my family!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 21, "target": 22, "label": "P"}, {"source": 17, "target": 1, "label": "C"}, {"source": 19, "target": 6, "label": "L"}, {"source": 23, "target": 12, "label": "R"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 16, "label": "E"}, {"source": 20, "target": 3, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "S"}, {"source": 21, "target": 8, "label": "F"}, {"source": 21, "target": 10, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "H"}, {"source": 16, "target": 0, "label": "S"}]} +{"id": "105719-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Over priced for Mexican food", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "106150-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We love Little Farmer", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}, {"from": 15, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "A"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "106150-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We attend LFTD and our children LOVE it!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "A"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "L"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 2, "label": "A"}, {"source": 12, "target": 11, "label": "A"}]} +{"id": "106150-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They even want to go to school on the weekends!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "C"}]} +{"id": "106150-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are preparing my older son for kindergarten and looks forward to seeing his teacher and friends everyday.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 106}]}, {"id": 17, "anchors": [{"from": 106, "to": 109}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "R"}, {"source": 25, "target": 12, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 21, "target": 22, "label": "E"}, {"source": 24, "target": 11, "label": "P"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 15, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 25, "target": 13, "label": "A"}, {"source": 26, "target": 14, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 15, "label": "S"}, {"source": 28, "target": 16, "label": "Q"}, {"source": 20, "target": 8, "label": "L"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 19, "target": 1, "label": "F"}, {"source": 25, "target": 13, "label": "P"}, {"source": 22, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 3, "label": "E"}, {"source": 24, "target": 28, "label": "T"}, {"source": 26, "target": 27, "label": "H"}, {"source": 27, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 9, "label": "D"}, {"source": 28, "target": 17, "label": "C"}, {"source": 23, "target": 7, "label": "C"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "106150-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My infant is content everyday when I drop off and pick up.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}, {"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 12, "target": 0, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 18, "label": "P"}, {"source": 13, "target": 3, "label": "P"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 7, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 16, "target": 8, "label": "P"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "L"}]} +{"id": "107292-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "awesome bagels", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "107292-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "long lines on the weekends but worth it", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 11, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 5, "label": "L"}, {"source": 11, "target": 7, "label": "A"}, {"source": 8, "target": 10, "label": "T"}, {"source": 8, "target": 0, "label": "D"}]} +{"id": "107608-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "excellence in glasgow", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "107608-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Iv just had my bmw z3 rear window replaced by the guys at kelvin trimmers.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}, {"from": 65, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 3, "label": "D"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "P"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 21, "label": "A"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 4, "label": "S"}, {"source": 22, "target": 14, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 10, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 2, "label": "T"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "C"}, {"source": 19, "target": 6, "label": "E"}]} +{"id": "107608-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The team who work there are helpfull, friendly and extremely knowledgeable and will help you as much as they can with thier years of hands on practice.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}, {"from": 96, "to": 100}, {"from": 101, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 138}, {"from": 139, "to": 141}]}, {"id": 24, "anchors": [{"from": 142, "to": 150}]}, {"id": 25, "anchors": [{"from": 150, "to": 151}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 7, "label": "U"}, {"source": 27, "target": 5, "label": "F"}, {"source": 28, "target": 34, "label": "H"}, {"source": 36, "target": 24, "label": "C"}, {"source": 30, "target": 3, "label": "P"}, {"source": 30, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 22, "label": "R"}, {"source": 28, "target": 12, "label": "L"}, {"source": 33, "target": 14, "label": "P"}, {"source": 31, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 13, "label": "D"}, {"source": 33, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 4, "label": "A"}, {"source": 32, "target": 10, "label": "D"}, {"source": 36, "target": 25, "label": "U"}, {"source": 28, "target": 9, "label": "L"}, {"source": 35, "target": 23, "label": "D"}, {"source": 26, "target": 0, "label": "F"}, {"source": 34, "target": 14, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "A"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 17, "label": "A"}, {"source": 31, "target": 8, "label": "S"}, {"source": 26, "target": 29, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 29, "target": 1, "label": "A"}, {"source": 33, "target": 15, "label": "A"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 33, "label": "H"}, {"source": 28, "target": 16, "label": "L"}, {"source": 28, "target": 32, "label": "H"}, {"source": 35, "target": 20, "label": "A"}, {"source": 35, "target": 21, "label": "T"}, {"source": 32, "target": 11, "label": "S"}, {"source": 30, "target": 2, "label": "R"}, {"source": 29, "target": 1, "label": "S"}, {"source": 28, "target": 27, "label": "H"}, {"source": 35, "target": 36, "label": "P"}, {"source": 26, "target": 30, "label": "E"}, {"source": 27, "target": 6, "label": "S"}, {"source": 28, "target": 19, "label": "L"}, {"source": 34, "target": 18, "label": "D"}]} +{"id": "107608-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recomended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "107692-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Long Lines, Silly Rules, Rude Staff, Ok Food", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 2, "label": "U"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 5, "label": "U"}, {"source": 12, "target": 16, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 3, "label": "S"}, {"source": 16, "target": 9, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "A"}, {"source": 13, "target": 4, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 14, "target": 6, "label": "S"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "107692-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The first thing you notice when you arrive on location is that the waiting line literally goes out the door and spills into the parking lot.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 139}]}, {"id": 26, "anchors": [{"from": 139, "to": 140}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 37, "target": 25, "label": "C"}, {"source": 27, "target": 0, "label": "F"}, {"source": 28, "target": 27, "label": "D"}, {"source": 29, "target": 20, "label": "L"}, {"source": 32, "target": 35, "label": "A"}, {"source": 27, "target": 1, "label": "Q"}, {"source": 33, "target": 34, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 37, "target": 24, "label": "E"}, {"source": 32, "target": 16, "label": "F"}, {"source": 33, "target": 14, "label": "C"}, {"source": 31, "target": 8, "label": "R"}, {"source": 28, "target": 3, "label": "A"}, {"source": 29, "target": 36, "label": "H"}, {"source": 30, "target": 6, "label": "A"}, {"source": 28, "target": 4, "label": "P"}, {"source": 33, "target": 12, "label": "F"}, {"source": 35, "target": 19, "label": "C"}, {"source": 30, "target": 7, "label": "P"}, {"source": 29, "target": 30, "label": "H"}, {"source": 36, "target": 21, "label": "P"}, {"source": 31, "target": 9, "label": "C"}, {"source": 29, "target": 28, "label": "H"}, {"source": 27, "target": 2, "label": "C"}, {"source": 32, "target": 11, "label": "R"}, {"source": 37, "target": 22, "label": "R"}, {"source": 37, "target": 26, "label": "U"}, {"source": 32, "target": 17, "label": "S"}, {"source": 37, "target": 23, "label": "F"}, {"source": 35, "target": 18, "label": "F"}, {"source": 34, "target": 13, "label": "P"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 5, "label": "L"}, {"source": 28, "target": 32, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 28, "target": 10, "label": "F"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "107692-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A restaurant with this many patrons willing to stand in line just to order tacos must be good, right?", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 19, "label": "G"}, {"source": 27, "target": 9, "label": "R"}, {"source": 28, "target": 12, "label": "F"}, {"source": 27, "target": 10, "label": "C"}, {"source": 21, "target": 24, "label": "E"}, {"source": 23, "target": 20, "label": "U"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 0, "label": "F"}, {"source": 23, "target": 21, "label": "A"}, {"source": 23, "target": 16, "label": "F"}, {"source": 23, "target": 18, "label": "U"}, {"source": 24, "target": 2, "label": "R"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 11, "label": "D"}, {"source": 23, "target": 15, "label": "D"}, {"source": 26, "target": 6, "label": "D"}, {"source": 28, "target": 14, "label": "A"}, {"source": 28, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 3, "label": "R"}, {"source": 28, "target": 13, "label": "P"}, {"source": 24, "target": 5, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 25, "label": "Q"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 17, "label": "S"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 7, "label": "F"}, {"source": 25, "target": 4, "label": "C"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "107692-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I mean, that's the way it works at amusement parks: the longest lines are at the best rides.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 1, "label": "U"}, {"source": 27, "target": 16, "label": "S"}, {"source": 29, "target": 18, "label": "S"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 7, "label": "P"}, {"source": 23, "target": 4, "label": "F"}, {"source": 22, "target": 11, "label": "U"}, {"source": 29, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 17, "label": "F"}, {"source": 21, "target": 2, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 25, "target": 8, "label": "R"}, {"source": 25, "target": 10, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 26, "target": 14, "label": "P"}, {"source": 21, "target": 0, "label": "G"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 15, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 24, "target": 6, "label": "A"}, {"source": 21, "target": 3, "label": "S"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 25, "target": 9, "label": "E"}, {"source": 22, "target": 27, "label": "H"}, {"source": 26, "target": 13, "label": "D"}]} +{"id": "107692-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well, this may be an exception.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 9, "target": 3, "label": "D"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "U"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "107692-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff taking your order and \"waiting\" on you are very indifferent and have no sense of costumer service at all.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 110}, {"from": 111, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 28, "target": 5, "label": "L"}, {"source": 24, "target": 28, "label": "A"}, {"source": 26, "target": 32, "label": "H"}, {"source": 32, "target": 22, "label": "U"}, {"source": 28, "target": 30, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 18, "label": "R"}, {"source": 25, "target": 24, "label": "A"}, {"source": 32, "target": 31, "label": "S"}, {"source": 32, "target": 21, "label": "D"}, {"source": 26, "target": 14, "label": "L"}, {"source": 30, "target": 10, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 23, "target": 1, "label": "C"}, {"source": 25, "target": 12, "label": "D"}, {"source": 29, "target": 3, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 15, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 7, "label": "P"}, {"source": 33, "target": 19, "label": "A"}, {"source": 30, "target": 8, "label": "U"}, {"source": 25, "target": 11, "label": "F"}, {"source": 33, "target": 20, "label": "P"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "S"}, {"source": 32, "target": 16, "label": "D"}, {"source": 27, "target": 2, "label": "P"}, {"source": 24, "target": 23, "label": "S"}, {"source": 30, "target": 9, "label": "F"}, {"source": 23, "target": 0, "label": "F"}, {"source": 29, "target": 4, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 28, "target": 6, "label": "U"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "107692-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have gotten better results talking to COMCAST customer service than with these folks.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 87}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 21, "target": 8, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 10, "label": "L"}, {"source": 18, "target": 5, "label": "P"}, {"source": 23, "target": 13, "label": "C"}, {"source": 18, "target": 6, "label": "R"}, {"source": 22, "target": 11, "label": "R"}, {"source": 16, "target": 17, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 3, "label": "D"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "107692-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "And don't even think about asking to speak to the manager because this guy is, and pardon my French, a jerk.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}, {"from": 83, "to": 89}, {"from": 90, "to": 92}, {"from": 93, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 3, "label": "D"}, {"source": 26, "target": 9, "label": "R"}, {"source": 23, "target": 4, "label": "P"}, {"source": 30, "target": 19, "label": "F"}, {"source": 25, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 5, "label": "R"}, {"source": 26, "target": 27, "label": "P"}, {"source": 29, "target": 16, "label": "U"}, {"source": 23, "target": 2, "label": "D"}, {"source": 27, "target": 10, "label": "F"}, {"source": 28, "target": 14, "label": "C"}, {"source": 29, "target": 30, "label": "S"}, {"source": 22, "target": 0, "label": "L"}, {"source": 29, "target": 17, "label": "G"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 18, "label": "U"}, {"source": 25, "target": 7, "label": "F"}, {"source": 22, "target": 29, "label": "H"}, {"source": 22, "target": 12, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 24, "target": 6, "label": "P"}, {"source": 28, "target": 13, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 30, "target": 20, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "107692-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you have gotten through ordering, dealing with the rude staff and if you followed the dumb rules, you are finally presented with what you came for..some tacos that are \"ok,\" but definitely not worth putting up with all the hassle.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 149}]}, {"id": 29, "anchors": [{"from": 149, "to": 151}]}, {"id": 30, "anchors": [{"from": 151, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 172}]}, {"id": 35, "anchors": [{"from": 172, "to": 174}]}, {"id": 36, "anchors": [{"from": 174, "to": 175}]}, {"id": 37, "anchors": [{"from": 175, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 191}]}, {"id": 40, "anchors": [{"from": 192, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 201}]}, {"id": 42, "anchors": [{"from": 202, "to": 209}, {"from": 210, "to": 212}]}, {"id": 43, "anchors": [{"from": 213, "to": 217}]}, {"id": 44, "anchors": [{"from": 218, "to": 221}]}, {"id": 45, "anchors": [{"from": 222, "to": 225}]}, {"id": 46, "anchors": [{"from": 226, "to": 232}]}, {"id": 47, "anchors": [{"from": 232, "to": 233}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 59, "target": 27, "label": "P"}, {"source": 51, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 20, "label": "A"}, {"source": 51, "target": 7, "label": "P"}, {"source": 50, "target": 4, "label": "C"}, {"source": 59, "target": 60, "label": "A"}, {"source": 48, "target": 54, "label": "H"}, {"source": 58, "target": 24, "label": "R"}, {"source": 63, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 41, "label": "S"}, {"source": 48, "target": 37, "label": "U"}, {"source": 48, "target": 19, "label": "U"}, {"source": 65, "target": 43, "label": "R"}, {"source": 63, "target": 39, "label": "G"}, {"source": 62, "target": 32, "label": "F"}, {"source": 48, "target": 57, "label": "H"}, {"source": 48, "target": 13, "label": "L"}, {"source": 61, "target": 30, "label": "Q"}, {"source": 55, "target": 16, "label": "F"}, {"source": 65, "target": 45, "label": "F"}, {"source": 49, "target": 50, "label": "D"}, {"source": 59, "target": 26, "label": "A"}, {"source": 62, "target": 34, "label": "U"}, {"source": 56, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 14, "label": "A"}, {"source": 56, "target": 17, "label": "S"}, {"source": 63, "target": 64, "label": "A"}, {"source": 55, "target": 56, "label": "E"}, {"source": 65, "target": 46, "label": "C"}, {"source": 57, "target": 22, "label": "T"}, {"source": 48, "target": 6, "label": "U"}, {"source": 61, "target": 31, "label": "C"}, {"source": 52, "target": 11, "label": "C"}, {"source": 50, "target": 3, "label": "F"}, {"source": 64, "target": 42, "label": "P"}, {"source": 53, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 63, "label": "H"}, {"source": 63, "target": 40, "label": "D"}, {"source": 48, "target": 62, "label": "H"}, {"source": 58, "target": 25, "label": "C"}, {"source": 52, "target": 8, "label": "R"}, {"source": 53, "target": 10, "label": "S"}, {"source": 48, "target": 0, "label": "L"}, {"source": 49, "target": 2, "label": "F"}, {"source": 49, "target": 5, "label": "P"}, {"source": 58, "target": 59, "label": "E"}, {"source": 48, "target": 36, "label": "U"}, {"source": 57, "target": 58, "label": "A"}, {"source": 60, "target": 28, "label": "R"}, {"source": 54, "target": 55, "label": "A"}, {"source": 64, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 12, "label": "L"}, {"source": 60, "target": 25, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 61, "label": "A"}, {"source": 49, "target": 1, "label": "A"}, {"source": 57, "target": 21, "label": "F"}, {"source": 48, "target": 49, "label": "H"}, {"source": 64, "target": 65, "label": "A"}, {"source": 48, "target": 38, "label": "L"}, {"source": 51, "target": 52, "label": "A"}, {"source": 48, "target": 51, "label": "H"}, {"source": 52, "target": 53, "label": "E"}, {"source": 57, "target": 23, "label": "P"}, {"source": 62, "target": 35, "label": "S"}, {"source": 65, "target": 47, "label": "U"}, {"source": 62, "target": 33, "label": "F"}, {"source": 55, "target": 18, "label": "C"}, {"source": 52, "target": 9, "label": "F"}, {"source": 54, "target": 15, "label": "P"}, {"source": 48, "target": 29, "label": "U"}, {"source": 65, "target": 44, "label": "Q"}]} +{"id": "107692-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Save yourself the trouble and skip this place all together.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}, {"from": 50, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "D"}, {"source": 14, "target": 6, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 0, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "107692-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I suggest you go up to Raging Taco & Raging Burrito a couple of blocks up the street or even Taco Mac.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}, {"from": 30, "to": 34}, {"from": 37, "to": 43}, {"from": 44, "to": 51}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 97}, {"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 17, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "C"}, {"source": 23, "target": 12, "label": "R"}, {"source": 20, "target": 7, "label": "A"}, {"source": 23, "target": 22, "label": "Q"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 10, "label": "R"}, {"source": 21, "target": 15, "label": "N"}, {"source": 21, "target": 6, "label": "C"}, {"source": 20, "target": 1, "label": "P"}, {"source": 7, "target": 21, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 13, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 7, "target": 23, "label": "A"}, {"source": 7, "target": 2, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 16, "label": "E"}, {"source": 23, "target": 14, "label": "F"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "108338-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The internet here is terrible.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "108338-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Like the previous poster said, the com lines are split between the entire building.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 15, "label": "U"}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 8, "label": "C"}, {"source": 20, "target": 13, "label": "E"}, {"source": 16, "target": 0, "label": "L"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "S"}, {"source": 17, "target": 5, "label": "U"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 3, "label": "C"}, {"source": 20, "target": 12, "label": "E"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 1, "label": "E"}, {"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 2, "label": "E"}, {"source": 20, "target": 14, "label": "C"}]} +{"id": "108338-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "That's 3x worse than Qwest DSL's lowest speed offering!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 15, "label": "Q"}, {"source": 14, "target": 5, "label": "F"}, {"source": 16, "target": 8, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 18, "target": 9, "label": "E"}, {"source": 14, "target": 4, "label": "S"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 17, "label": "A"}]} +{"id": "108338-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The outward appearance makes you think this place is nice, but everything inside is cheap cheap cheap.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 89}, {"from": 90, "to": 95}, {"from": 96, "to": 101}]}, {"id": 16, "anchors": [{"from": 101, "to": 102}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 10, "label": "U"}, {"source": 18, "target": 4, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 19, "target": 11, "label": "L"}, {"source": 17, "target": 0, "label": "E"}, {"source": 23, "target": 13, "label": "E"}, {"source": 19, "target": 24, "label": "H"}, {"source": 18, "target": 20, "label": "P"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 18, "target": 22, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 22, "target": 9, "label": "S"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 24, "target": 15, "label": "S"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 17, "target": 1, "label": "E"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "108338-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Moving out as soon as our lease is up.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 18}, {"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "L"}, {"source": 10, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 5, "label": "S"}, {"source": 7, "target": 0, "label": "P"}]} +{"id": "108338-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "http://www.speedtest.net/result/1155244347.png", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 46}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "109263-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been here 3 times and all 3 times it has been bad!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 8, "label": "Q"}, {"source": 19, "target": 13, "label": "S"}, {"source": 15, "target": 3, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 11, "label": "F"}, {"source": 18, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "Q"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 17, "target": 4, "label": "Q"}, {"source": 15, "target": 17, "label": "D"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "109263-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have messed up my order and.... The food was just not good!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "D"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 12, "label": "S"}, {"source": 16, "target": 3, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 5, "label": "L"}, {"source": 15, "target": 6, "label": "U"}]} +{"id": "109263-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had sonic in many other palces but for some reason this sonic is always just covered in grease and not good... :(", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}, {"from": 41, "to": 45}, {"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 115}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 6, "label": "C"}, {"source": 26, "target": 10, "label": "C"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 5, "label": "E"}, {"source": 25, "target": 13, "label": "D"}, {"source": 28, "target": 19, "label": "S"}, {"source": 25, "target": 12, "label": "T"}, {"source": 25, "target": 12, "label": "D"}, {"source": 24, "target": 4, "label": "Q"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 16, "label": "C"}, {"source": 22, "target": 1, "label": "S"}, {"source": 27, "target": 15, "label": "R"}, {"source": 23, "target": 28, "label": "H"}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 9, "label": "E"}, {"source": 23, "target": 17, "label": "L"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 2, "label": "A"}, {"source": 24, "target": 3, "label": "R"}, {"source": 23, "target": 7, "label": "L"}, {"source": 25, "target": 8, "label": "G"}, {"source": 28, "target": 18, "label": "D"}, {"source": 25, "target": 14, "label": "S"}]} +{"id": "109263-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I hope they get there act together...", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}, {"from": 16, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "A"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "109263-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am going to give it one last chance in next few months and see??", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 20, "label": "D"}, {"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 6, "label": "Q"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 10, "label": "E"}, {"source": 17, "target": 13, "label": "L"}, {"source": 16, "target": 19, "label": "P"}, {"source": 19, "target": 8, "label": "C"}, {"source": 22, "target": 14, "label": "P"}, {"source": 17, "target": 22, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 4, "label": "F"}, {"source": 16, "target": 21, "label": "T"}, {"source": 21, "target": 9, "label": "R"}, {"source": 16, "target": 5, "label": "A"}, {"source": 16, "target": 18, "label": "D"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "Q"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "110441-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Favorite place in Tampa.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "110441-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Update: I had to add to my review.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "P"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 0, "label": "G"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 1, "label": "U"}, {"source": 13, "target": 7, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 8, "label": "C"}]} +{"id": "110441-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was just in last night and had a chance to dine in their new dining room.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 19, "target": 6, "label": "L"}, {"source": 18, "target": 20, "label": "T"}, {"source": 23, "target": 12, "label": "R"}, {"source": 23, "target": 13, "label": "E"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 18, "target": 2, "label": "D"}, {"source": 25, "target": 15, "label": "P"}, {"source": 20, "target": 4, "label": "E"}, {"source": 24, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 20, "target": 5, "label": "C"}, {"source": 25, "target": 16, "label": "A"}, {"source": 22, "target": 21, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "F"}, {"source": 25, "target": 17, "label": "U"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "110441-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "AMAZING!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "110441-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I frequent this resturant on a weekly basis but usally only for lunch.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 9, "label": "T"}, {"source": 18, "target": 10, "label": "D"}, {"source": 16, "target": 3, "label": "C"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 4, "label": "R"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "P"}, {"source": 17, "target": 6, "label": "C"}, {"source": 14, "target": 17, "label": "T"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 8, "label": "L"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "110441-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well I was in for a treat when I was greeted by the friendly girls at the counter who asked if my wife and I would like to sit in their \"new\" dining room.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 19}, {"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 137}]}, {"id": 29, "anchors": [{"from": 137, "to": 140}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 148}]}, {"id": 32, "anchors": [{"from": 149, "to": 153}]}, {"id": 33, "anchors": [{"from": 153, "to": 154}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 36, "target": 6, "label": "F"}, {"source": 41, "target": 17, "label": "R"}, {"source": 36, "target": 5, "label": "A"}, {"source": 47, "target": 33, "label": "U"}, {"source": 38, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 15, "label": "A"}, {"source": 45, "target": 47, "label": "C"}, {"source": 37, "target": 9, "label": "F"}, {"source": 34, "target": 4, "label": "L"}, {"source": 44, "target": 23, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 45, "target": 28, "label": "U"}, {"source": 43, "target": 42, "label": "C"}, {"source": 46, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 25, "label": "P"}, {"source": 35, "target": 2, "label": "F"}, {"source": 43, "target": 21, "label": "C"}, {"source": 41, "target": 44, "label": "D"}, {"source": 37, "target": 8, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 41, "target": 45, "label": "A"}, {"source": 45, "target": 27, "label": "E"}, {"source": 46, "target": 30, "label": "U"}, {"source": 47, "target": 31, "label": "P"}, {"source": 41, "target": 43, "label": "A"}, {"source": 37, "target": 11, "label": "C"}, {"source": 47, "target": 32, "label": "A"}, {"source": 37, "target": 39, "label": "E"}, {"source": 34, "target": 0, "label": "L"}, {"source": 43, "target": 20, "label": "N"}, {"source": 42, "target": 19, "label": "S"}, {"source": 39, "target": 13, "label": "F"}, {"source": 41, "target": 24, "label": "F"}, {"source": 45, "target": 26, "label": "R"}, {"source": 40, "target": 16, "label": "P"}, {"source": 46, "target": 29, "label": "S"}, {"source": 38, "target": 10, "label": "S"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 34, "target": 35, "label": "H"}, {"source": 39, "target": 14, "label": "C"}, {"source": 36, "target": 7, "label": "P"}, {"source": 39, "target": 12, "label": "R"}, {"source": 42, "target": 19, "label": "A"}, {"source": 42, "target": 18, "label": "A"}, {"source": 44, "target": 22, "label": "F"}, {"source": 35, "target": 3, "label": "S"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 1, "label": "A"}, {"source": 37, "target": 40, "label": "E"}]} +{"id": "110441-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Right away they told us that it was the same great food with the same prices so off we went.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 19, "label": "U"}, {"source": 26, "target": 11, "label": "R"}, {"source": 27, "target": 17, "label": "A"}, {"source": 27, "target": 16, "label": "D"}, {"source": 20, "target": 1, "label": "A"}, {"source": 27, "target": 18, "label": "P"}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "E"}, {"source": 26, "target": 14, "label": "C"}, {"source": 26, "target": 13, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 23, "label": "C"}, {"source": 21, "target": 15, "label": "L"}, {"source": 21, "target": 27, "label": "H"}, {"source": 23, "target": 8, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 9, "label": "S"}, {"source": 26, "target": 12, "label": "F"}, {"source": 22, "target": 5, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 7, "label": "F"}, {"source": 20, "target": 0, "label": "T"}, {"source": 20, "target": 3, "label": "A"}, {"source": 24, "target": 26, "label": "C"}, {"source": 22, "target": 6, "label": "S"}, {"source": 22, "target": 4, "label": "R"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "110441-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were greeted again and sat promptly.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 10, "target": 6, "label": "T"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 4, "label": "L"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "110441-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After looking at the menu and seeing the new menu items they had, we knew we were in for a treat!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 88}, {"from": 89, "to": 90}, {"from": 91, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 23, "target": 6, "label": "P"}, {"source": 20, "target": 13, "label": "U"}, {"source": 22, "target": 2, "label": "R"}, {"source": 28, "target": 18, "label": "S"}, {"source": 25, "target": 8, "label": "S"}, {"source": 26, "target": 12, "label": "S"}, {"source": 25, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 9, "label": "E"}, {"source": 20, "target": 27, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 28, "target": 17, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 10, "label": "C"}, {"source": 24, "target": 7, "label": "F"}, {"source": 20, "target": 5, "label": "L"}, {"source": 20, "target": 0, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "A"}, {"source": 21, "target": 1, "label": "P"}, {"source": 27, "target": 15, "label": "P"}, {"source": 28, "target": 16, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 26, "label": "E"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "110441-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had the Chicken Parmesan Dinner and my wife had the Shrimp Scampi Dinner.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}, {"from": 18, "to": 26}, {"from": 27, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}, {"from": 61, "to": 67}, {"from": 68, "to": 74}]}, {"id": 10, "anchors": [{"from": 74, "to": 75}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "P"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 6, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "110441-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "AMAZING!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "110441-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The portions were generous enough that we even took some home!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 10, "label": "A"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 7, "label": "G"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 1, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "110441-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have to say the value of this place always amazes me.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "T"}, {"source": 19, "target": 6, "label": "R"}, {"source": 14, "target": 3, "label": "P"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 18, "target": 11, "label": "A"}, {"source": 14, "target": 15, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 14, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 19, "target": 7, "label": "E"}, {"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "S"}]} +{"id": "110441-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's nice to see that even in the economy we can eat a place that has upscale service, amazing atmosphere, and Incredible food, but not break the bank while enjoying it!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 105}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 168}]}, {"id": 35, "anchors": [{"from": 168, "to": 169}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 36, "target": 2, "label": "D"}, {"source": 39, "target": 9, "label": "C"}, {"source": 41, "target": 16, "label": "S"}, {"source": 41, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 28, "label": "D"}, {"source": 39, "target": 7, "label": "R"}, {"source": 37, "target": 46, "label": "H"}, {"source": 42, "target": 18, "label": "P"}, {"source": 42, "target": 17, "label": "D"}, {"source": 44, "target": 20, "label": "D"}, {"source": 36, "target": 3, "label": "F"}, {"source": 36, "target": 4, "label": "P"}, {"source": 47, "target": 29, "label": "F"}, {"source": 38, "target": 12, "label": "P"}, {"source": 38, "target": 10, "label": "A"}, {"source": 39, "target": 6, "label": "F"}, {"source": 36, "target": 38, "label": "A"}, {"source": 48, "target": 34, "label": "A"}, {"source": 36, "target": 1, "label": "F"}, {"source": 39, "target": 8, "label": "F"}, {"source": 36, "target": 0, "label": "F"}, {"source": 37, "target": 48, "label": "H"}, {"source": 38, "target": 5, "label": "R"}, {"source": 45, "target": 25, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 41, "target": 43, "label": "A"}, {"source": 46, "target": 47, "label": "P"}, {"source": 45, "target": 24, "label": "S"}, {"source": 48, "target": 35, "label": "U"}, {"source": 43, "target": 22, "label": "U"}, {"source": 43, "target": 42, "label": "H"}, {"source": 43, "target": 23, "label": "L"}, {"source": 44, "target": 21, "label": "S"}, {"source": 37, "target": 36, "label": "H"}, {"source": 48, "target": 33, "label": "P"}, {"source": 38, "target": 11, "label": "D"}, {"source": 43, "target": 19, "label": "U"}, {"source": 37, "target": 26, "label": "U"}, {"source": 40, "target": 14, "label": "C"}, {"source": 47, "target": 30, "label": "F"}, {"source": 43, "target": 44, "label": "H"}, {"source": 43, "target": 45, "label": "H"}, {"source": 40, "target": 13, "label": "F"}, {"source": 37, "target": 32, "label": "L"}, {"source": 47, "target": 31, "label": "C"}, {"source": 41, "target": 15, "label": "R"}, {"source": 38, "target": 40, "label": "A"}, {"source": 37, "target": 27, "label": "L"}]} +{"id": "110441-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bottom line is that when it's a small privatly owned resturant like this is you can tell that the owners and employees take pride in their product and service.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 146}]}, {"id": 27, "anchors": [{"from": 147, "to": 150}]}, {"id": 28, "anchors": [{"from": 151, "to": 158}]}, {"id": 29, "anchors": [{"from": 158, "to": 159}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 33, "target": 10, "label": "C"}, {"source": 31, "target": 3, "label": "L"}, {"source": 31, "target": 36, "label": "H"}, {"source": 30, "target": 1, "label": "S"}, {"source": 41, "target": 21, "label": "A"}, {"source": 44, "target": 29, "label": "U"}, {"source": 34, "target": 8, "label": "D"}, {"source": 44, "target": 26, "label": "C"}, {"source": 37, "target": 40, "label": "A"}, {"source": 31, "target": 32, "label": "H"}, {"source": 43, "target": 44, "label": "C"}, {"source": 35, "target": 13, "label": "S"}, {"source": 33, "target": 34, "label": "E"}, {"source": 34, "target": 9, "label": "S"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 4, "label": "A"}, {"source": 39, "target": 19, "label": "C"}, {"source": 37, "target": 43, "label": "A"}, {"source": 37, "target": 17, "label": "R"}, {"source": 42, "target": 23, "label": "C"}, {"source": 33, "target": 6, "label": "F"}, {"source": 42, "target": 22, "label": "F"}, {"source": 40, "target": 41, "label": "C"}, {"source": 37, "target": 42, "label": "P"}, {"source": 32, "target": 5, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 39, "target": 18, "label": "F"}, {"source": 32, "target": 2, "label": "R"}, {"source": 36, "target": 16, "label": "P"}, {"source": 41, "target": 21, "label": "S"}, {"source": 34, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 7, "label": "E"}, {"source": 35, "target": 12, "label": "A"}, {"source": 35, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 38, "label": "C"}, {"source": 43, "target": 24, "label": "R"}, {"source": 43, "target": 25, "label": "E"}, {"source": 44, "target": 28, "label": "C"}, {"source": 36, "target": 15, "label": "D"}, {"source": 36, "target": 14, "label": "A"}, {"source": 31, "target": 30, "label": "L"}, {"source": 31, "target": 11, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 44, "target": 27, "label": "N"}, {"source": 30, "target": 0, "label": "C"}, {"source": 38, "target": 39, "label": "S"}, {"source": 40, "target": 20, "label": "N"}]} +{"id": "110441-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well Done!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "110908-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great pub", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "110908-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Had a meal in this pub and i have to say it was excellant.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "A"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 11, "label": "A"}, {"source": 16, "target": 15, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "F"}, {"source": 17, "target": 6, "label": "L"}, {"source": 15, "target": 1, "label": "F"}, {"source": 21, "target": 13, "label": "S"}, {"source": 20, "target": 8, "label": "C"}, {"source": 20, "target": 9, "label": "F"}, {"source": 15, "target": 2, "label": "C"}, {"source": 18, "target": 4, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "D"}]} +{"id": "110908-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It has to be one of the nicest pubs that i have been into in a long time, the decor is nice and it has a really nice garden and a lovely decking area.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 86}]}, {"id": 22, "anchors": [{"from": 87, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 98}]}, {"id": 25, "anchors": [{"from": 99, "to": 102}]}, {"id": 26, "anchors": [{"from": 103, "to": 104}]}, {"id": 27, "anchors": [{"from": 105, "to": 111}]}, {"id": 28, "anchors": [{"from": 112, "to": 116}]}, {"id": 29, "anchors": [{"from": 117, "to": 123}]}, {"id": 30, "anchors": [{"from": 124, "to": 127}]}, {"id": 31, "anchors": [{"from": 128, "to": 129}]}, {"id": 32, "anchors": [{"from": 130, "to": 136}]}, {"id": 33, "anchors": [{"from": 137, "to": 144}]}, {"id": 34, "anchors": [{"from": 145, "to": 149}]}, {"id": 35, "anchors": [{"from": 149, "to": 150}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 48, "target": 28, "label": "S"}, {"source": 47, "target": 49, "label": "C"}, {"source": 42, "target": 17, "label": "C"}, {"source": 45, "target": 24, "label": "A"}, {"source": 49, "target": 35, "label": "U"}, {"source": 42, "target": 15, "label": "F"}, {"source": 40, "target": 6, "label": "F"}, {"source": 37, "target": 18, "label": "U"}, {"source": 44, "target": 21, "label": "F"}, {"source": 49, "target": 33, "label": "E"}, {"source": 41, "target": 11, "label": "F"}, {"source": 36, "target": 40, "label": "A"}, {"source": 40, "target": 8, "label": "C"}, {"source": 43, "target": 20, "label": "C"}, {"source": 36, "target": 38, "label": "D"}, {"source": 48, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "E"}, {"source": 47, "target": 46, "label": "C"}, {"source": 42, "target": 16, "label": "E"}, {"source": 46, "target": 26, "label": "F"}, {"source": 40, "target": 7, "label": "E"}, {"source": 39, "target": 4, "label": "C"}, {"source": 41, "target": 42, "label": "T"}, {"source": 44, "target": 22, "label": "S"}, {"source": 42, "target": 14, "label": "R"}, {"source": 48, "target": 27, "label": "D"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 50, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 5, "label": "R"}, {"source": 41, "target": 10, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 50, "target": 32, "label": "S"}, {"source": 43, "target": 19, "label": "F"}, {"source": 38, "target": 1, "label": "C"}, {"source": 44, "target": 43, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 49, "target": 31, "label": "F"}, {"source": 49, "target": 50, "label": "E"}, {"source": 37, "target": 44, "label": "H"}, {"source": 47, "target": 30, "label": "N"}, {"source": 45, "target": 25, "label": "S"}, {"source": 36, "target": 3, "label": "S"}, {"source": 41, "target": 9, "label": "R"}, {"source": 41, "target": 13, "label": "S"}, {"source": 41, "target": 12, "label": "F"}, {"source": 46, "target": 48, "label": "E"}, {"source": 40, "target": 39, "label": "Q"}, {"source": 49, "target": 34, "label": "C"}, {"source": 46, "target": 29, "label": "C"}, {"source": 38, "target": 2, "label": "F"}, {"source": 37, "target": 23, "label": "L"}]} +{"id": "110908-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good beer good service and what more could you want.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "S"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 5, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 13, "target": 2, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "P"}, {"source": 14, "target": 8, "label": "A"}]} +{"id": "111583-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All I can say is that I am glad I went in!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}]}, {"id": 12, "anchors": [{"from": 41, "to": 42}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 14, "target": 0, "label": "D"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 9, "label": "A"}, {"source": 15, "target": 5, "label": "R"}, {"source": 16, "target": 11, "label": "D"}, {"source": 14, "target": 2, "label": "D"}, {"source": 15, "target": 6, "label": "A"}, {"source": 15, "target": 7, "label": "F"}]} +{"id": "111583-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The nurses are sweet as pie and the doctor is wonderful.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 3, "label": "S"}, {"source": 18, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 18, "label": "S"}, {"source": 15, "target": 4, "label": "L"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 3, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "S"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 6, "label": "L"}, {"source": 12, "target": 13, "label": "P"}, {"source": 19, "target": 11, "label": "U"}]} +{"id": "111583-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This place is about healing, not making a buck.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 5, "label": "U"}, {"source": 14, "target": 3, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "P"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 3, "label": "R"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "111583-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The followup visit is FREE!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 6, "label": "A"}, {"source": 6, "target": 7, "label": "P"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "D"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "111583-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After going to the hospital and paying ER prices ... there is no way I won't be back here!!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 4, "label": "C"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 2, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 26, "label": "H"}, {"source": 26, "target": 10, "label": "F"}, {"source": 23, "target": 3, "label": "F"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 5, "label": "L"}, {"source": 21, "target": 24, "label": "H"}, {"source": 25, "target": 8, "label": "C"}, {"source": 28, "target": 17, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "F"}, {"source": 27, "target": 12, "label": "E"}, {"source": 26, "target": 28, "label": "P"}, {"source": 26, "target": 27, "label": "D"}, {"source": 28, "target": 18, "label": "C"}, {"source": 24, "target": 6, "label": "P"}, {"source": 26, "target": 19, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 7, "label": "E"}, {"source": 21, "target": 9, "label": "U"}, {"source": 22, "target": 1, "label": "P"}, {"source": 26, "target": 14, "label": "A"}, {"source": 26, "target": 20, "label": "U"}, {"source": 26, "target": 16, "label": "D"}]} +{"id": "111583-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I will be back and telling EVERYONE about this clinic.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 5, "label": "P"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 6, "label": "A"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 4, "label": "L"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 13, "label": "P"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "D"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "111583-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THANK YOU!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "112579-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My favorite cuban cafe in Orlando", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 9, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "112579-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been eating Cuban for a long time, sandwiches mainly along with other dishes..", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 19, "target": 21, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 20, "label": "T"}, {"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 9, "label": "U"}, {"source": 22, "target": 14, "label": "E"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "F"}, {"source": 20, "target": 7, "label": "E"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 11, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "112579-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I love Cuban coffee, colada... mmmm anyways I found this place and can't stop going there, I stop in at least once a week and anytime I'm in the area for a Cuban coffee or snack.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 97}, {"from": 98, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 103}, {"from": 104, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29, "anchors": [{"from": 135, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 153}]}, {"id": 34, "anchors": [{"from": 154, "to": 155}]}, {"id": 35, "anchors": [{"from": 156, "to": 161}]}, {"id": 36, "anchors": [{"from": 162, "to": 168}]}, {"id": 37, "anchors": [{"from": 169, "to": 171}]}, {"id": 38, "anchors": [{"from": 172, "to": 177}]}, {"id": 39, "anchors": [{"from": 177, "to": 178}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 45, "target": 46, "label": "A"}, {"source": 49, "target": 29, "label": "F"}, {"source": 48, "target": 24, "label": "F"}, {"source": 53, "target": 37, "label": "N"}, {"source": 50, "target": 32, "label": "C"}, {"source": 53, "target": 52, "label": "C"}, {"source": 40, "target": 6, "label": "U"}, {"source": 41, "target": 44, "label": "H"}, {"source": 44, "target": 9, "label": "A"}, {"source": 46, "target": 12, "label": "C"}, {"source": 50, "target": 31, "label": "F"}, {"source": 47, "target": 48, "label": "T"}, {"source": 51, "target": 33, "label": "R"}, {"source": 44, "target": 15, "label": "D"}, {"source": 44, "target": 18, "label": "A"}, {"source": 44, "target": 14, "label": "D"}, {"source": 45, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 22, "label": "E"}, {"source": 49, "target": 28, "label": "A"}, {"source": 41, "target": 27, "label": "L"}, {"source": 47, "target": 20, "label": "A"}, {"source": 51, "target": 53, "label": "C"}, {"source": 43, "target": 42, "label": "C"}, {"source": 53, "target": 39, "label": "U"}, {"source": 51, "target": 34, "label": "F"}, {"source": 42, "target": 3, "label": "C"}, {"source": 42, "target": 2, "label": "E"}, {"source": 41, "target": 13, "label": "L"}, {"source": 41, "target": 26, "label": "L"}, {"source": 48, "target": 25, "label": "C"}, {"source": 40, "target": 43, "label": "A"}, {"source": 52, "target": 36, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 44, "target": 16, "label": "D"}, {"source": 41, "target": 47, "label": "H"}, {"source": 52, "target": 35, "label": "E"}, {"source": 45, "target": 10, "label": "P"}, {"source": 44, "target": 17, "label": "P"}, {"source": 43, "target": 5, "label": "C"}, {"source": 49, "target": 30, "label": "S"}, {"source": 41, "target": 40, "label": "H"}, {"source": 40, "target": 1, "label": "P"}, {"source": 53, "target": 38, "label": "C"}, {"source": 46, "target": 11, "label": "E"}, {"source": 40, "target": 0, "label": "A"}, {"source": 40, "target": 7, "label": "G"}, {"source": 41, "target": 19, "label": "U"}, {"source": 47, "target": 51, "label": "A"}, {"source": 41, "target": 49, "label": "H"}, {"source": 41, "target": 45, "label": "H"}, {"source": 47, "target": 21, "label": "P"}, {"source": 43, "target": 4, "label": "U"}, {"source": 48, "target": 23, "label": "Q"}, {"source": 41, "target": 8, "label": "L"}]} +{"id": "112579-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The place is chill and comfortable.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 10, "target": 4, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "112579-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They don't speak the best English but enough to get by.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}, {"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 16, "target": 10, "label": "P"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "D"}, {"source": 13, "target": 7, "label": "L"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 3, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 14, "label": "D"}]} +{"id": "112579-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They bake bread fresh daily, they don't press their sandwiches which is the way I like it, and the meat is always fresh.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 119}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 9, "label": "P"}, {"source": 28, "target": 19, "label": "U"}, {"source": 28, "target": 34, "label": "H"}, {"source": 31, "target": 17, "label": "P"}, {"source": 27, "target": 3, "label": "D"}, {"source": 32, "target": 15, "label": "C"}, {"source": 28, "target": 12, "label": "L"}, {"source": 33, "target": 21, "label": "F"}, {"source": 32, "target": 14, "label": "F"}, {"source": 27, "target": 1, "label": "P"}, {"source": 31, "target": 16, "label": "A"}, {"source": 31, "target": 32, "label": "D"}, {"source": 27, "target": 2, "label": "A"}, {"source": 34, "target": 23, "label": "F"}, {"source": 33, "target": 22, "label": "C"}, {"source": 28, "target": 20, "label": "L"}, {"source": 31, "target": 18, "label": "A"}, {"source": 30, "target": 11, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 31, "target": 13, "label": "F"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 25, "label": "S"}, {"source": 34, "target": 33, "label": "A"}, {"source": 28, "target": 29, "label": "H"}, {"source": 27, "target": 0, "label": "A"}, {"source": 27, "target": 4, "label": "T"}, {"source": 28, "target": 5, "label": "U"}, {"source": 28, "target": 27, "label": "H"}, {"source": 34, "target": 26, "label": "U"}, {"source": 29, "target": 7, "label": "F"}, {"source": 29, "target": 8, "label": "D"}, {"source": 29, "target": 6, "label": "A"}, {"source": 34, "target": 24, "label": "T"}]} +{"id": "112579-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have a great lunch special with your choice of meat, chicken, steak, or pork and rice and black beans and fried plantains.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 29, "target": 2, "label": "F"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 36, "label": "C"}, {"source": 36, "target": 25, "label": "C"}, {"source": 29, "target": 4, "label": "C"}, {"source": 34, "target": 22, "label": "C"}, {"source": 32, "target": 13, "label": "U"}, {"source": 30, "target": 7, "label": "A"}, {"source": 29, "target": 3, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 32, "target": 14, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "N"}, {"source": 30, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 23, "label": "N"}, {"source": 36, "target": 26, "label": "U"}, {"source": 33, "target": 19, "label": "C"}, {"source": 32, "target": 15, "label": "U"}, {"source": 30, "target": 6, "label": "R"}, {"source": 30, "target": 8, "label": "P"}, {"source": 28, "target": 0, "label": "A"}, {"source": 32, "target": 11, "label": "U"}, {"source": 33, "target": 20, "label": "N"}, {"source": 29, "target": 5, "label": "E"}, {"source": 28, "target": 1, "label": "S"}, {"source": 36, "target": 35, "label": "E"}, {"source": 31, "target": 32, "label": "C"}, {"source": 31, "target": 33, "label": "C"}, {"source": 35, "target": 24, "label": "P"}, {"source": 32, "target": 16, "label": "N"}, {"source": 33, "target": 34, "label": "C"}, {"source": 31, "target": 9, "label": "R"}, {"source": 35, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 17, "label": "C"}, {"source": 32, "target": 10, "label": "C"}, {"source": 32, "target": 12, "label": "C"}]} +{"id": "112579-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And their breakfast is awesome!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 4, "label": "D"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "112579-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I cannot describe how delicious the mango and cheese pastries and the omelets are to die for.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 88}, {"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 15, "label": "S"}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "D"}, {"source": 17, "target": 2, "label": "D"}, {"source": 18, "target": 11, "label": "L"}, {"source": 20, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 7, "label": "C"}, {"source": 17, "target": 3, "label": "P"}, {"source": 23, "target": 22, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 8, "label": "N"}, {"source": 23, "target": 14, "label": "F"}, {"source": 22, "target": 13, "label": "C"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "112579-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stop in and have a bite you won't regret it.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 5, "label": "A"}, {"source": 12, "target": 1, "label": "L"}, {"source": 11, "target": 0, "label": "P"}, {"source": 15, "target": 8, "label": "P"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 6, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 7, "label": "D"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "112579-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A slice of heaven in winter park off forsyth!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 7, "label": "R"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "F"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 11, "label": "S"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "112661-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Food Awesome food Awesome service", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "D"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "A"}, {"source": 9, "target": 5, "label": "P"}]} +{"id": "112661-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wanted to try someplace new again.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "112661-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place rocked.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "112661-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Brought my wife Deb with me and she like the Fried Crab Wontons and said they were good..", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 24, "target": 9, "label": "F"}, {"source": 26, "target": 12, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 21, "target": 1, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 20, "target": 13, "label": "L"}, {"source": 20, "target": 23, "label": "H"}, {"source": 28, "target": 17, "label": "S"}, {"source": 28, "target": 15, "label": "A"}, {"source": 20, "target": 27, "label": "H"}, {"source": 28, "target": 16, "label": "F"}, {"source": 23, "target": 8, "label": "P"}, {"source": 20, "target": 6, "label": "L"}, {"source": 27, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 19, "target": 0, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 25, "label": "C"}, {"source": 26, "target": 11, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 22, "target": 4, "label": "R"}, {"source": 21, "target": 3, "label": "A"}, {"source": 25, "target": 10, "label": "P"}, {"source": 21, "target": 2, "label": "S"}]} +{"id": "112661-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We also had the BBQ Spare Ribs.. good also.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 16, "label": "H"}, {"source": 15, "target": 5, "label": "E"}, {"source": 16, "target": 8, "label": "S"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "C"}, {"source": 14, "target": 4, "label": "P"}, {"source": 16, "target": 9, "label": "D"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "P"}, {"source": 13, "target": 3, "label": "F"}, {"source": 16, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "D"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 7, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "112661-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I ordered the MOO SHU pork and it was great..", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "F"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 13, "target": 6, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 8, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}]} +{"id": "112661-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also ordered the Neptune Platter which was awesome... so this place gets 5 out of 5 stars.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}, {"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}, {"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 15, "label": "Q"}, {"source": 19, "target": 8, "label": "U"}, {"source": 25, "target": 16, "label": "C"}, {"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 22, "target": 10, "label": "E"}, {"source": 21, "target": 7, "label": "S"}, {"source": 24, "target": 13, "label": "C"}, {"source": 24, "target": 13, "label": "Q"}, {"source": 23, "target": 12, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 22, "label": "A"}, {"source": 19, "target": 9, "label": "L"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "114849-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Used their service for the first time and was immediately impressed by their professionalism (received a phone call soon after order was placed to confirm details) and the subsequent delivery of my gift (To Split, Croatia) was as requested.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 92}]}, {"id": 14, "anchors": [{"from": 93, "to": 94}]}, {"id": 15, "anchors": [{"from": 94, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 126}]}, {"id": 21, "anchors": [{"from": 127, "to": 132}]}, {"id": 22, "anchors": [{"from": 133, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 143}]}, {"id": 24, "anchors": [{"from": 144, "to": 146}]}, {"id": 25, "anchors": [{"from": 147, "to": 154}]}, {"id": 26, "anchors": [{"from": 155, "to": 162}]}, {"id": 27, "anchors": [{"from": 162, "to": 163}]}, {"id": 28, "anchors": [{"from": 164, "to": 167}]}, {"id": 29, "anchors": [{"from": 168, "to": 171}]}, {"id": 30, "anchors": [{"from": 172, "to": 182}]}, {"id": 31, "anchors": [{"from": 183, "to": 191}]}, {"id": 32, "anchors": [{"from": 192, "to": 194}]}, {"id": 33, "anchors": [{"from": 195, "to": 197}]}, {"id": 34, "anchors": [{"from": 198, "to": 202}]}, {"id": 35, "anchors": [{"from": 203, "to": 204}]}, {"id": 36, "anchors": [{"from": 204, "to": 206}]}, {"id": 37, "anchors": [{"from": 207, "to": 212}]}, {"id": 38, "anchors": [{"from": 212, "to": 213}]}, {"id": 39, "anchors": [{"from": 214, "to": 221}]}, {"id": 40, "anchors": [{"from": 221, "to": 222}]}, {"id": 41, "anchors": [{"from": 223, "to": 226}]}, {"id": 42, "anchors": [{"from": 227, "to": 229}]}, {"id": 43, "anchors": [{"from": 230, "to": 239}]}, {"id": 44, "anchors": [{"from": 239, "to": 240}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 62, "target": 44, "label": "U"}, {"source": 57, "target": 56, "label": "P"}, {"source": 61, "target": 39, "label": "C"}, {"source": 52, "target": 17, "label": "E"}, {"source": 48, "target": 9, "label": "T"}, {"source": 53, "target": 19, "label": "C"}, {"source": 56, "target": 29, "label": "F"}, {"source": 54, "target": 21, "label": "P"}, {"source": 48, "target": 9, "label": "D"}, {"source": 59, "target": 34, "label": "C"}, {"source": 61, "target": 37, "label": "E"}, {"source": 49, "target": 12, "label": "E"}, {"source": 56, "target": 31, "label": "C"}, {"source": 46, "target": 48, "label": "H"}, {"source": 60, "target": 33, "label": "S"}, {"source": 52, "target": 18, "label": "C"}, {"source": 46, "target": 24, "label": "L"}, {"source": 45, "target": 1, "label": "A"}, {"source": 45, "target": 2, "label": "P"}, {"source": 58, "target": 57, "label": "A"}, {"source": 59, "target": 60, "label": "E"}, {"source": 57, "target": 30, "label": "T"}, {"source": 46, "target": 50, "label": "H"}, {"source": 58, "target": 35, "label": "U"}, {"source": 47, "target": 4, "label": "F"}, {"source": 46, "target": 54, "label": "H"}, {"source": 46, "target": 27, "label": "U"}, {"source": 48, "target": 8, "label": "F"}, {"source": 54, "target": 23, "label": "D"}, {"source": 54, "target": 22, "label": "F"}, {"source": 58, "target": 40, "label": "U"}, {"source": 60, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 15, "label": "D"}, {"source": 58, "target": 62, "label": "P"}, {"source": 45, "target": 0, "label": "D"}, {"source": 55, "target": 26, "label": "A"}, {"source": 62, "target": 42, "label": "R"}, {"source": 47, "target": 5, "label": "Q"}, {"source": 46, "target": 55, "label": "H"}, {"source": 53, "target": 20, "label": "R"}, {"source": 46, "target": 28, "label": "L"}, {"source": 55, "target": 25, "label": "P"}, {"source": 58, "target": 41, "label": "F"}, {"source": 62, "target": 43, "label": "C"}, {"source": 45, "target": 47, "label": "A"}, {"source": 61, "target": 38, "label": "U"}, {"source": 51, "target": 52, "label": "P"}, {"source": 46, "target": 7, "label": "L"}, {"source": 59, "target": 32, "label": "R"}, {"source": 57, "target": 59, "label": "A"}, {"source": 49, "target": 13, "label": "C"}, {"source": 61, "target": 36, "label": "R"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 51, "label": "P"}, {"source": 52, "target": 16, "label": "F"}, {"source": 46, "target": 14, "label": "U"}, {"source": 49, "target": 11, "label": "R"}, {"source": 46, "target": 45, "label": "H"}, {"source": 46, "target": 53, "label": "L"}, {"source": 48, "target": 10, "label": "P"}, {"source": 47, "target": 6, "label": "C"}, {"source": 47, "target": 3, "label": "R"}, {"source": 46, "target": 58, "label": "H"}, {"source": 58, "target": 61, "label": "A"}]} +{"id": "114849-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The gift itself was exactly as described and pictured in the catalogue and of the highest standard.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 22, "target": 8, "label": "P"}, {"source": 19, "target": 3, "label": "F"}, {"source": 19, "target": 21, "label": "P"}, {"source": 23, "target": 9, "label": "R"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 18, "target": 2, "label": "F"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 24, "label": "H"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "F"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 12, "label": "L"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 16, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 24, "target": 25, "label": "D"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "114849-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Would highly recommend to anyone requiring overseas gift delivery.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 65}]}, {"id": 9, "anchors": [{"from": 65, "to": 66}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "P"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "114849-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Danny (Australia)", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 7, "to": 16}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}], "edges": [{"source": 0, "target": 1, "label": "U"}, {"source": 3, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "H"}]} +{"id": "114941-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Give them a try!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 7, "label": "P"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "114941-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The pizzas are huge and super delicious.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 8, "label": "A"}, {"source": 11, "target": 5, "label": "D"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "L"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "114941-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They're our favorite pizza place to order from... and they're a local, family owned company!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 27, "target": 15, "label": "U"}, {"source": 27, "target": 19, "label": "U"}, {"source": 20, "target": 23, "label": "A"}, {"source": 27, "target": 14, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 7, "label": "P"}, {"source": 21, "target": 26, "label": "H"}, {"source": 20, "target": 1, "label": "S"}, {"source": 26, "target": 12, "label": "S"}, {"source": 27, "target": 13, "label": "F"}, {"source": 28, "target": 17, "label": "S"}, {"source": 21, "target": 10, "label": "L"}, {"source": 28, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 4, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 6, "label": "F"}, {"source": 22, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "U"}, {"source": 25, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "A"}, {"source": 22, "target": 3, "label": "S"}, {"source": 27, "target": 28, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 16, "label": "A"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "114941-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How much better does it get?!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 0, "label": "Q"}]} +{"id": "115029-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not friendly, not helpful, overall poor customer service.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 2, "label": "U"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 5, "label": "U"}, {"source": 14, "target": 7, "label": "D"}, {"source": 15, "target": 8, "label": "S"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 8, "label": "A"}, {"source": 14, "target": 6, "label": "G"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "115029-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Definitely not going to purchase a car from here.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}, {"from": 21, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 0, "label": "D"}, {"source": 12, "target": 6, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "115566-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Retired", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "115566-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr Joseph retired.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "115566-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Dorn is his backup.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "115653-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Doctor!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "115653-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Faris is a great doctor!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 4, "label": "D"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "P"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "115653-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I would recommend him to anyone.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}]} +{"id": "115653-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was experiencing severe back pain to the point I could barely walk or even bare to sit.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "L"}, {"source": 22, "target": 8, "label": "C"}, {"source": 22, "target": 6, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 24, "target": 25, "label": "H"}, {"source": 20, "target": 2, "label": "P"}, {"source": 22, "target": 7, "label": "F"}, {"source": 23, "target": 10, "label": "D"}, {"source": 25, "target": 16, "label": "F"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 3, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 9, "label": "A"}, {"source": 23, "target": 11, "label": "D"}, {"source": 23, "target": 12, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "G"}, {"source": 25, "target": 14, "label": "R"}]} +{"id": "115653-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I went from a pain scale of 8-9 to 0 and I was able to run in the Crim just a week later!!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 30, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "anchors": [{"from": 35, "to": 36}]}, {"id": 12, "anchors": [{"from": 37, "to": 40}]}, {"id": 13, "anchors": [{"from": 41, "to": 42}]}, {"id": 14, "anchors": [{"from": 43, "to": 46}]}, {"id": 15, "anchors": [{"from": 47, "to": 51}]}, {"id": 16, "anchors": [{"from": 52, "to": 54}]}, {"id": 17, "anchors": [{"from": 55, "to": 58}]}, {"id": 18, "anchors": [{"from": 59, "to": 61}]}, {"id": 19, "anchors": [{"from": 62, "to": 65}]}, {"id": 20, "anchors": [{"from": 66, "to": 70}]}, {"id": 21, "anchors": [{"from": 71, "to": 75}]}, {"id": 22, "anchors": [{"from": 76, "to": 77}]}, {"id": 23, "anchors": [{"from": 78, "to": 82}]}, {"id": 24, "anchors": [{"from": 83, "to": 88}]}, {"id": 25, "anchors": [{"from": 88, "to": 90}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 26, "target": 1, "label": "P"}, {"source": 29, "target": 3, "label": "F"}, {"source": 34, "target": 21, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 6, "label": "R"}, {"source": 32, "target": 13, "label": "A"}, {"source": 34, "target": 22, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 18, "label": "R"}, {"source": 32, "target": 16, "label": "F"}, {"source": 32, "target": 14, "label": "F"}, {"source": 27, "target": 32, "label": "H"}, {"source": 33, "target": 20, "label": "C"}, {"source": 26, "target": 31, "label": "A"}, {"source": 27, "target": 12, "label": "L"}, {"source": 31, "target": 10, "label": "R"}, {"source": 31, "target": 11, "label": "C"}, {"source": 32, "target": 34, "label": "T"}, {"source": 30, "target": 7, "label": "C"}, {"source": 30, "target": 9, "label": "Q"}, {"source": 30, "target": 8, "label": "U"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 24, "label": "R"}, {"source": 30, "target": 7, "label": "Q"}, {"source": 30, "target": 9, "label": "C"}, {"source": 28, "target": 30, "label": "C"}, {"source": 28, "target": 2, "label": "R"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 34, "target": 23, "label": "C"}, {"source": 31, "target": 11, "label": "Q"}, {"source": 32, "target": 17, "label": "P"}, {"source": 33, "target": 19, "label": "F"}, {"source": 29, "target": 4, "label": "E"}, {"source": 26, "target": 0, "label": "A"}, {"source": 29, "target": 5, "label": "C"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "116821-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "FANFUCKINGTASTIC", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 16}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "D"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "116821-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ok I am a New Yorker who has been going to school in Oxford, England.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 19, "target": 5, "label": "R"}, {"source": 17, "target": 0, "label": "F"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 14, "label": "E"}, {"source": 17, "target": 18, "label": "S"}, {"source": 19, "target": 6, "label": "F"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 9, "label": "F"}, {"source": 18, "target": 3, "label": "F"}, {"source": 20, "target": 8, "label": "F"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 7, "label": "F"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "116821-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I thought the UK was completely devoid of good NYC style pizza.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 19, "target": 9, "label": "E"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 6, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 18, "target": 8, "label": "S"}, {"source": 18, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 19, "label": "E"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "116821-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I thought to get a decent pizza the only way was at a fancy restaurant, and I have to get a whole pie.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 101, "to": 102}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 20, "label": "F"}, {"source": 31, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 9, "label": "C"}, {"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 23, "label": "U"}, {"source": 26, "target": 29, "label": "D"}, {"source": 26, "target": 30, "label": "A"}, {"source": 32, "target": 17, "label": "A"}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 15, "label": "U"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 33, "target": 21, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 26, "target": 10, "label": "F"}, {"source": 30, "target": 12, "label": "F"}, {"source": 29, "target": 8, "label": "E"}, {"source": 33, "target": 22, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 13, "label": "S"}, {"source": 28, "target": 5, "label": "S"}, {"source": 32, "target": 18, "label": "D"}, {"source": 24, "target": 1, "label": "P"}, {"source": 27, "target": 6, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 32, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 11, "label": "R"}, {"source": 26, "target": 2, "label": "F"}, {"source": 29, "target": 7, "label": "F"}, {"source": 32, "target": 19, "label": "P"}, {"source": 30, "target": 14, "label": "C"}, {"source": 27, "target": 4, "label": "F"}, {"source": 26, "target": 3, "label": "P"}]} +{"id": "116821-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I thought I would have to wait until I went home to NYC.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}, {"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "A"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 3, "label": "D"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 4, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "116821-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well then I went on a trip to Glasgow and was walking around.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 8, "label": "C"}, {"source": 15, "target": 9, "label": "L"}, {"source": 15, "target": 14, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "P"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "D"}, {"source": 17, "target": 6, "label": "C"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 19, "target": 11, "label": "P"}, {"source": 14, "target": 0, "label": "F"}, {"source": 17, "target": 3, "label": "F"}]} +{"id": "116821-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I saw this place and it looked like the HOLY GRAIL.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}, {"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 15, "target": 6, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "L"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 12, "target": 11, "label": "H"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 13, "target": 2, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "116821-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I knew I had found the real deal, big pies, sold by the slice, with the pizzas sitting under the glass in the front.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 78}]}, {"id": 20, "anchors": [{"from": 79, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 115}]}, {"id": 27, "anchors": [{"from": 115, "to": 116}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 40, "target": 24, "label": "R"}, {"source": 30, "target": 4, "label": "P"}, {"source": 33, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "L"}, {"source": 33, "target": 9, "label": "S"}, {"source": 28, "target": 30, "label": "A"}, {"source": 35, "target": 36, "label": "D"}, {"source": 30, "target": 2, "label": "A"}, {"source": 38, "target": 37, "label": "A"}, {"source": 29, "target": 16, "label": "U"}, {"source": 36, "target": 13, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 38, "label": "H"}, {"source": 35, "target": 34, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 32, "label": "S"}, {"source": 29, "target": 8, "label": "U"}, {"source": 36, "target": 15, "label": "C"}, {"source": 30, "target": 3, "label": "F"}, {"source": 39, "target": 21, "label": "R"}, {"source": 40, "target": 25, "label": "F"}, {"source": 32, "target": 6, "label": "E"}, {"source": 34, "target": 10, "label": "C"}, {"source": 32, "target": 5, "label": "F"}, {"source": 28, "target": 0, "label": "A"}, {"source": 36, "target": 14, "label": "F"}, {"source": 39, "target": 22, "label": "F"}, {"source": 29, "target": 28, "label": "H"}, {"source": 38, "target": 20, "label": "S"}, {"source": 40, "target": 27, "label": "U"}, {"source": 35, "target": 11, "label": "U"}, {"source": 32, "target": 7, "label": "C"}, {"source": 29, "target": 35, "label": "H"}, {"source": 35, "target": 12, "label": "P"}, {"source": 37, "target": 18, "label": "F"}, {"source": 28, "target": 1, "label": "P"}, {"source": 37, "target": 19, "label": "C"}, {"source": 38, "target": 40, "label": "A"}, {"source": 34, "target": 33, "label": "E"}, {"source": 39, "target": 23, "label": "C"}, {"source": 40, "target": 26, "label": "C"}]} +{"id": "116821-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have crushed red pepper flakes and oregano.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 12, "label": "C"}, {"source": 12, "target": 14, "label": "E"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "P"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 11, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 13, "label": "A"}]} +{"id": "116821-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I ordered a slice.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "116821-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It tasted like I just flew back home.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}, {"from": 10, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "T"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 4, "label": "D"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 0, "label": "G"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "116821-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I dunno how they did it, but Scottish friends--- this is THE REAL DEAL.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 5}]}, {"id": 3, "anchors": [{"from": 5, "to": 7}]}, {"id": 4, "anchors": [{"from": 8, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 23}]}, {"id": 8, "anchors": [{"from": 23, "to": 24}]}, {"id": 9, "anchors": [{"from": 25, "to": 28}]}, {"id": 10, "anchors": [{"from": 29, "to": 37}, {"from": 38, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 19, "target": 8, "label": "U"}, {"source": 23, "target": 15, "label": "E"}, {"source": 20, "target": 7, "label": "A"}, {"source": 22, "target": 23, "label": "S"}, {"source": 18, "target": 2, "label": "D"}, {"source": 20, "target": 5, "label": "A"}, {"source": 20, "target": 6, "label": "P"}, {"source": 21, "target": 11, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 12, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 13, "label": "S"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 4, "label": "D"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 23, "target": 16, "label": "C"}, {"source": 21, "target": 10, "label": "G"}, {"source": 23, "target": 14, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "116821-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I congratulated this establishment for doing the research on making NYC pizza because these Scots fcking nailed it.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 97}]}, {"id": 15, "anchors": [{"from": 98, "to": 104}]}, {"id": 16, "anchors": [{"from": 105, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 114}]}, {"id": 18, "anchors": [{"from": 114, "to": 115}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 10, "label": "E"}, {"source": 19, "target": 1, "label": "P"}, {"source": 27, "target": 17, "label": "A"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 9, "label": "P"}, {"source": 27, "target": 18, "label": "U"}, {"source": 26, "target": 14, "label": "C"}, {"source": 20, "target": 27, "label": "H"}, {"source": 26, "target": 13, "label": "E"}, {"source": 27, "target": 15, "label": "G"}, {"source": 22, "target": 23, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "A"}, {"source": 27, "target": 16, "label": "P"}, {"source": 24, "target": 8, "label": "R"}, {"source": 19, "target": 22, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 2, "label": "E"}, {"source": 20, "target": 12, "label": "L"}, {"source": 25, "target": 11, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 3, "label": "C"}, {"source": 22, "target": 4, "label": "R"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "116821-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That being said, I don't know how their delivery service is.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 7, "label": "S"}, {"source": 15, "target": 3, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "D"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 14, "label": "L"}, {"source": 17, "target": 12, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 4, "label": "A"}, {"source": 17, "target": 18, "label": "P"}]} +{"id": "116821-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They might want to change the name to reflect the new yorkedness of the pizza, scrummy yummy sounds gimmicky to me.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}, {"from": 54, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 86}, {"from": 87, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 29, "target": 30, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 23, "target": 4, "label": "P"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 8, "label": "P"}, {"source": 28, "target": 12, "label": "F"}, {"source": 30, "target": 19, "label": "C"}, {"source": 23, "target": 3, "label": "R"}, {"source": 25, "target": 27, "label": "A"}, {"source": 28, "target": 11, "label": "R"}, {"source": 22, "target": 14, "label": "U"}, {"source": 29, "target": 15, "label": "A"}, {"source": 21, "target": 1, "label": "D"}, {"source": 24, "target": 5, "label": "F"}, {"source": 30, "target": 18, "label": "R"}, {"source": 29, "target": 17, "label": "S"}, {"source": 22, "target": 29, "label": "H"}, {"source": 30, "target": 20, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 26, "target": 9, "label": "F"}, {"source": 27, "target": 26, "label": "S"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "G"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 13, "label": "C"}, {"source": 22, "target": 25, "label": "H"}]} +{"id": "117115-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent service and quality", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 2, "label": "L"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "D"}, {"source": 6, "target": 3, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "117115-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had Hom-Excel replace most of the windows in my Tampa residence three years ago.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 2, "label": "A"}, {"source": 21, "target": 10, "label": "S"}, {"source": 19, "target": 6, "label": "R"}, {"source": 19, "target": 8, "label": "C"}, {"source": 22, "target": 13, "label": "Q"}, {"source": 20, "target": 12, "label": "C"}, {"source": 21, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "Q"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 2, "target": 3, "label": "U"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 15, "label": "R"}, {"source": 18, "target": 22, "label": "T"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 4, "label": "P"}, {"source": 20, "target": 9, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 7, "label": "F"}, {"source": 22, "target": 16, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "117115-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The excellent windows have performed without any problems, but that's not why I'm writing my review.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 9, "label": "L"}, {"source": 23, "target": 25, "label": "H"}, {"source": 27, "target": 19, "label": "U"}, {"source": 27, "target": 17, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 27, "target": 18, "label": "P"}, {"source": 20, "target": 1, "label": "S"}, {"source": 24, "target": 5, "label": "E"}, {"source": 26, "target": 15, "label": "F"}, {"source": 23, "target": 8, "label": "U"}, {"source": 21, "target": 0, "label": "F"}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 6, "label": "E"}, {"source": 23, "target": 26, "label": "H"}, {"source": 22, "target": 4, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 21, "target": 2, "label": "C"}, {"source": 22, "target": 20, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 26, "target": 14, "label": "A"}, {"source": 25, "target": 12, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 24, "label": "D"}, {"source": 22, "target": 3, "label": "F"}]} +{"id": "117115-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Three weeks ago, burglars tried to gain entry into the rear of my home.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 2, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 22, "target": 10, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 18, "target": 20, "label": "P"}, {"source": 20, "target": 6, "label": "R"}, {"source": 19, "target": 4, "label": "P"}, {"source": 21, "target": 23, "label": "E"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "Q"}, {"source": 23, "target": 13, "label": "S"}, {"source": 18, "target": 3, "label": "U"}, {"source": 21, "target": 9, "label": "R"}, {"source": 23, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "D"}, {"source": 18, "target": 16, "label": "T"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 4, "label": "A"}]} +{"id": "117115-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The intruders slit the screen of the window.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 9, "target": 10, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 12, "target": 9, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 13, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "117115-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Next, they tried to force the window with a pry bar and then to break the window with a hammer.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 95}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 23, "target": 3, "label": "D"}, {"source": 26, "target": 14, "label": "F"}, {"source": 23, "target": 4, "label": "F"}, {"source": 28, "target": 21, "label": "U"}, {"source": 26, "target": 15, "label": "P"}, {"source": 22, "target": 0, "label": "L"}, {"source": 28, "target": 18, "label": "R"}, {"source": 25, "target": 9, "label": "F"}, {"source": 25, "target": 8, "label": "R"}, {"source": 26, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 20, "label": "C"}, {"source": 24, "target": 6, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 16, "label": "F"}, {"source": 28, "target": 19, "label": "F"}, {"source": 25, "target": 11, "label": "C"}, {"source": 23, "target": 5, "label": "P"}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 1, "label": "U"}, {"source": 22, "target": 26, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 23, "label": "H"}]} +{"id": "117115-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The window didn't break!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "117115-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My next-door neighbor heard the noise and turned on a light, thankfully scaring the two miscreants away (they even left their hammer behind!).", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 139}]}, {"id": 27, "anchors": [{"from": 139, "to": 140}]}, {"id": 28, "anchors": [{"from": 140, "to": 141}]}, {"id": 29, "anchors": [{"from": 141, "to": 142}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 37, "target": 15, "label": "P"}, {"source": 40, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 18, "label": "C"}, {"source": 37, "target": 14, "label": "G"}, {"source": 32, "target": 35, "label": "H"}, {"source": 35, "target": 10, "label": "D"}, {"source": 39, "target": 28, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 32, "target": 20, "label": "U"}, {"source": 37, "target": 38, "label": "A"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 11, "label": "F"}, {"source": 34, "target": 7, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 38, "target": 17, "label": "Q"}, {"source": 30, "target": 4, "label": "S"}, {"source": 41, "target": 40, "label": "E"}, {"source": 32, "target": 39, "label": "H"}, {"source": 36, "target": 12, "label": "C"}, {"source": 40, "target": 24, "label": "S"}, {"source": 33, "target": 3, "label": "C"}, {"source": 30, "target": 4, "label": "A"}, {"source": 35, "target": 9, "label": "P"}, {"source": 31, "target": 30, "label": "A"}, {"source": 37, "target": 19, "label": "D"}, {"source": 32, "target": 37, "label": "H"}, {"source": 31, "target": 34, "label": "A"}, {"source": 38, "target": 16, "label": "F"}, {"source": 39, "target": 23, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 21, "label": "A"}, {"source": 39, "target": 29, "label": "U"}, {"source": 39, "target": 27, "label": "U"}, {"source": 39, "target": 22, "label": "D"}, {"source": 41, "target": 25, "label": "C"}, {"source": 39, "target": 26, "label": "D"}, {"source": 37, "target": 13, "label": "U"}, {"source": 37, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 41, "label": "A"}, {"source": 35, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 6, "label": "F"}, {"source": 33, "target": 2, "label": "U"}, {"source": 33, "target": 1, "label": "E"}, {"source": 32, "target": 8, "label": "L"}, {"source": 31, "target": 5, "label": "P"}]} +{"id": "117115-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called Home-Excel the next day to order a replacement screen for the window, and was happily surprised when they said that they weren't even going to charge me for the replacement screen...that it would be covered under their guarentee.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 188}]}, {"id": 36, "anchors": [{"from": 188, "to": 191}]}, {"id": 37, "anchors": [{"from": 191, "to": 195}]}, {"id": 38, "anchors": [{"from": 196, "to": 198}]}, {"id": 39, "anchors": [{"from": 199, "to": 204}]}, {"id": 40, "anchors": [{"from": 205, "to": 207}]}, {"id": 41, "anchors": [{"from": 208, "to": 215}]}, {"id": 42, "anchors": [{"from": 216, "to": 221}]}, {"id": 43, "anchors": [{"from": 222, "to": 227}]}, {"id": 44, "anchors": [{"from": 228, "to": 237}]}, {"id": 45, "anchors": [{"from": 237, "to": 238}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 47, "target": 36, "label": "U"}, {"source": 50, "target": 11, "label": "C"}, {"source": 58, "target": 37, "label": "R"}, {"source": 56, "target": 33, "label": "F"}, {"source": 55, "target": 56, "label": "A"}, {"source": 55, "target": 27, "label": "D"}, {"source": 59, "target": 44, "label": "C"}, {"source": 53, "target": 17, "label": "F"}, {"source": 56, "target": 35, "label": "C"}, {"source": 56, "target": 57, "label": "E"}, {"source": 52, "target": 14, "label": "C"}, {"source": 49, "target": 52, "label": "A"}, {"source": 47, "target": 54, "label": "H"}, {"source": 52, "target": 13, "label": "F"}, {"source": 50, "target": 9, "label": "F"}, {"source": 59, "target": 42, "label": "R"}, {"source": 52, "target": 12, "label": "R"}, {"source": 59, "target": 60, "label": "E"}, {"source": 55, "target": 24, "label": "A"}, {"source": 58, "target": 59, "label": "A"}, {"source": 56, "target": 32, "label": "R"}, {"source": 46, "target": 48, "label": "T"}, {"source": 46, "target": 1, "label": "P"}, {"source": 55, "target": 30, "label": "P"}, {"source": 49, "target": 8, "label": "P"}, {"source": 47, "target": 7, "label": "L"}, {"source": 47, "target": 20, "label": "L"}, {"source": 47, "target": 49, "label": "H"}, {"source": 49, "target": 50, "label": "A"}, {"source": 49, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 31, "label": "A"}, {"source": 2, "target": 3, "label": "U"}, {"source": 58, "target": 38, "label": "A"}, {"source": 58, "target": 41, "label": "P"}, {"source": 55, "target": 25, "label": "F"}, {"source": 55, "target": 26, "label": "D"}, {"source": 51, "target": 10, "label": "P"}, {"source": 47, "target": 58, "label": "H"}, {"source": 47, "target": 53, "label": "H"}, {"source": 54, "target": 55, "label": "A"}, {"source": 48, "target": 6, "label": "C"}, {"source": 54, "target": 21, "label": "A"}, {"source": 48, "target": 4, "label": "F"}, {"source": 53, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 0, "label": "A"}, {"source": 53, "target": 18, "label": "D"}, {"source": 54, "target": 22, "label": "P"}, {"source": 60, "target": 43, "label": "S"}, {"source": 46, "target": 2, "label": "A"}, {"source": 58, "target": 39, "label": "D"}, {"source": 60, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 23, "label": "R"}, {"source": 53, "target": 19, "label": "P"}, {"source": 55, "target": 29, "label": "F"}, {"source": 59, "target": 45, "label": "U"}, {"source": 55, "target": 28, "label": "F"}, {"source": 57, "target": 34, "label": "P"}, {"source": 47, "target": 16, "label": "L"}, {"source": 50, "target": 51, "label": "E"}, {"source": 58, "target": 40, "label": "F"}, {"source": 47, "target": 15, "label": "U"}, {"source": 47, "target": 46, "label": "H"}, {"source": 48, "target": 5, "label": "E"}]} +{"id": "117115-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Lo and behold, they replaced the screen (which had to be ordered) yesterday and didn't charge me a dime.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}, {"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "anchors": [{"from": 64, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 24, "target": 9, "label": "F"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 1, "label": "U"}, {"source": 25, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 4, "label": "F"}, {"source": 21, "target": 12, "label": "T"}, {"source": 22, "target": 11, "label": "U"}, {"source": 24, "target": 8, "label": "D"}, {"source": 26, "target": 19, "label": "C"}, {"source": 21, "target": 2, "label": "A"}, {"source": 26, "target": 18, "label": "F"}, {"source": 23, "target": 5, "label": "C"}, {"source": 24, "target": 10, "label": "P"}, {"source": 22, "target": 6, "label": "U"}, {"source": 25, "target": 14, "label": "F"}, {"source": 21, "target": 0, "label": "G"}, {"source": 22, "target": 24, "label": "H"}, {"source": 25, "target": 15, "label": "D"}, {"source": 21, "target": 3, "label": "P"}, {"source": 26, "target": 20, "label": "U"}, {"source": 25, "target": 17, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 16, "label": "P"}]} +{"id": "117115-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their worker even cleaned 3 of my windows and changed a lightbulb for me.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 20, "target": 9, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "H"}, {"source": 22, "target": 14, "label": "U"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 6, "label": "S"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 4, "label": "Q"}, {"source": 22, "target": 12, "label": "R"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 22, "target": 13, "label": "C"}, {"source": 17, "target": 8, "label": "L"}, {"source": 15, "target": 1, "label": "A"}, {"source": 16, "target": 3, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "117115-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "In this day and age, it is so rare to find a company with such nice workers and such far ranging guarantee policies.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 32, "target": 16, "label": "C"}, {"source": 27, "target": 5, "label": "U"}, {"source": 25, "target": 28, "label": "C"}, {"source": 34, "target": 19, "label": "D"}, {"source": 28, "target": 2, "label": "C"}, {"source": 31, "target": 18, "label": "L"}, {"source": 27, "target": 30, "label": "A"}, {"source": 25, "target": 1, "label": "E"}, {"source": 27, "target": 29, "label": "T"}, {"source": 35, "target": 20, "label": "E"}, {"source": 28, "target": 4, "label": "C"}, {"source": 33, "target": 17, "label": "A"}, {"source": 31, "target": 33, "label": "H"}, {"source": 27, "target": 7, "label": "F"}, {"source": 27, "target": 10, "label": "F"}, {"source": 32, "target": 15, "label": "E"}, {"source": 36, "target": 22, "label": "E"}, {"source": 30, "target": 12, "label": "F"}, {"source": 27, "target": 11, "label": "P"}, {"source": 34, "target": 35, "label": "S"}, {"source": 29, "target": 8, "label": "E"}, {"source": 30, "target": 13, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 25, "target": 0, "label": "R"}, {"source": 36, "target": 23, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 28, "target": 3, "label": "N"}, {"source": 26, "target": 27, "label": "H"}, {"source": 27, "target": 25, "label": "T"}, {"source": 27, "target": 6, "label": "F"}, {"source": 31, "target": 34, "label": "H"}, {"source": 36, "target": 24, "label": "U"}, {"source": 33, "target": 17, "label": "S"}, {"source": 35, "target": 21, "label": "C"}, {"source": 31, "target": 14, "label": "R"}, {"source": 33, "target": 32, "label": "D"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "117115-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I rarely write reviews such as this one, but they certainly deserve anyone's business!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 7, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 17, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 13, "label": "R"}, {"source": 22, "target": 14, "label": "P"}, {"source": 21, "target": 12, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "T"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 20, "target": 11, "label": "S"}, {"source": 20, "target": 10, "label": "D"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 8, "label": "L"}]} +{"id": "117893-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Aweesome", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "117893-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Holy cow was that a delicious meal.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 0, "label": "G"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "117893-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hot, fresh, delicious.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 9, "target": 4, "label": "S"}]} +{"id": "117893-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Loved every bit of it. :)", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 9, "label": "Q"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "Q"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "118668-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hidden Treasure.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "118668-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Strip mall asian it is not!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "118668-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go in and you will not think you are in Chesapeake.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 0, "label": "P"}, {"source": 15, "target": 9, "label": "S"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 2, "label": "L"}, {"source": 14, "target": 5, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 10, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "F"}, {"source": 14, "target": 6, "label": "P"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 7, "label": "A"}, {"source": 12, "target": 1, "label": "A"}]} +{"id": "118668-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The setting feels like a Sushi bar in NYC; small, cozy, but with flair.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 70}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 15, "label": "R"}, {"source": 18, "target": 0, "label": "F"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 24, "target": 12, "label": "S"}, {"source": 20, "target": 13, "label": "U"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 3, "label": "S"}, {"source": 25, "target": 26, "label": "S"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "R"}, {"source": 19, "target": 18, "label": "A"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 25, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 2, "label": "G"}, {"source": 23, "target": 10, "label": "S"}, {"source": 18, "target": 1, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 20, "target": 9, "label": "U"}, {"source": 20, "target": 11, "label": "U"}, {"source": 20, "target": 14, "label": "L"}]} +{"id": "118668-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Get great service, fantastic menu, and relax.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 11, "target": 15, "label": "H"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 4, "label": "S"}, {"source": 11, "target": 3, "label": "U"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 15, "target": 8, "label": "P"}, {"source": 14, "target": 12, "label": "E"}, {"source": 11, "target": 6, "label": "U"}, {"source": 13, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "L"}, {"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "118668-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best in HR so far!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 3, "label": "T"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 7, "label": "P"}, {"source": 6, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "118679-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I really want to like this place since I work right around the corner.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 9, "label": "P"}, {"source": 18, "target": 5, "label": "E"}, {"source": 21, "target": 12, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "P"}, {"source": 19, "target": 8, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "E"}, {"source": 16, "target": 7, "label": "L"}, {"source": 21, "target": 20, "label": "R"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "118679-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Unfortunately, I've given it a couple of tries at different times and decided to stop going.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 19, "target": 0, "label": "G"}, {"source": 25, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "E"}, {"source": 19, "target": 3, "label": "F"}, {"source": 19, "target": 21, "label": "P"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 23, "label": "T"}, {"source": 24, "target": 14, "label": "P"}, {"source": 22, "target": 7, "label": "Q"}, {"source": 20, "target": 13, "label": "L"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 16, "label": "D"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 6, "label": "F"}, {"source": 19, "target": 22, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 12, "label": "C"}, {"source": 21, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "A"}, {"source": 25, "target": 15, "label": "F"}, {"source": 23, "target": 10, "label": "R"}, {"source": 19, "target": 1, "label": "U"}]} +{"id": "118679-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The employees don't really seem to enjoy what they are doing and it shows.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 1, "label": "C"}, {"source": 16, "target": 17, "label": "S"}, {"source": 18, "target": 3, "label": "D"}, {"source": 21, "target": 22, "label": "E"}, {"source": 22, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 6, "label": "F"}, {"source": 17, "target": 0, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 23, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 22, "target": 11, "label": "P"}, {"source": 18, "target": 20, "label": "G"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 14, "label": "P"}, {"source": 22, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 16, "label": "A"}, {"source": 23, "target": 13, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "118718-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Surgeon", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "118718-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I needed wisdom teeth taken out.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 11, "label": "P"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "E"}, {"source": 11, "target": 5, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "118718-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Wallen and staff was excellent.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 4, "label": "F"}, {"source": 7, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "N"}, {"source": 8, "target": 11, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 7, "label": "C"}, {"source": 10, "target": 5, "label": "S"}, {"source": 11, "target": 3, "label": "S"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "118718-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were accomdating with my scheduled and work with my insurance to get payment for the surgery.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 97}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "L"}, {"source": 19, "target": 6, "label": "L"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 23, "label": "P"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 25, "target": 14, "label": "R"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 13, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "118718-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Dr. Wallen explained the procedure in detail and took his time with me.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 21, "label": "H"}, {"source": 20, "target": 10, "label": "C"}, {"source": 21, "target": 9, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 11, "label": "R"}, {"source": 15, "target": 2, "label": "P"}, {"source": 21, "target": 20, "label": "T"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 22, "target": 12, "label": "C"}, {"source": 15, "target": 19, "label": "D"}, {"source": 22, "target": 13, "label": "U"}, {"source": 20, "target": 8, "label": "F"}, {"source": 14, "target": 0, "label": "E"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 20, "label": "P"}, {"source": 16, "target": 7, "label": "L"}, {"source": 15, "target": 14, "label": "A"}]} +{"id": "118718-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Staff explained insurance procedures and was very helpful.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "F"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 2, "label": "A"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "A"}, {"source": 13, "target": 7, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 0, "label": "S"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 3, "label": "P"}]} +{"id": "118718-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everyone was very nice.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "118770-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is clean and well run with great people.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 8, "label": "S"}, {"source": 14, "target": 5, "label": "D"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "S"}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "118770-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is fresh and taste great.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "G"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 8, "label": "A"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "L"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "118770-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great value and service.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "118770-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We will be back again and again !!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "N"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "119026-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Anna Marie and Govind are very sweet people, and the minute you steep into their school, the calm loving atmosphere takes over, and tension and worries stay outside in the street, whether or not you pick them up again after class is probably a question of practice.", "tops": [51], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 121}, {"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 126, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 164}]}, {"id": 29, "anchors": [{"from": 165, "to": 167}]}, {"id": 30, "anchors": [{"from": 168, "to": 171}]}, {"id": 31, "anchors": [{"from": 172, "to": 178}]}, {"id": 32, "anchors": [{"from": 178, "to": 179}]}, {"id": 33, "anchors": [{"from": 180, "to": 187}]}, {"id": 34, "anchors": [{"from": 188, "to": 190}]}, {"id": 35, "anchors": [{"from": 191, "to": 194}]}, {"id": 36, "anchors": [{"from": 195, "to": 198}]}, {"id": 37, "anchors": [{"from": 199, "to": 203}, {"from": 209, "to": 211}]}, {"id": 38, "anchors": [{"from": 204, "to": 208}]}, {"id": 39, "anchors": [{"from": 212, "to": 217}]}, {"id": 40, "anchors": [{"from": 218, "to": 223}]}, {"id": 41, "anchors": [{"from": 224, "to": 229}]}, {"id": 42, "anchors": [{"from": 230, "to": 232}]}, {"id": 43, "anchors": [{"from": 233, "to": 241}]}, {"id": 44, "anchors": [{"from": 242, "to": 243}]}, {"id": 45, "anchors": [{"from": 244, "to": 252}]}, {"id": 46, "anchors": [{"from": 253, "to": 255}]}, {"id": 47, "anchors": [{"from": 256, "to": 264}]}, {"id": 48, "anchors": [{"from": 264, "to": 265}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}], "edges": [{"source": 51, "target": 32, "label": "U"}, {"source": 54, "target": 10, "label": "C"}, {"source": 60, "target": 24, "label": "S"}, {"source": 51, "target": 65, "label": "H"}, {"source": 61, "target": 27, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 8, "label": "L"}, {"source": 62, "target": 63, "label": "E"}, {"source": 55, "target": 56, "label": "A"}, {"source": 55, "target": 11, "label": "A"}, {"source": 51, "target": 22, "label": "U"}, {"source": 51, "target": 67, "label": "L"}, {"source": 51, "target": 16, "label": "U"}, {"source": 59, "target": 58, "label": "S"}, {"source": 59, "target": 19, "label": "D"}, {"source": 51, "target": 7, "label": "U"}, {"source": 63, "target": 29, "label": "R"}, {"source": 51, "target": 25, "label": "L"}, {"source": 65, "target": 38, "label": "A"}, {"source": 56, "target": 57, "label": "E"}, {"source": 50, "target": 49, "label": "A"}, {"source": 68, "target": 47, "label": "P"}, {"source": 61, "target": 26, "label": "S"}, {"source": 65, "target": 36, "label": "A"}, {"source": 49, "target": 1, "label": "N"}, {"source": 51, "target": 54, "label": "L"}, {"source": 67, "target": 43, "label": "E"}, {"source": 64, "target": 33, "label": "C"}, {"source": 66, "target": 40, "label": "R"}, {"source": 51, "target": 59, "label": "H"}, {"source": 60, "target": 27, "label": "D"}, {"source": 58, "target": 20, "label": "C"}, {"source": 51, "target": 68, "label": "H"}, {"source": 51, "target": 55, "label": "H"}, {"source": 57, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 67, "target": 44, "label": "E"}, {"source": 67, "target": 42, "label": "F"}, {"source": 52, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 50, "label": "H"}, {"source": 65, "target": 64, "label": "D"}, {"source": 68, "target": 48, "label": "U"}, {"source": 55, "target": 12, "label": "P"}, {"source": 65, "target": 66, "label": "A"}, {"source": 54, "target": 9, "label": "F"}, {"source": 61, "target": 62, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 0, "label": "C"}, {"source": 58, "target": 17, "label": "F"}, {"source": 66, "target": 41, "label": "P"}, {"source": 53, "target": 6, "label": "C"}, {"source": 68, "target": 46, "label": "F"}, {"source": 64, "target": 35, "label": "C"}, {"source": 60, "target": 62, "label": "A"}, {"source": 56, "target": 13, "label": "R"}, {"source": 64, "target": 34, "label": "N"}, {"source": 49, "target": 2, "label": "C"}, {"source": 63, "target": 31, "label": "C"}, {"source": 57, "target": 14, "label": "S"}, {"source": 50, "target": 53, "label": "A"}, {"source": 65, "target": 37, "label": "P"}, {"source": 59, "target": 21, "label": "D"}, {"source": 53, "target": 52, "label": "E"}, {"source": 50, "target": 3, "label": "S"}, {"source": 52, "target": 5, "label": "S"}, {"source": 56, "target": 15, "label": "C"}, {"source": 63, "target": 30, "label": "F"}, {"source": 52, "target": 4, "label": "D"}, {"source": 62, "target": 28, "label": "C"}, {"source": 51, "target": 23, "label": "L"}, {"source": 51, "target": 60, "label": "H"}, {"source": 51, "target": 61, "label": "H"}, {"source": 67, "target": 45, "label": "C"}, {"source": 59, "target": 18, "label": "D"}, {"source": 65, "target": 39, "label": "D"}]} +{"id": "119026-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A wonderful place, if you want more than just the physical side of yoga.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 18, "target": 4, "label": "L"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 0, "label": "F"}, {"source": 22, "target": 21, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 3, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 16, "target": 1, "label": "S"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 16, "label": "H"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 20, "target": 8, "label": "R"}, {"source": 19, "target": 6, "label": "P"}, {"source": 19, "target": 5, "label": "A"}, {"source": 21, "target": 10, "label": "F"}, {"source": 19, "target": 20, "label": "D"}]} +{"id": "119026-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Give yourself the gift of trying this place, to see if it fits you...", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 17, "target": 7, "label": "U"}, {"source": 21, "target": 12, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 15, "target": 0, "label": "E"}, {"source": 21, "target": 11, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 19, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 10, "label": "L"}, {"source": 16, "target": 15, "label": "D"}, {"source": 21, "target": 13, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 18, "label": "P"}, {"source": 18, "target": 4, "label": "C"}, {"source": 18, "target": 3, "label": "R"}, {"source": 17, "target": 8, "label": "L"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "120335-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "You can fool people", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "120335-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This store is proof that you can fool people with good advertising.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 4, "label": "R"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 11, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 3, "label": "S"}, {"source": 16, "target": 5, "label": "A"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "120335-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They convince lots of people that they are a great store, when in fact they are a very average place at best, they are just another big box store like the others.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}, {"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 154}]}, {"id": 32, "anchors": [{"from": 155, "to": 161}]}, {"id": 33, "anchors": [{"from": 161, "to": 162}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 46, "target": 29, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 44, "target": 21, "label": "C"}, {"source": 40, "target": 44, "label": "D"}, {"source": 50, "target": 32, "label": "C"}, {"source": 50, "target": 33, "label": "U"}, {"source": 36, "target": 3, "label": "R"}, {"source": 34, "target": 0, "label": "A"}, {"source": 40, "target": 14, "label": "A"}, {"source": 46, "target": 26, "label": "E"}, {"source": 41, "target": 42, "label": "E"}, {"source": 50, "target": 31, "label": "F"}, {"source": 37, "target": 38, "label": "A"}, {"source": 47, "target": 48, "label": "S"}, {"source": 40, "target": 13, "label": "G"}, {"source": 35, "target": 45, "label": "H"}, {"source": 43, "target": 17, "label": "E"}, {"source": 37, "target": 7, "label": "S"}, {"source": 39, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 30, "label": "L"}, {"source": 35, "target": 49, "label": "H"}, {"source": 48, "target": 27, "label": "E"}, {"source": 44, "target": 20, "label": "R"}, {"source": 43, "target": 18, "label": "C"}, {"source": 37, "target": 6, "label": "A"}, {"source": 46, "target": 25, "label": "E"}, {"source": 34, "target": 37, "label": "A"}, {"source": 49, "target": 48, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 15, "label": "S"}, {"source": 45, "target": 24, "label": "S"}, {"source": 49, "target": 50, "label": "A"}, {"source": 37, "target": 5, "label": "R"}, {"source": 46, "target": 47, "label": "E"}, {"source": 45, "target": 23, "label": "A"}, {"source": 35, "target": 12, "label": "L"}, {"source": 34, "target": 1, "label": "P"}, {"source": 38, "target": 10, "label": "C"}, {"source": 42, "target": 43, "label": "S"}, {"source": 34, "target": 36, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 38, "target": 39, "label": "E"}, {"source": 41, "target": 19, "label": "C"}, {"source": 36, "target": 2, "label": "Q"}, {"source": 38, "target": 8, "label": "F"}, {"source": 39, "target": 9, "label": "S"}, {"source": 48, "target": 28, "label": "C"}, {"source": 42, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 11, "label": "U"}, {"source": 47, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 4, "label": "C"}, {"source": 41, "target": 16, "label": "F"}, {"source": 35, "target": 34, "label": "H"}, {"source": 35, "target": 40, "label": "H"}, {"source": 35, "target": 22, "label": "U"}]} +{"id": "120335-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They offer sales that aren't really sales, mislabeled items that make the item sound like a good deal when it isn't, a bad attitude about return items, and on and on.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 150}]}, {"id": 31, "anchors": [{"from": 150, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 165}]}, {"id": 36, "anchors": [{"from": 165, "to": 166}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 46, "target": 22, "label": "F"}, {"source": 37, "target": 1, "label": "P"}, {"source": 53, "target": 36, "label": "U"}, {"source": 47, "target": 27, "label": "C"}, {"source": 38, "target": 8, "label": "U"}, {"source": 38, "target": 11, "label": "L"}, {"source": 38, "target": 37, "label": "H"}, {"source": 42, "target": 10, "label": "A"}, {"source": 43, "target": 45, "label": "P"}, {"source": 46, "target": 23, "label": "D"}, {"source": 39, "target": 2, "label": "P"}, {"source": 41, "target": 7, "label": "P"}, {"source": 48, "target": 26, "label": "D"}, {"source": 51, "target": 32, "label": "N"}, {"source": 53, "target": 34, "label": "N"}, {"source": 46, "target": 21, "label": "A"}, {"source": 46, "target": 19, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 40, "label": "A"}, {"source": 43, "target": 12, "label": "F"}, {"source": 38, "target": 31, "label": "U"}, {"source": 43, "target": 16, "label": "F"}, {"source": 46, "target": 18, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 33, "label": "C"}, {"source": 47, "target": 25, "label": "F"}, {"source": 50, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 19, "label": "C"}, {"source": 52, "target": 51, "label": "C"}, {"source": 53, "target": 35, "label": "C"}, {"source": 45, "target": 17, "label": "F"}, {"source": 50, "target": 29, "label": "P"}, {"source": 40, "target": 39, "label": "A"}, {"source": 44, "target": 14, "label": "C"}, {"source": 40, "target": 3, "label": "F"}, {"source": 42, "target": 9, "label": "P"}, {"source": 40, "target": 4, "label": "S"}, {"source": 48, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 47, "label": "S"}, {"source": 44, "target": 13, "label": "F"}, {"source": 41, "target": 5, "label": "D"}, {"source": 38, "target": 42, "label": "H"}, {"source": 38, "target": 48, "label": "H"}, {"source": 38, "target": 46, "label": "H"}, {"source": 37, "target": 0, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 38, "target": 43, "label": "H"}, {"source": 49, "target": 28, "label": "R"}, {"source": 38, "target": 24, "label": "U"}, {"source": 43, "target": 15, "label": "G"}, {"source": 41, "target": 6, "label": "D"}, {"source": 49, "target": 50, "label": "E"}, {"source": 38, "target": 52, "label": "H"}, {"source": 48, "target": 49, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 18, "label": "D"}, {"source": 49, "target": 30, "label": "C"}, {"source": 38, "target": 20, "label": "L"}, {"source": 52, "target": 53, "label": "C"}]} +{"id": "120335-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "With higher than average prices to boot!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 0, "label": "L"}, {"source": 8, "target": 2, "label": "L"}, {"source": 9, "target": 12, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 1, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "120335-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So don't get taken in, keep your eyes open if you choose to shop here.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 8, "label": "E"}, {"source": 23, "target": 12, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 24, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "L"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "L"}, {"source": 21, "target": 10, "label": "S"}, {"source": 18, "target": 6, "label": "U"}, {"source": 24, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 2, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 16, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 19, "target": 20, "label": "P"}, {"source": 21, "target": 7, "label": "D"}, {"source": 18, "target": 23, "label": "H"}, {"source": 20, "target": 5, "label": "F"}, {"source": 24, "target": 15, "label": "P"}, {"source": 24, "target": 17, "label": "U"}]} +{"id": "120335-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "On the other hand, the Richmond Ukrops chain is known for its charity work, its community action, and its interest in the public welfare.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 12}, {"from": 13, "to": 17}]}, {"id": 1, "anchors": [{"from": 17, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}, {"from": 32, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 74, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 96}]}, {"id": 15, "anchors": [{"from": 96, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 128}]}, {"id": 22, "anchors": [{"from": 129, "to": 136}]}, {"id": 23, "anchors": [{"from": 136, "to": 137}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 32, "target": 20, "label": "F"}, {"source": 27, "target": 29, "label": "H"}, {"source": 27, "target": 15, "label": "U"}, {"source": 28, "target": 9, "label": "D"}, {"source": 29, "target": 13, "label": "A"}, {"source": 26, "target": 5, "label": "F"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 4, "label": "E"}, {"source": 27, "target": 30, "label": "H"}, {"source": 27, "target": 7, "label": "R"}, {"source": 25, "target": 2, "label": "F"}, {"source": 26, "target": 6, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 10, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 22, "label": "S"}, {"source": 30, "target": 17, "label": "A"}, {"source": 32, "target": 21, "label": "C"}, {"source": 27, "target": 11, "label": "U"}, {"source": 24, "target": 1, "label": "U"}, {"source": 27, "target": 16, "label": "L"}, {"source": 31, "target": 23, "label": "U"}, {"source": 25, "target": 3, "label": "C"}, {"source": 28, "target": 8, "label": "A"}, {"source": 30, "target": 18, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 29, "target": 14, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 12, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 24, "target": 0, "label": "L"}]} +{"id": "120724-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it was a little to high dollar for me", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 8, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "R"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 12, "label": "D"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 13, "label": "A"}]} +{"id": "120992-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Holly - the owner, knows exactly how to make you feel beautiful in clothes.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 16, "target": 1, "label": "U"}, {"source": 22, "target": 11, "label": "D"}, {"source": 22, "target": 12, "label": "S"}, {"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 5, "label": "S"}, {"source": 16, "target": 19, "label": "E"}, {"source": 16, "target": 0, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 18, "target": 16, "label": "A"}, {"source": 19, "target": 20, "label": "S"}, {"source": 18, "target": 4, "label": "U"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "120992-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stylish and contemporary, no matter your size or personality type.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 11, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "D"}, {"source": 13, "target": 3, "label": "U"}, {"source": 14, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 13, "target": 1, "label": "L"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "S"}, {"source": 17, "target": 8, "label": "L"}, {"source": 15, "target": 4, "label": "D"}]} +{"id": "120992-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She's an A+ and so are her clothes!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 18}]}, {"id": 7, "anchors": [{"from": 19, "to": 22}]}, {"id": 8, "anchors": [{"from": 23, "to": 26}]}, {"id": 9, "anchors": [{"from": 27, "to": 34}]}, {"id": 10, "anchors": [{"from": 34, "to": 35}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 3, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "S"}, {"source": 14, "target": 6, "label": "D"}, {"source": 14, "target": 7, "label": "F"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 13, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 15, "label": "E"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "121342-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were expecting a great experience, when we recieved a friendly greeting by the hosts.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 22, "label": "P"}, {"source": 21, "target": 8, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 11, "label": "D"}, {"source": 22, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "L"}, {"source": 21, "target": 9, "label": "D"}, {"source": 18, "target": 6, "label": "U"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 12, "label": "C"}, {"source": 17, "target": 2, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "D"}, {"source": 23, "target": 14, "label": "F"}]} +{"id": "121342-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The atmosphere was nice and very clean.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "D"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 8, "target": 0, "label": "F"}, {"source": 10, "target": 8, "label": "S"}, {"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "N"}, {"source": 12, "target": 7, "label": "U"}]} +{"id": "121342-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The menu had plenty of options even for picky eaters.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 15, "target": 9, "label": "P"}, {"source": 14, "target": 3, "label": "Q"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 9, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 8, "label": "D"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "121342-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service was ok, our waitress kept forgetting our drinks even though we reminded her several times.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}, {"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 20, "target": 11, "label": "L"}, {"source": 25, "target": 12, "label": "A"}, {"source": 22, "target": 8, "label": "P"}, {"source": 20, "target": 4, "label": "U"}, {"source": 21, "target": 5, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 22, "target": 21, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 6, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 7, "label": "D"}, {"source": 23, "target": 9, "label": "S"}, {"source": 26, "target": 15, "label": "Q"}, {"source": 19, "target": 18, "label": "P"}, {"source": 25, "target": 13, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 26, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 19, "target": 3, "label": "D"}, {"source": 21, "target": 6, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "121342-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "To start we tried the guacamole and salsa verde, it was completly flavorless.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}, {"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 4, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 17, "label": "C"}, {"source": 18, "target": 6, "label": "N"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "L"}, {"source": 19, "target": 9, "label": "A"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "D"}, {"source": 19, "target": 12, "label": "S"}, {"source": 14, "target": 0, "label": "R"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 3, "label": "P"}, {"source": 15, "target": 8, "label": "U"}]} +{"id": "121342-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We should have left then.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "T"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "121342-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We orderd our meals anyway, chimichangas,jalapeno borritos, and quesadillas.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}, {"from": 50, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 75}]}, {"id": 12, "anchors": [{"from": 75, "to": 76}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "U"}, {"source": 17, "target": 10, "label": "N"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 7, "label": "U"}, {"source": 14, "target": 5, "label": "U"}, {"source": 14, "target": 4, "label": "G"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 2, "label": "S"}, {"source": 17, "target": 8, "label": "C"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "121342-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everything was bland, completely void of any spice or flavor.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 7, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "S"}, {"source": 14, "target": 4, "label": "D"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 9, "label": "N"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "U"}, {"source": 12, "target": 2, "label": "S"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "121342-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have never had mexican food this bad, it was just simply gross.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 19, "target": 13, "label": "S"}, {"source": 18, "target": 6, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 18, "target": 7, "label": "S"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "D"}, {"source": 19, "target": 12, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 2, "label": "T"}, {"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "121342-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hopefully they spice things up or they wont be in business long.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 8, "label": "D"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 12, "label": "T"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 5, "label": "L"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 2, "label": "C"}, {"source": 14, "target": 3, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "G"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 18, "label": "P"}, {"source": 14, "target": 16, "label": "P"}]} +{"id": "121342-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recommend La Hacienda", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}, {"from": 15, "to": 23}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "A"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "121556-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Holly is truely the best hairstylist!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "D"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "E"}]} +{"id": "121556-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have lived in the UTC La Jolla area for many years, and I never new this salon was here until a friend reffered me to see Holly here.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}, {"from": 24, "to": 26}, {"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 134}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 11, "label": "L"}, {"source": 33, "target": 12, "label": "A"}, {"source": 30, "target": 39, "label": "H"}, {"source": 30, "target": 29, "label": "H"}, {"source": 39, "target": 28, "label": "U"}, {"source": 30, "target": 33, "label": "H"}, {"source": 29, "target": 2, "label": "P"}, {"source": 29, "target": 1, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 35, "target": 18, "label": "A"}, {"source": 33, "target": 14, "label": "P"}, {"source": 34, "target": 16, "label": "C"}, {"source": 30, "target": 19, "label": "L"}, {"source": 33, "target": 13, "label": "D"}, {"source": 39, "target": 27, "label": "A"}, {"source": 39, "target": 26, "label": "A"}, {"source": 35, "target": 18, "label": "S"}, {"source": 36, "target": 37, "label": "S"}, {"source": 35, "target": 34, "label": "A"}, {"source": 33, "target": 13, "label": "T"}, {"source": 38, "target": 36, "label": "A"}, {"source": 29, "target": 0, "label": "A"}, {"source": 39, "target": 25, "label": "P"}, {"source": 37, "target": 21, "label": "C"}, {"source": 31, "target": 6, "label": "E"}, {"source": 30, "target": 10, "label": "U"}, {"source": 29, "target": 31, "label": "A"}, {"source": 38, "target": 22, "label": "P"}, {"source": 31, "target": 5, "label": "C"}, {"source": 32, "target": 7, "label": "R"}, {"source": 32, "target": 9, "label": "C"}, {"source": 31, "target": 3, "label": "R"}, {"source": 31, "target": 4, "label": "F"}, {"source": 32, "target": 8, "label": "Q"}, {"source": 38, "target": 23, "label": "A"}, {"source": 37, "target": 20, "label": "F"}, {"source": 29, "target": 32, "label": "T"}, {"source": 35, "target": 17, "label": "F"}, {"source": 36, "target": 37, "label": "A"}, {"source": 39, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 38, "label": "H"}, {"source": 30, "target": 24, "label": "L"}, {"source": 34, "target": 15, "label": "E"}]} +{"id": "121556-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was very pleased with my experience here.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 6, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 11, "target": 7, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "121556-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All of the people were friendly and welcoming.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 12, "target": 7, "label": "S"}, {"source": 11, "target": 6, "label": "L"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 9, "target": 0, "label": "Q"}, {"source": 9, "target": 3, "label": "C"}, {"source": 10, "target": 5, "label": "S"}, {"source": 12, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "R"}, {"source": 9, "target": 2, "label": "F"}, {"source": 12, "target": 8, "label": "U"}]} +{"id": "121556-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I got highlights, haircut, and a blowdry.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "P"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 6, "label": "L"}, {"source": 11, "target": 3, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "U"}, {"source": 13, "target": 14, "label": "P"}]} +{"id": "121556-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She did a great job!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "121556-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Holly is very experienced and talented, and I could tell she new what she was doing right off the bat.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}, {"from": 90, "to": 93}, {"from": 94, "to": 97}, {"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "L"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 5, "label": "S"}, {"source": 19, "target": 3, "label": "S"}, {"source": 22, "target": 17, "label": "T"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 14, "label": "A"}, {"source": 22, "target": 10, "label": "P"}, {"source": 19, "target": 2, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "P"}, {"source": 24, "target": 16, "label": "P"}, {"source": 22, "target": 8, "label": "A"}, {"source": 22, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 21, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 15, "label": "F"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "121556-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My hair looks amazing, and I get compliments all the time.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 13, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 7, "label": "F"}, {"source": 16, "target": 17, "label": "T"}, {"source": 15, "target": 5, "label": "L"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 9, "label": "Q"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 17, "target": 10, "label": "F"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}]} +{"id": "121556-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I deffenitly reccomend this salon and Holly to anyone.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 12, "label": "C"}, {"source": 13, "target": 5, "label": "N"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 14, "label": "A"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "121556-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You will not be disappointed!!!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "121651-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We love our new roof!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 10, "target": 3, "label": "S"}, {"source": 10, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "121651-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We would like to thank you for the roofing job you did on our home.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 11, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "E"}, {"source": 20, "target": 15, "label": "U"}, {"source": 18, "target": 10, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 6, "label": "R"}, {"source": 19, "target": 8, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 21, "target": 13, "label": "S"}, {"source": 17, "target": 5, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 12, "label": "R"}, {"source": 17, "target": 4, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 7, "label": "F"}, {"source": 17, "target": 3, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 14, "label": "C"}]} +{"id": "121651-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everything was done on a timely manner and things were cleaned and picked up every day when the crew was done.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}, {"from": 74, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 24, "target": 9, "label": "F"}, {"source": 21, "target": 0, "label": "A"}, {"source": 23, "target": 3, "label": "R"}, {"source": 23, "target": 4, "label": "F"}, {"source": 21, "target": 23, "label": "T"}, {"source": 25, "target": 26, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 14, "label": "C"}, {"source": 26, "target": 13, "label": "E"}, {"source": 29, "target": 20, "label": "U"}, {"source": 24, "target": 8, "label": "A"}, {"source": 24, "target": 26, "label": "T"}, {"source": 22, "target": 15, "label": "L"}, {"source": 25, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "L"}, {"source": 28, "target": 16, "label": "F"}, {"source": 22, "target": 29, "label": "H"}, {"source": 24, "target": 10, "label": "P"}, {"source": 29, "target": 27, "label": "A"}, {"source": 29, "target": 19, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 27, "target": 28, "label": "S"}, {"source": 22, "target": 24, "label": "H"}, {"source": 29, "target": 18, "label": "F"}, {"source": 21, "target": 1, "label": "F"}, {"source": 23, "target": 5, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 12, "label": "P"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "121651-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We also liked the way that Ray checked on the job everyday.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 17, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 8, "label": "R"}, {"source": 16, "target": 1, "label": "R"}, {"source": 16, "target": 6, "label": "A"}, {"source": 15, "target": 2, "label": "P"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 19, "target": 9, "label": "F"}, {"source": 16, "target": 20, "label": "T"}, {"source": 19, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 19, "label": "P"}, {"source": 20, "target": 11, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "121651-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "And when the job was done every thing was cleaned up and hauled off that same day.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}, {"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}, {"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}, {"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 5, "label": "D"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 20, "label": "T"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 15, "target": 0, "label": "L"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 9, "label": "L"}, {"source": 17, "target": 16, "label": "P"}, {"source": 18, "target": 7, "label": "F"}, {"source": 15, "target": 19, "label": "H"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 6, "label": "A"}, {"source": 20, "target": 12, "label": "E"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "L"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 10, "label": "P"}, {"source": 20, "target": 11, "label": "E"}, {"source": 19, "target": 20, "label": "T", "properties": ["remote"], "values": [true]}]} +{"id": "121651-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We would not hesitate to use Spears Roofing again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}, {"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "A"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "D"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "121651-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have already recommended you to some of our friends!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 6, "label": "Q"}, {"source": 14, "target": 9, "label": "A"}, {"source": 12, "target": 2, "label": "T"}, {"source": 13, "target": 14, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 9, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 8, "label": "A"}]} +{"id": "121987-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "BEST PLACE IN AMES", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "121987-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I lived here for two years when the prices were a little lower :) The places are very nice and clean, and in great condition!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 124}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 34, "target": 18, "label": "S"}, {"source": 29, "target": 5, "label": "C"}, {"source": 36, "target": 25, "label": "S"}, {"source": 28, "target": 6, "label": "L"}, {"source": 29, "target": 4, "label": "Q"}, {"source": 28, "target": 34, "label": "H"}, {"source": 33, "target": 15, "label": "C"}, {"source": 27, "target": 29, "label": "T"}, {"source": 28, "target": 22, "label": "L"}, {"source": 28, "target": 21, "label": "U"}, {"source": 35, "target": 17, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 12, "label": "S"}, {"source": 34, "target": 16, "label": "F"}, {"source": 35, "target": 20, "label": "S"}, {"source": 36, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 1, "label": "P"}, {"source": 31, "target": 30, "label": "A"}, {"source": 31, "target": 32, "label": "D"}, {"source": 27, "target": 2, "label": "A"}, {"source": 30, "target": 8, "label": "C"}, {"source": 36, "target": 26, "label": "U"}, {"source": 34, "target": 17, "label": "D"}, {"source": 29, "target": 3, "label": "R"}, {"source": 35, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 31, "label": "H"}, {"source": 28, "target": 36, "label": "H"}, {"source": 36, "target": 24, "label": "D"}, {"source": 28, "target": 13, "label": "U"}, {"source": 28, "target": 35, "label": "H"}, {"source": 34, "target": 33, "label": "A"}, {"source": 30, "target": 7, "label": "F"}, {"source": 32, "target": 10, "label": "F"}, {"source": 32, "target": 11, "label": "C"}, {"source": 31, "target": 9, "label": "F"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 23, "label": "F"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 14, "label": "F"}, {"source": 28, "target": 19, "label": "L"}]} +{"id": "121987-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I really enjoyed the staff at Wessex, also the manager Sherri was always very nice and helpful.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 21, "label": "S"}, {"source": 23, "target": 6, "label": "C"}, {"source": 26, "target": 10, "label": "C"}, {"source": 20, "target": 16, "label": "L"}, {"source": 19, "target": 2, "label": "P"}, {"source": 25, "target": 15, "label": "S"}, {"source": 27, "target": 18, "label": "U"}, {"source": 27, "target": 17, "label": "S"}, {"source": 25, "target": 24, "label": "A"}, {"source": 20, "target": 27, "label": "H"}, {"source": 27, "target": 14, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "S"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 25, "label": "H"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 3, "label": "F"}, {"source": 19, "target": 1, "label": "D"}, {"source": 23, "target": 5, "label": "R"}, {"source": 24, "target": 8, "label": "R"}, {"source": 19, "target": 22, "label": "A"}, {"source": 27, "target": 13, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 9, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 13, "label": "T"}, {"source": 25, "target": 12, "label": "F"}, {"source": 27, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "D"}]} +{"id": "121987-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The fitness center was GREAT!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 9, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 2, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "121987-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The only problem that I had in 2 years of living there was that the walls are pretty thin, sometimes I could here my neighbors conversations.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 141}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 34, "target": 18, "label": "S"}, {"source": 31, "target": 36, "label": "H"}, {"source": 38, "target": 26, "label": "P"}, {"source": 29, "target": 3, "label": "F"}, {"source": 32, "target": 33, "label": "T"}, {"source": 36, "target": 38, "label": "A"}, {"source": 36, "target": 21, "label": "A"}, {"source": 30, "target": 29, "label": "A"}, {"source": 38, "target": 37, "label": "A"}, {"source": 37, "target": 25, "label": "S"}, {"source": 31, "target": 19, "label": "U"}, {"source": 36, "target": 20, "label": "T"}, {"source": 34, "target": 16, "label": "F"}, {"source": 32, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 11, "label": "A"}, {"source": 36, "target": 23, "label": "P"}, {"source": 29, "target": 28, "label": "D"}, {"source": 29, "target": 2, "label": "S"}, {"source": 34, "target": 13, "label": "R"}, {"source": 30, "target": 34, "label": "A"}, {"source": 30, "target": 12, "label": "S"}, {"source": 28, "target": 1, "label": "C"}, {"source": 35, "target": 15, "label": "C"}, {"source": 35, "target": 14, "label": "F"}, {"source": 34, "target": 17, "label": "D"}, {"source": 32, "target": 9, "label": "F"}, {"source": 37, "target": 24, "label": "A"}, {"source": 32, "target": 6, "label": "R"}, {"source": 29, "target": 5, "label": "F"}, {"source": 29, "target": 4, "label": "A"}, {"source": 29, "target": 32, "label": "A"}, {"source": 37, "target": 25, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 38, "target": 27, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 0, "label": "F"}, {"source": 33, "target": 7, "label": "Q"}, {"source": 31, "target": 30, "label": "H"}, {"source": 36, "target": 22, "label": "D"}, {"source": 32, "target": 10, "label": "P"}]} +{"id": "121987-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend these apartments to anybody!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "121987-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I absolutely LOVED living there.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "122270-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Perfect Practice", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "122270-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After I had chosen The Fountain Dental Practice they provided a slick and professional service from start to finish.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 31}, {"from": 32, "to": 38}, {"from": 39, "to": 47}]}, {"id": 5, "anchors": [{"from": 48, "to": 52}]}, {"id": 6, "anchors": [{"from": 53, "to": 61}]}, {"id": 7, "anchors": [{"from": 62, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 69}]}, {"id": 9, "anchors": [{"from": 70, "to": 73}]}, {"id": 10, "anchors": [{"from": 74, "to": 86}]}, {"id": 11, "anchors": [{"from": 87, "to": 94}]}, {"id": 12, "anchors": [{"from": 95, "to": 99}]}, {"id": 13, "anchors": [{"from": 100, "to": 105}]}, {"id": 14, "anchors": [{"from": 106, "to": 108}]}, {"id": 15, "anchors": [{"from": 109, "to": 115}]}, {"id": 16, "anchors": [{"from": 115, "to": 116}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 22, "label": "T"}, {"source": 17, "target": 19, "label": "H"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 18, "target": 1, "label": "A"}, {"source": 23, "target": 14, "label": "R"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 19, "target": 6, "label": "D"}, {"source": 21, "target": 12, "label": "R"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 21, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 20, "target": 9, "label": "N"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 7, "label": "F"}, {"source": 19, "target": 5, "label": "A"}, {"source": 19, "target": 20, "label": "D"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "122270-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everyone was friendly from the receptionist to the surgeon herself, putting me at my ease and explaining the whole process, both initially and then as we went along.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 122}]}, {"id": 20, "anchors": [{"from": 122, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 128}]}, {"id": 22, "anchors": [{"from": 129, "to": 138}]}, {"id": 23, "anchors": [{"from": 139, "to": 142}]}, {"id": 24, "anchors": [{"from": 143, "to": 147}]}, {"id": 25, "anchors": [{"from": 148, "to": 150}]}, {"id": 26, "anchors": [{"from": 151, "to": 153}]}, {"id": 27, "anchors": [{"from": 154, "to": 158}, {"from": 159, "to": 164}]}, {"id": 28, "anchors": [{"from": 164, "to": 165}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 36, "label": "H"}, {"source": 36, "target": 11, "label": "D"}, {"source": 39, "target": 18, "label": "D"}, {"source": 32, "target": 33, "label": "S"}, {"source": 41, "target": 22, "label": "C"}, {"source": 37, "target": 14, "label": "C"}, {"source": 38, "target": 16, "label": "P"}, {"source": 29, "target": 2, "label": "P"}, {"source": 34, "target": 35, "label": "P"}, {"source": 29, "target": 1, "label": "F"}, {"source": 35, "target": 8, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 42, "target": 26, "label": "A"}, {"source": 42, "target": 27, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 3, "label": "R"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 29, "label": "H"}, {"source": 36, "target": 37, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 34, "target": 6, "label": "R"}, {"source": 35, "target": 9, "label": "E"}, {"source": 35, "target": 7, "label": "F"}, {"source": 31, "target": 25, "label": "L"}, {"source": 39, "target": 40, "label": "P"}, {"source": 40, "target": 19, "label": "C"}, {"source": 41, "target": 21, "label": "Q"}, {"source": 31, "target": 42, "label": "H"}, {"source": 30, "target": 32, "label": "E"}, {"source": 31, "target": 15, "label": "L"}, {"source": 33, "target": 4, "label": "F"}, {"source": 33, "target": 5, "label": "C"}, {"source": 42, "target": 28, "label": "U"}, {"source": 30, "target": 34, "label": "E"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 20, "label": "U"}, {"source": 31, "target": 38, "label": "H"}, {"source": 36, "target": 12, "label": "A"}, {"source": 38, "target": 41, "label": "T"}, {"source": 40, "target": 17, "label": "F"}, {"source": 37, "target": 13, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 41, "target": 24, "label": "C"}, {"source": 41, "target": 23, "label": "N"}, {"source": 30, "target": 0, "label": "C"}]} +{"id": "122270-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Surgery visit timings were always made to suit me and not them and they gave me the feeling that I mattered and was important to them.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 133, "to": 134}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 29, "target": 3, "label": "F"}, {"source": 30, "target": 29, "label": "H"}, {"source": 32, "target": 34, "label": "A"}, {"source": 30, "target": 12, "label": "L"}, {"source": 36, "target": 18, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 13, "label": "A"}, {"source": 27, "target": 0, "label": "P"}, {"source": 31, "target": 10, "label": "E"}, {"source": 36, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 5, "label": "D"}, {"source": 35, "target": 20, "label": "S"}, {"source": 35, "target": 38, "label": "A"}, {"source": 35, "target": 19, "label": "A"}, {"source": 34, "target": 21, "label": "L"}, {"source": 36, "target": 37, "label": "S"}, {"source": 29, "target": 6, "label": "F"}, {"source": 38, "target": 24, "label": "R"}, {"source": 28, "target": 27, "label": "A"}, {"source": 29, "target": 4, "label": "T"}, {"source": 32, "target": 33, "label": "P"}, {"source": 33, "target": 16, "label": "F"}, {"source": 31, "target": 11, "label": "C"}, {"source": 32, "target": 15, "label": "A"}, {"source": 28, "target": 2, "label": "T"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 8, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 35, "target": 18, "label": "R"}, {"source": 37, "target": 23, "label": "C"}, {"source": 34, "target": 35, "label": "H"}, {"source": 38, "target": 25, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 29, "target": 7, "label": "P"}, {"source": 33, "target": 17, "label": "C"}, {"source": 31, "target": 9, "label": "R"}, {"source": 36, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 1, "label": "P"}, {"source": 38, "target": 26, "label": "U"}, {"source": 30, "target": 32, "label": "H"}, {"source": 33, "target": 14, "label": "F"}, {"source": 37, "target": 22, "label": "F"}]} +{"id": "122270-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The surgery itself is slick, modern and very relaxed and I always felt that I was in capable hands.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 6, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 24, "target": 5, "label": "U"}, {"source": 28, "target": 17, "label": "R"}, {"source": 24, "target": 7, "label": "N"}, {"source": 27, "target": 14, "label": "R"}, {"source": 25, "target": 8, "label": "E"}, {"source": 25, "target": 9, "label": "C"}, {"source": 27, "target": 15, "label": "A"}, {"source": 26, "target": 12, "label": "T"}, {"source": 22, "target": 21, "label": "P"}, {"source": 26, "target": 13, "label": "P"}, {"source": 21, "target": 0, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 25, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 27, "target": 16, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 28, "target": 19, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 21, "target": 1, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 22, "target": 24, "label": "D"}, {"source": 22, "target": 3, "label": "F"}, {"source": 23, "target": 10, "label": "L"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "122270-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My dental surgeon, Dr. Lucy Nichols is clearly a dental perfectionist and clearly proud both of the work she does and the reputation she has established.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 152}]}, {"id": 26, "anchors": [{"from": 152, "to": 153}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 11, "label": "L"}, {"source": 28, "target": 5, "label": "C"}, {"source": 30, "target": 29, "label": "H"}, {"source": 29, "target": 31, "label": "S"}, {"source": 35, "target": 19, "label": "F"}, {"source": 37, "target": 23, "label": "A"}, {"source": 33, "target": 37, "label": "H"}, {"source": 29, "target": 7, "label": "G"}, {"source": 36, "target": 22, "label": "C"}, {"source": 32, "target": 12, "label": "G"}, {"source": 33, "target": 15, "label": "R"}, {"source": 35, "target": 18, "label": "A"}, {"source": 37, "target": 36, "label": "S"}, {"source": 32, "target": 33, "label": "A"}, {"source": 37, "target": 24, "label": "F"}, {"source": 33, "target": 14, "label": "L"}, {"source": 34, "target": 16, "label": "F"}, {"source": 32, "target": 13, "label": "P"}, {"source": 32, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 35, "label": "H"}, {"source": 28, "target": 4, "label": "E"}, {"source": 31, "target": 10, "label": "C"}, {"source": 29, "target": 6, "label": "F"}, {"source": 27, "target": 2, "label": "A"}, {"source": 34, "target": 17, "label": "C"}, {"source": 35, "target": 34, "label": "P"}, {"source": 37, "target": 26, "label": "U"}, {"source": 36, "target": 21, "label": "F"}, {"source": 28, "target": 3, "label": "U"}, {"source": 27, "target": 1, "label": "A"}, {"source": 28, "target": 27, "label": "E"}, {"source": 31, "target": 8, "label": "F"}, {"source": 29, "target": 28, "label": "A"}, {"source": 37, "target": 25, "label": "D"}, {"source": 27, "target": 2, "label": "P"}, {"source": 29, "target": 9, "label": "A"}, {"source": 27, "target": 0, "label": "A"}, {"source": 33, "target": 20, "label": "L"}, {"source": 30, "target": 32, "label": "H"}]} +{"id": "122270-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everyone was so helpful that I cannot wait to go back .....", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 8, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "D"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 11, "label": "D"}, {"source": 14, "target": 4, "label": "L"}, {"source": 15, "target": 7, "label": "D"}, {"source": 16, "target": 9, "label": "F"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "122270-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Peter", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "122514-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Decent place to stay, I would stay there again.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 6, "label": "D"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 8, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 4, "label": "U"}, {"source": 15, "target": 9, "label": "D"}]} +{"id": "122514-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rooms were clean, plenty of things to do near hotel, and safe part of town.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 25, "target": 16, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 22, "target": 9, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 13, "label": "S"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 18, "target": 1, "label": "F"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "S"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "122564-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "good outside, bad inside", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 7, "target": 3, "label": "S"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "122564-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the apartment only looks good outsize, inside is too bad.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 3, "label": "G"}, {"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 5, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 4, "label": "S"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "S"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "A"}, {"source": 15, "target": 9, "label": "D"}]} +{"id": "122564-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "too many bugs some you even never seen before.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "T"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 13, "target": 4, "label": "A"}, {"source": 13, "target": 5, "label": "D"}, {"source": 13, "target": 8, "label": "T"}, {"source": 13, "target": 7, "label": "P"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 2, "label": "A"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 3, "label": "Q"}]} +{"id": "122564-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the attitude of some staff is terrible, did not solve anything only say i can do nothing.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 24, "target": 12, "label": "D"}, {"source": 22, "target": 2, "label": "R"}, {"source": 25, "target": 17, "label": "D"}, {"source": 22, "target": 3, "label": "D"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 25, "target": 14, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 19, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 9, "label": "D"}, {"source": 23, "target": 10, "label": "P"}, {"source": 20, "target": 5, "label": "F"}, {"source": 22, "target": 4, "label": "S"}, {"source": 25, "target": 15, "label": "D"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "C"}, {"source": 25, "target": 17, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 21, "target": 7, "label": "U"}, {"source": 23, "target": 11, "label": "A"}, {"source": 25, "target": 16, "label": "P"}, {"source": 20, "target": 6, "label": "D"}]} +{"id": "122882-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Over-rated", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "122882-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Buddakan inevitably attracts the majority of its guests simply because of its association with Steven Starr, but that doesn't impress me.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 94}]}, {"id": 14, "anchors": [{"from": 95, "to": 101}, {"from": 102, "to": 107}]}, {"id": 15, "anchors": [{"from": 107, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 112}]}, {"id": 17, "anchors": [{"from": 113, "to": 117}]}, {"id": 18, "anchors": [{"from": 118, "to": 122}]}, {"id": 19, "anchors": [{"from": 122, "to": 125}]}, {"id": 20, "anchors": [{"from": 126, "to": 133}]}, {"id": 21, "anchors": [{"from": 134, "to": 136}]}, {"id": 22, "anchors": [{"from": 136, "to": 137}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 28, "target": 12, "label": "S"}, {"source": 30, "target": 21, "label": "A"}, {"source": 26, "target": 6, "label": "A"}, {"source": 27, "target": 10, "label": "R"}, {"source": 26, "target": 25, "label": "D"}, {"source": 30, "target": 17, "label": "A"}, {"source": 30, "target": 20, "label": "P"}, {"source": 29, "target": 14, "label": "C"}, {"source": 26, "target": 7, "label": "A"}, {"source": 24, "target": 30, "label": "H"}, {"source": 27, "target": 8, "label": "F"}, {"source": 24, "target": 28, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 16, "label": "L"}, {"source": 24, "target": 27, "label": "L"}, {"source": 28, "target": 11, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 13, "label": "R"}, {"source": 25, "target": 3, "label": "F"}, {"source": 23, "target": 1, "label": "D"}, {"source": 23, "target": 26, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 26, "target": 7, "label": "S"}, {"source": 24, "target": 15, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 19, "label": "D"}, {"source": 30, "target": 18, "label": "F"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "122882-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The atmosphere alone deserves 4 stars but, the food was not up to par with the price tag and the reputation the restaurant carries.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}, {"from": 63, "to": 65}, {"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 130}]}, {"id": 23, "anchors": [{"from": 130, "to": 131}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 28, "target": 5, "label": "C"}, {"source": 34, "target": 23, "label": "U"}, {"source": 33, "target": 18, "label": "F"}, {"source": 27, "target": 30, "label": "H"}, {"source": 28, "target": 4, "label": "Q"}, {"source": 32, "target": 15, "label": "C"}, {"source": 30, "target": 29, "label": "A"}, {"source": 32, "target": 16, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 8, "label": "F"}, {"source": 32, "target": 14, "label": "F"}, {"source": 31, "target": 17, "label": "N"}, {"source": 35, "target": 20, "label": "F"}, {"source": 27, "target": 7, "label": "U"}, {"source": 30, "target": 12, "label": "S"}, {"source": 34, "target": 22, "label": "P"}, {"source": 33, "target": 19, "label": "C"}, {"source": 26, "target": 3, "label": "S"}, {"source": 30, "target": 11, "label": "D"}, {"source": 31, "target": 34, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 6, "label": "L"}, {"source": 34, "target": 33, "label": "A"}, {"source": 25, "target": 2, "label": "D"}, {"source": 24, "target": 1, "label": "C"}, {"source": 31, "target": 13, "label": "R"}, {"source": 31, "target": 32, "label": "C"}, {"source": 24, "target": 0, "label": "F"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 25, "target": 24, "label": "S"}, {"source": 34, "target": 35, "label": "A"}, {"source": 35, "target": 21, "label": "C"}, {"source": 30, "target": 10, "label": "F"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "122882-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The server we had was knowledgeable but he was not as proper as he should have been, acting like he was talking to his friends rather than his customers.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 133}, {"from": 134, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 152}]}, {"id": 29, "anchors": [{"from": 152, "to": 153}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 35, "target": 15, "label": "F"}, {"source": 38, "target": 25, "label": "A"}, {"source": 37, "target": 21, "label": "F"}, {"source": 30, "target": 1, "label": "C"}, {"source": 37, "target": 20, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 10, "label": "L"}, {"source": 33, "target": 32, "label": "H"}, {"source": 33, "target": 37, "label": "H"}, {"source": 33, "target": 12, "label": "L"}, {"source": 32, "target": 31, "label": "A"}, {"source": 31, "target": 2, "label": "A"}, {"source": 35, "target": 14, "label": "D"}, {"source": 38, "target": 24, "label": "A"}, {"source": 36, "target": 18, "label": "C"}, {"source": 39, "target": 28, "label": "S"}, {"source": 39, "target": 27, "label": "A"}, {"source": 33, "target": 35, "label": "H"}, {"source": 34, "target": 9, "label": "D"}, {"source": 37, "target": 36, "label": "D"}, {"source": 31, "target": 30, "label": "A"}, {"source": 32, "target": 5, "label": "S"}, {"source": 38, "target": 25, "label": "S"}, {"source": 34, "target": 11, "label": "S"}, {"source": 39, "target": 26, "label": "R"}, {"source": 34, "target": 8, "label": "F"}, {"source": 39, "target": 28, "label": "A"}, {"source": 33, "target": 34, "label": "H"}, {"source": 33, "target": 17, "label": "U"}, {"source": 31, "target": 3, "label": "S"}, {"source": 39, "target": 29, "label": "U"}, {"source": 35, "target": 13, "label": "A"}, {"source": 33, "target": 6, "label": "L"}, {"source": 32, "target": 4, "label": "F"}, {"source": 35, "target": 11, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 22, "label": "P"}, {"source": 30, "target": 0, "label": "F"}, {"source": 37, "target": 23, "label": "F"}, {"source": 37, "target": 39, "label": "A"}, {"source": 35, "target": 16, "label": "F"}, {"source": 34, "target": 7, "label": "A"}]} +{"id": "122882-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The angry lobster was completely over-priced!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 44}]}, {"id": 5, "anchors": [{"from": 44, "to": 45}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "122882-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "$80 for a dish that has about one small lobster tail and is full of filler vegetables!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 10, "label": "E"}, {"source": 22, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 18, "label": "U"}, {"source": 27, "target": 13, "label": "F"}, {"source": 23, "target": 6, "label": "S"}, {"source": 26, "target": 25, "label": "Q"}, {"source": 27, "target": 14, "label": "S"}, {"source": 25, "target": 8, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 12, "label": "L"}, {"source": 27, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 15, "label": "R"}, {"source": 19, "target": 0, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 26, "target": 9, "label": "E"}, {"source": 25, "target": 7, "label": "E"}, {"source": 23, "target": 26, "label": "A"}, {"source": 23, "target": 22, "label": "A"}, {"source": 21, "target": 19, "label": "A"}, {"source": 19, "target": 1, "label": "Q"}, {"source": 26, "target": 11, "label": "C"}, {"source": 28, "target": 17, "label": "C"}, {"source": 23, "target": 5, "label": "F"}, {"source": 22, "target": 3, "label": "F"}, {"source": 21, "target": 2, "label": "S"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "122882-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wouldn't go there again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}]} +{"id": "124163-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cranmore Dental and Implant Clinic : I could not recommend Dr David Nelson enough.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 15}, {"from": 16, "to": 19}, {"from": 20, "to": 27}, {"from": 28, "to": 34}]}, {"id": 1, "anchors": [{"from": 35, "to": 36}]}, {"id": 2, "anchors": [{"from": 37, "to": 38}]}, {"id": 3, "anchors": [{"from": 39, "to": 44}]}, {"id": 4, "anchors": [{"from": 45, "to": 48}]}, {"id": 5, "anchors": [{"from": 49, "to": 58}]}, {"id": 6, "anchors": [{"from": 59, "to": 61}]}, {"id": 7, "anchors": [{"from": 62, "to": 67}, {"from": 68, "to": 74}]}, {"id": 8, "anchors": [{"from": 75, "to": 81}]}, {"id": 9, "anchors": [{"from": 81, "to": 82}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "A"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "U"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 8, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "124163-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had a severe phobia of attending the dentist until I met and was treated by Dr Nelson.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 11, "label": "P"}, {"source": 20, "target": 9, "label": "L"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 10, "label": "A"}, {"source": 26, "target": 13, "label": "F"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 19, "target": 21, "label": "S"}, {"source": 27, "target": 16, "label": "E"}, {"source": 20, "target": 25, "label": "H"}, {"source": 24, "target": 7, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 14, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 27, "target": 15, "label": "R"}, {"source": 21, "target": 2, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 21, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "L"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 1, "label": "F"}, {"source": 19, "target": 3, "label": "D"}, {"source": 25, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 20, "target": 26, "label": "H"}]} +{"id": "124163-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He instantaneously put me at ease and his ongoing treatments have been absolutely pain free.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 91}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 19, "target": 9, "label": "P"}, {"source": 19, "target": 7, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 8, "label": "T"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 14, "label": "E"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 12, "label": "D"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "T"}, {"source": 17, "target": 6, "label": "L"}, {"source": 16, "target": 3, "label": "A"}, {"source": 20, "target": 21, "label": "S"}, {"source": 18, "target": 4, "label": "R"}, {"source": 20, "target": 19, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "P"}, {"source": 20, "target": 11, "label": "F"}]} +{"id": "124163-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My previous apprehension has been dismissed and I no longer have a sinking feeling when my next appointment is due!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 25, "target": 8, "label": "E"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 13, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 28, "target": 17, "label": "P"}, {"source": 28, "target": 15, "label": "A"}, {"source": 26, "target": 10, "label": "F"}, {"source": 23, "target": 6, "label": "L"}, {"source": 29, "target": 20, "label": "U"}, {"source": 24, "target": 26, "label": "S"}, {"source": 21, "target": 1, "label": "T"}, {"source": 22, "target": 21, "label": "A"}, {"source": 29, "target": 19, "label": "P"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 4, "label": "F"}, {"source": 29, "target": 18, "label": "F"}, {"source": 29, "target": 28, "label": "A"}, {"source": 23, "target": 14, "label": "L"}, {"source": 23, "target": 29, "label": "H"}, {"source": 28, "target": 16, "label": "T"}, {"source": 24, "target": 7, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 25, "label": "D"}, {"source": 22, "target": 5, "label": "P"}, {"source": 21, "target": 2, "label": "S"}]} +{"id": "124163-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "In addition to the core treatment, Dr Nelson has impressed me further with his concern and interest in the well-being of his patients – his dental work underpinned by a strong duty of care to every patient.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 111}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 175}]}, {"id": 34, "anchors": [{"from": 176, "to": 180}, {"from": 181, "to": 183}, {"from": 184, "to": 188}]}, {"id": 35, "anchors": [{"from": 189, "to": 191}]}, {"id": 36, "anchors": [{"from": 192, "to": 197}]}, {"id": 37, "anchors": [{"from": 198, "to": 205}]}, {"id": 38, "anchors": [{"from": 205, "to": 206}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 53, "target": 55, "label": "A"}, {"source": 47, "target": 49, "label": "A"}, {"source": 41, "target": 42, "label": "P"}, {"source": 55, "target": 37, "label": "A"}, {"source": 40, "target": 6, "label": "U"}, {"source": 39, "target": 2, "label": "F"}, {"source": 55, "target": 36, "label": "D"}, {"source": 40, "target": 26, "label": "U"}, {"source": 51, "target": 30, "label": "S"}, {"source": 50, "target": 27, "label": "A"}, {"source": 47, "target": 48, "label": "S"}, {"source": 48, "target": 19, "label": "F"}, {"source": 44, "target": 10, "label": "P"}, {"source": 50, "target": 52, "label": "P"}, {"source": 40, "target": 45, "label": "H"}, {"source": 53, "target": 31, "label": "R"}, {"source": 40, "target": 44, "label": "H"}, {"source": 45, "target": 14, "label": "A"}, {"source": 55, "target": 37, "label": "P"}, {"source": 52, "target": 28, "label": "E"}, {"source": 46, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 20, "label": "E"}, {"source": 46, "target": 17, "label": "S"}, {"source": 47, "target": 18, "label": "R"}, {"source": 44, "target": 9, "label": "F"}, {"source": 45, "target": 15, "label": "S"}, {"source": 49, "target": 25, "label": "S"}, {"source": 40, "target": 51, "label": "H"}, {"source": 49, "target": 23, "label": "R"}, {"source": 40, "target": 46, "label": "H"}, {"source": 53, "target": 54, "label": "S"}, {"source": 49, "target": 24, "label": "A"}, {"source": 44, "target": 12, "label": "D"}, {"source": 48, "target": 22, "label": "C"}, {"source": 39, "target": 1, "label": "C"}, {"source": 45, "target": 47, "label": "A"}, {"source": 40, "target": 13, "label": "L"}, {"source": 40, "target": 16, "label": "L"}, {"source": 43, "target": 7, "label": "E"}, {"source": 43, "target": 8, "label": "C"}, {"source": 49, "target": 25, "label": "A"}, {"source": 55, "target": 35, "label": "R"}, {"source": 55, "target": 38, "label": "U"}, {"source": 44, "target": 43, "label": "A"}, {"source": 46, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 39, "label": "L"}, {"source": 54, "target": 32, "label": "F"}, {"source": 48, "target": 21, "label": "U"}, {"source": 41, "target": 4, "label": "D"}, {"source": 51, "target": 53, "label": "A"}, {"source": 54, "target": 34, "label": "C"}, {"source": 42, "target": 5, "label": "C"}, {"source": 53, "target": 33, "label": "D"}, {"source": 42, "target": 3, "label": "F"}, {"source": 40, "target": 41, "label": "H"}, {"source": 51, "target": 50, "label": "A"}, {"source": 52, "target": 29, "label": "C"}, {"source": 39, "target": 0, "label": "R"}, {"source": 44, "target": 11, "label": "A"}]} +{"id": "124163-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He is always prepared to go the extra mile to ensure that any patient discomfort is dealt with immediately –", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}, {"from": 28, "to": 31}, {"from": 32, "to": 37}, {"from": 38, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 106}]}, {"id": 16, "anchors": [{"from": 107, "to": 108}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 3, "label": "D"}, {"source": 21, "target": 10, "label": "S"}, {"source": 17, "target": 5, "label": "P"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "D"}, {"source": 18, "target": 6, "label": "L"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 14, "label": "R"}, {"source": 19, "target": 8, "label": "R"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 12, "label": "F"}, {"source": 17, "target": 2, "label": "T"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 15, "label": "T"}, {"source": 19, "target": 16, "label": "U"}, {"source": 20, "target": 9, "label": "E"}]} +{"id": "124163-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pam Gillies", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "124492-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great product, great service!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "124492-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Installed Biometrics and Got Excellent Service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "L"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "P"}, {"source": 7, "target": 0, "label": "P"}]} +{"id": "124552-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have good sushi for a good price.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 11, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "S"}, {"source": 11, "target": 2, "label": "S"}, {"source": 10, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "124552-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My favorite so far in Bellevue.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}, {"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 2, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "124552-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Store is on the small side and atmosphere is just average.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 14, "target": 5, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 14, "label": "S"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "F"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 6, "label": "L"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "D"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "125522-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are out of business.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "125522-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice people... I hear.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "U"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "125522-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Calls are now forwarded to Malcolm Smith Motorsports down the road.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}, {"from": 35, "to": 40}, {"from": 41, "to": 52}]}, {"id": 6, "anchors": [{"from": 53, "to": 57}]}, {"id": 7, "anchors": [{"from": 58, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 66}]}, {"id": 9, "anchors": [{"from": 66, "to": 67}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 2, "label": "T"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 0, "label": "P"}, {"source": 14, "target": 6, "label": "R"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "P"}]} +{"id": "125629-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Anyone else find it a little suspicious that there are not only 20 reviews for this dentist (a HUGE number compared to the others in the area), but that they all have the same unique grammar structure?", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 115}, {"from": 116, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 141}]}, {"id": 26, "anchors": [{"from": 141, "to": 142}]}, {"id": 27, "anchors": [{"from": 142, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 182}]}, {"id": 36, "anchors": [{"from": 183, "to": 190}]}, {"id": 37, "anchors": [{"from": 191, "to": 200}]}, {"id": 38, "anchors": [{"from": 200, "to": 201}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 43, "target": 27, "label": "U"}, {"source": 42, "target": 4, "label": "F"}, {"source": 43, "target": 28, "label": "L"}, {"source": 43, "target": 55, "label": "H"}, {"source": 56, "target": 33, "label": "F"}, {"source": 55, "target": 56, "label": "A"}, {"source": 41, "target": 2, "label": "D"}, {"source": 58, "target": 35, "label": "S"}, {"source": 44, "target": 46, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 49, "target": 19, "label": "C"}, {"source": 50, "target": 18, "label": "S"}, {"source": 41, "target": 6, "label": "S"}, {"source": 54, "target": 30, "label": "C"}, {"source": 53, "target": 24, "label": "F"}, {"source": 56, "target": 57, "label": "E"}, {"source": 53, "target": 25, "label": "C"}, {"source": 48, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 10, "label": "L"}, {"source": 47, "target": 15, "label": "C"}, {"source": 55, "target": 32, "label": "S"}, {"source": 56, "target": 36, "label": "E"}, {"source": 56, "target": 38, "label": "U"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 7, "label": "R"}, {"source": 56, "target": 37, "label": "C"}, {"source": 41, "target": 3, "label": "F"}, {"source": 44, "target": 9, "label": "F"}, {"source": 52, "target": 22, "label": "C"}, {"source": 50, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 42, "label": "D"}, {"source": 47, "target": 14, "label": "E"}, {"source": 44, "target": 8, "label": "F"}, {"source": 51, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 43, "label": "A"}, {"source": 56, "target": 58, "label": "E"}, {"source": 46, "target": 47, "label": "P"}, {"source": 39, "target": 1, "label": "E"}, {"source": 41, "target": 39, "label": "A"}, {"source": 39, "target": 0, "label": "C"}, {"source": 52, "target": 21, "label": "F"}, {"source": 57, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 11, "label": "Q"}, {"source": 57, "target": 34, "label": "S"}, {"source": 53, "target": 23, "label": "R"}, {"source": 43, "target": 48, "label": "H"}, {"source": 43, "target": 51, "label": "H"}, {"source": 43, "target": 20, "label": "L"}, {"source": 43, "target": 44, "label": "H"}, {"source": 49, "target": 50, "label": "E"}, {"source": 43, "target": 29, "label": "R"}, {"source": 55, "target": 54, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 42, "target": 5, "label": "C"}, {"source": 43, "target": 16, "label": "U"}, {"source": 51, "target": 52, "label": "A"}, {"source": 45, "target": 12, "label": "C"}, {"source": 52, "target": 53, "label": "E"}, {"source": 40, "target": 41, "label": "H"}, {"source": 44, "target": 13, "label": "S"}, {"source": 58, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 17, "label": "F"}, {"source": 54, "target": 31, "label": "Q"}, {"source": 43, "target": 26, "label": "U"}]} +{"id": "125629-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And they seem to be posted at fairly regular intervals?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "F"}, {"source": 12, "target": 0, "label": "L"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 2, "label": "G"}, {"source": 13, "target": 14, "label": "T"}, {"source": 14, "target": 6, "label": "R"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "126086-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I like I Move CA - Los Angeles Movers, they moved me before, but this time they were awesome :)", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 16}, {"from": 19, "to": 22}, {"from": 23, "to": 30}, {"from": 31, "to": 37}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 37, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 7, "label": "A"}, {"source": 21, "target": 15, "label": "S"}, {"source": 19, "target": 8, "label": "T"}, {"source": 21, "target": 14, "label": "F"}, {"source": 18, "target": 9, "label": "U"}, {"source": 20, "target": 12, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 10, "label": "L"}, {"source": 21, "target": 20, "label": "T"}, {"source": 2, "target": 3, "label": "U"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 2, "label": "A"}, {"source": 21, "target": 13, "label": "A"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 16, "label": "U"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 6, "label": "P"}, {"source": 20, "target": 11, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "126134-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Usually very quick and timely.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 0, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 0, "label": "T"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 8, "target": 1, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 1, "label": "D"}, {"source": 7, "target": 3, "label": "L"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "126134-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Doctor Bogomilsky knows her stuff too.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "D"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "E"}]} +{"id": "126171-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Only Concerned With Money", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "Q"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "126171-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been getting my treatments for a few months now and have seen some results but not up to the standards that I was told I should expect.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}, {"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 141}]}, {"id": 28, "anchors": [{"from": 141, "to": 142}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 20, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 15, "label": "P"}, {"source": 30, "target": 11, "label": "L"}, {"source": 29, "target": 2, "label": "F"}, {"source": 38, "target": 25, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 36, "target": 18, "label": "R"}, {"source": 30, "target": 33, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 29, "target": 1, "label": "F"}, {"source": 35, "target": 17, "label": "D"}, {"source": 35, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 35, "label": "H"}, {"source": 37, "target": 24, "label": "P"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 26, "label": "D"}, {"source": 33, "target": 12, "label": "F"}, {"source": 29, "target": 31, "label": "P"}, {"source": 29, "target": 0, "label": "A"}, {"source": 37, "target": 22, "label": "A"}, {"source": 36, "target": 19, "label": "F"}, {"source": 34, "target": 14, "label": "D"}, {"source": 31, "target": 4, "label": "E"}, {"source": 30, "target": 16, "label": "L"}, {"source": 32, "target": 6, "label": "R"}, {"source": 35, "target": 36, "label": "S"}, {"source": 31, "target": 5, "label": "C"}, {"source": 32, "target": 10, "label": "F"}, {"source": 32, "target": 7, "label": "F"}, {"source": 37, "target": 23, "label": "F"}, {"source": 32, "target": 9, "label": "C"}, {"source": 30, "target": 21, "label": "L"}, {"source": 32, "target": 8, "label": "Q"}, {"source": 29, "target": 32, "label": "T"}, {"source": 38, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 3, "label": "D"}, {"source": 30, "target": 37, "label": "H"}, {"source": 33, "target": 13, "label": "P"}, {"source": 38, "target": 28, "label": "U"}, {"source": 38, "target": 27, "label": "P"}]} +{"id": "126171-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The people there attempt to come across and professional and nice, but I was disappointed with their customer service.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}, {"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 65}]}, {"id": 10, "anchors": [{"from": 65, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 117}]}, {"id": 19, "anchors": [{"from": 117, "to": 118}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 27, "target": 19, "label": "U"}, {"source": 23, "target": 6, "label": "R"}, {"source": 27, "target": 17, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 24, "target": 25, "label": "H"}, {"source": 27, "target": 18, "label": "P"}, {"source": 27, "target": 16, "label": "A"}, {"source": 26, "target": 13, "label": "F"}, {"source": 25, "target": 6, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "U"}, {"source": 21, "target": 3, "label": "D"}, {"source": 21, "target": 2, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "L"}, {"source": 25, "target": 9, "label": "S"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 15, "label": "R"}, {"source": 24, "target": 23, "label": "H"}, {"source": 24, "target": 8, "label": "L"}, {"source": 23, "target": 7, "label": "S"}, {"source": 26, "target": 12, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 1, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "126171-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Never miss an appointment because they will charge you the price of a treatment, even if you had an emergency.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}, {"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 5, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 21, "target": 0, "label": "T"}, {"source": 25, "target": 26, "label": "A"}, {"source": 28, "target": 12, "label": "F"}, {"source": 25, "target": 6, "label": "F"}, {"source": 29, "target": 30, "label": "P"}, {"source": 30, "target": 19, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 25, "target": 8, "label": "A"}, {"source": 22, "target": 15, "label": "L"}, {"source": 22, "target": 29, "label": "H"}, {"source": 21, "target": 0, "label": "D"}, {"source": 30, "target": 20, "label": "U"}, {"source": 26, "target": 9, "label": "F"}, {"source": 24, "target": 3, "label": "C"}, {"source": 27, "target": 11, "label": "R"}, {"source": 24, "target": 2, "label": "F"}, {"source": 25, "target": 7, "label": "P"}, {"source": 29, "target": 17, "label": "F"}, {"source": 29, "target": 16, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 13, "label": "C"}, {"source": 22, "target": 4, "label": "L"}, {"source": 22, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "P"}, {"source": 23, "target": 24, "label": "P"}, {"source": 30, "target": 18, "label": "F"}, {"source": 21, "target": 1, "label": "P"}]} +{"id": "126171-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's pretty ridiculous!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "126171-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They want to squeeze as much as they can from you even if you just got in a car accident!!!!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}, {"from": 24, "to": 28}, {"from": 29, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}, {"from": 55, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "L"}, {"source": 23, "target": 8, "label": "C"}, {"source": 19, "target": 24, "label": "H"}, {"source": 24, "target": 10, "label": "A"}, {"source": 22, "target": 6, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 5, "label": "A"}, {"source": 25, "target": 14, "label": "F"}, {"source": 24, "target": 13, "label": "F"}, {"source": 21, "target": 3, "label": "P"}, {"source": 24, "target": 12, "label": "F"}, {"source": 24, "target": 11, "label": "D"}, {"source": 21, "target": 2, "label": "R"}, {"source": 24, "target": 16, "label": "P"}, {"source": 22, "target": 3, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "L"}, {"source": 20, "target": 22, "label": "H"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "126171-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They don't care one bit about you!!!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}, {"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "R"}]} +{"id": "127157-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "great service/deals - support this local business", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "127157-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have used these guys for new snows, fixing lots of flats, used replacement tires, and oil changes.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 30, "target": 15, "label": "P"}, {"source": 25, "target": 29, "label": "H"}, {"source": 27, "target": 9, "label": "P"}, {"source": 25, "target": 8, "label": "U"}, {"source": 32, "target": 20, "label": "P"}, {"source": 28, "target": 11, "label": "R"}, {"source": 28, "target": 12, "label": "C"}, {"source": 26, "target": 6, "label": "S"}, {"source": 25, "target": 27, "label": "H"}, {"source": 31, "target": 16, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 7, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 32, "target": 19, "label": "A"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 32, "target": 21, "label": "U"}, {"source": 31, "target": 30, "label": "E"}, {"source": 28, "target": 10, "label": "Q"}, {"source": 25, "target": 13, "label": "U"}, {"source": 25, "target": 17, "label": "U"}, {"source": 29, "target": 14, "label": "S"}, {"source": 25, "target": 5, "label": "R"}, {"source": 25, "target": 18, "label": "L"}, {"source": 24, "target": 4, "label": "C"}, {"source": 25, "target": 32, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "127157-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have the best prices locally and good customer service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 4, "label": "A"}, {"source": 15, "target": 6, "label": "L"}, {"source": 14, "target": 13, "label": "S"}, {"source": 16, "target": 9, "label": "P"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 5, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 7, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}]} +{"id": "127157-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One guy is a little surley, but who gives a crap as long as your car's work is outstanding.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}, {"from": 42, "to": 43}, {"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}, {"from": 52, "to": 56}, {"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 90}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "Q"}, {"source": 20, "target": 10, "label": "L"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 11, "label": "S"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 22, "target": 9, "label": "P"}, {"source": 19, "target": 2, "label": "F"}, {"source": 24, "target": 23, "label": "E"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 3, "label": "F"}, {"source": 25, "target": 16, "label": "D"}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 7, "label": "L"}, {"source": 25, "target": 14, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 8, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "127157-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "AND they're usually able to help you as a walk-in, and they're fast.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 49, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 59}]}, {"id": 16, "anchors": [{"from": 59, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 67, "to": 68}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 21, "target": 22, "label": "P"}, {"source": 20, "target": 1, "label": "A"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "A"}, {"source": 20, "target": 3, "label": "T"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 6, "label": "P"}, {"source": 19, "target": 8, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 22, "target": 11, "label": "U"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 12, "label": "E"}, {"source": 23, "target": 15, "label": "A"}, {"source": 23, "target": 16, "label": "F"}, {"source": 23, "target": 18, "label": "U"}, {"source": 19, "target": 14, "label": "L"}, {"source": 20, "target": 5, "label": "F"}, {"source": 20, "target": 4, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 17, "label": "S"}]} +{"id": "127157-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overall-good stuff.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "127252-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Real pros", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "127252-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I've had writer friends describe horror stories with their printers.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 15, "label": "A"}, {"source": 17, "target": 18, "label": "E"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 3, "label": "P"}, {"source": 17, "target": 8, "label": "R"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "127252-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I tell them: why not just go with these guys?", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "P"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 2, "label": "A"}, {"source": 16, "target": 6, "label": "G"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "127252-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Richard Joule and the gang are pros from start to finish.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 16, "label": "D"}, {"source": 11, "target": 0, "label": "C"}, {"source": 16, "target": 15, "label": "C"}, {"source": 15, "target": 6, "label": "R"}, {"source": 11, "target": 1, "label": "N"}, {"source": 15, "target": 7, "label": "C"}, {"source": 11, "target": 14, "label": "C"}, {"source": 13, "target": 5, "label": "S"}, {"source": 17, "target": 10, "label": "U"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "127252-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They set out to exceed your expectations.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 9, "target": 4, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 5, "label": "S"}]} +{"id": "127252-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Already I'm considering future projects, and I can assure you that for my printing needs I will be choosing no other than Atlanta Paperback Book Printing.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 129}, {"from": 130, "to": 139}, {"from": 140, "to": 144}, {"from": 145, "to": 153}]}, {"id": 25, "anchors": [{"from": 153, "to": 154}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 14, "label": "A"}, {"source": 30, "target": 19, "label": "F"}, {"source": 28, "target": 4, "label": "T"}, {"source": 26, "target": 6, "label": "U"}, {"source": 30, "target": 12, "label": "R"}, {"source": 30, "target": 33, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 16, "label": "D"}, {"source": 30, "target": 17, "label": "A"}, {"source": 30, "target": 20, "label": "P"}, {"source": 32, "target": 22, "label": "C"}, {"source": 33, "target": 24, "label": "C"}, {"source": 33, "target": 23, "label": "N"}, {"source": 27, "target": 3, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 9, "label": "F"}, {"source": 33, "target": 32, "label": "C"}, {"source": 29, "target": 8, "label": "A"}, {"source": 29, "target": 11, "label": "A"}, {"source": 31, "target": 15, "label": "P"}, {"source": 32, "target": 21, "label": "E"}, {"source": 27, "target": 1, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 29, "target": 10, "label": "P"}, {"source": 26, "target": 0, "label": "L"}, {"source": 31, "target": 13, "label": "R"}, {"source": 26, "target": 7, "label": "L"}, {"source": 26, "target": 29, "label": "H"}, {"source": 27, "target": 2, "label": "F"}, {"source": 30, "target": 18, "label": "F"}, {"source": 28, "target": 5, "label": "P"}]} +{"id": "128168-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lovely Nails on Cayuga St. in Lewiston, NY", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}, {"from": 23, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 5, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "128168-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First let me start out by saying, that I have had very nice pedicures at Lovely Nails on Military Road.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 12}, {"from": 13, "to": 18}, {"from": 19, "to": 22}, {"from": 23, "to": 25}, {"from": 26, "to": 32}]}, {"id": 2, "anchors": [{"from": 32, "to": 33}]}, {"id": 3, "anchors": [{"from": 34, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 79}, {"from": 80, "to": 85}]}, {"id": 12, "anchors": [{"from": 86, "to": 88}]}, {"id": 13, "anchors": [{"from": 89, "to": 97}, {"from": 98, "to": 102}]}, {"id": 14, "anchors": [{"from": 102, "to": 103}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 17, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 15, "target": 0, "label": "L"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "A"}, {"source": 16, "target": 2, "label": "U"}, {"source": 16, "target": 1, "label": "G"}, {"source": 19, "target": 13, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 10, "label": "R"}, {"source": 16, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 5, "label": "F"}, {"source": 19, "target": 12, "label": "R"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "128168-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was very excited that a salon was opening in Lewiston, as I live in Youngstown.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 80}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 18, "target": 3, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 5, "label": "F"}, {"source": 18, "target": 2, "label": "D"}, {"source": 22, "target": 9, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 20, "target": 7, "label": "F"}, {"source": 23, "target": 13, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 11, "label": "U"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "128168-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was in two weeks ago and had the worst pedicure that I have had in my life.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 17, "label": "C"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 11, "label": "L"}, {"source": 19, "target": 2, "label": "S"}, {"source": 23, "target": 9, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 24, "target": 12, "label": "A"}, {"source": 22, "target": 7, "label": "F"}, {"source": 21, "target": 5, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 21, "label": "T"}, {"source": 25, "target": 15, "label": "R"}, {"source": 21, "target": 3, "label": "Q"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 22, "target": 10, "label": "P"}, {"source": 24, "target": 10, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 13, "label": "F"}, {"source": 22, "target": 23, "label": "D"}, {"source": 21, "target": 4, "label": "C"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 16, "label": "E"}]} +{"id": "128168-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There were four of us and I was taken first by a gentleman.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "S"}, {"source": 18, "target": 11, "label": "F"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 2, "label": "Q"}, {"source": 17, "target": 7, "label": "F"}, {"source": 17, "target": 9, "label": "D"}, {"source": 15, "target": 5, "label": "L"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "R"}, {"source": 18, "target": 12, "label": "C"}]} +{"id": "128168-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I put my foot in the water and it was cool.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "S"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 4, "label": "R"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "128168-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He did warm it up.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 8, "target": 4, "label": "F"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "128168-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He also hurt my toes will pushing my cuticles back.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "P"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 15, "target": 7, "label": "E"}, {"source": 11, "target": 1, "label": "D"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "128168-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If the pedicure lasted 20 mins., that was a stretch.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 16, "label": "H"}, {"source": 14, "target": 13, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "U"}, {"source": 14, "target": 15, "label": "T"}, {"source": 16, "target": 17, "label": "S"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 3, "label": "R"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "F"}]} +{"id": "128168-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The other ladies had a similar experience, both had nail polish on a couple of toes.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 18, "target": 0, "label": "F"}, {"source": 19, "target": 3, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 26, "target": 13, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 22, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 8, "label": "Q"}, {"source": 19, "target": 18, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 7, "label": "U"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 21, "label": "D"}, {"source": 23, "target": 25, "label": "A"}, {"source": 18, "target": 1, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 26, "label": "Q"}, {"source": 24, "target": 10, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 25, "target": 12, "label": "R"}, {"source": 23, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 19, "target": 6, "label": "P"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "128168-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "None of us will be using their services again, which is a shame.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 1, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 7, "label": "P"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 3, "label": "F"}, {"source": 15, "target": 0, "label": "Q"}, {"source": 19, "target": 11, "label": "F"}, {"source": 17, "target": 9, "label": "U"}, {"source": 17, "target": 10, "label": "L"}, {"source": 16, "target": 15, "label": "D"}, {"source": 18, "target": 6, "label": "A"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 5, "label": "P"}, {"source": 19, "target": 20, "label": "S"}, {"source": 16, "target": 8, "label": "D"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "128636-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "David is amazing", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 1, "label": "F"}]} +{"id": "128636-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "David is the most helpful and creative photographer that I have used.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "E"}, {"source": 18, "target": 11, "label": "P"}, {"source": 17, "target": 5, "label": "N"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 13, "target": 7, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 17, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 13, "target": 16, "label": "D"}, {"source": 14, "target": 8, "label": "L"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 2, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 3, "label": "C"}]} +{"id": "128636-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He is willing to do whatever you need from him without hesitation.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 18, "label": "D"}, {"source": 14, "target": 4, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 7, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "128636-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was patient and adapted when everything didn't go according to schedule on my wedding day.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 62}, {"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 18, "target": 22, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 8, "label": "D"}, {"source": 19, "target": 4, "label": "S"}, {"source": 22, "target": 14, "label": "P"}, {"source": 18, "target": 5, "label": "L"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 18, "target": 3, "label": "L"}, {"source": 21, "target": 10, "label": "R"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "S"}, {"source": 18, "target": 12, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 22, "target": 15, "label": "T"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 13, "label": "A"}]} +{"id": "128636-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Both the engagement and wedding pictures that he took for us we absolutely amazing.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 11, "label": "F"}, {"source": 22, "target": 6, "label": "R"}, {"source": 23, "target": 8, "label": "F"}, {"source": 16, "target": 15, "label": "E"}, {"source": 18, "target": 12, "label": "D"}, {"source": 15, "target": 0, "label": "L"}, {"source": 20, "target": 1, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "P"}, {"source": 24, "target": 10, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 18, "target": 13, "label": "S"}, {"source": 16, "target": 22, "label": "E"}, {"source": 23, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 2, "label": "C"}, {"source": 24, "target": 9, "label": "R"}, {"source": 19, "target": 20, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 15, "target": 21, "label": "H"}, {"source": 18, "target": 14, "label": "U"}, {"source": 22, "target": 7, "label": "A"}, {"source": 18, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "L"}]} +{"id": "128636-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He got the pictures back to me quickly.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 8, "label": "U"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 7, "label": "T"}]} +{"id": "128636-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would highly recommend David to anyone.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 4, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "R"}]} +{"id": "128636-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He will exceed your expectations!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "S"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "128636-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He doesn't just take pictures he makes art out of them and you won't even notice that there's a camera there.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}, {"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 108, "to": 109}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 32, "target": 20, "label": "F"}, {"source": 29, "target": 9, "label": "R"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 13, "label": "F"}, {"source": 28, "target": 8, "label": "C"}, {"source": 27, "target": 6, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 22, "label": "A"}, {"source": 30, "target": 14, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 28, "target": 7, "label": "F"}, {"source": 31, "target": 22, "label": "S"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 16, "label": "P"}, {"source": 25, "target": 27, "label": "H"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 4, "label": "F"}, {"source": 24, "target": 2, "label": "D"}, {"source": 26, "target": 5, "label": "C"}, {"source": 31, "target": 19, "label": "F"}, {"source": 31, "target": 17, "label": "R"}, {"source": 30, "target": 15, "label": "G"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 1, "label": "F"}, {"source": 30, "target": 12, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 25, "target": 30, "label": "H"}, {"source": 25, "target": 11, "label": "L"}, {"source": 29, "target": 10, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 24, "target": 26, "label": "P"}, {"source": 24, "target": 3, "label": "D"}]} +{"id": "128808-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Relish", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "128808-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A Top Quality Sandwich made to artistic standards.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "F"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "C"}, {"source": 14, "target": 5, "label": "R"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "C"}, {"source": 11, "target": 9, "label": "S"}]} +{"id": "128808-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best darlington has to offer in contemporary sandwicheering.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 63}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 7, "label": "T"}, {"source": 13, "target": 14, "label": "E"}, {"source": 16, "target": 8, "label": "P"}, {"source": 15, "target": 3, "label": "F"}, {"source": 12, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 4, "label": "F"}, {"source": 12, "target": 10, "label": "S"}, {"source": 16, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "R"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "128808-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Drum and bass as standard.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "P"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "R"}, {"source": 6, "target": 1, "label": "N"}, {"source": 8, "target": 9, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "128908-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I love the meat!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "130216-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fast Service Called them one hour ago and they just left my house five minutes ago.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 24, "label": "T"}, {"source": 21, "target": 8, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "L"}, {"source": 19, "target": 2, "label": "P"}, {"source": 20, "target": 6, "label": "R"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 0, "label": "D"}, {"source": 19, "target": 3, "label": "A"}, {"source": 24, "target": 15, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 24, "target": 13, "label": "Q"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "P"}, {"source": 21, "target": 9, "label": "T"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 20, "label": "T"}]} +{"id": "130216-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My house already feels fresh and good thanks to the Battery Park Pest I'm enjoying my time indoors much better.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}, {"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}, {"from": 60, "to": 64}, {"from": 65, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 110}]}, {"id": 18, "anchors": [{"from": 110, "to": 111}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 21, "target": 20, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 23, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 8, "label": "F"}, {"source": 26, "target": 15, "label": "A"}, {"source": 22, "target": 5, "label": "L"}, {"source": 25, "target": 9, "label": "C"}, {"source": 23, "target": 6, "label": "S"}, {"source": 27, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "F"}, {"source": 20, "target": 19, "label": "E"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "D"}, {"source": 26, "target": 14, "label": "P"}, {"source": 26, "target": 13, "label": "A"}, {"source": 23, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "H"}, {"source": 26, "target": 10, "label": "A"}, {"source": 26, "target": 12, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "S"}, {"source": 21, "target": 2, "label": "D"}, {"source": 20, "target": 1, "label": "C"}, {"source": 19, "target": 0, "label": "S"}]} +{"id": "130647-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will never use again.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "T"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "D"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "130647-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very rude and unprofessional.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "130647-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The workers sped up and down the street with no mind to the small children playing.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "F"}, {"source": 19, "target": 2, "label": "P"}, {"source": 26, "target": 16, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 26, "target": 15, "label": "P"}, {"source": 22, "target": 21, "label": "R"}, {"source": 17, "target": 18, "label": "S"}, {"source": 25, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "R"}, {"source": 20, "target": 8, "label": "L"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 17, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 9, "label": "D"}, {"source": 23, "target": 10, "label": "P"}, {"source": 24, "target": 12, "label": "F"}, {"source": 25, "target": 13, "label": "S"}, {"source": 26, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 4, "label": "N"}, {"source": 21, "target": 3, "label": "C"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "130795-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They Suck", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "130795-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go somewhere else...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "130795-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wanted to buy a Rhino 700 and a Grizzly 700.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}, {"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "D"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 11, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 5, "label": "N"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "C"}]} +{"id": "130795-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After searching high and low for a salesman, I was treated like dirt, and we left.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 7, "label": "A"}, {"source": 17, "target": 23, "label": "H"}, {"source": 18, "target": 2, "label": "D"}, {"source": 23, "target": 15, "label": "P"}, {"source": 17, "target": 13, "label": "L"}, {"source": 17, "target": 6, "label": "U"}, {"source": 17, "target": 22, "label": "H"}, {"source": 22, "target": 9, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "R"}, {"source": 20, "target": 4, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 23, "target": 14, "label": "A"}, {"source": 18, "target": 1, "label": "P"}, {"source": 17, "target": 10, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 22, "target": 11, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "130795-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Parts department blows, Service department is even worse.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 14, "target": 13, "label": "E"}, {"source": 13, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "P"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 7, "label": "G"}, {"source": 12, "target": 3, "label": "U"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 6, "label": "F"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 2, "label": "S"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "130795-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I live 10 minutes from Cycle City, but I Drove 50 mile south to Peachstate Powersports in LaGrange, dealt with the owner, Levi, and was well taken care of.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 74}, {"from": 75, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 126}]}, {"id": 24, "anchors": [{"from": 126, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 154}]}, {"id": 31, "anchors": [{"from": 154, "to": 155}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 45, "target": 28, "label": "F"}, {"source": 37, "target": 12, "label": "E"}, {"source": 44, "target": 46, "label": "A"}, {"source": 33, "target": 25, "label": "L"}, {"source": 33, "target": 32, "label": "H"}, {"source": 39, "target": 16, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 35, "target": 4, "label": "R"}, {"source": 32, "target": 35, "label": "A"}, {"source": 45, "target": 29, "label": "C"}, {"source": 35, "target": 5, "label": "C"}, {"source": 33, "target": 24, "label": "U"}, {"source": 37, "target": 10, "label": "Q"}, {"source": 34, "target": 2, "label": "Q"}, {"source": 33, "target": 7, "label": "L"}, {"source": 32, "target": 1, "label": "S"}, {"source": 33, "target": 40, "label": "H"}, {"source": 46, "target": 8, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 36, "label": "H"}, {"source": 42, "target": 20, "label": "F"}, {"source": 32, "target": 0, "label": "A"}, {"source": 44, "target": 26, "label": "F"}, {"source": 42, "target": 21, "label": "C"}, {"source": 37, "target": 11, "label": "C"}, {"source": 44, "target": 27, "label": "D"}, {"source": 38, "target": 37, "label": "E"}, {"source": 43, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 22, "label": "U"}, {"source": 33, "target": 17, "label": "U"}, {"source": 32, "target": 34, "label": "T"}, {"source": 33, "target": 44, "label": "H"}, {"source": 36, "target": 8, "label": "A"}, {"source": 38, "target": 13, "label": "R"}, {"source": 38, "target": 14, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 38, "target": 39, "label": "E"}, {"source": 39, "target": 15, "label": "R"}, {"source": 46, "target": 30, "label": "R"}, {"source": 41, "target": 43, "label": "E"}, {"source": 40, "target": 18, "label": "P"}, {"source": 33, "target": 6, "label": "U"}, {"source": 46, "target": 31, "label": "U"}, {"source": 40, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 19, "label": "R"}, {"source": 43, "target": 42, "label": "S"}, {"source": 36, "target": 9, "label": "P"}, {"source": 41, "target": 23, "label": "C"}, {"source": 44, "target": 45, "label": "P"}, {"source": 34, "target": 3, "label": "C"}]} +{"id": "131458-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Signs of Saltford - an excellent supplier of value for money signs and banners etc.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 82}]}, {"id": 13, "anchors": [{"from": 82, "to": 83}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 6, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 20, "target": 10, "label": "N"}, {"source": 15, "target": 3, "label": "D"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 1, "label": "U"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 11, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 20, "label": "C"}, {"source": 19, "target": 7, "label": "N"}, {"source": 15, "target": 16, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "131458-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been a friend and customer of Signs of Saltford for well over 12 years now and I also became their website supplier some 3 years ago.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}, {"from": 43, "to": 45}, {"from": 46, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 139}]}, {"id": 26, "anchors": [{"from": 139, "to": 140}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 27, "target": 31, "label": "T"}, {"source": 33, "target": 16, "label": "A"}, {"source": 33, "target": 36, "label": "T"}, {"source": 29, "target": 5, "label": "N"}, {"source": 31, "target": 32, "label": "E"}, {"source": 34, "target": 35, "label": "E"}, {"source": 29, "target": 4, "label": "C"}, {"source": 36, "target": 24, "label": "C"}, {"source": 27, "target": 30, "label": "A"}, {"source": 27, "target": 29, "label": "S"}, {"source": 28, "target": 17, "label": "L"}, {"source": 27, "target": 1, "label": "F"}, {"source": 27, "target": 14, "label": "T"}, {"source": 36, "target": 22, "label": "E"}, {"source": 33, "target": 34, "label": "S"}, {"source": 36, "target": 25, "label": "E"}, {"source": 28, "target": 15, "label": "L"}, {"source": 36, "target": 26, "label": "U"}, {"source": 30, "target": 8, "label": "C"}, {"source": 33, "target": 19, "label": "A"}, {"source": 36, "target": 23, "label": "Q"}, {"source": 27, "target": 3, "label": "F"}, {"source": 28, "target": 33, "label": "H"}, {"source": 35, "target": 21, "label": "P"}, {"source": 31, "target": 13, "label": "C"}, {"source": 32, "target": 11, "label": "C"}, {"source": 34, "target": 20, "label": "C"}, {"source": 30, "target": 7, "label": "R"}, {"source": 31, "target": 9, "label": "R"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 6, "label": "C"}, {"source": 27, "target": 2, "label": "F"}, {"source": 33, "target": 18, "label": "D"}, {"source": 32, "target": 10, "label": "E"}, {"source": 31, "target": 12, "label": "Q"}, {"source": 35, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "131458-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tina is the driving force of the business and you can be assured that she will endevour to satisfy all your signage requirements at the most cost effective rates.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 145}, {"from": 146, "to": 155}]}, {"id": 27, "anchors": [{"from": 156, "to": 161}]}, {"id": 28, "anchors": [{"from": 161, "to": 162}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 36, "target": 15, "label": "F"}, {"source": 30, "target": 29, "label": "H"}, {"source": 35, "target": 10, "label": "D"}, {"source": 37, "target": 20, "label": "A"}, {"source": 39, "target": 28, "label": "U"}, {"source": 34, "target": 7, "label": "C"}, {"source": 33, "target": 34, "label": "P"}, {"source": 36, "target": 38, "label": "A"}, {"source": 36, "target": 13, "label": "R"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 35, "label": "H"}, {"source": 32, "target": 31, "label": "S"}, {"source": 33, "target": 5, "label": "R"}, {"source": 38, "target": 23, "label": "R"}, {"source": 37, "target": 19, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 29, "target": 0, "label": "A"}, {"source": 38, "target": 25, "label": "D"}, {"source": 39, "target": 27, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 35, "target": 11, "label": "F"}, {"source": 38, "target": 26, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 17, "label": "F"}, {"source": 32, "target": 3, "label": "D"}, {"source": 39, "target": 24, "label": "F"}, {"source": 31, "target": 2, "label": "F"}, {"source": 35, "target": 9, "label": "A"}, {"source": 29, "target": 32, "label": "A"}, {"source": 35, "target": 12, "label": "S"}, {"source": 30, "target": 8, "label": "L"}, {"source": 36, "target": 14, "label": "A"}, {"source": 37, "target": 21, "label": "D"}, {"source": 34, "target": 6, "label": "F"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 22, "label": "S"}, {"source": 29, "target": 1, "label": "S"}, {"source": 36, "target": 18, "label": "P"}, {"source": 36, "target": 16, "label": "D"}]} +{"id": "131458-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been extremely pleased with the signs and pop-up banners she has supplied to me over the years - a truly first class family business run by Tina and her husband Chris.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}, {"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 139}]}, {"id": 27, "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 167}]}, {"id": 33, "anchors": [{"from": 168, "to": 173}]}, {"id": 34, "anchors": [{"from": 173, "to": 174}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 47, "target": 25, "label": "E"}, {"source": 47, "target": 48, "label": "C"}, {"source": 37, "target": 43, "label": "T"}, {"source": 35, "target": 0, "label": "A"}, {"source": 43, "target": 17, "label": "R"}, {"source": 41, "target": 11, "label": "C"}, {"source": 43, "target": 18, "label": "F"}, {"source": 36, "target": 20, "label": "U"}, {"source": 38, "target": 6, "label": "F"}, {"source": 50, "target": 34, "label": "U"}, {"source": 44, "target": 21, "label": "F"}, {"source": 39, "target": 41, "label": "C"}, {"source": 41, "target": 40, "label": "E"}, {"source": 49, "target": 50, "label": "C"}, {"source": 35, "target": 2, "label": "F"}, {"source": 38, "target": 7, "label": "C"}, {"source": 42, "target": 15, "label": "R"}, {"source": 40, "target": 9, "label": "S"}, {"source": 35, "target": 1, "label": "F"}, {"source": 46, "target": 45, "label": "A"}, {"source": 46, "target": 27, "label": "P"}, {"source": 37, "target": 14, "label": "P"}, {"source": 45, "target": 44, "label": "S"}, {"source": 37, "target": 5, "label": "R"}, {"source": 35, "target": 37, "label": "A"}, {"source": 49, "target": 30, "label": "N"}, {"source": 37, "target": 13, "label": "F"}, {"source": 39, "target": 38, "label": "C"}, {"source": 44, "target": 24, "label": "C"}, {"source": 49, "target": 29, "label": "C"}, {"source": 37, "target": 42, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 50, "target": 32, "label": "S"}, {"source": 49, "target": 28, "label": "R"}, {"source": 50, "target": 31, "label": "A"}, {"source": 48, "target": 26, "label": "P"}, {"source": 40, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 39, "label": "A"}, {"source": 36, "target": 46, "label": "H"}, {"source": 50, "target": 33, "label": "A"}, {"source": 37, "target": 12, "label": "A"}, {"source": 45, "target": 22, "label": "D"}, {"source": 44, "target": 23, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 39, "target": 8, "label": "N"}, {"source": 42, "target": 16, "label": "C"}, {"source": 9, "target": 10, "label": "U"}, {"source": 35, "target": 4, "label": "S"}, {"source": 35, "target": 3, "label": "D"}, {"source": 43, "target": 19, "label": "C"}, {"source": 46, "target": 49, "label": "A"}]} +{"id": "131965-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "131965-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We at R&L Plumbing Services are pleased with your professionalism and the extra mile you went to get out computers working correctly, you will be our first call if anything happens again and we will refer you to other people with computer issues.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 18}, {"from": 19, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 65}]}, {"id": 8, "anchors": [{"from": 66, "to": 69}]}, {"id": 9, "anchors": [{"from": 70, "to": 73}, {"from": 74, "to": 79}, {"from": 80, "to": 84}, {"from": 89, "to": 93}]}, {"id": 10, "anchors": [{"from": 85, "to": 88}]}, {"id": 11, "anchors": [{"from": 94, "to": 96}]}, {"id": 12, "anchors": [{"from": 97, "to": 100}]}, {"id": 13, "anchors": [{"from": 101, "to": 104}]}, {"id": 14, "anchors": [{"from": 105, "to": 114}]}, {"id": 15, "anchors": [{"from": 115, "to": 122}]}, {"id": 16, "anchors": [{"from": 123, "to": 132}]}, {"id": 17, "anchors": [{"from": 132, "to": 133}]}, {"id": 18, "anchors": [{"from": 134, "to": 137}]}, {"id": 19, "anchors": [{"from": 138, "to": 142}]}, {"id": 20, "anchors": [{"from": 143, "to": 145}]}, {"id": 21, "anchors": [{"from": 146, "to": 149}]}, {"id": 22, "anchors": [{"from": 150, "to": 155}]}, {"id": 23, "anchors": [{"from": 156, "to": 160}]}, {"id": 24, "anchors": [{"from": 161, "to": 163}]}, {"id": 25, "anchors": [{"from": 164, "to": 172}]}, {"id": 26, "anchors": [{"from": 173, "to": 180}]}, {"id": 27, "anchors": [{"from": 181, "to": 186}]}, {"id": 28, "anchors": [{"from": 187, "to": 190}]}, {"id": 29, "anchors": [{"from": 191, "to": 193}]}, {"id": 30, "anchors": [{"from": 194, "to": 198}]}, {"id": 31, "anchors": [{"from": 199, "to": 204}]}, {"id": 32, "anchors": [{"from": 205, "to": 208}]}, {"id": 33, "anchors": [{"from": 209, "to": 211}]}, {"id": 34, "anchors": [{"from": 212, "to": 217}]}, {"id": 35, "anchors": [{"from": 218, "to": 224}]}, {"id": 36, "anchors": [{"from": 225, "to": 229}]}, {"id": 37, "anchors": [{"from": 230, "to": 238}]}, {"id": 38, "anchors": [{"from": 239, "to": 245}]}, {"id": 39, "anchors": [{"from": 245, "to": 246}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 42, "target": 52, "label": "H"}, {"source": 42, "target": 50, "label": "H"}, {"source": 48, "target": 13, "label": "A"}, {"source": 42, "target": 24, "label": "L"}, {"source": 51, "target": 22, "label": "E"}, {"source": 47, "target": 49, "label": "A"}, {"source": 54, "target": 37, "label": "A"}, {"source": 42, "target": 53, "label": "H"}, {"source": 41, "target": 44, "label": "A"}, {"source": 50, "target": 18, "label": "A"}, {"source": 40, "target": 0, "label": "C"}, {"source": 53, "target": 29, "label": "A"}, {"source": 40, "target": 43, "label": "E"}, {"source": 44, "target": 46, "label": "H"}, {"source": 44, "target": 11, "label": "L"}, {"source": 42, "target": 41, "label": "H"}, {"source": 41, "target": 3, "label": "F"}, {"source": 48, "target": 13, "label": "S"}, {"source": 53, "target": 54, "label": "A"}, {"source": 45, "target": 7, "label": "S"}, {"source": 44, "target": 45, "label": "H"}, {"source": 47, "target": 16, "label": "D"}, {"source": 49, "target": 14, "label": "C"}, {"source": 47, "target": 12, "label": "D"}, {"source": 52, "target": 26, "label": "P"}, {"source": 56, "target": 38, "label": "C"}, {"source": 53, "target": 31, "label": "P"}, {"source": 53, "target": 32, "label": "A"}, {"source": 44, "target": 5, "label": "R"}, {"source": 41, "target": 40, "label": "A"}, {"source": 50, "target": 19, "label": "F"}, {"source": 55, "target": 34, "label": "E"}, {"source": 56, "target": 36, "label": "R"}, {"source": 44, "target": 8, "label": "L"}, {"source": 50, "target": 51, "label": "S"}, {"source": 53, "target": 30, "label": "F"}, {"source": 54, "target": 55, "label": "A"}, {"source": 44, "target": 47, "label": "H"}, {"source": 49, "target": 48, "label": "E"}, {"source": 48, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 20, "label": "F"}, {"source": 46, "target": 9, "label": "P"}, {"source": 43, "target": 1, "label": "R"}, {"source": 43, "target": 2, "label": "C"}, {"source": 56, "target": 39, "label": "U"}, {"source": 46, "target": 10, "label": "A"}, {"source": 52, "target": 27, "label": "D"}, {"source": 55, "target": 35, "label": "C"}, {"source": 47, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 15, "label": "P"}, {"source": 52, "target": 25, "label": "A"}, {"source": 42, "target": 28, "label": "L"}, {"source": 45, "target": 6, "label": "A"}, {"source": 51, "target": 23, "label": "C"}, {"source": 41, "target": 4, "label": "S"}, {"source": 42, "target": 17, "label": "U"}, {"source": 54, "target": 33, "label": "R"}, {"source": 50, "target": 21, "label": "A"}, {"source": 54, "target": 56, "label": "P"}]} +{"id": "133260-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Job!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "133260-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks for fixing my garage door A++++++++++++++++++", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "A"}, {"source": 8, "target": 0, "label": "P"}, {"source": 12, "target": 4, "label": "E"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 11, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "H"}, {"source": 10, "target": 1, "label": "R"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "133601-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Chao you are the best dentist I have ever had.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 12, "label": "G"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "S"}, {"source": 14, "target": 2, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 9, "label": "T"}]} +{"id": "133601-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You are knowledgeable, professional, gentel and kind.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 13, "label": "H"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "S"}, {"source": 11, "target": 5, "label": "U"}, {"source": 11, "target": 7, "label": "L"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "133601-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wish I had you as my dentist early on in my life - maybe my teeth would have been a lot better then they are now, However I am glad you are my dentist now.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 85}, {"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 128}]}, {"id": 30, "anchors": [{"from": 129, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 141}]}, {"id": 33, "anchors": [{"from": 142, "to": 144}]}, {"id": 34, "anchors": [{"from": 145, "to": 152}]}, {"id": 35, "anchors": [{"from": 153, "to": 156}]}, {"id": 36, "anchors": [{"from": 156, "to": 157}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 44, "target": 17, "label": "F"}, {"source": 44, "target": 19, "label": "F"}, {"source": 38, "target": 44, "label": "H"}, {"source": 38, "target": 37, "label": "H"}, {"source": 44, "target": 46, "label": "A"}, {"source": 47, "target": 24, "label": "S"}, {"source": 41, "target": 7, "label": "P"}, {"source": 44, "target": 20, "label": "D"}, {"source": 37, "target": 42, "label": "T"}, {"source": 49, "target": 31, "label": "A"}, {"source": 44, "target": 14, "label": "G"}, {"source": 46, "target": 45, "label": "E"}, {"source": 49, "target": 36, "label": "U"}, {"source": 49, "target": 35, "label": "T"}, {"source": 40, "target": 5, "label": "R"}, {"source": 47, "target": 23, "label": "A"}, {"source": 40, "target": 6, "label": "S"}, {"source": 50, "target": 33, "label": "S"}, {"source": 45, "target": 15, "label": "S"}, {"source": 37, "target": 43, "label": "A"}, {"source": 48, "target": 28, "label": "A"}, {"source": 43, "target": 12, "label": "P"}, {"source": 43, "target": 11, "label": "A"}, {"source": 37, "target": 3, "label": "S"}, {"source": 39, "target": 4, "label": "C"}, {"source": 47, "target": 22, "label": "R"}, {"source": 37, "target": 2, "label": "F"}, {"source": 49, "target": 50, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 44, "target": 21, "label": "S"}, {"source": 42, "target": 8, "label": "C"}, {"source": 48, "target": 29, "label": "F"}, {"source": 38, "target": 13, "label": "U"}, {"source": 50, "target": 34, "label": "A"}, {"source": 38, "target": 48, "label": "H"}, {"source": 47, "target": 25, "label": "T"}, {"source": 37, "target": 0, "label": "A"}, {"source": 46, "target": 16, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 44, "target": 47, "label": "A"}, {"source": 50, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 1, "label": "D"}, {"source": 45, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 18, "label": "F"}, {"source": 42, "target": 9, "label": "F"}, {"source": 37, "target": 39, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 41, "target": 7, "label": "A"}, {"source": 49, "target": 32, "label": "S"}, {"source": 40, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 30, "label": "S"}, {"source": 45, "target": 15, "label": "A"}, {"source": 38, "target": 26, "label": "U"}, {"source": 43, "target": 10, "label": "R"}, {"source": 38, "target": 27, "label": "L"}]} +{"id": "133601-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even though you are expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "F"}]} +{"id": "133601-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you for helping to preserve my teeth.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 10, "target": 2, "label": "L"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 9, "target": 1, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 3, "label": "D"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 6, "label": "A"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "133601-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You are meticulous in your work and it shows in my smile.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 5, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 4, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 10, "label": "A"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "133981-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Smokers Haven", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "A"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "133981-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yeah, this complex is not very good.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 7, "label": "S"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 0, "label": "H"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "133981-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Our bathroom fan, one electric outlet and 2 leaky sinks have yet to be fixed.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 13, "label": "F"}, {"source": 20, "target": 15, "label": "P"}, {"source": 20, "target": 16, "label": "U"}, {"source": 17, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "Q"}, {"source": 22, "target": 7, "label": "N"}, {"source": 17, "target": 0, "label": "S"}, {"source": 24, "target": 5, "label": "S"}, {"source": 20, "target": 12, "label": "D"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 22, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 22, "target": 21, "label": "C"}, {"source": 22, "target": 25, "label": "C"}, {"source": 22, "target": 3, "label": "U"}, {"source": 21, "target": 2, "label": "C"}, {"source": 20, "target": 14, "label": "F"}, {"source": 26, "target": 9, "label": "S"}, {"source": 19, "target": 20, "label": "H"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 11, "label": "F"}, {"source": 20, "target": 18, "label": "A"}, {"source": 25, "target": 8, "label": "Q"}, {"source": 23, "target": 6, "label": "C"}, {"source": 18, "target": 17, "label": "E"}, {"source": 21, "target": 1, "label": "E"}]} +{"id": "133981-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Both bathrooms look like they were flooded and the wood cabinets are thrashed at the bottom and they slapped some pieces of wood over to try to cover it up.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 149}, {"from": 153, "to": 155}]}, {"id": 28, "anchors": [{"from": 150, "to": 152}]}, {"id": 29, "anchors": [{"from": 155, "to": 156}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 33, "target": 10, "label": "C"}, {"source": 38, "target": 27, "label": "P"}, {"source": 32, "target": 16, "label": "L"}, {"source": 37, "target": 21, "label": "F"}, {"source": 30, "target": 1, "label": "C"}, {"source": 32, "target": 31, "label": "H"}, {"source": 34, "target": 11, "label": "F"}, {"source": 33, "target": 9, "label": "E"}, {"source": 38, "target": 29, "label": "U"}, {"source": 32, "target": 34, "label": "H"}, {"source": 31, "target": 4, "label": "A"}, {"source": 37, "target": 22, "label": "C"}, {"source": 32, "target": 38, "label": "H"}, {"source": 37, "target": 20, "label": "E"}, {"source": 36, "target": 23, "label": "D"}, {"source": 36, "target": 17, "label": "A"}, {"source": 31, "target": 30, "label": "A"}, {"source": 35, "target": 13, "label": "R"}, {"source": 38, "target": 25, "label": "D"}, {"source": 37, "target": 19, "label": "Q"}, {"source": 34, "target": 35, "label": "D"}, {"source": 32, "target": 36, "label": "H"}, {"source": 35, "target": 15, "label": "C"}, {"source": 35, "target": 14, "label": "F"}, {"source": 38, "target": 28, "label": "A"}, {"source": 31, "target": 6, "label": "P"}, {"source": 38, "target": 26, "label": "F"}, {"source": 33, "target": 8, "label": "F"}, {"source": 34, "target": 33, "label": "A"}, {"source": 31, "target": 5, "label": "F"}, {"source": 30, "target": 0, "label": "Q"}, {"source": 38, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 24, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 2, "label": "G"}, {"source": 31, "target": 3, "label": "F"}, {"source": 34, "target": 12, "label": "S"}, {"source": 36, "target": 18, "label": "P"}, {"source": 32, "target": 7, "label": "L"}]} +{"id": "133981-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And non-smokers beware!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "133981-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think 90 percent of the tenants are smokers!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 13, "label": "A"}, {"source": 13, "target": 12, "label": "E"}, {"source": 15, "target": 4, "label": "R"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 15, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 2, "label": "Q"}, {"source": 15, "target": 16, "label": "P"}, {"source": 14, "target": 8, "label": "S"}, {"source": 16, "target": 5, "label": "F"}, {"source": 11, "target": 14, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "133981-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you do not smoke, do not move here.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 3, "label": "D"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "L"}, {"source": 13, "target": 7, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 2, "label": "F"}, {"source": 11, "target": 5, "label": "U"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 8, "label": "P"}, {"source": 13, "target": 9, "label": "A"}]} +{"id": "133981-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our unit reeks of old cigarette smoke and it started to become apparent a few weeks after we moved in.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}, {"from": 99, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 19, "label": "U"}, {"source": 25, "target": 6, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 8, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 9, "label": "D"}, {"source": 26, "target": 12, "label": "S"}, {"source": 27, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "Q"}, {"source": 26, "target": 10, "label": "F"}, {"source": 26, "target": 11, "label": "D"}, {"source": 26, "target": 27, "label": "T"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 21, "target": 20, "label": "E"}, {"source": 20, "target": 0, "label": "S"}, {"source": 24, "target": 3, "label": "R"}, {"source": 23, "target": 7, "label": "L"}, {"source": 27, "target": 16, "label": "R"}, {"source": 25, "target": 5, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 4, "label": "S"}, {"source": 28, "target": 17, "label": "A"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "133981-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You cannot walk 5 feet without smelling that disgusting cigarette smoke and it blows right into the windows all day and all night.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 6, "label": "L"}, {"source": 31, "target": 34, "label": "T"}, {"source": 26, "target": 31, "label": "H"}, {"source": 35, "target": 22, "label": "E"}, {"source": 32, "target": 18, "label": "C"}, {"source": 34, "target": 21, "label": "N"}, {"source": 31, "target": 15, "label": "D"}, {"source": 34, "target": 33, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 30, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 14, "label": "P"}, {"source": 34, "target": 35, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 29, "target": 8, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 12, "label": "L"}, {"source": 31, "target": 13, "label": "A"}, {"source": 27, "target": 5, "label": "C"}, {"source": 32, "target": 17, "label": "F"}, {"source": 27, "target": 4, "label": "Q"}, {"source": 33, "target": 20, "label": "C"}, {"source": 30, "target": 9, "label": "S"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "H"}, {"source": 35, "target": 24, "label": "U"}, {"source": 25, "target": 2, "label": "D"}, {"source": 35, "target": 23, "label": "C"}, {"source": 29, "target": 10, "label": "E"}, {"source": 33, "target": 19, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 16, "label": "R"}, {"source": 28, "target": 7, "label": "P"}, {"source": 25, "target": 3, "label": "P"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "134617-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Neighborhood Hangout", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 2, "label": "A"}]} +{"id": "134617-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great place to catch a band or catch up with friends.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}, {"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "L"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 9, "label": "S"}, {"source": 17, "target": 7, "label": "P"}, {"source": 13, "target": 1, "label": "C"}, {"source": 12, "target": 0, "label": "S"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 10, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "P"}]} +{"id": "134617-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ice cold beer and good prices.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "A"}, {"source": 9, "target": 5, "label": "A"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "134617-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Kitchen puts out good food and has daily specials.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 13, "label": "H"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 4, "label": "L"}, {"source": 13, "target": 5, "label": "S"}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 6, "label": "T"}, {"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 7, "label": "A"}, {"source": 9, "target": 12, "label": "A"}]} +{"id": "134622-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We just got our sunroom built by Patio World and can say that I'm extremely happy with the whole thing.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}, {"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 3, "label": "S"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 18, "label": "E"}, {"source": 21, "target": 5, "label": "P"}, {"source": 21, "target": 25, "label": "A"}, {"source": 26, "target": 9, "label": "D"}, {"source": 27, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "D"}, {"source": 25, "target": 6, "label": "R"}, {"source": 22, "target": 8, "label": "L"}, {"source": 28, "target": 17, "label": "F"}, {"source": 21, "target": 1, "label": "T"}, {"source": 27, "target": 15, "label": "S"}, {"source": 24, "target": 23, "label": "E"}, {"source": 23, "target": 3, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 11, "label": "R"}, {"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "D"}, {"source": 28, "target": 19, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 10, "label": "P"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "134622-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From the amount of time spent with us to explain things during the initial quote, to the communication through the approval process to the actual workmanship of the build itself.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 157}]}, {"id": 27, "anchors": [{"from": 158, "to": 160}]}, {"id": 28, "anchors": [{"from": 161, "to": 164}]}, {"id": 29, "anchors": [{"from": 165, "to": 170}]}, {"id": 30, "anchors": [{"from": 171, "to": 177}]}, {"id": 31, "anchors": [{"from": 177, "to": 178}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 42, "target": 22, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 33, "target": 2, "label": "E"}, {"source": 38, "target": 12, "label": "F"}, {"source": 41, "target": 42, "label": "P"}, {"source": 32, "target": 16, "label": "L"}, {"source": 35, "target": 7, "label": "C"}, {"source": 37, "target": 13, "label": "D"}, {"source": 32, "target": 19, "label": "L"}, {"source": 43, "target": 21, "label": "P"}, {"source": 44, "target": 26, "label": "C"}, {"source": 45, "target": 25, "label": "D"}, {"source": 32, "target": 34, "label": "H"}, {"source": 32, "target": 39, "label": "H"}, {"source": 37, "target": 38, "label": "P"}, {"source": 46, "target": 27, "label": "R"}, {"source": 47, "target": 48, "label": "P"}, {"source": 42, "target": 20, "label": "F"}, {"source": 35, "target": 6, "label": "R"}, {"source": 33, "target": 1, "label": "F"}, {"source": 32, "target": 41, "label": "H"}, {"source": 41, "target": 43, "label": "A"}, {"source": 34, "target": 33, "label": "T"}, {"source": 32, "target": 11, "label": "L"}, {"source": 32, "target": 37, "label": "H"}, {"source": 32, "target": 36, "label": "H"}, {"source": 32, "target": 15, "label": "U"}, {"source": 34, "target": 5, "label": "P"}, {"source": 46, "target": 47, "label": "C"}, {"source": 46, "target": 30, "label": "E"}, {"source": 33, "target": 3, "label": "R"}, {"source": 39, "target": 40, "label": "P"}, {"source": 38, "target": 14, "label": "C"}, {"source": 40, "target": 18, "label": "C"}, {"source": 32, "target": 45, "label": "H"}, {"source": 48, "target": 28, "label": "F"}, {"source": 48, "target": 29, "label": "C"}, {"source": 32, "target": 0, "label": "L"}, {"source": 46, "target": 31, "label": "U"}, {"source": 45, "target": 44, "label": "P"}, {"source": 44, "target": 24, "label": "F"}, {"source": 32, "target": 23, "label": "L"}, {"source": 40, "target": 17, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 33, "target": 4, "label": "C"}, {"source": 36, "target": 9, "label": "P"}, {"source": 32, "target": 8, "label": "L"}, {"source": 36, "target": 10, "label": "A"}]} +{"id": "134622-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have nothing bad to say.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 5, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "F"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "134622-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Very glad that we went with them.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 2, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "134741-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "professional", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "134741-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good job very professional.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "134741-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It made me feel good to see people work so hard to take care of others belongings.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 7, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 19, "target": 3, "label": "S"}, {"source": 27, "target": 15, "label": "A"}, {"source": 27, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 15, "label": "S"}, {"source": 18, "target": 19, "label": "H"}, {"source": 22, "target": 11, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 24, "label": "P"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "D"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 5, "label": "F"}, {"source": 24, "target": 12, "label": "F"}, {"source": 21, "target": 23, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 4, "label": "D"}, {"source": 23, "target": 9, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 21, "target": 8, "label": "P"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "135010-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The New Italian Kid on the Block", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}, {"from": 16, "to": 19}, {"from": 20, "to": 22}, {"from": 23, "to": 26}, {"from": 27, "to": 32}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "135010-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Another Italian restaurant in Collingswood?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 42}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 10, "label": "A"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "S"}, {"source": 8, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 10, "target": 5, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "S"}, {"source": 9, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "135010-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Do we need another one?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "Q"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "135010-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Only if it is of the quality of That's Amore.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}, {"from": 36, "to": 38}, {"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "135010-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The menu has the usual but then they step it up another notch.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}, {"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 44}, {"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 14, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 8, "label": "Q"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 11, "target": 0, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "A"}, {"source": 15, "target": 6, "label": "A"}]} +{"id": "135010-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The arancini di riso (risotto fritters) are not to be missed.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}, {"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 2, "label": "U"}, {"source": 14, "target": 8, "label": "F"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "P"}, {"source": 14, "target": 5, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 15, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "F"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "135010-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Chicken saltimboca was excellent and then there's the chocolate mousse that comes straight from heaven.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 47}]}, {"id": 6, "anchors": [{"from": 47, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 90}]}, {"id": 13, "anchors": [{"from": 91, "to": 95}]}, {"id": 14, "anchors": [{"from": 96, "to": 102}]}, {"id": 15, "anchors": [{"from": 102, "to": 103}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "R"}, {"source": 18, "target": 5, "label": "S"}, {"source": 20, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "F"}, {"source": 21, "target": 13, "label": "R"}, {"source": 19, "target": 8, "label": "E"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "D"}, {"source": 17, "target": 3, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 20, "label": "E"}, {"source": 19, "target": 9, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "P"}, {"source": 17, "target": 4, "label": "L"}, {"source": 19, "target": 7, "label": "F"}, {"source": 16, "target": 2, "label": "S"}]} +{"id": "135010-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pay extra attention to the appetizers - the next time I go there I'm planning on ordered a few instead of an entree.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}, {"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 115}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 13, "label": "A"}, {"source": 33, "target": 23, "label": "U"}, {"source": 28, "target": 10, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 29, "label": "H"}, {"source": 30, "target": 16, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 27, "target": 9, "label": "C"}, {"source": 33, "target": 21, "label": "F"}, {"source": 27, "target": 7, "label": "F"}, {"source": 25, "target": 28, "label": "H"}, {"source": 26, "target": 3, "label": "R"}, {"source": 26, "target": 4, "label": "F"}, {"source": 28, "target": 11, "label": "P"}, {"source": 32, "target": 20, "label": "N"}, {"source": 26, "target": 5, "label": "C"}, {"source": 31, "target": 19, "label": "Q"}, {"source": 32, "target": 33, "label": "C"}, {"source": 33, "target": 22, "label": "C"}, {"source": 28, "target": 27, "label": "T"}, {"source": 24, "target": 0, "label": "D"}, {"source": 31, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 32, "label": "A"}, {"source": 29, "target": 30, "label": "D"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 12, "label": "A"}, {"source": 29, "target": 14, "label": "F"}, {"source": 29, "target": 17, "label": "P"}, {"source": 32, "target": 31, "label": "C"}, {"source": 25, "target": 6, "label": "U"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "135800-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Liars, negative stars!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "U"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "135800-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Took my Cruze in twice for poor fuel economy.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 15, "target": 8, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 4, "label": "D"}, {"source": 14, "target": 5, "label": "R"}, {"source": 11, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 6, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 1, "label": "A"}]} +{"id": "135800-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The first time they claimed to get reasonable mpg.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 8, "label": "A"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 1, "label": "Q"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 10, "label": "T"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 7, "label": "S"}, {"source": 13, "target": 6, "label": "D"}]} +{"id": "135800-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, they would never drive the car with me in it to prove their findings.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 14, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 20, "target": 11, "label": "A"}, {"source": 20, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "A"}, {"source": 19, "target": 6, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 10, "label": "S"}, {"source": 18, "target": 4, "label": "D"}, {"source": 17, "target": 18, "label": "H"}, {"source": 17, "target": 12, "label": "L"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 15, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 19, "target": 7, "label": "C"}, {"source": 20, "target": 8, "label": "R"}, {"source": 17, "target": 1, "label": "U"}, {"source": 21, "target": 13, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "135800-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wonder if they were going down a hill!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 7, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 6, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "135800-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They told me to bring it back after 5000 miles.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 5, "label": "A"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 8, "label": "Q"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "T"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 3, "label": "R"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "135800-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I brought it back with 9000 miles.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 3, "label": "D"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 2, "label": "A"}, {"source": 10, "target": 5, "label": "Q"}]} +{"id": "135800-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They \"finished\" the work and told me the car was ready.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 7, "label": "P"}, {"source": 14, "target": 3, "label": "U"}, {"source": 14, "target": 1, "label": "U"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 11, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 16, "label": "P"}, {"source": 19, "target": 12, "label": "S"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "D"}, {"source": 15, "target": 6, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "A"}]} +{"id": "135800-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found out they did not even drive the car, stated they looked at it before.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}, {"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 19, "target": 3, "label": "F"}, {"source": 18, "target": 9, "label": "U"}, {"source": 21, "target": 10, "label": "P"}, {"source": 19, "target": 5, "label": "G"}, {"source": 22, "target": 12, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 14, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 11, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 4, "label": "D"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 6, "label": "P"}, {"source": 22, "target": 15, "label": "T"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "135800-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They still would not drive the car with me to show their mpg number.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 7, "label": "R"}, {"source": 17, "target": 5, "label": "R"}, {"source": 18, "target": 8, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 19, "target": 11, "label": "A"}, {"source": 20, "target": 12, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 1, "label": "T"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 10, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "135800-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They also claimed not to see anything wrong with the blower fan (a seperate issue), but when I drove the car home I had the same symptoms.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 137}]}, {"id": 30, "anchors": [{"from": 137, "to": 138}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 34, "target": 7, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 40, "target": 25, "label": "A"}, {"source": 41, "target": 29, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 35, "target": 11, "label": "C"}, {"source": 32, "target": 31, "label": "H"}, {"source": 32, "target": 18, "label": "L"}, {"source": 41, "target": 27, "label": "F"}, {"source": 32, "target": 19, "label": "L"}, {"source": 35, "target": 8, "label": "R"}, {"source": 40, "target": 41, "label": "S"}, {"source": 32, "target": 16, "label": "U"}, {"source": 41, "target": 30, "label": "U"}, {"source": 35, "target": 9, "label": "F"}, {"source": 38, "target": 24, "label": "A"}, {"source": 31, "target": 1, "label": "D"}, {"source": 31, "target": 33, "label": "A"}, {"source": 33, "target": 3, "label": "D"}, {"source": 32, "target": 38, "label": "H"}, {"source": 36, "target": 37, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 36, "label": "H"}, {"source": 34, "target": 6, "label": "A"}, {"source": 37, "target": 13, "label": "F"}, {"source": 31, "target": 2, "label": "P"}, {"source": 39, "target": 22, "label": "F"}, {"source": 32, "target": 40, "label": "H"}, {"source": 40, "target": 26, "label": "F"}, {"source": 33, "target": 4, "label": "F"}, {"source": 40, "target": 28, "label": "D"}, {"source": 32, "target": 12, "label": "U"}, {"source": 35, "target": 10, "label": "E"}, {"source": 33, "target": 5, "label": "P"}, {"source": 32, "target": 17, "label": "U"}, {"source": 37, "target": 15, "label": "C"}, {"source": 36, "target": 14, "label": "D"}, {"source": 38, "target": 20, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 38, "target": 21, "label": "P"}, {"source": 39, "target": 23, "label": "C"}]} +{"id": "135800-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will never purchace another vehicle from Vic Canever.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}, {"from": 47, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "T"}, {"source": 11, "target": 4, "label": "Q"}, {"source": 12, "target": 6, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "137883-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Your average crappy chain.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 5, "target": 7, "label": "H"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 7, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "137883-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food is awful and the place caters to the yuppy crowd.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 6, "label": "P"}, {"source": 17, "target": 9, "label": "S"}, {"source": 14, "target": 4, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 7, "label": "R"}, {"source": 13, "target": 3, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 17, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 2, "label": "S"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "138110-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This is a great place to get a permit", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "F"}, {"source": 11, "target": 13, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 14, "target": 7, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 14, "label": "S"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "S"}, {"source": 10, "target": 1, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 13, "target": 6, "label": "D"}]} +{"id": "138110-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had to get a permit here, it was cool", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 5, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 8, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 2, "label": "D"}, {"source": 10, "target": 12, "label": "S"}, {"source": 11, "target": 6, "label": "U"}, {"source": 13, "target": 9, "label": "S"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "138249-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys do great work at VERY reasonable prices.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "S"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 15, "target": 6, "label": "D"}, {"source": 15, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "P"}, {"source": 13, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "138249-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have use them four times for fixing items from pushing out a dent in a bumper to fixing the fender on my beloved Miata.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 120}]}, {"id": 25, "anchors": [{"from": 120, "to": 121}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 30, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 16, "label": "C"}, {"source": 27, "target": 17, "label": "L"}, {"source": 28, "target": 5, "label": "C"}, {"source": 34, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 19, "label": "F"}, {"source": 36, "target": 37, "label": "E"}, {"source": 36, "target": 24, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 26, "target": 1, "label": "F"}, {"source": 28, "target": 4, "label": "Q"}, {"source": 27, "target": 9, "label": "L"}, {"source": 33, "target": 15, "label": "F"}, {"source": 38, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 31, "label": "S"}, {"source": 26, "target": 2, "label": "P"}, {"source": 31, "target": 12, "label": "F"}, {"source": 36, "target": 25, "label": "U"}, {"source": 30, "target": 32, "label": "A"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 22, "label": "A"}, {"source": 34, "target": 18, "label": "P"}, {"source": 33, "target": 14, "label": "R"}, {"source": 30, "target": 11, "label": "D"}, {"source": 37, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 23, "label": "S"}, {"source": 27, "target": 34, "label": "H"}, {"source": 29, "target": 8, "label": "A"}, {"source": 27, "target": 6, "label": "L"}, {"source": 30, "target": 10, "label": "P"}, {"source": 31, "target": 13, "label": "C"}, {"source": 29, "target": 7, "label": "P"}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 36, "label": "E"}, {"source": 36, "target": 21, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 37, "target": 22, "label": "S"}, {"source": 35, "target": 20, "label": "C"}, {"source": 26, "target": 28, "label": "D"}, {"source": 26, "target": 0, "label": "A"}, {"source": 36, "target": 38, "label": "E"}]} +{"id": "138249-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have never been disappointed.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "138699-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service and awesome prices.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "P"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 2, "label": "L"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "138699-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I get Microdermabrasions regularly and I love the environment", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 61}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "L"}, {"source": 12, "target": 7, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 8, "label": "C"}, {"source": 9, "target": 3, "label": "T"}]} +{"id": "139152-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hospitality.!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "139152-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very good hospitality offered.!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "139152-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Keep it up.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "139152-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "- Shree Ghatkopar Bhatia Mitra Mandal", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}, {"from": 8, "to": 17}, {"from": 18, "to": 24}, {"from": 25, "to": 30}, {"from": 31, "to": 37}]}, {"id": 2}], "edges": [{"source": 2, "target": 1, "label": "H"}, {"source": 1, "target": 0, "label": "U"}]} +{"id": "139456-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pleasure to work with.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "R"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "139456-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The experience with every department has been great.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 9, "label": "P"}, {"source": 11, "target": 7, "label": "D"}, {"source": 12, "target": 2, "label": "R"}, {"source": 11, "target": 6, "label": "F"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "Q"}]} +{"id": "139456-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No complaints!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "140164-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you want cheaply made glass from India and China, this is not your place.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 7, "label": "C"}, {"source": 25, "target": 16, "label": "U"}, {"source": 22, "target": 8, "label": "N"}, {"source": 24, "target": 14, "label": "S"}, {"source": 17, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "C"}, {"source": 19, "target": 4, "label": "S"}, {"source": 18, "target": 1, "label": "A"}, {"source": 17, "target": 10, "label": "U"}, {"source": 20, "target": 19, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 14, "label": "A"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 22, "label": "C"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 3, "label": "D"}, {"source": 23, "target": 12, "label": "S"}, {"source": 23, "target": 11, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 13, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "140164-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These people only carry the very best American blown glass.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 15, "label": "E"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "S"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 18, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 16, "label": "S"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 17, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 18, "target": 8, "label": "P"}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "140164-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their selection is top notch and the staff is very knowledgable.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 16, "target": 17, "label": "D"}, {"source": 16, "target": 15, "label": "S"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 4, "label": "L"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 3, "label": "S"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 11, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "140164-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go to the Looking Glass for all your smoking needs!!!!!!!!!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "A"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 1, "label": "R"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 5, "label": "D"}, {"source": 10, "target": 0, "label": "P"}, {"source": 13, "target": 8, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 14, "target": 7, "label": "P"}]} +{"id": "140302-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "5 star detail job", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "Q"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "D"}]} +{"id": "140302-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I took my Mustang here and it looked amazing after they were done, they did a great job, I'm very satisfied with the results.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 90, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 124}]}, {"id": 27, "anchors": [{"from": 124, "to": 125}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 30, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 10, "label": "A"}, {"source": 36, "target": 20, "label": "A"}, {"source": 35, "target": 15, "label": "F"}, {"source": 33, "target": 12, "label": "S"}, {"source": 34, "target": 35, "label": "P"}, {"source": 30, "target": 2, "label": "A"}, {"source": 37, "target": 24, "label": "R"}, {"source": 32, "target": 6, "label": "A"}, {"source": 29, "target": 9, "label": "L"}, {"source": 37, "target": 38, "label": "P"}, {"source": 32, "target": 7, "label": "G"}, {"source": 29, "target": 36, "label": "H"}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 19, "label": "U"}, {"source": 29, "target": 34, "label": "H"}, {"source": 29, "target": 13, "label": "U"}, {"source": 28, "target": 0, "label": "A"}, {"source": 34, "target": 17, "label": "D"}, {"source": 33, "target": 11, "label": "F"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 32, "label": "H"}, {"source": 28, "target": 4, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 32, "target": 8, "label": "S"}, {"source": 30, "target": 2, "label": "S"}, {"source": 28, "target": 31, "label": "A"}, {"source": 36, "target": 21, "label": "F"}, {"source": 31, "target": 3, "label": "C"}, {"source": 38, "target": 26, "label": "C"}, {"source": 38, "target": 25, "label": "F"}, {"source": 29, "target": 5, "label": "L"}, {"source": 35, "target": 18, "label": "C"}, {"source": 34, "target": 14, "label": "A"}, {"source": 38, "target": 27, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 16, "label": "F"}, {"source": 28, "target": 1, "label": "P"}, {"source": 36, "target": 22, "label": "D"}, {"source": 36, "target": 23, "label": "S"}]} +{"id": "140302-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The paint and wheels looked like glass and the interior looked new!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "A"}, {"source": 16, "target": 2, "label": "N"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "G"}, {"source": 17, "target": 8, "label": "F"}, {"source": 18, "target": 11, "label": "S"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 5, "label": "S"}, {"source": 13, "target": 16, "label": "C"}, {"source": 14, "target": 4, "label": "G"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 1, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 3, "label": "C"}]} +{"id": "140302-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also, they have great customer service and a very knowledgeable staff", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 4, "label": "D"}, {"source": 16, "target": 17, "label": "S"}, {"source": 18, "target": 9, "label": "E"}, {"source": 12, "target": 15, "label": "A"}, {"source": 15, "target": 5, "label": "A"}, {"source": 12, "target": 14, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 7, "label": "L"}, {"source": 16, "target": 18, "label": "D"}, {"source": 15, "target": 5, "label": "S"}, {"source": 14, "target": 6, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 12, "target": 1, "label": "U"}, {"source": 18, "target": 10, "label": "C"}, {"source": 12, "target": 2, "label": "A"}, {"source": 12, "target": 0, "label": "D"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "141103-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good location", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "141103-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "For a hotel like this you would expect some form of free internet.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "S"}, {"source": 20, "target": 10, "label": "R"}, {"source": 17, "target": 7, "label": "P"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 4, "label": "A"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 5, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "141103-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What you get is a $13/day charge to access the internet through a slow 512/512kb/s that you can only use to check email etc (Read: No downloading).", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 21, "to": 22}]}, {"id": 8, "anchors": [{"from": 22, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 74}]}, {"id": 18, "anchors": [{"from": 74, "to": 75}]}, {"id": 19, "anchors": [{"from": 75, "to": 78}]}, {"id": 20, "anchors": [{"from": 78, "to": 80}]}, {"id": 21, "anchors": [{"from": 80, "to": 81}]}, {"id": 22, "anchors": [{"from": 81, "to": 82}]}, {"id": 23, "anchors": [{"from": 83, "to": 87}]}, {"id": 24, "anchors": [{"from": 88, "to": 91}]}, {"id": 25, "anchors": [{"from": 92, "to": 95}]}, {"id": 26, "anchors": [{"from": 96, "to": 100}]}, {"id": 27, "anchors": [{"from": 101, "to": 104}]}, {"id": 28, "anchors": [{"from": 105, "to": 107}]}, {"id": 29, "anchors": [{"from": 108, "to": 113}]}, {"id": 30, "anchors": [{"from": 114, "to": 119}]}, {"id": 31, "anchors": [{"from": 120, "to": 123}]}, {"id": 32, "anchors": [{"from": 124, "to": 125}]}, {"id": 33, "anchors": [{"from": 125, "to": 129}]}, {"id": 34, "anchors": [{"from": 129, "to": 130}]}, {"id": 35, "anchors": [{"from": 131, "to": 133}]}, {"id": 36, "anchors": [{"from": 134, "to": 145}]}, {"id": 37, "anchors": [{"from": 145, "to": 146}]}, {"id": 38, "anchors": [{"from": 146, "to": 147}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 41, "target": 7, "label": "U"}, {"source": 42, "target": 4, "label": "F"}, {"source": 41, "target": 42, "label": "P"}, {"source": 44, "target": 46, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 39, "target": 2, "label": "P"}, {"source": 50, "target": 31, "label": "C"}, {"source": 48, "target": 26, "label": "D"}, {"source": 52, "target": 35, "label": "D"}, {"source": 39, "target": 1, "label": "A"}, {"source": 48, "target": 27, "label": "P"}, {"source": 40, "target": 44, "label": "H"}, {"source": 39, "target": 0, "label": "A"}, {"source": 44, "target": 11, "label": "P"}, {"source": 46, "target": 47, "label": "A"}, {"source": 47, "target": 14, "label": "R"}, {"source": 41, "target": 8, "label": "T"}, {"source": 40, "target": 48, "label": "H"}, {"source": 40, "target": 23, "label": "L"}, {"source": 40, "target": 10, "label": "L"}, {"source": 40, "target": 51, "label": "H"}, {"source": 47, "target": 15, "label": "F"}, {"source": 47, "target": 18, "label": "U"}, {"source": 43, "target": 6, "label": "Q"}, {"source": 48, "target": 24, "label": "A"}, {"source": 41, "target": 43, "label": "A"}, {"source": 47, "target": 22, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 47, "target": 20, "label": "C"}, {"source": 46, "target": 16, "label": "S"}, {"source": 45, "target": 13, "label": "C"}, {"source": 47, "target": 19, "label": "Q"}, {"source": 40, "target": 32, "label": "U"}, {"source": 49, "target": 29, "label": "P"}, {"source": 45, "target": 12, "label": "F"}, {"source": 49, "target": 28, "label": "R"}, {"source": 43, "target": 5, "label": "C"}, {"source": 50, "target": 30, "label": "C"}, {"source": 52, "target": 36, "label": "P"}, {"source": 42, "target": 9, "label": "C"}, {"source": 48, "target": 49, "label": "A"}, {"source": 39, "target": 41, "label": "A"}, {"source": 48, "target": 25, "label": "F"}, {"source": 51, "target": 52, "label": "A"}, {"source": 51, "target": 34, "label": "U"}, {"source": 47, "target": 21, "label": "U"}, {"source": 47, "target": 17, "label": "Q"}, {"source": 40, "target": 39, "label": "H"}, {"source": 52, "target": 38, "label": "U"}, {"source": 52, "target": 37, "label": "U"}, {"source": 39, "target": 3, "label": "F"}, {"source": 51, "target": 33, "label": "S"}]} +{"id": "141103-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Other than that the hotel is in a good location and the breakfast is great", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 74}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 18, "target": 11, "label": "F"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "D"}, {"source": 17, "target": 9, "label": "F"}, {"source": 18, "target": 17, "label": "P"}, {"source": 15, "target": 4, "label": "F"}, {"source": 13, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 16, "target": 5, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "S"}, {"source": 13, "target": 8, "label": "L"}, {"source": 13, "target": 18, "label": "H"}, {"source": 18, "target": 12, "label": "D"}]} +{"id": "142081-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic Service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "142081-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been here a few times for oil changes and just got my tires, alignment and state inspection done yesterday.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}, {"from": 99, "to": 103}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 98}]}, {"id": 20, "anchors": [{"from": 104, "to": 113}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 17, "label": "N"}, {"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 6, "label": "C"}, {"source": 26, "target": 21, "label": "U"}, {"source": 26, "target": 12, "label": "P"}, {"source": 29, "target": 16, "label": "P"}, {"source": 31, "target": 19, "label": "P"}, {"source": 28, "target": 29, "label": "C"}, {"source": 28, "target": 14, "label": "C"}, {"source": 25, "target": 8, "label": "A"}, {"source": 22, "target": 3, "label": "A"}, {"source": 24, "target": 5, "label": "Q"}, {"source": 27, "target": 28, "label": "C"}, {"source": 30, "target": 31, "label": "C"}, {"source": 24, "target": 4, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 28, "target": 15, "label": "U"}, {"source": 26, "target": 20, "label": "T"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 30, "label": "C"}, {"source": 26, "target": 11, "label": "T"}, {"source": 23, "target": 7, "label": "L"}, {"source": 25, "target": 9, "label": "P"}, {"source": 30, "target": 18, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 24, "label": "T"}, {"source": 23, "target": 10, "label": "L"}, {"source": 27, "target": 13, "label": "E"}, {"source": 22, "target": 1, "label": "F"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "142081-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I shopped it around and they were extremely competitive in pricing and also added nitrogen to my tires which should extend the life and get me better gas mileage.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}, {"from": 10, "to": 12}, {"from": 13, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 90}]}, {"id": 13, "anchors": [{"from": 91, "to": 93}]}, {"id": 14, "anchors": [{"from": 94, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 115}]}, {"id": 18, "anchors": [{"from": 116, "to": 122}]}, {"id": 19, "anchors": [{"from": 123, "to": 126}]}, {"id": 20, "anchors": [{"from": 127, "to": 131}]}, {"id": 21, "anchors": [{"from": 132, "to": 135}]}, {"id": 22, "anchors": [{"from": 136, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 142}]}, {"id": 24, "anchors": [{"from": 143, "to": 149}]}, {"id": 25, "anchors": [{"from": 150, "to": 153}]}, {"id": 26, "anchors": [{"from": 154, "to": 161}]}, {"id": 27, "anchors": [{"from": 161, "to": 162}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 30, "target": 3, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 12, "label": "A"}, {"source": 38, "target": 20, "label": "C"}, {"source": 33, "target": 11, "label": "P"}, {"source": 34, "target": 35, "label": "E"}, {"source": 30, "target": 4, "label": "F"}, {"source": 36, "target": 18, "label": "P"}, {"source": 37, "target": 38, "label": "S"}, {"source": 35, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 6, "label": "S"}, {"source": 29, "target": 16, "label": "L"}, {"source": 36, "target": 17, "label": "D"}, {"source": 29, "target": 36, "label": "H"}, {"source": 31, "target": 7, "label": "R"}, {"source": 29, "target": 33, "label": "H"}, {"source": 34, "target": 13, "label": "R"}, {"source": 33, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 32, "label": "L"}, {"source": 29, "target": 30, "label": "H"}, {"source": 28, "target": 0, "label": "A"}, {"source": 39, "target": 24, "label": "S"}, {"source": 31, "target": 8, "label": "C"}, {"source": 29, "target": 28, "label": "H"}, {"source": 34, "target": 15, "label": "C"}, {"source": 39, "target": 22, "label": "D"}, {"source": 35, "target": 14, "label": "S"}, {"source": 32, "target": 9, "label": "C"}, {"source": 29, "target": 39, "label": "H"}, {"source": 40, "target": 25, "label": "E"}, {"source": 40, "target": 27, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 14, "label": "A"}, {"source": 39, "target": 23, "label": "A"}, {"source": 28, "target": 1, "label": "P"}, {"source": 38, "target": 19, "label": "F"}, {"source": 32, "target": 10, "label": "C"}, {"source": 29, "target": 21, "label": "L"}, {"source": 29, "target": 2, "label": "L"}, {"source": 30, "target": 5, "label": "D"}, {"source": 40, "target": 26, "label": "C"}]} +{"id": "142081-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It also came with free balance and rotation for the life of the tires!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "F"}, {"source": 18, "target": 7, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 20, "label": "S"}, {"source": 16, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "L"}, {"source": 15, "target": 17, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 8, "label": "R"}, {"source": 20, "target": 9, "label": "F"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 16, "target": 1, "label": "L"}, {"source": 15, "target": 4, "label": "D"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "142081-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What made it perfect was that they offered transportation so that I would not have to wait there or take time off of work to go back and forth or try to find a ride.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 60}, {"from": 61, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 104}, {"from": 105, "to": 109}, {"from": 110, "to": 113}]}, {"id": 18, "anchors": [{"from": 114, "to": 116}]}, {"id": 19, "anchors": [{"from": 117, "to": 121}]}, {"id": 20, "anchors": [{"from": 122, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 149}]}, {"id": 27, "anchors": [{"from": 150, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 164}]}, {"id": 31, "anchors": [{"from": 164, "to": 165}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 42, "target": 22, "label": "C"}, {"source": 43, "target": 28, "label": "P"}, {"source": 43, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 9, "label": "L"}, {"source": 36, "target": 7, "label": "D"}, {"source": 34, "target": 20, "label": "L"}, {"source": 37, "target": 13, "label": "D"}, {"source": 33, "target": 32, "label": "A"}, {"source": 45, "target": 30, "label": "C"}, {"source": 42, "target": 24, "label": "C"}, {"source": 38, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 38, "label": "H"}, {"source": 33, "target": 4, "label": "S"}, {"source": 37, "target": 12, "label": "D"}, {"source": 37, "target": 15, "label": "A"}, {"source": 43, "target": 27, "label": "F"}, {"source": 36, "target": 8, "label": "P"}, {"source": 45, "target": 29, "label": "F"}, {"source": 41, "target": 42, "label": "D"}, {"source": 43, "target": 26, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 18, "label": "N"}, {"source": 32, "target": 0, "label": "C"}, {"source": 38, "target": 17, "label": "P"}, {"source": 36, "target": 6, "label": "A"}, {"source": 42, "target": 23, "label": "N"}, {"source": 32, "target": 35, "label": "E"}, {"source": 34, "target": 5, "label": "L"}, {"source": 37, "target": 14, "label": "P"}, {"source": 41, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 45, "label": "P"}, {"source": 39, "target": 40, "label": "P"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 19, "label": "C"}, {"source": 35, "target": 2, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 45, "target": 31, "label": "U"}, {"source": 41, "target": 21, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 35, "target": 3, "label": "S"}, {"source": 34, "target": 41, "label": "H"}, {"source": 37, "target": 10, "label": "A"}, {"source": 34, "target": 37, "label": "H"}, {"source": 35, "target": 1, "label": "D"}, {"source": 34, "target": 43, "label": "H"}, {"source": 34, "target": 25, "label": "L"}, {"source": 34, "target": 16, "label": "L"}, {"source": 37, "target": 11, "label": "F"}]} +{"id": "142081-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great service, great pricing and SUPER CONVENIENT!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "L"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "142081-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also did not feel like they tried to sell me a bunch of services that I did not need.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 86}]}, {"id": 20, "anchors": [{"from": 86, "to": 87}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 26, "target": 15, "label": "R"}, {"source": 24, "target": 11, "label": "F"}, {"source": 22, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 19, "label": "S"}, {"source": 23, "target": 7, "label": "D"}, {"source": 26, "target": 16, "label": "A"}, {"source": 22, "target": 3, "label": "D"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 18, "label": "D"}, {"source": 25, "target": 13, "label": "R"}, {"source": 23, "target": 5, "label": "R"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 4, "label": "P"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 26, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 20, "label": "U"}, {"source": 26, "target": 17, "label": "F"}, {"source": 23, "target": 10, "label": "A"}, {"source": 21, "target": 1, "label": "L"}, {"source": 23, "target": 6, "label": "A"}]} +{"id": "145645-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "spoken english rushi", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 14}, {"from": 15, "to": 20}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "145645-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "can ever & never forget the training undergone here which made my life step onto the successful job without any hurdles.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 10}, {"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 107}]}, {"id": 17, "anchors": [{"from": 108, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 119}]}, {"id": 19, "anchors": [{"from": 119, "to": 120}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 14, "label": "D"}, {"source": 22, "target": 4, "label": "C"}, {"source": 27, "target": 19, "label": "U"}, {"source": 20, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 18, "label": "P"}, {"source": 24, "target": 11, "label": "P"}, {"source": 20, "target": 2, "label": "P"}, {"source": 23, "target": 5, "label": "D"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 0, "label": "D"}, {"source": 20, "target": 1, "label": "T"}, {"source": 26, "target": 13, "label": "F"}, {"source": 26, "target": 15, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 27, "label": "H"}, {"source": 23, "target": 22, "label": "P"}, {"source": 25, "target": 10, "label": "S"}, {"source": 25, "target": 9, "label": "A"}, {"source": 27, "target": 17, "label": "D"}, {"source": 21, "target": 16, "label": "L"}, {"source": 23, "target": 6, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 26, "target": 12, "label": "R"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "145645-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The staff, material provided, infra structure, environment &low fees totally above the satisfactory mark", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 104}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 20, "target": 25, "label": "A"}, {"source": 18, "target": 7, "label": "U"}, {"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 17, "label": "C"}, {"source": 18, "target": 6, "label": "C"}, {"source": 25, "target": 16, "label": "C"}, {"source": 26, "target": 15, "label": "S"}, {"source": 17, "target": 0, "label": "F"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 26, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "S"}, {"source": 18, "target": 21, "label": "C"}, {"source": 20, "target": 12, "label": "D"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 18, "target": 9, "label": "N"}, {"source": 25, "target": 14, "label": "F"}, {"source": 18, "target": 24, "label": "C"}, {"source": 22, "target": 4, "label": "P"}, {"source": 23, "target": 10, "label": "S"}, {"source": 18, "target": 2, "label": "U"}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 18, "label": "A"}, {"source": 21, "target": 3, "label": "C"}]} +{"id": "146820-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Amazing service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "146820-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just had the best experience at this Kal Tire location.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}, {"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 9, "label": "E"}, {"source": 12, "target": 1, "label": "T"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "146820-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Courteous, fast and friendly.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 3, "label": "L"}]} +{"id": "147825-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Rip Off!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "147825-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "45p for tap water!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 6, "target": 0, "label": "Q"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}]} +{"id": "147825-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ridiculous!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "147825-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't think I've ever been charged before.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 8, "label": "T"}, {"source": 12, "target": 3, "label": "A"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "T"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 6, "label": "F"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "147825-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Oh, and salad cream, not mayonnaise, on the coleslaw.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 2, "label": "C"}, {"source": 16, "target": 15, "label": "C"}, {"source": 18, "target": 6, "label": "D"}, {"source": 17, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "C"}, {"source": 14, "target": 13, "label": "L"}, {"source": 13, "target": 1, "label": "U"}, {"source": 17, "target": 19, "label": "A"}, {"source": 16, "target": 5, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 18, "label": "C"}, {"source": 19, "target": 10, "label": "F"}, {"source": 17, "target": 8, "label": "U"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "S"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "147825-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Avoid!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "148012-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great lunch specials.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 7, "label": "A"}, {"source": 7, "target": 6, "label": "E"}, {"source": 7, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "148012-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Delivery is lightning fast.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "D"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}]} +{"id": "148012-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Perfect since I'm on a budget.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 1, "label": "L"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 4, "label": "S"}]} +{"id": "148012-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But otherwise, it can feel pricey for what you get.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "U"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 1, "label": "L"}, {"source": 14, "target": 9, "label": "A"}, {"source": 12, "target": 7, "label": "L"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 4, "label": "D"}, {"source": 14, "target": 10, "label": "P"}, {"source": 13, "target": 3, "label": "A"}, {"source": 13, "target": 5, "label": "G"}, {"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 8, "label": "A"}]} +{"id": "148012-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Like the sushi, don't like the pad thai.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}, {"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "D"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "S"}, {"source": 10, "target": 0, "label": "S"}]} +{"id": "148346-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best place to sleep!!!!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 8, "label": "E"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "U"}]} +{"id": "148566-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good fun for wing night, food eh, beer list eh...", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 18, "target": 9, "label": "E"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 3, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 7, "label": "S"}, {"source": 19, "target": 18, "label": "A"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "P"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "S"}, {"source": 13, "target": 0, "label": "E"}, {"source": 14, "target": 13, "label": "D"}, {"source": 18, "target": 10, "label": "C"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 8, "label": "U"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "148971-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Strzalka at Flagship CVTS is not a good doctor", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}, {"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 10, "target": 9, "label": "C"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "F"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 7, "label": "D"}, {"source": 12, "target": 13, "label": "S"}, {"source": 10, "target": 2, "label": "N"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "D"}]} +{"id": "148971-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am not sure about the quality of the other doctors there, but i do know from personal experience that Dr. Christopher T. Strzalka is not a man of his word, and is also very CRUEL AND UNCARING!!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 119}, {"from": 120, "to": 122}, {"from": 123, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 144}, {"from": 145, "to": 147}, {"from": 148, "to": 151}, {"from": 152, "to": 156}]}, {"id": 27, "anchors": [{"from": 156, "to": 157}]}, {"id": 28, "anchors": [{"from": 158, "to": 161}]}, {"id": 29, "anchors": [{"from": 162, "to": 164}]}, {"id": 30, "anchors": [{"from": 165, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 174}]}, {"id": 32, "anchors": [{"from": 175, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 184}]}, {"id": 34, "anchors": [{"from": 185, "to": 193}]}, {"id": 35, "anchors": [{"from": 193, "to": 195}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 36, "target": 2, "label": "D"}, {"source": 46, "target": 32, "label": "S"}, {"source": 39, "target": 5, "label": "F"}, {"source": 38, "target": 4, "label": "R"}, {"source": 40, "target": 8, "label": "F"}, {"source": 37, "target": 12, "label": "U"}, {"source": 37, "target": 46, "label": "H"}, {"source": 44, "target": 45, "label": "A"}, {"source": 44, "target": 24, "label": "D"}, {"source": 38, "target": 39, "label": "S"}, {"source": 40, "target": 7, "label": "R"}, {"source": 40, "target": 9, "label": "E"}, {"source": 46, "target": 31, "label": "D"}, {"source": 37, "target": 43, "label": "H"}, {"source": 36, "target": 38, "label": "A"}, {"source": 36, "target": 1, "label": "F"}, {"source": 42, "target": 15, "label": "F"}, {"source": 44, "target": 20, "label": "R"}, {"source": 44, "target": 23, "label": "F"}, {"source": 39, "target": 6, "label": "C"}, {"source": 47, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 14, "label": "A"}, {"source": 47, "target": 34, "label": "S"}, {"source": 40, "target": 41, "label": "C"}, {"source": 46, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 47, "label": "H"}, {"source": 37, "target": 33, "label": "L"}, {"source": 36, "target": 11, "label": "A"}, {"source": 47, "target": 35, "label": "U"}, {"source": 44, "target": 26, "label": "S"}, {"source": 46, "target": 29, "label": "F"}, {"source": 43, "target": 19, "label": "P"}, {"source": 37, "target": 36, "label": "H"}, {"source": 45, "target": 21, "label": "E"}, {"source": 41, "target": 10, "label": "A"}, {"source": 37, "target": 17, "label": "L"}, {"source": 37, "target": 13, "label": "L"}, {"source": 44, "target": 25, "label": "F"}, {"source": 36, "target": 0, "label": "A"}, {"source": 37, "target": 27, "label": "U"}, {"source": 36, "target": 3, "label": "S"}, {"source": 41, "target": 10, "label": "P"}, {"source": 42, "target": 16, "label": "S"}, {"source": 43, "target": 18, "label": "D"}, {"source": 37, "target": 28, "label": "L"}, {"source": 45, "target": 22, "label": "C"}, {"source": 37, "target": 30, "label": "L"}, {"source": 42, "target": 44, "label": "A"}, {"source": 38, "target": 40, "label": "A"}, {"source": 37, "target": 42, "label": "H"}]} +{"id": "148971-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was going to operate and replace my bicuspid aortic valve due to critical aortic stenosis.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}, {"from": 48, "to": 54}, {"from": 55, "to": 60}]}, {"id": 8, "anchors": [{"from": 61, "to": 64}, {"from": 65, "to": 67}]}, {"id": 9, "anchors": [{"from": 68, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 83}]}, {"id": 11, "anchors": [{"from": 84, "to": 92}]}, {"id": 12, "anchors": [{"from": 92, "to": 93}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 5, "label": "P"}, {"source": 14, "target": 4, "label": "L"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 6, "label": "S"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 8, "label": "L"}, {"source": 18, "target": 19, "label": "S"}, {"source": 18, "target": 9, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "E"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "148971-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had a surgery date of July 17, 2008.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 14, "label": "T"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "148971-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then he renigged when he read my Health Care Proxy, even though i agreed to be on the ventilator for 2 months following surgery (as he had twice stated i must agree to).", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}, {"from": 40, "to": 44}, {"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 129}]}, {"id": 23, "anchors": [{"from": 129, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 167}]}, {"id": 32, "anchors": [{"from": 167, "to": 168}]}, {"id": 33, "anchors": [{"from": 168, "to": 169}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 46, "target": 31, "label": "R"}, {"source": 37, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 14, "label": "S"}, {"source": 42, "target": 19, "label": "C"}, {"source": 34, "target": 9, "label": "L"}, {"source": 44, "target": 45, "label": "A"}, {"source": 43, "target": 21, "label": "P"}, {"source": 45, "target": 46, "label": "P"}, {"source": 34, "target": 23, "label": "L"}, {"source": 36, "target": 38, "label": "A"}, {"source": 44, "target": 24, "label": "A"}, {"source": 39, "target": 10, "label": "A"}, {"source": 43, "target": 20, "label": "D"}, {"source": 35, "target": 2, "label": "P"}, {"source": 34, "target": 22, "label": "U"}, {"source": 42, "target": 18, "label": "Q"}, {"source": 45, "target": 28, "label": "A"}, {"source": 37, "target": 6, "label": "A"}, {"source": 38, "target": 7, "label": "C"}, {"source": 46, "target": 32, "label": "U"}, {"source": 37, "target": 6, "label": "S"}, {"source": 44, "target": 26, "label": "D"}, {"source": 40, "target": 43, "label": "A"}, {"source": 38, "target": 37, "label": "E"}, {"source": 34, "target": 0, "label": "L"}, {"source": 45, "target": 29, "label": "D"}, {"source": 41, "target": 16, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 34, "target": 3, "label": "L"}, {"source": 40, "target": 42, "label": "T"}, {"source": 34, "target": 35, "label": "H"}, {"source": 46, "target": 30, "label": "C"}, {"source": 44, "target": 25, "label": "F"}, {"source": 46, "target": 33, "label": "U"}, {"source": 40, "target": 13, "label": "F"}, {"source": 41, "target": 15, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 17, "label": "R"}, {"source": 34, "target": 8, "label": "U"}, {"source": 34, "target": 44, "label": "H"}, {"source": 40, "target": 12, "label": "F"}, {"source": 35, "target": 1, "label": "A"}, {"source": 44, "target": 27, "label": "P"}, {"source": 39, "target": 11, "label": "P"}, {"source": 36, "target": 5, "label": "P"}, {"source": 34, "target": 39, "label": "H"}, {"source": 36, "target": 4, "label": "A"}]} +{"id": "148971-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He later said that by 2 months he \"meant at least two months\".", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}, {"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 11, "label": "Q"}, {"source": 18, "target": 6, "label": "C"}, {"source": 18, "target": 5, "label": "Q"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "T"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "R"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "U"}, {"source": 19, "target": 10, "label": "E"}, {"source": 17, "target": 9, "label": "S"}]} +{"id": "148971-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Two months and at least two months are totally different things.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 3, "label": "E"}, {"source": 12, "target": 2, "label": "N"}, {"source": 14, "target": 9, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 11, "label": "C"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 12, "target": 15, "label": "C"}, {"source": 11, "target": 0, "label": "Q"}, {"source": 14, "target": 8, "label": "S"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "148971-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He did not even give me the chance to say i would stay on the ventilator longer, which i would have.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}, {"from": 24, "to": 27}, {"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 99, "to": 100}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 9, "label": "F"}, {"source": 22, "target": 16, "label": "L"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 6, "label": "R"}, {"source": 26, "target": 17, "label": "A"}, {"source": 24, "target": 14, "label": "T"}, {"source": 21, "target": 3, "label": "G"}, {"source": 21, "target": 5, "label": "A"}, {"source": 24, "target": 8, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 4, "label": "P"}, {"source": 26, "target": 18, "label": "F"}, {"source": 24, "target": 10, "label": "P"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 23, "target": 7, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 11, "label": "R"}, {"source": 21, "target": 1, "label": "F"}, {"source": 26, "target": 20, "label": "U"}, {"source": 25, "target": 12, "label": "F"}, {"source": 21, "target": 2, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 19, "label": "F"}, {"source": 26, "target": 10, "label": "P", "properties": ["remote"], "values": [true]}]} +{"id": "148971-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A Health Care Proxy is not written in stone and can be changed.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 4, "label": "P"}, {"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "F"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 16, "target": 8, "label": "D"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "148971-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He also never even said he was sorry.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 1, "label": "L"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 11, "target": 6, "label": "F"}, {"source": 11, "target": 7, "label": "S"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "148971-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just said i was inoperable and walked out of the hospital room.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 6, "label": "P"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 2, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 10, "label": "E"}, {"source": 15, "target": 4, "label": "S"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 0, "label": "D"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "148971-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So, therefore, now he says i am inoperable (even though i am not 100% inoperable), and he is letting me die.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}, {"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 92}]}, {"id": 23, "anchors": [{"from": 93, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 107}]}, {"id": 26, "anchors": [{"from": 107, "to": 108}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 27, "target": 19, "label": "U"}, {"source": 30, "target": 13, "label": "F"}, {"source": 30, "target": 31, "label": "D"}, {"source": 28, "target": 4, "label": "T"}, {"source": 27, "target": 30, "label": "H"}, {"source": 32, "target": 22, "label": "F"}, {"source": 32, "target": 23, "label": "D"}, {"source": 30, "target": 14, "label": "D"}, {"source": 27, "target": 18, "label": "U"}, {"source": 27, "target": 1, "label": "U"}, {"source": 32, "target": 25, "label": "P"}, {"source": 29, "target": 9, "label": "S"}, {"source": 32, "target": 24, "label": "A"}, {"source": 29, "target": 8, "label": "F"}, {"source": 31, "target": 16, "label": "C"}, {"source": 27, "target": 10, "label": "U"}, {"source": 27, "target": 32, "label": "H"}, {"source": 32, "target": 21, "label": "A"}, {"source": 31, "target": 15, "label": "Q"}, {"source": 30, "target": 12, "label": "A"}, {"source": 29, "target": 7, "label": "A"}, {"source": 27, "target": 11, "label": "L"}, {"source": 27, "target": 3, "label": "U"}, {"source": 30, "target": 17, "label": "S"}, {"source": 32, "target": 26, "label": "U"}, {"source": 27, "target": 2, "label": "L"}, {"source": 28, "target": 5, "label": "A"}, {"source": 27, "target": 20, "label": "L"}, {"source": 28, "target": 6, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 0, "label": "L"}]} +{"id": "148971-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am just middle aged and do not want to die, but thanks to this doctor i have no other alternatives.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 26, "target": 8, "label": "D"}, {"source": 29, "target": 16, "label": "C"}, {"source": 29, "target": 15, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "H"}, {"source": 28, "target": 14, "label": "R"}, {"source": 28, "target": 29, "label": "P"}, {"source": 23, "target": 25, "label": "S"}, {"source": 24, "target": 5, "label": "L"}, {"source": 24, "target": 11, "label": "U"}, {"source": 23, "target": 2, "label": "D"}, {"source": 26, "target": 7, "label": "D"}, {"source": 30, "target": 17, "label": "A"}, {"source": 26, "target": 6, "label": "F"}, {"source": 24, "target": 30, "label": "H"}, {"source": 24, "target": 12, "label": "L"}, {"source": 30, "target": 22, "label": "U"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 21, "label": "S"}, {"source": 26, "target": 9, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 20, "label": "D"}, {"source": 30, "target": 19, "label": "D"}, {"source": 30, "target": 18, "label": "F"}, {"source": 25, "target": 3, "label": "E"}, {"source": 26, "target": 10, "label": "P"}, {"source": 23, "target": 1, "label": "F"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "148971-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I, along with my friends, consider this doctor to be the cause of my death as he is not even trying to save my life by operating.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 128}]}, {"id": 29, "anchors": [{"from": 128, "to": 129}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 28, "label": "P"}, {"source": 34, "target": 4, "label": "S"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 7, "label": "P"}, {"source": 42, "target": 26, "label": "S"}, {"source": 40, "target": 15, "label": "A"}, {"source": 36, "target": 37, "label": "P"}, {"source": 35, "target": 5, "label": "C"}, {"source": 32, "target": 43, "label": "H"}, {"source": 41, "target": 18, "label": "A"}, {"source": 38, "target": 11, "label": "F"}, {"source": 32, "target": 27, "label": "L"}, {"source": 33, "target": 3, "label": "C"}, {"source": 43, "target": 29, "label": "U"}, {"source": 41, "target": 42, "label": "A"}, {"source": 30, "target": 1, "label": "U"}, {"source": 31, "target": 30, "label": "A"}, {"source": 37, "target": 9, "label": "C"}, {"source": 42, "target": 25, "label": "A"}, {"source": 32, "target": 41, "label": "H"}, {"source": 41, "target": 21, "label": "G"}, {"source": 41, "target": 23, "label": "F"}, {"source": 31, "target": 36, "label": "A"}, {"source": 30, "target": 35, "label": "C"}, {"source": 31, "target": 38, "label": "A"}, {"source": 41, "target": 22, "label": "D"}, {"source": 32, "target": 17, "label": "L"}, {"source": 41, "target": 24, "label": "P"}, {"source": 39, "target": 12, "label": "F"}, {"source": 40, "target": 16, "label": "P"}, {"source": 35, "target": 34, "label": "E"}, {"source": 41, "target": 20, "label": "D"}, {"source": 41, "target": 19, "label": "F"}, {"source": 40, "target": 14, "label": "R"}, {"source": 30, "target": 33, "label": "N"}, {"source": 37, "target": 8, "label": "E"}, {"source": 33, "target": 2, "label": "F"}, {"source": 34, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 6, "label": "U"}, {"source": 38, "target": 10, "label": "F"}, {"source": 39, "target": 13, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 38, "target": 40, "label": "A"}, {"source": 30, "target": 0, "label": "C"}, {"source": 34, "target": 4, "label": "A"}, {"source": 38, "target": 39, "label": "S"}]} +{"id": "148971-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even my PA i went to the other day said \"it must by comforting to have gone to a heart surgeon like him who will do nothing for you\".", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 112}]}, {"id": 26, "anchors": [{"from": 113, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 131}]}, {"id": 30, "anchors": [{"from": 131, "to": 132}]}, {"id": 31, "anchors": [{"from": 132, "to": 133}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 42, "target": 22, "label": "R"}, {"source": 33, "target": 34, "label": "A"}, {"source": 39, "target": 17, "label": "P"}, {"source": 38, "target": 14, "label": "S"}, {"source": 34, "target": 2, "label": "C"}, {"source": 39, "target": 16, "label": "F"}, {"source": 34, "target": 35, "label": "E"}, {"source": 36, "target": 5, "label": "R"}, {"source": 35, "target": 3, "label": "A"}, {"source": 35, "target": 37, "label": "T"}, {"source": 40, "target": 43, "label": "E"}, {"source": 33, "target": 9, "label": "P"}, {"source": 32, "target": 33, "label": "H"}, {"source": 33, "target": 10, "label": "U"}, {"source": 44, "target": 30, "label": "U"}, {"source": 37, "target": 7, "label": "E"}, {"source": 38, "target": 11, "label": "F"}, {"source": 44, "target": 29, "label": "C"}, {"source": 44, "target": 31, "label": "U"}, {"source": 42, "target": 23, "label": "C"}, {"source": 40, "target": 41, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 43, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 27, "label": "D"}, {"source": 37, "target": 6, "label": "F"}, {"source": 37, "target": 8, "label": "C"}, {"source": 38, "target": 12, "label": "D"}, {"source": 43, "target": 24, "label": "R"}, {"source": 35, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 1, "label": "E"}, {"source": 41, "target": 19, "label": "F"}, {"source": 40, "target": 42, "label": "E"}, {"source": 38, "target": 13, "label": "F"}, {"source": 44, "target": 28, "label": "R"}, {"source": 41, "target": 21, "label": "P"}, {"source": 33, "target": 0, "label": "G"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 26, "label": "P"}, {"source": 39, "target": 15, "label": "F"}, {"source": 36, "target": 4, "label": "C"}, {"source": 35, "target": 36, "label": "P"}, {"source": 41, "target": 20, "label": "A"}, {"source": 33, "target": 38, "label": "A"}, {"source": 40, "target": 18, "label": "F"}, {"source": 43, "target": 25, "label": "F"}]} +{"id": "148971-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He said it sarcastically.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "148971-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you want a doctor who will lie to you and say he will operate and then change his mind, and not know what he is talking about when he recommends procedures at other hospitals and says they are what you need, when they will not work for you, go to this doctor...he is the one for you.", "tops": [64], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 161}]}, {"id": 34, "anchors": [{"from": 162, "to": 167}]}, {"id": 35, "anchors": [{"from": 168, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 186}]}, {"id": 38, "anchors": [{"from": 187, "to": 191}]}, {"id": 39, "anchors": [{"from": 192, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 200}]}, {"id": 41, "anchors": [{"from": 201, "to": 204}]}, {"id": 42, "anchors": [{"from": 205, "to": 209}]}, {"id": 43, "anchors": [{"from": 209, "to": 210}]}, {"id": 44, "anchors": [{"from": 211, "to": 215}]}, {"id": 45, "anchors": [{"from": 216, "to": 220}]}, {"id": 46, "anchors": [{"from": 221, "to": 225}]}, {"id": 47, "anchors": [{"from": 226, "to": 229}]}, {"id": 48, "anchors": [{"from": 230, "to": 234}]}, {"id": 49, "anchors": [{"from": 235, "to": 238}]}, {"id": 50, "anchors": [{"from": 239, "to": 242}]}, {"id": 51, "anchors": [{"from": 242, "to": 243}]}, {"id": 52, "anchors": [{"from": 244, "to": 246}]}, {"id": 53, "anchors": [{"from": 247, "to": 249}]}, {"id": 54, "anchors": [{"from": 250, "to": 254}]}, {"id": 55, "anchors": [{"from": 255, "to": 261}]}, {"id": 56, "anchors": [{"from": 261, "to": 264}]}, {"id": 57, "anchors": [{"from": 264, "to": 266}]}, {"id": 58, "anchors": [{"from": 267, "to": 269}]}, {"id": 59, "anchors": [{"from": 270, "to": 273}]}, {"id": 60, "anchors": [{"from": 274, "to": 277}]}, {"id": 61, "anchors": [{"from": 278, "to": 281}]}, {"id": 62, "anchors": [{"from": 282, "to": 285}]}, {"id": 63, "anchors": [{"from": 285, "to": 286}]}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}], "edges": [{"source": 89, "target": 90, "label": "A"}, {"source": 80, "target": 31, "label": "P"}, {"source": 94, "target": 60, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 89, "target": 50, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 76, "target": 22, "label": "D"}, {"source": 70, "target": 8, "label": "R"}, {"source": 84, "target": 38, "label": "A"}, {"source": 66, "target": 67, "label": "A"}, {"source": 69, "target": 6, "label": "F"}, {"source": 76, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 89, "target": 51, "label": "U"}, {"source": 94, "target": 61, "label": "S"}, {"source": 84, "target": 39, "label": "S"}, {"source": 86, "target": 42, "label": "S"}, {"source": 72, "target": 12, "label": "A"}, {"source": 71, "target": 72, "label": "A"}, {"source": 82, "target": 35, "label": "C"}, {"source": 91, "target": 55, "label": "C"}, {"source": 91, "target": 54, "label": "E"}, {"source": 81, "target": 82, "label": "A"}, {"source": 72, "target": 13, "label": "F"}, {"source": 74, "target": 17, "label": "P"}, {"source": 64, "target": 44, "label": "L"}, {"source": 84, "target": 85, "label": "A"}, {"source": 85, "target": 86, "label": "E"}, {"source": 78, "target": 29, "label": "L"}, {"source": 64, "target": 87, "label": "H"}, {"source": 81, "target": 32, "label": "P"}, {"source": 93, "target": 94, "label": "E"}, {"source": 79, "target": 26, "label": "F"}, {"source": 92, "target": 57, "label": "A"}, {"source": 92, "target": 58, "label": "S"}, {"source": 64, "target": 74, "label": "H"}, {"source": 65, "target": 68, "label": "A"}, {"source": 67, "target": 3, "label": "F"}, {"source": 67, "target": 4, "label": "C"}, {"source": 64, "target": 21, "label": "L"}, {"source": 93, "target": 60, "label": "C"}, {"source": 69, "target": 7, "label": "P"}, {"source": 68, "target": 69, "label": "E"}, {"source": 79, "target": 28, "label": "D"}, {"source": 94, "target": 63, "label": "U"}, {"source": 87, "target": 45, "label": "A"}, {"source": 71, "target": 11, "label": "P"}, {"source": 64, "target": 73, "label": "L"}, {"source": 64, "target": 76, "label": "H"}, {"source": 92, "target": 93, "label": "A"}, {"source": 70, "target": 9, "label": "C"}, {"source": 64, "target": 20, "label": "U"}, {"source": 64, "target": 56, "label": "U"}, {"source": 77, "target": 24, "label": "C"}, {"source": 87, "target": 47, "label": "D"}, {"source": 83, "target": 37, "label": "P"}, {"source": 64, "target": 43, "label": "U"}, {"source": 74, "target": 75, "label": "A"}, {"source": 82, "target": 34, "label": "E"}, {"source": 80, "target": 81, "label": "A"}, {"source": 71, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 66, "label": "C"}, {"source": 79, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 86, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 72, "target": 14, "label": "P"}, {"source": 93, "target": 59, "label": "F"}, {"source": 87, "target": 46, "label": "F"}, {"source": 78, "target": 80, "label": "H"}, {"source": 75, "target": 19, "label": "C"}, {"source": 69, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 69, "target": 5, "label": "R"}, {"source": 64, "target": 71, "label": "H"}, {"source": 83, "target": 84, "label": "A"}, {"source": 73, "target": 15, "label": "C"}, {"source": 90, "target": 91, "label": "A"}, {"source": 77, "target": 79, "label": "E"}, {"source": 85, "target": 40, "label": "C"}, {"source": 64, "target": 92, "label": "H"}, {"source": 83, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 90, "target": 91, "label": "P"}, {"source": 94, "target": 62, "label": "A"}, {"source": 86, "target": 41, "label": "A"}, {"source": 79, "target": 27, "label": "P"}, {"source": 65, "target": 2, "label": "S"}, {"source": 64, "target": 36, "label": "L"}, {"source": 65, "target": 1, "label": "A"}, {"source": 87, "target": 48, "label": "P"}, {"source": 79, "target": 25, "label": "A"}, {"source": 64, "target": 83, "label": "H"}, {"source": 88, "target": 50, "label": "C"}, {"source": 87, "target": 88, "label": "A"}, {"source": 88, "target": 49, "label": "R"}, {"source": 76, "target": 78, "label": "A"}, {"source": 69, "target": 70, "label": "A"}, {"source": 66, "target": 67, "label": "P"}, {"source": 76, "target": 23, "label": "P"}, {"source": 64, "target": 10, "label": "L"}, {"source": 89, "target": 52, "label": "P"}, {"source": 75, "target": 18, "label": "E"}, {"source": 64, "target": 65, "label": "H"}, {"source": 80, "target": 30, "label": "A"}, {"source": 64, "target": 89, "label": "H"}, {"source": 73, "target": 16, "label": "C"}, {"source": 78, "target": 77, "label": "H"}, {"source": 82, "target": 33, "label": "R"}, {"source": 90, "target": 53, "label": "R"}, {"source": 64, "target": 0, "label": "L"}]} +{"id": "149741-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's helpful to know a quite a bit about bull fighting.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 30}, {"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 6, "label": "D"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 9, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "149741-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you watch a lot of fights (youtube) and research some of the history (http://en.wikipedia.org/wiki/Bullfighting) you will find yourself enjoying it a lot more!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}, {"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 114}]}, {"id": 17, "anchors": [{"from": 114, "to": 115}]}, {"id": 18, "anchors": [{"from": 116, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 124}]}, {"id": 20, "anchors": [{"from": 125, "to": 129}, {"from": 130, "to": 138}]}, {"id": 21, "anchors": [{"from": 139, "to": 147}]}, {"id": 22, "anchors": [{"from": 148, "to": 150}]}, {"id": 23, "anchors": [{"from": 151, "to": 152}, {"from": 153, "to": 156}]}, {"id": 24, "anchors": [{"from": 157, "to": 161}]}, {"id": 25, "anchors": [{"from": 161, "to": 162}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 16, "label": "H"}, {"source": 26, "target": 31, "label": "H"}, {"source": 30, "target": 13, "label": "F"}, {"source": 26, "target": 7, "label": "H"}, {"source": 26, "target": 6, "label": "U"}, {"source": 30, "target": 12, "label": "R"}, {"source": 31, "target": 20, "label": "D"}, {"source": 32, "target": 25, "label": "U"}, {"source": 26, "target": 15, "label": "U"}, {"source": 31, "target": 22, "label": "A"}, {"source": 27, "target": 3, "label": "D"}, {"source": 28, "target": 4, "label": "R"}, {"source": 31, "target": 21, "label": "P"}, {"source": 26, "target": 8, "label": "U"}, {"source": 31, "target": 32, "label": "D"}, {"source": 31, "target": 19, "label": "F"}, {"source": 26, "target": 17, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 18, "label": "A"}, {"source": 29, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 1, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 29, "target": 10, "label": "P"}, {"source": 26, "target": 0, "label": "L"}, {"source": 32, "target": 24, "label": "C"}, {"source": 27, "target": 2, "label": "P"}, {"source": 32, "target": 23, "label": "Q"}, {"source": 26, "target": 9, "label": "L"}, {"source": 26, "target": 29, "label": "H"}, {"source": 30, "target": 11, "label": "E"}, {"source": 30, "target": 14, "label": "C"}, {"source": 28, "target": 5, "label": "P"}]} +{"id": "149741-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also after seeing a handful of bullfights, I can say that they're a lot more enjoyable if you're smashed (BAC>= .15).", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}, {"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}, {"from": 112, "to": 115}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 26, "target": 1, "label": "L"}, {"source": 27, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 33, "label": "D"}, {"source": 26, "target": 21, "label": "U"}, {"source": 28, "target": 3, "label": "F"}, {"source": 26, "target": 25, "label": "U"}, {"source": 32, "target": 12, "label": "A"}, {"source": 33, "target": 15, "label": "C"}, {"source": 28, "target": 4, "label": "C"}, {"source": 29, "target": 28, "label": "Q"}, {"source": 32, "target": 16, "label": "S"}, {"source": 31, "target": 32, "label": "H"}, {"source": 22, "target": 23, "label": "U"}, {"source": 31, "target": 17, "label": "L"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 8, "label": "A"}, {"source": 32, "target": 13, "label": "F"}, {"source": 34, "target": 18, "label": "A"}, {"source": 30, "target": 9, "label": "D"}, {"source": 26, "target": 30, "label": "H"}, {"source": 31, "target": 11, "label": "R"}, {"source": 27, "target": 7, "label": "U"}, {"source": 34, "target": 20, "label": "S"}, {"source": 27, "target": 29, "label": "A"}, {"source": 26, "target": 22, "label": "H"}, {"source": 34, "target": 19, "label": "F"}, {"source": 30, "target": 10, "label": "P"}, {"source": 26, "target": 27, "label": "H"}, {"source": 26, "target": 0, "label": "L"}, {"source": 27, "target": 2, "label": "P"}, {"source": 26, "target": 24, "label": "U"}, {"source": 31, "target": 34, "label": "H"}, {"source": 29, "target": 6, "label": "C"}, {"source": 33, "target": 14, "label": "Q"}, {"source": 29, "target": 5, "label": "R"}]} +{"id": "149922-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Clean rooms, great for the price and cheapest on the exit.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 2, "label": "U"}, {"source": 14, "target": 4, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 20, "target": 10, "label": "F"}, {"source": 14, "target": 7, "label": "L"}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 8, "label": "S"}, {"source": 13, "target": 1, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 11, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 19, "label": "H"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 14, "target": 9, "label": "L"}]} +{"id": "149922-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The front desk staff was very pleasant and efficient.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 10, "target": 13, "label": "E"}, {"source": 15, "target": 9, "label": "U"}, {"source": 14, "target": 15, "label": "C"}, {"source": 13, "target": 1, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 2, "label": "C"}, {"source": 10, "target": 0, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "N"}, {"source": 12, "target": 10, "label": "S"}, {"source": 10, "target": 3, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 14, "label": "D"}]} +{"id": "149922-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Serves FREE breakfast !", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "150192-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are so many wonderful great places to dine in houston....don't.waste your time here.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 20, "target": 27, "label": "A"}, {"source": 21, "target": 28, "label": "H"}, {"source": 25, "target": 24, "label": "H"}, {"source": 27, "target": 9, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "E"}, {"source": 28, "target": 12, "label": "F"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 22, "label": "Q"}, {"source": 23, "target": 25, "label": "E"}, {"source": 21, "target": 11, "label": "U"}, {"source": 28, "target": 18, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 13, "label": "D"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 20, "target": 0, "label": "F"}, {"source": 20, "target": 8, "label": "P"}, {"source": 28, "target": 15, "label": "P"}, {"source": 28, "target": 14, "label": "U"}, {"source": 22, "target": 2, "label": "E"}, {"source": 26, "target": 5, "label": "S"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 24, "target": 4, "label": "S"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "150192-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had the morelias enchiladas.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}, {"from": 19, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "150192-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The sauce was dry and the enchiladas did not taste good.at all.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}, {"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "L"}, {"source": 18, "target": 9, "label": "G"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 18, "target": 8, "label": "D"}, {"source": 18, "target": 10, "label": "S"}, {"source": 18, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 14, "target": 0, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 12, "label": "D"}, {"source": 18, "target": 7, "label": "F"}]} +{"id": "150192-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In fact my friend vomited after our meal.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "G"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 2, "label": "S"}, {"source": 9, "target": 3, "label": "P"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 12, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 11, "label": "T"}, {"source": 10, "target": 2, "label": "A"}, {"source": 12, "target": 5, "label": "S"}, {"source": 12, "target": 5, "label": "A"}]} +{"id": "150192-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Maybe we ordered the wrong dish but my experience here was poor.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 4, "label": "S"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 10, "label": "F"}, {"source": 17, "target": 8, "label": "P"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "150192-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service was okay not great, we came for a late lunch.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 10, "label": "T"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 18, "label": "P"}, {"source": 15, "target": 0, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 5, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "P"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "D"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "150192-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't recommend this place.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "152281-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great Service, Thanks Don.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 4, "label": "G"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "152281-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice Top Lights.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "153921-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fresh and Excellent Quality", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "D"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "153921-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We order take out from here all the time and we are never disappointed.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "A"}, {"source": 17, "target": 5, "label": "Q"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "R"}, {"source": 18, "target": 11, "label": "T"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 17, "label": "T"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "F"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 11, "label": "D"}, {"source": 18, "target": 12, "label": "S"}, {"source": 15, "target": 8, "label": "L"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "153921-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is always fresh and delicious.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 8, "label": "A"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 5, "label": "L"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "T"}]} +{"id": "153921-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It can be a little on the spicy side but just ask them exactly what you want and they are very helpful.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 17, "label": "L"}, {"source": 24, "target": 27, "label": "H"}, {"source": 30, "target": 19, "label": "F"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 16, "label": "S"}, {"source": 23, "target": 2, "label": "F"}, {"source": 24, "target": 9, "label": "L"}, {"source": 29, "target": 15, "label": "A"}, {"source": 28, "target": 14, "label": "C"}, {"source": 23, "target": 26, "label": "D"}, {"source": 27, "target": 11, "label": "P"}, {"source": 26, "target": 6, "label": "F"}, {"source": 24, "target": 30, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 26, "target": 5, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 18, "label": "A"}, {"source": 30, "target": 21, "label": "S"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "A"}, {"source": 26, "target": 8, "label": "C"}, {"source": 25, "target": 3, "label": "F"}, {"source": 23, "target": 1, "label": "D"}, {"source": 28, "target": 13, "label": "E"}, {"source": 23, "target": 7, "label": "S"}, {"source": 23, "target": 25, "label": "D"}, {"source": 30, "target": 20, "label": "D"}, {"source": 27, "target": 10, "label": "D"}, {"source": 25, "target": 4, "label": "C"}]} +{"id": "154113-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A good cut!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "154113-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cécile is a hairdresser and has just moved into the neighbourhood.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 14, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "T"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "154113-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I go to see her to have my hair cut.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 36}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "P"}, {"source": 13, "target": 6, "label": "D"}, {"source": 11, "target": 3, "label": "P"}, {"source": 11, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "154157-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "FAST and reasonable$", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "154157-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We went to Kobeys on Saturday and had our whole teams uniforms done!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 16, "target": 19, "label": "T"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 15, "label": "U"}, {"source": 20, "target": 8, "label": "D"}, {"source": 17, "target": 7, "label": "L"}, {"source": 22, "target": 21, "label": "E"}, {"source": 23, "target": 10, "label": "D"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "R"}, {"source": 21, "target": 9, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 23, "target": 12, "label": "S"}, {"source": 23, "target": 11, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 23, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "R"}, {"source": 20, "target": 14, "label": "P"}]} +{"id": "154157-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was less than half of the price of the cheapest quote we got, and his work was top notch.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}, {"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 13, "label": "F"}, {"source": 25, "target": 12, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 28, "target": 18, "label": "F"}, {"source": 24, "target": 5, "label": "R"}, {"source": 23, "target": 3, "label": "R"}, {"source": 27, "target": 16, "label": "A"}, {"source": 22, "target": 14, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 25, "target": 26, "label": "P"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 19, "label": "S"}, {"source": 22, "target": 15, "label": "L"}, {"source": 28, "target": 27, "label": "A"}, {"source": 25, "target": 10, "label": "D"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 6, "label": "F"}, {"source": 26, "target": 9, "label": "F"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 20, "label": "U"}, {"source": 21, "target": 1, "label": "F"}, {"source": 21, "target": 23, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 11, "label": "C"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "S"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "154157-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Down to earth and fast service.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "L"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "154157-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Going back to have some lab coats done this weekend!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 4, "label": "Q"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 7, "label": "P"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "154658-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great out night!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "T"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "154658-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You can't go wrong with Tuesday prices, even if you get quite the mixed bag of comedians!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}, {"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 3, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 4, "label": "S"}, {"source": 23, "target": 12, "label": "D"}, {"source": 25, "target": 26, "label": "P"}, {"source": 20, "target": 8, "label": "U"}, {"source": 26, "target": 16, "label": "R"}, {"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 11, "label": "P"}, {"source": 19, "target": 1, "label": "D"}, {"source": 19, "target": 2, "label": "D"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 24, "target": 13, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 22, "label": "H"}]} +{"id": "154658-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Extensive drink list and daily specials but wish they had a bit more on their food menu, although popcorn is a nice touch!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 3, "label": "L"}, {"source": 26, "target": 6, "label": "L"}, {"source": 32, "target": 13, "label": "R"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 10, "label": "F"}, {"source": 34, "target": 22, "label": "D"}, {"source": 28, "target": 2, "label": "C"}, {"source": 34, "target": 35, "label": "P"}, {"source": 34, "target": 19, "label": "A"}, {"source": 33, "target": 14, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 15, "label": "E"}, {"source": 30, "target": 8, "label": "A"}, {"source": 31, "target": 12, "label": "C"}, {"source": 27, "target": 1, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 26, "target": 30, "label": "H"}, {"source": 29, "target": 4, "label": "T"}, {"source": 33, "target": 14, "label": "A"}, {"source": 35, "target": 21, "label": "F"}, {"source": 26, "target": 25, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 30, "target": 7, "label": "P"}, {"source": 32, "target": 33, "label": "E"}, {"source": 29, "target": 5, "label": "P"}, {"source": 35, "target": 24, "label": "U"}, {"source": 28, "target": 27, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 26, "target": 18, "label": "L"}, {"source": 26, "target": 34, "label": "H"}, {"source": 25, "target": 0, "label": "S"}, {"source": 34, "target": 20, "label": "F"}, {"source": 30, "target": 9, "label": "F"}, {"source": 31, "target": 11, "label": "Q"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "154658-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "(other items: chicken fingers, wings, asian pizza, and yam and regular fries)", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 8, "label": "U"}, {"source": 19, "target": 2, "label": "A"}, {"source": 21, "target": 20, "label": "C"}, {"source": 21, "target": 24, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 13, "label": "C"}, {"source": 21, "target": 11, "label": "U"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 23, "label": "E"}, {"source": 19, "target": 1, "label": "S"}, {"source": 23, "target": 14, "label": "N"}, {"source": 19, "target": 0, "label": "U"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 6, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 12, "label": "N"}, {"source": 23, "target": 15, "label": "C"}, {"source": 21, "target": 7, "label": "C"}, {"source": 21, "target": 22, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 17, "label": "U"}]} +{"id": "155050-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "amazing, fun, great beers.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "S"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 8, "target": 3, "label": "U"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "U"}]} +{"id": "155050-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "service could be a little better but its an all round good place", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}, {"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "F"}, {"source": 14, "target": 6, "label": "L"}, {"source": 19, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 10, "label": "D"}, {"source": 18, "target": 12, "label": "C"}, {"source": 17, "target": 7, "label": "A"}, {"source": 19, "target": 11, "label": "S"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 0, "label": "P"}, {"source": 17, "target": 8, "label": "S"}, {"source": 15, "target": 1, "label": "E"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 13, "label": "H"}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "156460-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Unbelievably huge experience for such a small salon!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 4, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "G"}]} +{"id": "156460-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been to Kim at Cheveux for more than five years.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 16, "target": 17, "label": "Q"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "T"}, {"source": 17, "target": 8, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 4, "label": "A"}, {"source": 15, "target": 6, "label": "A"}, {"source": 15, "target": 5, "label": "S"}]} +{"id": "156460-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I cannot tell you how often I am complimented on my hair (style AND color)!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 74}]}, {"id": 18, "anchors": [{"from": 74, "to": 75}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 21, "label": "T"}, {"source": 25, "target": 24, "label": "H"}, {"source": 21, "target": 5, "label": "E"}, {"source": 25, "target": 15, "label": "L"}, {"source": 20, "target": 4, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 23, "target": 13, "label": "U"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 24, "target": 14, "label": "S"}, {"source": 24, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 16, "label": "S"}, {"source": 23, "target": 25, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 22, "target": 9, "label": "P"}, {"source": 25, "target": 26, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 2, "label": "D"}, {"source": 26, "target": 18, "label": "U"}, {"source": 20, "target": 1, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 12, "label": "C"}, {"source": 22, "target": 7, "label": "A"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "156460-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I regularly request Kim's business cards as I am often stopped on the street and asked \"Who does your hair...I LOVE it!!!\"", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 109, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 121, "to": 122}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 3, "label": "A"}, {"source": 33, "target": 11, "label": "P"}, {"source": 28, "target": 30, "label": "A"}, {"source": 36, "target": 37, "label": "E"}, {"source": 34, "target": 12, "label": "R"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 10, "label": "T"}, {"source": 39, "target": 25, "label": "A"}, {"source": 38, "target": 21, "label": "C"}, {"source": 33, "target": 8, "label": "A"}, {"source": 34, "target": 14, "label": "C"}, {"source": 30, "target": 4, "label": "S"}, {"source": 39, "target": 26, "label": "U"}, {"source": 36, "target": 18, "label": "C"}, {"source": 35, "target": 16, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 22, "label": "U"}, {"source": 29, "target": 7, "label": "L"}, {"source": 28, "target": 0, "label": "A"}, {"source": 39, "target": 24, "label": "S"}, {"source": 38, "target": 20, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 39, "target": 27, "label": "U"}, {"source": 37, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 1, "label": "T"}, {"source": 31, "target": 5, "label": "P"}, {"source": 35, "target": 17, "label": "U"}, {"source": 29, "target": 39, "label": "H"}, {"source": 37, "target": 19, "label": "P"}, {"source": 28, "target": 2, "label": "P"}, {"source": 29, "target": 35, "label": "H"}, {"source": 32, "target": 6, "label": "C"}, {"source": 29, "target": 15, "label": "L"}, {"source": 39, "target": 23, "label": "A"}, {"source": 34, "target": 13, "label": "F"}, {"source": 32, "target": 31, "label": "E"}, {"source": 33, "target": 9, "label": "F"}]} +{"id": "156460-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quaint, lovely, small salon with BIG personality.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 5, "label": "A"}, {"source": 11, "target": 13, "label": "H"}, {"source": 14, "target": 7, "label": "D"}, {"source": 10, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "L"}, {"source": 11, "target": 3, "label": "U"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 4, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 11, "target": 1, "label": "U"}, {"source": 14, "target": 8, "label": "S"}, {"source": 10, "target": 0, "label": "S"}, {"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "156460-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am made to feel special when I am in the chair and I have NEVER had a less than amazing cut or color experience.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 114}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 31, "target": 17, "label": "F"}, {"source": 31, "target": 21, "label": "C"}, {"source": 28, "target": 9, "label": "S"}, {"source": 30, "target": 32, "label": "D"}, {"source": 27, "target": 30, "label": "H"}, {"source": 29, "target": 11, "label": "C"}, {"source": 26, "target": 1, "label": "F"}, {"source": 33, "target": 24, "label": "P"}, {"source": 32, "target": 19, "label": "R"}, {"source": 33, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 20, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 18, "label": "E"}, {"source": 26, "target": 3, "label": "F"}, {"source": 28, "target": 8, "label": "F"}, {"source": 30, "target": 16, "label": "F"}, {"source": 30, "target": 13, "label": "A"}, {"source": 32, "target": 20, "label": "C"}, {"source": 30, "target": 14, "label": "F"}, {"source": 30, "target": 15, "label": "T"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 23, "label": "A"}, {"source": 28, "target": 6, "label": "T"}, {"source": 29, "target": 10, "label": "F"}, {"source": 27, "target": 12, "label": "L"}, {"source": 27, "target": 33, "label": "H"}, {"source": 28, "target": 7, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 26, "target": 5, "label": "S"}, {"source": 27, "target": 22, "label": "L"}, {"source": 26, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 4, "label": "G"}]} +{"id": "156460-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My hair has never felt this healthy, either.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "G"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "S"}, {"source": 12, "target": 8, "label": "L"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "T"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "156460-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I cannot recommend this salon enough!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}]} +{"id": "156460-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks Cheveux!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "156953-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "wonderful", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "156953-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I went to ohm after reading some of the reviews.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 5, "label": "P"}, {"source": 15, "target": 16, "label": "C"}, {"source": 11, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "P"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 15, "target": 7, "label": "R"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 12, "target": 4, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 17, "target": 10, "label": "U"}, {"source": 15, "target": 6, "label": "Q"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "156953-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I go to school in the area and usually wait until I go home to get my hair cut.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "anchors": [{"from": 78, "to": 79}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 22, "target": 2, "label": "R"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 26, "label": "H"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 13, "label": "A"}, {"source": 21, "target": 10, "label": "L"}, {"source": 20, "target": 1, "label": "P"}, {"source": 25, "target": 11, "label": "A"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 22, "target": 3, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 15, "label": "D"}, {"source": 26, "target": 18, "label": "P"}, {"source": 24, "target": 8, "label": "T"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 12, "label": "P"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "156953-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I decided it was time to grow up and made an appointment.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 1, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 14, "target": 6, "label": "P"}, {"source": 14, "target": 4, "label": "T"}, {"source": 13, "target": 7, "label": "L"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "156953-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sierra was my stylist and i love what she did.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 2, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 9, "label": "P"}, {"source": 12, "target": 4, "label": "L"}, {"source": 13, "target": 3, "label": "P"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "156953-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have wavy hair and she cut to my hair style.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 6, "label": "P"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "E"}, {"source": 12, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 18, "label": "S"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 18, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "A"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "156953-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It was the first time i had left a salon with my hair curly.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 17, "label": "D"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 13, "label": "S"}, {"source": 16, "target": 6, "label": "F"}, {"source": 18, "target": 8, "label": "F"}, {"source": 20, "target": 12, "label": "C"}, {"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "156953-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Usually they blow dry it out and i have to wait until i wash it to see what it will look like in its natural state.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 31, "target": 13, "label": "P"}, {"source": 31, "target": 14, "label": "A"}, {"source": 28, "target": 6, "label": "L"}, {"source": 29, "target": 2, "label": "E"}, {"source": 32, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "D"}, {"source": 30, "target": 7, "label": "A"}, {"source": 28, "target": 30, "label": "H"}, {"source": 35, "target": 25, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 35, "target": 22, "label": "R"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 16, "label": "P"}, {"source": 29, "target": 3, "label": "C"}, {"source": 27, "target": 29, "label": "P"}, {"source": 34, "target": 18, "label": "A"}, {"source": 27, "target": 0, "label": "T"}, {"source": 34, "target": 20, "label": "G"}, {"source": 31, "target": 12, "label": "A"}, {"source": 28, "target": 15, "label": "L"}, {"source": 27, "target": 4, "label": "A"}, {"source": 34, "target": 21, "label": "F"}, {"source": 35, "target": 26, "label": "U"}, {"source": 28, "target": 11, "label": "L"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 19, "label": "F"}, {"source": 30, "target": 10, "label": "P"}, {"source": 27, "target": 1, "label": "A"}, {"source": 28, "target": 32, "label": "H"}, {"source": 33, "target": 17, "label": "C"}, {"source": 30, "target": 9, "label": "F"}, {"source": 35, "target": 23, "label": "E"}, {"source": 27, "target": 5, "label": "D"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 34, "target": 24, "label": "S"}]} +{"id": "156953-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But she did a fabulous job letting me know what she was doing at all times and styled my hair in a way i could do it at home.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 124}]}, {"id": 29, "anchors": [{"from": 124, "to": 125}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 1, "label": "A"}, {"source": 31, "target": 4, "label": "D"}, {"source": 40, "target": 39, "label": "D"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 32, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 6, "label": "D"}, {"source": 41, "target": 29, "label": "U"}, {"source": 41, "target": 27, "label": "R"}, {"source": 41, "target": 28, "label": "C"}, {"source": 36, "target": 13, "label": "R"}, {"source": 30, "target": 31, "label": "H"}, {"source": 38, "target": 18, "label": "E"}, {"source": 31, "target": 33, "label": "A"}, {"source": 34, "target": 9, "label": "C"}, {"source": 36, "target": 14, "label": "Q"}, {"source": 33, "target": 7, "label": "A"}, {"source": 38, "target": 19, "label": "C"}, {"source": 30, "target": 20, "label": "L"}, {"source": 36, "target": 15, "label": "C"}, {"source": 35, "target": 10, "label": "A"}, {"source": 32, "target": 3, "label": "F"}, {"source": 35, "target": 11, "label": "F"}, {"source": 33, "target": 8, "label": "P"}, {"source": 30, "target": 16, "label": "L"}, {"source": 33, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 17, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 31, "target": 2, "label": "F"}, {"source": 35, "target": 36, "label": "T"}, {"source": 35, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 25, "label": "P"}, {"source": 30, "target": 40, "label": "H"}, {"source": 32, "target": 5, "label": "C"}, {"source": 35, "target": 12, "label": "P"}, {"source": 40, "target": 23, "label": "A"}, {"source": 40, "target": 26, "label": "A"}, {"source": 37, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 24, "label": "D"}, {"source": 39, "target": 21, "label": "F"}, {"source": 30, "target": 37, "label": "H"}, {"source": 39, "target": 22, "label": "C"}, {"source": 30, "target": 0, "label": "L"}]} +{"id": "156953-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It wasn't completly impossible!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "156953-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am definitely going back", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "D"}]} +{"id": "158285-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Restaurant on top was renovated, food was decent, price was way to high for Duluth for quality, new decor seems tacky", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 32, "target": 17, "label": "R"}, {"source": 28, "target": 6, "label": "A"}, {"source": 29, "target": 10, "label": "A"}, {"source": 25, "target": 4, "label": "P"}, {"source": 32, "target": 18, "label": "S"}, {"source": 26, "target": 19, "label": "U"}, {"source": 29, "target": 11, "label": "F"}, {"source": 28, "target": 7, "label": "F"}, {"source": 25, "target": 24, "label": "A"}, {"source": 27, "target": 1, "label": "R"}, {"source": 31, "target": 16, "label": "C"}, {"source": 35, "target": 34, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 24, "target": 27, "label": "E"}, {"source": 26, "target": 35, "label": "H"}, {"source": 26, "target": 25, "label": "H"}, {"source": 33, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 22, "label": "G"}, {"source": 35, "target": 23, "label": "S"}, {"source": 27, "target": 2, "label": "C"}, {"source": 24, "target": 0, "label": "C"}, {"source": 28, "target": 8, "label": "S"}, {"source": 29, "target": 31, "label": "A"}, {"source": 26, "target": 28, "label": "H"}, {"source": 33, "target": 20, "label": "S"}, {"source": 26, "target": 5, "label": "U"}, {"source": 29, "target": 32, "label": "A"}, {"source": 25, "target": 3, "label": "F"}, {"source": 26, "target": 9, "label": "U"}, {"source": 29, "target": 14, "label": "S"}, {"source": 29, "target": 30, "label": "D"}, {"source": 30, "target": 12, "label": "E"}, {"source": 31, "target": 15, "label": "R"}, {"source": 26, "target": 29, "label": "H"}, {"source": 34, "target": 33, "label": "E"}]} +{"id": "158335-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "junkie lube?!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "158335-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "really weird place, I was driving home from work thought I'd stop in for an oil change and well, there are a few guys in jiffy lube uniforms sitting at the table drinking beers and shooting the breeze.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 126}, {"from": 127, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 148}]}, {"id": 30, "anchors": [{"from": 149, "to": 151}]}, {"id": 31, "anchors": [{"from": 152, "to": 155}]}, {"id": 32, "anchors": [{"from": 156, "to": 161}]}, {"id": 33, "anchors": [{"from": 162, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 176}]}, {"id": 35, "anchors": [{"from": 177, "to": 180}]}, {"id": 36, "anchors": [{"from": 181, "to": 189}]}, {"id": 37, "anchors": [{"from": 190, "to": 193}]}, {"id": 38, "anchors": [{"from": 194, "to": 200}]}, {"id": 39, "anchors": [{"from": 200, "to": 201}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 46, "target": 15, "label": "F"}, {"source": 48, "target": 22, "label": "F"}, {"source": 41, "target": 54, "label": "H"}, {"source": 43, "target": 9, "label": "P"}, {"source": 42, "target": 43, "label": "A"}, {"source": 41, "target": 44, "label": "H"}, {"source": 54, "target": 36, "label": "P"}, {"source": 42, "target": 6, "label": "P"}, {"source": 48, "target": 50, "label": "Q"}, {"source": 41, "target": 42, "label": "H"}, {"source": 55, "target": 39, "label": "U"}, {"source": 41, "target": 20, "label": "U"}, {"source": 45, "target": 46, "label": "P"}, {"source": 49, "target": 52, "label": "A"}, {"source": 41, "target": 3, "label": "U"}, {"source": 54, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 51, "label": "E"}, {"source": 51, "target": 27, "label": "A"}, {"source": 42, "target": 7, "label": "A"}, {"source": 41, "target": 35, "label": "L"}, {"source": 50, "target": 23, "label": "F"}, {"source": 55, "target": 37, "label": "F"}, {"source": 53, "target": 33, "label": "P"}, {"source": 55, "target": 38, "label": "C"}, {"source": 52, "target": 30, "label": "R"}, {"source": 52, "target": 32, "label": "C"}, {"source": 42, "target": 4, "label": "A"}, {"source": 48, "target": 25, "label": "C"}, {"source": 41, "target": 53, "label": "H"}, {"source": 52, "target": 31, "label": "F"}, {"source": 47, "target": 18, "label": "C"}, {"source": 44, "target": 10, "label": "D"}, {"source": 49, "target": 29, "label": "P"}, {"source": 44, "target": 13, "label": "P"}, {"source": 54, "target": 55, "label": "A"}, {"source": 49, "target": 48, "label": "A"}, {"source": 41, "target": 47, "label": "L"}, {"source": 42, "target": 5, "label": "F"}, {"source": 45, "target": 16, "label": "A"}, {"source": 47, "target": 19, "label": "C"}, {"source": 41, "target": 14, "label": "L"}, {"source": 43, "target": 8, "label": "R"}, {"source": 40, "target": 1, "label": "S"}, {"source": 44, "target": 12, "label": "F"}, {"source": 41, "target": 40, "label": "H"}, {"source": 40, "target": 2, "label": "A"}, {"source": 48, "target": 21, "label": "F"}, {"source": 51, "target": 26, "label": "S"}, {"source": 46, "target": 17, "label": "C"}, {"source": 50, "target": 24, "label": "C"}, {"source": 51, "target": 28, "label": "A"}, {"source": 41, "target": 49, "label": "H"}, {"source": 53, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 34, "label": "A"}, {"source": 41, "target": 45, "label": "H"}, {"source": 40, "target": 0, "label": "D"}, {"source": 51, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 11, "label": "A"}]} +{"id": "158335-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The neon lighting sign still said \"on\" yet some guy who seemed to be the oldest of the bunch, more like the drunkest of the bunch told me they'd be open tomorrow.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 98}, {"from": 99, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 129}]}, {"id": 28, "anchors": [{"from": 130, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 147}]}, {"id": 33, "anchors": [{"from": 148, "to": 152}]}, {"id": 34, "anchors": [{"from": 153, "to": 161}]}, {"id": 35, "anchors": [{"from": 161, "to": 162}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 37, "target": 7, "label": "A"}, {"source": 47, "target": 27, "label": "C"}, {"source": 45, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 39, "label": "E"}, {"source": 48, "target": 30, "label": "A"}, {"source": 40, "target": 45, "label": "E"}, {"source": 38, "target": 8, "label": "U"}, {"source": 40, "target": 21, "label": "U"}, {"source": 38, "target": 37, "label": "H"}, {"source": 44, "target": 19, "label": "F"}, {"source": 39, "target": 1, "label": "D"}, {"source": 37, "target": 4, "label": "D"}, {"source": 44, "target": 20, "label": "C"}, {"source": 42, "target": 15, "label": "F"}, {"source": 39, "target": 2, "label": "S"}, {"source": 41, "target": 48, "label": "A"}, {"source": 38, "target": 9, "label": "L"}, {"source": 36, "target": 0, "label": "F"}, {"source": 43, "target": 16, "label": "F"}, {"source": 40, "target": 11, "label": "C"}, {"source": 47, "target": 25, "label": "R"}, {"source": 42, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "S"}, {"source": 36, "target": 3, "label": "C"}, {"source": 41, "target": 28, "label": "P"}, {"source": 39, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 34, "label": "T"}, {"source": 40, "target": 10, "label": "E"}, {"source": 37, "target": 5, "label": "P"}, {"source": 44, "target": 18, "label": "R"}, {"source": 48, "target": 35, "label": "U"}, {"source": 41, "target": 40, "label": "A"}, {"source": 42, "target": 12, "label": "R"}, {"source": 48, "target": 32, "label": "F"}, {"source": 42, "target": 13, "label": "G"}, {"source": 47, "target": 26, "label": "F"}, {"source": 38, "target": 41, "label": "H"}, {"source": 42, "target": 43, "label": "S"}, {"source": 45, "target": 47, "label": "A"}, {"source": 46, "target": 23, "label": "F"}, {"source": 40, "target": 42, "label": "E"}, {"source": 37, "target": 36, "label": "A"}, {"source": 48, "target": 31, "label": "F"}, {"source": 42, "target": 14, "label": "F"}, {"source": 41, "target": 29, "label": "A"}, {"source": 45, "target": 22, "label": "G"}, {"source": 43, "target": 17, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 48, "target": 33, "label": "S"}, {"source": 37, "target": 6, "label": "U"}, {"source": 46, "target": 24, "label": "C"}]} +{"id": "158335-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I asked if a manager was on duty he told me he was.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 51}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 1, "label": "P"}, {"source": 20, "target": 11, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 6, "label": "R"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 8, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 20, "target": 18, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 18, "label": "P"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 5, "label": "F"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "158335-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "WOW!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "158335-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "grey shirt \"mark\" of course with this type behavior he could have been wearing someonelses clothing.....", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}, {"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 104}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 6, "label": "R"}, {"source": 23, "target": 9, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 14, "label": "P"}, {"source": 22, "target": 23, "label": "S"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 20, "target": 2, "label": "U"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 1, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 5, "label": "G"}, {"source": 23, "target": 7, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 22, "target": 20, "label": "A"}, {"source": 22, "target": 4, "label": "U"}, {"source": 24, "target": 12, "label": "F"}, {"source": 24, "target": 11, "label": "D"}, {"source": 22, "target": 8, "label": "D"}, {"source": 26, "target": 25, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 25, "target": 16, "label": "E"}, {"source": 26, "target": 17, "label": "S"}, {"source": 26, "target": 18, "label": "A"}]} +{"id": "158740-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "awesome place!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "158740-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "it was worth of the ride more than an hour...", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 4, "label": "F"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 2, "label": "S"}]} +{"id": "158740-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had so many strawberries right on the field...strongly recomend...dont forget to try their great ice cream", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}, {"from": 103, "to": 108}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 21, "target": 0, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 31, "target": 32, "label": "E"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 25, "label": "R"}, {"source": 24, "target": 23, "label": "Q"}, {"source": 30, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 28, "label": "H"}, {"source": 21, "target": 26, "label": "A"}, {"source": 27, "target": 11, "label": "P"}, {"source": 32, "target": 19, "label": "S"}, {"source": 22, "target": 12, "label": "U"}, {"source": 32, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "F"}, {"source": 28, "target": 15, "label": "P"}, {"source": 22, "target": 9, "label": "U"}, {"source": 29, "target": 16, "label": "F"}, {"source": 30, "target": 18, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 26, "target": 8, "label": "C"}, {"source": 30, "target": 18, "label": "S"}, {"source": 28, "target": 14, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 17, "label": "P"}, {"source": 24, "target": 4, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 21, "target": 1, "label": "P"}, {"source": 27, "target": 10, "label": "D"}, {"source": 22, "target": 27, "label": "H"}, {"source": 31, "target": 20, "label": "C"}, {"source": 26, "target": 7, "label": "F"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "159371-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "ok but just becuse we where on a tight budget.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 4, "label": "A"}, {"source": 11, "target": 0, "label": "S"}, {"source": 12, "target": 1, "label": "L"}, {"source": 14, "target": 15, "label": "S"}, {"source": 14, "target": 8, "label": "D"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 6, "label": "R"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "L"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 7, "label": "F"}]} +{"id": "159371-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "me and my dad where in NJ for a kc chiefs(my home team)vs the NY jets and for game 4 of the world series.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}, {"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "anchors": [{"from": 54, "to": 55}]}, {"id": 15, "anchors": [{"from": 55, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 61}]}, {"id": 17, "anchors": [{"from": 62, "to": 64}, {"from": 65, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}]}, {"id": 21, "anchors": [{"from": 83, "to": 84}]}, {"id": 22, "anchors": [{"from": 85, "to": 87}]}, {"id": 23, "anchors": [{"from": 88, "to": 91}]}, {"id": 24, "anchors": [{"from": 92, "to": 97}]}, {"id": 25, "anchors": [{"from": 98, "to": 104}]}, {"id": 26, "anchors": [{"from": 104, "to": 105}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 30, "target": 3, "label": "A"}, {"source": 28, "target": 6, "label": "A"}, {"source": 38, "target": 22, "label": "R"}, {"source": 32, "target": 10, "label": "U"}, {"source": 30, "target": 2, "label": "A"}, {"source": 28, "target": 4, "label": "F"}, {"source": 36, "target": 38, "label": "A"}, {"source": 33, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 0, "label": "C"}, {"source": 38, "target": 23, "label": "F"}, {"source": 27, "target": 1, "label": "N"}, {"source": 36, "target": 20, "label": "P"}, {"source": 33, "target": 11, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 14, "label": "U"}, {"source": 31, "target": 35, "label": "A"}, {"source": 30, "target": 3, "label": "S"}, {"source": 29, "target": 36, "label": "H"}, {"source": 28, "target": 27, "label": "A"}, {"source": 34, "target": 12, "label": "E"}, {"source": 33, "target": 11, "label": "S"}, {"source": 29, "target": 7, "label": "L"}, {"source": 38, "target": 24, "label": "E"}, {"source": 34, "target": 13, "label": "C"}, {"source": 29, "target": 18, "label": "L"}, {"source": 35, "target": 17, "label": "C"}, {"source": 28, "target": 5, "label": "S"}, {"source": 29, "target": 28, "label": "H"}, {"source": 27, "target": 30, "label": "C"}, {"source": 31, "target": 15, "label": "P"}, {"source": 37, "target": 20, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 8, "label": "F"}, {"source": 32, "target": 9, "label": "C"}, {"source": 38, "target": 25, "label": "C"}, {"source": 32, "target": 34, "label": "E"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 21, "label": "Q"}, {"source": 35, "target": 16, "label": "F"}, {"source": 38, "target": 26, "label": "U"}, {"source": 29, "target": 31, "label": "H"}, {"source": 34, "target": 33, "label": "E"}]} +{"id": "159371-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "i'ma red sox fan so i was glad that the phillies won.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 10, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 12, "label": "P"}, {"source": 15, "target": 5, "label": "L"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 3, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "S"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 14, "label": "H"}]} +{"id": "159371-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the knights inn was small very small.i mean 1 room in every room!it was cozy a little and a small tv.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}, {"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}, {"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 101}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 21, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 10, "label": "S"}, {"source": 31, "target": 14, "label": "A"}, {"source": 26, "target": 31, "label": "H"}, {"source": 34, "target": 23, "label": "U"}, {"source": 28, "target": 30, "label": "A"}, {"source": 32, "target": 18, "label": "C"}, {"source": 29, "target": 8, "label": "Q"}, {"source": 26, "target": 19, "label": "L"}, {"source": 26, "target": 6, "label": "U"}, {"source": 34, "target": 22, "label": "C"}, {"source": 30, "target": 12, "label": "C"}, {"source": 27, "target": 4, "label": "D"}, {"source": 25, "target": 2, "label": "F"}, {"source": 25, "target": 24, "label": "A"}, {"source": 26, "target": 33, "label": "H"}, {"source": 32, "target": 17, "label": "F"}, {"source": 27, "target": 5, "label": "S"}, {"source": 31, "target": 32, "label": "D"}, {"source": 28, "target": 7, "label": "G"}, {"source": 26, "target": 13, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 31, "target": 15, "label": "F"}, {"source": 25, "target": 3, "label": "S"}, {"source": 30, "target": 11, "label": "Q"}, {"source": 26, "target": 28, "label": "H"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "H"}, {"source": 24, "target": 1, "label": "C"}, {"source": 24, "target": 0, "label": "F"}, {"source": 31, "target": 16, "label": "S"}, {"source": 34, "target": 20, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "159371-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i mean a 2 day stay was a ok stay even tho the manager looked like he was chineze and that we only slept and went out from 8 to 7 to see New York.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}, {"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 140}, {"from": 141, "to": 145}]}, {"id": 32, "anchors": [{"from": 145, "to": 146}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 41, "target": 16, "label": "S"}, {"source": 34, "target": 9, "label": "L"}, {"source": 41, "target": 14, "label": "A"}, {"source": 34, "target": 45, "label": "H"}, {"source": 41, "target": 12, "label": "G"}, {"source": 33, "target": 38, "label": "P"}, {"source": 42, "target": 18, "label": "R"}, {"source": 45, "target": 29, "label": "R"}, {"source": 38, "target": 6, "label": "F"}, {"source": 41, "target": 13, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 44, "target": 26, "label": "C"}, {"source": 35, "target": 37, "label": "T"}, {"source": 34, "target": 17, "label": "L"}, {"source": 36, "target": 1, "label": "F"}, {"source": 34, "target": 42, "label": "H"}, {"source": 45, "target": 32, "label": "U"}, {"source": 40, "target": 10, "label": "F"}, {"source": 37, "target": 3, "label": "C"}, {"source": 40, "target": 11, "label": "C"}, {"source": 43, "target": 23, "label": "P"}, {"source": 34, "target": 22, "label": "L"}, {"source": 45, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 2, "label": "Q"}, {"source": 45, "target": 31, "label": "A"}, {"source": 41, "target": 39, "label": "A"}, {"source": 45, "target": 30, "label": "P"}, {"source": 42, "target": 21, "label": "P"}, {"source": 39, "target": 40, "label": "P"}, {"source": 34, "target": 33, "label": "H"}, {"source": 44, "target": 28, "label": "C"}, {"source": 42, "target": 19, "label": "A"}, {"source": 43, "target": 24, "label": "D"}, {"source": 33, "target": 0, "label": "G"}, {"source": 41, "target": 15, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 8, "label": "C"}, {"source": 34, "target": 41, "label": "H"}, {"source": 44, "target": 27, "label": "N"}, {"source": 36, "target": 4, "label": "C"}, {"source": 43, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "P"}, {"source": 34, "target": 43, "label": "H"}, {"source": 44, "target": 25, "label": "R"}, {"source": 43, "target": 44, "label": "T"}, {"source": 33, "target": 5, "label": "F"}, {"source": 42, "target": 20, "label": "D"}, {"source": 33, "target": 7, "label": "D"}]} +{"id": "159371-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "but sice we almost just slept there i cant give that good of a review", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 13, "label": "F"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 2, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 18, "target": 5, "label": "P"}, {"source": 16, "target": 1, "label": "C"}, {"source": 20, "target": 8, "label": "D"}, {"source": 20, "target": 7, "label": "A"}, {"source": 18, "target": 19, "label": "D"}, {"source": 20, "target": 21, "label": "D"}, {"source": 16, "target": 0, "label": "C"}, {"source": 21, "target": 12, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "D"}, {"source": 20, "target": 9, "label": "D"}, {"source": 17, "target": 16, "label": "L"}, {"source": 18, "target": 6, "label": "A"}, {"source": 20, "target": 22, "label": "P"}, {"source": 22, "target": 15, "label": "C"}, {"source": 22, "target": 14, "label": "F"}, {"source": 19, "target": 4, "label": "C"}]} +{"id": "159485-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In this hard economic times is very important to save money Very reasonable prices top quality work The owner operator he does all the the work with Helpers very friendly I definitely recommend this this guys Don't get jack by big companies that they pay alot of money to be on top of the list Thanks", "tops": [59], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 161}]}, {"id": 29, "anchors": [{"from": 162, "to": 170}]}, {"id": 30, "anchors": [{"from": 171, "to": 172}]}, {"id": 31, "anchors": [{"from": 173, "to": 183}]}, {"id": 32, "anchors": [{"from": 184, "to": 193}]}, {"id": 33, "anchors": [{"from": 194, "to": 198}]}, {"id": 34, "anchors": [{"from": 199, "to": 203}]}, {"id": 35, "anchors": [{"from": 204, "to": 208}]}, {"id": 36, "anchors": [{"from": 209, "to": 211}]}, {"id": 37, "anchors": [{"from": 211, "to": 214}]}, {"id": 38, "anchors": [{"from": 215, "to": 218}]}, {"id": 39, "anchors": [{"from": 219, "to": 223}]}, {"id": 40, "anchors": [{"from": 224, "to": 226}]}, {"id": 41, "anchors": [{"from": 227, "to": 230}]}, {"id": 42, "anchors": [{"from": 231, "to": 240}]}, {"id": 43, "anchors": [{"from": 241, "to": 245}]}, {"id": 44, "anchors": [{"from": 246, "to": 250}]}, {"id": 45, "anchors": [{"from": 251, "to": 254}]}, {"id": 46, "anchors": [{"from": 255, "to": 256}]}, {"id": 47, "anchors": [{"from": 256, "to": 259}]}, {"id": 48, "anchors": [{"from": 260, "to": 262}]}, {"id": 49, "anchors": [{"from": 263, "to": 268}]}, {"id": 50, "anchors": [{"from": 269, "to": 271}]}, {"id": 51, "anchors": [{"from": 272, "to": 274}]}, {"id": 52, "anchors": [{"from": 275, "to": 277}, {"from": 278, "to": 281}]}, {"id": 53, "anchors": [{"from": 282, "to": 284}]}, {"id": 54, "anchors": [{"from": 285, "to": 288}]}, {"id": 55, "anchors": [{"from": 289, "to": 293}]}, {"id": 56, "anchors": [{"from": 294, "to": 300}]}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}], "edges": [{"source": 85, "target": 50, "label": "F"}, {"source": 72, "target": 25, "label": "C"}, {"source": 78, "target": 37, "label": "D"}, {"source": 60, "target": 1, "label": "E"}, {"source": 71, "target": 19, "label": "P"}, {"source": 59, "target": 76, "label": "H"}, {"source": 87, "target": 56, "label": "P"}, {"source": 66, "target": 16, "label": "P"}, {"source": 61, "target": 10, "label": "A"}, {"source": 79, "target": 81, "label": "E"}, {"source": 81, "target": 43, "label": "R"}, {"source": 69, "target": 71, "label": "H"}, {"source": 58, "target": 3, "label": "S"}, {"source": 63, "target": 9, "label": "C"}, {"source": 65, "target": 15, "label": "C"}, {"source": 65, "target": 14, "label": "E"}, {"source": 70, "target": 21, "label": "F"}, {"source": 81, "target": 82, "label": "H"}, {"source": 64, "target": 11, "label": "D"}, {"source": 84, "target": 49, "label": "C"}, {"source": 78, "target": 38, "label": "F"}, {"source": 78, "target": 36, "label": "F"}, {"source": 78, "target": 79, "label": "A"}, {"source": 75, "target": 28, "label": "D"}, {"source": 85, "target": 51, "label": "F"}, {"source": 57, "target": 2, "label": "S"}, {"source": 77, "target": 34, "label": "F"}, {"source": 73, "target": 74, "label": "P"}, {"source": 70, "target": 22, "label": "D"}, {"source": 76, "target": 77, "label": "A"}, {"source": 59, "target": 87, "label": "H"}, {"source": 85, "target": 42, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 78, "label": "H"}, {"source": 73, "target": 74, "label": "A"}, {"source": 83, "target": 46, "label": "F"}, {"source": 69, "target": 67, "label": "H"}, {"source": 80, "target": 41, "label": "S"}, {"source": 59, "target": 75, "label": "H"}, {"source": 80, "target": 42, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 33, "label": "E"}, {"source": 59, "target": 66, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 83, "target": 47, "label": "C"}, {"source": 77, "target": 35, "label": "C"}, {"source": 76, "target": 30, "label": "A"}, {"source": 84, "target": 48, "label": "F"}, {"source": 75, "target": 29, "label": "S"}, {"source": 79, "target": 80, "label": "E"}, {"source": 86, "target": 54, "label": "F"}, {"source": 81, "target": 85, "label": "H"}, {"source": 59, "target": 70, "label": "H"}, {"source": 63, "target": 8, "label": "F"}, {"source": 64, "target": 12, "label": "S"}, {"source": 58, "target": 0, "label": "R"}, {"source": 79, "target": 40, "label": "R"}, {"source": 82, "target": 44, "label": "A"}, {"source": 67, "target": 68, "label": "S"}, {"source": 72, "target": 24, "label": "F"}, {"source": 70, "target": 72, "label": "P"}, {"source": 59, "target": 57, "label": "H"}, {"source": 64, "target": 13, "label": "A"}, {"source": 68, "target": 18, "label": "C"}, {"source": 74, "target": 27, "label": "C"}, {"source": 70, "target": 73, "label": "A"}, {"source": 79, "target": 42, "label": "C"}, {"source": 70, "target": 20, "label": "F"}, {"source": 78, "target": 39, "label": "P"}, {"source": 66, "target": 65, "label": "D"}, {"source": 67, "target": 68, "label": "A"}, {"source": 74, "target": 26, "label": "R"}, {"source": 82, "target": 45, "label": "P"}, {"source": 84, "target": 83, "label": "Q"}, {"source": 61, "target": 62, "label": "D"}, {"source": 85, "target": 52, "label": "S"}, {"source": 68, "target": 17, "label": "F"}, {"source": 58, "target": 60, "label": "T"}, {"source": 85, "target": 86, "label": "A"}, {"source": 61, "target": 5, "label": "F"}, {"source": 62, "target": 6, "label": "E"}, {"source": 60, "target": 4, "label": "C"}, {"source": 59, "target": 64, "label": "H"}, {"source": 76, "target": 32, "label": "P"}, {"source": 70, "target": 23, "label": "F"}, {"source": 59, "target": 61, "label": "H"}, {"source": 86, "target": 53, "label": "R"}, {"source": 86, "target": 55, "label": "C"}, {"source": 70, "target": 69, "label": "A"}, {"source": 71, "target": 19, "label": "A"}, {"source": 76, "target": 31, "label": "D"}, {"source": 62, "target": 7, "label": "C"}, {"source": 82, "target": 84, "label": "A"}, {"source": 61, "target": 63, "label": "P"}]} +{"id": "160073-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Review on House of Joy Chinese Restaurant", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 18}, {"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 41}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "R"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "160073-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My family and I moved to San Antonio a year ago and have tried almost all of the Chinese Restaurants because we love Chinese food.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}, {"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 37, "target": 36, "label": "E"}, {"source": 26, "target": 3, "label": "C"}, {"source": 28, "target": 19, "label": "L"}, {"source": 36, "target": 22, "label": "S"}, {"source": 31, "target": 11, "label": "F"}, {"source": 25, "target": 1, "label": "S"}, {"source": 34, "target": 17, "label": "S"}, {"source": 36, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 33, "target": 15, "label": "R"}, {"source": 32, "target": 14, "label": "C"}, {"source": 26, "target": 25, "label": "C"}, {"source": 31, "target": 12, "label": "P"}, {"source": 31, "target": 33, "label": "A"}, {"source": 31, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "N"}, {"source": 34, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 13, "label": "E"}, {"source": 25, "target": 1, "label": "A"}, {"source": 30, "target": 8, "label": "C"}, {"source": 33, "target": 16, "label": "F"}, {"source": 29, "target": 5, "label": "R"}, {"source": 37, "target": 24, "label": "U"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 10, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 33, "target": 32, "label": "Q"}, {"source": 28, "target": 31, "label": "H"}, {"source": 30, "target": 7, "label": "Q"}, {"source": 37, "target": 23, "label": "C"}, {"source": 28, "target": 35, "label": "H"}, {"source": 27, "target": 4, "label": "P"}, {"source": 35, "target": 21, "label": "S"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 6, "label": "C"}, {"source": 30, "target": 9, "label": "E"}, {"source": 35, "target": 20, "label": "A"}, {"source": 27, "target": 30, "label": "T"}]} +{"id": "160073-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well it took us a while to find one that we liked.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 0, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "T"}, {"source": 14, "target": 1, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 3, "label": "A"}, {"source": 16, "target": 8, "label": "Q"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 7, "label": "P"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 10, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "160073-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "But we don't just like House of Joy WE LOVE IT.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 31}, {"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "D"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 0, "label": "L"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 8, "label": "S"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 7, "label": "A"}, {"source": 13, "target": 9, "label": "A"}]} +{"id": "160073-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everything we have gotten there has been more authentic and better tasting than any other Chinese restaurant in the San Antonio area we have been to--and trust me we have been to a lot of them.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 119}, {"from": 120, "to": 127}]}, {"id": 20, "anchors": [{"from": 128, "to": 132}]}, {"id": 21, "anchors": [{"from": 133, "to": 135}]}, {"id": 22, "anchors": [{"from": 136, "to": 140}]}, {"id": 23, "anchors": [{"from": 141, "to": 145}]}, {"id": 24, "anchors": [{"from": 146, "to": 148}]}, {"id": 25, "anchors": [{"from": 148, "to": 150}]}, {"id": 26, "anchors": [{"from": 150, "to": 153}]}, {"id": 27, "anchors": [{"from": 154, "to": 159}]}, {"id": 28, "anchors": [{"from": 160, "to": 162}]}, {"id": 29, "anchors": [{"from": 163, "to": 165}]}, {"id": 30, "anchors": [{"from": 166, "to": 170}]}, {"id": 31, "anchors": [{"from": 171, "to": 175}]}, {"id": 32, "anchors": [{"from": 176, "to": 178}]}, {"id": 33, "anchors": [{"from": 179, "to": 180}]}, {"id": 34, "anchors": [{"from": 181, "to": 184}]}, {"id": 35, "anchors": [{"from": 185, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 192}]}, {"id": 37, "anchors": [{"from": 192, "to": 193}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 5, "label": "F"}, {"source": 46, "target": 18, "label": "F"}, {"source": 49, "target": 33, "label": "F"}, {"source": 47, "target": 27, "label": "P"}, {"source": 45, "target": 17, "label": "S"}, {"source": 40, "target": 12, "label": "L"}, {"source": 46, "target": 20, "label": "E"}, {"source": 41, "target": 10, "label": "D"}, {"source": 38, "target": 1, "label": "A"}, {"source": 42, "target": 44, "label": "E"}, {"source": 41, "target": 11, "label": "S"}, {"source": 39, "target": 8, "label": "S"}, {"source": 38, "target": 3, "label": "P"}, {"source": 39, "target": 6, "label": "F"}, {"source": 42, "target": 13, "label": "E"}, {"source": 40, "target": 26, "label": "L"}, {"source": 50, "target": 36, "label": "C"}, {"source": 43, "target": 23, "label": "F"}, {"source": 43, "target": 24, "label": "S"}, {"source": 50, "target": 35, "label": "R"}, {"source": 38, "target": 0, "label": "A"}, {"source": 40, "target": 48, "label": "H"}, {"source": 39, "target": 7, "label": "D"}, {"source": 48, "target": 29, "label": "A"}, {"source": 40, "target": 47, "label": "H"}, {"source": 42, "target": 45, "label": "E"}, {"source": 48, "target": 32, "label": "S"}, {"source": 43, "target": 21, "label": "A"}, {"source": 39, "target": 38, "label": "A"}, {"source": 48, "target": 50, "label": "A"}, {"source": 40, "target": 25, "label": "U"}, {"source": 50, "target": 49, "label": "Q"}, {"source": 42, "target": 14, "label": "E"}, {"source": 38, "target": 4, "label": "A"}, {"source": 45, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 15, "label": "S"}, {"source": 50, "target": 37, "label": "U"}, {"source": 48, "target": 31, "label": "F"}, {"source": 43, "target": 42, "label": "A"}, {"source": 43, "target": 22, "label": "F"}, {"source": 44, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 19, "label": "C"}, {"source": 40, "target": 43, "label": "H"}, {"source": 48, "target": 30, "label": "F"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 9, "label": "L"}, {"source": 40, "target": 39, "label": "H"}, {"source": 40, "target": 41, "label": "H"}, {"source": 42, "target": 16, "label": "C"}, {"source": 49, "target": 34, "label": "C"}, {"source": 38, "target": 2, "label": "F"}, {"source": 47, "target": 28, "label": "A"}]} +{"id": "160073-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We just happen to stumble across this little restaurant one day when we had to visit the Bexar County Tax Office off of Bandera Road.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}, {"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 94}, {"from": 95, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 132}]}, {"id": 23, "anchors": [{"from": 132, "to": 133}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 25, "target": 24, "label": "H"}, {"source": 34, "target": 21, "label": "E"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 24, "target": 29, "label": "T"}, {"source": 34, "target": 22, "label": "C"}, {"source": 33, "target": 18, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 32, "target": 31, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 6, "label": "E"}, {"source": 26, "target": 3, "label": "R"}, {"source": 24, "target": 2, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 19, "label": "S"}, {"source": 29, "target": 9, "label": "Q"}, {"source": 28, "target": 7, "label": "S"}, {"source": 31, "target": 15, "label": "F"}, {"source": 30, "target": 12, "label": "A"}, {"source": 27, "target": 5, "label": "R"}, {"source": 31, "target": 16, "label": "E"}, {"source": 28, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 13, "label": "D"}, {"source": 25, "target": 30, "label": "H"}, {"source": 31, "target": 33, "label": "C"}, {"source": 25, "target": 11, "label": "L"}, {"source": 27, "target": 8, "label": "C"}, {"source": 30, "target": 14, "label": "P"}, {"source": 29, "target": 10, "label": "C"}, {"source": 34, "target": 20, "label": "F"}, {"source": 33, "target": 17, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 24, "target": 26, "label": "P"}]} +{"id": "160073-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We stopped in and got some take out and cannot stop going back.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "D"}, {"source": 16, "target": 6, "label": "P"}, {"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 11, "label": "P"}, {"source": 15, "target": 7, "label": "L"}, {"source": 17, "target": 8, "label": "D"}, {"source": 16, "target": 5, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 2, "label": "D"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "L"}, {"source": 17, "target": 12, "label": "D"}]} +{"id": "160073-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have the best Egg Drop Soup I have ever tasted.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}, {"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 7, "label": "T"}, {"source": 12, "target": 13, "label": "S"}, {"source": 15, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 12, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "160073-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We also love their Egg Rolls and Spring Rolls.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 14, "target": 6, "label": "N"}, {"source": 14, "target": 15, "label": "C"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 13, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 1, "label": "L"}, {"source": 12, "target": 14, "label": "C"}, {"source": 11, "target": 2, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "160073-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And every entree we have ordered is perfect.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 10, "label": "A"}, {"source": 12, "target": 3, "label": "A"}, {"source": 10, "target": 1, "label": "Q"}, {"source": 12, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "F"}, {"source": 9, "target": 11, "label": "H"}, {"source": 12, "target": 5, "label": "P"}, {"source": 11, "target": 7, "label": "S"}, {"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 12, "label": "E"}, {"source": 9, "target": 0, "label": "L"}, {"source": 11, "target": 6, "label": "F"}]} +{"id": "160073-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Everything is always cooked fresh and tastes fresh.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 2, "label": "T"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 7, "label": "D"}, {"source": 10, "target": 5, "label": "L"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "160073-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their prices are extremely reasonable for the amount of food you receive.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 11, "label": "P"}, {"source": 15, "target": 3, "label": "D"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "S"}, {"source": 16, "target": 7, "label": "E"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 10, "label": "A"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "160073-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff is also just so pleasant to deal with.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 10, "label": "U"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 15, "label": "P"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 4, "label": "G"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "L"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "A"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "160073-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They are also quick at getting your order out to you.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 8, "label": "D"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 6, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 16, "target": 9, "label": "R"}, {"source": 12, "target": 2, "label": "L"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "160073-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You don't have to sit and wait around forever like most places!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 4, "label": "P"}, {"source": 15, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 10, "label": "Q"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "L"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 5, "label": "L"}, {"source": 15, "target": 8, "label": "T"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 7, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "P"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 8, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "160073-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So anyone looking for an Excellent night out for Chinese or maybe just lunch should stop in and try it because I promise you 2 things---You won't regret it!!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 142}]}, {"id": 29, "anchors": [{"from": 142, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 155}]}, {"id": 32, "anchors": [{"from": 155, "to": 157}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 45, "target": 28, "label": "F"}, {"source": 41, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 18, "label": "P"}, {"source": 44, "target": 26, "label": "U"}, {"source": 33, "target": 41, "label": "H"}, {"source": 45, "target": 27, "label": "A"}, {"source": 38, "target": 7, "label": "S"}, {"source": 45, "target": 32, "label": "U"}, {"source": 39, "target": 9, "label": "D"}, {"source": 33, "target": 14, "label": "L"}, {"source": 33, "target": 0, "label": "L"}, {"source": 42, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 11, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 41, "target": 15, "label": "P"}, {"source": 43, "target": 22, "label": "P"}, {"source": 33, "target": 17, "label": "L"}, {"source": 38, "target": 36, "label": "A"}, {"source": 37, "target": 4, "label": "F"}, {"source": 35, "target": 40, "label": "C"}, {"source": 35, "target": 10, "label": "N"}, {"source": 43, "target": 21, "label": "A"}, {"source": 45, "target": 31, "label": "A"}, {"source": 43, "target": 23, "label": "A"}, {"source": 33, "target": 43, "label": "H"}, {"source": 33, "target": 34, "label": "H"}, {"source": 45, "target": 29, "label": "D"}, {"source": 44, "target": 25, "label": "C"}, {"source": 45, "target": 30, "label": "P"}, {"source": 35, "target": 3, "label": "R"}, {"source": 41, "target": 16, "label": "D"}, {"source": 36, "target": 5, "label": "S"}, {"source": 37, "target": 6, "label": "C"}, {"source": 33, "target": 42, "label": "H"}, {"source": 35, "target": 38, "label": "C"}, {"source": 42, "target": 19, "label": "A"}, {"source": 44, "target": 24, "label": "Q"}, {"source": 40, "target": 12, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 44, "target": 45, "label": "E"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 20, "label": "L"}, {"source": 40, "target": 13, "label": "P"}, {"source": 34, "target": 2, "label": "P"}, {"source": 34, "target": 1, "label": "A"}, {"source": 39, "target": 8, "label": "R"}]} +{"id": "160073-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "and you will go back for more!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "R"}, {"source": 10, "target": 0, "label": "N"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "D"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "C"}]} +{"id": "160073-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Karla Ferguson-Granger", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 14}, {"from": 15, "to": 22}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2}], "edges": [{"source": 0, "target": 1, "label": "U"}, {"source": 2, "target": 0, "label": "H"}]} +{"id": "160073-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "PS I have noticed on here that someone left a comment that \"all of the nice comments must come from co workers or friends\" and I will tell you that I don't know these people except from eating at their restaurant.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "anchors": [{"from": 121, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 152}]}, {"id": 34, "anchors": [{"from": 152, "to": 155}]}, {"id": 35, "anchors": [{"from": 156, "to": 160}]}, {"id": 36, "anchors": [{"from": 161, "to": 166}]}, {"id": 37, "anchors": [{"from": 167, "to": 173}]}, {"id": 38, "anchors": [{"from": 174, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 185}]}, {"id": 40, "anchors": [{"from": 186, "to": 192}]}, {"id": 41, "anchors": [{"from": 193, "to": 195}]}, {"id": 42, "anchors": [{"from": 196, "to": 201}]}, {"id": 43, "anchors": [{"from": 202, "to": 212}]}, {"id": 44, "anchors": [{"from": 212, "to": 213}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 61, "target": 39, "label": "R"}, {"source": 62, "target": 44, "label": "U"}, {"source": 47, "target": 4, "label": "R"}, {"source": 62, "target": 63, "label": "E"}, {"source": 55, "target": 22, "label": "C"}, {"source": 47, "target": 5, "label": "C"}, {"source": 59, "target": 60, "label": "A"}, {"source": 49, "target": 9, "label": "F"}, {"source": 50, "target": 51, "label": "A"}, {"source": 50, "target": 18, "label": "D"}, {"source": 57, "target": 28, "label": "F"}, {"source": 48, "target": 7, "label": "A"}, {"source": 50, "target": 13, "label": "D"}, {"source": 58, "target": 59, "label": "H"}, {"source": 57, "target": 29, "label": "P"}, {"source": 46, "target": 26, "label": "L"}, {"source": 63, "target": 42, "label": "S"}, {"source": 59, "target": 35, "label": "S"}, {"source": 45, "target": 1, "label": "A"}, {"source": 63, "target": 43, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 24, "label": "P"}, {"source": 61, "target": 40, "label": "P"}, {"source": 59, "target": 32, "label": "A"}, {"source": 54, "target": 55, "label": "P"}, {"source": 58, "target": 61, "label": "H"}, {"source": 50, "target": 11, "label": "R"}, {"source": 50, "target": 12, "label": "U"}, {"source": 63, "target": 42, "label": "A"}, {"source": 46, "target": 25, "label": "U"}, {"source": 55, "target": 21, "label": "E"}, {"source": 45, "target": 48, "label": "A"}, {"source": 45, "target": 0, "label": "G"}, {"source": 61, "target": 62, "label": "A"}, {"source": 58, "target": 38, "label": "L"}, {"source": 57, "target": 30, "label": "A"}, {"source": 45, "target": 3, "label": "P"}, {"source": 60, "target": 37, "label": "C"}, {"source": 53, "target": 23, "label": "N"}, {"source": 52, "target": 17, "label": "C"}, {"source": 53, "target": 20, "label": "R"}, {"source": 59, "target": 34, "label": "D"}, {"source": 48, "target": 50, "label": "A"}, {"source": 53, "target": 56, "label": "C"}, {"source": 46, "target": 57, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 62, "target": 43, "label": "C"}, {"source": 51, "target": 52, "label": "P"}, {"source": 50, "target": 19, "label": "P"}, {"source": 53, "target": 54, "label": "C"}, {"source": 48, "target": 8, "label": "D"}, {"source": 50, "target": 53, "label": "A"}, {"source": 48, "target": 6, "label": "R"}, {"source": 59, "target": 33, "label": "F"}, {"source": 51, "target": 16, "label": "D"}, {"source": 62, "target": 41, "label": "R"}, {"source": 51, "target": 14, "label": "R"}, {"source": 46, "target": 45, "label": "H"}, {"source": 49, "target": 10, "label": "C"}, {"source": 60, "target": 36, "label": "E"}, {"source": 58, "target": 31, "label": "R"}, {"source": 52, "target": 15, "label": "F"}, {"source": 45, "target": 2, "label": "F"}, {"source": 57, "target": 27, "label": "A"}, {"source": 48, "target": 49, "label": "P"}]} +{"id": "160073-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We are from Virginia and just moved here a year ago.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 10, "label": "E"}, {"source": 14, "target": 5, "label": "D"}, {"source": 14, "target": 15, "label": "T"}, {"source": 15, "target": 8, "label": "Q"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 7, "label": "A"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "160073-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So that comment is completely false.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 1, "label": "E"}, {"source": 10, "target": 4, "label": "D"}, {"source": 7, "target": 10, "label": "H"}, {"source": 8, "target": 9, "label": "P"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 5, "label": "S"}, {"source": 9, "target": 2, "label": "C"}, {"source": 7, "target": 0, "label": "L"}]} +{"id": "160073-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Because we think IT'S THE BEST!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 0, "label": "L"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 3, "label": "A"}]} +{"id": "160073-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and we don't know them except for eating there.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 6, "label": "L"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "L"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 8, "label": "P"}, {"source": 13, "target": 9, "label": "A"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "160442-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Extremely bad customer service", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "D"}]} +{"id": "160442-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do not go to this salon, especially if you have to get your hair straightened.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}, {"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 17, "target": 6, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 11, "label": "D"}, {"source": 19, "target": 14, "label": "P"}, {"source": 19, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "E"}, {"source": 18, "target": 4, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 17, "target": 8, "label": "L"}]} +{"id": "160442-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They did a very bad job with my hair and were extremely rude when I went back to ask them why it didn't work for my hair.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 112}]}, {"id": 26, "anchors": [{"from": 113, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 120}]}, {"id": 28, "anchors": [{"from": 120, "to": 121}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 6, "label": "R"}, {"source": 30, "target": 9, "label": "L"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 39, "target": 26, "label": "E"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 28, "label": "U"}, {"source": 29, "target": 1, "label": "F"}, {"source": 32, "target": 3, "label": "E"}, {"source": 30, "target": 35, "label": "H"}, {"source": 37, "target": 38, "label": "E"}, {"source": 30, "target": 13, "label": "L"}, {"source": 34, "target": 11, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 29, "target": 31, "label": "P"}, {"source": 29, "target": 0, "label": "A"}, {"source": 39, "target": 27, "label": "C"}, {"source": 38, "target": 23, "label": "D"}, {"source": 38, "target": 22, "label": "F"}, {"source": 35, "target": 36, "label": "A"}, {"source": 35, "target": 15, "label": "P"}, {"source": 38, "target": 24, "label": "P"}, {"source": 33, "target": 7, "label": "E"}, {"source": 38, "target": 21, "label": "A"}, {"source": 35, "target": 16, "label": "D"}, {"source": 31, "target": 2, "label": "F"}, {"source": 31, "target": 5, "label": "C"}, {"source": 37, "target": 20, "label": "C"}, {"source": 39, "target": 25, "label": "R"}, {"source": 32, "target": 4, "label": "C"}, {"source": 36, "target": 17, "label": "R"}, {"source": 38, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 8, "label": "C"}, {"source": 36, "target": 19, "label": "A"}, {"source": 29, "target": 32, "label": "D"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 10, "label": "F"}, {"source": 35, "target": 14, "label": "A"}, {"source": 29, "target": 33, "label": "A"}, {"source": 34, "target": 12, "label": "S"}, {"source": 36, "target": 18, "label": "P"}]} +{"id": "160442-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rude, insensitive, discourteous people!!!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 7, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "A"}, {"source": 8, "target": 0, "label": "S"}, {"source": 9, "target": 2, "label": "S"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 10, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 4, "label": "S"}, {"source": 9, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "162253-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Over charged.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "162253-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used my card to purchase a meal on the menu and the total on my receipt was $8.95 but when I went on line to check my transaction it show $10.74.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 99}]}, {"id": 24, "anchors": [{"from": 100, "to": 102}, {"from": 103, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 139}]}, {"id": 31, "anchors": [{"from": 140, "to": 141}]}, {"id": 32, "anchors": [{"from": 141, "to": 146}]}, {"id": 33, "anchors": [{"from": 146, "to": 147}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 37, "target": 2, "label": "A"}, {"source": 35, "target": 41, "label": "H"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 37, "label": "E"}, {"source": 34, "target": 0, "label": "A"}, {"source": 35, "target": 48, "label": "H"}, {"source": 38, "target": 6, "label": "F"}, {"source": 45, "target": 23, "label": "D"}, {"source": 35, "target": 45, "label": "H"}, {"source": 41, "target": 44, "label": "A"}, {"source": 46, "target": 26, "label": "P"}, {"source": 34, "target": 38, "label": "A"}, {"source": 35, "target": 20, "label": "L"}, {"source": 35, "target": 25, "label": "L"}, {"source": 46, "target": 47, "label": "A"}, {"source": 49, "target": 33, "label": "U"}, {"source": 43, "target": 15, "label": "S"}, {"source": 41, "target": 17, "label": "S"}, {"source": 36, "target": 3, "label": "C"}, {"source": 39, "target": 9, "label": "F"}, {"source": 48, "target": 30, "label": "P"}, {"source": 48, "target": 29, "label": "A"}, {"source": 38, "target": 7, "label": "C"}, {"source": 36, "target": 1, "label": "R"}, {"source": 46, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 4, "label": "F"}, {"source": 45, "target": 24, "label": "S"}, {"source": 40, "target": 13, "label": "C"}, {"source": 34, "target": 5, "label": "P"}, {"source": 42, "target": 14, "label": "R"}, {"source": 41, "target": 40, "label": "A"}, {"source": 49, "target": 31, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 38, "target": 39, "label": "E"}, {"source": 35, "target": 11, "label": "L"}, {"source": 35, "target": 46, "label": "H"}, {"source": 40, "target": 42, "label": "E"}, {"source": 35, "target": 21, "label": "L"}, {"source": 49, "target": 32, "label": "Q"}, {"source": 47, "target": 27, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 47, "target": 28, "label": "P"}, {"source": 37, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 10, "label": "C"}, {"source": 37, "target": 2, "label": "S"}, {"source": 44, "target": 19, "label": "Q"}, {"source": 42, "target": 43, "label": "E"}, {"source": 43, "target": 15, "label": "A"}, {"source": 40, "target": 12, "label": "F"}, {"source": 44, "target": 18, "label": "C"}, {"source": 42, "target": 16, "label": "C"}, {"source": 35, "target": 34, "label": "H"}, {"source": 45, "target": 22, "label": "A"}, {"source": 39, "target": 8, "label": "R"}]} +{"id": "162253-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There is something wrong or maybe the individual made a mistake but to me that is not integrity.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 20, "target": 4, "label": "L"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "L"}, {"source": 23, "target": 8, "label": "F"}, {"source": 19, "target": 3, "label": "S"}, {"source": 23, "target": 9, "label": "F"}, {"source": 21, "target": 23, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 25, "label": "H"}, {"source": 25, "target": 16, "label": "D"}, {"source": 22, "target": 6, "label": "F"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 0, "label": "F"}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 21, "target": 5, "label": "G"}, {"source": 25, "target": 17, "label": "S"}, {"source": 25, "target": 24, "label": "G"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 15, "label": "F"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "162422-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Horrible.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "162422-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Horrible.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "162422-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When we walked in, the person behind desk said: \"oh well, you must wait, I am in the middle of something.\"", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}, {"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 80}]}, {"id": 21, "anchors": [{"from": 81, "to": 84}]}, {"id": 22, "anchors": [{"from": 85, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 94}]}, {"id": 24, "anchors": [{"from": 95, "to": 104}]}, {"id": 25, "anchors": [{"from": 104, "to": 105}]}, {"id": 26, "anchors": [{"from": 105, "to": 106}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 35, "target": 20, "label": "R"}, {"source": 35, "target": 22, "label": "C"}, {"source": 36, "target": 24, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 28, "target": 3, "label": "D"}, {"source": 33, "target": 32, "label": "H"}, {"source": 30, "target": 33, "label": "A"}, {"source": 32, "target": 13, "label": "U"}, {"source": 31, "target": 7, "label": "S"}, {"source": 32, "target": 12, "label": "G"}, {"source": 30, "target": 29, "label": "A"}, {"source": 31, "target": 8, "label": "A"}, {"source": 32, "target": 16, "label": "P"}, {"source": 31, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 18, "label": "A"}, {"source": 29, "target": 31, "label": "E"}, {"source": 34, "target": 35, "label": "S"}, {"source": 36, "target": 25, "label": "U"}, {"source": 36, "target": 26, "label": "U"}, {"source": 35, "target": 21, "label": "F"}, {"source": 33, "target": 34, "label": "H"}, {"source": 33, "target": 17, "label": "U"}, {"source": 32, "target": 14, "label": "A"}, {"source": 28, "target": 1, "label": "A"}, {"source": 27, "target": 4, "label": "U"}, {"source": 30, "target": 10, "label": "U"}, {"source": 34, "target": 36, "label": "A"}, {"source": 29, "target": 5, "label": "F"}, {"source": 34, "target": 19, "label": "F"}, {"source": 28, "target": 2, "label": "P"}, {"source": 36, "target": 23, "label": "R"}, {"source": 30, "target": 9, "label": "P"}, {"source": 29, "target": 6, "label": "C"}, {"source": 30, "target": 11, "label": "U"}, {"source": 27, "target": 0, "label": "L"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "162422-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After a good few minutes, he asked: \"what do you want?\"", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 53}]}, {"id": 14, "anchors": [{"from": 53, "to": 54}]}, {"id": 15, "anchors": [{"from": 54, "to": 55}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 16, "target": 3, "label": "Q"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 16, "target": 0, "label": "R"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 5, "label": "U"}, {"source": 19, "target": 12, "label": "A"}, {"source": 18, "target": 9, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 11, "label": "F"}, {"source": 19, "target": 13, "label": "P"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 15, "label": "U"}, {"source": 18, "target": 6, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 16, "label": "T"}]} +{"id": "162422-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Somewhere in between his rudeness he asked if we smoked.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}, {"from": 13, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 1, "label": "D"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "A"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 3, "label": "S"}, {"source": 13, "target": 8, "label": "P"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "162422-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I asked if this hotel had smoking rooms.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 14, "label": "A"}, {"source": 11, "target": 2, "label": "R"}, {"source": 14, "target": 13, "label": "E"}, {"source": 11, "target": 5, "label": "S"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 6, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "162422-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He immediately said \"no, there is a $50 deposit now!\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 53}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 4, "label": "H"}, {"source": 16, "target": 3, "label": "U"}, {"source": 20, "target": 10, "label": "Q"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 5, "label": "U"}, {"source": 16, "target": 1, "label": "T"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 14, "label": "U"}, {"source": 18, "target": 12, "label": "T"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 8, "label": "F"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "162422-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sure enough he charged it to the credit card.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 0, "label": "G"}]} +{"id": "162422-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I inquired he rudely replied \"in the morning when things are checked out you'll get it back.\"", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}, {"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 7, "label": "R"}, {"source": 27, "target": 11, "label": "A"}, {"source": 26, "target": 17, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 27, "target": 12, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 6, "label": "U"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 26, "target": 15, "label": "F"}, {"source": 25, "target": 27, "label": "H"}, {"source": 24, "target": 8, "label": "F"}, {"source": 26, "target": 18, "label": "D"}, {"source": 25, "target": 26, "label": "H"}, {"source": 22, "target": 1, "label": "A"}, {"source": 23, "target": 3, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 4, "label": "D"}, {"source": 26, "target": 24, "label": "T"}, {"source": 23, "target": 5, "label": "P"}, {"source": 26, "target": 14, "label": "A"}, {"source": 26, "target": 20, "label": "U"}, {"source": 25, "target": 10, "label": "L"}]} +{"id": "162422-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called customer service about it because the website specifically states that there are no other charges at the check-in.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 119}, {"from": 120, "to": 122}]}, {"id": 20, "anchors": [{"from": 119, "to": 120}]}, {"id": 21, "anchors": [{"from": 122, "to": 123}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 4, "label": "R"}, {"source": 28, "target": 12, "label": "F"}, {"source": 24, "target": 2, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 28, "target": 11, "label": "R"}, {"source": 23, "target": 6, "label": "L"}, {"source": 27, "target": 10, "label": "P"}, {"source": 24, "target": 3, "label": "P"}, {"source": 28, "target": 13, "label": "F"}, {"source": 22, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 19, "target": 20, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 27, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 17, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 28, "target": 16, "label": "P"}, {"source": 28, "target": 15, "label": "D"}, {"source": 28, "target": 14, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 9, "label": "D"}, {"source": 30, "target": 18, "label": "F"}, {"source": 26, "target": 7, "label": "F"}]} +{"id": "162422-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also mentioned to the reception person.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "162422-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He responded \"we have problem with 'people'\".", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 5, "label": "S"}, {"source": 15, "target": 7, "label": "U"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 3, "label": "A"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "162422-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Imagine a hotel having problems with people.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "P"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "162422-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I finally alerted him to his rudeness.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "P"}, {"source": 9, "target": 1, "label": "T"}]} +{"id": "162422-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He said he's had a long and bad day.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 36}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 14, "target": 2, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 14, "target": 3, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 6, "label": "S"}, {"source": 16, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "162422-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had no choice but to stay but will take this as far as we can.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 64, "to": 65}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 15, "label": "D"}, {"source": 20, "target": 9, "label": "P"}, {"source": 18, "target": 4, "label": "L"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 2, "label": "D"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 7, "label": "L"}, {"source": 21, "target": 12, "label": "C"}, {"source": 22, "target": 9, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "E"}, {"source": 19, "target": 5, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 22, "target": 14, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 22, "target": 21, "label": "D"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 8, "label": "F"}, {"source": 17, "target": 3, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 6, "label": "P"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "162422-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Don't stay there.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "162422-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came to find out the person was the hotel OWNER also.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 11, "label": "U"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 4, "label": "F"}, {"source": 17, "target": 7, "label": "F"}, {"source": 15, "target": 6, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 10, "label": "L"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 16, "target": 17, "label": "P"}]} +{"id": "162567-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Highly Recommend", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "162567-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have worked with Shannon as my massage therapist and intuitive bodyworker for years and have never been disappointed.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 118}]}, {"id": 19, "anchors": [{"from": 118, "to": 119}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 23, "target": 8, "label": "S"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 24, "target": 11, "label": "S"}, {"source": 20, "target": 25, "label": "T"}, {"source": 20, "target": 2, "label": "P"}, {"source": 21, "target": 26, "label": "H"}, {"source": 24, "target": 10, "label": "D"}, {"source": 26, "target": 16, "label": "T"}, {"source": 23, "target": 7, "label": "D"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 5, "label": "L"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 3, "label": "R"}, {"source": 26, "target": 18, "label": "P"}, {"source": 25, "target": 12, "label": "R"}, {"source": 26, "target": 17, "label": "F"}, {"source": 26, "target": 16, "label": "D"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "L"}, {"source": 23, "target": 6, "label": "A"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "162567-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No matter what state I am in when I arrive, I always leave feeling better.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 4, "label": "F"}, {"source": 19, "target": 7, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 14, "label": "S"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "P"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "L"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "T"}, {"source": 21, "target": 13, "label": "G"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 16, "target": 9, "label": "U"}, {"source": 20, "target": 12, "label": "P"}, {"source": 17, "target": 2, "label": "S"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}]} +{"id": "162567-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She has not only helped me through some challenging computer-work and sports related injuries, she was wonderful to work with throughout my pregnancy and beyond.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 93}]}, {"id": 16, "anchors": [{"from": 93, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 149}]}, {"id": 26, "anchors": [{"from": 150, "to": 153}]}, {"id": 27, "anchors": [{"from": 154, "to": 160}]}, {"id": 28, "anchors": [{"from": 160, "to": 161}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 12, "label": "N"}, {"source": 30, "target": 29, "label": "H"}, {"source": 29, "target": 31, "label": "D"}, {"source": 39, "target": 20, "label": "F"}, {"source": 29, "target": 1, "label": "F"}, {"source": 36, "target": 37, "label": "C"}, {"source": 30, "target": 6, "label": "L"}, {"source": 33, "target": 14, "label": "S"}, {"source": 32, "target": 33, "label": "A"}, {"source": 41, "target": 25, "label": "P"}, {"source": 38, "target": 19, "label": "D"}, {"source": 38, "target": 18, "label": "F"}, {"source": 42, "target": 27, "label": "C"}, {"source": 34, "target": 7, "label": "Q"}, {"source": 41, "target": 42, "label": "D"}, {"source": 30, "target": 16, "label": "U"}, {"source": 29, "target": 0, "label": "A"}, {"source": 40, "target": 17, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 21, "label": "C"}, {"source": 41, "target": 24, "label": "A"}, {"source": 38, "target": 39, "label": "P"}, {"source": 36, "target": 35, "label": "C"}, {"source": 34, "target": 15, "label": "C"}, {"source": 32, "target": 8, "label": "S"}, {"source": 30, "target": 23, "label": "L"}, {"source": 35, "target": 11, "label": "P"}, {"source": 37, "target": 13, "label": "P"}, {"source": 42, "target": 28, "label": "U"}, {"source": 35, "target": 9, "label": "A"}, {"source": 42, "target": 26, "label": "N"}, {"source": 31, "target": 3, "label": "C"}, {"source": 38, "target": 17, "label": "A"}, {"source": 31, "target": 2, "label": "C"}, {"source": 29, "target": 4, "label": "P"}, {"source": 29, "target": 5, "label": "A"}, {"source": 30, "target": 38, "label": "H"}, {"source": 35, "target": 10, "label": "U"}, {"source": 38, "target": 40, "label": "A"}, {"source": 40, "target": 22, "label": "R"}, {"source": 30, "target": 32, "label": "H"}, {"source": 30, "target": 41, "label": "H"}, {"source": 33, "target": 36, "label": "A"}]} +{"id": "162567-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I highly recommend her.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "162662-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great place for embroidery.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "162662-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Service was friendly and VERY fast.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "N"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "C"}, {"source": 8, "target": 9, "label": "D"}, {"source": 8, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "E"}]} +{"id": "162662-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I purchased four gift items there and had them all embroidered within a week.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 17, "target": 2, "label": "Q"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 20, "label": "T"}, {"source": 16, "target": 18, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 6, "label": "L"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "D"}, {"source": 20, "target": 11, "label": "R"}, {"source": 17, "target": 3, "label": "E"}, {"source": 19, "target": 9, "label": "Q"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "162702-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The best photographer in Miami", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 5, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 2, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "162702-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was soooo lucky to have used Marlon's photography services....such a creative and talented photographer and a pleasure to work with.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 133}]}, {"id": 24, "anchors": [{"from": 133, "to": 134}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 27, "target": 6, "label": "D"}, {"source": 36, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 16, "label": "C"}, {"source": 27, "target": 5, "label": "F"}, {"source": 35, "target": 22, "label": "C"}, {"source": 34, "target": 35, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 28, "target": 7, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 32, "target": 14, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 8, "label": "R"}, {"source": 27, "target": 10, "label": "P"}, {"source": 32, "target": 15, "label": "N"}, {"source": 29, "target": 32, "label": "C"}, {"source": 31, "target": 17, "label": "C"}, {"source": 26, "target": 30, "label": "H"}, {"source": 36, "target": 23, "label": "E"}, {"source": 34, "target": 33, "label": "D"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 20, "label": "C"}, {"source": 35, "target": 21, "label": "F"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 3, "label": "S"}, {"source": 29, "target": 12, "label": "E"}, {"source": 31, "target": 13, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 26, "target": 11, "label": "U"}, {"source": 25, "target": 2, "label": "D"}, {"source": 26, "target": 18, "label": "L"}, {"source": 26, "target": 34, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 29, "label": "D"}, {"source": 36, "target": 24, "label": "U"}, {"source": 27, "target": 9, "label": "A"}, {"source": 33, "target": 19, "label": "F"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "162702-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The images turned out amazing.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "162702-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I definitely recommend him :)", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "162992-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Service and hairstyles that last.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "L"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "162992-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am pleased with the service that i get at Luxe.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 3, "label": "R"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "D"}, {"source": 14, "target": 7, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "162992-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff is very pleasant and my hair is always fresh.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 12, "label": "S"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 10, "label": "S"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 15, "label": "D"}, {"source": 16, "target": 6, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "T"}, {"source": 15, "target": 3, "label": "E"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "163250-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "163250-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These people were so helpful this week and did everything to sort out my windscreen and insurance.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 97}]}, {"id": 16, "anchors": [{"from": 97, "to": 98}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 7, "label": "L"}, {"source": 23, "target": 12, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 3, "label": "D"}, {"source": 18, "target": 20, "label": "T"}, {"source": 19, "target": 10, "label": "L"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 9, "label": "D"}, {"source": 18, "target": 2, "label": "F"}, {"source": 22, "target": 11, "label": "P"}, {"source": 24, "target": 23, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 4, "label": "S"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "N"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "S"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "163250-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was all sorted with no hassle at all and I'm really grateful - they were fab.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}, {"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 11, "label": "D"}, {"source": 22, "target": 12, "label": "S"}, {"source": 20, "target": 4, "label": "L"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 3, "label": "P"}, {"source": 22, "target": 10, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 16, "label": "S"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 8, "label": "L"}, {"source": 23, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "C"}, {"source": 19, "target": 1, "label": "F"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 7, "label": "D"}, {"source": 18, "target": 2, "label": "Q"}, {"source": 21, "target": 6, "label": "P"}, {"source": 21, "target": 5, "label": "D"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 15, "label": "F"}]} +{"id": "163250-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best customer service I've come across for long time.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}, {"from": 36, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "P"}, {"source": 14, "target": 2, "label": "S"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 5, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 11, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "A"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "T"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "P"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "163703-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cheap Hotel Rome - Thanks for all your help!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}, {"from": 12, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 0, "label": "G"}, {"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "P"}]} +{"id": "163703-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cheap Hotel Rome - thanks for finding us a hotel at the last minute.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}, {"from": 12, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 17, "label": "T"}, {"source": 14, "target": 1, "label": "U"}, {"source": 14, "target": 2, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 14, "target": 0, "label": "G"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 10, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 15, "target": 3, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "163703-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had a great stay, your service was excellent and we will use you again!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "A"}, {"source": 21, "target": 15, "label": "D"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 3, "label": "D"}, {"source": 21, "target": 11, "label": "A"}, {"source": 18, "target": 5, "label": "U"}, {"source": 20, "target": 7, "label": "P"}, {"source": 18, "target": 20, "label": "H"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 10, "label": "L"}, {"source": 20, "target": 9, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 19, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 8, "label": "F"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 4, "label": "C"}]} +{"id": "164580-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "For cheap Chinese food, this is the place to go.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 7, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 12, "target": 0, "label": "L"}, {"source": 16, "target": 6, "label": "S"}, {"source": 14, "target": 2, "label": "S"}, {"source": 16, "target": 5, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "U"}, {"source": 18, "target": 10, "label": "P"}, {"source": 12, "target": 16, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "164580-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I used to eat at places like New China or Green Buffet in Troy, MO - nothing terrible but not that great.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}, {"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 1, "label": "D"}, {"source": 24, "target": 4, "label": "R"}, {"source": 22, "target": 2, "label": "F"}, {"source": 29, "target": 18, "label": "D"}, {"source": 28, "target": 15, "label": "A"}, {"source": 27, "target": 10, "label": "R"}, {"source": 25, "target": 6, "label": "R"}, {"source": 29, "target": 30, "label": "S"}, {"source": 26, "target": 7, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "U"}, {"source": 30, "target": 19, "label": "E"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 13, "label": "H"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 17, "label": "L"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 3, "label": "P"}, {"source": 27, "target": 11, "label": "C"}, {"source": 23, "target": 29, "label": "H"}, {"source": 28, "target": 15, "label": "D"}, {"source": 28, "target": 16, "label": "S"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 5, "label": "C"}, {"source": 26, "target": 8, "label": "N"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 14, "label": "U"}, {"source": 26, "target": 9, "label": "C"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 27, "label": "E"}]} +{"id": "164580-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now, I won't eat fast food Chinese unless it's from this place.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 62}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 1, "label": "U"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "S"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 12, "label": "S"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 20, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 9, "label": "L"}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 18, "label": "E"}, {"source": 22, "target": 13, "label": "E"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 5, "label": "P"}, {"source": 21, "target": 11, "label": "F"}, {"source": 16, "target": 4, "label": "D"}, {"source": 17, "target": 21, "label": "H"}, {"source": 16, "target": 0, "label": "T"}]} +{"id": "164580-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best value I've found from a Chinese restaurant.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 8, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "S"}, {"source": 13, "target": 11, "label": "D"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 3, "label": "A"}, {"source": 13, "target": 5, "label": "D"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "R"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "164580-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't live in Lake St. Louis anymore, but deliveries were always correct and the service courteous.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 100}]}, {"id": 17, "anchors": [{"from": 100, "to": 101}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 18, "target": 3, "label": "S"}, {"source": 22, "target": 12, "label": "S"}, {"source": 22, "target": 11, "label": "T"}, {"source": 18, "target": 6, "label": "D"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 16, "label": "D"}, {"source": 19, "target": 24, "label": "H"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 9, "label": "A"}, {"source": 19, "target": 8, "label": "L"}, {"source": 19, "target": 13, "label": "L"}, {"source": 22, "target": 21, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 23, "label": "P"}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 7, "label": "U"}, {"source": 23, "target": 14, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "164580-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Now I have to be in the area to get some lovin' :sadface:", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}, {"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 7, "label": "L"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 5, "label": "F"}, {"source": 16, "target": 3, "label": "S"}, {"source": 17, "target": 4, "label": "R"}, {"source": 15, "target": 20, "label": "H"}, {"source": 17, "target": 6, "label": "C"}, {"source": 20, "target": 13, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 2, "label": "D"}, {"source": 20, "target": 12, "label": "S"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 9, "label": "Q"}, {"source": 16, "target": 1, "label": "A"}]} +{"id": "164805-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My 2004 x-type was getting close to 100,000 miles so it was time for an upgrade.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "L"}, {"source": 22, "target": 12, "label": "T"}, {"source": 23, "target": 13, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 10, "label": "F"}, {"source": 22, "target": 11, "label": "F"}, {"source": 17, "target": 0, "label": "S"}, {"source": 22, "target": 23, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 1, "target": 2, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 7, "label": "Q"}, {"source": 21, "target": 8, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 14, "label": "F"}, {"source": 18, "target": 17, "label": "E"}]} +{"id": "164805-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I sent my wife and daughter over to check out a pre-owned 2009 XF.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}, {"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 15, "label": "C"}, {"source": 15, "target": 2, "label": "A"}, {"source": 20, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 3, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 4, "label": "N"}, {"source": 14, "target": 7, "label": "L"}, {"source": 15, "target": 3, "label": "S"}, {"source": 20, "target": 10, "label": "S"}, {"source": 16, "target": 17, "label": "C"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "F"}, {"source": 13, "target": 6, "label": "D"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 18, "target": 8, "label": "P"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "164805-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Michael Chestney was very pleasant and patient with my wife and she suggested I go check it out.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 88}, {"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 89, "to": 91}]}, {"id": 16, "anchors": [{"from": 95, "to": 96}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 8, "label": "S"}, {"source": 18, "target": 4, "label": "L"}, {"source": 22, "target": 12, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 20, "target": 8, "label": "A"}, {"source": 20, "target": 7, "label": "A"}, {"source": 22, "target": 13, "label": "D"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "R"}, {"source": 22, "target": 15, "label": "A"}, {"source": 22, "target": 14, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "L"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 10, "label": "A"}, {"source": 19, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 3, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "164805-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I went in later that afternoon and met with Michael.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 12, "label": "T"}, {"source": 13, "target": 6, "label": "P"}, {"source": 12, "target": 2, "label": "R"}, {"source": 10, "target": 1, "label": "P"}, {"source": 14, "target": 7, "label": "R"}]} +{"id": "164805-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He showed me the car I was interested in and we took a test drive.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 6, "label": "F"}, {"source": 21, "target": 10, "label": "A"}, {"source": 21, "target": 13, "label": "D"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 9, "label": "L"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 2, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "R"}, {"source": 19, "target": 7, "label": "P"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 22, "target": 12, "label": "F"}, {"source": 19, "target": 5, "label": "A"}, {"source": 17, "target": 21, "label": "H"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "164805-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I loved the car so we began negotiating my trade-in and the price of the 09 XF.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}, {"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}, {"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "F"}, {"source": 19, "target": 11, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 24, "label": "H"}, {"source": 21, "target": 6, "label": "D"}, {"source": 19, "target": 4, "label": "L"}, {"source": 21, "target": 5, "label": "A"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 9, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 23, "label": "S"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 9, "label": "A"}, {"source": 25, "target": 14, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 8, "label": "A"}, {"source": 18, "target": 1, "label": "S"}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 13, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 7, "label": "P"}, {"source": 9, "target": 10, "label": "U"}]} +{"id": "164805-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The entire negotiation took about 20 minutes.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 1, "label": "D"}, {"source": 12, "target": 5, "label": "Q"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 8, "label": "A"}, {"source": 11, "target": 12, "label": "T"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "164805-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fair give and take on both sides until we agreed on a deal that was within my parameters and was fair to both sides.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 35, "target": 21, "label": "R"}, {"source": 29, "target": 9, "label": "P"}, {"source": 33, "target": 16, "label": "A"}, {"source": 31, "target": 11, "label": "F"}, {"source": 32, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "L"}, {"source": 35, "target": 22, "label": "Q"}, {"source": 26, "target": 32, "label": "H"}, {"source": 28, "target": 5, "label": "Q"}, {"source": 25, "target": 1, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 28, "target": 4, "label": "R"}, {"source": 31, "target": 12, "label": "C"}, {"source": 32, "target": 14, "label": "F"}, {"source": 30, "target": 31, "label": "P"}, {"source": 27, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 20, "label": "S"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 10, "label": "R"}, {"source": 27, "target": 3, "label": "P"}, {"source": 27, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "L"}, {"source": 29, "target": 8, "label": "A"}, {"source": 35, "target": 24, "label": "U"}, {"source": 34, "target": 19, "label": "F"}, {"source": 26, "target": 27, "label": "H"}, {"source": 35, "target": 23, "label": "C"}, {"source": 26, "target": 18, "label": "L"}, {"source": 26, "target": 34, "label": "H"}, {"source": 26, "target": 7, "label": "L"}, {"source": 28, "target": 6, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 0, "label": "D"}, {"source": 33, "target": 17, "label": "S"}, {"source": 32, "target": 15, "label": "S"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "164805-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "10 minutes of paperwork and I was the owner of a beautiful pre-owned 09 XF.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}, {"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 15, "label": "T"}, {"source": 17, "target": 19, "label": "H"}, {"source": 22, "target": 11, "label": "S"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 20, "label": "S"}, {"source": 21, "target": 23, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "F"}, {"source": 15, "target": 0, "label": "Q"}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 18, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 12, "label": "S"}, {"source": 20, "target": 7, "label": "F"}, {"source": 17, "target": 4, "label": "L"}, {"source": 23, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 5, "label": "A"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "F"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "164805-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have purchased over 15 vehicles (cars, rvs, and boats) in my lifetime and I have to say the experience with Michael and Barrett Motor Cars of San Antonio was one of the best.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 117}, {"from": 118, "to": 121}, {"from": 122, "to": 129}, {"from": 130, "to": 135}, {"from": 136, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 147}, {"from": 148, "to": 155}]}, {"id": 27, "anchors": [{"from": 156, "to": 159}]}, {"id": 28, "anchors": [{"from": 160, "to": 163}]}, {"id": 29, "anchors": [{"from": 164, "to": 166}]}, {"id": 30, "anchors": [{"from": 167, "to": 170}]}, {"id": 31, "anchors": [{"from": 171, "to": 175}]}, {"id": 32, "anchors": [{"from": 175, "to": 176}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 40, "target": 22, "label": "C"}, {"source": 33, "target": 13, "label": "U"}, {"source": 39, "target": 19, "label": "D"}, {"source": 39, "target": 20, "label": "P"}, {"source": 39, "target": 18, "label": "A"}, {"source": 37, "target": 7, "label": "C"}, {"source": 37, "target": 10, "label": "U"}, {"source": 36, "target": 37, "label": "E"}, {"source": 38, "target": 16, "label": "C"}, {"source": 41, "target": 27, "label": "F"}, {"source": 42, "target": 24, "label": "C"}, {"source": 34, "target": 17, "label": "L"}, {"source": 41, "target": 40, "label": "P"}, {"source": 35, "target": 4, "label": "C"}, {"source": 37, "target": 12, "label": "C"}, {"source": 41, "target": 44, "label": "D"}, {"source": 37, "target": 11, "label": "N"}, {"source": 41, "target": 42, "label": "A"}, {"source": 33, "target": 1, "label": "F"}, {"source": 37, "target": 9, "label": "C"}, {"source": 33, "target": 0, "label": "A"}, {"source": 35, "target": 3, "label": "E"}, {"source": 33, "target": 38, "label": "T"}, {"source": 40, "target": 21, "label": "F"}, {"source": 44, "target": 30, "label": "F"}, {"source": 44, "target": 31, "label": "C"}, {"source": 43, "target": 25, "label": "R"}, {"source": 44, "target": 29, "label": "R"}, {"source": 42, "target": 23, "label": "R"}, {"source": 44, "target": 32, "label": "U"}, {"source": 34, "target": 33, "label": "H"}, {"source": 43, "target": 26, "label": "C"}, {"source": 38, "target": 15, "label": "E"}, {"source": 36, "target": 6, "label": "U"}, {"source": 38, "target": 14, "label": "R"}, {"source": 39, "target": 41, "label": "A"}, {"source": 42, "target": 43, "label": "E"}, {"source": 44, "target": 28, "label": "Q"}, {"source": 37, "target": 8, "label": "U"}, {"source": 36, "target": 35, "label": "Q"}, {"source": 34, "target": 39, "label": "H"}, {"source": 33, "target": 2, "label": "P"}, {"source": 33, "target": 36, "label": "A"}, {"source": 36, "target": 5, "label": "C"}]} +{"id": "164805-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendly, knowledgeable, and above all fair.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 5, "label": "G"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 11, "target": 6, "label": "S"}, {"source": 10, "target": 2, "label": "S"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "H"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 4, "label": "L"}, {"source": 9, "target": 3, "label": "U"}]} +{"id": "164805-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That's all you can really ask from a car dealer and Michael and Barrett hit all 3.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 11, "label": "L"}, {"source": 21, "target": 22, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 9, "label": "A"}, {"source": 19, "target": 3, "label": "A"}, {"source": 25, "target": 17, "label": "Q"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 2, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 19, "target": 1, "label": "F"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 15, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 7, "label": "R"}, {"source": 19, "target": 4, "label": "D"}, {"source": 19, "target": 6, "label": "P"}, {"source": 23, "target": 13, "label": "N"}]} +{"id": "164805-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks for the great deal and the great car!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "R"}, {"source": 12, "target": 5, "label": "L"}, {"source": 15, "target": 6, "label": "F"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "164937-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Super nice people, really good food", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 8, "target": 3, "label": "U"}, {"source": 9, "target": 6, "label": "A"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "A"}]} +{"id": "164937-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What I love most about this place, other than the food, is that eating here makes you feel like you're in a small town rather than Baltimore.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}, {"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}, {"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 140}]}, {"id": 28, "anchors": [{"from": 140, "to": 141}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 33, "target": 10, "label": "C"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 12, "label": "L"}, {"source": 36, "target": 18, "label": "R"}, {"source": 37, "target": 38, "label": "A"}, {"source": 41, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 21, "label": "S"}, {"source": 36, "target": 41, "label": "H"}, {"source": 35, "target": 15, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 36, "target": 40, "label": "L"}, {"source": 29, "target": 2, "label": "S"}, {"source": 30, "target": 7, "label": "U"}, {"source": 29, "target": 0, "label": "A"}, {"source": 31, "target": 6, "label": "C"}, {"source": 41, "target": 28, "label": "U"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 24, "label": "C"}, {"source": 41, "target": 21, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 22, "label": "F"}, {"source": 35, "target": 36, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 1, "label": "A"}, {"source": 35, "target": 16, "label": "A"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 37, "label": "H"}, {"source": 34, "target": 13, "label": "P"}, {"source": 30, "target": 8, "label": "L"}, {"source": 39, "target": 23, "label": "S"}, {"source": 40, "target": 25, "label": "C"}, {"source": 33, "target": 9, "label": "F"}, {"source": 37, "target": 20, "label": "F"}, {"source": 32, "target": 2, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 14, "label": "A"}, {"source": 35, "target": 17, "label": "P"}, {"source": 41, "target": 27, "label": "A"}, {"source": 29, "target": 3, "label": "D"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 4, "label": "R"}, {"source": 31, "target": 5, "label": "E"}, {"source": 30, "target": 11, "label": "U"}, {"source": 37, "target": 19, "label": "A"}, {"source": 30, "target": 32, "label": "H"}, {"source": 40, "target": 26, "label": "C"}]} +{"id": "164937-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owners are really nice, they serve good food at a good price, and the option to eat outside on the deck (esp on the weekend whether there is hardly any traffic) is great.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 109}]}, {"id": 25, "anchors": [{"from": 109, "to": 112}]}, {"id": 26, "anchors": [{"from": 113, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 151}]}, {"id": 33, "anchors": [{"from": 152, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 163}]}, {"id": 35, "anchors": [{"from": 163, "to": 164}]}, {"id": 36, "anchors": [{"from": 165, "to": 167}]}, {"id": 37, "anchors": [{"from": 168, "to": 173}]}, {"id": 38, "anchors": [{"from": 173, "to": 174}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 43, "target": 6, "label": "A"}, {"source": 48, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 51, "label": "H"}, {"source": 42, "target": 5, "label": "U"}, {"source": 52, "target": 53, "label": "A"}, {"source": 47, "target": 13, "label": "C"}, {"source": 44, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 0, "label": "F"}, {"source": 41, "target": 2, "label": "F"}, {"source": 43, "target": 46, "label": "A"}, {"source": 47, "target": 11, "label": "F"}, {"source": 56, "target": 33, "label": "C"}, {"source": 55, "target": 30, "label": "F"}, {"source": 52, "target": 19, "label": "P"}, {"source": 42, "target": 41, "label": "H"}, {"source": 53, "target": 21, "label": "R"}, {"source": 46, "target": 47, "label": "A"}, {"source": 51, "target": 37, "label": "S"}, {"source": 54, "target": 28, "label": "C"}, {"source": 47, "target": 48, "label": "E"}, {"source": 42, "target": 25, "label": "L"}, {"source": 42, "target": 55, "label": "H"}, {"source": 55, "target": 31, "label": "F"}, {"source": 52, "target": 18, "label": "F"}, {"source": 42, "target": 43, "label": "H"}, {"source": 42, "target": 15, "label": "L"}, {"source": 56, "target": 32, "label": "E"}, {"source": 51, "target": 38, "label": "U"}, {"source": 42, "target": 35, "label": "U"}, {"source": 46, "target": 45, "label": "A"}, {"source": 41, "target": 39, "label": "A"}, {"source": 52, "target": 20, "label": "D"}, {"source": 42, "target": 14, "label": "U"}, {"source": 54, "target": 27, "label": "F"}, {"source": 54, "target": 26, "label": "R"}, {"source": 49, "target": 16, "label": "F"}, {"source": 39, "target": 40, "label": "P"}, {"source": 49, "target": 17, "label": "C"}, {"source": 55, "target": 56, "label": "D"}, {"source": 43, "target": 7, "label": "P"}, {"source": 45, "target": 44, "label": "E"}, {"source": 41, "target": 3, "label": "D"}, {"source": 44, "target": 8, "label": "S"}, {"source": 53, "target": 23, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 55, "target": 29, "label": "F"}, {"source": 55, "target": 34, "label": "S"}, {"source": 53, "target": 22, "label": "F"}, {"source": 45, "target": 9, "label": "C"}, {"source": 40, "target": 1, "label": "C"}, {"source": 41, "target": 4, "label": "S"}, {"source": 55, "target": 54, "label": "T"}, {"source": 48, "target": 12, "label": "S"}, {"source": 51, "target": 50, "label": "A"}, {"source": 51, "target": 36, "label": "F"}, {"source": 50, "target": 52, "label": "A"}, {"source": 42, "target": 24, "label": "U"}, {"source": 50, "target": 49, "label": "S"}, {"source": 46, "target": 10, "label": "S"}]} +{"id": "164937-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One of my top 5 places to eat in Baltimore.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 14, "target": 1, "label": "R"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 11, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "A"}, {"source": 11, "target": 0, "label": "C"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 17, "target": 10, "label": "U"}, {"source": 13, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "C"}, {"source": 11, "target": 14, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 6, "label": "R"}]} +{"id": "165018-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Run for the hills ... you'll be much better off!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}, {"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 0, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 8, "label": "D"}, {"source": 11, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 9, "label": "S"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 1, "label": "R"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 4, "label": "U"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "165018-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "One night was too much.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 6, "label": "T"}, {"source": 6, "target": 0, "label": "Q"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "165018-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First room had used tissues next to the bed and I requested it be rectified.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 0, "label": "D"}, {"source": 20, "target": 5, "label": "S"}, {"source": 18, "target": 3, "label": "S"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 20, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 22, "label": "H"}, {"source": 22, "target": 11, "label": "P"}, {"source": 23, "target": 13, "label": "F"}, {"source": 17, "target": 9, "label": "L"}, {"source": 19, "target": 18, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 14, "label": "P"}, {"source": 22, "target": 10, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 16, "target": 1, "label": "A"}, {"source": 16, "target": 2, "label": "S"}]} +{"id": "165018-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was then moved to another room around the back where the room was dirty, the shower was dirty with other peoples hair in it, the toilet seat was peeling and rough and the bathroom was full of mould.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 168}]}, {"id": 36, "anchors": [{"from": 169, "to": 172}]}, {"id": 37, "anchors": [{"from": 173, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 185}]}, {"id": 39, "anchors": [{"from": 186, "to": 190}]}, {"id": 40, "anchors": [{"from": 191, "to": 193}]}, {"id": 41, "anchors": [{"from": 194, "to": 199}]}, {"id": 42, "anchors": [{"from": 199, "to": 200}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 44, "target": 49, "label": "H"}, {"source": 51, "target": 16, "label": "F"}, {"source": 44, "target": 27, "label": "U"}, {"source": 45, "target": 5, "label": "E"}, {"source": 59, "target": 58, "label": "A"}, {"source": 60, "target": 41, "label": "C"}, {"source": 59, "target": 60, "label": "A"}, {"source": 50, "target": 51, "label": "A"}, {"source": 44, "target": 2, "label": "L"}, {"source": 49, "target": 14, "label": "S"}, {"source": 44, "target": 10, "label": "L"}, {"source": 52, "target": 26, "label": "A"}, {"source": 44, "target": 35, "label": "L"}, {"source": 55, "target": 30, "label": "C"}, {"source": 54, "target": 53, "label": "E"}, {"source": 45, "target": 6, "label": "C"}, {"source": 52, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "E"}, {"source": 44, "target": 33, "label": "L"}, {"source": 46, "target": 47, "label": "A"}, {"source": 59, "target": 38, "label": "F"}, {"source": 46, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 31, "label": "F"}, {"source": 60, "target": 40, "label": "R"}, {"source": 56, "target": 32, "label": "P"}, {"source": 44, "target": 50, "label": "H"}, {"source": 45, "target": 4, "label": "R"}, {"source": 60, "target": 42, "label": "U"}, {"source": 51, "target": 17, "label": "C"}, {"source": 47, "target": 9, "label": "C"}, {"source": 52, "target": 54, "label": "A"}, {"source": 43, "target": 0, "label": "A"}, {"source": 53, "target": 23, "label": "S"}, {"source": 59, "target": 39, "label": "S"}, {"source": 44, "target": 59, "label": "H"}, {"source": 57, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 57, "label": "H"}, {"source": 44, "target": 56, "label": "H"}, {"source": 51, "target": 52, "label": "E"}, {"source": 44, "target": 43, "label": "H"}, {"source": 53, "target": 22, "label": "A"}, {"source": 46, "target": 7, "label": "S"}, {"source": 43, "target": 1, "label": "F"}, {"source": 54, "target": 24, "label": "C"}, {"source": 57, "target": 34, "label": "S"}, {"source": 49, "target": 48, "label": "A"}, {"source": 53, "target": 21, "label": "D"}, {"source": 56, "target": 55, "label": "A"}, {"source": 53, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 15, "label": "U"}, {"source": 55, "target": 29, "label": "E"}, {"source": 43, "target": 45, "label": "A"}, {"source": 50, "target": 18, "label": "F"}, {"source": 48, "target": 12, "label": "C"}, {"source": 47, "target": 8, "label": "F"}, {"source": 52, "target": 20, "label": "R"}, {"source": 52, "target": 25, "label": "S"}, {"source": 55, "target": 28, "label": "F"}, {"source": 49, "target": 13, "label": "F"}, {"source": 50, "target": 19, "label": "S"}, {"source": 58, "target": 36, "label": "F"}, {"source": 48, "target": 11, "label": "F"}, {"source": 58, "target": 37, "label": "C"}, {"source": 43, "target": 3, "label": "P"}]} +{"id": "165018-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called reception to ask if they knew the state the room was in and was told \"This is a Days Inn, not the Hilton\" and the receptionist then hung up on me.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 93}, {"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 97, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 113}]}, {"id": 26, "anchors": [{"from": 113, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 145}, {"from": 146, "to": 148}]}, {"id": 32, "anchors": [{"from": 149, "to": 151}]}, {"id": 33, "anchors": [{"from": 152, "to": 154}]}, {"id": 34, "anchors": [{"from": 154, "to": 155}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 48, "target": 24, "label": "F"}, {"source": 43, "target": 17, "label": "U"}, {"source": 35, "target": 0, "label": "A"}, {"source": 39, "target": 9, "label": "C"}, {"source": 36, "target": 43, "label": "H"}, {"source": 47, "target": 48, "label": "A"}, {"source": 51, "target": 31, "label": "P"}, {"source": 44, "target": 46, "label": "A"}, {"source": 41, "target": 11, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 51, "target": 49, "label": "A"}, {"source": 45, "target": 22, "label": "U"}, {"source": 46, "target": 20, "label": "F"}, {"source": 44, "target": 18, "label": "A"}, {"source": 35, "target": 1, "label": "P"}, {"source": 38, "target": 7, "label": "S"}, {"source": 39, "target": 8, "label": "F"}, {"source": 50, "target": 29, "label": "C"}, {"source": 36, "target": 14, "label": "L"}, {"source": 38, "target": 5, "label": "R"}, {"source": 45, "target": 44, "label": "H"}, {"source": 52, "target": 33, "label": "C"}, {"source": 52, "target": 32, "label": "R"}, {"source": 48, "target": 25, "label": "C"}, {"source": 43, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 26, "label": "U"}, {"source": 47, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 42, "label": "A"}, {"source": 36, "target": 3, "label": "L"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 28, "label": "F"}, {"source": 47, "target": 19, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 39, "label": "S"}, {"source": 36, "target": 27, "label": "L"}, {"source": 43, "target": 15, "label": "F"}, {"source": 46, "target": 21, "label": "C"}, {"source": 35, "target": 2, "label": "A"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "A"}, {"source": 49, "target": 50, "label": "P"}, {"source": 36, "target": 30, "label": "L"}, {"source": 36, "target": 37, "label": "H"}, {"source": 36, "target": 51, "label": "H"}, {"source": 44, "target": 19, "label": "S"}, {"source": 42, "target": 9, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 45, "label": "A"}, {"source": 37, "target": 4, "label": "P"}, {"source": 52, "target": 34, "label": "U"}, {"source": 51, "target": 52, "label": "A"}, {"source": 47, "target": 23, "label": "D"}, {"source": 41, "target": 10, "label": "F"}, {"source": 45, "target": 47, "label": "H"}, {"source": 38, "target": 6, "label": "A"}, {"source": 40, "target": 12, "label": "F"}, {"source": 36, "target": 35, "label": "H"}, {"source": 42, "target": 13, "label": "R"}, {"source": 38, "target": 40, "label": "A"}, {"source": 43, "target": 16, "label": "P"}]} +{"id": "165018-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "To warn you to stay away from this place just isn't enough.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 2, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 4, "label": "S"}, {"source": 16, "target": 5, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 9, "label": "G"}, {"source": 18, "target": 10, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 11, "label": "D"}, {"source": 18, "target": 12, "label": "S"}, {"source": 14, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "R"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "165018-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There was not one ounce of caring involved and anyone I can warn about the complete lack of service will be warned.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 1, "label": "F"}, {"source": 23, "target": 6, "label": "P"}, {"source": 26, "target": 12, "label": "P"}, {"source": 30, "target": 19, "label": "F"}, {"source": 24, "target": 26, "label": "H"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "D"}, {"source": 23, "target": 7, "label": "D"}, {"source": 28, "target": 14, "label": "F"}, {"source": 27, "target": 13, "label": "R"}, {"source": 23, "target": 2, "label": "D"}, {"source": 26, "target": 11, "label": "D"}, {"source": 27, "target": 29, "label": "P"}, {"source": 24, "target": 30, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 15, "label": "E"}, {"source": 29, "target": 18, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 17, "label": "R"}, {"source": 25, "target": 3, "label": "Q"}, {"source": 24, "target": 8, "label": "L"}, {"source": 26, "target": 10, "label": "A"}, {"source": 30, "target": 21, "label": "P"}, {"source": 23, "target": 25, "label": "D"}, {"source": 30, "target": 20, "label": "F"}, {"source": 23, "target": 0, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 5, "label": "F"}, {"source": 28, "target": 16, "label": "C"}, {"source": 25, "target": 4, "label": "C"}, {"source": 26, "target": 9, "label": "A"}]} +{"id": "165032-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Michael helped shoot the majority of my firm's website and we could not have been happier.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 7, "label": "C"}, {"source": 24, "target": 14, "label": "F"}, {"source": 23, "target": 8, "label": "S"}, {"source": 19, "target": 10, "label": "L"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "D"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 21, "label": "E"}, {"source": 24, "target": 11, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 6, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 24, "target": 13, "label": "D"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "A"}, {"source": 24, "target": 16, "label": "S"}, {"source": 18, "target": 2, "label": "P"}, {"source": 20, "target": 23, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 6, "label": "S"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 24, "target": 15, "label": "F"}]} +{"id": "165032-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We went through six photographers to find the right photographers that would represent our firm in the light we wished to and Michael and his team made that happen.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 86}]}, {"id": 12, "anchors": [{"from": 87, "to": 90}]}, {"id": 13, "anchors": [{"from": 91, "to": 95}]}, {"id": 14, "anchors": [{"from": 96, "to": 98}]}, {"id": 15, "anchors": [{"from": 99, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 118}]}, {"id": 19, "anchors": [{"from": 119, "to": 121}]}, {"id": 20, "anchors": [{"from": 122, "to": 125}]}, {"id": 21, "anchors": [{"from": 126, "to": 133}]}, {"id": 22, "anchors": [{"from": 134, "to": 137}]}, {"id": 23, "anchors": [{"from": 138, "to": 141}]}, {"id": 24, "anchors": [{"from": 142, "to": 146}]}, {"id": 25, "anchors": [{"from": 147, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 156}]}, {"id": 27, "anchors": [{"from": 157, "to": 163}]}, {"id": 28, "anchors": [{"from": 163, "to": 164}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 35, "target": 6, "label": "F"}, {"source": 37, "target": 9, "label": "R"}, {"source": 30, "target": 29, "label": "H"}, {"source": 36, "target": 37, "label": "E"}, {"source": 30, "target": 33, "label": "H"}, {"source": 41, "target": 18, "label": "P"}, {"source": 45, "target": 24, "label": "A"}, {"source": 38, "target": 12, "label": "S"}, {"source": 34, "target": 35, "label": "P"}, {"source": 35, "target": 8, "label": "C"}, {"source": 42, "target": 19, "label": "F"}, {"source": 43, "target": 45, "label": "C"}, {"source": 30, "target": 4, "label": "L"}, {"source": 37, "target": 11, "label": "P"}, {"source": 38, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "P"}, {"source": 43, "target": 21, "label": "C"}, {"source": 37, "target": 40, "label": "D"}, {"source": 40, "target": 16, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 30, "target": 20, "label": "L"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 37, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 10, "label": "D"}, {"source": 32, "target": 3, "label": "A"}, {"source": 45, "target": 24, "label": "S"}, {"source": 38, "target": 12, "label": "A"}, {"source": 44, "target": 25, "label": "D"}, {"source": 30, "target": 44, "label": "H"}, {"source": 45, "target": 23, "label": "A"}, {"source": 44, "target": 26, "label": "A"}, {"source": 41, "target": 16, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 31, "label": "A"}, {"source": 41, "target": 17, "label": "A"}, {"source": 31, "target": 2, "label": "Q"}, {"source": 44, "target": 43, "label": "A"}, {"source": 33, "target": 5, "label": "P"}, {"source": 40, "target": 14, "label": "R"}, {"source": 31, "target": 32, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 39, "target": 38, "label": "E"}, {"source": 39, "target": 13, "label": "C"}, {"source": 43, "target": 22, "label": "N"}, {"source": 40, "target": 15, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 7, "label": "D"}, {"source": 44, "target": 27, "label": "P"}, {"source": 44, "target": 28, "label": "U"}, {"source": 36, "target": 34, "label": "C"}, {"source": 33, "target": 36, "label": "A"}]} +{"id": "165032-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He's worth every penny.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "Q"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "165143-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They won't have a second chance from me.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 5, "label": "D"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 7, "label": "R"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "165143-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First, let me state that although I live in NYC, I am not from NYC, I don't care about baseball and I absolutely love Boston to death (so beautiful, so clean, so awesome).", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "anchors": [{"from": 70, "to": 72}]}, {"id": 20, "anchors": [{"from": 72, "to": 75}]}, {"id": 21, "anchors": [{"from": 76, "to": 80}]}, {"id": 22, "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "anchors": [{"from": 87, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 99}]}, {"id": 25, "anchors": [{"from": 100, "to": 101}]}, {"id": 26, "anchors": [{"from": 102, "to": 112}]}, {"id": 27, "anchors": [{"from": 113, "to": 117}]}, {"id": 28, "anchors": [{"from": 118, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 127}, {"from": 128, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 135}]}, {"id": 31, "anchors": [{"from": 135, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 147}]}, {"id": 33, "anchors": [{"from": 147, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 151}]}, {"id": 35, "anchors": [{"from": 152, "to": 157}]}, {"id": 36, "anchors": [{"from": 157, "to": 158}]}, {"id": 37, "anchors": [{"from": 159, "to": 161}]}, {"id": 38, "anchors": [{"from": 162, "to": 169}]}, {"id": 39, "anchors": [{"from": 169, "to": 170}]}, {"id": 40, "anchors": [{"from": 170, "to": 171}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 52, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 34, "label": "D"}, {"source": 47, "target": 20, "label": "D"}, {"source": 47, "target": 48, "label": "A"}, {"source": 50, "target": 31, "label": "D"}, {"source": 49, "target": 29, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 41, "target": 17, "label": "U"}, {"source": 44, "target": 45, "label": "A"}, {"source": 43, "target": 46, "label": "H"}, {"source": 42, "target": 2, "label": "D"}, {"source": 41, "target": 42, "label": "H"}, {"source": 46, "target": 13, "label": "F"}, {"source": 41, "target": 30, "label": "U"}, {"source": 49, "target": 28, "label": "A"}, {"source": 46, "target": 15, "label": "S"}, {"source": 48, "target": 22, "label": "R"}, {"source": 43, "target": 11, "label": "U"}, {"source": 52, "target": 40, "label": "U"}, {"source": 46, "target": 16, "label": "A"}, {"source": 49, "target": 26, "label": "D"}, {"source": 41, "target": 50, "label": "H"}, {"source": 41, "target": 1, "label": "U"}, {"source": 47, "target": 18, "label": "A"}, {"source": 44, "target": 7, "label": "A"}, {"source": 48, "target": 23, "label": "C"}, {"source": 52, "target": 38, "label": "S"}, {"source": 41, "target": 47, "label": "H"}, {"source": 47, "target": 21, "label": "S"}, {"source": 52, "target": 37, "label": "D"}, {"source": 46, "target": 14, "label": "D"}, {"source": 45, "target": 9, "label": "R"}, {"source": 50, "target": 32, "label": "S"}, {"source": 42, "target": 4, "label": "P"}, {"source": 42, "target": 3, "label": "A"}, {"source": 41, "target": 51, "label": "H"}, {"source": 45, "target": 10, "label": "C"}, {"source": 41, "target": 52, "label": "H"}, {"source": 49, "target": 25, "label": "A"}, {"source": 43, "target": 5, "label": "R"}, {"source": 51, "target": 35, "label": "S"}, {"source": 49, "target": 27, "label": "S"}, {"source": 41, "target": 33, "label": "U"}, {"source": 43, "target": 44, "label": "H"}, {"source": 44, "target": 8, "label": "S"}, {"source": 43, "target": 6, "label": "L"}, {"source": 41, "target": 36, "label": "U"}, {"source": 41, "target": 24, "label": "L"}, {"source": 47, "target": 19, "label": "F"}, {"source": 51, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 49, "label": "H"}, {"source": 41, "target": 0, "label": "L"}, {"source": 46, "target": 12, "label": "A"}, {"source": 50, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 39, "label": "U"}]} +{"id": "165143-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That said, I hated this restaurant.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 7, "target": 0, "label": "L"}]} +{"id": "165143-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service was just about as good as I'd get in NYC (that means it was poor) and the food was almost mediocre.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 110}]}, {"id": 24, "anchors": [{"from": 110, "to": 111}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 27, "target": 13, "label": "L"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 14, "label": "A"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 9, "label": "P"}, {"source": 33, "target": 22, "label": "D"}, {"source": 29, "target": 6, "label": "R"}, {"source": 27, "target": 17, "label": "U"}, {"source": 33, "target": 32, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 32, "target": 19, "label": "F"}, {"source": 33, "target": 21, "label": "F"}, {"source": 27, "target": 18, "label": "L"}, {"source": 33, "target": 23, "label": "S"}, {"source": 27, "target": 12, "label": "U"}, {"source": 32, "target": 20, "label": "C"}, {"source": 28, "target": 4, "label": "E"}, {"source": 26, "target": 29, "label": "A"}, {"source": 31, "target": 15, "label": "F"}, {"source": 26, "target": 3, "label": "D"}, {"source": 30, "target": 10, "label": "R"}, {"source": 29, "target": 7, "label": "A"}, {"source": 27, "target": 33, "label": "H"}, {"source": 30, "target": 11, "label": "C"}, {"source": 25, "target": 1, "label": "C"}, {"source": 25, "target": 0, "label": "F"}, {"source": 27, "target": 31, "label": "H"}, {"source": 31, "target": 16, "label": "S"}, {"source": 27, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 26, "target": 28, "label": "D"}, {"source": 29, "target": 8, "label": "D"}]} +{"id": "165143-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The decor left a lot to be desired and the posters telling me all the reasons 99 was great just served as an ironic contrast against the reality.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 144}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 33, "target": 10, "label": "C"}, {"source": 37, "target": 17, "label": "F"}, {"source": 30, "target": 7, "label": "S"}, {"source": 34, "target": 19, "label": "D"}, {"source": 40, "target": 25, "label": "R"}, {"source": 30, "target": 32, "label": "D"}, {"source": 37, "target": 18, "label": "S"}, {"source": 38, "target": 21, "label": "R"}, {"source": 30, "target": 29, "label": "A"}, {"source": 34, "target": 38, "label": "A"}, {"source": 37, "target": 16, "label": "A"}, {"source": 36, "target": 13, "label": "Q"}, {"source": 29, "target": 1, "label": "C"}, {"source": 40, "target": 27, "label": "C"}, {"source": 36, "target": 15, "label": "C"}, {"source": 33, "target": 35, "label": "E"}, {"source": 38, "target": 23, "label": "D"}, {"source": 35, "target": 37, "label": "A"}, {"source": 30, "target": 2, "label": "D"}, {"source": 39, "target": 22, "label": "F"}, {"source": 36, "target": 14, "label": "F"}, {"source": 39, "target": 24, "label": "C"}, {"source": 40, "target": 26, "label": "F"}, {"source": 35, "target": 12, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 35, "target": 11, "label": "P"}, {"source": 37, "target": 36, "label": "A"}, {"source": 32, "target": 4, "label": "C"}, {"source": 31, "target": 34, "label": "H"}, {"source": 34, "target": 20, "label": "P"}, {"source": 30, "target": 5, "label": "F"}, {"source": 40, "target": 28, "label": "U"}, {"source": 29, "target": 0, "label": "F"}, {"source": 38, "target": 40, "label": "A"}, {"source": 32, "target": 3, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 38, "target": 39, "label": "S"}, {"source": 31, "target": 8, "label": "L"}, {"source": 33, "target": 9, "label": "F"}]} +{"id": "165143-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Personally I recommend you take your money elsewhere", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "G"}, {"source": 11, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "P"}, {"source": 11, "target": 5, "label": "S"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 7, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 11, "label": "E"}]} +{"id": "166983-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The pancakes are to die for.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}, {"from": 20, "to": 23}, {"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "169083-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been a patient a NW hospital and it was great.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 9, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 15, "label": "S"}, {"source": 17, "target": 11, "label": "S"}, {"source": 16, "target": 5, "label": "R"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 14, "target": 8, "label": "L"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "169083-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have also had an 80 yr old that I take of sent to the ER and long stays in the hospital.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 58}]}, {"id": 16, "anchors": [{"from": 59, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 76}]}, {"id": 20, "anchors": [{"from": 77, "to": 80}]}, {"id": 21, "anchors": [{"from": 81, "to": 89}]}, {"id": 22, "anchors": [{"from": 89, "to": 90}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 32, "target": 20, "label": "F"}, {"source": 27, "target": 5, "label": "Q"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 15, "label": "C"}, {"source": 32, "target": 22, "label": "U"}, {"source": 32, "target": 19, "label": "R"}, {"source": 26, "target": 25, "label": "C"}, {"source": 29, "target": 11, "label": "R"}, {"source": 23, "target": 2, "label": "D"}, {"source": 23, "target": 3, "label": "F"}, {"source": 31, "target": 17, "label": "T"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 8, "label": "R"}, {"source": 28, "target": 10, "label": "P"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 28, "label": "E"}, {"source": 30, "target": 14, "label": "F"}, {"source": 24, "target": 31, "label": "H"}, {"source": 30, "target": 13, "label": "R"}, {"source": 24, "target": 16, "label": "L"}, {"source": 25, "target": 4, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 27, "label": "T"}, {"source": 27, "target": 6, "label": "C"}, {"source": 23, "target": 12, "label": "P"}, {"source": 23, "target": 26, "label": "A"}, {"source": 28, "target": 9, "label": "A"}, {"source": 25, "target": 7, "label": "S"}, {"source": 23, "target": 30, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 18, "label": "P"}]} +{"id": "169083-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes, we had to wait, but ER is a triage system that takes the most life threatening cases first.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}, {"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}, {"from": 72, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 18, "label": "D"}, {"source": 26, "target": 14, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 20, "target": 1, "label": "U"}, {"source": 22, "target": 8, "label": "S"}, {"source": 23, "target": 9, "label": "F"}, {"source": 25, "target": 16, "label": "S"}, {"source": 21, "target": 3, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 0, "label": "L"}, {"source": 23, "target": 10, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 12, "label": "L"}, {"source": 25, "target": 15, "label": "D"}, {"source": 22, "target": 7, "label": "A"}, {"source": 24, "target": 19, "label": "U"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "169083-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Any ER would be the same.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "169083-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As far as being treated like a drug seeker, that has not been my experience.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 4, "label": "F"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 12, "label": "A"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 7, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 11, "label": "F"}, {"source": 19, "target": 13, "label": "P"}, {"source": 18, "target": 6, "label": "P"}, {"source": 19, "target": 10, "label": "D"}, {"source": 17, "target": 3, "label": "R"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 18, "label": "C"}, {"source": 15, "target": 8, "label": "L"}, {"source": 18, "target": 5, "label": "A"}]} +{"id": "169083-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "As a nurse I know about drug seekers.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 6, "label": "A"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 9, "target": 12, "label": "H"}, {"source": 10, "target": 11, "label": "P"}, {"source": 13, "target": 7, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 0, "label": "L"}]} +{"id": "169083-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a great hospital and even better since it became part of the UW system.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 8, "label": "L"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "S"}, {"source": 23, "target": 12, "label": "R"}, {"source": 20, "target": 3, "label": "S"}, {"source": 21, "target": 6, "label": "D"}, {"source": 18, "target": 5, "label": "L"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 19, "target": 2, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 9, "label": "A"}, {"source": 21, "target": 7, "label": "S"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 14, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "169610-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "house closing", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "169610-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mrs. Tolchin provided us with excellent service and came with a great deal of knowledge and professionalism!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}, {"from": 64, "to": 69}, {"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 107}]}, {"id": 15, "anchors": [{"from": 107, "to": 108}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 5, "label": "D"}, {"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 13, "label": "L"}, {"source": 22, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 16, "target": 1, "label": "C"}, {"source": 20, "target": 8, "label": "D"}, {"source": 17, "target": 16, "label": "A"}, {"source": 22, "target": 14, "label": "S"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 21, "label": "D"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 21, "target": 9, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "E"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 3, "label": "A"}, {"source": 22, "target": 21, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 8, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "R"}, {"source": 20, "target": 12, "label": "S"}]} +{"id": "169610-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Her flexibility and accessibility made for an easy closing.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}, {"from": 39, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 58}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 10, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 10, "target": 2, "label": "L"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 14, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 13, "target": 3, "label": "S"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 13, "label": "H"}, {"source": 12, "target": 6, "label": "D"}, {"source": 9, "target": 1, "label": "S"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "170650-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "NEVER fear going to the dentist again!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "D"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "T"}]} +{"id": "170650-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm 61 years old and have dental problems my entire life.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "D"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "F"}, {"source": 18, "target": 11, "label": "S"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 18, "target": 9, "label": "A"}, {"source": 14, "target": 5, "label": "L"}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 2, "label": "Q"}, {"source": 13, "target": 15, "label": "T"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 16, "label": "S"}]} +{"id": "170650-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "By the age of 24 I stopped going to the dentist.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 2, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 12, "label": "S"}, {"source": 16, "target": 5, "label": "A"}, {"source": 12, "target": 0, "label": "R"}, {"source": 14, "target": 15, "label": "T"}, {"source": 16, "target": 7, "label": "P"}, {"source": 15, "target": 3, "label": "R"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 12, "target": 1, "label": "F"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "170650-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My fear and discomfort from dental work scared me!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 10, "target": 2, "label": "L"}, {"source": 15, "target": 4, "label": "R"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 6, "label": "P"}, {"source": 11, "target": 15, "label": "A"}, {"source": 13, "target": 7, "label": "P"}, {"source": 13, "target": 10, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 10, "target": 11, "label": "H"}, {"source": 10, "target": 14, "label": "H"}]} +{"id": "170650-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It took all the courage I could muster to make an appointment.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 1, "label": "D"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 18, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "P"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 8, "label": "L"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 6, "label": "D"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 15, "label": "P"}]} +{"id": "170650-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "At the front door of his office, I nearly turned around.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 48}, {"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "E"}, {"source": 17, "target": 9, "label": "D"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 7, "label": "U"}, {"source": 13, "target": 17, "label": "H"}, {"source": 12, "target": 0, "label": "S"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "R"}, {"source": 16, "target": 5, "label": "S"}, {"source": 15, "target": 16, "label": "E"}, {"source": 12, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 3, "label": "C"}]} +{"id": "170650-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I considered just leaving after going inside and nearly did.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "L"}, {"source": 14, "target": 9, "label": "F"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 3, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "L"}, {"source": 14, "target": 8, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "D"}, {"source": 11, "target": 3, "label": "P"}, {"source": 11, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "170650-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Doctor Gonzales and his entire staff are the most professional people I have ever dealt with.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 49}, {"from": 50, "to": 62}]}, {"id": 7, "anchors": [{"from": 63, "to": 69}]}, {"id": 8, "anchors": [{"from": 70, "to": 71}]}, {"id": 9, "anchors": [{"from": 72, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 87}]}, {"id": 12, "anchors": [{"from": 88, "to": 92}]}, {"id": 13, "anchors": [{"from": 92, "to": 93}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 1, "label": "N"}, {"source": 20, "target": 13, "label": "U"}, {"source": 17, "target": 3, "label": "D"}, {"source": 16, "target": 6, "label": "S"}, {"source": 19, "target": 10, "label": "T"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 14, "target": 17, "label": "C"}, {"source": 17, "target": 2, "label": "A"}, {"source": 20, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 4, "label": "P"}, {"source": 14, "target": 0, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 14, "label": "A"}]} +{"id": "170650-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They made me feel confident in what they would do, and treated me like a member of their own family.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 22, "target": 1, "label": "D"}, {"source": 28, "target": 17, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 5, "label": "R"}, {"source": 26, "target": 14, "label": "R"}, {"source": 24, "target": 9, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 21, "label": "U"}, {"source": 23, "target": 11, "label": "L"}, {"source": 25, "target": 13, "label": "A"}, {"source": 28, "target": 19, "label": "D"}, {"source": 28, "target": 18, "label": "A"}, {"source": 22, "target": 3, "label": "G"}, {"source": 24, "target": 8, "label": "D"}, {"source": 26, "target": 27, "label": "S"}, {"source": 28, "target": 20, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "C"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 20, "label": "S"}, {"source": 27, "target": 15, "label": "F"}, {"source": 22, "target": 2, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 24, "target": 6, "label": "A"}, {"source": 24, "target": 7, "label": "A"}, {"source": 25, "target": 12, "label": "P"}]} +{"id": "170650-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I never felt pain or discomfort.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "G"}, {"source": 8, "target": 4, "label": "L"}, {"source": 9, "target": 2, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "T"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 1, "label": "T", "properties": ["remote"], "values": [true]}]} +{"id": "170650-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The ability to smile and eat again can only be described as a whole new lease on life.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}, {"from": 78, "to": 80}, {"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 11, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 9, "label": "F"}, {"source": 18, "target": 4, "label": "L"}, {"source": 17, "target": 1, "label": "C"}, {"source": 19, "target": 3, "label": "P"}, {"source": 19, "target": 17, "label": "D"}, {"source": 17, "target": 0, "label": "F"}, {"source": 21, "target": 10, "label": "P"}, {"source": 22, "target": 6, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "D"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 8, "label": "D"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 17, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "F"}, {"source": 21, "target": 18, "label": "A"}, {"source": 23, "target": 13, "label": "D"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "170650-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you Doctor Gonzales, Doctor Stout, Eva Marie and the entire staff!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 25}]}, {"id": 3, "anchors": [{"from": 25, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 3, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 16, "target": 15, "label": "C"}, {"source": 16, "target": 8, "label": "N"}, {"source": 16, "target": 6, "label": "U"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 16, "target": 17, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 18, "target": 10, "label": "Q"}, {"source": 16, "target": 18, "label": "C"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 0, "label": "P"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "170650-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rocky M. Lange Retired Coordinator, Clark County School District", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 34}]}, {"id": 3, "anchors": [{"from": 34, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 64}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "P"}, {"source": 9, "target": 13, "label": "E"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 5, "label": "C"}, {"source": 14, "target": 12, "label": "E"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 3, "label": "U"}]} +{"id": "171120-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this is the worst Sams club I've ever been to", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}, {"from": 21, "to": 22}, {"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 9, "label": "S"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "T"}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 13, "label": "S"}, {"source": 15, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 12, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "171255-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "what a mindblowing servicing", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}, {"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 28}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "D"}, {"source": 4, "target": 2, "label": "C"}]} +{"id": "171255-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They treat there employees with respect and concern and expect that they will extend the same politeness to there customers.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 123}]}, {"id": 20, "anchors": [{"from": 123, "to": 124}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 1, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "S"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 17, "label": "R"}, {"source": 21, "target": 5, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 7, "label": "P"}, {"source": 26, "target": 27, "label": "P"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "F"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 19, "label": "A"}, {"source": 28, "target": 18, "label": "A"}, {"source": 22, "target": 8, "label": "L"}, {"source": 21, "target": 1, "label": "D"}, {"source": 26, "target": 10, "label": "R"}, {"source": 28, "target": 19, "label": "S"}, {"source": 25, "target": 9, "label": "S"}, {"source": 23, "target": 3, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 27, "target": 16, "label": "C"}, {"source": 26, "target": 15, "label": "D"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "L"}, {"source": 24, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 4, "label": "R"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 26, "target": 13, "label": "D"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "171877-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ipad reiew", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "171877-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "they are the best orthodontics in the world.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "D"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "F"}]} +{"id": "171877-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i went there since i was four.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 11, "label": "T"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "Q"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "171877-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "now i will have really straight teeth.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 10, "label": "E"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 0, "label": "T"}, {"source": 9, "target": 11, "label": "A"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "172245-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great store great products", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "A"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "173758-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "best place for snowboard eva.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 2, "label": "R"}, {"source": 7, "target": 0, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "T"}, {"source": 8, "target": 9, "label": "E"}]} +{"id": "173944-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "173944-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr Mcdonald is wonderful.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "173944-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She answers all questions asked and provides the best service i have ever seen.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "T"}, {"source": 17, "target": 2, "label": "Q"}, {"source": 16, "target": 22, "label": "H"}, {"source": 22, "target": 11, "label": "F"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 14, "label": "U"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 21, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "P"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 21, "target": 7, "label": "F"}, {"source": 15, "target": 1, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 16, "target": 5, "label": "L"}, {"source": 22, "target": 10, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 4, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "173944-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have a new born daughter and she helped me with a lot.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}, {"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "A"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 5, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "T"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "S"}, {"source": 17, "target": 8, "label": "P"}, {"source": 14, "target": 16, "label": "H"}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 11, "label": "D"}]} +{"id": "173944-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Good Job DR.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "G"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "S"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "174824-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yeah they ruined some shirts I had too.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "Q"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 5, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 7, "label": "D"}]} +{"id": "174824-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Horrible!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "175434-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a Ralph's", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}, {"from": 15, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "F"}]} +{"id": "175434-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just called this number and it is a Ralph's Market.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}, {"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "T"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 15, "target": 6, "label": "A"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "177779-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Brain Dead", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "177779-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not only are these people completely inefficient and ineffective, but they just don't give a darn.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 64}]}, {"id": 8, "anchors": [{"from": 64, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 82}]}, {"id": 13, "anchors": [{"from": 82, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 90}, {"from": 91, "to": 92}, {"from": 93, "to": 97}]}, {"id": 15, "anchors": [{"from": 97, "to": 98}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 4, "label": "D"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "U"}, {"source": 20, "target": 11, "label": "D"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 7, "label": "S"}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 13, "label": "D"}, {"source": 16, "target": 9, "label": "L"}, {"source": 19, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 12, "label": "F"}, {"source": 20, "target": 14, "label": "P"}]} +{"id": "177779-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is a complete embarrassment.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 4, "label": "D"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "178726-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Excellent medical care!!!!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 28}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "178726-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommend", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "178726-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I went to this urgent care center and was blown away with their service.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}, {"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 9, "label": "P"}, {"source": 17, "target": 4, "label": "D"}, {"source": 15, "target": 7, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 8, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 11, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 16, "target": 3, "label": "E"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "178726-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Finally a convenient place close to home.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}, {"from": 33, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "G"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "178726-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Wonderful staff and physician.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "178726-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Clean and superb.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "178726-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks for the great care!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 1, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 7, "target": 0, "label": "P"}]} +{"id": "178726-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will definitely go back when I need medical care.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 1, "label": "G"}, {"source": 10, "target": 2, "label": "P"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "L"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 13, "target": 7, "label": "A"}, {"source": 13, "target": 8, "label": "P"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "180886-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Wonderful Experience", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 20}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "180886-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had immense pain on a Sunday morning, with friends and family telling me that I would never find a Dentist on a Sunday.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 120}]}, {"id": 25, "anchors": [{"from": 120, "to": 121}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 18, "label": "T"}, {"source": 33, "target": 12, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 12, "label": "S"}, {"source": 37, "target": 25, "label": "U"}, {"source": 32, "target": 31, "label": "A"}, {"source": 27, "target": 9, "label": "L"}, {"source": 37, "target": 24, "label": "C"}, {"source": 29, "target": 4, "label": "R"}, {"source": 32, "target": 13, "label": "P"}, {"source": 30, "target": 10, "label": "A"}, {"source": 36, "target": 20, "label": "F"}, {"source": 31, "target": 30, "label": "C"}, {"source": 28, "target": 3, "label": "C"}, {"source": 27, "target": 32, "label": "H"}, {"source": 34, "target": 19, "label": "P"}, {"source": 31, "target": 11, "label": "N"}, {"source": 26, "target": 29, "label": "T"}, {"source": 32, "target": 14, "label": "A"}, {"source": 34, "target": 17, "label": "D"}, {"source": 34, "target": 37, "label": "T"}, {"source": 36, "target": 21, "label": "C"}, {"source": 27, "target": 8, "label": "U"}, {"source": 37, "target": 22, "label": "R"}, {"source": 29, "target": 5, "label": "F"}, {"source": 37, "target": 23, "label": "F"}, {"source": 34, "target": 16, "label": "A"}, {"source": 31, "target": 33, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 26, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 7, "label": "E"}, {"source": 34, "target": 15, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 26, "target": 28, "label": "S"}, {"source": 30, "target": 10, "label": "S"}, {"source": 35, "target": 36, "label": "P"}, {"source": 29, "target": 6, "label": "C"}, {"source": 26, "target": 0, "label": "A"}]} +{"id": "180886-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Taylor was not only available on a Sunday, but also was able to immediately take care of me.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}, {"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 8, "label": "U"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 14, "label": "F"}, {"source": 25, "target": 16, "label": "R"}, {"source": 22, "target": 5, "label": "R"}, {"source": 20, "target": 4, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 13, "label": "T"}, {"source": 23, "target": 12, "label": "F"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "E"}, {"source": 20, "target": 22, "label": "T"}, {"source": 23, "target": 11, "label": "D"}, {"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 3, "label": "L"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 9, "label": "L"}, {"source": 23, "target": 24, "label": "P"}]} +{"id": "180886-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was incredibly informative about the options I had, giving me opinions on different treatments to choose from.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 112}]}, {"id": 19, "anchors": [{"from": 112, "to": 113}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 12, "label": "S"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "F"}, {"source": 20, "target": 3, "label": "S"}, {"source": 22, "target": 23, "label": "S"}, {"source": 24, "target": 10, "label": "D"}, {"source": 27, "target": 17, "label": "P"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 11, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 18, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 20, "target": 2, "label": "D"}, {"source": 21, "target": 9, "label": "U"}, {"source": 28, "target": 15, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "A"}, {"source": 27, "target": 16, "label": "R"}, {"source": 23, "target": 5, "label": "F"}, {"source": 22, "target": 4, "label": "R"}, {"source": 23, "target": 6, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "180886-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Coming from a person who hates the dentist in general, Dr. Taylor was the best!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 20, "target": 5, "label": "S"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 23, "label": "D"}, {"source": 25, "target": 13, "label": "F"}, {"source": 21, "target": 22, "label": "P"}, {"source": 26, "target": 14, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 11, "label": "E"}, {"source": 23, "target": 9, "label": "C"}, {"source": 18, "target": 0, "label": "P"}, {"source": 25, "target": 26, "label": "S"}, {"source": 18, "target": 25, "label": "A"}, {"source": 26, "target": 16, "label": "U"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 8, "label": "R"}, {"source": 18, "target": 10, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 6, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 19, "target": 1, "label": "R"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "180886-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He really made the visit a pain free one with excellent service!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "L"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 18, "target": 9, "label": "D"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "180886-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend him to everyone!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}]} +{"id": "181696-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Winning Attorney!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "181696-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The only 10.0 \"Perfect Score\" AVVO Rated Attorney I Have Ever Met.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 23, "target": 13, "label": "P"}, {"source": 19, "target": 23, "label": "E"}, {"source": 22, "target": 21, "label": "E"}, {"source": 20, "target": 3, "label": "U"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "U"}, {"source": 19, "target": 15, "label": "C"}, {"source": 18, "target": 8, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 2, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 23, "target": 11, "label": "F"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 23, "target": 12, "label": "T"}, {"source": 16, "target": 9, "label": "C"}, {"source": 23, "target": 10, "label": "A"}, {"source": 15, "target": 16, "label": "P"}, {"source": 23, "target": 14, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 4, "label": "S"}]} +{"id": "181696-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I Highly Recommend, The Law Offices Of Dale Gribow!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}, {"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 7, "label": "R"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "181748-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Be Careful Of Who Your Sales Guy Is", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "R"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 7, "label": "F"}]} +{"id": "181748-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think this place is probably really great especially judging by the reviews on here.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 23, "target": 13, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 21, "target": 22, "label": "P"}, {"source": 16, "target": 1, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 22, "target": 11, "label": "F"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "D"}, {"source": 19, "target": 6, "label": "D"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 7, "label": "S"}, {"source": 21, "target": 10, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 17, "target": 8, "label": "L"}]} +{"id": "181748-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My experience was awful though.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 6, "label": "A"}, {"source": 8, "target": 4, "label": "L"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "181748-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It ALL had to do with the sales guy which was a young 22 year old who had admittedly only been working for 2 weeks.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 114}]}, {"id": 25, "anchors": [{"from": 114, "to": 115}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 34, "target": 18, "label": "G"}, {"source": 31, "target": 6, "label": "F"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 1, "label": "D"}, {"source": 28, "target": 3, "label": "F"}, {"source": 32, "target": 33, "label": "T"}, {"source": 34, "target": 16, "label": "R"}, {"source": 31, "target": 7, "label": "E"}, {"source": 34, "target": 19, "label": "D"}, {"source": 34, "target": 21, "label": "P"}, {"source": 28, "target": 4, "label": "C"}, {"source": 32, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 12, "label": "D"}, {"source": 35, "target": 22, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 33, "target": 14, "label": "C"}, {"source": 34, "target": 35, "label": "T"}, {"source": 35, "target": 25, "label": "U"}, {"source": 29, "target": 32, "label": "E"}, {"source": 30, "target": 31, "label": "P"}, {"source": 28, "target": 2, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 8, "label": "C"}, {"source": 33, "target": 11, "label": "F"}, {"source": 35, "target": 23, "label": "Q"}, {"source": 27, "target": 28, "label": "S"}, {"source": 32, "target": 10, "label": "F"}, {"source": 32, "target": 9, "label": "R"}, {"source": 26, "target": 27, "label": "H"}, {"source": 33, "target": 13, "label": "Q"}, {"source": 29, "target": 30, "label": "C"}, {"source": 34, "target": 20, "label": "F"}, {"source": 35, "target": 24, "label": "C"}, {"source": 27, "target": 0, "label": "A"}, {"source": 29, "target": 34, "label": "E"}, {"source": 32, "target": 15, "label": "S"}, {"source": 29, "target": 5, "label": "R"}]} +{"id": "181748-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was extremely interested in the car and very likely would have bought it, but the sales guy I dealt with ruined the deal.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}]}, {"id": 25, "anchors": [{"from": 122, "to": 123}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 38, "target": 25, "label": "U"}, {"source": 27, "target": 14, "label": "U"}, {"source": 32, "target": 18, "label": "C"}, {"source": 31, "target": 32, "label": "P"}, {"source": 27, "target": 30, "label": "H"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 1, "label": "F"}, {"source": 38, "target": 23, "label": "F"}, {"source": 35, "target": 20, "label": "P"}, {"source": 28, "target": 5, "label": "F"}, {"source": 28, "target": 4, "label": "R"}, {"source": 35, "target": 19, "label": "A"}, {"source": 37, "target": 38, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 18, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 16, "label": "F"}, {"source": 30, "target": 13, "label": "A"}, {"source": 29, "target": 8, "label": "E"}, {"source": 34, "target": 22, "label": "P"}, {"source": 34, "target": 37, "label": "A"}, {"source": 38, "target": 24, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 27, "target": 7, "label": "L"}, {"source": 26, "target": 3, "label": "S"}, {"source": 27, "target": 34, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "F"}, {"source": 34, "target": 33, "label": "A"}, {"source": 33, "target": 31, "label": "C"}, {"source": 26, "target": 2, "label": "D"}, {"source": 28, "target": 6, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 36, "target": 21, "label": "R"}, {"source": 30, "target": 29, "label": "D"}, {"source": 30, "target": 12, "label": "P"}, {"source": 27, "target": 15, "label": "L"}, {"source": 32, "target": 17, "label": "E"}, {"source": 26, "target": 0, "label": "A"}, {"source": 33, "target": 35, "label": "E"}, {"source": 30, "target": 10, "label": "F"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "181748-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Essentially, I told him I didn't trust him cause he was a car salesman, but he got so incredibly offended at that statement that he had to go cry to another salesman and compose himself before coming back.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}, {"from": 136, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 148}]}, {"id": 32, "anchors": [{"from": 149, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 169}]}, {"id": 35, "anchors": [{"from": 170, "to": 177}, {"from": 178, "to": 185}]}, {"id": 36, "anchors": [{"from": 186, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 199}]}, {"id": 38, "anchors": [{"from": 200, "to": 204}]}, {"id": 39, "anchors": [{"from": 204, "to": 205}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 50, "target": 33, "label": "P"}, {"source": 52, "target": 37, "label": "P"}, {"source": 45, "target": 19, "label": "F"}, {"source": 40, "target": 36, "label": "L"}, {"source": 47, "target": 25, "label": "C"}, {"source": 45, "target": 18, "label": "A"}, {"source": 52, "target": 39, "label": "U"}, {"source": 46, "target": 20, "label": "E"}, {"source": 42, "target": 8, "label": "S"}, {"source": 40, "target": 17, "label": "L"}, {"source": 40, "target": 45, "label": "H"}, {"source": 51, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 22, "label": "P"}, {"source": 40, "target": 26, "label": "L"}, {"source": 42, "target": 5, "label": "A"}, {"source": 40, "target": 0, "label": "L"}, {"source": 43, "target": 12, "label": "F"}, {"source": 42, "target": 9, "label": "A"}, {"source": 49, "target": 50, "label": "C"}, {"source": 41, "target": 3, "label": "P"}, {"source": 40, "target": 48, "label": "H"}, {"source": 48, "target": 30, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 10, "label": "L"}, {"source": 40, "target": 51, "label": "H"}, {"source": 47, "target": 23, "label": "R"}, {"source": 43, "target": 14, "label": "A"}, {"source": 43, "target": 11, "label": "A"}, {"source": 42, "target": 7, "label": "D"}, {"source": 52, "target": 38, "label": "D"}, {"source": 47, "target": 24, "label": "E"}, {"source": 42, "target": 6, "label": "F"}, {"source": 40, "target": 16, "label": "U"}, {"source": 48, "target": 27, "label": "A"}, {"source": 49, "target": 32, "label": "E"}, {"source": 44, "target": 13, "label": "F"}, {"source": 40, "target": 34, "label": "L"}, {"source": 48, "target": 29, "label": "F"}, {"source": 51, "target": 35, "label": "P"}, {"source": 43, "target": 44, "label": "P"}, {"source": 45, "target": 47, "label": "A"}, {"source": 46, "target": 21, "label": "C"}, {"source": 40, "target": 1, "label": "U"}, {"source": 41, "target": 2, "label": "A"}, {"source": 45, "target": 46, "label": "D"}, {"source": 41, "target": 4, "label": "A"}, {"source": 52, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "A"}, {"source": 49, "target": 31, "label": "R"}, {"source": 40, "target": 52, "label": "H"}, {"source": 40, "target": 43, "label": "H"}, {"source": 40, "target": 41, "label": "H"}, {"source": 44, "target": 15, "label": "C"}, {"source": 48, "target": 28, "label": "D"}]} +{"id": "181748-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't know if the kid had a bad day or what, but I had to sit and apologize about nothing for 10 minutes until he dropped the issue.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 40}, {"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 45, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 52}]}, {"id": 15, "anchors": [{"from": 53, "to": 56}, {"from": 57, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 133}]}, {"id": 29, "anchors": [{"from": 133, "to": 134}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 31, "target": 36, "label": "H"}, {"source": 37, "target": 19, "label": "R"}, {"source": 38, "target": 23, "label": "C"}, {"source": 31, "target": 24, "label": "L"}, {"source": 40, "target": 28, "label": "C"}, {"source": 30, "target": 0, "label": "A"}, {"source": 39, "target": 25, "label": "A"}, {"source": 31, "target": 12, "label": "U"}, {"source": 39, "target": 26, "label": "P"}, {"source": 38, "target": 21, "label": "R"}, {"source": 31, "target": 17, "label": "L"}, {"source": 35, "target": 15, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 35, "target": 16, "label": "P"}, {"source": 30, "target": 3, "label": "S"}, {"source": 30, "target": 1, "label": "F"}, {"source": 40, "target": 29, "label": "U"}, {"source": 30, "target": 32, "label": "A"}, {"source": 36, "target": 38, "label": "T"}, {"source": 34, "target": 8, "label": "F"}, {"source": 34, "target": 10, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 38, "target": 22, "label": "Q"}, {"source": 40, "target": 27, "label": "F"}, {"source": 32, "target": 34, "label": "T"}, {"source": 30, "target": 2, "label": "D"}, {"source": 30, "target": 11, "label": "G"}, {"source": 32, "target": 4, "label": "R"}, {"source": 37, "target": 20, "label": "C"}, {"source": 32, "target": 7, "label": "F"}, {"source": 31, "target": 39, "label": "H"}, {"source": 31, "target": 13, "label": "L"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 14, "label": "A"}, {"source": 32, "target": 9, "label": "S"}, {"source": 33, "target": 6, "label": "C"}, {"source": 36, "target": 18, "label": "P"}, {"source": 33, "target": 5, "label": "F"}]} +{"id": "181748-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After that, I just tried to ignore his lack of professionalism and test drive the car.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 7, "label": "A"}, {"source": 18, "target": 3, "label": "G"}, {"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 11, "label": "L"}, {"source": 22, "target": 21, "label": "P"}, {"source": 17, "target": 22, "label": "H"}, {"source": 19, "target": 10, "label": "S"}, {"source": 18, "target": 6, "label": "P"}, {"source": 18, "target": 5, "label": "F"}, {"source": 18, "target": 4, "label": "D"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "U"}, {"source": 20, "target": 9, "label": "R"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 20, "label": "D"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "181748-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I played dumb and asked him questions that I already knew the answers to and he responded with half truths and a few falsehoods.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 127}]}, {"id": 24, "anchors": [{"from": 127, "to": 128}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 26, "target": 3, "label": "L"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 13, "label": "R"}, {"source": 28, "target": 29, "label": "E"}, {"source": 36, "target": 22, "label": "Q"}, {"source": 25, "target": 2, "label": "S"}, {"source": 34, "target": 35, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 30, "target": 12, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 14, "label": "L"}, {"source": 26, "target": 33, "label": "H"}, {"source": 34, "target": 17, "label": "R"}, {"source": 34, "target": 36, "label": "C"}, {"source": 27, "target": 5, "label": "A"}, {"source": 29, "target": 7, "label": "R"}, {"source": 35, "target": 19, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 30, "label": "P"}, {"source": 36, "target": 23, "label": "C"}, {"source": 29, "target": 8, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 11, "label": "F"}, {"source": 33, "target": 15, "label": "A"}, {"source": 25, "target": 1, "label": "D"}, {"source": 36, "target": 21, "label": "F"}, {"source": 27, "target": 4, "label": "P"}, {"source": 26, "target": 27, "label": "H"}, {"source": 29, "target": 9, "label": "D"}, {"source": 35, "target": 18, "label": "Q"}, {"source": 33, "target": 16, "label": "P"}, {"source": 28, "target": 6, "label": "C"}, {"source": 34, "target": 20, "label": "N"}, {"source": 32, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "S"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 24, "label": "U"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "181748-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "For instance I asked who owned Mazda and he said with confidence that was GM, which isn't true.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 17, "label": "D"}, {"source": 20, "target": 15, "label": "L"}, {"source": 20, "target": 14, "label": "U"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 16, "label": "F"}, {"source": 23, "target": 24, "label": "D"}, {"source": 21, "target": 1, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 4, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 13, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 3, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 10, "label": "C"}, {"source": 23, "target": 8, "label": "P"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 20, "target": 0, "label": "L"}, {"source": 26, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "P"}, {"source": 22, "target": 5, "label": "A"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 4, "label": "S"}, {"source": 25, "target": 11, "label": "R"}, {"source": 25, "target": 12, "label": "F"}, {"source": 26, "target": 18, "label": "S"}, {"source": 23, "target": 7, "label": "A"}, {"source": 20, "target": 26, "label": "H"}]} +{"id": "181748-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I mean, I don't care if he doesn't know, but if he pretends to know and tells me BS to my face, there's no way I'm going to trust him when matters turn to the price of the car and financing.", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "anchors": [{"from": 39, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 47}]}, {"id": 14, "anchors": [{"from": 48, "to": 50}]}, {"id": 15, "anchors": [{"from": 51, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 80}]}, {"id": 21, "anchors": [{"from": 81, "to": 83}]}, {"id": 22, "anchors": [{"from": 84, "to": 86}]}, {"id": 23, "anchors": [{"from": 87, "to": 89}]}, {"id": 24, "anchors": [{"from": 90, "to": 94}]}, {"id": 25, "anchors": [{"from": 94, "to": 95}]}, {"id": 26, "anchors": [{"from": 96, "to": 101}]}, {"id": 27, "anchors": [{"from": 101, "to": 103}]}, {"id": 28, "anchors": [{"from": 104, "to": 106}]}, {"id": 29, "anchors": [{"from": 107, "to": 110}]}, {"id": 30, "anchors": [{"from": 111, "to": 112}]}, {"id": 31, "anchors": [{"from": 112, "to": 114}]}, {"id": 32, "anchors": [{"from": 115, "to": 120}]}, {"id": 33, "anchors": [{"from": 121, "to": 123}]}, {"id": 34, "anchors": [{"from": 124, "to": 129}]}, {"id": 35, "anchors": [{"from": 130, "to": 133}]}, {"id": 36, "anchors": [{"from": 134, "to": 138}]}, {"id": 37, "anchors": [{"from": 139, "to": 146}]}, {"id": 38, "anchors": [{"from": 147, "to": 151}]}, {"id": 39, "anchors": [{"from": 152, "to": 154}]}, {"id": 40, "anchors": [{"from": 155, "to": 158}]}, {"id": 41, "anchors": [{"from": 159, "to": 164}]}, {"id": 42, "anchors": [{"from": 165, "to": 167}]}, {"id": 43, "anchors": [{"from": 168, "to": 171}]}, {"id": 44, "anchors": [{"from": 172, "to": 175}]}, {"id": 45, "anchors": [{"from": 176, "to": 179}]}, {"id": 46, "anchors": [{"from": 180, "to": 189}]}, {"id": 47, "anchors": [{"from": 189, "to": 190}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 51, "target": 14, "label": "A"}, {"source": 51, "target": 16, "label": "F"}, {"source": 53, "target": 23, "label": "E"}, {"source": 54, "target": 26, "label": "F"}, {"source": 48, "target": 3, "label": "F"}, {"source": 59, "target": 60, "label": "A"}, {"source": 54, "target": 34, "label": "P"}, {"source": 49, "target": 51, "label": "H"}, {"source": 49, "target": 25, "label": "U"}, {"source": 52, "target": 53, "label": "A"}, {"source": 49, "target": 52, "label": "H"}, {"source": 56, "target": 38, "label": "P"}, {"source": 48, "target": 0, "label": "G"}, {"source": 51, "target": 15, "label": "D"}, {"source": 54, "target": 56, "label": "A"}, {"source": 48, "target": 4, "label": "D"}, {"source": 57, "target": 59, "label": "C"}, {"source": 59, "target": 58, "label": "S"}, {"source": 52, "target": 20, "label": "A"}, {"source": 48, "target": 1, "label": "U"}, {"source": 60, "target": 44, "label": "C"}, {"source": 60, "target": 43, "label": "F"}, {"source": 52, "target": 19, "label": "P"}, {"source": 49, "target": 12, "label": "L"}, {"source": 61, "target": 46, "label": "P"}, {"source": 50, "target": 10, "label": "S"}, {"source": 52, "target": 21, "label": "A"}, {"source": 53, "target": 24, "label": "C"}, {"source": 49, "target": 54, "label": "H"}, {"source": 55, "target": 28, "label": "C"}, {"source": 57, "target": 61, "label": "C"}, {"source": 54, "target": 33, "label": "F"}, {"source": 49, "target": 18, "label": "L"}, {"source": 48, "target": 2, "label": "A"}, {"source": 61, "target": 47, "label": "U"}, {"source": 50, "target": 9, "label": "D"}, {"source": 56, "target": 37, "label": "A"}, {"source": 57, "target": 39, "label": "R"}, {"source": 53, "target": 22, "label": "R"}, {"source": 48, "target": 5, "label": "S"}, {"source": 55, "target": 29, "label": "C"}, {"source": 57, "target": 45, "label": "N"}, {"source": 50, "target": 6, "label": "R"}, {"source": 51, "target": 13, "label": "R"}, {"source": 56, "target": 36, "label": "R"}, {"source": 48, "target": 50, "label": "A"}, {"source": 54, "target": 27, "label": "F"}, {"source": 50, "target": 8, "label": "F"}, {"source": 49, "target": 48, "label": "H"}, {"source": 54, "target": 55, "label": "D"}, {"source": 54, "target": 30, "label": "A"}, {"source": 60, "target": 42, "label": "R"}, {"source": 58, "target": 40, "label": "F"}, {"source": 54, "target": 32, "label": "F"}, {"source": 50, "target": 7, "label": "A"}, {"source": 49, "target": 11, "label": "U"}, {"source": 51, "target": 17, "label": "S"}, {"source": 61, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 41, "label": "C"}, {"source": 52, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 57, "label": "A"}, {"source": 54, "target": 31, "label": "F"}, {"source": 54, "target": 35, "label": "A"}]} +{"id": "181771-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "the 2010 Genesis is grrrrrrrreeeaaat!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 9, "target": 1, "label": "T"}, {"source": 6, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 2, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "181771-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am a proud owner of a brand new 2010 Hyundai Genesis.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}, {"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}, {"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 16, "target": 8, "label": "T"}, {"source": 15, "target": 7, "label": "S"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 13, "label": "S"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 16, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "181771-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have never seen this car before until this lady at wal mart had it and she told me she got it here and that everyone was so nice to her.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}, {"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 137}]}, {"id": 30, "anchors": [{"from": 137, "to": 138}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 40, "target": 23, "label": "R"}, {"source": 38, "target": 18, "label": "A"}, {"source": 41, "target": 29, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 32, "target": 35, "label": "H"}, {"source": 32, "target": 14, "label": "L"}, {"source": 32, "target": 31, "label": "H"}, {"source": 41, "target": 28, "label": "R"}, {"source": 41, "target": 30, "label": "U"}, {"source": 31, "target": 33, "label": "A"}, {"source": 39, "target": 22, "label": "L"}, {"source": 37, "target": 15, "label": "A"}, {"source": 34, "target": 9, "label": "C"}, {"source": 31, "target": 1, "label": "F"}, {"source": 35, "target": 34, "label": "A"}, {"source": 34, "target": 36, "label": "E"}, {"source": 37, "target": 17, "label": "A"}, {"source": 32, "target": 37, "label": "H"}, {"source": 40, "target": 25, "label": "F"}, {"source": 36, "target": 11, "label": "A"}, {"source": 36, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 10, "label": "S"}, {"source": 35, "target": 13, "label": "A"}, {"source": 38, "target": 21, "label": "A"}, {"source": 40, "target": 27, "label": "S"}, {"source": 40, "target": 41, "label": "A"}, {"source": 33, "target": 5, "label": "C"}, {"source": 31, "target": 6, "label": "T"}, {"source": 34, "target": 8, "label": "E"}, {"source": 40, "target": 26, "label": "D"}, {"source": 35, "target": 12, "label": "S"}, {"source": 39, "target": 40, "label": "H"}, {"source": 38, "target": 19, "label": "P"}, {"source": 37, "target": 39, "label": "A"}, {"source": 31, "target": 2, "label": "T"}, {"source": 31, "target": 3, "label": "P"}, {"source": 39, "target": 38, "label": "H"}, {"source": 38, "target": 20, "label": "A"}, {"source": 33, "target": 4, "label": "E"}, {"source": 31, "target": 2, "label": "D"}, {"source": 40, "target": 24, "label": "A"}, {"source": 32, "target": 7, "label": "L"}, {"source": 37, "target": 16, "label": "P"}]} +{"id": "181771-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I asked her who she worked with and she just told me ti was the sales manager.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 7, "label": "L"}, {"source": 23, "target": 12, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 4, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 2, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 16, "label": "C"}, {"source": 22, "target": 10, "label": "P"}, {"source": 20, "target": 5, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 23, "target": 15, "label": "D"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 8, "label": "A"}, {"source": 20, "target": 3, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 21, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "181771-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I took the weekend off and came in and asked for the manager who is Jeff and he remembered her right away even remembered her dog, I was a bit shocked that someone would pay that close attention.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}, {"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 169}]}, {"id": 33, "anchors": [{"from": 170, "to": 173}, {"from": 185, "to": 194}]}, {"id": 34, "anchors": [{"from": 174, "to": 178}]}, {"id": 35, "anchors": [{"from": 179, "to": 184}]}, {"id": 36, "anchors": [{"from": 194, "to": 195}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 38, "target": 4, "label": "L"}, {"source": 41, "target": 8, "label": "P"}, {"source": 50, "target": 25, "label": "A"}, {"source": 46, "target": 17, "label": "P"}, {"source": 37, "target": 1, "label": "P"}, {"source": 44, "target": 10, "label": "F"}, {"source": 47, "target": 20, "label": "D"}, {"source": 47, "target": 49, "label": "A"}, {"source": 45, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 13, "label": "S"}, {"source": 38, "target": 37, "label": "H"}, {"source": 44, "target": 11, "label": "C"}, {"source": 38, "target": 7, "label": "L"}, {"source": 50, "target": 26, "label": "F"}, {"source": 39, "target": 2, "label": "F"}, {"source": 48, "target": 22, "label": "S"}, {"source": 53, "target": 34, "label": "E"}, {"source": 51, "target": 28, "label": "C"}, {"source": 50, "target": 51, "label": "D"}, {"source": 52, "target": 53, "label": "D"}, {"source": 45, "target": 14, "label": "A"}, {"source": 47, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 19, "label": "T"}, {"source": 41, "target": 42, "label": "A"}, {"source": 53, "target": 35, "label": "C"}, {"source": 46, "target": 16, "label": "A"}, {"source": 40, "target": 6, "label": "D"}, {"source": 38, "target": 40, "label": "H"}, {"source": 52, "target": 30, "label": "R"}, {"source": 46, "target": 18, "label": "A"}, {"source": 49, "target": 23, "label": "C"}, {"source": 42, "target": 45, "label": "E"}, {"source": 48, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 5, "label": "P"}, {"source": 45, "target": 12, "label": "R"}, {"source": 38, "target": 41, "label": "H"}, {"source": 38, "target": 46, "label": "H"}, {"source": 43, "target": 44, "label": "P"}, {"source": 37, "target": 0, "label": "A"}, {"source": 52, "target": 36, "label": "U"}, {"source": 42, "target": 9, "label": "R"}, {"source": 39, "target": 3, "label": "C"}, {"source": 38, "target": 24, "label": "U"}, {"source": 52, "target": 32, "label": "D"}, {"source": 37, "target": 39, "label": "A"}, {"source": 38, "target": 50, "label": "H"}, {"source": 51, "target": 27, "label": "F"}, {"source": 38, "target": 15, "label": "L"}, {"source": 52, "target": 33, "label": "P"}, {"source": 38, "target": 47, "label": "H"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 29, "label": "S"}, {"source": 52, "target": 31, "label": "A"}, {"source": 50, "target": 52, "label": "A"}, {"source": 49, "target": 48, "label": "E"}, {"source": 47, "target": 21, "label": "P"}, {"source": 42, "target": 43, "label": "C"}]} +{"id": "181771-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We got to talking and he got me set up and I test drove with Craig and I fell head over heels for this car all I kept saying, \" was I gotta have it!\"", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}, {"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 87}, {"from": 88, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 124}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 137}]}, {"id": 31, "anchors": [{"from": 137, "to": 139}]}, {"id": 32, "anchors": [{"from": 140, "to": 144}]}, {"id": 33, "anchors": [{"from": 145, "to": 147}]}, {"id": 34, "anchors": [{"from": 147, "to": 148}]}, {"id": 35, "anchors": [{"from": 148, "to": 149}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 46, "target": 32, "label": "S"}, {"source": 45, "target": 46, "label": "A"}, {"source": 44, "target": 21, "label": "C"}, {"source": 45, "target": 28, "label": "F"}, {"source": 43, "target": 16, "label": "A"}, {"source": 45, "target": 26, "label": "U"}, {"source": 37, "target": 40, "label": "H"}, {"source": 43, "target": 17, "label": "P"}, {"source": 37, "target": 43, "label": "H"}, {"source": 39, "target": 6, "label": "F"}, {"source": 36, "target": 1, "label": "F"}, {"source": 46, "target": 33, "label": "A"}, {"source": 40, "target": 41, "label": "P"}, {"source": 45, "target": 27, "label": "U"}, {"source": 39, "target": 8, "label": "P"}, {"source": 46, "target": 31, "label": "F"}, {"source": 44, "target": 20, "label": "E"}, {"source": 45, "target": 24, "label": "D"}, {"source": 42, "target": 14, "label": "C"}, {"source": 39, "target": 5, "label": "A"}, {"source": 37, "target": 9, "label": "L"}, {"source": 40, "target": 42, "label": "A"}, {"source": 41, "target": 11, "label": "E"}, {"source": 45, "target": 25, "label": "P"}, {"source": 38, "target": 2, "label": "R"}, {"source": 44, "target": 19, "label": "R"}, {"source": 45, "target": 23, "label": "A"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 41, "target": 12, "label": "C"}, {"source": 46, "target": 34, "label": "U"}, {"source": 46, "target": 35, "label": "U"}, {"source": 40, "target": 10, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 39, "target": 7, "label": "A"}, {"source": 38, "target": 3, "label": "C"}, {"source": 37, "target": 15, "label": "L"}, {"source": 37, "target": 39, "label": "H"}, {"source": 37, "target": 4, "label": "L"}, {"source": 43, "target": 44, "label": "A"}, {"source": 45, "target": 22, "label": "D"}, {"source": 43, "target": 18, "label": "D"}, {"source": 46, "target": 29, "label": "A"}, {"source": 42, "target": 13, "label": "R"}, {"source": 36, "target": 38, "label": "P"}, {"source": 46, "target": 30, "label": "D"}]} +{"id": "181771-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I thouhgt it would be out of my price range but they really worked with me and now I couldnt be happier.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 16, "label": "L"}, {"source": 31, "target": 20, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 12, "label": "D"}, {"source": 31, "target": 22, "label": "S"}, {"source": 31, "target": 17, "label": "T"}, {"source": 31, "target": 21, "label": "F"}, {"source": 29, "target": 13, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 28, "target": 7, "label": "S"}, {"source": 26, "target": 2, "label": "A"}, {"source": 26, "target": 3, "label": "D"}, {"source": 25, "target": 31, "label": "H"}, {"source": 31, "target": 19, "label": "D"}, {"source": 31, "target": 23, "label": "U"}, {"source": 31, "target": 18, "label": "A"}, {"source": 24, "target": 1, "label": "P"}, {"source": 29, "target": 11, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 26, "target": 5, "label": "S"}, {"source": 28, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 8, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 9, "label": "C"}, {"source": 30, "target": 14, "label": "R"}, {"source": 25, "target": 10, "label": "L"}]} +{"id": "181771-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Jeff and Craig are really good at what they do and know exactly how to treat a customer.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 5, "label": "S"}, {"source": 24, "target": 14, "label": "F"}, {"source": 19, "target": 2, "label": "C"}, {"source": 22, "target": 6, "label": "R"}, {"source": 26, "target": 16, "label": "F"}, {"source": 23, "target": 12, "label": "D"}, {"source": 21, "target": 10, "label": "L"}, {"source": 23, "target": 11, "label": "S"}, {"source": 25, "target": 26, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 9, "label": "P"}, {"source": 23, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 23, "label": "H"}, {"source": 19, "target": 1, "label": "N"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "C"}, {"source": 20, "target": 4, "label": "D"}, {"source": 26, "target": 17, "label": "C"}, {"source": 24, "target": 15, "label": "P"}, {"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 8, "label": "A"}, {"source": 22, "target": 7, "label": "A"}]} +{"id": "181771-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Definitely go see them!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 6, "target": 0, "label": "G"}]} +{"id": "182354-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Prominent Builders NJ", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 21}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "182354-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Prominent Builders in New Jersey are one the best building contractors, I was referred to them by my friend, I am so glad I used them for my Home renovation, and addition.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 70}]}, {"id": 9, "anchors": [{"from": 70, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 156}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 170}]}, {"id": 33, "anchors": [{"from": 170, "to": 171}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 36, "target": 18, "label": "U"}, {"source": 46, "target": 27, "label": "S"}, {"source": 36, "target": 43, "label": "H"}, {"source": 46, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 32, "label": "P"}, {"source": 34, "target": 0, "label": "A"}, {"source": 42, "target": 21, "label": "D"}, {"source": 35, "target": 37, "label": "S"}, {"source": 44, "target": 26, "label": "R"}, {"source": 43, "target": 24, "label": "P"}, {"source": 39, "target": 10, "label": "A"}, {"source": 42, "target": 22, "label": "S"}, {"source": 44, "target": 29, "label": "P"}, {"source": 35, "target": 38, "label": "A"}, {"source": 48, "target": 26, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 17, "label": "S"}, {"source": 45, "target": 44, "label": "H"}, {"source": 42, "target": 20, "label": "F"}, {"source": 43, "target": 25, "label": "A"}, {"source": 35, "target": 34, "label": "A"}, {"source": 37, "target": 4, "label": "Q"}, {"source": 45, "target": 30, "label": "U"}, {"source": 48, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 13, "label": "R"}, {"source": 48, "target": 33, "label": "U"}, {"source": 41, "target": 16, "label": "A"}, {"source": 36, "target": 39, "label": "H"}, {"source": 43, "target": 23, "label": "A"}, {"source": 45, "target": 31, "label": "L"}, {"source": 39, "target": 12, "label": "P"}, {"source": 36, "target": 42, "label": "H"}, {"source": 47, "target": 46, "label": "E"}, {"source": 38, "target": 7, "label": "D"}, {"source": 44, "target": 47, "label": "A"}, {"source": 41, "target": 17, "label": "A"}, {"source": 46, "target": 27, "label": "A"}, {"source": 40, "target": 14, "label": "C"}, {"source": 37, "target": 6, "label": "C"}, {"source": 34, "target": 1, "label": "S"}, {"source": 35, "target": 3, "label": "F"}, {"source": 34, "target": 2, "label": "A"}, {"source": 37, "target": 5, "label": "F"}, {"source": 39, "target": 11, "label": "F"}, {"source": 36, "target": 9, "label": "U"}, {"source": 42, "target": 19, "label": "A"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 15, "label": "R"}, {"source": 47, "target": 28, "label": "C"}, {"source": 36, "target": 35, "label": "H"}, {"source": 45, "target": 48, "label": "H"}, {"source": 38, "target": 8, "label": "P"}]} +{"id": "182354-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were very professional, respectful, completed the Job on time, and well below my budget.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 4, "label": "U"}, {"source": 23, "target": 8, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 19, "target": 3, "label": "S"}, {"source": 21, "target": 5, "label": "S"}, {"source": 26, "target": 16, "label": "S"}, {"source": 20, "target": 13, "label": "L"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 15, "label": "S"}, {"source": 27, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "P"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 24, "target": 10, "label": "R"}, {"source": 19, "target": 2, "label": "D"}, {"source": 22, "target": 7, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 12, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "E"}, {"source": 21, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "T"}, {"source": 25, "target": 14, "label": "D"}]} +{"id": "182354-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mike one of owners was awesome, he explained the detailed plan, and executed on time, I am always going use them and refer them to many friends I can because of the great job they did me.", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 160}]}, {"id": 34, "anchors": [{"from": 161, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 170}]}, {"id": 36, "anchors": [{"from": 171, "to": 174}]}, {"id": 37, "anchors": [{"from": 175, "to": 179}]}, {"id": 38, "anchors": [{"from": 180, "to": 183}]}, {"id": 39, "anchors": [{"from": 184, "to": 186}]}, {"id": 40, "anchors": [{"from": 186, "to": 187}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 51, "target": 22, "label": "P"}, {"source": 42, "target": 4, "label": "F"}, {"source": 54, "target": 25, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 17, "label": "U"}, {"source": 43, "target": 55, "label": "H"}, {"source": 42, "target": 41, "label": "A"}, {"source": 55, "target": 37, "label": "A"}, {"source": 55, "target": 38, "label": "F"}, {"source": 46, "target": 7, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 51, "target": 18, "label": "A"}, {"source": 43, "target": 46, "label": "H"}, {"source": 51, "target": 20, "label": "T"}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 26, "label": "A"}, {"source": 56, "target": 34, "label": "F"}, {"source": 53, "target": 27, "label": "R"}, {"source": 50, "target": 16, "label": "C"}, {"source": 51, "target": 23, "label": "A"}, {"source": 43, "target": 24, "label": "L"}, {"source": 43, "target": 12, "label": "U"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 52, "label": "H"}, {"source": 47, "target": 10, "label": "D"}, {"source": 56, "target": 36, "label": "C"}, {"source": 51, "target": 21, "label": "F"}, {"source": 42, "target": 5, "label": "S"}, {"source": 55, "target": 56, "label": "P"}, {"source": 55, "target": 39, "label": "A"}, {"source": 55, "target": 40, "label": "U"}, {"source": 46, "target": 8, "label": "P"}, {"source": 49, "target": 14, "label": "P"}, {"source": 47, "target": 48, "label": "P"}, {"source": 54, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 54, "label": "H"}, {"source": 53, "target": 28, "label": "Q"}, {"source": 55, "target": 35, "label": "D"}, {"source": 43, "target": 32, "label": "L"}, {"source": 43, "target": 42, "label": "H"}, {"source": 49, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 1, "label": "D"}, {"source": 45, "target": 2, "label": "R"}, {"source": 43, "target": 13, "label": "L"}, {"source": 52, "target": 25, "label": "P"}, {"source": 52, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 11, "label": "C"}, {"source": 44, "target": 45, "label": "P"}, {"source": 54, "target": 30, "label": "A"}, {"source": 48, "target": 9, "label": "F"}, {"source": 43, "target": 51, "label": "H"}, {"source": 45, "target": 3, "label": "C"}, {"source": 50, "target": 15, "label": "R"}, {"source": 41, "target": 0, "label": "C"}, {"source": 53, "target": 29, "label": "C"}, {"source": 43, "target": 49, "label": "H"}, {"source": 49, "target": 50, "label": "T"}, {"source": 54, "target": 31, "label": "D"}, {"source": 43, "target": 6, "label": "U"}, {"source": 55, "target": 33, "label": "R"}, {"source": 41, "target": 44, "label": "E"}, {"source": 51, "target": 19, "label": "F"}]} +{"id": "183172-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DO NOT GO HERE!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "183172-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I went to get my nails filled Friday, by Monday 2 were broken.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 7, "label": "T"}, {"source": 19, "target": 13, "label": "S"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 18, "target": 9, "label": "R"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "E"}, {"source": 20, "target": 11, "label": "Q"}, {"source": 20, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 19, "target": 18, "label": "T"}, {"source": 15, "target": 3, "label": "F"}, {"source": 15, "target": 6, "label": "P"}, {"source": 15, "target": 2, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "183172-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was not happy with the way they looked, very wavy, uneven edges, and with the exception of 1, there is a dip in the center of each nail.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 104}]}, {"id": 25, "anchors": [{"from": 105, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 110}]}, {"id": 27, "anchors": [{"from": 111, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 117}]}, {"id": 29, "anchors": [{"from": 118, "to": 124}]}, {"id": 30, "anchors": [{"from": 125, "to": 127}]}, {"id": 31, "anchors": [{"from": 128, "to": 132}]}, {"id": 32, "anchors": [{"from": 133, "to": 137}]}, {"id": 33, "anchors": [{"from": 137, "to": 138}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 43, "target": 24, "label": "F"}, {"source": 35, "target": 38, "label": "H"}, {"source": 45, "target": 28, "label": "F"}, {"source": 41, "target": 20, "label": "R"}, {"source": 36, "target": 7, "label": "A"}, {"source": 39, "target": 14, "label": "A"}, {"source": 35, "target": 41, "label": "H"}, {"source": 41, "target": 26, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 16, "label": "L"}, {"source": 34, "target": 0, "label": "A"}, {"source": 36, "target": 4, "label": "R"}, {"source": 35, "target": 40, "label": "L"}, {"source": 43, "target": 46, "label": "A"}, {"source": 44, "target": 26, "label": "C"}, {"source": 36, "target": 8, "label": "S"}, {"source": 38, "target": 11, "label": "S"}, {"source": 45, "target": 29, "label": "C"}, {"source": 35, "target": 9, "label": "U"}, {"source": 46, "target": 32, "label": "C"}, {"source": 43, "target": 23, "label": "F"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 17, "label": "R"}, {"source": 39, "target": 13, "label": "S"}, {"source": 36, "target": 37, "label": "D"}, {"source": 42, "target": 32, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 45, "label": "D"}, {"source": 41, "target": 40, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 10, "label": "D"}, {"source": 35, "target": 43, "label": "H"}, {"source": 34, "target": 2, "label": "D"}, {"source": 34, "target": 1, "label": "F"}, {"source": 35, "target": 39, "label": "H"}, {"source": 34, "target": 3, "label": "S"}, {"source": 40, "target": 19, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 37, "target": 6, "label": "C"}, {"source": 35, "target": 15, "label": "U"}, {"source": 35, "target": 12, "label": "U"}, {"source": 44, "target": 25, "label": "F"}, {"source": 46, "target": 30, "label": "R"}, {"source": 37, "target": 5, "label": "F"}, {"source": 46, "target": 33, "label": "U"}, {"source": 45, "target": 27, "label": "R"}, {"source": 42, "target": 21, "label": "Q"}, {"source": 46, "target": 31, "label": "E"}, {"source": 43, "target": 44, "label": "S"}, {"source": 35, "target": 34, "label": "H"}, {"source": 40, "target": 18, "label": "F"}, {"source": 35, "target": 22, "label": "U"}]} +{"id": "183172-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also had a pedicure, and they cut my nails too short, one of my big toes looks like its getting infected.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 88}]}, {"id": 22, "anchors": [{"from": 88, "to": 89}]}, {"id": 23, "anchors": [{"from": 90, "to": 97}]}, {"id": 24, "anchors": [{"from": 98, "to": 106}]}, {"id": 25, "anchors": [{"from": 106, "to": 107}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 5, "label": "U"}, {"source": 28, "target": 3, "label": "F"}, {"source": 34, "target": 19, "label": "G"}, {"source": 32, "target": 18, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 14, "label": "Q"}, {"source": 29, "target": 31, "label": "D"}, {"source": 33, "target": 32, "label": "A"}, {"source": 28, "target": 4, "label": "C"}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 22, "label": "F"}, {"source": 35, "target": 18, "label": "A"}, {"source": 29, "target": 8, "label": "P"}, {"source": 31, "target": 12, "label": "C"}, {"source": 34, "target": 24, "label": "P"}, {"source": 27, "target": 1, "label": "L"}, {"source": 30, "target": 10, "label": "C"}, {"source": 26, "target": 28, "label": "P"}, {"source": 31, "target": 11, "label": "E"}, {"source": 33, "target": 15, "label": "S"}, {"source": 29, "target": 7, "label": "A"}, {"source": 27, "target": 34, "label": "H"}, {"source": 27, "target": 6, "label": "L"}, {"source": 35, "target": 16, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 35, "target": 17, "label": "S"}, {"source": 34, "target": 23, "label": "D"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 34, "target": 20, "label": "F"}, {"source": 34, "target": 21, "label": "A"}, {"source": 26, "target": 2, "label": "F"}, {"source": 27, "target": 13, "label": "U"}, {"source": 30, "target": 9, "label": "E"}, {"source": 26, "target": 0, "label": "A"}]} +{"id": "183518-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "An Asset to Richmond", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 4, "target": 0, "label": "F"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 4, "label": "S"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "183518-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "For a long time, one big source of entertainment missing from the Richmond City Limits was a first-run multiplex.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 6, "label": "D"}, {"source": 28, "target": 10, "label": "S"}, {"source": 32, "target": 19, "label": "U"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 15, "label": "E"}, {"source": 25, "target": 4, "label": "U"}, {"source": 31, "target": 10, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 20, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 29, "target": 8, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 12, "label": "F"}, {"source": 27, "target": 29, "label": "P"}, {"source": 33, "target": 22, "label": "U"}, {"source": 25, "target": 28, "label": "H"}, {"source": 26, "target": 7, "label": "C"}, {"source": 30, "target": 13, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 24, "target": 1, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 32, "target": 18, "label": "D"}, {"source": 24, "target": 3, "label": "C"}, {"source": 23, "target": 24, "label": "T"}, {"source": 25, "target": 23, "label": "H"}, {"source": 33, "target": 17, "label": "F"}, {"source": 26, "target": 5, "label": "Q"}, {"source": 30, "target": 11, "label": "R"}, {"source": 30, "target": 14, "label": "E"}, {"source": 24, "target": 0, "label": "R"}, {"source": 31, "target": 16, "label": "F"}, {"source": 24, "target": 2, "label": "E"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "183518-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bowtie has filled that role nicely.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "183518-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The theatre is in an old brick warehouse, which is a block away from the Flying Squirrels stadium.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}, {"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 8, "label": "U"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 10, "label": "F"}, {"source": 23, "target": 6, "label": "E"}, {"source": 26, "target": 14, "label": "R"}, {"source": 20, "target": 3, "label": "S"}, {"source": 23, "target": 4, "label": "F"}, {"source": 24, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 22, "target": 5, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 13, "label": "S"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 19, "label": "A"}, {"source": 25, "target": 12, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 9, "label": "L"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "183518-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owners of Bowtie manged to add something new while preserving what was already there.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 89}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 2, "label": "R"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 16, "label": "P"}, {"source": 18, "target": 6, "label": "P"}, {"source": 23, "target": 12, "label": "F"}, {"source": 18, "target": 5, "label": "F"}, {"source": 18, "target": 4, "label": "D"}, {"source": 22, "target": 10, "label": "P"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 14, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 23, "target": 11, "label": "A"}, {"source": 23, "target": 13, "label": "D"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "183518-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The theatre has greatly improved the surrounding neighborhood.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 61}]}, {"id": 8, "anchors": [{"from": 61, "to": 62}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 5, "label": "F"}, {"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "183518-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There's plenty of parking, and I've never had an issue with audience members who won't stop talking or answering their cellphones.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 129}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 37, "target": 36, "label": "E"}, {"source": 27, "target": 29, "label": "H"}, {"source": 27, "target": 5, "label": "U"}, {"source": 34, "target": 19, "label": "D"}, {"source": 26, "target": 1, "label": "F"}, {"source": 36, "target": 23, "label": "A"}, {"source": 28, "target": 4, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 34, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 25, "label": "U"}, {"source": 37, "target": 24, "label": "C"}, {"source": 30, "target": 12, "label": "C"}, {"source": 35, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 9, "label": "T"}, {"source": 29, "target": 8, "label": "F"}, {"source": 33, "target": 35, "label": "H"}, {"source": 32, "target": 15, "label": "P"}, {"source": 26, "target": 28, "label": "P"}, {"source": 26, "target": 0, "label": "F"}, {"source": 29, "target": 10, "label": "F"}, {"source": 31, "target": 33, "label": "E"}, {"source": 33, "target": 34, "label": "H"}, {"source": 32, "target": 14, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 29, "target": 7, "label": "A"}, {"source": 33, "target": 21, "label": "L"}, {"source": 28, "target": 3, "label": "R"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 11, "label": "F"}, {"source": 27, "target": 6, "label": "L"}, {"source": 36, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 9, "label": "D"}, {"source": 31, "target": 13, "label": "R"}, {"source": 31, "target": 32, "label": "C"}, {"source": 26, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 34, "target": 20, "label": "P"}, {"source": 35, "target": 22, "label": "P"}, {"source": 33, "target": 16, "label": "R"}, {"source": 36, "target": 23, "label": "S"}, {"source": 34, "target": 18, "label": "D"}]} +{"id": "183518-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best of all, there are no ads!!!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "L"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 1, "label": "U"}]} +{"id": "183518-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just previews and the main feature.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 8, "target": 0, "label": "S"}, {"source": 11, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "S"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 2, "label": "N"}, {"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}, {"source": 8, "target": 10, "label": "A"}, {"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "183518-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Expect to pay full price, and the theatres themselves are on the small side.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}, {"from": 61, "to": 64}, {"from": 65, "to": 70}, {"from": 71, "to": 75}]}, {"id": 12, "anchors": [{"from": 75, "to": 76}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 2, "label": "C"}, {"source": 15, "target": 1, "label": "R"}, {"source": 13, "target": 4, "label": "A"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 5, "label": "U"}, {"source": 17, "target": 11, "label": "S"}, {"source": 14, "target": 17, "label": "H"}, {"source": 14, "target": 6, "label": "L"}, {"source": 17, "target": 10, "label": "F"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 15, "label": "P"}, {"source": 13, "target": 0, "label": "D"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "183518-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But if you like going to the movies, you should love Bowtie.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 2, "label": "A"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "S"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 12, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 14, "target": 1, "label": "L"}, {"source": 15, "target": 3, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 18, "label": "H"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "183518-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The mangers also play a classic movies on Sundays, you can get a beer in the lobby, and repeat customers can get discounts if they have a member card.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 150}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 43, "target": 22, "label": "D"}, {"source": 45, "target": 28, "label": "F"}, {"source": 35, "target": 18, "label": "U"}, {"source": 44, "target": 45, "label": "A"}, {"source": 36, "target": 37, "label": "E"}, {"source": 33, "target": 0, "label": "F"}, {"source": 35, "target": 44, "label": "H"}, {"source": 45, "target": 30, "label": "C"}, {"source": 33, "target": 1, "label": "C"}, {"source": 39, "target": 10, "label": "A"}, {"source": 35, "target": 25, "label": "L"}, {"source": 35, "target": 9, "label": "U"}, {"source": 39, "target": 11, "label": "D"}, {"source": 43, "target": 23, "label": "P"}, {"source": 35, "target": 19, "label": "L"}, {"source": 41, "target": 17, "label": "C"}, {"source": 37, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 27, "label": "S"}, {"source": 34, "target": 38, "label": "T"}, {"source": 32, "target": 33, "label": "P"}, {"source": 38, "target": 7, "label": "R"}, {"source": 36, "target": 4, "label": "F"}, {"source": 43, "target": 24, "label": "A"}, {"source": 35, "target": 43, "label": "H"}, {"source": 42, "target": 21, "label": "P"}, {"source": 34, "target": 2, "label": "D"}, {"source": 39, "target": 12, "label": "P"}, {"source": 35, "target": 39, "label": "H"}, {"source": 44, "target": 26, "label": "A"}, {"source": 36, "target": 6, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 40, "target": 14, "label": "C"}, {"source": 45, "target": 31, "label": "U"}, {"source": 43, "target": 42, "label": "A"}, {"source": 40, "target": 13, "label": "F"}, {"source": 39, "target": 41, "label": "A"}, {"source": 45, "target": 29, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 15, "label": "R"}, {"source": 38, "target": 8, "label": "C"}, {"source": 37, "target": 5, "label": "S"}, {"source": 34, "target": 32, "label": "A"}, {"source": 34, "target": 3, "label": "P"}, {"source": 41, "target": 16, "label": "F"}, {"source": 35, "target": 34, "label": "H"}, {"source": 42, "target": 20, "label": "D"}]} +{"id": "183518-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A great cinema in a great location.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "S"}, {"source": 8, "target": 1, "label": "S"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 8, "label": "H"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "183518-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you, Bowtie!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 2, "label": "G"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "184290-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "wow wow wow.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "184290-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "the bast cab in minneapolis", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "A"}, {"source": 5, "target": 0, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 5, "label": "S"}, {"source": 7, "target": 2, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "184731-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The World's Fair museum was pretty cool.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 9, "to": 11}, {"from": 12, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "185045-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rcommended by bees, too!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 8, "target": 1, "label": "R"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "P"}]} +{"id": "185045-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "185045-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Joe removed a wasp nest for our condominium building and we appreciated the environmentally friendly method and prompt, friendly and informative service.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 100}]}, {"id": 15, "anchors": [{"from": 101, "to": 107}]}, {"id": 16, "anchors": [{"from": 108, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 118}]}, {"id": 18, "anchors": [{"from": 118, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 128}]}, {"id": 20, "anchors": [{"from": 129, "to": 132}]}, {"id": 21, "anchors": [{"from": 133, "to": 144}]}, {"id": 22, "anchors": [{"from": 145, "to": 152}]}, {"id": 23, "anchors": [{"from": 152, "to": 153}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 11, "label": "P"}, {"source": 34, "target": 21, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 10, "label": "A"}, {"source": 25, "target": 9, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 31, "target": 15, "label": "C"}, {"source": 32, "target": 16, "label": "L"}, {"source": 32, "target": 35, "label": "H"}, {"source": 32, "target": 30, "label": "H"}, {"source": 35, "target": 34, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 7, "label": "E"}, {"source": 30, "target": 33, "label": "D"}, {"source": 33, "target": 14, "label": "C"}, {"source": 34, "target": 18, "label": "U"}, {"source": 30, "target": 31, "label": "P"}, {"source": 28, "target": 6, "label": "S"}, {"source": 34, "target": 17, "label": "C"}, {"source": 27, "target": 5, "label": "R"}, {"source": 34, "target": 19, "label": "C"}, {"source": 24, "target": 1, "label": "P"}, {"source": 29, "target": 32, "label": "A"}, {"source": 28, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 8, "label": "C"}, {"source": 34, "target": 20, "label": "N"}, {"source": 27, "target": 28, "label": "E"}, {"source": 35, "target": 22, "label": "P"}, {"source": 26, "target": 2, "label": "F"}, {"source": 35, "target": 23, "label": "U"}, {"source": 31, "target": 12, "label": "F"}, {"source": 33, "target": 13, "label": "E"}]} +{"id": "185045-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No spraying of pesticides!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "185045-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very professional.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "185045-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Reasonable rate.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "185045-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We highly recommend Joe and his wasp removal service to individual home owners and condos.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 89}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 12, "label": "S"}, {"source": 17, "target": 1, "label": "D"}, {"source": 22, "target": 12, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 13, "label": "N"}, {"source": 17, "target": 21, "label": "A"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 6, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 22, "target": 11, "label": "A"}, {"source": 18, "target": 4, "label": "N"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 5, "label": "A"}, {"source": 22, "target": 10, "label": "D"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "185045-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He knows his bees!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}]} +{"id": "185045-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Suzanne, Vancouver", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}]} +{"id": "186135-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Too Expensive", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "186135-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food's okay, but the price is outrageous.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 9, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "186235-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "wow, the representative went way above and beyond in helping me with my account set up.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}, {"from": 84, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 87}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 21, "label": "A"}, {"source": 17, "target": 18, "label": "S"}, {"source": 19, "target": 4, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 23, "target": 22, "label": "E"}, {"source": 21, "target": 10, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 20, "label": "P"}, {"source": 16, "target": 19, "label": "D"}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 22, "target": 11, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 23, "target": 12, "label": "C"}, {"source": 21, "target": 13, "label": "P"}, {"source": 16, "target": 0, "label": "G"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "186235-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i wish the other utilities i had to set up had people to work with like this..", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}, {"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 22, "target": 10, "label": "F"}, {"source": 18, "target": 20, "label": "E"}, {"source": 23, "target": 9, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 24, "label": "E"}, {"source": 20, "target": 5, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 8, "label": "S"}, {"source": 20, "target": 7, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 22, "target": 11, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 24, "target": 14, "label": "C"}, {"source": 17, "target": 1, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "U"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 6, "label": "D"}]} +{"id": "186275-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": ":)", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "186275-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will gladly recommend you to anyone in need of or looking for a good florist.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 4, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 23, "target": 26, "label": "P"}, {"source": 23, "target": 14, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 24, "target": 11, "label": "P"}, {"source": 18, "target": 2, "label": "D"}, {"source": 23, "target": 9, "label": "R"}, {"source": 26, "target": 13, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 25, "target": 15, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "S"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 18, "target": 1, "label": "F"}, {"source": 25, "target": 12, "label": "R"}, {"source": 23, "target": 26, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "H"}, {"source": 25, "target": 14, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "186284-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Superb Arrangements", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 19}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "186284-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used Fancy Flowers for my late husband's funeral flowers as they had been recommended to me.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}, {"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 22, "target": 8, "label": "P"}, {"source": 18, "target": 2, "label": "A"}, {"source": 21, "target": 4, "label": "A"}, {"source": 19, "target": 10, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "R"}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 24, "target": 16, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 22, "label": "E"}, {"source": 23, "target": 14, "label": "P"}, {"source": 21, "target": 7, "label": "R"}, {"source": 21, "target": 5, "label": "D"}, {"source": 23, "target": 11, "label": "A"}, {"source": 21, "target": 6, "label": "S"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "186284-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am so glad that I called in to see Ana, she is a lovely girl who showed nothing but care and compassion towards me.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 45}]}, {"id": 13, "anchors": [{"from": 46, "to": 48}]}, {"id": 14, "anchors": [{"from": 49, "to": 50}]}, {"id": 15, "anchors": [{"from": 51, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 66}]}, {"id": 18, "anchors": [{"from": 67, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 116}]}, {"id": 26, "anchors": [{"from": 116, "to": 117}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 37, "target": 25, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 2, "label": "D"}, {"source": 36, "target": 35, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 20, "label": "R"}, {"source": 28, "target": 34, "label": "H"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 21, "label": "S"}, {"source": 29, "target": 7, "label": "D"}, {"source": 28, "target": 22, "label": "L"}, {"source": 28, "target": 30, "label": "H"}, {"source": 37, "target": 24, "label": "R"}, {"source": 29, "target": 6, "label": "P"}, {"source": 28, "target": 17, "label": "L"}, {"source": 27, "target": 1, "label": "F"}, {"source": 29, "target": 4, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 14, "label": "F"}, {"source": 36, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 18, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 10, "label": "A"}, {"source": 34, "target": 37, "label": "A"}, {"source": 31, "target": 12, "label": "A"}, {"source": 34, "target": 35, "label": "D"}, {"source": 28, "target": 11, "label": "U"}, {"source": 35, "target": 19, "label": "C"}, {"source": 31, "target": 13, "label": "S"}, {"source": 27, "target": 29, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 33, "target": 15, "label": "S"}, {"source": 28, "target": 31, "label": "H"}, {"source": 28, "target": 36, "label": "H"}, {"source": 37, "target": 26, "label": "U"}, {"source": 34, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "S"}, {"source": 30, "target": 9, "label": "P"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 5, "label": "A"}, {"source": 28, "target": 8, "label": "L"}, {"source": 36, "target": 23, "label": "S"}, {"source": 34, "target": 18, "label": "D"}]} +{"id": "186284-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The flowers were all that I hoped they would be, I have attended several funerals of late unfortunately and the flowers I recieved from Ana outshone them all.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 153}]}, {"id": 28, "anchors": [{"from": 154, "to": 157}]}, {"id": 29, "anchors": [{"from": 157, "to": 158}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 34, "target": 18, "label": "G"}, {"source": 38, "target": 22, "label": "A"}, {"source": 41, "target": 28, "label": "Q"}, {"source": 40, "target": 24, "label": "R"}, {"source": 32, "target": 10, "label": "U"}, {"source": 33, "target": 9, "label": "S"}, {"source": 30, "target": 1, "label": "C"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 5, "label": "A"}, {"source": 32, "target": 19, "label": "L"}, {"source": 39, "target": 26, "label": "P"}, {"source": 41, "target": 29, "label": "U"}, {"source": 32, "target": 34, "label": "H"}, {"source": 38, "target": 37, "label": "A"}, {"source": 34, "target": 12, "label": "F"}, {"source": 41, "target": 27, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 39, "label": "H"}, {"source": 35, "target": 14, "label": "Q"}, {"source": 33, "target": 7, "label": "A"}, {"source": 31, "target": 30, "label": "A"}, {"source": 31, "target": 3, "label": "D"}, {"source": 37, "target": 21, "label": "C"}, {"source": 39, "target": 38, "label": "A"}, {"source": 35, "target": 15, "label": "C"}, {"source": 31, "target": 6, "label": "P"}, {"source": 31, "target": 2, "label": "F"}, {"source": 36, "target": 17, "label": "C"}, {"source": 30, "target": 0, "label": "F"}, {"source": 36, "target": 16, "label": "R"}, {"source": 34, "target": 13, "label": "P"}, {"source": 31, "target": 4, "label": "F"}, {"source": 40, "target": 25, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 37, "target": 20, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 36, "label": "T"}, {"source": 33, "target": 8, "label": "D"}, {"source": 38, "target": 40, "label": "A"}, {"source": 34, "target": 11, "label": "A"}, {"source": 38, "target": 23, "label": "P"}]} +{"id": "186284-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She is so talented, the flowers were arranged superbly and delicately, it is so obvious to see the difference between someone fully trained and skilled compared to others.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}, {"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 143}]}, {"id": 25, "anchors": [{"from": 144, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 160}]}, {"id": 27, "anchors": [{"from": 161, "to": 163}]}, {"id": 28, "anchors": [{"from": 164, "to": 170}]}, {"id": 29, "anchors": [{"from": 170, "to": 171}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 36, "target": 19, "label": "C"}, {"source": 31, "target": 35, "label": "H"}, {"source": 42, "target": 29, "label": "U"}, {"source": 41, "target": 25, "label": "S"}, {"source": 41, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 17, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 35, "target": 15, "label": "G"}, {"source": 38, "target": 40, "label": "E"}, {"source": 33, "target": 32, "label": "A"}, {"source": 31, "target": 12, "label": "U"}, {"source": 34, "target": 11, "label": "C"}, {"source": 38, "target": 21, "label": "C"}, {"source": 40, "target": 24, "label": "L"}, {"source": 31, "target": 33, "label": "H"}, {"source": 34, "target": 10, "label": "N"}, {"source": 36, "target": 18, "label": "F"}, {"source": 34, "target": 9, "label": "C"}, {"source": 30, "target": 3, "label": "S"}, {"source": 31, "target": 4, "label": "U"}, {"source": 30, "target": 1, "label": "F"}, {"source": 37, "target": 42, "label": "C"}, {"source": 32, "target": 5, "label": "F"}, {"source": 42, "target": 28, "label": "C"}, {"source": 35, "target": 14, "label": "F"}, {"source": 33, "target": 8, "label": "P"}, {"source": 35, "target": 37, "label": "A"}, {"source": 30, "target": 2, "label": "D"}, {"source": 42, "target": 27, "label": "R"}, {"source": 39, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 23, "label": "P"}, {"source": 39, "target": 22, "label": "D"}, {"source": 33, "target": 7, "label": "F"}, {"source": 33, "target": 34, "label": "D"}, {"source": 37, "target": 20, "label": "N"}, {"source": 32, "target": 6, "label": "C"}, {"source": 35, "target": 16, "label": "F"}, {"source": 35, "target": 36, "label": "P"}, {"source": 40, "target": 39, "label": "H"}, {"source": 40, "target": 41, "label": "H"}, {"source": 37, "target": 38, "label": "C"}, {"source": 35, "target": 13, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 37, "target": 26, "label": "N"}]} +{"id": "186284-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you Ana I hope to see you in the future under better circumstances.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 8, "label": "F"}, {"source": 17, "target": 18, "label": "T"}, {"source": 16, "target": 3, "label": "S"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 0, "label": "P"}, {"source": 19, "target": 11, "label": "E"}]} +{"id": "187163-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Linda", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "187163-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I would highly recommend Landscape by Hiro.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 34}, {"from": 35, "to": 37}, {"from": 38, "to": 42}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "187163-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent customer service and quality work.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 1, "label": "S"}, {"source": 7, "target": 0, "label": "D"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 4, "label": "D"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "P"}, {"source": 10, "target": 5, "label": "P"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "187266-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wish this was in Saratoga--", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "187266-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were introduced to Bistro Tallulah by traveler-professional diner who happens to own the Adelphi Hotel and travels the world-- and residing in Paris,London, New York the rest of the year.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 99}, {"from": 100, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 109}]}, {"id": 17, "anchors": [{"from": 110, "to": 117}]}, {"id": 18, "anchors": [{"from": 118, "to": 121}]}, {"id": 19, "anchors": [{"from": 122, "to": 127}]}, {"id": 20, "anchors": [{"from": 127, "to": 129}]}, {"id": 21, "anchors": [{"from": 130, "to": 133}]}, {"id": 22, "anchors": [{"from": 134, "to": 142}]}, {"id": 23, "anchors": [{"from": 143, "to": 145}]}, {"id": 24, "anchors": [{"from": 146, "to": 151}]}, {"id": 25, "anchors": [{"from": 151, "to": 152}]}, {"id": 26, "anchors": [{"from": 152, "to": 158}]}, {"id": 27, "anchors": [{"from": 158, "to": 159}]}, {"id": 28, "anchors": [{"from": 160, "to": 163}, {"from": 164, "to": 168}]}, {"id": 29, "anchors": [{"from": 169, "to": 172}]}, {"id": 30, "anchors": [{"from": 173, "to": 177}]}, {"id": 31, "anchors": [{"from": 178, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 184}]}, {"id": 33, "anchors": [{"from": 185, "to": 189}]}, {"id": 34, "anchors": [{"from": 189, "to": 190}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 43, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 30, "label": "E"}, {"source": 47, "target": 34, "label": "U"}, {"source": 39, "target": 9, "label": "A"}, {"source": 42, "target": 15, "label": "C"}, {"source": 37, "target": 4, "label": "C"}, {"source": 41, "target": 11, "label": "G"}, {"source": 45, "target": 47, "label": "T"}, {"source": 37, "target": 3, "label": "R"}, {"source": 43, "target": 17, "label": "P"}, {"source": 38, "target": 40, "label": "E"}, {"source": 47, "target": 29, "label": "F"}, {"source": 40, "target": 21, "label": "L"}, {"source": 36, "target": 38, "label": "A"}, {"source": 38, "target": 6, "label": "C"}, {"source": 40, "target": 45, "label": "H"}, {"source": 38, "target": 7, "label": "U"}, {"source": 36, "target": 1, "label": "F"}, {"source": 45, "target": 22, "label": "S"}, {"source": 36, "target": 2, "label": "P"}, {"source": 38, "target": 5, "label": "R"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 10, "label": "L"}, {"source": 46, "target": 27, "label": "U"}, {"source": 47, "target": 33, "label": "C"}, {"source": 44, "target": 19, "label": "C"}, {"source": 46, "target": 25, "label": "U"}, {"source": 40, "target": 20, "label": "U"}, {"source": 47, "target": 31, "label": "R"}, {"source": 41, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 16, "label": "L"}, {"source": 39, "target": 8, "label": "D"}, {"source": 44, "target": 18, "label": "F"}, {"source": 36, "target": 0, "label": "A"}, {"source": 46, "target": 28, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 45, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 23, "label": "R"}, {"source": 40, "target": 43, "label": "H"}, {"source": 36, "target": 37, "label": "A"}, {"source": 39, "target": 9, "label": "P"}, {"source": 41, "target": 13, "label": "S"}, {"source": 40, "target": 39, "label": "H"}, {"source": 40, "target": 41, "label": "H"}, {"source": 41, "target": 12, "label": "F"}, {"source": 47, "target": 32, "label": "F"}, {"source": 46, "target": 26, "label": "C"}, {"source": 42, "target": 14, "label": "F"}, {"source": 46, "target": 24, "label": "C"}]} +{"id": "187266-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "SHE KNOWS GREAT FOOD AND DINING EXPERIENCES.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 2, "label": "S"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 13, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 11, "label": "A"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "187266-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She was dead on-- this restaurant was wonderful--- do not be put off by the one negative review on this page.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}, {"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 21, "label": "U"}, {"source": 26, "target": 12, "label": "P"}, {"source": 25, "target": 6, "label": "F"}, {"source": 27, "target": 14, "label": "F"}, {"source": 27, "target": 13, "label": "R"}, {"source": 27, "target": 29, "label": "E"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 8, "label": "U"}, {"source": 26, "target": 11, "label": "F"}, {"source": 23, "target": 3, "label": "U"}, {"source": 29, "target": 20, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 26, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 29, "target": 19, "label": "E"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 4, "label": "E"}, {"source": 27, "target": 15, "label": "Q"}, {"source": 24, "target": 5, "label": "C"}, {"source": 25, "target": 7, "label": "S"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 16, "label": "S"}, {"source": 29, "target": 18, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "F"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "187266-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I can tell you we were pleasantly surprised -- BT has taste memory and each time back the food was consistently delicious -- same dishes -- were consistent.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}, {"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 155}]}, {"id": 27, "anchors": [{"from": 155, "to": 156}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 7, "label": "S"}, {"source": 29, "target": 21, "label": "U"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 10, "label": "F"}, {"source": 28, "target": 1, "label": "D"}, {"source": 29, "target": 37, "label": "H"}, {"source": 33, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 9, "label": "A"}, {"source": 31, "target": 12, "label": "S"}, {"source": 34, "target": 16, "label": "F"}, {"source": 35, "target": 20, "label": "S"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 22, "label": "E"}, {"source": 30, "target": 4, "label": "A"}, {"source": 28, "target": 3, "label": "A"}, {"source": 35, "target": 34, "label": "A"}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 8, "label": "U"}, {"source": 30, "target": 6, "label": "D"}, {"source": 32, "target": 11, "label": "P"}, {"source": 37, "target": 24, "label": "U"}, {"source": 34, "target": 17, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 37, "target": 25, "label": "F"}, {"source": 29, "target": 14, "label": "L"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 13, "label": "L"}, {"source": 36, "target": 23, "label": "C"}, {"source": 33, "target": 15, "label": "D"}, {"source": 35, "target": 18, "label": "F"}, {"source": 37, "target": 36, "label": "A"}, {"source": 28, "target": 2, "label": "P"}, {"source": 37, "target": 26, "label": "S"}, {"source": 35, "target": 19, "label": "D"}, {"source": 37, "target": 27, "label": "U"}, {"source": 29, "target": 35, "label": "H"}, {"source": 30, "target": 5, "label": "F"}, {"source": 29, "target": 31, "label": "H"}]} +{"id": "187266-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our friend is a world traveler and loves unpretentious dining experiences and inspired food.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 91}]}, {"id": 14, "anchors": [{"from": 91, "to": 92}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 8, "label": "D"}, {"source": 22, "target": 9, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "H"}, {"source": 16, "target": 4, "label": "A"}, {"source": 21, "target": 11, "label": "L"}, {"source": 17, "target": 6, "label": "L"}, {"source": 21, "target": 23, "label": "H"}, {"source": 16, "target": 18, "label": "S"}, {"source": 19, "target": 7, "label": "S"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 22, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 15, "target": 1, "label": "S"}, {"source": 23, "target": 12, "label": "S"}, {"source": 23, "target": 14, "label": "U"}, {"source": 23, "target": 13, "label": "A"}, {"source": 15, "target": 1, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "187266-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This chef knows what he is doing.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 8, "target": 9, "label": "S"}, {"source": 12, "target": 3, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 8, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "187266-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Treat yourself and go-- you will go back!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 3, "label": "U"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "D"}, {"source": 11, "target": 2, "label": "P"}, {"source": 10, "target": 1, "label": "L"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "187266-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am a business owner in downtown Saratoga Springs and wish this restaurant was in our town!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}, {"from": 43, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 8, "label": "L"}, {"source": 17, "target": 20, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 23, "target": 13, "label": "S"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 9, "label": "S"}, {"source": 23, "target": 22, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "S"}]} +{"id": "187266-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The affordable rent makes it possible for an inspired chef to serve his high quality fare at affordable prices!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 110}]}, {"id": 19, "anchors": [{"from": 110, "to": 111}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 3, "label": "D"}, {"source": 24, "target": 28, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 28, "target": 29, "label": "E"}, {"source": 30, "target": 13, "label": "E"}, {"source": 24, "target": 10, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 31, "target": 17, "label": "E"}, {"source": 24, "target": 11, "label": "P"}, {"source": 23, "target": 4, "label": "F"}, {"source": 31, "target": 18, "label": "C"}, {"source": 27, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "S"}, {"source": 31, "target": 19, "label": "U"}, {"source": 29, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 0, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 20, "label": "A"}, {"source": 31, "target": 16, "label": "R"}, {"source": 20, "target": 1, "label": "D"}, {"source": 21, "target": 2, "label": "C"}, {"source": 25, "target": 8, "label": "D"}, {"source": 28, "target": 27, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 23, "target": 5, "label": "S"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 31, "label": "A"}, {"source": 24, "target": 6, "label": "R"}, {"source": 20, "target": 21, "label": "P"}, {"source": 26, "target": 7, "label": "F"}, {"source": 26, "target": 9, "label": "C"}, {"source": 30, "target": 14, "label": "C"}]} +{"id": "187266-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Unlike Saratoga.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "187266-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I rrly seek the cehf out to introduce myself-- but the second time we went-- i made a point of asking our wait person to introduce my friend and myself to the chef to tell him just how good our meals were.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}, {"from": 84, "to": 85}, {"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 175}]}, {"id": 36, "anchors": [{"from": 176, "to": 180}]}, {"id": 37, "anchors": [{"from": 181, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 189}]}, {"id": 39, "anchors": [{"from": 190, "to": 193}]}, {"id": 40, "anchors": [{"from": 194, "to": 199}]}, {"id": 41, "anchors": [{"from": 200, "to": 204}]}, {"id": 42, "anchors": [{"from": 204, "to": 205}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 44, "target": 16, "label": "U"}, {"source": 44, "target": 48, "label": "H"}, {"source": 53, "target": 55, "label": "A"}, {"source": 59, "target": 61, "label": "A"}, {"source": 48, "target": 8, "label": "A"}, {"source": 46, "target": 47, "label": "S"}, {"source": 43, "target": 45, "label": "P"}, {"source": 53, "target": 24, "label": "R"}, {"source": 50, "target": 15, "label": "P"}, {"source": 44, "target": 10, "label": "L"}, {"source": 43, "target": 46, "label": "A"}, {"source": 44, "target": 51, "label": "H"}, {"source": 61, "target": 40, "label": "C"}, {"source": 44, "target": 6, "label": "L"}, {"source": 44, "target": 9, "label": "U"}, {"source": 53, "target": 25, "label": "P"}, {"source": 56, "target": 30, "label": "R"}, {"source": 53, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 33, "label": "L"}, {"source": 58, "target": 35, "label": "A"}, {"source": 55, "target": 54, "label": "C"}, {"source": 52, "target": 23, "label": "A"}, {"source": 57, "target": 31, "label": "F"}, {"source": 58, "target": 55, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 32, "label": "C"}, {"source": 45, "target": 5, "label": "F"}, {"source": 49, "target": 12, "label": "Q"}, {"source": 58, "target": 59, "label": "A"}, {"source": 59, "target": 37, "label": "D"}, {"source": 52, "target": 21, "label": "A"}, {"source": 45, "target": 2, "label": "C"}, {"source": 51, "target": 20, "label": "P"}, {"source": 51, "target": 17, "label": "A"}, {"source": 44, "target": 50, "label": "H"}, {"source": 51, "target": 18, "label": "D"}, {"source": 59, "target": 38, "label": "S"}, {"source": 55, "target": 28, "label": "N"}, {"source": 54, "target": 27, "label": "A"}, {"source": 59, "target": 42, "label": "U"}, {"source": 56, "target": 57, "label": "S"}, {"source": 59, "target": 41, "label": "F"}, {"source": 53, "target": 56, "label": "A"}, {"source": 43, "target": 0, "label": "A"}, {"source": 54, "target": 26, "label": "A"}, {"source": 61, "target": 60, "label": "E"}, {"source": 54, "target": 27, "label": "S"}, {"source": 47, "target": 3, "label": "F"}, {"source": 48, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 1, "label": "T"}, {"source": 55, "target": 29, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 44, "target": 43, "label": "H"}, {"source": 49, "target": 11, "label": "F"}, {"source": 49, "target": 13, "label": "C"}, {"source": 60, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 53, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 48, "target": 7, "label": "P"}, {"source": 58, "target": 34, "label": "P"}, {"source": 59, "target": 36, "label": "G"}, {"source": 60, "target": 39, "label": "S"}, {"source": 56, "target": 57, "label": "A"}, {"source": 47, "target": 4, "label": "C"}, {"source": 52, "target": 22, "label": "S"}, {"source": 50, "target": 49, "label": "D"}, {"source": 50, "target": 14, "label": "A"}, {"source": 44, "target": 58, "label": "H"}, {"source": 51, "target": 19, "label": "F"}]} +{"id": "187266-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cannot wait to go gain.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "187266-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "-R. Morris .", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}, {"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}], "edges": [{"source": 1, "target": 0, "label": "U"}, {"source": 3, "target": 2, "label": "U"}, {"source": 3, "target": 1, "label": "H"}]} +{"id": "187875-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "BAD COFFEE, DONT BOTHER!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 2, "label": "U"}]} +{"id": "187875-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Can't you make a decent cup of coffee?", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 0, "label": "D"}, {"source": 12, "target": 7, "label": "R"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "S"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 3, "label": "P"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 8, "label": "C"}]} +{"id": "187875-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You charge SO MUCH, yet you use the same grounds over and over again.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 13, "label": "C"}, {"source": 22, "target": 21, "label": "E"}, {"source": 20, "target": 10, "label": "C"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 22, "label": "D"}, {"source": 17, "target": 5, "label": "L"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 12, "label": "N"}, {"source": 19, "target": 6, "label": "A"}, {"source": 20, "target": 8, "label": "F"}, {"source": 17, "target": 4, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 9, "label": "E"}]} +{"id": "187875-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The coffee taste BURNT and very bitter.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 8, "label": "A"}, {"source": 9, "target": 2, "label": "G"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "L"}, {"source": 8, "target": 0, "label": "F"}, {"source": 11, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "S"}, {"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "187875-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No amount of sugar and milk can mask it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "N"}, {"source": 12, "target": 7, "label": "P"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 1, "label": "Q"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 10, "label": "D"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "D"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "187875-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "CHANGE THE PROCESS, PPL!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 4, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "P"}]} +{"id": "187875-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Westfield and Rt 1 do it well, WHY CANT U????", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}, {"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 12, "target": 1, "label": "N"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 2, "label": "C"}, {"source": 16, "target": 10, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 4, "label": "A"}, {"source": 16, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "D"}, {"source": 13, "target": 5, "label": "D"}, {"source": 15, "target": 7, "label": "H"}, {"source": 12, "target": 0, "label": "C"}, {"source": 16, "target": 3, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "D"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "188382-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a great place to shop.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "E"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "S"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "188382-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've been a regular customer at this store since it opened, and love the fact that all of the employees are friendly locals.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 123}]}, {"id": 25, "anchors": [{"from": 123, "to": 124}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 27, "target": 13, "label": "L"}, {"source": 30, "target": 11, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 5, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 3, "label": "F"}, {"source": 29, "target": 6, "label": "R"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 24, "label": "S"}, {"source": 26, "target": 1, "label": "F"}, {"source": 29, "target": 8, "label": "C"}, {"source": 31, "target": 14, "label": "P"}, {"source": 27, "target": 9, "label": "L"}, {"source": 34, "target": 35, "label": "C"}, {"source": 32, "target": 15, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 24, "label": "A"}, {"source": 30, "target": 10, "label": "A"}, {"source": 27, "target": 12, "label": "U"}, {"source": 35, "target": 19, "label": "R"}, {"source": 36, "target": 20, "label": "F"}, {"source": 26, "target": 29, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 17, "label": "R"}, {"source": 36, "target": 21, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 35, "target": 36, "label": "S"}, {"source": 27, "target": 31, "label": "H"}, {"source": 33, "target": 22, "label": "F"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 7, "label": "E"}, {"source": 33, "target": 23, "label": "D"}, {"source": 26, "target": 2, "label": "F"}, {"source": 26, "target": 28, "label": "S"}, {"source": 34, "target": 18, "label": "Q"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 4, "label": "D"}]} +{"id": "188382-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Particularly the lady who operates the front register, she's very kind!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 11, "label": "D"}, {"source": 18, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 12, "label": "S"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 14, "target": 19, "label": "H"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "188461-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Totally flavored", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "188461-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The statement about \"best hamburguers in town\" can be even amplifiaed to \"best hamburguers in world\" Totally worth, juicy, big, fresh, and excellent customer service!", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 165}]}, {"id": 33, "anchors": [{"from": 165, "to": 166}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 37, "target": 3, "label": "U"}, {"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 14, "label": "U"}, {"source": 36, "target": 44, "label": "H"}, {"source": 35, "target": 8, "label": "U"}, {"source": 36, "target": 43, "label": "H"}, {"source": 35, "target": 9, "label": "D"}, {"source": 36, "target": 28, "label": "U"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 11, "label": "D"}, {"source": 37, "target": 2, "label": "R"}, {"source": 37, "target": 38, "label": "A"}, {"source": 45, "target": 32, "label": "P"}, {"source": 46, "target": 31, "label": "A"}, {"source": 42, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 5, "label": "A"}, {"source": 38, "target": 6, "label": "R"}, {"source": 36, "target": 41, "label": "H"}, {"source": 36, "target": 19, "label": "U"}, {"source": 36, "target": 22, "label": "U"}, {"source": 35, "target": 34, "label": "A"}, {"source": 38, "target": 7, "label": "C"}, {"source": 44, "target": 27, "label": "S"}, {"source": 40, "target": 17, "label": "R"}, {"source": 36, "target": 26, "label": "U"}, {"source": 37, "target": 4, "label": "S"}, {"source": 41, "target": 21, "label": "S"}, {"source": 36, "target": 42, "label": "H"}, {"source": 41, "target": 20, "label": "D"}, {"source": 40, "target": 18, "label": "C"}, {"source": 39, "target": 13, "label": "R"}, {"source": 46, "target": 31, "label": "S"}, {"source": 34, "target": 37, "label": "E"}, {"source": 35, "target": 39, "label": "A"}, {"source": 36, "target": 29, "label": "L"}, {"source": 42, "target": 23, "label": "S"}, {"source": 44, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 12, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 25, "label": "S"}, {"source": 36, "target": 35, "label": "H"}, {"source": 36, "target": 24, "label": "U"}, {"source": 36, "target": 45, "label": "H"}, {"source": 35, "target": 10, "label": "F"}, {"source": 45, "target": 30, "label": "D"}, {"source": 34, "target": 0, "label": "F"}, {"source": 34, "target": 1, "label": "C"}, {"source": 39, "target": 16, "label": "A"}, {"source": 45, "target": 33, "label": "U"}, {"source": 39, "target": 15, "label": "S"}]} +{"id": "188548-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Good food, good wait staff, poor management", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 8, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 7, "label": "D"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 13, "label": "H"}, {"source": 10, "target": 2, "label": "U"}, {"source": 11, "target": 12, "label": "P"}, {"source": 13, "target": 8, "label": "S"}, {"source": 9, "target": 0, "label": "S"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "188548-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We visited on 7/26/08 for dinner We received a gift certificate for the Mama Mia's on Greenfield Ave.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 80}, {"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 96}, {"from": 97, "to": 100}]}, {"id": 16, "anchors": [{"from": 100, "to": 101}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 20, "target": 4, "label": "R"}, {"source": 25, "target": 16, "label": "U"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 24, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 11, "label": "R"}, {"source": 25, "target": 15, "label": "C"}, {"source": 21, "target": 6, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 22, "target": 8, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 25, "label": "E"}, {"source": 17, "target": 1, "label": "P"}, {"source": 24, "target": 12, "label": "F"}, {"source": 25, "target": 14, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "T"}, {"source": 19, "target": 2, "label": "R"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "188548-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food was good, and so was our waitress.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 3, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 15, "target": 8, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 5, "label": "L"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "A"}]} +{"id": "188548-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When it came time to pay the bill up front, they would not let me use any of the certificate for a tip (which I have done with any other restaurant I've gotten a gift certificate for.)", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}, {"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24, "anchors": [{"from": 104, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 130}]}, {"id": 30, "anchors": [{"from": 131, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 149}]}, {"id": 33, "anchors": [{"from": 149, "to": 152}]}, {"id": 34, "anchors": [{"from": 153, "to": 159}]}, {"id": 35, "anchors": [{"from": 160, "to": 161}]}, {"id": 36, "anchors": [{"from": 162, "to": 166}]}, {"id": 37, "anchors": [{"from": 167, "to": 178}]}, {"id": 38, "anchors": [{"from": 179, "to": 182}]}, {"id": 39, "anchors": [{"from": 182, "to": 183}]}, {"id": 40, "anchors": [{"from": 183, "to": 184}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 42, "target": 4, "label": "F"}, {"source": 45, "target": 46, "label": "A"}, {"source": 52, "target": 35, "label": "F"}, {"source": 53, "target": 40, "label": "U"}, {"source": 46, "target": 18, "label": "F"}, {"source": 42, "target": 1, "label": "F"}, {"source": 50, "target": 30, "label": "E"}, {"source": 51, "target": 33, "label": "F"}, {"source": 52, "target": 37, "label": "C"}, {"source": 50, "target": 31, "label": "C"}, {"source": 53, "target": 38, "label": "R"}, {"source": 41, "target": 42, "label": "H"}, {"source": 45, "target": 15, "label": "P"}, {"source": 53, "target": 31, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 14, "label": "A"}, {"source": 45, "target": 11, "label": "D"}, {"source": 43, "target": 3, "label": "C"}, {"source": 53, "target": 39, "label": "U"}, {"source": 47, "target": 48, "label": "P"}, {"source": 45, "target": 10, "label": "A"}, {"source": 44, "target": 6, "label": "F"}, {"source": 42, "target": 8, "label": "A"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 29, "label": "E"}, {"source": 49, "target": 26, "label": "F"}, {"source": 51, "target": 32, "label": "A"}, {"source": 48, "target": 22, "label": "C"}, {"source": 44, "target": 7, "label": "C"}, {"source": 46, "target": 17, "label": "R"}, {"source": 41, "target": 23, "label": "U"}, {"source": 42, "target": 43, "label": "T"}, {"source": 45, "target": 47, "label": "A"}, {"source": 46, "target": 16, "label": "E"}, {"source": 45, "target": 13, "label": "D"}, {"source": 49, "target": 25, "label": "A"}, {"source": 51, "target": 34, "label": "P"}, {"source": 43, "target": 2, "label": "F"}, {"source": 48, "target": 21, "label": "F"}, {"source": 41, "target": 9, "label": "U"}, {"source": 51, "target": 53, "label": "A"}, {"source": 46, "target": 19, "label": "C"}, {"source": 51, "target": 52, "label": "A"}, {"source": 49, "target": 27, "label": "P"}, {"source": 52, "target": 36, "label": "E"}, {"source": 41, "target": 24, "label": "L"}, {"source": 50, "target": 51, "label": "E"}, {"source": 45, "target": 12, "label": "D"}, {"source": 50, "target": 28, "label": "R"}, {"source": 47, "target": 20, "label": "R"}, {"source": 41, "target": 49, "label": "H"}, {"source": 42, "target": 44, "label": "A"}, {"source": 41, "target": 0, "label": "L"}, {"source": 41, "target": 45, "label": "H"}, {"source": 42, "target": 5, "label": "P"}]} +{"id": "188548-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I then asked if I could have money back in cash.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 4, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "L"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 3, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "D"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "D"}, {"source": 16, "target": 10, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "188548-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The person went to go check with the manager, who was sitting at a table chatting with her friends who were eating there.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 23, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 27, "target": 9, "label": "U"}, {"source": 27, "target": 30, "label": "H"}, {"source": 29, "target": 8, "label": "C"}, {"source": 32, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 16, "label": "P"}, {"source": 30, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "F"}, {"source": 28, "target": 29, "label": "S"}, {"source": 27, "target": 32, "label": "H"}, {"source": 34, "target": 22, "label": "P"}, {"source": 31, "target": 14, "label": "F"}, {"source": 34, "target": 24, "label": "U"}, {"source": 34, "target": 21, "label": "F"}, {"source": 27, "target": 10, "label": "L"}, {"source": 33, "target": 19, "label": "A"}, {"source": 26, "target": 5, "label": "P"}, {"source": 33, "target": 17, "label": "R"}, {"source": 27, "target": 34, "label": "H"}, {"source": 25, "target": 1, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "F"}, {"source": 25, "target": 0, "label": "F"}, {"source": 28, "target": 6, "label": "R"}, {"source": 31, "target": 13, "label": "R"}, {"source": 26, "target": 2, "label": "D"}, {"source": 33, "target": 19, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 27, "target": 20, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 12, "label": "P"}, {"source": 33, "target": 18, "label": "A"}, {"source": 29, "target": 7, "label": "F"}]} +{"id": "188548-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Her answer was short and manner rather rude.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 3, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 6, "label": "G"}, {"source": 10, "target": 4, "label": "L"}, {"source": 11, "target": 7, "label": "D"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "188548-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sorry for interrupting I guess.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}, {"from": 25, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "G"}]} +{"id": "188548-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The cashier was also short, unapologetic and made me feel as I was wasting her time.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 12, "label": "A"}, {"source": 24, "target": 14, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 5, "label": "U"}, {"source": 20, "target": 4, "label": "S"}, {"source": 22, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 11, "label": "R"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "S"}, {"source": 23, "target": 10, "label": "S"}, {"source": 24, "target": 13, "label": "F"}, {"source": 23, "target": 9, "label": "A"}, {"source": 20, "target": 3, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 1, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 22, "target": 6, "label": "S"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "188548-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There were no other options available (I only brought my check card to cover any overage cost) and she rang it up and applied it to the gift card before telling me about the tip policy.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}, {"from": 111, "to": 113}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 173}]}, {"id": 35, "anchors": [{"from": 174, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 184}]}, {"id": 37, "anchors": [{"from": 184, "to": 185}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 48, "target": 27, "label": "F"}, {"source": 43, "target": 12, "label": "C"}, {"source": 38, "target": 5, "label": "S"}, {"source": 47, "target": 48, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 38, "target": 0, "label": "F"}, {"source": 45, "target": 15, "label": "E"}, {"source": 50, "target": 33, "label": "R"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 17, "label": "C"}, {"source": 43, "target": 11, "label": "E"}, {"source": 44, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 4, "label": "C"}, {"source": 47, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 36, "label": "C"}, {"source": 49, "target": 32, "label": "A"}, {"source": 41, "target": 8, "label": "D"}, {"source": 48, "target": 26, "label": "R"}, {"source": 46, "target": 21, "label": "P"}, {"source": 46, "target": 20, "label": "A"}, {"source": 38, "target": 2, "label": "D"}, {"source": 39, "target": 44, "label": "H"}, {"source": 46, "target": 22, "label": "A"}, {"source": 47, "target": 24, "label": "P"}, {"source": 41, "target": 43, "label": "A"}, {"source": 49, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 16, "label": "E"}, {"source": 49, "target": 31, "label": "P"}, {"source": 39, "target": 46, "label": "H"}, {"source": 39, "target": 30, "label": "L"}, {"source": 49, "target": 50, "label": "A"}, {"source": 39, "target": 47, "label": "H"}, {"source": 44, "target": 14, "label": "P"}, {"source": 43, "target": 42, "label": "E"}, {"source": 39, "target": 6, "label": "U"}, {"source": 39, "target": 19, "label": "L"}, {"source": 48, "target": 28, "label": "E"}, {"source": 51, "target": 35, "label": "P"}, {"source": 41, "target": 9, "label": "P"}, {"source": 48, "target": 29, "label": "C"}, {"source": 47, "target": 25, "label": "A"}, {"source": 39, "target": 41, "label": "H"}, {"source": 50, "target": 37, "label": "U"}, {"source": 42, "target": 10, "label": "S"}, {"source": 39, "target": 23, "label": "L"}, {"source": 41, "target": 7, "label": "A"}, {"source": 39, "target": 38, "label": "H"}, {"source": 40, "target": 3, "label": "E"}, {"source": 38, "target": 1, "label": "F"}, {"source": 39, "target": 13, "label": "L"}, {"source": 39, "target": 18, "label": "U"}, {"source": 50, "target": 51, "label": "E"}, {"source": 38, "target": 40, "label": "A"}, {"source": 50, "target": 34, "label": "F"}, {"source": 39, "target": 49, "label": "H"}]} +{"id": "188548-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I will not be visiting Mama Mia's again.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 31}, {"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "188548-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are other places with food just as good with management that values customers and employees much more.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 7, "label": "R"}, {"source": 23, "target": 25, "label": "H"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 9, "label": "R"}, {"source": 29, "target": 15, "label": "A"}, {"source": 30, "target": 16, "label": "E"}, {"source": 20, "target": 1, "label": "F"}, {"source": 22, "target": 6, "label": "D"}, {"source": 28, "target": 14, "label": "L"}, {"source": 24, "target": 8, "label": "C"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 15, "label": "S"}, {"source": 30, "target": 17, "label": "C"}, {"source": 25, "target": 30, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 13, "label": "S"}, {"source": 22, "target": 5, "label": "A"}, {"source": 26, "target": 10, "label": "S"}, {"source": 25, "target": 11, "label": "F"}, {"source": 30, "target": 18, "label": "U"}, {"source": 21, "target": 2, "label": "E"}, {"source": 27, "target": 13, "label": "A"}, {"source": 28, "target": 29, "label": "H"}, {"source": 19, "target": 20, "label": "H"}, {"source": 26, "target": 10, "label": "A"}, {"source": 20, "target": 0, "label": "S"}, {"source": 22, "target": 24, "label": "S"}, {"source": 28, "target": 27, "label": "H"}, {"source": 21, "target": 3, "label": "C"}, {"source": 22, "target": 4, "label": "R"}, {"source": 25, "target": 12, "label": "P"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "189171-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A most outstanding, professional firm.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 10, "target": 1, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "F"}, {"source": 10, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 10, "label": "H"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 4, "label": "S"}]} +{"id": "190256-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was thoroughly impressed!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "190256-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had a problem with the tile in my bathroom coming apart.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}, {"from": 52, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 10, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 6, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 18, "target": 8, "label": "S"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 4, "label": "R"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "S"}, {"source": 16, "target": 5, "label": "F"}, {"source": 14, "target": 3, "label": "C"}]} +{"id": "190256-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called a few different businesses in the area to get estimates , they weren't the cheapest I found but very reasonable.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 12, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 9, "label": "L"}, {"source": 29, "target": 13, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 32, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 19, "label": "P"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 3, "label": "Q"}, {"source": 32, "target": 22, "label": "S"}, {"source": 28, "target": 10, "label": "P"}, {"source": 30, "target": 16, "label": "F"}, {"source": 32, "target": 21, "label": "D"}, {"source": 27, "target": 7, "label": "F"}, {"source": 26, "target": 4, "label": "E"}, {"source": 29, "target": 30, "label": "S"}, {"source": 25, "target": 28, "label": "H"}, {"source": 26, "target": 5, "label": "C"}, {"source": 25, "target": 20, "label": "L"}, {"source": 30, "target": 17, "label": "C"}, {"source": 29, "target": 15, "label": "D"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 11, "label": "A"}, {"source": 31, "target": 18, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 24, "target": 1, "label": "P"}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 6, "label": "R"}, {"source": 27, "target": 8, "label": "C"}, {"source": 25, "target": 32, "label": "H"}, {"source": 29, "target": 14, "label": "F"}, {"source": 26, "target": 2, "label": "F"}]} +{"id": "190256-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best part is I got my whole bathroom remodeled for about the same price the other company's were quoting just to fix the shower tile and fixtures.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 149}]}, {"id": 26, "anchors": [{"from": 149, "to": 150}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 37, "target": 25, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 35, "target": 19, "label": "F"}, {"source": 33, "target": 15, "label": "C"}, {"source": 28, "target": 3, "label": "D"}, {"source": 33, "target": 14, "label": "E"}, {"source": 34, "target": 17, "label": "P"}, {"source": 35, "target": 20, "label": "P"}, {"source": 31, "target": 12, "label": "S"}, {"source": 35, "target": 18, "label": "D"}, {"source": 34, "target": 16, "label": "F"}, {"source": 35, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 36, "label": "C"}, {"source": 36, "target": 22, "label": "E"}, {"source": 37, "target": 24, "label": "N"}, {"source": 30, "target": 6, "label": "C"}, {"source": 31, "target": 32, "label": "D"}, {"source": 29, "target": 4, "label": "S"}, {"source": 30, "target": 29, "label": "E"}, {"source": 31, "target": 34, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 32, "target": 9, "label": "E"}, {"source": 30, "target": 5, "label": "Q"}, {"source": 36, "target": 23, "label": "C"}, {"source": 28, "target": 0, "label": "G"}, {"source": 34, "target": 33, "label": "A"}, {"source": 28, "target": 31, "label": "A"}, {"source": 32, "target": 10, "label": "F"}, {"source": 37, "target": 26, "label": "U"}, {"source": 36, "target": 21, "label": "F"}, {"source": 33, "target": 13, "label": "F"}, {"source": 32, "target": 11, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 8, "label": "R"}, {"source": 28, "target": 7, "label": "P"}, {"source": 28, "target": 2, "label": "A"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "190256-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They had the work done in about half the time quoted which made me and my wife extremely happy.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 26, "target": 17, "label": "D"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 2, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 25, "target": 8, "label": "F"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 25, "label": "T"}, {"source": 21, "target": 26, "label": "H"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 19, "label": "U"}, {"source": 27, "target": 14, "label": "N"}, {"source": 28, "target": 15, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 11, "label": "L"}, {"source": 23, "target": 5, "label": "R"}, {"source": 27, "target": 28, "label": "C"}, {"source": 24, "target": 6, "label": "E"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "P"}, {"source": 23, "target": 10, "label": "P"}, {"source": 20, "target": 4, "label": "D"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 26, "target": 12, "label": "D"}, {"source": 26, "target": 18, "label": "S"}, {"source": 28, "target": 16, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 16, "label": "A"}]} +{"id": "190256-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We have had nothing but compliments on our bathroom when guest come over- who would have guessed that one?", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}, {"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 105}]}, {"id": 19, "anchors": [{"from": 105, "to": 106}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 26, "target": 14, "label": "D"}, {"source": 25, "target": 11, "label": "P"}, {"source": 20, "target": 2, "label": "F"}, {"source": 27, "target": 19, "label": "U"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 6, "label": "R"}, {"source": 20, "target": 22, "label": "D"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 7, "label": "S"}, {"source": 21, "target": 26, "label": "H"}, {"source": 21, "target": 12, "label": "U"}, {"source": 25, "target": 10, "label": "A"}, {"source": 27, "target": 17, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 26, "target": 15, "label": "F"}, {"source": 22, "target": 3, "label": "C"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "P"}, {"source": 26, "target": 13, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 4, "label": "R"}]} +{"id": "190256-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very nice work and friendly guys too.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 8, "label": "D"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 3, "label": "L"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "190256-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best money I've spent on remodeling ever.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 6, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 7, "label": "T"}]} +{"id": "190256-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend any one considering home repair to give these guys a call.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 18, "target": 5, "label": "P"}, {"source": 21, "target": 10, "label": "E"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 20, "label": "A"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 9, "label": "D"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 22, "label": "P"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 7, "label": "P"}, {"source": 17, "target": 3, "label": "E"}, {"source": 22, "target": 13, "label": "C"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "190389-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "very miss informed people!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "191597-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Awsome!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "191597-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great food cheap", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "191597-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Every thing here is good.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 6, "target": 0, "label": "Q"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "191597-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fish tacos are my fave simple and filling Highly recommend Mi Pueblo.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 68}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 12, "target": 0, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 8, "label": "D"}, {"source": 13, "target": 4, "label": "S"}, {"source": 17, "target": 9, "label": "P"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 5, "label": "S"}, {"source": 15, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 10, "label": "A"}, {"source": 16, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "191597-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Gets busy so come early", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "T"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "191666-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worst Service I've Ever Experienced", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 35}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "T"}, {"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 5, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "191666-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wish there was something good to say about the business, but unfortunately, there isn't.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 4, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 17, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 16, "label": "F"}, {"source": 23, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "S"}, {"source": 21, "target": 3, "label": "F"}, {"source": 23, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 2, "label": "F"}, {"source": 20, "target": 12, "label": "L"}, {"source": 23, "target": 13, "label": "G"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 5, "label": "D"}, {"source": 23, "target": 14, "label": "U"}, {"source": 22, "target": 8, "label": "R"}, {"source": 20, "target": 11, "label": "U"}, {"source": 21, "target": 7, "label": "P"}, {"source": 21, "target": 6, "label": "F"}, {"source": 23, "target": 15, "label": "F"}]} +{"id": "191666-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "1) Service and manners were nonexistent.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "G"}, {"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 5, "label": "F"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 10, "target": 6, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 10, "target": 0, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "191666-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "2) The employees constantly talk down to customers and are very argumentative for the sake of being argumentative.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}, {"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 113}]}, {"id": 18, "anchors": [{"from": 113, "to": 114}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 9, "label": "F"}, {"source": 19, "target": 23, "label": "A"}, {"source": 19, "target": 0, "label": "G"}, {"source": 23, "target": 6, "label": "R"}, {"source": 22, "target": 2, "label": "F"}, {"source": 24, "target": 11, "label": "S"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 10, "label": "D"}, {"source": 26, "target": 13, "label": "F"}, {"source": 19, "target": 4, "label": "T"}, {"source": 25, "target": 16, "label": "F"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 22, "label": "S"}, {"source": 20, "target": 8, "label": "L"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 26, "label": "D"}, {"source": 25, "target": 18, "label": "U"}, {"source": 25, "target": 17, "label": "S"}, {"source": 19, "target": 5, "label": "P"}, {"source": 25, "target": 12, "label": "R"}, {"source": 23, "target": 7, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 25, "target": 15, "label": "F"}, {"source": 19, "target": 1, "label": "U"}]} +{"id": "191666-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(to both myself and customers) 3) I have never experienced so much rudeness coming from a business.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 26, "target": 12, "label": "P"}, {"source": 28, "target": 27, "label": "D"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 5, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 30, "target": 19, "label": "C"}, {"source": 21, "target": 26, "label": "H"}, {"source": 23, "target": 2, "label": "Q"}, {"source": 27, "target": 14, "label": "C"}, {"source": 26, "target": 10, "label": "F"}, {"source": 21, "target": 0, "label": "U"}, {"source": 26, "target": 7, "label": "G"}, {"source": 26, "target": 11, "label": "D"}, {"source": 26, "target": 8, "label": "U"}, {"source": 23, "target": 1, "label": "R"}, {"source": 23, "target": 24, "label": "C"}, {"source": 29, "target": 16, "label": "F"}, {"source": 30, "target": 20, "label": "U"}, {"source": 25, "target": 5, "label": "S"}, {"source": 21, "target": 6, "label": "U"}, {"source": 30, "target": 29, "label": "R"}, {"source": 24, "target": 3, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 26, "target": 11, "label": "T"}, {"source": 29, "target": 17, "label": "C"}, {"source": 28, "target": 15, "label": "S"}, {"source": 30, "target": 18, "label": "F"}, {"source": 27, "target": 13, "label": "E"}, {"source": 26, "target": 9, "label": "A"}, {"source": 24, "target": 4, "label": "N"}]} +{"id": "191666-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "4) The business is very unorganized.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 0, "label": "G"}, {"source": 9, "target": 7, "label": "U"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 6, "label": "S"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "191666-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The invoice is not detailed, so it is difficult to see what you are paying for.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 16, "label": "R"}, {"source": 21, "target": 9, "label": "D"}, {"source": 19, "target": 4, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 18, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 20, "target": 5, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 17, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "F"}, {"source": 18, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 3, "label": "D"}, {"source": 22, "target": 14, "label": "F"}, {"source": 22, "target": 13, "label": "A"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "191666-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'd recommend to save your time and energy and find another greek store.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 5, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 21, "target": 12, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 20, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "P"}, {"source": 21, "target": 11, "label": "E"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 3, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 16, "target": 9, "label": "L"}, {"source": 19, "target": 7, "label": "N"}, {"source": 20, "target": 10, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "192399-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Kyle with Bullwark", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "E"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "G"}]} +{"id": "192399-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great job!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "192399-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Listened to my problem and took care of it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 11, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 3, "label": "C"}, {"source": 16, "target": 7, "label": "R"}, {"source": 11, "target": 10, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 11, "target": 4, "label": "L"}, {"source": 15, "target": 14, "label": "P"}, {"source": 12, "target": 1, "label": "R"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 16, "target": 9, "label": "U"}]} +{"id": "192399-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "192713-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The finest Christmas Trees i've ever seen.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 13, "label": "H"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "F"}, {"source": 9, "target": 0, "label": "F"}, {"source": 13, "target": 4, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 9, "label": "S"}, {"source": 13, "target": 7, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "D"}]} +{"id": "192713-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I felt like I was in heaven when I walked through the majestic fields of this particular farm.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 16, "label": "E"}, {"source": 19, "target": 1, "label": "P"}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 5, "label": "S"}, {"source": 25, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "E"}, {"source": 24, "target": 23, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 9, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 12, "label": "S"}, {"source": 21, "target": 6, "label": "A"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 11, "label": "F"}, {"source": 26, "target": 18, "label": "U"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 2, "label": "R"}, {"source": 22, "target": 8, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 24, "target": 26, "label": "C"}, {"source": 20, "target": 22, "label": "H"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 13, "label": "C"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "192713-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The trees were in magnificent shape and the variety was astounding.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}, {"from": 30, "to": 35}]}, {"id": 4, "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 15, "target": 9, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "S"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "192713-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owners were entertaining and gracious.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "S"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 7, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "L"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "F"}, {"source": 11, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 8, "label": "S"}, {"source": 11, "target": 6, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "192713-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I especially liked the Eco friendly atmosphere and the owners love of all animals.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}, {"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 11, "label": "R"}, {"source": 18, "target": 5, "label": "C"}, {"source": 22, "target": 10, "label": "S"}, {"source": 19, "target": 6, "label": "L"}, {"source": 17, "target": 4, "label": "D"}, {"source": 17, "target": 18, "label": "S"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 21, "target": 9, "label": "R"}, {"source": 16, "target": 19, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 20, "label": "S"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "E"}, {"source": 20, "target": 7, "label": "F"}, {"source": 23, "target": 14, "label": "U"}, {"source": 19, "target": 17, "label": "H"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "192713-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is one of the best farms I have ever been too.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 19, "target": 7, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 20, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 19, "target": 10, "label": "S"}, {"source": 19, "target": 9, "label": "D"}, {"source": 14, "target": 17, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 16, "target": 18, "label": "S"}, {"source": 16, "target": 15, "label": "D"}, {"source": 20, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "R"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 19, "label": "E"}, {"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 4, "label": "F"}, {"source": 19, "target": 8, "label": "F"}]} +{"id": "192713-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would call it the Taj Mahal of the east coast!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}, {"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "E"}]} +{"id": "192713-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It put hair on my chest and thanks to the owners advice I invested vanguard, got myself a woman like Jerry, and became a republican.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}, {"from": 7, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 17}, {"from": 18, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 47}]}, {"id": 7, "anchors": [{"from": 47, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 75}]}, {"id": 12, "anchors": [{"from": 75, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 80}, {"from": 81, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 106}]}, {"id": 18, "anchors": [{"from": 106, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 131}]}, {"id": 23, "anchors": [{"from": 131, "to": 132}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 25, "target": 12, "label": "U"}, {"source": 31, "target": 13, "label": "P"}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 3, "label": "C"}, {"source": 27, "target": 5, "label": "F"}, {"source": 25, "target": 26, "label": "L"}, {"source": 25, "target": 19, "label": "L"}, {"source": 35, "target": 22, "label": "C"}, {"source": 25, "target": 2, "label": "L"}, {"source": 30, "target": 9, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 30, "target": 11, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 7, "label": "R"}, {"source": 25, "target": 34, "label": "H"}, {"source": 31, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "R"}, {"source": 32, "target": 15, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 8, "label": "P"}, {"source": 32, "target": 14, "label": "F"}, {"source": 34, "target": 35, "label": "S"}, {"source": 28, "target": 27, "label": "A"}, {"source": 35, "target": 21, "label": "F"}, {"source": 34, "target": 20, "label": "D"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 27, "label": "S"}, {"source": 25, "target": 31, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 1, "label": "P"}, {"source": 30, "target": 10, "label": "P"}, {"source": 27, "target": 6, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 34, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 30, "label": "H"}, {"source": 33, "target": 17, "label": "C"}, {"source": 35, "target": 23, "label": "U"}, {"source": 33, "target": 16, "label": "R"}]} +{"id": "192713-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks Tussey Mountain Tree Plantation!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}, {"from": 14, "to": 22}, {"from": 23, "to": 27}, {"from": 28, "to": 38}]}, {"id": 2, "anchors": [{"from": 38, "to": 39}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "192737-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Professional and inspiring", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 26}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "L"}]} +{"id": "192737-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nigel from Nidd Design has always provided a first class service, from his advice and professionalism to the quality of his design drawings and planning applications.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}, {"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}, {"from": 51, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 101}]}, {"id": 15, "anchors": [{"from": 102, "to": 104}]}, {"id": 16, "anchors": [{"from": 105, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 123}]}, {"id": 20, "anchors": [{"from": 124, "to": 130}]}, {"id": 21, "anchors": [{"from": 131, "to": 139}]}, {"id": 22, "anchors": [{"from": 140, "to": 143}]}, {"id": 23, "anchors": [{"from": 144, "to": 152}]}, {"id": 24, "anchors": [{"from": 153, "to": 165}]}, {"id": 25, "anchors": [{"from": 165, "to": 166}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 27, "target": 7, "label": "D"}, {"source": 29, "target": 1, "label": "R"}, {"source": 26, "target": 0, "label": "C"}, {"source": 28, "target": 34, "label": "H"}, {"source": 29, "target": 2, "label": "C"}, {"source": 34, "target": 19, "label": "A"}, {"source": 35, "target": 20, "label": "P"}, {"source": 31, "target": 11, "label": "A"}, {"source": 31, "target": 12, "label": "P"}, {"source": 32, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 39, "label": "C"}, {"source": 37, "target": 36, "label": "C"}, {"source": 28, "target": 9, "label": "U"}, {"source": 27, "target": 30, "label": "P"}, {"source": 39, "target": 25, "label": "U"}, {"source": 32, "target": 14, "label": "S"}, {"source": 34, "target": 33, "label": "S"}, {"source": 28, "target": 15, "label": "L"}, {"source": 34, "target": 37, "label": "A"}, {"source": 33, "target": 16, "label": "F"}, {"source": 30, "target": 8, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 10, "label": "L"}, {"source": 37, "target": 22, "label": "N"}, {"source": 36, "target": 21, "label": "C"}, {"source": 39, "target": 24, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 27, "target": 3, "label": "F"}, {"source": 34, "target": 18, "label": "F"}, {"source": 36, "target": 35, "label": "E"}, {"source": 26, "target": 29, "label": "E"}, {"source": 28, "target": 32, "label": "H"}, {"source": 39, "target": 38, "label": "E"}, {"source": 28, "target": 13, "label": "L"}, {"source": 33, "target": 17, "label": "C"}, {"source": 27, "target": 5, "label": "D"}, {"source": 27, "target": 4, "label": "T"}, {"source": 28, "target": 27, "label": "H"}, {"source": 38, "target": 23, "label": "P"}]} +{"id": "192737-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "His knowledge and expertise help smooth the way with any planning application, ensuring compliance with the building regulations.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}, {"from": 40, "to": 43}, {"from": 44, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 77}]}, {"id": 10, "anchors": [{"from": 77, "to": 78}]}, {"id": 11, "anchors": [{"from": 79, "to": 87}]}, {"id": 12, "anchors": [{"from": 88, "to": 98}]}, {"id": 13, "anchors": [{"from": 99, "to": 103}]}, {"id": 14, "anchors": [{"from": 104, "to": 107}]}, {"id": 15, "anchors": [{"from": 108, "to": 116}]}, {"id": 16, "anchors": [{"from": 117, "to": 128}]}, {"id": 17, "anchors": [{"from": 128, "to": 129}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 6, "label": "R"}, {"source": 26, "target": 14, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 21, "target": 10, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 19, "target": 2, "label": "L"}, {"source": 26, "target": 13, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 26, "target": 15, "label": "E"}, {"source": 25, "target": 11, "label": "D"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 26, "target": 17, "label": "U"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 4, "label": "D"}, {"source": 24, "target": 8, "label": "P"}, {"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 3, "label": "S"}, {"source": 23, "target": 24, "label": "E"}, {"source": 18, "target": 1, "label": "S"}, {"source": 25, "target": 12, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "192737-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once you have met Nigel you will not want to work with anyone else.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 11, "label": "R"}, {"source": 16, "target": 2, "label": "F"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 4, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 19, "target": 13, "label": "E"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 8, "label": "P"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "D"}, {"source": 16, "target": 1, "label": "A"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "192737-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He really does turn your dreams into reality for your home!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}, {"from": 25, "to": 31}, {"from": 32, "to": 36}, {"from": 37, "to": 44}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 45, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 58}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "193257-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Gets the Job Done", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 7, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 7, "target": 8, "label": "P"}, {"source": 8, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "193257-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have utilized Mr. Pozza and his firm twice now in our family and both times have been very pleased.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 24, "target": 5, "label": "N"}, {"source": 27, "target": 11, "label": "A"}, {"source": 26, "target": 25, "label": "E"}, {"source": 23, "target": 4, "label": "C"}, {"source": 21, "target": 27, "label": "A"}, {"source": 29, "target": 18, "label": "D"}, {"source": 28, "target": 14, "label": "Q"}, {"source": 29, "target": 28, "label": "T"}, {"source": 23, "target": 3, "label": "E"}, {"source": 27, "target": 10, "label": "R"}, {"source": 29, "target": 20, "label": "U"}, {"source": 24, "target": 23, "label": "C"}, {"source": 26, "target": 7, "label": "C"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "D"}, {"source": 29, "target": 16, "label": "F"}, {"source": 25, "target": 6, "label": "S"}, {"source": 22, "target": 29, "label": "H"}, {"source": 29, "target": 19, "label": "P"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 9, "label": "T"}, {"source": 21, "target": 1, "label": "F"}, {"source": 28, "target": 15, "label": "C"}, {"source": 29, "target": 17, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 24, "target": 26, "label": "C"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "193257-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would not hesitate to use him again or refer him to my family or friends.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "A"}, {"source": 22, "target": 23, "label": "S"}, {"source": 18, "target": 2, "label": "D"}, {"source": 19, "target": 8, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 4, "label": "F"}, {"source": 22, "target": 11, "label": "R"}, {"source": 21, "target": 10, "label": "A"}, {"source": 23, "target": 14, "label": "N"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "P"}, {"source": 20, "target": 6, "label": "A"}, {"source": 21, "target": 9, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 1, "label": "D"}, {"source": 23, "target": 13, "label": "C"}, {"source": 20, "target": 7, "label": "D"}]} +{"id": "194153-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Barb does an AMAZING JOB, she is always learning new things on how to use her hands and body, to give every person an AWESOME MASSAGE, CALL TODAY AND SCHEDULE YOU MUST SEE HER, YOU WILL FALL IN LOVE SHE IS THE BEST OF THE BEST !", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 162}]}, {"id": 34, "anchors": [{"from": 163, "to": 167}]}, {"id": 35, "anchors": [{"from": 168, "to": 171}]}, {"id": 36, "anchors": [{"from": 172, "to": 175}]}, {"id": 37, "anchors": [{"from": 175, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 185}]}, {"id": 40, "anchors": [{"from": 186, "to": 190}, {"from": 191, "to": 193}, {"from": 194, "to": 198}]}, {"id": 41, "anchors": [{"from": 199, "to": 202}]}, {"id": 42, "anchors": [{"from": 203, "to": 205}]}, {"id": 43, "anchors": [{"from": 206, "to": 209}]}, {"id": 44, "anchors": [{"from": 210, "to": 214}]}, {"id": 45, "anchors": [{"from": 215, "to": 217}]}, {"id": 46, "anchors": [{"from": 218, "to": 221}]}, {"id": 47, "anchors": [{"from": 222, "to": 226}]}, {"id": 48, "anchors": [{"from": 227, "to": 228}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}], "edges": [{"source": 67, "target": 43, "label": "F"}, {"source": 59, "target": 61, "label": "A"}, {"source": 65, "target": 40, "label": "P"}, {"source": 50, "target": 20, "label": "U"}, {"source": 50, "target": 63, "label": "H"}, {"source": 57, "target": 16, "label": "E"}, {"source": 51, "target": 4, "label": "C"}, {"source": 62, "target": 30, "label": "T"}, {"source": 50, "target": 49, "label": "H"}, {"source": 65, "target": 38, "label": "A"}, {"source": 58, "target": 18, "label": "N"}, {"source": 58, "target": 19, "label": "C"}, {"source": 50, "target": 66, "label": "H"}, {"source": 51, "target": 2, "label": "F"}, {"source": 64, "target": 34, "label": "D"}, {"source": 66, "target": 41, "label": "A"}, {"source": 54, "target": 53, "label": "E"}, {"source": 50, "target": 21, "label": "L"}, {"source": 50, "target": 28, "label": "U"}, {"source": 61, "target": 23, "label": "Q"}, {"source": 59, "target": 26, "label": "D"}, {"source": 64, "target": 36, "label": "A"}, {"source": 64, "target": 35, "label": "P"}, {"source": 52, "target": 8, "label": "T"}, {"source": 67, "target": 68, "label": "E"}, {"source": 55, "target": 56, "label": "E"}, {"source": 52, "target": 6, "label": "A"}, {"source": 56, "target": 13, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 1, "label": "F"}, {"source": 66, "target": 42, "label": "F"}, {"source": 59, "target": 60, "label": "P"}, {"source": 54, "target": 55, "label": "E"}, {"source": 50, "target": 52, "label": "H"}, {"source": 68, "target": 48, "label": "U"}, {"source": 49, "target": 3, "label": "D"}, {"source": 68, "target": 47, "label": "C"}, {"source": 62, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 54, "label": "A"}, {"source": 50, "target": 62, "label": "H"}, {"source": 53, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 58, "label": "C"}, {"source": 50, "target": 5, "label": "U"}, {"source": 53, "target": 10, "label": "S"}, {"source": 50, "target": 31, "label": "L"}, {"source": 64, "target": 33, "label": "A"}, {"source": 63, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 0, "label": "A"}, {"source": 56, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 46, "label": "F"}, {"source": 50, "target": 64, "label": "H"}, {"source": 60, "target": 25, "label": "F"}, {"source": 52, "target": 7, "label": "F"}, {"source": 50, "target": 59, "label": "H"}, {"source": 49, "target": 51, "label": "P"}, {"source": 65, "target": 39, "label": "F"}, {"source": 55, "target": 13, "label": "C"}, {"source": 60, "target": 22, "label": "F"}, {"source": 50, "target": 37, "label": "U"}, {"source": 52, "target": 9, "label": "P"}, {"source": 68, "target": 45, "label": "R"}, {"source": 50, "target": 65, "label": "H"}, {"source": 56, "target": 14, "label": "F"}, {"source": 61, "target": 24, "label": "C"}, {"source": 62, "target": 29, "label": "P"}, {"source": 54, "target": 11, "label": "C"}, {"source": 60, "target": 27, "label": "C"}, {"source": 59, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 32, "label": "P"}, {"source": 66, "target": 67, "label": "S"}, {"source": 55, "target": 12, "label": "R"}, {"source": 63, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 57, "label": "A"}, {"source": 67, "target": 44, "label": "C"}, {"source": 58, "target": 17, "label": "C"}, {"source": 56, "target": 15, "label": "P"}]} +{"id": "194313-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent Pizza!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "194313-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Its the only pizza place I recommend in Woodland Hills.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}, {"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 14, "label": "E"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 6, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 15, "label": "E"}, {"source": 13, "target": 3, "label": "Q"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 15, "target": 9, "label": "C"}]} +{"id": "194313-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yum.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "194313-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My wife and kids can't get enough.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 2, "label": "N"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 12, "label": "S"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 7, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 12, "label": "A"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "194313-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "194316-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OMG", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "G"}]} +{"id": "194316-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OMG.. make sure to book a reservation, as this magical place is packed (in a nice way) I love that the owner walks around and cares how his customers feel about their food.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 93}]}, {"id": 23, "anchors": [{"from": 94, "to": 98}]}, {"id": 24, "anchors": [{"from": 99, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 108}]}, {"id": 26, "anchors": [{"from": 109, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 139}]}, {"id": 32, "anchors": [{"from": 140, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 171}]}, {"id": 37, "anchors": [{"from": 171, "to": 172}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 43, "target": 12, "label": "C"}, {"source": 40, "target": 3, "label": "C"}, {"source": 51, "target": 29, "label": "P"}, {"source": 41, "target": 42, "label": "P"}, {"source": 47, "target": 50, "label": "H"}, {"source": 52, "target": 53, "label": "A"}, {"source": 50, "target": 26, "label": "P"}, {"source": 45, "target": 16, "label": "R"}, {"source": 50, "target": 27, "label": "D"}, {"source": 46, "target": 21, "label": "A"}, {"source": 43, "target": 11, "label": "E"}, {"source": 38, "target": 0, "label": "G"}, {"source": 38, "target": 4, "label": "F"}, {"source": 44, "target": 45, "label": "D"}, {"source": 46, "target": 22, "label": "P"}, {"source": 55, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 8, "label": "U"}, {"source": 52, "target": 30, "label": "D"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 10, "label": "E"}, {"source": 38, "target": 5, "label": "P"}, {"source": 45, "target": 19, "label": "C"}, {"source": 50, "target": 48, "label": "A"}, {"source": 49, "target": 25, "label": "C"}, {"source": 39, "target": 44, "label": "H"}, {"source": 47, "target": 23, "label": "R"}, {"source": 54, "target": 55, "label": "E"}, {"source": 45, "target": 17, "label": "F"}, {"source": 52, "target": 54, "label": "A"}, {"source": 47, "target": 51, "label": "H"}, {"source": 39, "target": 46, "label": "H"}, {"source": 54, "target": 36, "label": "C"}, {"source": 55, "target": 35, "label": "S"}, {"source": 53, "target": 32, "label": "A"}, {"source": 44, "target": 14, "label": "P"}, {"source": 54, "target": 37, "label": "U"}, {"source": 42, "target": 6, "label": "F"}, {"source": 44, "target": 13, "label": "F"}, {"source": 40, "target": 2, "label": "F"}, {"source": 48, "target": 49, "label": "S"}, {"source": 39, "target": 9, "label": "L"}, {"source": 53, "target": 32, "label": "S"}, {"source": 38, "target": 40, "label": "D"}, {"source": 54, "target": 34, "label": "R"}, {"source": 44, "target": 43, "label": "A"}, {"source": 38, "target": 41, "label": "A"}, {"source": 44, "target": 15, "label": "U"}, {"source": 42, "target": 7, "label": "C"}, {"source": 48, "target": 49, "label": "A"}, {"source": 47, "target": 28, "label": "L"}, {"source": 39, "target": 38, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 52, "target": 33, "label": "P"}, {"source": 53, "target": 31, "label": "A"}, {"source": 45, "target": 18, "label": "E"}, {"source": 49, "target": 24, "label": "F"}, {"source": 39, "target": 20, "label": "U"}, {"source": 38, "target": 1, "label": "U"}, {"source": 51, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "194316-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The waiters are like no other...", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 23}, {"from": 24, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 5, "target": 6, "label": "S"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 5, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}]} +{"id": "194316-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My waiter was so excellent I gave him a 75% tip, and it was worht every penny..", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 77}]}, {"id": 19, "anchors": [{"from": 77, "to": 79}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 27, "target": 19, "label": "U"}, {"source": 23, "target": 6, "label": "P"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 1, "label": "A"}, {"source": 25, "target": 9, "label": "Q"}, {"source": 26, "target": 16, "label": "S"}, {"source": 20, "target": 1, "label": "P"}, {"source": 27, "target": 17, "label": "E"}, {"source": 26, "target": 15, "label": "F"}, {"source": 21, "target": 3, "label": "D"}, {"source": 22, "target": 12, "label": "U"}, {"source": 21, "target": 4, "label": "P"}, {"source": 24, "target": 11, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 5, "label": "A"}, {"source": 21, "target": 2, "label": "F"}, {"source": 26, "target": 14, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 24, "target": 25, "label": "Q"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "194316-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food was finger licking the bowel fantastic..", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}, {"from": 20, "to": 27}, {"from": 28, "to": 31}, {"from": 32, "to": 37}]}, {"id": 4, "anchors": [{"from": 38, "to": 47}]}, {"id": 5, "anchors": [{"from": 47, "to": 49}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "194316-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just discovered her has a place right near my work ( Color me Phat) If you are looking for a romatic place with the best food and service in the valley Giovanni Ristorante should be your number 1 + 2 choice.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}, {"from": 61, "to": 63}, {"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 162}, {"from": 163, "to": 173}]}, {"id": 32, "anchors": [{"from": 174, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 188}]}, {"id": 35, "anchors": [{"from": 189, "to": 195}]}, {"id": 36, "anchors": [{"from": 196, "to": 197}]}, {"id": 37, "anchors": [{"from": 198, "to": 199}]}, {"id": 38, "anchors": [{"from": 200, "to": 201}]}, {"id": 39, "anchors": [{"from": 202, "to": 208}]}, {"id": 40, "anchors": [{"from": 208, "to": 209}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 54, "target": 29, "label": "F"}, {"source": 48, "target": 18, "label": "R"}, {"source": 45, "target": 46, "label": "A"}, {"source": 41, "target": 3, "label": "A"}, {"source": 48, "target": 49, "label": "E"}, {"source": 42, "target": 47, "label": "H"}, {"source": 41, "target": 1, "label": "D"}, {"source": 55, "target": 39, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 53, "target": 27, "label": "P"}, {"source": 43, "target": 6, "label": "C"}, {"source": 54, "target": 28, "label": "R"}, {"source": 44, "target": 45, "label": "A"}, {"source": 56, "target": 35, "label": "C"}, {"source": 54, "target": 30, "label": "C"}, {"source": 50, "target": 52, "label": "C"}, {"source": 48, "target": 19, "label": "F"}, {"source": 50, "target": 22, "label": "R"}, {"source": 45, "target": 9, "label": "A"}, {"source": 52, "target": 25, "label": "C"}, {"source": 42, "target": 41, "label": "H"}, {"source": 55, "target": 34, "label": "A"}, {"source": 46, "target": 10, "label": "C"}, {"source": 48, "target": 50, "label": "E"}, {"source": 50, "target": 23, "label": "F"}, {"source": 42, "target": 55, "label": "H"}, {"source": 56, "target": 57, "label": "Q"}, {"source": 45, "target": 46, "label": "S"}, {"source": 42, "target": 13, "label": "U"}, {"source": 57, "target": 37, "label": "U"}, {"source": 55, "target": 40, "label": "U"}, {"source": 57, "target": 36, "label": "C"}, {"source": 55, "target": 33, "label": "F"}, {"source": 41, "target": 43, "label": "A"}, {"source": 48, "target": 21, "label": "C"}, {"source": 41, "target": 2, "label": "P"}, {"source": 48, "target": 54, "label": "E"}, {"source": 47, "target": 16, "label": "F"}, {"source": 55, "target": 31, "label": "A"}, {"source": 49, "target": 20, "label": "S"}, {"source": 43, "target": 44, "label": "E"}, {"source": 57, "target": 38, "label": "C"}, {"source": 47, "target": 17, "label": "P"}, {"source": 47, "target": 15, "label": "A"}, {"source": 44, "target": 7, "label": "D"}, {"source": 55, "target": 32, "label": "D"}, {"source": 51, "target": 24, "label": "S"}, {"source": 49, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 26, "label": "N"}, {"source": 43, "target": 5, "label": "F"}, {"source": 46, "target": 12, "label": "E"}, {"source": 55, "target": 56, "label": "D"}, {"source": 42, "target": 14, "label": "L"}, {"source": 44, "target": 8, "label": "S"}, {"source": 46, "target": 11, "label": "U"}, {"source": 43, "target": 4, "label": "R"}, {"source": 51, "target": 52, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 51, "label": "E"}, {"source": 41, "target": 0, "label": "A"}, {"source": 44, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 53, "label": "C"}]} +{"id": "194830-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "impressive truly impressive", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 27}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "194830-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The First time I walked in there with my teacup chihuahua puppy I knew I'd be here a lot.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}, {"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 7, "label": "R"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 25, "target": 8, "label": "S"}, {"source": 28, "target": 17, "label": "S"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "F"}, {"source": 21, "target": 27, "label": "H"}, {"source": 22, "target": 3, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 23, "target": 5, "label": "R"}, {"source": 28, "target": 16, "label": "F"}, {"source": 20, "target": 2, "label": "C"}, {"source": 20, "target": 1, "label": "Q"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 9, "label": "E"}, {"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 14, "label": "A"}, {"source": 21, "target": 20, "label": "L"}, {"source": 28, "target": 18, "label": "D"}, {"source": 28, "target": 15, "label": "D"}, {"source": 23, "target": 6, "label": "C"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "194830-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pets Discount has lovely employees, a wonderful grooming service, and everything I need to keep my dog in tip top condition!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 109}, {"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 123}]}, {"id": 21, "anchors": [{"from": 123, "to": 124}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 31, "target": 34, "label": "S"}, {"source": 26, "target": 5, "label": "F"}, {"source": 30, "target": 29, "label": "H"}, {"source": 31, "target": 15, "label": "D"}, {"source": 27, "target": 1, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 16, "label": "S"}, {"source": 28, "target": 11, "label": "C"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 21, "label": "U"}, {"source": 30, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 25, "target": 26, "label": "P"}, {"source": 29, "target": 13, "label": "P"}, {"source": 33, "target": 32, "label": "E"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 14, "label": "L"}, {"source": 24, "target": 1, "label": "F"}, {"source": 25, "target": 6, "label": "D"}, {"source": 23, "target": 27, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 8, "label": "C"}, {"source": 34, "target": 18, "label": "R"}, {"source": 22, "target": 0, "label": "A"}, {"source": 34, "target": 20, "label": "C"}, {"source": 33, "target": 17, "label": "C"}, {"source": 28, "target": 30, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "S"}, {"source": 23, "target": 9, "label": "U"}, {"source": 29, "target": 12, "label": "A"}, {"source": 23, "target": 10, "label": "L"}, {"source": 25, "target": 7, "label": "A"}, {"source": 23, "target": 4, "label": "U"}]} +{"id": "196219-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "ATE HERE A COUPLE TIMES.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 3, "label": "Q"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "P"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "196219-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "IT IS NOT A HIGH END STEAK HOUSE, MORE OF THE CUISINE BRETT ENJOYS IN MISSISSIPPI.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}, {"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 6, "label": "U"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 20, "label": "H"}, {"source": 17, "target": 18, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 4, "label": "S"}, {"source": 21, "target": 12, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 16, "target": 7, "label": "L"}, {"source": 15, "target": 1, "label": "S"}, {"source": 20, "target": 11, "label": "P"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 8, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "196219-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "SO, IF YOU WANT A BURGER AND FRIES, WELL, IT IS OK.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 34}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 47}]}, {"id": 14, "anchors": [{"from": 48, "to": 50}]}, {"id": 15, "anchors": [{"from": 50, "to": 51}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "N"}, {"source": 18, "target": 6, "label": "C"}, {"source": 19, "target": 12, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 2, "label": "L"}, {"source": 18, "target": 5, "label": "F"}, {"source": 17, "target": 3, "label": "A"}, {"source": 19, "target": 15, "label": "U"}, {"source": 17, "target": 4, "label": "P"}, {"source": 16, "target": 9, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 19, "target": 14, "label": "S"}, {"source": 16, "target": 0, "label": "H"}, {"source": 19, "target": 13, "label": "F"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "U"}]} +{"id": "196219-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "IF YOU WANT A LITTLE CAJUNISH FOOD - IT IS GOOD.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "S"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 16, "label": "H"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 4, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 15, "target": 14, "label": "Q"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 12, "target": 7, "label": "U"}, {"source": 16, "target": 9, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "196219-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "IF YOU WANT A STEAK, WELL, THIS IS NOT THE BEST IN GREEN BAY.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 56}, {"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 21, "target": 13, "label": "R"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 6, "label": "F"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 8, "label": "A"}, {"source": 16, "target": 5, "label": "U"}, {"source": 19, "target": 9, "label": "F"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 20, "target": 11, "label": "F"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "U"}, {"source": 19, "target": 20, "label": "S"}]} +{"id": "196219-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OVERALL DECENT BUT IF YOU ARE EXPECTING A RUTH CHRIS TYPE STEAK, THIS IS NOT IT.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 11, "label": "U"}, {"source": 22, "target": 12, "label": "A"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 0, "label": "D"}, {"source": 22, "target": 15, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 5, "label": "F"}, {"source": 21, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "L"}, {"source": 18, "target": 2, "label": "L"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 13, "label": "S"}, {"source": 22, "target": 14, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 6, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 4, "label": "A"}]} +{"id": "198455-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "198455-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had a dead battery last week and called this company since they were the closest they had very quick service for a Monday morning, thanks again guys.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 131}]}, {"id": 25, "anchors": [{"from": 131, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 139}]}, {"id": 27, "anchors": [{"from": 140, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 150}]}, {"id": 29, "anchors": [{"from": 150, "to": 151}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 1, "label": "S"}, {"source": 41, "target": 18, "label": "E"}, {"source": 36, "target": 10, "label": "C"}, {"source": 32, "target": 2, "label": "F"}, {"source": 30, "target": 0, "label": "A"}, {"source": 35, "target": 8, "label": "P"}, {"source": 31, "target": 37, "label": "H"}, {"source": 43, "target": 28, "label": "A"}, {"source": 42, "target": 24, "label": "C"}, {"source": 33, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "S"}, {"source": 33, "target": 3, "label": "S"}, {"source": 31, "target": 7, "label": "L"}, {"source": 43, "target": 29, "label": "U"}, {"source": 42, "target": 23, "label": "C"}, {"source": 42, "target": 22, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 5, "label": "E"}, {"source": 43, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 42, "label": "T"}, {"source": 37, "target": 13, "label": "F"}, {"source": 39, "target": 41, "label": "D"}, {"source": 43, "target": 27, "label": "D"}, {"source": 42, "target": 21, "label": "R"}, {"source": 35, "target": 36, "label": "A"}, {"source": 43, "target": 28, "label": "G"}, {"source": 32, "target": 33, "label": "E"}, {"source": 34, "target": 6, "label": "C"}, {"source": 39, "target": 40, "label": "P"}, {"source": 41, "target": 19, "label": "C"}, {"source": 31, "target": 25, "label": "U"}, {"source": 38, "target": 14, "label": "F"}, {"source": 31, "target": 39, "label": "H"}, {"source": 32, "target": 4, "label": "C"}, {"source": 31, "target": 43, "label": "H"}, {"source": 37, "target": 12, "label": "A"}, {"source": 40, "target": 17, "label": "F"}, {"source": 31, "target": 11, "label": "L"}, {"source": 43, "target": 26, "label": "P"}, {"source": 40, "target": 20, "label": "C"}, {"source": 38, "target": 15, "label": "C"}, {"source": 36, "target": 9, "label": "E"}, {"source": 39, "target": 16, "label": "A"}, {"source": 30, "target": 34, "label": "T"}, {"source": 31, "target": 30, "label": "H"}]} +{"id": "199045-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "green curry and red curry is awesome!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "N"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "C"}, {"source": 11, "target": 6, "label": "S"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 12, "label": "C"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "199045-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "remember to ask for extra vege", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 4, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 5, "label": "C"}]} +{"id": "200429-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Horrible Service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "200429-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I got yelled at, literally yelled at because i asked if i could pick up my car 5-10 minutes late.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 13, "label": "D"}, {"source": 24, "target": 26, "label": "H"}, {"source": 29, "target": 33, "label": "T"}, {"source": 26, "target": 5, "label": "D"}, {"source": 27, "target": 7, "label": "R"}, {"source": 32, "target": 19, "label": "C"}, {"source": 27, "target": 0, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 6, "label": "P"}, {"source": 29, "target": 11, "label": "R"}, {"source": 33, "target": 21, "label": "E"}, {"source": 32, "target": 18, "label": "U"}, {"source": 28, "target": 10, "label": "P"}, {"source": 33, "target": 22, "label": "U"}, {"source": 31, "target": 16, "label": "C"}, {"source": 30, "target": 15, "label": "S"}, {"source": 33, "target": 20, "label": "C"}, {"source": 24, "target": 28, "label": "H"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 4, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 33, "target": 32, "label": "Q"}, {"source": 24, "target": 8, "label": "L"}, {"source": 28, "target": 9, "label": "A"}, {"source": 25, "target": 3, "label": "R"}, {"source": 29, "target": 14, "label": "P"}, {"source": 25, "target": 0, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 12, "label": "A"}, {"source": 32, "target": 17, "label": "C"}, {"source": 30, "target": 15, "label": "A"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "200429-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I explained that i was already on my way and i would rush to get there as soon as i could because i needed my car for work at 5am, but the guy was arguing with me saying he was gonna lock the doors right at 5:30.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}, {"from": 34, "to": 36}, {"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}, {"from": 74, "to": 78}, {"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 127}]}, {"id": 26, "anchors": [{"from": 127, "to": 129}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 172}]}, {"id": 37, "anchors": [{"from": 173, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 180}]}, {"id": 39, "anchors": [{"from": 180, "to": 182}]}, {"id": 40, "anchors": [{"from": 183, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 191}]}, {"id": 42, "anchors": [{"from": 192, "to": 197}]}, {"id": 43, "anchors": [{"from": 198, "to": 203}]}, {"id": 44, "anchors": [{"from": 204, "to": 206}]}, {"id": 45, "anchors": [{"from": 207, "to": 211}]}, {"id": 46, "anchors": [{"from": 211, "to": 212}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 47, "target": 1, "label": "P"}, {"source": 64, "target": 46, "label": "U"}, {"source": 53, "target": 55, "label": "A"}, {"source": 59, "target": 58, "label": "A"}, {"source": 48, "target": 59, "label": "H"}, {"source": 47, "target": 49, "label": "A"}, {"source": 64, "target": 43, "label": "E"}, {"source": 49, "target": 50, "label": "H"}, {"source": 59, "target": 60, "label": "A"}, {"source": 49, "target": 51, "label": "H"}, {"source": 52, "target": 16, "label": "D"}, {"source": 55, "target": 21, "label": "C"}, {"source": 49, "target": 52, "label": "H"}, {"source": 59, "target": 31, "label": "F"}, {"source": 56, "target": 23, "label": "C"}, {"source": 49, "target": 14, "label": "L"}, {"source": 62, "target": 39, "label": "F"}, {"source": 51, "target": 9, "label": "D"}, {"source": 57, "target": 26, "label": "C"}, {"source": 51, "target": 10, "label": "D"}, {"source": 53, "target": 19, "label": "D"}, {"source": 48, "target": 28, "label": "L"}, {"source": 48, "target": 27, "label": "U"}, {"source": 62, "target": 37, "label": "F"}, {"source": 49, "target": 53, "label": "H"}, {"source": 63, "target": 42, "label": "C"}, {"source": 48, "target": 61, "label": "H"}, {"source": 64, "target": 45, "label": "C"}, {"source": 49, "target": 7, "label": "L"}, {"source": 64, "target": 44, "label": "R"}, {"source": 52, "target": 12, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 13, "label": "A"}, {"source": 62, "target": 38, "label": "F"}, {"source": 52, "target": 15, "label": "A"}, {"source": 61, "target": 62, "label": "A"}, {"source": 54, "target": 20, "label": "A"}, {"source": 55, "target": 54, "label": "E"}, {"source": 62, "target": 40, "label": "P"}, {"source": 53, "target": 18, "label": "A"}, {"source": 49, "target": 17, "label": "L"}, {"source": 50, "target": 4, "label": "F"}, {"source": 54, "target": 20, "label": "S"}, {"source": 50, "target": 3, "label": "A"}, {"source": 62, "target": 64, "label": "T"}, {"source": 60, "target": 34, "label": "C"}, {"source": 58, "target": 29, "label": "F"}, {"source": 59, "target": 32, "label": "P"}, {"source": 61, "target": 35, "label": "P"}, {"source": 51, "target": 11, "label": "F"}, {"source": 47, "target": 0, "label": "A"}, {"source": 50, "target": 6, "label": "P"}, {"source": 51, "target": 12, "label": "P"}, {"source": 51, "target": 8, "label": "A"}, {"source": 54, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 56, "label": "P"}, {"source": 56, "target": 22, "label": "R"}, {"source": 62, "target": 63, "label": "A"}, {"source": 49, "target": 2, "label": "R"}, {"source": 63, "target": 41, "label": "F"}, {"source": 52, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 25, "label": "Q"}, {"source": 53, "target": 57, "label": "T"}, {"source": 48, "target": 47, "label": "H"}, {"source": 62, "target": 36, "label": "A"}, {"source": 57, "target": 24, "label": "R"}, {"source": 58, "target": 30, "label": "C"}, {"source": 50, "target": 5, "label": "T"}, {"source": 60, "target": 33, "label": "R"}]} +{"id": "200429-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Rude, unprofessional, just jerks.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 10, "target": 4, "label": "D"}, {"source": 8, "target": 3, "label": "U"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "U"}]} +{"id": "200429-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Seems like all they care about is the money and getting home on time, NO care for the customers AT ALL!!!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 105}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 4, "label": "P"}, {"source": 25, "target": 9, "label": "L"}, {"source": 31, "target": 32, "label": "P"}, {"source": 32, "target": 19, "label": "C"}, {"source": 23, "target": 0, "label": "G"}, {"source": 26, "target": 4, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "A"}, {"source": 24, "target": 14, "label": "U"}, {"source": 33, "target": 21, "label": "C"}, {"source": 23, "target": 2, "label": "D"}, {"source": 28, "target": 10, "label": "P"}, {"source": 27, "target": 7, "label": "F"}, {"source": 30, "target": 16, "label": "P"}, {"source": 30, "target": 33, "label": "D"}, {"source": 33, "target": 22, "label": "U"}, {"source": 25, "target": 28, "label": "H"}, {"source": 28, "target": 29, "label": "T"}, {"source": 28, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 15, "label": "D"}, {"source": 25, "target": 26, "label": "H"}, {"source": 24, "target": 30, "label": "H"}, {"source": 33, "target": 20, "label": "R"}, {"source": 32, "target": 18, "label": "F"}, {"source": 31, "target": 17, "label": "R"}, {"source": 23, "target": 3, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 28, "target": 11, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 5, "label": "R"}, {"source": 29, "target": 13, "label": "C"}, {"source": 27, "target": 8, "label": "C"}, {"source": 26, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 29, "target": 12, "label": "R"}]} +{"id": "200429-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Missed a whole day of work because i am now carless.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "P"}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 14, "label": "T"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 4, "label": "R"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 10, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 14, "target": 2, "label": "Q"}, {"source": 13, "target": 6, "label": "L"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 17, "label": "H"}, {"source": 12, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "T"}]} +{"id": "200429-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will NEEEEEEEEEVERRRR go to this place again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "T"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 7, "label": "D"}]} +{"id": "200566-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "THE TEACHING THERE SUCKS!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 61}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 5, "label": "P"}, {"source": 7, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "200566-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ALL OF THE TEACHERS THERE ARE SO MEAN THEY GET MAD AT YOU FOR NOTHING!!!!!!!!!!!!!!!!!!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 88}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 17, "target": 6, "label": "D"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 8, "label": "A"}, {"source": 17, "target": 16, "label": "A"}, {"source": 21, "target": 9, "label": "D"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 5, "label": "F"}, {"source": 16, "target": 0, "label": "Q"}, {"source": 17, "target": 4, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 7, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 11, "label": "R"}, {"source": 16, "target": 19, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 19, "target": 20, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 1, "label": "R"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 20, "label": "A"}]} +{"id": "200566-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THIS IS THE WORST SCHOOL IVE BEEN TO!!!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 12, "target": 13, "label": "S"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "U"}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 12, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "200668-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "kudos to Allentown Post Office staff", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 5, "label": "S"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 1, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 5, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}]} +{"id": "200668-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff in Allentown are friendly, helpful and a delight to know..", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 21, "target": 12, "label": "P"}, {"source": 21, "target": 20, "label": "D"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 6, "label": "U"}, {"source": 19, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "F"}, {"source": 19, "target": 7, "label": "S"}, {"source": 14, "target": 15, "label": "S"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 9, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 5, "label": "S"}, {"source": 21, "target": 11, "label": "F"}, {"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "L"}, {"source": 21, "target": 13, "label": "U"}, {"source": 17, "target": 21, "label": "H"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "200957-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Horrible", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "200957-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been growing my hair out for 1 year plus and went in to get 1 inch taken off.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 79}, {"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 8, "label": "Q"}, {"source": 21, "target": 14, "label": "L"}, {"source": 20, "target": 3, "label": "P"}, {"source": 23, "target": 9, "label": "C"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "C"}, {"source": 25, "target": 19, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 21, "target": 11, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 12, "label": "P"}, {"source": 22, "target": 4, "label": "E"}, {"source": 24, "target": 13, "label": "D"}, {"source": 20, "target": 23, "label": "T"}, {"source": 23, "target": 10, "label": "E"}, {"source": 26, "target": 17, "label": "C"}, {"source": 25, "target": 18, "label": "P"}, {"source": 26, "target": 16, "label": "Q"}, {"source": 25, "target": 15, "label": "F"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "200957-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I walked out with 5 inch long hair on the top, 2 inch long hair on the sides, and 1.5 in the back.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "anchors": [{"from": 76, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 81}]}, {"id": 21, "anchors": [{"from": 82, "to": 85}]}, {"id": 22, "anchors": [{"from": 86, "to": 88}]}, {"id": 23, "anchors": [{"from": 89, "to": 92}]}, {"id": 24, "anchors": [{"from": 93, "to": 97}]}, {"id": 25, "anchors": [{"from": 97, "to": 98}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 27, "target": 2, "label": "D"}, {"source": 34, "target": 16, "label": "R"}, {"source": 29, "target": 4, "label": "Q"}, {"source": 36, "target": 24, "label": "C"}, {"source": 30, "target": 7, "label": "A"}, {"source": 28, "target": 30, "label": "H"}, {"source": 36, "target": 22, "label": "R"}, {"source": 33, "target": 14, "label": "S"}, {"source": 35, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 6, "label": "S"}, {"source": 27, "target": 1, "label": "P"}, {"source": 36, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "C"}, {"source": 35, "target": 21, "label": "D"}, {"source": 28, "target": 11, "label": "U"}, {"source": 28, "target": 3, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 20, "label": "L"}, {"source": 35, "target": 14, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 12, "label": "Q"}, {"source": 33, "target": 15, "label": "A"}, {"source": 32, "target": 13, "label": "C"}, {"source": 28, "target": 35, "label": "H"}, {"source": 26, "target": 27, "label": "H"}, {"source": 34, "target": 18, "label": "C"}, {"source": 28, "target": 33, "label": "H"}, {"source": 31, "target": 9, "label": "F"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 23, "label": "F"}, {"source": 30, "target": 29, "label": "D"}, {"source": 31, "target": 8, "label": "R"}, {"source": 33, "target": 32, "label": "D"}, {"source": 29, "target": 5, "label": "C"}]} +{"id": "200957-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My hair is uneven and it looks rediculous.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 1, "label": "C"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 7, "label": "D"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "200957-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This woman should be working in supercuts...if that.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "A"}, {"source": 15, "target": 4, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 5, "label": "R"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 8, "label": "L"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 11, "label": "A"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "200957-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This was a terrible experience and I hope that no one else goes through that.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 15, "label": "U"}, {"source": 20, "target": 14, "label": "A"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 11, "label": "E"}, {"source": 16, "target": 3, "label": "D"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 5, "label": "L"}, {"source": 19, "target": 6, "label": "A"}, {"source": 20, "target": 12, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "R"}, {"source": 16, "target": 18, "label": "P"}, {"source": 19, "target": 7, "label": "P"}, {"source": 20, "target": 13, "label": "D"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}]} +{"id": "200957-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do your self a favor and do not go to this establishment.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 14, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 6, "label": "D"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "E"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "201156-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "PHOTOS DONE WELL", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "D"}]} +{"id": "201156-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I Love Hellada Gallery!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}, {"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "201156-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Marek Dzida the owner and photographer puts whole heart in his business - If you are into old fashion (Not Digital) quality photography this is best place in Long Beach as I think not many folks can do affordable traditional photos anymore I know Marek personaly and I will always recommend him", "tops": [53], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}, {"from": 94, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 103}]}, {"id": 18, "anchors": [{"from": 103, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 135}]}, {"id": 23, "anchors": [{"from": 136, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 143}]}, {"id": 25, "anchors": [{"from": 144, "to": 148}]}, {"id": 26, "anchors": [{"from": 149, "to": 154}]}, {"id": 27, "anchors": [{"from": 155, "to": 157}]}, {"id": 28, "anchors": [{"from": 158, "to": 162}, {"from": 163, "to": 168}]}, {"id": 29, "anchors": [{"from": 169, "to": 171}]}, {"id": 30, "anchors": [{"from": 172, "to": 173}]}, {"id": 31, "anchors": [{"from": 174, "to": 179}]}, {"id": 32, "anchors": [{"from": 180, "to": 183}]}, {"id": 33, "anchors": [{"from": 184, "to": 188}]}, {"id": 34, "anchors": [{"from": 189, "to": 194}]}, {"id": 35, "anchors": [{"from": 195, "to": 198}]}, {"id": 36, "anchors": [{"from": 199, "to": 201}]}, {"id": 37, "anchors": [{"from": 202, "to": 212}]}, {"id": 38, "anchors": [{"from": 213, "to": 224}]}, {"id": 39, "anchors": [{"from": 225, "to": 231}]}, {"id": 40, "anchors": [{"from": 232, "to": 239}]}, {"id": 41, "anchors": [{"from": 240, "to": 241}]}, {"id": 42, "anchors": [{"from": 242, "to": 246}]}, {"id": 43, "anchors": [{"from": 247, "to": 252}]}, {"id": 44, "anchors": [{"from": 253, "to": 262}]}, {"id": 45, "anchors": [{"from": 263, "to": 266}]}, {"id": 46, "anchors": [{"from": 267, "to": 268}]}, {"id": 47, "anchors": [{"from": 269, "to": 273}]}, {"id": 48, "anchors": [{"from": 274, "to": 280}]}, {"id": 49, "anchors": [{"from": 281, "to": 290}]}, {"id": 50, "anchors": [{"from": 291, "to": 294}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}], "edges": [{"source": 59, "target": 10, "label": "P"}, {"source": 73, "target": 43, "label": "A"}, {"source": 70, "target": 32, "label": "D"}, {"source": 54, "target": 55, "label": "S"}, {"source": 53, "target": 74, "label": "H"}, {"source": 67, "target": 26, "label": "C"}, {"source": 60, "target": 15, "label": "S"}, {"source": 64, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 1, "label": "F"}, {"source": 65, "target": 67, "label": "A"}, {"source": 52, "target": 51, "label": "A"}, {"source": 53, "target": 65, "label": "H"}, {"source": 51, "target": 0, "label": "C"}, {"source": 62, "target": 61, "label": "E"}, {"source": 60, "target": 14, "label": "F"}, {"source": 62, "target": 17, "label": "U"}, {"source": 69, "target": 30, "label": "A"}, {"source": 61, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 58, "label": "D"}, {"source": 68, "target": 28, "label": "C"}, {"source": 73, "target": 42, "label": "S"}, {"source": 67, "target": 68, "label": "E"}, {"source": 57, "target": 4, "label": "P"}, {"source": 66, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 70, "target": 35, "label": "D"}, {"source": 55, "target": 2, "label": "C"}, {"source": 68, "target": 27, "label": "R"}, {"source": 70, "target": 37, "label": "D"}, {"source": 62, "target": 64, "label": "E"}, {"source": 65, "target": 23, "label": "A"}, {"source": 56, "target": 3, "label": "L"}, {"source": 70, "target": 40, "label": "T"}, {"source": 62, "target": 63, "label": "E"}, {"source": 64, "target": 21, "label": "S"}, {"source": 53, "target": 11, "label": "U"}, {"source": 51, "target": 56, "label": "E"}, {"source": 59, "target": 9, "label": "A"}, {"source": 74, "target": 47, "label": "F"}, {"source": 60, "target": 13, "label": "A"}, {"source": 70, "target": 72, "label": "P"}, {"source": 62, "target": 20, "label": "U"}, {"source": 53, "target": 52, "label": "H"}, {"source": 72, "target": 39, "label": "C"}, {"source": 69, "target": 31, "label": "P"}, {"source": 74, "target": 46, "label": "A"}, {"source": 71, "target": 34, "label": "C"}, {"source": 63, "target": 19, "label": "S"}, {"source": 54, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 70, "target": 38, "label": "D"}, {"source": 52, "target": 59, "label": "A"}, {"source": 62, "target": 22, "label": "C"}, {"source": 73, "target": 44, "label": "D"}, {"source": 58, "target": 7, "label": "C"}, {"source": 56, "target": 54, "label": "H"}, {"source": 53, "target": 69, "label": "H"}, {"source": 74, "target": 50, "label": "A"}, {"source": 74, "target": 49, "label": "P"}, {"source": 74, "target": 48, "label": "T"}, {"source": 65, "target": 24, "label": "S"}, {"source": 61, "target": 16, "label": "S"}, {"source": 57, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 45, "label": "L"}, {"source": 53, "target": 12, "label": "L"}, {"source": 67, "target": 66, "label": "E"}, {"source": 72, "target": 36, "label": "F"}, {"source": 53, "target": 73, "label": "H"}, {"source": 58, "target": 6, "label": "Q"}, {"source": 66, "target": 25, "label": "S"}, {"source": 53, "target": 29, "label": "L"}, {"source": 63, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 41, "label": "A"}, {"source": 53, "target": 60, "label": "H"}, {"source": 60, "target": 62, "label": "A"}, {"source": 69, "target": 70, "label": "A"}, {"source": 56, "target": 57, "label": "H"}, {"source": 63, "target": 18, "label": "D"}, {"source": 52, "target": 5, "label": "P"}, {"source": 71, "target": 33, "label": "Q"}, {"source": 59, "target": 8, "label": "R"}, {"source": 59, "target": 10, "label": "A"}, {"source": 70, "target": 71, "label": "A"}]} +{"id": "201972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great help even near closing time!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "L"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 9, "target": 5, "label": "T"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 3, "label": "R"}]} +{"id": "201972-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came in to town for a week and forgot my trainers!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 16, "label": "T"}, {"source": 18, "target": 10, "label": "S"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "A"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "R"}, {"source": 15, "target": 3, "label": "R"}, {"source": 14, "target": 8, "label": "L"}, {"source": 19, "target": 18, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 2, "label": "R"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "201972-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Oh no!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "201972-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came in 30 min before close and the staff was super helpful.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "Q"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "L"}, {"source": 20, "target": 10, "label": "F"}, {"source": 16, "target": 4, "label": "C"}, {"source": 20, "target": 11, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 6, "label": "P"}, {"source": 15, "target": 20, "label": "H"}, {"source": 14, "target": 2, "label": "D"}, {"source": 20, "target": 12, "label": "P"}, {"source": 16, "target": 5, "label": "E"}, {"source": 19, "target": 9, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 8, "label": "F"}, {"source": 17, "target": 16, "label": "T"}]} +{"id": "201972-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They spent a lot of time with me and got me into a great pair of shoes.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}, {"from": 20, "to": 24}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "S"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 4, "label": "R"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 11, "label": "F"}, {"source": 23, "target": 22, "label": "Q"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 9, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 19, "label": "D"}, {"source": 22, "target": 14, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 19, "target": 3, "label": "C"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 1, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 22, "target": 13, "label": "C"}]} +{"id": "201972-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think they may even be better than the pair I have been using this past year!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 9, "label": "Q"}, {"source": 20, "target": 6, "label": "S"}, {"source": 19, "target": 1, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 12, "label": "F"}, {"source": 23, "target": 15, "label": "E"}, {"source": 21, "target": 23, "label": "T"}, {"source": 23, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 10, "label": "A"}, {"source": 20, "target": 2, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 5, "label": "F"}, {"source": 20, "target": 4, "label": "G"}, {"source": 20, "target": 3, "label": "D"}, {"source": 21, "target": 7, "label": "R"}, {"source": 21, "target": 11, "label": "F"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "201972-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks Run on!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "202402-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "SERVERS", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "202402-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When my server crashed, Greg worked from 7 PM until 4 AM and had my company up and running the next morning.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}, {"from": 79, "to": 82}, {"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 107}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 15, "label": "A"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 18, "label": "F"}, {"source": 29, "target": 12, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 30, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "R"}, {"source": 28, "target": 29, "label": "C"}, {"source": 30, "target": 14, "label": "D"}, {"source": 29, "target": 11, "label": "Q"}, {"source": 23, "target": 1, "label": "S"}, {"source": 26, "target": 6, "label": "P"}, {"source": 25, "target": 24, "label": "A"}, {"source": 30, "target": 33, "label": "T"}, {"source": 22, "target": 0, "label": "L"}, {"source": 26, "target": 5, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 31, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "U"}, {"source": 24, "target": 23, "label": "E"}, {"source": 33, "target": 20, "label": "C"}, {"source": 27, "target": 8, "label": "Q"}, {"source": 28, "target": 27, "label": "C"}, {"source": 23, "target": 1, "label": "A"}, {"source": 22, "target": 30, "label": "H"}, {"source": 30, "target": 17, "label": "P"}, {"source": 31, "target": 15, "label": "S"}, {"source": 22, "target": 4, "label": "U"}, {"source": 23, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 19, "label": "E"}, {"source": 22, "target": 13, "label": "L"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 28, "label": "T"}, {"source": 22, "target": 25, "label": "H"}, {"source": 24, "target": 2, "label": "C"}, {"source": 27, "target": 9, "label": "C"}, {"source": 25, "target": 3, "label": "P"}, {"source": 32, "target": 31, "label": "E"}]} +{"id": "202402-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That's what I call customer service!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 11, "target": 3, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "P"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 5, "label": "S"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "202709-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Elmira, your the best!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "F"}, {"source": 8, "target": 0, "label": "G"}]} +{"id": "202709-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All I can say is that Elmira you are the best Ive experienced, never before has the seamstress done a perfect job until i met you.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 129}]}, {"id": 28, "anchors": [{"from": 129, "to": 130}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 31, "target": 24, "label": "L"}, {"source": 36, "target": 12, "label": "F"}, {"source": 36, "target": 13, "label": "P"}, {"source": 34, "target": 6, "label": "G"}, {"source": 38, "target": 17, "label": "F"}, {"source": 30, "target": 33, "label": "A"}, {"source": 32, "target": 2, "label": "D"}, {"source": 30, "target": 29, "label": "A"}, {"source": 30, "target": 4, "label": "S"}, {"source": 35, "target": 9, "label": "F"}, {"source": 32, "target": 3, "label": "P"}, {"source": 33, "target": 5, "label": "R"}, {"source": 31, "target": 14, "label": "U"}, {"source": 38, "target": 22, "label": "D"}, {"source": 33, "target": 36, "label": "H"}, {"source": 34, "target": 35, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 42, "target": 26, "label": "P"}, {"source": 42, "target": 25, "label": "A"}, {"source": 29, "target": 32, "label": "E"}, {"source": 42, "target": 27, "label": "A"}, {"source": 34, "target": 8, "label": "F"}, {"source": 38, "target": 41, "label": "P"}, {"source": 36, "target": 11, "label": "A"}, {"source": 32, "target": 1, "label": "A"}, {"source": 33, "target": 34, "label": "H"}, {"source": 41, "target": 20, "label": "F"}, {"source": 35, "target": 10, "label": "C"}, {"source": 39, "target": 40, "label": "P"}, {"source": 40, "target": 19, "label": "C"}, {"source": 31, "target": 42, "label": "H"}, {"source": 37, "target": 16, "label": "R"}, {"source": 42, "target": 28, "label": "U"}, {"source": 37, "target": 15, "label": "C"}, {"source": 31, "target": 38, "label": "H"}, {"source": 38, "target": 37, "label": "T"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 37, "label": "D"}, {"source": 41, "target": 21, "label": "F"}, {"source": 34, "target": 7, "label": "A"}, {"source": 41, "target": 23, "label": "C"}, {"source": 29, "target": 0, "label": "Q"}, {"source": 31, "target": 30, "label": "H"}, {"source": 40, "target": 18, "label": "F"}]} +{"id": "202709-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recommend you to everyone in Calgary, as she is a professional and the cost for her was low.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 16, "label": "R"}, {"source": 24, "target": 6, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 12, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 28, "target": 18, "label": "F"}, {"source": 24, "target": 5, "label": "R"}, {"source": 23, "target": 3, "label": "R"}, {"source": 25, "target": 26, "label": "S"}, {"source": 27, "target": 14, "label": "F"}, {"source": 22, "target": 8, "label": "L"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 19, "label": "S"}, {"source": 21, "target": 2, "label": "A"}, {"source": 26, "target": 11, "label": "F"}, {"source": 28, "target": 27, "label": "A"}, {"source": 25, "target": 9, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 25, "target": 10, "label": "F"}, {"source": 29, "target": 17, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 7, "label": "U"}, {"source": 22, "target": 25, "label": "H"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 1, "label": "P"}]} +{"id": "203196-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "VINGAS", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "203196-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "VISAKHA INDUSTRIAL GASES PVT. LTD., location at google maps.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 18}, {"from": 19, "to": 24}, {"from": 25, "to": 29}, {"from": 30, "to": 34}]}, {"id": 1, "anchors": [{"from": 34, "to": 35}]}, {"id": 2, "anchors": [{"from": 36, "to": 44}]}, {"id": 3, "anchors": [{"from": 45, "to": 47}]}, {"id": 4, "anchors": [{"from": 48, "to": 54}]}, {"id": 5, "anchors": [{"from": 55, "to": 59}]}, {"id": 6, "anchors": [{"from": 59, "to": 60}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 0, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "205014-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A Great Help!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "205014-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ashdown Horse Transport were fantastic!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 13}, {"from": 14, "to": 23}]}, {"id": 1, "anchors": [{"from": 24, "to": 28}]}, {"id": 2, "anchors": [{"from": 29, "to": 38}]}, {"id": 3, "anchors": [{"from": 38, "to": 39}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "205014-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very friendly and ALWAY contactable even at weekends.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 10, "target": 2, "label": "L"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 6, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 12, "label": "R"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "T"}, {"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 13, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "205014-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would hesitate to recommend anyone.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}]} +{"id": "205014-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks again Nina.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 2, "label": "G"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "205014-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "PS. Love the new website!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "206303-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Natasha", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "206303-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A real pleasure training with Natasha.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "D"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "206303-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Always professional and reliable, sessions are good fun and suitably challenging.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 80}]}, {"id": 12, "anchors": [{"from": 80, "to": 81}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 14, "target": 2, "label": "L"}, {"source": 18, "target": 17, "label": "C"}, {"source": 16, "target": 6, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 4, "label": "U"}, {"source": 15, "target": 0, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "S"}, {"source": 16, "target": 18, "label": "D"}, {"source": 18, "target": 9, "label": "N"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "T"}, {"source": 16, "target": 5, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "E"}, {"source": 14, "target": 13, "label": "H"}, {"source": 19, "target": 12, "label": "U"}, {"source": 17, "target": 8, "label": "C"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "206303-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She really listens to what it is you would like to achieve, and I am very happy with my results.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 18, "label": "R"}, {"source": 25, "target": 11, "label": "P"}, {"source": 22, "target": 1, "label": "D"}, {"source": 23, "target": 13, "label": "L"}, {"source": 28, "target": 19, "label": "A"}, {"source": 26, "target": 15, "label": "F"}, {"source": 28, "target": 19, "label": "S"}, {"source": 27, "target": 21, "label": "U"}, {"source": 24, "target": 5, "label": "F"}, {"source": 25, "target": 9, "label": "D"}, {"source": 28, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 6, "label": "F"}, {"source": 23, "target": 12, "label": "U"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 27, "target": 20, "label": "C"}, {"source": 25, "target": 8, "label": "D"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 26, "target": 14, "label": "A"}, {"source": 24, "target": 3, "label": "R"}, {"source": 26, "target": 16, "label": "D"}, {"source": 27, "target": 28, "label": "E"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 17, "label": "S"}, {"source": 25, "target": 7, "label": "A"}]} +{"id": "206303-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would highly recommend her services.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "207348-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Feels like you are in Brooklyn, but people watching is entertaining.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 6, "label": "U"}, {"source": 15, "target": 3, "label": "F"}, {"source": 15, "target": 1, "label": "R"}, {"source": 15, "target": 5, "label": "A"}, {"source": 16, "target": 9, "label": "P"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 2, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 4, "label": "S"}, {"source": 17, "target": 10, "label": "F"}, {"source": 14, "target": 7, "label": "L"}, {"source": 13, "target": 0, "label": "S"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "207629-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "207629-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been going to Warner Family for a number of years and would highly recommend it to anyone.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}, {"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 17, "label": "C"}, {"source": 20, "target": 11, "label": "L"}, {"source": 22, "target": 6, "label": "R"}, {"source": 19, "target": 22, "label": "T"}, {"source": 22, "target": 23, "label": "Q"}, {"source": 19, "target": 3, "label": "P"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 12, "label": "D"}, {"source": 24, "target": 14, "label": "P"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "R"}, {"source": 22, "target": 9, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 24, "target": 15, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 4, "label": "R"}, {"source": 19, "target": 21, "label": "A"}]} +{"id": "207629-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I've read some of the reviews below and would like to state that yes, like any other doctors office there is sometimes a wait (depending on what other patients are being seen for) and some of the tests and procedures that are ran can be costly (just like they would be for any other medical tests elsewhere if you do not have insurance)...", "tops": [70], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}, {"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 127, "to": 136}, {"from": 137, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 159}]}, {"id": 31, "anchors": [{"from": 160, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 169}]}, {"id": 33, "anchors": [{"from": 170, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 178}]}, {"id": 35, "anchors": [{"from": 178, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 183}]}, {"id": 37, "anchors": [{"from": 184, "to": 188}]}, {"id": 38, "anchors": [{"from": 189, "to": 191}]}, {"id": 39, "anchors": [{"from": 192, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 201}]}, {"id": 41, "anchors": [{"from": 202, "to": 205}]}, {"id": 42, "anchors": [{"from": 206, "to": 216}]}, {"id": 43, "anchors": [{"from": 217, "to": 221}]}, {"id": 44, "anchors": [{"from": 222, "to": 225}]}, {"id": 45, "anchors": [{"from": 226, "to": 229}]}, {"id": 46, "anchors": [{"from": 230, "to": 233}]}, {"id": 47, "anchors": [{"from": 234, "to": 236}]}, {"id": 48, "anchors": [{"from": 237, "to": 243}]}, {"id": 49, "anchors": [{"from": 244, "to": 245}]}, {"id": 50, "anchors": [{"from": 245, "to": 249}]}, {"id": 51, "anchors": [{"from": 250, "to": 254}]}, {"id": 52, "anchors": [{"from": 255, "to": 259}]}, {"id": 53, "anchors": [{"from": 260, "to": 265}]}, {"id": 54, "anchors": [{"from": 266, "to": 268}]}, {"id": 55, "anchors": [{"from": 269, "to": 272}]}, {"id": 56, "anchors": [{"from": 273, "to": 276}]}, {"id": 57, "anchors": [{"from": 277, "to": 282}]}, {"id": 58, "anchors": [{"from": 283, "to": 290}]}, {"id": 59, "anchors": [{"from": 291, "to": 296}]}, {"id": 60, "anchors": [{"from": 297, "to": 306}]}, {"id": 61, "anchors": [{"from": 307, "to": 309}]}, {"id": 62, "anchors": [{"from": 310, "to": 313}]}, {"id": 63, "anchors": [{"from": 314, "to": 316}]}, {"id": 64, "anchors": [{"from": 317, "to": 320}]}, {"id": 65, "anchors": [{"from": 321, "to": 325}]}, {"id": 66, "anchors": [{"from": 326, "to": 335}]}, {"id": 67, "anchors": [{"from": 335, "to": 336}]}, {"id": 68, "anchors": [{"from": 336, "to": 339}]}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}], "edges": [{"source": 88, "target": 37, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 86, "target": 46, "label": "D"}, {"source": 93, "target": 67, "label": "U"}, {"source": 75, "target": 93, "label": "H"}, {"source": 85, "target": 89, "label": "H"}, {"source": 83, "target": 34, "label": "R"}, {"source": 75, "target": 26, "label": "U"}, {"source": 75, "target": 79, "label": "H"}, {"source": 74, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 86, "target": 47, "label": "F"}, {"source": 72, "target": 7, "label": "R"}, {"source": 85, "target": 88, "label": "H"}, {"source": 69, "target": 1, "label": "F"}, {"source": 69, "target": 0, "label": "A"}, {"source": 72, "target": 73, "label": "C"}, {"source": 79, "target": 23, "label": "T"}, {"source": 75, "target": 86, "label": "H"}, {"source": 84, "target": 38, "label": "R"}, {"source": 70, "target": 69, "label": "H"}, {"source": 78, "target": 19, "label": "S"}, {"source": 73, "target": 6, "label": "P"}, {"source": 74, "target": 10, "label": "F"}, {"source": 71, "target": 4, "label": "R"}, {"source": 70, "target": 8, "label": "L"}, {"source": 80, "target": 25, "label": "C"}, {"source": 75, "target": 12, "label": "R"}, {"source": 75, "target": 90, "label": "H"}, {"source": 93, "target": 63, "label": "F"}, {"source": 89, "target": 43, "label": "R"}, {"source": 81, "target": 82, "label": "A"}, {"source": 85, "target": 41, "label": "L"}, {"source": 93, "target": 64, "label": "D"}, {"source": 69, "target": 72, "label": "A"}, {"source": 90, "target": 52, "label": "A"}, {"source": 75, "target": 13, "label": "H"}, {"source": 75, "target": 51, "label": "L"}, {"source": 75, "target": 81, "label": "H"}, {"source": 92, "target": 58, "label": "D"}, {"source": 77, "target": 18, "label": "S"}, {"source": 83, "target": 28, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 75, "target": 14, "label": "U"}, {"source": 89, "target": 44, "label": "F"}, {"source": 91, "target": 55, "label": "R"}, {"source": 91, "target": 92, "label": "A"}, {"source": 78, "target": 20, "label": "A"}, {"source": 75, "target": 36, "label": "L"}, {"source": 89, "target": 45, "label": "P"}, {"source": 77, "target": 18, "label": "A"}, {"source": 69, "target": 2, "label": "P"}, {"source": 81, "target": 32, "label": "F"}, {"source": 82, "target": 30, "label": "C"}, {"source": 81, "target": 28, "label": "A"}, {"source": 75, "target": 35, "label": "U"}, {"source": 74, "target": 75, "label": "A"}, {"source": 79, "target": 22, "label": "F"}, {"source": 90, "target": 54, "label": "F"}, {"source": 86, "target": 48, "label": "S"}, {"source": 91, "target": 60, "label": "A"}, {"source": 85, "target": 84, "label": "H"}, {"source": 84, "target": 37, "label": "D"}, {"source": 79, "target": 21, "label": "A"}, {"source": 72, "target": 71, "label": "Q"}, {"source": 81, "target": 83, "label": "A"}, {"source": 90, "target": 53, "label": "F"}, {"source": 81, "target": 31, "label": "F"}, {"source": 75, "target": 61, "label": "L"}, {"source": 70, "target": 74, "label": "H"}, {"source": 91, "target": 56, "label": "D"}, {"source": 91, "target": 57, "label": "S"}, {"source": 75, "target": 76, "label": "H"}, {"source": 88, "target": 42, "label": "P"}, {"source": 76, "target": 16, "label": "D"}, {"source": 90, "target": 91, "label": "A"}, {"source": 93, "target": 66, "label": "A"}, {"source": 79, "target": 80, "label": "P"}, {"source": 81, "target": 33, "label": "P"}, {"source": 93, "target": 68, "label": "U"}, {"source": 92, "target": 59, "label": "P"}, {"source": 75, "target": 49, "label": "U"}, {"source": 75, "target": 27, "label": "L"}, {"source": 87, "target": 40, "label": "C"}, {"source": 74, "target": 11, "label": "P"}, {"source": 87, "target": 39, "label": "F"}, {"source": 86, "target": 85, "label": "A"}, {"source": 78, "target": 77, "label": "A"}, {"source": 75, "target": 50, "label": "L"}, {"source": 75, "target": 15, "label": "L"}, {"source": 74, "target": 9, "label": "D"}, {"source": 76, "target": 78, "label": "A"}, {"source": 76, "target": 17, "label": "S"}, {"source": 84, "target": 87, "label": "P"}, {"source": 93, "target": 62, "label": "A"}, {"source": 82, "target": 29, "label": "E"}, {"source": 80, "target": 24, "label": "F"}, {"source": 72, "target": 5, "label": "F"}, {"source": 93, "target": 65, "label": "S"}, {"source": 71, "target": 3, "label": "C"}, {"source": 90, "target": 48, "label": "S", "properties": ["remote"], "values": [true]}]} +{"id": "207629-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have seen several of the providers from the office and have not once been shown anything but care and consideration.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 90}, {"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 19, "label": "S"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 12, "label": "D"}, {"source": 24, "target": 23, "label": "Q"}, {"source": 30, "target": 16, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 23, "target": 3, "label": "C"}, {"source": 28, "target": 17, "label": "S"}, {"source": 23, "target": 4, "label": "R"}, {"source": 24, "target": 5, "label": "F"}, {"source": 25, "target": 6, "label": "S"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 18, "label": "L"}, {"source": 29, "target": 30, "label": "H"}, {"source": 30, "target": 20, "label": "U"}, {"source": 29, "target": 28, "label": "H"}, {"source": 21, "target": 2, "label": "P"}, {"source": 26, "target": 7, "label": "R"}, {"source": 24, "target": 25, "label": "C"}, {"source": 27, "target": 13, "label": "D"}, {"source": 21, "target": 1, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 11, "label": "F"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 9, "label": "C"}, {"source": 27, "target": 15, "label": "P"}, {"source": 26, "target": 8, "label": "F"}, {"source": 22, "target": 27, "label": "H"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "207629-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I cant speak for them but any tests or appointments they recommend are probably in the best interests of us (the patient) and you have the ability to decline anything that they suggest to you.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 176}]}, {"id": 35, "anchors": [{"from": 177, "to": 184}]}, {"id": 36, "anchors": [{"from": 185, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 191}]}, {"id": 38, "anchors": [{"from": 191, "to": 192}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 40, "target": 6, "label": "L"}, {"source": 52, "target": 30, "label": "F"}, {"source": 55, "target": 56, "label": "A"}, {"source": 40, "target": 24, "label": "U"}, {"source": 39, "target": 1, "label": "D"}, {"source": 41, "target": 5, "label": "C"}, {"source": 55, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 46, "label": "H"}, {"source": 50, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 4, "label": "R"}, {"source": 52, "target": 26, "label": "A"}, {"source": 42, "target": 8, "label": "P"}, {"source": 52, "target": 27, "label": "F"}, {"source": 44, "target": 14, "label": "D"}, {"source": 47, "target": 15, "label": "R"}, {"source": 52, "target": 53, "label": "D"}, {"source": 56, "target": 38, "label": "U"}, {"source": 51, "target": 22, "label": "F"}, {"source": 40, "target": 44, "label": "H"}, {"source": 39, "target": 0, "label": "A"}, {"source": 55, "target": 34, "label": "A"}, {"source": 56, "target": 37, "label": "C"}, {"source": 45, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 19, "label": "R"}, {"source": 54, "target": 55, "label": "E"}, {"source": 42, "target": 7, "label": "D"}, {"source": 48, "target": 16, "label": "F"}, {"source": 44, "target": 47, "label": "S"}, {"source": 52, "target": 54, "label": "A"}, {"source": 53, "target": 28, "label": "F"}, {"source": 44, "target": 13, "label": "F"}, {"source": 44, "target": 49, "label": "A"}, {"source": 56, "target": 36, "label": "R"}, {"source": 43, "target": 42, "label": "H"}, {"source": 47, "target": 18, "label": "C"}, {"source": 49, "target": 21, "label": "U"}, {"source": 49, "target": 20, "label": "C"}, {"source": 46, "target": 11, "label": "A"}, {"source": 45, "target": 10, "label": "P"}, {"source": 50, "target": 51, "label": "S"}, {"source": 52, "target": 31, "label": "P"}, {"source": 39, "target": 2, "label": "D"}, {"source": 44, "target": 43, "label": "A"}, {"source": 39, "target": 3, "label": "P"}, {"source": 40, "target": 25, "label": "L"}, {"source": 46, "target": 12, "label": "P"}, {"source": 43, "target": 45, "label": "H"}, {"source": 49, "target": 50, "label": "E"}, {"source": 48, "target": 17, "label": "C"}, {"source": 44, "target": 48, "label": "D"}, {"source": 39, "target": 41, "label": "A"}, {"source": 40, "target": 52, "label": "H"}, {"source": 53, "target": 29, "label": "C"}, {"source": 55, "target": 35, "label": "P"}, {"source": 54, "target": 32, "label": "C"}, {"source": 43, "target": 9, "label": "L"}, {"source": 51, "target": 23, "label": "C"}, {"source": 40, "target": 39, "label": "H"}, {"source": 55, "target": 33, "label": "R"}]} +{"id": "207629-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I personally have had wonderful service and if youre truely looking for a FAMILY practice...Warner Family is the place for you.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 89}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 98}, {"from": 99, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 126}]}, {"id": 23, "anchors": [{"from": 126, "to": 127}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 16, "label": "U"}, {"source": 29, "target": 17, "label": "A"}, {"source": 25, "target": 6, "label": "L"}, {"source": 30, "target": 19, "label": "F"}, {"source": 26, "target": 8, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 5, "label": "P"}, {"source": 24, "target": 0, "label": "A"}, {"source": 27, "target": 14, "label": "D"}, {"source": 24, "target": 4, "label": "D"}, {"source": 27, "target": 12, "label": "R"}, {"source": 29, "target": 21, "label": "S"}, {"source": 25, "target": 26, "label": "H"}, {"source": 28, "target": 13, "label": "F"}, {"source": 29, "target": 23, "label": "U"}, {"source": 26, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 29, "target": 18, "label": "F"}, {"source": 24, "target": 2, "label": "F"}, {"source": 25, "target": 7, "label": "L"}, {"source": 28, "target": 15, "label": "C"}, {"source": 26, "target": 11, "label": "P"}, {"source": 29, "target": 22, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "F"}, {"source": 27, "target": 28, "label": "P"}, {"source": 24, "target": 1, "label": "G"}]} +{"id": "207783-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not a clothing store", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "207783-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Be more careful when you write reviews- this is an accounting group, not Hollister the clothing store.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 26, "target": 14, "label": "D"}, {"source": 25, "target": 11, "label": "P"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 10, "label": "F"}, {"source": 20, "target": 2, "label": "S"}, {"source": 21, "target": 22, "label": "H"}, {"source": 28, "target": 17, "label": "E"}, {"source": 21, "target": 26, "label": "H"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 0, "label": "F"}, {"source": 28, "target": 16, "label": "F"}, {"source": 28, "target": 18, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 9, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 1, "label": "D"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 8, "label": "A"}, {"source": 26, "target": 9, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "L"}, {"source": 22, "target": 4, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 21, "target": 7, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 13, "label": "U"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "208180-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Good quality Indian food in a pleasant environment", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 11, "label": "H"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 8, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "L"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "208310-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Whatever you order, you will LOVE!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "U"}, {"source": 10, "target": 8, "label": "A"}, {"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 11, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "209465-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Pho-nomenal!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "209465-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been eating Pho for almost my entire life and I've always gone to the Pho places in south philly and off the boulevard and even the other one in chinatown, but when i tried this pho place, it blew the other pho houses away!!", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 96}, {"from": 97, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 148}]}, {"id": 30, "anchors": [{"from": 149, "to": 151}]}, {"id": 31, "anchors": [{"from": 152, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 173}]}, {"id": 36, "anchors": [{"from": 174, "to": 179}]}, {"id": 37, "anchors": [{"from": 180, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 188}]}, {"id": 39, "anchors": [{"from": 189, "to": 194}]}, {"id": 40, "anchors": [{"from": 194, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 198}]}, {"id": 42, "anchors": [{"from": 199, "to": 203}, {"from": 225, "to": 229}]}, {"id": 43, "anchors": [{"from": 204, "to": 207}]}, {"id": 44, "anchors": [{"from": 208, "to": 213}]}, {"id": 45, "anchors": [{"from": 214, "to": 217}]}, {"id": 46, "anchors": [{"from": 218, "to": 224}]}, {"id": 47, "anchors": [{"from": 229, "to": 231}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 61, "target": 39, "label": "C"}, {"source": 48, "target": 2, "label": "F"}, {"source": 52, "target": 17, "label": "E"}, {"source": 57, "target": 26, "label": "G"}, {"source": 59, "target": 30, "label": "R"}, {"source": 56, "target": 24, "label": "C"}, {"source": 63, "target": 43, "label": "F"}, {"source": 63, "target": 45, "label": "E"}, {"source": 49, "target": 34, "label": "L"}, {"source": 55, "target": 56, "label": "A"}, {"source": 49, "target": 51, "label": "H"}, {"source": 54, "target": 57, "label": "C"}, {"source": 61, "target": 37, "label": "E"}, {"source": 55, "target": 22, "label": "S"}, {"source": 62, "target": 41, "label": "A"}, {"source": 48, "target": 4, "label": "A"}, {"source": 49, "target": 33, "label": "L"}, {"source": 48, "target": 3, "label": "P"}, {"source": 52, "target": 18, "label": "C"}, {"source": 54, "target": 21, "label": "N"}, {"source": 63, "target": 44, "label": "E"}, {"source": 53, "target": 20, "label": "A"}, {"source": 50, "target": 5, "label": "R"}, {"source": 49, "target": 10, "label": "L"}, {"source": 50, "target": 8, "label": "D"}, {"source": 49, "target": 60, "label": "H"}, {"source": 52, "target": 15, "label": "R"}, {"source": 60, "target": 61, "label": "A"}, {"source": 51, "target": 13, "label": "T"}, {"source": 56, "target": 23, "label": "F"}, {"source": 50, "target": 6, "label": "D"}, {"source": 54, "target": 55, "label": "C"}, {"source": 50, "target": 9, "label": "S"}, {"source": 59, "target": 31, "label": "C"}, {"source": 62, "target": 47, "label": "U"}, {"source": 48, "target": 0, "label": "A"}, {"source": 53, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 46, "label": "C"}, {"source": 54, "target": 53, "label": "C"}, {"source": 48, "target": 50, "label": "A"}, {"source": 49, "target": 32, "label": "U"}, {"source": 57, "target": 58, "label": "A"}, {"source": 49, "target": 48, "label": "H"}, {"source": 61, "target": 38, "label": "E"}, {"source": 62, "target": 42, "label": "P"}, {"source": 53, "target": 19, "label": "S"}, {"source": 52, "target": 54, "label": "E"}, {"source": 54, "target": 25, "label": "N"}, {"source": 57, "target": 59, "label": "A"}, {"source": 50, "target": 7, "label": "A"}, {"source": 49, "target": 40, "label": "U"}, {"source": 62, "target": 63, "label": "A"}, {"source": 51, "target": 14, "label": "P"}, {"source": 52, "target": 16, "label": "F"}, {"source": 51, "target": 52, "label": "A"}, {"source": 49, "target": 62, "label": "H"}, {"source": 58, "target": 27, "label": "F"}, {"source": 57, "target": 28, "label": "D"}, {"source": 58, "target": 29, "label": "C"}, {"source": 48, "target": 1, "label": "F"}, {"source": 51, "target": 11, "label": "A"}, {"source": 60, "target": 35, "label": "A"}, {"source": 55, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 36, "label": "P"}, {"source": 51, "target": 12, "label": "F"}]} +{"id": "209465-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "all of the pho places taste the same to me, so what seperates one from the other is the service and the price.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 109}]}, {"id": 24, "anchors": [{"from": 109, "to": 110}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 31, "target": 14, "label": "C"}, {"source": 35, "target": 19, "label": "F"}, {"source": 33, "target": 36, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 34, "target": 35, "label": "P"}, {"source": 30, "target": 13, "label": "P"}, {"source": 28, "target": 7, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 25, "target": 1, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 33, "target": 18, "label": "R"}, {"source": 33, "target": 21, "label": "N"}, {"source": 25, "target": 2, "label": "F"}, {"source": 29, "target": 8, "label": "R"}, {"source": 32, "target": 16, "label": "F"}, {"source": 36, "target": 22, "label": "F"}, {"source": 27, "target": 10, "label": "U"}, {"source": 26, "target": 29, "label": "A"}, {"source": 30, "target": 12, "label": "A"}, {"source": 27, "target": 11, "label": "L"}, {"source": 36, "target": 23, "label": "C"}, {"source": 25, "target": 0, "label": "Q"}, {"source": 26, "target": 5, "label": "S"}, {"source": 31, "target": 32, "label": "C"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 34, "label": "C"}, {"source": 28, "target": 6, "label": "F"}, {"source": 36, "target": 24, "label": "U"}, {"source": 35, "target": 20, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 26, "target": 28, "label": "D"}, {"source": 32, "target": 17, "label": "C"}, {"source": 25, "target": 4, "label": "C"}, {"source": 31, "target": 15, "label": "N"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "209465-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The service here is incredible compared to the other places.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 5, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 7, "label": "F"}, {"source": 14, "target": 8, "label": "D"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 11, "label": "P"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 3, "label": "F"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "209465-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the only down fall of this pho house is the difficulty in finding parking in chinatown.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 86}]}, {"id": 15, "anchors": [{"from": 86, "to": 87}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 16, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 21, "label": "D"}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 10, "label": "F"}, {"source": 19, "target": 3, "label": "R"}, {"source": 20, "target": 11, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 12, "label": "P"}, {"source": 21, "target": 8, "label": "F"}, {"source": 18, "target": 16, "label": "S"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 7, "label": "F"}, {"source": 18, "target": 20, "label": "A"}]} +{"id": "209465-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "remember to bring cash since they don't take debit or credit.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 10, "label": "N"}, {"source": 16, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 4, "label": "L"}, {"source": 15, "target": 7, "label": "D"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "209465-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "hope this helps!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "210019-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have stayed at Tanglewood for many years now.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 6, "label": "Q"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 13, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "210019-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We go over about 5 times a year.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 3, "label": "E"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 10, "target": 12, "label": "T"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 11, "label": "Q"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 5, "label": "C"}]} +{"id": "210019-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We have never had a problem with the cabins.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "F"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "R"}, {"source": 11, "target": 2, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "210019-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are always so helpful.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "T"}]} +{"id": "210019-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The cabins have always been clean.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "F"}, {"source": 7, "target": 0, "label": "F"}, {"source": 9, "target": 3, "label": "T"}]} +{"id": "210019-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Helen is a wonderful place to take you family.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 15, "target": 8, "label": "S"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 14, "label": "E"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 8, "label": "A"}, {"source": 15, "target": 7, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "210019-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We recommend these cabins!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}]} +{"id": "210066-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bait and switch, untrained workers", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 34}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 4, "target": 0, "label": "P"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 7, "target": 3, "label": "S"}, {"source": 5, "target": 1, "label": "U"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "210066-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Called the Bonanza store 2 weeks ago, before I ripped out 350sqft of ceramic tile... was told I would need a \"dual head concrete grinder\" to remove thinset and make a nice \"finished\" look (ready for concrete stain).", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}, {"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 110}]}, {"id": 25, "anchors": [{"from": 110, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 136}]}, {"id": 29, "anchors": [{"from": 136, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 171}]}, {"id": 37, "anchors": [{"from": 172, "to": 173}]}, {"id": 38, "anchors": [{"from": 173, "to": 181}]}, {"id": 39, "anchors": [{"from": 181, "to": 182}]}, {"id": 40, "anchors": [{"from": 183, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 189}]}, {"id": 42, "anchors": [{"from": 189, "to": 194}]}, {"id": 43, "anchors": [{"from": 195, "to": 198}]}, {"id": 44, "anchors": [{"from": 199, "to": 207}]}, {"id": 45, "anchors": [{"from": 208, "to": 213}]}, {"id": 46, "anchors": [{"from": 213, "to": 214}]}, {"id": 47, "anchors": [{"from": 214, "to": 215}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}], "edges": [{"source": 54, "target": 12, "label": "Q"}, {"source": 53, "target": 55, "label": "A"}, {"source": 59, "target": 61, "label": "C"}, {"source": 53, "target": 10, "label": "P"}, {"source": 64, "target": 65, "label": "E"}, {"source": 63, "target": 34, "label": "P"}, {"source": 64, "target": 41, "label": "U"}, {"source": 55, "target": 16, "label": "C"}, {"source": 57, "target": 19, "label": "P"}, {"source": 51, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 40, "label": "C"}, {"source": 49, "target": 33, "label": "L"}, {"source": 59, "target": 23, "label": "F"}, {"source": 55, "target": 54, "label": "Q"}, {"source": 59, "target": 24, "label": "U"}, {"source": 61, "target": 28, "label": "P"}, {"source": 49, "target": 7, "label": "U"}, {"source": 63, "target": 64, "label": "A"}, {"source": 59, "target": 60, "label": "E"}, {"source": 60, "target": 26, "label": "C"}, {"source": 63, "target": 37, "label": "U"}, {"source": 58, "target": 59, "label": "A"}, {"source": 55, "target": 56, "label": "E"}, {"source": 56, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 15, "label": "S"}, {"source": 67, "target": 44, "label": "E"}, {"source": 52, "target": 4, "label": "Q"}, {"source": 49, "target": 17, "label": "U"}, {"source": 50, "target": 1, "label": "F"}, {"source": 62, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 65, "target": 66, "label": "A"}, {"source": 53, "target": 9, "label": "A"}, {"source": 63, "target": 36, "label": "D"}, {"source": 48, "target": 50, "label": "A"}, {"source": 52, "target": 6, "label": "E"}, {"source": 55, "target": 14, "label": "R"}, {"source": 49, "target": 63, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 54, "target": 13, "label": "C"}, {"source": 49, "target": 48, "label": "H"}, {"source": 49, "target": 8, "label": "L"}, {"source": 57, "target": 18, "label": "F"}, {"source": 62, "target": 32, "label": "A"}, {"source": 65, "target": 42, "label": "S"}, {"source": 66, "target": 67, "label": "P"}, {"source": 67, "target": 47, "label": "U"}, {"source": 63, "target": 38, "label": "D"}, {"source": 62, "target": 31, "label": "P"}, {"source": 63, "target": 39, "label": "U"}, {"source": 65, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 20, "label": "A"}, {"source": 66, "target": 43, "label": "R"}, {"source": 49, "target": 29, "label": "U"}, {"source": 67, "target": 46, "label": "U"}, {"source": 49, "target": 30, "label": "L"}, {"source": 49, "target": 62, "label": "H"}, {"source": 48, "target": 0, "label": "P"}, {"source": 60, "target": 25, "label": "Q"}, {"source": 53, "target": 11, "label": "D"}, {"source": 50, "target": 51, "label": "E"}, {"source": 50, "target": 3, "label": "C"}, {"source": 57, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 5, "label": "C"}, {"source": 58, "target": 22, "label": "P"}, {"source": 49, "target": 57, "label": "H"}, {"source": 51, "target": 2, "label": "S"}, {"source": 64, "target": 35, "label": "F"}, {"source": 49, "target": 53, "label": "H"}, {"source": 59, "target": 27, "label": "E"}, {"source": 48, "target": 52, "label": "T"}, {"source": 58, "target": 21, "label": "F"}, {"source": 67, "target": 45, "label": "C"}]} +{"id": "210066-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Was quoted $55 all inclusive of grinder inserts, etc.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "Q"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 9, "label": "U"}, {"source": 15, "target": 4, "label": "D"}, {"source": 13, "target": 2, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 6, "label": "R"}, {"source": 15, "target": 5, "label": "S"}]} +{"id": "210066-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No problem, sounded like it's done every day.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}, {"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 2, "label": "U"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 7, "label": "Q"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 13, "label": "T"}, {"source": 12, "target": 3, "label": "G"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "210066-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will look beautiful.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "210066-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Got the tile ripped out, call today, now all the sudden this grinder won't leave a finished look AND it's $125 PLUS around $75 for the inserts.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 48}, {"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27, "anchors": [{"from": 124, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 142}]}, {"id": 31, "anchors": [{"from": 142, "to": 143}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 40, "target": 22, "label": "C"}, {"source": 37, "target": 15, "label": "P"}, {"source": 43, "target": 30, "label": "C"}, {"source": 32, "target": 4, "label": "D"}, {"source": 37, "target": 14, "label": "D"}, {"source": 34, "target": 2, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 41, "target": 24, "label": "N"}, {"source": 33, "target": 10, "label": "L"}, {"source": 33, "target": 32, "label": "H"}, {"source": 33, "target": 37, "label": "H"}, {"source": 35, "target": 7, "label": "T"}, {"source": 42, "target": 25, "label": "E"}, {"source": 38, "target": 18, "label": "S"}, {"source": 33, "target": 9, "label": "L"}, {"source": 35, "target": 6, "label": "P"}, {"source": 40, "target": 23, "label": "Q"}, {"source": 32, "target": 3, "label": "P"}, {"source": 36, "target": 12, "label": "C"}, {"source": 33, "target": 35, "label": "H"}, {"source": 33, "target": 39, "label": "H"}, {"source": 38, "target": 16, "label": "F"}, {"source": 41, "target": 40, "label": "C"}, {"source": 33, "target": 19, "label": "L"}, {"source": 37, "target": 13, "label": "F"}, {"source": 42, "target": 26, "label": "C"}, {"source": 34, "target": 1, "label": "F"}, {"source": 33, "target": 8, "label": "U"}, {"source": 41, "target": 42, "label": "C"}, {"source": 39, "target": 20, "label": "A"}, {"source": 37, "target": 36, "label": "A"}, {"source": 43, "target": 29, "label": "F"}, {"source": 43, "target": 31, "label": "U"}, {"source": 36, "target": 11, "label": "E"}, {"source": 38, "target": 17, "label": "D"}, {"source": 39, "target": 21, "label": "S"}, {"source": 39, "target": 41, "label": "A"}, {"source": 33, "target": 5, "label": "U"}, {"source": 42, "target": 43, "label": "E"}, {"source": 43, "target": 28, "label": "R"}, {"source": 42, "target": 27, "label": "Q"}, {"source": 32, "target": 0, "label": "F"}]} +{"id": "210066-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I can rent another machine for like $60 that will give it a finished look.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 21, "label": "E"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 12, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 13, "label": "F"}, {"source": 20, "target": 7, "label": "C"}, {"source": 20, "target": 8, "label": "Q"}, {"source": 22, "target": 14, "label": "D"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 15, "label": "S"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "210066-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So from $55 to $260?", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "anchors": [{"from": 19, "to": 20}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "L"}, {"source": 8, "target": 1, "label": "L"}, {"source": 8, "target": 4, "label": "L"}, {"source": 11, "target": 12, "label": "A"}, {"source": 8, "target": 11, "label": "H"}, {"source": 10, "target": 3, "label": "Q"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 6, "label": "Q"}]} +{"id": "210066-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Are they serious?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "210066-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I feel like they didn't tell me the pitfalls before I pulled out this tile and now that I have no other options they want 5 TIMES the price?", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 139}]}, {"id": 29, "anchors": [{"from": 139, "to": 140}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 41, "target": 40, "label": "Q"}, {"source": 36, "target": 16, "label": "T"}, {"source": 31, "target": 36, "label": "H"}, {"source": 34, "target": 11, "label": "P"}, {"source": 41, "target": 27, "label": "F"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 19, "label": "S"}, {"source": 30, "target": 2, "label": "A"}, {"source": 41, "target": 29, "label": "U"}, {"source": 36, "target": 38, "label": "A"}, {"source": 37, "target": 21, "label": "S"}, {"source": 41, "target": 28, "label": "C"}, {"source": 35, "target": 13, "label": "E"}, {"source": 30, "target": 5, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 6, "label": "A"}, {"source": 31, "target": 9, "label": "L"}, {"source": 30, "target": 3, "label": "F"}, {"source": 32, "target": 33, "label": "P"}, {"source": 40, "target": 25, "label": "Q"}, {"source": 38, "target": 37, "label": "E"}, {"source": 37, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 10, "label": "A"}, {"source": 39, "target": 24, "label": "S"}, {"source": 30, "target": 1, "label": "G"}, {"source": 36, "target": 17, "label": "F"}, {"source": 31, "target": 15, "label": "L"}, {"source": 33, "target": 7, "label": "F"}, {"source": 36, "target": 20, "label": "D"}, {"source": 30, "target": 4, "label": "D"}, {"source": 36, "target": 18, "label": "A"}, {"source": 31, "target": 39, "label": "H"}, {"source": 39, "target": 41, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 34, "target": 12, "label": "D"}, {"source": 31, "target": 34, "label": "H"}, {"source": 34, "target": 35, "label": "A"}, {"source": 38, "target": 22, "label": "C"}, {"source": 39, "target": 23, "label": "A"}, {"source": 31, "target": 30, "label": "H"}, {"source": 35, "target": 14, "label": "C"}, {"source": 40, "target": 26, "label": "C"}]} +{"id": "210066-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Either these people don't know anything about what they are renting, or worse- they are bait and switching.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}, {"from": 93, "to": 96}, {"from": 97, "to": 106}]}, {"id": 19, "anchors": [{"from": 106, "to": 107}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 11, "label": "P"}, {"source": 24, "target": 14, "label": "S"}, {"source": 25, "target": 19, "label": "U"}, {"source": 20, "target": 13, "label": "L"}, {"source": 22, "target": 4, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 7, "label": "R"}, {"source": 23, "target": 10, "label": "F"}, {"source": 20, "target": 0, "label": "L"}, {"source": 20, "target": 12, "label": "U"}, {"source": 25, "target": 17, "label": "F"}, {"source": 25, "target": 16, "label": "A"}, {"source": 21, "target": 2, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 9, "label": "A"}, {"source": 23, "target": 8, "label": "A"}, {"source": 25, "target": 18, "label": "P"}, {"source": 24, "target": 15, "label": "U"}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 3, "label": "F"}, {"source": 22, "target": 5, "label": "P"}, {"source": 21, "target": 1, "label": "E"}]} +{"id": "210153-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Poor Taste", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "210153-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There is no lower rating for Noonan's Liquor, owners and employees.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}, {"from": 35, "to": 37}, {"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 16, "target": 10, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "C"}, {"source": 14, "target": 9, "label": "N"}, {"source": 16, "target": 10, "label": "A"}, {"source": 14, "target": 7, "label": "U"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 4, "label": "S"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 8, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 16, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "210153-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A negative number is not available.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "210153-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "CLH", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "210875-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bulwark regarding service by Eric", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "R"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 7, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "C"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "210875-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just wanted you to know that Eric came by as scheduled today and sprayed our house for scorpions.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 2, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 11, "label": "T"}, {"source": 24, "target": 14, "label": "S"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 4, "label": "S"}, {"source": 26, "target": 16, "label": "R"}, {"source": 21, "target": 5, "label": "R"}, {"source": 25, "target": 15, "label": "C"}, {"source": 21, "target": 8, "label": "D"}, {"source": 24, "target": 14, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 22, "target": 10, "label": "P"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 12, "label": "L"}, {"source": 23, "target": 26, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "D"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "210875-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He seemed to understand how important it was for us to make sure the whole house was sprayed so he took his time.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}, {"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}, {"from": 104, "to": 107}, {"from": 108, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 27, "target": 12, "label": "F"}, {"source": 25, "target": 9, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 13, "label": "Q"}, {"source": 27, "target": 14, "label": "C"}, {"source": 28, "target": 19, "label": "D"}, {"source": 26, "target": 10, "label": "F"}, {"source": 28, "target": 18, "label": "A"}, {"source": 22, "target": 17, "label": "L"}, {"source": 22, "target": 28, "label": "H"}, {"source": 21, "target": 1, "label": "G"}, {"source": 24, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 11, "label": "D"}, {"source": 26, "target": 15, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 24, "target": 7, "label": "F"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 6, "label": "F"}, {"source": 21, "target": 2, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 21, "target": 3, "label": "P"}, {"source": 28, "target": 16, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 4, "label": "E"}]} +{"id": "210875-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "211709-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best ceviche that I'd had so far! :)", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}, {"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "T"}, {"source": 12, "target": 2, "label": "R"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "S"}, {"source": 10, "target": 0, "label": "S"}]} +{"id": "211797-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "MUST READ - Do not waste your time in this store.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "D"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 0, "label": "D"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "211797-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "At my appointment the girl helping me was unable to adequately lace up some of the dresses.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}, {"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 22, "target": 13, "label": "R"}, {"source": 19, "target": 21, "label": "E"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 5, "label": "P"}, {"source": 17, "target": 0, "label": "R"}, {"source": 20, "target": 8, "label": "D"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 6, "label": "A"}, {"source": 20, "target": 10, "label": "D"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 9, "label": "F"}, {"source": 22, "target": 12, "label": "Q"}, {"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 2, "label": "P"}, {"source": 20, "target": 11, "label": "P"}, {"source": 20, "target": 7, "label": "F"}, {"source": 22, "target": 14, "label": "F"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "211797-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They felt like they were going to fall off of me and it was very difficult to see what I would actually look like were I to purchase some of these dresses.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}, {"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 154}]}, {"id": 31, "anchors": [{"from": 154, "to": 155}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 38, "target": 23, "label": "L"}, {"source": 37, "target": 20, "label": "D"}, {"source": 36, "target": 14, "label": "E"}, {"source": 34, "target": 9, "label": "R"}, {"source": 32, "target": 34, "label": "A"}, {"source": 38, "target": 37, "label": "H"}, {"source": 32, "target": 2, "label": "F"}, {"source": 38, "target": 39, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 39, "target": 26, "label": "P"}, {"source": 39, "target": 24, "label": "A"}, {"source": 35, "target": 36, "label": "D"}, {"source": 40, "target": 28, "label": "R"}, {"source": 35, "target": 38, "label": "A"}, {"source": 40, "target": 27, "label": "Q"}, {"source": 40, "target": 30, "label": "C"}, {"source": 33, "target": 35, "label": "H"}, {"source": 32, "target": 0, "label": "A"}, {"source": 40, "target": 29, "label": "E"}, {"source": 36, "target": 15, "label": "C"}, {"source": 32, "target": 3, "label": "A"}, {"source": 34, "target": 10, "label": "C"}, {"source": 32, "target": 5, "label": "F"}, {"source": 32, "target": 8, "label": "D"}, {"source": 40, "target": 31, "label": "U"}, {"source": 32, "target": 4, "label": "F"}, {"source": 37, "target": 18, "label": "A"}, {"source": 39, "target": 25, "label": "F"}, {"source": 32, "target": 6, "label": "F"}, {"source": 37, "target": 21, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 17, "label": "P"}, {"source": 33, "target": 11, "label": "L"}, {"source": 35, "target": 12, "label": "F"}, {"source": 37, "target": 22, "label": "S"}, {"source": 35, "target": 16, "label": "F"}, {"source": 32, "target": 1, "label": "G"}, {"source": 37, "target": 19, "label": "A"}, {"source": 35, "target": 13, "label": "F"}, {"source": 32, "target": 7, "label": "P"}]} +{"id": "211797-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I thought it would be a good idea to see how a few that I liked would look like on a model (by looking the dress up online).", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}, {"from": 75, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22, "anchors": [{"from": 92, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 102}, {"from": 113, "to": 115}]}, {"id": 24, "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 112}]}, {"id": 26, "anchors": [{"from": 116, "to": 122}]}, {"id": 27, "anchors": [{"from": 122, "to": 123}]}, {"id": 28, "anchors": [{"from": 123, "to": 124}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 38, "target": 20, "label": "C"}, {"source": 37, "target": 15, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 17, "label": "S"}, {"source": 36, "target": 37, "label": "E"}, {"source": 39, "target": 28, "label": "U"}, {"source": 40, "target": 24, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 30, "target": 4, "label": "F"}, {"source": 33, "target": 32, "label": "H"}, {"source": 30, "target": 33, "label": "A"}, {"source": 34, "target": 38, "label": "A"}, {"source": 39, "target": 26, "label": "A"}, {"source": 34, "target": 16, "label": "D"}, {"source": 35, "target": 12, "label": "C"}, {"source": 33, "target": 39, "label": "H"}, {"source": 33, "target": 21, "label": "U"}, {"source": 30, "target": 3, "label": "F"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 22, "label": "L"}, {"source": 31, "target": 7, "label": "C"}, {"source": 35, "target": 11, "label": "F"}, {"source": 29, "target": 30, "label": "H"}, {"source": 39, "target": 23, "label": "P"}, {"source": 30, "target": 1, "label": "D"}, {"source": 39, "target": 27, "label": "U"}, {"source": 34, "target": 36, "label": "A"}, {"source": 32, "target": 9, "label": "P"}, {"source": 37, "target": 14, "label": "A"}, {"source": 31, "target": 5, "label": "F"}, {"source": 30, "target": 2, "label": "F"}, {"source": 40, "target": 25, "label": "C"}, {"source": 34, "target": 10, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 37, "target": 13, "label": "R"}, {"source": 32, "target": 8, "label": "R"}, {"source": 36, "target": 35, "label": "Q"}, {"source": 30, "target": 6, "label": "D"}, {"source": 38, "target": 18, "label": "R"}, {"source": 38, "target": 19, "label": "F"}]} +{"id": "211797-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So, as I was leaving I asked for the designer/dress name or style number associated with my top picks.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 26, "label": "A"}, {"source": 28, "target": 31, "label": "C"}, {"source": 27, "target": 9, "label": "E"}, {"source": 27, "target": 13, "label": "C"}, {"source": 24, "target": 3, "label": "A"}, {"source": 23, "target": 1, "label": "U"}, {"source": 24, "target": 5, "label": "P"}, {"source": 33, "target": 20, "label": "D"}, {"source": 33, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "N"}, {"source": 30, "target": 12, "label": "C"}, {"source": 33, "target": 21, "label": "P"}, {"source": 33, "target": 22, "label": "U"}, {"source": 31, "target": 16, "label": "C"}, {"source": 26, "target": 28, "label": "C"}, {"source": 27, "target": 30, "label": "E"}, {"source": 24, "target": 4, "label": "F"}, {"source": 33, "target": 19, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 28, "target": 27, "label": "C"}, {"source": 26, "target": 8, "label": "R"}, {"source": 25, "target": 6, "label": "A"}, {"source": 25, "target": 7, "label": "P"}, {"source": 26, "target": 33, "label": "E"}, {"source": 31, "target": 15, "label": "E"}, {"source": 33, "target": 32, "label": "R"}, {"source": 30, "target": 29, "label": "C"}, {"source": 29, "target": 10, "label": "S"}, {"source": 32, "target": 18, "label": "R"}, {"source": 30, "target": 11, "label": "U"}, {"source": 32, "target": 17, "label": "C"}, {"source": 23, "target": 2, "label": "L"}]} +{"id": "211797-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They said they were \"unable to tell me until they ordered my dress\".", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 6, "label": "F"}, {"source": 21, "target": 12, "label": "S"}, {"source": 22, "target": 21, "label": "E"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 12, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 8, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 21, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 5, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "P"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "211797-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hmmm... A person cannot call a company, if you have no idea its name (since the designer is unknown... SUPPOSEDLY), and order a gown without a dress name or style number.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18, "anchors": [{"from": 70, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 99}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 156}]}, {"id": 36, "anchors": [{"from": 157, "to": 162}]}, {"id": 37, "anchors": [{"from": 163, "to": 169}]}, {"id": 38, "anchors": [{"from": 169, "to": 170}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 40, "target": 9, "label": "U"}, {"source": 39, "target": 42, "label": "A"}, {"source": 49, "target": 29, "label": "F"}, {"source": 47, "target": 24, "label": "D"}, {"source": 51, "target": 35, "label": "N"}, {"source": 45, "target": 46, "label": "A"}, {"source": 50, "target": 33, "label": "E"}, {"source": 41, "target": 3, "label": "C"}, {"source": 52, "target": 37, "label": "C"}, {"source": 43, "target": 14, "label": "P"}, {"source": 40, "target": 26, "label": "U"}, {"source": 41, "target": 2, "label": "F"}, {"source": 45, "target": 46, "label": "P"}, {"source": 47, "target": 23, "label": "U"}, {"source": 51, "target": 52, "label": "C"}, {"source": 44, "target": 16, "label": "C"}, {"source": 43, "target": 12, "label": "F"}, {"source": 43, "target": 13, "label": "D"}, {"source": 40, "target": 17, "label": "U"}, {"source": 39, "target": 1, "label": "U"}, {"source": 39, "target": 5, "label": "D"}, {"source": 40, "target": 48, "label": "H"}, {"source": 40, "target": 10, "label": "L"}, {"source": 43, "target": 11, "label": "A"}, {"source": 40, "target": 47, "label": "H"}, {"source": 47, "target": 45, "label": "A"}, {"source": 39, "target": 6, "label": "P"}, {"source": 48, "target": 31, "label": "D"}, {"source": 50, "target": 34, "label": "C"}, {"source": 46, "target": 19, "label": "F"}, {"source": 48, "target": 51, "label": "A"}, {"source": 46, "target": 20, "label": "C"}, {"source": 42, "target": 7, "label": "F"}, {"source": 50, "target": 32, "label": "F"}, {"source": 48, "target": 28, "label": "P"}, {"source": 42, "target": 8, "label": "C"}, {"source": 40, "target": 25, "label": "U"}, {"source": 44, "target": 15, "label": "E"}, {"source": 47, "target": 22, "label": "S"}, {"source": 40, "target": 18, "label": "L"}, {"source": 47, "target": 21, "label": "F"}, {"source": 39, "target": 0, "label": "F"}, {"source": 39, "target": 4, "label": "D"}, {"source": 48, "target": 49, "label": "A"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 52, "target": 36, "label": "E"}, {"source": 40, "target": 43, "label": "H"}, {"source": 49, "target": 30, "label": "C"}, {"source": 40, "target": 39, "label": "H"}, {"source": 52, "target": 38, "label": "U"}, {"source": 40, "target": 27, "label": "L"}, {"source": 51, "target": 50, "label": "C"}]} +{"id": "211797-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do other brides fall for this???", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 11, "label": "A"}, {"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 9, "label": "E"}, {"source": 8, "target": 0, "label": "F"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "211797-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They either: a) don't want to give it to me because they don't want me purchasing the dress elsewhere or b) are recreating the dresses themselves (ie STEALING other designers' dress designs and \"filling the orders\" by their own seamstresses).", "tops": [52], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 43}]}, {"id": 13, "anchors": [{"from": 44, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 59}]}, {"id": 16, "anchors": [{"from": 59, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 70}]}, {"id": 19, "anchors": [{"from": 71, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 106}]}, {"id": 25, "anchors": [{"from": 106, "to": 107}]}, {"id": 26, "anchors": [{"from": 108, "to": 111}]}, {"id": 27, "anchors": [{"from": 112, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 147}]}, {"id": 32, "anchors": [{"from": 147, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 174}]}, {"id": 36, "anchors": [{"from": 174, "to": 175}]}, {"id": 37, "anchors": [{"from": 176, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 189}]}, {"id": 39, "anchors": [{"from": 190, "to": 193}]}, {"id": 40, "anchors": [{"from": 194, "to": 195}]}, {"id": 41, "anchors": [{"from": 195, "to": 202}]}, {"id": 42, "anchors": [{"from": 203, "to": 206}]}, {"id": 43, "anchors": [{"from": 207, "to": 213}]}, {"id": 44, "anchors": [{"from": 213, "to": 214}]}, {"id": 45, "anchors": [{"from": 215, "to": 217}]}, {"id": 46, "anchors": [{"from": 218, "to": 223}]}, {"id": 47, "anchors": [{"from": 224, "to": 227}]}, {"id": 48, "anchors": [{"from": 228, "to": 240}]}, {"id": 49, "anchors": [{"from": 240, "to": 241}]}, {"id": 50, "anchors": [{"from": 241, "to": 242}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 62, "target": 44, "label": "U"}, {"source": 52, "target": 13, "label": "L"}, {"source": 52, "target": 56, "label": "H"}, {"source": 52, "target": 32, "label": "L"}, {"source": 59, "target": 35, "label": "P"}, {"source": 55, "target": 20, "label": "F"}, {"source": 52, "target": 39, "label": "L"}, {"source": 54, "target": 22, "label": "A"}, {"source": 55, "target": 21, "label": "C"}, {"source": 65, "target": 45, "label": "R"}, {"source": 63, "target": 64, "label": "P"}, {"source": 57, "target": 28, "label": "F"}, {"source": 53, "target": 12, "label": "C"}, {"source": 58, "target": 60, "label": "A"}, {"source": 51, "target": 0, "label": "A"}, {"source": 57, "target": 29, "label": "C"}, {"source": 51, "target": 8, "label": "F"}, {"source": 64, "target": 42, "label": "F"}, {"source": 62, "target": 65, "label": "A"}, {"source": 51, "target": 5, "label": "F"}, {"source": 56, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 35, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 43, "label": "C"}, {"source": 54, "target": 14, "label": "A"}, {"source": 52, "target": 62, "label": "H"}, {"source": 54, "target": 15, "label": "F"}, {"source": 52, "target": 1, "label": "L"}, {"source": 51, "target": 10, "label": "A"}, {"source": 60, "target": 61, "label": "A"}, {"source": 52, "target": 40, "label": "U"}, {"source": 61, "target": 37, "label": "A"}, {"source": 52, "target": 58, "label": "H"}, {"source": 52, "target": 4, "label": "U"}, {"source": 65, "target": 50, "label": "U"}, {"source": 52, "target": 23, "label": "L"}, {"source": 65, "target": 46, "label": "A"}, {"source": 56, "target": 30, "label": "D"}, {"source": 56, "target": 26, "label": "F"}, {"source": 58, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 25, "label": "U"}, {"source": 52, "target": 2, "label": "U"}, {"source": 58, "target": 33, "label": "P"}, {"source": 65, "target": 49, "label": "U"}, {"source": 53, "target": 11, "label": "R"}, {"source": 59, "target": 34, "label": "D"}, {"source": 52, "target": 51, "label": "H"}, {"source": 52, "target": 3, "label": "L"}, {"source": 54, "target": 55, "label": "A"}, {"source": 65, "target": 47, "label": "D"}, {"source": 51, "target": 6, "label": "D"}, {"source": 51, "target": 7, "label": "D"}, {"source": 54, "target": 16, "label": "D"}, {"source": 65, "target": 48, "label": "P"}, {"source": 51, "target": 9, "label": "P"}, {"source": 52, "target": 31, "label": "U"}, {"source": 51, "target": 53, "label": "A"}, {"source": 56, "target": 27, "label": "P"}, {"source": 62, "target": 63, "label": "A"}, {"source": 61, "target": 38, "label": "S"}, {"source": 62, "target": 41, "label": "P"}, {"source": 60, "target": 36, "label": "U"}, {"source": 62, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 54, "label": "H"}, {"source": 52, "target": 24, "label": "L"}, {"source": 54, "target": 19, "label": "P"}, {"source": 54, "target": 18, "label": "A"}, {"source": 54, "target": 17, "label": "D"}, {"source": 56, "target": 57, "label": "A"}, {"source": 60, "target": 59, "label": "A"}]} +{"id": "211797-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm no detective but... uhh... seriously?!?", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}, {"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9}, {"id": 10}], "edges": [{"source": 6, "target": 7, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "U"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "L"}, {"source": 10, "target": 6, "label": "L"}]} +{"id": "211797-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Whatever type of operation they are running, I'm not interested and if you're smart, you won't be either.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 28, "target": 10, "label": "D"}, {"source": 25, "target": 6, "label": "P"}, {"source": 30, "target": 22, "label": "D"}, {"source": 30, "target": 19, "label": "F"}, {"source": 29, "target": 16, "label": "S"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 9, "label": "F"}, {"source": 25, "target": 24, "label": "A"}, {"source": 26, "target": 12, "label": "L"}, {"source": 27, "target": 2, "label": "R"}, {"source": 26, "target": 30, "label": "H"}, {"source": 30, "target": 21, "label": "F"}, {"source": 26, "target": 25, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 30, "target": 11, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 27, "label": "P"}, {"source": 30, "target": 18, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 26, "target": 13, "label": "L"}, {"source": 29, "target": 14, "label": "A"}, {"source": 26, "target": 7, "label": "U"}, {"source": 26, "target": 28, "label": "H"}, {"source": 28, "target": 8, "label": "A"}, {"source": 30, "target": 23, "label": "U"}, {"source": 30, "target": 20, "label": "D"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 5, "label": "F"}, {"source": 25, "target": 4, "label": "A"}, {"source": 28, "target": 11, "label": "S"}, {"source": 27, "target": 3, "label": "C"}]} +{"id": "211797-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "What a waste of TIME.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "211797-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Aside from that little *mystery*, one of the sales ladies was quite comfortable telling me how wrong I was about how another dress that I loved compared to one of her dresses that I was trying on.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 185}]}, {"id": 38, "anchors": [{"from": 186, "to": 192}, {"from": 193, "to": 195}]}, {"id": 39, "anchors": [{"from": 195, "to": 196}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 46, "target": 14, "label": "E"}, {"source": 53, "target": 52, "label": "A"}, {"source": 43, "target": 12, "label": "C"}, {"source": 53, "target": 55, "label": "A"}, {"source": 49, "target": 18, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 32, "label": "R"}, {"source": 43, "target": 45, "label": "E"}, {"source": 40, "target": 6, "label": "U"}, {"source": 44, "target": 16, "label": "P"}, {"source": 55, "target": 31, "label": "Q"}, {"source": 57, "target": 39, "label": "U"}, {"source": 49, "target": 19, "label": "S"}, {"source": 48, "target": 22, "label": "L"}, {"source": 49, "target": 21, "label": "F"}, {"source": 54, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 30, "label": "R"}, {"source": 52, "target": 25, "label": "C"}, {"source": 40, "target": 44, "label": "H"}, {"source": 45, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 0, "label": "L"}, {"source": 46, "target": 15, "label": "C"}, {"source": 57, "target": 35, "label": "R"}, {"source": 55, "target": 56, "label": "E"}, {"source": 57, "target": 37, "label": "F"}, {"source": 56, "target": 33, "label": "S"}, {"source": 57, "target": 36, "label": "A"}, {"source": 54, "target": 27, "label": "A"}, {"source": 54, "target": 28, "label": "S"}, {"source": 42, "target": 2, "label": "E"}, {"source": 43, "target": 10, "label": "F"}, {"source": 44, "target": 46, "label": "D"}, {"source": 50, "target": 53, "label": "E"}, {"source": 52, "target": 51, "label": "E"}, {"source": 41, "target": 42, "label": "S"}, {"source": 49, "target": 20, "label": "A"}, {"source": 53, "target": 23, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 38, "label": "P"}, {"source": 44, "target": 48, "label": "A"}, {"source": 44, "target": 13, "label": "F"}, {"source": 41, "target": 4, "label": "U"}, {"source": 47, "target": 18, "label": "C"}, {"source": 57, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 26, "label": "R"}, {"source": 40, "target": 7, "label": "U"}, {"source": 51, "target": 24, "label": "S"}, {"source": 41, "target": 1, "label": "R"}, {"source": 56, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 9, "label": "R"}, {"source": 44, "target": 43, "label": "A"}, {"source": 52, "target": 54, "label": "E"}, {"source": 48, "target": 50, "label": "H"}, {"source": 41, "target": 3, "label": "D"}, {"source": 55, "target": 34, "label": "C"}, {"source": 47, "target": 49, "label": "E"}, {"source": 55, "target": 57, "label": "E"}, {"source": 42, "target": 5, "label": "C"}, {"source": 44, "target": 17, "label": "A"}, {"source": 56, "target": 33, "label": "A"}, {"source": 43, "target": 8, "label": "Q"}, {"source": 45, "target": 11, "label": "P"}, {"source": 48, "target": 47, "label": "H"}, {"source": 40, "target": 41, "label": "H"}, {"source": 53, "target": 29, "label": "S"}, {"source": 50, "target": 23, "label": "C"}, {"source": 51, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "211797-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Somehow, since she supposedly doesn't know any names of designers/dresses, after I told her the designer and dress name of the one I was comparing, she knew \"exactly which dress\" I was referring to and disagreed with my observation; she said that the bodice did come as low as the one I had on.", "tops": [64], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 146}]}, {"id": 30, "anchors": [{"from": 146, "to": 147}]}, {"id": 31, "anchors": [{"from": 148, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 158}]}, {"id": 34, "anchors": [{"from": 158, "to": 165}]}, {"id": 35, "anchors": [{"from": 166, "to": 171}]}, {"id": 36, "anchors": [{"from": 172, "to": 177}]}, {"id": 37, "anchors": [{"from": 177, "to": 178}]}, {"id": 38, "anchors": [{"from": 179, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 184}]}, {"id": 40, "anchors": [{"from": 185, "to": 194}]}, {"id": 41, "anchors": [{"from": 195, "to": 197}]}, {"id": 42, "anchors": [{"from": 198, "to": 201}]}, {"id": 43, "anchors": [{"from": 202, "to": 211}]}, {"id": 44, "anchors": [{"from": 212, "to": 216}]}, {"id": 45, "anchors": [{"from": 217, "to": 219}]}, {"id": 46, "anchors": [{"from": 220, "to": 231}]}, {"id": 47, "anchors": [{"from": 231, "to": 232}]}, {"id": 48, "anchors": [{"from": 233, "to": 236}]}, {"id": 49, "anchors": [{"from": 237, "to": 241}]}, {"id": 50, "anchors": [{"from": 242, "to": 246}]}, {"id": 51, "anchors": [{"from": 247, "to": 250}]}, {"id": 52, "anchors": [{"from": 251, "to": 257}]}, {"id": 53, "anchors": [{"from": 258, "to": 261}]}, {"id": 54, "anchors": [{"from": 262, "to": 266}]}, {"id": 55, "anchors": [{"from": 267, "to": 269}]}, {"id": 56, "anchors": [{"from": 270, "to": 273}]}, {"id": 57, "anchors": [{"from": 274, "to": 276}]}, {"id": 58, "anchors": [{"from": 277, "to": 280}]}, {"id": 59, "anchors": [{"from": 281, "to": 284}]}, {"id": 60, "anchors": [{"from": 285, "to": 286}]}, {"id": 61, "anchors": [{"from": 287, "to": 290}]}, {"id": 62, "anchors": [{"from": 291, "to": 293}]}, {"id": 63, "anchors": [{"from": 293, "to": 294}]}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}], "edges": [{"source": 69, "target": 16, "label": "A"}, {"source": 64, "target": 82, "label": "H"}, {"source": 71, "target": 21, "label": "N"}, {"source": 74, "target": 27, "label": "A"}, {"source": 64, "target": 14, "label": "U"}, {"source": 69, "target": 71, "label": "A"}, {"source": 64, "target": 80, "label": "H"}, {"source": 78, "target": 38, "label": "A"}, {"source": 78, "target": 39, "label": "F"}, {"source": 72, "target": 20, "label": "P"}, {"source": 75, "target": 22, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 11, "label": "P"}, {"source": 74, "target": 24, "label": "R"}, {"source": 82, "target": 48, "label": "A"}, {"source": 78, "target": 79, "label": "A"}, {"source": 87, "target": 62, "label": "S"}, {"source": 64, "target": 69, "label": "H"}, {"source": 76, "target": 32, "label": "S"}, {"source": 74, "target": 29, "label": "P"}, {"source": 70, "target": 19, "label": "F"}, {"source": 71, "target": 73, "label": "C"}, {"source": 75, "target": 26, "label": "Q"}, {"source": 64, "target": 1, "label": "U"}, {"source": 65, "target": 6, "label": "D"}, {"source": 83, "target": 54, "label": "P"}, {"source": 83, "target": 85, "label": "D"}, {"source": 81, "target": 44, "label": "R"}, {"source": 86, "target": 57, "label": "R"}, {"source": 65, "target": 5, "label": "F"}, {"source": 64, "target": 76, "label": "H"}, {"source": 77, "target": 35, "label": "R"}, {"source": 73, "target": 22, "label": "E"}, {"source": 65, "target": 7, "label": "S"}, {"source": 83, "target": 50, "label": "R"}, {"source": 74, "target": 28, "label": "F"}, {"source": 86, "target": 59, "label": "Q"}, {"source": 84, "target": 51, "label": "F"}, {"source": 69, "target": 17, "label": "P"}, {"source": 87, "target": 63, "label": "U"}, {"source": 67, "target": 68, "label": "C"}, {"source": 86, "target": 58, "label": "F"}, {"source": 82, "target": 83, "label": "A"}, {"source": 74, "target": 75, "label": "A"}, {"source": 82, "target": 49, "label": "P"}, {"source": 67, "target": 10, "label": "R"}, {"source": 80, "target": 81, "label": "A"}, {"source": 85, "target": 56, "label": "C"}, {"source": 81, "target": 46, "label": "P"}, {"source": 64, "target": 42, "label": "L"}, {"source": 64, "target": 47, "label": "U"}, {"source": 65, "target": 66, "label": "A"}, {"source": 77, "target": 36, "label": "C"}, {"source": 83, "target": 86, "label": "A"}, {"source": 69, "target": 74, "label": "A"}, {"source": 66, "target": 67, "label": "E"}, {"source": 86, "target": 52, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 23, "label": "C"}, {"source": 87, "target": 60, "label": "A"}, {"source": 75, "target": 25, "label": "F"}, {"source": 83, "target": 84, "label": "A"}, {"source": 87, "target": 61, "label": "F"}, {"source": 64, "target": 30, "label": "U"}, {"source": 80, "target": 43, "label": "P"}, {"source": 78, "target": 40, "label": "P"}, {"source": 79, "target": 36, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 79, "target": 41, "label": "R"}, {"source": 64, "target": 2, "label": "L"}, {"source": 71, "target": 70, "label": "C"}, {"source": 66, "target": 9, "label": "C"}, {"source": 84, "target": 52, "label": "C"}, {"source": 70, "target": 72, "label": "C"}, {"source": 85, "target": 55, "label": "R"}, {"source": 65, "target": 3, "label": "A"}, {"source": 67, "target": 13, "label": "C"}, {"source": 76, "target": 31, "label": "A"}, {"source": 87, "target": 52, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 69, "target": 18, "label": "A"}, {"source": 86, "target": 87, "label": "E"}, {"source": 66, "target": 8, "label": "E"}, {"source": 67, "target": 12, "label": "U"}, {"source": 78, "target": 77, "label": "A"}, {"source": 76, "target": 34, "label": "D"}, {"source": 65, "target": 4, "label": "D"}, {"source": 76, "target": 78, "label": "A"}, {"source": 81, "target": 45, "label": "A"}, {"source": 64, "target": 65, "label": "H"}, {"source": 80, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 78, "target": 37, "label": "U"}, {"source": 83, "target": 53, "label": "F"}, {"source": 64, "target": 15, "label": "L"}, {"source": 76, "target": 33, "label": "U"}, {"source": 64, "target": 0, "label": "L"}]} +{"id": "211797-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My point: Even if I was wrong, don't sit there and argue with the customer.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 5, "label": "F"}, {"source": 21, "target": 4, "label": "A"}, {"source": 23, "target": 13, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 2, "label": "U"}, {"source": 24, "target": 14, "label": "R"}, {"source": 20, "target": 3, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "U"}, {"source": 19, "target": 1, "label": "S"}, {"source": 22, "target": 10, "label": "P"}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 12, "label": "L"}, {"source": 25, "target": 17, "label": "U"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 6, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 15, "label": "F"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "211797-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Say something like, \"Huh.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 4, "label": "U"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 11, "target": 6, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "211797-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I didn't think so but you could be right.\"", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 41, "to": 42}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 4, "label": "D"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 2, "label": "D"}, {"source": 17, "target": 6, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 12, "label": "H"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 7, "label": "D"}, {"source": 17, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "S"}, {"source": 12, "target": 3, "label": "P"}]} +{"id": "211797-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Unless you want to take the \"tell the customer how wrong she is and try and force her into a dress she's obviously not loving\" approach which will likely get you... uh... nowhere.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 146}]}, {"id": 31, "anchors": [{"from": 147, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 161}]}, {"id": 34, "anchors": [{"from": 161, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 167}]}, {"id": 36, "anchors": [{"from": 167, "to": 170}]}, {"id": 37, "anchors": [{"from": 171, "to": 178}]}, {"id": 38, "anchors": [{"from": 178, "to": 179}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 51, "target": 30, "label": "F"}, {"source": 39, "target": 51, "label": "H"}, {"source": 51, "target": 32, "label": "P"}, {"source": 40, "target": 6, "label": "U"}, {"source": 42, "target": 43, "label": "A"}, {"source": 50, "target": 25, "label": "D"}, {"source": 42, "target": 7, "label": "P"}, {"source": 42, "target": 46, "label": "A"}, {"source": 46, "target": 48, "label": "H"}, {"source": 41, "target": 4, "label": "F"}, {"source": 41, "target": 28, "label": "C"}, {"source": 47, "target": 13, "label": "F"}, {"source": 47, "target": 10, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 23, "label": "F"}, {"source": 40, "target": 41, "label": "P"}, {"source": 49, "target": 19, "label": "R"}, {"source": 42, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 47, "label": "E"}, {"source": 49, "target": 21, "label": "C"}, {"source": 51, "target": 37, "label": "A"}, {"source": 44, "target": 8, "label": "F"}, {"source": 50, "target": 26, "label": "S"}, {"source": 48, "target": 16, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 51, "target": 38, "label": "U"}, {"source": 40, "target": 3, "label": "F"}, {"source": 41, "target": 5, "label": "F"}, {"source": 51, "target": 35, "label": "F"}, {"source": 43, "target": 44, "label": "P"}, {"source": 51, "target": 36, "label": "U"}, {"source": 45, "target": 10, "label": "C"}, {"source": 48, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 29, "label": "L"}, {"source": 48, "target": 17, "label": "P"}, {"source": 39, "target": 40, "label": "H"}, {"source": 44, "target": 9, "label": "C"}, {"source": 49, "target": 50, "label": "E"}, {"source": 51, "target": 33, "label": "A"}, {"source": 40, "target": 2, "label": "D"}, {"source": 51, "target": 31, "label": "D"}, {"source": 40, "target": 27, "label": "U"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 22, "label": "A"}, {"source": 51, "target": 34, "label": "U"}, {"source": 46, "target": 45, "label": "H"}, {"source": 48, "target": 15, "label": "D"}, {"source": 48, "target": 18, "label": "A"}, {"source": 50, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 11, "label": "S"}, {"source": 47, "target": 12, "label": "A"}, {"source": 49, "target": 20, "label": "F"}, {"source": 51, "target": 37, "label": "D"}, {"source": 50, "target": 24, "label": "D"}, {"source": 46, "target": 14, "label": "L"}, {"source": 39, "target": 0, "label": "L"}, {"source": 40, "target": 1, "label": "A"}]} +{"id": "211797-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Seriously: do not waste your time.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 0, "label": "G"}, {"source": 9, "target": 3, "label": "D"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "211797-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Other shops around this city have MUCH NICER and more TRANSPARENT owners.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 5, "label": "S"}, {"source": 22, "target": 10, "label": "S"}, {"source": 17, "target": 15, "label": "A"}, {"source": 21, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 19, "label": "C"}, {"source": 17, "target": 21, "label": "A"}, {"source": 19, "target": 6, "label": "D"}, {"source": 18, "target": 3, "label": "E"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 7, "label": "S"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 22, "label": "C"}, {"source": 19, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "N"}, {"source": 13, "target": 0, "label": "S"}, {"source": 15, "target": 18, "label": "A"}, {"source": 21, "target": 20, "label": "E"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 2, "label": "S"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "211797-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not owners that seem like they have something to hide and know nothing about common courtesy and customer service.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 113}]}, {"id": 19, "anchors": [{"from": 113, "to": 114}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 5, "label": "A"}, {"source": 25, "target": 11, "label": "P"}, {"source": 24, "target": 3, "label": "G"}, {"source": 28, "target": 19, "label": "U"}, {"source": 25, "target": 12, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 2, "label": "R"}, {"source": 26, "target": 27, "label": "C"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 13, "label": "R"}, {"source": 27, "target": 14, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 26, "target": 28, "label": "C"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 12, "label": "D"}, {"source": 26, "target": 16, "label": "N"}, {"source": 21, "target": 0, "label": "D"}, {"source": 22, "target": 1, "label": "C"}, {"source": 24, "target": 4, "label": "F"}, {"source": 24, "target": 6, "label": "F"}, {"source": 24, "target": 7, "label": "A"}, {"source": 27, "target": 15, "label": "P"}, {"source": 23, "target": 10, "label": "L"}, {"source": 28, "target": 17, "label": "A"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "211797-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I felt very much like Wedding Gallery was being dishonest and I wouldn't trust them to lace me up in another gown let alone trust them with the gown I will wear on the most important day of my life.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}, {"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}, {"from": 95, "to": 97}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18, "anchors": [{"from": 98, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 117}, {"from": 118, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 150}]}, {"id": 28, "anchors": [{"from": 151, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 167}]}, {"id": 32, "anchors": [{"from": 168, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 182}]}, {"id": 34, "anchors": [{"from": 183, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 189}]}, {"id": 36, "anchors": [{"from": 190, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 197}]}, {"id": 38, "anchors": [{"from": 197, "to": 198}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 42, "target": 11, "label": "D"}, {"source": 43, "target": 15, "label": "R"}, {"source": 41, "target": 3, "label": "C"}, {"source": 48, "target": 29, "label": "P"}, {"source": 49, "target": 30, "label": "R"}, {"source": 42, "target": 43, "label": "A"}, {"source": 39, "target": 1, "label": "G"}, {"source": 42, "target": 10, "label": "A"}, {"source": 49, "target": 33, "label": "S"}, {"source": 50, "target": 31, "label": "F"}, {"source": 39, "target": 8, "label": "S"}, {"source": 46, "target": 12, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 20, "label": "C"}, {"source": 39, "target": 6, "label": "F"}, {"source": 40, "target": 21, "label": "L"}, {"source": 46, "target": 23, "label": "A"}, {"source": 46, "target": 22, "label": "P"}, {"source": 39, "target": 0, "label": "A"}, {"source": 42, "target": 13, "label": "P"}, {"source": 39, "target": 7, "label": "F"}, {"source": 46, "target": 47, "label": "A"}, {"source": 47, "target": 25, "label": "F"}, {"source": 47, "target": 48, "label": "E"}, {"source": 51, "target": 37, "label": "S"}, {"source": 45, "target": 19, "label": "S"}, {"source": 42, "target": 14, "label": "A"}, {"source": 42, "target": 12, "label": "D"}, {"source": 48, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 24, "label": "R"}, {"source": 51, "target": 36, "label": "A"}, {"source": 39, "target": 5, "label": "A"}, {"source": 40, "target": 46, "label": "H"}, {"source": 50, "target": 34, "label": "C"}, {"source": 51, "target": 38, "label": "U"}, {"source": 41, "target": 2, "label": "E"}, {"source": 49, "target": 50, "label": "A"}, {"source": 44, "target": 18, "label": "R"}, {"source": 39, "target": 41, "label": "D"}, {"source": 48, "target": 27, "label": "A"}, {"source": 48, "target": 28, "label": "F"}, {"source": 45, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "A"}, {"source": 39, "target": 4, "label": "F"}, {"source": 49, "target": 32, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 50, "target": 51, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 40, "target": 9, "label": "L"}, {"source": 40, "target": 39, "label": "H"}, {"source": 40, "target": 42, "label": "H"}, {"source": 47, "target": 26, "label": "C"}, {"source": 51, "target": 35, "label": "R"}, {"source": 43, "target": 16, "label": "P"}, {"source": 43, "target": 17, "label": "A"}]} +{"id": "211844-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Favorite DD spot in the area!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "211933-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Deep tissue massage helps with pain in neck and shoulders", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 10, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 5, "label": "S"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "P"}, {"source": 15, "target": 8, "label": "N"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "C"}]} +{"id": "211933-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Seth provides deep tissue massage which has significantly reduced the pain in my neck and shoulders and added flexibility and movement back to the area.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 121}]}, {"id": 19, "anchors": [{"from": 122, "to": 125}]}, {"id": 20, "anchors": [{"from": 126, "to": 134}]}, {"id": 21, "anchors": [{"from": 135, "to": 139}]}, {"id": 22, "anchors": [{"from": 140, "to": 142}]}, {"id": 23, "anchors": [{"from": 143, "to": 146}]}, {"id": 24, "anchors": [{"from": 147, "to": 151}]}, {"id": 25, "anchors": [{"from": 151, "to": 152}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 39, "target": 22, "label": "R"}, {"source": 29, "target": 2, "label": "E"}, {"source": 30, "target": 7, "label": "D"}, {"source": 36, "target": 38, "label": "H"}, {"source": 34, "target": 14, "label": "N"}, {"source": 27, "target": 30, "label": "H"}, {"source": 28, "target": 4, "label": "C"}, {"source": 27, "target": 5, "label": "L"}, {"source": 37, "target": 18, "label": "S"}, {"source": 27, "target": 35, "label": "H"}, {"source": 33, "target": 12, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 31, "label": "S"}, {"source": 29, "target": 3, "label": "C"}, {"source": 30, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 19, "label": "L"}, {"source": 39, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 38, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 28, "label": "P"}, {"source": 38, "target": 21, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "P"}, {"source": 34, "target": 13, "label": "C"}, {"source": 27, "target": 16, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 24, "label": "C"}, {"source": 34, "target": 15, "label": "C"}, {"source": 39, "target": 23, "label": "F"}, {"source": 33, "target": 11, "label": "R"}, {"source": 36, "target": 37, "label": "H"}, {"source": 38, "target": 20, "label": "S"}, {"source": 37, "target": 39, "label": "A"}, {"source": 28, "target": 1, "label": "F"}, {"source": 37, "target": 21, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 17, "label": "P"}, {"source": 31, "target": 9, "label": "F"}, {"source": 33, "target": 34, "label": "C"}, {"source": 26, "target": 0, "label": "A"}]} +{"id": "211933-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He listens and is excellent in diagnosing, addressing and explaining the specific issues and suggesting exercises to use.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 113}]}, {"id": 17, "anchors": [{"from": 114, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 120}]}, {"id": 19, "anchors": [{"from": 120, "to": 121}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 0, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 21, "target": 14, "label": "L"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 5, "label": "R"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "D"}, {"source": 20, "target": 1, "label": "P"}, {"source": 26, "target": 15, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "L"}, {"source": 21, "target": 24, "label": "H"}, {"source": 28, "target": 17, "label": "F"}, {"source": 24, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 8, "label": "P"}, {"source": 24, "target": 10, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 23, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 6, "label": "P"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 12, "label": "E"}, {"source": 21, "target": 7, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 28, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "212369-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Place is legit.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "212369-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We got upgraded to a corner suite!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "212369-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Room was amazing.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "214912-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have used Bright Futures for the last 7 years.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 3, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "T"}, {"source": 12, "target": 7, "label": "Q"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 8, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "214912-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have 3 children there and they are the Best.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 11, "target": 1, "label": "S"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 2, "label": "Q"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 14, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 14, "target": 3, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 6, "label": "A"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "214912-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They are like family.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 7, "target": 3, "label": "S"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "214912-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Your children will be taken care of and loved by a professional staff.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 4, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "F"}, {"source": 20, "target": 10, "label": "F"}, {"source": 15, "target": 6, "label": "R"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 14, "label": "H"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 11, "label": "D"}, {"source": 19, "target": 9, "label": "R"}, {"source": 14, "target": 17, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "L"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 1, "label": "S"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 20, "label": "S"}, {"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 1, "label": "A"}]} +{"id": "215460-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Beware of Sharayu", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "215460-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hopless service, at the time of booking my car a lot was promised but delivered not even one tenth of what was promised.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}, {"from": 20, "to": 23}, {"from": 24, "to": 28}, {"from": 29, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 119}]}, {"id": 21, "anchors": [{"from": 119, "to": 120}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 26, "target": 6, "label": "C"}, {"source": 27, "target": 28, "label": "Q"}, {"source": 30, "target": 31, "label": "D"}, {"source": 32, "target": 16, "label": "C"}, {"source": 26, "target": 25, "label": "E"}, {"source": 28, "target": 8, "label": "C"}, {"source": 25, "target": 5, "label": "A"}, {"source": 23, "target": 2, "label": "U"}, {"source": 30, "target": 32, "label": "D"}, {"source": 30, "target": 33, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 32, "target": 15, "label": "C"}, {"source": 23, "target": 11, "label": "L"}, {"source": 31, "target": 14, "label": "E"}, {"source": 28, "target": 7, "label": "F"}, {"source": 33, "target": 21, "label": "U"}, {"source": 23, "target": 30, "label": "H"}, {"source": 29, "target": 27, "label": "A"}, {"source": 25, "target": 5, "label": "S"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 3, "label": "L"}, {"source": 33, "target": 17, "label": "R"}, {"source": 29, "target": 9, "label": "F"}, {"source": 33, "target": 20, "label": "P"}, {"source": 24, "target": 4, "label": "P"}, {"source": 22, "target": 1, "label": "P"}, {"source": 29, "target": 10, "label": "P"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 13, "label": "C"}, {"source": 23, "target": 29, "label": "H"}, {"source": 22, "target": 0, "label": "D"}, {"source": 30, "target": 12, "label": "P"}, {"source": 33, "target": 18, "label": "A"}, {"source": 33, "target": 19, "label": "F"}]} +{"id": "215460-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Apart from that in spite of my repeated attempts I could not get in touch with the manager to even lodge an official complaint.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 18}, {"from": 19, "to": 24}, {"from": 25, "to": 27}]}, {"id": 2, "anchors": [{"from": 28, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 39}]}, {"id": 4, "anchors": [{"from": 40, "to": 48}]}, {"id": 5, "anchors": [{"from": 49, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 56}]}, {"id": 7, "anchors": [{"from": 57, "to": 60}]}, {"id": 8, "anchors": [{"from": 61, "to": 64}, {"from": 65, "to": 67}, {"from": 68, "to": 73}]}, {"id": 9, "anchors": [{"from": 74, "to": 78}]}, {"id": 10, "anchors": [{"from": 79, "to": 82}]}, {"id": 11, "anchors": [{"from": 83, "to": 90}]}, {"id": 12, "anchors": [{"from": 91, "to": 93}]}, {"id": 13, "anchors": [{"from": 94, "to": 98}]}, {"id": 14, "anchors": [{"from": 99, "to": 104}]}, {"id": 15, "anchors": [{"from": 105, "to": 107}]}, {"id": 16, "anchors": [{"from": 108, "to": 116}]}, {"id": 17, "anchors": [{"from": 117, "to": 126}]}, {"id": 18, "anchors": [{"from": 126, "to": 127}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 14, "label": "P"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 9, "label": "R"}, {"source": 20, "target": 4, "label": "P"}, {"source": 21, "target": 6, "label": "D"}, {"source": 21, "target": 5, "label": "A"}, {"source": 25, "target": 26, "label": "P"}, {"source": 26, "target": 15, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 19, "target": 0, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 2, "label": "A"}, {"source": 25, "target": 16, "label": "D"}, {"source": 23, "target": 10, "label": "F"}, {"source": 24, "target": 13, "label": "G"}, {"source": 26, "target": 18, "label": "U"}, {"source": 21, "target": 7, "label": "D"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 1, "label": "L"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 12, "label": "L"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "215460-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My advise to all is I have fallen into this trap ... pl ensure you dont!!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}, {"from": 34, "to": 38}, {"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 4, "label": "F"}, {"source": 21, "target": 11, "label": "D"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 19, "target": 6, "label": "F"}, {"source": 21, "target": 13, "label": "F"}, {"source": 21, "target": 12, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 18, "target": 3, "label": "Q"}, {"source": 21, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "P"}, {"source": 21, "target": 14, "label": "D"}, {"source": 21, "target": 9, "label": "U"}, {"source": 19, "target": 7, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "A"}, {"source": 21, "target": 10, "label": "F"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "216281-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "On time, Clean and very nice", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 6, "target": 0, "label": "P"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 3, "label": "L"}]} +{"id": "216281-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called over the weekend due to clogged kitchen sink.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}, {"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 12, "label": "T"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 6, "label": "S"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "F"}]} +{"id": "216281-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Scheduled appointment for 8:30 Monday morning.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 45}]}, {"id": 6, "anchors": [{"from": 45, "to": 46}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 10, "label": "T"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "216281-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Rich was here before the scheduled time.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 10, "label": "T"}, {"source": 11, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 11, "target": 5, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "216281-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was very clean, very nice to work with and gave a very reasonable price.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 24, "target": 14, "label": "S"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 21, "target": 9, "label": "R"}, {"source": 22, "target": 11, "label": "P"}, {"source": 20, "target": 8, "label": "P"}, {"source": 18, "target": 10, "label": "L"}, {"source": 23, "target": 12, "label": "F"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "F"}, {"source": 24, "target": 13, "label": "D"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 19, "label": "D"}, {"source": 20, "target": 7, "label": "F"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "216281-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HIGHLY recommend.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "216281-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "thanks Rich", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "G"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "216281-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Seth K.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "216456-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My friend and I were to stay here for a girls night, catch up on our lives evening.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 24, "target": 9, "label": "F"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 7, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 19, "target": 1, "label": "A"}, {"source": 22, "target": 8, "label": "L"}, {"source": 20, "target": 19, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 12, "label": "U"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 2, "label": "N"}, {"source": 19, "target": 1, "label": "S"}, {"source": 26, "target": 16, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 24, "label": "T"}, {"source": 21, "target": 6, "label": "P"}, {"source": 25, "target": 17, "label": "T"}, {"source": 25, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 4, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 10, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}]} +{"id": "216456-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We live within 20 miles of the hotel and wanted to get away from our responsibilities for the night.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 24, "target": 12, "label": "S"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 8, "label": "L"}, {"source": 24, "target": 10, "label": "F"}, {"source": 22, "target": 2, "label": "R"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "S"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 15, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 26, "target": 16, "label": "R"}, {"source": 25, "target": 14, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 26, "label": "T"}, {"source": 25, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 5, "label": "R"}, {"source": 23, "target": 6, "label": "F"}, {"source": 24, "target": 11, "label": "D"}, {"source": 24, "target": 9, "label": "D"}, {"source": 26, "target": 17, "label": "F"}, {"source": 22, "target": 3, "label": "Q"}, {"source": 26, "target": 18, "label": "C"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "216456-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Unfortunalty my husband and I had to put our 13 year old lab down that morning and we were not expecting this.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}, {"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}, {"from": 61, "to": 65}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 28, "target": 10, "label": "S"}, {"source": 26, "target": 25, "label": "E"}, {"source": 23, "target": 4, "label": "C"}, {"source": 21, "target": 30, "label": "H"}, {"source": 21, "target": 14, "label": "L"}, {"source": 24, "target": 29, "label": "T"}, {"source": 21, "target": 0, "label": "L"}, {"source": 30, "target": 17, "label": "D"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 22, "label": "C"}, {"source": 23, "target": 3, "label": "N"}, {"source": 30, "target": 16, "label": "F"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 24, "label": "H"}, {"source": 26, "target": 28, "label": "E"}, {"source": 27, "target": 8, "label": "Q"}, {"source": 22, "target": 1, "label": "A"}, {"source": 30, "target": 20, "label": "U"}, {"source": 28, "target": 27, "label": "T"}, {"source": 28, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 6, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 29, "target": 13, "label": "C"}, {"source": 24, "target": 5, "label": "D"}, {"source": 30, "target": 18, "label": "P"}, {"source": 22, "target": 2, "label": "A"}, {"source": 25, "target": 7, "label": "S"}, {"source": 26, "target": 11, "label": "C"}, {"source": 30, "target": 19, "label": "A"}, {"source": 30, "target": 15, "label": "A"}, {"source": 25, "target": 7, "label": "A"}, {"source": 27, "target": 9, "label": "C"}, {"source": 29, "target": 12, "label": "R"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "216456-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My friend called the hotel to cancel our room as soon as I called her.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}, {"from": 49, "to": 53}, {"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 11, "label": "P"}, {"source": 15, "target": 2, "label": "P"}, {"source": 21, "target": 12, "label": "A"}, {"source": 18, "target": 6, "label": "P"}, {"source": 20, "target": 19, "label": "E"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 7, "label": "S"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 9, "label": "L"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 14, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "F"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "216456-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They said that we were to be charged for this room regardless because we did not cancel within the 72 hours.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 10, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 18, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 3, "label": "A"}, {"source": 25, "target": 6, "label": "F"}, {"source": 27, "target": 14, "label": "F"}, {"source": 28, "target": 21, "label": "U"}, {"source": 23, "target": 1, "label": "P"}, {"source": 27, "target": 15, "label": "D"}, {"source": 25, "target": 11, "label": "D"}, {"source": 24, "target": 12, "label": "L"}, {"source": 27, "target": 16, "label": "P"}, {"source": 28, "target": 20, "label": "C"}, {"source": 24, "target": 2, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 4, "label": "F"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 13, "label": "A"}, {"source": 27, "target": 28, "label": "T"}, {"source": 26, "target": 9, "label": "E"}, {"source": 28, "target": 19, "label": "Q"}, {"source": 26, "target": 8, "label": "R"}, {"source": 25, "target": 7, "label": "P"}, {"source": 25, "target": 5, "label": "F"}, {"source": 22, "target": 23, "label": "H"}]} +{"id": "216456-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called them back a few hours after putting my Bodhi down and they still wouldn't budge.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}, {"from": 54, "to": 58}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 21, "label": "T"}, {"source": 19, "target": 11, "label": "L"}, {"source": 25, "target": 12, "label": "A"}, {"source": 22, "target": 8, "label": "P"}, {"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 25, "target": 13, "label": "D"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 25, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 21, "target": 20, "label": "Q"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 9, "label": "S"}, {"source": 20, "target": 5, "label": "C"}, {"source": 25, "target": 14, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 9, "label": "A"}, {"source": 25, "target": 15, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 22, "label": "H"}, {"source": 21, "target": 7, "label": "R"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "216456-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Times are hard, I know, but they had no compassion.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 4, "label": "A"}, {"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 10, "label": "D"}, {"source": 16, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 8, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "S"}, {"source": 16, "target": 11, "label": "P"}, {"source": 15, "target": 6, "label": "U"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "U"}]} +{"id": "216456-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called 3 times to talked to a manager, never a call back.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 58, "to": 59}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 22, "label": "P"}, {"source": 17, "target": 2, "label": "Q"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 22, "target": 11, "label": "F"}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "L"}, {"source": 21, "target": 10, "label": "T"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 13, "label": "D"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "U"}, {"source": 22, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 17, "label": "D"}, {"source": 21, "target": 10, "label": "D"}, {"source": 20, "target": 7, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "216456-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I emailed 4 times, never a response.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 2, "label": "Q"}, {"source": 9, "target": 11, "label": "D"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 5, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "T"}]} +{"id": "216456-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In one of the emails I attached the letter from the Vet's that expressed their sympathy, this hotel did nothing.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}, {"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 111}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 29, "target": 13, "label": "D"}, {"source": 23, "target": 6, "label": "P"}, {"source": 22, "target": 0, "label": "R"}, {"source": 26, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 19, "label": "P"}, {"source": 31, "target": 20, "label": "A"}, {"source": 31, "target": 20, "label": "D"}, {"source": 22, "target": 2, "label": "R"}, {"source": 31, "target": 21, "label": "U"}, {"source": 28, "target": 11, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 8, "label": "C"}, {"source": 31, "target": 30, "label": "A"}, {"source": 24, "target": 31, "label": "H"}, {"source": 29, "target": 15, "label": "S"}, {"source": 30, "target": 18, "label": "C"}, {"source": 25, "target": 7, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "A"}, {"source": 30, "target": 17, "label": "E"}, {"source": 28, "target": 10, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 14, "label": "A"}, {"source": 29, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 16, "label": "U"}, {"source": 26, "target": 9, "label": "S"}, {"source": 23, "target": 22, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 28, "label": "P"}, {"source": 22, "target": 3, "label": "F"}, {"source": 25, "target": 29, "label": "E"}, {"source": 29, "target": 12, "label": "R"}, {"source": 22, "target": 1, "label": "Q"}]} +{"id": "216456-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I even emailed Mackinaw Tourist and nothing.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}, {"from": 24, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "L"}, {"source": 9, "target": 5, "label": "D"}, {"source": 7, "target": 1, "label": "G"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "216456-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am sure this is a good place to stay from reading the other reviews, but if something unexpected happens in your life, they will not care.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 119}]}, {"id": 22, "anchors": [{"from": 119, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 139}]}, {"id": 27, "anchors": [{"from": 139, "to": 140}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 33, "target": 16, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 4, "label": "D"}, {"source": 37, "target": 23, "label": "A"}, {"source": 29, "target": 37, "label": "H"}, {"source": 37, "target": 24, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 20, "label": "E"}, {"source": 31, "target": 9, "label": "P"}, {"source": 29, "target": 34, "label": "H"}, {"source": 30, "target": 3, "label": "F"}, {"source": 28, "target": 2, "label": "F"}, {"source": 29, "target": 13, "label": "U"}, {"source": 29, "target": 22, "label": "U"}, {"source": 34, "target": 18, "label": "P"}, {"source": 32, "target": 11, "label": "E"}, {"source": 29, "target": 8, "label": "L"}, {"source": 28, "target": 1, "label": "A"}, {"source": 29, "target": 14, "label": "L"}, {"source": 29, "target": 28, "label": "H"}, {"source": 36, "target": 21, "label": "C"}, {"source": 30, "target": 5, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 35, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 0, "label": "G"}, {"source": 34, "target": 33, "label": "A"}, {"source": 32, "target": 10, "label": "F"}, {"source": 35, "target": 17, "label": "S"}, {"source": 37, "target": 25, "label": "D"}, {"source": 37, "target": 26, "label": "P"}, {"source": 37, "target": 27, "label": "U"}, {"source": 28, "target": 6, "label": "F"}, {"source": 29, "target": 15, "label": "L"}, {"source": 29, "target": 31, "label": "H"}, {"source": 28, "target": 7, "label": "P"}, {"source": 33, "target": 35, "label": "E"}, {"source": 32, "target": 12, "label": "C"}]} +{"id": "217359-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This insurance co. Is a joke !!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 10, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 3, "label": "F"}, {"source": 11, "target": 4, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "C"}, {"source": 10, "target": 1, "label": "S"}, {"source": 9, "target": 11, "label": "S"}, {"source": 10, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "217359-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have absolutely no communication skills whatsoever .", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 57}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 5, "label": "S"}]} +{"id": "217359-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "if you don't mind being robbed ,cheated or lied to then this is the company for you .", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 9, "label": "L"}, {"source": 23, "target": 25, "label": "H"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 11, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 1, "label": "A"}, {"source": 29, "target": 18, "label": "A"}, {"source": 22, "target": 5, "label": "F"}, {"source": 20, "target": 27, "label": "H"}, {"source": 26, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "S"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "D"}, {"source": 29, "target": 19, "label": "U"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 29, "target": 17, "label": "S"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 29, "label": "A"}, {"source": 20, "target": 0, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 21, "target": 2, "label": "F"}, {"source": 27, "target": 13, "label": "A"}, {"source": 23, "target": 7, "label": "U"}, {"source": 22, "target": 6, "label": "P"}, {"source": 24, "target": 8, "label": "P"}, {"source": 20, "target": 12, "label": "L"}, {"source": 28, "target": 15, "label": "F"}, {"source": 29, "target": 28, "label": "A"}, {"source": 28, "target": 16, "label": "C"}, {"source": 21, "target": 4, "label": "S"}, {"source": 25, "target": 10, "label": "P"}]} +{"id": "217359-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They will make every attempt to misinform and misrepresent themselves .", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 58}, {"from": 59, "to": 69}]}, {"id": 9, "anchors": [{"from": 70, "to": 71}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 6, "label": "P"}, {"source": 10, "target": 12, "label": "D"}, {"source": 11, "target": 7, "label": "L"}, {"source": 13, "target": 8, "label": "P"}, {"source": 12, "target": 3, "label": "Q"}]} +{"id": "217359-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They make up excuses in hopes to confuse their policy holders with misinformation .", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}, {"from": 24, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 83}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 15, "label": "E"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 15, "target": 6, "label": "A"}, {"source": 17, "target": 7, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 16, "target": 17, "label": "C"}, {"source": 15, "target": 6, "label": "S"}, {"source": 12, "target": 2, "label": "P"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "P"}, {"source": 14, "target": 18, "label": "A"}, {"source": 14, "target": 3, "label": "G"}]} +{"id": "217359-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "as an example they took payment for 5 out of 6 monthly plan premiums for a yearly policy and cancelled the contract for the remainder of the policy for reasons they stated was not receiving information on other licensed drivers in the household ?", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}, {"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 106}]}, {"id": 18, "anchors": [{"from": 107, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 133}]}, {"id": 22, "anchors": [{"from": 134, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 147}]}, {"id": 25, "anchors": [{"from": 148, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 159}]}, {"id": 27, "anchors": [{"from": 160, "to": 164}]}, {"id": 28, "anchors": [{"from": 165, "to": 171}]}, {"id": 29, "anchors": [{"from": 172, "to": 175}]}, {"id": 30, "anchors": [{"from": 176, "to": 179}]}, {"id": 31, "anchors": [{"from": 180, "to": 189}]}, {"id": 32, "anchors": [{"from": 190, "to": 201}]}, {"id": 33, "anchors": [{"from": 202, "to": 204}]}, {"id": 34, "anchors": [{"from": 205, "to": 210}]}, {"id": 35, "anchors": [{"from": 211, "to": 219}]}, {"id": 36, "anchors": [{"from": 220, "to": 227}]}, {"id": 37, "anchors": [{"from": 228, "to": 230}]}, {"id": 38, "anchors": [{"from": 231, "to": 234}]}, {"id": 39, "anchors": [{"from": 235, "to": 244}]}, {"id": 40, "anchors": [{"from": 245, "to": 246}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 51, "target": 21, "label": "C"}, {"source": 58, "target": 37, "label": "R"}, {"source": 49, "target": 18, "label": "C"}, {"source": 55, "target": 56, "label": "A"}, {"source": 47, "target": 11, "label": "R"}, {"source": 47, "target": 12, "label": "F"}, {"source": 41, "target": 48, "label": "H"}, {"source": 42, "target": 43, "label": "A"}, {"source": 45, "target": 6, "label": "N"}, {"source": 52, "target": 22, "label": "R"}, {"source": 57, "target": 35, "label": "D"}, {"source": 56, "target": 32, "label": "S"}, {"source": 41, "target": 42, "label": "H"}, {"source": 47, "target": 14, "label": "C"}, {"source": 48, "target": 16, "label": "P"}, {"source": 57, "target": 34, "label": "D"}, {"source": 52, "target": 24, "label": "C"}, {"source": 51, "target": 20, "label": "F"}, {"source": 45, "target": 5, "label": "C"}, {"source": 42, "target": 1, "label": "A"}, {"source": 54, "target": 26, "label": "C"}, {"source": 53, "target": 54, "label": "A"}, {"source": 45, "target": 7, "label": "C"}, {"source": 54, "target": 55, "label": "E"}, {"source": 58, "target": 40, "label": "U"}, {"source": 44, "target": 4, "label": "R"}, {"source": 41, "target": 15, "label": "L"}, {"source": 49, "target": 17, "label": "F"}, {"source": 47, "target": 13, "label": "E"}, {"source": 46, "target": 8, "label": "E"}, {"source": 42, "target": 2, "label": "P"}, {"source": 41, "target": 53, "label": "H"}, {"source": 42, "target": 47, "label": "A"}, {"source": 41, "target": 25, "label": "L"}, {"source": 44, "target": 45, "label": "Q"}, {"source": 46, "target": 9, "label": "C"}, {"source": 44, "target": 10, "label": "C"}, {"source": 57, "target": 36, "label": "P"}, {"source": 48, "target": 50, "label": "A"}, {"source": 50, "target": 51, "label": "S"}, {"source": 48, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 19, "label": "R"}, {"source": 56, "target": 58, "label": "A"}, {"source": 52, "target": 23, "label": "F"}, {"source": 53, "target": 28, "label": "P"}, {"source": 57, "target": 33, "label": "R"}, {"source": 48, "target": 49, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 55, "target": 29, "label": "F"}, {"source": 44, "target": 46, "label": "E"}, {"source": 53, "target": 27, "label": "A"}, {"source": 55, "target": 31, "label": "P"}, {"source": 58, "target": 39, "label": "C"}, {"source": 58, "target": 38, "label": "F"}, {"source": 50, "target": 52, "label": "A"}, {"source": 41, "target": 0, "label": "L"}, {"source": 43, "target": 3, "label": "P"}, {"source": 55, "target": 30, "label": "D"}]} +{"id": "217359-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I personally provided the request on four separate occasions and they claim there is a glitch in their systems ?", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 112}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 16, "label": "R"}, {"source": 20, "target": 24, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 27, "target": 12, "label": "F"}, {"source": 24, "target": 5, "label": "R"}, {"source": 20, "target": 2, "label": "P"}, {"source": 21, "target": 26, "label": "H"}, {"source": 27, "target": 13, "label": "F"}, {"source": 28, "target": 14, "label": "F"}, {"source": 29, "target": 30, "label": "E"}, {"source": 23, "target": 3, "label": "F"}, {"source": 30, "target": 17, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 6, "label": "Q"}, {"source": 24, "target": 8, "label": "C"}, {"source": 29, "target": 19, "label": "U"}, {"source": 25, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 18, "label": "C"}, {"source": 20, "target": 1, "label": "D"}, {"source": 24, "target": 25, "label": "E"}, {"source": 27, "target": 28, "label": "S"}, {"source": 30, "target": 17, "label": "S"}, {"source": 26, "target": 10, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 26, "target": 11, "label": "P"}, {"source": 25, "target": 7, "label": "S"}, {"source": 21, "target": 9, "label": "L"}, {"source": 26, "target": 27, "label": "A"}]} +{"id": "217359-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Ifa is an acronym for Im a F%#king Assh@%$e !!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 34}, {"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 5, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 14, "label": "S"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 12, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "217485-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I'll admit I wasn't expecting much from this place, but they really did do a good job.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 23, "target": 6, "label": "P"}, {"source": 26, "target": 16, "label": "F"}, {"source": 23, "target": 4, "label": "F"}, {"source": 23, "target": 5, "label": "D"}, {"source": 23, "target": 7, "label": "D"}, {"source": 25, "target": 13, "label": "A"}, {"source": 24, "target": 9, "label": "E"}, {"source": 25, "target": 26, "label": "P"}, {"source": 25, "target": 18, "label": "D"}, {"source": 22, "target": 11, "label": "U"}, {"source": 26, "target": 19, "label": "C"}, {"source": 24, "target": 10, "label": "C"}, {"source": 23, "target": 3, "label": "A"}, {"source": 22, "target": 12, "label": "L"}, {"source": 24, "target": 8, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 1, "label": "F"}, {"source": 26, "target": 20, "label": "U"}, {"source": 26, "target": 17, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "217485-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The chicken cordon-blu was tasty and came in a huge portion size for the money.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 9, "label": "F"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 6, "label": "L"}, {"source": 18, "target": 5, "label": "S"}, {"source": 21, "target": 10, "label": "E"}, {"source": 20, "target": 21, "label": "D"}, {"source": 17, "target": 0, "label": "F"}, {"source": 20, "target": 7, "label": "P"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 13, "label": "L"}, {"source": 17, "target": 2, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 2, "target": 3, "label": "U"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 1, "label": "E"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 4, "label": "F"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "217485-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service was a touch slow, but friendly.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 5, "label": "U"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 12, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 13, "label": "D"}, {"source": 13, "target": 6, "label": "N"}, {"source": 10, "target": 0, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 11, "label": "E"}]} +{"id": "217542-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OMFG", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "G"}]} +{"id": "217542-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I FUCKING HATE THIS PLACE EVERY TIME i GO THIS HOT CHICK SHOWS UP AND i MEAN REALLY HOT BUT SHE IS LIKE REAAAALLY DUMB AND THEN THEIR IS THIS OTHER CHICK THAT IS REALY UGLY BUT SHE IS LIKE SUPER SMART SHE COULD BE A SCIENTIST, BUT THEN THEIR IS THIS STONER WHO ALWAYS COMES HERE HIGH AND HE ALWAYS BRINGS HIS FUCKING DOG WHO IS SO HIGH FROM THE SECOND HAND SMOKE I THINK HE IS TRYING TO TALK.", "tops": [80], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}, {"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}, {"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}, {"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 122}, {"from": 123, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 147}]}, {"id": 27, "anchors": [{"from": 148, "to": 153}]}, {"id": 28, "anchors": [{"from": 154, "to": 158}]}, {"id": 29, "anchors": [{"from": 159, "to": 161}]}, {"id": 30, "anchors": [{"from": 162, "to": 167}]}, {"id": 31, "anchors": [{"from": 168, "to": 172}]}, {"id": 32, "anchors": [{"from": 173, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 180}]}, {"id": 34, "anchors": [{"from": 181, "to": 183}]}, {"id": 35, "anchors": [{"from": 184, "to": 188}]}, {"id": 36, "anchors": [{"from": 189, "to": 194}]}, {"id": 37, "anchors": [{"from": 195, "to": 200}]}, {"id": 38, "anchors": [{"from": 201, "to": 204}]}, {"id": 39, "anchors": [{"from": 205, "to": 210}]}, {"id": 40, "anchors": [{"from": 211, "to": 213}]}, {"id": 41, "anchors": [{"from": 214, "to": 215}]}, {"id": 42, "anchors": [{"from": 216, "to": 225}]}, {"id": 43, "anchors": [{"from": 225, "to": 226}]}, {"id": 44, "anchors": [{"from": 227, "to": 230}]}, {"id": 45, "anchors": [{"from": 231, "to": 235}]}, {"id": 46, "anchors": [{"from": 236, "to": 241}]}, {"id": 47, "anchors": [{"from": 242, "to": 244}]}, {"id": 48, "anchors": [{"from": 245, "to": 249}]}, {"id": 49, "anchors": [{"from": 250, "to": 256}]}, {"id": 50, "anchors": [{"from": 257, "to": 260}]}, {"id": 51, "anchors": [{"from": 261, "to": 267}]}, {"id": 52, "anchors": [{"from": 268, "to": 273}]}, {"id": 53, "anchors": [{"from": 274, "to": 278}]}, {"id": 54, "anchors": [{"from": 279, "to": 283}]}, {"id": 55, "anchors": [{"from": 284, "to": 287}]}, {"id": 56, "anchors": [{"from": 288, "to": 290}]}, {"id": 57, "anchors": [{"from": 291, "to": 297}]}, {"id": 58, "anchors": [{"from": 298, "to": 304}]}, {"id": 59, "anchors": [{"from": 305, "to": 308}]}, {"id": 60, "anchors": [{"from": 309, "to": 316}]}, {"id": 61, "anchors": [{"from": 317, "to": 320}]}, {"id": 62, "anchors": [{"from": 321, "to": 324}]}, {"id": 63, "anchors": [{"from": 325, "to": 327}]}, {"id": 64, "anchors": [{"from": 328, "to": 330}]}, {"id": 65, "anchors": [{"from": 331, "to": 335}]}, {"id": 66, "anchors": [{"from": 336, "to": 340}]}, {"id": 67, "anchors": [{"from": 341, "to": 344}]}, {"id": 68, "anchors": [{"from": 345, "to": 351}]}, {"id": 69, "anchors": [{"from": 352, "to": 356}]}, {"id": 70, "anchors": [{"from": 357, "to": 362}]}, {"id": 71, "anchors": [{"from": 363, "to": 364}]}, {"id": 72, "anchors": [{"from": 365, "to": 370}]}, {"id": 73, "anchors": [{"from": 371, "to": 373}]}, {"id": 74, "anchors": [{"from": 374, "to": 376}]}, {"id": 75, "anchors": [{"from": 377, "to": 383}]}, {"id": 76, "anchors": [{"from": 384, "to": 386}]}, {"id": 77, "anchors": [{"from": 387, "to": 391}]}, {"id": 78, "anchors": [{"from": 391, "to": 392}]}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}, {"id": 98}, {"id": 99}, {"id": 100}, {"id": 101}, {"id": 102}, {"id": 103}, {"id": 104}], "edges": [{"source": 83, "target": 85, "label": "E"}, {"source": 100, "target": 65, "label": "S"}, {"source": 82, "target": 6, "label": "A"}, {"source": 80, "target": 44, "label": "L"}, {"source": 80, "target": 55, "label": "L"}, {"source": 91, "target": 39, "label": "D"}, {"source": 98, "target": 59, "label": "A"}, {"source": 86, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 80, "target": 79, "label": "H"}, {"source": 101, "target": 102, "label": "E"}, {"source": 87, "target": 21, "label": "S"}, {"source": 96, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 87, "target": 19, "label": "F"}, {"source": 93, "target": 46, "label": "S"}, {"source": 90, "target": 33, "label": "A"}, {"source": 80, "target": 91, "label": "H"}, {"source": 80, "target": 62, "label": "L"}, {"source": 83, "target": 8, "label": "E"}, {"source": 103, "target": 71, "label": "A"}, {"source": 86, "target": 13, "label": "G"}, {"source": 99, "target": 61, "label": "C"}, {"source": 91, "target": 38, "label": "A"}, {"source": 104, "target": 76, "label": "F"}, {"source": 102, "target": 68, "label": "E"}, {"source": 92, "target": 42, "label": "C"}, {"source": 101, "target": 67, "label": "E"}, {"source": 95, "target": 49, "label": "S"}, {"source": 80, "target": 86, "label": "H"}, {"source": 101, "target": 66, "label": "R"}, {"source": 97, "target": 99, "label": "A"}, {"source": 83, "target": 10, "label": "C"}, {"source": 99, "target": 60, "label": "E"}, {"source": 86, "target": 14, "label": "D"}, {"source": 84, "target": 11, "label": "P"}, {"source": 87, "target": 18, "label": "F"}, {"source": 103, "target": 72, "label": "P"}, {"source": 88, "target": 89, "label": "A"}, {"source": 104, "target": 78, "label": "U"}, {"source": 80, "target": 12, "label": "L"}, {"source": 102, "target": 69, "label": "C"}, {"source": 100, "target": 64, "label": "D"}, {"source": 88, "target": 23, "label": "F"}, {"source": 80, "target": 90, "label": "H"}, {"source": 101, "target": 70, "label": "C"}, {"source": 84, "target": 83, "label": "A"}, {"source": 88, "target": 30, "label": "D"}, {"source": 97, "target": 58, "label": "P"}, {"source": 103, "target": 104, "label": "A"}, {"source": 80, "target": 88, "label": "H"}, {"source": 100, "target": 101, "label": "A"}, {"source": 80, "target": 93, "label": "H"}, {"source": 92, "target": 41, "label": "F"}, {"source": 85, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 81, "target": 4, "label": "C"}, {"source": 80, "target": 87, "label": "H"}, {"source": 98, "target": 59, "label": "S"}, {"source": 90, "target": 36, "label": "D"}, {"source": 85, "target": 9, "label": "S"}, {"source": 91, "target": 40, "label": "F"}, {"source": 104, "target": 74, "label": "F"}, {"source": 81, "target": 3, "label": "E"}, {"source": 93, "target": 47, "label": "F"}, {"source": 104, "target": 75, "label": "D"}, {"source": 80, "target": 97, "label": "H"}, {"source": 86, "target": 15, "label": "S"}, {"source": 79, "target": 2, "label": "S"}, {"source": 79, "target": 0, "label": "A"}, {"source": 96, "target": 54, "label": "D"}, {"source": 90, "target": 37, "label": "S"}, {"source": 94, "target": 48, "label": "E"}, {"source": 79, "target": 81, "label": "A"}, {"source": 80, "target": 32, "label": "L"}, {"source": 90, "target": 34, "label": "F"}, {"source": 97, "target": 56, "label": "A"}, {"source": 94, "target": 96, "label": "E"}, {"source": 96, "target": 51, "label": "T"}, {"source": 100, "target": 63, "label": "F"}, {"source": 96, "target": 53, "label": "A"}, {"source": 80, "target": 45, "label": "L"}, {"source": 97, "target": 57, "label": "T"}, {"source": 88, "target": 31, "label": "S"}, {"source": 89, "target": 25, "label": "E"}, {"source": 80, "target": 100, "label": "H"}, {"source": 89, "target": 26, "label": "E"}, {"source": 98, "target": 61, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 104, "target": 73, "label": "A"}, {"source": 80, "target": 22, "label": "L"}, {"source": 79, "target": 1, "label": "D"}, {"source": 80, "target": 43, "label": "U"}, {"source": 96, "target": 52, "label": "P"}, {"source": 93, "target": 94, "label": "A"}, {"source": 88, "target": 24, "label": "F"}, {"source": 89, "target": 27, "label": "C"}, {"source": 87, "target": 20, "label": "D"}, {"source": 80, "target": 82, "label": "H"}, {"source": 80, "target": 84, "label": "H"}, {"source": 80, "target": 5, "label": "L"}, {"source": 100, "target": 61, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 80, "target": 16, "label": "L"}, {"source": 87, "target": 17, "label": "A"}, {"source": 82, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 94, "target": 95, "label": "C"}, {"source": 96, "target": 50, "label": "R"}, {"source": 99, "target": 98, "label": "E"}, {"source": 91, "target": 92, "label": "S"}, {"source": 80, "target": 103, "label": "H"}, {"source": 82, "target": 7, "label": "P"}, {"source": 88, "target": 29, "label": "F"}, {"source": 88, "target": 28, "label": "F"}, {"source": 104, "target": 77, "label": "P"}, {"source": 90, "target": 35, "label": "G"}]} +{"id": "217542-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ANYWAY WE DRIVE AROUND IN MY VAN AND SOLVE MYSTERYS AND SHIT", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 7, "label": "L"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 0, "label": "L"}, {"source": 15, "target": 5, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 10, "label": "L"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "S"}, {"source": 12, "target": 16, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "217747-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "exelent Job", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "217747-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "\"Thank you so much for the superior job well done.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}, {"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 13, "label": "D"}, {"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 6, "label": "D"}, {"source": 14, "target": 15, "label": "D"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 0, "label": "U"}, {"source": 14, "target": 7, "label": "P"}, {"source": 15, "target": 9, "label": "F"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "E"}]} +{"id": "217747-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We love everything about the fence.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "217747-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You company and services will be recommended by us to everyone.\"", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "A"}, {"source": 14, "target": 13, "label": "E"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 18, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "P"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "P"}, {"source": 20, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "S"}, {"source": 19, "target": 7, "label": "R"}, {"source": 15, "target": 2, "label": "N"}, {"source": 20, "target": 9, "label": "R"}, {"source": 15, "target": 14, "label": "C"}, {"source": 20, "target": 11, "label": "U"}]} +{"id": "219262-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Furnace repair", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "219262-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tiger Heating is awesome.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "219262-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had John and Dustin working feverishly to get my exhaust motor replaced.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 6, "label": "D"}, {"source": 17, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 3, "label": "N"}, {"source": 17, "target": 5, "label": "P"}, {"source": 16, "target": 2, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 20, "target": 19, "label": "E"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 12, "label": "P"}, {"source": 19, "target": 9, "label": "S"}, {"source": 18, "target": 8, "label": "D"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "C"}, {"source": 20, "target": 10, "label": "E"}, {"source": 18, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "219262-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys were absolutely professional.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "219262-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "John was here in 45 minutes after I called on a 10 below zero early Sunday morning.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 19, "target": 6, "label": "L"}, {"source": 18, "target": 20, "label": "T"}, {"source": 21, "target": 7, "label": "A"}, {"source": 22, "target": 14, "label": "S"}, {"source": 22, "target": 23, "label": "T"}, {"source": 23, "target": 16, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 17, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 18, "target": 1, "label": "F"}, {"source": 25, "target": 11, "label": "C"}, {"source": 25, "target": 12, "label": "R"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "S"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 24, "target": 25, "label": "Q"}, {"source": 21, "target": 8, "label": "P"}, {"source": 22, "target": 24, "label": "D"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "219262-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you need someone to help you out with your heating problems, I DEFINITELY would call TIGER HEATING and AIR.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}, {"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 93}, {"from": 94, "to": 101}, {"from": 102, "to": 105}, {"from": 106, "to": 109}]}, {"id": 17, "anchors": [{"from": 109, "to": 110}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "A"}, {"source": 23, "target": 12, "label": "A"}, {"source": 21, "target": 8, "label": "A"}, {"source": 23, "target": 14, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 19, "target": 2, "label": "S"}, {"source": 18, "target": 0, "label": "L"}, {"source": 23, "target": 15, "label": "P"}, {"source": 19, "target": 1, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 4, "label": "F"}, {"source": 22, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 5, "label": "P"}, {"source": 23, "target": 17, "label": "U"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 7, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 3, "label": "A"}, {"source": 23, "target": 13, "label": "D"}]} +{"id": "219262-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolutely a wonderful company.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "219262-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My family and I thank you!!!!!!!!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 10, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "N"}, {"source": 8, "target": 7, "label": "C"}, {"source": 7, "target": 1, "label": "S"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "219984-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "never response the phone call", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "T"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "220214-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think that there pretty good.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "S"}]} +{"id": "220214-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First of all, if you call for an appointment they won't tell you to call back a month later so you can then make one.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 11, "label": "P"}, {"source": 34, "target": 20, "label": "A"}, {"source": 34, "target": 24, "label": "A"}, {"source": 34, "target": 22, "label": "T"}, {"source": 31, "target": 15, "label": "D"}, {"source": 26, "target": 2, "label": "L"}, {"source": 32, "target": 31, "label": "H"}, {"source": 32, "target": 19, "label": "L"}, {"source": 26, "target": 1, "label": "U"}, {"source": 28, "target": 29, "label": "P"}, {"source": 34, "target": 23, "label": "P"}, {"source": 31, "target": 14, "label": "P"}, {"source": 32, "target": 34, "label": "H"}, {"source": 33, "target": 18, "label": "R"}, {"source": 30, "target": 8, "label": "A"}, {"source": 30, "target": 10, "label": "D"}, {"source": 28, "target": 5, "label": "R"}, {"source": 30, "target": 32, "label": "A"}, {"source": 26, "target": 30, "label": "H"}, {"source": 29, "target": 6, "label": "F"}, {"source": 33, "target": 16, "label": "F"}, {"source": 29, "target": 7, "label": "C"}, {"source": 30, "target": 12, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 4, "label": "P"}, {"source": 26, "target": 27, "label": "H"}, {"source": 34, "target": 21, "label": "D"}, {"source": 26, "target": 0, "label": "L"}, {"source": 31, "target": 13, "label": "R"}, {"source": 34, "target": 25, "label": "U"}, {"source": 33, "target": 17, "label": "C"}, {"source": 30, "target": 9, "label": "F"}, {"source": 27, "target": 3, "label": "A"}, {"source": 31, "target": 33, "label": "T"}]} +{"id": "220214-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They also don't tell you that they're going to mail you an \"application\" to be admitted to be a patient.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 103}]}, {"id": 24, "anchors": [{"from": 103, "to": 104}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 19, "label": "P"}, {"source": 28, "target": 29, "label": "P"}, {"source": 27, "target": 30, "label": "A"}, {"source": 25, "target": 1, "label": "L"}, {"source": 26, "target": 4, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 33, "target": 24, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 10, "label": "F"}, {"source": 33, "target": 23, "label": "C"}, {"source": 27, "target": 11, "label": "P"}, {"source": 26, "target": 5, "label": "A"}, {"source": 25, "target": 26, "label": "H"}, {"source": 30, "target": 16, "label": "U"}, {"source": 27, "target": 9, "label": "F"}, {"source": 27, "target": 8, "label": "F"}, {"source": 31, "target": 17, "label": "R"}, {"source": 32, "target": 20, "label": "R"}, {"source": 27, "target": 7, "label": "A"}, {"source": 30, "target": 31, "label": "E"}, {"source": 26, "target": 3, "label": "D"}, {"source": 30, "target": 28, "label": "C"}, {"source": 27, "target": 12, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 29, "target": 14, "label": "U"}, {"source": 33, "target": 22, "label": "F"}, {"source": 32, "target": 21, "label": "S"}, {"source": 29, "target": 15, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 13, "label": "F"}, {"source": 26, "target": 2, "label": "F"}, {"source": 26, "target": 0, "label": "A"}]} +{"id": "220214-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I feel that the way some doctors offices work around here is a little bit absurd so I'm happy that these guys don't do those two things in particlular.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}, {"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 112}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 150}]}, {"id": 31, "anchors": [{"from": 150, "to": 151}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 38, "target": 5, "label": "S"}, {"source": 37, "target": 7, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 42, "target": 25, "label": "P"}, {"source": 34, "target": 11, "label": "F"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 45, "target": 29, "label": "R"}, {"source": 35, "target": 8, "label": "P"}, {"source": 45, "target": 30, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 32, "target": 1, "label": "P"}, {"source": 43, "target": 21, "label": "E"}, {"source": 42, "target": 20, "label": "R"}, {"source": 34, "target": 2, "label": "R"}, {"source": 41, "target": 42, "label": "A"}, {"source": 32, "target": 0, "label": "A"}, {"source": 34, "target": 40, "label": "D"}, {"source": 37, "target": 4, "label": "Q"}, {"source": 42, "target": 24, "label": "D"}, {"source": 41, "target": 18, "label": "F"}, {"source": 44, "target": 27, "label": "Q"}, {"source": 34, "target": 15, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 41, "target": 19, "label": "S"}, {"source": 34, "target": 39, "label": "A"}, {"source": 36, "target": 6, "label": "S"}, {"source": 41, "target": 17, "label": "A"}, {"source": 40, "target": 14, "label": "C"}, {"source": 43, "target": 22, "label": "C"}, {"source": 45, "target": 31, "label": "U"}, {"source": 33, "target": 16, "label": "L"}, {"source": 44, "target": 28, "label": "C"}, {"source": 40, "target": 13, "label": "E"}, {"source": 39, "target": 10, "label": "C"}, {"source": 44, "target": 45, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 40, "target": 12, "label": "F"}, {"source": 44, "target": 26, "label": "E"}, {"source": 36, "target": 37, "label": "A"}, {"source": 39, "target": 9, "label": "R"}, {"source": 42, "target": 23, "label": "F"}, {"source": 42, "target": 44, "label": "A"}, {"source": 35, "target": 3, "label": "D"}]} +{"id": "220214-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Usually you can be seen the same week or maybe the following week.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 2, "label": "D"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 7, "label": "C"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 0, "label": "T"}, {"source": 17, "target": 18, "label": "C"}, {"source": 17, "target": 8, "label": "N"}, {"source": 18, "target": 13, "label": "U"}, {"source": 15, "target": 4, "label": "P"}, {"source": 18, "target": 9, "label": "E"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 16, "label": "C"}, {"source": 16, "target": 5, "label": "F"}, {"source": 15, "target": 1, "label": "A"}, {"source": 15, "target": 17, "label": "T"}, {"source": 18, "target": 12, "label": "C"}]} +{"id": "220214-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The doctor did tell me that my male pattern baldness is due to my mothers father because the gene is exclusively passed on through maternal line but that's a common misconception (http://www.consumerreports.org/health/healthy-living/beauty-personal-care/hair-loss-10-08/hair-loss.htm).", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}, {"from": 36, "to": 43}, {"from": 44, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}, {"from": 60, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 119}, {"from": 120, "to": 122}]}, {"id": 20, "anchors": [{"from": 123, "to": 130}]}, {"id": 21, "anchors": [{"from": 131, "to": 139}]}, {"id": 22, "anchors": [{"from": 140, "to": 144}]}, {"id": 23, "anchors": [{"from": 145, "to": 148}]}, {"id": 24, "anchors": [{"from": 149, "to": 153}]}, {"id": 25, "anchors": [{"from": 153, "to": 155}]}, {"id": 26, "anchors": [{"from": 156, "to": 157}]}, {"id": 27, "anchors": [{"from": 158, "to": 164}]}, {"id": 28, "anchors": [{"from": 165, "to": 178}]}, {"id": 29, "anchors": [{"from": 179, "to": 180}]}, {"id": 30, "anchors": [{"from": 180, "to": 283}]}, {"id": 31, "anchors": [{"from": 283, "to": 284}]}, {"id": 32, "anchors": [{"from": 284, "to": 285}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 35, "target": 23, "label": "L"}, {"source": 44, "target": 21, "label": "E"}, {"source": 33, "target": 0, "label": "F"}, {"source": 33, "target": 36, "label": "C"}, {"source": 36, "target": 1, "label": "S"}, {"source": 45, "target": 25, "label": "F"}, {"source": 45, "target": 24, "label": "A"}, {"source": 45, "target": 27, "label": "D"}, {"source": 35, "target": 45, "label": "H"}, {"source": 37, "target": 43, "label": "H"}, {"source": 38, "target": 7, "label": "S"}, {"source": 42, "target": 15, "label": "F"}, {"source": 39, "target": 8, "label": "F"}, {"source": 40, "target": 11, "label": "S"}, {"source": 44, "target": 20, "label": "R"}, {"source": 34, "target": 2, "label": "F"}, {"source": 35, "target": 31, "label": "U"}, {"source": 45, "target": 46, "label": "S"}, {"source": 40, "target": 12, "label": "R"}, {"source": 34, "target": 37, "label": "A"}, {"source": 46, "target": 26, "label": "F"}, {"source": 37, "target": 14, "label": "L"}, {"source": 37, "target": 5, "label": "R"}, {"source": 39, "target": 38, "label": "A"}, {"source": 43, "target": 17, "label": "F"}, {"source": 41, "target": 40, "label": "A"}, {"source": 43, "target": 19, "label": "P"}, {"source": 41, "target": 13, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 39, "target": 9, "label": "S"}, {"source": 40, "target": 10, "label": "A"}, {"source": 40, "target": 11, "label": "A"}, {"source": 46, "target": 28, "label": "C"}, {"source": 43, "target": 42, "label": "A"}, {"source": 37, "target": 39, "label": "H"}, {"source": 39, "target": 41, "label": "A"}, {"source": 44, "target": 22, "label": "C"}, {"source": 35, "target": 29, "label": "U"}, {"source": 43, "target": 44, "label": "A"}, {"source": 35, "target": 30, "label": "H"}, {"source": 43, "target": 18, "label": "D"}, {"source": 38, "target": 6, "label": "A"}, {"source": 35, "target": 32, "label": "U"}, {"source": 41, "target": 13, "label": "S"}, {"source": 42, "target": 16, "label": "C"}, {"source": 34, "target": 4, "label": "A"}, {"source": 34, "target": 3, "label": "P"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "220214-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In general I would say that the staff is attentive and nice.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 8, "label": "S"}, {"source": 18, "target": 10, "label": "S"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 6, "label": "S"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 17, "label": "C"}, {"source": 13, "target": 1, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 2, "label": "D"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 14, "target": 9, "label": "L"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "220214-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But then again I was nice to them so that could have been why.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 12, "label": "S"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 9, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 16, "target": 5, "label": "R"}, {"source": 15, "target": 2, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 14, "target": 1, "label": "L"}, {"source": 17, "target": 8, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 10, "label": "F"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "S"}, {"source": 17, "target": 11, "label": "F"}]} +{"id": "220214-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Anyhow, after reading some of the other reviews it seems like some of the other reviewers are expecting mircles.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 9, "label": "F"}, {"source": 21, "target": 1, "label": "U"}, {"source": 24, "target": 11, "label": "F"}, {"source": 24, "target": 19, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 4, "label": "Q"}, {"source": 24, "target": 17, "label": "F"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 16, "label": "S"}, {"source": 24, "target": 10, "label": "G"}, {"source": 26, "target": 16, "label": "A"}, {"source": 24, "target": 18, "label": "P"}, {"source": 25, "target": 15, "label": "E"}, {"source": 21, "target": 2, "label": "L"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 23, "target": 5, "label": "R"}, {"source": 25, "target": 12, "label": "Q"}, {"source": 23, "target": 6, "label": "F"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 14, "label": "F"}, {"source": 23, "target": 7, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 3, "label": "P"}, {"source": 24, "target": 20, "label": "U"}]} +{"id": "220214-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you want miracles you'll have to go to 21st St.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}, {"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 5, "label": "F"}, {"source": 14, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "L"}, {"source": 13, "target": 4, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 8, "label": "R"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 6, "label": "D"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "220214-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's a pretty typical primary care office but for the area it's very good.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 8, "label": "L"}, {"source": 20, "target": 5, "label": "D"}, {"source": 22, "target": 12, "label": "A"}, {"source": 17, "target": 3, "label": "D"}, {"source": 17, "target": 0, "label": "F"}, {"source": 20, "target": 6, "label": "P"}, {"source": 21, "target": 9, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 4, "label": "S"}, {"source": 19, "target": 7, "label": "C"}, {"source": 22, "target": 14, "label": "D"}, {"source": 22, "target": 15, "label": "S"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "220214-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They don't do certain things that are really annoying about other offices.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 8, "label": "D"}, {"source": 18, "target": 11, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 6, "label": "R"}, {"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 9, "label": "S"}]} +{"id": "221664-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is a Rip-Off", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}, {"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 4, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "221664-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I brought a car in to have the \"check engine\" light diagnosed back in March of 2010.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 32, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 4, "label": "D"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 15, "label": "R"}, {"source": 28, "target": 19, "label": "U"}, {"source": 22, "target": 2, "label": "F"}, {"source": 28, "target": 17, "label": "R"}, {"source": 26, "target": 14, "label": "R"}, {"source": 23, "target": 13, "label": "P"}, {"source": 26, "target": 27, "label": "C"}, {"source": 25, "target": 10, "label": "A"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 11, "label": "U"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 24, "target": 7, "label": "F"}, {"source": 20, "target": 5, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 24, "target": 8, "label": "U"}, {"source": 27, "target": 16, "label": "C"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 9, "label": "P"}, {"source": 21, "target": 26, "label": "T"}, {"source": 21, "target": 1, "label": "P"}]} +{"id": "221664-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They said it was \"plugs and wires\" and quoted me $330 to do the work, including parts.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 68}]}, {"id": 18, "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "anchors": [{"from": 70, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 85}]}, {"id": 21, "anchors": [{"from": 85, "to": 86}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 9, "label": "L"}, {"source": 30, "target": 15, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "C"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "P"}, {"source": 24, "target": 2, "label": "A"}, {"source": 25, "target": 6, "label": "N"}, {"source": 27, "target": 13, "label": "Q"}, {"source": 30, "target": 20, "label": "A"}, {"source": 23, "target": 8, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 18, "label": "U"}, {"source": 23, "target": 30, "label": "H"}, {"source": 29, "target": 16, "label": "F"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 4, "label": "U"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 19, "label": "L"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 28, "target": 15, "label": "F"}, {"source": 23, "target": 14, "label": "L"}, {"source": 29, "target": 17, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 10, "label": "P"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 3, "label": "S"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "221664-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I asked why so high and they said it was due to the labor of moving things out of the way.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "R"}, {"source": 26, "target": 8, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 26, "target": 27, "label": "P"}, {"source": 22, "target": 5, "label": "L"}, {"source": 28, "target": 15, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 14, "label": "P"}, {"source": 28, "target": 16, "label": "D"}, {"source": 23, "target": 2, "label": "H"}, {"source": 26, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 17, "label": "R"}, {"source": 29, "target": 18, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 25, "target": 6, "label": "A"}, {"source": 25, "target": 7, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 11, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 24, "target": 4, "label": "S"}, {"source": 21, "target": 1, "label": "P"}, {"source": 24, "target": 3, "label": "D"}]} +{"id": "221664-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Those things ended up being a windsheild washer fluid tank (1 screw) and the air filter canister (4 spring clips).", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 24, "label": "A"}, {"source": 31, "target": 18, "label": "U"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 23, "label": "U"}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 9, "label": "U"}, {"source": 33, "target": 19, "label": "Q"}, {"source": 28, "target": 31, "label": "C"}, {"source": 31, "target": 14, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 33, "target": 21, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 32, "target": 15, "label": "E"}, {"source": 33, "target": 22, "label": "U"}, {"source": 31, "target": 17, "label": "C"}, {"source": 28, "target": 12, "label": "U"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 30, "label": "E"}, {"source": 31, "target": 33, "label": "E"}, {"source": 26, "target": 3, "label": "S"}, {"source": 33, "target": 20, "label": "E"}, {"source": 28, "target": 27, "label": "C"}, {"source": 29, "target": 5, "label": "E"}, {"source": 30, "target": 11, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 1, "label": "C"}, {"source": 27, "target": 8, "label": "C"}, {"source": 26, "target": 2, "label": "D"}, {"source": 29, "target": 6, "label": "C"}, {"source": 30, "target": 10, "label": "Q"}, {"source": 24, "target": 0, "label": "E"}, {"source": 28, "target": 13, "label": "N"}, {"source": 27, "target": 4, "label": "F"}]} +{"id": "221664-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I did the work myself for $50.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 7, "label": "Q"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "221664-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There's no excuse for that kind of estimate.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "D"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 8, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 7, "label": "R"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "223040-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I love this place lots of people to talk to and school is across the street!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 21, "target": 5, "label": "R"}, {"source": 18, "target": 20, "label": "H"}, {"source": 21, "target": 9, "label": "R"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 18, "target": 10, "label": "L"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 4, "label": "Q"}, {"source": 23, "target": 15, "label": "C"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 13, "label": "S"}, {"source": 22, "target": 11, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 23, "target": 14, "label": "F"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "223912-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff do occasionally get game info correct, but if your looking fot a good game and aren'ta nerd, dont ask them.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 68}, {"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 105, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 116}]}, {"id": 27, "anchors": [{"from": 116, "to": 117}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 35, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 16, "label": "C"}, {"source": 29, "target": 2, "label": "F"}, {"source": 30, "target": 9, "label": "L"}, {"source": 30, "target": 29, "label": "H"}, {"source": 37, "target": 25, "label": "P"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 35, "label": "H"}, {"source": 32, "target": 11, "label": "A"}, {"source": 32, "target": 13, "label": "P"}, {"source": 29, "target": 3, "label": "T"}, {"source": 36, "target": 20, "label": "F"}, {"source": 32, "target": 12, "label": "F"}, {"source": 29, "target": 4, "label": "D"}, {"source": 31, "target": 6, "label": "C"}, {"source": 30, "target": 22, "label": "U"}, {"source": 34, "target": 15, "label": "S"}, {"source": 28, "target": 1, "label": "A"}, {"source": 36, "target": 21, "label": "C"}, {"source": 37, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "U"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 36, "label": "S"}, {"source": 35, "target": 18, "label": "F"}, {"source": 37, "target": 23, "label": "F"}, {"source": 30, "target": 10, "label": "L"}, {"source": 29, "target": 28, "label": "A"}, {"source": 34, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 7, "label": "P"}, {"source": 35, "target": 19, "label": "D"}, {"source": 37, "target": 27, "label": "U"}, {"source": 28, "target": 0, "label": "F"}, {"source": 30, "target": 17, "label": "L"}, {"source": 28, "target": 1, "label": "P"}, {"source": 31, "target": 5, "label": "E"}, {"source": 30, "target": 37, "label": "H"}, {"source": 30, "target": 32, "label": "H"}, {"source": 33, "target": 14, "label": "F"}, {"source": 37, "target": 24, "label": "D"}, {"source": 37, "target": 26, "label": "A"}]} +{"id": "223912-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The last time I did that I was suggested to buy oblivion when I told them I was looking for a fps.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}, {"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 10, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 16, "label": "P"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 1, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 5, "label": "F"}, {"source": 24, "target": 11, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 12, "label": "P"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "P"}, {"source": 20, "target": 0, "label": "L"}, {"source": 21, "target": 2, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 23, "target": 7, "label": "F"}, {"source": 23, "target": 9, "label": "A"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 17, "label": "F"}, {"source": 22, "target": 4, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 26, "target": 18, "label": "C"}, {"source": 21, "target": 3, "label": "A"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "223912-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I knew what it was and told the guy that it wasn'ta fps.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 55, "to": 56}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 2, "label": "A"}, {"source": 21, "target": 11, "label": "S"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 3, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "R"}, {"source": 16, "target": 1, "label": "S"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 4, "label": "S"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 5, "label": "L"}, {"source": 22, "target": 13, "label": "F"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 12, "label": "D"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 6, "label": "P"}]} +{"id": "223912-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He tried to tell me it was when I told asked him if he knew what fps stood for and he had no clue.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 92}]}, {"id": 23, "anchors": [{"from": 93, "to": 97}]}, {"id": 24, "anchors": [{"from": 97, "to": 98}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 9, "label": "D"}, {"source": 26, "target": 31, "label": "H"}, {"source": 29, "target": 13, "label": "A"}, {"source": 26, "target": 19, "label": "L"}, {"source": 32, "target": 22, "label": "E"}, {"source": 31, "target": 20, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 0, "label": "A"}, {"source": 25, "target": 2, "label": "F"}, {"source": 28, "target": 10, "label": "P"}, {"source": 31, "target": 32, "label": "S"}, {"source": 32, "target": 23, "label": "C"}, {"source": 30, "target": 15, "label": "A"}, {"source": 30, "target": 18, "label": "R"}, {"source": 27, "target": 5, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 16, "label": "A"}, {"source": 28, "target": 11, "label": "A"}, {"source": 25, "target": 1, "label": "D"}, {"source": 26, "target": 28, "label": "H"}, {"source": 30, "target": 17, "label": "S"}, {"source": 28, "target": 8, "label": "A"}, {"source": 29, "target": 14, "label": "S"}, {"source": 26, "target": 7, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 4, "label": "A"}, {"source": 32, "target": 21, "label": "F"}, {"source": 32, "target": 24, "label": "U"}, {"source": 27, "target": 6, "label": "S"}, {"source": 25, "target": 3, "label": "P"}, {"source": 29, "target": 12, "label": "R"}]} +{"id": "223912-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overall they aren't very knowledge about the type of games are on the market.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "F"}, {"source": 19, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 3, "label": "D"}, {"source": 17, "target": 4, "label": "D"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 11, "label": "F"}, {"source": 18, "target": 9, "label": "R"}, {"source": 18, "target": 7, "label": "F"}, {"source": 20, "target": 12, "label": "R"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 8, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 14, "label": "C"}, {"source": 19, "target": 20, "label": "S"}]} +{"id": "224117-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Drove all the way over from the highway... closed at 7.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "Q"}, {"source": 14, "target": 8, "label": "U"}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 13, "target": 4, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "T"}, {"source": 16, "target": 5, "label": "R"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 0, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 9, "label": "S"}, {"source": 13, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "Q"}]} +{"id": "224117-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Who does that?!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "224123-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ok", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "224123-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "can't remember good or bad, so it must have been meh.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "S"}, {"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 2, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "S"}, {"source": 19, "target": 11, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 9, "label": "D"}, {"source": 14, "target": 17, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 0, "label": "D"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "S"}, {"source": 14, "target": 1, "label": "D"}, {"source": 19, "target": 10, "label": "F"}, {"source": 15, "target": 6, "label": "U"}, {"source": 17, "target": 4, "label": "L"}]} +{"id": "224906-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First and Last time we'll eat there", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 9, "target": 8, "label": "Q"}, {"source": 11, "target": 9, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 11, "target": 4, "label": "A"}, {"source": 11, "target": 7, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 8, "target": 1, "label": "N"}]} +{"id": "224906-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My friend and I went there for lunch today.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 5, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 10, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 2, "label": "N"}, {"source": 10, "target": 1, "label": "A"}, {"source": 13, "target": 8, "label": "T"}, {"source": 14, "target": 6, "label": "R"}, {"source": 10, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "224906-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Neither one of us had ever been - so we thought we'd try it.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 5, "label": "T"}, {"source": 17, "target": 4, "label": "F"}, {"source": 21, "target": 14, "label": "A"}, {"source": 17, "target": 6, "label": "S"}, {"source": 18, "target": 7, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 8, "label": "L"}, {"source": 16, "target": 1, "label": "C"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 11, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "Q"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 10, "label": "S"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 12, "label": "D"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 2, "label": "R"}, {"source": 17, "target": 16, "label": "D"}]} +{"id": "224906-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "BIG MISTAKE - The food was tasteless and cold.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "U"}, {"source": 13, "target": 5, "label": "F"}, {"source": 12, "target": 3, "label": "F"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 8, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 13, "target": 6, "label": "S"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 7, "label": "L"}]} +{"id": "224906-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We both kept trying to find something we liked.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 13, "label": "D"}, {"source": 12, "target": 10, "label": "A"}, {"source": 10, "target": 0, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 1, "label": "Q"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "P"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 15, "target": 7, "label": "A"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "E"}]} +{"id": "224906-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The only thing I found edible were the potato wedges, I finally gave up, he kept trying - he found the fried wantons to be OK - His Mongolian bowl was awful.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 141}, {"from": 142, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 156}]}, {"id": 32, "anchors": [{"from": 156, "to": 157}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 40, "target": 23, "label": "C"}, {"source": 35, "target": 37, "label": "H"}, {"source": 35, "target": 38, "label": "H"}, {"source": 41, "target": 22, "label": "P"}, {"source": 35, "target": 18, "label": "U"}, {"source": 42, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 31, "label": "S"}, {"source": 34, "target": 3, "label": "A"}, {"source": 33, "target": 0, "label": "F"}, {"source": 39, "target": 26, "label": "S"}, {"source": 35, "target": 44, "label": "H"}, {"source": 33, "target": 1, "label": "Q"}, {"source": 42, "target": 28, "label": "A"}, {"source": 36, "target": 8, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 35, "target": 27, "label": "U"}, {"source": 38, "target": 17, "label": "P"}, {"source": 40, "target": 21, "label": "F"}, {"source": 36, "target": 7, "label": "F"}, {"source": 36, "target": 9, "label": "C"}, {"source": 44, "target": 30, "label": "F"}, {"source": 43, "target": 42, "label": "E"}, {"source": 39, "target": 19, "label": "A"}, {"source": 33, "target": 2, "label": "C"}, {"source": 35, "target": 12, "label": "L"}, {"source": 38, "target": 16, "label": "D"}, {"source": 37, "target": 11, "label": "A"}, {"source": 35, "target": 39, "label": "H"}, {"source": 39, "target": 20, "label": "D"}, {"source": 44, "target": 32, "label": "U"}, {"source": 34, "target": 4, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 39, "target": 24, "label": "F"}, {"source": 43, "target": 29, "label": "C"}, {"source": 34, "target": 33, "label": "A"}, {"source": 37, "target": 13, "label": "P"}, {"source": 44, "target": 43, "label": "A"}, {"source": 39, "target": 25, "label": "F"}, {"source": 42, "target": 28, "label": "S"}, {"source": 35, "target": 14, "label": "U"}, {"source": 34, "target": 5, "label": "S"}, {"source": 39, "target": 40, "label": "A"}, {"source": 34, "target": 6, "label": "F"}, {"source": 35, "target": 10, "label": "U"}, {"source": 41, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 34, "label": "H"}, {"source": 38, "target": 15, "label": "A"}]} +{"id": "224906-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Would NOT recommend this place to anyone - in fact - save your money and go somewhere else.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}, {"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 23, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 16, "label": "E"}, {"source": 20, "target": 3, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 8, "label": "L"}, {"source": 23, "target": 11, "label": "S"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 25, "label": "H"}, {"source": 21, "target": 5, "label": "R"}, {"source": 19, "target": 13, "label": "L"}, {"source": 24, "target": 23, "label": "E"}, {"source": 22, "target": 10, "label": "P"}, {"source": 26, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 25, "target": 14, "label": "P"}, {"source": 18, "target": 0, "label": "D"}, {"source": 24, "target": 12, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 18, "target": 21, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 23, "target": 11, "label": "A"}, {"source": 19, "target": 7, "label": "U"}, {"source": 19, "target": 9, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "225632-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "FHS is a good high school -- c/o 1998", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 14, "target": 7, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 9, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 14, "target": 10, "label": "T"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "225632-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I enjoyed my time at Franklin High School.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}, {"from": 30, "to": 34}, {"from": 35, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "225632-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had relatively good facilities at the time -- decent science labs, with multiple hoods and access to good equipment; nice gymnasiums, and a well-funded music department (I was in the guitar ensemble).", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 118}]}, {"id": 21, "anchors": [{"from": 118, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 147}]}, {"id": 28, "anchors": [{"from": 147, "to": 148}]}, {"id": 29, "anchors": [{"from": 148, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 173}]}, {"id": 33, "anchors": [{"from": 173, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 178}]}, {"id": 35, "anchors": [{"from": 179, "to": 181}]}, {"id": 36, "anchors": [{"from": 182, "to": 185}]}, {"id": 37, "anchors": [{"from": 186, "to": 192}]}, {"id": 38, "anchors": [{"from": 193, "to": 201}]}, {"id": 39, "anchors": [{"from": 201, "to": 202}]}, {"id": 40, "anchors": [{"from": 202, "to": 203}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 42, "target": 52, "label": "H"}, {"source": 54, "target": 26, "label": "F"}, {"source": 45, "target": 11, "label": "C"}, {"source": 56, "target": 36, "label": "F"}, {"source": 55, "target": 56, "label": "A"}, {"source": 41, "target": 2, "label": "D"}, {"source": 51, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 19, "label": "S"}, {"source": 44, "target": 45, "label": "A"}, {"source": 55, "target": 33, "label": "A"}, {"source": 49, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 48, "label": "A"}, {"source": 42, "target": 53, "label": "H"}, {"source": 41, "target": 3, "label": "S"}, {"source": 42, "target": 32, "label": "U"}, {"source": 44, "target": 9, "label": "S"}, {"source": 48, "target": 14, "label": "Q"}, {"source": 42, "target": 41, "label": "H"}, {"source": 46, "target": 13, "label": "S"}, {"source": 42, "target": 8, "label": "U"}, {"source": 52, "target": 23, "label": "A"}, {"source": 49, "target": 17, "label": "P"}, {"source": 54, "target": 31, "label": "C"}, {"source": 42, "target": 25, "label": "L"}, {"source": 42, "target": 55, "label": "H"}, {"source": 48, "target": 15, "label": "C"}, {"source": 53, "target": 54, "label": "A"}, {"source": 45, "target": 47, "label": "E"}, {"source": 43, "target": 6, "label": "F"}, {"source": 42, "target": 44, "label": "H"}, {"source": 53, "target": 27, "label": "D"}, {"source": 55, "target": 35, "label": "S"}, {"source": 56, "target": 38, "label": "C"}, {"source": 47, "target": 49, "label": "H"}, {"source": 49, "target": 50, "label": "A"}, {"source": 46, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 40, "label": "U"}, {"source": 45, "target": 10, "label": "E"}, {"source": 45, "target": 12, "label": "U"}, {"source": 43, "target": 7, "label": "C"}, {"source": 42, "target": 21, "label": "U"}, {"source": 43, "target": 5, "label": "R"}, {"source": 55, "target": 34, "label": "F"}, {"source": 56, "target": 37, "label": "E"}, {"source": 56, "target": 39, "label": "U"}, {"source": 41, "target": 4, "label": "A"}, {"source": 54, "target": 30, "label": "E"}, {"source": 50, "target": 18, "label": "R"}, {"source": 41, "target": 1, "label": "F"}, {"source": 53, "target": 28, "label": "U"}, {"source": 41, "target": 0, "label": "A"}, {"source": 50, "target": 51, "label": "E"}, {"source": 50, "target": 20, "label": "C"}, {"source": 53, "target": 29, "label": "S"}, {"source": 47, "target": 16, "label": "L"}, {"source": 41, "target": 43, "label": "T"}, {"source": 42, "target": 24, "label": "U"}, {"source": 52, "target": 22, "label": "S"}, {"source": 47, "target": 46, "label": "H"}]} +{"id": "225632-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now, of course, there's a new building, with presumably better facilities.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}, {"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 1, "label": "U"}, {"source": 16, "target": 3, "label": "U"}, {"source": 18, "target": 13, "label": "A"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "U"}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "S"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 14, "label": "U"}, {"source": 18, "target": 12, "label": "S"}, {"source": 16, "target": 2, "label": "G"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 11, "label": "G"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 0, "label": "T"}]} +{"id": "225632-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All to the good.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "225632-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "For those who care, a good proportion of the my class went on to 4-year colleges, many of them ranked in the top 50 of US News.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 13}, {"from": 14, "to": 18}]}, {"id": 1, "anchors": [{"from": 18, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 121}, {"from": 122, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 34, "target": 19, "label": "S"}, {"source": 37, "target": 25, "label": "C"}, {"source": 31, "target": 14, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 35, "target": 20, "label": "R"}, {"source": 29, "target": 2, "label": "E"}, {"source": 35, "target": 22, "label": "C"}, {"source": 28, "target": 34, "label": "H"}, {"source": 29, "target": 4, "label": "C"}, {"source": 27, "target": 30, "label": "A"}, {"source": 33, "target": 18, "label": "C"}, {"source": 27, "target": 9, "label": "P"}, {"source": 36, "target": 37, "label": "C"}, {"source": 29, "target": 3, "label": "E"}, {"source": 37, "target": 24, "label": "R"}, {"source": 27, "target": 1, "label": "U"}, {"source": 27, "target": 0, "label": "G"}, {"source": 30, "target": 7, "label": "E"}, {"source": 35, "target": 21, "label": "F"}, {"source": 33, "target": 16, "label": "Q"}, {"source": 30, "target": 8, "label": "C"}, {"source": 31, "target": 10, "label": "R"}, {"source": 27, "target": 31, "label": "A"}, {"source": 28, "target": 15, "label": "U"}, {"source": 33, "target": 17, "label": "R"}, {"source": 36, "target": 35, "label": "C"}, {"source": 35, "target": 23, "label": "Q"}, {"source": 34, "target": 36, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 37, "target": 26, "label": "U"}, {"source": 30, "target": 29, "label": "Q"}, {"source": 32, "target": 12, "label": "U"}, {"source": 32, "target": 11, "label": "Q"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 13, "label": "C"}, {"source": 29, "target": 5, "label": "R"}]} +{"id": "225632-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If I remember, students went to Dartmouth, U.Penn, Duke, BU, William and Mary, Vassar, Howard, and Carnegie Mellon, among others.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}, {"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}, {"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 68}, {"from": 69, "to": 72}, {"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 107}, {"from": 108, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 128}]}, {"id": 25, "anchors": [{"from": 128, "to": 129}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 7, "label": "U"}, {"source": 28, "target": 19, "label": "U"}, {"source": 27, "target": 1, "label": "G"}, {"source": 28, "target": 8, "label": "C"}, {"source": 28, "target": 17, "label": "U"}, {"source": 28, "target": 29, "label": "C"}, {"source": 28, "target": 12, "label": "C"}, {"source": 28, "target": 20, "label": "N"}, {"source": 28, "target": 22, "label": "U"}, {"source": 28, "target": 9, "label": "U"}, {"source": 28, "target": 14, "label": "C"}, {"source": 28, "target": 5, "label": "R"}, {"source": 28, "target": 21, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 28, "target": 11, "label": "U"}, {"source": 29, "target": 25, "label": "U"}, {"source": 29, "target": 24, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 15, "label": "U"}, {"source": 29, "target": 23, "label": "R"}, {"source": 28, "target": 13, "label": "U"}, {"source": 27, "target": 4, "label": "P"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 26, "target": 0, "label": "L"}, {"source": 28, "target": 6, "label": "C"}, {"source": 27, "target": 3, "label": "A"}, {"source": 27, "target": 2, "label": "U"}, {"source": 28, "target": 16, "label": "C"}]} +{"id": "225632-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Many students went to Rutgers, including their top-ranked pharmacy program.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 10, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 9, "label": "U"}, {"source": 16, "target": 6, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 19, "target": 12, "label": "C"}, {"source": 14, "target": 0, "label": "Q"}, {"source": 16, "target": 5, "label": "U"}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 14, "label": "A"}]} +{"id": "225632-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The point is -- FHS gives you the opportunity to make it to a good college, but you need to work hard.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}, {"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 1, "label": "U"}, {"source": 27, "target": 16, "label": "D"}, {"source": 21, "target": 14, "label": "L"}, {"source": 27, "target": 18, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 27, "target": 15, "label": "A"}, {"source": 25, "target": 9, "label": "R"}, {"source": 23, "target": 3, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 27, "target": 19, "label": "D"}, {"source": 25, "target": 26, "label": "E"}, {"source": 27, "target": 17, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 27, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 8, "label": "P"}, {"source": 25, "target": 10, "label": "F"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 2, "label": "A"}, {"source": 26, "target": 11, "label": "S"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "A"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 13, "label": "U"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "225861-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My favorite place...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "225861-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My daughter and I stayed here again from the 7th to the 14th of December.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 23, "label": "C"}, {"source": 21, "target": 20, "label": "C"}, {"source": 22, "target": 11, "label": "F"}, {"source": 22, "target": 10, "label": "R"}, {"source": 19, "target": 4, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 2, "label": "N"}, {"source": 19, "target": 6, "label": "D"}, {"source": 19, "target": 21, "label": "T"}, {"source": 18, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "S"}, {"source": 17, "target": 3, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 17, "label": "A"}, {"source": 17, "target": 16, "label": "C"}, {"source": 21, "target": 22, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 20, "target": 8, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 16, "target": 1, "label": "A"}, {"source": 19, "target": 5, "label": "A"}]} +{"id": "225861-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "yet again it was a great stay from begiinning to end.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 16, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 11, "target": 0, "label": "L"}, {"source": 13, "target": 5, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 13, "label": "P"}, {"source": 15, "target": 14, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 1, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 15, "label": "T"}]} +{"id": "225861-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Okay our room was at times noisy but we were in a mega busy city at an extremely busy time of year.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 28, "target": 10, "label": "S"}, {"source": 26, "target": 25, "label": "E"}, {"source": 25, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 1, "label": "S"}, {"source": 30, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "P"}, {"source": 30, "target": 13, "label": "S"}, {"source": 32, "target": 19, "label": "C"}, {"source": 28, "target": 9, "label": "F"}, {"source": 29, "target": 11, "label": "F"}, {"source": 23, "target": 6, "label": "S"}, {"source": 29, "target": 30, "label": "E"}, {"source": 33, "target": 21, "label": "C"}, {"source": 23, "target": 3, "label": "F"}, {"source": 27, "target": 5, "label": "C"}, {"source": 33, "target": 22, "label": "U"}, {"source": 24, "target": 7, "label": "L"}, {"source": 24, "target": 31, "label": "H"}, {"source": 29, "target": 14, "label": "C"}, {"source": 25, "target": 1, "label": "A"}, {"source": 33, "target": 20, "label": "R"}, {"source": 31, "target": 18, "label": "D"}, {"source": 24, "target": 28, "label": "H"}, {"source": 26, "target": 2, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 30, "target": 12, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 4, "label": "R"}, {"source": 24, "target": 15, "label": "L"}, {"source": 28, "target": 8, "label": "A"}, {"source": 23, "target": 26, "label": "A"}, {"source": 23, "target": 0, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 16, "label": "F"}, {"source": 31, "target": 17, "label": "D"}, {"source": 23, "target": 27, "label": "T"}]} +{"id": "226715-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Inford Media", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 12}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "226715-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Media, Software, Fun and Games, Website design, Web Promotion, B2B, Business Promotion, Search Engine Optimization.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 94}, {"from": 95, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 114}]}, {"id": 21, "anchors": [{"from": 114, "to": 115}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 22, "target": 14, "label": "H"}, {"source": 26, "target": 21, "label": "U"}, {"source": 22, "target": 5, "label": "L"}, {"source": 24, "target": 11, "label": "A"}, {"source": 22, "target": 10, "label": "U"}, {"source": 24, "target": 12, "label": "P"}, {"source": 22, "target": 4, "label": "H"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 6, "label": "H"}, {"source": 22, "target": 0, "label": "H"}, {"source": 25, "target": 16, "label": "A"}, {"source": 25, "target": 17, "label": "P"}, {"source": 22, "target": 3, "label": "U"}, {"source": 26, "target": 20, "label": "P"}, {"source": 26, "target": 19, "label": "A"}, {"source": 22, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "A"}, {"source": 22, "target": 13, "label": "U"}, {"source": 22, "target": 2, "label": "H"}, {"source": 22, "target": 1, "label": "U"}, {"source": 22, "target": 18, "label": "U"}, {"source": 22, "target": 26, "label": "H"}, {"source": 22, "target": 7, "label": "U"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}]} +{"id": "227515-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "BEST DENTIST EVER -", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "T"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "227515-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very fast and efficient service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "N"}, {"source": 9, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 9, "label": "C"}, {"source": 8, "target": 6, "label": "D"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "227515-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have had several dentists in my life, but Dr. Deters is by far my favorite.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}, {"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 22, "target": 11, "label": "C"}, {"source": 20, "target": 4, "label": "A"}, {"source": 23, "target": 15, "label": "S"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "C"}, {"source": 20, "target": 4, "label": "P"}, {"source": 21, "target": 5, "label": "R"}, {"source": 18, "target": 9, "label": "L"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 22, "target": 10, "label": "E"}, {"source": 17, "target": 21, "label": "T"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 7, "label": "C"}, {"source": 17, "target": 2, "label": "S"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 22, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "Q"}, {"source": 23, "target": 13, "label": "D"}]} +{"id": "227515-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I never wait in the waiting room more than two minutes and the cleanings are quick and painless.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 3, "label": "R"}, {"source": 22, "target": 7, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 20, "target": 11, "label": "L"}, {"source": 26, "target": 14, "label": "F"}, {"source": 19, "target": 23, "label": "T"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 22, "label": "Q"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "C"}, {"source": 19, "target": 1, "label": "T"}, {"source": 26, "target": 27, "label": "D"}, {"source": 19, "target": 1, "label": "D"}, {"source": 25, "target": 13, "label": "C"}, {"source": 24, "target": 8, "label": "R"}, {"source": 20, "target": 19, "label": "H"}, {"source": 27, "target": 16, "label": "N"}, {"source": 25, "target": 12, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 27, "target": 15, "label": "C"}, {"source": 20, "target": 26, "label": "H"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "227605-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good local steakhouse, I recommend it!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "H"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 3, "label": "U"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "228154-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good food and coffee with a nice atmosphere", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 6, "label": "D"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 2, "label": "N"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "S"}, {"source": 9, "target": 4, "label": "L"}, {"source": 10, "target": 1, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "228731-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "prepared the road test with a driving ... prepared the road test with a driving school in edmonton, but my instructor only trained me in a narrow street, hence I took one 90 minute lesson from the Noble driving school to learn the skill of changing lane, and found them very friendly and professional.", "tops": [58], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}, {"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 145}]}, {"id": 27, "anchors": [{"from": 146, "to": 152}]}, {"id": 28, "anchors": [{"from": 152, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 170}]}, {"id": 33, "anchors": [{"from": 171, "to": 173}]}, {"id": 34, "anchors": [{"from": 174, "to": 180}]}, {"id": 35, "anchors": [{"from": 181, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 196}]}, {"id": 38, "anchors": [{"from": 197, "to": 202}]}, {"id": 39, "anchors": [{"from": 203, "to": 210}]}, {"id": 40, "anchors": [{"from": 211, "to": 217}]}, {"id": 41, "anchors": [{"from": 218, "to": 220}]}, {"id": 42, "anchors": [{"from": 221, "to": 226}]}, {"id": 43, "anchors": [{"from": 227, "to": 230}]}, {"id": 44, "anchors": [{"from": 231, "to": 236}]}, {"id": 45, "anchors": [{"from": 237, "to": 239}]}, {"id": 46, "anchors": [{"from": 240, "to": 248}]}, {"id": 47, "anchors": [{"from": 249, "to": 253}]}, {"id": 48, "anchors": [{"from": 253, "to": 254}]}, {"id": 49, "anchors": [{"from": 255, "to": 258}]}, {"id": 50, "anchors": [{"from": 259, "to": 264}]}, {"id": 51, "anchors": [{"from": 265, "to": 269}]}, {"id": 52, "anchors": [{"from": 270, "to": 274}]}, {"id": 53, "anchors": [{"from": 275, "to": 283}]}, {"id": 54, "anchors": [{"from": 284, "to": 287}]}, {"id": 55, "anchors": [{"from": 288, "to": 300}]}, {"id": 56, "anchors": [{"from": 300, "to": 301}]}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}], "edges": [{"source": 58, "target": 18, "label": "L"}, {"source": 71, "target": 37, "label": "F"}, {"source": 58, "target": 57, "label": "H"}, {"source": 73, "target": 44, "label": "C"}, {"source": 68, "target": 30, "label": "A"}, {"source": 60, "target": 7, "label": "P"}, {"source": 58, "target": 5, "label": "H"}, {"source": 60, "target": 63, "label": "A"}, {"source": 66, "target": 65, "label": "A"}, {"source": 68, "target": 71, "label": "A"}, {"source": 66, "target": 67, "label": "A"}, {"source": 72, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 38, "label": "E"}, {"source": 65, "target": 20, "label": "A"}, {"source": 67, "target": 26, "label": "E"}, {"source": 72, "target": 73, "label": "A"}, {"source": 63, "target": 13, "label": "E"}, {"source": 59, "target": 2, "label": "E"}, {"source": 58, "target": 29, "label": "L"}, {"source": 59, "target": 1, "label": "F"}, {"source": 63, "target": 12, "label": "F"}, {"source": 59, "target": 3, "label": "C"}, {"source": 69, "target": 31, "label": "F"}, {"source": 58, "target": 6, "label": "U"}, {"source": 62, "target": 10, "label": "P"}, {"source": 66, "target": 21, "label": "D"}, {"source": 70, "target": 33, "label": "Q"}, {"source": 76, "target": 52, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 46, "label": "P"}, {"source": 75, "target": 52, "label": "D"}, {"source": 65, "target": 19, "label": "A"}, {"source": 72, "target": 42, "label": "P"}, {"source": 67, "target": 27, "label": "C"}, {"source": 71, "target": 39, "label": "E"}, {"source": 58, "target": 54, "label": "L"}, {"source": 58, "target": 60, "label": "H"}, {"source": 66, "target": 22, "label": "P"}, {"source": 66, "target": 23, "label": "A"}, {"source": 63, "target": 14, "label": "C"}, {"source": 64, "target": 16, "label": "C"}, {"source": 61, "target": 62, "label": "C"}, {"source": 67, "target": 24, "label": "R"}, {"source": 60, "target": 61, "label": "A"}, {"source": 74, "target": 45, "label": "R"}, {"source": 70, "target": 34, "label": "C"}, {"source": 71, "target": 36, "label": "R"}, {"source": 58, "target": 72, "label": "H"}, {"source": 71, "target": 40, "label": "C"}, {"source": 68, "target": 32, "label": "D"}, {"source": 68, "target": 69, "label": "P"}, {"source": 74, "target": 47, "label": "A"}, {"source": 73, "target": 43, "label": "F"}, {"source": 58, "target": 76, "label": "H"}, {"source": 57, "target": 0, "label": "P"}, {"source": 58, "target": 75, "label": "H"}, {"source": 75, "target": 50, "label": "G"}, {"source": 75, "target": 53, "label": "S"}, {"source": 67, "target": 25, "label": "F"}, {"source": 73, "target": 74, "label": "E"}, {"source": 58, "target": 49, "label": "L"}, {"source": 63, "target": 11, "label": "R"}, {"source": 69, "target": 35, "label": "C"}, {"source": 76, "target": 56, "label": "U"}, {"source": 75, "target": 51, "label": "A"}, {"source": 65, "target": 20, "label": "P"}, {"source": 58, "target": 68, "label": "H"}, {"source": 64, "target": 15, "label": "R"}, {"source": 61, "target": 8, "label": "F"}, {"source": 57, "target": 59, "label": "A"}, {"source": 58, "target": 48, "label": "U"}, {"source": 58, "target": 66, "label": "H"}, {"source": 58, "target": 4, "label": "L"}, {"source": 58, "target": 17, "label": "U"}, {"source": 60, "target": 64, "label": "A"}, {"source": 58, "target": 28, "label": "U"}, {"source": 61, "target": 9, "label": "E"}, {"source": 58, "target": 41, "label": "L"}, {"source": 76, "target": 51, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 76, "target": 55, "label": "S"}, {"source": 68, "target": 70, "label": "T"}]} +{"id": "228944-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Best in Memphis", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "228944-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This shop is by far the best I have been to.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 17, "target": 6, "label": "A"}, {"source": 15, "target": 17, "label": "E"}, {"source": 18, "target": 10, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 18, "target": 9, "label": "R"}, {"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 3, "label": "D"}, {"source": 17, "target": 8, "label": "P"}, {"source": 18, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "S"}, {"source": 15, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "228944-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have a Saab...which everything is expensive on and they have been extrememly fair and price alot lower than any other shop I called.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}, {"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "anchors": [{"from": 133, "to": 134}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 34, "target": 19, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 2, "label": "F"}, {"source": 28, "target": 34, "label": "H"}, {"source": 27, "target": 1, "label": "S"}, {"source": 36, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 17, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 11, "label": "A"}, {"source": 29, "target": 3, "label": "C"}, {"source": 32, "target": 13, "label": "F"}, {"source": 30, "target": 6, "label": "A"}, {"source": 32, "target": 12, "label": "F"}, {"source": 35, "target": 21, "label": "Q"}, {"source": 36, "target": 26, "label": "U"}, {"source": 36, "target": 25, "label": "P"}, {"source": 28, "target": 10, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 32, "target": 14, "label": "D"}, {"source": 34, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 20, "label": "L"}, {"source": 36, "target": 24, "label": "A"}, {"source": 30, "target": 7, "label": "F"}, {"source": 35, "target": 23, "label": "C"}, {"source": 28, "target": 33, "label": "H"}, {"source": 31, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 16, "label": "L"}, {"source": 28, "target": 32, "label": "H"}, {"source": 30, "target": 5, "label": "R"}, {"source": 33, "target": 19, "label": "S"}, {"source": 30, "target": 8, "label": "S"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 9, "label": "R"}, {"source": 27, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 18, "label": "D"}, {"source": 35, "target": 22, "label": "E"}, {"source": 32, "target": 15, "label": "S"}, {"source": 29, "target": 4, "label": "U"}]} +{"id": "228944-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are the only place I would take my car peiod.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 13, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 8, "label": "S"}, {"source": 15, "target": 6, "label": "D"}, {"source": 15, "target": 7, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 10, "label": "G"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "229100-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Place!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "229100-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Love this place!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229100-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Has another store in the st. charles mall.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}, {"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 0, "label": "S"}, {"source": 9, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "229100-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Place is next to carval and walmart.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 9, "target": 4, "label": "N"}, {"source": 9, "target": 3, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "229100-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dont go to the one by pepco, I got confused!!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 27}]}, {"id": 8, "anchors": [{"from": 27, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 30}]}, {"id": 10, "anchors": [{"from": 31, "to": 34}]}, {"id": 11, "anchors": [{"from": 35, "to": 43}]}, {"id": 12, "anchors": [{"from": 43, "to": 46}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 8, "label": "U"}, {"source": 13, "target": 1, "label": "D"}, {"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 10, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 11, "label": "S"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 4, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "R"}]} +{"id": "229100-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bad place.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "229100-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go to ATLANTIC WIRELESS!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}, {"from": 15, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229100-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I love them!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229142-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I used Birdies for our Annual Walk Against Drugs and Alcohol event.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "P"}, {"source": 14, "target": 2, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 15, "target": 12, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 15, "target": 4, "label": "A"}, {"source": 15, "target": 5, "label": "T"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 15, "target": 3, "label": "R"}, {"source": 19, "target": 9, "label": "N"}, {"source": 15, "target": 11, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "A"}]} +{"id": "229142-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were very professional, neat and clean.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "S"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "L"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "229142-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They came through on all of their promises and we had a very successful day.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "P"}, {"source": 17, "target": 3, "label": "D"}, {"source": 20, "target": 13, "label": "C"}, {"source": 20, "target": 10, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 8, "label": "A"}, {"source": 21, "target": 11, "label": "E"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 21, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 2, "label": "R"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 9, "label": "F"}, {"source": 18, "target": 4, "label": "R"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 7, "label": "L"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "229142-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will be using Bridies again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "229410-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Worst Experience Ever!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 3, "label": "T"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "P"}]} +{"id": "229410-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have worked with Ted Jurek at Decor and You, and it started out as a decent experience.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}, {"from": 38, "to": 41}, {"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 7, "label": "U"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 8, "label": "L"}, {"source": 23, "target": 12, "label": "R"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 9, "label": "A"}, {"source": 21, "target": 23, "label": "P"}, {"source": 21, "target": 22, "label": "D"}, {"source": 19, "target": 3, "label": "R"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 14, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "C"}]} +{"id": "229410-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was referred to me by a friend, who didn't have the best experience with Ted, but said that Ted was able to make up for his lack of preparedness at the end.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 115}, {"from": 116, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 134}]}, {"id": 31, "anchors": [{"from": 135, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 158}]}, {"id": 35, "anchors": [{"from": 158, "to": 159}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 47, "target": 33, "label": "F"}, {"source": 45, "target": 46, "label": "A"}, {"source": 41, "target": 11, "label": "D"}, {"source": 41, "target": 8, "label": "U"}, {"source": 44, "target": 45, "label": "A"}, {"source": 45, "target": 47, "label": "T"}, {"source": 45, "target": 25, "label": "F"}, {"source": 47, "target": 34, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 36, "target": 1, "label": "F"}, {"source": 45, "target": 26, "label": "P"}, {"source": 37, "target": 18, "label": "U"}, {"source": 40, "target": 6, "label": "F"}, {"source": 36, "target": 2, "label": "P"}, {"source": 46, "target": 28, "label": "E"}, {"source": 46, "target": 27, "label": "R"}, {"source": 40, "target": 7, "label": "C"}, {"source": 38, "target": 4, "label": "C"}, {"source": 41, "target": 42, "label": "D"}, {"source": 42, "target": 13, "label": "F"}, {"source": 45, "target": 24, "label": "D"}, {"source": 41, "target": 15, "label": "P"}, {"source": 42, "target": 14, "label": "C"}, {"source": 41, "target": 43, "label": "A"}, {"source": 44, "target": 20, "label": "P"}, {"source": 44, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 35, "label": "U"}, {"source": 37, "target": 36, "label": "H"}, {"source": 47, "target": 32, "label": "R"}, {"source": 39, "target": 5, "label": "R"}, {"source": 46, "target": 29, "label": "E"}, {"source": 39, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 30, "label": "R"}, {"source": 38, "target": 3, "label": "R"}, {"source": 36, "target": 0, "label": "A"}, {"source": 37, "target": 19, "label": "L"}, {"source": 37, "target": 44, "label": "H"}, {"source": 41, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 39, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 9, "label": "R"}, {"source": 41, "target": 10, "label": "F"}, {"source": 43, "target": 17, "label": "C"}, {"source": 41, "target": 12, "label": "F"}, {"source": 45, "target": 23, "label": "F"}, {"source": 46, "target": 31, "label": "C"}, {"source": 43, "target": 16, "label": "R"}, {"source": 39, "target": 40, "label": "S"}, {"source": 37, "target": 41, "label": "H"}, {"source": 45, "target": 22, "label": "A"}, {"source": 45, "target": 21, "label": "R"}]} +{"id": "229410-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I figure I would give this company a chance.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "F"}, {"source": 12, "target": 3, "label": "D"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 2, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "229410-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, after giving a required $500.00 (NON REFUNDABLE) deposit before seeing any plans or ideas, I was sorry I did.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 29, "label": "E"}, {"source": 31, "target": 9, "label": "D"}, {"source": 26, "target": 2, "label": "L"}, {"source": 26, "target": 32, "label": "H"}, {"source": 26, "target": 1, "label": "U"}, {"source": 36, "target": 23, "label": "A"}, {"source": 28, "target": 4, "label": "F"}, {"source": 31, "target": 10, "label": "S"}, {"source": 33, "target": 15, "label": "Q"}, {"source": 26, "target": 19, "label": "U"}, {"source": 36, "target": 24, "label": "F"}, {"source": 28, "target": 12, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 34, "target": 16, "label": "C"}, {"source": 27, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 25, "label": "U"}, {"source": 30, "target": 6, "label": "C"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 21, "label": "F"}, {"source": 34, "target": 17, "label": "N"}, {"source": 26, "target": 35, "label": "H"}, {"source": 36, "target": 3, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 26, "target": 13, "label": "L"}, {"source": 30, "target": 7, "label": "Q"}, {"source": 26, "target": 27, "label": "H"}, {"source": 34, "target": 18, "label": "C"}, {"source": 31, "target": 11, "label": "U"}, {"source": 26, "target": 0, "label": "L"}, {"source": 36, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 5, "label": "S"}, {"source": 33, "target": 34, "label": "C"}, {"source": 28, "target": 8, "label": "U"}, {"source": 28, "target": 30, "label": "E"}, {"source": 35, "target": 22, "label": "P"}, {"source": 32, "target": 14, "label": "P"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 31, "label": "E"}, {"source": 35, "target": 20, "label": "A"}]} +{"id": "229410-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We met a couple of weeks later, Ted was late.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "S"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 4, "label": "R"}, {"source": 13, "target": 7, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 14, "label": "Q"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 3, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 12, "target": 15, "label": "T"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "229410-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He brought fabric books, and pictures of furniture only, which all came way over budget.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 23, "label": "C"}, {"source": 19, "target": 1, "label": "P"}, {"source": 21, "target": 20, "label": "C"}, {"source": 23, "target": 6, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 20, "target": 2, "label": "E"}, {"source": 25, "target": 13, "label": "D"}, {"source": 22, "target": 9, "label": "E"}, {"source": 26, "target": 12, "label": "Q"}, {"source": 22, "target": 10, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 5, "label": "N"}, {"source": 21, "target": 4, "label": "U"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 21, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 27, "label": "S"}, {"source": 22, "target": 25, "label": "E"}, {"source": 25, "target": 11, "label": "R"}, {"source": 26, "target": 21, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 14, "label": "D"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "229410-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "By the time we got to the budget i told him I could work with, there was basically no design.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 27, "target": 13, "label": "P"}, {"source": 29, "target": 21, "label": "U"}, {"source": 27, "target": 11, "label": "A"}, {"source": 27, "target": 12, "label": "D"}, {"source": 29, "target": 18, "label": "G"}, {"source": 22, "target": 0, "label": "R"}, {"source": 26, "target": 8, "label": "A"}, {"source": 28, "target": 14, "label": "R"}, {"source": 24, "target": 3, "label": "A"}, {"source": 25, "target": 6, "label": "F"}, {"source": 29, "target": 16, "label": "S"}, {"source": 28, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 22, "label": "L"}, {"source": 29, "target": 20, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "P"}, {"source": 24, "target": 4, "label": "P"}, {"source": 26, "target": 10, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 23, "target": 29, "label": "H"}, {"source": 29, "target": 17, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 7, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 29, "target": 19, "label": "D"}]} +{"id": "229410-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just curtains and a couple of accessories.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 12, "target": 5, "label": "R"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "N"}, {"source": 10, "target": 12, "label": "C"}, {"source": 12, "target": 11, "label": "Q"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "229410-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "WHAT IS THAT?????", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229410-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This company is way too expensive with nothing to show for it.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 13, "target": 0, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 6, "label": "L"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 5, "label": "S"}, {"source": 17, "target": 7, "label": "D"}, {"source": 16, "target": 3, "label": "E"}, {"source": 14, "target": 16, "label": "D"}]} +{"id": "229410-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Please everyone....take heed and don't get caught up in the hype about DECOR and YOU working with every budget...", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}, {"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}, {"from": 77, "to": 80}, {"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 110}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 28, "target": 16, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 1, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 7, "label": "D"}, {"source": 27, "target": 13, "label": "R"}, {"source": 24, "target": 9, "label": "C"}, {"source": 20, "target": 2, "label": "U"}, {"source": 25, "target": 26, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 5, "label": "L"}, {"source": 28, "target": 17, "label": "Q"}, {"source": 20, "target": 0, "label": "F"}, {"source": 26, "target": 11, "label": "F"}, {"source": 28, "target": 18, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "P"}, {"source": 27, "target": 14, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 27, "target": 15, "label": "P"}, {"source": 25, "target": 10, "label": "R"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "229410-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This is just a way for them to squirm their way into your precious pocket", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}, {"from": 38, "to": 43}, {"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 10, "label": "S"}, {"source": 17, "target": 12, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 19, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "S"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 7, "label": "F"}, {"source": 16, "target": 5, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 8, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 9, "label": "R"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 19, "label": "E"}, {"source": 15, "target": 3, "label": "F"}]} +{"id": "229442-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "nice friendly local bagel place", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 9, "target": 3, "label": "E"}, {"source": 5, "target": 7, "label": "H"}, {"source": 7, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 0, "label": "S"}, {"source": 9, "target": 4, "label": "C"}, {"source": 5, "target": 8, "label": "H"}, {"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 9, "label": "A"}]} +{"id": "229442-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "there might be bigger and more well known bagel places in the area but Family Bagels are nice people, small shop and incredibly friendly.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}, {"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 136}]}, {"id": 24, "anchors": [{"from": 136, "to": 137}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 28, "target": 8, "label": "E"}, {"source": 27, "target": 7, "label": "S"}, {"source": 27, "target": 6, "label": "D"}, {"source": 28, "target": 9, "label": "C"}, {"source": 30, "target": 14, "label": "A"}, {"source": 34, "target": 22, "label": "D"}, {"source": 29, "target": 10, "label": "R"}, {"source": 25, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 11, "label": "F"}, {"source": 25, "target": 2, "label": "F"}, {"source": 33, "target": 20, "label": "A"}, {"source": 26, "target": 33, "label": "H"}, {"source": 34, "target": 23, "label": "S"}, {"source": 30, "target": 32, "label": "A"}, {"source": 26, "target": 30, "label": "H"}, {"source": 31, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 15, "label": "S"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 4, "label": "L"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 3, "label": "S"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 13, "label": "L"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "F"}, {"source": 25, "target": 1, "label": "D"}, {"source": 26, "target": 27, "label": "H"}, {"source": 26, "target": 34, "label": "H"}, {"source": 33, "target": 19, "label": "S"}, {"source": 31, "target": 16, "label": "S"}, {"source": 34, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 5, "label": "D"}, {"source": 32, "target": 17, "label": "C"}, {"source": 26, "target": 21, "label": "L"}, {"source": 29, "target": 12, "label": "C"}, {"source": 32, "target": 31, "label": "E"}]} +{"id": "229442-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "While other may be ok waiting in line at Town Bagel we are happy with the quality and service we get at Family Bagels", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 110}, {"from": 111, "to": 117}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 24, "target": 7, "label": "C"}, {"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 21, "label": "C"}, {"source": 28, "target": 13, "label": "R"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 9, "label": "C"}, {"source": 29, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "F"}, {"source": 26, "target": 12, "label": "S"}, {"source": 28, "target": 19, "label": "D"}, {"source": 23, "target": 2, "label": "D"}, {"source": 23, "target": 3, "label": "F"}, {"source": 28, "target": 18, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 26, "target": 11, "label": "F"}, {"source": 28, "target": 15, "label": "P"}, {"source": 25, "target": 8, "label": "R"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 16, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 30, "target": 20, "label": "R"}, {"source": 23, "target": 1, "label": "A"}, {"source": 23, "target": 4, "label": "D"}, {"source": 29, "target": 13, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 10, "label": "A"}, {"source": 23, "target": 5, "label": "P"}, {"source": 29, "target": 17, "label": "P"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 6, "label": "R"}, {"source": 29, "target": 19, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "229480-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "you'll love it", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "229480-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have had my back fused in 2 places.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "Q"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 5, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "229480-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wish that I hadn't done this.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 3, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 6, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "229480-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "With these fusions, chiropractric isn't as successful, but it still is very helpful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 10, "label": "L"}, {"source": 18, "target": 6, "label": "D"}, {"source": 17, "target": 0, "label": "R"}, {"source": 21, "target": 15, "label": "S"}, {"source": 21, "target": 11, "label": "A"}, {"source": 20, "target": 4, "label": "P"}, {"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 3, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 18, "target": 8, "label": "S"}, {"source": 18, "target": 5, "label": "F"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 14, "label": "D"}, {"source": 17, "target": 1, "label": "E"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 7, "label": "D"}, {"source": 21, "target": 12, "label": "G"}, {"source": 19, "target": 9, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "229480-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even after my fusions, my back continued to hurt, but now it doesn't hurt any more.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}, {"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 10, "label": "U"}, {"source": 19, "target": 11, "label": "L"}, {"source": 21, "target": 5, "label": "E"}, {"source": 19, "target": 4, "label": "U"}, {"source": 20, "target": 3, "label": "P"}, {"source": 23, "target": 16, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 23, "target": 17, "label": "D"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "P"}, {"source": 23, "target": 18, "label": "U"}, {"source": 22, "target": 21, "label": "A"}, {"source": 20, "target": 2, "label": "A"}, {"source": 22, "target": 7, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 15, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "T"}, {"source": 19, "target": 1, "label": "L"}, {"source": 23, "target": 13, "label": "A"}, {"source": 23, "target": 14, "label": "F"}]} +{"id": "229480-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would encourage anyone who is thinking of back surgery, to talk about different treatment options first with Dr. de Barros.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 117}, {"from": 118, "to": 124}]}, {"id": 21, "anchors": [{"from": 124, "to": 125}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 25, "target": 6, "label": "P"}, {"source": 25, "target": 4, "label": "R"}, {"source": 28, "target": 13, "label": "R"}, {"source": 29, "target": 15, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 30, "label": "A"}, {"source": 27, "target": 17, "label": "T"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 18, "label": "R"}, {"source": 27, "target": 12, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 7, "label": "R"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 3, "label": "C"}, {"source": 30, "target": 19, "label": "E"}, {"source": 27, "target": 11, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 27, "label": "A"}, {"source": 23, "target": 1, "label": "D"}, {"source": 23, "target": 10, "label": "U"}, {"source": 30, "target": 20, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 5, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 9, "label": "C"}]} +{"id": "229480-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He really knows what he is talking about and will approach the different options fairly.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 87, "to": 88}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 4, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 15, "label": "U"}, {"source": 21, "target": 12, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 14, "label": "D"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 18, "target": 6, "label": "P"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 9, "label": "F"}, {"source": 19, "target": 7, "label": "R"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 10, "label": "P"}, {"source": 17, "target": 8, "label": "L"}]} +{"id": "229480-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You can see different treatments that a surgeon can't see, so that you can have several treatment options before you decide what to do.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 134}]}, {"id": 25, "anchors": [{"from": 134, "to": 135}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 32, "target": 9, "label": "D"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 6, "label": "F"}, {"source": 36, "target": 20, "label": "A"}, {"source": 34, "target": 35, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 37, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 30, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 5, "label": "L"}, {"source": 37, "target": 25, "label": "U"}, {"source": 33, "target": 13, "label": "A"}, {"source": 32, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 16, "label": "Q"}, {"source": 26, "target": 2, "label": "P"}, {"source": 26, "target": 1, "label": "D"}, {"source": 37, "target": 24, "label": "P"}, {"source": 27, "target": 32, "label": "H"}, {"source": 30, "target": 31, "label": "P"}, {"source": 27, "target": 11, "label": "U"}, {"source": 37, "target": 22, "label": "A"}, {"source": 31, "target": 7, "label": "C"}, {"source": 27, "target": 12, "label": "L"}, {"source": 36, "target": 21, "label": "P"}, {"source": 33, "target": 15, "label": "S"}, {"source": 27, "target": 33, "label": "H"}, {"source": 28, "target": 3, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 37, "target": 23, "label": "F"}, {"source": 34, "target": 18, "label": "C"}, {"source": 32, "target": 8, "label": "F"}, {"source": 27, "target": 36, "label": "H"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 17, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 29, "target": 4, "label": "P"}, {"source": 27, "target": 19, "label": "L"}, {"source": 33, "target": 14, "label": "F"}, {"source": 32, "target": 10, "label": "P"}]} +{"id": "229623-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A friend and I recently took our 16 and 18 month olds here.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 14, "label": "C"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 5, "label": "P"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 2, "label": "N"}, {"source": 18, "target": 12, "label": "A"}, {"source": 21, "target": 10, "label": "C"}, {"source": 15, "target": 0, "label": "F"}, {"source": 21, "target": 20, "label": "Q"}, {"source": 19, "target": 21, "label": "T"}, {"source": 18, "target": 4, "label": "T"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 14, "target": 15, "label": "S"}, {"source": 19, "target": 11, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 20, "target": 8, "label": "N"}, {"source": 19, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "C"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "229623-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "While there wasn't too much available for their age (ball pit, bouncy area and a little padded pyramid to climb on), we went right when they opened at 10 am on a winter weekday and ended up being the only ones there, so we were given a little more liberty than we would have if others had been there.", "tops": [63], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25, "anchors": [{"from": 115, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 130}, {"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 147}]}, {"id": 31, "anchors": [{"from": 148, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 156}]}, {"id": 34, "anchors": [{"from": 157, "to": 159}]}, {"id": 35, "anchors": [{"from": 160, "to": 161}]}, {"id": 36, "anchors": [{"from": 162, "to": 168}]}, {"id": 37, "anchors": [{"from": 169, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 186}, {"from": 187, "to": 189}]}, {"id": 40, "anchors": [{"from": 190, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 199}]}, {"id": 42, "anchors": [{"from": 200, "to": 204}]}, {"id": 43, "anchors": [{"from": 205, "to": 209}]}, {"id": 44, "anchors": [{"from": 210, "to": 215}]}, {"id": 45, "anchors": [{"from": 215, "to": 216}]}, {"id": 46, "anchors": [{"from": 217, "to": 219}]}, {"id": 47, "anchors": [{"from": 220, "to": 222}]}, {"id": 48, "anchors": [{"from": 223, "to": 227}]}, {"id": 49, "anchors": [{"from": 228, "to": 233}]}, {"id": 50, "anchors": [{"from": 234, "to": 235}, {"from": 236, "to": 242}]}, {"id": 51, "anchors": [{"from": 243, "to": 247}]}, {"id": 52, "anchors": [{"from": 248, "to": 255}]}, {"id": 53, "anchors": [{"from": 256, "to": 260}]}, {"id": 54, "anchors": [{"from": 261, "to": 263}]}, {"id": 55, "anchors": [{"from": 264, "to": 269}]}, {"id": 56, "anchors": [{"from": 270, "to": 274}]}, {"id": 57, "anchors": [{"from": 275, "to": 277}]}, {"id": 58, "anchors": [{"from": 278, "to": 284}]}, {"id": 59, "anchors": [{"from": 285, "to": 288}]}, {"id": 60, "anchors": [{"from": 289, "to": 293}]}, {"id": 61, "anchors": [{"from": 294, "to": 299}]}, {"id": 62, "anchors": [{"from": 299, "to": 300}]}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}], "edges": [{"source": 78, "target": 42, "label": "E"}, {"source": 81, "target": 52, "label": "C"}, {"source": 63, "target": 64, "label": "H"}, {"source": 82, "target": 54, "label": "A"}, {"source": 77, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 76, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 39, "label": "D"}, {"source": 70, "target": 19, "label": "E"}, {"source": 78, "target": 41, "label": "F"}, {"source": 77, "target": 78, "label": "A"}, {"source": 64, "target": 65, "label": "D"}, {"source": 64, "target": 68, "label": "A"}, {"source": 63, "target": 73, "label": "H"}, {"source": 79, "target": 47, "label": "A"}, {"source": 64, "target": 6, "label": "S"}, {"source": 63, "target": 46, "label": "L"}, {"source": 68, "target": 13, "label": "U"}, {"source": 72, "target": 23, "label": "R"}, {"source": 76, "target": 36, "label": "E"}, {"source": 71, "target": 72, "label": "A"}, {"source": 64, "target": 10, "label": "U"}, {"source": 74, "target": 29, "label": "A"}, {"source": 80, "target": 51, "label": "C"}, {"source": 71, "target": 22, "label": "P"}, {"source": 64, "target": 3, "label": "D"}, {"source": 64, "target": 2, "label": "F"}, {"source": 65, "target": 5, "label": "C"}, {"source": 63, "target": 25, "label": "U"}, {"source": 70, "target": 17, "label": "F"}, {"source": 73, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 79, "label": "H"}, {"source": 63, "target": 53, "label": "L"}, {"source": 74, "target": 76, "label": "T"}, {"source": 82, "target": 55, "label": "D"}, {"source": 75, "target": 32, "label": "E"}, {"source": 63, "target": 38, "label": "L"}, {"source": 63, "target": 0, "label": "L"}, {"source": 63, "target": 24, "label": "U"}, {"source": 67, "target": 11, "label": "E"}, {"source": 73, "target": 26, "label": "A"}, {"source": 79, "target": 48, "label": "F"}, {"source": 64, "target": 66, "label": "A"}, {"source": 63, "target": 83, "label": "H"}, {"source": 69, "target": 14, "label": "E"}, {"source": 83, "target": 58, "label": "A"}, {"source": 68, "target": 69, "label": "C"}, {"source": 73, "target": 27, "label": "P"}, {"source": 73, "target": 75, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 78, "target": 43, "label": "C"}, {"source": 63, "target": 57, "label": "L"}, {"source": 82, "target": 49, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 21, "label": "F"}, {"source": 76, "target": 34, "label": "R"}, {"source": 70, "target": 71, "label": "E"}, {"source": 67, "target": 12, "label": "C"}, {"source": 65, "target": 4, "label": "E"}, {"source": 83, "target": 62, "label": "U"}, {"source": 68, "target": 70, "label": "C"}, {"source": 63, "target": 77, "label": "H"}, {"source": 79, "target": 81, "label": "A"}, {"source": 74, "target": 30, "label": "P"}, {"source": 79, "target": 49, "label": "P"}, {"source": 75, "target": 31, "label": "R"}, {"source": 63, "target": 28, "label": "L"}, {"source": 76, "target": 35, "label": "F"}, {"source": 82, "target": 56, "label": "F"}, {"source": 70, "target": 20, "label": "C"}, {"source": 68, "target": 16, "label": "N"}, {"source": 83, "target": 61, "label": "A"}, {"source": 83, "target": 59, "label": "D"}, {"source": 63, "target": 45, "label": "U"}, {"source": 83, "target": 60, "label": "S"}, {"source": 69, "target": 15, "label": "C"}, {"source": 66, "target": 9, "label": "C"}, {"source": 80, "target": 50, "label": "E"}, {"source": 68, "target": 67, "label": "C"}, {"source": 63, "target": 74, "label": "H"}, {"source": 76, "target": 37, "label": "C"}, {"source": 81, "target": 80, "label": "E"}, {"source": 66, "target": 8, "label": "E"}, {"source": 63, "target": 82, "label": "H"}, {"source": 70, "target": 18, "label": "E"}, {"source": 66, "target": 7, "label": "R"}, {"source": 72, "target": 20, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 40, "label": "S"}, {"source": 74, "target": 75, "label": "T"}, {"source": 82, "target": 52, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 44, "label": "A"}, {"source": 64, "target": 1, "label": "F"}, {"source": 75, "target": 33, "label": "C"}]} +{"id": "229623-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's not the classiest place, but it was cleaner than I expected and the staff was very friendly.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 22, "target": 7, "label": "L"}, {"source": 30, "target": 19, "label": "S"}, {"source": 29, "target": 16, "label": "C"}, {"source": 30, "target": 17, "label": "F"}, {"source": 21, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "L"}, {"source": 26, "target": 8, "label": "A"}, {"source": 30, "target": 18, "label": "D"}, {"source": 23, "target": 25, "label": "S"}, {"source": 23, "target": 2, "label": "D"}, {"source": 28, "target": 29, "label": "S"}, {"source": 21, "target": 1, "label": "S"}, {"source": 30, "target": 28, "label": "A"}, {"source": 22, "target": 11, "label": "L"}, {"source": 24, "target": 23, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 25, "target": 4, "label": "C"}, {"source": 22, "target": 6, "label": "U"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 15, "label": "F"}, {"source": 26, "target": 9, "label": "F"}, {"source": 22, "target": 30, "label": "H"}, {"source": 26, "target": 10, "label": "S"}, {"source": 27, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "A"}, {"source": 25, "target": 3, "label": "F"}, {"source": 24, "target": 5, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 27, "label": "H"}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "229623-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "For $4 it was a nice break from the monotony of winter indoors with a toddler.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}, {"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 19, "target": 2, "label": "A"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 12, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 18, "target": 1, "label": "A"}, {"source": 20, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "D"}, {"source": 21, "target": 22, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 16, "label": "U"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 7, "label": "R"}, {"source": 24, "target": 13, "label": "R"}, {"source": 19, "target": 20, "label": "S"}, {"source": 23, "target": 10, "label": "R"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "230176-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent Physiotherapists!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 26}]}, {"id": 2, "anchors": [{"from": 26, "to": 27}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "230176-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Kusal Goonewardena and his team of Physios are unbelievable!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 59}]}, {"id": 8, "anchors": [{"from": 59, "to": 60}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 8, "label": "U"}, {"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 1, "label": "N"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "P"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 9, "target": 0, "label": "C"}, {"source": 11, "target": 7, "label": "S"}, {"source": 9, "target": 13, "label": "C"}, {"source": 11, "target": 6, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}]} +{"id": "230176-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been suffering from back pain for over 12 years and have been to numerous specialists, physios, osteos and chiros with no help.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 133, "to": 134}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 31, "target": 13, "label": "P"}, {"source": 32, "target": 15, "label": "Q"}, {"source": 28, "target": 38, "label": "H"}, {"source": 33, "target": 16, "label": "A"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 20, "label": "A"}, {"source": 32, "target": 14, "label": "R"}, {"source": 29, "target": 6, "label": "P"}, {"source": 36, "target": 20, "label": "P"}, {"source": 27, "target": 1, "label": "F"}, {"source": 38, "target": 24, "label": "D"}, {"source": 28, "target": 23, "label": "L"}, {"source": 35, "target": 18, "label": "A"}, {"source": 29, "target": 4, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 34, "target": 17, "label": "U"}, {"source": 34, "target": 21, "label": "L"}, {"source": 34, "target": 19, "label": "U"}, {"source": 30, "target": 10, "label": "C"}, {"source": 30, "target": 8, "label": "R"}, {"source": 37, "target": 22, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 3, "label": "P"}, {"source": 33, "target": 16, "label": "S"}, {"source": 30, "target": 9, "label": "Q"}, {"source": 28, "target": 11, "label": "L"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 37, "target": 22, "label": "P"}, {"source": 34, "target": 35, "label": "H"}, {"source": 32, "target": 34, "label": "C"}, {"source": 30, "target": 7, "label": "R"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 34, "target": 37, "label": "H"}, {"source": 27, "target": 2, "label": "F"}, {"source": 38, "target": 25, "label": "P"}, {"source": 38, "target": 26, "label": "U"}, {"source": 29, "target": 5, "label": "A"}, {"source": 31, "target": 12, "label": "F"}, {"source": 35, "target": 18, "label": "P"}, {"source": 27, "target": 30, "label": "T"}]} +{"id": "230176-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It took the Vigor team only 4 visits to get me feeling normal!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "A"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "D"}, {"source": 17, "target": 6, "label": "Q"}, {"source": 18, "target": 9, "label": "D"}, {"source": 14, "target": 17, "label": "P"}, {"source": 18, "target": 12, "label": "S"}, {"source": 14, "target": 5, "label": "D"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 8, "label": "L"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 11, "label": "G"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "230176-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And now 2 months after my last appointment I am better than ever.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 4, "label": "R"}, {"source": 17, "target": 10, "label": "S"}, {"source": 16, "target": 15, "label": "T"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "L"}, {"source": 16, "target": 7, "label": "P"}, {"source": 15, "target": 2, "label": "Q"}, {"source": 17, "target": 9, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 14, "target": 1, "label": "L"}, {"source": 18, "target": 11, "label": "R"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 12, "label": "C"}]} +{"id": "230176-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks guys!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "231203-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Okay, here's the scoop.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 9, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 0, "label": "G"}]} +{"id": "231203-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'ma regular at the HH.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 22, "to": 23}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "231203-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is excellent, the serivce is horrible.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "A"}, {"source": 13, "target": 5, "label": "F"}, {"source": 14, "target": 13, "label": "P"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "D"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "S"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "U"}]} +{"id": "231203-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think they're still in the mindset from when it was only smokers sitting around and drinking... not in any hurry.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 114, "to": 115}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 27, "label": "A"}, {"source": 27, "target": 35, "label": "H"}, {"source": 28, "target": 7, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 25, "target": 1, "label": "P"}, {"source": 27, "target": 18, "label": "U"}, {"source": 26, "target": 3, "label": "F"}, {"source": 34, "target": 17, "label": "P"}, {"source": 29, "target": 8, "label": "R"}, {"source": 28, "target": 5, "label": "R"}, {"source": 35, "target": 20, "label": "F"}, {"source": 35, "target": 21, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 15, "label": "D"}, {"source": 35, "target": 22, "label": "S"}, {"source": 32, "target": 33, "label": "P"}, {"source": 33, "target": 12, "label": "Q"}, {"source": 26, "target": 31, "label": "A"}, {"source": 34, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "A"}, {"source": 35, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 11, "label": "F"}, {"source": 31, "target": 16, "label": "L"}, {"source": 30, "target": 29, "label": "T"}, {"source": 30, "target": 14, "label": "P"}, {"source": 35, "target": 19, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 6, "label": "F"}, {"source": 30, "target": 10, "label": "F"}, {"source": 31, "target": 34, "label": "H"}, {"source": 33, "target": 13, "label": "C"}, {"source": 26, "target": 28, "label": "S"}, {"source": 35, "target": 23, "label": "U"}, {"source": 31, "target": 30, "label": "H"}, {"source": 26, "target": 4, "label": "D"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "231203-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In my experience the food has been excellent (for the most part).", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 5}, {"from": 6, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11, "anchors": [{"from": 64, "to": 65}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 14, "target": 2, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 11, "label": "U"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 5, "label": "S"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "G"}]} +{"id": "231203-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, the bartenders/waitresses definately need to be re-trained (if they ever had any to begin with) and learn two things: only chat with customers when other customers are not impatiently waiting and to look around more often to see if people are waiting.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}, {"from": 93, "to": 98}, {"from": 99, "to": 103}]}, {"id": 18, "anchors": [{"from": 103, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 125}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 156}]}, {"id": 29, "anchors": [{"from": 157, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 172}]}, {"id": 31, "anchors": [{"from": 173, "to": 176}]}, {"id": 32, "anchors": [{"from": 177, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 192}]}, {"id": 34, "anchors": [{"from": 193, "to": 200}]}, {"id": 35, "anchors": [{"from": 201, "to": 204}]}, {"id": 36, "anchors": [{"from": 205, "to": 207}]}, {"id": 37, "anchors": [{"from": 208, "to": 212}]}, {"id": 38, "anchors": [{"from": 213, "to": 219}]}, {"id": 39, "anchors": [{"from": 220, "to": 224}]}, {"id": 40, "anchors": [{"from": 225, "to": 230}]}, {"id": 41, "anchors": [{"from": 231, "to": 233}]}, {"id": 42, "anchors": [{"from": 234, "to": 237}]}, {"id": 43, "anchors": [{"from": 238, "to": 240}]}, {"id": 44, "anchors": [{"from": 241, "to": 247}]}, {"id": 45, "anchors": [{"from": 248, "to": 251}]}, {"id": 46, "anchors": [{"from": 252, "to": 259}]}, {"id": 47, "anchors": [{"from": 259, "to": 260}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 54, "target": 17, "label": "T"}, {"source": 50, "target": 7, "label": "D"}, {"source": 48, "target": 19, "label": "L"}, {"source": 48, "target": 55, "label": "H"}, {"source": 55, "target": 56, "label": "A"}, {"source": 57, "target": 24, "label": "D"}, {"source": 48, "target": 54, "label": "H"}, {"source": 61, "target": 37, "label": "P"}, {"source": 60, "target": 31, "label": "F"}, {"source": 63, "target": 42, "label": "P"}, {"source": 56, "target": 22, "label": "C"}, {"source": 48, "target": 18, "label": "U"}, {"source": 64, "target": 43, "label": "R"}, {"source": 55, "target": 20, "label": "P"}, {"source": 63, "target": 52, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 49, "label": "A"}, {"source": 54, "target": 13, "label": "A"}, {"source": 62, "target": 39, "label": "Q"}, {"source": 48, "target": 57, "label": "H"}, {"source": 50, "target": 10, "label": "P"}, {"source": 48, "target": 1, "label": "U"}, {"source": 60, "target": 34, "label": "P"}, {"source": 60, "target": 32, "label": "D"}, {"source": 50, "target": 9, "label": "F"}, {"source": 48, "target": 28, "label": "L"}, {"source": 54, "target": 15, "label": "F"}, {"source": 61, "target": 38, "label": "D"}, {"source": 63, "target": 64, "label": "A"}, {"source": 51, "target": 3, "label": "P"}, {"source": 50, "target": 6, "label": "D"}, {"source": 53, "target": 5, "label": "P"}, {"source": 52, "target": 4, "label": "U"}, {"source": 48, "target": 61, "label": "H"}, {"source": 57, "target": 25, "label": "P"}, {"source": 48, "target": 60, "label": "H"}, {"source": 61, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 53, "label": "H"}, {"source": 58, "target": 27, "label": "C"}, {"source": 48, "target": 11, "label": "U"}, {"source": 55, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 63, "label": "H"}, {"source": 64, "target": 47, "label": "U"}, {"source": 62, "target": 40, "label": "C"}, {"source": 61, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 29, "label": "E"}, {"source": 56, "target": 21, "label": "Q"}, {"source": 48, "target": 0, "label": "L"}, {"source": 50, "target": 8, "label": "F"}, {"source": 64, "target": 44, "label": "A"}, {"source": 49, "target": 2, "label": "F"}, {"source": 52, "target": 51, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 48, "target": 35, "label": "L"}, {"source": 48, "target": 12, "label": "L"}, {"source": 60, "target": 33, "label": "D"}, {"source": 54, "target": 16, "label": "D"}, {"source": 58, "target": 26, "label": "R"}, {"source": 48, "target": 50, "label": "H"}, {"source": 48, "target": 41, "label": "L"}, {"source": 48, "target": 23, "label": "U"}, {"source": 64, "target": 45, "label": "F"}, {"source": 61, "target": 36, "label": "F"}, {"source": 61, "target": 62, "label": "T"}, {"source": 64, "target": 46, "label": "P"}, {"source": 49, "target": 52, "label": "C"}, {"source": 59, "target": 30, "label": "C"}, {"source": 55, "target": 6, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 14, "label": "T"}, {"source": 60, "target": 59, "label": "A"}]} +{"id": "231203-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In some cases the result is because of understaffing, in some cases the staff just doesn't care/know better.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 21, "label": "D"}, {"source": 31, "target": 14, "label": "C"}, {"source": 30, "target": 31, "label": "S"}, {"source": 24, "target": 32, "label": "H"}, {"source": 29, "target": 12, "label": "C"}, {"source": 24, "target": 9, "label": "U"}, {"source": 33, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 24, "target": 29, "label": "L"}, {"source": 32, "target": 18, "label": "P"}, {"source": 23, "target": 1, "label": "Q"}, {"source": 32, "target": 17, "label": "D"}, {"source": 27, "target": 7, "label": "R"}, {"source": 32, "target": 30, "label": "A"}, {"source": 29, "target": 11, "label": "Q"}, {"source": 25, "target": 26, "label": "S"}, {"source": 26, "target": 4, "label": "C"}, {"source": 26, "target": 3, "label": "F"}, {"source": 23, "target": 2, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 16, "label": "F"}, {"source": 33, "target": 22, "label": "U"}, {"source": 24, "target": 23, "label": "L"}, {"source": 24, "target": 28, "label": "H"}, {"source": 24, "target": 27, "label": "L"}, {"source": 23, "target": 0, "label": "R"}, {"source": 27, "target": 5, "label": "R"}, {"source": 28, "target": 8, "label": "S"}, {"source": 33, "target": 20, "label": "P"}, {"source": 31, "target": 13, "label": "F"}, {"source": 27, "target": 6, "label": "C"}, {"source": 24, "target": 19, "label": "U"}, {"source": 33, "target": 17, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 33, "label": "H"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "231203-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They must also get something to keep take-out warm, so it's not room temperature at best when you get it home.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 109, "to": 110}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 5, "label": "F"}, {"source": 28, "target": 9, "label": "S"}, {"source": 26, "target": 19, "label": "L"}, {"source": 29, "target": 31, "label": "D"}, {"source": 29, "target": 14, "label": "D"}, {"source": 26, "target": 32, "label": "H"}, {"source": 30, "target": 15, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 18, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 30, "target": 16, "label": "C"}, {"source": 29, "target": 30, "label": "S"}, {"source": 32, "target": 22, "label": "A"}, {"source": 32, "target": 23, "label": "A"}, {"source": 32, "target": 20, "label": "A"}, {"source": 27, "target": 6, "label": "P"}, {"source": 27, "target": 4, "label": "A"}, {"source": 31, "target": 17, "label": "R"}, {"source": 7, "target": 8, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 7, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 1, "label": "D"}, {"source": 25, "target": 2, "label": "D"}, {"source": 32, "target": 21, "label": "P"}, {"source": 26, "target": 11, "label": "L"}, {"source": 26, "target": 10, "label": "U"}, {"source": 29, "target": 13, "label": "F"}, {"source": 29, "target": 12, "label": "A"}, {"source": 26, "target": 29, "label": "H"}, {"source": 32, "target": 24, "label": "U"}, {"source": 25, "target": 3, "label": "P"}]} +{"id": "231203-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You just have to know what you're getting into when you go.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 7, "label": "P"}, {"source": 17, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 18, "label": "H"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 9, "label": "L"}, {"source": 15, "target": 6, "label": "F"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 18, "target": 10, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "D"}, {"source": 18, "target": 11, "label": "P"}]} +{"id": "231203-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice local pub, excellent food (especially wings), and don't go if you have a limited amount of time.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 101}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 1, "label": "E"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 5, "label": "C"}, {"source": 25, "target": 15, "label": "L"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 8, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 31, "target": 17, "label": "S"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 27, "label": "H"}, {"source": 30, "target": 12, "label": "F"}, {"source": 31, "target": 16, "label": "A"}, {"source": 32, "target": 22, "label": "C"}, {"source": 29, "target": 7, "label": "R"}, {"source": 32, "target": 18, "label": "F"}, {"source": 26, "target": 2, "label": "C"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 31, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 19, "label": "D"}, {"source": 24, "target": 0, "label": "S"}, {"source": 32, "target": 23, "label": "U"}, {"source": 30, "target": 13, "label": "D"}, {"source": 25, "target": 30, "label": "H"}, {"source": 25, "target": 11, "label": "L"}, {"source": 30, "target": 14, "label": "P"}, {"source": 25, "target": 10, "label": "U"}, {"source": 25, "target": 3, "label": "U"}, {"source": 27, "target": 4, "label": "S"}, {"source": 32, "target": 21, "label": "F"}, {"source": 25, "target": 9, "label": "U"}, {"source": 28, "target": 6, "label": "U"}, {"source": 32, "target": 20, "label": "Q"}]} +{"id": "231724-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rooms were outdated, dirty, and small.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 10, "target": 3, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 9, "target": 2, "label": "S"}, {"source": 10, "target": 5, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "L"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "231724-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service was horrible.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "231724-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go down 1 block to Super 8.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}, {"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 2, "label": "Q"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "232106-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Clean & tidy with good atmosphere & pleasant staff.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 3, "label": "R"}, {"source": 11, "target": 13, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 8, "label": "A"}, {"source": 12, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "L"}, {"source": 16, "target": 9, "label": "U"}, {"source": 16, "target": 7, "label": "D"}, {"source": 10, "target": 1, "label": "L"}, {"source": 15, "target": 4, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 15, "target": 5, "label": "S"}]} +{"id": "232106-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food drastically let's the place down though", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}, {"from": 33, "to": 37}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 38, "to": 44}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "L"}, {"source": 6, "target": 1, "label": "D"}, {"source": 6, "target": 8, "label": "A"}, {"source": 6, "target": 2, "label": "P"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "232157-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wonderful service for large group", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "232157-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had my wedding luncheon at this BJs restaurant, and it was one of the best choices that I made.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}, {"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 96}]}, {"id": 21, "anchors": [{"from": 96, "to": 97}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 26, "target": 25, "label": "E"}, {"source": 30, "target": 15, "label": "F"}, {"source": 28, "target": 12, "label": "F"}, {"source": 31, "target": 21, "label": "U"}, {"source": 24, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "C"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 2, "label": "S"}, {"source": 27, "target": 6, "label": "E"}, {"source": 22, "target": 26, "label": "P"}, {"source": 28, "target": 16, "label": "D"}, {"source": 31, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "D"}, {"source": 30, "target": 17, "label": "C"}, {"source": 23, "target": 31, "label": "H"}, {"source": 29, "target": 14, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 5, "label": "R"}, {"source": 28, "target": 11, "label": "A"}, {"source": 23, "target": 18, "label": "L"}, {"source": 22, "target": 27, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 3, "label": "P"}, {"source": 29, "target": 13, "label": "C"}, {"source": 28, "target": 30, "label": "P"}, {"source": 27, "target": 8, "label": "C"}, {"source": 31, "target": 20, "label": "P"}, {"source": 23, "target": 9, "label": "U"}, {"source": 23, "target": 10, "label": "L"}, {"source": 22, "target": 1, "label": "F"}, {"source": 31, "target": 19, "label": "A"}]} +{"id": "232157-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was a great deal--we paid a certain amount per person, and my husband and I chose 4 types of pizza and the servers brought out as much as we wanted.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 137}]}, {"id": 31, "anchors": [{"from": 138, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 143}]}, {"id": 33, "anchors": [{"from": 144, "to": 150}]}, {"id": 34, "anchors": [{"from": 150, "to": 151}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 36, "target": 13, "label": "U"}, {"source": 36, "target": 24, "label": "L"}, {"source": 42, "target": 41, "label": "C"}, {"source": 44, "target": 21, "label": "C"}, {"source": 35, "target": 0, "label": "A"}, {"source": 41, "target": 16, "label": "S"}, {"source": 36, "target": 43, "label": "H"}, {"source": 46, "target": 47, "label": "S"}, {"source": 40, "target": 11, "label": "R"}, {"source": 37, "target": 4, "label": "C"}, {"source": 45, "target": 22, "label": "R"}, {"source": 36, "target": 38, "label": "H"}, {"source": 35, "target": 37, "label": "S"}, {"source": 44, "target": 20, "label": "Q"}, {"source": 51, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 15, "label": "A"}, {"source": 48, "target": 27, "label": "P"}, {"source": 42, "target": 18, "label": "C"}, {"source": 39, "target": 8, "label": "F"}, {"source": 46, "target": 47, "label": "A"}, {"source": 47, "target": 25, "label": "F"}, {"source": 36, "target": 14, "label": "L"}, {"source": 38, "target": 7, "label": "P"}, {"source": 49, "target": 29, "label": "R"}, {"source": 38, "target": 39, "label": "A"}, {"source": 48, "target": 46, "label": "A"}, {"source": 36, "target": 48, "label": "H"}, {"source": 35, "target": 1, "label": "F"}, {"source": 45, "target": 23, "label": "C"}, {"source": 41, "target": 16, "label": "A"}, {"source": 37, "target": 2, "label": "F"}, {"source": 40, "target": 12, "label": "C"}, {"source": 43, "target": 19, "label": "P"}, {"source": 39, "target": 40, "label": "E"}, {"source": 51, "target": 33, "label": "P"}, {"source": 48, "target": 50, "label": "A"}, {"source": 50, "target": 49, "label": "Q"}, {"source": 43, "target": 42, "label": "A"}, {"source": 39, "target": 9, "label": "E"}, {"source": 36, "target": 5, "label": "U"}, {"source": 43, "target": 44, "label": "A"}, {"source": 51, "target": 34, "label": "U"}, {"source": 39, "target": 10, "label": "C"}, {"source": 49, "target": 30, "label": "C"}, {"source": 50, "target": 51, "label": "E"}, {"source": 38, "target": 6, "label": "A"}, {"source": 44, "target": 45, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 47, "target": 26, "label": "C"}, {"source": 51, "target": 32, "label": "A"}, {"source": 35, "target": 3, "label": "D"}, {"source": 50, "target": 23, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 17, "label": "N"}, {"source": 51, "target": 31, "label": "R"}, {"source": 48, "target": 28, "label": "D"}]} +{"id": "232157-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were also served salad and soda.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "N"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "232157-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had a large party, about fifty people or so, and yet everything was served quickly and we all had a wonderful time.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}, {"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 117}]}, {"id": 24, "anchors": [{"from": 117, "to": 118}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 9, "label": "R"}, {"source": 33, "target": 20, "label": "F"}, {"source": 30, "target": 16, "label": "D"}, {"source": 27, "target": 5, "label": "U"}, {"source": 25, "target": 1, "label": "S"}, {"source": 28, "target": 8, "label": "C"}, {"source": 30, "target": 15, "label": "P"}, {"source": 26, "target": 32, "label": "H"}, {"source": 31, "target": 18, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 31, "label": "A"}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 28, "target": 29, "label": "Q"}, {"source": 27, "target": 4, "label": "C"}, {"source": 33, "target": 21, "label": "F"}, {"source": 26, "target": 12, "label": "L"}, {"source": 33, "target": 23, "label": "C"}, {"source": 30, "target": 13, "label": "A"}, {"source": 26, "target": 30, "label": "H"}, {"source": 30, "target": 14, "label": "F"}, {"source": 32, "target": 33, "label": "P"}, {"source": 29, "target": 7, "label": "C"}, {"source": 31, "target": 19, "label": "Q"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 3, "label": "E"}, {"source": 26, "target": 17, "label": "L"}, {"source": 28, "target": 6, "label": "R"}, {"source": 32, "target": 22, "label": "D"}, {"source": 26, "target": 11, "label": "L"}, {"source": 26, "target": 10, "label": "U"}, {"source": 27, "target": 28, "label": "E"}, {"source": 27, "target": 2, "label": "F"}]} +{"id": "232157-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even though we were only supposed to have those specific types of pizza, when guests asked for a different type, it was brought out with no charge to us!", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 139}]}, {"id": 27, "anchors": [{"from": 140, "to": 146}]}, {"id": 28, "anchors": [{"from": 147, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 153}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 19, "label": "C"}, {"source": 31, "target": 35, "label": "H"}, {"source": 38, "target": 30, "label": "U"}, {"source": 36, "target": 18, "label": "E"}, {"source": 32, "target": 4, "label": "D"}, {"source": 32, "target": 2, "label": "F"}, {"source": 37, "target": 38, "label": "A"}, {"source": 31, "target": 0, "label": "L"}, {"source": 34, "target": 11, "label": "C"}, {"source": 31, "target": 37, "label": "H"}, {"source": 31, "target": 12, "label": "U"}, {"source": 31, "target": 32, "label": "H"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 37, "target": 21, "label": "A"}, {"source": 34, "target": 10, "label": "R"}, {"source": 37, "target": 24, "label": "D"}, {"source": 38, "target": 28, "label": "F"}, {"source": 38, "target": 29, "label": "A"}, {"source": 38, "target": 26, "label": "D"}, {"source": 33, "target": 8, "label": "E"}, {"source": 32, "target": 5, "label": "F"}, {"source": 32, "target": 1, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 35, "target": 15, "label": "P"}, {"source": 36, "target": 17, "label": "F"}, {"source": 33, "target": 7, "label": "E"}, {"source": 32, "target": 3, "label": "D"}, {"source": 33, "target": 9, "label": "C"}, {"source": 36, "target": 16, "label": "R"}, {"source": 31, "target": 20, "label": "U"}, {"source": 38, "target": 25, "label": "F"}, {"source": 31, "target": 13, "label": "L"}, {"source": 35, "target": 14, "label": "A"}, {"source": 32, "target": 6, "label": "S"}, {"source": 38, "target": 27, "label": "P"}, {"source": 37, "target": 23, "label": "P"}, {"source": 37, "target": 22, "label": "F"}]} +{"id": "232157-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I really appreciate BJs for making that special day even better with their wonderful food and service.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}, {"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 15, "label": "L"}, {"source": 20, "target": 11, "label": "L"}, {"source": 21, "target": 22, "label": "P"}, {"source": 25, "target": 12, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 23, "target": 8, "label": "C"}, {"source": 23, "target": 6, "label": "E"}, {"source": 24, "target": 7, "label": "S"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 9, "label": "D"}, {"source": 22, "target": 5, "label": "F"}, {"source": 19, "target": 3, "label": "A"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 25, "label": "H"}, {"source": 19, "target": 1, "label": "D"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 13, "label": "S"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 26, "label": "H"}, {"source": 21, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "232278-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You are the only one auto glass repair shop in the area I would count on.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}, {"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 20, "label": "E"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 22, "target": 14, "label": "P"}, {"source": 20, "target": 7, "label": "P"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 21, "label": "E"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 4, "label": "Q"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 1, "label": "S"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 3, "label": "Q"}, {"source": 18, "target": 22, "label": "E"}, {"source": 22, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "234261-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Mann killed our pet", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "234261-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yea, Dr. Mann ain't so great.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 29}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 7, "label": "S"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "234261-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We took our beloved kitty to him and it came back dead.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 19, "target": 9, "label": "P"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 18, "label": "A"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "L"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 11, "label": "S"}, {"source": 16, "target": 17, "label": "E"}, {"source": 20, "target": 12, "label": "U"}, {"source": 17, "target": 3, "label": "S"}, {"source": 14, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 2, "label": "S"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "234261-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We live in the sub-division around the corner and after it happened and we brought it up at some neighborhood gatherings we discovered that several people from this neighborhood alone had pets goto Dr. Mann for surgical procedures and came back dead.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}, {"from": 86, "to": 88}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 134}]}, {"id": 22, "anchors": [{"from": 135, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 147}]}, {"id": 24, "anchors": [{"from": 148, "to": 154}]}, {"id": 25, "anchors": [{"from": 155, "to": 159}]}, {"id": 26, "anchors": [{"from": 160, "to": 164}]}, {"id": 27, "anchors": [{"from": 165, "to": 177}]}, {"id": 28, "anchors": [{"from": 178, "to": 183}]}, {"id": 29, "anchors": [{"from": 184, "to": 187}]}, {"id": 30, "anchors": [{"from": 188, "to": 192}]}, {"id": 31, "anchors": [{"from": 193, "to": 195}]}, {"id": 32, "anchors": [{"from": 195, "to": 197}]}, {"id": 33, "anchors": [{"from": 198, "to": 201}]}, {"id": 34, "anchors": [{"from": 202, "to": 206}]}, {"id": 35, "anchors": [{"from": 207, "to": 210}]}, {"id": 36, "anchors": [{"from": 211, "to": 219}]}, {"id": 37, "anchors": [{"from": 220, "to": 230}]}, {"id": 38, "anchors": [{"from": 231, "to": 234}]}, {"id": 39, "anchors": [{"from": 235, "to": 239}]}, {"id": 40, "anchors": [{"from": 240, "to": 244}]}, {"id": 41, "anchors": [{"from": 245, "to": 249}]}, {"id": 42, "anchors": [{"from": 249, "to": 250}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 53, "target": 52, "label": "A"}, {"source": 48, "target": 14, "label": "P"}, {"source": 44, "target": 48, "label": "H"}, {"source": 43, "target": 1, "label": "P"}, {"source": 48, "target": 13, "label": "A"}, {"source": 49, "target": 16, "label": "R"}, {"source": 49, "target": 17, "label": "D"}, {"source": 59, "target": 60, "label": "A"}, {"source": 44, "target": 9, "label": "L"}, {"source": 50, "target": 51, "label": "A"}, {"source": 60, "target": 41, "label": "S"}, {"source": 56, "target": 33, "label": "E"}, {"source": 51, "target": 22, "label": "R"}, {"source": 50, "target": 20, "label": "A"}, {"source": 53, "target": 30, "label": "A"}, {"source": 55, "target": 31, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 50, "target": 21, "label": "P"}, {"source": 52, "target": 24, "label": "C"}, {"source": 59, "target": 40, "label": "D"}, {"source": 54, "target": 28, "label": "Q"}, {"source": 53, "target": 55, "label": "P"}, {"source": 51, "target": 59, "label": "H"}, {"source": 49, "target": 19, "label": "P"}, {"source": 44, "target": 50, "label": "H"}, {"source": 56, "target": 34, "label": "C"}, {"source": 60, "target": 42, "label": "U"}, {"source": 53, "target": 56, "label": "A"}, {"source": 47, "target": 11, "label": "P"}, {"source": 43, "target": 0, "label": "A"}, {"source": 45, "target": 4, "label": "C"}, {"source": 57, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 8, "label": "L"}, {"source": 45, "target": 2, "label": "R"}, {"source": 51, "target": 38, "label": "L"}, {"source": 54, "target": 25, "label": "R"}, {"source": 44, "target": 43, "label": "H"}, {"source": 46, "target": 6, "label": "F"}, {"source": 44, "target": 47, "label": "H"}, {"source": 45, "target": 3, "label": "F"}, {"source": 54, "target": 27, "label": "C"}, {"source": 54, "target": 26, "label": "E"}, {"source": 48, "target": 15, "label": "A"}, {"source": 52, "target": 54, "label": "E"}, {"source": 52, "target": 23, "label": "Q"}, {"source": 51, "target": 53, "label": "H"}, {"source": 49, "target": 18, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 47, "target": 10, "label": "A"}, {"source": 57, "target": 58, "label": "P"}, {"source": 55, "target": 29, "label": "F"}, {"source": 59, "target": 39, "label": "P"}, {"source": 51, "target": 57, "label": "H"}, {"source": 51, "target": 35, "label": "L"}, {"source": 60, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 36, "label": "E"}, {"source": 46, "target": 5, "label": "R"}, {"source": 44, "target": 12, "label": "L"}, {"source": 58, "target": 37, "label": "C"}, {"source": 59, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 32, "label": "F"}, {"source": 46, "target": 7, "label": "C"}]} +{"id": "234261-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you take him here for shots, no big deal but I would never let this man apply anesthetic to my pet ever again.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}, {"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 112}]}, {"id": 24, "anchors": [{"from": 112, "to": 113}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 31, "target": 17, "label": "F"}, {"source": 33, "target": 21, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 32, "target": 31, "label": "P"}, {"source": 29, "target": 13, "label": "D"}, {"source": 28, "target": 9, "label": "S"}, {"source": 30, "target": 15, "label": "E"}, {"source": 25, "target": 29, "label": "H"}, {"source": 31, "target": 18, "label": "C"}, {"source": 29, "target": 12, "label": "D"}, {"source": 30, "target": 16, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 20, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 25, "target": 28, "label": "H"}, {"source": 34, "target": 22, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 6, "label": "P"}, {"source": 32, "target": 34, "label": "D"}, {"source": 33, "target": 19, "label": "R"}, {"source": 34, "target": 24, "label": "U"}, {"source": 33, "target": 21, "label": "A"}, {"source": 25, "target": 0, "label": "L"}, {"source": 25, "target": 10, "label": "L"}, {"source": 27, "target": 5, "label": "R"}, {"source": 26, "target": 4, "label": "A"}, {"source": 28, "target": 8, "label": "D"}, {"source": 25, "target": 7, "label": "U"}, {"source": 29, "target": 11, "label": "A"}, {"source": 29, "target": 32, "label": "A"}, {"source": 26, "target": 1, "label": "A"}, {"source": 26, "target": 3, "label": "A"}, {"source": 34, "target": 23, "label": "C"}, {"source": 29, "target": 14, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 13, "label": "T"}]} +{"id": "234261-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Oh, they also charged me for the procedure ($250) AND had the audacity to charge me a $25 'DISPOSAL' fee.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}, {"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 87}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 91}]}, {"id": 23, "anchors": [{"from": 91, "to": 99}]}, {"id": 24, "anchors": [{"from": 99, "to": 100}]}, {"id": 25, "anchors": [{"from": 101, "to": 104}]}, {"id": 26, "anchors": [{"from": 104, "to": 105}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 35, "label": "E"}, {"source": 29, "target": 6, "label": "R"}, {"source": 28, "target": 10, "label": "A"}, {"source": 28, "target": 3, "label": "D"}, {"source": 29, "target": 30, "label": "P"}, {"source": 32, "target": 15, "label": "C"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 23, "label": "E"}, {"source": 27, "target": 1, "label": "U"}, {"source": 31, "target": 33, "label": "A"}, {"source": 28, "target": 9, "label": "U"}, {"source": 34, "target": 22, "label": "U"}, {"source": 32, "target": 14, "label": "F"}, {"source": 31, "target": 32, "label": "S"}, {"source": 33, "target": 17, "label": "P"}, {"source": 28, "target": 4, "label": "P"}, {"source": 35, "target": 21, "label": "Q"}, {"source": 27, "target": 11, "label": "U"}, {"source": 33, "target": 16, "label": "F"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 8, "label": "C"}, {"source": 27, "target": 12, "label": "L"}, {"source": 31, "target": 13, "label": "F"}, {"source": 34, "target": 19, "label": "F"}, {"source": 30, "target": 7, "label": "F"}, {"source": 27, "target": 31, "label": "H"}, {"source": 28, "target": 5, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 34, "target": 26, "label": "U"}, {"source": 33, "target": 18, "label": "A"}, {"source": 35, "target": 20, "label": "C"}, {"source": 27, "target": 0, "label": "L"}, {"source": 28, "target": 2, "label": "A"}, {"source": 34, "target": 25, "label": "C"}]} +{"id": "234261-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They actually itemized it as a DISPOSAL fee.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 10, "target": 1, "label": "G"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "F"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "234261-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "AVOID AT ALL COSTS.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}, {"from": 9, "to": 12}, {"from": 13, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "235190-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Channel Guide", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "E"}]} +{"id": "235190-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Believe it or not, but the channel guide has been most helpful to my family members that visit and don't know where to start when it comes to watching satellite tv.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 129}, {"from": 130, "to": 132}, {"from": 133, "to": 138}, {"from": 139, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 150}]}, {"id": 28, "anchors": [{"from": 151, "to": 160}]}, {"id": 29, "anchors": [{"from": 161, "to": 163}]}, {"id": 30, "anchors": [{"from": 163, "to": 164}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 43, "target": 24, "label": "F"}, {"source": 41, "target": 22, "label": "P"}, {"source": 31, "target": 1, "label": "A"}, {"source": 36, "target": 39, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 44, "target": 45, "label": "A"}, {"source": 38, "target": 16, "label": "C"}, {"source": 33, "target": 0, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 31, "label": "H"}, {"source": 35, "target": 11, "label": "D"}, {"source": 34, "target": 8, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 45, "target": 28, "label": "E"}, {"source": 39, "target": 17, "label": "R"}, {"source": 36, "target": 37, "label": "C"}, {"source": 37, "target": 38, "label": "S"}, {"source": 36, "target": 13, "label": "R"}, {"source": 32, "target": 33, "label": "H"}, {"source": 35, "target": 9, "label": "F"}, {"source": 45, "target": 29, "label": "C"}, {"source": 33, "target": 3, "label": "D"}, {"source": 42, "target": 23, "label": "C"}, {"source": 31, "target": 0, "label": "P"}, {"source": 39, "target": 44, "label": "H"}, {"source": 35, "target": 34, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 39, "target": 26, "label": "L"}, {"source": 40, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 21, "label": "D"}, {"source": 45, "target": 30, "label": "U"}, {"source": 32, "target": 4, "label": "U"}, {"source": 43, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 19, "label": "L"}, {"source": 41, "target": 20, "label": "F"}, {"source": 33, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 7, "label": "E"}, {"source": 44, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 14, "label": "A"}, {"source": 43, "target": 25, "label": "P"}, {"source": 40, "target": 18, "label": "P"}, {"source": 35, "target": 12, "label": "S"}, {"source": 39, "target": 40, "label": "H"}, {"source": 39, "target": 41, "label": "H"}, {"source": 32, "target": 2, "label": "L"}, {"source": 34, "target": 6, "label": "F"}, {"source": 38, "target": 15, "label": "C"}, {"source": 42, "target": 43, "label": "E"}, {"source": 35, "target": 10, "label": "F"}, {"source": 32, "target": 5, "label": "L"}, {"source": 44, "target": 27, "label": "P"}]} +{"id": "235190-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just give them guide and they can find anything they need.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "D"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 4, "label": "A"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 7, "label": "D"}, {"source": 17, "target": 10, "label": "A"}, {"source": 17, "target": 11, "label": "P"}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "235190-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks again, Directv.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "P"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "235211-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lovely People, Great Hats", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 7, "target": 3, "label": "S"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "235211-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was saddened to see the reviews that claimed World Hats Mart has poor service.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 4, "label": "P"}, {"source": 17, "target": 8, "label": "P"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 11, "label": "D"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 19, "label": "P"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "235211-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It led me to believe that the reviewers simply had difficulty tolerating people with strongly-accented English.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 93}]}, {"id": 15, "anchors": [{"from": 93, "to": 94}]}, {"id": 16, "anchors": [{"from": 94, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 110}]}, {"id": 18, "anchors": [{"from": 110, "to": 111}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 21, "target": 9, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 21, "target": 11, "label": "P"}, {"source": 24, "target": 18, "label": "U"}, {"source": 21, "target": 8, "label": "G"}, {"source": 20, "target": 2, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 14, "label": "D"}, {"source": 20, "target": 1, "label": "D"}, {"source": 24, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 12, "label": "C"}, {"source": 24, "target": 16, "label": "S"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 15, "label": "U"}, {"source": 24, "target": 13, "label": "R"}, {"source": 21, "target": 10, "label": "D"}]} +{"id": "235211-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The husband and wife who run this spot are lovely people.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 16, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 12, "target": 18, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 2, "label": "L"}, {"source": 20, "target": 9, "label": "S"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 14, "target": 8, "label": "S"}, {"source": 18, "target": 4, "label": "R"}, {"source": 14, "target": 12, "label": "A"}, {"source": 19, "target": 7, "label": "C"}, {"source": 17, "target": 3, "label": "S"}, {"source": 15, "target": 1, "label": "S"}, {"source": 18, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "A"}, {"source": 19, "target": 6, "label": "E"}, {"source": 20, "target": 11, "label": "U"}]} +{"id": "235211-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have had many conversations with them and they have always been extremely patient with me as I tried on multiple hats in search of the right costumes for my magic act.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 156}]}, {"id": 29, "anchors": [{"from": 157, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 169}]}, {"id": 32, "anchors": [{"from": 169, "to": 170}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 42, "target": 22, "label": "R"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 9, "label": "F"}, {"source": 35, "target": 4, "label": "C"}, {"source": 45, "target": 32, "label": "U"}, {"source": 37, "target": 12, "label": "D"}, {"source": 33, "target": 3, "label": "D"}, {"source": 35, "target": 2, "label": "F"}, {"source": 34, "target": 7, "label": "L"}, {"source": 41, "target": 20, "label": "Q"}, {"source": 42, "target": 23, "label": "C"}, {"source": 37, "target": 10, "label": "T"}, {"source": 33, "target": 1, "label": "F"}, {"source": 34, "target": 39, "label": "H"}, {"source": 33, "target": 0, "label": "A"}, {"source": 37, "target": 8, "label": "A"}, {"source": 43, "target": 42, "label": "P"}, {"source": 45, "target": 28, "label": "R"}, {"source": 45, "target": 29, "label": "A"}, {"source": 36, "target": 6, "label": "C"}, {"source": 39, "target": 40, "label": "P"}, {"source": 37, "target": 13, "label": "S"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 18, "label": "C"}, {"source": 44, "target": 25, "label": "F"}, {"source": 41, "target": 21, "label": "C"}, {"source": 44, "target": 27, "label": "C"}, {"source": 38, "target": 14, "label": "R"}, {"source": 40, "target": 19, "label": "R"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 44, "target": 24, "label": "R"}, {"source": 45, "target": 31, "label": "P"}, {"source": 38, "target": 15, "label": "C"}, {"source": 39, "target": 17, "label": "A"}, {"source": 34, "target": 37, "label": "H"}, {"source": 44, "target": 26, "label": "E"}, {"source": 34, "target": 43, "label": "H"}, {"source": 33, "target": 35, "label": "P"}, {"source": 45, "target": 30, "label": "A"}, {"source": 34, "target": 16, "label": "L"}, {"source": 37, "target": 11, "label": "F"}, {"source": 36, "target": 5, "label": "R"}, {"source": 43, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 36, "label": "A"}]} +{"id": "235211-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recommend them highly!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "235423-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The Worst Chinese I've Ever Had", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 3, "label": "A"}, {"source": 11, "target": 5, "label": "T"}, {"source": 11, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "P"}, {"source": 7, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 7, "label": "S"}, {"source": 9, "target": 11, "label": "A"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "235423-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is by far the worst chinese food I have ever had.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 9, "label": "T"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 10, "label": "P"}, {"source": 13, "target": 2, "label": "D"}, {"source": 13, "target": 14, "label": "S"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 16, "target": 15, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "235423-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service stunk.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "P"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "F"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "235423-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called in my order and upon arriving to pick it up, they got my order confused with someone elses.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}, {"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 32, "target": 17, "label": "R"}, {"source": 29, "target": 13, "label": "D"}, {"source": 26, "target": 25, "label": "E"}, {"source": 31, "target": 15, "label": "C"}, {"source": 28, "target": 10, "label": "A"}, {"source": 23, "target": 11, "label": "U"}, {"source": 29, "target": 16, "label": "P"}, {"source": 33, "target": 18, "label": "C"}, {"source": 26, "target": 4, "label": "C"}, {"source": 32, "target": 15, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "P"}, {"source": 28, "target": 9, "label": "P"}, {"source": 33, "target": 21, "label": "U"}, {"source": 22, "target": 24, "label": "P"}, {"source": 33, "target": 19, "label": "R"}, {"source": 33, "target": 20, "label": "R"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 5, "label": "L"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 3, "label": "S"}, {"source": 23, "target": 27, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 24, "target": 2, "label": "F"}, {"source": 22, "target": 26, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 22, "target": 0, "label": "A"}, {"source": 29, "target": 32, "label": "A"}, {"source": 24, "target": 1, "label": "C"}, {"source": 30, "target": 14, "label": "S"}, {"source": 23, "target": 29, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "A"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "235423-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They helped about three other people before they offered to help me again.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "Q"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 19, "target": 12, "label": "D"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 11, "label": "A"}, {"source": 17, "target": 16, "label": "Q"}, {"source": 19, "target": 9, "label": "R"}, {"source": 15, "target": 6, "label": "L"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 10, "label": "P"}]} +{"id": "235423-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They also got my friends order mixed up and wanted to charger her $10 more than what she had wanted.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}, {"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 2, "label": "D"}, {"source": 24, "target": 6, "label": "C"}, {"source": 29, "target": 14, "label": "Q"}, {"source": 30, "target": 19, "label": "F"}, {"source": 25, "target": 3, "label": "A"}, {"source": 30, "target": 16, "label": "R"}, {"source": 27, "target": 9, "label": "P"}, {"source": 25, "target": 4, "label": "S"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 15, "label": "R"}, {"source": 26, "target": 25, "label": "C"}, {"source": 30, "target": 17, "label": "A"}, {"source": 28, "target": 11, "label": "P"}, {"source": 30, "target": 20, "label": "P"}, {"source": 23, "target": 8, "label": "L"}, {"source": 26, "target": 5, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 18, "label": "A"}, {"source": 23, "target": 27, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 1, "label": "R"}, {"source": 28, "target": 10, "label": "R"}, {"source": 22, "target": 0, "label": "A"}, {"source": 29, "target": 13, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 25, "target": 4, "label": "A"}, {"source": 24, "target": 26, "label": "E"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "235423-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She asked for the dinner combo and they gave her two dinner plates instead.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "Q"}, {"source": 17, "target": 2, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 13, "label": "R"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "235423-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were standing in the store for 20minutes to simply pick up an order.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 4, "label": "F"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 15, "target": 18, "label": "T"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 7, "label": "Q"}, {"source": 19, "target": 10, "label": "D"}, {"source": 17, "target": 3, "label": "R"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "235423-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not to mention that the wait staff was about as pleasant as dealing with an angry bull.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}, {"from": 7, "to": 14}, {"from": 15, "to": 19}]}, {"id": 1, "anchors": [{"from": 20, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}, {"from": 45, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 56}]}, {"id": 7, "anchors": [{"from": 57, "to": 59}]}, {"id": 8, "anchors": [{"from": 60, "to": 67}]}, {"id": 9, "anchors": [{"from": 68, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 86}]}, {"id": 13, "anchors": [{"from": 86, "to": 87}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 5, "label": "D"}, {"source": 17, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 6, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "F"}, {"source": 21, "target": 11, "label": "S"}, {"source": 22, "target": 10, "label": "F"}, {"source": 16, "target": 3, "label": "C"}, {"source": 19, "target": 8, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 2, "label": "E"}, {"source": 15, "target": 16, "label": "S"}, {"source": 22, "target": 12, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 14, "target": 18, "label": "H"}, {"source": 20, "target": 9, "label": "R"}, {"source": 14, "target": 17, "label": "H"}, {"source": 20, "target": 21, "label": "C"}]} +{"id": "235423-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were abrasive and rude - when they were the ones who messed everything up.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}, {"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 65, "to": 75}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 3, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 8, "label": "S"}, {"source": 15, "target": 1, "label": "F"}, {"source": 20, "target": 13, "label": "A"}, {"source": 20, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "E"}, {"source": 16, "target": 5, "label": "U"}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 4, "label": "S"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "235423-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had to throw out about 80 percent of our meals because the food tasted so horrible.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "G"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "D"}, {"source": 22, "target": 14, "label": "S"}, {"source": 19, "target": 6, "label": "R"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 22, "label": "H"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 19, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 4, "label": "Q"}, {"source": 17, "target": 9, "label": "L"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 18, "label": "Q"}, {"source": 21, "target": 10, "label": "F"}, {"source": 20, "target": 7, "label": "S"}]} +{"id": "235423-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I dont know how it is possible to make orange chicken, sesame chicken and kung pao chicken as well as cheese puffs taste THAT bad but China Delight accomplished that.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}, {"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}, {"from": 94, "to": 98}, {"from": 99, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 139}, {"from": 140, "to": 147}]}, {"id": 26, "anchors": [{"from": 148, "to": 160}]}, {"id": 27, "anchors": [{"from": 161, "to": 165}]}, {"id": 28, "anchors": [{"from": 165, "to": 166}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 38, "target": 26, "label": "P"}, {"source": 31, "target": 6, "label": "F"}, {"source": 31, "target": 4, "label": "D"}, {"source": 38, "target": 25, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 33, "target": 36, "label": "C"}, {"source": 34, "target": 22, "label": "D"}, {"source": 33, "target": 15, "label": "N"}, {"source": 29, "target": 3, "label": "P"}, {"source": 33, "target": 18, "label": "N"}, {"source": 29, "target": 1, "label": "F"}, {"source": 38, "target": 27, "label": "A"}, {"source": 33, "target": 12, "label": "U"}, {"source": 34, "target": 23, "label": "S"}, {"source": 35, "target": 13, "label": "E"}, {"source": 31, "target": 9, "label": "P"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 2, "label": "D"}, {"source": 31, "target": 34, "label": "A"}, {"source": 36, "target": 16, "label": "E"}, {"source": 33, "target": 35, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 33, "target": 32, "label": "C"}, {"source": 37, "target": 19, "label": "E"}, {"source": 34, "target": 33, "label": "A"}, {"source": 36, "target": 17, "label": "C"}, {"source": 37, "target": 20, "label": "C"}, {"source": 31, "target": 5, "label": "F"}, {"source": 31, "target": 8, "label": "F"}, {"source": 34, "target": 21, "label": "G"}, {"source": 32, "target": 11, "label": "C"}, {"source": 31, "target": 7, "label": "D"}, {"source": 30, "target": 38, "label": "H"}, {"source": 30, "target": 24, "label": "L"}, {"source": 32, "target": 10, "label": "E"}, {"source": 33, "target": 37, "label": "C"}, {"source": 38, "target": 28, "label": "U"}, {"source": 35, "target": 14, "label": "C"}]} +{"id": "235423-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The only thing that was edible was the steamed rice and the vegetable lo mein was barely tolerable.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "S"}, {"source": 19, "target": 2, "label": "C"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 10, "label": "L"}, {"source": 26, "target": 15, "label": "F"}, {"source": 20, "target": 4, "label": "F"}, {"source": 20, "target": 3, "label": "F"}, {"source": 25, "target": 13, "label": "E"}, {"source": 24, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 11, "label": "F"}, {"source": 25, "target": 14, "label": "C"}, {"source": 23, "target": 7, "label": "F"}, {"source": 24, "target": 8, "label": "P"}, {"source": 20, "target": 19, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 26, "target": 16, "label": "D"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 1, "label": "Q"}, {"source": 25, "target": 12, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 21, "target": 6, "label": "S"}, {"source": 26, "target": 17, "label": "S"}]} +{"id": "235423-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will NEVER go here again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "T"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "235423-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lucky Panda in Willis is a billion times better in service and quality of the meal.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "Q"}, {"source": 17, "target": 22, "label": "A"}, {"source": 20, "target": 6, "label": "C"}, {"source": 23, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "H"}, {"source": 22, "target": 10, "label": "L"}, {"source": 23, "target": 11, "label": "S"}, {"source": 17, "target": 20, "label": "D"}, {"source": 17, "target": 7, "label": "S"}, {"source": 19, "target": 4, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "R"}, {"source": 24, "target": 13, "label": "F"}, {"source": 21, "target": 8, "label": "R"}, {"source": 24, "target": 12, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "235423-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have no idea how China Delight won number 1 Chinese restaurant in Montgomery - There needs to be a recount on that vote.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}, {"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 121}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 18, "label": "F"}, {"source": 26, "target": 27, "label": "E"}, {"source": 35, "target": 22, "label": "C"}, {"source": 34, "target": 35, "label": "P"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 7, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 29, "target": 28, "label": "S"}, {"source": 28, "target": 8, "label": "Q"}, {"source": 32, "target": 16, "label": "F"}, {"source": 31, "target": 12, "label": "C"}, {"source": 32, "target": 14, "label": "F"}, {"source": 24, "target": 3, "label": "P"}, {"source": 32, "target": 17, "label": "F"}, {"source": 24, "target": 2, "label": "D"}, {"source": 27, "target": 6, "label": "P"}, {"source": 30, "target": 10, "label": "C"}, {"source": 31, "target": 11, "label": "R"}, {"source": 32, "target": 33, "label": "P"}, {"source": 27, "target": 5, "label": "A"}, {"source": 33, "target": 19, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 21, "label": "E"}, {"source": 34, "target": 20, "label": "R"}, {"source": 25, "target": 13, "label": "U"}, {"source": 25, "target": 32, "label": "H"}, {"source": 35, "target": 23, "label": "U"}, {"source": 30, "target": 9, "label": "E"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "235462-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hobbs on Mass.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "235462-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolutely my favorite store in Lawrence, KS", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 7, "label": "C"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "235576-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The Best Breakfast in Solana Beach!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "D"}, {"source": 9, "target": 3, "label": "R"}]} +{"id": "235576-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We love T's Cafe!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}, {"from": 9, "to": 11}, {"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "235576-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Without a doubt the best place to grab a tall bloody mary and some eggs benedict.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 9}, {"from": 10, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}, {"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}, {"from": 72, "to": 80}]}, {"id": 12, "anchors": [{"from": 80, "to": 81}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 15, "label": "S"}, {"source": 18, "target": 17, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 0, "label": "G"}, {"source": 14, "target": 5, "label": "P"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 10, "label": "Q"}, {"source": 18, "target": 9, "label": "N"}, {"source": 16, "target": 3, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 14, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 19, "target": 12, "label": "U"}, {"source": 17, "target": 8, "label": "C"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "235576-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "T's has been a North County landmark for thirty years and with good reason.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}, {"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "Q"}, {"source": 16, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "L"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 4, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 17, "label": "T"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 11, "label": "D"}, {"source": 18, "target": 12, "label": "S"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "S"}, {"source": 17, "target": 6, "label": "R"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "235576-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Family owned and operated makes sure the atmosphere is relaxed and the food home-cooked with style.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}, {"from": 32, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 80}]}, {"id": 13, "anchors": [{"from": 80, "to": 81}]}, {"id": 14, "anchors": [{"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 15, "label": "R"}, {"source": 21, "target": 5, "label": "F"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "P"}, {"source": 19, "target": 2, "label": "L"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 7, "label": "F"}, {"source": 19, "target": 4, "label": "L"}, {"source": 22, "target": 21, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 26, "label": "D"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 23, "target": 10, "label": "F"}, {"source": 24, "target": 25, "label": "P"}, {"source": 25, "target": 14, "label": "C"}, {"source": 25, "target": 13, "label": "U"}, {"source": 24, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 8, "label": "D"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 25, "target": 12, "label": "E"}, {"source": 18, "target": 1, "label": "S"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "235576-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend picking up a jug of their homemade bloody mary mix - definitely the best.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}, {"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}, {"from": 61, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 91}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 23, "label": "H"}, {"source": 22, "target": 8, "label": "S"}, {"source": 20, "target": 6, "label": "R"}, {"source": 16, "target": 2, "label": "P"}, {"source": 23, "target": 12, "label": "G"}, {"source": 16, "target": 1, "label": "D"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "P"}, {"source": 24, "target": 14, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 7, "label": "S"}, {"source": 20, "target": 9, "label": "C"}, {"source": 24, "target": 13, "label": "F"}, {"source": 23, "target": 24, "label": "S"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "E"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 10, "label": "E"}, {"source": 24, "target": 15, "label": "U"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "C"}]} +{"id": "235576-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you've been to North County, chances are it's in your favorites list already.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}, {"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 20, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 12, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 21, "target": 11, "label": "S"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 15, "label": "T"}, {"source": 21, "target": 9, "label": "A"}, {"source": 18, "target": 1, "label": "A"}, {"source": 17, "target": 6, "label": "U"}, {"source": 18, "target": 2, "label": "F"}, {"source": 23, "target": 22, "label": "E"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 8, "label": "R"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 21, "label": "H"}, {"source": 21, "target": 10, "label": "F"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "236648-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quick and Cheap", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "L"}]} +{"id": "236648-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Walked in and was outta there in 10 mins with a really good deal i thought i was going to be paying alot because i had a DUI but with my DUI and Sr-22 they were able to get me the best deal out there.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 86}, {"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}, {"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 144}]}, {"id": 33, "anchors": [{"from": 145, "to": 147}, {"from": 148, "to": 150}]}, {"id": 34, "anchors": [{"from": 147, "to": 148}]}, {"id": 35, "anchors": [{"from": 151, "to": 155}]}, {"id": 36, "anchors": [{"from": 156, "to": 160}]}, {"id": 37, "anchors": [{"from": 161, "to": 165}]}, {"id": 38, "anchors": [{"from": 166, "to": 168}]}, {"id": 39, "anchors": [{"from": 169, "to": 172}]}, {"id": 40, "anchors": [{"from": 173, "to": 175}]}, {"id": 41, "anchors": [{"from": 176, "to": 179}]}, {"id": 42, "anchors": [{"from": 180, "to": 184}]}, {"id": 43, "anchors": [{"from": 185, "to": 189}]}, {"id": 44, "anchors": [{"from": 190, "to": 193}]}, {"id": 45, "anchors": [{"from": 194, "to": 199}]}, {"id": 46, "anchors": [{"from": 199, "to": 200}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 64, "target": 46, "label": "U"}, {"source": 60, "target": 39, "label": "D"}, {"source": 51, "target": 7, "label": "R"}, {"source": 60, "target": 37, "label": "D"}, {"source": 57, "target": 24, "label": "A"}, {"source": 48, "target": 55, "label": "H"}, {"source": 55, "target": 56, "label": "A"}, {"source": 48, "target": 10, "label": "L"}, {"source": 52, "target": 54, "label": "D"}, {"source": 33, "target": 34, "label": "U"}, {"source": 56, "target": 18, "label": "F"}, {"source": 61, "target": 30, "label": "S"}, {"source": 53, "target": 11, "label": "F"}, {"source": 54, "target": 12, "label": "E"}, {"source": 59, "target": 62, "label": "C"}, {"source": 62, "target": 32, "label": "N"}, {"source": 51, "target": 8, "label": "Q"}, {"source": 55, "target": 15, "label": "A"}, {"source": 48, "target": 57, "label": "H"}, {"source": 50, "target": 5, "label": "R"}, {"source": 53, "target": 14, "label": "C"}, {"source": 48, "target": 52, "label": "H"}, {"source": 48, "target": 28, "label": "L"}, {"source": 60, "target": 38, "label": "F"}, {"source": 56, "target": 21, "label": "P"}, {"source": 63, "target": 42, "label": "C"}, {"source": 60, "target": 43, "label": "P"}, {"source": 56, "target": 20, "label": "F"}, {"source": 64, "target": 45, "label": "C"}, {"source": 48, "target": 60, "label": "H"}, {"source": 55, "target": 16, "label": "P"}, {"source": 64, "target": 44, "label": "R"}, {"source": 58, "target": 27, "label": "C"}, {"source": 56, "target": 17, "label": "A"}, {"source": 56, "target": 22, "label": "A"}, {"source": 50, "target": 6, "label": "C"}, {"source": 51, "target": 9, "label": "C"}, {"source": 47, "target": 0, "label": "P"}, {"source": 49, "target": 50, "label": "A"}, {"source": 61, "target": 62, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 33, "label": "C"}, {"source": 57, "target": 58, "label": "A"}, {"source": 48, "target": 2, "label": "L"}, {"source": 49, "target": 3, "label": "F"}, {"source": 59, "target": 29, "label": "R"}, {"source": 49, "target": 51, "label": "T"}, {"source": 47, "target": 1, "label": "D"}, {"source": 58, "target": 26, "label": "F"}, {"source": 54, "target": 13, "label": "C"}, {"source": 48, "target": 23, "label": "L"}, {"source": 60, "target": 36, "label": "F"}, {"source": 60, "target": 40, "label": "A"}, {"source": 48, "target": 49, "label": "H"}, {"source": 62, "target": 31, "label": "C"}, {"source": 60, "target": 64, "label": "A"}, {"source": 59, "target": 61, "label": "E"}, {"source": 63, "target": 41, "label": "F"}, {"source": 56, "target": 19, "label": "D"}, {"source": 48, "target": 47, "label": "H"}, {"source": 49, "target": 4, "label": "P"}, {"source": 57, "target": 25, "label": "S"}, {"source": 52, "target": 53, "label": "P"}, {"source": 60, "target": 35, "label": "A"}, {"source": 60, "target": 63, "label": "D"}, {"source": 60, "target": 59, "label": "A"}]} +{"id": "238839-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is bad.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "238839-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's dark, dingy & dirty.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 8, "target": 0, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "H"}, {"source": 9, "target": 5, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 3, "label": "U"}]} +{"id": "238839-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The salads are limp and the rest of the food isn't any better (ok, the nachos are not too bad!)", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 93}]}, {"id": 23, "anchors": [{"from": 93, "to": 94}]}, {"id": 24, "anchors": [{"from": 94, "to": 95}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 31, "target": 17, "label": "F"}, {"source": 27, "target": 14, "label": "U"}, {"source": 27, "target": 30, "label": "H"}, {"source": 30, "target": 13, "label": "S"}, {"source": 29, "target": 28, "label": "Q"}, {"source": 31, "target": 18, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 30, "target": 29, "label": "A"}, {"source": 28, "target": 5, "label": "F"}, {"source": 32, "target": 22, "label": "S"}, {"source": 32, "target": 19, "label": "F"}, {"source": 32, "target": 21, "label": "D"}, {"source": 29, "target": 8, "label": "F"}, {"source": 27, "target": 16, "label": "U"}, {"source": 27, "target": 32, "label": "H"}, {"source": 29, "target": 7, "label": "R"}, {"source": 30, "target": 12, "label": "D"}, {"source": 26, "target": 3, "label": "S"}, {"source": 30, "target": 11, "label": "D"}, {"source": 25, "target": 1, "label": "C"}, {"source": 25, "target": 0, "label": "F"}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 4, "label": "L"}, {"source": 28, "target": 6, "label": "C"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 27, "target": 15, "label": "L"}, {"source": 32, "target": 24, "label": "U"}, {"source": 32, "target": 20, "label": "D"}, {"source": 30, "target": 10, "label": "F"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "238839-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place may have been something sometime; but it way past it \"sell by date\".", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 5, "label": "S"}, {"source": 23, "target": 12, "label": "A"}, {"source": 20, "target": 6, "label": "T"}, {"source": 23, "target": 13, "label": "U"}, {"source": 22, "target": 11, "label": "S"}, {"source": 21, "target": 8, "label": "L"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 24, "target": 15, "label": "R"}, {"source": 24, "target": 18, "label": "U"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 3, "label": "F"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 2, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 24, "label": "T"}, {"source": 19, "target": 0, "label": "E"}, {"source": 20, "target": 19, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 7, "label": "U"}, {"source": 24, "target": 17, "label": "U"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "238839-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have eaten here twice in the past year and will not go back and cannot recommend it.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 15, "label": "D"}, {"source": 24, "target": 17, "label": "P"}, {"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 20, "target": 2, "label": "P"}, {"source": 24, "target": 16, "label": "D"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 18, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "T"}, {"source": 20, "target": 4, "label": "D"}, {"source": 23, "target": 11, "label": "D"}, {"source": 23, "target": 12, "label": "P"}, {"source": 21, "target": 9, "label": "L"}, {"source": 20, "target": 3, "label": "A"}, {"source": 24, "target": 19, "label": "U"}, {"source": 23, "target": 13, "label": "D"}]} +{"id": "239035-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Le petit is the best place to get your nails done!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "E"}, {"source": 11, "target": 13, "label": "S"}, {"source": 14, "target": 9, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "239035-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is very clean, staff is friendly, and I have never waited!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 11, "label": "F"}, {"source": 16, "target": 4, "label": "U"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 12, "label": "D"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 5, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 15, "target": 3, "label": "S"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 5, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 14, "label": "U"}, {"source": 16, "target": 9, "label": "L"}, {"source": 18, "target": 12, "label": "T"}, {"source": 18, "target": 13, "label": "P"}, {"source": 17, "target": 7, "label": "D"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "239035-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I go every other week for the shallac/gel manicure which is only $25 and it truly lasts 2 weeks!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}, {"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 30, "target": 31, "label": "T"}, {"source": 29, "target": 14, "label": "Q"}, {"source": 26, "target": 10, "label": "C"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 30, "target": 17, "label": "G"}, {"source": 31, "target": 21, "label": "U"}, {"source": 23, "target": 15, "label": "L"}, {"source": 23, "target": 11, "label": "L"}, {"source": 27, "target": 7, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 28, "target": 13, "label": "G"}, {"source": 26, "target": 6, "label": "F"}, {"source": 24, "target": 3, "label": "E"}, {"source": 23, "target": 30, "label": "H"}, {"source": 31, "target": 19, "label": "Q"}, {"source": 23, "target": 5, "label": "L"}, {"source": 30, "target": 16, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 8, "label": "U"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 2, "label": "Q"}, {"source": 30, "target": 18, "label": "P"}, {"source": 24, "target": 4, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 24, "label": "T"}, {"source": 31, "target": 20, "label": "C"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "239035-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I love it.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "239035-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pedicures are also great.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "P"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "239035-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Try this place out!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 15, "to": 18}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "239035-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I promise you will not be disappointed!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "D"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 2, "label": "A"}, {"source": 11, "target": 5, "label": "F"}]} +{"id": "240287-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Excellent Service and Reasonable Prices", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 39}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "240287-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Boutique stores dealing in children's clothing/gifts are often outrageously priced (who wants to pay 40 dollars for a newborn onesie?)", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 132}]}, {"id": 24, "anchors": [{"from": 132, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 10, "label": "T"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 27, "target": 11, "label": "D"}, {"source": 32, "target": 7, "label": "U"}, {"source": 35, "target": 20, "label": "R"}, {"source": 29, "target": 2, "label": "P"}, {"source": 30, "target": 3, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 26, "target": 1, "label": "C"}, {"source": 35, "target": 25, "label": "U"}, {"source": 33, "target": 17, "label": "P"}, {"source": 27, "target": 9, "label": "F"}, {"source": 33, "target": 14, "label": "A"}, {"source": 33, "target": 16, "label": "F"}, {"source": 35, "target": 21, "label": "F"}, {"source": 27, "target": 26, "label": "A"}, {"source": 31, "target": 4, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 34, "target": 19, "label": "C"}, {"source": 32, "target": 8, "label": "C"}, {"source": 29, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 15, "label": "D"}, {"source": 30, "target": 32, "label": "C"}, {"source": 28, "target": 13, "label": "U"}, {"source": 35, "target": 24, "label": "U"}, {"source": 26, "target": 0, "label": "E"}, {"source": 26, "target": 29, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 28, "target": 33, "label": "H"}, {"source": 31, "target": 5, "label": "R"}, {"source": 32, "target": 6, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 34, "target": 18, "label": "Q"}, {"source": 35, "target": 22, "label": "E"}]} +{"id": "240287-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "but I was pleasantly surprised to find that the Purple Goose's prices are reasonable (for the SAME products found at other area boutiques, the prices were 20-25% cheaper).", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}, {"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 86}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 137}]}, {"id": 24, "anchors": [{"from": 137, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 149}]}, {"id": 27, "anchors": [{"from": 150, "to": 154}]}, {"id": 28, "anchors": [{"from": 155, "to": 157}]}, {"id": 29, "anchors": [{"from": 157, "to": 158}]}, {"id": 30, "anchors": [{"from": 158, "to": 160}]}, {"id": 31, "anchors": [{"from": 160, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 169}]}, {"id": 33, "anchors": [{"from": 169, "to": 170}]}, {"id": 34, "anchors": [{"from": 170, "to": 171}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 44, "target": 21, "label": "E"}, {"source": 37, "target": 3, "label": "E"}, {"source": 42, "target": 41, "label": "A"}, {"source": 38, "target": 12, "label": "F"}, {"source": 37, "target": 4, "label": "C"}, {"source": 35, "target": 42, "label": "H"}, {"source": 45, "target": 25, "label": "F"}, {"source": 40, "target": 10, "label": "R"}, {"source": 40, "target": 9, "label": "C"}, {"source": 41, "target": 16, "label": "F"}, {"source": 42, "target": 32, "label": "S"}, {"source": 36, "target": 38, "label": "A"}, {"source": 44, "target": 23, "label": "C"}, {"source": 45, "target": 26, "label": "C"}, {"source": 39, "target": 8, "label": "F"}, {"source": 44, "target": 20, "label": "R"}, {"source": 36, "target": 5, "label": "F"}, {"source": 38, "target": 39, "label": "A"}, {"source": 36, "target": 37, "label": "D"}, {"source": 42, "target": 47, "label": "A"}, {"source": 38, "target": 7, "label": "R"}, {"source": 42, "target": 33, "label": "U"}, {"source": 41, "target": 17, "label": "E"}, {"source": 43, "target": 19, "label": "P"}, {"source": 39, "target": 40, "label": "E"}, {"source": 42, "target": 34, "label": "U"}, {"source": 36, "target": 6, "label": "P"}, {"source": 41, "target": 43, "label": "E"}, {"source": 42, "target": 45, "label": "A"}, {"source": 46, "target": 30, "label": "C"}, {"source": 43, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 0, "label": "L"}, {"source": 41, "target": 18, "label": "C"}, {"source": 36, "target": 1, "label": "A"}, {"source": 46, "target": 28, "label": "C"}, {"source": 44, "target": 22, "label": "E"}, {"source": 35, "target": 14, "label": "U"}, {"source": 46, "target": 29, "label": "U"}, {"source": 47, "target": 31, "label": "C"}, {"source": 41, "target": 15, "label": "R"}, {"source": 43, "target": 44, "label": "A"}, {"source": 47, "target": 46, "label": "Q"}, {"source": 38, "target": 13, "label": "S"}, {"source": 39, "target": 11, "label": "C"}, {"source": 36, "target": 2, "label": "F"}, {"source": 42, "target": 24, "label": "U"}, {"source": 42, "target": 27, "label": "F"}]} +{"id": "240287-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service was also excellent - friendly, helpful and informative without being overbearing.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 92}]}, {"id": 14, "anchors": [{"from": 92, "to": 93}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 7, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 6, "label": "S"}, {"source": 21, "target": 11, "label": "D"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "F"}, {"source": 19, "target": 8, "label": "S"}, {"source": 16, "target": 15, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "F"}, {"source": 17, "target": 5, "label": "U"}, {"source": 20, "target": 10, "label": "S"}, {"source": 21, "target": 13, "label": "S"}, {"source": 17, "target": 3, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "L"}, {"source": 19, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "C"}, {"source": 16, "target": 4, "label": "D"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "240287-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will definitely return.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "241108-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "STAY AWAY", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "241108-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Horrible service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "241108-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolutely rude.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "241108-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Did services I asked them NOTto do and was still charged.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 5, "label": "D"}, {"source": 15, "target": 13, "label": "H"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "A"}, {"source": 19, "target": 10, "label": "D"}, {"source": 18, "target": 7, "label": "F"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "F"}, {"source": 13, "target": 14, "label": "P"}, {"source": 16, "target": 2, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "P"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 8, "label": "L"}, {"source": 19, "target": 12, "label": "U"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "241739-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Barber", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "241739-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Firstly, the other reviewer clearly has never been to Nick's, or he would know that Nick only charges $13 for a haircut which is pretty much industry standard.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}, {"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 135}, {"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 158}]}, {"id": 30, "anchors": [{"from": 158, "to": 159}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 33, "target": 7, "label": "T"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 5, "label": "G"}, {"source": 31, "target": 40, "label": "H"}, {"source": 40, "target": 29, "label": "S"}, {"source": 40, "target": 30, "label": "U"}, {"source": 34, "target": 9, "label": "R"}, {"source": 32, "target": 2, "label": "F"}, {"source": 31, "target": 0, "label": "L"}, {"source": 33, "target": 32, "label": "A"}, {"source": 31, "target": 12, "label": "U"}, {"source": 36, "target": 38, "label": "A"}, {"source": 38, "target": 37, "label": "A"}, {"source": 40, "target": 27, "label": "D"}, {"source": 31, "target": 33, "label": "H"}, {"source": 36, "target": 20, "label": "P"}, {"source": 35, "target": 15, "label": "D"}, {"source": 32, "target": 3, "label": "E"}, {"source": 34, "target": 11, "label": "R"}, {"source": 35, "target": 16, "label": "P"}, {"source": 33, "target": 6, "label": "F"}, {"source": 34, "target": 10, "label": "C"}, {"source": 33, "target": 8, "label": "P"}, {"source": 31, "target": 25, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 38, "target": 22, "label": "F"}, {"source": 38, "target": 39, "label": "P"}, {"source": 39, "target": 24, "label": "C"}, {"source": 40, "target": 26, "label": "F"}, {"source": 40, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 23, "label": "F"}, {"source": 40, "target": 28, "label": "A"}, {"source": 36, "target": 19, "label": "D"}, {"source": 31, "target": 1, "label": "U"}, {"source": 36, "target": 18, "label": "A"}, {"source": 32, "target": 4, "label": "C"}, {"source": 31, "target": 13, "label": "L"}, {"source": 36, "target": 17, "label": "R"}, {"source": 35, "target": 14, "label": "A"}, {"source": 37, "target": 21, "label": "Q"}, {"source": 33, "target": 7, "label": "D"}]} +{"id": "241739-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have been going to Nick for 5 months now precisely because he does pay attention to detail.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 8, "label": "C"}, {"source": 22, "target": 6, "label": "R"}, {"source": 19, "target": 22, "label": "T"}, {"source": 19, "target": 3, "label": "P"}, {"source": 24, "target": 12, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 7, "label": "Q"}, {"source": 22, "target": 9, "label": "F"}, {"source": 26, "target": 16, "label": "R"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 24, "target": 13, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 24, "target": 25, "label": "P"}, {"source": 23, "target": 10, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 20, "target": 23, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "241739-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have terrible hair and he really takes his time to make it look right.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}, {"from": 41, "to": 44}, {"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 6, "label": "D"}, {"source": 17, "target": 12, "label": "S"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 11, "label": "G"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 16, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "L"}, {"source": 14, "target": 3, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 8, "label": "F"}, {"source": 16, "target": 7, "label": "D"}, {"source": 17, "target": 10, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A"}]} +{"id": "241739-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Some of the younger kids that work there are a bit sub par, but if you wait for Nick... you'll be good.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}, {"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 102}]}, {"id": 24, "anchors": [{"from": 102, "to": 103}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 15, "label": "A"}, {"source": 32, "target": 17, "label": "R"}, {"source": 26, "target": 3, "label": "E"}, {"source": 28, "target": 19, "label": "U"}, {"source": 32, "target": 18, "label": "C"}, {"source": 26, "target": 4, "label": "C"}, {"source": 26, "target": 25, "label": "Q"}, {"source": 29, "target": 6, "label": "P"}, {"source": 25, "target": 1, "label": "R"}, {"source": 33, "target": 24, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 21, "label": "F"}, {"source": 33, "target": 20, "label": "A"}, {"source": 33, "target": 23, "label": "S"}, {"source": 28, "target": 14, "label": "L"}, {"source": 28, "target": 12, "label": "U"}, {"source": 27, "target": 8, "label": "F"}, {"source": 29, "target": 5, "label": "R"}, {"source": 27, "target": 26, "label": "A"}, {"source": 29, "target": 7, "label": "A"}, {"source": 30, "target": 11, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 28, "target": 31, "label": "H"}, {"source": 29, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 29, "label": "E"}, {"source": 28, "target": 33, "label": "H"}, {"source": 33, "target": 22, "label": "F"}, {"source": 31, "target": 16, "label": "P"}, {"source": 28, "target": 13, "label": "L"}, {"source": 25, "target": 0, "label": "C"}, {"source": 26, "target": 2, "label": "F"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 9, "label": "D"}, {"source": 27, "target": 30, "label": "S"}]} +{"id": "241855-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Home made product", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 5, "target": 3, "label": "S"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "241855-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I sometimes go into this store just for something to do on a sunday afternoon.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 6, "label": "D"}, {"source": 16, "target": 1, "label": "T"}, {"source": 19, "target": 8, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "E"}, {"source": 20, "target": 11, "label": "R"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "P"}, {"source": 20, "target": 14, "label": "C"}, {"source": 19, "target": 20, "label": "T"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "241855-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I love the people, the product and the service!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "C"}, {"source": 14, "target": 4, "label": "U"}, {"source": 17, "target": 8, "label": "F"}, {"source": 14, "target": 13, "label": "C"}, {"source": 14, "target": 7, "label": "N"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 14, "target": 16, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "P"}]} +{"id": "241855-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nothing compares to a home made product that really stands the test of time. -", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 23, "target": 12, "label": "R"}, {"source": 22, "target": 10, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 9, "label": "D"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 21, "label": "E"}, {"source": 21, "target": 8, "label": "D"}, {"source": 21, "target": 22, "label": "S"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "C"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "F"}, {"source": 17, "target": 1, "label": "P"}, {"source": 21, "target": 7, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 19, "target": 20, "label": "S"}, {"source": 23, "target": 13, "label": "C"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "241855-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Brick, Ikea, and Leon's have their place.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}, {"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "A"}, {"source": 12, "target": 10, "label": "A"}, {"source": 10, "target": 0, "label": "C"}, {"source": 10, "target": 4, "label": "N"}, {"source": 10, "target": 3, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 10, "target": 1, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "S"}, {"source": 10, "target": 2, "label": "C"}]} +{"id": "241855-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But furniture like this will truly be around forever.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 8, "label": "T"}, {"source": 11, "target": 13, "label": "E"}, {"source": 12, "target": 14, "label": "S"}, {"source": 13, "target": 2, "label": "R"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 0, "label": "L"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "242303-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Awesome bacon egg and cheese sandwich for breakfast.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 3, "label": "N"}, {"source": 10, "target": 0, "label": "S"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "243369-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You are the best!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "243369-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just received from your flower store.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 0, "label": "T"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "243369-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are sooooo beautiful.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "243369-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you guys.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 4, "target": 1, "label": "G"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "243799-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rude Rude Rude", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "S"}, {"source": 3, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 6, "label": "H"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "243799-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "went in there and got my dog groomed came home to an uneven dog then took him back to get evened up what a mistake!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 96}, {"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 26, "target": 3, "label": "L"}, {"source": 34, "target": 15, "label": "P"}, {"source": 26, "target": 31, "label": "H"}, {"source": 28, "target": 30, "label": "A"}, {"source": 36, "target": 21, "label": "D"}, {"source": 28, "target": 4, "label": "D"}, {"source": 26, "target": 32, "label": "H"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 9, "label": "A"}, {"source": 35, "target": 20, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 26, "target": 14, "label": "L"}, {"source": 27, "target": 1, "label": "R"}, {"source": 36, "target": 37, "label": "S"}, {"source": 30, "target": 6, "label": "C"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 36, "label": "H"}, {"source": 30, "target": 29, "label": "E"}, {"source": 37, "target": 24, "label": "U"}, {"source": 26, "target": 35, "label": "H"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 0, "label": "P"}, {"source": 34, "target": 17, "label": "D"}, {"source": 33, "target": 11, "label": "F"}, {"source": 27, "target": 2, "label": "C"}, {"source": 35, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "H"}, {"source": 37, "target": 23, "label": "C"}, {"source": 26, "target": 18, "label": "L"}, {"source": 26, "target": 34, "label": "H"}, {"source": 32, "target": 12, "label": "S"}, {"source": 34, "target": 16, "label": "A"}, {"source": 29, "target": 5, "label": "S"}, {"source": 35, "target": 19, "label": "D"}, {"source": 33, "target": 13, "label": "C"}, {"source": 28, "target": 7, "label": "P"}, {"source": 26, "target": 10, "label": "L"}, {"source": 31, "target": 8, "label": "P"}, {"source": 37, "target": 22, "label": "F"}]} +{"id": "243799-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "she didnt even let me finish a sentence without insulting me and telling me how i should have said it!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 23, "target": 9, "label": "L"}, {"source": 22, "target": 2, "label": "D"}, {"source": 24, "target": 5, "label": "A"}, {"source": 29, "target": 21, "label": "U"}, {"source": 28, "target": 29, "label": "E"}, {"source": 22, "target": 3, "label": "D"}, {"source": 25, "target": 8, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 7, "label": "F"}, {"source": 29, "target": 15, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "D"}, {"source": 29, "target": 19, "label": "P"}, {"source": 29, "target": 20, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 22, "target": 4, "label": "P"}, {"source": 24, "target": 6, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 18, "label": "F"}, {"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 12, "label": "L"}, {"source": 28, "target": 15, "label": "C"}, {"source": 27, "target": 14, "label": "A"}, {"source": 29, "target": 16, "label": "A"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 10, "label": "P"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "243799-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i wont go back!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "243799-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "she needs to develop a personality !", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "243799-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "brought dog home and its all choppy now!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "T"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 7, "label": "S"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 0, "label": "P"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 6, "label": "D"}, {"source": 11, "target": 3, "label": "L"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "245160-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "very professional / very helpful", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 5, "target": 0, "label": "D"}, {"source": 7, "target": 4, "label": "P"}]} +{"id": "245160-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the people at Fidelity Leasing were very friendly and helpful.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}, {"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "anchors": [{"from": 61, "to": 62}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 10, "label": "E"}, {"source": 11, "target": 10, "label": "A"}, {"source": 12, "target": 7, "label": "L"}, {"source": 11, "target": 6, "label": "S"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 2, "label": "R"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 8, "label": "S"}, {"source": 10, "target": 1, "label": "C"}, {"source": 10, "target": 13, "label": "E"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "245160-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i was looking for a car but did not really know what i wanted and they were very helpful and took the time to first figure out what my needs were and showing me various options to meet those needs.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 122}, {"from": 123, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 160}]}, {"id": 33, "anchors": [{"from": 161, "to": 168}]}, {"id": 34, "anchors": [{"from": 169, "to": 176}]}, {"id": 35, "anchors": [{"from": 177, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 184}]}, {"id": 37, "anchors": [{"from": 185, "to": 190}]}, {"id": 38, "anchors": [{"from": 191, "to": 196}]}, {"id": 39, "anchors": [{"from": 196, "to": 197}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 53, "target": 35, "label": "F"}, {"source": 42, "target": 4, "label": "F"}, {"source": 46, "target": 20, "label": "P"}, {"source": 52, "target": 34, "label": "C"}, {"source": 40, "target": 2, "label": "P"}, {"source": 41, "target": 43, "label": "H"}, {"source": 49, "target": 51, "label": "H"}, {"source": 51, "target": 31, "label": "P"}, {"source": 45, "target": 16, "label": "F"}, {"source": 50, "target": 27, "label": "A"}, {"source": 41, "target": 6, "label": "L"}, {"source": 50, "target": 28, "label": "S"}, {"source": 50, "target": 29, "label": "F"}, {"source": 43, "target": 10, "label": "P"}, {"source": 44, "target": 12, "label": "A"}, {"source": 53, "target": 36, "label": "P"}, {"source": 54, "target": 38, "label": "C"}, {"source": 54, "target": 37, "label": "E"}, {"source": 54, "target": 39, "label": "U"}, {"source": 53, "target": 54, "label": "A"}, {"source": 51, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 25, "label": "P"}, {"source": 40, "target": 1, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 43, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 22, "label": "C"}, {"source": 43, "target": 9, "label": "D"}, {"source": 42, "target": 3, "label": "R"}, {"source": 53, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 47, "label": "T"}, {"source": 51, "target": 32, "label": "A"}, {"source": 48, "target": 50, "label": "A"}, {"source": 44, "target": 11, "label": "A"}, {"source": 45, "target": 18, "label": "S"}, {"source": 45, "target": 17, "label": "D"}, {"source": 49, "target": 48, "label": "H"}, {"source": 44, "target": 13, "label": "P"}, {"source": 48, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 21, "label": "F"}, {"source": 41, "target": 14, "label": "L"}, {"source": 41, "target": 46, "label": "H"}, {"source": 41, "target": 40, "label": "H"}, {"source": 50, "target": 26, "label": "A"}, {"source": 49, "target": 30, "label": "L"}, {"source": 42, "target": 5, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 40, "target": 0, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 52, "target": 53, "label": "E"}, {"source": 52, "target": 33, "label": "E"}, {"source": 45, "target": 15, "label": "A"}, {"source": 48, "target": 24, "label": "T"}, {"source": 43, "target": 8, "label": "D"}, {"source": 41, "target": 45, "label": "H"}, {"source": 43, "target": 7, "label": "F"}, {"source": 48, "target": 23, "label": "F"}, {"source": 46, "target": 49, "label": "A"}, {"source": 41, "target": 19, "label": "L"}]} +{"id": "245160-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "they seemed more interested in helping me find the right car rather then just make a sale.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}, {"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 89, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 16, "label": "U"}, {"source": 20, "target": 11, "label": "L"}, {"source": 19, "target": 4, "label": "R"}, {"source": 24, "target": 12, "label": "D"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "D"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 8, "label": "F"}, {"source": 24, "target": 13, "label": "D"}, {"source": 23, "target": 9, "label": "S"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 1, "label": "G"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "245160-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "my experience with them was great - low stress, very helpful and very personal.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 14, "label": "S"}, {"source": 19, "target": 8, "label": "S"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 5, "label": "D"}, {"source": 17, "target": 6, "label": "U"}, {"source": 19, "target": 7, "label": "D"}, {"source": 17, "target": 9, "label": "U"}, {"source": 21, "target": 13, "label": "D"}, {"source": 20, "target": 11, "label": "S"}, {"source": 20, "target": 10, "label": "D"}, {"source": 17, "target": 12, "label": "L"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "245160-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "after finding the car i wanted they took the time to go over each step and making it as painless as possible.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}, {"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 18, "label": "S"}, {"source": 26, "target": 6, "label": "A"}, {"source": 22, "target": 14, "label": "L"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "E"}, {"source": 30, "target": 19, "label": "R"}, {"source": 23, "target": 1, "label": "P"}, {"source": 26, "target": 10, "label": "F"}, {"source": 22, "target": 0, "label": "L"}, {"source": 26, "target": 27, "label": "D"}, {"source": 27, "target": 8, "label": "F"}, {"source": 29, "target": 15, "label": "D"}, {"source": 29, "target": 17, "label": "D"}, {"source": 22, "target": 29, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 28, "target": 12, "label": "E"}, {"source": 24, "target": 3, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 2, "label": "F"}, {"source": 29, "target": 30, "label": "D"}, {"source": 25, "target": 5, "label": "P"}, {"source": 26, "target": 11, "label": "P"}, {"source": 30, "target": 20, "label": "C"}, {"source": 29, "target": 16, "label": "A"}, {"source": 28, "target": 13, "label": "C"}, {"source": 22, "target": 26, "label": "H"}, {"source": 30, "target": 21, "label": "U"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 4, "label": "A"}, {"source": 27, "target": 9, "label": "C"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "245160-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "from start to finish they were top notch.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}, {"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 0, "label": "R"}, {"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 8, "label": "T"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 2, "label": "R"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "245160-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i would highly recommend calling these people up for your next car.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}, {"from": 46, "to": 48}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 1, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "S"}, {"source": 14, "target": 4, "label": "P"}, {"source": 17, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "245928-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rude and Untrustworthy", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 22}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "L"}]} +{"id": "245928-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys took Customer Service 101 from a Neanderthal.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 15, "target": 13, "label": "E"}, {"source": 12, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 16, "target": 7, "label": "F"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 9, "label": "U"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 10, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "R"}]} +{"id": "245928-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are especially rude to women.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "245928-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do not trust them!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "247097-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food Craving Gone and Weight Loss at Acupuncture Doctor", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "P"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 2, "label": "D"}, {"source": 12, "target": 8, "label": "A"}, {"source": 10, "target": 3, "label": "L"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "247097-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am a college student.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "247097-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Before treatment, my food cravings were \"out of control\" which caused me to be stressed out.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}, {"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 17, "label": "C"}, {"source": 24, "target": 15, "label": "F"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 22, "target": 23, "label": "S"}, {"source": 19, "target": 24, "label": "H"}, {"source": 23, "target": 9, "label": "R"}, {"source": 25, "target": 16, "label": "F"}, {"source": 19, "target": 2, "label": "U"}, {"source": 20, "target": 1, "label": "P"}, {"source": 19, "target": 0, "label": "L"}, {"source": 22, "target": 21, "label": "A"}, {"source": 24, "target": 14, "label": "A"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 13, "label": "D"}, {"source": 23, "target": 10, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 7, "label": "U"}, {"source": 19, "target": 11, "label": "U"}, {"source": 21, "target": 3, "label": "A"}, {"source": 24, "target": 25, "label": "S"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "247097-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I experienced a Definite Decrease in food craving (about 50%) and decrease in stress after the 1st treatment.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 27, "target": 6, "label": "A"}, {"source": 29, "target": 14, "label": "D"}, {"source": 29, "target": 16, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 12, "label": "U"}, {"source": 31, "target": 21, "label": "U"}, {"source": 25, "target": 8, "label": "U"}, {"source": 28, "target": 11, "label": "C"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "F"}, {"source": 27, "target": 7, "label": "P"}, {"source": 28, "target": 9, "label": "R"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "P"}, {"source": 25, "target": 24, "label": "P"}, {"source": 23, "target": 30, "label": "H"}, {"source": 26, "target": 25, "label": "H"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 5, "label": "R"}, {"source": 25, "target": 28, "label": "D"}, {"source": 26, "target": 13, "label": "L"}, {"source": 25, "target": 3, "label": "D"}, {"source": 29, "target": 15, "label": "R"}, {"source": 28, "target": 10, "label": "Q"}, {"source": 23, "target": 17, "label": "L"}, {"source": 24, "target": 2, "label": "F"}, {"source": 22, "target": 26, "label": "A"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 29, "label": "H"}, {"source": 30, "target": 19, "label": "A"}, {"source": 31, "target": 20, "label": "C"}]} +{"id": "247097-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I actually loss 4 pounds after my 1st treatment and 2 pounds after my 2nd treatment.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "G"}, {"source": 20, "target": 7, "label": "A"}, {"source": 23, "target": 15, "label": "P"}, {"source": 18, "target": 5, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "Q"}, {"source": 18, "target": 9, "label": "L"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 20, "target": 6, "label": "A"}, {"source": 21, "target": 2, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 18, "target": 12, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 3, "label": "Q"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 13, "label": "A"}]} +{"id": "247097-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I was amazed.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "247097-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am now more at peace and my food craving is about 99% gone after only 3 treatments.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 27, "target": 26, "label": "D"}, {"source": 27, "target": 19, "label": "U"}, {"source": 26, "target": 16, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 20, "target": 2, "label": "T"}, {"source": 24, "target": 14, "label": "S"}, {"source": 27, "target": 18, "label": "P"}, {"source": 22, "target": 5, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 21, "target": 15, "label": "L"}, {"source": 21, "target": 27, "label": "H"}, {"source": 25, "target": 12, "label": "Q"}, {"source": 25, "target": 13, "label": "C"}, {"source": 26, "target": 17, "label": "Q"}, {"source": 20, "target": 22, "label": "S"}, {"source": 23, "target": 8, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "L"}, {"source": 20, "target": 3, "label": "D"}, {"source": 25, "target": 11, "label": "R"}, {"source": 23, "target": 7, "label": "A"}, {"source": 22, "target": 4, "label": "R"}, {"source": 24, "target": 25, "label": "D"}]} +{"id": "247097-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Before coming to Acupuncture DOCTOR I was a big baby about needles and only came because my boyfriend's aunt recommended it.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}, {"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 123}]}, {"id": 21, "anchors": [{"from": 123, "to": 124}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 4, "label": "A"}, {"source": 27, "target": 9, "label": "R"}, {"source": 25, "target": 5, "label": "A"}, {"source": 22, "target": 14, "label": "L"}, {"source": 31, "target": 19, "label": "P"}, {"source": 31, "target": 20, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 25, "target": 6, "label": "F"}, {"source": 29, "target": 16, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 21, "label": "U"}, {"source": 25, "target": 26, "label": "S"}, {"source": 30, "target": 29, "label": "A"}, {"source": 29, "target": 15, "label": "A"}, {"source": 23, "target": 1, "label": "P"}, {"source": 22, "target": 28, "label": "H"}, {"source": 24, "target": 3, "label": "P"}, {"source": 22, "target": 0, "label": "L"}, {"source": 31, "target": 30, "label": "A"}, {"source": 22, "target": 11, "label": "L"}, {"source": 24, "target": 2, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 30, "target": 18, "label": "A"}, {"source": 29, "target": 17, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 28, "target": 13, "label": "P"}, {"source": 28, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "S"}, {"source": 22, "target": 31, "label": "H"}, {"source": 29, "target": 16, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 7, "label": "F"}, {"source": 28, "target": 12, "label": "D"}]} +{"id": "247097-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It hurt very little, felt more like pressure than pain.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}, {"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 9, "label": "S"}, {"source": 11, "target": 1, "label": "P"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 13, "label": "D"}, {"source": 14, "target": 7, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 5, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "P"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 5, "label": "G"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 6, "label": "L"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "247097-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What I like most about Dr. Liau is that she is very caring.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 12, "label": "P"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 1, "label": "A"}, {"source": 15, "target": 2, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 5, "label": "E"}]} +{"id": "247097-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She talks to you at each appointment.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 12, "label": "P"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 4, "label": "L"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "247097-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I can tell she really cares and wants to help.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 9, "label": "P"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "A"}, {"source": 16, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "L"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "247097-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am SO GLAD to have found Dr. Liau.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "P"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "247097-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now I feel more confident wearing my bathing suit in the summer.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}, {"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 4, "label": "S"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 5, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 17, "label": "T"}, {"source": 15, "target": 6, "label": "S"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "T"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "247226-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "College is a Joke and the Salon is a JOKE!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "F"}, {"source": 12, "target": 4, "label": "L"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 16, "label": "S"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 13, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "247226-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Went to the school here OVER PRICED!!!!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 8, "label": "H"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 11, "label": "H"}, {"source": 8, "target": 4, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 12, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "R"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "247226-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You do NOT learn the things you were promised.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "P"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "247226-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You have to bring in your own models and they have to pay for you to use them if you dont then you can graduate!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 98}]}, {"id": 24, "anchors": [{"from": 99, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 111}]}, {"id": 26, "anchors": [{"from": 111, "to": 112}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 33, "target": 10, "label": "C"}, {"source": 32, "target": 33, "label": "D"}, {"source": 29, "target": 2, "label": "F"}, {"source": 32, "target": 34, "label": "A"}, {"source": 36, "target": 21, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 23, "label": "A"}, {"source": 28, "target": 22, "label": "L"}, {"source": 34, "target": 16, "label": "P"}, {"source": 30, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 4, "label": "D"}, {"source": 35, "target": 19, "label": "A"}, {"source": 32, "target": 9, "label": "A"}, {"source": 28, "target": 18, "label": "L"}, {"source": 35, "target": 20, "label": "F"}, {"source": 35, "target": 21, "label": "D"}, {"source": 29, "target": 1, "label": "C"}, {"source": 34, "target": 13, "label": "R"}, {"source": 36, "target": 26, "label": "U"}, {"source": 36, "target": 25, "label": "P"}, {"source": 31, "target": 7, "label": "C"}, {"source": 34, "target": 17, "label": "A"}, {"source": 27, "target": 3, "label": "P"}, {"source": 33, "target": 11, "label": "F"}, {"source": 27, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 34, "target": 15, "label": "F"}, {"source": 28, "target": 36, "label": "H"}, {"source": 36, "target": 24, "label": "D"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 27, "target": 29, "label": "D"}, {"source": 32, "target": 12, "label": "P"}, {"source": 35, "target": 12, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 14, "label": "A"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 6, "label": "D"}, {"source": 28, "target": 8, "label": "L"}, {"source": 30, "target": 5, "label": "S"}]} +{"id": "247226-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Going back after graduating your told you get a discount on services nope you dont.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 8, "label": "P"}, {"source": 21, "target": 5, "label": "F"}, {"source": 21, "target": 4, "label": "A"}, {"source": 25, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "P"}, {"source": 25, "target": 13, "label": "G"}, {"source": 18, "target": 0, "label": "P"}, {"source": 23, "target": 9, "label": "F"}, {"source": 20, "target": 2, "label": "R"}, {"source": 19, "target": 25, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 24, "target": 11, "label": "R"}, {"source": 24, "target": 12, "label": "P"}, {"source": 25, "target": 16, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 7, "label": "A"}, {"source": 18, "target": 1, "label": "D"}, {"source": 25, "target": 15, "label": "F"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "247226-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Staff is under educated.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "247226-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Going there you learn the school does not care about the services given just about the money.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 8, "label": "P"}, {"source": 18, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "P"}, {"source": 27, "target": 14, "label": "R"}, {"source": 27, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "D"}, {"source": 18, "target": 0, "label": "P"}, {"source": 18, "target": 1, "label": "A"}, {"source": 26, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "A"}, {"source": 20, "target": 2, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 7, "label": "D"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 16, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 11, "label": "C"}, {"source": 27, "target": 15, "label": "F"}, {"source": 21, "target": 4, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 26, "target": 13, "label": "D"}]} +{"id": "247226-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Over priced for students to learn!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "S"}, {"source": 9, "target": 7, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 9, "target": 2, "label": "L"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "247226-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Beware of the nail program you are not taught to use a nail drill AT ALL you learn the old fashioned way of doing nails you will not be able to do well in a salon!!!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}, {"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 146}]}, {"id": 31, "anchors": [{"from": 147, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 156}]}, {"id": 34, "anchors": [{"from": 157, "to": 162}]}, {"id": 35, "anchors": [{"from": 162, "to": 165}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 47, "target": 33, "label": "F"}, {"source": 40, "target": 14, "label": "D"}, {"source": 46, "target": 28, "label": "D"}, {"source": 38, "target": 3, "label": "E"}, {"source": 37, "target": 46, "label": "H"}, {"source": 40, "target": 9, "label": "F"}, {"source": 46, "target": 27, "label": "F"}, {"source": 46, "target": 31, "label": "D"}, {"source": 39, "target": 6, "label": "F"}, {"source": 47, "target": 34, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 42, "target": 43, "label": "D"}, {"source": 45, "target": 22, "label": "P"}, {"source": 41, "target": 11, "label": "F"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 20, "label": "C"}, {"source": 46, "target": 25, "label": "F"}, {"source": 39, "target": 7, "label": "D"}, {"source": 39, "target": 8, "label": "P"}, {"source": 38, "target": 4, "label": "C"}, {"source": 40, "target": 10, "label": "P"}, {"source": 41, "target": 13, "label": "C"}, {"source": 44, "target": 19, "label": "C"}, {"source": 44, "target": 18, "label": "E"}, {"source": 39, "target": 5, "label": "A"}, {"source": 42, "target": 45, "label": "E"}, {"source": 42, "target": 16, "label": "P"}, {"source": 47, "target": 35, "label": "U"}, {"source": 43, "target": 17, "label": "F"}, {"source": 46, "target": 29, "label": "F"}, {"source": 46, "target": 30, "label": "P"}, {"source": 43, "target": 44, "label": "E"}, {"source": 45, "target": 23, "label": "A"}, {"source": 37, "target": 36, "label": "H"}, {"source": 47, "target": 32, "label": "R"}, {"source": 40, "target": 41, "label": "A"}, {"source": 41, "target": 12, "label": "E"}, {"source": 42, "target": 15, "label": "A"}, {"source": 37, "target": 39, "label": "H"}, {"source": 38, "target": 1, "label": "R"}, {"source": 39, "target": 40, "label": "A"}, {"source": 46, "target": 24, "label": "A"}, {"source": 46, "target": 26, "label": "D"}, {"source": 40, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 0, "label": "P"}, {"source": 37, "target": 42, "label": "H"}, {"source": 38, "target": 2, "label": "F"}, {"source": 45, "target": 21, "label": "R"}]} +{"id": "247226-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "BEWARE!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "248027-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tried Crust on Broad on 3 occasions.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 3, "label": "Q"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "R"}, {"source": 7, "target": 0, "label": "P"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "248027-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Twice for dinner and once for lunch Absolutely rude service every time!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 2, "label": "P"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 3, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 5, "label": "F"}, {"source": 17, "target": 18, "label": "T"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "D"}, {"source": 17, "target": 16, "label": "D"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "248027-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff will not even answer the phone for take out.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 16, "target": 9, "label": "P"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 13, "target": 4, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 11, "target": 12, "label": "S"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "248027-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Tonight, I called several times with no answer (Btwn 5:30 and 6 pm) and finally drove there to place my order in person.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 119}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 29, "target": 5, "label": "C"}, {"source": 28, "target": 6, "label": "L"}, {"source": 30, "target": 31, "label": "T"}, {"source": 34, "target": 17, "label": "T"}, {"source": 30, "target": 7, "label": "D"}, {"source": 36, "target": 25, "label": "C"}, {"source": 29, "target": 4, "label": "Q"}, {"source": 28, "target": 34, "label": "H"}, {"source": 34, "target": 19, "label": "A"}, {"source": 28, "target": 30, "label": "H"}, {"source": 32, "target": 14, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 24, "label": "R"}, {"source": 27, "target": 1, "label": "U"}, {"source": 33, "target": 14, "label": "C"}, {"source": 27, "target": 0, "label": "T"}, {"source": 35, "target": 21, "label": "D"}, {"source": 27, "target": 2, "label": "A"}, {"source": 31, "target": 12, "label": "N"}, {"source": 36, "target": 26, "label": "U"}, {"source": 30, "target": 8, "label": "P"}, {"source": 34, "target": 18, "label": "P"}, {"source": 27, "target": 3, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 20, "label": "L"}, {"source": 28, "target": 15, "label": "U"}, {"source": 31, "target": 10, "label": "N"}, {"source": 35, "target": 22, "label": "A"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 16, "label": "L"}, {"source": 31, "target": 32, "label": "C"}, {"source": 32, "target": 11, "label": "Q"}, {"source": 31, "target": 33, "label": "C"}, {"source": 35, "target": 23, "label": "P"}, {"source": 27, "target": 29, "label": "D"}, {"source": 33, "target": 13, "label": "Q"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 9, "label": "U"}]} +{"id": "248027-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "There was not a customer to be found.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 6, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "S"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 7, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "F"}]} +{"id": "248124-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Pure Pilates!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "248124-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It is the real thing - I have been practicing Pilates for over 7 years and would not go anywhere else.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 21, "label": "U"}, {"source": 26, "target": 11, "label": "R"}, {"source": 25, "target": 8, "label": "F"}, {"source": 28, "target": 18, "label": "P"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 15, "label": "L"}, {"source": 25, "target": 26, "label": "T"}, {"source": 25, "target": 10, "label": "A"}, {"source": 26, "target": 27, "label": "Q"}, {"source": 29, "target": 20, "label": "E"}, {"source": 26, "target": 14, "label": "C"}, {"source": 28, "target": 16, "label": "D"}, {"source": 27, "target": 12, "label": "E"}, {"source": 25, "target": 7, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "U"}, {"source": 24, "target": 2, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 6, "label": "A"}, {"source": 24, "target": 4, "label": "E"}, {"source": 25, "target": 9, "label": "P"}, {"source": 28, "target": 17, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 24, "label": "S"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "248124-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is the attention to detail and the quality of the work taught at TomiPilates that sets this studio apart from the others.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 123}]}, {"id": 23, "anchors": [{"from": 123, "to": 124}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 19, "label": "C"}, {"source": 26, "target": 3, "label": "C"}, {"source": 28, "target": 6, "label": "L"}, {"source": 34, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 7, "label": "F"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 29, "label": "A"}, {"source": 25, "target": 1, "label": "F"}, {"source": 27, "target": 30, "label": "A"}, {"source": 33, "target": 9, "label": "R"}, {"source": 33, "target": 10, "label": "F"}, {"source": 38, "target": 21, "label": "F"}, {"source": 29, "target": 28, "label": "C"}, {"source": 25, "target": 37, "label": "A"}, {"source": 32, "target": 31, "label": "D"}, {"source": 37, "target": 18, "label": "C"}, {"source": 34, "target": 12, "label": "P"}, {"source": 35, "target": 13, "label": "R"}, {"source": 30, "target": 4, "label": "R"}, {"source": 32, "target": 33, "label": "P"}, {"source": 31, "target": 8, "label": "C"}, {"source": 30, "target": 5, "label": "C"}, {"source": 25, "target": 0, "label": "F"}, {"source": 36, "target": 16, "label": "F"}, {"source": 27, "target": 26, "label": "P"}, {"source": 37, "target": 17, "label": "E"}, {"source": 28, "target": 32, "label": "H"}, {"source": 33, "target": 11, "label": "C"}, {"source": 25, "target": 36, "label": "P"}, {"source": 38, "target": 22, "label": "C"}, {"source": 29, "target": 34, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 38, "target": 23, "label": "U"}, {"source": 28, "target": 27, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 38, "target": 20, "label": "R"}, {"source": 25, "target": 15, "label": "F"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 14, "label": "C"}, {"source": 25, "target": 38, "label": "A"}]} +{"id": "248124-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The teachers are highly trained and are expert at handling all types of clients.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 17, "target": 15, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 21, "target": 12, "label": "F"}, {"source": 20, "target": 10, "label": "Q"}, {"source": 16, "target": 1, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 3, "label": "D"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "F"}, {"source": 18, "target": 5, "label": "L"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "C"}, {"source": 15, "target": 16, "label": "S"}, {"source": 17, "target": 4, "label": "S"}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 8, "label": "F"}]} +{"id": "248616-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Took a laptop in for a video cable to be replaced.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 2, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "D"}, {"source": 15, "target": 5, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "F"}, {"source": 16, "target": 15, "label": "A"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "248616-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everything except the display worked fine before I took it in.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 12, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 10, "label": "D"}, {"source": 15, "target": 1, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "C"}, {"source": 13, "target": 5, "label": "D"}, {"source": 14, "target": 6, "label": "L"}, {"source": 12, "target": 15, "label": "E"}, {"source": 16, "target": 7, "label": "A"}, {"source": 12, "target": 0, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "248616-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The video cable was replaced and suddenly the motherboard was dead.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 9, "label": "F"}, {"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 4, "label": "P"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 6, "label": "T"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "S"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "248616-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Phone calls weren't returned when promised and the botched repair took a week longer than promised.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 15, "label": "L"}, {"source": 24, "target": 11, "label": "F"}, {"source": 23, "target": 24, "label": "D"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 19, "target": 4, "label": "P"}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 23, "target": 22, "label": "P"}, {"source": 20, "target": 25, "label": "H"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "L"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 23, "target": 9, "label": "D"}, {"source": 21, "target": 6, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "F"}, {"source": 19, "target": 3, "label": "D"}, {"source": 25, "target": 16, "label": "P"}]} +{"id": "249123-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No Customer Service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "249123-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Employees seemed to be having a good time chatting and laughing with each other, while myself and other customers were completely ignored.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 137}]}, {"id": 23, "anchors": [{"from": 137, "to": 138}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 32, "target": 20, "label": "F"}, {"source": 29, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 5, "label": "F"}, {"source": 32, "target": 22, "label": "P"}, {"source": 26, "target": 15, "label": "L"}, {"source": 28, "target": 30, "label": "A"}, {"source": 26, "target": 32, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 32, "target": 31, "label": "A"}, {"source": 25, "target": 2, "label": "F"}, {"source": 27, "target": 7, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 32, "target": 21, "label": "D"}, {"source": 31, "target": 16, "label": "C"}, {"source": 31, "target": 17, "label": "N"}, {"source": 30, "target": 13, "label": "C"}, {"source": 26, "target": 14, "label": "U"}, {"source": 33, "target": 19, "label": "C"}, {"source": 29, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 1, "label": "G"}, {"source": 25, "target": 6, "label": "D"}, {"source": 28, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "E"}, {"source": 25, "target": 27, "label": "S"}, {"source": 24, "target": 0, "label": "S"}, {"source": 26, "target": 28, "label": "H"}, {"source": 32, "target": 23, "label": "U"}, {"source": 25, "target": 3, "label": "F"}, {"source": 29, "target": 10, "label": "P"}, {"source": 31, "target": 33, "label": "C"}, {"source": 30, "target": 12, "label": "E"}, {"source": 26, "target": 9, "label": "L"}, {"source": 30, "target": 11, "label": "R"}, {"source": 26, "target": 29, "label": "H"}, {"source": 28, "target": 8, "label": "P"}, {"source": 27, "target": 4, "label": "F"}]} +{"id": "249123-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Another person in the store stood there with an item and repeatedly tried to get a sales persons attention.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 29, "target": 19, "label": "S"}, {"source": 25, "target": 7, "label": "R"}, {"source": 25, "target": 8, "label": "F"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 13, "label": "F"}, {"source": 26, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 0, "label": "E"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 18, "label": "R"}, {"source": 26, "target": 29, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 22, "target": 25, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 2, "label": "R"}, {"source": 26, "target": 14, "label": "P"}, {"source": 23, "target": 26, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 16, "label": "P"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 15, "label": "F"}, {"source": 26, "target": 11, "label": "T"}, {"source": 26, "target": 12, "label": "D"}, {"source": 24, "target": 4, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 3, "label": "F"}, {"source": 23, "target": 10, "label": "L"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "249123-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It wasn't until he gave up and walked out the door that someone asked Can I help you.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 20, "target": 11, "label": "L"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 24, "target": 12, "label": "A"}, {"source": 23, "target": 9, "label": "F"}, {"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 8, "label": "R"}, {"source": 19, "target": 3, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 19, "label": "L"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 1, "label": "F"}, {"source": 25, "target": 15, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 17, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 16, "label": "P"}, {"source": 23, "target": 10, "label": "C"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "249889-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "great garage and customer service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 9, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 1, "label": "A"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "249889-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "great knowledge and prices compared to anyone in the industry.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "S"}, {"source": 12, "target": 14, "label": "L"}, {"source": 16, "target": 17, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 15, "label": "H"}, {"source": 17, "target": 10, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 2, "label": "N"}]} +{"id": "250878-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is my favorite coffee store.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 9, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 2, "label": "A"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "250878-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just ask American Express", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}, {"from": 18, "to": 25}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "251475-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great People and even better service!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 9, "target": 3, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 10, "target": 9, "label": "D"}, {"source": 8, "target": 2, "label": "L"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "251475-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best to deal with!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "R"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "251475-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In a few words ... I'm pleasantly surprised that you can still find \"old school\" service out there where company care more about good name and customers than their pockets...", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}, {"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}, {"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 163}]}, {"id": 30, "anchors": [{"from": 164, "to": 171}]}, {"id": 31, "anchors": [{"from": 171, "to": 174}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 32, "target": 1, "label": "F"}, {"source": 42, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 27, "label": "S"}, {"source": 33, "target": 32, "label": "G"}, {"source": 36, "target": 17, "label": "P"}, {"source": 44, "target": 30, "label": "C"}, {"source": 37, "target": 20, "label": "A"}, {"source": 37, "target": 21, "label": "P"}, {"source": 33, "target": 4, "label": "U"}, {"source": 37, "target": 38, "label": "A"}, {"source": 35, "target": 11, "label": "D"}, {"source": 35, "target": 12, "label": "D"}, {"source": 38, "target": 40, "label": "C"}, {"source": 43, "target": 21, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 28, "label": "L"}, {"source": 37, "target": 22, "label": "D"}, {"source": 35, "target": 18, "label": "A"}, {"source": 35, "target": 13, "label": "P"}, {"source": 44, "target": 31, "label": "U"}, {"source": 38, "target": 41, "label": "C"}, {"source": 35, "target": 9, "label": "R"}, {"source": 33, "target": 6, "label": "F"}, {"source": 38, "target": 23, "label": "R"}, {"source": 33, "target": 5, "label": "A"}, {"source": 42, "target": 29, "label": "S"}, {"source": 36, "target": 16, "label": "U"}, {"source": 35, "target": 10, "label": "A"}, {"source": 44, "target": 42, "label": "E"}, {"source": 43, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 24, "label": "S"}, {"source": 34, "target": 19, "label": "L"}, {"source": 33, "target": 8, "label": "P"}, {"source": 32, "target": 0, "label": "R"}, {"source": 32, "target": 3, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 38, "target": 26, "label": "N"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 39, "label": "E"}, {"source": 36, "target": 15, "label": "D"}, {"source": 40, "target": 25, "label": "C"}, {"source": 35, "target": 14, "label": "U"}, {"source": 43, "target": 44, "label": "A"}, {"source": 41, "target": 27, "label": "A"}, {"source": 34, "target": 37, "label": "H"}, {"source": 34, "target": 43, "label": "H"}, {"source": 32, "target": 2, "label": "Q"}, {"source": 33, "target": 7, "label": "D"}]} +{"id": "251475-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Highly recommended people / business.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "C"}, {"source": 7, "target": 1, "label": "P"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "251475-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks Josh!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 4, "target": 1, "label": "G"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "251755-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolutely amazing job!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "D"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "251755-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Susanna is the best dress maker/tailor I've ever come across in my whole life!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}, {"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 10, "label": "T"}, {"source": 21, "target": 20, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 23, "target": 12, "label": "R"}, {"source": 23, "target": 13, "label": "E"}, {"source": 22, "target": 23, "label": "T"}, {"source": 22, "target": 9, "label": "F"}, {"source": 17, "target": 19, "label": "D"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 11, "label": "P"}, {"source": 19, "target": 2, "label": "F"}, {"source": 22, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 21, "target": 6, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 7, "label": "C"}, {"source": 17, "target": 21, "label": "P"}, {"source": 22, "target": 8, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "Q"}]} +{"id": "251755-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She makes every item fit you perfectly.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 5, "label": "A"}, {"source": 10, "target": 2, "label": "Q"}]} +{"id": "251755-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She is always so busy, too, which is a good indication of her talent.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}, {"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 7, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 15, "label": "U"}, {"source": 18, "target": 11, "label": "C"}, {"source": 20, "target": 13, "label": "E"}, {"source": 16, "target": 4, "label": "S"}, {"source": 19, "target": 10, "label": "D"}, {"source": 16, "target": 3, "label": "D"}, {"source": 17, "target": 8, "label": "L"}, {"source": 20, "target": 12, "label": "R"}, {"source": 16, "target": 5, "label": "U"}, {"source": 16, "target": 6, "label": "D"}, {"source": 19, "target": 18, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 14, "label": "C"}, {"source": 16, "target": 2, "label": "T"}]} +{"id": "251755-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She's the best!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "D"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "251774-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you for helping me get more healthy!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 6, "label": "S"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 1, "label": "R"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "251774-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came in and saw Dr. Ruona about a month ago for quitting smoking.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 3, "label": "L"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 13, "label": "P"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 12, "label": "D"}, {"source": 17, "target": 4, "label": "P"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 7, "label": "R"}, {"source": 19, "target": 10, "label": "E"}, {"source": 16, "target": 11, "label": "L"}, {"source": 17, "target": 19, "label": "T"}, {"source": 19, "target": 8, "label": "Q"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "251774-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have to tell you that I haven't had one and don't want one.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 48}]}, {"id": 13, "anchors": [{"from": 48, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "anchors": [{"from": 60, "to": 61}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 4, "label": "A"}, {"source": 20, "target": 11, "label": "L"}, {"source": 18, "target": 19, "label": "D"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "Q"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 6, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 9, "label": "P"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 7, "label": "F"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 1, "label": "C"}, {"source": 20, "target": 5, "label": "R"}, {"source": 23, "target": 13, "label": "D"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 15, "label": "Q"}]} +{"id": "251774-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is the easiest thing that I have ever done and I tell all my friends that they should do it too.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 13, "label": "D"}, {"source": 30, "target": 21, "label": "D"}, {"source": 26, "target": 25, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 6, "label": "A"}, {"source": 30, "target": 16, "label": "R"}, {"source": 30, "target": 18, "label": "D"}, {"source": 27, "target": 9, "label": "P"}, {"source": 26, "target": 4, "label": "C"}, {"source": 30, "target": 20, "label": "A"}, {"source": 23, "target": 1, "label": "S"}, {"source": 29, "target": 15, "label": "A"}, {"source": 25, "target": 2, "label": "F"}, {"source": 27, "target": 7, "label": "F"}, {"source": 30, "target": 17, "label": "A"}, {"source": 29, "target": 15, "label": "S"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 28, "label": "H"}, {"source": 28, "target": 12, "label": "P"}, {"source": 27, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "P"}, {"source": 27, "target": 5, "label": "R"}, {"source": 28, "target": 11, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "A"}, {"source": 25, "target": 3, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 24, "target": 10, "label": "L"}, {"source": 27, "target": 8, "label": "T"}, {"source": 28, "target": 29, "label": "A"}]} +{"id": "251774-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I sent a customer of mine to you.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 11, "label": "S"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "R"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "251774-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Ruona, if you read this, thank you for helping me get more healthy.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 16, "label": "G"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 11, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 21, "target": 14, "label": "S"}, {"source": 21, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 6, "label": "A"}, {"source": 19, "target": 8, "label": "P"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 13, "label": "D"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 3, "label": "L"}, {"source": 20, "target": 10, "label": "D"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 2, "label": "U"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 9, "label": "R"}]} +{"id": "251774-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I feel lighter and feel that I have more possibilities open to me now than I did before.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 27, "target": 7, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 12, "label": "C"}, {"source": 26, "target": 11, "label": "R"}, {"source": 27, "target": 16, "label": "D"}, {"source": 19, "target": 2, "label": "S"}, {"source": 23, "target": 8, "label": "Q"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 15, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 27, "target": 17, "label": "T"}, {"source": 25, "target": 27, "label": "H"}, {"source": 25, "target": 14, "label": "L"}, {"source": 20, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 24, "target": 13, "label": "T"}, {"source": 22, "target": 7, "label": "S"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 23, "label": "A"}, {"source": 24, "target": 10, "label": "S"}, {"source": 27, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 4, "label": "S"}]} +{"id": "251774-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I can't thank you enough.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}]} +{"id": "252791-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "no feathers in stock!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "A"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "252791-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was very upset when I went to Mother Plucker, they had NO FEATHERS and the quality is TERRIBLE.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 38}, {"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 14, "label": "L"}, {"source": 24, "target": 11, "label": "S"}, {"source": 24, "target": 12, "label": "D"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 3, "label": "S"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 26, "label": "H"}, {"source": 25, "target": 16, "label": "C"}, {"source": 26, "target": 19, "label": "U"}, {"source": 26, "target": 25, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 10, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 26, "target": 18, "label": "D"}, {"source": 20, "target": 2, "label": "D"}, {"source": 22, "target": 5, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 4, "label": "L"}, {"source": 22, "target": 6, "label": "P"}, {"source": 21, "target": 9, "label": "U"}, {"source": 26, "target": 17, "label": "F"}, {"source": 25, "target": 15, "label": "F"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "252791-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had to dig in a bag to find one nice feather, what a joke!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "D"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 22, "target": 23, "label": "S"}, {"source": 20, "target": 10, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 22, "label": "H"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "D"}, {"source": 23, "target": 13, "label": "F"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "L"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 8, "label": "Q"}, {"source": 21, "target": 9, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 18, "target": 4, "label": "F"}, {"source": 20, "target": 21, "label": "E"}]} +{"id": "253807-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Cheapest drinks in Keene!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "254908-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I hired this company to unlock my car.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 13, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "H"}, {"source": 13, "target": 6, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 2, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 4, "label": "L"}, {"source": 13, "target": 6, "label": "S"}, {"source": 10, "target": 12, "label": "H"}, {"source": 9, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "254908-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The price they gave was good so I said hey this seems great.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "S"}, {"source": 19, "target": 11, "label": "G"}, {"source": 19, "target": 12, "label": "S"}, {"source": 15, "target": 4, "label": "F"}, {"source": 17, "target": 2, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 14, "target": 17, "label": "E"}, {"source": 17, "target": 3, "label": "P"}, {"source": 14, "target": 0, "label": "F"}, {"source": 18, "target": 8, "label": "P"}, {"source": 15, "target": 14, "label": "A"}]} +{"id": "254908-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After they showed up there was a little trouble to get my car unlocked, it took quite a bit of time but the job was well done.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 38, "target": 23, "label": "C"}, {"source": 30, "target": 31, "label": "D"}, {"source": 35, "target": 15, "label": "F"}, {"source": 28, "target": 21, "label": "L"}, {"source": 28, "target": 0, "label": "L"}, {"source": 30, "target": 8, "label": "F"}, {"source": 28, "target": 34, "label": "H"}, {"source": 32, "target": 10, "label": "A"}, {"source": 34, "target": 35, "label": "P"}, {"source": 29, "target": 2, "label": "P"}, {"source": 30, "target": 4, "label": "F"}, {"source": 30, "target": 33, "label": "A"}, {"source": 28, "target": 30, "label": "H"}, {"source": 37, "target": 24, "label": "F"}, {"source": 32, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "P"}, {"source": 36, "target": 18, "label": "C"}, {"source": 32, "target": 10, "label": "S"}, {"source": 30, "target": 9, "label": "D"}, {"source": 35, "target": 19, "label": "R"}, {"source": 33, "target": 32, "label": "E"}, {"source": 30, "target": 3, "label": "F"}, {"source": 31, "target": 7, "label": "C"}, {"source": 28, "target": 37, "label": "H"}, {"source": 38, "target": 22, "label": "F"}, {"source": 31, "target": 6, "label": "E"}, {"source": 36, "target": 17, "label": "F"}, {"source": 36, "target": 16, "label": "E"}, {"source": 38, "target": 26, "label": "F"}, {"source": 29, "target": 1, "label": "A"}, {"source": 28, "target": 13, "label": "U"}, {"source": 28, "target": 29, "label": "H"}, {"source": 31, "target": 5, "label": "F"}, {"source": 37, "target": 25, "label": "D"}, {"source": 33, "target": 11, "label": "C"}, {"source": 34, "target": 14, "label": "A"}, {"source": 38, "target": 27, "label": "U"}, {"source": 30, "target": 12, "label": "P"}, {"source": 35, "target": 20, "label": "C"}, {"source": 34, "target": 36, "label": "D"}]} +{"id": "255261-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rate a church?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "255261-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Might as well just hotpot the curb and rate the traffic light.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "L"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 8, "label": "E"}, {"source": 11, "target": 14, "label": "H"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "F"}]} +{"id": "255261-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's a bloody church, for chrisssake!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 5, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "G"}, {"source": 9, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "G"}]} +{"id": "255261-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Big, grey and imposing.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 3, "label": "L"}]} +{"id": "255261-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go there on christian holidays for a bit of churchy grandure.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}, {"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 7, "label": "R"}, {"source": 15, "target": 9, "label": "S"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 2, "label": "R"}, {"source": 11, "target": 1, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 8, "label": "A"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 14, "label": "D"}, {"source": 11, "target": 13, "label": "T"}]} +{"id": "255261-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The pastor at this church is cool, I met him after some holiday service.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 18, "target": 22, "label": "H"}, {"source": 17, "target": 6, "label": "D"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 7, "label": "U"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 20, "target": 8, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 11, "label": "L"}, {"source": 17, "target": 5, "label": "F"}, {"source": 22, "target": 14, "label": "P"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 4, "label": "C"}, {"source": 19, "target": 2, "label": "R"}, {"source": 17, "target": 16, "label": "S"}]} +{"id": "255261-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He had a robe that was made back in the '60s.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 4, "label": "R"}, {"source": 15, "target": 6, "label": "P"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 16, "target": 9, "label": "F"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "T"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "255261-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "God was pleased with that one!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "255261-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's historical for Sf, so when your aunte comes for a visit, take her there.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "R"}, {"source": 20, "target": 11, "label": "L"}, {"source": 20, "target": 14, "label": "U"}, {"source": 26, "target": 17, "label": "A"}, {"source": 19, "target": 2, "label": "S"}, {"source": 20, "target": 23, "label": "H"}, {"source": 26, "target": 16, "label": "A"}, {"source": 26, "target": 15, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 25, "target": 13, "label": "C"}, {"source": 19, "target": 1, "label": "F"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 7, "label": "L"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 10, "label": "P"}, {"source": 24, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 12, "label": "F"}, {"source": 23, "target": 22, "label": "A"}, {"source": 22, "target": 8, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 26, "label": "H"}, {"source": 22, "target": 9, "label": "S"}]} +{"id": "255261-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great for the kiddies - they love the labyrinth (don't forget to tell 'em its really a 'pagen' thing!).", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 88}]}, {"id": 21, "anchors": [{"from": 88, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 100}]}, {"id": 24, "anchors": [{"from": 100, "to": 101}]}, {"id": 25, "anchors": [{"from": 101, "to": 102}]}, {"id": 26, "anchors": [{"from": 102, "to": 103}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 16, "label": "A"}, {"source": 29, "target": 1, "label": "R"}, {"source": 29, "target": 2, "label": "F"}, {"source": 34, "target": 21, "label": "E"}, {"source": 31, "target": 7, "label": "F"}, {"source": 30, "target": 5, "label": "A"}, {"source": 32, "target": 12, "label": "D"}, {"source": 30, "target": 6, "label": "P"}, {"source": 28, "target": 30, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 28, "target": 9, "label": "U"}, {"source": 28, "target": 4, "label": "U"}, {"source": 32, "target": 13, "label": "F"}, {"source": 34, "target": 22, "label": "U"}, {"source": 29, "target": 3, "label": "C"}, {"source": 27, "target": 0, "label": "S"}, {"source": 34, "target": 24, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 8, "label": "C"}, {"source": 32, "target": 15, "label": "A"}, {"source": 34, "target": 19, "label": "F"}, {"source": 32, "target": 10, "label": "F"}, {"source": 28, "target": 32, "label": "H"}, {"source": 34, "target": 25, "label": "U"}, {"source": 32, "target": 11, "label": "D"}, {"source": 34, "target": 23, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 14, "label": "P"}, {"source": 33, "target": 18, "label": "D"}, {"source": 33, "target": 17, "label": "S"}, {"source": 34, "target": 26, "label": "U"}, {"source": 34, "target": 20, "label": "U"}]} +{"id": "255261-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Stop by at least once or you'll go to heck!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 5, "label": "F"}, {"source": 13, "target": 4, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 0, "label": "P"}, {"source": 13, "target": 6, "label": "P"}, {"source": 12, "target": 1, "label": "Q"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 3, "label": "L"}, {"source": 10, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "255736-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Remember seeing \"Stop Making Sense\" at Cinema 21 multiple times!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}, {"from": 22, "to": 28}, {"from": 29, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}, {"from": 46, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 63}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "A"}, {"source": 11, "target": 0, "label": "P"}, {"source": 14, "target": 7, "label": "Q"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 14, "label": "D"}, {"source": 12, "target": 4, "label": "U"}]} +{"id": "255736-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "YAY, great theater!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 5, "target": 0, "label": "H"}]} +{"id": "255757-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "they recovered the pics geeksquad deleted.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "P"}, {"source": 10, "target": 5, "label": "P"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "255757-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "many thanks", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "256677-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Love Hop City", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "256677-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is great!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "256677-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Craig and Nate are wonderful.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 1, "label": "N"}, {"source": 6, "target": 2, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "256677-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I know now where to get all of my wine and beer.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "S"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 2, "label": "T"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 19, "label": "C"}, {"source": 18, "target": 8, "label": "S"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 17, "target": 6, "label": "Q"}, {"source": 19, "target": 9, "label": "C"}, {"source": 16, "target": 5, "label": "P"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "C"}, {"source": 19, "target": 10, "label": "N"}]} +{"id": "256677-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No need to go to a grocer again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 12, "label": "P"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 7, "label": "D"}]} +{"id": "257296-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Course has come a long way!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 3, "label": "F"}, {"source": 8, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "E"}]} +{"id": "257296-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HCC's new nine was a little shaky at first, but the NEW grounds superintendant has done wonders for the course!!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 110}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 20, "label": "F"}, {"source": 31, "target": 15, "label": "C"}, {"source": 30, "target": 31, "label": "S"}, {"source": 30, "target": 14, "label": "A"}, {"source": 26, "target": 32, "label": "H"}, {"source": 32, "target": 30, "label": "A"}, {"source": 28, "target": 5, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 25, "target": 24, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 29, "target": 8, "label": "R"}, {"source": 32, "target": 16, "label": "F"}, {"source": 25, "target": 29, "label": "T"}, {"source": 33, "target": 22, "label": "U"}, {"source": 23, "target": 0, "label": "C"}, {"source": 23, "target": 1, "label": "R"}, {"source": 24, "target": 23, "label": "E"}, {"source": 33, "target": 19, "label": "R"}, {"source": 24, "target": 27, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 2, "label": "S"}, {"source": 25, "target": 4, "label": "F"}, {"source": 25, "target": 28, "label": "D"}, {"source": 24, "target": 3, "label": "C"}, {"source": 30, "target": 13, "label": "D"}, {"source": 28, "target": 6, "label": "C"}, {"source": 26, "target": 11, "label": "L"}, {"source": 26, "target": 10, "label": "U"}, {"source": 25, "target": 7, "label": "S"}, {"source": 32, "target": 17, "label": "P"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 12, "label": "F"}, {"source": 32, "target": 18, "label": "A"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "257296-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The comment below definitely needs to be retracted!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 7, "label": "P"}, {"source": 12, "target": 3, "label": "E"}, {"source": 9, "target": 0, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 6, "label": "F"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 2, "label": "E"}, {"source": 11, "target": 12, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "257296-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Come back and give HCC a second chance at least!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 4, "label": "A"}, {"source": 14, "target": 6, "label": "E"}, {"source": 15, "target": 8, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 15, "label": "D"}, {"source": 11, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "257296-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is a great course for local golfers to be proud of and all the comments in 2008 have been very positive!!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 6, "label": "D"}, {"source": 28, "target": 10, "label": "S"}, {"source": 31, "target": 22, "label": "U"}, {"source": 29, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 15, "label": "C"}, {"source": 31, "target": 20, "label": "D"}, {"source": 24, "target": 5, "label": "L"}, {"source": 28, "target": 9, "label": "F"}, {"source": 31, "target": 21, "label": "S"}, {"source": 23, "target": 1, "label": "S"}, {"source": 29, "target": 11, "label": "R"}, {"source": 25, "target": 2, "label": "F"}, {"source": 31, "target": 18, "label": "F"}, {"source": 28, "target": 8, "label": "F"}, {"source": 27, "target": 7, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 31, "target": 30, "label": "A"}, {"source": 31, "target": 32, "label": "T"}, {"source": 30, "target": 14, "label": "F"}, {"source": 24, "target": 31, "label": "H"}, {"source": 28, "target": 27, "label": "A"}, {"source": 24, "target": 12, "label": "L"}, {"source": 24, "target": 28, "label": "H"}, {"source": 31, "target": 19, "label": "F"}, {"source": 27, "target": 7, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 26, "target": 3, "label": "S"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 13, "label": "Q"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 17, "label": "C"}, {"source": 32, "target": 16, "label": "R"}]} +{"id": "257735-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't waste your money on the jukebox", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 10, "label": "E"}, {"source": 9, "target": 0, "label": "F"}, {"source": 9, "target": 1, "label": "D"}, {"source": 12, "target": 7, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "S"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "F"}, {"source": 9, "target": 11, "label": "A"}, {"source": 9, "target": 12, "label": "A"}, {"source": 10, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "257735-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The bartender is a douchebag and he has a little console behind the bar where he can delete songs he doesn't like, and you end up paying for it.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 126}, {"from": 127, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 143}]}, {"id": 30, "anchors": [{"from": 143, "to": 144}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 38, "target": 9, "label": "S"}, {"source": 34, "target": 23, "label": "U"}, {"source": 41, "target": 42, "label": "E"}, {"source": 31, "target": 32, "label": "P"}, {"source": 40, "target": 15, "label": "A"}, {"source": 42, "target": 21, "label": "D"}, {"source": 38, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 10, "label": "C"}, {"source": 35, "target": 4, "label": "C"}, {"source": 44, "target": 30, "label": "U"}, {"source": 32, "target": 1, "label": "C"}, {"source": 42, "target": 22, "label": "S"}, {"source": 33, "target": 31, "label": "A"}, {"source": 40, "target": 16, "label": "D"}, {"source": 31, "target": 32, "label": "A"}, {"source": 44, "target": 29, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 43, "target": 25, "label": "A"}, {"source": 42, "target": 20, "label": "F"}, {"source": 43, "target": 26, "label": "D"}, {"source": 40, "target": 17, "label": "P"}, {"source": 36, "target": 6, "label": "A"}, {"source": 34, "target": 5, "label": "L"}, {"source": 37, "target": 39, "label": "E"}, {"source": 36, "target": 7, "label": "S"}, {"source": 34, "target": 24, "label": "L"}, {"source": 39, "target": 11, "label": "R"}, {"source": 39, "target": 12, "label": "F"}, {"source": 34, "target": 33, "label": "H"}, {"source": 33, "target": 35, "label": "S"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 33, "target": 2, "label": "F"}, {"source": 40, "target": 14, "label": "R"}, {"source": 44, "target": 28, "label": "R"}, {"source": 35, "target": 3, "label": "F"}, {"source": 41, "target": 18, "label": "C"}, {"source": 32, "target": 0, "label": "F"}, {"source": 42, "target": 19, "label": "A"}, {"source": 42, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 13, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 43, "target": 27, "label": "P"}, {"source": 34, "target": 43, "label": "H"}, {"source": 37, "target": 8, "label": "F"}, {"source": 37, "target": 40, "label": "E"}]} +{"id": "257735-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Not enough seating.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "258042-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Lovley food and fab chips", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "260640-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wouldn't send my dogs there.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 7, "label": "U"}, {"source": 11, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 6, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 9, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "260640-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had a conversation with the woman running this place in April 2010.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 10, "label": "R"}, {"source": 17, "target": 7, "label": "P"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 4, "label": "R"}, {"source": 18, "target": 5, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 20, "label": "T"}, {"source": 15, "target": 16, "label": "P"}, {"source": 20, "target": 11, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "260640-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She basically said if the children getting off the bus aren't paying to enter her building she was going to let them wander around the streets.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}, {"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 104}, {"from": 105, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 142}]}, {"id": 25, "anchors": [{"from": 142, "to": 143}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 14, "label": "S"}, {"source": 27, "target": 1, "label": "D"}, {"source": 36, "target": 20, "label": "A"}, {"source": 34, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 25, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 37, "target": 24, "label": "C"}, {"source": 30, "target": 29, "label": "A"}, {"source": 30, "target": 6, "label": "P"}, {"source": 31, "target": 33, "label": "A"}, {"source": 36, "target": 16, "label": "A"}, {"source": 36, "target": 18, "label": "D"}, {"source": 29, "target": 4, "label": "F"}, {"source": 31, "target": 30, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 33, "target": 12, "label": "F"}, {"source": 36, "target": 21, "label": "P"}, {"source": 35, "target": 15, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 11, "label": "P"}, {"source": 36, "target": 17, "label": "F"}, {"source": 32, "target": 8, "label": "C"}, {"source": 35, "target": 34, "label": "E"}, {"source": 28, "target": 31, "label": "H"}, {"source": 28, "target": 36, "label": "H"}, {"source": 37, "target": 22, "label": "R"}, {"source": 31, "target": 10, "label": "D"}, {"source": 26, "target": 27, "label": "H"}, {"source": 37, "target": 23, "label": "F"}, {"source": 36, "target": 19, "label": "D"}, {"source": 32, "target": 7, "label": "F"}, {"source": 27, "target": 2, "label": "P"}, {"source": 31, "target": 9, "label": "F"}, {"source": 28, "target": 3, "label": "L"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 13, "label": "P"}, {"source": 29, "target": 5, "label": "C"}]} +{"id": "260640-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wow, really?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "G"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 2, "label": "G"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "260640-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "With all the child predators out there, a busy road, cars speeding by...... and you are going to let some 4/5 year olds wonder around cause you're money hungry?", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}, {"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 108, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 143}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 159}]}, {"id": 34, "anchors": [{"from": 159, "to": 160}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 42, "target": 17, "label": "A"}, {"source": 35, "target": 38, "label": "H"}, {"source": 37, "target": 4, "label": "C"}, {"source": 40, "target": 8, "label": "F"}, {"source": 35, "target": 41, "label": "H"}, {"source": 35, "target": 16, "label": "L"}, {"source": 35, "target": 42, "label": "H"}, {"source": 42, "target": 18, "label": "F"}, {"source": 36, "target": 37, "label": "P"}, {"source": 43, "target": 21, "label": "E"}, {"source": 35, "target": 7, "label": "U"}, {"source": 42, "target": 28, "label": "D"}, {"source": 42, "target": 27, "label": "P"}, {"source": 41, "target": 14, "label": "D"}, {"source": 43, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 10, "label": "C"}, {"source": 46, "target": 30, "label": "A"}, {"source": 46, "target": 31, "label": "F"}, {"source": 45, "target": 22, "label": "Q"}, {"source": 37, "target": 1, "label": "Q"}, {"source": 38, "target": 36, "label": "A"}, {"source": 41, "target": 12, "label": "A"}, {"source": 41, "target": 13, "label": "P"}, {"source": 45, "target": 25, "label": "C"}, {"source": 37, "target": 2, "label": "F"}, {"source": 38, "target": 6, "label": "S"}, {"source": 44, "target": 26, "label": "S"}, {"source": 46, "target": 32, "label": "A"}, {"source": 42, "target": 19, "label": "D"}, {"source": 45, "target": 24, "label": "Q"}, {"source": 35, "target": 39, "label": "H"}, {"source": 38, "target": 5, "label": "D"}, {"source": 44, "target": 45, "label": "T"}, {"source": 46, "target": 34, "label": "U"}, {"source": 45, "target": 23, "label": "U"}, {"source": 46, "target": 33, "label": "S"}, {"source": 39, "target": 9, "label": "S"}, {"source": 35, "target": 15, "label": "U"}, {"source": 44, "target": 43, "label": "A"}, {"source": 35, "target": 46, "label": "H"}, {"source": 36, "target": 3, "label": "A"}, {"source": 35, "target": 0, "label": "L"}, {"source": 35, "target": 11, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 35, "target": 29, "label": "L"}, {"source": 42, "target": 20, "label": "D"}]} +{"id": "260640-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "REAL CHRISTIAN OF YOU!!!!!!!!!!!!!!!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 39}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "260640-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Whether they pay me or not, if their parents get into an accident, stuck in traffic, etc. THE LAST THING I WOULD DO IS LET A CHILD GET RAPED BECAUSE I WASN'T PAID.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 130}]}, {"id": 30, "anchors": [{"from": 131, "to": 134}]}, {"id": 31, "anchors": [{"from": 135, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 148}]}, {"id": 33, "anchors": [{"from": 149, "to": 150}]}, {"id": 34, "anchors": [{"from": 151, "to": 154}]}, {"id": 35, "anchors": [{"from": 154, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 162}]}, {"id": 37, "anchors": [{"from": 162, "to": 163}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 38, "target": 4, "label": "L"}, {"source": 41, "target": 9, "label": "A"}, {"source": 38, "target": 32, "label": "L"}, {"source": 47, "target": 24, "label": "D"}, {"source": 43, "target": 13, "label": "C"}, {"source": 40, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 41, "label": "A"}, {"source": 38, "target": 44, "label": "H"}, {"source": 40, "target": 2, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 45, "label": "A"}, {"source": 38, "target": 7, "label": "L"}, {"source": 39, "target": 2, "label": "P"}, {"source": 44, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 39, "label": "H"}, {"source": 45, "target": 16, "label": "R"}, {"source": 46, "target": 20, "label": "F"}, {"source": 45, "target": 17, "label": "C"}, {"source": 38, "target": 18, "label": "U"}, {"source": 39, "target": 1, "label": "A"}, {"source": 43, "target": 12, "label": "F"}, {"source": 47, "target": 23, "label": "A"}, {"source": 50, "target": 36, "label": "P"}, {"source": 38, "target": 14, "label": "U"}, {"source": 47, "target": 46, "label": "A"}, {"source": 39, "target": 3, "label": "A"}, {"source": 46, "target": 22, "label": "C"}, {"source": 38, "target": 40, "label": "H"}, {"source": 42, "target": 10, "label": "F"}, {"source": 46, "target": 21, "label": "E"}, {"source": 42, "target": 11, "label": "F"}, {"source": 48, "target": 27, "label": "D"}, {"source": 38, "target": 42, "label": "H"}, {"source": 50, "target": 35, "label": "D"}, {"source": 38, "target": 48, "label": "H"}, {"source": 49, "target": 29, "label": "C"}, {"source": 41, "target": 9, "label": "S"}, {"source": 49, "target": 28, "label": "F"}, {"source": 44, "target": 15, "label": "S"}, {"source": 50, "target": 37, "label": "U"}, {"source": 38, "target": 0, "label": "L"}, {"source": 38, "target": 19, "label": "L"}, {"source": 38, "target": 26, "label": "L"}, {"source": 38, "target": 50, "label": "H"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 33, "label": "A"}, {"source": 41, "target": 8, "label": "A"}, {"source": 38, "target": 47, "label": "H"}, {"source": 48, "target": 30, "label": "F"}, {"source": 40, "target": 5, "label": "D"}, {"source": 48, "target": 31, "label": "P"}, {"source": 42, "target": 43, "label": "P"}, {"source": 47, "target": 25, "label": "P"}, {"source": 50, "target": 34, "label": "F"}, {"source": 38, "target": 6, "label": "U"}, {"source": 40, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "262422-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Good local bikeshop", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "262422-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good local bike shop .", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}]} +{"id": "262422-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Jason and the boys can do about anything you need.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 8, "label": "A"}, {"source": 11, "target": 0, "label": "C"}, {"source": 11, "target": 1, "label": "N"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 14, "label": "C"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "E"}]} +{"id": "262422-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The shop is located just off the river road .", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "R"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 0, "label": "F"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "262441-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I phoned this company for advice on our office refurb and although we did not use them in the end(as our building contractor carried out the electrical work), they provided me with plenty of useful information over an hour phone call and subsequently we are now using PJC as our electrical maintenance contractor.", "tops": [57], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21, "anchors": [{"from": 98, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 132}, {"from": 133, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 156}]}, {"id": 29, "anchors": [{"from": 156, "to": 157}]}, {"id": 30, "anchors": [{"from": 157, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 175}]}, {"id": 34, "anchors": [{"from": 176, "to": 180}]}, {"id": 35, "anchors": [{"from": 181, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 190}]}, {"id": 37, "anchors": [{"from": 191, "to": 197}]}, {"id": 38, "anchors": [{"from": 198, "to": 209}]}, {"id": 39, "anchors": [{"from": 210, "to": 214}]}, {"id": 40, "anchors": [{"from": 215, "to": 217}]}, {"id": 41, "anchors": [{"from": 218, "to": 222}]}, {"id": 42, "anchors": [{"from": 223, "to": 228}]}, {"id": 43, "anchors": [{"from": 229, "to": 233}]}, {"id": 44, "anchors": [{"from": 234, "to": 237}, {"from": 238, "to": 250}]}, {"id": 45, "anchors": [{"from": 251, "to": 253}]}, {"id": 46, "anchors": [{"from": 254, "to": 257}]}, {"id": 47, "anchors": [{"from": 258, "to": 261}]}, {"id": 48, "anchors": [{"from": 262, "to": 267}]}, {"id": 49, "anchors": [{"from": 268, "to": 271}]}, {"id": 50, "anchors": [{"from": 272, "to": 274}]}, {"id": 51, "anchors": [{"from": 275, "to": 278}]}, {"id": 52, "anchors": [{"from": 279, "to": 289}]}, {"id": 53, "anchors": [{"from": 290, "to": 301}]}, {"id": 54, "anchors": [{"from": 302, "to": 312}]}, {"id": 55, "anchors": [{"from": 312, "to": 313}]}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}], "edges": [{"source": 65, "target": 23, "label": "E"}, {"source": 71, "target": 40, "label": "Q"}, {"source": 57, "target": 72, "label": "H"}, {"source": 66, "target": 65, "label": "A"}, {"source": 58, "target": 3, "label": "C"}, {"source": 62, "target": 15, "label": "P"}, {"source": 69, "target": 35, "label": "Q"}, {"source": 77, "target": 52, "label": "E"}, {"source": 77, "target": 53, "label": "C"}, {"source": 74, "target": 45, "label": "A"}, {"source": 58, "target": 2, "label": "E"}, {"source": 60, "target": 61, "label": "E"}, {"source": 65, "target": 24, "label": "C"}, {"source": 56, "target": 58, "label": "A"}, {"source": 62, "target": 12, "label": "A"}, {"source": 63, "target": 19, "label": "C"}, {"source": 61, "target": 8, "label": "A"}, {"source": 76, "target": 77, "label": "P"}, {"source": 56, "target": 1, "label": "P"}, {"source": 75, "target": 55, "label": "U"}, {"source": 74, "target": 46, "label": "F"}, {"source": 67, "target": 26, "label": "F"}, {"source": 70, "target": 37, "label": "S"}, {"source": 72, "target": 71, "label": "T"}, {"source": 57, "target": 44, "label": "L"}, {"source": 72, "target": 73, "label": "P"}, {"source": 73, "target": 42, "label": "E"}, {"source": 75, "target": 54, "label": "S"}, {"source": 66, "target": 25, "label": "D"}, {"source": 74, "target": 48, "label": "P"}, {"source": 64, "target": 22, "label": "S"}, {"source": 57, "target": 56, "label": "H"}, {"source": 68, "target": 31, "label": "A"}, {"source": 68, "target": 33, "label": "A"}, {"source": 70, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 69, "target": 70, "label": "E"}, {"source": 57, "target": 21, "label": "L"}, {"source": 68, "target": 32, "label": "P"}, {"source": 64, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 47, "label": "T"}, {"source": 57, "target": 30, "label": "U"}, {"source": 69, "target": 34, "label": "R"}, {"source": 57, "target": 68, "label": "H"}, {"source": 57, "target": 50, "label": "L"}, {"source": 62, "target": 13, "label": "F"}, {"source": 67, "target": 28, "label": "C"}, {"source": 57, "target": 20, "label": "U"}, {"source": 69, "target": 36, "label": "F"}, {"source": 62, "target": 14, "label": "D"}, {"source": 57, "target": 4, "label": "L"}, {"source": 62, "target": 63, "label": "T"}, {"source": 73, "target": 43, "label": "C"}, {"source": 67, "target": 27, "label": "E"}, {"source": 69, "target": 38, "label": "C"}, {"source": 63, "target": 17, "label": "R"}, {"source": 75, "target": 76, "label": "A"}, {"source": 57, "target": 59, "label": "H"}, {"source": 65, "target": 64, "label": "E"}, {"source": 60, "target": 6, "label": "R"}, {"source": 56, "target": 0, "label": "A"}, {"source": 74, "target": 49, "label": "A"}, {"source": 63, "target": 18, "label": "F"}, {"source": 59, "target": 60, "label": "A"}, {"source": 57, "target": 66, "label": "H"}, {"source": 57, "target": 39, "label": "L"}, {"source": 57, "target": 62, "label": "H"}, {"source": 62, "target": 16, "label": "A"}, {"source": 57, "target": 29, "label": "U"}, {"source": 68, "target": 69, "label": "A"}, {"source": 75, "target": 51, "label": "A"}, {"source": 59, "target": 5, "label": "P"}, {"source": 57, "target": 75, "label": "H"}, {"source": 71, "target": 41, "label": "C"}, {"source": 57, "target": 11, "label": "L"}, {"source": 61, "target": 7, "label": "S"}, {"source": 57, "target": 74, "label": "H"}, {"source": 66, "target": 67, "label": "P"}, {"source": 57, "target": 10, "label": "L"}, {"source": 60, "target": 9, "label": "C"}]} +{"id": "262441-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thoroughly recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 22}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "262722-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "recommended", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "262722-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent location.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "262722-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good sports bar.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "262722-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hyatt web site improved.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "262722-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Accurate check-out.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}, {"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 1, "target": 2, "label": "U"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "262722-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rooms clean.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "262722-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lifts quick, clean, accurate, and correctly sized.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 2, "label": "U"}, {"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 9, "label": "S"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "L"}, {"source": 11, "target": 1, "label": "S"}, {"source": 12, "target": 6, "label": "U"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "S"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 8, "label": "D"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "262722-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Choose this hotel over the Hilton (which is on the next block).", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 14, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 6, "label": "U"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 2, "label": "C"}, {"source": 19, "target": 9, "label": "S"}, {"source": 16, "target": 0, "label": "P"}, {"source": 17, "target": 1, "label": "E"}, {"source": 19, "target": 7, "label": "R"}, {"source": 18, "target": 3, "label": "R"}, {"source": 18, "target": 4, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 11, "label": "E"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 8, "label": "F"}]} +{"id": "263630-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Orr's a nightmare!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "263630-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DON'T GO!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "263630-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My boyfriend and I were woken up in the middle of the night at our campsite by drunken kids who'd arrived around 1:00 am and were drinking at the springs.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}, {"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 153}]}, {"id": 30, "anchors": [{"from": 153, "to": 154}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 39, "target": 16, "label": "S"}, {"source": 42, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 1, "label": "A"}, {"source": 33, "target": 36, "label": "T"}, {"source": 31, "target": 0, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 33, "target": 39, "label": "A"}, {"source": 42, "target": 25, "label": "F"}, {"source": 37, "target": 14, "label": "C"}, {"source": 37, "target": 12, "label": "R"}, {"source": 33, "target": 37, "label": "A"}, {"source": 43, "target": 27, "label": "R"}, {"source": 41, "target": 22, "label": "Q"}, {"source": 33, "target": 32, "label": "A"}, {"source": 38, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "T"}, {"source": 35, "target": 8, "label": "C"}, {"source": 34, "target": 42, "label": "H"}, {"source": 34, "target": 18, "label": "L"}, {"source": 37, "target": 38, "label": "E"}, {"source": 35, "target": 6, "label": "R"}, {"source": 42, "target": 26, "label": "P"}, {"source": 36, "target": 9, "label": "R"}, {"source": 36, "target": 10, "label": "F"}, {"source": 35, "target": 7, "label": "F"}, {"source": 36, "target": 11, "label": "C"}, {"source": 32, "target": 3, "label": "C"}, {"source": 40, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 24, "label": "L"}, {"source": 32, "target": 2, "label": "N"}, {"source": 33, "target": 4, "label": "F"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 43, "target": 28, "label": "F"}, {"source": 40, "target": 20, "label": "P"}, {"source": 43, "target": 29, "label": "C"}, {"source": 39, "target": 15, "label": "R"}, {"source": 31, "target": 1, "label": "S"}, {"source": 36, "target": 35, "label": "E"}, {"source": 33, "target": 5, "label": "P"}, {"source": 41, "target": 21, "label": "E"}, {"source": 43, "target": 30, "label": "U"}, {"source": 40, "target": 19, "label": "F"}, {"source": 32, "target": 31, "label": "C"}, {"source": 39, "target": 17, "label": "A"}, {"source": 38, "target": 13, "label": "S"}, {"source": 41, "target": 23, "label": "C"}]} +{"id": "263630-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When we complained to the management (as we were instructed to do if there were any problems), nothing happened!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 111}]}, {"id": 22, "anchors": [{"from": 111, "to": 112}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 8, "label": "A"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 26, "label": "A"}, {"source": 31, "target": 20, "label": "D"}, {"source": 23, "target": 6, "label": "U"}, {"source": 23, "target": 13, "label": "L"}, {"source": 25, "target": 26, "label": "S"}, {"source": 28, "target": 11, "label": "F"}, {"source": 30, "target": 16, "label": "E"}, {"source": 31, "target": 21, "label": "P"}, {"source": 27, "target": 10, "label": "P"}, {"source": 24, "target": 1, "label": "A"}, {"source": 26, "target": 4, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 5, "label": "C"}, {"source": 27, "target": 9, "label": "F"}, {"source": 23, "target": 18, "label": "U"}, {"source": 30, "target": 17, "label": "C"}, {"source": 28, "target": 12, "label": "P"}, {"source": 23, "target": 31, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 29, "target": 15, "label": "F"}, {"source": 23, "target": 27, "label": "H"}, {"source": 29, "target": 14, "label": "S"}, {"source": 28, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 29, "label": "H"}, {"source": 23, "target": 7, "label": "L"}, {"source": 25, "target": 3, "label": "R"}, {"source": 23, "target": 19, "label": "U"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "263630-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then, the next morning, when we, among many other irate guests, asked to speak to the owner, he refused to do so.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 112}]}, {"id": 27, "anchors": [{"from": 112, "to": 113}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 26, "label": "A"}, {"source": 29, "target": 2, "label": "F"}, {"source": 28, "target": 6, "label": "L"}, {"source": 34, "target": 16, "label": "R"}, {"source": 30, "target": 15, "label": "P"}, {"source": 35, "target": 19, "label": "F"}, {"source": 28, "target": 0, "label": "L"}, {"source": 33, "target": 12, "label": "S"}, {"source": 29, "target": 4, "label": "C"}, {"source": 33, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 3, "label": "E"}, {"source": 28, "target": 30, "label": "H"}, {"source": 28, "target": 21, "label": "U"}, {"source": 36, "target": 24, "label": "F"}, {"source": 34, "target": 17, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 36, "target": 27, "label": "U"}, {"source": 30, "target": 34, "label": "A"}, {"source": 36, "target": 25, "label": "P"}, {"source": 31, "target": 7, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 11, "label": "E"}, {"source": 36, "target": 22, "label": "A"}, {"source": 32, "target": 13, "label": "C"}, {"source": 28, "target": 36, "label": "H"}, {"source": 35, "target": 18, "label": "R"}, {"source": 30, "target": 14, "label": "U"}, {"source": 32, "target": 9, "label": "R"}, {"source": 32, "target": 10, "label": "Q"}, {"source": 31, "target": 32, "label": "C"}, {"source": 28, "target": 1, "label": "U"}, {"source": 30, "target": 29, "label": "T"}, {"source": 31, "target": 8, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 5, "label": "U"}, {"source": 35, "target": 20, "label": "C"}, {"source": 34, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 23, "label": "D"}]} +{"id": "263630-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not only that, but he told us, via his manager, that it was our responsibility to get up a second time in the middle of the night and call the night staff if the problem continued, even though his manager did nothing the first time to stop the kids.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}, {"from": 86, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 142}]}, {"id": 30, "anchors": [{"from": 143, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 154}]}, {"id": 32, "anchors": [{"from": 155, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 161}]}, {"id": 34, "anchors": [{"from": 162, "to": 169}]}, {"id": 35, "anchors": [{"from": 170, "to": 179}]}, {"id": 36, "anchors": [{"from": 179, "to": 180}]}, {"id": 37, "anchors": [{"from": 181, "to": 185}, {"from": 186, "to": 192}]}, {"id": 38, "anchors": [{"from": 193, "to": 196}]}, {"id": 39, "anchors": [{"from": 197, "to": 204}]}, {"id": 40, "anchors": [{"from": 205, "to": 208}]}, {"id": 41, "anchors": [{"from": 209, "to": 216}]}, {"id": 42, "anchors": [{"from": 217, "to": 220}]}, {"id": 43, "anchors": [{"from": 221, "to": 226}]}, {"id": 44, "anchors": [{"from": 227, "to": 231}]}, {"id": 45, "anchors": [{"from": 232, "to": 234}]}, {"id": 46, "anchors": [{"from": 235, "to": 239}]}, {"id": 47, "anchors": [{"from": 240, "to": 243}]}, {"id": 48, "anchors": [{"from": 244, "to": 248}]}, {"id": 49, "anchors": [{"from": 248, "to": 249}]}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}], "edges": [{"source": 58, "target": 25, "label": "F"}, {"source": 65, "target": 39, "label": "S"}, {"source": 52, "target": 7, "label": "R"}, {"source": 57, "target": 23, "label": "C"}, {"source": 50, "target": 68, "label": "H"}, {"source": 51, "target": 3, "label": "A"}, {"source": 50, "target": 45, "label": "L"}, {"source": 68, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 67, "target": 43, "label": "Q"}, {"source": 68, "target": 46, "label": "P"}, {"source": 59, "target": 60, "label": "A"}, {"source": 63, "target": 62, "label": "P"}, {"source": 62, "target": 34, "label": "C"}, {"source": 56, "target": 18, "label": "F"}, {"source": 59, "target": 28, "label": "P"}, {"source": 58, "target": 24, "label": "R"}, {"source": 54, "target": 12, "label": "F"}, {"source": 52, "target": 8, "label": "E"}, {"source": 66, "target": 65, "label": "A"}, {"source": 53, "target": 54, "label": "H"}, {"source": 50, "target": 66, "label": "H"}, {"source": 55, "target": 14, "label": "A"}, {"source": 51, "target": 6, "label": "U"}, {"source": 59, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 29, "label": "F"}, {"source": 66, "target": 40, "label": "P"}, {"source": 60, "target": 30, "label": "T"}, {"source": 54, "target": 17, "label": "P"}, {"source": 66, "target": 67, "label": "A"}, {"source": 68, "target": 69, "label": "A"}, {"source": 65, "target": 39, "label": "A"}, {"source": 52, "target": 9, "label": "C"}, {"source": 60, "target": 61, "label": "A"}, {"source": 67, "target": 42, "label": "F"}, {"source": 54, "target": 56, "label": "D"}, {"source": 50, "target": 0, "label": "L"}, {"source": 61, "target": 31, "label": "C"}, {"source": 50, "target": 36, "label": "U"}, {"source": 50, "target": 51, "label": "H"}, {"source": 51, "target": 4, "label": "P"}, {"source": 58, "target": 57, "label": "E"}, {"source": 53, "target": 11, "label": "R"}, {"source": 56, "target": 20, "label": "C"}, {"source": 57, "target": 21, "label": "R"}, {"source": 54, "target": 16, "label": "F"}, {"source": 69, "target": 47, "label": "F"}, {"source": 54, "target": 55, "label": "A"}, {"source": 51, "target": 5, "label": "A"}, {"source": 65, "target": 64, "label": "A"}, {"source": 54, "target": 58, "label": "T"}, {"source": 53, "target": 32, "label": "L"}, {"source": 57, "target": 22, "label": "F"}, {"source": 58, "target": 26, "label": "C"}, {"source": 56, "target": 19, "label": "Q"}, {"source": 51, "target": 10, "label": "U"}, {"source": 69, "target": 49, "label": "U"}, {"source": 51, "target": 53, "label": "A"}, {"source": 69, "target": 48, "label": "C"}, {"source": 50, "target": 2, "label": "L"}, {"source": 53, "target": 27, "label": "L"}, {"source": 55, "target": 15, "label": "S"}, {"source": 50, "target": 1, "label": "U"}, {"source": 54, "target": 13, "label": "F"}, {"source": 66, "target": 41, "label": "D"}, {"source": 50, "target": 37, "label": "L"}, {"source": 62, "target": 33, "label": "F"}, {"source": 64, "target": 38, "label": "S"}, {"source": 60, "target": 61, "label": "S"}, {"source": 67, "target": 44, "label": "C"}, {"source": 53, "target": 59, "label": "H"}, {"source": 51, "target": 52, "label": "D"}, {"source": 63, "target": 35, "label": "D"}, {"source": 53, "target": 63, "label": "H"}]} +{"id": "263630-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Orr is not relaxing, it's not a safe space, and the owner is awful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 67}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 20, "target": 6, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 4, "label": "U"}, {"source": 24, "target": 16, "label": "D"}, {"source": 19, "target": 24, "label": "H"}, {"source": 20, "target": 5, "label": "A"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 10, "label": "C"}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "S"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 14, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 8, "label": "F"}, {"source": 24, "target": 23, "label": "S"}, {"source": 22, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "U"}, {"source": 24, "target": 17, "label": "U"}, {"source": 20, "target": 7, "label": "D"}, {"source": 24, "target": 15, "label": "F"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "263630-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "To add insult to injury, he refused to refund our money.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 13}, {"from": 14, "to": 16}, {"from": 17, "to": 23}]}, {"id": 1, "anchors": [{"from": 23, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 55}]}, {"id": 8, "anchors": [{"from": 55, "to": 56}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 4, "label": "F"}, {"source": 12, "target": 11, "label": "E"}, {"source": 11, "target": 6, "label": "S"}, {"source": 10, "target": 3, "label": "D"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "P"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "263630-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't go!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "263830-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice teachers good school", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "A"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "263830-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are very good teachers and nice people to meet here.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 6, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 4, "label": "P"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "P"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 10, "label": "A"}, {"source": 12, "target": 14, "label": "D"}]} +{"id": "263830-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I enjoyed very much to study here.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 6, "label": "A"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 5, "label": "P"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "263830-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A good place to improve your English", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 11, "target": 6, "label": "A"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 0, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "263870-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Believe me.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "263870-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is THE premier university in Virginia.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "R"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "E"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "263870-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is also the largest.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "263870-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "With a Pizza Hut, IHOP, 3 Starbucks, Chilis, Panera, and Chipotle on campus ALONE, VCU has some of the best eating options for students.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}, {"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}, {"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 135}]}, {"id": 29, "anchors": [{"from": 135, "to": 136}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 35, "target": 5, "label": "U"}, {"source": 33, "target": 26, "label": "P"}, {"source": 33, "target": 20, "label": "F"}, {"source": 36, "target": 6, "label": "Q"}, {"source": 36, "target": 7, "label": "C"}, {"source": 31, "target": 18, "label": "U"}, {"source": 35, "target": 8, "label": "U"}, {"source": 38, "target": 21, "label": "Q"}, {"source": 35, "target": 11, "label": "C"}, {"source": 34, "target": 2, "label": "C"}, {"source": 31, "target": 19, "label": "C"}, {"source": 33, "target": 39, "label": "A"}, {"source": 35, "target": 9, "label": "C"}, {"source": 38, "target": 23, "label": "F"}, {"source": 30, "target": 35, "label": "A"}, {"source": 32, "target": 33, "label": "H"}, {"source": 35, "target": 4, "label": "C"}, {"source": 39, "target": 28, "label": "C"}, {"source": 33, "target": 31, "label": "A"}, {"source": 35, "target": 13, "label": "N"}, {"source": 33, "target": 38, "label": "D"}, {"source": 30, "target": 37, "label": "A"}, {"source": 35, "target": 34, "label": "C"}, {"source": 30, "target": 15, "label": "S"}, {"source": 39, "target": 27, "label": "R"}, {"source": 35, "target": 36, "label": "C"}, {"source": 38, "target": 24, "label": "C"}, {"source": 38, "target": 22, "label": "F"}, {"source": 33, "target": 25, "label": "A"}, {"source": 30, "target": 0, "label": "R"}, {"source": 39, "target": 29, "label": "U"}, {"source": 35, "target": 3, "label": "U"}, {"source": 34, "target": 1, "label": "F"}, {"source": 31, "target": 30, "label": "E"}, {"source": 35, "target": 12, "label": "U"}, {"source": 37, "target": 17, "label": "E"}, {"source": 37, "target": 16, "label": "C"}, {"source": 35, "target": 10, "label": "U"}, {"source": 35, "target": 14, "label": "C"}]} +{"id": "263870-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "VCU has the #1 art school in America, and EXCELS in healthcare and medical schooling.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 8, "label": "C"}, {"source": 19, "target": 10, "label": "L"}, {"source": 24, "target": 11, "label": "S"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 24, "label": "H"}, {"source": 26, "target": 15, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 18, "target": 22, "label": "A"}, {"source": 25, "target": 13, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 26, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "F"}, {"source": 21, "target": 3, "label": "U"}, {"source": 20, "target": 21, "label": "S"}, {"source": 25, "target": 14, "label": "N"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 12, "label": "R"}, {"source": 22, "target": 6, "label": "C"}, {"source": 18, "target": 1, "label": "S"}, {"source": 22, "target": 5, "label": "E"}, {"source": 19, "target": 9, "label": "U"}, {"source": 22, "target": 20, "label": "E"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "263870-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Rams, the VCU sports team, also made the NCAA Final 4 this year, too!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "anchors": [{"from": 67, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 24, "label": "A"}, {"source": 20, "target": 8, "label": "D"}, {"source": 20, "target": 25, "label": "T"}, {"source": 19, "target": 22, "label": "E"}, {"source": 19, "target": 2, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 20, "target": 7, "label": "U"}, {"source": 21, "target": 17, "label": "L"}, {"source": 23, "target": 10, "label": "F"}, {"source": 22, "target": 4, "label": "E"}, {"source": 19, "target": 0, "label": "F"}, {"source": 24, "target": 13, "label": "Q"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 19, "label": "A"}, {"source": 25, "target": 14, "label": "R"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 21, "target": 18, "label": "U"}, {"source": 22, "target": 5, "label": "E"}, {"source": 22, "target": 3, "label": "F"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "263870-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "VCU also offers high-rise living for students and professors, and the historic yet fixed-up houses in the Fan are also available to students, professors, or even people wanting to live in a safe, viable community.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}, {"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "anchors": [{"from": 92, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 152}]}, {"id": 29, "anchors": [{"from": 152, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 176}]}, {"id": 34, "anchors": [{"from": 177, "to": 179}]}, {"id": 35, "anchors": [{"from": 180, "to": 184}]}, {"id": 36, "anchors": [{"from": 185, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 189}]}, {"id": 38, "anchors": [{"from": 190, "to": 194}]}, {"id": 39, "anchors": [{"from": 194, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 202}]}, {"id": 41, "anchors": [{"from": 203, "to": 212}]}, {"id": 42, "anchors": [{"from": 212, "to": 213}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 57, "target": 26, "label": "S"}, {"source": 56, "target": 25, "label": "R"}, {"source": 51, "target": 53, "label": "E"}, {"source": 56, "target": 30, "label": "L"}, {"source": 59, "target": 35, "label": "P"}, {"source": 59, "target": 60, "label": "A"}, {"source": 60, "target": 41, "label": "C"}, {"source": 50, "target": 13, "label": "F"}, {"source": 55, "target": 19, "label": "R"}, {"source": 55, "target": 20, "label": "F"}, {"source": 47, "target": 9, "label": "L"}, {"source": 55, "target": 21, "label": "C"}, {"source": 48, "target": 8, "label": "A"}, {"source": 51, "target": 50, "label": "E"}, {"source": 62, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 52, "label": "H"}, {"source": 53, "target": 54, "label": "H"}, {"source": 43, "target": 46, "label": "A"}, {"source": 51, "target": 55, "label": "E"}, {"source": 52, "target": 22, "label": "F"}, {"source": 48, "target": 8, "label": "S"}, {"source": 49, "target": 10, "label": "S"}, {"source": 54, "target": 16, "label": "S"}, {"source": 45, "target": 5, "label": "C"}, {"source": 60, "target": 62, "label": "E"}, {"source": 59, "target": 32, "label": "A"}, {"source": 45, "target": 4, "label": "U"}, {"source": 16, "target": 17, "label": "U"}, {"source": 44, "target": 11, "label": "U"}, {"source": 59, "target": 34, "label": "F"}, {"source": 58, "target": 28, "label": "A"}, {"source": 60, "target": 42, "label": "U"}, {"source": 52, "target": 24, "label": "S"}, {"source": 43, "target": 1, "label": "D"}, {"source": 43, "target": 0, "label": "A"}, {"source": 47, "target": 48, "label": "H"}, {"source": 46, "target": 45, "label": "A"}, {"source": 59, "target": 31, "label": "R"}, {"source": 47, "target": 49, "label": "H"}, {"source": 56, "target": 29, "label": "U"}, {"source": 47, "target": 7, "label": "R"}, {"source": 60, "target": 39, "label": "U"}, {"source": 52, "target": 56, "label": "A"}, {"source": 59, "target": 33, "label": "D"}, {"source": 43, "target": 47, "label": "A"}, {"source": 56, "target": 59, "label": "H"}, {"source": 60, "target": 61, "label": "E"}, {"source": 56, "target": 58, "label": "H"}, {"source": 44, "target": 43, "label": "H"}, {"source": 58, "target": 28, "label": "S"}, {"source": 56, "target": 57, "label": "H"}, {"source": 46, "target": 6, "label": "P"}, {"source": 53, "target": 15, "label": "L"}, {"source": 45, "target": 3, "label": "E"}, {"source": 51, "target": 18, "label": "C"}, {"source": 52, "target": 51, "label": "A"}, {"source": 60, "target": 37, "label": "F"}, {"source": 60, "target": 36, "label": "R"}, {"source": 61, "target": 38, "label": "S"}, {"source": 52, "target": 23, "label": "D"}, {"source": 62, "target": 40, "label": "S"}, {"source": 61, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 14, "label": "C"}, {"source": 57, "target": 26, "label": "A"}, {"source": 54, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 2, "label": "P"}, {"source": 44, "target": 12, "label": "L"}, {"source": 56, "target": 27, "label": "U"}, {"source": 49, "target": 10, "label": "A"}]} +{"id": "263870-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "VCU is also minutes from Downtown Richmond, Canal Walk, Carytown, Stony Point, Short Pump, and the VCU Medical Center.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}, {"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}, {"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}, {"from": 72, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 84}, {"from": 85, "to": 89}]}, {"id": 14, "anchors": [{"from": 89, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 2, "label": "D"}, {"source": 24, "target": 19, "label": "C"}, {"source": 23, "target": 9, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 6, "label": "U"}, {"source": 24, "target": 17, "label": "E"}, {"source": 24, "target": 18, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 23, "target": 15, "label": "N"}, {"source": 23, "target": 8, "label": "U"}, {"source": 23, "target": 5, "label": "C"}, {"source": 23, "target": 24, "label": "C"}, {"source": 23, "target": 12, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 22, "target": 3, "label": "T"}, {"source": 23, "target": 14, "label": "U"}, {"source": 24, "target": 16, "label": "F"}, {"source": 23, "target": 13, "label": "C"}, {"source": 24, "target": 20, "label": "U"}, {"source": 23, "target": 7, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "263870-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is the best university in Virginia and continuously receives rave reviews every year.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 87}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "T"}, {"source": 16, "target": 21, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "S"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 17, "label": "E"}, {"source": 18, "target": 2, "label": "F"}, {"source": 22, "target": 11, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 21, "target": 8, "label": "D"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 12, "label": "E"}, {"source": 16, "target": 7, "label": "L"}, {"source": 15, "target": 1, "label": "S"}, {"source": 20, "target": 5, "label": "R"}, {"source": 15, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 14, "label": "U"}, {"source": 23, "target": 13, "label": "C"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "263870-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The U of R is also recommended, too!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 3, "label": "D"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 8, "label": "A"}, {"source": 10, "target": 5, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 8, "target": 0, "label": "F"}, {"source": 10, "target": 6, "label": "L"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "263909-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Service Great People", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "263909-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bisconti wanted over $300 to fix my laptop and these guys fixed it for $90!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 20, "target": 2, "label": "E"}, {"source": 25, "target": 13, "label": "A"}, {"source": 25, "target": 24, "label": "A"}, {"source": 19, "target": 25, "label": "H"}, {"source": 24, "target": 11, "label": "C"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 7, "label": "S"}, {"source": 24, "target": 10, "label": "E"}, {"source": 19, "target": 18, "label": "H"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 22, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "A"}, {"source": 26, "target": 16, "label": "Q"}, {"source": 25, "target": 12, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "263909-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Call them today!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "T"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "263909-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Had it fixed within a few days (had to order a part).", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}, {"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "F"}, {"source": 17, "target": 8, "label": "D"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 0, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 1, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "U"}, {"source": 14, "target": 16, "label": "T"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 5, "label": "Q"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "R"}]} +{"id": "264993-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "An Hour Of Prego Bliss!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 6, "label": "T"}, {"source": 9, "target": 2, "label": "R"}, {"source": 6, "target": 0, "label": "F"}, {"source": 10, "target": 3, "label": "S"}, {"source": 10, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "S"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "264993-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I schedule my weekly appointment here just to get a chance to lie comfortably on my tummy.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 3, "label": "T"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 4, "label": "P"}, {"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 23, "label": "H"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 2, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 11, "label": "F"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 7, "label": "C"}, {"source": 23, "target": 12, "label": "P"}, {"source": 21, "target": 6, "label": "E"}, {"source": 24, "target": 15, "label": "E"}, {"source": 23, "target": 22, "label": "D"}, {"source": 18, "target": 5, "label": "A"}, {"source": 19, "target": 21, "label": "L"}, {"source": 23, "target": 13, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "264993-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And the massages are heavenly!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 0, "label": "L"}, {"source": 8, "target": 7, "label": "P"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "264993-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Very friendly place.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "266591-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Chineese food in the area", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 9, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 4, "label": "F"}, {"source": 8, "target": 1, "label": "E"}]} +{"id": "266591-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food here is fresh and hot out of the Wok.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 0, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 5, "label": "L"}, {"source": 15, "target": 6, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 2, "label": "A"}, {"source": 16, "target": 7, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "F"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "266591-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The food is cooked fast by the two chefs on duty.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 7, "label": "Q"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 17, "label": "P"}, {"source": 14, "target": 4, "label": "D"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 17, "target": 9, "label": "R"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 12, "label": "A"}]} +{"id": "266591-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The lunch specials are more food than most people can eat for about $6.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 24, "target": 14, "label": "Q"}, {"source": 19, "target": 1, "label": "P"}, {"source": 16, "target": 0, "label": "F"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 18, "target": 11, "label": "L"}, {"source": 16, "target": 19, "label": "E"}, {"source": 21, "target": 9, "label": "D"}, {"source": 21, "target": 10, "label": "P"}, {"source": 23, "target": 12, "label": "D"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "E"}, {"source": 16, "target": 2, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "C"}, {"source": 24, "target": 13, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 6, "label": "R"}, {"source": 23, "target": 24, "label": "S"}, {"source": 18, "target": 23, "label": "H"}, {"source": 17, "target": 3, "label": "S"}, {"source": 24, "target": 15, "label": "U"}, {"source": 20, "target": 21, "label": "E"}]} +{"id": "266591-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is busy every day at lunch for a reason, the service is fast and the food is great.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 19, "label": "S"}, {"source": 24, "target": 6, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 7, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 21, "target": 24, "label": "T"}, {"source": 23, "target": 4, "label": "C"}, {"source": 25, "target": 8, "label": "F"}, {"source": 21, "target": 25, "label": "A"}, {"source": 24, "target": 5, "label": "R"}, {"source": 25, "target": 9, "label": "C"}, {"source": 21, "target": 23, "label": "T"}, {"source": 27, "target": 13, "label": "F"}, {"source": 23, "target": 3, "label": "E"}, {"source": 27, "target": 14, "label": "D"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 10, "label": "U"}, {"source": 22, "target": 15, "label": "L"}, {"source": 26, "target": 11, "label": "F"}, {"source": 28, "target": 16, "label": "F"}, {"source": 22, "target": 29, "label": "H"}, {"source": 29, "target": 18, "label": "F"}, {"source": 27, "target": 26, "label": "P"}, {"source": 29, "target": 28, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 27, "label": "H"}, {"source": 21, "target": 2, "label": "S"}]} +{"id": "266676-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks For A Great Job", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "R"}, {"source": 7, "target": 8, "label": "P"}, {"source": 7, "target": 3, "label": "D"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "266676-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks For The Prompt Service And Great Job You And Your Boys Have Done On Our New Solar System, The Panels On The Roof Look Great And The Power We Are Putting Back In To The Grid Is Great, Great Job Thanks", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 147}]}, {"id": 31, "anchors": [{"from": 148, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 159}]}, {"id": 33, "anchors": [{"from": 160, "to": 164}]}, {"id": 34, "anchors": [{"from": 165, "to": 167}, {"from": 168, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 174}]}, {"id": 36, "anchors": [{"from": 175, "to": 179}]}, {"id": 37, "anchors": [{"from": 180, "to": 182}]}, {"id": 38, "anchors": [{"from": 183, "to": 188}]}, {"id": 39, "anchors": [{"from": 188, "to": 189}]}, {"id": 40, "anchors": [{"from": 190, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 199}]}, {"id": 42, "anchors": [{"from": 200, "to": 206}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 48, "target": 6, "label": "D"}, {"source": 58, "target": 26, "label": "S"}, {"source": 60, "target": 28, "label": "F"}, {"source": 63, "target": 36, "label": "C"}, {"source": 64, "target": 40, "label": "D"}, {"source": 63, "target": 34, "label": "R"}, {"source": 62, "target": 33, "label": "D"}, {"source": 44, "target": 27, "label": "L"}, {"source": 61, "target": 37, "label": "F"}, {"source": 64, "target": 41, "label": "P"}, {"source": 50, "target": 49, "label": "A"}, {"source": 59, "target": 23, "label": "F"}, {"source": 62, "target": 30, "label": "A"}, {"source": 61, "target": 60, "label": "A"}, {"source": 56, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 0, "label": "P"}, {"source": 58, "target": 57, "label": "A"}, {"source": 54, "target": 18, "label": "C"}, {"source": 44, "target": 61, "label": "H"}, {"source": 60, "target": 62, "label": "E"}, {"source": 50, "target": 12, "label": "F"}, {"source": 50, "target": 6, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 50, "label": "H"}, {"source": 63, "target": 35, "label": "F"}, {"source": 59, "target": 24, "label": "C"}, {"source": 54, "target": 55, "label": "E"}, {"source": 54, "target": 17, "label": "E"}, {"source": 52, "target": 11, "label": "C"}, {"source": 45, "target": 1, "label": "R"}, {"source": 57, "target": 20, "label": "F"}, {"source": 57, "target": 59, "label": "E"}, {"source": 60, "target": 29, "label": "C"}, {"source": 62, "target": 32, "label": "P"}, {"source": 52, "target": 51, "label": "E"}, {"source": 46, "target": 47, "label": "P"}, {"source": 62, "target": 31, "label": "F"}, {"source": 50, "target": 54, "label": "A"}, {"source": 50, "target": 53, "label": "P"}, {"source": 49, "target": 9, "label": "N"}, {"source": 56, "target": 16, "label": "S"}, {"source": 45, "target": 46, "label": "H"}, {"source": 47, "target": 2, "label": "F"}, {"source": 59, "target": 22, "label": "R"}, {"source": 44, "target": 43, "label": "H"}, {"source": 54, "target": 14, "label": "R"}, {"source": 55, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 39, "label": "U"}, {"source": 53, "target": 13, "label": "F"}, {"source": 58, "target": 25, "label": "G"}, {"source": 51, "target": 10, "label": "S"}, {"source": 44, "target": 19, "label": "U"}, {"source": 49, "target": 8, "label": "C"}, {"source": 62, "target": 63, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 61, "target": 38, "label": "S"}, {"source": 55, "target": 15, "label": "S"}, {"source": 48, "target": 7, "label": "P"}, {"source": 57, "target": 21, "label": "C"}, {"source": 44, "target": 65, "label": "H"}, {"source": 49, "target": 52, "label": "C"}, {"source": 51, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 64, "label": "H"}, {"source": 65, "target": 42, "label": "P"}, {"source": 45, "target": 48, "label": "H"}, {"source": 54, "target": 56, "label": "E"}, {"source": 46, "target": 3, "label": "D"}, {"source": 45, "target": 5, "label": "L"}, {"source": 53, "target": 7, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 4, "label": "C"}, {"source": 44, "target": 58, "label": "H"}]} +{"id": "266955-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The finest German bedding and linens store.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "F"}, {"source": 10, "target": 8, "label": "S"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "266955-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quality and service come first here.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "S"}, {"source": 8, "target": 10, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 4, "label": "C"}, {"source": 8, "target": 6, "label": "U"}, {"source": 10, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "D"}, {"source": 7, "target": 1, "label": "L"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "267732-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So very delicious!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "267732-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "267732-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "November 7, 2010 First time eating at Caffe Bella Italia and it was a wonderful experience.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}, {"from": 44, "to": 49}, {"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 90}]}, {"id": 15, "anchors": [{"from": 90, "to": 91}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 1, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 0, "label": "C"}, {"source": 17, "target": 19, "label": "D"}, {"source": 19, "target": 4, "label": "Q"}, {"source": 18, "target": 9, "label": "L"}, {"source": 17, "target": 6, "label": "P"}, {"source": 21, "target": 22, "label": "S"}, {"source": 21, "target": 13, "label": "D"}, {"source": 16, "target": 2, "label": "U"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "F"}, {"source": 21, "target": 10, "label": "F"}, {"source": 17, "target": 16, "label": "T"}]} +{"id": "267732-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From the delectable Antipasto Misto to the Spaghetti alla Barese and the Parmigiana and ending with gelato, all was mouth watering.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}, {"from": 30, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 64}]}, {"id": 7, "anchors": [{"from": 65, "to": 68}]}, {"id": 8, "anchors": [{"from": 69, "to": 72}]}, {"id": 9, "anchors": [{"from": 73, "to": 83}]}, {"id": 10, "anchors": [{"from": 84, "to": 87}]}, {"id": 11, "anchors": [{"from": 88, "to": 94}]}, {"id": 12, "anchors": [{"from": 95, "to": 99}]}, {"id": 13, "anchors": [{"from": 100, "to": 106}]}, {"id": 14, "anchors": [{"from": 106, "to": 107}]}, {"id": 15, "anchors": [{"from": 108, "to": 111}]}, {"id": 16, "anchors": [{"from": 112, "to": 115}]}, {"id": 17, "anchors": [{"from": 116, "to": 121}]}, {"id": 18, "anchors": [{"from": 122, "to": 130}]}, {"id": 19, "anchors": [{"from": 130, "to": 131}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 20, "target": 24, "label": "C"}, {"source": 20, "target": 27, "label": "C"}, {"source": 21, "target": 20, "label": "C"}, {"source": 26, "target": 5, "label": "F"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 2, "label": "S"}, {"source": 28, "target": 12, "label": "R"}, {"source": 21, "target": 15, "label": "Q"}, {"source": 20, "target": 10, "label": "N"}, {"source": 21, "target": 14, "label": "U"}, {"source": 28, "target": 11, "label": "E"}, {"source": 29, "target": 19, "label": "U"}, {"source": 23, "target": 21, "label": "A"}, {"source": 23, "target": 16, "label": "F"}, {"source": 27, "target": 8, "label": "F"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 18, "label": "C"}, {"source": 24, "target": 1, "label": "E"}, {"source": 20, "target": 26, "label": "C"}, {"source": 24, "target": 3, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 29, "target": 17, "label": "C"}, {"source": 20, "target": 28, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 20, "target": 4, "label": "N"}, {"source": 20, "target": 7, "label": "N"}, {"source": 22, "target": 23, "label": "H"}, {"source": 27, "target": 9, "label": "C"}, {"source": 20, "target": 0, "label": "R"}, {"source": 23, "target": 29, "label": "S"}]} +{"id": "267732-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Too bad they were out of the Chocolate Lava Cake.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}, {"from": 39, "to": 43}, {"from": 44, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 0, "label": "G"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 5, "label": "F"}]} +{"id": "267732-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Maybe next time they will have it.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "T"}, {"source": 9, "target": 0, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "A"}, {"source": 10, "target": 1, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "267732-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service was excellent!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "267732-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sandy", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "267793-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Doc", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "267793-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr Greenwalt fixed my neck from a snowboard injury and was way more effective that a regular doctor.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 26, "target": 12, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 14, "label": "L"}, {"source": 24, "target": 7, "label": "P"}, {"source": 21, "target": 25, "label": "H"}, {"source": 20, "target": 2, "label": "P"}, {"source": 28, "target": 18, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 27, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 5, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 13, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "F"}, {"source": 25, "target": 26, "label": "D"}, {"source": 19, "target": 0, "label": "E"}, {"source": 28, "target": 16, "label": "E"}, {"source": 22, "target": 3, "label": "E"}, {"source": 20, "target": 19, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 26, "target": 11, "label": "E"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 13, "label": "S"}, {"source": 19, "target": 1, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 28, "target": 17, "label": "C"}]} +{"id": "267793-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He didnt prescribe pain meds or other drugs, he used his bodytalk method which is unusual but the results are undeniable.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 11, "label": "P"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 10, "label": "A"}, {"source": 31, "target": 14, "label": "C"}, {"source": 25, "target": 15, "label": "L"}, {"source": 31, "target": 13, "label": "E"}, {"source": 34, "target": 23, "label": "U"}, {"source": 28, "target": 8, "label": "C"}, {"source": 30, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 22, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 25, "target": 34, "label": "H"}, {"source": 24, "target": 27, "label": "A"}, {"source": 32, "target": 16, "label": "F"}, {"source": 26, "target": 4, "label": "E"}, {"source": 24, "target": 3, "label": "P"}, {"source": 24, "target": 2, "label": "D"}, {"source": 26, "target": 5, "label": "C"}, {"source": 30, "target": 12, "label": "S"}, {"source": 33, "target": 20, "label": "C"}, {"source": 27, "target": 28, "label": "C"}, {"source": 34, "target": 21, "label": "F"}, {"source": 27, "target": 26, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 32, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 12, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 32, "target": 17, "label": "S"}, {"source": 25, "target": 18, "label": "L"}, {"source": 27, "target": 6, "label": "N"}, {"source": 25, "target": 32, "label": "H"}, {"source": 34, "target": 33, "label": "P"}, {"source": 28, "target": 7, "label": "E"}, {"source": 33, "target": 19, "label": "F"}, {"source": 25, "target": 9, "label": "U"}]} +{"id": "267793-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My neck is fixed!.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "267793-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He knows what hes doing.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "267982-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I won a golf lesson certificate with Adz through a charity auction.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 17, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 3, "label": "A"}, {"source": 14, "target": 8, "label": "L"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "R"}, {"source": 18, "target": 19, "label": "P"}]} +{"id": "267982-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The lesson was donated by the teacher Adz.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 9, "target": 10, "label": "P"}, {"source": 13, "target": 8, "label": "U"}, {"source": 15, "target": 5, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 9, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 13, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "267982-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So i booked the lesson and loved it.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 13, "target": 6, "label": "S"}, {"source": 9, "target": 5, "label": "L"}, {"source": 11, "target": 12, "label": "P"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "267982-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great teacher.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "268673-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "tricky short guy", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 5, "label": "E"}, {"source": 5, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 6, "label": "A"}]} +{"id": "268673-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The new management is tricky and talk you into getting video rental agreement.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 7, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 20, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "C"}, {"source": 15, "target": 14, "label": "S"}, {"source": 22, "target": 12, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 11, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 19, "target": 18, "label": "P"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "S"}, {"source": 14, "target": 17, "label": "E"}, {"source": 22, "target": 13, "label": "U"}, {"source": 15, "target": 3, "label": "F"}, {"source": 16, "target": 5, "label": "L"}, {"source": 19, "target": 20, "label": "A"}, {"source": 14, "target": 0, "label": "F"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 4, "label": "D"}]} +{"id": "268673-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "To my surprise $20 deposit.... New movies not on shelf..under the counter for Telugu Speaking people only... or people who spend $30 or more groceries..", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 5}, {"from": 6, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 105, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25, "anchors": [{"from": 130, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 150}]}, {"id": 29, "anchors": [{"from": 150, "to": 152}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 42, "target": 22, "label": "R"}, {"source": 31, "target": 35, "label": "H"}, {"source": 45, "target": 29, "label": "U"}, {"source": 39, "target": 15, "label": "A"}, {"source": 31, "target": 41, "label": "H"}, {"source": 38, "target": 14, "label": "S"}, {"source": 37, "target": 13, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 41, "target": 42, "label": "E"}, {"source": 33, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 3, "label": "P"}, {"source": 31, "target": 10, "label": "U"}, {"source": 37, "target": 12, "label": "F"}, {"source": 31, "target": 19, "label": "U"}, {"source": 30, "target": 0, "label": "G"}, {"source": 43, "target": 24, "label": "C"}, {"source": 32, "target": 1, "label": "C"}, {"source": 44, "target": 26, "label": "N"}, {"source": 44, "target": 43, "label": "C"}, {"source": 31, "target": 4, "label": "U"}, {"source": 35, "target": 8, "label": "S"}, {"source": 35, "target": 34, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 42, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 36, "label": "A"}, {"source": 45, "target": 28, "label": "C"}, {"source": 37, "target": 11, "label": "R"}, {"source": 40, "target": 17, "label": "C"}, {"source": 34, "target": 6, "label": "C"}, {"source": 39, "target": 16, "label": "P"}, {"source": 35, "target": 7, "label": "D"}, {"source": 36, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 20, "label": "L"}, {"source": 33, "target": 5, "label": "S"}, {"source": 35, "target": 9, "label": "A"}, {"source": 42, "target": 45, "label": "A"}, {"source": 40, "target": 39, "label": "E"}, {"source": 41, "target": 21, "label": "C"}, {"source": 44, "target": 27, "label": "C"}, {"source": 45, "target": 44, "label": "E"}, {"source": 31, "target": 38, "label": "H"}, {"source": 38, "target": 18, "label": "D"}, {"source": 42, "target": 23, "label": "P"}, {"source": 39, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 2, "label": "Q"}, {"source": 38, "target": 40, "label": "A"}, {"source": 34, "target": 33, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 43, "target": 25, "label": "Q"}]} +{"id": "268673-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That did it for me..no more Raina's.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}, {"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "A"}, {"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 5, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "268673-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Besides parking is a pain..cramped and un-ruly with Kumon Parents next door....gives me heebee gee bees'", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}, {"from": 95, "to": 98}, {"from": 99, "to": 104}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 7, "label": "L"}, {"source": 26, "target": 27, "label": "P"}, {"source": 19, "target": 24, "label": "H"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "S"}, {"source": 26, "target": 16, "label": "A"}, {"source": 27, "target": 17, "label": "E"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 26, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 1, "label": "P"}, {"source": 20, "target": 3, "label": "F"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 10, "label": "E"}, {"source": 19, "target": 5, "label": "U"}, {"source": 18, "target": 0, "label": "G"}, {"source": 18, "target": 20, "label": "D"}, {"source": 19, "target": 14, "label": "U"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 12, "label": "R"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 19, "target": 22, "label": "H"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 6, "label": "S"}, {"source": 19, "target": 18, "label": "H"}, {"source": 24, "target": 25, "label": "S"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "268952-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wonderful Atmosphere", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 20}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "268952-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been going there since I was a little girl and love the friendly and relaxing atmosphere.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 11, "label": "L"}, {"source": 24, "target": 12, "label": "S"}, {"source": 19, "target": 3, "label": "P"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "S"}, {"source": 22, "target": 10, "label": "C"}, {"source": 26, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 6, "label": "A"}, {"source": 20, "target": 5, "label": "L"}, {"source": 25, "target": 27, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 19, "target": 1, "label": "F"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 7, "label": "S"}, {"source": 23, "target": 9, "label": "S"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 27, "target": 15, "label": "N"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "A"}]} +{"id": "268952-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Stiefvater has always been very professional and helpful.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 3, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "S"}, {"source": 12, "target": 7, "label": "L"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "C"}, {"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 4, "label": "F"}, {"source": 13, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "S"}, {"source": 11, "target": 3, "label": "T"}, {"source": 13, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "268952-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend Bayside Chiropractic to anyone who is in need of a regular adjustment or is suffering from a chronic condition.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}, {"from": 26, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 128}]}, {"id": 21, "anchors": [{"from": 128, "to": 129}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 4, "label": "R"}, {"source": 27, "target": 8, "label": "R"}, {"source": 29, "target": 16, "label": "P"}, {"source": 31, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 29, "label": "H"}, {"source": 31, "target": 19, "label": "S"}, {"source": 26, "target": 12, "label": "T"}, {"source": 28, "target": 11, "label": "F"}, {"source": 25, "target": 6, "label": "R"}, {"source": 25, "target": 14, "label": "L"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 28, "label": "P"}, {"source": 26, "target": 27, "label": "D"}, {"source": 30, "target": 17, "label": "R"}, {"source": 23, "target": 3, "label": "A"}, {"source": 30, "target": 31, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 10, "label": "R"}, {"source": 23, "target": 1, "label": "D"}, {"source": 24, "target": 5, "label": "C"}, {"source": 30, "target": 20, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 29, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 18, "label": "F"}, {"source": 26, "target": 7, "label": "F"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "269560-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Was there this past weekend and the guy behind the counter yelled at me and my son because we believed he left the grandma slice in the oven a little too long and the cheese got all dried out and the slice tasted more like a cracker.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 122}, {"from": 123, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 173}]}, {"id": 34, "anchors": [{"from": 174, "to": 177}]}, {"id": 35, "anchors": [{"from": 178, "to": 181}]}, {"id": 36, "anchors": [{"from": 182, "to": 187}, {"from": 188, "to": 191}]}, {"id": 37, "anchors": [{"from": 192, "to": 195}]}, {"id": 38, "anchors": [{"from": 196, "to": 199}]}, {"id": 39, "anchors": [{"from": 200, "to": 205}]}, {"id": 40, "anchors": [{"from": 206, "to": 212}]}, {"id": 41, "anchors": [{"from": 213, "to": 217}]}, {"id": 42, "anchors": [{"from": 218, "to": 222}]}, {"id": 43, "anchors": [{"from": 223, "to": 224}]}, {"id": 44, "anchors": [{"from": 225, "to": 232}]}, {"id": 45, "anchors": [{"from": 232, "to": 233}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 63, "target": 39, "label": "C"}, {"source": 52, "target": 13, "label": "C"}, {"source": 55, "target": 57, "label": "A"}, {"source": 55, "target": 56, "label": "A"}, {"source": 47, "target": 5, "label": "L"}, {"source": 47, "target": 50, "label": "H"}, {"source": 56, "target": 23, "label": "C"}, {"source": 48, "target": 3, "label": "E"}, {"source": 53, "target": 16, "label": "A"}, {"source": 50, "target": 49, "label": "A"}, {"source": 57, "target": 26, "label": "C"}, {"source": 64, "target": 63, "label": "A"}, {"source": 60, "target": 59, "label": "E"}, {"source": 47, "target": 54, "label": "H"}, {"source": 62, "target": 35, "label": "D"}, {"source": 59, "target": 58, "label": "E"}, {"source": 47, "target": 46, "label": "H"}, {"source": 52, "target": 12, "label": "R"}, {"source": 47, "target": 62, "label": "H"}, {"source": 66, "target": 45, "label": "U"}, {"source": 51, "target": 8, "label": "R"}, {"source": 47, "target": 37, "label": "L"}, {"source": 60, "target": 30, "label": "C"}, {"source": 47, "target": 64, "label": "H"}, {"source": 46, "target": 48, "label": "T"}, {"source": 47, "target": 17, "label": "L"}, {"source": 62, "target": 34, "label": "P"}, {"source": 64, "target": 40, "label": "P"}, {"source": 61, "target": 32, "label": "F"}, {"source": 55, "target": 21, "label": "P"}, {"source": 47, "target": 31, "label": "L"}, {"source": 53, "target": 15, "label": "A"}, {"source": 56, "target": 22, "label": "F"}, {"source": 51, "target": 10, "label": "C"}, {"source": 65, "target": 42, "label": "C"}, {"source": 49, "target": 6, "label": "F"}, {"source": 63, "target": 38, "label": "F"}, {"source": 53, "target": 16, "label": "S"}, {"source": 46, "target": 0, "label": "F"}, {"source": 49, "target": 7, "label": "C"}, {"source": 64, "target": 66, "label": "A"}, {"source": 66, "target": 43, "label": "F"}, {"source": 48, "target": 4, "label": "C"}, {"source": 54, "target": 55, "label": "A"}, {"source": 58, "target": 28, "label": "C"}, {"source": 65, "target": 41, "label": "E"}, {"source": 49, "target": 51, "label": "E"}, {"source": 48, "target": 2, "label": "E"}, {"source": 62, "target": 61, "label": "A"}, {"source": 66, "target": 65, "label": "R"}, {"source": 59, "target": 29, "label": "C"}, {"source": 57, "target": 25, "label": "F"}, {"source": 58, "target": 27, "label": "F"}, {"source": 66, "target": 44, "label": "C"}, {"source": 55, "target": 20, "label": "A"}, {"source": 62, "target": 36, "label": "A"}, {"source": 54, "target": 19, "label": "P"}, {"source": 54, "target": 18, "label": "A"}, {"source": 57, "target": 24, "label": "R"}, {"source": 50, "target": 52, "label": "A"}, {"source": 61, "target": 33, "label": "C"}, {"source": 52, "target": 14, "label": "N"}, {"source": 51, "target": 9, "label": "F"}, {"source": 46, "target": 1, "label": "S"}, {"source": 55, "target": 60, "label": "T"}, {"source": 52, "target": 53, "label": "C"}, {"source": 50, "target": 11, "label": "P"}]} +{"id": "269560-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He preceded to grab the slice off the countertop and throw it into the trash while yelling at me saying, \"you do not order what you do not know about\" and \"you don't know how pizza is made\".", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 149}]}, {"id": 32, "anchors": [{"from": 149, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 156}]}, {"id": 35, "anchors": [{"from": 156, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 162}]}, {"id": 37, "anchors": [{"from": 162, "to": 165}]}, {"id": 38, "anchors": [{"from": 166, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 174}]}, {"id": 40, "anchors": [{"from": 175, "to": 180}]}, {"id": 41, "anchors": [{"from": 181, "to": 183}]}, {"id": 42, "anchors": [{"from": 184, "to": 188}]}, {"id": 43, "anchors": [{"from": 188, "to": 189}]}, {"id": 44, "anchors": [{"from": 189, "to": 190}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 56, "target": 27, "label": "A"}, {"source": 48, "target": 8, "label": "C"}, {"source": 53, "target": 55, "label": "A"}, {"source": 54, "target": 25, "label": "P"}, {"source": 59, "target": 40, "label": "A"}, {"source": 47, "target": 5, "label": "C"}, {"source": 50, "target": 13, "label": "F"}, {"source": 45, "target": 0, "label": "A"}, {"source": 55, "target": 58, "label": "H"}, {"source": 54, "target": 22, "label": "A"}, {"source": 56, "target": 28, "label": "F"}, {"source": 54, "target": 23, "label": "F"}, {"source": 49, "target": 11, "label": "A"}, {"source": 54, "target": 24, "label": "D"}, {"source": 54, "target": 56, "label": "A"}, {"source": 51, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 26, "label": "C"}, {"source": 52, "target": 18, "label": "C"}, {"source": 55, "target": 32, "label": "U"}, {"source": 51, "target": 16, "label": "P"}, {"source": 46, "target": 15, "label": "L"}, {"source": 50, "target": 12, "label": "R"}, {"source": 49, "target": 10, "label": "P"}, {"source": 45, "target": 1, "label": "D"}, {"source": 58, "target": 35, "label": "A"}, {"source": 57, "target": 31, "label": "R"}, {"source": 59, "target": 42, "label": "P"}, {"source": 58, "target": 59, "label": "A"}, {"source": 53, "target": 21, "label": "U"}, {"source": 46, "target": 49, "label": "H"}, {"source": 52, "target": 17, "label": "R"}, {"source": 47, "target": 4, "label": "F"}, {"source": 59, "target": 44, "label": "U"}, {"source": 46, "target": 53, "label": "H"}, {"source": 45, "target": 48, "label": "A"}, {"source": 59, "target": 41, "label": "F"}, {"source": 59, "target": 43, "label": "U"}, {"source": 49, "target": 50, "label": "A"}, {"source": 59, "target": 39, "label": "D"}, {"source": 56, "target": 30, "label": "S"}, {"source": 45, "target": 3, "label": "P"}, {"source": 49, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 54, "label": "H"}, {"source": 55, "target": 33, "label": "L"}, {"source": 55, "target": 34, "label": "U"}, {"source": 45, "target": 47, "label": "A"}, {"source": 58, "target": 37, "label": "D"}, {"source": 53, "target": 20, "label": "U"}, {"source": 46, "target": 9, "label": "L"}, {"source": 48, "target": 6, "label": "R"}, {"source": 53, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 38, "label": "S"}, {"source": 46, "target": 51, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 48, "target": 7, "label": "F"}, {"source": 46, "target": 45, "label": "H"}, {"source": 53, "target": 19, "label": "P"}, {"source": 50, "target": 14, "label": "C"}, {"source": 58, "target": 36, "label": "F"}, {"source": 56, "target": 57, "label": "A"}, {"source": 45, "target": 2, "label": "F"}, {"source": 56, "target": 29, "label": "D"}]} +{"id": "269560-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was very upsetting to see this kind of behavior especially in front of my four year old.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "E"}, {"source": 20, "target": 24, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 22, "target": 6, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 23, "label": "R"}, {"source": 21, "target": 5, "label": "P"}, {"source": 20, "target": 3, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 27, "target": 17, "label": "S"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 20, "target": 10, "label": "G"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 15, "label": "Q"}, {"source": 20, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "T"}, {"source": 23, "target": 11, "label": "F"}, {"source": 24, "target": 25, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 12, "label": "C"}, {"source": 22, "target": 8, "label": "R"}]} +{"id": "269560-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was in the process of making me a pie and when I got home, the pie was the worst I have ever seen.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 85}]}, {"id": 22, "anchors": [{"from": 86, "to": 90}]}, {"id": 23, "anchors": [{"from": 91, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 100}]}, {"id": 25, "anchors": [{"from": 100, "to": 101}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 15, "label": "U"}, {"source": 26, "target": 5, "label": "F"}, {"source": 32, "target": 33, "label": "S"}, {"source": 32, "target": 34, "label": "A"}, {"source": 28, "target": 3, "label": "F"}, {"source": 30, "target": 14, "label": "A"}, {"source": 27, "target": 30, "label": "H"}, {"source": 26, "target": 1, "label": "F"}, {"source": 30, "target": 13, "label": "P"}, {"source": 28, "target": 4, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 34, "target": 22, "label": "F"}, {"source": 26, "target": 6, "label": "P"}, {"source": 29, "target": 8, "label": "F"}, {"source": 34, "target": 24, "label": "P"}, {"source": 31, "target": 17, "label": "C"}, {"source": 26, "target": 7, "label": "A"}, {"source": 27, "target": 32, "label": "H"}, {"source": 26, "target": 29, "label": "A"}, {"source": 33, "target": 20, "label": "C"}, {"source": 32, "target": 18, "label": "F"}, {"source": 34, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 12, "label": "A"}, {"source": 27, "target": 10, "label": "L"}, {"source": 27, "target": 11, "label": "L"}, {"source": 34, "target": 23, "label": "D"}, {"source": 28, "target": 2, "label": "R"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 34, "target": 21, "label": "A"}, {"source": 26, "target": 28, "label": "D"}, {"source": 31, "target": 16, "label": "F"}, {"source": 33, "target": 19, "label": "F"}, {"source": 26, "target": 0, "label": "A"}, {"source": 29, "target": 9, "label": "C"}]} +{"id": "269560-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Cheese was falling off, so oily and greasy.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 2, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "D"}, {"source": 11, "target": 14, "label": "H"}, {"source": 13, "target": 6, "label": "S"}, {"source": 14, "target": 8, "label": "S"}, {"source": 11, "target": 7, "label": "L"}, {"source": 11, "target": 4, "label": "U"}, {"source": 10, "target": 12, "label": "P"}]} +{"id": "269560-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think he did it on purpose because of my simple request for another slice of grandma that wasn't so well-done (actually, burnt).", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}, {"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 121}]}, {"id": 25, "anchors": [{"from": 121, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 128}]}, {"id": 27, "anchors": [{"from": 128, "to": 129}]}, {"id": 28, "anchors": [{"from": 129, "to": 130}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 21, "label": "S"}, {"source": 35, "target": 15, "label": "F"}, {"source": 33, "target": 11, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 34, "target": 35, "label": "E"}, {"source": 30, "target": 33, "label": "H"}, {"source": 34, "target": 12, "label": "R"}, {"source": 21, "target": 22, "label": "U"}, {"source": 37, "target": 25, "label": "U"}, {"source": 34, "target": 14, "label": "C"}, {"source": 31, "target": 2, "label": "A"}, {"source": 36, "target": 18, "label": "F"}, {"source": 31, "target": 4, "label": "A"}, {"source": 35, "target": 16, "label": "C"}, {"source": 33, "target": 9, "label": "A"}, {"source": 31, "target": 32, "label": "D"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 30, "target": 7, "label": "L"}, {"source": 33, "target": 8, "label": "R"}, {"source": 29, "target": 31, "label": "A"}, {"source": 36, "target": 20, "label": "D"}, {"source": 33, "target": 10, "label": "D"}, {"source": 30, "target": 36, "label": "H"}, {"source": 36, "target": 19, "label": "D"}, {"source": 37, "target": 28, "label": "U"}, {"source": 32, "target": 5, "label": "R"}, {"source": 37, "target": 26, "label": "S"}, {"source": 34, "target": 13, "label": "E"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 3, "label": "P"}, {"source": 30, "target": 23, "label": "U"}, {"source": 37, "target": 27, "label": "U"}, {"source": 32, "target": 6, "label": "C"}, {"source": 30, "target": 17, "label": "L"}, {"source": 30, "target": 37, "label": "H"}, {"source": 37, "target": 24, "label": "G"}]} +{"id": "269560-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will never go back to this place and I am reporting them to the better business bureau for such horrible customer relations and basically sabotaging my pizza and taking my $25.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 72}, {"from": 73, "to": 81}, {"from": 82, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 125}]}, {"id": 21, "anchors": [{"from": 126, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 150}]}, {"id": 24, "anchors": [{"from": 151, "to": 153}]}, {"id": 25, "anchors": [{"from": 154, "to": 159}]}, {"id": 26, "anchors": [{"from": 160, "to": 163}]}, {"id": 27, "anchors": [{"from": 164, "to": 170}]}, {"id": 28, "anchors": [{"from": 171, "to": 173}]}, {"id": 29, "anchors": [{"from": 174, "to": 175}]}, {"id": 30, "anchors": [{"from": 175, "to": 177}]}, {"id": 31, "anchors": [{"from": 177, "to": 178}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 32, "target": 1, "label": "F"}, {"source": 33, "target": 26, "label": "L"}, {"source": 32, "target": 4, "label": "D"}, {"source": 37, "target": 17, "label": "D"}, {"source": 32, "target": 34, "label": "A"}, {"source": 42, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 5, "label": "R"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 39, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 37, "label": "H"}, {"source": 34, "target": 7, "label": "C"}, {"source": 32, "target": 2, "label": "D"}, {"source": 36, "target": 13, "label": "R"}, {"source": 32, "target": 3, "label": "P"}, {"source": 33, "target": 35, "label": "H"}, {"source": 38, "target": 22, "label": "G"}, {"source": 32, "target": 0, "label": "A"}, {"source": 37, "target": 20, "label": "P"}, {"source": 41, "target": 43, "label": "A"}, {"source": 41, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 15, "label": "C"}, {"source": 38, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 30, "label": "Q"}, {"source": 41, "target": 27, "label": "P"}, {"source": 43, "target": 42, "label": "E"}, {"source": 33, "target": 8, "label": "L"}, {"source": 39, "target": 24, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 21, "label": "L"}, {"source": 36, "target": 14, "label": "F"}, {"source": 35, "target": 12, "label": "A"}, {"source": 33, "target": 38, "label": "H"}, {"source": 43, "target": 29, "label": "C"}, {"source": 37, "target": 18, "label": "D"}, {"source": 35, "target": 11, "label": "P"}, {"source": 35, "target": 9, "label": "A"}, {"source": 40, "target": 39, "label": "E"}, {"source": 33, "target": 16, "label": "L"}, {"source": 42, "target": 28, "label": "S"}, {"source": 43, "target": 31, "label": "U"}, {"source": 34, "target": 6, "label": "E"}, {"source": 40, "target": 25, "label": "C"}, {"source": 32, "target": 2, "label": "T"}, {"source": 37, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 10, "label": "F"}, {"source": 38, "target": 40, "label": "A"}, {"source": 37, "target": 19, "label": "A"}, {"source": 38, "target": 23, "label": "P"}]} +{"id": "269560-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "THIS STORY IS 100% TRUE.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "Q"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "S"}]} +{"id": "269560-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That little man who thinks he invented pizza can kiss my *ss.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 16, "label": "E"}, {"source": 16, "target": 1, "label": "S"}, {"source": 15, "target": 13, "label": "A"}, {"source": 18, "target": 6, "label": "P"}, {"source": 17, "target": 3, "label": "R"}, {"source": 15, "target": 9, "label": "P"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 8, "label": "F"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "P"}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "E"}, {"source": 15, "target": 19, "label": "A"}, {"source": 19, "target": 12, "label": "U"}, {"source": 18, "target": 5, "label": "A"}, {"source": 13, "target": 17, "label": "E"}]} +{"id": "270502-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great staff.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "270502-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very helpful!!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "270502-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They interviewed me, gave me tests in the software I included on my resume, and placed me in a position that I kept for several years.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 15, "label": "U"}, {"source": 37, "target": 19, "label": "R"}, {"source": 31, "target": 4, "label": "D"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 17, "label": "P"}, {"source": 30, "target": 3, "label": "U"}, {"source": 30, "target": 29, "label": "H"}, {"source": 38, "target": 22, "label": "R"}, {"source": 32, "target": 34, "label": "A"}, {"source": 39, "target": 28, "label": "U"}, {"source": 34, "target": 12, "label": "R"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 5, "label": "A"}, {"source": 32, "target": 10, "label": "A"}, {"source": 34, "target": 14, "label": "C"}, {"source": 35, "target": 13, "label": "S"}, {"source": 30, "target": 31, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 38, "label": "E"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 39, "target": 27, "label": "C"}, {"source": 32, "target": 11, "label": "P"}, {"source": 37, "target": 21, "label": "C"}, {"source": 30, "target": 16, "label": "L"}, {"source": 38, "target": 24, "label": "P"}, {"source": 38, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 9, "label": "C"}, {"source": 31, "target": 6, "label": "P"}, {"source": 33, "target": 8, "label": "F"}, {"source": 32, "target": 7, "label": "R"}, {"source": 30, "target": 36, "label": "H"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 18, "label": "A"}, {"source": 39, "target": 25, "label": "R"}, {"source": 38, "target": 23, "label": "A"}, {"source": 37, "target": 20, "label": "F"}, {"source": 39, "target": 26, "label": "Q"}, {"source": 29, "target": 2, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 39, "label": "T"}]} +{"id": "270502-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Re-interviewed and am going on interviews for a new job.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "L"}, {"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 5, "label": "P"}, {"source": 15, "target": 7, "label": "F"}, {"source": 14, "target": 8, "label": "D"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "270502-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm really thankful for the folks at HR Office.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 5, "label": "F"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 8, "label": "E"}]} +{"id": "270502-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They are dependable, have great connections in the community, and are a great resource for finding a job.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 14, "label": "D"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 7, "label": "R"}, {"source": 25, "target": 8, "label": "F"}, {"source": 23, "target": 4, "label": "F"}, {"source": 25, "target": 9, "label": "C"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "F"}, {"source": 28, "target": 17, "label": "P"}, {"source": 29, "target": 20, "label": "U"}, {"source": 26, "target": 27, "label": "S"}, {"source": 22, "target": 10, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 11, "label": "L"}, {"source": 26, "target": 12, "label": "F"}, {"source": 22, "target": 3, "label": "U"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 24, "label": "H"}, {"source": 29, "target": 18, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 21, "target": 1, "label": "F"}, {"source": 24, "target": 5, "label": "D"}, {"source": 24, "target": 23, "label": "S"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 27, "target": 15, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "S"}]} +{"id": "270502-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend them to all of my friends!!!!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "Q"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "S"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 7, "label": "A"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "270889-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Staten Island Computers", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 13}, {"from": 14, "to": 23}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "270889-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Superior work - always comes through when we need him.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 6, "label": "A"}, {"source": 12, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "T"}, {"source": 13, "target": 7, "label": "P"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "270889-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have tried many different computer people until now - we will stick with Qualitech Computers!!!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 85}, {"from": 86, "to": 95}]}, {"id": 15, "anchors": [{"from": 95, "to": 98}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 16, "target": 19, "label": "T"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 6, "label": "C"}, {"source": 21, "target": 13, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 9, "label": "U"}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 3, "label": "Q"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 7, "label": "R"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "E"}, {"source": 20, "target": 11, "label": "F"}]} +{"id": "272836-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So Handy for Local La Jolla Stuff - Especially for Finding Residential Numbers", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}, {"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 78}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 13, "target": 6, "label": "U"}, {"source": 16, "target": 10, "label": "E"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 11, "label": "C"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "D"}]} +{"id": "272836-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Since moving back from college and trying to settle roots in the Village, I have referred to the La Jolla Blue Book for a ton of local numbers.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 99}, {"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}, {"from": 111, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "anchors": [{"from": 142, "to": 143}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 5, "label": "L"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 21, "label": "R"}, {"source": 35, "target": 36, "label": "Q"}, {"source": 31, "target": 7, "label": "F"}, {"source": 28, "target": 0, "label": "L"}, {"source": 30, "target": 3, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 31, "target": 6, "label": "D"}, {"source": 31, "target": 9, "label": "A"}, {"source": 33, "target": 15, "label": "F"}, {"source": 35, "target": 26, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 22, "label": "F"}, {"source": 34, "target": 17, "label": "R"}, {"source": 35, "target": 27, "label": "U"}, {"source": 35, "target": 24, "label": "F"}, {"source": 30, "target": 4, "label": "C"}, {"source": 29, "target": 1, "label": "P"}, {"source": 33, "target": 14, "label": "A"}, {"source": 29, "target": 2, "label": "D"}, {"source": 34, "target": 19, "label": "E"}, {"source": 32, "target": 10, "label": "R"}, {"source": 35, "target": 25, "label": "E"}, {"source": 29, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 23, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 18, "label": "F"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 33, "label": "H"}, {"source": 33, "target": 16, "label": "P"}, {"source": 32, "target": 11, "label": "F"}, {"source": 34, "target": 20, "label": "C"}, {"source": 31, "target": 13, "label": "U"}, {"source": 31, "target": 8, "label": "P"}, {"source": 32, "target": 12, "label": "C"}]} +{"id": "272836-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The white pages allowed me to get in touch with parents of my high school friends so that I could track people down one by one and the restaurant section is basically my cookbook.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}, {"from": 34, "to": 36}, {"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 122}]}, {"id": 21, "anchors": [{"from": 123, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 153}]}, {"id": 26, "anchors": [{"from": 154, "to": 156}]}, {"id": 27, "anchors": [{"from": 157, "to": 166}]}, {"id": 28, "anchors": [{"from": 167, "to": 169}]}, {"id": 29, "anchors": [{"from": 170, "to": 178}]}, {"id": 30, "anchors": [{"from": 178, "to": 179}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 31, "target": 1, "label": "C"}, {"source": 42, "target": 41, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 10, "label": "E"}, {"source": 42, "target": 26, "label": "S"}, {"source": 33, "target": 32, "label": "H"}, {"source": 38, "target": 14, "label": "A"}, {"source": 43, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 16, "label": "C"}, {"source": 35, "target": 7, "label": "S"}, {"source": 32, "target": 31, "label": "A"}, {"source": 44, "target": 30, "label": "U"}, {"source": 31, "target": 0, "label": "F"}, {"source": 44, "target": 29, "label": "C"}, {"source": 38, "target": 15, "label": "D"}, {"source": 36, "target": 8, "label": "R"}, {"source": 35, "target": 6, "label": "R"}, {"source": 44, "target": 43, "label": "E"}, {"source": 37, "target": 11, "label": "C"}, {"source": 39, "target": 18, "label": "F"}, {"source": 33, "target": 22, "label": "L"}, {"source": 32, "target": 3, "label": "A"}, {"source": 41, "target": 23, "label": "F"}, {"source": 34, "target": 5, "label": "P"}, {"source": 32, "target": 2, "label": "P"}, {"source": 43, "target": 28, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 9, "label": "A"}, {"source": 38, "target": 39, "label": "P"}, {"source": 33, "target": 38, "label": "H"}, {"source": 38, "target": 40, "label": "D"}, {"source": 40, "target": 19, "label": "C"}, {"source": 41, "target": 24, "label": "E"}, {"source": 41, "target": 25, "label": "C"}, {"source": 33, "target": 42, "label": "H"}, {"source": 36, "target": 12, "label": "A"}, {"source": 38, "target": 17, "label": "A"}, {"source": 35, "target": 7, "label": "A"}, {"source": 40, "target": 21, "label": "C"}, {"source": 34, "target": 4, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 42, "target": 27, "label": "D"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 13, "label": "L"}, {"source": 42, "target": 44, "label": "A"}, {"source": 40, "target": 20, "label": "N"}, {"source": 36, "target": 12, "label": "S"}]} +{"id": "272836-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It's really cool that so many local businesses are found so quickly in one place and I want to spread the word.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 33, "target": 23, "label": "U"}, {"source": 28, "target": 8, "label": "C"}, {"source": 26, "target": 29, "label": "D"}, {"source": 26, "target": 30, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 32, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "L"}, {"source": 32, "target": 19, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 32, "target": 20, "label": "P"}, {"source": 27, "target": 5, "label": "E"}, {"source": 26, "target": 4, "label": "R"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 11, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 21, "label": "F"}, {"source": 24, "target": 2, "label": "D"}, {"source": 31, "target": 17, "label": "A"}, {"source": 30, "target": 13, "label": "R"}, {"source": 33, "target": 22, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 26, "target": 9, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 6, "label": "C"}, {"source": 24, "target": 0, "label": "F"}, {"source": 30, "target": 14, "label": "E"}, {"source": 28, "target": 7, "label": "E"}, {"source": 28, "target": 27, "label": "Q"}, {"source": 26, "target": 10, "label": "P"}, {"source": 31, "target": 18, "label": "P"}, {"source": 29, "target": 12, "label": "C"}, {"source": 24, "target": 3, "label": "S"}]} +{"id": "272836-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THX:-)", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "274106-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "AMAZINGLY YUMMY!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "274106-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I just got back from france yesterday and just missed the food already!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 12, "label": "T"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "T"}, {"source": 14, "target": 6, "label": "T"}, {"source": 15, "target": 7, "label": "L"}, {"source": 17, "target": 8, "label": "G"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 4, "label": "R"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "F"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "274106-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My sister in law told me about this amazing new crepe place in town, I was so excited I just wanted to go and test it out for my self!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 128}, {"from": 129, "to": 133}]}, {"id": 30, "anchors": [{"from": 133, "to": 134}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 40, "target": 16, "label": "F"}, {"source": 31, "target": 34, "label": "S"}, {"source": 32, "target": 36, "label": "A"}, {"source": 36, "target": 39, "label": "E"}, {"source": 38, "target": 9, "label": "S"}, {"source": 31, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "E"}, {"source": 34, "target": 35, "label": "E"}, {"source": 38, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 19, "label": "A"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 40, "target": 15, "label": "A"}, {"source": 33, "target": 14, "label": "U"}, {"source": 32, "target": 31, "label": "A"}, {"source": 42, "target": 26, "label": "A"}, {"source": 44, "target": 30, "label": "U"}, {"source": 35, "target": 2, "label": "R"}, {"source": 32, "target": 5, "label": "A"}, {"source": 42, "target": 23, "label": "D"}, {"source": 33, "target": 40, "label": "H"}, {"source": 43, "target": 27, "label": "F"}, {"source": 44, "target": 29, "label": "C"}, {"source": 36, "target": 6, "label": "R"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 22, "label": "F"}, {"source": 42, "target": 24, "label": "F"}, {"source": 43, "target": 25, "label": "C"}, {"source": 31, "target": 34, "label": "A"}, {"source": 36, "target": 11, "label": "C"}, {"source": 37, "target": 8, "label": "S"}, {"source": 32, "target": 4, "label": "P"}, {"source": 40, "target": 18, "label": "S"}, {"source": 37, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 10, "label": "E"}, {"source": 40, "target": 17, "label": "D"}, {"source": 44, "target": 28, "label": "R"}, {"source": 39, "target": 12, "label": "R"}, {"source": 41, "target": 20, "label": "G"}, {"source": 41, "target": 21, "label": "P"}, {"source": 42, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 7, "label": "E"}, {"source": 39, "target": 13, "label": "C"}, {"source": 35, "target": 3, "label": "C"}, {"source": 34, "target": 1, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 42, "target": 43, "label": "P"}, {"source": 36, "target": 38, "label": "E"}]} +{"id": "274106-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their customer service was perfect!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "274106-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their Food was better then anything I had ever tasted.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 14, "target": 4, "label": "L"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 3, "label": "S"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 15, "target": 3, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "T"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "H"}]} +{"id": "274106-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "EVEN IN FRANCE!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 8, "label": "E"}, {"source": 8, "target": 3, "label": "U"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "R"}]} +{"id": "274106-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would highly recommend this place to anyone looking for a great atmosphere, amazing food, and great customer service!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 118}]}, {"id": 21, "anchors": [{"from": 118, "to": 119}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 26, "target": 9, "label": "R"}, {"source": 27, "target": 11, "label": "D"}, {"source": 25, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "D"}, {"source": 26, "target": 16, "label": "U"}, {"source": 28, "target": 12, "label": "C"}, {"source": 29, "target": 15, "label": "A"}, {"source": 23, "target": 2, "label": "D"}, {"source": 25, "target": 6, "label": "R"}, {"source": 23, "target": 3, "label": "P"}, {"source": 26, "target": 30, "label": "H"}, {"source": 30, "target": 20, "label": "P"}, {"source": 26, "target": 13, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 17, "label": "L"}, {"source": 26, "target": 27, "label": "H"}, {"source": 23, "target": 1, "label": "D"}, {"source": 24, "target": 4, "label": "E"}, {"source": 29, "target": 14, "label": "S"}, {"source": 24, "target": 5, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 26, "target": 29, "label": "H"}, {"source": 27, "target": 28, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 19, "label": "A"}, {"source": 28, "target": 10, "label": "F"}, {"source": 25, "target": 7, "label": "A"}]} +{"id": "274106-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank you Roll UP Crepes!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 17}, {"from": 18, "to": 24}]}, {"id": 2, "anchors": [{"from": 24, "to": 25}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "274498-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Learn from a Cesar Gracie black belt and former ufc fighter!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "P"}, {"source": 16, "target": 9, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "S"}, {"source": 16, "target": 8, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 3, "label": "A"}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 7, "label": "D"}, {"source": 15, "target": 4, "label": "E"}, {"source": 13, "target": 1, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "274498-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When i say jiu-jitsu or mma i mean it!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}, {"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 9, "label": "A"}, {"source": 3, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "L"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 11, "target": 14, "label": "H"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "274498-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Best jiu-jitsu mma in Santa Rosa and i have the experience and belt to back it up!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}, {"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}, {"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "N"}, {"source": 21, "target": 7, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "F"}, {"source": 23, "target": 22, "label": "C"}, {"source": 17, "target": 0, "label": "S"}, {"source": 21, "target": 14, "label": "P"}, {"source": 21, "target": 13, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "L"}, {"source": 19, "target": 3, "label": "C"}, {"source": 1, "target": 2, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 15, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 1, "label": "C"}]} +{"id": "274498-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When you come to ncfa you will see a real instructor that teaches and trains everyday!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 15, "label": "T"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 24, "target": 14, "label": "P"}, {"source": 17, "target": 23, "label": "H"}, {"source": 17, "target": 11, "label": "L"}, {"source": 20, "target": 5, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 17, "target": 13, "label": "L"}, {"source": 21, "target": 9, "label": "D"}, {"source": 18, "target": 1, "label": "A"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "P"}, {"source": 20, "target": 6, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 3, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 8, "label": "F"}, {"source": 17, "target": 24, "label": "H"}, {"source": 24, "target": 15, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "P"}, {"source": 18, "target": 2, "label": "P"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "274498-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If your coach has no fights and you never see him train and sweat something is wrong!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 13, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 19, "target": 2, "label": "A"}, {"source": 18, "target": 25, "label": "H"}, {"source": 19, "target": 2, "label": "S"}, {"source": 21, "target": 7, "label": "A"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 1, "label": "A"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "S"}, {"source": 25, "target": 14, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 21, "target": 8, "label": "T"}, {"source": 22, "target": 11, "label": "P"}, {"source": 21, "target": 8, "label": "D"}, {"source": 18, "target": 6, "label": "L"}, {"source": 21, "target": 10, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 20, "target": 5, "label": "P"}, {"source": 23, "target": 22, "label": "H"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 4, "label": "D"}, {"source": 20, "target": 19, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 12, "label": "L"}, {"source": 22, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "274498-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Dave Terrell www.norcalfightingalliance.com", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 43}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "C"}, {"source": 3, "target": 1, "label": "E"}]} +{"id": "275140-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm really surprised by the negative reviews.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 6, "label": "D"}, {"source": 11, "target": 12, "label": "P"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "275140-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We've had about 5 repairs done on 3 different laptops.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 14, "label": "D"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "R"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 8, "label": "Q"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "275140-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They've always been timely and inexpensive.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "T"}, {"source": 8, "target": 4, "label": "S"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "L"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "275595-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "teeth", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "275595-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this dentist want to pull the tooth out always.. always wants to do the cheapest for his benefit.. not unless he knows you.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 122}]}, {"id": 25, "anchors": [{"from": 122, "to": 123}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 28, "target": 26, "label": "A"}, {"source": 31, "target": 13, "label": "P"}, {"source": 31, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 3, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 27, "target": 0, "label": "E"}, {"source": 27, "target": 1, "label": "C"}, {"source": 29, "target": 9, "label": "U"}, {"source": 26, "target": 27, "label": "P"}, {"source": 28, "target": 2, "label": "D"}, {"source": 31, "target": 10, "label": "T"}, {"source": 32, "target": 15, "label": "C"}, {"source": 33, "target": 17, "label": "A"}, {"source": 31, "target": 11, "label": "D"}, {"source": 32, "target": 14, "label": "F"}, {"source": 29, "target": 16, "label": "L"}, {"source": 30, "target": 6, "label": "C"}, {"source": 35, "target": 25, "label": "U"}, {"source": 35, "target": 21, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 19, "label": "U"}, {"source": 28, "target": 4, "label": "P"}, {"source": 31, "target": 32, "label": "D"}, {"source": 28, "target": 7, "label": "D"}, {"source": 33, "target": 18, "label": "P"}, {"source": 29, "target": 28, "label": "H"}, {"source": 28, "target": 8, "label": "T"}, {"source": 29, "target": 34, "label": "L"}, {"source": 35, "target": 22, "label": "A"}, {"source": 35, "target": 23, "label": "P"}, {"source": 29, "target": 35, "label": "H"}, {"source": 34, "target": 20, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 5, "label": "F"}, {"source": 29, "target": 31, "label": "H"}, {"source": 31, "target": 12, "label": "F"}, {"source": 35, "target": 24, "label": "A"}]} +{"id": "275595-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and hopefully you do not know the same people because he tells others about you payment status.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 95}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 22, "target": 13, "label": "R"}, {"source": 19, "target": 3, "label": "F"}, {"source": 18, "target": 0, "label": "L"}, {"source": 22, "target": 17, "label": "U"}, {"source": 23, "target": 15, "label": "P"}, {"source": 22, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 1, "label": "G"}, {"source": 20, "target": 6, "label": "F"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 9, "label": "L"}, {"source": 21, "target": 12, "label": "A"}, {"source": 20, "target": 7, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 16, "label": "C"}, {"source": 19, "target": 5, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 4, "label": "D"}]} +{"id": "275595-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Which should be a private issue", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 5, "label": "C"}]} +{"id": "275919-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Grocery and Daily Needs Store", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "N"}, {"source": 5, "target": 8, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 5, "label": "E"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "275919-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Before using FusionRetail Before installing FusionRetail store was running on a dos based software.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 43}]}, {"id": 5, "anchors": [{"from": 44, "to": 56}]}, {"id": 6, "anchors": [{"from": 57, "to": 62}]}, {"id": 7, "anchors": [{"from": 63, "to": 66}]}, {"id": 8, "anchors": [{"from": 67, "to": 74}]}, {"id": 9, "anchors": [{"from": 75, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 79}]}, {"id": 11, "anchors": [{"from": 80, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 98}]}, {"id": 14, "anchors": [{"from": 98, "to": 99}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 15, "target": 0, "label": "L"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 5, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 6, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "C"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 8, "label": "P"}, {"source": 15, "target": 3, "label": "L"}]} +{"id": "275919-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We were having a major problem in maintaining cash.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 2, "label": "F"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "P"}, {"source": 11, "target": 12, "label": "S"}, {"source": 13, "target": 6, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "275919-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Being a grocery shop, maintaining 5000 different products was a challenging job.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 18, "target": 6, "label": "Q"}, {"source": 16, "target": 3, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 19, "label": "D"}, {"source": 17, "target": 5, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 2, "label": "E"}, {"source": 14, "target": 0, "label": "S"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 4, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 17, "target": 9, "label": "F"}, {"source": 19, "target": 11, "label": "E"}]} +{"id": "275919-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Managing POS counter without barcoding was really a tough time.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 13, "target": 1, "label": "E"}, {"source": 11, "target": 0, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 6, "label": "D"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 3, "label": "E"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 14, "label": "A"}, {"source": 16, "target": 10, "label": "U"}]} +{"id": "275919-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How FusionRetail has overcome these issues ?", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "D"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "275919-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "FusionRetail helps us to maintain the store in an organised way.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 1, "label": "D"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 16, "target": 9, "label": "S"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 8, "label": "F"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "275919-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Usage of product barcodes and smooth maintenance of inventory with proper recording of transactions like sale, purchase and returns was never easy before.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 99}]}, {"id": 14, "anchors": [{"from": 100, "to": 104}]}, {"id": 15, "anchors": [{"from": 105, "to": 109}]}, {"id": 16, "anchors": [{"from": 109, "to": 110}]}, {"id": 17, "anchors": [{"from": 111, "to": 119}]}, {"id": 18, "anchors": [{"from": 120, "to": 123}]}, {"id": 19, "anchors": [{"from": 124, "to": 131}]}, {"id": 20, "anchors": [{"from": 132, "to": 135}]}, {"id": 21, "anchors": [{"from": 136, "to": 141}]}, {"id": 22, "anchors": [{"from": 142, "to": 146}]}, {"id": 23, "anchors": [{"from": 147, "to": 153}]}, {"id": 24, "anchors": [{"from": 153, "to": 154}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 35, "target": 36, "label": "H"}, {"source": 28, "target": 26, "label": "A"}, {"source": 35, "target": 37, "label": "H"}, {"source": 34, "target": 15, "label": "P"}, {"source": 28, "target": 23, "label": "T"}, {"source": 36, "target": 17, "label": "P"}, {"source": 36, "target": 14, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 2, "label": "E"}, {"source": 28, "target": 22, "label": "S"}, {"source": 26, "target": 32, "label": "H"}, {"source": 25, "target": 29, "label": "A"}, {"source": 28, "target": 24, "label": "U"}, {"source": 30, "target": 6, "label": "P"}, {"source": 35, "target": 16, "label": "U"}, {"source": 34, "target": 14, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 3, "label": "C"}, {"source": 35, "target": 34, "label": "H"}, {"source": 37, "target": 14, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 10, "label": "D"}, {"source": 31, "target": 7, "label": "R"}, {"source": 26, "target": 30, "label": "H"}, {"source": 32, "target": 11, "label": "P"}, {"source": 26, "target": 4, "label": "L"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 0, "label": "P"}, {"source": 31, "target": 8, "label": "C"}, {"source": 28, "target": 21, "label": "D"}, {"source": 37, "target": 19, "label": "P"}, {"source": 28, "target": 20, "label": "F"}, {"source": 26, "target": 9, "label": "L"}, {"source": 33, "target": 13, "label": "C"}, {"source": 33, "target": 12, "label": "R"}, {"source": 30, "target": 5, "label": "D"}, {"source": 35, "target": 18, "label": "L"}, {"source": 33, "target": 35, "label": "E"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "275919-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How long does it take to train new people at work ?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 0, "label": "T"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "275919-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Billing takes 15 minutes and backoffice jobs takes 1 day's training How fast your support queries get answered ?", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}, {"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 112}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 26, "target": 8, "label": "D"}, {"source": 24, "target": 6, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 12, "label": "P"}, {"source": 21, "target": 12, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 18, "label": "P"}, {"source": 29, "target": 16, "label": "P"}, {"source": 27, "target": 10, "label": "C"}, {"source": 21, "target": 23, "label": "T"}, {"source": 23, "target": 2, "label": "Q"}, {"source": 24, "target": 5, "label": "E"}, {"source": 23, "target": 3, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 22, "target": 28, "label": "H"}, {"source": 21, "target": 1, "label": "D"}, {"source": 26, "target": 27, "label": "T"}, {"source": 27, "target": 9, "label": "Q"}, {"source": 29, "target": 15, "label": "D"}, {"source": 29, "target": 14, "label": "A"}, {"source": 27, "target": 11, "label": "R"}, {"source": 25, "target": 7, "label": "P"}, {"source": 28, "target": 13, "label": "T"}, {"source": 20, "target": 0, "label": "P"}, {"source": 26, "target": 25, "label": "A"}, {"source": 28, "target": 17, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 22, "target": 4, "label": "L"}, {"source": 28, "target": 29, "label": "A"}]} +{"id": "275919-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Over telephone, immediate.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "R"}, {"source": 7, "target": 3, "label": "T"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "275919-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "On call, it takes a day to get our issues resolved.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "C"}, {"source": 16, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 18, "target": 5, "label": "Q"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 20, "label": "A"}, {"source": 17, "target": 18, "label": "T"}, {"source": 20, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "U"}, {"source": 19, "target": 9, "label": "S"}, {"source": 16, "target": 11, "label": "P"}, {"source": 17, "target": 4, "label": "P"}, {"source": 14, "target": 0, "label": "R"}, {"source": 13, "target": 14, "label": "P"}, {"source": 16, "target": 13, "label": "A"}, {"source": 16, "target": 12, "label": "U"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 8, "label": "D"}]} +{"id": "276689-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The landlord is not nice nor helpful", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 3, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 7, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "F"}, {"source": 11, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 8, "label": "S"}, {"source": 10, "target": 5, "label": "L"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "276689-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have lived in Buckingham Condominiums townhouse for 2 years.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}, {"from": 27, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 61}]}, {"id": 9, "anchors": [{"from": 61, "to": 62}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "Q"}, {"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "R"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 13, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "276689-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I love the location and the apartment!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "C"}, {"source": 11, "target": 10, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "N"}, {"source": 9, "target": 11, "label": "A"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "276689-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'ma single female and I feel safe coming home at night.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 7, "label": "S"}, {"source": 16, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 8, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 6, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "S"}, {"source": 20, "target": 11, "label": "R"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "L"}, {"source": 19, "target": 20, "label": "T"}]} +{"id": "276689-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The maintenance people are AWESOME!!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 9, "target": 1, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 2, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "276689-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And the exterminator is very nice, also.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 10, "label": "A"}, {"source": 11, "target": 5, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "R"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "D"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 12, "target": 10, "label": "P"}, {"source": 11, "target": 6, "label": "U"}]} +{"id": "276689-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Yes, you still have a few bugs, but that's going to be anywhere you go!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 70}]}, {"id": 18, "anchors": [{"from": 70, "to": 71}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "A"}, {"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 2, "label": "A"}, {"source": 19, "target": 0, "label": "G"}, {"source": 21, "target": 5, "label": "F"}, {"source": 22, "target": 14, "label": "S"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 4, "label": "S"}, {"source": 20, "target": 8, "label": "U"}, {"source": 23, "target": 15, "label": "A"}, {"source": 23, "target": 18, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 17, "label": "P"}, {"source": 21, "target": 7, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 12, "label": "F"}, {"source": 21, "target": 6, "label": "Q"}, {"source": 19, "target": 1, "label": "U"}]} +{"id": "276689-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The only problem that I have experienced is the landlord.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 3, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 15, "target": 16, "label": "S"}, {"source": 11, "target": 0, "label": "F"}, {"source": 13, "target": 11, "label": "S"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "276689-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She is a pure b****!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "276689-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I know that's ugly...but she won't help you out for anything...sad story.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 1, "label": "P"}, {"source": 20, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 3, "label": "F"}, {"source": 25, "target": 16, "label": "D"}, {"source": 23, "target": 12, "label": "F"}, {"source": 20, "target": 6, "label": "L"}, {"source": 22, "target": 8, "label": "F"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 11, "label": "A"}, {"source": 22, "target": 7, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 21, "target": 4, "label": "S"}, {"source": 23, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "D"}]} +{"id": "276689-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Other than that, I would recommend living here. :)", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 6, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 3, "label": "D"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "277703-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best Supermarket in Bay Ridge have everything what a customer needs.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}, {"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 12, "target": 15, "label": "E"}, {"source": 20, "target": 10, "label": "S"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 19, "label": "S"}, {"source": 14, "target": 12, "label": "A"}, {"source": 17, "target": 6, "label": "Q"}, {"source": 19, "target": 9, "label": "C"}, {"source": 12, "target": 16, "label": "E"}, {"source": 15, "target": 1, "label": "S"}, {"source": 14, "target": 5, "label": "S"}, {"source": 20, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "F"}, {"source": 20, "target": 11, "label": "U"}, {"source": 17, "target": 20, "label": "E"}]} +{"id": "278775-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our company is a high end designer handbag and fashion accessories company, thus we are certainly a niche market.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 13, "label": "L"}, {"source": 31, "target": 14, "label": "A"}, {"source": 32, "target": 20, "label": "U"}, {"source": 21, "target": 0, "label": "S"}, {"source": 32, "target": 19, "label": "C"}, {"source": 28, "target": 7, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "E"}, {"source": 26, "target": 3, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 16, "label": "D"}, {"source": 27, "target": 5, "label": "C"}, {"source": 23, "target": 2, "label": "S"}, {"source": 29, "target": 28, "label": "C"}, {"source": 24, "target": 12, "label": "U"}, {"source": 32, "target": 17, "label": "F"}, {"source": 29, "target": 8, "label": "N"}, {"source": 30, "target": 10, "label": "C"}, {"source": 24, "target": 31, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 1, "label": "C"}, {"source": 25, "target": 27, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 31, "target": 15, "label": "S"}, {"source": 27, "target": 4, "label": "E"}, {"source": 23, "target": 22, "label": "A"}, {"source": 28, "target": 6, "label": "E"}, {"source": 29, "target": 30, "label": "C"}, {"source": 26, "target": 11, "label": "C"}, {"source": 30, "target": 9, "label": "E"}, {"source": 25, "target": 29, "label": "E"}, {"source": 25, "target": 26, "label": "C"}]} +{"id": "278775-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had been evaluating SEO providers for quite some time and finally decided to take the plunge with Stuart, and Ulistic.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}, {"from": 85, "to": 88}, {"from": 89, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 107}]}, {"id": 17, "anchors": [{"from": 107, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 120}]}, {"id": 20, "anchors": [{"from": 120, "to": 121}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "T"}, {"source": 27, "target": 18, "label": "N"}, {"source": 27, "target": 17, "label": "U"}, {"source": 26, "target": 13, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 24, "target": 9, "label": "C"}, {"source": 27, "target": 19, "label": "C"}, {"source": 25, "target": 8, "label": "C"}, {"source": 25, "target": 7, "label": "Q"}, {"source": 23, "target": 5, "label": "C"}, {"source": 26, "target": 14, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 27, "target": 15, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 3, "label": "P"}, {"source": 21, "target": 1, "label": "F"}, {"source": 26, "target": 11, "label": "T"}, {"source": 26, "target": 12, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 6, "label": "R"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 20, "label": "U"}, {"source": 23, "target": 4, "label": "E"}]} +{"id": "278775-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We made the decision for a couple of reasons.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 14, "label": "Q"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 7, "label": "R"}, {"source": 11, "target": 12, "label": "P"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "278775-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "1. Social Media.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "278775-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were familiar with Search Engine Optimization strategies, but new nothing about Social Media - we just heard that it was the next big thing.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 35}, {"from": 36, "to": 48}]}, {"id": 5, "anchors": [{"from": 49, "to": 59}]}, {"id": 6, "anchors": [{"from": 59, "to": 60}]}, {"id": 7, "anchors": [{"from": 61, "to": 64}]}, {"id": 8, "anchors": [{"from": 65, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 82}]}, {"id": 11, "anchors": [{"from": 83, "to": 89}]}, {"id": 12, "anchors": [{"from": 90, "to": 95}]}, {"id": 13, "anchors": [{"from": 96, "to": 97}]}, {"id": 14, "anchors": [{"from": 98, "to": 100}]}, {"id": 15, "anchors": [{"from": 101, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 123}]}, {"id": 20, "anchors": [{"from": 124, "to": 127}]}, {"id": 21, "anchors": [{"from": 128, "to": 132}]}, {"id": 22, "anchors": [{"from": 133, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 142}]}, {"id": 24, "anchors": [{"from": 142, "to": 143}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 32, "target": 20, "label": "F"}, {"source": 28, "target": 9, "label": "D"}, {"source": 33, "target": 22, "label": "S"}, {"source": 30, "target": 14, "label": "A"}, {"source": 29, "target": 10, "label": "R"}, {"source": 26, "target": 6, "label": "U"}, {"source": 25, "target": 2, "label": "S"}, {"source": 31, "target": 19, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 0, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 5, "label": "C"}, {"source": 30, "target": 16, "label": "P"}, {"source": 26, "target": 30, "label": "H"}, {"source": 30, "target": 15, "label": "D"}, {"source": 32, "target": 23, "label": "C"}, {"source": 33, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "U"}, {"source": 31, "target": 17, "label": "R"}, {"source": 26, "target": 25, "label": "H"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "A"}, {"source": 28, "target": 8, "label": "S"}, {"source": 26, "target": 28, "label": "H"}, {"source": 32, "target": 21, "label": "E"}, {"source": 27, "target": 4, "label": "E"}, {"source": 26, "target": 7, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 24, "label": "U"}, {"source": 29, "target": 11, "label": "E"}, {"source": 29, "target": 12, "label": "C"}, {"source": 27, "target": 3, "label": "R"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "278775-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "2. We really liked the fact that Stuart sets defined objectives and we meet once a month to go over our Key Performance Indicators.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}, {"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 15, "label": "Q"}, {"source": 27, "target": 5, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 34, "target": 35, "label": "E"}, {"source": 25, "target": 12, "label": "L"}, {"source": 35, "target": 22, "label": "C"}, {"source": 31, "target": 14, "label": "P"}, {"source": 33, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 7, "label": "R"}, {"source": 26, "target": 4, "label": "P"}, {"source": 33, "target": 18, "label": "R"}, {"source": 31, "target": 33, "label": "A"}, {"source": 31, "target": 13, "label": "A"}, {"source": 32, "target": 16, "label": "F"}, {"source": 25, "target": 1, "label": "U"}, {"source": 31, "target": 32, "label": "T"}, {"source": 25, "target": 26, "label": "H"}, {"source": 28, "target": 9, "label": "P"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 29, "label": "E"}, {"source": 25, "target": 0, "label": "L"}, {"source": 26, "target": 2, "label": "A"}, {"source": 26, "target": 3, "label": "D"}, {"source": 25, "target": 31, "label": "H"}, {"source": 30, "target": 11, "label": "C"}, {"source": 35, "target": 21, "label": "E"}, {"source": 29, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "C"}, {"source": 28, "target": 8, "label": "A"}, {"source": 33, "target": 19, "label": "P"}, {"source": 34, "target": 20, "label": "E"}, {"source": 34, "target": 23, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 10, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 32, "target": 17, "label": "C"}]} +{"id": "278775-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "How has it gone so far?", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 4, "label": "R"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 0, "label": "D"}, {"source": 8, "target": 9, "label": "T"}]} +{"id": "278775-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well we have been working with Ulistic for 1.5 months, and have 100 people following our site on Facebook, and our web site, www.designofashion.com has seen a 3 fold increase in traffic, which is significantly beating our expectations - SEO is a process that takes time and to get results this quickly is exceptional.", "tops": [59], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}, {"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 147}]}, {"id": 26, "anchors": [{"from": 148, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 158}]}, {"id": 29, "anchors": [{"from": 159, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 174}]}, {"id": 32, "anchors": [{"from": 175, "to": 177}]}, {"id": 33, "anchors": [{"from": 178, "to": 185}]}, {"id": 34, "anchors": [{"from": 185, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 192}]}, {"id": 36, "anchors": [{"from": 193, "to": 195}]}, {"id": 37, "anchors": [{"from": 196, "to": 209}]}, {"id": 38, "anchors": [{"from": 210, "to": 217}]}, {"id": 39, "anchors": [{"from": 218, "to": 221}]}, {"id": 40, "anchors": [{"from": 222, "to": 234}]}, {"id": 41, "anchors": [{"from": 235, "to": 236}]}, {"id": 42, "anchors": [{"from": 237, "to": 240}]}, {"id": 43, "anchors": [{"from": 241, "to": 243}]}, {"id": 44, "anchors": [{"from": 244, "to": 245}]}, {"id": 45, "anchors": [{"from": 246, "to": 253}]}, {"id": 46, "anchors": [{"from": 254, "to": 258}]}, {"id": 47, "anchors": [{"from": 259, "to": 264}]}, {"id": 48, "anchors": [{"from": 265, "to": 269}]}, {"id": 49, "anchors": [{"from": 270, "to": 273}]}, {"id": 50, "anchors": [{"from": 274, "to": 276}]}, {"id": 51, "anchors": [{"from": 277, "to": 280}]}, {"id": 52, "anchors": [{"from": 281, "to": 288}]}, {"id": 53, "anchors": [{"from": 289, "to": 293}]}, {"id": 54, "anchors": [{"from": 294, "to": 301}]}, {"id": 55, "anchors": [{"from": 302, "to": 304}]}, {"id": 56, "anchors": [{"from": 305, "to": 316}]}, {"id": 57, "anchors": [{"from": 316, "to": 317}]}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}], "edges": [{"source": 60, "target": 6, "label": "C"}, {"source": 65, "target": 17, "label": "C"}, {"source": 59, "target": 80, "label": "H"}, {"source": 59, "target": 76, "label": "H"}, {"source": 74, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 38, "label": "P"}, {"source": 59, "target": 10, "label": "U"}, {"source": 59, "target": 24, "label": "U"}, {"source": 58, "target": 0, "label": "G"}, {"source": 80, "target": 56, "label": "D"}, {"source": 62, "target": 15, "label": "P"}, {"source": 72, "target": 31, "label": "C"}, {"source": 81, "target": 53, "label": "R"}, {"source": 62, "target": 12, "label": "F"}, {"source": 59, "target": 20, "label": "U"}, {"source": 62, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 67, "target": 22, "label": "S"}, {"source": 61, "target": 7, "label": "R"}, {"source": 61, "target": 9, "label": "C"}, {"source": 79, "target": 48, "label": "C"}, {"source": 73, "target": 33, "label": "C"}, {"source": 65, "target": 66, "label": "E"}, {"source": 64, "target": 16, "label": "S"}, {"source": 76, "target": 42, "label": "A"}, {"source": 58, "target": 61, "label": "T"}, {"source": 59, "target": 41, "label": "U"}, {"source": 77, "target": 45, "label": "C"}, {"source": 63, "target": 13, "label": "Q"}, {"source": 81, "target": 54, "label": "C"}, {"source": 77, "target": 44, "label": "F"}, {"source": 62, "target": 65, "label": "A"}, {"source": 59, "target": 35, "label": "L"}, {"source": 80, "target": 57, "label": "U"}, {"source": 59, "target": 58, "label": "H"}, {"source": 79, "target": 46, "label": "R"}, {"source": 66, "target": 19, "label": "C"}, {"source": 59, "target": 34, "label": "U"}, {"source": 70, "target": 26, "label": "F"}, {"source": 68, "target": 15, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 69, "target": 23, "label": "C"}, {"source": 80, "target": 55, "label": "F"}, {"source": 75, "target": 40, "label": "S"}, {"source": 70, "target": 27, "label": "F"}, {"source": 70, "target": 73, "label": "P"}, {"source": 59, "target": 49, "label": "L"}, {"source": 71, "target": 30, "label": "C"}, {"source": 70, "target": 72, "label": "D"}, {"source": 59, "target": 62, "label": "H"}, {"source": 64, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 32, "label": "R"}, {"source": 59, "target": 70, "label": "H"}, {"source": 58, "target": 3, "label": "F"}, {"source": 74, "target": 36, "label": "F"}, {"source": 80, "target": 81, "label": "T"}, {"source": 74, "target": 75, "label": "A"}, {"source": 58, "target": 60, "label": "A"}, {"source": 63, "target": 14, "label": "C"}, {"source": 78, "target": 77, "label": "P"}, {"source": 61, "target": 8, "label": "Q"}, {"source": 59, "target": 11, "label": "L"}, {"source": 72, "target": 71, "label": "Q"}, {"source": 58, "target": 4, "label": "P"}, {"source": 68, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 2, "label": "F"}, {"source": 71, "target": 28, "label": "F"}, {"source": 69, "target": 67, "label": "E"}, {"source": 70, "target": 25, "label": "A"}, {"source": 65, "target": 64, "label": "E"}, {"source": 59, "target": 21, "label": "L"}, {"source": 74, "target": 37, "label": "D"}, {"source": 67, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 69, "label": "A"}, {"source": 75, "target": 39, "label": "A"}, {"source": 79, "target": 47, "label": "F"}, {"source": 58, "target": 1, "label": "A"}, {"source": 76, "target": 43, "label": "S"}, {"source": 78, "target": 79, "label": "T"}, {"source": 76, "target": 78, "label": "A"}, {"source": 80, "target": 50, "label": "F"}, {"source": 60, "target": 5, "label": "R"}, {"source": 71, "target": 29, "label": "Q"}, {"source": 62, "target": 63, "label": "A"}, {"source": 59, "target": 68, "label": "H"}, {"source": 80, "target": 52, "label": "P"}, {"source": 80, "target": 51, "label": "D"}, {"source": 59, "target": 74, "label": "H"}, {"source": 66, "target": 18, "label": "R"}]} +{"id": "278775-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We are absolutely confident that Stuart's ethical and focused strategies will see these trends continue to grow, and our business will reap the rewards of this program.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "anchors": [{"from": 111, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 134}]}, {"id": 23, "anchors": [{"from": 135, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 143}]}, {"id": 25, "anchors": [{"from": 144, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 154}]}, {"id": 27, "anchors": [{"from": 155, "to": 159}]}, {"id": 28, "anchors": [{"from": 160, "to": 167}]}, {"id": 29, "anchors": [{"from": 167, "to": 168}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 43, "target": 24, "label": "F"}, {"source": 40, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 38, "label": "A"}, {"source": 33, "target": 6, "label": "R"}, {"source": 31, "target": 18, "label": "U"}, {"source": 42, "target": 41, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 39, "target": 16, "label": "F"}, {"source": 36, "target": 8, "label": "L"}, {"source": 31, "target": 19, "label": "L"}, {"source": 30, "target": 0, "label": "A"}, {"source": 44, "target": 29, "label": "U"}, {"source": 35, "target": 7, "label": "S"}, {"source": 32, "target": 39, "label": "P"}, {"source": 44, "target": 26, "label": "R"}, {"source": 39, "target": 17, "label": "C"}, {"source": 41, "target": 40, "label": "E"}, {"source": 30, "target": 3, "label": "S"}, {"source": 30, "target": 1, "label": "F"}, {"source": 42, "target": 22, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 36, "label": "E"}, {"source": 43, "target": 25, "label": "C"}, {"source": 32, "target": 12, "label": "F"}, {"source": 35, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 10, "label": "C"}, {"source": 38, "target": 13, "label": "E"}, {"source": 30, "target": 2, "label": "D"}, {"source": 43, "target": 44, "label": "E"}, {"source": 32, "target": 4, "label": "R"}, {"source": 38, "target": 14, "label": "C"}, {"source": 31, "target": 42, "label": "H"}, {"source": 33, "target": 5, "label": "C"}, {"source": 36, "target": 37, "label": "H"}, {"source": 41, "target": 21, "label": "C"}, {"source": 32, "target": 11, "label": "F"}, {"source": 44, "target": 28, "label": "C"}, {"source": 42, "target": 23, "label": "P"}, {"source": 44, "target": 27, "label": "E"}, {"source": 37, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 9, "label": "S"}, {"source": 36, "target": 35, "label": "H"}, {"source": 40, "target": 20, "label": "S"}, {"source": 34, "target": 33, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "278775-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Finally, it must be said that Stuart is a fantastic person to work with, because of his solid strategies and equally as importantly because he is a genuinely good person and a great communicator.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}, {"from": 12, "to": 16}, {"from": 17, "to": 19}, {"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}, {"from": 109, "to": 116}, {"from": 117, "to": 119}, {"from": 120, "to": 131}]}, {"id": 19, "anchors": [{"from": 132, "to": 139}]}, {"id": 20, "anchors": [{"from": 140, "to": 142}]}, {"id": 21, "anchors": [{"from": 143, "to": 145}]}, {"id": 22, "anchors": [{"from": 146, "to": 147}]}, {"id": 23, "anchors": [{"from": 148, "to": 157}]}, {"id": 24, "anchors": [{"from": 158, "to": 162}]}, {"id": 25, "anchors": [{"from": 163, "to": 169}]}, {"id": 26, "anchors": [{"from": 170, "to": 173}]}, {"id": 27, "anchors": [{"from": 174, "to": 175}]}, {"id": 28, "anchors": [{"from": 176, "to": 181}]}, {"id": 29, "anchors": [{"from": 182, "to": 194}]}, {"id": 30, "anchors": [{"from": 194, "to": 195}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 34, "target": 7, "label": "S"}, {"source": 40, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 41, "label": "H"}, {"source": 41, "target": 42, "label": "P"}, {"source": 31, "target": 19, "label": "L"}, {"source": 31, "target": 0, "label": "L"}, {"source": 31, "target": 18, "label": "L"}, {"source": 31, "target": 37, "label": "H"}, {"source": 31, "target": 12, "label": "U"}, {"source": 32, "target": 2, "label": "G"}, {"source": 42, "target": 30, "label": "U"}, {"source": 31, "target": 32, "label": "H"}, {"source": 33, "target": 34, "label": "E"}, {"source": 37, "target": 16, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 4, "label": "A"}, {"source": 37, "target": 15, "label": "A"}, {"source": 37, "target": 14, "label": "R"}, {"source": 40, "target": 24, "label": "S"}, {"source": 35, "target": 9, "label": "R"}, {"source": 33, "target": 6, "label": "F"}, {"source": 38, "target": 21, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 32, "target": 5, "label": "S"}, {"source": 36, "target": 11, "label": "R"}, {"source": 31, "target": 26, "label": "L"}, {"source": 36, "target": 8, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "E"}, {"source": 39, "target": 22, "label": "F"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 25, "label": "C"}, {"source": 37, "target": 17, "label": "P"}, {"source": 40, "target": 23, "label": "D"}, {"source": 42, "target": 29, "label": "C"}, {"source": 31, "target": 38, "label": "H"}, {"source": 31, "target": 1, "label": "U"}, {"source": 35, "target": 10, "label": "P"}, {"source": 31, "target": 13, "label": "L"}, {"source": 38, "target": 20, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 41, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "F"}, {"source": 42, "target": 27, "label": "F"}, {"source": 33, "target": 35, "label": "E"}, {"source": 41, "target": 28, "label": "D"}]} +{"id": "279070-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Meal", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "279070-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Happened on to this place while out of town on business, and it was great!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}, {"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 21, "target": 12, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 21, "label": "H"}, {"source": 21, "target": 11, "label": "A"}, {"source": 16, "target": 4, "label": "L"}, {"source": 15, "target": 0, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 10, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 17, "target": 3, "label": "C"}, {"source": 21, "target": 13, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "U"}, {"source": 20, "target": 7, "label": "R"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "R"}, {"source": 17, "target": 2, "label": "E"}]} +{"id": "279070-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food was excellent and the service was terrific.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "A"}, {"source": 13, "target": 5, "label": "F"}, {"source": 14, "target": 13, "label": "P"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "D"}, {"source": 12, "target": 4, "label": "L"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "S"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "279070-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is a cloth napkin kind of place, but I thought well worth it.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 6, "label": "R"}, {"source": 16, "target": 20, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 19, "target": 18, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "S"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 14, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 9, "label": "L"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 13, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "U"}, {"source": 22, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "279437-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent service, close to the morse redline stop.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}, {"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "U"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 5, "label": "F"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "P"}]} +{"id": "279437-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great computer repair store, highly recommended.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 47}]}, {"id": 7, "anchors": [{"from": 47, "to": 48}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 8, "target": 11, "label": "A"}, {"source": 11, "target": 10, "label": "E"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 9, "target": 4, "label": "U"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "A"}, {"source": 9, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "280170-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Can't say enough", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "280170-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used to tan down the street before I was referred to this place by one of my friends.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 17, "label": "C"}, {"source": 21, "target": 3, "label": "R"}, {"source": 23, "target": 11, "label": "E"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 9, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 19, "target": 1, "label": "D"}, {"source": 20, "target": 6, "label": "L"}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 8, "label": "F"}, {"source": 24, "target": 16, "label": "A"}, {"source": 24, "target": 14, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "C"}, {"source": 22, "target": 7, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 24, "target": 25, "label": "S"}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "280170-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "WOW!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "280170-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I didn't know what I was missing.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 7, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "A"}]} +{"id": "280170-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The lowest bed here is better than my last salons highest level.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 18, "target": 20, "label": "E"}, {"source": 20, "target": 10, "label": "R"}, {"source": 21, "target": 12, "label": "S"}, {"source": 18, "target": 6, "label": "R"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "E"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 21, "label": "E"}, {"source": 19, "target": 7, "label": "S"}, {"source": 20, "target": 9, "label": "C"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "S"}, {"source": 14, "target": 17, "label": "E"}, {"source": 16, "target": 5, "label": "S"}, {"source": 14, "target": 0, "label": "F"}, {"source": 21, "target": 13, "label": "U"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}]} +{"id": "280170-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Salon is clean and girls are nice.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "280340-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My girlfriend and I took a chance on this place because we didn't want to wait in line at Outback.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 97}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 5, "label": "F"}, {"source": 28, "target": 12, "label": "F"}, {"source": 29, "target": 16, "label": "P"}, {"source": 27, "target": 7, "label": "R"}, {"source": 31, "target": 21, "label": "U"}, {"source": 26, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 23, "target": 2, "label": "N"}, {"source": 23, "target": 3, "label": "C"}, {"source": 23, "target": 22, "label": "C"}, {"source": 27, "target": 9, "label": "C"}, {"source": 28, "target": 13, "label": "D"}, {"source": 25, "target": 28, "label": "H"}, {"source": 30, "target": 17, "label": "R"}, {"source": 30, "target": 18, "label": "C"}, {"source": 22, "target": 1, "label": "A"}, {"source": 28, "target": 11, "label": "A"}, {"source": 22, "target": 1, "label": "S"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 15, "label": "R"}, {"source": 29, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 24, "target": 26, "label": "P"}, {"source": 31, "target": 20, "label": "C"}, {"source": 28, "target": 14, "label": "S"}, {"source": 25, "target": 10, "label": "L"}]} +{"id": "280340-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "What an amazing find - this restaurant is a GEM.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 13, "label": "P"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "F"}, {"source": 15, "target": 16, "label": "S"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "280340-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "#1 its immaculately clean.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 5, "to": 6}]}, {"id": 4, "anchors": [{"from": 7, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 0, "label": "U"}, {"source": 8, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "L"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "280340-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "#2 the decor is tasteful and artistic, from the comfortable chairs to the elegant light fixtures.... and (most importantly) #3 the food is FANTASTIC.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}, {"from": 111, "to": 122}]}, {"id": 22, "anchors": [{"from": 122, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 125}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 148}]}, {"id": 29, "anchors": [{"from": 148, "to": 149}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 7, "label": "S"}, {"source": 37, "target": 16, "label": "E"}, {"source": 30, "target": 9, "label": "L"}, {"source": 30, "target": 0, "label": "U"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 33, "label": "H"}, {"source": 36, "target": 15, "label": "S"}, {"source": 37, "target": 14, "label": "F"}, {"source": 32, "target": 31, "label": "A"}, {"source": 38, "target": 29, "label": "U"}, {"source": 30, "target": 6, "label": "L"}, {"source": 30, "target": 1, "label": "L"}, {"source": 33, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "L"}, {"source": 30, "target": 13, "label": "L"}, {"source": 38, "target": 39, "label": "A"}, {"source": 32, "target": 5, "label": "S"}, {"source": 35, "target": 12, "label": "C"}, {"source": 34, "target": 11, "label": "S"}, {"source": 39, "target": 26, "label": "C"}, {"source": 38, "target": 21, "label": "G"}, {"source": 30, "target": 22, "label": "U"}, {"source": 38, "target": 28, "label": "S"}, {"source": 30, "target": 20, "label": "U"}, {"source": 37, "target": 17, "label": "C"}, {"source": 32, "target": 4, "label": "F"}, {"source": 30, "target": 8, "label": "U"}, {"source": 30, "target": 18, "label": "U"}, {"source": 31, "target": 2, "label": "F"}, {"source": 30, "target": 36, "label": "H"}, {"source": 38, "target": 27, "label": "F"}, {"source": 31, "target": 3, "label": "C"}, {"source": 39, "target": 25, "label": "F"}, {"source": 30, "target": 23, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 30, "target": 38, "label": "H"}, {"source": 30, "target": 24, "label": "L"}, {"source": 35, "target": 10, "label": "F"}, {"source": 30, "target": 32, "label": "H"}]} +{"id": "280340-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is authentic Cuban cuisine; fresh ingredients expertly prepared and seasoned perfectly.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 91}]}, {"id": 13, "anchors": [{"from": 91, "to": 92}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 6, "label": "S"}, {"source": 20, "target": 13, "label": "U"}, {"source": 20, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 10, "label": "L"}, {"source": 14, "target": 2, "label": "S"}, {"source": 20, "target": 12, "label": "D"}, {"source": 19, "target": 18, "label": "A"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 19, "label": "H"}, {"source": 15, "target": 20, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "P"}, {"source": 19, "target": 8, "label": "D"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 17, "label": "E"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "280340-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The portions were generous and we got out for less than the cost of one entree at some chain restaurant.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 5, "label": "A"}, {"source": 28, "target": 16, "label": "R"}, {"source": 23, "target": 4, "label": "L"}, {"source": 28, "target": 18, "label": "E"}, {"source": 22, "target": 2, "label": "F"}, {"source": 28, "target": 17, "label": "E"}, {"source": 27, "target": 14, "label": "Q"}, {"source": 27, "target": 13, "label": "R"}, {"source": 26, "target": 10, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 0, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 25, "target": 8, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 26, "label": "Q"}, {"source": 24, "target": 6, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 24, "target": 7, "label": "D"}, {"source": 28, "target": 20, "label": "U"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 3, "label": "S"}, {"source": 28, "target": 19, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 26, "target": 9, "label": "C"}, {"source": 25, "target": 27, "label": "E"}]} +{"id": "280340-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "TRY THIS PLACE - YOU'LL LOVE IT.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 3, "label": "U"}, {"source": 12, "target": 7, "label": "A"}, {"source": 9, "target": 0, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "280663-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best DJ's In Town!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "280663-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wow!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "280663-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys were the best.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "280663-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were thorough, high class, and went above and beyond.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 4, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 7, "label": "L"}, {"source": 15, "target": 9, "label": "P"}, {"source": 12, "target": 3, "label": "U"}, {"source": 12, "target": 6, "label": "U"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "S"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 2, "label": "S"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "280663-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We never had to worry about a thing, and they led the way the whole time.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 7, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 8, "label": "L"}, {"source": 17, "target": 1, "label": "D"}, {"source": 22, "target": 14, "label": "Q"}, {"source": 19, "target": 4, "label": "R"}, {"source": 17, "target": 2, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 5, "label": "F"}, {"source": 22, "target": 13, "label": "F"}, {"source": 17, "target": 1, "label": "T"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 22, "label": "T"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 3, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 10, "label": "P"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "280663-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They asked us things that we would have never have thought of, and took extra time to meet with us when we needed it before the wedding.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 135}]}, {"id": 28, "anchors": [{"from": 135, "to": 136}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 12, "label": "U"}, {"source": 36, "target": 19, "label": "R"}, {"source": 36, "target": 20, "label": "C"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 26, "label": "F"}, {"source": 31, "target": 32, "label": "E"}, {"source": 30, "target": 29, "label": "H"}, {"source": 39, "target": 28, "label": "U"}, {"source": 34, "target": 14, "label": "F"}, {"source": 30, "target": 25, "label": "L"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 35, "label": "H"}, {"source": 34, "target": 16, "label": "C"}, {"source": 32, "target": 5, "label": "A"}, {"source": 33, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 13, "label": "L"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 39, "target": 27, "label": "C"}, {"source": 37, "target": 22, "label": "A"}, {"source": 32, "target": 9, "label": "F"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 8, "label": "D"}, {"source": 37, "target": 24, "label": "A"}, {"source": 38, "target": 39, "label": "P"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 15, "label": "Q"}, {"source": 32, "target": 4, "label": "R"}, {"source": 32, "target": 8, "label": "T"}, {"source": 33, "target": 11, "label": "R"}, {"source": 32, "target": 7, "label": "F"}, {"source": 30, "target": 21, "label": "L"}, {"source": 31, "target": 3, "label": "C"}, {"source": 35, "target": 34, "label": "T"}, {"source": 35, "target": 17, "label": "F"}, {"source": 29, "target": 2, "label": "A"}, {"source": 32, "target": 6, "label": "D"}, {"source": 30, "target": 38, "label": "H"}, {"source": 30, "target": 37, "label": "H"}, {"source": 37, "target": 23, "label": "P"}, {"source": 35, "target": 18, "label": "P"}, {"source": 32, "target": 10, "label": "P"}]} +{"id": "280663-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Having a team was the best because they kept the flow of the wedding going the whole time!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 24, "target": 9, "label": "F"}, {"source": 24, "target": 14, "label": "F"}, {"source": 23, "target": 8, "label": "D"}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 5, "label": "C"}, {"source": 26, "target": 13, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 26, "label": "P"}, {"source": 24, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 19, "target": 22, "label": "D"}, {"source": 26, "target": 12, "label": "F"}, {"source": 22, "target": 4, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 2, "label": "C"}, {"source": 27, "target": 16, "label": "Q"}, {"source": 25, "target": 11, "label": "R"}, {"source": 27, "target": 15, "label": "F"}, {"source": 21, "target": 1, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 23, "target": 27, "label": "T"}, {"source": 19, "target": 0, "label": "S"}]} +{"id": "280663-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They may look young but don't let that fool you, as their knowledge of music far surpassed what we expected.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 3, "label": "S"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 25, "label": "H"}, {"source": 27, "target": 18, "label": "P"}, {"source": 25, "target": 10, "label": "A"}, {"source": 24, "target": 11, "label": "U"}, {"source": 29, "target": 19, "label": "A"}, {"source": 29, "target": 21, "label": "S"}, {"source": 25, "target": 7, "label": "D"}, {"source": 25, "target": 8, "label": "A"}, {"source": 23, "target": 2, "label": "G"}, {"source": 24, "target": 12, "label": "L"}, {"source": 27, "target": 26, "label": "A"}, {"source": 29, "target": 22, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 20, "label": "A"}, {"source": 26, "target": 13, "label": "A"}, {"source": 25, "target": 6, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "R"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 4, "label": "L"}, {"source": 27, "target": 17, "label": "D"}, {"source": 23, "target": 1, "label": "D"}, {"source": 25, "target": 9, "label": "P"}, {"source": 25, "target": 5, "label": "F"}, {"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "280663-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am a music junkie that grew up in the 80's, and my dad worked for a record label in the 1960's.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 76}, {"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 96}]}, {"id": 21, "anchors": [{"from": 96, "to": 97}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 6, "label": "P"}, {"source": 30, "target": 19, "label": "F"}, {"source": 25, "target": 26, "label": "T"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "L"}, {"source": 28, "target": 14, "label": "P"}, {"source": 22, "target": 3, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 30, "target": 18, "label": "R"}, {"source": 29, "target": 16, "label": "F"}, {"source": 23, "target": 5, "label": "L"}, {"source": 28, "target": 30, "label": "T"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 13, "label": "S"}, {"source": 26, "target": 7, "label": "R"}, {"source": 23, "target": 28, "label": "H"}, {"source": 27, "target": 13, "label": "A"}, {"source": 29, "target": 15, "label": "R"}, {"source": 27, "target": 12, "label": "A"}, {"source": 24, "target": 2, "label": "F"}, {"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 29, "target": 17, "label": "C"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 22, "target": 24, "label": "S"}, {"source": 26, "target": 9, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "280663-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So we didn't expect them to even know some of the requests that we asked that night.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 9, "label": "Q"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 17, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 1, "label": "A"}, {"source": 22, "target": 10, "label": "F"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 5, "label": "A"}, {"source": 23, "target": 15, "label": "P"}, {"source": 20, "target": 4, "label": "P"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "L"}, {"source": 21, "target": 8, "label": "S"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 14, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 24, "target": 16, "label": "R"}, {"source": 21, "target": 7, "label": "D"}, {"source": 21, "target": 6, "label": "R"}, {"source": 23, "target": 24, "label": "T"}, {"source": 22, "target": 12, "label": "C"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "280663-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They just really know their stuff!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 9, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 1, "label": "G"}, {"source": 9, "target": 4, "label": "S"}, {"source": 9, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "280844-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good Service - Limited Results", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}, {"from": 23, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "E"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "D"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "280844-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Andrew was helpful and knowledgeable about acupuncture re: infertility.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 70}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "L"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "S"}]} +{"id": "280844-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was willing to talk to me about my specific issues and develop a plan of action.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 11, "label": "L"}, {"source": 21, "target": 8, "label": "A"}, {"source": 18, "target": 2, "label": "D"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 10, "label": "S"}, {"source": 21, "target": 9, "label": "D"}, {"source": 22, "target": 12, "label": "P"}, {"source": 24, "target": 15, "label": "R"}, {"source": 23, "target": 13, "label": "F"}, {"source": 24, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 21, "label": "A"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 21, "target": 7, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "280844-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The office is shared with a foot doctor and it's very sterile and medical feeling, which I liked.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 27, "target": 14, "label": "E"}, {"source": 24, "target": 4, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 2, "label": "F"}, {"source": 23, "target": 13, "label": "L"}, {"source": 28, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 18, "label": "A"}, {"source": 26, "target": 11, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "S"}, {"source": 25, "target": 12, "label": "S"}, {"source": 25, "target": 11, "label": "D"}, {"source": 21, "target": 0, "label": "F"}, {"source": 24, "target": 5, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 6, "label": "E"}, {"source": 23, "target": 26, "label": "H"}, {"source": 25, "target": 9, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 17, "label": "L"}, {"source": 25, "target": 10, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 3, "label": "S"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 19, "label": "P"}]} +{"id": "280844-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The down side was that sometimes there was a lot of noise in the hallway from other patients/doctors.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 28, "label": "A"}, {"source": 24, "target": 4, "label": "R"}, {"source": 25, "target": 8, "label": "F"}, {"source": 25, "target": 9, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 29, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 26, "target": 25, "label": "Q"}, {"source": 27, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "C"}, {"source": 23, "target": 3, "label": "F"}, {"source": 26, "target": 10, "label": "R"}, {"source": 27, "target": 12, "label": "R"}, {"source": 24, "target": 5, "label": "T"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 18, "label": "U"}, {"source": 21, "target": 0, "label": "F"}, {"source": 24, "target": 7, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 28, "target": 15, "label": "R"}, {"source": 21, "target": 2, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 24, "target": 6, "label": "S"}, {"source": 29, "target": 19, "label": "C"}, {"source": 29, "target": 17, "label": "C"}, {"source": 26, "target": 11, "label": "C"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 21, "label": "S"}, {"source": 21, "target": 1, "label": "E"}]} +{"id": "280844-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I worked with Andrew for 2 months and did acupuncture and herbs.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 16, "label": "T"}, {"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 10, "label": "N"}, {"source": 17, "target": 8, "label": "P"}, {"source": 15, "target": 2, "label": "R"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 5, "label": "Q"}]} +{"id": "280844-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The sessions were nice and I felt relaxed after them but did not notice any changes with my cycles.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 26, "target": 14, "label": "D"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 7, "label": "D"}, {"source": 23, "target": 6, "label": "S"}, {"source": 22, "target": 10, "label": "L"}, {"source": 24, "target": 9, "label": "C"}, {"source": 26, "target": 15, "label": "P"}, {"source": 27, "target": 17, "label": "E"}, {"source": 21, "target": 3, "label": "D"}, {"source": 20, "target": 0, "label": "F"}, {"source": 25, "target": 12, "label": "D"}, {"source": 23, "target": 5, "label": "A"}, {"source": 25, "target": 13, "label": "P"}, {"source": 21, "target": 2, "label": "F"}, {"source": 24, "target": 8, "label": "E"}, {"source": 25, "target": 11, "label": "F"}, {"source": 23, "target": 24, "label": "T"}, {"source": 21, "target": 20, "label": "P"}, {"source": 27, "target": 16, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 4, "label": "L"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 20, "target": 1, "label": "C"}]} +{"id": "280844-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I know it can take awhile for results and didn't expect a miracle, but after 2 months I felt like it was not entirely worth the cost/time.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 104}]}, {"id": 25, "anchors": [{"from": 105, "to": 108}]}, {"id": 26, "anchors": [{"from": 109, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 132}]}, {"id": 30, "anchors": [{"from": 132, "to": 133}]}, {"id": 31, "anchors": [{"from": 133, "to": 137}]}, {"id": 32, "anchors": [{"from": 137, "to": 138}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 40, "target": 20, "label": "A"}, {"source": 37, "target": 12, "label": "P"}, {"source": 41, "target": 25, "label": "D"}, {"source": 41, "target": 26, "label": "D"}, {"source": 34, "target": 9, "label": "L"}, {"source": 41, "target": 27, "label": "S"}, {"source": 37, "target": 10, "label": "F"}, {"source": 42, "target": 28, "label": "F"}, {"source": 37, "target": 38, "label": "A"}, {"source": 35, "target": 8, "label": "P"}, {"source": 39, "target": 17, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 41, "target": 23, "label": "A"}, {"source": 39, "target": 19, "label": "C"}, {"source": 36, "target": 5, "label": "F"}, {"source": 41, "target": 22, "label": "R"}, {"source": 40, "target": 21, "label": "S"}, {"source": 41, "target": 42, "label": "A"}, {"source": 33, "target": 0, "label": "A"}, {"source": 43, "target": 32, "label": "U"}, {"source": 39, "target": 18, "label": "Q"}, {"source": 35, "target": 7, "label": "F"}, {"source": 33, "target": 1, "label": "S"}, {"source": 36, "target": 4, "label": "F"}, {"source": 40, "target": 39, "label": "T"}, {"source": 43, "target": 31, "label": "C"}, {"source": 41, "target": 24, "label": "F"}, {"source": 36, "target": 6, "label": "C"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 29, "label": "C"}, {"source": 38, "target": 14, "label": "C"}, {"source": 35, "target": 2, "label": "A"}, {"source": 35, "target": 36, "label": "T"}, {"source": 37, "target": 11, "label": "D"}, {"source": 38, "target": 13, "label": "F"}, {"source": 35, "target": 3, "label": "F"}, {"source": 43, "target": 30, "label": "U"}, {"source": 34, "target": 37, "label": "H"}, {"source": 34, "target": 15, "label": "U"}, {"source": 34, "target": 16, "label": "L"}, {"source": 42, "target": 43, "label": "C"}]} +{"id": "280844-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(I am also a little suspicious of all these glowing reviews...)", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 10, "label": "S"}, {"source": 17, "target": 13, "label": "U"}, {"source": 15, "target": 0, "label": "U"}, {"source": 15, "target": 16, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 8, "label": "Q"}, {"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 18, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 6, "label": "S"}, {"source": 17, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 1, "label": "A"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "281976-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "do NOT bring your car here", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "A"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "281976-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I got a coupon from Pennysaver for this station.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 14, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "281976-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes, they accepted it.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 0, "label": "G"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "A"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "281976-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, during the test, they did whatever they can to get my test failed.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 11, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 22, "label": "E"}, {"source": 23, "target": 12, "label": "D"}, {"source": 20, "target": 7, "label": "P"}, {"source": 17, "target": 5, "label": "U"}, {"source": 22, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 17, "target": 2, "label": "L"}, {"source": 20, "target": 6, "label": "A"}, {"source": 22, "target": 9, "label": "A"}, {"source": 23, "target": 15, "label": "D"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 14, "label": "P"}, {"source": 17, "target": 1, "label": "U"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 13, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 22, "target": 10, "label": "D"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "281976-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then, they sold me overpriced stuffs, such as oil tank cap, so that my car can pass it right away.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}, {"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 92}, {"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 19, "label": "T"}, {"source": 21, "target": 1, "label": "U"}, {"source": 24, "target": 6, "label": "C"}, {"source": 21, "target": 13, "label": "L"}, {"source": 26, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 27, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "U"}, {"source": 24, "target": 7, "label": "U"}, {"source": 27, "target": 14, "label": "S"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 23, "label": "E"}, {"source": 25, "target": 8, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 9, "label": "E"}, {"source": 28, "target": 27, "label": "E"}, {"source": 29, "target": 16, "label": "D"}, {"source": 29, "target": 28, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 22, "target": 3, "label": "P"}, {"source": 22, "target": 2, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 23, "target": 5, "label": "S"}, {"source": 22, "target": 4, "label": "A"}, {"source": 21, "target": 29, "label": "H"}, {"source": 29, "target": 17, "label": "P"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "281976-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I ended up paying much more.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}, {"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "283041-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great Cookies, Cakes, and Customer Service", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "A"}, {"source": 11, "target": 7, "label": "P"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 9, "target": 4, "label": "U"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 5, "label": "L"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "283041-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was my birthday and I had a last minute idea to have a bakery cake instead of one pre-made in a convenience store, but the problem was it was the day before Valentines and when many bakeries turned me down for a plain vanilla rectangle cake, Fiona stepped up to the plate and was able to make a fantastic beautiful cake.", "tops": [62], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 116}]}, {"id": 24, "anchors": [{"from": 116, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 148}]}, {"id": 32, "anchors": [{"from": 149, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 169}, {"from": 169, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 174}]}, {"id": 36, "anchors": [{"from": 175, "to": 179}]}, {"id": 37, "anchors": [{"from": 180, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 193}]}, {"id": 39, "anchors": [{"from": 194, "to": 200}, {"from": 204, "to": 208}]}, {"id": 40, "anchors": [{"from": 201, "to": 203}]}, {"id": 41, "anchors": [{"from": 209, "to": 212}]}, {"id": 42, "anchors": [{"from": 213, "to": 214}]}, {"id": 43, "anchors": [{"from": 215, "to": 220}]}, {"id": 44, "anchors": [{"from": 221, "to": 228}]}, {"id": 45, "anchors": [{"from": 229, "to": 238}]}, {"id": 46, "anchors": [{"from": 239, "to": 243}]}, {"id": 47, "anchors": [{"from": 243, "to": 244}]}, {"id": 48, "anchors": [{"from": 245, "to": 250}]}, {"id": 49, "anchors": [{"from": 251, "to": 258}, {"from": 259, "to": 261}]}, {"id": 50, "anchors": [{"from": 262, "to": 264}, {"from": 265, "to": 268}, {"from": 269, "to": 274}]}, {"id": 51, "anchors": [{"from": 275, "to": 278}]}, {"id": 52, "anchors": [{"from": 279, "to": 282}]}, {"id": 53, "anchors": [{"from": 283, "to": 287}]}, {"id": 54, "anchors": [{"from": 288, "to": 290}]}, {"id": 55, "anchors": [{"from": 291, "to": 295}]}, {"id": 56, "anchors": [{"from": 296, "to": 297}]}, {"id": 57, "anchors": [{"from": 298, "to": 307}]}, {"id": 58, "anchors": [{"from": 308, "to": 317}]}, {"id": 59, "anchors": [{"from": 318, "to": 322}]}, {"id": 60, "anchors": [{"from": 322, "to": 323}]}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}], "edges": [{"source": 73, "target": 28, "label": "F"}, {"source": 83, "target": 85, "label": "E"}, {"source": 74, "target": 30, "label": "F"}, {"source": 82, "target": 53, "label": "D"}, {"source": 62, "target": 78, "label": "H"}, {"source": 82, "target": 52, "label": "F"}, {"source": 66, "target": 13, "label": "F"}, {"source": 77, "target": 38, "label": "C"}, {"source": 62, "target": 24, "label": "U"}, {"source": 63, "target": 65, "label": "A"}, {"source": 83, "target": 56, "label": "F"}, {"source": 72, "target": 26, "label": "F"}, {"source": 65, "target": 11, "label": "R"}, {"source": 64, "target": 7, "label": "F"}, {"source": 83, "target": 60, "label": "U"}, {"source": 83, "target": 84, "label": "E"}, {"source": 75, "target": 76, "label": "E"}, {"source": 82, "target": 48, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 81, "target": 49, "label": "C"}, {"source": 64, "target": 8, "label": "E"}, {"source": 65, "target": 67, "label": "A"}, {"source": 71, "target": 23, "label": "C"}, {"source": 84, "target": 59, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 78, "target": 79, "label": "A"}, {"source": 62, "target": 36, "label": "L"}, {"source": 83, "target": 59, "label": "C"}, {"source": 66, "target": 14, "label": "E"}, {"source": 79, "target": 45, "label": "E"}, {"source": 67, "target": 69, "label": "C"}, {"source": 71, "target": 20, "label": "R"}, {"source": 73, "target": 74, "label": "A"}, {"source": 63, "target": 64, "label": "T"}, {"source": 62, "target": 73, "label": "H"}, {"source": 62, "target": 25, "label": "L"}, {"source": 70, "target": 19, "label": "P"}, {"source": 82, "target": 54, "label": "F"}, {"source": 61, "target": 2, "label": "A"}, {"source": 79, "target": 44, "label": "E"}, {"source": 85, "target": 58, "label": "S"}, {"source": 69, "target": 18, "label": "C"}, {"source": 62, "target": 82, "label": "H"}, {"source": 63, "target": 6, "label": "F"}, {"source": 70, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 76, "target": 33, "label": "R"}, {"source": 66, "target": 15, "label": "C"}, {"source": 69, "target": 70, "label": "E"}, {"source": 63, "target": 5, "label": "A"}, {"source": 80, "target": 48, "label": "A"}, {"source": 67, "target": 66, "label": "C"}, {"source": 84, "target": 57, "label": "S"}, {"source": 61, "target": 1, "label": "F"}, {"source": 68, "target": 16, "label": "C"}, {"source": 69, "target": 71, "label": "E"}, {"source": 82, "target": 83, "label": "A"}, {"source": 71, "target": 21, "label": "F"}, {"source": 74, "target": 29, "label": "S"}, {"source": 72, "target": 27, "label": "C"}, {"source": 73, "target": 72, "label": "P"}, {"source": 77, "target": 37, "label": "Q"}, {"source": 62, "target": 47, "label": "U"}, {"source": 62, "target": 4, "label": "L"}, {"source": 62, "target": 80, "label": "H"}, {"source": 67, "target": 68, "label": "N"}, {"source": 71, "target": 22, "label": "E"}, {"source": 78, "target": 39, "label": "P"}, {"source": 79, "target": 41, "label": "R"}, {"source": 68, "target": 17, "label": "R"}, {"source": 61, "target": 3, "label": "T"}, {"source": 79, "target": 46, "label": "C"}, {"source": 78, "target": 40, "label": "A"}, {"source": 76, "target": 34, "label": "C"}, {"source": 61, "target": 0, "label": "S"}, {"source": 62, "target": 51, "label": "L"}, {"source": 75, "target": 32, "label": "C"}, {"source": 65, "target": 12, "label": "S"}, {"source": 63, "target": 10, "label": "S"}, {"source": 80, "target": 81, "label": "P"}, {"source": 64, "target": 9, "label": "C"}, {"source": 78, "target": 77, "label": "A"}, {"source": 81, "target": 50, "label": "E"}, {"source": 62, "target": 61, "label": "H"}, {"source": 74, "target": 75, "label": "T"}, {"source": 62, "target": 35, "label": "L"}, {"source": 79, "target": 42, "label": "F"}, {"source": 75, "target": 31, "label": "F"}, {"source": 62, "target": 63, "label": "H"}, {"source": 82, "target": 55, "label": "P"}, {"source": 85, "target": 59, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 79, "target": 43, "label": "E"}]} +{"id": "283041-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not only did it taste wonderful, but the texture was unbelievable, the frosting wasn't overly sweet to over power the cake, and the cake itself was just amazingly soft, and fluffy, and just perfect overall.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 107}, {"from": 108, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 122}]}, {"id": 22, "anchors": [{"from": 122, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 152}]}, {"id": 29, "anchors": [{"from": 153, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 167}]}, {"id": 31, "anchors": [{"from": 167, "to": 168}]}, {"id": 32, "anchors": [{"from": 169, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 179}]}, {"id": 34, "anchors": [{"from": 179, "to": 180}]}, {"id": 35, "anchors": [{"from": 181, "to": 184}]}, {"id": 36, "anchors": [{"from": 185, "to": 189}]}, {"id": 37, "anchors": [{"from": 190, "to": 197}]}, {"id": 38, "anchors": [{"from": 198, "to": 205}]}, {"id": 39, "anchors": [{"from": 205, "to": 206}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 40, "target": 6, "label": "L"}, {"source": 45, "target": 44, "label": "A"}, {"source": 48, "target": 24, "label": "F"}, {"source": 49, "target": 29, "label": "D"}, {"source": 45, "target": 17, "label": "S"}, {"source": 43, "target": 10, "label": "S"}, {"source": 40, "target": 11, "label": "U"}, {"source": 40, "target": 50, "label": "H"}, {"source": 46, "target": 19, "label": "P"}, {"source": 40, "target": 49, "label": "H"}, {"source": 41, "target": 3, "label": "S"}, {"source": 40, "target": 45, "label": "H"}, {"source": 40, "target": 0, "label": "L"}, {"source": 46, "target": 47, "label": "A"}, {"source": 51, "target": 36, "label": "G"}, {"source": 51, "target": 37, "label": "S"}, {"source": 50, "target": 33, "label": "S"}, {"source": 50, "target": 48, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 23, "label": "L"}, {"source": 51, "target": 39, "label": "U"}, {"source": 49, "target": 28, "label": "G"}, {"source": 40, "target": 51, "label": "H"}, {"source": 40, "target": 34, "label": "U"}, {"source": 40, "target": 5, "label": "U"}, {"source": 40, "target": 46, "label": "H"}, {"source": 48, "target": 25, "label": "C"}, {"source": 40, "target": 32, "label": "L"}, {"source": 42, "target": 7, "label": "F"}, {"source": 40, "target": 31, "label": "U"}, {"source": 42, "target": 8, "label": "C"}, {"source": 43, "target": 9, "label": "F"}, {"source": 50, "target": 28, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 26, "label": "E"}, {"source": 49, "target": 48, "label": "A"}, {"source": 47, "target": 21, "label": "C"}, {"source": 41, "target": 2, "label": "A"}, {"source": 40, "target": 18, "label": "L"}, {"source": 45, "target": 14, "label": "F"}, {"source": 44, "target": 13, "label": "C"}, {"source": 40, "target": 22, "label": "U"}, {"source": 46, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 20, "label": "F"}, {"source": 49, "target": 30, "label": "S"}, {"source": 43, "target": 42, "label": "A"}, {"source": 41, "target": 4, "label": "D"}, {"source": 50, "target": 29, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 12, "label": "F"}, {"source": 49, "target": 27, "label": "F"}, {"source": 40, "target": 43, "label": "H"}, {"source": 41, "target": 1, "label": "F"}, {"source": 45, "target": 16, "label": "D"}, {"source": 45, "target": 15, "label": "D"}, {"source": 40, "target": 41, "label": "H"}, {"source": 51, "target": 38, "label": "D"}, {"source": 51, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 35, "label": "L"}]} +{"id": "283041-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Although I'll have to drive a little out of my way to go there, I'll gladly do it knowing that since she's been astounding to me once before that she'll always be that way!", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}, {"from": 41, "to": 43}, {"from": 44, "to": 46}, {"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 149}]}, {"id": 30, "anchors": [{"from": 149, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 167}]}, {"id": 34, "anchors": [{"from": 168, "to": 171}]}, {"id": 35, "anchors": [{"from": 171, "to": 172}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 45, "target": 46, "label": "A"}, {"source": 42, "target": 21, "label": "F"}, {"source": 45, "target": 30, "label": "F"}, {"source": 40, "target": 9, "label": "P"}, {"source": 42, "target": 43, "label": "A"}, {"source": 42, "target": 44, "label": "T"}, {"source": 36, "target": 8, "label": "L"}, {"source": 42, "target": 18, "label": "R"}, {"source": 44, "target": 26, "label": "Q"}, {"source": 45, "target": 32, "label": "S"}, {"source": 41, "target": 13, "label": "F"}, {"source": 38, "target": 6, "label": "C"}, {"source": 36, "target": 28, "label": "L"}, {"source": 36, "target": 41, "label": "H"}, {"source": 36, "target": 40, "label": "H"}, {"source": 41, "target": 14, "label": "D"}, {"source": 39, "target": 7, "label": "C"}, {"source": 36, "target": 19, "label": "L"}, {"source": 42, "target": 22, "label": "F"}, {"source": 41, "target": 15, "label": "P"}, {"source": 43, "target": 25, "label": "C"}, {"source": 41, "target": 12, "label": "A"}, {"source": 41, "target": 16, "label": "A"}, {"source": 37, "target": 2, "label": "F"}, {"source": 46, "target": 34, "label": "C"}, {"source": 37, "target": 3, "label": "D"}, {"source": 45, "target": 29, "label": "A"}, {"source": 46, "target": 33, "label": "E"}, {"source": 42, "target": 20, "label": "A"}, {"source": 43, "target": 24, "label": "R"}, {"source": 36, "target": 42, "label": "H"}, {"source": 36, "target": 37, "label": "H"}, {"source": 46, "target": 35, "label": "U"}, {"source": 40, "target": 10, "label": "A"}, {"source": 45, "target": 31, "label": "T"}, {"source": 44, "target": 27, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 42, "target": 23, "label": "S"}, {"source": 37, "target": 4, "label": "P"}, {"source": 36, "target": 11, "label": "U"}, {"source": 36, "target": 17, "label": "L"}, {"source": 37, "target": 1, "label": "A"}, {"source": 36, "target": 45, "label": "H"}, {"source": 38, "target": 5, "label": "F"}, {"source": 36, "target": 0, "label": "L"}, {"source": 39, "target": 38, "label": "Q"}, {"source": 40, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "283041-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(Also she has a really great website!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "D"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "S"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 3, "label": "S"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "283041-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And we bought a few cookies there too, they were fantastic as well!)", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 17, "label": "Q"}, {"source": 16, "target": 7, "label": "D"}, {"source": 15, "target": 0, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "A"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 12, "label": "D"}, {"source": 19, "target": 11, "label": "S"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 1, "label": "A"}, {"source": 15, "target": 8, "label": "U"}]} +{"id": "283041-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She deserves many 5 star reviews!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 2, "label": "D"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "Q"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "283903-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "very reasonable prices.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "283903-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "quick in & out.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 1, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "283903-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendly service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "285133-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hair By Nivine in eastgardens fixed my hair after i had my hair cut and colored at another salon i felt more confident and the girls are fantastic and ive been going there now for 2 years always happy and they care about my hair had my hair done for my wedding it looked fabolous !", "tops": [56], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 146}]}, {"id": 26, "anchors": [{"from": 147, "to": 150}]}, {"id": 27, "anchors": [{"from": 151, "to": 152}]}, {"id": 28, "anchors": [{"from": 152, "to": 154}]}, {"id": 29, "anchors": [{"from": 155, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 175}]}, {"id": 33, "anchors": [{"from": 176, "to": 179}]}, {"id": 34, "anchors": [{"from": 180, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 194}]}, {"id": 37, "anchors": [{"from": 195, "to": 200}]}, {"id": 38, "anchors": [{"from": 201, "to": 204}]}, {"id": 39, "anchors": [{"from": 205, "to": 209}]}, {"id": 40, "anchors": [{"from": 210, "to": 214}]}, {"id": 41, "anchors": [{"from": 215, "to": 220}]}, {"id": 42, "anchors": [{"from": 221, "to": 223}]}, {"id": 43, "anchors": [{"from": 224, "to": 228}]}, {"id": 44, "anchors": [{"from": 229, "to": 232}]}, {"id": 45, "anchors": [{"from": 233, "to": 235}]}, {"id": 46, "anchors": [{"from": 236, "to": 240}]}, {"id": 47, "anchors": [{"from": 241, "to": 245}]}, {"id": 48, "anchors": [{"from": 246, "to": 249}]}, {"id": 49, "anchors": [{"from": 250, "to": 252}]}, {"id": 50, "anchors": [{"from": 253, "to": 260}]}, {"id": 51, "anchors": [{"from": 261, "to": 263}]}, {"id": 52, "anchors": [{"from": 264, "to": 270}]}, {"id": 53, "anchors": [{"from": 271, "to": 279}]}, {"id": 54, "anchors": [{"from": 280, "to": 281}]}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}], "edges": [{"source": 56, "target": 61, "label": "H"}, {"source": 75, "target": 54, "label": "U"}, {"source": 61, "target": 13, "label": "P"}, {"source": 63, "target": 17, "label": "A"}, {"source": 66, "target": 65, "label": "A"}, {"source": 67, "target": 68, "label": "T"}, {"source": 62, "target": 14, "label": "R"}, {"source": 61, "target": 60, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 12, "label": "L"}, {"source": 56, "target": 69, "label": "H"}, {"source": 68, "target": 32, "label": "F"}, {"source": 64, "target": 19, "label": "Q"}, {"source": 63, "target": 64, "label": "A"}, {"source": 68, "target": 35, "label": "C"}, {"source": 61, "target": 62, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 48, "label": "R"}, {"source": 56, "target": 59, "label": "H"}, {"source": 55, "target": 3, "label": "P"}, {"source": 72, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 70, "target": 39, "label": "A"}, {"source": 72, "target": 73, "label": "A"}, {"source": 59, "target": 8, "label": "F"}, {"source": 73, "target": 46, "label": "C"}, {"source": 72, "target": 47, "label": "P"}, {"source": 67, "target": 27, "label": "A"}, {"source": 56, "target": 67, "label": "H"}, {"source": 56, "target": 63, "label": "H"}, {"source": 65, "target": 22, "label": "F"}, {"source": 55, "target": 57, "label": "A"}, {"source": 67, "target": 29, "label": "F"}, {"source": 65, "target": 23, "label": "C"}, {"source": 59, "target": 11, "label": "P"}, {"source": 64, "target": 20, "label": "C"}, {"source": 63, "target": 18, "label": "S"}, {"source": 56, "target": 75, "label": "H"}, {"source": 55, "target": 58, "label": "A"}, {"source": 60, "target": 9, "label": "E"}, {"source": 61, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 43, "label": "C"}, {"source": 56, "target": 38, "label": "L"}, {"source": 72, "target": 44, "label": "F"}, {"source": 55, "target": 0, "label": "A"}, {"source": 71, "target": 41, "label": "R"}, {"source": 62, "target": 15, "label": "E"}, {"source": 67, "target": 30, "label": "P"}, {"source": 67, "target": 31, "label": "A"}, {"source": 58, "target": 5, "label": "C"}, {"source": 59, "target": 62, "label": "A"}, {"source": 69, "target": 37, "label": "S"}, {"source": 56, "target": 26, "label": "L"}, {"source": 57, "target": 2, "label": "C"}, {"source": 75, "target": 53, "label": "D"}, {"source": 56, "target": 72, "label": "H"}, {"source": 72, "target": 74, "label": "A"}, {"source": 69, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 69, "target": 36, "label": "T"}, {"source": 57, "target": 1, "label": "R"}, {"source": 66, "target": 24, "label": "F"}, {"source": 56, "target": 55, "label": "H"}, {"source": 73, "target": 45, "label": "E"}, {"source": 56, "target": 66, "label": "H"}, {"source": 74, "target": 49, "label": "A"}, {"source": 71, "target": 42, "label": "E"}, {"source": 59, "target": 60, "label": "A"}, {"source": 56, "target": 21, "label": "L"}, {"source": 56, "target": 6, "label": "L"}, {"source": 74, "target": 50, "label": "P"}, {"source": 75, "target": 52, "label": "P"}, {"source": 56, "target": 70, "label": "H"}, {"source": 59, "target": 7, "label": "A"}, {"source": 75, "target": 51, "label": "A"}, {"source": 66, "target": 25, "label": "S"}, {"source": 68, "target": 33, "label": "R"}, {"source": 60, "target": 10, "label": "C"}, {"source": 62, "target": 16, "label": "C"}, {"source": 58, "target": 4, "label": "E"}, {"source": 68, "target": 34, "label": "Q"}, {"source": 70, "target": 40, "label": "S"}, {"source": 70, "target": 71, "label": "A"}, {"source": 67, "target": 28, "label": "F"}]} +{"id": "285133-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and there prices are really good!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 10, "target": 4, "label": "D"}, {"source": 7, "target": 10, "label": "H"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 5, "label": "S"}, {"source": 9, "target": 2, "label": "C"}, {"source": 7, "target": 0, "label": "L"}]} +{"id": "286172-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This place is awesome", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "E"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 3, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "F"}]} +{"id": "286172-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great work, good price.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "P"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "286172-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Definetely going back", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "D"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "287360-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So delightful.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "287360-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "What a group!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "287360-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wouldn't want any other company in my time of need.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 3, "label": "S"}, {"source": 16, "target": 9, "label": "T"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 8, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "S"}, {"source": 13, "target": 2, "label": "D"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "287360-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great people!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "287360-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So professional!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "287360-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "These guys know what they're doing!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "S"}, {"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "287360-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Way to go!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}, {"from": 7, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "287454-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is not your usual cheap hotdog place.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "F"}, {"source": 11, "target": 13, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 10, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "S"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "287454-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They offer a large variety of quality hotdogs and hamburgers They also offer veggie dogs.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 89}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 11, "label": "D"}, {"source": 19, "target": 5, "label": "R"}, {"source": 20, "target": 6, "label": "S"}, {"source": 16, "target": 1, "label": "P"}, {"source": 20, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 13, "label": "E"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 21, "label": "C"}, {"source": 22, "target": 12, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 3, "label": "E"}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 22, "target": 10, "label": "A"}, {"source": 19, "target": 18, "label": "Q"}, {"source": 21, "target": 8, "label": "N"}]} +{"id": "287454-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The fries are of good quality, the staff is friendly.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 4, "label": "D"}, {"source": 17, "target": 10, "label": "D"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 15, "label": "S"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 17, "label": "H"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 16, "label": "S"}]} +{"id": "287454-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The atmosphere is your typical indie outfit with old movie posters and memorabilia from the 70's and 80's.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 105}]}, {"id": 18, "anchors": [{"from": 105, "to": 106}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 12, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 23, "target": 11, "label": "N"}, {"source": 27, "target": 14, "label": "F"}, {"source": 28, "target": 18, "label": "U"}, {"source": 27, "target": 13, "label": "R"}, {"source": 23, "target": 26, "label": "C"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 19, "label": "S"}, {"source": 20, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "C"}, {"source": 23, "target": 25, "label": "C"}, {"source": 25, "target": 24, "label": "E"}, {"source": 22, "target": 4, "label": "E"}, {"source": 25, "target": 10, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 19, "target": 0, "label": "F"}, {"source": 28, "target": 15, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 24, "target": 8, "label": "S"}, {"source": 22, "target": 5, "label": "E"}, {"source": 25, "target": 9, "label": "E"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 3, "label": "F"}, {"source": 28, "target": 16, "label": "N"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "287501-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Kliotech", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "287501-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "A company which provide good quality portals, E-commerce solutions,web based MMOG ... etc", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 23, "label": "C"}, {"source": 21, "target": 20, "label": "C"}, {"source": 16, "target": 0, "label": "F"}, {"source": 22, "target": 8, "label": "P"}, {"source": 21, "target": 15, "label": "C"}, {"source": 23, "target": 9, "label": "C"}, {"source": 16, "target": 1, "label": "C"}, {"source": 21, "target": 10, "label": "U"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 18, "target": 2, "label": "F"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "E"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 24, "label": "E"}, {"source": 25, "target": 13, "label": "C"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "A"}, {"source": 24, "target": 12, "label": "R"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 4, "label": "D"}, {"source": 21, "target": 7, "label": "U"}, {"source": 18, "target": 16, "label": "A"}, {"source": 21, "target": 25, "label": "C"}]} +{"id": "288100-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Poor Service, Lack of Passion: Do NOT go", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "U"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 8, "label": "D"}, {"source": 13, "target": 12, "label": "D"}, {"source": 13, "target": 5, "label": "S"}, {"source": 11, "target": 14, "label": "H"}, {"source": 11, "target": 6, "label": "U"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "P"}, {"source": 14, "target": 9, "label": "P"}]} +{"id": "288100-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I began seeing Dr. Romanick back in 2000 and have seen a significant decline in the quality of care, patient-doctor communication, and just the overall level of services.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 139}]}, {"id": 27, "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 151}]}, {"id": 29, "anchors": [{"from": 152, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 169}]}, {"id": 32, "anchors": [{"from": 169, "to": 170}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 36, "target": 7, "label": "C"}, {"source": 44, "target": 22, "label": "A"}, {"source": 33, "target": 36, "label": "T"}, {"source": 42, "target": 38, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 41, "label": "D"}, {"source": 40, "target": 24, "label": "U"}, {"source": 43, "target": 17, "label": "R"}, {"source": 37, "target": 38, "label": "A"}, {"source": 36, "target": 5, "label": "R"}, {"source": 46, "target": 27, "label": "F"}, {"source": 37, "target": 10, "label": "P"}, {"source": 37, "target": 9, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 37, "target": 40, "label": "A"}, {"source": 45, "target": 38, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 45, "label": "H"}, {"source": 35, "target": 4, "label": "C"}, {"source": 40, "target": 44, "label": "H"}, {"source": 45, "target": 26, "label": "G"}, {"source": 46, "target": 28, "label": "E"}, {"source": 43, "target": 18, "label": "C"}, {"source": 36, "target": 6, "label": "R"}, {"source": 33, "target": 0, "label": "A"}, {"source": 35, "target": 3, "label": "E"}, {"source": 45, "target": 47, "label": "P"}, {"source": 40, "target": 19, "label": "U"}, {"source": 33, "target": 1, "label": "D"}, {"source": 41, "target": 16, "label": "C"}, {"source": 38, "target": 39, "label": "P"}, {"source": 38, "target": 12, "label": "D"}, {"source": 44, "target": 20, "label": "A"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 33, "label": "H"}, {"source": 47, "target": 32, "label": "U"}, {"source": 47, "target": 30, "label": "R"}, {"source": 40, "target": 14, "label": "R"}, {"source": 34, "target": 8, "label": "L"}, {"source": 40, "target": 25, "label": "L"}, {"source": 39, "target": 11, "label": "F"}, {"source": 45, "target": 46, "label": "D"}, {"source": 41, "target": 15, "label": "F"}, {"source": 39, "target": 13, "label": "C"}, {"source": 47, "target": 31, "label": "C"}, {"source": 40, "target": 42, "label": "H"}, {"source": 34, "target": 37, "label": "H"}, {"source": 44, "target": 21, "label": "U"}, {"source": 44, "target": 38, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 43, "label": "P"}, {"source": 44, "target": 23, "label": "P"}, {"source": 33, "target": 2, "label": "P"}, {"source": 46, "target": 29, "label": "C"}]} +{"id": "288100-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The poor quality starts at the receptionist desk, where the staff is very impatient and lack the efficiency I once loved about the office.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 137}]}, {"id": 25, "anchors": [{"from": 137, "to": 138}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 34, "target": 17, "label": "F"}, {"source": 33, "target": 34, "label": "A"}, {"source": 27, "target": 1, "label": "D"}, {"source": 30, "target": 31, "label": "S"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 10, "label": "F"}, {"source": 36, "target": 24, "label": "C"}, {"source": 32, "target": 30, "label": "A"}, {"source": 29, "target": 6, "label": "E"}, {"source": 36, "target": 22, "label": "R"}, {"source": 33, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 4, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 35, "target": 20, "label": "T"}, {"source": 35, "target": 19, "label": "A"}, {"source": 36, "target": 25, "label": "U"}, {"source": 32, "target": 12, "label": "F"}, {"source": 32, "target": 14, "label": "S"}, {"source": 28, "target": 9, "label": "L"}, {"source": 28, "target": 15, "label": "L"}, {"source": 26, "target": 0, "label": "F"}, {"source": 29, "target": 7, "label": "C"}, {"source": 26, "target": 2, "label": "C"}, {"source": 31, "target": 11, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 29, "target": 3, "label": "R"}, {"source": 33, "target": 16, "label": "S"}, {"source": 27, "target": 26, "label": "S"}, {"source": 32, "target": 13, "label": "D"}, {"source": 29, "target": 5, "label": "F"}, {"source": 34, "target": 18, "label": "C"}, {"source": 28, "target": 33, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 28, "target": 8, "label": "U"}, {"source": 35, "target": 21, "label": "S"}, {"source": 36, "target": 23, "label": "F"}, {"source": 28, "target": 27, "label": "H"}]} +{"id": "288100-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It took them nearly two months to complete a simple task, and countless calls from my part due to their lack of response and passion (not that it's a requirement for the job, but it helps to at least pretend to be helpful).", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}, {"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 173}]}, {"id": 35, "anchors": [{"from": 173, "to": 174}]}, {"id": 36, "anchors": [{"from": 175, "to": 178}]}, {"id": 37, "anchors": [{"from": 179, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 187}]}, {"id": 39, "anchors": [{"from": 188, "to": 190}]}, {"id": 40, "anchors": [{"from": 191, "to": 193}]}, {"id": 41, "anchors": [{"from": 194, "to": 199}]}, {"id": 42, "anchors": [{"from": 200, "to": 207}]}, {"id": 43, "anchors": [{"from": 208, "to": 210}]}, {"id": 44, "anchors": [{"from": 211, "to": 213}]}, {"id": 45, "anchors": [{"from": 214, "to": 221}]}, {"id": 46, "anchors": [{"from": 221, "to": 222}]}, {"id": 47, "anchors": [{"from": 222, "to": 223}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 60, "target": 61, "label": "D"}, {"source": 57, "target": 30, "label": "F"}, {"source": 58, "target": 34, "label": "C"}, {"source": 56, "target": 29, "label": "F"}, {"source": 48, "target": 50, "label": "T"}, {"source": 49, "target": 23, "label": "L"}, {"source": 59, "target": 60, "label": "A"}, {"source": 57, "target": 31, "label": "C"}, {"source": 49, "target": 56, "label": "H"}, {"source": 52, "target": 53, "label": "A"}, {"source": 49, "target": 25, "label": "U"}, {"source": 49, "target": 52, "label": "H"}, {"source": 62, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 35, "label": "U"}, {"source": 54, "target": 21, "label": "F"}, {"source": 54, "target": 20, "label": "D"}, {"source": 62, "target": 45, "label": "P"}, {"source": 49, "target": 55, "label": "H"}, {"source": 62, "target": 46, "label": "U"}, {"source": 51, "target": 8, "label": "F"}, {"source": 52, "target": 14, "label": "P"}, {"source": 50, "target": 5, "label": "C"}, {"source": 58, "target": 32, "label": "R"}, {"source": 49, "target": 59, "label": "H"}, {"source": 61, "target": 40, "label": "R"}, {"source": 60, "target": 42, "label": "P"}, {"source": 49, "target": 12, "label": "L"}, {"source": 50, "target": 4, "label": "Q"}, {"source": 62, "target": 44, "label": "F"}, {"source": 49, "target": 36, "label": "L"}, {"source": 49, "target": 54, "label": "H"}, {"source": 59, "target": 38, "label": "S"}, {"source": 56, "target": 27, "label": "F"}, {"source": 55, "target": 24, "label": "S"}, {"source": 56, "target": 57, "label": "S"}, {"source": 49, "target": 18, "label": "L"}, {"source": 48, "target": 2, "label": "A"}, {"source": 53, "target": 17, "label": "C"}, {"source": 55, "target": 20, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 51, "label": "A"}, {"source": 62, "target": 47, "label": "U"}, {"source": 50, "target": 1, "label": "F"}, {"source": 51, "target": 10, "label": "C"}, {"source": 52, "target": 13, "label": "D"}, {"source": 59, "target": 37, "label": "F"}, {"source": 54, "target": 19, "label": "A"}, {"source": 56, "target": 26, "label": "D"}, {"source": 60, "target": 62, "label": "A"}, {"source": 53, "target": 15, "label": "R"}, {"source": 49, "target": 48, "label": "H"}, {"source": 55, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 43, "label": "F"}, {"source": 58, "target": 33, "label": "F"}, {"source": 60, "target": 39, "label": "R"}, {"source": 56, "target": 58, "label": "A"}, {"source": 50, "target": 3, "label": "E"}, {"source": 54, "target": 22, "label": "S"}, {"source": 56, "target": 28, "label": "A"}, {"source": 51, "target": 9, "label": "E"}, {"source": 48, "target": 0, "label": "F"}, {"source": 49, "target": 11, "label": "U"}, {"source": 48, "target": 7, "label": "P"}, {"source": 53, "target": 16, "label": "E"}, {"source": 48, "target": 6, "label": "F"}, {"source": 61, "target": 41, "label": "C"}]} +{"id": "288100-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also, I was promised to have my test results emailed to me, but it never happened, and after a few attempts to get Dr. Romanick on the phone to brief me on my condition, I finally gave up and went to a different doctor.", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 143}]}, {"id": 32, "anchors": [{"from": 144, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 152}]}, {"id": 34, "anchors": [{"from": 153, "to": 155}]}, {"id": 35, "anchors": [{"from": 156, "to": 158}]}, {"id": 36, "anchors": [{"from": 159, "to": 168}]}, {"id": 37, "anchors": [{"from": 168, "to": 169}]}, {"id": 38, "anchors": [{"from": 170, "to": 171}]}, {"id": 39, "anchors": [{"from": 172, "to": 179}]}, {"id": 40, "anchors": [{"from": 180, "to": 184}, {"from": 185, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 191}]}, {"id": 42, "anchors": [{"from": 192, "to": 196}]}, {"id": 43, "anchors": [{"from": 197, "to": 199}]}, {"id": 44, "anchors": [{"from": 200, "to": 201}]}, {"id": 45, "anchors": [{"from": 202, "to": 211}]}, {"id": 46, "anchors": [{"from": 212, "to": 218}]}, {"id": 47, "anchors": [{"from": 218, "to": 219}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 61, "target": 35, "label": "A"}, {"source": 51, "target": 8, "label": "P"}, {"source": 48, "target": 3, "label": "F"}, {"source": 55, "target": 22, "label": "C"}, {"source": 60, "target": 33, "label": "A"}, {"source": 49, "target": 56, "label": "H"}, {"source": 54, "target": 15, "label": "A"}, {"source": 60, "target": 31, "label": "F"}, {"source": 63, "target": 42, "label": "P"}, {"source": 53, "target": 12, "label": "C"}, {"source": 64, "target": 43, "label": "R"}, {"source": 49, "target": 14, "label": "L"}, {"source": 50, "target": 10, "label": "P"}, {"source": 48, "target": 1, "label": "U"}, {"source": 50, "target": 5, "label": "R"}, {"source": 48, "target": 0, "label": "D"}, {"source": 64, "target": 46, "label": "C"}, {"source": 56, "target": 23, "label": "P"}, {"source": 55, "target": 21, "label": "F"}, {"source": 54, "target": 16, "label": "T"}, {"source": 49, "target": 60, "label": "H"}, {"source": 63, "target": 64, "label": "A"}, {"source": 49, "target": 18, "label": "U"}, {"source": 54, "target": 17, "label": "P"}, {"source": 60, "target": 61, "label": "A"}, {"source": 49, "target": 54, "label": "H"}, {"source": 57, "target": 59, "label": "P"}, {"source": 49, "target": 19, "label": "L"}, {"source": 56, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 2, "label": "A"}, {"source": 58, "target": 27, "label": "C"}, {"source": 48, "target": 4, "label": "P"}, {"source": 57, "target": 24, "label": "F"}, {"source": 60, "target": 58, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 47, "label": "U"}, {"source": 62, "target": 39, "label": "T"}, {"source": 62, "target": 40, "label": "P"}, {"source": 53, "target": 11, "label": "R"}, {"source": 48, "target": 50, "label": "A"}, {"source": 49, "target": 41, "label": "L"}, {"source": 58, "target": 26, "label": "E"}, {"source": 59, "target": 29, "label": "F"}, {"source": 49, "target": 63, "label": "H"}, {"source": 57, "target": 58, "label": "A"}, {"source": 49, "target": 48, "label": "H"}, {"source": 61, "target": 34, "label": "R"}, {"source": 54, "target": 16, "label": "D"}, {"source": 50, "target": 53, "label": "A"}, {"source": 59, "target": 28, "label": "R"}, {"source": 52, "target": 51, "label": "A"}, {"source": 49, "target": 20, "label": "L"}, {"source": 52, "target": 9, "label": "P"}, {"source": 49, "target": 62, "label": "H"}, {"source": 63, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 55, "label": "D"}, {"source": 51, "target": 7, "label": "A"}, {"source": 60, "target": 32, "label": "P"}, {"source": 57, "target": 25, "label": "D"}, {"source": 64, "target": 45, "label": "E"}, {"source": 49, "target": 13, "label": "U"}, {"source": 59, "target": 30, "label": "C"}, {"source": 50, "target": 52, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 62, "target": 38, "label": "A"}, {"source": 64, "target": 44, "label": "F"}, {"source": 49, "target": 37, "label": "U"}, {"source": 50, "target": 6, "label": "F"}, {"source": 61, "target": 36, "label": "S"}]} +{"id": "288100-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Please do not go there if it's professional, friendly, diligent medical services you're looking for.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "A"}, {"source": 22, "target": 17, "label": "P"}, {"source": 23, "target": 8, "label": "D"}, {"source": 23, "target": 11, "label": "U"}, {"source": 20, "target": 3, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 7, "label": "F"}, {"source": 23, "target": 10, "label": "D"}, {"source": 23, "target": 12, "label": "D"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 5, "label": "L"}, {"source": 22, "target": 15, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 2, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 18, "label": "R"}, {"source": 23, "target": 19, "label": "U"}, {"source": 23, "target": 9, "label": "U"}, {"source": 22, "target": 16, "label": "F"}, {"source": 23, "target": 24, "label": "P"}, {"source": 24, "target": 13, "label": "E"}]} +{"id": "288100-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Save yourself the trouble, money and time and visit a more caring facility/doctor.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 25, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 21, "label": "S"}, {"source": 21, "target": 9, "label": "F"}, {"source": 23, "target": 13, "label": "U"}, {"source": 17, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 19, "target": 3, "label": "U"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 18, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 0, "label": "P"}, {"source": 21, "target": 11, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 23, "target": 12, "label": "C"}, {"source": 19, "target": 4, "label": "C"}, {"source": 19, "target": 5, "label": "N"}, {"source": 22, "target": 10, "label": "D"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "288163-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Amazing Experience!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "288163-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My experience was amazing at Providence Aesthetics and Medical Spa.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}, {"from": 40, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 62}, {"from": 63, "to": 66}]}, {"id": 8, "anchors": [{"from": 66, "to": 67}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 6, "label": "N"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "288163-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Jana Kueck was nothing but professional.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 8, "label": "D"}]} +{"id": "288163-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She makes you feel like you are the most important person in the world.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 4, "label": "R"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 9, "label": "S"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 18, "label": "D"}, {"source": 20, "target": 11, "label": "R"}, {"source": 16, "target": 3, "label": "P"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "288163-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Jana made me feel very comfortable.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "288163-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Provided me with warm blanket and has soft music playing.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 7, "label": "E"}, {"source": 12, "target": 15, "label": "H"}]} +{"id": "288163-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Walking in the door you are made to feel happy and relaxed.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 17, "target": 10, "label": "N"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 1, "label": "R"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 17, "label": "D"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 4, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "288163-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Equipment is state of the art.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 29}]}, {"id": 3, "anchors": [{"from": 29, "to": 30}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "288163-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I would reccomend anyone to go see Jana Kueck and Robin Talley to see all the many procedures they have to offer.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}, {"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 11, "label": "P"}, {"source": 23, "target": 6, "label": "P"}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "D"}, {"source": 27, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "A"}, {"source": 26, "target": 13, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 27, "target": 19, "label": "P"}, {"source": 24, "target": 9, "label": "C"}, {"source": 26, "target": 14, "label": "Q"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 1, "label": "D"}, {"source": 26, "target": 12, "label": "Q"}, {"source": 24, "target": 8, "label": "N"}, {"source": 27, "target": 18, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 27, "target": 17, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 21, "target": 3, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "288894-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wrong Information", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "288894-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The address is for Noida Location not for Gurgaon Location.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 6, "label": "D"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "A"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "288894-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Please update this listing in you database.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 12, "target": 5, "label": "S"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "288930-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "great! :P", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "S"}, {"source": 4, "target": 2, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "288930-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "you get a really good view of the city and there is also attractions like simulator, short movies.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 11, "label": "F"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 6, "label": "R"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 22, "label": "D"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 12, "label": "D"}, {"source": 26, "target": 14, "label": "R"}, {"source": 26, "target": 16, "label": "U"}, {"source": 27, "target": 17, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 28, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 18, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 25, "target": 13, "label": "C"}, {"source": 20, "target": 1, "label": "D"}, {"source": 23, "target": 7, "label": "F"}, {"source": 22, "target": 3, "label": "E"}, {"source": 28, "target": 27, "label": "E"}, {"source": 24, "target": 10, "label": "S"}, {"source": 21, "target": 9, "label": "L"}, {"source": 27, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "288930-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Try the 360 restraunt u spin in the cn tower with a beautiful view the sky pod elevator is about an hour line up in the summer", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}, {"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}, {"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}, {"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 126}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 21, "label": "R"}, {"source": 25, "target": 24, "label": "H"}, {"source": 31, "target": 14, "label": "C"}, {"source": 32, "target": 33, "label": "T"}, {"source": 31, "target": 13, "label": "E"}, {"source": 29, "target": 11, "label": "C"}, {"source": 26, "target": 1, "label": "F"}, {"source": 33, "target": 18, "label": "C"}, {"source": 30, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 7, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 34, "target": 22, "label": "F"}, {"source": 29, "target": 30, "label": "E"}, {"source": 32, "target": 15, "label": "F"}, {"source": 29, "target": 8, "label": "R"}, {"source": 25, "target": 27, "label": "H"}, {"source": 28, "target": 5, "label": "R"}, {"source": 26, "target": 2, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 32, "target": 34, "label": "T"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 9, "label": "F"}, {"source": 27, "target": 4, "label": "P"}, {"source": 33, "target": 17, "label": "F"}, {"source": 33, "target": 16, "label": "E"}, {"source": 34, "target": 23, "label": "C"}, {"source": 28, "target": 6, "label": "F"}, {"source": 25, "target": 32, "label": "H"}, {"source": 30, "target": 10, "label": "S"}, {"source": 27, "target": 3, "label": "A"}, {"source": 24, "target": 0, "label": "P"}, {"source": 32, "target": 20, "label": "D"}, {"source": 32, "target": 19, "label": "P"}, {"source": 31, "target": 12, "label": "F"}]} +{"id": "289763-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Awesome service with a smile :)", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "P"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 2, "label": "L"}, {"source": 8, "target": 9, "label": "P"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "290238-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Out of business?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "P"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "290238-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I think this location is no longer in business.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}, {"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "D"}, {"source": 11, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 13, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "290238-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you check RecWarehouse.com, they don't list this as a location.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 4, "label": "U"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 12, "label": "C"}, {"source": 16, "target": 9, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 7, "label": "D"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 11, "label": "F"}, {"source": 15, "target": 3, "label": "A"}, {"source": 15, "target": 2, "label": "P"}]} +{"id": "290238-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You'll have to drive 10 miles down 75 to Allen.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}, {"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "Q"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "290594-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What you can learn from the below 'bad experience'.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 7, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 8, "label": "D"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "G"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "P"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "290594-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would suggest not avoiding Second Home based on the 'bad experience' review.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}, {"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 3, "label": "D"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 21, "target": 11, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 18, "label": "R"}, {"source": 19, "target": 20, "label": "P"}, {"source": 17, "target": 4, "label": "P"}, {"source": 20, "target": 8, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 12, "label": "U"}, {"source": 21, "target": 10, "label": "D"}, {"source": 19, "target": 9, "label": "U"}]} +{"id": "290594-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'd probably be more inclined to board my two dogs here, seeing that they don't just take every dog coming in.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 109}]}, {"id": 24, "anchors": [{"from": 109, "to": 110}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 28, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 32, "target": 22, "label": "P"}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 11, "label": "A"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 23, "label": "D"}, {"source": 30, "target": 18, "label": "D"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 12, "label": "U"}, {"source": 30, "target": 17, "label": "D"}, {"source": 25, "target": 0, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 16, "label": "F"}, {"source": 27, "target": 7, "label": "P"}, {"source": 29, "target": 9, "label": "Q"}, {"source": 26, "target": 30, "label": "H"}, {"source": 32, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 5, "label": "S"}, {"source": 30, "target": 19, "label": "P"}, {"source": 31, "target": 20, "label": "Q"}, {"source": 26, "target": 13, "label": "L"}, {"source": 28, "target": 8, "label": "S"}, {"source": 25, "target": 4, "label": "D"}, {"source": 25, "target": 2, "label": "D"}, {"source": 25, "target": 3, "label": "F"}, {"source": 27, "target": 6, "label": "R"}, {"source": 29, "target": 10, "label": "C"}, {"source": 32, "target": 24, "label": "U"}, {"source": 30, "target": 15, "label": "A"}, {"source": 30, "target": 14, "label": "R"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "290594-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've toured this place and was impressed by how clean the place was, and all the options for the dogs.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 23, "target": 2, "label": "P"}, {"source": 31, "target": 17, "label": "F"}, {"source": 32, "target": 20, "label": "F"}, {"source": 28, "target": 9, "label": "D"}, {"source": 28, "target": 10, "label": "S"}, {"source": 30, "target": 16, "label": "D"}, {"source": 27, "target": 14, "label": "U"}, {"source": 24, "target": 26, "label": "H"}, {"source": 27, "target": 8, "label": "R"}, {"source": 27, "target": 30, "label": "H"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 18, "label": "C"}, {"source": 24, "target": 5, "label": "L"}, {"source": 32, "target": 19, "label": "R"}, {"source": 29, "target": 11, "label": "F"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 28, "target": 13, "label": "F"}, {"source": 30, "target": 31, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 7, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 15, "label": "L"}, {"source": 25, "target": 3, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "290594-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's unfortunate that bmil believed that his 'perfect' dog was not given the right opportunity to prove himself.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}, {"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 24, "target": 28, "label": "A"}, {"source": 26, "target": 25, "label": "E"}, {"source": 28, "target": 18, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 14, "label": "P"}, {"source": 23, "target": 3, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 0, "label": "F"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 27, "label": "A"}, {"source": 27, "target": 16, "label": "E"}, {"source": 25, "target": 9, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 24, "target": 8, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 4, "label": "A"}, {"source": 24, "target": 12, "label": "F"}, {"source": 27, "target": 15, "label": "F"}, {"source": 23, "target": 5, "label": "S"}, {"source": 24, "target": 7, "label": "A"}, {"source": 26, "target": 11, "label": "C"}, {"source": 25, "target": 10, "label": "U"}, {"source": 24, "target": 6, "label": "R"}, {"source": 22, "target": 1, "label": "F"}, {"source": 28, "target": 19, "label": "P"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "290594-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But I've done hundreds of dog introductions myself (another place, I don't work here), and owners can have unrealistic expectations and views of what they see when their dogs meet other dogs.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 149}]}, {"id": 30, "anchors": [{"from": 150, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 185}]}, {"id": 37, "anchors": [{"from": 186, "to": 190}]}, {"id": 38, "anchors": [{"from": 190, "to": 191}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 46, "target": 22, "label": "F"}, {"source": 46, "target": 25, "label": "S"}, {"source": 47, "target": 24, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 20, "label": "L"}, {"source": 39, "target": 51, "label": "H"}, {"source": 41, "target": 42, "label": "P"}, {"source": 47, "target": 48, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 30, "label": "A"}, {"source": 52, "target": 37, "label": "C"}, {"source": 44, "target": 16, "label": "P"}, {"source": 44, "target": 14, "label": "F"}, {"source": 49, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 33, "label": "S"}, {"source": 41, "target": 2, "label": "F"}, {"source": 46, "target": 48, "label": "A"}, {"source": 44, "target": 15, "label": "D"}, {"source": 39, "target": 32, "label": "L"}, {"source": 47, "target": 27, "label": "S"}, {"source": 43, "target": 10, "label": "E"}, {"source": 44, "target": 13, "label": "A"}, {"source": 48, "target": 29, "label": "A"}, {"source": 39, "target": 44, "label": "H"}, {"source": 39, "target": 26, "label": "L"}, {"source": 50, "target": 49, "label": "E"}, {"source": 41, "target": 43, "label": "A"}, {"source": 39, "target": 19, "label": "U"}, {"source": 47, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 34, "label": "C"}, {"source": 39, "target": 12, "label": "U"}, {"source": 39, "target": 46, "label": "H"}, {"source": 41, "target": 5, "label": "F"}, {"source": 46, "target": 45, "label": "A"}, {"source": 39, "target": 47, "label": "H"}, {"source": 40, "target": 8, "label": "E"}, {"source": 41, "target": 40, "label": "A"}, {"source": 41, "target": 6, "label": "A"}, {"source": 51, "target": 35, "label": "P"}, {"source": 43, "target": 11, "label": "C"}, {"source": 46, "target": 23, "label": "F"}, {"source": 48, "target": 28, "label": "R"}, {"source": 46, "target": 24, "label": "D"}, {"source": 42, "target": 7, "label": "C"}, {"source": 39, "target": 41, "label": "H"}, {"source": 45, "target": 21, "label": "S"}, {"source": 41, "target": 4, "label": "D"}, {"source": 41, "target": 9, "label": "U"}, {"source": 44, "target": 17, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 45, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 36, "label": "E"}, {"source": 39, "target": 18, "label": "U"}, {"source": 40, "target": 1, "label": "C"}, {"source": 45, "target": 21, "label": "A"}, {"source": 42, "target": 3, "label": "F"}, {"source": 52, "target": 38, "label": "U"}, {"source": 51, "target": 50, "label": "A"}, {"source": 48, "target": 31, "label": "P"}, {"source": 39, "target": 0, "label": "L"}]} +{"id": "290594-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Workers who do these introductions look at the interaction objectively; and it's good to see they are able and willing to say no if they feel there would be a problem.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 70}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 166}]}, {"id": 33, "anchors": [{"from": 166, "to": 167}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 42, "target": 17, "label": "A"}, {"source": 45, "target": 28, "label": "F"}, {"source": 37, "target": 10, "label": "U"}, {"source": 37, "target": 11, "label": "L"}, {"source": 38, "target": 3, "label": "E"}, {"source": 45, "target": 30, "label": "F"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 18, "label": "F"}, {"source": 34, "target": 0, "label": "A"}, {"source": 40, "target": 7, "label": "F"}, {"source": 39, "target": 6, "label": "R"}, {"source": 41, "target": 13, "label": "F"}, {"source": 36, "target": 9, "label": "D"}, {"source": 45, "target": 46, "label": "P"}, {"source": 42, "target": 43, "label": "D"}, {"source": 46, "target": 32, "label": "C"}, {"source": 41, "target": 14, "label": "D"}, {"source": 41, "target": 16, "label": "P"}, {"source": 40, "target": 8, "label": "C"}, {"source": 34, "target": 0, "label": "P"}, {"source": 37, "target": 25, "label": "L"}, {"source": 43, "target": 21, "label": "C"}, {"source": 46, "target": 31, "label": "F"}, {"source": 41, "target": 42, "label": "A"}, {"source": 38, "target": 4, "label": "C"}, {"source": 42, "target": 22, "label": "F"}, {"source": 35, "target": 34, "label": "A"}, {"source": 44, "target": 27, "label": "S"}, {"source": 36, "target": 35, "label": "A"}, {"source": 35, "target": 1, "label": "F"}, {"source": 35, "target": 38, "label": "P"}, {"source": 45, "target": 29, "label": "D"}, {"source": 43, "target": 20, "label": "N"}, {"source": 37, "target": 36, "label": "H"}, {"source": 44, "target": 26, "label": "A"}, {"source": 42, "target": 24, "label": "A"}, {"source": 39, "target": 40, "label": "P"}, {"source": 46, "target": 33, "label": "U"}, {"source": 42, "target": 23, "label": "P"}, {"source": 37, "target": 44, "label": "H"}, {"source": 36, "target": 39, "label": "A"}, {"source": 41, "target": 15, "label": "F"}, {"source": 41, "target": 12, "label": "F"}, {"source": 36, "target": 5, "label": "P"}, {"source": 37, "target": 41, "label": "H"}, {"source": 43, "target": 19, "label": "C"}, {"source": 38, "target": 2, "label": "F"}]} +{"id": "290594-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It sounds (according to your own statement) that they had a roomful of dogs, so they must be doing something right - and are keeping those dogs safe from potential problems.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 172}]}, {"id": 34, "anchors": [{"from": 172, "to": 173}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 42, "target": 43, "label": "A"}, {"source": 38, "target": 6, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 3, "label": "R"}, {"source": 37, "target": 7, "label": "S"}, {"source": 36, "target": 41, "label": "H"}, {"source": 44, "target": 34, "label": "U"}, {"source": 36, "target": 8, "label": "U"}, {"source": 44, "target": 33, "label": "P"}, {"source": 35, "target": 9, "label": "F"}, {"source": 41, "target": 18, "label": "A"}, {"source": 42, "target": 30, "label": "P"}, {"source": 44, "target": 31, "label": "R"}, {"source": 41, "target": 23, "label": "D"}, {"source": 37, "target": 4, "label": "F"}, {"source": 36, "target": 2, "label": "U"}, {"source": 36, "target": 16, "label": "U"}, {"source": 44, "target": 32, "label": "D"}, {"source": 35, "target": 10, "label": "A"}, {"source": 35, "target": 0, "label": "F"}, {"source": 36, "target": 25, "label": "L"}, {"source": 41, "target": 20, "label": "F"}, {"source": 38, "target": 5, "label": "C"}, {"source": 35, "target": 40, "label": "A"}, {"source": 39, "target": 12, "label": "F"}, {"source": 41, "target": 19, "label": "D"}, {"source": 36, "target": 42, "label": "H"}, {"source": 35, "target": 11, "label": "S"}, {"source": 43, "target": 29, "label": "C"}, {"source": 40, "target": 15, "label": "C"}, {"source": 36, "target": 37, "label": "H"}, {"source": 40, "target": 14, "label": "R"}, {"source": 41, "target": 22, "label": "A"}, {"source": 35, "target": 1, "label": "G"}, {"source": 41, "target": 21, "label": "P"}, {"source": 42, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 26, "label": "F"}, {"source": 39, "target": 13, "label": "C"}, {"source": 36, "target": 17, "label": "L"}, {"source": 42, "target": 27, "label": "D"}, {"source": 36, "target": 35, "label": "H"}, {"source": 36, "target": 24, "label": "U"}, {"source": 42, "target": 44, "label": "A"}, {"source": 40, "target": 39, "label": "Q"}, {"source": 43, "target": 28, "label": "E"}]} +{"id": "290594-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You say you work a lot, and that you have a young dog; so I have little doubt that your dog is just filled with energy to burn; and it is good of you to look for a place to take him.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 53, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 59}]}, {"id": 17, "anchors": [{"from": 60, "to": 64}]}, {"id": 18, "anchors": [{"from": 65, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}]}, {"id": 21, "anchors": [{"from": 83, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 94}]}, {"id": 24, "anchors": [{"from": 95, "to": 99}]}, {"id": 25, "anchors": [{"from": 100, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 111}]}, {"id": 27, "anchors": [{"from": 112, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 121}]}, {"id": 29, "anchors": [{"from": 122, "to": 126}]}, {"id": 30, "anchors": [{"from": 126, "to": 127}]}, {"id": 31, "anchors": [{"from": 128, "to": 131}]}, {"id": 32, "anchors": [{"from": 132, "to": 134}]}, {"id": 33, "anchors": [{"from": 135, "to": 137}]}, {"id": 34, "anchors": [{"from": 138, "to": 142}]}, {"id": 35, "anchors": [{"from": 143, "to": 145}]}, {"id": 36, "anchors": [{"from": 146, "to": 149}]}, {"id": 37, "anchors": [{"from": 150, "to": 152}]}, {"id": 38, "anchors": [{"from": 153, "to": 157}]}, {"id": 39, "anchors": [{"from": 158, "to": 161}]}, {"id": 40, "anchors": [{"from": 162, "to": 163}]}, {"id": 41, "anchors": [{"from": 164, "to": 169}]}, {"id": 42, "anchors": [{"from": 170, "to": 172}]}, {"id": 43, "anchors": [{"from": 173, "to": 177}]}, {"id": 44, "anchors": [{"from": 178, "to": 181}]}, {"id": 45, "anchors": [{"from": 181, "to": 182}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 61, "target": 39, "label": "R"}, {"source": 62, "target": 43, "label": "P"}, {"source": 58, "target": 29, "label": "P"}, {"source": 55, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 15, "label": "L"}, {"source": 60, "target": 35, "label": "R"}, {"source": 59, "target": 34, "label": "S"}, {"source": 47, "target": 30, "label": "U"}, {"source": 59, "target": 60, "label": "A"}, {"source": 47, "target": 50, "label": "H"}, {"source": 50, "target": 51, "label": "A"}, {"source": 52, "target": 12, "label": "S"}, {"source": 54, "target": 23, "label": "F"}, {"source": 47, "target": 6, "label": "U"}, {"source": 53, "target": 17, "label": "F"}, {"source": 53, "target": 16, "label": "A"}, {"source": 46, "target": 48, "label": "A"}, {"source": 60, "target": 36, "label": "A"}, {"source": 54, "target": 56, "label": "A"}, {"source": 54, "target": 24, "label": "D"}, {"source": 56, "target": 22, "label": "C"}, {"source": 55, "target": 21, "label": "S"}, {"source": 48, "target": 3, "label": "P"}, {"source": 62, "target": 45, "label": "U"}, {"source": 57, "target": 26, "label": "R"}, {"source": 54, "target": 25, "label": "S"}, {"source": 50, "target": 10, "label": "S"}, {"source": 61, "target": 40, "label": "F"}, {"source": 58, "target": 28, "label": "R"}, {"source": 60, "target": 38, "label": "P"}, {"source": 60, "target": 61, "label": "A"}, {"source": 51, "target": 13, "label": "C"}, {"source": 53, "target": 54, "label": "A"}, {"source": 46, "target": 1, "label": "P"}, {"source": 47, "target": 31, "label": "L"}, {"source": 47, "target": 14, "label": "U"}, {"source": 56, "target": 55, "label": "E"}, {"source": 48, "target": 2, "label": "A"}, {"source": 47, "target": 7, "label": "L"}, {"source": 49, "target": 5, "label": "C"}, {"source": 62, "target": 42, "label": "R"}, {"source": 48, "target": 49, "label": "D"}, {"source": 59, "target": 32, "label": "F"}, {"source": 62, "target": 44, "label": "A"}, {"source": 51, "target": 52, "label": "E"}, {"source": 58, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 9, "label": "A"}, {"source": 47, "target": 53, "label": "H"}, {"source": 51, "target": 11, "label": "F"}, {"source": 53, "target": 19, "label": "S"}, {"source": 60, "target": 37, "label": "F"}, {"source": 61, "target": 62, "label": "E"}, {"source": 49, "target": 4, "label": "F"}, {"source": 59, "target": 33, "label": "F"}, {"source": 46, "target": 0, "label": "A"}, {"source": 54, "target": 20, "label": "R"}, {"source": 53, "target": 18, "label": "D"}, {"source": 47, "target": 59, "label": "H"}, {"source": 52, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 27, "label": "C"}, {"source": 62, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 58, "label": "E"}, {"source": 50, "target": 8, "label": "R"}, {"source": 47, "target": 46, "label": "H"}, {"source": 54, "target": 57, "label": "A"}, {"source": 61, "target": 41, "label": "C"}]} +{"id": "290594-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But not at a risk to other people's pets.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 0, "label": "L"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 12, "target": 1, "label": "D"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 17, "target": 8, "label": "S"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "E"}, {"source": 13, "target": 14, "label": "S"}]} +{"id": "290594-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You were clearly given another alternative by Second Home, to board him - which might have given your dog a chance to come and go from Second Home a couple times, getting used to the place and maybe facilitating another attempt to get into daycare later.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}, {"from": 53, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 141}, {"from": 142, "to": 146}]}, {"id": 27, "anchors": [{"from": 147, "to": 148}]}, {"id": 28, "anchors": [{"from": 149, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 161}]}, {"id": 30, "anchors": [{"from": 161, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 170}]}, {"id": 32, "anchors": [{"from": 171, "to": 175}]}, {"id": 33, "anchors": [{"from": 176, "to": 178}]}, {"id": 34, "anchors": [{"from": 179, "to": 182}]}, {"id": 35, "anchors": [{"from": 183, "to": 188}]}, {"id": 36, "anchors": [{"from": 189, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 198}]}, {"id": 38, "anchors": [{"from": 199, "to": 211}]}, {"id": 39, "anchors": [{"from": 212, "to": 219}]}, {"id": 40, "anchors": [{"from": 220, "to": 227}]}, {"id": 41, "anchors": [{"from": 228, "to": 230}]}, {"id": 42, "anchors": [{"from": 231, "to": 234}]}, {"id": 43, "anchors": [{"from": 235, "to": 239}]}, {"id": 44, "anchors": [{"from": 240, "to": 247}]}, {"id": 45, "anchors": [{"from": 248, "to": 253}]}, {"id": 46, "anchors": [{"from": 253, "to": 254}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 60, "target": 28, "label": "Q"}, {"source": 64, "target": 39, "label": "E"}, {"source": 66, "target": 42, "label": "C"}, {"source": 47, "target": 49, "label": "A"}, {"source": 50, "target": 7, "label": "C"}, {"source": 57, "target": 60, "label": "D"}, {"source": 64, "target": 40, "label": "C"}, {"source": 63, "target": 37, "label": "D"}, {"source": 63, "target": 38, "label": "P"}, {"source": 48, "target": 8, "label": "U"}, {"source": 47, "target": 3, "label": "P"}, {"source": 51, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 22, "label": "P"}, {"source": 55, "target": 19, "label": "F"}, {"source": 48, "target": 13, "label": "L"}, {"source": 55, "target": 20, "label": "C"}, {"source": 47, "target": 1, "label": "F"}, {"source": 47, "target": 2, "label": "D"}, {"source": 48, "target": 52, "label": "H"}, {"source": 47, "target": 50, "label": "A"}, {"source": 61, "target": 32, "label": "P"}, {"source": 62, "target": 34, "label": "F"}, {"source": 54, "target": 53, "label": "E"}, {"source": 63, "target": 65, "label": "A"}, {"source": 56, "target": 23, "label": "L"}, {"source": 62, "target": 35, "label": "C"}, {"source": 58, "target": 59, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 33, "label": "R"}, {"source": 61, "target": 31, "label": "D"}, {"source": 58, "target": 60, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 61, "label": "H"}, {"source": 52, "target": 16, "label": "P"}, {"source": 65, "target": 64, "label": "D"}, {"source": 59, "target": 25, "label": "R"}, {"source": 58, "target": 55, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 54, "label": "A"}, {"source": 65, "target": 41, "label": "F"}, {"source": 48, "target": 30, "label": "U"}, {"source": 60, "target": 29, "label": "C"}, {"source": 48, "target": 63, "label": "H"}, {"source": 61, "target": 62, "label": "A"}, {"source": 65, "target": 44, "label": "A"}, {"source": 63, "target": 45, "label": "T"}, {"source": 52, "target": 56, "label": "A"}, {"source": 48, "target": 9, "label": "L"}, {"source": 48, "target": 12, "label": "U"}, {"source": 57, "target": 55, "label": "D"}, {"source": 53, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 5, "label": "C"}, {"source": 50, "target": 6, "label": "R"}, {"source": 56, "target": 58, "label": "H"}, {"source": 66, "target": 43, "label": "F"}, {"source": 56, "target": 57, "label": "H"}, {"source": 51, "target": 10, "label": "P"}, {"source": 52, "target": 14, "label": "D"}, {"source": 60, "target": 27, "label": "F"}, {"source": 47, "target": 0, "label": "A"}, {"source": 65, "target": 66, "label": "P"}, {"source": 57, "target": 59, "label": "A"}, {"source": 48, "target": 36, "label": "L"}, {"source": 57, "target": 21, "label": "F"}, {"source": 59, "target": 26, "label": "C"}, {"source": 53, "target": 17, "label": "S"}, {"source": 63, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 46, "label": "U"}, {"source": 49, "target": 4, "label": "E"}, {"source": 48, "target": 51, "label": "H"}, {"source": 48, "target": 47, "label": "H"}, {"source": 51, "target": 11, "label": "A"}, {"source": 52, "target": 15, "label": "F"}, {"source": 54, "target": 18, "label": "C"}, {"source": 58, "target": 24, "label": "P"}, {"source": 61, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "290594-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No business is going to push customers away without good reason; so isn't it reasonable to think they might know what they're doing?", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 131}]}, {"id": 26, "anchors": [{"from": 131, "to": 132}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 21, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 23, "label": "A"}, {"source": 28, "target": 6, "label": "A"}, {"source": 31, "target": 9, "label": "D"}, {"source": 27, "target": 0, "label": "E"}, {"source": 27, "target": 1, "label": "C"}, {"source": 32, "target": 18, "label": "P"}, {"source": 31, "target": 10, "label": "S"}, {"source": 33, "target": 20, "label": "D"}, {"source": 32, "target": 15, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 13, "label": "F"}, {"source": 32, "target": 17, "label": "F"}, {"source": 28, "target": 30, "label": "D"}, {"source": 28, "target": 27, "label": "A"}, {"source": 28, "target": 2, "label": "F"}, {"source": 30, "target": 4, "label": "R"}, {"source": 28, "target": 7, "label": "D"}, {"source": 32, "target": 14, "label": "D"}, {"source": 29, "target": 8, "label": "L"}, {"source": 33, "target": 19, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 12, "label": "L"}, {"source": 29, "target": 32, "label": "H"}, {"source": 34, "target": 22, "label": "A"}, {"source": 34, "target": 25, "label": "P"}, {"source": 32, "target": 16, "label": "D"}, {"source": 30, "target": 3, "label": "C"}, {"source": 34, "target": 24, "label": "F"}, {"source": 29, "target": 11, "label": "U"}, {"source": 34, "target": 26, "label": "U"}, {"source": 29, "target": 31, "label": "H"}, {"source": 28, "target": 5, "label": "P"}]} +{"id": "290594-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My dogs are far from perfect, and one of them I believe would be a little much for daycare here herself (at least initially).", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 105}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 123}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27, "anchors": [{"from": 124, "to": 125}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 29, "target": 28, "label": "E"}, {"source": 33, "target": 10, "label": "C"}, {"source": 36, "target": 15, "label": "F"}, {"source": 30, "target": 32, "label": "D"}, {"source": 28, "target": 0, "label": "S"}, {"source": 35, "target": 36, "label": "D"}, {"source": 30, "target": 29, "label": "A"}, {"source": 33, "target": 9, "label": "R"}, {"source": 39, "target": 26, "label": "U"}, {"source": 34, "target": 22, "label": "U"}, {"source": 31, "target": 7, "label": "L"}, {"source": 38, "target": 23, "label": "R"}, {"source": 34, "target": 12, "label": "P"}, {"source": 29, "target": 1, "label": "C"}, {"source": 37, "target": 18, "label": "R"}, {"source": 38, "target": 24, "label": "C"}, {"source": 35, "target": 14, "label": "F"}, {"source": 35, "target": 37, "label": "A"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "C"}, {"source": 39, "target": 27, "label": "U"}, {"source": 39, "target": 25, "label": "C"}, {"source": 32, "target": 4, "label": "R"}, {"source": 34, "target": 33, "label": "A"}, {"source": 33, "target": 8, "label": "Q"}, {"source": 36, "target": 16, "label": "C"}, {"source": 35, "target": 13, "label": "D"}, {"source": 34, "target": 39, "label": "T"}, {"source": 35, "target": 17, "label": "S"}, {"source": 37, "target": 19, "label": "P"}, {"source": 31, "target": 6, "label": "U"}, {"source": 30, "target": 2, "label": "F"}, {"source": 39, "target": 38, "label": "E"}, {"source": 37, "target": 19, "label": "T"}, {"source": 31, "target": 34, "label": "H"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 11, "label": "A"}, {"source": 35, "target": 21, "label": "A"}, {"source": 31, "target": 30, "label": "H"}, {"source": 35, "target": 20, "label": "A"}, {"source": 30, "target": 5, "label": "S"}]} +{"id": "290594-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Be a little more reasonable with your expectations of a place like this; and maybe don't jump to personal attacks suggesting that they don't want to work hard, just because you bruised your own ego.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 158}]}, {"id": 31, "anchors": [{"from": 158, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 164}, {"from": 165, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 176}]}, {"id": 34, "anchors": [{"from": 177, "to": 184}]}, {"id": 35, "anchors": [{"from": 185, "to": 189}]}, {"id": 36, "anchors": [{"from": 190, "to": 193}]}, {"id": 37, "anchors": [{"from": 194, "to": 197}]}, {"id": 38, "anchors": [{"from": 197, "to": 198}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 43, "target": 6, "label": "A"}, {"source": 46, "target": 47, "label": "D"}, {"source": 50, "target": 51, "label": "A"}, {"source": 39, "target": 42, "label": "D"}, {"source": 41, "target": 2, "label": "C"}, {"source": 39, "target": 4, "label": "S"}, {"source": 39, "target": 44, "label": "A"}, {"source": 40, "target": 50, "label": "H"}, {"source": 48, "target": 22, "label": "P"}, {"source": 49, "target": 25, "label": "F"}, {"source": 49, "target": 27, "label": "D"}, {"source": 50, "target": 34, "label": "P"}, {"source": 46, "target": 17, "label": "D"}, {"source": 40, "target": 48, "label": "H"}, {"source": 49, "target": 30, "label": "D"}, {"source": 46, "target": 21, "label": "P"}, {"source": 46, "target": 20, "label": "A"}, {"source": 44, "target": 9, "label": "F"}, {"source": 51, "target": 37, "label": "C"}, {"source": 42, "target": 3, "label": "C"}, {"source": 49, "target": 23, "label": "R"}, {"source": 40, "target": 46, "label": "H"}, {"source": 49, "target": 26, "label": "D"}, {"source": 51, "target": 38, "label": "U"}, {"source": 49, "target": 24, "label": "A"}, {"source": 40, "target": 32, "label": "L"}, {"source": 40, "target": 14, "label": "L"}, {"source": 51, "target": 35, "label": "E"}, {"source": 40, "target": 31, "label": "U"}, {"source": 47, "target": 18, "label": "C"}, {"source": 44, "target": 10, "label": "C"}, {"source": 49, "target": 29, "label": "P"}, {"source": 51, "target": 36, "label": "E"}, {"source": 49, "target": 28, "label": "F"}, {"source": 43, "target": 5, "label": "R"}, {"source": 39, "target": 0, "label": "F"}, {"source": 43, "target": 7, "label": "P"}, {"source": 47, "target": 19, "label": "R"}, {"source": 40, "target": 13, "label": "U"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 33, "label": "A"}, {"source": 42, "target": 41, "label": "E"}, {"source": 45, "target": 12, "label": "C"}, {"source": 44, "target": 45, "label": "E"}, {"source": 41, "target": 1, "label": "F"}, {"source": 40, "target": 39, "label": "H"}, {"source": 45, "target": 11, "label": "R"}, {"source": 46, "target": 15, "label": "G"}, {"source": 46, "target": 16, "label": "F"}, {"source": 44, "target": 8, "label": "R"}, {"source": 39, "target": 43, "label": "A"}]} +{"id": "291046-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hams on Friendly ... RIP", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "A"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "291046-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is the original Ham's restaurant, expanded into a regional chain in the late 80's -- but this one is no more.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}, {"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 20, "label": "F"}, {"source": 33, "target": 21, "label": "D"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 16, "label": "U"}, {"source": 24, "target": 28, "label": "A"}, {"source": 28, "target": 5, "label": "C"}, {"source": 33, "target": 23, "label": "U"}, {"source": 31, "target": 15, "label": "C"}, {"source": 33, "target": 22, "label": "S"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 31, "label": "T"}, {"source": 33, "target": 32, "label": "A"}, {"source": 32, "target": 19, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 32, "target": 18, "label": "E"}, {"source": 31, "target": 14, "label": "E"}, {"source": 28, "target": 4, "label": "E"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "S"}, {"source": 26, "target": 27, "label": "D"}, {"source": 30, "target": 8, "label": "R"}, {"source": 31, "target": 12, "label": "R"}, {"source": 30, "target": 11, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 25, "target": 33, "label": "H"}, {"source": 31, "target": 13, "label": "F"}, {"source": 29, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 26, "label": "E"}, {"source": 29, "target": 7, "label": "P"}, {"source": 30, "target": 9, "label": "F"}, {"source": 25, "target": 17, "label": "L"}, {"source": 24, "target": 1, "label": "S"}, {"source": 27, "target": 2, "label": "F"}, {"source": 27, "target": 3, "label": "C"}, {"source": 28, "target": 6, "label": "U"}]} +{"id": "291046-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Victim of hard times and I suspect failing corporate management.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 6, "label": "P"}, {"source": 16, "target": 9, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 15, "label": "H"}, {"source": 16, "target": 7, "label": "D"}, {"source": 13, "target": 1, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}]} +{"id": "291046-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "According to news accounts, the company is struggling.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 11, "label": "S"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 13, "label": "H"}, {"source": 9, "target": 3, "label": "U"}]} +{"id": "291046-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have many fond memories of my college evenings there long ago.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "P"}, {"source": 14, "target": 4, "label": "P"}, {"source": 16, "target": 6, "label": "S"}, {"source": 15, "target": 18, "label": "T"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 9, "label": "A"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 8, "label": "T"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 15, "label": "A"}]} +{"id": "291046-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So long Hams ... you will be missed.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}, {"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 6, "label": "P"}, {"source": 9, "target": 2, "label": "U"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "291088-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I am a new patient.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "291088-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have visited Dr. Cooper's office twice and I am very impressed with how friendly and polite the staff is.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 107}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 14, "label": "E"}, {"source": 25, "target": 6, "label": "C"}, {"source": 24, "target": 5, "label": "R"}, {"source": 26, "target": 12, "label": "S"}, {"source": 30, "target": 29, "label": "A"}, {"source": 27, "target": 13, "label": "R"}, {"source": 26, "target": 10, "label": "F"}, {"source": 26, "target": 11, "label": "D"}, {"source": 27, "target": 30, "label": "E"}, {"source": 24, "target": 3, "label": "E"}, {"source": 22, "target": 25, "label": "A"}, {"source": 27, "target": 28, "label": "C"}, {"source": 23, "target": 8, "label": "L"}, {"source": 22, "target": 7, "label": "D"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 26, "label": "H"}, {"source": 30, "target": 28, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 18, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 30, "target": 29, "label": "S"}, {"source": 30, "target": 20, "label": "F"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 28, "target": 17, "label": "C"}, {"source": 28, "target": 16, "label": "N"}, {"source": 26, "target": 9, "label": "A"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "291088-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found the office to be very clean and professional-looking.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 19, "target": 10, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 6, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "S"}, {"source": 14, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "S"}, {"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 7, "label": "S"}, {"source": 19, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 19, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "C"}, {"source": 19, "target": 11, "label": "E"}, {"source": 16, "target": 5, "label": "F"}, {"source": 17, "target": 8, "label": "L"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "292841-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolutely the best little motel on the coast!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "D"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 14, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "292841-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've stayed at this fabulous little motel two years running, and I have to say it's one of the best lodging experiences I've ever had on the coast...and I'm even comparing it to the big resorts I've stayed at!", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}, {"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 121, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 146}]}, {"id": 31, "anchors": [{"from": 146, "to": 149}]}, {"id": 32, "anchors": [{"from": 149, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 154}]}, {"id": 34, "anchors": [{"from": 154, "to": 156}]}, {"id": 35, "anchors": [{"from": 157, "to": 161}]}, {"id": 36, "anchors": [{"from": 162, "to": 171}]}, {"id": 37, "anchors": [{"from": 172, "to": 174}]}, {"id": 38, "anchors": [{"from": 175, "to": 177}]}, {"id": 39, "anchors": [{"from": 178, "to": 181}]}, {"id": 40, "anchors": [{"from": 182, "to": 185}]}, {"id": 41, "anchors": [{"from": 186, "to": 193}]}, {"id": 42, "anchors": [{"from": 194, "to": 195}]}, {"id": 43, "anchors": [{"from": 195, "to": 198}]}, {"id": 44, "anchors": [{"from": 199, "to": 205}]}, {"id": 45, "anchors": [{"from": 206, "to": 208}]}, {"id": 46, "anchors": [{"from": 208, "to": 209}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 58, "target": 25, "label": "F"}, {"source": 48, "target": 31, "label": "U"}, {"source": 62, "target": 38, "label": "R"}, {"source": 58, "target": 26, "label": "T"}, {"source": 62, "target": 63, "label": "E"}, {"source": 47, "target": 49, "label": "A"}, {"source": 55, "target": 19, "label": "R"}, {"source": 54, "target": 23, "label": "P"}, {"source": 65, "target": 45, "label": "R"}, {"source": 65, "target": 41, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 33, "label": "A"}, {"source": 56, "target": 55, "label": "Q"}, {"source": 57, "target": 22, "label": "P"}, {"source": 65, "target": 46, "label": "U"}, {"source": 62, "target": 39, "label": "F"}, {"source": 58, "target": 60, "label": "A"}, {"source": 54, "target": 58, "label": "A"}, {"source": 51, "target": 6, "label": "S"}, {"source": 59, "target": 27, "label": "F"}, {"source": 48, "target": 53, "label": "H"}, {"source": 47, "target": 1, "label": "F"}, {"source": 63, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 43, "label": "F"}, {"source": 64, "target": 44, "label": "P"}, {"source": 54, "target": 17, "label": "F"}, {"source": 61, "target": 35, "label": "G"}, {"source": 61, "target": 36, "label": "P"}, {"source": 61, "target": 37, "label": "A"}, {"source": 53, "target": 54, "label": "A"}, {"source": 52, "target": 9, "label": "C"}, {"source": 54, "target": 56, "label": "D"}, {"source": 59, "target": 23, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 61, "label": "H"}, {"source": 56, "target": 20, "label": "F"}, {"source": 48, "target": 11, "label": "U"}, {"source": 50, "target": 5, "label": "S"}, {"source": 61, "target": 62, "label": "A"}, {"source": 61, "target": 34, "label": "F"}, {"source": 52, "target": 8, "label": "Q"}, {"source": 52, "target": 10, "label": "E"}, {"source": 49, "target": 7, "label": "C"}, {"source": 63, "target": 40, "label": "S"}, {"source": 60, "target": 28, "label": "R"}, {"source": 53, "target": 15, "label": "P"}, {"source": 62, "target": 64, "label": "E"}, {"source": 64, "target": 42, "label": "A"}, {"source": 62, "target": 41, "label": "C"}, {"source": 47, "target": 2, "label": "P"}, {"source": 48, "target": 12, "label": "L"}, {"source": 47, "target": 0, "label": "A"}, {"source": 58, "target": 59, "label": "P"}, {"source": 49, "target": 51, "label": "E"}, {"source": 49, "target": 3, "label": "R"}, {"source": 58, "target": 24, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 50, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 65, "label": "A"}, {"source": 60, "target": 29, "label": "F"}, {"source": 47, "target": 52, "label": "T"}, {"source": 49, "target": 4, "label": "E"}, {"source": 48, "target": 32, "label": "L"}, {"source": 54, "target": 16, "label": "A"}, {"source": 51, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 47, "label": "H"}, {"source": 53, "target": 13, "label": "A"}, {"source": 55, "target": 18, "label": "C"}, {"source": 56, "target": 21, "label": "C"}, {"source": 53, "target": 14, "label": "D"}, {"source": 54, "target": 57, "label": "A"}, {"source": 60, "target": 30, "label": "C"}]} +{"id": "292841-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A large group of my friends and I rent almost the whole motel every year for a weekend, and the experience and stay have always been five-star.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 137}]}, {"id": 28, "anchors": [{"from": 137, "to": 138}]}, {"id": 29, "anchors": [{"from": 138, "to": 142}]}, {"id": 30, "anchors": [{"from": 142, "to": 143}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 39, "target": 13, "label": "E"}, {"source": 40, "target": 16, "label": "F"}, {"source": 32, "target": 36, "label": "A"}, {"source": 35, "target": 18, "label": "U"}, {"source": 35, "target": 22, "label": "L"}, {"source": 35, "target": 42, "label": "H"}, {"source": 36, "target": 3, "label": "F"}, {"source": 42, "target": 25, "label": "T"}, {"source": 34, "target": 38, "label": "A"}, {"source": 44, "target": 30, "label": "U"}, {"source": 31, "target": 0, "label": "F"}, {"source": 32, "target": 4, "label": "A"}, {"source": 34, "target": 40, "label": "T"}, {"source": 43, "target": 23, "label": "P"}, {"source": 44, "target": 29, "label": "C"}, {"source": 35, "target": 19, "label": "L"}, {"source": 32, "target": 31, "label": "D"}, {"source": 37, "target": 9, "label": "E"}, {"source": 42, "target": 24, "label": "F"}, {"source": 37, "target": 11, "label": "C"}, {"source": 40, "target": 17, "label": "C"}, {"source": 44, "target": 27, "label": "Q"}, {"source": 38, "target": 12, "label": "C"}, {"source": 41, "target": 20, "label": "F"}, {"source": 35, "target": 43, "label": "H"}, {"source": 31, "target": 1, "label": "Q"}, {"source": 33, "target": 32, "label": "C"}, {"source": 42, "target": 44, "label": "D"}, {"source": 34, "target": 33, "label": "A"}, {"source": 38, "target": 37, "label": "Q"}, {"source": 32, "target": 36, "label": "S"}, {"source": 33, "target": 7, "label": "C"}, {"source": 41, "target": 21, "label": "C"}, {"source": 34, "target": 39, "label": "T"}, {"source": 42, "target": 41, "label": "P"}, {"source": 34, "target": 8, "label": "P"}, {"source": 39, "target": 14, "label": "C"}, {"source": 38, "target": 10, "label": "F"}, {"source": 42, "target": 26, "label": "F"}, {"source": 40, "target": 15, "label": "R"}, {"source": 31, "target": 2, "label": "C"}, {"source": 43, "target": 25, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 6, "label": "N"}, {"source": 44, "target": 28, "label": "U"}, {"source": 35, "target": 34, "label": "H"}, {"source": 43, "target": 44, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 5, "label": "C"}]} +{"id": "292841-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The rooms are SO clean, the managers/owners are the nicest people, the place feels so homey, and the location and grounds are beautiful.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 135}]}, {"id": 28, "anchors": [{"from": 135, "to": 136}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 23, "label": "C"}, {"source": 31, "target": 35, "label": "H"}, {"source": 39, "target": 19, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 42, "target": 41, "label": "A"}, {"source": 39, "target": 18, "label": "D"}, {"source": 37, "target": 13, "label": "C"}, {"source": 31, "target": 21, "label": "L"}, {"source": 38, "target": 16, "label": "C"}, {"source": 41, "target": 24, "label": "N"}, {"source": 30, "target": 29, "label": "A"}, {"source": 42, "target": 27, "label": "S"}, {"source": 30, "target": 4, "label": "S"}, {"source": 31, "target": 14, "label": "U"}, {"source": 34, "target": 9, "label": "C"}, {"source": 33, "target": 34, "label": "S"}, {"source": 29, "target": 1, "label": "C"}, {"source": 38, "target": 15, "label": "F"}, {"source": 39, "target": 17, "label": "G"}, {"source": 41, "target": 40, "label": "C"}, {"source": 39, "target": 38, "label": "A"}, {"source": 35, "target": 10, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 40, "target": 22, "label": "F"}, {"source": 35, "target": 33, "label": "A"}, {"source": 31, "target": 42, "label": "H"}, {"source": 41, "target": 25, "label": "C"}, {"source": 42, "target": 28, "label": "U"}, {"source": 31, "target": 20, "label": "U"}, {"source": 30, "target": 3, "label": "D"}, {"source": 31, "target": 39, "label": "H"}, {"source": 30, "target": 2, "label": "F"}, {"source": 32, "target": 6, "label": "F"}, {"source": 32, "target": 7, "label": "C"}, {"source": 42, "target": 26, "label": "F"}, {"source": 31, "target": 5, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 8, "label": "U"}, {"source": 29, "target": 0, "label": "F"}, {"source": 37, "target": 11, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 34, "target": 32, "label": "C"}, {"source": 36, "target": 12, "label": "S"}]} +{"id": "292841-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There's a restaurant nearby (walking distance) with a great breakfast, and a market across the street.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 12, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 22, "target": 14, "label": "L"}, {"source": 21, "target": 0, "label": "S"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 9, "label": "R"}, {"source": 23, "target": 2, "label": "F"}, {"source": 23, "target": 3, "label": "C"}, {"source": 23, "target": 25, "label": "E"}, {"source": 26, "target": 10, "label": "F"}, {"source": 25, "target": 26, "label": "P"}, {"source": 29, "target": 20, "label": "U"}, {"source": 27, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "U"}, {"source": 25, "target": 11, "label": "D"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 6, "label": "P"}, {"source": 23, "target": 5, "label": "U"}, {"source": 29, "target": 18, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 28, "target": 15, "label": "F"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 17, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 7, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 16, "label": "C"}, {"source": 22, "target": 27, "label": "H"}, {"source": 23, "target": 4, "label": "E"}]} +{"id": "292841-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The motel is very well maintained, and the managers are so accomodating, it's kind of like visiting family each year! ;-)", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 116}]}, {"id": 23, "anchors": [{"from": 116, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 121}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 16, "label": "C"}, {"source": 37, "target": 21, "label": "E"}, {"source": 36, "target": 20, "label": "A"}, {"source": 31, "target": 10, "label": "F"}, {"source": 30, "target": 8, "label": "F"}, {"source": 36, "target": 19, "label": "P"}, {"source": 28, "target": 4, "label": "C"}, {"source": 31, "target": 29, "label": "A"}, {"source": 32, "target": 35, "label": "A"}, {"source": 31, "target": 11, "label": "D"}, {"source": 31, "target": 12, "label": "P"}, {"source": 37, "target": 22, "label": "C"}, {"source": 29, "target": 30, "label": "S"}, {"source": 36, "target": 37, "label": "T"}, {"source": 27, "target": 32, "label": "H"}, {"source": 37, "target": 24, "label": "U"}, {"source": 27, "target": 6, "label": "U"}, {"source": 32, "target": 14, "label": "A"}, {"source": 27, "target": 7, "label": "L"}, {"source": 26, "target": 5, "label": "P"}, {"source": 33, "target": 17, "label": "R"}, {"source": 25, "target": 1, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 30, "target": 9, "label": "C"}, {"source": 25, "target": 0, "label": "F"}, {"source": 34, "target": 18, "label": "C"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 34, "label": "L"}, {"source": 37, "target": 23, "label": "U"}, {"source": 26, "target": 2, "label": "F"}, {"source": 27, "target": 13, "label": "U"}, {"source": 26, "target": 28, "label": "D"}, {"source": 34, "target": 33, "label": "E"}, {"source": 32, "target": 15, "label": "S"}]} +{"id": "292841-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I honestly can't rave enough about this place...it's really a hidden gem worth checking out!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}, {"from": 62, "to": 68}, {"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 87}, {"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 5, "label": "D"}, {"source": 17, "target": 1, "label": "G"}, {"source": 21, "target": 15, "label": "S"}, {"source": 17, "target": 3, "label": "D"}, {"source": 19, "target": 6, "label": "R"}, {"source": 18, "target": 9, "label": "U"}, {"source": 20, "target": 13, "label": "S"}, {"source": 19, "target": 8, "label": "C"}, {"source": 20, "target": 12, "label": "D"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 14, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "F"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 7, "label": "E"}]} +{"id": "292997-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Alto delivers on all levels.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "Q"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "R"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "292997-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From the moment you enter the restaurant, you know you are some place special.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 7, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 8, "label": "A"}, {"source": 16, "target": 0, "label": "R"}, {"source": 18, "target": 3, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 12, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 10, "label": "A"}, {"source": 19, "target": 5, "label": "F"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 9, "label": "S"}, {"source": 23, "target": 14, "label": "S"}, {"source": 17, "target": 16, "label": "L"}, {"source": 21, "target": 11, "label": "F"}, {"source": 18, "target": 4, "label": "P"}, {"source": 22, "target": 13, "label": "C"}, {"source": 23, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "292997-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service is impeccable, and the food is even better.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "S"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 4, "label": "U"}, {"source": 13, "target": 12, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 9, "label": "D"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 16, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "292997-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I highly recommend the four-course tasting menu, which gives you plenty of range and food to satisfy your appetite.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 1, "label": "D"}, {"source": 26, "target": 6, "label": "C"}, {"source": 26, "target": 4, "label": "Q"}, {"source": 30, "target": 15, "label": "C"}, {"source": 31, "target": 19, "label": "P"}, {"source": 32, "target": 22, "label": "U"}, {"source": 24, "target": 0, "label": "A"}, {"source": 25, "target": 28, "label": "E"}, {"source": 30, "target": 16, "label": "N"}, {"source": 31, "target": 18, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 7, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 8, "label": "C"}, {"source": 29, "target": 31, "label": "E"}, {"source": 31, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "A"}, {"source": 32, "target": 20, "label": "A"}, {"source": 30, "target": 17, "label": "C"}, {"source": 29, "target": 13, "label": "Q"}, {"source": 26, "target": 5, "label": "U"}, {"source": 25, "target": 3, "label": "F"}, {"source": 28, "target": 10, "label": "R"}, {"source": 28, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 21, "label": "S"}, {"source": 29, "target": 30, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 29, "target": 14, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 9, "label": "U"}, {"source": 28, "target": 11, "label": "S"}, {"source": 25, "target": 27, "label": "E"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "292997-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also, if you are into wine, Alto has the depth of both region, varietal, and vintage to satisfy nearly any sommelier (or after 9pm, bring your own bottle for free...no corking fee!).", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 118, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 128}]}, {"id": 29, "anchors": [{"from": 128, "to": 130}]}, {"id": 30, "anchors": [{"from": 130, "to": 131}]}, {"id": 31, "anchors": [{"from": 132, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 146}]}, {"id": 34, "anchors": [{"from": 147, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 162}]}, {"id": 37, "anchors": [{"from": 162, "to": 165}]}, {"id": 38, "anchors": [{"from": 165, "to": 167}]}, {"id": 39, "anchors": [{"from": 168, "to": 175}]}, {"id": 40, "anchors": [{"from": 176, "to": 179}]}, {"id": 41, "anchors": [{"from": 179, "to": 180}]}, {"id": 42, "anchors": [{"from": 180, "to": 181}]}, {"id": 43, "anchors": [{"from": 181, "to": 182}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 49, "target": 15, "label": "U"}, {"source": 53, "target": 28, "label": "C"}, {"source": 54, "target": 53, "label": "T"}, {"source": 48, "target": 49, "label": "C"}, {"source": 57, "target": 55, "label": "E"}, {"source": 51, "target": 22, "label": "E"}, {"source": 59, "target": 60, "label": "A"}, {"source": 46, "target": 47, "label": "S"}, {"source": 48, "target": 12, "label": "R"}, {"source": 59, "target": 41, "label": "U"}, {"source": 45, "target": 20, "label": "L"}, {"source": 56, "target": 33, "label": "E"}, {"source": 56, "target": 32, "label": "C"}, {"source": 52, "target": 24, "label": "P"}, {"source": 49, "target": 19, "label": "C"}, {"source": 46, "target": 48, "label": "A"}, {"source": 44, "target": 0, "label": "D"}, {"source": 55, "target": 56, "label": "S"}, {"source": 44, "target": 5, "label": "S"}, {"source": 54, "target": 58, "label": "A"}, {"source": 53, "target": 27, "label": "R"}, {"source": 47, "target": 10, "label": "F"}, {"source": 45, "target": 26, "label": "L"}, {"source": 44, "target": 3, "label": "A"}, {"source": 50, "target": 21, "label": "P"}, {"source": 54, "target": 31, "label": "P"}, {"source": 45, "target": 37, "label": "U"}, {"source": 45, "target": 2, "label": "L"}, {"source": 55, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 18, "label": "N"}, {"source": 45, "target": 44, "label": "H"}, {"source": 47, "target": 11, "label": "C"}, {"source": 49, "target": 17, "label": "U"}, {"source": 60, "target": 39, "label": "P"}, {"source": 59, "target": 42, "label": "U"}, {"source": 48, "target": 13, "label": "Q"}, {"source": 49, "target": 14, "label": "C"}, {"source": 59, "target": 43, "label": "U"}, {"source": 59, "target": 38, "label": "D"}, {"source": 57, "target": 34, "label": "C"}, {"source": 45, "target": 7, "label": "U"}, {"source": 45, "target": 46, "label": "H"}, {"source": 45, "target": 59, "label": "H"}, {"source": 45, "target": 25, "label": "U"}, {"source": 45, "target": 1, "label": "U"}, {"source": 45, "target": 50, "label": "H"}, {"source": 46, "target": 8, "label": "A"}, {"source": 59, "target": 40, "label": "P"}, {"source": 58, "target": 36, "label": "C"}, {"source": 50, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 29, "label": "C"}, {"source": 44, "target": 4, "label": "F"}, {"source": 52, "target": 51, "label": "D"}, {"source": 51, "target": 23, "label": "C"}, {"source": 45, "target": 54, "label": "H"}, {"source": 54, "target": 30, "label": "U"}, {"source": 58, "target": 35, "label": "R"}, {"source": 49, "target": 16, "label": "C"}, {"source": 44, "target": 6, "label": "A"}, {"source": 50, "target": 52, "label": "A"}, {"source": 47, "target": 9, "label": "F"}, {"source": 54, "target": 57, "label": "A"}]} +{"id": "292997-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "While it's not cheap, Alto will give you an experience you'll never forget.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 3, "label": "D"}, {"source": 21, "target": 14, "label": "T"}, {"source": 21, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "A"}, {"source": 19, "target": 9, "label": "A"}, {"source": 20, "target": 10, "label": "F"}, {"source": 21, "target": 15, "label": "P"}, {"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 12, "label": "A"}, {"source": 17, "target": 5, "label": "U"}, {"source": 18, "target": 4, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 6, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 14, "label": "D"}, {"source": 20, "target": 8, "label": "F"}, {"source": 19, "target": 7, "label": "F"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "294081-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DINING AT TEXAS ROADHOUSE", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 25}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "294081-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "TEXAS ROADHOUSE HAS VERY GOOD MEALS, THAT THE MEAT COMES RIGHT OFF THE BONES.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 19, "target": 8, "label": "C"}, {"source": 15, "target": 17, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 18, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 10, "label": "D"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 5, "label": "U"}, {"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 7, "label": "F"}, {"source": 22, "target": 13, "label": "C"}, {"source": 22, "target": 12, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "294081-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "IT HAS VERY GOOD PRICES.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 8, "label": "D"}]} +{"id": "294081-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ON A BAD NOTE THE WAITING AREA IS NOT ENJOYABLE OR ENOUGH SEATS.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 5, "label": "P"}, {"source": 17, "target": 16, "label": "A"}, {"source": 15, "target": 10, "label": "L"}, {"source": 17, "target": 8, "label": "D"}, {"source": 19, "target": 12, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "L"}, {"source": 14, "target": 2, "label": "E"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "S"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "R"}, {"source": 16, "target": 18, "label": "E"}, {"source": 19, "target": 8, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "C"}]} +{"id": "294081-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ALSO, THERE SHOULD NOT BE PEANUTS ALL OVER THE FLOOR.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}, {"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 1, "label": "U"}, {"source": 12, "target": 0, "label": "D"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 2, "label": "S"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "294081-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "NEXT, THERE SHOULD ONLY BE ONE PERSON BRINGING YOU YOUR FOOD.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 10, "label": "S"}, {"source": 14, "target": 9, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 15, "label": "Q"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 1, "label": "U"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 8, "label": "P"}, {"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 18, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 0, "label": "L"}, {"source": 17, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 17, "label": "E"}]} +{"id": "294081-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "ITS NOT A BIG DEAL BUT I HAD TO TAKE MY SALAD HOME BECAUSE THEY FORGOT TO BRING IT.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 28}, {"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 82, "to": 83}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 23, "target": 12, "label": "A"}, {"source": 21, "target": 13, "label": "L"}, {"source": 23, "target": 8, "label": "D"}, {"source": 26, "target": 16, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 5, "label": "C"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 17, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 22, "target": 4, "label": "E"}, {"source": 20, "target": 2, "label": "D"}, {"source": 26, "target": 15, "label": "D"}, {"source": 20, "target": 22, "label": "S"}, {"source": 21, "target": 6, "label": "L"}, {"source": 25, "target": 11, "label": "C"}, {"source": 26, "target": 14, "label": "A"}, {"source": 24, "target": 10, "label": "S"}, {"source": 23, "target": 7, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 26, "target": 18, "label": "A"}]} +{"id": "294081-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I HAD TO ASK THE GIRL WHO BROUGHT MY FOOD AND SHE NEVER CAME BACK TO LET ME KNOW.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 10, "label": "A"}, {"source": 25, "target": 13, "label": "D"}, {"source": 26, "target": 16, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 26, "target": 17, "label": "P"}, {"source": 24, "target": 8, "label": "C"}, {"source": 25, "target": 11, "label": "D"}, {"source": 24, "target": 23, "label": "E"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 3, "label": "F"}, {"source": 19, "target": 1, "label": "D"}, {"source": 25, "target": 11, "label": "T"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 15, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 23, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 26, "label": "H"}, {"source": 25, "target": 12, "label": "P"}, {"source": 20, "target": 14, "label": "L"}]} +{"id": "294081-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I HAD TO WAIT FOR MY WAITRESS.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "294081-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "WHEN YOU FIRST COME IN THE HOSTESS IS NOT VERY FRIENDLY,THERE IS JUST A BUNCH OF WORKERS STANDING THERE.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 8, "label": "D"}, {"source": 26, "target": 24, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 27, "target": 12, "label": "F"}, {"source": 26, "target": 9, "label": "D"}, {"source": 29, "target": 28, "label": "Q"}, {"source": 27, "target": 13, "label": "F"}, {"source": 23, "target": 2, "label": "D"}, {"source": 27, "target": 14, "label": "D"}, {"source": 22, "target": 11, "label": "U"}, {"source": 23, "target": 3, "label": "P"}, {"source": 27, "target": 20, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 21, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 18, "label": "C"}, {"source": 23, "target": 1, "label": "A"}, {"source": 23, "target": 4, "label": "D"}, {"source": 26, "target": 10, "label": "S"}, {"source": 29, "target": 17, "label": "R"}, {"source": 28, "target": 15, "label": "F"}, {"source": 22, "target": 26, "label": "H"}, {"source": 25, "target": 5, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 7, "label": "F"}, {"source": 22, "target": 27, "label": "H"}, {"source": 27, "target": 19, "label": "P"}, {"source": 24, "target": 25, "label": "S"}]} +{"id": "294081-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I WAS THERE ON MARCH 6TH, 2009.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "T"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "294081-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I WAS ALSO THERE OF JULY 4TH 2008, WHEN MY DAUGHTERS BUFFALO WINGS CAME OUT WITH A FLY ON IT.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 92}]}, {"id": 22, "anchors": [{"from": 92, "to": 93}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 3, "label": "S"}, {"source": 26, "target": 6, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 20, "label": "R"}, {"source": 31, "target": 21, "label": "C"}, {"source": 27, "target": 11, "label": "A"}, {"source": 25, "target": 4, "label": "R"}, {"source": 29, "target": 15, "label": "P"}, {"source": 31, "target": 22, "label": "U"}, {"source": 30, "target": 19, "label": "C"}, {"source": 23, "target": 25, "label": "T"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 2, "label": "D"}, {"source": 28, "target": 14, "label": "C"}, {"source": 27, "target": 12, "label": "R"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 5, "label": "C"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 17, "label": "R"}, {"source": 23, "target": 3, "label": "A"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 8, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 10, "label": "A"}, {"source": 28, "target": 27, "label": "E"}, {"source": 29, "target": 16, "label": "D"}, {"source": 28, "target": 13, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 30, "target": 18, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 25, "target": 26, "label": "C"}, {"source": 27, "target": 11, "label": "S"}]} +{"id": "294081-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THE MANAGER CAME OVER AND SAID HE WAS SORRY AND GAVE A NEW BATCH OF WINGS, HE SAID WE CANT REALLY DO ANYTHING BECAUSE THE DOORS ARE ALWAYS OPENING AND CLOSING .", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 88}]}, {"id": 21, "anchors": [{"from": 88, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 146}]}, {"id": 31, "anchors": [{"from": 147, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 160}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 47, "target": 29, "label": "T"}, {"source": 42, "target": 15, "label": "C"}, {"source": 37, "target": 16, "label": "U"}, {"source": 48, "target": 32, "label": "P"}, {"source": 45, "target": 20, "label": "D"}, {"source": 44, "target": 45, "label": "A"}, {"source": 37, "target": 40, "label": "H"}, {"source": 46, "target": 27, "label": "C"}, {"source": 45, "target": 24, "label": "A"}, {"source": 37, "target": 31, "label": "L"}, {"source": 43, "target": 12, "label": "S"}, {"source": 39, "target": 8, "label": "S"}, {"source": 45, "target": 21, "label": "D"}, {"source": 41, "target": 11, "label": "F"}, {"source": 39, "target": 7, "label": "F"}, {"source": 38, "target": 5, "label": "P"}, {"source": 37, "target": 48, "label": "H"}, {"source": 36, "target": 2, "label": "P"}, {"source": 37, "target": 25, "label": "L"}, {"source": 34, "target": 35, "label": "S"}, {"source": 47, "target": 46, "label": "A"}, {"source": 40, "target": 10, "label": "P"}, {"source": 38, "target": 39, "label": "A"}, {"source": 37, "target": 38, "label": "H"}, {"source": 41, "target": 13, "label": "C"}, {"source": 47, "target": 28, "label": "F"}, {"source": 48, "target": 46, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 9, "label": "L"}, {"source": 46, "target": 26, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 37, "target": 47, "label": "H"}, {"source": 48, "target": 29, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 33, "label": "U"}, {"source": 44, "target": 18, "label": "P"}, {"source": 45, "target": 19, "label": "A"}, {"source": 42, "target": 41, "label": "Q"}, {"source": 35, "target": 0, "label": "F"}, {"source": 42, "target": 14, "label": "R"}, {"source": 37, "target": 36, "label": "H"}, {"source": 40, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 23, "label": "P"}, {"source": 39, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 44, "label": "H"}, {"source": 37, "target": 4, "label": "L"}, {"source": 44, "target": 17, "label": "A"}, {"source": 45, "target": 22, "label": "D"}, {"source": 36, "target": 3, "label": "D"}, {"source": 42, "target": 43, "label": "E"}, {"source": 38, "target": 6, "label": "A"}, {"source": 43, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 34, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 35, "target": 1, "label": "C"}, {"source": 47, "target": 30, "label": "P"}]} +{"id": "294081-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "IN MY OPINION SHOULD OF JUST TOOK OFF THE PRICE OF THE WINGS FROM THE BILL.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 13, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 10, "label": "R"}, {"source": 19, "target": 5, "label": "G"}, {"source": 18, "target": 1, "label": "A"}, {"source": 18, "target": 0, "label": "R"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 20, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 8, "label": "F"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 3, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "294081-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "BUT EVERYONE HAS THERE OWN WAY!!!!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "E"}, {"source": 8, "target": 9, "label": "S"}, {"source": 7, "target": 0, "label": "L"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "294812-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's now called Sushi Lover.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "T"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "294812-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Food is just okay..won't crave it, but wouldn't mind coming back for a quick meal.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 44}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 81, "to": 82}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "D"}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 10, "label": "L"}, {"source": 26, "target": 16, "label": "L"}, {"source": 28, "target": 17, "label": "F"}, {"source": 22, "target": 9, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 24, "target": 13, "label": "S"}, {"source": 23, "target": 7, "label": "P"}, {"source": 25, "target": 14, "label": "P"}, {"source": 23, "target": 6, "label": "D"}, {"source": 22, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 27, "target": 18, "label": "D"}, {"source": 25, "target": 15, "label": "D"}, {"source": 22, "target": 4, "label": "U"}, {"source": 28, "target": 20, "label": "U"}, {"source": 24, "target": 11, "label": "D"}, {"source": 21, "target": 1, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 21, "target": 3, "label": "S"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 5, "label": "F"}, {"source": 21, "target": 2, "label": "D"}]} +{"id": "294978-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "not impressive enough", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "D"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "294978-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's a fine place, I'm just a little mystified about the Michelin star.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 20, "to": 22}]}, {"id": 8, "anchors": [{"from": 23, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 29}]}, {"id": 10, "anchors": [{"from": 30, "to": 36}]}, {"id": 11, "anchors": [{"from": 37, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "S"}, {"source": 23, "target": 12, "label": "R"}, {"source": 20, "target": 3, "label": "S"}, {"source": 22, "target": 10, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 22, "target": 9, "label": "F"}, {"source": 21, "target": 22, "label": "D"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 24, "label": "C"}, {"source": 21, "target": 6, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 14, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 7, "label": "F"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "C"}]} +{"id": "294978-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nothing wrong with it, just better options at this price point.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 4, "label": "U"}, {"source": 17, "target": 9, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "E"}, {"source": 15, "target": 2, "label": "R"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 0, "label": "D"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "295288-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Just Autos Thank you!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}, {"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "295288-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Was fast and easy, Just had our car returned this morning, I would recommend these Mobile Mechanics for sure.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 12, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "T"}, {"source": 29, "target": 13, "label": "A"}, {"source": 29, "target": 15, "label": "P"}, {"source": 26, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 14, "label": "D"}, {"source": 25, "target": 6, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 19, "label": "R"}, {"source": 30, "target": 17, "label": "D"}, {"source": 31, "target": 18, "label": "C"}, {"source": 28, "target": 11, "label": "C"}, {"source": 22, "target": 0, "label": "F"}, {"source": 25, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 10, "label": "E"}, {"source": 32, "target": 20, "label": "C"}, {"source": 30, "target": 31, "label": "P"}, {"source": 25, "target": 5, "label": "T"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 32, "target": 21, "label": "U"}, {"source": 24, "target": 2, "label": "N"}, {"source": 31, "target": 16, "label": "E"}, {"source": 24, "target": 1, "label": "C"}, {"source": 27, "target": 26, "label": "E"}, {"source": 27, "target": 8, "label": "C"}, {"source": 23, "target": 29, "label": "H"}, {"source": 26, "target": 7, "label": "S"}, {"source": 25, "target": 9, "label": "P"}, {"source": 29, "target": 32, "label": "D"}, {"source": 22, "target": 24, "label": "D"}, {"source": 23, "target": 4, "label": "U"}]} +{"id": "295288-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They certainly know what they are doing.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "295288-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The mechanic came to our place and sorted out our cars problems, he explained the problem and was very up front and honest, it was towed to the workshop as the gearbox was not working (he explained it better).", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}, {"from": 106, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 122}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 167}]}, {"id": 33, "anchors": [{"from": 168, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 183}]}, {"id": 36, "anchors": [{"from": 184, "to": 185}]}, {"id": 37, "anchors": [{"from": 185, "to": 187}]}, {"id": 38, "anchors": [{"from": 188, "to": 197}]}, {"id": 39, "anchors": [{"from": 198, "to": 200}]}, {"id": 40, "anchors": [{"from": 201, "to": 207}]}, {"id": 41, "anchors": [{"from": 207, "to": 208}]}, {"id": 42, "anchors": [{"from": 208, "to": 209}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 58, "target": 25, "label": "F"}, {"source": 61, "target": 34, "label": "D"}, {"source": 46, "target": 17, "label": "L"}, {"source": 60, "target": 32, "label": "C"}, {"source": 59, "target": 27, "label": "R"}, {"source": 47, "target": 5, "label": "C"}, {"source": 55, "target": 16, "label": "C"}, {"source": 56, "target": 18, "label": "F"}, {"source": 48, "target": 4, "label": "S"}, {"source": 60, "target": 31, "label": "F"}, {"source": 50, "target": 8, "label": "S"}, {"source": 51, "target": 50, "label": "E"}, {"source": 48, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 55, "label": "S"}, {"source": 49, "target": 52, "label": "A"}, {"source": 62, "target": 40, "label": "D"}, {"source": 61, "target": 60, "label": "A"}, {"source": 45, "target": 2, "label": "P"}, {"source": 46, "target": 30, "label": "L"}, {"source": 47, "target": 48, "label": "E"}, {"source": 58, "target": 59, "label": "A"}, {"source": 46, "target": 6, "label": "L"}, {"source": 46, "target": 49, "label": "H"}, {"source": 53, "target": 54, "label": "A"}, {"source": 57, "target": 22, "label": "S"}, {"source": 46, "target": 53, "label": "H"}, {"source": 49, "target": 7, "label": "P"}, {"source": 46, "target": 23, "label": "U"}, {"source": 46, "target": 62, "label": "H"}, {"source": 56, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 9, "label": "C"}, {"source": 51, "target": 10, "label": "R"}, {"source": 57, "target": 19, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 0, "label": "F"}, {"source": 57, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 28, "label": "F"}, {"source": 58, "target": 26, "label": "P"}, {"source": 62, "target": 42, "label": "U"}, {"source": 46, "target": 21, "label": "L"}, {"source": 50, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 1, "label": "C"}, {"source": 53, "target": 14, "label": "P"}, {"source": 45, "target": 47, "label": "A"}, {"source": 43, "target": 44, "label": "P"}, {"source": 61, "target": 35, "label": "P"}, {"source": 62, "target": 37, "label": "A"}, {"source": 61, "target": 33, "label": "F"}, {"source": 52, "target": 51, "label": "A"}, {"source": 46, "target": 61, "label": "H"}, {"source": 62, "target": 39, "label": "A"}, {"source": 62, "target": 38, "label": "P"}, {"source": 46, "target": 56, "label": "H"}, {"source": 49, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 24, "label": "A"}, {"source": 56, "target": 20, "label": "S"}, {"source": 59, "target": 29, "label": "C"}, {"source": 55, "target": 15, "label": "F"}, {"source": 52, "target": 11, "label": "S"}, {"source": 46, "target": 36, "label": "U"}, {"source": 45, "target": 43, "label": "A"}, {"source": 56, "target": 19, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 46, "target": 45, "label": "H"}, {"source": 46, "target": 12, "label": "U"}, {"source": 53, "target": 13, "label": "A"}, {"source": 47, "target": 3, "label": "R"}, {"source": 46, "target": 58, "label": "H"}, {"source": 46, "target": 57, "label": "H"}, {"source": 62, "target": 41, "label": "U"}]} +{"id": "295288-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They phoned the same day, confirmed it was the gearbox quoted me the job, I gave the go ahead.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}, {"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 7, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 22, "target": 5, "label": "U"}, {"source": 26, "target": 10, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 31, "target": 19, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "D"}, {"source": 21, "target": 23, "label": "T"}, {"source": 25, "target": 8, "label": "S"}, {"source": 23, "target": 2, "label": "F"}, {"source": 23, "target": 3, "label": "E"}, {"source": 31, "target": 18, "label": "F"}, {"source": 27, "target": 11, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 14, "label": "C"}, {"source": 30, "target": 31, "label": "P"}, {"source": 30, "target": 16, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "F"}, {"source": 24, "target": 6, "label": "P"}, {"source": 22, "target": 30, "label": "H"}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 12, "label": "A"}, {"source": 31, "target": 20, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 13, "label": "F"}, {"source": 21, "target": 1, "label": "P"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "295288-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now my cars gears and brakes have never run so well... ever its like driving a new car.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 22, "target": 16, "label": "L"}, {"source": 26, "target": 8, "label": "T"}, {"source": 24, "target": 2, "label": "C"}, {"source": 31, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 19, "label": "S"}, {"source": 26, "target": 12, "label": "U"}, {"source": 28, "target": 11, "label": "C"}, {"source": 23, "target": 1, "label": "S"}, {"source": 27, "target": 4, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 23, "label": "E"}, {"source": 27, "target": 5, "label": "N"}, {"source": 22, "target": 29, "label": "H"}, {"source": 30, "target": 31, "label": "E"}, {"source": 25, "target": 24, "label": "E"}, {"source": 29, "target": 15, "label": "F"}, {"source": 26, "target": 9, "label": "P"}, {"source": 25, "target": 27, "label": "C"}, {"source": 29, "target": 14, "label": "A"}, {"source": 27, "target": 6, "label": "C"}, {"source": 24, "target": 3, "label": "R"}, {"source": 26, "target": 25, "label": "A"}, {"source": 23, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 20, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 22, "target": 26, "label": "H"}, {"source": 30, "target": 21, "label": "U"}, {"source": 26, "target": 28, "label": "D"}, {"source": 26, "target": 7, "label": "F"}, {"source": 30, "target": 18, "label": "F"}, {"source": 26, "target": 13, "label": "G"}]} +{"id": "295288-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So yes, I wouldn't hesitate in recommending the team at Just Autos for easy professional car repairs,Thank you Just Autos for your help.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 106}, {"from": 107, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 115}, {"from": 116, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 28, "target": 29, "label": "E"}, {"source": 31, "target": 19, "label": "P"}, {"source": 31, "target": 20, "label": "A"}, {"source": 28, "target": 9, "label": "F"}, {"source": 30, "target": 14, "label": "D"}, {"source": 27, "target": 5, "label": "E"}, {"source": 29, "target": 11, "label": "R"}, {"source": 25, "target": 2, "label": "U"}, {"source": 26, "target": 8, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 22, "label": "A"}, {"source": 30, "target": 15, "label": "D"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "D"}, {"source": 30, "target": 16, "label": "A"}, {"source": 25, "target": 0, "label": "L"}, {"source": 25, "target": 31, "label": "H"}, {"source": 32, "target": 23, "label": "P"}, {"source": 32, "target": 21, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 17, "label": "P"}, {"source": 28, "target": 10, "label": "C"}, {"source": 27, "target": 6, "label": "C"}, {"source": 25, "target": 30, "label": "H"}, {"source": 26, "target": 3, "label": "A"}, {"source": 25, "target": 13, "label": "L"}, {"source": 25, "target": 1, "label": "H"}, {"source": 26, "target": 7, "label": "F"}, {"source": 32, "target": 24, "label": "U"}, {"source": 29, "target": 12, "label": "C"}, {"source": 27, "target": 4, "label": "F"}]} +{"id": "295491-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Skip te rest - this is the best", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 3, "label": "U"}, {"source": 11, "target": 12, "label": "S"}, {"source": 11, "target": 5, "label": "F"}, {"source": 12, "target": 6, "label": "F"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "295491-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absolutely great !", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "295491-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Clean, updated room, friendly staff, safe location.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 11, "target": 0, "label": "S"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "D"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 9, "label": "A"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "H"}, {"source": 12, "target": 1, "label": "U"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 7, "label": "U"}, {"source": 14, "target": 6, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "U"}]} +{"id": "295491-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Staff is super friendly, treat you as a friend.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 7, "label": "L"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "F"}, {"source": 11, "target": 2, "label": "D"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "295491-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cannot ask for a better experience.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 5, "label": "D"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "P"}]} +{"id": "295491-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will be staying here any and every time I come anywhere near.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 15, "label": "E"}, {"source": 19, "target": 11, "label": "R"}, {"source": 13, "target": 1, "label": "F"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 16, "label": "L"}, {"source": 15, "target": 5, "label": "N"}, {"source": 13, "target": 3, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "295491-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overall, Joe is a happy camper who has found a great spot.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 2, "label": "A"}, {"source": 14, "target": 1, "label": "U"}, {"source": 19, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "P"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 5, "label": "D"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 16, "label": "P"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "295727-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Skylight repair", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "295727-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My skylight was making a horrible noise when the wind blew.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "L"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 3, "label": "F"}, {"source": 12, "target": 0, "label": "S"}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "P"}, {"source": 18, "target": 10, "label": "P"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 13, "target": 12, "label": "E"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "D"}]} +{"id": "295727-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "James Bateman came the day I called and fixed the problem quickly and efficiently.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 81}]}, {"id": 13, "anchors": [{"from": 81, "to": 82}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "P"}, {"source": 16, "target": 3, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 20, "label": "D"}, {"source": 19, "target": 9, "label": "C"}, {"source": 15, "target": 6, "label": "L"}, {"source": 20, "target": 11, "label": "N"}, {"source": 19, "target": 8, "label": "F"}, {"source": 17, "target": 16, "label": "T"}]} +{"id": "295727-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "He also inspected my entie roof to see if there was anything else that needed attention.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 1, "label": "D"}, {"source": 22, "target": 10, "label": "F"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 3, "label": "S"}, {"source": 22, "target": 9, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 6, "label": "L"}, {"source": 20, "target": 5, "label": "C"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 14, "label": "D"}, {"source": 23, "target": 12, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 7, "label": "P"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "295727-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He called the next day to see if everything was to my satisfaction.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 2, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 11, "label": "A"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 12, "label": "S"}, {"source": 18, "target": 8, "label": "A"}, {"source": 15, "target": 5, "label": "L"}, {"source": 14, "target": 16, "label": "T"}, {"source": 16, "target": 3, "label": "E"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 4, "label": "C"}, {"source": 18, "target": 7, "label": "R"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 6, "label": "P"}]} +{"id": "295727-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When the next hailstorm blows through, I will not hesitate to contact James at Team Texas Construction.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}, {"from": 84, "to": 89}, {"from": 90, "to": 102}]}, {"id": 16, "anchors": [{"from": 102, "to": 103}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 12, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "A"}, {"source": 17, "target": 6, "label": "U"}, {"source": 23, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 2, "label": "D"}, {"source": 20, "target": 9, "label": "D"}, {"source": 19, "target": 18, "label": "P"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 20, "target": 8, "label": "F"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 4, "label": "D"}, {"source": 20, "target": 10, "label": "P"}, {"source": 22, "target": 13, "label": "C"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "295935-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very Informative website with alot of good work", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}, {"from": 31, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 47}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 12, "target": 5, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 6, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 12, "label": "P"}, {"source": 9, "target": 1, "label": "S"}]} +{"id": "296357-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Close to my house, this is the only reason I would go to this particular QT.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 75, "to": 76}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 18, "target": 22, "label": "H"}, {"source": 20, "target": 1, "label": "R"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 23, "label": "S"}, {"source": 25, "target": 16, "label": "C"}, {"source": 19, "target": 17, "label": "U"}, {"source": 24, "target": 10, "label": "A"}, {"source": 25, "target": 15, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 12, "label": "P"}, {"source": 22, "target": 6, "label": "F"}, {"source": 22, "target": 5, "label": "A"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 2, "label": "S"}, {"source": 24, "target": 11, "label": "D"}, {"source": 22, "target": 8, "label": "D"}, {"source": 19, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 4, "label": "U"}, {"source": 18, "target": 24, "label": "H"}, {"source": 21, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "S"}]} +{"id": "296406-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Horrible tap water.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "296406-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But no other complaints.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "299148-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Outdated but not bad", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "L"}, {"source": 5, "target": 4, "label": "H"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "D"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "299148-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I really felt like this place was extremely outdated especially since the pictures make it look nice and modern.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 66}, {"from": 67, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 90}]}, {"id": 14, "anchors": [{"from": 91, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 114}]}, {"id": 19, "anchors": [{"from": 114, "to": 115}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 11, "label": "F"}, {"source": 23, "target": 6, "label": "C"}, {"source": 20, "target": 10, "label": "L"}, {"source": 21, "target": 1, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 7, "label": "F"}, {"source": 25, "target": 15, "label": "S"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 24, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 25, "label": "H"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 0, "label": "L"}, {"source": 25, "target": 26, "label": "D"}, {"source": 24, "target": 12, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 3, "label": "P"}, {"source": 22, "target": 8, "label": "D"}, {"source": 26, "target": 17, "label": "N"}, {"source": 23, "target": 5, "label": "E"}, {"source": 26, "target": 18, "label": "C"}, {"source": 22, "target": 4, "label": "R"}, {"source": 21, "target": 2, "label": "D"}, {"source": 22, "target": 9, "label": "S"}]} +{"id": "299148-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It had listed that there was a hot breakfast but all this meant is that they added a waffle maker to the common continental affair at most cheap hotels.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 151}]}, {"id": 27, "anchors": [{"from": 151, "to": 152}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 31, "target": 6, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 35, "target": 19, "label": "F"}, {"source": 36, "target": 37, "label": "E"}, {"source": 30, "target": 7, "label": "D"}, {"source": 32, "target": 13, "label": "A"}, {"source": 35, "target": 22, "label": "C"}, {"source": 34, "target": 35, "label": "P"}, {"source": 30, "target": 3, "label": "R"}, {"source": 30, "target": 4, "label": "F"}, {"source": 36, "target": 24, "label": "Q"}, {"source": 33, "target": 15, "label": "F"}, {"source": 37, "target": 25, "label": "S"}, {"source": 29, "target": 9, "label": "L"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 12, "label": "F"}, {"source": 36, "target": 27, "label": "U"}, {"source": 30, "target": 31, "label": "P"}, {"source": 34, "target": 20, "label": "D"}, {"source": 28, "target": 0, "label": "A"}, {"source": 31, "target": 8, "label": "C"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 32, "label": "H"}, {"source": 32, "target": 11, "label": "R"}, {"source": 34, "target": 36, "label": "A"}, {"source": 34, "target": 18, "label": "R"}, {"source": 34, "target": 21, "label": "D"}, {"source": 29, "target": 10, "label": "L"}, {"source": 28, "target": 2, "label": "P"}, {"source": 36, "target": 26, "label": "C"}, {"source": 36, "target": 23, "label": "R"}, {"source": 28, "target": 1, "label": "F"}, {"source": 33, "target": 16, "label": "E"}, {"source": 33, "target": 17, "label": "C"}, {"source": 30, "target": 5, "label": "F"}, {"source": 32, "target": 14, "label": "P"}, {"source": 37, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "299148-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The family suite was basically two rooms with a small opening between them which worked great for us because we were two families traveling together.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 148}]}, {"id": 25, "anchors": [{"from": 148, "to": 149}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 26, "target": 1, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 34, "target": 16, "label": "R"}, {"source": 36, "target": 37, "label": "E"}, {"source": 27, "target": 30, "label": "A"}, {"source": 37, "target": 25, "label": "U"}, {"source": 36, "target": 22, "label": "C"}, {"source": 27, "target": 4, "label": "D"}, {"source": 33, "target": 14, "label": "P"}, {"source": 35, "target": 20, "label": "S"}, {"source": 35, "target": 19, "label": "A"}, {"source": 28, "target": 18, "label": "L"}, {"source": 31, "target": 10, "label": "C"}, {"source": 29, "target": 5, "label": "Q"}, {"source": 26, "target": 0, "label": "F"}, {"source": 31, "target": 9, "label": "E"}, {"source": 37, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 17, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 26, "target": 2, "label": "C"}, {"source": 30, "target": 31, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 33, "target": 15, "label": "D"}, {"source": 36, "target": 21, "label": "Q"}, {"source": 28, "target": 35, "label": "H"}, {"source": 30, "target": 7, "label": "N"}, {"source": 31, "target": 8, "label": "F"}, {"source": 28, "target": 33, "label": "H"}, {"source": 27, "target": 3, "label": "S"}, {"source": 28, "target": 13, "label": "L"}, {"source": 30, "target": 29, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 6, "label": "C"}, {"source": 37, "target": 23, "label": "P"}, {"source": 32, "target": 12, "label": "C"}, {"source": 37, "target": 24, "label": "D"}]} +{"id": "299148-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you are in town and need that kind of space I say stay here but if you are looking for a little more upscale affair don't let the pictures fool you and book somewhere else.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 121, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 159}]}, {"id": 35, "anchors": [{"from": 160, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 174}]}, {"id": 37, "anchors": [{"from": 174, "to": 175}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 41, "target": 8, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 38, "target": 44, "label": "H"}, {"source": 50, "target": 35, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 39, "target": 2, "label": "F"}, {"source": 44, "target": 45, "label": "A"}, {"source": 49, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 39, "label": "H"}, {"source": 38, "target": 16, "label": "L"}, {"source": 41, "target": 7, "label": "R"}, {"source": 46, "target": 22, "label": "E"}, {"source": 39, "target": 1, "label": "A"}, {"source": 45, "target": 20, "label": "R"}, {"source": 50, "target": 36, "label": "E"}, {"source": 38, "target": 5, "label": "L"}, {"source": 47, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 33, "label": "L"}, {"source": 49, "target": 34, "label": "P"}, {"source": 40, "target": 6, "label": "S"}, {"source": 43, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 11, "label": "A"}, {"source": 47, "target": 28, "label": "D"}, {"source": 45, "target": 24, "label": "D"}, {"source": 38, "target": 40, "label": "H"}, {"source": 47, "target": 31, "label": "P"}, {"source": 47, "target": 32, "label": "A"}, {"source": 43, "target": 14, "label": "A"}, {"source": 41, "target": 10, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 45, "target": 25, "label": "P"}, {"source": 44, "target": 19, "label": "P"}, {"source": 48, "target": 29, "label": "F"}, {"source": 38, "target": 42, "label": "H"}, {"source": 39, "target": 4, "label": "A"}, {"source": 39, "target": 3, "label": "S"}, {"source": 47, "target": 26, "label": "F"}, {"source": 46, "target": 23, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 44, "target": 18, "label": "F"}, {"source": 50, "target": 37, "label": "U"}, {"source": 38, "target": 0, "label": "L"}, {"source": 47, "target": 27, "label": "D"}, {"source": 48, "target": 30, "label": "C"}, {"source": 45, "target": 46, "label": "D"}, {"source": 38, "target": 15, "label": "L"}, {"source": 38, "target": 49, "label": "H"}, {"source": 44, "target": 17, "label": "A"}, {"source": 38, "target": 47, "label": "H"}, {"source": 41, "target": 9, "label": "R"}, {"source": 46, "target": 21, "label": "F"}, {"source": 43, "target": 13, "label": "P"}, {"source": 42, "target": 12, "label": "P"}, {"source": 40, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "299169-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Terrible customer service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "299169-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fried rice has NO flavor, it literally taste like water.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 8, "label": "G"}, {"source": 15, "target": 17, "label": "H"}, {"source": 13, "target": 12, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 6, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 7, "label": "D"}, {"source": 14, "target": 16, "label": "S"}, {"source": 14, "target": 3, "label": "D"}, {"source": 16, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 10, "label": "A"}, {"source": 17, "target": 9, "label": "S"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "299169-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I tried to return it they refused, so I had to leave without a refund and still hungry.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}, {"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 26, "target": 17, "label": "D"}, {"source": 20, "target": 9, "label": "L"}, {"source": 20, "target": 16, "label": "L"}, {"source": 21, "target": 1, "label": "A"}, {"source": 20, "target": 13, "label": "L"}, {"source": 26, "target": 19, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "A"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "U"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 21, "target": 3, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 0, "label": "L"}, {"source": 24, "target": 13, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "P"}, {"source": 25, "target": 14, "label": "F"}, {"source": 23, "target": 11, "label": "D"}, {"source": 23, "target": 12, "label": "P"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 18, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 26, "label": "H"}, {"source": 21, "target": 2, "label": "D"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "299524-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Quality has fallen over the years, but still the best go-to burger place on the East Bay.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}, {"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}, {"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "R"}, {"source": 26, "target": 15, "label": "R"}, {"source": 26, "target": 16, "label": "F"}, {"source": 24, "target": 11, "label": "S"}, {"source": 22, "target": 23, "label": "S"}, {"source": 22, "target": 8, "label": "T"}, {"source": 23, "target": 9, "label": "F"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 21, "label": "T"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "U"}, {"source": 19, "target": 2, "label": "D"}, {"source": 25, "target": 13, "label": "E"}, {"source": 25, "target": 24, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 25, "target": 14, "label": "C"}, {"source": 22, "target": 26, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 4, "label": "F"}, {"source": 19, "target": 0, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "302465-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great place", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "302465-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Really great service and kind staff.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "L"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 7, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}]} +{"id": "302465-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The haircut was inexpensive and so were the salon services (eyebrows were cheap!).", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 10, "label": "U"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 3, "label": "D"}, {"source": 20, "target": 5, "label": "D"}, {"source": 20, "target": 8, "label": "A"}, {"source": 22, "target": 13, "label": "D"}, {"source": 17, "target": 0, "label": "F"}, {"source": 22, "target": 14, "label": "U"}, {"source": 19, "target": 4, "label": "L"}, {"source": 20, "target": 6, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "P"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 7, "label": "F"}, {"source": 20, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 17, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 12, "label": "F"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "302465-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's a nice, relaxed place to get stuff done and relax.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 11, "label": "L"}, {"source": 16, "target": 2, "label": "F"}, {"source": 21, "target": 9, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "P"}, {"source": 16, "target": 6, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 8, "label": "D"}, {"source": 16, "target": 20, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 3, "label": "S"}, {"source": 15, "target": 1, "label": "S"}, {"source": 19, "target": 5, "label": "S"}, {"source": 16, "target": 18, "label": "E"}, {"source": 20, "target": 7, "label": "F"}, {"source": 20, "target": 22, "label": "H"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "302465-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I plan on going again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "303728-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great gym and great services.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "303922-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A+", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "303922-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent customer service and honest feedback.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "303922-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The team at Bradley Chevron kept my car running for well past its expected death!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}, {"from": 20, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 15, "target": 18, "label": "E"}, {"source": 22, "target": 21, "label": "T"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 20, "label": "A"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 22, "label": "H"}, {"source": 15, "target": 0, "label": "F"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 9, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 18, "target": 3, "label": "C"}, {"source": 22, "target": 13, "label": "P"}, {"source": 16, "target": 4, "label": "D"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "L"}, {"source": 18, "target": 2, "label": "R"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "303922-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are honest about 'immediate' concerns versus 'recommended' repairs and have very fair prices.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 3, "label": "R"}, {"source": 24, "target": 15, "label": "D"}, {"source": 24, "target": 14, "label": "F"}, {"source": 19, "target": 2, "label": "S"}, {"source": 21, "target": 8, "label": "L"}, {"source": 23, "target": 11, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "L"}, {"source": 23, "target": 10, "label": "D"}, {"source": 22, "target": 5, "label": "T"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "U"}, {"source": 22, "target": 6, "label": "U"}, {"source": 22, "target": 7, "label": "S"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 9, "label": "U"}, {"source": 24, "target": 17, "label": "A"}, {"source": 23, "target": 12, "label": "P"}, {"source": 24, "target": 16, "label": "S"}, {"source": 19, "target": 21, "label": "A"}]} +{"id": "303922-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Such a convenient location as well with coffee shop and bradley food and beverage right around corner.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}, {"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 63}, {"from": 64, "to": 68}, {"from": 69, "to": 72}, {"from": 73, "to": 81}]}, {"id": 10, "anchors": [{"from": 82, "to": 87}]}, {"id": 11, "anchors": [{"from": 88, "to": 94}]}, {"id": 12, "anchors": [{"from": 95, "to": 101}]}, {"id": 13, "anchors": [{"from": 101, "to": 102}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 1, "label": "F"}, {"source": 18, "target": 17, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 19, "target": 12, "label": "A"}, {"source": 18, "target": 8, "label": "N"}, {"source": 14, "target": 2, "label": "S"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 10, "label": "D"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 0, "label": "D"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 4, "label": "D"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "L"}]} +{"id": "304759-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A very nice park.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 1, "label": "D"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "304759-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The architecture is simplz splendid.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "305187-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Apps 4 Salad 3 Entree 3.5 Wine 5 (NOV 07)", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 16, "target": 7, "label": "S"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 8, "label": "U"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 18, "label": "T"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 17, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 15, "target": 4, "label": "A"}, {"source": 15, "target": 5, "label": "S"}]} +{"id": "305187-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Enjoyed this cozy little spot with a group of 8 folks.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 17, "label": "Q"}, {"source": 17, "target": 6, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 1, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 9, "label": "Q"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "P"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "305187-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service was excellent.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "305187-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food was excellent.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "305187-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wine was excellent.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "305187-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was feeling the need for some fish so I had the salmon which was very good but the steaks looked amazing and if I am in town again, I'll definitely order a steak.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 132}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 135}]}, {"id": 31, "anchors": [{"from": 135, "to": 138}]}, {"id": 32, "anchors": [{"from": 139, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 157}]}, {"id": 35, "anchors": [{"from": 158, "to": 163}]}, {"id": 36, "anchors": [{"from": 163, "to": 164}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 38, "target": 23, "label": "L"}, {"source": 41, "target": 9, "label": "A"}, {"source": 45, "target": 44, "label": "A"}, {"source": 46, "target": 28, "label": "D"}, {"source": 43, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 48, "label": "A"}, {"source": 38, "target": 37, "label": "H"}, {"source": 43, "target": 14, "label": "F"}, {"source": 37, "target": 40, "label": "A"}, {"source": 38, "target": 29, "label": "U"}, {"source": 47, "target": 33, "label": "P"}, {"source": 47, "target": 30, "label": "A"}, {"source": 38, "target": 45, "label": "H"}, {"source": 40, "target": 5, "label": "R"}, {"source": 46, "target": 25, "label": "F"}, {"source": 47, "target": 32, "label": "D"}, {"source": 46, "target": 26, "label": "S"}, {"source": 40, "target": 7, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 37, "target": 2, "label": "G"}, {"source": 44, "target": 19, "label": "C"}, {"source": 38, "target": 17, "label": "L"}, {"source": 39, "target": 4, "label": "C"}, {"source": 38, "target": 13, "label": "L"}, {"source": 45, "target": 20, "label": "G"}, {"source": 42, "target": 11, "label": "F"}, {"source": 38, "target": 41, "label": "H"}, {"source": 38, "target": 46, "label": "H"}, {"source": 37, "target": 1, "label": "F"}, {"source": 37, "target": 0, "label": "A"}, {"source": 43, "target": 16, "label": "S"}, {"source": 48, "target": 36, "label": "U"}, {"source": 38, "target": 43, "label": "H"}, {"source": 38, "target": 22, "label": "L"}, {"source": 46, "target": 27, "label": "A"}, {"source": 48, "target": 35, "label": "C"}, {"source": 43, "target": 15, "label": "D"}, {"source": 44, "target": 18, "label": "F"}, {"source": 48, "target": 34, "label": "F"}, {"source": 45, "target": 21, "label": "S"}, {"source": 47, "target": 31, "label": "F"}, {"source": 41, "target": 10, "label": "P"}, {"source": 38, "target": 47, "label": "H"}, {"source": 46, "target": 24, "label": "A"}, {"source": 42, "target": 12, "label": "C"}, {"source": 40, "target": 6, "label": "E"}, {"source": 39, "target": 3, "label": "F"}, {"source": 38, "target": 8, "label": "L"}, {"source": 37, "target": 39, "label": "S"}]} +{"id": "305187-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A perfect place for a romantic dinner.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 1, "label": "S"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 10, "target": 8, "label": "H"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 3, "label": "L"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "305187-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Lots of \"pretty people\" dining inside.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 4, "label": "C"}, {"source": 11, "target": 6, "label": "P"}, {"source": 9, "target": 0, "label": "Q"}, {"source": 12, "target": 3, "label": "S"}, {"source": 9, "target": 2, "label": "U"}, {"source": 11, "target": 7, "label": "A"}, {"source": 9, "target": 1, "label": "R"}, {"source": 11, "target": 5, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 12, "label": "E"}]} +{"id": "305681-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a great facility.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "305681-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great instructors!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "305681-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Most of all, my daughter loves it!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 3, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "306740-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Miami's best tutoring service!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "R"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "306740-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My son was able to advance a full two grades within 9 months!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 11, "label": "Q"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 1, "label": "S"}, {"source": 17, "target": 7, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "Q"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 3, "label": "D"}, {"source": 16, "target": 18, "label": "T"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 1, "label": "A"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "306740-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A wonderful tutoring service for students needing help with elementary - middle school work.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 91}]}, {"id": 14, "anchors": [{"from": 91, "to": 92}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "D"}, {"source": 18, "target": 20, "label": "E"}, {"source": 20, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 20, "target": 7, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 15, "target": 0, "label": "F"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 10, "label": "U"}, {"source": 17, "target": 2, "label": "A"}, {"source": 18, "target": 4, "label": "R"}, {"source": 19, "target": 5, "label": "P"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 12, "label": "C"}, {"source": 21, "target": 13, "label": "P"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 15, "label": "P"}, {"source": 19, "target": 5, "label": "A"}, {"source": 20, "target": 6, "label": "D"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "307170-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Limo Limousine service in all of Dallas", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 11, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 3, "label": "P"}, {"source": 11, "target": 6, "label": "R"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "Q"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "307170-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Limos company int he DFW fort Worth Metro area.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}, {"from": 31, "to": 35}, {"from": 36, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "E"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 3, "label": "R"}, {"source": 10, "target": 0, "label": "S"}]} +{"id": "307170-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I use their limo services for all of my airport car services and airport transportation needs", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 2, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 3, "label": "A"}, {"source": 21, "target": 9, "label": "A"}, {"source": 20, "target": 15, "label": "C"}, {"source": 21, "target": 11, "label": "P"}, {"source": 19, "target": 6, "label": "D"}, {"source": 21, "target": 10, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 22, "target": 12, "label": "L"}, {"source": 19, "target": 22, "label": "A"}, {"source": 17, "target": 5, "label": "L"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 23, "target": 14, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 18, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "A"}, {"source": 19, "target": 20, "label": "S"}]} +{"id": "307209-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "LOCATION HAS CLOSED.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "307209-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HAS MOVED TO 4783 Bay Rd Saginaw, Michigan 48604 (989)755-1109", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}, {"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}, {"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 15, "label": "C"}, {"source": 14, "target": 10, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "P"}, {"source": 15, "target": 3, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "307250-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "$9.62 excluding tip with water to drink for the buffet.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 11, "label": "U"}, {"source": 18, "target": 8, "label": "R"}, {"source": 17, "target": 7, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "C"}, {"source": 12, "target": 15, "label": "E"}, {"source": 16, "target": 4, "label": "R"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "R"}, {"source": 17, "target": 6, "label": "F"}, {"source": 12, "target": 16, "label": "E"}, {"source": 12, "target": 1, "label": "Q"}, {"source": 15, "target": 3, "label": "P"}]} +{"id": "307250-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worst buffet period by far.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}, {"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 2, "label": "G"}, {"source": 6, "target": 1, "label": "P"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "307250-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I want my money back!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 4, "label": "D"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "308088-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Internet Department is rude and insulting", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 41}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 6, "label": "A"}, {"source": 8, "target": 4, "label": "L"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "S"}]} +{"id": "308088-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was looking to bring a customer to their lot to buy a car but the Internet salesperson Last name is Balazick sent me this email \"AND IF IT WAS WORTH MY TIME I WOULD OF BOTHERED ASWERING YOUR QUESTIONS.", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 131}]}, {"id": 27, "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 169}]}, {"id": 37, "anchors": [{"from": 170, "to": 178}]}, {"id": 38, "anchors": [{"from": 179, "to": 187}]}, {"id": 39, "anchors": [{"from": 188, "to": 192}]}, {"id": 40, "anchors": [{"from": 193, "to": 202}]}, {"id": 41, "anchors": [{"from": 202, "to": 203}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 51, "target": 22, "label": "P"}, {"source": 56, "target": 31, "label": "S"}, {"source": 57, "target": 32, "label": "E"}, {"source": 59, "target": 39, "label": "A"}, {"source": 42, "target": 1, "label": "F"}, {"source": 58, "target": 34, "label": "A"}, {"source": 58, "target": 35, "label": "D"}, {"source": 47, "target": 48, "label": "A"}, {"source": 55, "target": 58, "label": "H"}, {"source": 59, "target": 41, "label": "U"}, {"source": 52, "target": 19, "label": "C"}, {"source": 55, "target": 28, "label": "L"}, {"source": 49, "target": 15, "label": "F"}, {"source": 57, "target": 33, "label": "C"}, {"source": 42, "target": 46, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 2, "label": "D"}, {"source": 43, "target": 10, "label": "L"}, {"source": 47, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 23, "label": "A"}, {"source": 45, "target": 6, "label": "C"}, {"source": 45, "target": 5, "label": "F"}, {"source": 43, "target": 14, "label": "L"}, {"source": 58, "target": 59, "label": "A"}, {"source": 50, "target": 49, "label": "P"}, {"source": 54, "target": 55, "label": "E"}, {"source": 56, "target": 30, "label": "F"}, {"source": 47, "target": 11, "label": "P"}, {"source": 46, "target": 8, "label": "E"}, {"source": 55, "target": 56, "label": "H"}, {"source": 54, "target": 26, "label": "U"}, {"source": 46, "target": 9, "label": "C"}, {"source": 51, "target": 54, "label": "A"}, {"source": 43, "target": 42, "label": "H"}, {"source": 42, "target": 0, "label": "A"}, {"source": 48, "target": 12, "label": "F"}, {"source": 50, "target": 16, "label": "A"}, {"source": 53, "target": 21, "label": "C"}, {"source": 55, "target": 27, "label": "L"}, {"source": 44, "target": 45, "label": "S"}, {"source": 42, "target": 4, "label": "P"}, {"source": 54, "target": 24, "label": "E"}, {"source": 58, "target": 37, "label": "D"}, {"source": 49, "target": 17, "label": "C"}, {"source": 43, "target": 51, "label": "H"}, {"source": 50, "target": 53, "label": "A"}, {"source": 59, "target": 40, "label": "P"}, {"source": 43, "target": 47, "label": "H"}, {"source": 53, "target": 52, "label": "E"}, {"source": 58, "target": 38, "label": "P"}, {"source": 48, "target": 13, "label": "C"}, {"source": 56, "target": 29, "label": "A"}, {"source": 54, "target": 25, "label": "C"}, {"source": 52, "target": 20, "label": "R"}, {"source": 42, "target": 3, "label": "F"}, {"source": 58, "target": 36, "label": "F"}, {"source": 52, "target": 18, "label": "E"}, {"source": 51, "target": 50, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 46, "target": 7, "label": "R"}]} +{"id": "308088-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I MAKE MONEY NOT DEAL WITH BROKERS\" Wow, can you believe in todays tough times this dealership would be looking for any way to move vehicles.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 140}]}, {"id": 29, "anchors": [{"from": 140, "to": 141}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 39, "target": 16, "label": "S"}, {"source": 42, "target": 29, "label": "U"}, {"source": 41, "target": 22, "label": "P"}, {"source": 38, "target": 15, "label": "R"}, {"source": 31, "target": 32, "label": "E"}, {"source": 33, "target": 8, "label": "H"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 5, "label": "R"}, {"source": 32, "target": 30, "label": "H"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 10, "label": "D"}, {"source": 30, "target": 2, "label": "A"}, {"source": 34, "target": 4, "label": "P"}, {"source": 42, "target": 43, "label": "D"}, {"source": 32, "target": 34, "label": "H"}, {"source": 34, "target": 3, "label": "D"}, {"source": 33, "target": 31, "label": "H"}, {"source": 35, "target": 6, "label": "P"}, {"source": 30, "target": 1, "label": "P"}, {"source": 42, "target": 28, "label": "A"}, {"source": 42, "target": 27, "label": "P"}, {"source": 43, "target": 24, "label": "E"}, {"source": 36, "target": 41, "label": "A"}, {"source": 33, "target": 9, "label": "U"}, {"source": 33, "target": 36, "label": "H"}, {"source": 37, "target": 38, "label": "E"}, {"source": 36, "target": 37, "label": "T"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 25, "label": "C"}, {"source": 33, "target": 7, "label": "U"}, {"source": 37, "target": 39, "label": "E"}, {"source": 36, "target": 11, "label": "A"}, {"source": 41, "target": 40, "label": "A"}, {"source": 35, "target": 6, "label": "A"}, {"source": 36, "target": 12, "label": "P"}, {"source": 37, "target": 17, "label": "C"}, {"source": 42, "target": 23, "label": "R"}, {"source": 40, "target": 19, "label": "C"}, {"source": 38, "target": 14, "label": "C"}, {"source": 41, "target": 20, "label": "D"}, {"source": 40, "target": 18, "label": "E"}, {"source": 42, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 26, "label": "F"}, {"source": 37, "target": 13, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 39, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 21, "label": "F"}]} +{"id": "308088-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As a previous Internet Manager I would deal with anyone looking to buy a car for a profit and not care if they came in with a broker.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 132}]}, {"id": 28, "anchors": [{"from": 132, "to": 133}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 30, "target": 3, "label": "A"}, {"source": 35, "target": 37, "label": "H"}, {"source": 39, "target": 19, "label": "D"}, {"source": 36, "target": 14, "label": "C"}, {"source": 41, "target": 42, "label": "P"}, {"source": 34, "target": 11, "label": "F"}, {"source": 36, "target": 13, "label": "F"}, {"source": 40, "target": 23, "label": "P"}, {"source": 40, "target": 21, "label": "R"}, {"source": 32, "target": 33, "label": "A"}, {"source": 38, "target": 17, "label": "C"}, {"source": 32, "target": 5, "label": "A"}, {"source": 37, "target": 38, "label": "P"}, {"source": 42, "target": 27, "label": "C"}, {"source": 31, "target": 1, "label": "F"}, {"source": 41, "target": 42, "label": "A"}, {"source": 34, "target": 12, "label": "P"}, {"source": 39, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "P"}, {"source": 38, "target": 16, "label": "F"}, {"source": 39, "target": 20, "label": "S"}, {"source": 31, "target": 4, "label": "C"}, {"source": 29, "target": 30, "label": "H"}, {"source": 29, "target": 18, "label": "L"}, {"source": 33, "target": 8, "label": "R"}, {"source": 29, "target": 32, "label": "H"}, {"source": 33, "target": 9, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 30, "target": 2, "label": "T"}, {"source": 40, "target": 41, "label": "A"}, {"source": 42, "target": 28, "label": "U"}, {"source": 41, "target": 25, "label": "R"}, {"source": 29, "target": 39, "label": "H"}, {"source": 34, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 0, "label": "L"}, {"source": 34, "target": 10, "label": "D"}, {"source": 42, "target": 26, "label": "F"}, {"source": 40, "target": 22, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 15, "label": "L"}, {"source": 32, "target": 6, "label": "D"}, {"source": 40, "target": 24, "label": "D"}, {"source": 35, "target": 34, "label": "H"}, {"source": 33, "target": 35, "label": "E"}, {"source": 32, "target": 7, "label": "P"}]} +{"id": "308088-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stay away from this dealership!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "R"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "308297-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Place!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "308297-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is one of my favorite places to eat for lunch.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 9, "label": "L"}, {"source": 13, "target": 17, "label": "H"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "E"}, {"source": 15, "target": 4, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "S"}, {"source": 17, "target": 10, "label": "P"}, {"source": 16, "target": 8, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 2, "label": "Q"}, {"source": 12, "target": 1, "label": "S"}]} +{"id": "308297-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They offer a good portions at a great price, it's enough food to fill you up, but you don't ever feel like you ate too much.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}, {"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 88}]}, {"id": 21, "anchors": [{"from": 88, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 123}]}, {"id": 29, "anchors": [{"from": 123, "to": 124}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 31, "target": 36, "label": "H"}, {"source": 40, "target": 26, "label": "P"}, {"source": 40, "target": 25, "label": "A"}, {"source": 40, "target": 24, "label": "R"}, {"source": 37, "target": 13, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 34, "target": 5, "label": "R"}, {"source": 31, "target": 17, "label": "U"}, {"source": 32, "target": 2, "label": "F"}, {"source": 34, "target": 8, "label": "C"}, {"source": 30, "target": 0, "label": "A"}, {"source": 31, "target": 18, "label": "L"}, {"source": 35, "target": 7, "label": "S"}, {"source": 39, "target": 20, "label": "F"}, {"source": 39, "target": 21, "label": "D"}, {"source": 41, "target": 29, "label": "U"}, {"source": 33, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 28, "label": "C"}, {"source": 39, "target": 22, "label": "T"}, {"source": 30, "target": 1, "label": "P"}, {"source": 38, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 9, "label": "U"}, {"source": 37, "target": 38, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 34, "label": "A"}, {"source": 36, "target": 10, "label": "F"}, {"source": 39, "target": 19, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 41, "target": 27, "label": "E"}, {"source": 40, "target": 41, "label": "D"}, {"source": 38, "target": 14, "label": "F"}, {"source": 31, "target": 39, "label": "H"}, {"source": 39, "target": 23, "label": "S"}, {"source": 38, "target": 15, "label": "P"}, {"source": 32, "target": 4, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 34, "target": 6, "label": "F"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 3, "label": "S"}, {"source": 31, "target": 30, "label": "H"}, {"source": 36, "target": 11, "label": "F"}, {"source": 38, "target": 16, "label": "A"}, {"source": 36, "target": 12, "label": "S"}]} +{"id": "308297-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Plus, it's super healthy!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "L"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "308387-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called them for an estimate and they INSULTED ME WHEN I ASK THEM QUESTIONS.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 21, "target": 12, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 7, "label": "A"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 11, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 19, "target": 4, "label": "F"}, {"source": 20, "target": 8, "label": "P"}, {"source": 17, "target": 6, "label": "L"}, {"source": 17, "target": 10, "label": "L"}, {"source": 17, "target": 3, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 13, "label": "A"}, {"source": 16, "target": 2, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "308387-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "THEY ARE VERY RUDE AND NASTY.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "L"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "308387-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "PLEASE DON'T USE THIS MOVING COMPANY IF YOU DON'T WANT TO: CRY, HAVE TROUBLE AND A BAD EXPERIENCE ON THE DAY OF YOUR MOVE.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 121}]}, {"id": 28, "anchors": [{"from": 121, "to": 122}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 30, "target": 29, "label": "H"}, {"source": 41, "target": 40, "label": "T"}, {"source": 30, "target": 33, "label": "H"}, {"source": 34, "target": 12, "label": "R"}, {"source": 32, "target": 5, "label": "P"}, {"source": 38, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 3, "label": "P"}, {"source": 29, "target": 1, "label": "F"}, {"source": 33, "target": 8, "label": "A"}, {"source": 34, "target": 38, "label": "H"}, {"source": 38, "target": 20, "label": "D"}, {"source": 34, "target": 18, "label": "L"}, {"source": 39, "target": 19, "label": "F"}, {"source": 30, "target": 22, "label": "L"}, {"source": 36, "target": 37, "label": "S"}, {"source": 33, "target": 11, "label": "S"}, {"source": 29, "target": 2, "label": "D"}, {"source": 39, "target": 21, "label": "C"}, {"source": 31, "target": 6, "label": "C"}, {"source": 41, "target": 28, "label": "U"}, {"source": 41, "target": 27, "label": "P"}, {"source": 40, "target": 23, "label": "F"}, {"source": 31, "target": 4, "label": "E"}, {"source": 36, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 7, "label": "L"}, {"source": 38, "target": 39, "label": "P"}, {"source": 37, "target": 17, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 36, "label": "H"}, {"source": 35, "target": 14, "label": "P"}, {"source": 33, "target": 10, "label": "D"}, {"source": 34, "target": 35, "label": "H"}, {"source": 37, "target": 16, "label": "F"}, {"source": 41, "target": 26, "label": "A"}, {"source": 34, "target": 13, "label": "U"}, {"source": 35, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 0, "label": "F"}, {"source": 34, "target": 15, "label": "U"}, {"source": 41, "target": 25, "label": "F"}, {"source": 40, "target": 24, "label": "C"}, {"source": 30, "target": 41, "label": "H"}, {"source": 33, "target": 9, "label": "F"}]} +{"id": "308387-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THEY WILL GIVE YOU A LOW PRICE OVER THE PHONE AND ON THE DAY OF YOUR MOVE THEY WILL CHANGE THE PRICE, I GUARANTEE IT.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 116}]}, {"id": 26, "anchors": [{"from": 116, "to": 117}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 18, "label": "F"}, {"source": 35, "target": 23, "label": "A"}, {"source": 30, "target": 8, "label": "F"}, {"source": 27, "target": 30, "label": "A"}, {"source": 33, "target": 17, "label": "A"}, {"source": 27, "target": 1, "label": "F"}, {"source": 28, "target": 22, "label": "U"}, {"source": 29, "target": 4, "label": "F"}, {"source": 31, "target": 32, "label": "T"}, {"source": 32, "target": 12, "label": "F"}, {"source": 31, "target": 11, "label": "R"}, {"source": 31, "target": 14, "label": "F"}, {"source": 35, "target": 26, "label": "U"}, {"source": 28, "target": 10, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 5, "label": "E"}, {"source": 28, "target": 31, "label": "H"}, {"source": 30, "target": 9, "label": "C"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 33, "label": "H"}, {"source": 31, "target": 16, "label": "P"}, {"source": 33, "target": 19, "label": "P"}, {"source": 27, "target": 2, "label": "P"}, {"source": 35, "target": 24, "label": "P"}, {"source": 34, "target": 20, "label": "F"}, {"source": 35, "target": 25, "label": "A"}, {"source": 30, "target": 7, "label": "R"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 3, "label": "A"}, {"source": 29, "target": 6, "label": "C"}, {"source": 32, "target": 13, "label": "C"}]} +{"id": "309168-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "love this park", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "309168-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this is a great park to have kids birthday parties at!!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 16, "label": "E"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 3, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 10, "label": "R"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "309258-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "slow service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "309258-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used to take my cars there all thetime, but management changes hands too frequently, the service has been slow, and they often try to \"add on\" extra services, which sometimes is not needed.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}, {"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "anchors": [{"from": 112, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28, "anchors": [{"from": 137, "to": 140}, {"from": 141, "to": 143}]}, {"id": 29, "anchors": [{"from": 143, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 159}]}, {"id": 32, "anchors": [{"from": 159, "to": 160}]}, {"id": 33, "anchors": [{"from": 161, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 176}]}, {"id": 35, "anchors": [{"from": 177, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 183}]}, {"id": 37, "anchors": [{"from": 184, "to": 190}]}, {"id": 38, "anchors": [{"from": 190, "to": 191}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 40, "target": 9, "label": "U"}, {"source": 39, "target": 42, "label": "A"}, {"source": 45, "target": 44, "label": "A"}, {"source": 46, "target": 13, "label": "E"}, {"source": 49, "target": 24, "label": "T"}, {"source": 40, "target": 33, "label": "L"}, {"source": 44, "target": 11, "label": "S"}, {"source": 40, "target": 21, "label": "U"}, {"source": 46, "target": 14, "label": "C"}, {"source": 39, "target": 1, "label": "D"}, {"source": 39, "target": 2, "label": "P"}, {"source": 48, "target": 19, "label": "F"}, {"source": 39, "target": 43, "label": "T"}, {"source": 40, "target": 49, "label": "H"}, {"source": 41, "target": 3, "label": "S"}, {"source": 40, "target": 45, "label": "H"}, {"source": 39, "target": 0, "label": "A"}, {"source": 51, "target": 36, "label": "D"}, {"source": 40, "target": 48, "label": "H"}, {"source": 45, "target": 46, "label": "T"}, {"source": 43, "target": 7, "label": "F"}, {"source": 40, "target": 10, "label": "L"}, {"source": 40, "target": 51, "label": "H"}, {"source": 49, "target": 25, "label": "D"}, {"source": 43, "target": 6, "label": "Q"}, {"source": 50, "target": 30, "label": "D"}, {"source": 39, "target": 5, "label": "A"}, {"source": 51, "target": 38, "label": "U"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 31, "label": "P"}, {"source": 49, "target": 26, "label": "F"}, {"source": 47, "target": 16, "label": "F"}, {"source": 45, "target": 12, "label": "P"}, {"source": 51, "target": 28, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 35, "label": "F"}, {"source": 49, "target": 23, "label": "A"}, {"source": 44, "target": 11, "label": "A"}, {"source": 51, "target": 34, "label": "T"}, {"source": 48, "target": 18, "label": "F"}, {"source": 42, "target": 4, "label": "C"}, {"source": 40, "target": 32, "label": "U"}, {"source": 43, "target": 8, "label": "C"}, {"source": 49, "target": 27, "label": "U"}, {"source": 49, "target": 29, "label": "U"}, {"source": 48, "target": 47, "label": "P"}, {"source": 51, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 20, "label": "D"}, {"source": 47, "target": 17, "label": "C"}, {"source": 42, "target": 41, "label": "E"}, {"source": 41, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 22, "label": "L"}, {"source": 40, "target": 39, "label": "H"}, {"source": 51, "target": 37, "label": "D"}, {"source": 40, "target": 15, "label": "U"}, {"source": 49, "target": 28, "label": "P"}]} +{"id": "309258-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I dont go there anymore", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 23}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "T"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "310018-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Natasha is the BEST photographer we have ever worked with.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 13, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "T"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 8, "label": "P"}, {"source": 15, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 2, "label": "F"}, {"source": 15, "target": 9, "label": "R"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "310018-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She has a great way with children and is able to capture their personality as well as many spontaneous images.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}, {"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 109}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 16, "label": "S"}, {"source": 23, "target": 11, "label": "P"}, {"source": 27, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "E"}, {"source": 19, "target": 21, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 22, "target": 5, "label": "R"}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 23, "target": 10, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 15, "label": "Q"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 14, "label": "N"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 9, "label": "D"}, {"source": 21, "target": 2, "label": "F"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 21, "target": 1, "label": "F"}, {"source": 25, "target": 24, "label": "C"}, {"source": 19, "target": 3, "label": "D"}, {"source": 22, "target": 6, "label": "C"}, {"source": 25, "target": 26, "label": "C"}]} +{"id": "310018-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You will not be disappointed with her work!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 7, "label": "P"}]} +{"id": "310032-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Gone downhill since change in ownership", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 39}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 1, "label": "L"}, {"source": 7, "target": 8, "label": "A"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}]} +{"id": "310032-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sigh.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "310032-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used to LOVE this place.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "310032-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But now that they are part of a chain, service has slipped.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}, {"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 9, "label": "P"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 1, "label": "L"}, {"source": 14, "target": 2, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 6, "label": "F"}, {"source": 14, "target": 4, "label": "S"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 5, "label": "R"}, {"source": 13, "target": 17, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "310032-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am waiting longer at BNA for my pickups and last time I parked with them, they lost my car key.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}, {"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 96, "to": 97}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 7, "label": "A"}, {"source": 23, "target": 9, "label": "L"}, {"source": 29, "target": 18, "label": "S"}, {"source": 24, "target": 4, "label": "R"}, {"source": 26, "target": 12, "label": "P"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 8, "label": "P"}, {"source": 28, "target": 17, "label": "P"}, {"source": 27, "target": 13, "label": "R"}, {"source": 27, "target": 14, "label": "C"}, {"source": 25, "target": 6, "label": "R"}, {"source": 22, "target": 3, "label": "D"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 30, "target": 29, "label": "E"}, {"source": 29, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 26, "label": "H"}, {"source": 30, "target": 19, "label": "E"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 5, "label": "C"}, {"source": 30, "target": 20, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 10, "label": "L"}, {"source": 28, "target": 16, "label": "A"}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "310032-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lucky I had a spare with me!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 0, "label": "G"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "310032-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "To date they have not made good by either finding the key or paying for a new one.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 18, "target": 3, "label": "D"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 2, "label": "F"}, {"source": 23, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "L"}, {"source": 17, "target": 10, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 14, "label": "S"}, {"source": 17, "target": 5, "label": "L"}, {"source": 22, "target": 13, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 8, "label": "F"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 4, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 21, "label": "H"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "310032-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(These new car keys are EXPENSIVE to copy, you can't just go to WalMart.)", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "D"}, {"source": 20, "target": 4, "label": "C"}, {"source": 20, "target": 3, "label": "E"}, {"source": 21, "target": 5, "label": "F"}, {"source": 22, "target": 13, "label": "D"}, {"source": 22, "target": 11, "label": "F"}, {"source": 20, "target": 2, "label": "E"}, {"source": 21, "target": 6, "label": "D"}, {"source": 22, "target": 14, "label": "P"}, {"source": 20, "target": 1, "label": "E"}, {"source": 23, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "U"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "C"}, {"source": 22, "target": 10, "label": "A"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 9, "label": "U"}, {"source": 23, "target": 15, "label": "F"}]} +{"id": "310032-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go to the website for coupons and join the club -you can get free parking.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 17, "target": 0, "label": "P"}, {"source": 23, "target": 13, "label": "P"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 18, "target": 10, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "L"}, {"source": 23, "target": 12, "label": "F"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 24, "target": 14, "label": "D"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "P"}, {"source": 23, "target": 11, "label": "A"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "310032-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "However, with BNA offering one day of free parking due to construction of the new rental car facility, it may be cheaper to park at BNA.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}, {"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 135, "to": 136}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 24, "label": "P"}, {"source": 34, "target": 15, "label": "P"}, {"source": 35, "target": 19, "label": "F"}, {"source": 28, "target": 0, "label": "L"}, {"source": 33, "target": 14, "label": "E"}, {"source": 28, "target": 18, "label": "U"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 6, "label": "C"}, {"source": 31, "target": 9, "label": "P"}, {"source": 35, "target": 22, "label": "S"}, {"source": 29, "target": 3, "label": "A"}, {"source": 32, "target": 11, "label": "P"}, {"source": 35, "target": 21, "label": "F"}, {"source": 31, "target": 8, "label": "D"}, {"source": 28, "target": 10, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 5, "label": "Q"}, {"source": 29, "target": 31, "label": "A"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 2, "label": "L"}, {"source": 34, "target": 16, "label": "A"}, {"source": 28, "target": 32, "label": "H"}, {"source": 33, "target": 13, "label": "F"}, {"source": 28, "target": 1, "label": "U"}, {"source": 31, "target": 30, "label": "T"}, {"source": 37, "target": 27, "label": "U"}, {"source": 33, "target": 17, "label": "C"}, {"source": 35, "target": 20, "label": "D"}, {"source": 30, "target": 7, "label": "R"}, {"source": 37, "target": 26, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 36, "target": 23, "label": "F"}, {"source": 29, "target": 4, "label": "P"}, {"source": 33, "target": 12, "label": "R"}, {"source": 37, "target": 25, "label": "R"}]} +{"id": "311138-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Consistantly poor", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "311138-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A lack of organisation, coupled with the distain for its customers, makes this the worst rental agency I have used.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}, {"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}, {"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 15, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 11, "label": "U"}, {"source": 27, "target": 13, "label": "F"}, {"source": 30, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "C"}, {"source": 30, "target": 17, "label": "A"}, {"source": 21, "target": 0, "label": "F"}, {"source": 25, "target": 24, "label": "P"}, {"source": 25, "target": 8, "label": "R"}, {"source": 23, "target": 5, "label": "L"}, {"source": 30, "target": 20, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 27, "label": "S"}, {"source": 30, "target": 19, "label": "P"}, {"source": 24, "target": 6, "label": "F"}, {"source": 22, "target": 21, "label": "D"}, {"source": 26, "target": 10, "label": "S"}, {"source": 23, "target": 28, "label": "H"}, {"source": 26, "target": 9, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 23, "target": 12, "label": "L"}, {"source": 22, "target": 3, "label": "P"}, {"source": 21, "target": 2, "label": "R"}, {"source": 22, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 21, "target": 1, "label": "C"}, {"source": 30, "target": 18, "label": "F"}, {"source": 23, "target": 4, "label": "U"}]} +{"id": "311138-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Chasing them on issues from the day I moved in (many of them still unresolved as I left) to all sorts of farcical issues with funds, after I left. . . . as soon as I could.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 131}]}, {"id": 28, "anchors": [{"from": 131, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 145}]}, {"id": 32, "anchors": [{"from": 145, "to": 146}]}, {"id": 33, "anchors": [{"from": 147, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 150}]}, {"id": 35, "anchors": [{"from": 151, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 155}, {"from": 156, "to": 160}, {"from": 161, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 165}]}, {"id": 38, "anchors": [{"from": 166, "to": 171}]}, {"id": 39, "anchors": [{"from": 171, "to": 172}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 49, "target": 25, "label": "P"}, {"source": 48, "target": 21, "label": "Q"}, {"source": 41, "target": 32, "label": "U"}, {"source": 51, "target": 31, "label": "P"}, {"source": 52, "target": 39, "label": "U"}, {"source": 50, "target": 26, "label": "R"}, {"source": 44, "target": 6, "label": "C"}, {"source": 41, "target": 16, "label": "L"}, {"source": 47, "target": 17, "label": "A"}, {"source": 47, "target": 18, "label": "P"}, {"source": 41, "target": 20, "label": "L"}, {"source": 41, "target": 29, "label": "L"}, {"source": 46, "target": 15, "label": "S"}, {"source": 51, "target": 30, "label": "A"}, {"source": 42, "target": 3, "label": "C"}, {"source": 43, "target": 7, "label": "A"}, {"source": 48, "target": 23, "label": "R"}, {"source": 49, "target": 48, "label": "D"}, {"source": 52, "target": 38, "label": "D"}, {"source": 41, "target": 35, "label": "U"}, {"source": 40, "target": 42, "label": "A"}, {"source": 40, "target": 43, "label": "A"}, {"source": 46, "target": 45, "label": "A"}, {"source": 41, "target": 28, "label": "U"}, {"source": 40, "target": 0, "label": "P"}, {"source": 49, "target": 50, "label": "A"}, {"source": 43, "target": 9, "label": "D"}, {"source": 41, "target": 47, "label": "H"}, {"source": 48, "target": 22, "label": "C"}, {"source": 45, "target": 12, "label": "R"}, {"source": 46, "target": 14, "label": "D"}, {"source": 45, "target": 11, "label": "Q"}, {"source": 43, "target": 8, "label": "P"}, {"source": 49, "target": 24, "label": "D"}, {"source": 45, "target": 13, "label": "C"}, {"source": 41, "target": 34, "label": "U"}, {"source": 41, "target": 51, "label": "H"}, {"source": 52, "target": 31, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 52, "label": "H"}, {"source": 41, "target": 36, "label": "L"}, {"source": 41, "target": 10, "label": "U"}, {"source": 52, "target": 37, "label": "A"}, {"source": 41, "target": 33, "label": "U"}, {"source": 41, "target": 46, "label": "H"}, {"source": 42, "target": 2, "label": "R"}, {"source": 41, "target": 40, "label": "H"}, {"source": 43, "target": 4, "label": "R"}, {"source": 41, "target": 19, "label": "U"}, {"source": 44, "target": 5, "label": "F"}, {"source": 41, "target": 49, "label": "H"}, {"source": 50, "target": 27, "label": "C"}, {"source": 43, "target": 44, "label": "T"}, {"source": 40, "target": 1, "label": "A"}]} +{"id": "311138-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you must use them, be vigilant and be ready to push, if you can go elsewhere then I would.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 92}]}, {"id": 22, "anchors": [{"from": 92, "to": 93}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 4, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 23, "target": 13, "label": "U"}, {"source": 26, "target": 12, "label": "P"}, {"source": 25, "target": 6, "label": "F"}, {"source": 27, "target": 15, "label": "A"}, {"source": 28, "target": 17, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 17, "label": "P"}, {"source": 28, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 22, "label": "U"}, {"source": 24, "target": 1, "label": "A"}, {"source": 24, "target": 3, "label": "P"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 11, "label": "F"}, {"source": 28, "target": 20, "label": "A"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 0, "label": "L"}, {"source": 23, "target": 26, "label": "H"}, {"source": 26, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "F"}, {"source": 23, "target": 27, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 5, "label": "U"}, {"source": 28, "target": 21, "label": "D"}, {"source": 27, "target": 16, "label": "F"}, {"source": 23, "target": 19, "label": "L"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 14, "label": "L"}, {"source": 25, "target": 7, "label": "S"}, {"source": 27, "target": 18, "label": "A"}]} +{"id": "311987-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Not so great", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "311987-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My husband just got a bike there as a gift he's only had it a month.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 68}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "P"}, {"source": 19, "target": 2, "label": "T"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 12, "label": "D"}, {"source": 18, "target": 1, "label": "A"}, {"source": 23, "target": 13, "label": "S"}, {"source": 22, "target": 7, "label": "R"}, {"source": 19, "target": 18, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 24, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 22, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 11, "label": "F"}, {"source": 23, "target": 24, "label": "T"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 4, "label": "F"}, {"source": 18, "target": 1, "label": "S"}, {"source": 23, "target": 10, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 24, "target": 15, "label": "F"}]} +{"id": "311987-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's a nice bike and it cost a lot of money.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 43}]}, {"id": 12, "anchors": [{"from": 43, "to": 44}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 3, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 2, "label": "F"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 9, "label": "Q"}, {"source": 16, "target": 6, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "311987-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "But just this week a peddle broke.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "L"}, {"source": 9, "target": 3, "label": "C"}, {"source": 9, "target": 1, "label": "E"}, {"source": 10, "target": 9, "label": "T"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 8, "target": 10, "label": "H"}, {"source": 10, "target": 6, "label": "P"}, {"source": 9, "target": 2, "label": "E"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "311987-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He took it back and they would not honor a warranty and said it was his fault because of his shoes??", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 98}]}, {"id": 21, "anchors": [{"from": 98, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 19, "label": "S"}, {"source": 24, "target": 5, "label": "A"}, {"source": 27, "target": 16, "label": "S"}, {"source": 23, "target": 4, "label": "L"}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 15, "label": "A"}, {"source": 31, "target": 21, "label": "U"}, {"source": 27, "target": 14, "label": "F"}, {"source": 30, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "L"}, {"source": 24, "target": 6, "label": "D"}, {"source": 22, "target": 3, "label": "D"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 9, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 10, "label": "C"}, {"source": 23, "target": 26, "label": "H"}, {"source": 31, "target": 30, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 31, "label": "H"}, {"source": 27, "target": 13, "label": "A"}, {"source": 24, "target": 8, "label": "P"}, {"source": 22, "target": 1, "label": "P"}, {"source": 24, "target": 7, "label": "D"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 2, "label": "A"}, {"source": 29, "target": 17, "label": "C"}, {"source": 29, "target": 18, "label": "R"}, {"source": 28, "target": 27, "label": "H"}, {"source": 31, "target": 20, "label": "C"}, {"source": 28, "target": 29, "label": "L"}]} +{"id": "311987-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So they were going to charge him for new peddles and proceeded to put them on without even telling him the price.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 21, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 31, "target": 22, "label": "U"}, {"source": 28, "target": 12, "label": "F"}, {"source": 30, "target": 17, "label": "D"}, {"source": 23, "target": 2, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 20, "label": "F"}, {"source": 24, "target": 30, "label": "H"}, {"source": 24, "target": 28, "label": "H"}, {"source": 24, "target": 16, "label": "L"}, {"source": 25, "target": 4, "label": "F"}, {"source": 26, "target": 7, "label": "R"}, {"source": 23, "target": 1, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 15, "label": "R"}, {"source": 25, "target": 3, "label": "C"}, {"source": 28, "target": 14, "label": "A"}, {"source": 23, "target": 26, "label": "A"}, {"source": 24, "target": 10, "label": "L"}, {"source": 23, "target": 5, "label": "P"}, {"source": 30, "target": 18, "label": "P"}, {"source": 23, "target": 25, "label": "D"}, {"source": 28, "target": 13, "label": "P"}, {"source": 27, "target": 8, "label": "S"}, {"source": 23, "target": 0, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 19, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 23, "target": 6, "label": "A"}, {"source": 27, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 11, "label": "D"}]} +{"id": "311987-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Which was very expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "311987-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He asked for a different pair instead and they only gave him five dollars off??", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 21, "target": 14, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 9, "label": "D"}, {"source": 19, "target": 8, "label": "A"}, {"source": 19, "target": 11, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 6, "label": "D"}, {"source": 21, "target": 20, "label": "E"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 10, "label": "P"}, {"source": 20, "target": 12, "label": "Q"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "311987-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Trek is not so great", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 4, "label": "S"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "313126-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I gave Dr. Rohatgi 2 stars because her assistant was very pleasant.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 7, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 8, "label": "P"}, {"source": 17, "target": 18, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 9, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 4, "label": "Q"}]} +{"id": "313126-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "However, I did not find her very helpful and her receptionist was rude.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 12, "label": "F"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 11, "label": "P"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 6, "label": "A"}, {"source": 15, "target": 9, "label": "L"}, {"source": 18, "target": 13, "label": "D"}, {"source": 18, "target": 11, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 1, "label": "U"}, {"source": 17, "target": 8, "label": "S"}, {"source": 16, "target": 2, "label": "A"}, {"source": 16, "target": 5, "label": "P"}, {"source": 18, "target": 14, "label": "U"}, {"source": 17, "target": 7, "label": "D"}, {"source": 16, "target": 4, "label": "D"}]} +{"id": "313558-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dentist you can trust", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}]} +{"id": "313558-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If possible I try the services on myself before I bring in my son.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 31, "to": 33}, {"from": 34, "to": 40}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 41, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "D"}, {"source": 14, "target": 2, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 11, "label": "S"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "P"}, {"source": 17, "target": 7, "label": "A"}, {"source": 13, "target": 0, "label": "R"}, {"source": 18, "target": 11, "label": "A"}, {"source": 14, "target": 13, "label": "G"}, {"source": 14, "target": 3, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 8, "label": "P"}, {"source": 15, "target": 6, "label": "L"}]} +{"id": "313558-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Drs. Ali work wonders.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "313558-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Neither me nor my son haven't had a single cavity since we started dental care there.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 11, "label": "L"}, {"source": 23, "target": 8, "label": "F"}, {"source": 24, "target": 12, "label": "A"}, {"source": 23, "target": 9, "label": "Q"}, {"source": 18, "target": 0, "label": "E"}, {"source": 18, "target": 21, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 6, "label": "D"}, {"source": 22, "target": 3, "label": "A"}, {"source": 19, "target": 5, "label": "F"}, {"source": 24, "target": 14, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 7, "label": "S"}, {"source": 24, "target": 13, "label": "D"}, {"source": 24, "target": 16, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 2, "label": "N"}, {"source": 21, "target": 22, "label": "C"}, {"source": 24, "target": 15, "label": "P"}, {"source": 22, "target": 4, "label": "S"}, {"source": 22, "target": 4, "label": "A"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "313558-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The team focus is prevention and education.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 12, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "L"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 12, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "S"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "313558-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That alone makes them unique.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "313714-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Make You Feel Like a Number", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 0, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 4, "label": "F"}, {"source": 8, "target": 5, "label": "C"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "313714-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stay away from Kids First West Chester.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}, {"from": 20, "to": 25}, {"from": 26, "to": 30}, {"from": 31, "to": 38}]}, {"id": 4, "anchors": [{"from": 38, "to": 39}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "D"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "313714-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "You NEVER get a human on the phone.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "P"}, {"source": 10, "target": 1, "label": "D"}, {"source": 12, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "T"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}]} +{"id": "313714-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's impossible to get an appointment.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "P"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "313714-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you get caught in traffic and are a couple minutes late they make you re-schedule... for 6 weeks later.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 21, "label": "U"}, {"source": 24, "target": 4, "label": "R"}, {"source": 27, "target": 10, "label": "C"}, {"source": 29, "target": 20, "label": "E"}, {"source": 23, "target": 2, "label": "D"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 13, "label": "D"}, {"source": 22, "target": 0, "label": "L"}, {"source": 28, "target": 29, "label": "T"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 7, "label": "F"}, {"source": 28, "target": 15, "label": "P"}, {"source": 25, "target": 11, "label": "S"}, {"source": 23, "target": 1, "label": "A"}, {"source": 28, "target": 16, "label": "U"}, {"source": 25, "target": 27, "label": "T"}, {"source": 29, "target": 18, "label": "Q"}, {"source": 29, "target": 17, "label": "R"}, {"source": 22, "target": 6, "label": "L"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 14, "label": "A"}, {"source": 24, "target": 5, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 24, "target": 3, "label": "F"}, {"source": 22, "target": 25, "label": "H"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 9, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 27, "target": 26, "label": "Q"}]} +{"id": "313714-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And worst of all your child feels like a number not a patient.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 12}, {"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "S"}, {"source": 14, "target": 2, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 3, "label": "S"}, {"source": 12, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 4, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 16, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 16, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 5, "label": "R"}, {"source": 17, "target": 10, "label": "A"}, {"source": 12, "target": 8, "label": "L"}, {"source": 17, "target": 9, "label": "F"}, {"source": 15, "target": 6, "label": "F"}, {"source": 13, "target": 1, "label": "G"}]} +{"id": "313714-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Go somewhere else.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "313825-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Perfect Location plus", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 2, "label": "L"}, {"source": 4, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "S"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "313825-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I moved into the Tanglewood Apartments in late 2008 and it's been a refreshing change.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}, {"from": 28, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 16, "target": 19, "label": "T"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 21, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 20, "target": 13, "label": "D"}, {"source": 20, "target": 11, "label": "F"}, {"source": 17, "target": 8, "label": "L"}, {"source": 19, "target": 6, "label": "E"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "313825-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used to live at Meadowrun and that was a nightmare.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "D"}, {"source": 16, "target": 9, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "S"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 13, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "A"}, {"source": 15, "target": 16, "label": "S"}]} +{"id": "313825-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The manager - Tiffany - is actually very nice so I'ma bit surprised by other comments.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 9, "label": "L"}, {"source": 26, "target": 15, "label": "R"}, {"source": 24, "target": 11, "label": "F"}, {"source": 21, "target": 19, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 24, "target": 14, "label": "S"}, {"source": 19, "target": 20, "label": "S"}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 8, "label": "S"}, {"source": 22, "target": 5, "label": "F"}, {"source": 24, "target": 10, "label": "A"}, {"source": 22, "target": 6, "label": "D"}, {"source": 20, "target": 0, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 2, "label": "U"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 7, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 4, "label": "U"}, {"source": 25, "target": 12, "label": "F"}, {"source": 21, "target": 3, "label": "C"}, {"source": 24, "target": 25, "label": "D"}, {"source": 20, "target": 1, "label": "C"}]} +{"id": "313825-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She's very reachable and she has always responded quickly to any questions or requests.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 86}]}, {"id": 15, "anchors": [{"from": 86, "to": 87}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 13, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 22, "label": "H"}, {"source": 18, "target": 6, "label": "F"}, {"source": 19, "target": 21, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 18, "target": 7, "label": "T"}, {"source": 22, "target": 14, "label": "P"}, {"source": 16, "target": 3, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 10, "label": "R"}, {"source": 18, "target": 9, "label": "D"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 5, "label": "A"}, {"source": 18, "target": 8, "label": "P"}, {"source": 17, "target": 4, "label": "L"}, {"source": 19, "target": 11, "label": "E"}]} +{"id": "313825-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Plus she plans a monthly breakfasts and other events at the clubhouse which is a nice added benefit.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 24, "label": "A"}, {"source": 26, "target": 16, "label": "E"}, {"source": 25, "target": 13, "label": "F"}, {"source": 26, "target": 14, "label": "F"}, {"source": 21, "target": 5, "label": "P"}, {"source": 20, "target": 1, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 26, "label": "S"}, {"source": 23, "target": 7, "label": "D"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 3, "label": "F"}, {"source": 23, "target": 8, "label": "P"}, {"source": 25, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 18, "label": "U"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 6, "label": "L"}, {"source": 26, "target": 17, "label": "C"}, {"source": 25, "target": 15, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "T"}, {"source": 19, "target": 12, "label": "L"}]} +{"id": "314024-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Old time grocery, best steaks I have ever had!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 11, "label": "S"}, {"source": 12, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "T"}, {"source": 16, "target": 9, "label": "P"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 4, "label": "S"}, {"source": 13, "target": 3, "label": "U"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "E"}]} +{"id": "314024-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great meats that are already cooked, easy to take home for dinner.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "C"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 8, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 0, "label": "S"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 2, "label": "R"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 4, "label": "T"}, {"source": 15, "target": 11, "label": "L"}, {"source": 18, "target": 7, "label": "D"}, {"source": 15, "target": 6, "label": "U"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "314711-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. White is the best!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "314880-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am in love with the giant plate of nachos!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 16, "label": "C"}, {"source": 14, "target": 15, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}]} +{"id": "314880-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Last time I went however, my beer was warm and the service was so-so.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}, {"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 18, "target": 22, "label": "H"}, {"source": 17, "target": 0, "label": "E"}, {"source": 20, "target": 6, "label": "S"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 4, "label": "L"}, {"source": 18, "target": 17, "label": "L"}, {"source": 19, "target": 3, "label": "P"}, {"source": 20, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 5, "label": "U"}, {"source": 18, "target": 19, "label": "H"}, {"source": 22, "target": 21, "label": "A"}, {"source": 18, "target": 10, "label": "L"}, {"source": 24, "target": 23, "label": "P"}, {"source": 22, "target": 8, "label": "F"}, {"source": 24, "target": 14, "label": "D"}, {"source": 23, "target": 11, "label": "F"}, {"source": 24, "target": 13, "label": "F"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 7, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 23, "target": 12, "label": "C"}, {"source": 14, "target": 15, "label": "U"}, {"source": 18, "target": 24, "label": "H"}, {"source": 22, "target": 9, "label": "S"}]} +{"id": "314880-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I get that careless teenager kind of treatment from some of their staff...perhaps they should hire more serious adults to help serve/cook.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "anchors": [{"from": 132, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 138}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 19, "label": "S"}, {"source": 34, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 16, "label": "D"}, {"source": 27, "target": 1, "label": "D"}, {"source": 36, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 25, "label": "P"}, {"source": 31, "target": 9, "label": "D"}, {"source": 28, "target": 21, "label": "L"}, {"source": 37, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 4, "label": "C"}, {"source": 28, "target": 24, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 27, "target": 3, "label": "D"}, {"source": 37, "target": 22, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 11, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 30, "label": "P"}, {"source": 36, "target": 23, "label": "P"}, {"source": 31, "target": 32, "label": "S"}, {"source": 33, "target": 17, "label": "P"}, {"source": 28, "target": 37, "label": "H"}, {"source": 30, "target": 6, "label": "R"}, {"source": 32, "target": 10, "label": "R"}, {"source": 27, "target": 31, "label": "A"}, {"source": 30, "target": 7, "label": "C"}, {"source": 29, "target": 5, "label": "E"}, {"source": 35, "target": 34, "label": "E"}, {"source": 28, "target": 36, "label": "H"}, {"source": 33, "target": 15, "label": "A"}, {"source": 28, "target": 13, "label": "U"}, {"source": 37, "target": 26, "label": "U"}, {"source": 28, "target": 33, "label": "H"}, {"source": 32, "target": 12, "label": "C"}, {"source": 27, "target": 29, "label": "D"}, {"source": 27, "target": 0, "label": "A"}, {"source": 33, "target": 14, "label": "G"}, {"source": 28, "target": 27, "label": "H"}, {"source": 35, "target": 20, "label": "C"}, {"source": 27, "target": 2, "label": "F"}, {"source": 31, "target": 8, "label": "R"}, {"source": 36, "target": 22, "label": "D"}, {"source": 34, "target": 18, "label": "D"}]} +{"id": "314938-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best pilates on the Gold Coast!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}, {"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 7, "label": "S"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "314974-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My Favorite in McLean", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "314974-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My family loves coming to Endo Sushi.They are very nice, it is never crowded, and the food is wonderful, very delicious and fresh!", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}, {"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 129}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 32, "target": 9, "label": "D"}, {"source": 33, "target": 12, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 33, "label": "H"}, {"source": 30, "target": 6, "label": "U"}, {"source": 29, "target": 3, "label": "P"}, {"source": 30, "target": 25, "label": "L"}, {"source": 33, "target": 14, "label": "T"}, {"source": 32, "target": 7, "label": "A"}, {"source": 30, "target": 35, "label": "H"}, {"source": 32, "target": 10, "label": "S"}, {"source": 35, "target": 34, "label": "A"}, {"source": 35, "target": 20, "label": "F"}, {"source": 30, "target": 16, "label": "U"}, {"source": 29, "target": 2, "label": "G"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 0, "label": "A"}, {"source": 33, "target": 15, "label": "S"}, {"source": 36, "target": 24, "label": "S"}, {"source": 28, "target": 1, "label": "A"}, {"source": 34, "target": 19, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 28, "target": 1, "label": "S"}, {"source": 34, "target": 18, "label": "F"}, {"source": 31, "target": 5, "label": "C"}, {"source": 30, "target": 36, "label": "H"}, {"source": 29, "target": 28, "label": "A"}, {"source": 33, "target": 13, "label": "F"}, {"source": 37, "target": 26, "label": "S"}, {"source": 32, "target": 8, "label": "F"}, {"source": 37, "target": 27, "label": "U"}, {"source": 35, "target": 21, "label": "S"}, {"source": 36, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 14, "label": "D"}, {"source": 30, "target": 17, "label": "L"}, {"source": 31, "target": 4, "label": "R"}, {"source": 30, "target": 11, "label": "U"}, {"source": 30, "target": 37, "label": "H"}, {"source": 37, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 32, "label": "H"}, {"source": 36, "target": 23, "label": "D"}]} +{"id": "314974-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sometimes it is hard to get parking in the lot in front of the storefront, and it is on a one-way street, but the restaurant itself is NEVER overcrowded.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}, {"from": 50, "to": 55}, {"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 152}]}, {"id": 31, "anchors": [{"from": 152, "to": 153}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 40, "target": 29, "label": "T"}, {"source": 40, "target": 29, "label": "D"}, {"source": 34, "target": 35, "label": "E"}, {"source": 32, "target": 14, "label": "L"}, {"source": 33, "target": 5, "label": "D"}, {"source": 38, "target": 21, "label": "C"}, {"source": 32, "target": 13, "label": "U"}, {"source": 40, "target": 28, "label": "F"}, {"source": 32, "target": 33, "label": "H"}, {"source": 34, "target": 7, "label": "R"}, {"source": 37, "target": 22, "label": "C"}, {"source": 33, "target": 3, "label": "D"}, {"source": 34, "target": 9, "label": "C"}, {"source": 36, "target": 15, "label": "A"}, {"source": 35, "target": 10, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 40, "target": 30, "label": "S"}, {"source": 35, "target": 12, "label": "C"}, {"source": 39, "target": 26, "label": "C"}, {"source": 40, "target": 39, "label": "A"}, {"source": 34, "target": 8, "label": "F"}, {"source": 36, "target": 17, "label": "S"}, {"source": 32, "target": 36, "label": "H"}, {"source": 35, "target": 11, "label": "F"}, {"source": 40, "target": 31, "label": "U"}, {"source": 39, "target": 27, "label": "E"}, {"source": 32, "target": 40, "label": "H"}, {"source": 33, "target": 1, "label": "A"}, {"source": 33, "target": 4, "label": "F"}, {"source": 36, "target": 16, "label": "F"}, {"source": 32, "target": 23, "label": "U"}, {"source": 33, "target": 2, "label": "F"}, {"source": 32, "target": 0, "label": "L"}, {"source": 38, "target": 20, "label": "U"}, {"source": 39, "target": 25, "label": "F"}, {"source": 32, "target": 24, "label": "L"}, {"source": 33, "target": 6, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 18, "label": "F"}, {"source": 38, "target": 19, "label": "Q"}]} +{"id": "314974-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you cannot park in the lot, then you can park in the shopping center's garage, and walk up to Endo Sushi.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 80}]}, {"id": 19, "anchors": [{"from": 80, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 93}]}, {"id": 23, "anchors": [{"from": 94, "to": 96}]}, {"id": 24, "anchors": [{"from": 97, "to": 101}, {"from": 102, "to": 107}]}, {"id": 25, "anchors": [{"from": 107, "to": 108}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 10, "label": "A"}, {"source": 27, "target": 2, "label": "D"}, {"source": 26, "target": 32, "label": "H"}, {"source": 32, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 7, "label": "C"}, {"source": 26, "target": 19, "label": "U"}, {"source": 27, "target": 3, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 16, "label": "C"}, {"source": 28, "target": 5, "label": "R"}, {"source": 26, "target": 8, "label": "U"}, {"source": 33, "target": 24, "label": "C"}, {"source": 30, "target": 13, "label": "R"}, {"source": 31, "target": 14, "label": "F"}, {"source": 30, "target": 18, "label": "C"}, {"source": 31, "target": 17, "label": "R"}, {"source": 30, "target": 31, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 33, "target": 23, "label": "R"}, {"source": 26, "target": 20, "label": "L"}, {"source": 29, "target": 11, "label": "D"}, {"source": 29, "target": 12, "label": "P"}, {"source": 27, "target": 4, "label": "P"}, {"source": 27, "target": 1, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 26, "target": 0, "label": "L"}, {"source": 32, "target": 22, "label": "D"}, {"source": 31, "target": 15, "label": "E"}, {"source": 32, "target": 21, "label": "P"}, {"source": 28, "target": 6, "label": "F"}, {"source": 26, "target": 9, "label": "L"}, {"source": 26, "target": 29, "label": "H"}]} +{"id": "314974-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service is fast.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "314974-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Be sure to ring the little bell on your way out if you enjoyed your meal!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 17, "target": 1, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 8, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 17, "target": 0, "label": "F"}, {"source": 18, "target": 11, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 12, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 14, "label": "A"}, {"source": 20, "target": 10, "label": "D"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "P"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 3, "label": "P"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 13, "label": "P"}, {"source": 17, "target": 2, "label": "F"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "314974-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(it's by the door, on the hostess stand)", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "anchors": [{"from": 17, "to": 18}]}, {"id": 7, "anchors": [{"from": 19, "to": 21}]}, {"id": 8, "anchors": [{"from": 22, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 39}]}, {"id": 11, "anchors": [{"from": 39, "to": 40}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 0, "label": "U"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 7, "label": "S"}, {"source": 17, "target": 9, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "315763-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Love my home at Creekside", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 8, "label": "A"}, {"source": 8, "target": 9, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "E"}, {"source": 9, "target": 3, "label": "R"}]} +{"id": "315763-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I moved to Creekside Apartments in August 2008 with a 6-month lease and have just extended it for another 13 months!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}, {"from": 21, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 115}]}, {"id": 22, "anchors": [{"from": 115, "to": 116}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 30, "target": 21, "label": "C"}, {"source": 24, "target": 13, "label": "L"}, {"source": 29, "target": 17, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 29, "target": 16, "label": "P"}, {"source": 27, "target": 7, "label": "R"}, {"source": 28, "target": 9, "label": "Q"}, {"source": 28, "target": 11, "label": "C"}, {"source": 26, "target": 4, "label": "R"}, {"source": 23, "target": 26, "label": "T"}, {"source": 23, "target": 1, "label": "P"}, {"source": 29, "target": 30, "label": "T"}, {"source": 28, "target": 10, "label": "U"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 15, "label": "T"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 18, "label": "R"}, {"source": 30, "target": 22, "label": "U"}, {"source": 27, "target": 8, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 19, "label": "E"}, {"source": 26, "target": 5, "label": "E"}, {"source": 25, "target": 3, "label": "C"}, {"source": 23, "target": 27, "label": "A"}, {"source": 30, "target": 20, "label": "Q"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 14, "label": "F"}, {"source": 25, "target": 2, "label": "R"}]} +{"id": "315763-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The management from Julie and Janice to the work staff, esp. Edwin, are just wonderful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 4, "label": "N"}, {"source": 18, "target": 0, "label": "F"}, {"source": 26, "target": 12, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 22, "target": 5, "label": "C"}, {"source": 25, "target": 23, "label": "C"}, {"source": 24, "target": 9, "label": "C"}, {"source": 20, "target": 15, "label": "G"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 7, "label": "F"}, {"source": 21, "target": 6, "label": "N"}, {"source": 20, "target": 18, "label": "P"}, {"source": 20, "target": 17, "label": "U"}, {"source": 24, "target": 8, "label": "E"}, {"source": 23, "target": 24, "label": "S"}, {"source": 21, "target": 22, "label": "C"}, {"source": 20, "target": 14, "label": "F"}, {"source": 26, "target": 11, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 2, "label": "R"}, {"source": 18, "target": 1, "label": "C"}, {"source": 25, "target": 10, "label": "U"}, {"source": 20, "target": 16, "label": "D"}, {"source": 21, "target": 25, "label": "C"}]} +{"id": "315763-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have been extremely helpful whenever I have asked for help.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 10, "label": "P"}, {"source": 12, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 8, "label": "P"}, {"source": 13, "target": 5, "label": "L"}, {"source": 15, "target": 9, "label": "R"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "315763-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Although the apartments are facing Stokes Street and close to the Bascom Light Rail, the location is surprisingly quiet.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 72}, {"from": 73, "to": 78}, {"from": 79, "to": 83}]}, {"id": 11, "anchors": [{"from": 83, "to": 84}]}, {"id": 12, "anchors": [{"from": 85, "to": 88}]}, {"id": 13, "anchors": [{"from": 89, "to": 97}]}, {"id": 14, "anchors": [{"from": 98, "to": 100}]}, {"id": 15, "anchors": [{"from": 101, "to": 113}]}, {"id": 16, "anchors": [{"from": 114, "to": 119}]}, {"id": 17, "anchors": [{"from": 119, "to": 120}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 14, "label": "F"}, {"source": 19, "target": 2, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 24, "target": 15, "label": "G"}, {"source": 18, "target": 0, "label": "L"}, {"source": 20, "target": 5, "label": "A"}, {"source": 23, "target": 13, "label": "C"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 4, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 23, "target": 12, "label": "F"}, {"source": 20, "target": 3, "label": "F"}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 7, "label": "S"}, {"source": 18, "target": 21, "label": "H"}, {"source": 24, "target": 23, "label": "A"}, {"source": 20, "target": 19, "label": "A"}, {"source": 24, "target": 16, "label": "S"}, {"source": 18, "target": 24, "label": "H"}, {"source": 24, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "R"}]} +{"id": "315763-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have never had any problems with loud neighbors or concerns about safety.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 2, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 2, "label": "T"}, {"source": 16, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "L"}, {"source": 18, "target": 7, "label": "S"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 10, "label": "S"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 16, "label": "P"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "D"}, {"source": 14, "target": 2, "label": "D"}, {"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 6, "label": "R"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "315763-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The apartments are within walking distance to Trader Joe's, Whole Foods, and other stores.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}, {"from": 53, "to": 56}, {"from": 56, "to": 58}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 65}, {"from": 66, "to": 71}]}, {"id": 10, "anchors": [{"from": 71, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 89}]}, {"id": 14, "anchors": [{"from": 89, "to": 90}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "U"}, {"source": 17, "target": 15, "label": "A"}, {"source": 20, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "U"}, {"source": 19, "target": 20, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 6, "label": "R"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 11, "label": "N"}, {"source": 15, "target": 0, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 12, "label": "E"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 7, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "R"}, {"source": 17, "target": 2, "label": "F"}, {"source": 15, "target": 1, "label": "C"}]} +{"id": "315763-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The well-equipped, clean gym is a plus!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "C"}, {"source": 14, "target": 1, "label": "E"}, {"source": 14, "target": 2, "label": "U"}, {"source": 11, "target": 0, "label": "F"}, {"source": 13, "target": 7, "label": "F"}, {"source": 13, "target": 17, "label": "S"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 10, "label": "U"}, {"source": 15, "target": 3, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "F"}, {"source": 11, "target": 16, "label": "E"}, {"source": 11, "target": 4, "label": "U"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 16, "target": 5, "label": "S"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 14, "label": "E"}]} +{"id": "315763-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great place to live if you work in and around downtown San Jose!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 15, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 16, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 8, "label": "N"}, {"source": 14, "target": 4, "label": "L"}, {"source": 17, "target": 11, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "317326-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Midtown Reston has great location and luxurious environment.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 59}]}, {"id": 8, "anchors": [{"from": 59, "to": 60}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "E"}, {"source": 14, "target": 5, "label": "N"}, {"source": 11, "target": 9, "label": "A"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "E"}, {"source": 15, "target": 6, "label": "S"}, {"source": 14, "target": 13, "label": "C"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 3, "label": "S"}, {"source": 16, "target": 8, "label": "U"}, {"source": 14, "target": 16, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 11, "target": 14, "label": "A"}, {"source": 11, "target": 2, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 16, "target": 15, "label": "E"}]} +{"id": "317326-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Really enjoyed it.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "317480-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great atmosphere, great food.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "S"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "317480-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Definitely a must.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "G"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 6, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "317594-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Dude Cut!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "317594-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service, cool vibe, impeccable style.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 10, "target": 5, "label": "U"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "317594-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'ma guy with tricky hair so getting that right is job #1.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 57, "to": 58}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 5, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 22, "target": 11, "label": "F"}, {"source": 21, "target": 9, "label": "A"}, {"source": 22, "target": 12, "label": "P"}, {"source": 17, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "S"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 21, "target": 10, "label": "D"}, {"source": 21, "target": 8, "label": "P"}]} +{"id": "317594-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After going through 5 other places I finally found Janice at Alta Moda.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 8, "label": "P"}, {"source": 15, "target": 3, "label": "Q"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 10, "label": "R"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 7, "label": "D"}, {"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 2, "label": "D"}]} +{"id": "317594-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not only was it a good cut but my wife and friends comment on my hair every time I leave...saying it's the best look I've ever had.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}, {"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 130, "to": 131}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 20, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 34, "target": 9, "label": "L"}, {"source": 31, "target": 4, "label": "D"}, {"source": 36, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 39, "label": "H"}, {"source": 37, "target": 14, "label": "C"}, {"source": 31, "target": 32, "label": "P"}, {"source": 37, "target": 12, "label": "R"}, {"source": 39, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 22, "label": "F"}, {"source": 40, "target": 41, "label": "S"}, {"source": 31, "target": 2, "label": "A"}, {"source": 30, "target": 6, "label": "L"}, {"source": 33, "target": 8, "label": "A"}, {"source": 30, "target": 31, "label": "H"}, {"source": 42, "target": 27, "label": "T"}, {"source": 30, "target": 35, "label": "H"}, {"source": 39, "target": 19, "label": "P"}, {"source": 33, "target": 7, "label": "A"}, {"source": 31, "target": 1, "label": "F"}, {"source": 35, "target": 34, "label": "A"}, {"source": 42, "target": 25, "label": "A"}, {"source": 38, "target": 17, "label": "P"}, {"source": 40, "target": 21, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 36, "target": 10, "label": "S"}, {"source": 42, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "U"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 35, "target": 11, "label": "P"}, {"source": 42, "target": 28, "label": "S"}, {"source": 37, "target": 13, "label": "E"}, {"source": 32, "target": 5, "label": "C"}, {"source": 33, "target": 8, "label": "S"}, {"source": 42, "target": 26, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 30, "target": 15, "label": "L"}, {"source": 30, "target": 38, "label": "H"}, {"source": 40, "target": 24, "label": "A"}, {"source": 41, "target": 23, "label": "C"}, {"source": 32, "target": 3, "label": "F"}, {"source": 36, "target": 10, "label": "A"}, {"source": 30, "target": 0, "label": "L"}, {"source": 38, "target": 16, "label": "A"}]} +{"id": "317594-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Either I suck at my own style or Janice is a genius.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 1, "label": "A"}, {"source": 16, "target": 17, "label": "S"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 7, "label": "L"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 9, "label": "F"}, {"source": 17, "target": 12, "label": "U"}]} +{"id": "317594-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Looks like there's a lot of talent in this place.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 13, "label": "D"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "G"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "E"}]} +{"id": "317594-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worth every penny.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "Q"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "317846-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Sanwiches, Great Prices", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 7, "target": 3, "label": "S"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "317846-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I used to go here almost everyday since I work in the neighbourhood and loved their turkey and meatball sandwiches.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 114}]}, {"id": 21, "anchors": [{"from": 114, "to": 115}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 6, "label": "C"}, {"source": 22, "target": 1, "label": "D"}, {"source": 22, "target": 2, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 27, "target": 13, "label": "C"}, {"source": 27, "target": 12, "label": "F"}, {"source": 29, "target": 16, "label": "S"}, {"source": 24, "target": 5, "label": "E"}, {"source": 31, "target": 18, "label": "N"}, {"source": 31, "target": 17, "label": "C"}, {"source": 30, "target": 29, "label": "E"}, {"source": 23, "target": 8, "label": "L"}, {"source": 30, "target": 31, "label": "E"}, {"source": 29, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 25, "label": "T"}, {"source": 23, "target": 26, "label": "H"}, {"source": 26, "target": 10, "label": "S"}, {"source": 23, "target": 28, "label": "H"}, {"source": 27, "target": 11, "label": "R"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 23, "target": 14, "label": "L"}, {"source": 22, "target": 3, "label": "P"}, {"source": 28, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 28, "target": 15, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 9, "label": "A"}]} +{"id": "317846-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Chicken salad salad is great too.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}, {"from": 14, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 6, "label": "A"}, {"source": 8, "target": 4, "label": "L"}, {"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "317846-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Best of all, the staff is quick on their feet and even with long lines, usually serve you in 5 minutes or less.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}, {"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 110, "to": 111}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 9, "label": "L"}, {"source": 26, "target": 24, "label": "A"}, {"source": 30, "target": 21, "label": "C"}, {"source": 31, "target": 18, "label": "Q"}, {"source": 29, "target": 15, "label": "P"}, {"source": 23, "target": 13, "label": "U"}, {"source": 31, "target": 19, "label": "C"}, {"source": 23, "target": 1, "label": "U"}, {"source": 27, "target": 7, "label": "E"}, {"source": 25, "target": 2, "label": "F"}, {"source": 29, "target": 30, "label": "T"}, {"source": 26, "target": 4, "label": "F"}, {"source": 30, "target": 17, "label": "R"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 12, "label": "P"}, {"source": 29, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "C"}, {"source": 23, "target": 0, "label": "L"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 25, "target": 3, "label": "C"}, {"source": 30, "target": 20, "label": "N"}, {"source": 27, "target": 6, "label": "R"}, {"source": 29, "target": 14, "label": "T"}, {"source": 26, "target": 5, "label": "S"}, {"source": 27, "target": 8, "label": "C"}, {"source": 23, "target": 29, "label": "H"}, {"source": 29, "target": 16, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 10, "label": "L"}, {"source": 24, "target": 25, "label": "S"}, {"source": 28, "target": 11, "label": "D"}]} +{"id": "317846-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "For the quality, the prices ($4-$6) have to be the best in town.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 32, "to": 33}]}, {"id": 11, "anchors": [{"from": 33, "to": 34}]}, {"id": 12, "anchors": [{"from": 34, "to": 35}]}, {"id": 13, "anchors": [{"from": 36, "to": 40}]}, {"id": 14, "anchors": [{"from": 41, "to": 43}]}, {"id": 15, "anchors": [{"from": 44, "to": 46}]}, {"id": 16, "anchors": [{"from": 47, "to": 50}]}, {"id": 17, "anchors": [{"from": 51, "to": 55}]}, {"id": 18, "anchors": [{"from": 56, "to": 58}]}, {"id": 19, "anchors": [{"from": 59, "to": 63}]}, {"id": 20, "anchors": [{"from": 63, "to": 64}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 12, "label": "U"}, {"source": 28, "target": 11, "label": "Q"}, {"source": 23, "target": 1, "label": "F"}, {"source": 27, "target": 9, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 30, "target": 19, "label": "C"}, {"source": 21, "target": 0, "label": "L"}, {"source": 22, "target": 23, "label": "S"}, {"source": 23, "target": 2, "label": "C"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 24, "label": "A"}, {"source": 25, "target": 29, "label": "S"}, {"source": 26, "target": 7, "label": "C"}, {"source": 30, "target": 18, "label": "R"}, {"source": 24, "target": 27, "label": "E"}, {"source": 27, "target": 28, "label": "C"}, {"source": 29, "target": 16, "label": "F"}, {"source": 30, "target": 20, "label": "U"}, {"source": 24, "target": 4, "label": "F"}, {"source": 27, "target": 26, "label": "C"}, {"source": 21, "target": 3, "label": "U"}, {"source": 25, "target": 14, "label": "F"}, {"source": 26, "target": 8, "label": "Q"}, {"source": 28, "target": 10, "label": "C"}, {"source": 24, "target": 6, "label": "U"}, {"source": 25, "target": 30, "label": "A"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 5, "label": "C"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "317846-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff get to know regulars and do their job very well.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 7, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "D"}, {"source": 16, "target": 18, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 13, "label": "A"}, {"source": 18, "target": 8, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 0, "label": "F"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "S"}, {"source": 18, "target": 17, "label": "P"}]} +{"id": "317846-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tourists like the other reviewer might not appreciate their efficiency or quality, but I certainly do.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 81}]}, {"id": 12, "anchors": [{"from": 81, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 18, "target": 0, "label": "S"}, {"source": 24, "target": 11, "label": "S"}, {"source": 20, "target": 13, "label": "L"}, {"source": 25, "target": 16, "label": "F"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 25, "target": 14, "label": "A"}, {"source": 19, "target": 6, "label": "D"}, {"source": 20, "target": 25, "label": "H"}, {"source": 23, "target": 22, "label": "H"}, {"source": 20, "target": 12, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 1, "label": "R"}, {"source": 21, "target": 2, "label": "F"}, {"source": 21, "target": 3, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 25, "target": 15, "label": "D"}, {"source": 25, "target": 7, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 7, "label": "P"}, {"source": 22, "target": 8, "label": "A"}, {"source": 23, "target": 10, "label": "L"}, {"source": 22, "target": 9, "label": "S"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "317846-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This isn'ta TGIF or Cafe, its a lunch sandwich place and a good one at that.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 28}]}, {"id": 9, "anchors": [{"from": 28, "to": 29}]}, {"id": 10, "anchors": [{"from": 30, "to": 31}]}, {"id": 11, "anchors": [{"from": 32, "to": 37}]}, {"id": 12, "anchors": [{"from": 38, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 58}]}, {"id": 16, "anchors": [{"from": 59, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 70}]}, {"id": 19, "anchors": [{"from": 71, "to": 75}]}, {"id": 20, "anchors": [{"from": 75, "to": 76}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 16, "label": "S"}, {"source": 25, "target": 11, "label": "E"}, {"source": 23, "target": 6, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 14, "label": "L"}, {"source": 27, "target": 28, "label": "D"}, {"source": 23, "target": 3, "label": "F"}, {"source": 24, "target": 9, "label": "S"}, {"source": 26, "target": 15, "label": "F"}, {"source": 23, "target": 5, "label": "N"}, {"source": 24, "target": 8, "label": "A"}, {"source": 28, "target": 18, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 1, "label": "S"}, {"source": 22, "target": 27, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 26, "target": 17, "label": "C"}, {"source": 28, "target": 20, "label": "U"}, {"source": 25, "target": 10, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 7, "label": "U"}, {"source": 21, "target": 2, "label": "D"}]} +{"id": "319816-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "AWFUL SERVICE!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "319816-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "After happily visiting Sear's Automotives in the past, I was shocked at the horrible service received at their Greensboro location.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}, {"from": 30, "to": 41}]}, {"id": 4, "anchors": [{"from": 42, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 121}]}, {"id": 19, "anchors": [{"from": 122, "to": 130}]}, {"id": 20, "anchors": [{"from": 130, "to": 131}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 18, "label": "C"}, {"source": 24, "target": 9, "label": "F"}, {"source": 27, "target": 19, "label": "E"}, {"source": 22, "target": 1, "label": "D"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 23, "label": "T"}, {"source": 25, "target": 13, "label": "D"}, {"source": 26, "target": 14, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 27, "target": 17, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 3, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 22, "target": 2, "label": "P"}, {"source": 25, "target": 15, "label": "D"}, {"source": 25, "target": 11, "label": "R"}, {"source": 24, "target": 10, "label": "S"}, {"source": 27, "target": 16, "label": "R"}, {"source": 21, "target": 7, "label": "U"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 6, "label": "C"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "319816-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I brought my car in on a Sunday to replace a shredded tire.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 19, "target": 9, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 21, "target": 11, "label": "S"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 18, "label": "T"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 10, "label": "F"}, {"source": 17, "target": 16, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 21, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 17, "label": "A"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 14, "target": 4, "label": "D"}, {"source": 16, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 8, "label": "L"}, {"source": 20, "target": 21, "label": "E"}, {"source": 16, "target": 2, "label": "S"}]} +{"id": "319816-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I waited about 20 minutes in the store part before anyone was able to assist me and was then told to pull my car into the shop (that is apparently what you are supposed to do, but the big signs pointing you that way are for some reason kept inside the garage, so you don't see them drving up, and they purposely block the front pull-up that all other Sear's use).", "tops": [78], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 146}]}, {"id": 31, "anchors": [{"from": 147, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 168}]}, {"id": 35, "anchors": [{"from": 169, "to": 171}]}, {"id": 36, "anchors": [{"from": 172, "to": 174}]}, {"id": 37, "anchors": [{"from": 174, "to": 175}]}, {"id": 38, "anchors": [{"from": 176, "to": 179}]}, {"id": 39, "anchors": [{"from": 180, "to": 183}]}, {"id": 40, "anchors": [{"from": 184, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 193}]}, {"id": 42, "anchors": [{"from": 194, "to": 202}]}, {"id": 43, "anchors": [{"from": 203, "to": 206}]}, {"id": 44, "anchors": [{"from": 207, "to": 211}]}, {"id": 45, "anchors": [{"from": 212, "to": 215}]}, {"id": 46, "anchors": [{"from": 216, "to": 219}]}, {"id": 47, "anchors": [{"from": 220, "to": 223}, {"from": 224, "to": 228}, {"from": 229, "to": 235}]}, {"id": 48, "anchors": [{"from": 236, "to": 240}]}, {"id": 49, "anchors": [{"from": 241, "to": 247}]}, {"id": 50, "anchors": [{"from": 248, "to": 251}]}, {"id": 51, "anchors": [{"from": 252, "to": 258}]}, {"id": 52, "anchors": [{"from": 258, "to": 259}]}, {"id": 53, "anchors": [{"from": 260, "to": 262}]}, {"id": 54, "anchors": [{"from": 263, "to": 266}]}, {"id": 55, "anchors": [{"from": 267, "to": 269}]}, {"id": 56, "anchors": [{"from": 269, "to": 272}]}, {"id": 57, "anchors": [{"from": 273, "to": 276}]}, {"id": 58, "anchors": [{"from": 277, "to": 281}]}, {"id": 59, "anchors": [{"from": 282, "to": 288}]}, {"id": 60, "anchors": [{"from": 289, "to": 291}]}, {"id": 61, "anchors": [{"from": 291, "to": 292}]}, {"id": 62, "anchors": [{"from": 293, "to": 296}]}, {"id": 63, "anchors": [{"from": 297, "to": 301}]}, {"id": 64, "anchors": [{"from": 302, "to": 311}]}, {"id": 65, "anchors": [{"from": 312, "to": 317}]}, {"id": 66, "anchors": [{"from": 318, "to": 321}]}, {"id": 67, "anchors": [{"from": 322, "to": 327}]}, {"id": 68, "anchors": [{"from": 328, "to": 332}, {"from": 333, "to": 335}]}, {"id": 69, "anchors": [{"from": 332, "to": 333}]}, {"id": 70, "anchors": [{"from": 336, "to": 340}]}, {"id": 71, "anchors": [{"from": 341, "to": 344}]}, {"id": 72, "anchors": [{"from": 345, "to": 350}]}, {"id": 73, "anchors": [{"from": 351, "to": 357}]}, {"id": 74, "anchors": [{"from": 358, "to": 361}]}, {"id": 75, "anchors": [{"from": 361, "to": 362}]}, {"id": 76, "anchors": [{"from": 362, "to": 363}]}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}, {"id": 98}, {"id": 99}], "edges": [{"source": 94, "target": 58, "label": "A"}, {"source": 78, "target": 96, "label": "H"}, {"source": 80, "target": 5, "label": "R"}, {"source": 81, "target": 13, "label": "F"}, {"source": 78, "target": 95, "label": "H"}, {"source": 87, "target": 30, "label": "G"}, {"source": 95, "target": 59, "label": "P"}, {"source": 87, "target": 36, "label": "P"}, {"source": 89, "target": 88, "label": "A"}, {"source": 98, "target": 74, "label": "P"}, {"source": 98, "target": 70, "label": "R"}, {"source": 78, "target": 9, "label": "L"}, {"source": 92, "target": 44, "label": "R"}, {"source": 98, "target": 76, "label": "U"}, {"source": 85, "target": 23, "label": "C"}, {"source": 84, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 79, "label": "T"}, {"source": 78, "target": 27, "label": "U"}, {"source": 81, "target": 14, "label": "P"}, {"source": 78, "target": 52, "label": "U"}, {"source": 97, "target": 67, "label": "E"}, {"source": 97, "target": 66, "label": "F"}, {"source": 78, "target": 82, "label": "H"}, {"source": 78, "target": 18, "label": "L"}, {"source": 88, "target": 90, "label": "E"}, {"source": 84, "target": 22, "label": "A"}, {"source": 82, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 94, "target": 55, "label": "F"}, {"source": 87, "target": 35, "label": "F"}, {"source": 92, "target": 45, "label": "C"}, {"source": 99, "target": 73, "label": "C"}, {"source": 79, "target": 4, "label": "C"}, {"source": 89, "target": 48, "label": "P"}, {"source": 79, "target": 3, "label": "Q"}, {"source": 87, "target": 31, "label": "A"}, {"source": 89, "target": 46, "label": "F"}, {"source": 87, "target": 32, "label": "A"}, {"source": 78, "target": 89, "label": "H"}, {"source": 77, "target": 80, "label": "A"}, {"source": 88, "target": 41, "label": "C"}, {"source": 81, "target": 15, "label": "A"}, {"source": 91, "target": 92, "label": "A"}, {"source": 87, "target": 29, "label": "F"}, {"source": 91, "target": 42, "label": "P"}, {"source": 80, "target": 6, "label": "F"}, {"source": 87, "target": 33, "label": "F"}, {"source": 78, "target": 61, "label": "U"}, {"source": 83, "target": 85, "label": "A"}, {"source": 91, "target": 43, "label": "A"}, {"source": 97, "target": 68, "label": "C"}, {"source": 80, "target": 7, "label": "C"}, {"source": 78, "target": 16, "label": "L"}, {"source": 81, "target": 11, "label": "F"}, {"source": 89, "target": 47, "label": "G"}, {"source": 98, "target": 75, "label": "U"}, {"source": 82, "target": 83, "label": "A"}, {"source": 99, "target": 72, "label": "E"}, {"source": 89, "target": 93, "label": "A"}, {"source": 96, "target": 65, "label": "P"}, {"source": 95, "target": 60, "label": "D"}, {"source": 88, "target": 39, "label": "F"}, {"source": 96, "target": 97, "label": "A"}, {"source": 78, "target": 62, "label": "L"}, {"source": 78, "target": 38, "label": "L"}, {"source": 96, "target": 64, "label": "D"}, {"source": 81, "target": 12, "label": "D"}, {"source": 87, "target": 28, "label": "A"}, {"source": 93, "target": 50, "label": "F"}, {"source": 94, "target": 57, "label": "P"}, {"source": 83, "target": 20, "label": "F"}, {"source": 68, "target": 69, "label": "U"}, {"source": 83, "target": 86, "label": "A"}, {"source": 86, "target": 24, "label": "R"}, {"source": 86, "target": 26, "label": "C"}, {"source": 77, "target": 0, "label": "A"}, {"source": 77, "target": 1, "label": "P"}, {"source": 98, "target": 99, "label": "A"}, {"source": 82, "target": 17, "label": "F"}, {"source": 79, "target": 2, "label": "E"}, {"source": 78, "target": 94, "label": "H"}, {"source": 93, "target": 51, "label": "C"}, {"source": 94, "target": 54, "label": "A"}, {"source": 80, "target": 8, "label": "E"}, {"source": 78, "target": 53, "label": "L"}, {"source": 84, "target": 22, "label": "S"}, {"source": 81, "target": 10, "label": "A"}, {"source": 97, "target": 98, "label": "E"}, {"source": 86, "target": 25, "label": "F"}, {"source": 82, "target": 19, "label": "P"}, {"source": 96, "target": 63, "label": "A"}, {"source": 88, "target": 91, "label": "E"}, {"source": 99, "target": 71, "label": "Q"}, {"source": 87, "target": 34, "label": "D"}, {"source": 78, "target": 87, "label": "H"}, {"source": 94, "target": 56, "label": "D"}, {"source": 83, "target": 21, "label": "P"}, {"source": 91, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 90, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 85, "target": 84, "label": "E"}, {"source": 90, "target": 40, "label": "S"}, {"source": 78, "target": 77, "label": "H"}, {"source": 78, "target": 37, "label": "U"}, {"source": 78, "target": 81, "label": "H"}, {"source": 98, "target": 68, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 93, "target": 49, "label": "R"}, {"source": 95, "target": 54, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "319816-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once inside, I had to stand around for at least 10 more minutes before--FINALLY-- a technician got to me.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}, {"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 104}]}, {"id": 22, "anchors": [{"from": 104, "to": 105}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 20, "label": "R"}, {"source": 30, "target": 17, "label": "F"}, {"source": 26, "target": 12, "label": "C"}, {"source": 31, "target": 21, "label": "C"}, {"source": 23, "target": 2, "label": "U"}, {"source": 26, "target": 27, "label": "E"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 3, "label": "A"}, {"source": 27, "target": 8, "label": "R"}, {"source": 23, "target": 13, "label": "L"}, {"source": 25, "target": 26, "label": "T"}, {"source": 26, "target": 10, "label": "Q"}, {"source": 27, "target": 9, "label": "C"}, {"source": 29, "target": 30, "label": "S"}, {"source": 30, "target": 18, "label": "C"}, {"source": 23, "target": 0, "label": "L"}, {"source": 26, "target": 7, "label": "R"}, {"source": 25, "target": 6, "label": "D"}, {"source": 28, "target": 16, "label": "U"}, {"source": 23, "target": 28, "label": "H"}, {"source": 25, "target": 4, "label": "D"}, {"source": 28, "target": 31, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 25, "target": 5, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 14, "label": "U"}, {"source": 24, "target": 1, "label": "S"}, {"source": 28, "target": 15, "label": "G"}, {"source": 28, "target": 19, "label": "P"}]} +{"id": "319816-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once I returned to pick up my car, you can believe I spent quite a bit MORE time standing around waiting.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}, {"from": 76, "to": 80}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}, {"from": 65, "to": 66}, {"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 81, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 104}]}, {"id": 16, "anchors": [{"from": 104, "to": 105}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 22, "target": 11, "label": "D"}, {"source": 20, "target": 5, "label": "S"}, {"source": 17, "target": 7, "label": "U"}, {"source": 23, "target": 8, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 23, "target": 14, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 23, "label": "H"}, {"source": 20, "target": 5, "label": "A"}, {"source": 23, "target": 15, "label": "P"}, {"source": 19, "target": 4, "label": "P"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "A"}, {"source": 21, "target": 6, "label": "C"}, {"source": 17, "target": 22, "label": "H"}, {"source": 17, "target": 3, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "P"}, {"source": 22, "target": 8, "label": "G"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "E"}, {"source": 22, "target": 14, "label": "D"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "D"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "319816-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had wanted to split the total between a credit card and check card since I was being reimbursed for the tire but was told this wasn't possible.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 144}]}, {"id": 29, "anchors": [{"from": 144, "to": 145}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 34, "target": 9, "label": "E"}, {"source": 31, "target": 22, "label": "L"}, {"source": 31, "target": 36, "label": "H"}, {"source": 37, "target": 19, "label": "R"}, {"source": 39, "target": 26, "label": "F"}, {"source": 30, "target": 4, "label": "P"}, {"source": 30, "target": 0, "label": "A"}, {"source": 39, "target": 25, "label": "A"}, {"source": 31, "target": 14, "label": "L"}, {"source": 30, "target": 33, "label": "A"}, {"source": 39, "target": 27, "label": "D"}, {"source": 38, "target": 23, "label": "F"}, {"source": 39, "target": 28, "label": "S"}, {"source": 36, "target": 15, "label": "A"}, {"source": 30, "target": 1, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 13, "label": "C"}, {"source": 30, "target": 3, "label": "F"}, {"source": 34, "target": 8, "label": "F"}, {"source": 37, "target": 21, "label": "C"}, {"source": 34, "target": 10, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 32, "target": 5, "label": "F"}, {"source": 33, "target": 11, "label": "N"}, {"source": 30, "target": 2, "label": "D"}, {"source": 36, "target": 17, "label": "F"}, {"source": 38, "target": 24, "label": "P"}, {"source": 39, "target": 29, "label": "U"}, {"source": 33, "target": 7, "label": "N"}, {"source": 33, "target": 35, "label": "C"}, {"source": 36, "target": 16, "label": "F"}, {"source": 31, "target": 38, "label": "H"}, {"source": 37, "target": 20, "label": "F"}, {"source": 33, "target": 34, "label": "C"}, {"source": 32, "target": 6, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 12, "label": "E"}, {"source": 36, "target": 18, "label": "P"}, {"source": 38, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "319816-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once I actually got back in my car, it was dirty and had grease all over the steering wheel.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 8, "label": "U"}, {"source": 28, "target": 29, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 26, "label": "H"}, {"source": 23, "target": 6, "label": "S"}, {"source": 26, "target": 13, "label": "F"}, {"source": 22, "target": 4, "label": "D"}, {"source": 22, "target": 3, "label": "D"}, {"source": 21, "target": 12, "label": "L"}, {"source": 26, "target": 27, "label": "S"}, {"source": 22, "target": 5, "label": "S"}, {"source": 28, "target": 17, "label": "F"}, {"source": 24, "target": 23, "label": "E"}, {"source": 22, "target": 1, "label": "A"}, {"source": 25, "target": 11, "label": "S"}, {"source": 29, "target": 18, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 9, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 26, "target": 14, "label": "A"}, {"source": 28, "target": 19, "label": "C"}, {"source": 23, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "G"}, {"source": 23, "target": 6, "label": "A"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "319816-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OK, one bad experience...fine.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "D"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 6, "label": "G"}]} +{"id": "319816-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The following Friday, I returned with my car to go ahead and replace the other 3 tires, which were worn.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}, {"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 30, "target": 19, "label": "F"}, {"source": 26, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 9, "label": "L"}, {"source": 29, "target": 30, "label": "E"}, {"source": 22, "target": 0, "label": "F"}, {"source": 22, "target": 2, "label": "C"}, {"source": 25, "target": 6, "label": "R"}, {"source": 27, "target": 10, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 8, "label": "C"}, {"source": 24, "target": 11, "label": "L"}, {"source": 26, "target": 7, "label": "A"}, {"source": 23, "target": 3, "label": "U"}, {"source": 30, "target": 18, "label": "R"}, {"source": 24, "target": 28, "label": "H"}, {"source": 28, "target": 12, "label": "P"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 4, "label": "A"}, {"source": 23, "target": 5, "label": "P"}, {"source": 22, "target": 1, "label": "E"}, {"source": 26, "target": 7, "label": "S"}, {"source": 29, "target": 15, "label": "Q"}, {"source": 28, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 13, "label": "F"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 22, "label": "T"}, {"source": 29, "target": 14, "label": "E"}, {"source": 30, "target": 20, "label": "S"}, {"source": 29, "target": 17, "label": "U"}]} +{"id": "319816-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would not have gone back, but I couldn't find the particular tire they'd used in stock anywhere else.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 4, "label": "P"}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 23, "target": 5, "label": "D"}, {"source": 28, "target": 17, "label": "P"}, {"source": 26, "target": 14, "label": "C"}, {"source": 23, "target": 2, "label": "D"}, {"source": 23, "target": 3, "label": "F"}, {"source": 28, "target": 15, "label": "A"}, {"source": 25, "target": 29, "label": "S"}, {"source": 24, "target": 7, "label": "L"}, {"source": 26, "target": 28, "label": "E"}, {"source": 25, "target": 8, "label": "A"}, {"source": 25, "target": 11, "label": "D"}, {"source": 25, "target": 9, "label": "D"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 10, "label": "D"}, {"source": 26, "target": 12, "label": "F"}, {"source": 27, "target": 13, "label": "S"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 6, "label": "U"}, {"source": 25, "target": 30, "label": "A"}, {"source": 30, "target": 21, "label": "E"}, {"source": 27, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 18, "label": "R"}, {"source": 30, "target": 20, "label": "C"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "319816-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once again, I waited for quite a bit before being attended to.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}, {"from": 31, "to": 32}, {"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 4, "label": "P"}, {"source": 17, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 9, "label": "P"}, {"source": 13, "target": 2, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 17, "target": 10, "label": "R"}, {"source": 13, "target": 3, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "D"}, {"source": 13, "target": 15, "label": "D"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 16, "label": "H"}]} +{"id": "319816-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I got the order completed, and then questioned the technician since it came out about $40 less than I expected.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}, {"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 30, "target": 13, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "L"}, {"source": 29, "target": 16, "label": "Q"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 6, "label": "L"}, {"source": 26, "target": 27, "label": "S"}, {"source": 27, "target": 9, "label": "F"}, {"source": 22, "target": 24, "label": "P"}, {"source": 23, "target": 30, "label": "H"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 18, "label": "L"}, {"source": 23, "target": 28, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "U"}, {"source": 24, "target": 2, "label": "F"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "P"}, {"source": 23, "target": 7, "label": "L"}, {"source": 29, "target": 15, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 28, "target": 17, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 30, "target": 20, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 19, "label": "A"}, {"source": 29, "target": 14, "label": "E"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "319816-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He said it was the same tire, and verified this, after checking both the actual tire on my car and my service papers from earlier in the week.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 141}]}, {"id": 30, "anchors": [{"from": 141, "to": 142}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 3, "label": "F"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 45, "label": "E"}, {"source": 45, "target": 28, "label": "F"}, {"source": 32, "target": 7, "label": "U"}, {"source": 31, "target": 0, "label": "A"}, {"source": 32, "target": 35, "label": "H"}, {"source": 36, "target": 13, "label": "P"}, {"source": 39, "target": 43, "label": "C"}, {"source": 32, "target": 31, "label": "H"}, {"source": 37, "target": 14, "label": "Q"}, {"source": 38, "target": 40, "label": "E"}, {"source": 38, "target": 16, "label": "E"}, {"source": 45, "target": 29, "label": "C"}, {"source": 33, "target": 2, "label": "A"}, {"source": 43, "target": 24, "label": "C"}, {"source": 42, "target": 22, "label": "S"}, {"source": 31, "target": 33, "label": "A"}, {"source": 37, "target": 39, "label": "C"}, {"source": 38, "target": 17, "label": "C"}, {"source": 45, "target": 26, "label": "E"}, {"source": 40, "target": 18, "label": "R"}, {"source": 39, "target": 21, "label": "N"}, {"source": 35, "target": 9, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 38, "target": 15, "label": "F"}, {"source": 34, "target": 4, "label": "F"}, {"source": 35, "target": 10, "label": "A"}, {"source": 45, "target": 30, "label": "U"}, {"source": 45, "target": 25, "label": "R"}, {"source": 32, "target": 36, "label": "H"}, {"source": 43, "target": 42, "label": "E"}, {"source": 39, "target": 38, "label": "C"}, {"source": 34, "target": 6, "label": "C"}, {"source": 32, "target": 12, "label": "L"}, {"source": 43, "target": 44, "label": "E"}, {"source": 32, "target": 11, "label": "U"}, {"source": 41, "target": 19, "label": "S"}, {"source": 33, "target": 5, "label": "S"}, {"source": 42, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 27, "label": "R"}, {"source": 40, "target": 20, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 1, "label": "P"}, {"source": 41, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 8, "label": "L"}, {"source": 44, "target": 23, "label": "P"}]} +{"id": "319816-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, when he printed out the service quote, I could see that it was NOT the correct tire, and was not even an appropriate tire for my car model.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 147}]}, {"id": 32, "anchors": [{"from": 147, "to": 148}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 36, "target": 6, "label": "F"}, {"source": 41, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 5, "label": "E"}, {"source": 39, "target": 14, "label": "A"}, {"source": 34, "target": 3, "label": "A"}, {"source": 41, "target": 26, "label": "S"}, {"source": 42, "target": 25, "label": "F"}, {"source": 36, "target": 37, "label": "E"}, {"source": 33, "target": 41, "label": "H"}, {"source": 34, "target": 35, "label": "P"}, {"source": 41, "target": 22, "label": "F"}, {"source": 38, "target": 12, "label": "P"}, {"source": 38, "target": 10, "label": "A"}, {"source": 35, "target": 4, "label": "C"}, {"source": 44, "target": 29, "label": "S"}, {"source": 41, "target": 24, "label": "G"}, {"source": 37, "target": 7, "label": "P"}, {"source": 42, "target": 27, "label": "C"}, {"source": 33, "target": 0, "label": "L"}, {"source": 33, "target": 9, "label": "U"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 23, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 43, "target": 32, "label": "U"}, {"source": 41, "target": 43, "label": "A"}, {"source": 44, "target": 29, "label": "A"}, {"source": 36, "target": 8, "label": "C"}, {"source": 33, "target": 34, "label": "H"}, {"source": 44, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 44, "label": "E"}, {"source": 33, "target": 21, "label": "L"}, {"source": 39, "target": 18, "label": "S"}, {"source": 43, "target": 31, "label": "C"}, {"source": 33, "target": 38, "label": "H"}, {"source": 38, "target": 11, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 40, "target": 19, "label": "C"}, {"source": 39, "target": 13, "label": "R"}, {"source": 33, "target": 20, "label": "U"}, {"source": 43, "target": 30, "label": "E"}, {"source": 40, "target": 17, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 28, "label": "R"}, {"source": 39, "target": 15, "label": "F"}, {"source": 39, "target": 16, "label": "D"}, {"source": 33, "target": 1, "label": "U"}, {"source": 33, "target": 2, "label": "L"}]} +{"id": "319816-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I pointed this out to him, at which point he said they only had one of the correct tires in stock.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}, {"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 26, "label": "L"}, {"source": 25, "target": 4, "label": "R"}, {"source": 24, "target": 3, "label": "A"}, {"source": 30, "target": 19, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "U"}, {"source": 32, "target": 19, "label": "C"}, {"source": 29, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 24, "target": 1, "label": "A"}, {"source": 28, "target": 13, "label": "D"}, {"source": 30, "target": 15, "label": "Q"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 11, "label": "P"}, {"source": 28, "target": 29, "label": "S"}, {"source": 29, "target": 20, "label": "R"}, {"source": 31, "target": 30, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 31, "target": 18, "label": "S"}, {"source": 32, "target": 17, "label": "F"}, {"source": 29, "target": 22, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 26, "target": 7, "label": "R"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 10, "label": "A"}, {"source": 28, "target": 31, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 29, "target": 14, "label": "F"}, {"source": 26, "target": 9, "label": "C"}, {"source": 32, "target": 16, "label": "R"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "319816-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ok--fine.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 0, "target": 1, "label": "U"}, {"source": 4, "target": 0, "label": "G"}]} +{"id": "319816-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I got just my other rear tire replaced.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 8, "label": "P"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 3, "label": "D"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "319816-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They promised it'd be done within an hour, so I waited in the lobby.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 67}]}, {"id": 16, "anchors": [{"from": 67, "to": 68}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 19, "target": 2, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 12, "label": "P"}, {"source": 21, "target": 11, "label": "A"}, {"source": 20, "target": 6, "label": "R"}, {"source": 18, "target": 9, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 4, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 10, "label": "L"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "Q"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 15, "label": "C"}, {"source": 19, "target": 5, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "F"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "T"}]} +{"id": "319816-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Over two hours later (and ten minutes before they closed) my car was finally finished.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 12, "label": "S"}, {"source": 24, "target": 15, "label": "D"}, {"source": 24, "target": 14, "label": "F"}, {"source": 22, "target": 12, "label": "A"}, {"source": 19, "target": 4, "label": "U"}, {"source": 20, "target": 6, "label": "Q"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 13, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 21, "target": 9, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 23, "target": 22, "label": "E"}, {"source": 21, "target": 20, "label": "T"}, {"source": 20, "target": 7, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 19, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 1, "label": "Q"}, {"source": 20, "target": 8, "label": "R"}, {"source": 24, "target": 16, "label": "S"}, {"source": 19, "target": 18, "label": "L"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 11, "label": "U"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "319816-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A few minutes after I left, I was called and informed that \"I\" left my wheel lock (which they should have left in the car).", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 76}, {"from": 77, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 83}]}, {"id": 20, "anchors": [{"from": 83, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "anchors": [{"from": 121, "to": 122}]}, {"id": 29, "anchors": [{"from": 122, "to": 123}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 37, "target": 36, "label": "E"}, {"source": 32, "target": 19, "label": "U"}, {"source": 39, "target": 26, "label": "F"}, {"source": 34, "target": 11, "label": "P"}, {"source": 39, "target": 28, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 30, "target": 3, "label": "R"}, {"source": 35, "target": 13, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 32, "target": 10, "label": "L"}, {"source": 32, "target": 34, "label": "H"}, {"source": 32, "target": 20, "label": "L"}, {"source": 38, "target": 23, "label": "F"}, {"source": 32, "target": 33, "label": "H"}, {"source": 33, "target": 9, "label": "P"}, {"source": 31, "target": 4, "label": "A"}, {"source": 32, "target": 38, "label": "H"}, {"source": 38, "target": 22, "label": "D"}, {"source": 33, "target": 7, "label": "A"}, {"source": 35, "target": 16, "label": "P"}, {"source": 36, "target": 17, "label": "A"}, {"source": 37, "target": 18, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 30, "target": 1, "label": "Q"}, {"source": 39, "target": 27, "label": "C"}, {"source": 36, "target": 17, "label": "S"}, {"source": 35, "target": 12, "label": "R"}, {"source": 32, "target": 6, "label": "U"}, {"source": 35, "target": 37, "label": "A"}, {"source": 38, "target": 24, "label": "P"}, {"source": 39, "target": 29, "label": "U"}, {"source": 38, "target": 21, "label": "A"}, {"source": 30, "target": 2, "label": "C"}, {"source": 33, "target": 8, "label": "F"}, {"source": 30, "target": 0, "label": "F"}, {"source": 35, "target": 15, "label": "U"}, {"source": 31, "target": 30, "label": "T"}, {"source": 36, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 25, "label": "R"}, {"source": 34, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 14, "label": "A"}, {"source": 34, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 5, "label": "P"}]} +{"id": "319816-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Of course, they would be closing in 5 minutes, so I would have to hurry up or get it the next day.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}, {"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 97}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 19, "label": "E"}, {"source": 23, "target": 3, "label": "D"}, {"source": 26, "target": 17, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 23, "target": 4, "label": "F"}, {"source": 25, "target": 13, "label": "D"}, {"source": 22, "target": 10, "label": "L"}, {"source": 24, "target": 7, "label": "Q"}, {"source": 25, "target": 11, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 26, "target": 27, "label": "T"}, {"source": 22, "target": 15, "label": "L"}, {"source": 27, "target": 21, "label": "U"}, {"source": 24, "target": 8, "label": "C"}, {"source": 25, "target": 12, "label": "D"}, {"source": 22, "target": 9, "label": "U"}, {"source": 27, "target": 18, "label": "F"}, {"source": 25, "target": 14, "label": "P"}, {"source": 23, "target": 24, "label": "T"}, {"source": 27, "target": 20, "label": "C"}, {"source": 23, "target": 5, "label": "P"}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 1, "label": "U"}, {"source": 22, "target": 26, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 6, "label": "R"}, {"source": 26, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "319816-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Of course I couldn't make it back in time (and they apparently could not stay 5 extra minutes to wait for me).", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}, {"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23, "anchors": [{"from": 109, "to": 110}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 26, "target": 6, "label": "R"}, {"source": 27, "target": 14, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 21, "label": "C"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "D"}, {"source": 25, "target": 4, "label": "P"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 26, "label": "T"}, {"source": 24, "target": 9, "label": "L"}, {"source": 26, "target": 7, "label": "C"}, {"source": 25, "target": 1, "label": "A"}, {"source": 25, "target": 5, "label": "D"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 29, "target": 19, "label": "P"}, {"source": 24, "target": 18, "label": "L"}, {"source": 24, "target": 8, "label": "U"}, {"source": 30, "target": 20, "label": "R"}, {"source": 25, "target": 3, "label": "D"}, {"source": 27, "target": 10, "label": "A"}, {"source": 27, "target": 13, "label": "D"}, {"source": 27, "target": 28, "label": "T"}, {"source": 28, "target": 16, "label": "E"}, {"source": 25, "target": 2, "label": "D"}, {"source": 28, "target": 15, "label": "Q"}, {"source": 30, "target": 23, "label": "U"}, {"source": 28, "target": 17, "label": "C"}, {"source": 24, "target": 0, "label": "L"}, {"source": 27, "target": 11, "label": "G"}]} +{"id": "319816-0024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The next day, no one could find my wheel lock and that particular technician was not in.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}, {"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 20, "target": 10, "label": "L"}, {"source": 24, "target": 11, "label": "E"}, {"source": 23, "target": 9, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 22, "target": 8, "label": "S"}, {"source": 25, "target": 24, "label": "A"}, {"source": 21, "target": 4, "label": "E"}, {"source": 25, "target": 16, "label": "S"}, {"source": 24, "target": 12, "label": "E"}, {"source": 19, "target": 6, "label": "D"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 19, "target": 21, "label": "D"}, {"source": 18, "target": 1, "label": "E"}, {"source": 26, "target": 13, "label": "A"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "F"}, {"source": 25, "target": 15, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "T"}, {"source": 19, "target": 7, "label": "P"}, {"source": 22, "target": 8, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 26, "label": "C"}, {"source": 26, "target": 13, "label": "S"}, {"source": 18, "target": 2, "label": "C"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "319816-0025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Of course, they couldn't call him either to ask about it because apparently they don't keep their employees' phone numbers (riiight), so I would have to return on Monday (driving for 3 days now with no wheel lock should I get a flat).", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 107}]}, {"id": 20, "anchors": [{"from": 107, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 124}]}, {"id": 24, "anchors": [{"from": 124, "to": 131}]}, {"id": 25, "anchors": [{"from": 131, "to": 132}]}, {"id": 26, "anchors": [{"from": 132, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 149}, {"from": 150, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 171}]}, {"id": 35, "anchors": [{"from": 171, "to": 178}]}, {"id": 36, "anchors": [{"from": 179, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 189}]}, {"id": 39, "anchors": [{"from": 190, "to": 193}]}, {"id": 40, "anchors": [{"from": 194, "to": 198}]}, {"id": 41, "anchors": [{"from": 199, "to": 201}]}, {"id": 42, "anchors": [{"from": 202, "to": 207}, {"from": 208, "to": 212}]}, {"id": 43, "anchors": [{"from": 213, "to": 219}]}, {"id": 44, "anchors": [{"from": 220, "to": 221}]}, {"id": 45, "anchors": [{"from": 222, "to": 225}]}, {"id": 46, "anchors": [{"from": 226, "to": 227}]}, {"id": 47, "anchors": [{"from": 228, "to": 232}]}, {"id": 48, "anchors": [{"from": 232, "to": 233}]}, {"id": 49, "anchors": [{"from": 233, "to": 234}]}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 51, "target": 5, "label": "P"}, {"source": 54, "target": 23, "label": "U"}, {"source": 50, "target": 26, "label": "U"}, {"source": 54, "target": 24, "label": "G"}, {"source": 50, "target": 54, "label": "H"}, {"source": 59, "target": 61, "label": "A"}, {"source": 51, "target": 3, "label": "D"}, {"source": 54, "target": 13, "label": "G"}, {"source": 59, "target": 35, "label": "P"}, {"source": 51, "target": 4, "label": "D"}, {"source": 52, "target": 53, "label": "A"}, {"source": 56, "target": 22, "label": "C"}, {"source": 63, "target": 48, "label": "U"}, {"source": 54, "target": 56, "label": "A"}, {"source": 59, "target": 60, "label": "T"}, {"source": 62, "target": 45, "label": "P"}, {"source": 50, "target": 34, "label": "U"}, {"source": 50, "target": 43, "label": "L"}, {"source": 52, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 47, "label": "E"}, {"source": 58, "target": 32, "label": "R"}, {"source": 60, "target": 38, "label": "C"}, {"source": 54, "target": 14, "label": "A"}, {"source": 61, "target": 40, "label": "R"}, {"source": 54, "target": 15, "label": "F"}, {"source": 59, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 10, "label": "R"}, {"source": 54, "target": 17, "label": "P"}, {"source": 53, "target": 11, "label": "C"}, {"source": 60, "target": 39, "label": "E"}, {"source": 56, "target": 21, "label": "E"}, {"source": 50, "target": 0, "label": "L"}, {"source": 50, "target": 52, "label": "H"}, {"source": 51, "target": 6, "label": "A"}, {"source": 50, "target": 51, "label": "H"}, {"source": 56, "target": 55, "label": "E"}, {"source": 50, "target": 62, "label": "H"}, {"source": 50, "target": 12, "label": "L"}, {"source": 62, "target": 44, "label": "A"}, {"source": 50, "target": 57, "label": "H"}, {"source": 50, "target": 27, "label": "L"}, {"source": 63, "target": 49, "label": "U"}, {"source": 50, "target": 59, "label": "H"}, {"source": 57, "target": 29, "label": "D"}, {"source": 55, "target": 19, "label": "A"}, {"source": 56, "target": 20, "label": "U"}, {"source": 51, "target": 7, "label": "D"}, {"source": 54, "target": 16, "label": "D"}, {"source": 57, "target": 28, "label": "A"}, {"source": 57, "target": 58, "label": "T"}, {"source": 60, "target": 37, "label": "Q"}, {"source": 52, "target": 9, "label": "P"}, {"source": 51, "target": 2, "label": "A"}, {"source": 61, "target": 42, "label": "C"}, {"source": 62, "target": 63, "label": "A"}, {"source": 57, "target": 30, "label": "D"}, {"source": 60, "target": 36, "label": "R"}, {"source": 58, "target": 33, "label": "C"}, {"source": 50, "target": 1, "label": "U"}, {"source": 50, "target": 8, "label": "L"}, {"source": 55, "target": 19, "label": "S"}, {"source": 59, "target": 41, "label": "D"}, {"source": 50, "target": 25, "label": "U"}, {"source": 57, "target": 31, "label": "P"}, {"source": 55, "target": 18, "label": "A"}, {"source": 63, "target": 46, "label": "F"}]} +{"id": "319816-0026", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "On Monday I called and again it was a big to-do to find anyone who knew anything about it.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12, "anchors": [{"from": 45, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 89}]}, {"id": 21, "anchors": [{"from": 89, "to": 90}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 13, "label": "L"}, {"source": 27, "target": 12, "label": "C"}, {"source": 22, "target": 0, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 30, "target": 16, "label": "R"}, {"source": 31, "target": 21, "label": "U"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 10, "label": "F"}, {"source": 23, "target": 3, "label": "P"}, {"source": 28, "target": 14, "label": "P"}, {"source": 26, "target": 8, "label": "F"}, {"source": 25, "target": 5, "label": "D"}, {"source": 27, "target": 11, "label": "U"}, {"source": 25, "target": 7, "label": "F"}, {"source": 24, "target": 28, "label": "H"}, {"source": 22, "target": 1, "label": "C"}, {"source": 30, "target": 18, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 26, "label": "D"}, {"source": 30, "target": 17, "label": "P"}, {"source": 24, "target": 4, "label": "L"}, {"source": 25, "target": 6, "label": "A"}, {"source": 23, "target": 2, "label": "A"}, {"source": 29, "target": 15, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 22, "label": "T"}, {"source": 31, "target": 19, "label": "R"}, {"source": 25, "target": 27, "label": "P"}, {"source": 26, "target": 9, "label": "C"}, {"source": 31, "target": 20, "label": "C"}, {"source": 30, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "319816-0027", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Supposedly they will be holding it for me this evening, but I'm sure that will also be a huge ordeal.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 4, "label": "P"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 18, "label": "F"}, {"source": 28, "target": 21, "label": "S"}, {"source": 23, "target": 2, "label": "F"}, {"source": 27, "target": 13, "label": "F"}, {"source": 23, "target": 0, "label": "G"}, {"source": 23, "target": 26, "label": "T"}, {"source": 28, "target": 15, "label": "A"}, {"source": 23, "target": 3, "label": "F"}, {"source": 28, "target": 22, "label": "U"}, {"source": 25, "target": 6, "label": "R"}, {"source": 27, "target": 14, "label": "S"}, {"source": 24, "target": 11, "label": "L"}, {"source": 28, "target": 29, "label": "D"}, {"source": 28, "target": 16, "label": "F"}, {"source": 29, "target": 20, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 1, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 24, "target": 10, "label": "U"}, {"source": 29, "target": 19, "label": "F"}, {"source": 27, "target": 12, "label": "A"}, {"source": 26, "target": 8, "label": "R"}, {"source": 28, "target": 17, "label": "D"}, {"source": 26, "target": 9, "label": "C"}, {"source": 25, "target": 7, "label": "C"}]} +{"id": "319816-0028", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The employees at this Sear's are completely apathetic and there didn't seem to be any sort of management that I could see.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 121}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 18, "label": "S"}, {"source": 27, "target": 7, "label": "S"}, {"source": 27, "target": 6, "label": "D"}, {"source": 32, "target": 17, "label": "R"}, {"source": 34, "target": 20, "label": "A"}, {"source": 30, "target": 13, "label": "F"}, {"source": 27, "target": 5, "label": "F"}, {"source": 30, "target": 31, "label": "D"}, {"source": 26, "target": 24, "label": "C"}, {"source": 34, "target": 23, "label": "U"}, {"source": 29, "target": 4, "label": "C"}, {"source": 28, "target": 34, "label": "H"}, {"source": 30, "target": 9, "label": "A"}, {"source": 29, "target": 2, "label": "R"}, {"source": 29, "target": 3, "label": "E"}, {"source": 28, "target": 30, "label": "H"}, {"source": 34, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 16, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 30, "target": 14, "label": "F"}, {"source": 30, "target": 12, "label": "G"}, {"source": 34, "target": 22, "label": "P"}, {"source": 27, "target": 26, "label": "A"}, {"source": 32, "target": 33, "label": "C"}, {"source": 30, "target": 11, "label": "D"}, {"source": 25, "target": 1, "label": "C"}, {"source": 25, "target": 0, "label": "F"}, {"source": 26, "target": 29, "label": "E"}, {"source": 34, "target": 21, "label": "D"}, {"source": 30, "target": 32, "label": "P"}, {"source": 31, "target": 15, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 18, "label": "A"}, {"source": 28, "target": 8, "label": "L"}, {"source": 28, "target": 19, "label": "L"}, {"source": 24, "target": 25, "label": "S"}, {"source": 30, "target": 10, "label": "F"}]} +{"id": "319816-0029", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will never return there again (and now have some serious doubts about the quality of work they actually performed on my car).", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 126, "to": 127}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 28, "target": 10, "label": "D"}, {"source": 32, "target": 18, "label": "A"}, {"source": 33, "target": 25, "label": "U"}, {"source": 34, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "S"}, {"source": 34, "target": 22, "label": "S"}, {"source": 26, "target": 5, "label": "D"}, {"source": 30, "target": 15, "label": "C"}, {"source": 26, "target": 1, "label": "F"}, {"source": 33, "target": 21, "label": "R"}, {"source": 26, "target": 2, "label": "T"}, {"source": 28, "target": 9, "label": "F"}, {"source": 32, "target": 20, "label": "P"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 31, "target": 17, "label": "C"}, {"source": 30, "target": 14, "label": "F"}, {"source": 29, "target": 31, "label": "P"}, {"source": 32, "target": 19, "label": "D"}, {"source": 27, "target": 6, "label": "U"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "L"}, {"source": 26, "target": 4, "label": "A"}, {"source": 31, "target": 16, "label": "R"}, {"source": 28, "target": 8, "label": "T"}, {"source": 34, "target": 22, "label": "A"}, {"source": 29, "target": 13, "label": "R"}, {"source": 29, "target": 32, "label": "A"}, {"source": 29, "target": 30, "label": "D"}, {"source": 26, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 28, "target": 11, "label": "D"}, {"source": 26, "target": 3, "label": "P"}]} +{"id": "322225-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Wine & Service", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 2, "label": "L"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "322225-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is so great!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "322225-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They have a great selection of wine from all over the world with all different prices.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 21, "target": 9, "label": "F"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 10, "label": "C"}, {"source": 22, "target": 11, "label": "R"}, {"source": 18, "target": 2, "label": "F"}, {"source": 20, "target": 19, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 1, "label": "S"}, {"source": 22, "target": 13, "label": "E"}, {"source": 22, "target": 12, "label": "Q"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "E"}, {"source": 19, "target": 18, "label": "S"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 7, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 21, "target": 8, "label": "E"}, {"source": 20, "target": 21, "label": "E"}]} +{"id": "322225-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The employees make you feel very comfortable and are very helpful, whether you are very knowledgeable or don't know anything at all about wine.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 107}]}, {"id": 19, "anchors": [{"from": 107, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 127}, {"from": 128, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 142}]}, {"id": 25, "anchors": [{"from": 142, "to": 143}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 28, "target": 26, "label": "A"}, {"source": 30, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 0, "label": "F"}, {"source": 29, "target": 17, "label": "L"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 4, "label": "S"}, {"source": 31, "target": 9, "label": "D"}, {"source": 33, "target": 18, "label": "F"}, {"source": 27, "target": 1, "label": "C"}, {"source": 32, "target": 13, "label": "A"}, {"source": 28, "target": 2, "label": "D"}, {"source": 33, "target": 19, "label": "D"}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 22, "label": "Q"}, {"source": 31, "target": 10, "label": "S"}, {"source": 32, "target": 16, "label": "S"}, {"source": 33, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 6, "label": "S"}, {"source": 32, "target": 14, "label": "F"}, {"source": 26, "target": 27, "label": "S"}, {"source": 28, "target": 3, "label": "A"}, {"source": 35, "target": 25, "label": "U"}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 7, "label": "L"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 12, "label": "L"}, {"source": 29, "target": 32, "label": "H"}, {"source": 35, "target": 34, "label": "E"}, {"source": 33, "target": 20, "label": "S"}, {"source": 31, "target": 8, "label": "F"}, {"source": 35, "target": 23, "label": "R"}, {"source": 35, "target": 24, "label": "C"}, {"source": 29, "target": 11, "label": "U"}, {"source": 29, "target": 31, "label": "H"}, {"source": 30, "target": 5, "label": "D"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "322225-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Check out their wine tastings every Friday night!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "Q"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 1, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 11, "label": "T"}, {"source": 10, "target": 2, "label": "A"}, {"source": 9, "target": 0, "label": "P"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "323248-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Summary: Not cheep, but very fast, and super friendly service.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 2, "label": "D"}, {"source": 14, "target": 1, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 16, "target": 7, "label": "S"}, {"source": 15, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "U"}, {"source": 18, "target": 12, "label": "P"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "L"}, {"source": 14, "target": 18, "label": "H"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 18, "target": 17, "label": "D"}, {"source": 14, "target": 9, "label": "L"}, {"source": 17, "target": 10, "label": "E"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "323248-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Quality of work is sufficient but not outstanding.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 13, "label": "D"}, {"source": 11, "target": 3, "label": "F"}, {"source": 14, "target": 6, "label": "E"}, {"source": 13, "target": 14, "label": "C"}, {"source": 11, "target": 9, "label": "P"}, {"source": 13, "target": 5, "label": "N"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 1, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 12, "label": "E"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "323248-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Like all oil place changes, ask/recommend the 100 other services they have.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 11, "label": "D"}, {"source": 19, "target": 2, "label": "A"}, {"source": 16, "target": 21, "label": "H"}, {"source": 23, "target": 9, "label": "F"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 4, "label": "P"}, {"source": 20, "target": 6, "label": "P"}, {"source": 16, "target": 0, "label": "L"}, {"source": 22, "target": 23, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 21, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 5, "label": "U"}, {"source": 16, "target": 7, "label": "U"}, {"source": 18, "target": 1, "label": "Q"}, {"source": 23, "target": 12, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 23, "target": 14, "label": "F"}, {"source": 21, "target": 8, "label": "P"}, {"source": 22, "target": 13, "label": "A"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "323248-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Will be a repeat customer with discount coupons.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 3, "label": "D"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}]} +{"id": "323449-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Finest??", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "323449-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Really??", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "323449-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I beg to differ.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 7, "label": "P"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "323449-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is marginal at best.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "D"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "323449-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Not very welcoming and focused mostly on keeping little kids entertained.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 72}]}, {"id": 11, "anchors": [{"from": 72, "to": 73}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 10, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 3, "label": "L"}, {"source": 14, "target": 5, "label": "D"}, {"source": 12, "target": 1, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 0, "label": "D"}, {"source": 15, "target": 7, "label": "D"}, {"source": 14, "target": 4, "label": "P"}, {"source": 12, "target": 2, "label": "S"}]} +{"id": "323449-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was not impressed, and quite frustrated at their lack of rating for their courses.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 17, "target": 2, "label": "D"}, {"source": 20, "target": 9, "label": "A"}, {"source": 20, "target": 21, "label": "D"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 5, "label": "L"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 6, "label": "D"}, {"source": 23, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 7, "label": "S"}, {"source": 23, "target": 14, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 8, "label": "R"}, {"source": 17, "target": 3, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 20, "target": 12, "label": "S"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "323449-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I understand not wanting to put labels like 5.10 on an indoor course, because yes, it is not the same, but some clear understanding of the difficulty of one course to another is nice when you are an intermediate climber looking to improve.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 77}, {"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 177}]}, {"id": 35, "anchors": [{"from": 178, "to": 182}]}, {"id": 36, "anchors": [{"from": 183, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 191}]}, {"id": 38, "anchors": [{"from": 192, "to": 195}]}, {"id": 39, "anchors": [{"from": 196, "to": 198}]}, {"id": 40, "anchors": [{"from": 199, "to": 211}]}, {"id": 41, "anchors": [{"from": 212, "to": 219}]}, {"id": 42, "anchors": [{"from": 220, "to": 227}]}, {"id": 43, "anchors": [{"from": 228, "to": 230}]}, {"id": 44, "anchors": [{"from": 231, "to": 238}]}, {"id": 45, "anchors": [{"from": 238, "to": 239}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 59, "target": 37, "label": "A"}, {"source": 57, "target": 30, "label": "Q"}, {"source": 55, "target": 56, "label": "C"}, {"source": 48, "target": 5, "label": "P"}, {"source": 51, "target": 10, "label": "F"}, {"source": 54, "target": 25, "label": "P"}, {"source": 50, "target": 8, "label": "C"}, {"source": 60, "target": 41, "label": "C"}, {"source": 57, "target": 31, "label": "C"}, {"source": 48, "target": 2, "label": "D"}, {"source": 54, "target": 24, "label": "D"}, {"source": 46, "target": 48, "label": "A"}, {"source": 56, "target": 57, "label": "E"}, {"source": 52, "target": 16, "label": "A"}, {"source": 61, "target": 43, "label": "F"}, {"source": 47, "target": 54, "label": "H"}, {"source": 56, "target": 28, "label": "C"}, {"source": 47, "target": 13, "label": "U"}, {"source": 58, "target": 32, "label": "R"}, {"source": 59, "target": 38, "label": "F"}, {"source": 59, "target": 40, "label": "D"}, {"source": 61, "target": 42, "label": "D"}, {"source": 51, "target": 12, "label": "C"}, {"source": 55, "target": 26, "label": "R"}, {"source": 53, "target": 19, "label": "F"}, {"source": 61, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 60, "label": "P"}, {"source": 50, "target": 8, "label": "Q"}, {"source": 46, "target": 1, "label": "P"}, {"source": 50, "target": 7, "label": "R"}, {"source": 54, "target": 23, "label": "D"}, {"source": 56, "target": 27, "label": "F"}, {"source": 61, "target": 45, "label": "U"}, {"source": 52, "target": 18, "label": "D"}, {"source": 58, "target": 33, "label": "E"}, {"source": 48, "target": 51, "label": "A"}, {"source": 47, "target": 52, "label": "H"}, {"source": 51, "target": 9, "label": "R"}, {"source": 58, "target": 31, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 14, "label": "L"}, {"source": 54, "target": 34, "label": "F"}, {"source": 51, "target": 11, "label": "E"}, {"source": 52, "target": 53, "label": "S"}, {"source": 54, "target": 55, "label": "A"}, {"source": 61, "target": 44, "label": "P"}, {"source": 52, "target": 17, "label": "F"}, {"source": 48, "target": 4, "label": "F"}, {"source": 48, "target": 3, "label": "D"}, {"source": 49, "target": 50, "label": "E"}, {"source": 46, "target": 0, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 60, "target": 39, "label": "F"}, {"source": 47, "target": 59, "label": "H"}, {"source": 57, "target": 29, "label": "R"}, {"source": 49, "target": 6, "label": "C"}, {"source": 54, "target": 35, "label": "D"}, {"source": 55, "target": 58, "label": "C"}, {"source": 47, "target": 21, "label": "U"}, {"source": 53, "target": 20, "label": "C"}, {"source": 47, "target": 36, "label": "L"}, {"source": 47, "target": 22, "label": "L"}, {"source": 47, "target": 15, "label": "U"}, {"source": 47, "target": 46, "label": "H"}, {"source": 47, "target": 61, "label": "H"}]} +{"id": "323449-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't want to waste my time on routes set for children, but I don't want to take on something I can't handle just to strain myself to exhaustion.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 100}]}, {"id": 24, "anchors": [{"from": 100, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 146}]}, {"id": 32, "anchors": [{"from": 146, "to": 147}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 34, "target": 26, "label": "L"}, {"source": 39, "target": 20, "label": "P"}, {"source": 38, "target": 11, "label": "R"}, {"source": 39, "target": 15, "label": "A"}, {"source": 39, "target": 18, "label": "D"}, {"source": 42, "target": 29, "label": "A"}, {"source": 39, "target": 16, "label": "F"}, {"source": 41, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 7, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 10, "label": "P"}, {"source": 41, "target": 24, "label": "D"}, {"source": 33, "target": 35, "label": "A"}, {"source": 42, "target": 43, "label": "D"}, {"source": 34, "target": 42, "label": "H"}, {"source": 34, "target": 14, "label": "L"}, {"source": 35, "target": 6, "label": "E"}, {"source": 41, "target": 25, "label": "P"}, {"source": 33, "target": 3, "label": "D"}, {"source": 39, "target": 19, "label": "F"}, {"source": 36, "target": 8, "label": "R"}, {"source": 33, "target": 1, "label": "F"}, {"source": 40, "target": 41, "label": "E"}, {"source": 33, "target": 0, "label": "A"}, {"source": 43, "target": 32, "label": "U"}, {"source": 39, "target": 17, "label": "D"}, {"source": 41, "target": 23, "label": "F"}, {"source": 36, "target": 9, "label": "C"}, {"source": 33, "target": 2, "label": "D"}, {"source": 42, "target": 27, "label": "R"}, {"source": 38, "target": 12, "label": "C"}, {"source": 42, "target": 28, "label": "P"}, {"source": 43, "target": 31, "label": "C"}, {"source": 33, "target": 4, "label": "F"}, {"source": 34, "target": 33, "label": "H"}, {"source": 37, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 5, "label": "P"}, {"source": 41, "target": 22, "label": "A"}, {"source": 40, "target": 21, "label": "C"}, {"source": 34, "target": 13, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 30, "label": "R"}, {"source": 34, "target": 39, "label": "H"}, {"source": 33, "target": 36, "label": "A"}]} +{"id": "323449-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rate the routes, with understandable markings and a more detailed system than easy, moderate, and hard.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 17, "label": "N"}, {"source": 21, "target": 23, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 23, "target": 7, "label": "N"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 9, "label": "E"}, {"source": 27, "target": 10, "label": "C"}, {"source": 21, "target": 0, "label": "P"}, {"source": 28, "target": 12, "label": "R"}, {"source": 22, "target": 2, "label": "C"}, {"source": 23, "target": 4, "label": "R"}, {"source": 23, "target": 26, "label": "C"}, {"source": 24, "target": 5, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 28, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 28, "target": 14, "label": "U"}, {"source": 23, "target": 25, "label": "C"}, {"source": 25, "target": 24, "label": "E"}, {"source": 21, "target": 3, "label": "U"}, {"source": 28, "target": 16, "label": "U"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 11, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "323449-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Again, a great outing for the kids, a frustration for an out of town climber.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 23, "target": 11, "label": "R"}, {"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 9, "label": "F"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 4, "label": "P"}, {"source": 22, "target": 21, "label": "P"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 19, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "C"}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 18, "target": 1, "label": "U"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 12, "label": "F"}, {"source": 25, "target": 14, "label": "R"}, {"source": 19, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 23, "target": 24, "label": "P"}, {"source": 24, "target": 17, "label": "U"}]} +{"id": "324337-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DONT ever go there, not even if your car flips.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}, {"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 12, "target": 0, "label": "F"}, {"source": 17, "target": 10, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 5, "label": "U"}, {"source": 12, "target": 2, "label": "T"}, {"source": 14, "target": 6, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 17, "label": "H"}, {"source": 12, "target": 3, "label": "P"}, {"source": 13, "target": 14, "label": "L"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "324337-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Their service sucks to start off with, people are cruel and ignorant.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}, {"from": 23, "to": 28}, {"from": 29, "to": 32}, {"from": 33, "to": 37}]}, {"id": 4, "anchors": [{"from": 37, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 68}]}, {"id": 10, "anchors": [{"from": 68, "to": 69}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 5, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "F"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 8, "label": "L"}, {"source": 11, "target": 2, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 9, "label": "S"}, {"source": 13, "target": 7, "label": "S"}, {"source": 12, "target": 3, "label": "L"}, {"source": 12, "target": 13, "label": "H"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "324337-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm compeltly dissatisfied with their service and their products.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "S"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 5, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}]} +{"id": "324337-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They DO NOT have a return policy and even if their product SUCKS, they will NOT take it back!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 93}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 14, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 17, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 21, "target": 8, "label": "L"}, {"source": 21, "target": 25, "label": "H"}, {"source": 20, "target": 3, "label": "S"}, {"source": 21, "target": 26, "label": "H"}, {"source": 21, "target": 12, "label": "U"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 24, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 26, "target": 18, "label": "D"}, {"source": 24, "target": 23, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 11, "label": "S"}, {"source": 23, "target": 9, "label": "S"}, {"source": 26, "target": 13, "label": "A"}, {"source": 22, "target": 4, "label": "F"}, {"source": 20, "target": 2, "label": "D"}, {"source": 26, "target": 15, "label": "D"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "E"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "324337-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "DO NOT EVER GO HERE.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "F"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "T"}]} +{"id": "324337-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I prefer Advanced auto parts over this crappy place with the meanest people.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}, {"from": 18, "to": 22}, {"from": 23, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 75}]}, {"id": 11, "anchors": [{"from": 75, "to": 76}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 16, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 7, "label": "R"}, {"source": 17, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "A"}, {"source": 17, "target": 9, "label": "S"}]} +{"id": "324337-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And they THRIVE to get a customer.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "L"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 12, "label": "S"}, {"source": 12, "target": 7, "label": "U"}]} +{"id": "324337-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DO NOT go here..thank you", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "A"}, {"source": 8, "target": 5, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "D"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "325292-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Food was cold", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 1, "label": "F"}]} +{"id": "325292-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been here 3 to 4 times and every time food they served seems warmed up not cooked after you order it.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}, {"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 74}, {"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 23, "target": 9, "label": "L"}, {"source": 24, "target": 6, "label": "C"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "N"}, {"source": 22, "target": 25, "label": "D"}, {"source": 26, "target": 12, "label": "P"}, {"source": 29, "target": 16, "label": "P"}, {"source": 28, "target": 30, "label": "H"}, {"source": 30, "target": 20, "label": "A"}, {"source": 28, "target": 17, "label": "L"}, {"source": 22, "target": 3, "label": "A"}, {"source": 29, "target": 15, "label": "D"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 30, "target": 19, "label": "P"}, {"source": 30, "target": 18, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 2, "label": "S"}, {"source": 28, "target": 29, "label": "H"}, {"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 24, "target": 4, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 28, "target": 27, "label": "H"}, {"source": 25, "target": 7, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 13, "label": "G"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "325292-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I like my food hot both ways not warm or cold.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 12, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "D"}, {"source": 17, "target": 5, "label": "Q"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "E"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "S"}, {"source": 16, "target": 4, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "C"}, {"source": 16, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "N"}, {"source": 18, "target": 7, "label": "D"}, {"source": 12, "target": 1, "label": "S"}, {"source": 18, "target": 1, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "C"}, {"source": 19, "target": 20, "label": "S"}, {"source": 20, "target": 11, "label": "U"}]} +{"id": "325292-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Price and taste is good.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "L"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "325292-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will be happy if they can serve when food is piping hot.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 17, "target": 12, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 9, "label": "A"}, {"source": 15, "target": 6, "label": "D"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "D"}, {"source": 17, "target": 8, "label": "R"}]} +{"id": "325292-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "KB", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "325330-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not impressed.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "325330-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overpriced and the doctor acted arrogant and rushed at a time when there was very few clients in the facility.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 54}, {"from": 55, "to": 56}, {"from": 57, "to": 61}, {"from": 62, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 93}]}, {"id": 14, "anchors": [{"from": 94, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 109}]}, {"id": 17, "anchors": [{"from": 109, "to": 110}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 9, "label": "F"}, {"source": 24, "target": 28, "label": "A"}, {"source": 25, "target": 11, "label": "E"}, {"source": 19, "target": 6, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 18, "target": 0, "label": "S"}, {"source": 24, "target": 14, "label": "S"}, {"source": 28, "target": 17, "label": "U"}, {"source": 19, "target": 24, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 27, "label": "C"}, {"source": 26, "target": 25, "label": "Q"}, {"source": 19, "target": 8, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 5, "label": "D"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "Q"}, {"source": 27, "target": 13, "label": "S"}, {"source": 22, "target": 4, "label": "P"}, {"source": 21, "target": 2, "label": "F"}, {"source": 27, "target": 13, "label": "A"}, {"source": 22, "target": 20, "label": "A"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 12, "label": "C"}, {"source": 23, "target": 7, "label": "S"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 1, "label": "L"}, {"source": 28, "target": 16, "label": "C"}, {"source": 21, "target": 3, "label": "C"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "325330-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I won't return.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "325538-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Wonderful staff and great service !!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "S"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "325741-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Class act.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "325741-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was late in the day and I was worried I would get charged an arm and a leg and have to wait forever.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}, {"from": 64, "to": 67}, {"from": 68, "to": 71}, {"from": 72, "to": 73}, {"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 15, "label": "L"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 2, "label": "S"}, {"source": 23, "target": 8, "label": "F"}, {"source": 22, "target": 5, "label": "C"}, {"source": 26, "target": 19, "label": "U"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 10, "label": "A"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 17, "label": "P"}, {"source": 24, "target": 14, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 9, "label": "S"}, {"source": 22, "target": 3, "label": "R"}, {"source": 22, "target": 4, "label": "F"}, {"source": 20, "target": 22, "label": "T"}, {"source": 21, "target": 6, "label": "L"}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "F"}, {"source": 24, "target": 11, "label": "D"}, {"source": 26, "target": 16, "label": "D"}, {"source": 26, "target": 18, "label": "T"}, {"source": 23, "target": 7, "label": "A"}]} +{"id": "325741-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They picked my car up in Yarmouth and towed to Bath for a great price.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}, {"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "R"}, {"source": 22, "target": 11, "label": "F"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 20, "target": 7, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 18, "label": "A"}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "S"}, {"source": 23, "target": 12, "label": "S"}, {"source": 15, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 23, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 17, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "325741-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Would do business with them again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 6, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 0, "label": "D"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "326112-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "PAT testing quick & efficient", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "N"}, {"source": 8, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "P"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "326112-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I rang SRD PAT testing and within 3 hours Scot had come to my premises and PAT tested all my our Spill The Whisky barn dance band equipment, and supplied a certificate for only 70p per unit.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 14}, {"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}, {"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 102}, {"from": 103, "to": 106}, {"from": 107, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 139}]}, {"id": 23, "anchors": [{"from": 139, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 144}]}, {"id": 25, "anchors": [{"from": 145, "to": 153}]}, {"id": 26, "anchors": [{"from": 154, "to": 155}]}, {"id": 27, "anchors": [{"from": 156, "to": 167}]}, {"id": 28, "anchors": [{"from": 168, "to": 171}]}, {"id": 29, "anchors": [{"from": 172, "to": 176}]}, {"id": 30, "anchors": [{"from": 177, "to": 179}]}, {"id": 31, "anchors": [{"from": 179, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 184}]}, {"id": 33, "anchors": [{"from": 185, "to": 189}]}, {"id": 34, "anchors": [{"from": 189, "to": 190}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 36, "target": 24, "label": "L"}, {"source": 35, "target": 0, "label": "A"}, {"source": 47, "target": 27, "label": "C"}, {"source": 43, "target": 45, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 46, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 38, "label": "H"}, {"source": 48, "target": 29, "label": "E"}, {"source": 46, "target": 48, "label": "A"}, {"source": 44, "target": 20, "label": "C"}, {"source": 50, "target": 34, "label": "U"}, {"source": 35, "target": 1, "label": "P"}, {"source": 43, "target": 17, "label": "E"}, {"source": 48, "target": 50, "label": "C"}, {"source": 50, "target": 33, "label": "C"}, {"source": 38, "target": 9, "label": "P"}, {"source": 40, "target": 11, "label": "S"}, {"source": 46, "target": 47, "label": "A"}, {"source": 42, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 25, "label": "P"}, {"source": 38, "target": 39, "label": "A"}, {"source": 49, "target": 30, "label": "Q"}, {"source": 43, "target": 18, "label": "E"}, {"source": 36, "target": 23, "label": "U"}, {"source": 36, "target": 3, "label": "L"}, {"source": 43, "target": 16, "label": "Q"}, {"source": 40, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "E"}, {"source": 41, "target": 15, "label": "C"}, {"source": 39, "target": 10, "label": "R"}, {"source": 47, "target": 26, "label": "F"}, {"source": 50, "target": 49, "label": "C"}, {"source": 36, "target": 42, "label": "H"}, {"source": 35, "target": 2, "label": "A"}, {"source": 38, "target": 7, "label": "A"}, {"source": 49, "target": 31, "label": "C"}, {"source": 44, "target": 19, "label": "E"}, {"source": 37, "target": 6, "label": "C"}, {"source": 38, "target": 8, "label": "F"}, {"source": 48, "target": 28, "label": "R"}, {"source": 43, "target": 22, "label": "C"}, {"source": 39, "target": 12, "label": "C"}, {"source": 42, "target": 41, "label": "P"}, {"source": 45, "target": 44, "label": "E"}, {"source": 37, "target": 5, "label": "Q"}, {"source": 38, "target": 37, "label": "T"}, {"source": 41, "target": 14, "label": "E"}, {"source": 36, "target": 46, "label": "H"}, {"source": 37, "target": 4, "label": "R"}, {"source": 36, "target": 13, "label": "L"}, {"source": 36, "target": 35, "label": "H"}, {"source": 45, "target": 21, "label": "C"}, {"source": 50, "target": 32, "label": "N"}]} +{"id": "326112-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Fantastic, quick and efficient service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 5, "label": "P"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 0, "label": "D"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "326112-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How rare!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "326112-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well done.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "326439-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HEAVEN ON EARTHHHHHHH!!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 9}, {"from": 10, "to": 21}]}, {"id": 1, "anchors": [{"from": 21, "to": 25}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "326439-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "MUST TRY!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "326439-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A+++", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "326439-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THIS PLACE IS THE BEST.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "326439-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I HATED SUSHI BEFORE BUT NOW I CANT STOP EATTING IT!!!!!!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 15, "target": 10, "label": "P"}, {"source": 13, "target": 3, "label": "T"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 12, "label": "U"}, {"source": 15, "target": 6, "label": "A"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 9, "label": "D"}, {"source": 15, "target": 8, "label": "D"}, {"source": 15, "target": 11, "label": "A"}, {"source": 14, "target": 4, "label": "L"}, {"source": 15, "target": 5, "label": "T"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "326439-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "NICE SERVICE, AND EXCELLENT FOOD.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "U"}, {"source": 9, "target": 5, "label": "A"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "326439-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "EVERYTHING IN HERE SEEMS TO AMAZE ME!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 1, "label": "R"}, {"source": 8, "target": 0, "label": "C"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 11, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 3, "label": "G"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 6, "label": "A"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "326439-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THEIR GRILL DISHES ARE OUTTA THIS WORLD AND SUSHI IS JUST FABULOUS!!!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}, {"from": 26, "to": 28}, {"from": 29, "to": 33}, {"from": 34, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 70}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 0, "label": "S"}, {"source": 15, "target": 7, "label": "F"}, {"source": 11, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 4, "label": "S"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "D"}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 1, "label": "E"}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "326439-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I EAT HERE AT LEAST 5 DAYS A WEEK.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 11, "target": 1, "label": "P"}, {"source": 15, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 15, "label": "T"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 2, "label": "A"}, {"source": 14, "target": 13, "label": "Q"}, {"source": 15, "target": 7, "label": "N"}, {"source": 15, "target": 14, "label": "C"}, {"source": 12, "target": 3, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "326439-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "THEY HAVE EXCELLENT SUSHI CHEF SPECIAL ROLLS FOR A FAIR PRICE AND SO IS THE GRILL ORDERS.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 19, "target": 11, "label": "L"}, {"source": 21, "target": 5, "label": "E"}, {"source": 25, "target": 13, "label": "F"}, {"source": 25, "target": 1, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 14, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 2, "label": "S"}, {"source": 23, "target": 8, "label": "F"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 9, "label": "S"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 25, "label": "H"}, {"source": 26, "target": 15, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 3, "label": "E"}, {"source": 18, "target": 21, "label": "A"}, {"source": 21, "target": 20, "label": "E"}, {"source": 25, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 18, "target": 1, "label": "S"}, {"source": 18, "target": 23, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 12, "label": "L"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "326439-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A++++ !!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 38}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "326439-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "JUNO AND OPEN I LOVE YOU GUYS!!!!!!!!!!!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}, {"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 43}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "326439-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "[no homo] :D", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}, {"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4}], "edges": [{"source": 4, "target": 1, "label": "H"}, {"source": 4, "target": 0, "label": "U"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "326649-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Trust The Midas Touch", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}, {"from": 10, "to": 15}, {"from": 16, "to": 21}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "D"}]} +{"id": "326649-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I personally trust this Midas store with all my vehicles, I have been going there for years & would never go anywhere else!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}, {"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 3, "label": "E"}, {"source": 27, "target": 7, "label": "Q"}, {"source": 32, "target": 22, "label": "E"}, {"source": 31, "target": 19, "label": "T"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 30, "target": 15, "label": "R"}, {"source": 31, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 16, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 30, "label": "T"}, {"source": 29, "target": 13, "label": "P"}, {"source": 32, "target": 21, "label": "C"}, {"source": 31, "target": 18, "label": "D"}, {"source": 29, "target": 12, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 31, "target": 19, "label": "D"}, {"source": 29, "target": 14, "label": "A"}, {"source": 28, "target": 8, "label": "S"}, {"source": 26, "target": 5, "label": "E"}, {"source": 29, "target": 11, "label": "A"}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 6, "label": "R"}, {"source": 28, "target": 8, "label": "A"}, {"source": 28, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 10, "label": "U"}, {"source": 31, "target": 20, "label": "P"}, {"source": 25, "target": 17, "label": "L"}, {"source": 27, "target": 9, "label": "C"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "326649-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the staff is very personable & actually care about the customers safety rather than taking there money.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 102}]}, {"id": 17, "anchors": [{"from": 102, "to": 103}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 27, "target": 14, "label": "P"}, {"source": 29, "target": 28, "label": "E"}, {"source": 20, "target": 2, "label": "F"}, {"source": 26, "target": 12, "label": "C"}, {"source": 24, "target": 25, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 13, "label": "R"}, {"source": 20, "target": 4, "label": "S"}, {"source": 28, "target": 15, "label": "A"}, {"source": 23, "target": 11, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 6, "label": "D"}, {"source": 21, "target": 5, "label": "L"}, {"source": 23, "target": 8, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 9, "label": "F"}, {"source": 21, "target": 26, "label": "L"}, {"source": 21, "target": 27, "label": "H"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 10, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 1, "label": "C"}, {"source": 28, "target": 15, "label": "S"}, {"source": 20, "target": 18, "label": "A"}, {"source": 28, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "U"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "326649-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is however a very busy shop but there are appointments available & the staff up front will surely make sure you get back in a timely manner.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 107}, {"from": 108, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 144}]}, {"id": 26, "anchors": [{"from": 144, "to": 145}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 37, "target": 25, "label": "C"}, {"source": 29, "target": 3, "label": "F"}, {"source": 36, "target": 21, "label": "D"}, {"source": 28, "target": 7, "label": "L"}, {"source": 27, "target": 1, "label": "S"}, {"source": 34, "target": 15, "label": "A"}, {"source": 35, "target": 17, "label": "D"}, {"source": 36, "target": 20, "label": "P"}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 12, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 24, "label": "E"}, {"source": 33, "target": 14, "label": "C"}, {"source": 36, "target": 37, "label": "T"}, {"source": 35, "target": 34, "label": "A"}, {"source": 30, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 33, "label": "S"}, {"source": 27, "target": 29, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 31, "label": "H"}, {"source": 37, "target": 22, "label": "R"}, {"source": 34, "target": 33, "label": "A"}, {"source": 28, "target": 35, "label": "H"}, {"source": 37, "target": 26, "label": "U"}, {"source": 37, "target": 23, "label": "F"}, {"source": 31, "target": 8, "label": "F"}, {"source": 30, "target": 5, "label": "S"}, {"source": 28, "target": 2, "label": "L"}, {"source": 31, "target": 11, "label": "S"}, {"source": 30, "target": 4, "label": "D"}, {"source": 33, "target": 13, "label": "F"}, {"source": 31, "target": 9, "label": "F"}, {"source": 36, "target": 19, "label": "A"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 35, "target": 16, "label": "F"}, {"source": 29, "target": 6, "label": "C"}, {"source": 35, "target": 18, "label": "P"}, {"source": 32, "target": 10, "label": "P"}]} +{"id": "326649-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I look at some of these other comments & laugh because people think that the world revolves around them!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 27, "target": 17, "label": "R"}, {"source": 27, "target": 18, "label": "C"}, {"source": 22, "target": 7, "label": "C"}, {"source": 27, "target": 19, "label": "U"}, {"source": 26, "target": 14, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 8, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 2, "label": "R"}, {"source": 25, "target": 27, "label": "A"}, {"source": 21, "target": 10, "label": "L"}, {"source": 20, "target": 1, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 11, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 12, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 6, "label": "E"}, {"source": 22, "target": 5, "label": "E"}, {"source": 22, "target": 3, "label": "Q"}, {"source": 22, "target": 4, "label": "R"}, {"source": 25, "target": 16, "label": "P"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "326649-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Like the girl with the fuse problem...", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "L"}, {"source": 11, "target": 6, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "C"}]} +{"id": "326649-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Midas has the most high tech equipment in town & I guarantee you if they told you it was electrical then in deed its electrical!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}, {"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 115}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 127}]}, {"id": 25, "anchors": [{"from": 127, "to": 128}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 15, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 16, "label": "A"}, {"source": 32, "target": 13, "label": "L"}, {"source": 32, "target": 35, "label": "H"}, {"source": 34, "target": 19, "label": "D"}, {"source": 26, "target": 30, "label": "A"}, {"source": 26, "target": 1, "label": "F"}, {"source": 27, "target": 9, "label": "L"}, {"source": 32, "target": 20, "label": "L"}, {"source": 32, "target": 33, "label": "H"}, {"source": 35, "target": 21, "label": "G"}, {"source": 31, "target": 32, "label": "A"}, {"source": 35, "target": 24, "label": "D"}, {"source": 35, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "A"}, {"source": 33, "target": 14, "label": "A"}, {"source": 31, "target": 12, "label": "A"}, {"source": 28, "target": 2, "label": "F"}, {"source": 30, "target": 8, "label": "C"}, {"source": 26, "target": 3, "label": "D"}, {"source": 34, "target": 17, "label": "A"}, {"source": 26, "target": 29, "label": "S"}, {"source": 31, "target": 11, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 35, "target": 22, "label": "A"}, {"source": 34, "target": 18, "label": "F"}, {"source": 27, "target": 31, "label": "H"}, {"source": 28, "target": 6, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 7, "label": "R"}, {"source": 35, "target": 23, "label": "F"}, {"source": 29, "target": 4, "label": "E"}, {"source": 26, "target": 0, "label": "A"}, {"source": 29, "target": 5, "label": "C"}]} +{"id": "326649-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "maybe you should understand how the world works & realize you are just like any other person & not put yourself on a pedestal.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}, {"from": 103, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 125}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 10, "label": "A"}, {"source": 27, "target": 5, "label": "F"}, {"source": 31, "target": 19, "label": "P"}, {"source": 30, "target": 15, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 11, "label": "F"}, {"source": 29, "target": 12, "label": "D"}, {"source": 30, "target": 16, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 8, "label": "L"}, {"source": 24, "target": 1, "label": "A"}, {"source": 24, "target": 3, "label": "P"}, {"source": 25, "target": 28, "label": "H"}, {"source": 24, "target": 2, "label": "D"}, {"source": 31, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "P"}, {"source": 32, "target": 22, "label": "C"}, {"source": 26, "target": 4, "label": "D"}, {"source": 31, "target": 18, "label": "D"}, {"source": 32, "target": 20, "label": "R"}, {"source": 25, "target": 31, "label": "H"}, {"source": 24, "target": 0, "label": "G"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 6, "label": "C"}, {"source": 26, "target": 7, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 17, "label": "L"}, {"source": 30, "target": 14, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 32, "target": 21, "label": "F"}, {"source": 29, "target": 13, "label": "S"}]} +{"id": "326649-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will continue going to Dave at Midas because he is one of the most honest business owners in this town!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 2, "label": "D"}, {"source": 28, "target": 19, "label": "E"}, {"source": 27, "target": 14, "label": "E"}, {"source": 24, "target": 4, "label": "R"}, {"source": 27, "target": 13, "label": "F"}, {"source": 28, "target": 21, "label": "U"}, {"source": 26, "target": 10, "label": "F"}, {"source": 26, "target": 16, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 27, "target": 12, "label": "R"}, {"source": 28, "target": 18, "label": "R"}, {"source": 26, "target": 27, "label": "D"}, {"source": 23, "target": 8, "label": "L"}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 11, "label": "Q"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 3, "label": "P"}, {"source": 24, "target": 5, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 25, "target": 7, "label": "C"}, {"source": 26, "target": 17, "label": "S"}, {"source": 26, "target": 9, "label": "A"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "326649-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "When having your car worked on you have to trust the mechanic & this Midas is truly someone you can trust!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 32, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 8, "label": "S"}, {"source": 31, "target": 32, "label": "E"}, {"source": 26, "target": 6, "label": "A"}, {"source": 21, "target": 30, "label": "H"}, {"source": 32, "target": 20, "label": "U"}, {"source": 32, "target": 17, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 26, "label": "H"}, {"source": 28, "target": 9, "label": "F"}, {"source": 30, "target": 29, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 26, "target": 7, "label": "D"}, {"source": 23, "target": 2, "label": "S"}, {"source": 31, "target": 16, "label": "C"}, {"source": 32, "target": 19, "label": "S"}, {"source": 21, "target": 11, "label": "L"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 23, "label": "E"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "A"}, {"source": 32, "target": 18, "label": "D"}, {"source": 29, "target": 12, "label": "E"}, {"source": 22, "target": 4, "label": "P"}, {"source": 24, "target": 3, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 10, "label": "C"}, {"source": 25, "target": 5, "label": "R"}, {"source": 30, "target": 14, "label": "S"}, {"source": 29, "target": 13, "label": "C"}, {"source": 23, "target": 2, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 28, "label": "P"}, {"source": 22, "target": 1, "label": "F"}, {"source": 32, "target": 15, "label": "D"}]} +{"id": "327766-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Checked in real late, but staff was very kind and helpful.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "P"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "C"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 5, "label": "S"}, {"source": 17, "target": 9, "label": "N"}, {"source": 15, "target": 17, "label": "D"}, {"source": 12, "target": 14, "label": "T"}, {"source": 14, "target": 1, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "F"}, {"source": 17, "target": 16, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 3, "label": "U"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "327766-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rooms very clean and smelled very fresh.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 0, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 4, "label": "G"}, {"source": 8, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "S"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "327766-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend this hotel to anyone.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "327766-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I loved my stay here and if ever back in the area, I will be staying here again.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 79}]}, {"id": 19, "anchors": [{"from": 79, "to": 80}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 18, "label": "D"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 4, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 12, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 5, "label": "L"}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 2, "label": "A"}, {"source": 23, "target": 10, "label": "F"}, {"source": 22, "target": 7, "label": "T"}, {"source": 20, "target": 1, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "L"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 17, "label": "A"}, {"source": 24, "target": 16, "label": "P"}, {"source": 22, "target": 8, "label": "D"}, {"source": 24, "target": 19, "label": "U"}, {"source": 22, "target": 9, "label": "S"}, {"source": 24, "target": 15, "label": "F"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "327867-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good clean store nice car wash", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 7, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 8, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 9, "target": 10, "label": "A"}, {"source": 6, "target": 2, "label": "A"}, {"source": 10, "target": 5, "label": "P"}, {"source": 10, "target": 4, "label": "A"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "328828-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Terrible service!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "328828-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Made an appointment to have them come to the house to discuss curtain options and give an estimate.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 11, "label": "P"}, {"source": 26, "target": 12, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 10, "label": "F"}, {"source": 24, "target": 25, "label": "H"}, {"source": 23, "target": 9, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 14, "label": "L"}, {"source": 20, "target": 0, "label": "D"}, {"source": 28, "target": 18, "label": "U"}, {"source": 26, "target": 13, "label": "C"}, {"source": 27, "target": 15, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 16, "label": "F"}, {"source": 22, "target": 3, "label": "R"}, {"source": 22, "target": 4, "label": "F"}, {"source": 22, "target": 5, "label": "A"}, {"source": 21, "target": 2, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 1, "label": "F"}, {"source": 28, "target": 17, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 20, "target": 21, "label": "P"}, {"source": 23, "target": 7, "label": "R"}]} +{"id": "328828-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They sent over someone who said he knows nothing about curtains and could not show me fabric options or give an estimate.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 32, "target": 20, "label": "F"}, {"source": 27, "target": 7, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 13, "label": "D"}, {"source": 31, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "A"}, {"source": 31, "target": 32, "label": "P"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 12, "label": "D"}, {"source": 26, "target": 4, "label": "R"}, {"source": 29, "target": 15, "label": "A"}, {"source": 30, "target": 16, "label": "C"}, {"source": 23, "target": 1, "label": "P"}, {"source": 27, "target": 8, "label": "D"}, {"source": 23, "target": 2, "label": "D"}, {"source": 32, "target": 21, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 11, "label": "L"}, {"source": 28, "target": 9, "label": "R"}, {"source": 24, "target": 31, "label": "H"}, {"source": 24, "target": 29, "label": "H"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 18, "label": "L"}, {"source": 31, "target": 19, "label": "D"}, {"source": 30, "target": 17, "label": "E"}, {"source": 26, "target": 5, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 3, "label": "C"}, {"source": 28, "target": 10, "label": "C"}, {"source": 26, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 14, "label": "P"}, {"source": 26, "target": 27, "label": "A"}]} +{"id": "328828-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I called the manager to complain, she said she KNEW the guy didn't know about curtains and that the usual lady called in sick hours earlier!", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 122}, {"from": 123, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 144}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 39, "target": 18, "label": "C"}, {"source": 40, "target": 43, "label": "T"}, {"source": 34, "target": 9, "label": "P"}, {"source": 40, "target": 20, "label": "R"}, {"source": 36, "target": 12, "label": "F"}, {"source": 38, "target": 37, "label": "H"}, {"source": 37, "target": 14, "label": "F"}, {"source": 36, "target": 13, "label": "C"}, {"source": 40, "target": 24, "label": "P"}, {"source": 39, "target": 17, "label": "R"}, {"source": 42, "target": 25, "label": "S"}, {"source": 43, "target": 27, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 35, "target": 38, "label": "A"}, {"source": 37, "target": 16, "label": "S"}, {"source": 31, "target": 32, "label": "S"}, {"source": 29, "target": 33, "label": "H"}, {"source": 38, "target": 40, "label": "H"}, {"source": 37, "target": 15, "label": "D"}, {"source": 29, "target": 34, "label": "H"}, {"source": 35, "target": 10, "label": "A"}, {"source": 42, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "H"}, {"source": 38, "target": 42, "label": "H"}, {"source": 33, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 11, "label": "S"}, {"source": 29, "target": 7, "label": "U"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 36, "label": "A"}, {"source": 29, "target": 0, "label": "L"}, {"source": 37, "target": 39, "label": "A"}, {"source": 38, "target": 19, "label": "L"}, {"source": 32, "target": 4, "label": "C"}, {"source": 29, "target": 5, "label": "L"}, {"source": 33, "target": 6, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 41, "target": 21, "label": "F"}, {"source": 30, "target": 2, "label": "P"}, {"source": 41, "target": 23, "label": "C"}, {"source": 43, "target": 26, "label": "E"}, {"source": 43, "target": 28, "label": "U"}, {"source": 32, "target": 3, "label": "F"}, {"source": 34, "target": 8, "label": "A"}, {"source": 30, "target": 1, "label": "A"}, {"source": 41, "target": 22, "label": "E"}]} +{"id": "328828-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Instead of rescheduling they chose to waste my time instead.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 8, "label": "L"}, {"source": 10, "target": 12, "label": "H"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "328828-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So what was the point of the appointment!?!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "D"}, {"source": 10, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "R"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 1, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 12, "label": "P"}]} +{"id": "328828-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "To just come over and hang out?!?", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "L"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 9, "target": 5, "label": "P"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "328828-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I will NEVER do business with this company!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "T"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "328828-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "EVER!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "329692-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Instructor never showed up!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 23}, {"from": 24, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "T"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "329692-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "January 15th -- We were signed up for Saturday's 2 PM class \"Beginning Yoga with Brittany.\"", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}, {"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 5, "label": "P"}, {"source": 23, "target": 9, "label": "C"}, {"source": 24, "target": 14, "label": "P"}, {"source": 22, "target": 23, "label": "T"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 8, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 12, "label": "U"}, {"source": 22, "target": 11, "label": "P"}, {"source": 21, "target": 19, "label": "T"}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 15, "label": "R"}, {"source": 21, "target": 2, "label": "U"}, {"source": 24, "target": 13, "label": "D"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 21, "target": 4, "label": "F"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 7, "label": "C"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "329692-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We even arrived 10 minutes early as the website suggests.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 3, "label": "Q"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 9, "label": "P"}, {"source": 14, "target": 7, "label": "F"}, {"source": 15, "target": 13, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 6, "label": "L"}, {"source": 11, "target": 13, "label": "T"}, {"source": 11, "target": 1, "label": "G"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "329692-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The instructor did not show up!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 6, "label": "A"}, {"source": 6, "target": 7, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "329692-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We waited until 2:25 PM and then left.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 6, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 13, "label": "H"}, {"source": 9, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 11, "label": "T"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 12, "label": "L"}]} +{"id": "329692-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There were 2 in our group, and a 3rd person was also in the parking lot waiting for this class.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 95}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 12, "label": "D"}, {"source": 26, "target": 10, "label": "C"}, {"source": 29, "target": 15, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 31, "target": 32, "label": "P"}, {"source": 25, "target": 4, "label": "E"}, {"source": 23, "target": 6, "label": "U"}, {"source": 31, "target": 18, "label": "R"}, {"source": 22, "target": 0, "label": "F"}, {"source": 28, "target": 14, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 26, "target": 9, "label": "Q"}, {"source": 30, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 20, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 30, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 13, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 27, "label": "H"}, {"source": 30, "target": 17, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 32, "target": 21, "label": "U"}, {"source": 24, "target": 2, "label": "Q"}, {"source": 25, "target": 5, "label": "C"}, {"source": 23, "target": 7, "label": "L"}, {"source": 22, "target": 3, "label": "S"}, {"source": 27, "target": 11, "label": "F"}, {"source": 32, "target": 19, "label": "E"}, {"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "329692-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well, not much I can say except I'm very disappointed with this experience.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "U"}, {"source": 21, "target": 14, "label": "C"}, {"source": 16, "target": 6, "label": "P"}, {"source": 16, "target": 0, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 5, "label": "D"}, {"source": 16, "target": 4, "label": "A"}, {"source": 16, "target": 18, "label": "D"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 20, "target": 21, "label": "P"}]} +{"id": "329692-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This was our first visit to your studio.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 6, "label": "A"}, {"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "329692-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In today's instant world, there's no reason for the instructor not to even have given us a phone call or e-mail if she was going to be late.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 128}, {"from": 129, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 139}]}, {"id": 30, "anchors": [{"from": 139, "to": 140}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 22, "label": "L"}, {"source": 40, "target": 25, "label": "A"}, {"source": 31, "target": 40, "label": "H"}, {"source": 40, "target": 29, "label": "S"}, {"source": 40, "target": 30, "label": "U"}, {"source": 39, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 24, "label": "L"}, {"source": 34, "target": 7, "label": "F"}, {"source": 37, "target": 17, "label": "D"}, {"source": 37, "target": 13, "label": "D"}, {"source": 31, "target": 0, "label": "L"}, {"source": 37, "target": 14, "label": "F"}, {"source": 31, "target": 37, "label": "H"}, {"source": 39, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 8, "label": "D"}, {"source": 38, "target": 21, "label": "C"}, {"source": 33, "target": 4, "label": "A"}, {"source": 40, "target": 28, "label": "F"}, {"source": 31, "target": 33, "label": "H"}, {"source": 34, "target": 9, "label": "S"}, {"source": 32, "target": 1, "label": "C"}, {"source": 36, "target": 12, "label": "C"}, {"source": 37, "target": 38, "label": "P"}, {"source": 31, "target": 10, "label": "L"}, {"source": 37, "target": 15, "label": "G"}, {"source": 39, "target": 17, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 2, "label": "R"}, {"source": 39, "target": 13, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 27, "label": "F"}, {"source": 37, "target": 35, "label": "A"}, {"source": 39, "target": 23, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 38, "target": 20, "label": "E"}, {"source": 40, "target": 26, "label": "F"}, {"source": 37, "target": 18, "label": "A"}, {"source": 37, "target": 16, "label": "F"}, {"source": 31, "target": 39, "label": "H"}, {"source": 34, "target": 6, "label": "F"}, {"source": 31, "target": 34, "label": "H"}, {"source": 31, "target": 5, "label": "U"}, {"source": 35, "target": 36, "label": "P"}, {"source": 38, "target": 19, "label": "F"}, {"source": 33, "target": 3, "label": "S"}, {"source": 39, "target": 15, "label": "G", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 11, "label": "F"}, {"source": 33, "target": 32, "label": "T"}]} +{"id": "329692-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As a yoga studio, I'm sure you're all aware that all actions generate karma …", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 30, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 26, "target": 16, "label": "P"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "F"}, {"source": 25, "target": 13, "label": "D"}, {"source": 23, "target": 11, "label": "S"}, {"source": 21, "target": 5, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 22, "target": 10, "label": "Q"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "S"}, {"source": 25, "target": 14, "label": "P"}, {"source": 18, "target": 21, "label": "H"}, {"source": 24, "target": 15, "label": "P"}, {"source": 24, "target": 12, "label": "R"}, {"source": 23, "target": 22, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 4, "label": "U"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "329692-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and sometimes karma can manifest itself on a bad review on Google.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}, {"from": 33, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 1, "label": "T"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "P"}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 7, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "D"}]} +{"id": "329807-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Electrician in Florence", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 28}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "329807-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have been using Steele Electric for years.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}, {"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "T"}, {"source": 9, "target": 4, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 5, "label": "R"}]} +{"id": "329807-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have always done a great job at a reasonable price.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "D"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "T"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "329807-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "329991-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I googled restaurants in the area and Fuji Sushi came up and reviews were great so I made a carry out order of : L 17.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}, {"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 97}, {"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}, {"from": 115, "to": 117}]}, {"id": 22, "anchors": [{"from": 117, "to": 118}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 2, "label": "C"}, {"source": 24, "target": 13, "label": "L"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 29, "target": 30, "label": "P"}, {"source": 24, "target": 9, "label": "L"}, {"source": 28, "target": 11, "label": "F"}, {"source": 23, "target": 1, "label": "P"}, {"source": 28, "target": 10, "label": "P"}, {"source": 30, "target": 16, "label": "F"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 3, "label": "R"}, {"source": 26, "target": 4, "label": "F"}, {"source": 26, "target": 5, "label": "C"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 18, "label": "C"}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 17, "label": "D"}, {"source": 27, "target": 7, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 28, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 27, "target": 8, "label": "P"}, {"source": 31, "target": 20, "label": "U"}, {"source": 24, "target": 6, "label": "L"}, {"source": 31, "target": 19, "label": "R"}, {"source": 28, "target": 12, "label": "D"}]} +{"id": "329991-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mixed Tempura.....................8.25 Shrimp or vegetable tempura & salad.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 34}]}, {"id": 3, "anchors": [{"from": 34, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 58}]}, {"id": 7, "anchors": [{"from": 59, "to": 66}]}, {"id": 8, "anchors": [{"from": 67, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 74}]}, {"id": 10, "anchors": [{"from": 74, "to": 75}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 18, "label": "E"}, {"source": 14, "target": 11, "label": "C"}, {"source": 16, "target": 5, "label": "N"}, {"source": 18, "target": 8, "label": "N"}, {"source": 14, "target": 15, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 11, "target": 12, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 18, "target": 17, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 2, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 17, "target": 16, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "C"}]} +{"id": "329991-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was very happy with the customer service and even more please with the portion size, to go box set up and quality of the food for the price.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}, {"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}, {"from": 101, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 141}]}, {"id": 28, "anchors": [{"from": 141, "to": 142}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 37, "target": 36, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 40, "target": 25, "label": "N"}, {"source": 34, "target": 16, "label": "U"}, {"source": 39, "target": 22, "label": "R"}, {"source": 33, "target": 11, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 33, "label": "H"}, {"source": 34, "target": 12, "label": "R"}, {"source": 36, "target": 17, "label": "E"}, {"source": 31, "target": 32, "label": "P"}, {"source": 29, "target": 1, "label": "F"}, {"source": 34, "target": 35, "label": "C"}, {"source": 41, "target": 26, "label": "F"}, {"source": 41, "target": 27, "label": "C"}, {"source": 38, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 18, "label": "C"}, {"source": 31, "target": 6, "label": "A"}, {"source": 29, "target": 3, "label": "S"}, {"source": 34, "target": 40, "label": "C"}, {"source": 40, "target": 41, "label": "C"}, {"source": 38, "target": 21, "label": "S"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 2, "label": "D"}, {"source": 41, "target": 28, "label": "U"}, {"source": 35, "target": 15, "label": "E"}, {"source": 32, "target": 5, "label": "F"}, {"source": 33, "target": 9, "label": "G"}, {"source": 34, "target": 37, "label": "C"}, {"source": 40, "target": 39, "label": "C"}, {"source": 39, "target": 24, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 39, "target": 23, "label": "F"}, {"source": 33, "target": 10, "label": "D"}, {"source": 30, "target": 8, "label": "L"}, {"source": 39, "target": 38, "label": "E"}, {"source": 34, "target": 20, "label": "N"}, {"source": 32, "target": 7, "label": "C"}, {"source": 31, "target": 4, "label": "R"}, {"source": 37, "target": 19, "label": "C"}, {"source": 35, "target": 13, "label": "F"}, {"source": 35, "target": 14, "label": "C"}]} +{"id": "329991-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm very happy and will definitely dine in and carry out again.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}, {"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 7, "label": "P"}, {"source": 14, "target": 10, "label": "D"}, {"source": 14, "target": 11, "label": "U"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 2, "label": "D"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 10, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 3, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 8, "label": "L"}, {"source": 13, "target": 4, "label": "L"}]} +{"id": "330275-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Some of the nicest people and very good work standards", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 15, "label": "H"}, {"source": 14, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "L"}, {"source": 10, "target": 13, "label": "S"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "R"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 15, "target": 14, "label": "D"}, {"source": 15, "target": 16, "label": "S"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "330966-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Room ok.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}]} +{"id": "330966-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Service and Client base not ok.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "D"}, {"source": 7, "target": 10, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "S"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 1, "label": "L"}, {"source": 8, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "330966-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have stayed in this hotel many times, and while it typically offers a decent bang for the buck, its client base largely consists of troubled youngsteers and evictees from the local, not so pleasant hood.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}, {"from": 84, "to": 87}, {"from": 88, "to": 91}, {"from": 92, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 154}]}, {"id": 26, "anchors": [{"from": 155, "to": 158}]}, {"id": 27, "anchors": [{"from": 159, "to": 167}]}, {"id": 28, "anchors": [{"from": 168, "to": 172}]}, {"id": 29, "anchors": [{"from": 173, "to": 176}]}, {"id": 30, "anchors": [{"from": 177, "to": 182}]}, {"id": 31, "anchors": [{"from": 182, "to": 183}]}, {"id": 32, "anchors": [{"from": 184, "to": 187}]}, {"id": 33, "anchors": [{"from": 188, "to": 190}]}, {"id": 34, "anchors": [{"from": 191, "to": 199}]}, {"id": 35, "anchors": [{"from": 200, "to": 204}]}, {"id": 36, "anchors": [{"from": 204, "to": 205}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 51, "target": 35, "label": "C"}, {"source": 38, "target": 8, "label": "U"}, {"source": 38, "target": 44, "label": "H"}, {"source": 38, "target": 37, "label": "H"}, {"source": 41, "target": 12, "label": "D"}, {"source": 47, "target": 24, "label": "S"}, {"source": 51, "target": 30, "label": "E"}, {"source": 49, "target": 48, "label": "C"}, {"source": 52, "target": 33, "label": "D"}, {"source": 45, "target": 20, "label": "C"}, {"source": 50, "target": 27, "label": "A"}, {"source": 51, "target": 29, "label": "F"}, {"source": 51, "target": 31, "label": "U"}, {"source": 38, "target": 9, "label": "L"}, {"source": 43, "target": 45, "label": "C"}, {"source": 51, "target": 28, "label": "R"}, {"source": 39, "target": 3, "label": "R"}, {"source": 52, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 40, "label": "D"}, {"source": 45, "target": 19, "label": "C"}, {"source": 39, "target": 4, "label": "E"}, {"source": 39, "target": 5, "label": "C"}, {"source": 40, "target": 7, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 46, "target": 22, "label": "C"}, {"source": 43, "target": 18, "label": "E"}, {"source": 41, "target": 13, "label": "P"}, {"source": 42, "target": 15, "label": "E"}, {"source": 44, "target": 21, "label": "D"}, {"source": 44, "target": 46, "label": "S"}, {"source": 38, "target": 17, "label": "U"}, {"source": 44, "target": 49, "label": "A"}, {"source": 51, "target": 52, "label": "E"}, {"source": 38, "target": 41, "label": "H"}, {"source": 37, "target": 1, "label": "F"}, {"source": 37, "target": 0, "label": "A"}, {"source": 51, "target": 36, "label": "U"}, {"source": 52, "target": 34, "label": "S"}, {"source": 41, "target": 11, "label": "A"}, {"source": 44, "target": 43, "label": "A"}, {"source": 49, "target": 51, "label": "E"}, {"source": 37, "target": 2, "label": "P"}, {"source": 48, "target": 26, "label": "L"}, {"source": 48, "target": 50, "label": "H"}, {"source": 52, "target": 32, "label": "D"}, {"source": 47, "target": 25, "label": "A"}, {"source": 37, "target": 39, "label": "A"}, {"source": 50, "target": 27, "label": "S"}, {"source": 46, "target": 23, "label": "R"}, {"source": 48, "target": 47, "label": "H"}, {"source": 42, "target": 16, "label": "C"}, {"source": 38, "target": 10, "label": "L"}, {"source": 40, "target": 6, "label": "E"}, {"source": 42, "target": 14, "label": "F"}]} +{"id": "330966-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have never considered this a real problem as I travel without kids and can fend for myself, but when I had to listen to a (non-violent) domestic fight that lasted from 1 AM to 5 AM during my last stay and I found out that the front desk was unmanned during night hours, my choice was to either waste tax payers money by calling for a yet another police dispatch to this hotel, or just get over it.", "tops": [80], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}, {"from": 82, "to": 85}, {"from": 86, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 125}]}, {"id": 26, "anchors": [{"from": 125, "to": 136}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 164}]}, {"id": 32, "anchors": [{"from": 165, "to": 169}]}, {"id": 33, "anchors": [{"from": 170, "to": 171}, {"from": 172, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 177}]}, {"id": 35, "anchors": [{"from": 178, "to": 179}, {"from": 180, "to": 182}]}, {"id": 36, "anchors": [{"from": 183, "to": 189}]}, {"id": 37, "anchors": [{"from": 190, "to": 192}]}, {"id": 38, "anchors": [{"from": 193, "to": 197}]}, {"id": 39, "anchors": [{"from": 198, "to": 202}]}, {"id": 40, "anchors": [{"from": 203, "to": 206}]}, {"id": 41, "anchors": [{"from": 207, "to": 208}]}, {"id": 42, "anchors": [{"from": 209, "to": 214}, {"from": 215, "to": 218}]}, {"id": 43, "anchors": [{"from": 219, "to": 223}]}, {"id": 44, "anchors": [{"from": 224, "to": 227}]}, {"id": 45, "anchors": [{"from": 228, "to": 233}]}, {"id": 46, "anchors": [{"from": 234, "to": 238}]}, {"id": 47, "anchors": [{"from": 239, "to": 242}]}, {"id": 48, "anchors": [{"from": 243, "to": 251}]}, {"id": 49, "anchors": [{"from": 252, "to": 258}]}, {"id": 50, "anchors": [{"from": 259, "to": 264}]}, {"id": 51, "anchors": [{"from": 265, "to": 270}]}, {"id": 52, "anchors": [{"from": 270, "to": 271}]}, {"id": 53, "anchors": [{"from": 272, "to": 274}]}, {"id": 54, "anchors": [{"from": 275, "to": 281}]}, {"id": 55, "anchors": [{"from": 282, "to": 285}]}, {"id": 56, "anchors": [{"from": 286, "to": 288}]}, {"id": 57, "anchors": [{"from": 289, "to": 295}]}, {"id": 58, "anchors": [{"from": 296, "to": 301}]}, {"id": 59, "anchors": [{"from": 302, "to": 305}]}, {"id": 60, "anchors": [{"from": 306, "to": 312}]}, {"id": 61, "anchors": [{"from": 313, "to": 318}]}, {"id": 62, "anchors": [{"from": 319, "to": 321}]}, {"id": 63, "anchors": [{"from": 322, "to": 329}]}, {"id": 64, "anchors": [{"from": 330, "to": 333}]}, {"id": 65, "anchors": [{"from": 334, "to": 335}]}, {"id": 66, "anchors": [{"from": 336, "to": 339}]}, {"id": 67, "anchors": [{"from": 340, "to": 347}]}, {"id": 68, "anchors": [{"from": 348, "to": 354}]}, {"id": 69, "anchors": [{"from": 355, "to": 363}]}, {"id": 70, "anchors": [{"from": 364, "to": 366}]}, {"id": 71, "anchors": [{"from": 367, "to": 371}]}, {"id": 72, "anchors": [{"from": 372, "to": 377}]}, {"id": 73, "anchors": [{"from": 377, "to": 378}]}, {"id": 74, "anchors": [{"from": 379, "to": 381}]}, {"id": 75, "anchors": [{"from": 382, "to": 386}]}, {"id": 76, "anchors": [{"from": 387, "to": 390}, {"from": 391, "to": 395}]}, {"id": 77, "anchors": [{"from": 396, "to": 398}]}, {"id": 78, "anchors": [{"from": 398, "to": 399}]}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}, {"id": 98}, {"id": 99}, {"id": 100}, {"id": 101}, {"id": 102}, {"id": 103}, {"id": 104}, {"id": 105}], "edges": [{"source": 80, "target": 17, "label": "L"}, {"source": 79, "target": 1, "label": "F"}, {"source": 104, "target": 70, "label": "R"}, {"source": 93, "target": 95, "label": "T"}, {"source": 97, "target": 105, "label": "H"}, {"source": 97, "target": 56, "label": "L"}, {"source": 89, "target": 90, "label": "T"}, {"source": 82, "target": 7, "label": "C"}, {"source": 80, "target": 79, "label": "H"}, {"source": 83, "target": 10, "label": "P"}, {"source": 79, "target": 2, "label": "T"}, {"source": 101, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 97, "target": 62, "label": "L"}, {"source": 102, "target": 64, "label": "R"}, {"source": 80, "target": 91, "label": "H"}, {"source": 90, "target": 34, "label": "N"}, {"source": 97, "target": 98, "label": "H"}, {"source": 81, "target": 6, "label": "D"}, {"source": 90, "target": 33, "label": "C"}, {"source": 98, "target": 100, "label": "A"}, {"source": 102, "target": 103, "label": "E"}, {"source": 80, "target": 89, "label": "H"}, {"source": 100, "target": 99, "label": "E"}, {"source": 87, "target": 25, "label": "U"}, {"source": 105, "target": 76, "label": "P"}, {"source": 85, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 80, "target": 83, "label": "H"}, {"source": 80, "target": 30, "label": "L"}, {"source": 85, "target": 15, "label": "P"}, {"source": 87, "target": 28, "label": "D"}, {"source": 86, "target": 20, "label": "D"}, {"source": 102, "target": 68, "label": "E"}, {"source": 87, "target": 27, "label": "U"}, {"source": 80, "target": 86, "label": "H"}, {"source": 89, "target": 31, "label": "P"}, {"source": 81, "target": 82, "label": "P"}, {"source": 104, "target": 72, "label": "C"}, {"source": 95, "target": 51, "label": "C"}, {"source": 86, "target": 21, "label": "F"}, {"source": 104, "target": 71, "label": "E"}, {"source": 88, "target": 29, "label": "C"}, {"source": 93, "target": 43, "label": "R"}, {"source": 92, "target": 42, "label": "P"}, {"source": 102, "target": 69, "label": "C"}, {"source": 105, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 86, "target": 87, "label": "A"}, {"source": 98, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 98, "target": 58, "label": "P"}, {"source": 96, "target": 54, "label": "P"}, {"source": 86, "target": 19, "label": "A"}, {"source": 92, "target": 93, "label": "A"}, {"source": 101, "target": 63, "label": "P"}, {"source": 90, "target": 32, "label": "R"}, {"source": 94, "target": 44, "label": "F"}, {"source": 101, "target": 102, "label": "A"}, {"source": 97, "target": 101, "label": "H"}, {"source": 85, "target": 14, "label": "D"}, {"source": 101, "target": 104, "label": "A"}, {"source": 80, "target": 85, "label": "H"}, {"source": 91, "target": 38, "label": "D"}, {"source": 96, "target": 97, "label": "A"}, {"source": 93, "target": 47, "label": "F"}, {"source": 80, "target": 16, "label": "U"}, {"source": 94, "target": 45, "label": "E"}, {"source": 93, "target": 48, "label": "P"}, {"source": 84, "target": 11, "label": "E"}, {"source": 79, "target": 0, "label": "A"}, {"source": 80, "target": 36, "label": "L"}, {"source": 79, "target": 2, "label": "D"}, {"source": 80, "target": 18, "label": "L"}, {"source": 92, "target": 41, "label": "A"}, {"source": 80, "target": 40, "label": "L"}, {"source": 80, "target": 96, "label": "H"}, {"source": 79, "target": 81, "label": "A"}, {"source": 86, "target": 22, "label": "P"}, {"source": 105, "target": 78, "label": "U"}, {"source": 89, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 103, "target": 67, "label": "C"}, {"source": 96, "target": 53, "label": "A"}, {"source": 95, "target": 49, "label": "R"}, {"source": 83, "target": 84, "label": "A"}, {"source": 83, "target": 9, "label": "A"}, {"source": 87, "target": 88, "label": "P"}, {"source": 99, "target": 60, "label": "A"}, {"source": 93, "target": 94, "label": "A"}, {"source": 82, "target": 5, "label": "F"}, {"source": 105, "target": 75, "label": "G"}, {"source": 88, "target": 24, "label": "F"}, {"source": 95, "target": 50, "label": "E"}, {"source": 97, "target": 74, "label": "L"}, {"source": 103, "target": 66, "label": "E"}, {"source": 99, "target": 60, "label": "P"}, {"source": 94, "target": 46, "label": "C"}, {"source": 91, "target": 37, "label": "A"}, {"source": 90, "target": 35, "label": "C"}, {"source": 96, "target": 55, "label": "F"}, {"source": 97, "target": 73, "label": "U"}, {"source": 99, "target": 59, "label": "A"}, {"source": 79, "target": 3, "label": "P"}, {"source": 100, "target": 61, "label": "C"}, {"source": 91, "target": 39, "label": "P"}, {"source": 87, "target": 23, "label": "R"}, {"source": 105, "target": 77, "label": "A"}, {"source": 80, "target": 52, "label": "U"}, {"source": 80, "target": 8, "label": "L"}, {"source": 102, "target": 65, "label": "F"}, {"source": 97, "target": 57, "label": "L"}, {"source": 87, "target": 26, "label": "D"}, {"source": 79, "target": 4, "label": "A"}, {"source": 84, "target": 12, "label": "C"}, {"source": 80, "target": 92, "label": "H"}, {"source": 80, "target": 13, "label": "L"}]} +{"id": "330966-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I chose the later, but approached the front desk about the hotel policy to push over their responsibilities on local authorities, not to mention the good nights sleep i paid for but didnt get.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}, {"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 128}]}, {"id": 21, "anchors": [{"from": 128, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 133}, {"from": 134, "to": 136}, {"from": 137, "to": 144}]}, {"id": 23, "anchors": [{"from": 145, "to": 148}]}, {"id": 24, "anchors": [{"from": 149, "to": 153}]}, {"id": 25, "anchors": [{"from": 154, "to": 159}]}, {"id": 26, "anchors": [{"from": 159, "to": 160}]}, {"id": 27, "anchors": [{"from": 161, "to": 166}]}, {"id": 28, "anchors": [{"from": 167, "to": 168}]}, {"id": 29, "anchors": [{"from": 169, "to": 173}]}, {"id": 30, "anchors": [{"from": 174, "to": 177}]}, {"id": 31, "anchors": [{"from": 178, "to": 181}]}, {"id": 32, "anchors": [{"from": 182, "to": 185}]}, {"id": 33, "anchors": [{"from": 185, "to": 187}]}, {"id": 34, "anchors": [{"from": 188, "to": 191}]}, {"id": 35, "anchors": [{"from": 191, "to": 192}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 42, "target": 43, "label": "A"}, {"source": 43, "target": 16, "label": "A"}, {"source": 37, "target": 49, "label": "H"}, {"source": 46, "target": 27, "label": "C"}, {"source": 41, "target": 42, "label": "E"}, {"source": 40, "target": 7, "label": "F"}, {"source": 37, "target": 31, "label": "L"}, {"source": 49, "target": 35, "label": "U"}, {"source": 40, "target": 9, "label": "C"}, {"source": 44, "target": 20, "label": "C"}, {"source": 45, "target": 46, "label": "P"}, {"source": 38, "target": 2, "label": "F"}, {"source": 36, "target": 38, "label": "A"}, {"source": 37, "target": 21, "label": "U"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 11, "label": "F"}, {"source": 48, "target": 26, "label": "R"}, {"source": 49, "target": 34, "label": "P"}, {"source": 45, "target": 24, "label": "D"}, {"source": 41, "target": 13, "label": "C"}, {"source": 43, "target": 17, "label": "S"}, {"source": 36, "target": 1, "label": "P"}, {"source": 47, "target": 45, "label": "A"}, {"source": 39, "target": 6, "label": "P"}, {"source": 48, "target": 25, "label": "C"}, {"source": 37, "target": 47, "label": "H"}, {"source": 37, "target": 5, "label": "L"}, {"source": 42, "target": 15, "label": "P"}, {"source": 47, "target": 29, "label": "P"}, {"source": 49, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 8, "label": "E"}, {"source": 41, "target": 10, "label": "R"}, {"source": 44, "target": 18, "label": "R"}, {"source": 45, "target": 48, "label": "T"}, {"source": 37, "target": 36, "label": "H"}, {"source": 49, "target": 33, "label": "D"}, {"source": 44, "target": 19, "label": "E"}, {"source": 47, "target": 30, "label": "R"}, {"source": 46, "target": 23, "label": "F"}, {"source": 37, "target": 22, "label": "L"}, {"source": 41, "target": 12, "label": "E"}, {"source": 36, "target": 0, "label": "A"}, {"source": 49, "target": 32, "label": "F"}, {"source": 38, "target": 3, "label": "C"}, {"source": 37, "target": 39, "label": "H"}, {"source": 39, "target": 41, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 37, "target": 4, "label": "U"}, {"source": 42, "target": 14, "label": "F"}, {"source": 47, "target": 28, "label": "A"}]} +{"id": "330966-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was told management would call me back but still waiting for that call.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 4, "label": "D"}, {"source": 19, "target": 11, "label": "R"}, {"source": 16, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "A"}, {"source": 16, "target": 8, "label": "L"}, {"source": 17, "target": 6, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 13, "label": "P"}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 10, "label": "P"}, {"source": 15, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 9, "label": "D"}, {"source": 17, "target": 7, "label": "D"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "330966-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will probably stay here again because its cheap and I cant afford a better hotel, but do not look forward to it and would definitely not recommend this hotel for families or single female travellers.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}, {"from": 100, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 148}]}, {"id": 30, "anchors": [{"from": 149, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 172}]}, {"id": 34, "anchors": [{"from": 173, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 182}]}, {"id": 36, "anchors": [{"from": 183, "to": 189}]}, {"id": 37, "anchors": [{"from": 190, "to": 200}]}, {"id": 38, "anchors": [{"from": 200, "to": 201}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 40, "target": 6, "label": "L"}, {"source": 45, "target": 46, "label": "A"}, {"source": 45, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 49, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 47, "target": 26, "label": "D"}, {"source": 40, "target": 45, "label": "H"}, {"source": 41, "target": 8, "label": "F"}, {"source": 45, "target": 21, "label": "D"}, {"source": 39, "target": 0, "label": "A"}, {"source": 45, "target": 22, "label": "P"}, {"source": 50, "target": 36, "label": "E"}, {"source": 48, "target": 30, "label": "E"}, {"source": 39, "target": 5, "label": "D"}, {"source": 49, "target": 50, "label": "C"}, {"source": 42, "target": 11, "label": "A"}, {"source": 45, "target": 20, "label": "F"}, {"source": 47, "target": 28, "label": "D"}, {"source": 40, "target": 10, "label": "L"}, {"source": 40, "target": 47, "label": "H"}, {"source": 44, "target": 16, "label": "S"}, {"source": 50, "target": 37, "label": "C"}, {"source": 47, "target": 29, "label": "P"}, {"source": 49, "target": 33, "label": "C"}, {"source": 43, "target": 44, "label": "E"}, {"source": 42, "target": 13, "label": "D"}, {"source": 40, "target": 19, "label": "L"}, {"source": 39, "target": 4, "label": "A"}, {"source": 43, "target": 15, "label": "F"}, {"source": 41, "target": 9, "label": "S"}, {"source": 47, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 32, "label": "R"}, {"source": 39, "target": 2, "label": "D"}, {"source": 42, "target": 12, "label": "F"}, {"source": 42, "target": 14, "label": "P"}, {"source": 39, "target": 3, "label": "P"}, {"source": 48, "target": 31, "label": "C"}, {"source": 40, "target": 25, "label": "L"}, {"source": 47, "target": 27, "label": "D"}, {"source": 41, "target": 7, "label": "A"}, {"source": 39, "target": 1, "label": "F"}, {"source": 46, "target": 23, "label": "R"}, {"source": 40, "target": 18, "label": "U"}, {"source": 44, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 38, "label": "U"}, {"source": 40, "target": 42, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 46, "target": 24, "label": "C"}, {"source": 40, "target": 41, "label": "H"}, {"source": 43, "target": 17, "label": "C"}, {"source": 49, "target": 34, "label": "N"}, {"source": 50, "target": 35, "label": "E"}]} +{"id": "331662-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice selection, very clean, friendly staff!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 12, "target": 7, "label": "A"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 10, "target": 5, "label": "U"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "331662-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hot Iron has become a favorite of our family.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "R"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 4, "label": "C"}]} +{"id": "331662-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everyone can get the signature dish with ingredients and spices that they want and have the fun of watching it cook.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 91}, {"from": 92, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 115}]}, {"id": 20, "anchors": [{"from": 115, "to": 116}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 25, "target": 9, "label": "C"}, {"source": 27, "target": 14, "label": "F"}, {"source": 27, "target": 17, "label": "P"}, {"source": 28, "target": 18, "label": "A"}, {"source": 23, "target": 3, "label": "F"}, {"source": 26, "target": 10, "label": "R"}, {"source": 27, "target": 15, "label": "G"}, {"source": 26, "target": 11, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 25, "target": 8, "label": "N"}, {"source": 24, "target": 25, "label": "C"}, {"source": 27, "target": 16, "label": "F"}, {"source": 28, "target": 20, "label": "U"}, {"source": 21, "target": 1, "label": "F"}, {"source": 26, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 7, "label": "C"}, {"source": 24, "target": 6, "label": "R"}, {"source": 22, "target": 27, "label": "H"}, {"source": 28, "target": 19, "label": "P"}, {"source": 24, "target": 26, "label": "E"}, {"source": 23, "target": 4, "label": "E"}]} +{"id": "331662-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff are very friendly and conscientious.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 8, "label": "P"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 8, "label": "A"}, {"source": 9, "target": 11, "label": "D"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 6, "label": "S"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 2, "label": "F"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 5, "label": "L"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "331662-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They always ask if you have meat in your dish, (for vegetarians like me), they scrub an area of the grill and use separate utensils to cook.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 99}]}, {"id": 24, "anchors": [{"from": 100, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 113}]}, {"id": 27, "anchors": [{"from": 114, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 139}]}, {"id": 31, "anchors": [{"from": 139, "to": 140}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 32, "target": 38, "label": "A"}, {"source": 39, "target": 18, "label": "A"}, {"source": 32, "target": 10, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 36, "target": 37, "label": "E"}, {"source": 33, "target": 25, "label": "L"}, {"source": 33, "target": 32, "label": "H"}, {"source": 44, "target": 30, "label": "P"}, {"source": 41, "target": 22, "label": "R"}, {"source": 32, "target": 1, "label": "T"}, {"source": 39, "target": 19, "label": "P"}, {"source": 44, "target": 31, "label": "U"}, {"source": 38, "target": 12, "label": "R"}, {"source": 32, "target": 0, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 26, "label": "P"}, {"source": 33, "target": 39, "label": "H"}, {"source": 41, "target": 23, "label": "F"}, {"source": 36, "target": 9, "label": "C"}, {"source": 35, "target": 6, "label": "C"}, {"source": 34, "target": 5, "label": "P"}, {"source": 32, "target": 2, "label": "P"}, {"source": 33, "target": 17, "label": "U"}, {"source": 40, "target": 20, "label": "F"}, {"source": 37, "target": 8, "label": "S"}, {"source": 32, "target": 11, "label": "U"}, {"source": 43, "target": 28, "label": "C"}, {"source": 37, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 43, "label": "A"}, {"source": 33, "target": 42, "label": "H"}, {"source": 38, "target": 14, "label": "F"}, {"source": 42, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 27, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 21, "label": "C"}, {"source": 35, "target": 36, "label": "E"}, {"source": 38, "target": 13, "label": "S"}, {"source": 33, "target": 16, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 41, "target": 24, "label": "C"}, {"source": 36, "target": 7, "label": "R"}, {"source": 42, "target": 44, "label": "A"}, {"source": 34, "target": 4, "label": "A"}, {"source": 44, "target": 29, "label": "F"}, {"source": 34, "target": 3, "label": "R"}, {"source": 38, "target": 15, "label": "A"}]} +{"id": "331662-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They don't just dump your ingredients on and cook either, but carefully separate meat to the hotter parts of the grill and still manage to keep the veggies from turning to mush.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 168}]}, {"id": 32, "anchors": [{"from": 169, "to": 171}]}, {"id": 33, "anchors": [{"from": 172, "to": 176}]}, {"id": 34, "anchors": [{"from": 176, "to": 177}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 44, "target": 17, "label": "F"}, {"source": 35, "target": 0, "label": "A"}, {"source": 47, "target": 49, "label": "A"}, {"source": 43, "target": 21, "label": "F"}, {"source": 42, "target": 15, "label": "C"}, {"source": 47, "target": 48, "label": "A"}, {"source": 39, "target": 7, "label": "R"}, {"source": 40, "target": 9, "label": "P"}, {"source": 36, "target": 8, "label": "L"}, {"source": 49, "target": 34, "label": "U"}, {"source": 38, "target": 6, "label": "C"}, {"source": 36, "target": 41, "label": "H"}, {"source": 36, "target": 40, "label": "H"}, {"source": 46, "target": 47, "label": "A"}, {"source": 35, "target": 38, "label": "A"}, {"source": 46, "target": 25, "label": "P"}, {"source": 36, "target": 12, "label": "L"}, {"source": 41, "target": 42, "label": "A"}, {"source": 37, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 19, "label": "C"}, {"source": 47, "target": 31, "label": "P"}, {"source": 35, "target": 1, "label": "F"}, {"source": 45, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 37, "label": "E"}, {"source": 49, "target": 33, "label": "C"}, {"source": 43, "target": 44, "label": "E"}, {"source": 36, "target": 23, "label": "L"}, {"source": 47, "target": 26, "label": "F"}, {"source": 35, "target": 4, "label": "P"}, {"source": 45, "target": 18, "label": "S"}, {"source": 49, "target": 32, "label": "R"}, {"source": 43, "target": 20, "label": "R"}, {"source": 48, "target": 28, "label": "F"}, {"source": 48, "target": 29, "label": "C"}, {"source": 47, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 30, "label": "F"}, {"source": 46, "target": 24, "label": "D"}, {"source": 35, "target": 39, "label": "A"}, {"source": 41, "target": 14, "label": "P"}, {"source": 36, "target": 10, "label": "L"}, {"source": 43, "target": 22, "label": "C"}, {"source": 47, "target": 27, "label": "D"}, {"source": 46, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 46, "label": "H"}, {"source": 36, "target": 11, "label": "U"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 5, "label": "S"}, {"source": 42, "target": 43, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 35, "label": "H"}, {"source": 41, "target": 13, "label": "D"}, {"source": 35, "target": 2, "label": "D"}, {"source": 35, "target": 3, "label": "D"}, {"source": 43, "target": 16, "label": "R"}]} +{"id": "331662-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The selection of meats, veggies and sauces is awesome too!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 9, "label": "D"}, {"source": 14, "target": 10, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 8, "label": "F"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 6, "label": "N"}]} +{"id": "331662-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Every time we go they seem to have a different ingredient or two which keeps things interesting.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 95}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 11, "label": "R"}, {"source": 19, "target": 2, "label": "A"}, {"source": 18, "target": 0, "label": "Q"}, {"source": 22, "target": 23, "label": "Q"}, {"source": 21, "target": 4, "label": "A"}, {"source": 19, "target": 3, "label": "P"}, {"source": 20, "target": 13, "label": "L"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "E"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 24, "target": 15, "label": "A"}, {"source": 22, "target": 8, "label": "F"}, {"source": 21, "target": 7, "label": "S"}, {"source": 24, "target": 14, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 5, "label": "G"}, {"source": 19, "target": 18, "label": "T"}, {"source": 18, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}, {"source": 24, "target": 16, "label": "S"}, {"source": 24, "target": 17, "label": "U"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "331662-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Meats are kept VERY cold, seafood smells fresh and the serving bar is VERY clean.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 11, "label": "P"}, {"source": 18, "target": 22, "label": "H"}, {"source": 20, "target": 7, "label": "G"}, {"source": 20, "target": 8, "label": "S"}, {"source": 18, "target": 5, "label": "U"}, {"source": 21, "target": 23, "label": "E"}, {"source": 19, "target": 4, "label": "S"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "L"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 22, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 6, "label": "A"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 14, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 17, "target": 2, "label": "P"}, {"source": 22, "target": 15, "label": "S"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "331662-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Prices are reasonable, (Kids meals are around 4.99) and Wednesday's they have discount dinner prices, I believe.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 100}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 111}]}, {"id": 22, "anchors": [{"from": 111, "to": 112}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 27, "label": "H"}, {"source": 31, "target": 17, "label": "E"}, {"source": 31, "target": 18, "label": "C"}, {"source": 30, "target": 29, "label": "A"}, {"source": 30, "target": 20, "label": "A"}, {"source": 24, "target": 11, "label": "U"}, {"source": 25, "target": 6, "label": "R"}, {"source": 23, "target": 2, "label": "S"}, {"source": 30, "target": 19, "label": "U"}, {"source": 24, "target": 30, "label": "H"}, {"source": 24, "target": 3, "label": "U"}, {"source": 29, "target": 15, "label": "S"}, {"source": 24, "target": 12, "label": "L"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 9, "label": "E"}, {"source": 27, "target": 26, "label": "A"}, {"source": 24, "target": 4, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 28, "target": 10, "label": "Q"}, {"source": 31, "target": 16, "label": "E"}, {"source": 28, "target": 10, "label": "C"}, {"source": 25, "target": 5, "label": "C"}, {"source": 30, "target": 21, "label": "P"}, {"source": 26, "target": 7, "label": "P"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 8, "label": "S"}, {"source": 23, "target": 1, "label": "F"}, {"source": 29, "target": 13, "label": "T"}]} +{"id": "332068-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Would not recommend I Was in a fair amount of pain for several weeks.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 4, "label": "F"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 6, "label": "F"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 8, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 20, "label": "T"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 3, "label": "A"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "D"}, {"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 0, "label": "D"}, {"source": 17, "target": 19, "label": "S"}, {"source": 20, "target": 12, "label": "Q"}]} +{"id": "332068-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "his clinic is very very dirty he is a real disaster to go totally not organized for every step he take .", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 3, "label": "C"}, {"source": 29, "target": 13, "label": "D"}, {"source": 27, "target": 6, "label": "A"}, {"source": 29, "target": 14, "label": "D"}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 29, "label": "H"}, {"source": 31, "target": 18, "label": "C"}, {"source": 30, "target": 17, "label": "D"}, {"source": 31, "target": 21, "label": "U"}, {"source": 26, "target": 4, "label": "C"}, {"source": 28, "target": 8, "label": "F"}, {"source": 27, "target": 7, "label": "F"}, {"source": 24, "target": 26, "label": "D"}, {"source": 25, "target": 27, "label": "H"}, {"source": 24, "target": 5, "label": "S"}, {"source": 31, "target": 20, "label": "F"}, {"source": 23, "target": 1, "label": "C"}, {"source": 29, "target": 15, "label": "S"}, {"source": 30, "target": 31, "label": "P"}, {"source": 23, "target": 22, "label": "E"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "F"}, {"source": 27, "target": 28, "label": "S"}, {"source": 24, "target": 2, "label": "F"}, {"source": 28, "target": 10, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 30, "label": "H"}, {"source": 25, "target": 11, "label": "L"}, {"source": 27, "target": 9, "label": "D"}, {"source": 30, "target": 19, "label": "A"}, {"source": 22, "target": 0, "label": "S"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "332105-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My wife and I avoided doing some fairly simple electrical re-wiring in our home for several years due to overall hassle and cost involved.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 101}, {"from": 102, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 128}]}, {"id": 22, "anchors": [{"from": 129, "to": 137}]}, {"id": 23, "anchors": [{"from": 137, "to": 138}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 19, "label": "C"}, {"source": 33, "target": 16, "label": "C"}, {"source": 27, "target": 17, "label": "L"}, {"source": 31, "target": 32, "label": "E"}, {"source": 29, "target": 9, "label": "E"}, {"source": 32, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "P"}, {"source": 24, "target": 0, "label": "A"}, {"source": 27, "target": 35, "label": "H"}, {"source": 33, "target": 15, "label": "Q"}, {"source": 28, "target": 5, "label": "F"}, {"source": 26, "target": 4, "label": "P"}, {"source": 24, "target": 1, "label": "A"}, {"source": 29, "target": 6, "label": "Q"}, {"source": 35, "target": 34, "label": "A"}, {"source": 34, "target": 36, "label": "C"}, {"source": 31, "target": 11, "label": "R"}, {"source": 28, "target": 30, "label": "D"}, {"source": 30, "target": 7, "label": "E"}, {"source": 30, "target": 8, "label": "C"}, {"source": 26, "target": 33, "label": "T"}, {"source": 33, "target": 14, "label": "R"}, {"source": 36, "target": 21, "label": "C"}, {"source": 34, "target": 18, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 3, "label": "C"}, {"source": 28, "target": 31, "label": "A"}, {"source": 31, "target": 13, "label": "C"}, {"source": 32, "target": 12, "label": "S"}, {"source": 25, "target": 24, "label": "C"}, {"source": 29, "target": 10, "label": "C"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 22, "label": "P"}, {"source": 36, "target": 20, "label": "N"}, {"source": 25, "target": 2, "label": "N"}, {"source": 35, "target": 23, "label": "U"}, {"source": 24, "target": 1, "label": "S"}]} +{"id": "332105-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I finally called Matt from Bonafide and he made the project both easy for us and reasonable.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 20, "target": 4, "label": "R"}, {"source": 21, "target": 23, "label": "A"}, {"source": 19, "target": 11, "label": "L"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 22, "label": "P"}, {"source": 19, "target": 6, "label": "L"}, {"source": 21, "target": 7, "label": "A"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "F"}, {"source": 19, "target": 15, "label": "L"}, {"source": 21, "target": 8, "label": "D"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 12, "label": "D"}, {"source": 24, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "H"}, {"source": 24, "target": 16, "label": "S"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "332105-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He was prompt, knowledgable, friendly, clean and just an overall great guy who obviously cares about his business.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 113}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 9, "label": "L"}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 8, "label": "S"}, {"source": 27, "target": 12, "label": "D"}, {"source": 31, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 19, "label": "S"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 15, "label": "L"}, {"source": 28, "target": 11, "label": "F"}, {"source": 28, "target": 14, "label": "C"}, {"source": 23, "target": 3, "label": "U"}, {"source": 30, "target": 18, "label": "R"}, {"source": 25, "target": 6, "label": "S"}, {"source": 30, "target": 31, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 13, "label": "S"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 29, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "U"}, {"source": 23, "target": 7, "label": "U"}, {"source": 22, "target": 0, "label": "A"}, {"source": 29, "target": 16, "label": "D"}, {"source": 23, "target": 29, "label": "H"}, {"source": 30, "target": 20, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 30, "target": 21, "label": "U"}, {"source": 24, "target": 4, "label": "S"}, {"source": 27, "target": 10, "label": "D"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "F"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "332105-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will reccommend his services however/whenever possible!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 13, "label": "E"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 14, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "332476-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Amazing Pictures at an Amazing Price", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 2, "label": "L"}, {"source": 9, "target": 5, "label": "C"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "332476-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rendy is totally amazing.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "332476-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She gave me amazing pictures at an amazing price and made my wedding day so memorable.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 20, "label": "C"}, {"source": 24, "target": 10, "label": "F"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "S"}, {"source": 25, "target": 11, "label": "A"}, {"source": 17, "target": 21, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 5, "label": "N"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 14, "label": "D"}, {"source": 24, "target": 15, "label": "S"}, {"source": 17, "target": 2, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "C"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "T"}, {"source": 23, "target": 7, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 24, "label": "H"}, {"source": 25, "target": 12, "label": "P"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "332476-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She was way easy to work with and made my wedding day so easy and she got some amazing pictures, not only of me, but of my family and friends.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 111}]}, {"id": 25, "anchors": [{"from": 111, "to": 112}]}, {"id": 26, "anchors": [{"from": 113, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 141}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 33, "target": 6, "label": "R"}, {"source": 37, "target": 12, "label": "E"}, {"source": 46, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 13, "label": "C"}, {"source": 41, "target": 22, "label": "C"}, {"source": 38, "target": 16, "label": "P"}, {"source": 43, "target": 27, "label": "R"}, {"source": 46, "target": 31, "label": "A"}, {"source": 40, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 24, "label": "C"}, {"source": 39, "target": 43, "label": "E"}, {"source": 44, "target": 29, "label": "S"}, {"source": 43, "target": 45, "label": "C"}, {"source": 34, "target": 14, "label": "L"}, {"source": 34, "target": 38, "label": "H"}, {"source": 39, "target": 19, "label": "C"}, {"source": 44, "target": 28, "label": "A"}, {"source": 34, "target": 7, "label": "L"}, {"source": 45, "target": 44, "label": "H"}, {"source": 45, "target": 30, "label": "L"}, {"source": 39, "target": 25, "label": "U"}, {"source": 35, "target": 2, "label": "E"}, {"source": 33, "target": 1, "label": "F"}, {"source": 38, "target": 39, "label": "A"}, {"source": 33, "target": 0, "label": "A"}, {"source": 39, "target": 17, "label": "Q"}, {"source": 46, "target": 32, "label": "U"}, {"source": 44, "target": 29, "label": "A"}, {"source": 36, "target": 37, "label": "D"}, {"source": 45, "target": 46, "label": "H"}, {"source": 33, "target": 35, "label": "D"}, {"source": 36, "target": 9, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 42, "target": 23, "label": "R"}, {"source": 40, "target": 18, "label": "S"}, {"source": 36, "target": 11, "label": "T"}, {"source": 33, "target": 4, "label": "F"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 46, "target": 31, "label": "S"}, {"source": 33, "target": 5, "label": "P"}, {"source": 41, "target": 21, "label": "C"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 42, "label": "E"}, {"source": 36, "target": 10, "label": "P"}, {"source": 36, "target": 8, "label": "D"}, {"source": 43, "target": 26, "label": "R"}, {"source": 35, "target": 3, "label": "C"}, {"source": 42, "target": 41, "label": "R"}, {"source": 39, "target": 20, "label": "U"}, {"source": 38, "target": 15, "label": "A"}]} +{"id": "332476-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She is amazing.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "332476-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend her to anyone!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}]} +{"id": "332785-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks for following me around the store", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 5, "label": "F"}]} +{"id": "332785-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Enough said.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "332785-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I don't steal, I wasn't acting suspiciously.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "anchors": [{"from": 20, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 5, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 7, "label": "D"}, {"source": 13, "target": 9, "label": "D"}, {"source": 11, "target": 2, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 8, "label": "P"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "332785-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was ready to buy a new jacket, a new sweater and a couple of your overpriced belts and I walked out because of your obvious lurking", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 109}, {"from": 110, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 133}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 36, "target": 16, "label": "S"}, {"source": 28, "target": 38, "label": "H"}, {"source": 27, "target": 2, "label": "D"}, {"source": 39, "target": 25, "label": "D"}, {"source": 33, "target": 10, "label": "S"}, {"source": 27, "target": 30, "label": "A"}, {"source": 39, "target": 26, "label": "P"}, {"source": 39, "target": 24, "label": "A"}, {"source": 34, "target": 14, "label": "C"}, {"source": 30, "target": 12, "label": "N"}, {"source": 27, "target": 1, "label": "F"}, {"source": 33, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 23, "label": "L"}, {"source": 35, "target": 37, "label": "E"}, {"source": 31, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 22, "label": "D"}, {"source": 29, "target": 31, "label": "E"}, {"source": 35, "target": 15, "label": "R"}, {"source": 28, "target": 39, "label": "H"}, {"source": 29, "target": 7, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 30, "target": 35, "label": "C"}, {"source": 32, "target": 9, "label": "F"}, {"source": 30, "target": 8, "label": "U"}, {"source": 30, "target": 32, "label": "C"}, {"source": 27, "target": 3, "label": "F"}, {"source": 29, "target": 5, "label": "F"}, {"source": 37, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 4, "label": "P"}, {"source": 37, "target": 17, "label": "S"}, {"source": 31, "target": 6, "label": "S"}, {"source": 36, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 11, "label": "C"}, {"source": 35, "target": 18, "label": "C"}, {"source": 38, "target": 20, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 30, "target": 29, "label": "C"}, {"source": 35, "target": 34, "label": "Q"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 38, "target": 21, "label": "P"}, {"source": 28, "target": 19, "label": "L"}, {"source": 34, "target": 13, "label": "F"}]} +{"id": "332972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best pizza ever im fat so ive had a ton of pizza other than pizza from chicago its the best", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 43}]}, {"id": 13, "anchors": [{"from": 44, "to": 46}]}, {"id": 14, "anchors": [{"from": 47, "to": 52}]}, {"id": 15, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 95}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 32, "target": 17, "label": "R"}, {"source": 33, "target": 20, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 27, "target": 8, "label": "A"}, {"source": 25, "target": 15, "label": "L"}, {"source": 31, "target": 32, "label": "E"}, {"source": 26, "target": 5, "label": "F"}, {"source": 32, "target": 18, "label": "C"}, {"source": 24, "target": 2, "label": "A"}, {"source": 34, "target": 22, "label": "C"}, {"source": 29, "target": 28, "label": "Q"}, {"source": 28, "target": 12, "label": "C"}, {"source": 28, "target": 11, "label": "F"}, {"source": 26, "target": 6, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 10, "label": "P"}, {"source": 25, "target": 27, "label": "H"}, {"source": 33, "target": 34, "label": "S"}, {"source": 31, "target": 16, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 29, "target": 14, "label": "C"}, {"source": 27, "target": 9, "label": "F"}, {"source": 23, "target": 1, "label": "C"}, {"source": 34, "target": 21, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 33, "target": 19, "label": "A"}, {"source": 26, "target": 4, "label": "A"}, {"source": 25, "target": 33, "label": "H"}, {"source": 29, "target": 13, "label": "R"}, {"source": 25, "target": 7, "label": "L"}, {"source": 25, "target": 30, "label": "H"}, {"source": 24, "target": 23, "label": "S"}, {"source": 23, "target": 0, "label": "F"}, {"source": 24, "target": 3, "label": "T"}]} +{"id": "333243-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very unhappy ...", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "333243-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Working with Rod Jacobsen was my first experience working with a CPA, so I did not know what to expect.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}, {"from": 17, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 68}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 19, "label": "S"}, {"source": 29, "target": 17, "label": "A"}, {"source": 29, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 11, "label": "U"}, {"source": 26, "target": 27, "label": "P"}, {"source": 27, "target": 10, "label": "C"}, {"source": 21, "target": 0, "label": "P"}, {"source": 28, "target": 14, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 27, "target": 9, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 5, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 6, "label": "P"}, {"source": 29, "target": 18, "label": "F"}, {"source": 24, "target": 1, "label": "R"}, {"source": 26, "target": 8, "label": "R"}, {"source": 25, "target": 7, "label": "P"}, {"source": 23, "target": 12, "label": "L"}, {"source": 22, "target": 4, "label": "A"}, {"source": 28, "target": 15, "label": "D"}, {"source": 28, "target": 16, "label": "S"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 2, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 28, "target": 13, "label": "A"}]} +{"id": "333243-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That said - he seemed to be doing well enough.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 6, "label": "P"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "A"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 0, "label": "G"}, {"source": 12, "target": 8, "label": "E"}, {"source": 11, "target": 3, "label": "G"}, {"source": 11, "target": 1, "label": "U"}, {"source": 11, "target": 12, "label": "D"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "333243-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, then I asked to amend my return to apply a credit I had just become eligible for.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 26, "target": 12, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 16, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 20, "target": 2, "label": "L"}, {"source": 20, "target": 1, "label": "U"}, {"source": 22, "target": 5, "label": "R"}, {"source": 27, "target": 14, "label": "F"}, {"source": 28, "target": 12, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 17, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 28, "target": 18, "label": "R"}, {"source": 27, "target": 15, "label": "T"}, {"source": 26, "target": 11, "label": "F"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 8, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 20, "target": 0, "label": "L"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 27, "target": 13, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 23, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "S"}, {"source": 23, "target": 7, "label": "A"}, {"source": 21, "target": 3, "label": "A"}, {"source": 25, "target": 10, "label": "P"}]} +{"id": "333243-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I expected to pay for this service, but imagine my surprise when I received a bill for MORE than what I paid to have the original return prepared.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 146}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 37, "target": 13, "label": "A"}, {"source": 43, "target": 24, "label": "F"}, {"source": 43, "target": 28, "label": "P"}, {"source": 41, "target": 17, "label": "R"}, {"source": 36, "target": 10, "label": "A"}, {"source": 30, "target": 1, "label": "S"}, {"source": 39, "target": 18, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 38, "target": 16, "label": "C"}, {"source": 30, "target": 0, "label": "A"}, {"source": 31, "target": 37, "label": "H"}, {"source": 45, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 23, "label": "R"}, {"source": 33, "target": 34, "label": "P"}, {"source": 37, "target": 40, "label": "A"}, {"source": 31, "target": 7, "label": "U"}, {"source": 42, "target": 22, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 12, "label": "L"}, {"source": 32, "target": 3, "label": "P"}, {"source": 45, "target": 26, "label": "S"}, {"source": 43, "target": 29, "label": "U"}, {"source": 35, "target": 9, "label": "P"}, {"source": 42, "target": 21, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 15, "label": "F"}, {"source": 34, "target": 5, "label": "E"}, {"source": 32, "target": 2, "label": "R"}, {"source": 37, "target": 14, "label": "P"}, {"source": 39, "target": 38, "label": "A"}, {"source": 34, "target": 6, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 42, "target": 20, "label": "A"}, {"source": 40, "target": 19, "label": "L"}, {"source": 33, "target": 4, "label": "R"}, {"source": 36, "target": 11, "label": "S"}, {"source": 44, "target": 25, "label": "F"}, {"source": 44, "target": 27, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 44, "target": 45, "label": "E"}, {"source": 40, "target": 42, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 31, "target": 30, "label": "H"}, {"source": 31, "target": 8, "label": "L"}]} +{"id": "333243-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Asked why, Rod simply told me that he had to research how to do the amendment (it was an amended to show that I had purchased a home - nothing out of the ordinary, one would think) and that took time to figure out.", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}, {"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}, {"from": 147, "to": 149}, {"from": 150, "to": 153}, {"from": 154, "to": 162}]}, {"id": 32, "anchors": [{"from": 162, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 167}]}, {"id": 34, "anchors": [{"from": 168, "to": 173}]}, {"id": 35, "anchors": [{"from": 174, "to": 179}]}, {"id": 36, "anchors": [{"from": 179, "to": 180}]}, {"id": 37, "anchors": [{"from": 181, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 189}]}, {"id": 39, "anchors": [{"from": 190, "to": 194}]}, {"id": 40, "anchors": [{"from": 195, "to": 199}]}, {"id": 41, "anchors": [{"from": 200, "to": 202}]}, {"id": 42, "anchors": [{"from": 203, "to": 209}, {"from": 210, "to": 213}]}, {"id": 43, "anchors": [{"from": 213, "to": 214}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 45, "target": 29, "label": "U"}, {"source": 47, "target": 10, "label": "P"}, {"source": 48, "target": 49, "label": "E"}, {"source": 55, "target": 56, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 60, "target": 40, "label": "C"}, {"source": 54, "target": 21, "label": "R"}, {"source": 45, "target": 37, "label": "L"}, {"source": 45, "target": 2, "label": "U"}, {"source": 44, "target": 1, "label": "A"}, {"source": 58, "target": 33, "label": "A"}, {"source": 52, "target": 17, "label": "A"}, {"source": 45, "target": 58, "label": "H"}, {"source": 56, "target": 28, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 46, "target": 6, "label": "A"}, {"source": 58, "target": 57, "label": "A"}, {"source": 58, "target": 34, "label": "D"}, {"source": 55, "target": 24, "label": "A"}, {"source": 55, "target": 26, "label": "P"}, {"source": 59, "target": 42, "label": "P"}, {"source": 45, "target": 44, "label": "H"}, {"source": 58, "target": 32, "label": "U"}, {"source": 53, "target": 19, "label": "F"}, {"source": 52, "target": 18, "label": "F"}, {"source": 56, "target": 27, "label": "F"}, {"source": 51, "target": 14, "label": "F"}, {"source": 59, "target": 41, "label": "F"}, {"source": 52, "target": 54, "label": "A"}, {"source": 58, "target": 35, "label": "P"}, {"source": 44, "target": 0, "label": "P"}, {"source": 59, "target": 43, "label": "U"}, {"source": 49, "target": 50, "label": "A"}, {"source": 47, "target": 7, "label": "R"}, {"source": 57, "target": 30, "label": "A"}, {"source": 45, "target": 46, "label": "H"}, {"source": 49, "target": 12, "label": "F"}, {"source": 45, "target": 36, "label": "U"}, {"source": 59, "target": 38, "label": "A"}, {"source": 55, "target": 25, "label": "F"}, {"source": 45, "target": 59, "label": "H"}, {"source": 45, "target": 16, "label": "U"}, {"source": 57, "target": 31, "label": "S"}, {"source": 47, "target": 8, "label": "A"}, {"source": 54, "target": 55, "label": "A"}, {"source": 48, "target": 11, "label": "C"}, {"source": 49, "target": 11, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 15, "label": "C"}, {"source": 59, "target": 60, "label": "D"}, {"source": 47, "target": 9, "label": "D"}, {"source": 46, "target": 5, "label": "P"}, {"source": 49, "target": 13, "label": "P"}, {"source": 50, "target": 51, "label": "P"}, {"source": 60, "target": 39, "label": "F"}, {"source": 57, "target": 30, "label": "D"}, {"source": 54, "target": 22, "label": "P"}, {"source": 53, "target": 20, "label": "C"}, {"source": 55, "target": 23, "label": "R"}, {"source": 46, "target": 4, "label": "D"}, {"source": 46, "target": 3, "label": "A"}, {"source": 45, "target": 52, "label": "H"}, {"source": 52, "target": 53, "label": "P"}, {"source": 54, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "333243-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well, that was strike one.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 0, "label": "F"}, {"source": 8, "target": 1, "label": "U"}]} +{"id": "333243-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wasn't going to use them again, but I was going to leave it at that.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 13, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 19, "target": 8, "label": "U"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 15, "label": "R"}, {"source": 21, "target": 17, "label": "U"}, {"source": 21, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 6, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 7, "label": "D"}, {"source": 19, "target": 9, "label": "L"}, {"source": 18, "target": 4, "label": "F"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 18, "label": "H"}, {"source": 20, "target": 12, "label": "F"}, {"source": 20, "target": 14, "label": "P"}]} +{"id": "333243-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However, now that I have come to realize that I am going to owe the IRS $6,000+ despite doing exactly what Rod told me to do, I feel I have to voice my opinion.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}, {"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 78}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 124}]}, {"id": 28, "anchors": [{"from": 124, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 134}]}, {"id": 32, "anchors": [{"from": 135, "to": 139}, {"from": 140, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 151}]}, {"id": 35, "anchors": [{"from": 152, "to": 159}]}, {"id": 36, "anchors": [{"from": 159, "to": 160}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 5, "label": "F"}, {"source": 43, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 18, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 37, "target": 38, "label": "L"}, {"source": 37, "target": 1, "label": "U"}, {"source": 40, "target": 11, "label": "F"}, {"source": 37, "target": 43, "label": "H"}, {"source": 48, "target": 34, "label": "A"}, {"source": 47, "target": 33, "label": "P"}, {"source": 40, "target": 9, "label": "R"}, {"source": 39, "target": 7, "label": "F"}, {"source": 47, "target": 32, "label": "D"}, {"source": 45, "target": 25, "label": "A"}, {"source": 39, "target": 8, "label": "P"}, {"source": 47, "target": 30, "label": "G"}, {"source": 38, "target": 2, "label": "C"}, {"source": 42, "target": 17, "label": "Q"}, {"source": 46, "target": 26, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 37, "target": 47, "label": "H"}, {"source": 41, "target": 14, "label": "F"}, {"source": 46, "target": 27, "label": "P"}, {"source": 37, "target": 0, "label": "L"}, {"source": 45, "target": 23, "label": "A"}, {"source": 41, "target": 15, "label": "C"}, {"source": 39, "target": 4, "label": "A"}, {"source": 48, "target": 36, "label": "U"}, {"source": 46, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "A"}, {"source": 43, "target": 20, "label": "P"}, {"source": 40, "target": 10, "label": "A"}, {"source": 38, "target": 3, "label": "R"}, {"source": 37, "target": 28, "label": "U"}, {"source": 37, "target": 19, "label": "L"}, {"source": 39, "target": 6, "label": "D"}, {"source": 37, "target": 39, "label": "H"}, {"source": 47, "target": 31, "label": "F"}, {"source": 44, "target": 22, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 47, "target": 29, "label": "A"}, {"source": 45, "target": 24, "label": "P"}, {"source": 43, "target": 21, "label": "D"}, {"source": 44, "target": 45, "label": "E"}, {"source": 40, "target": 12, "label": "F"}, {"source": 40, "target": 13, "label": "P"}, {"source": 42, "target": 16, "label": "C"}, {"source": 48, "target": 35, "label": "S"}, {"source": 45, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "333243-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Last year, after all was said and done, I asked Rod whether my payment structure would leave me with no/little tax liability at the end of the year.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 147}]}, {"id": 32, "anchors": [{"from": 147, "to": 148}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 20, "label": "R"}, {"source": 37, "target": 6, "label": "P"}, {"source": 35, "target": 33, "label": "T"}, {"source": 40, "target": 14, "label": "A"}, {"source": 42, "target": 22, "label": "U"}, {"source": 34, "target": 9, "label": "U"}, {"source": 33, "target": 0, "label": "E"}, {"source": 39, "target": 17, "label": "F"}, {"source": 33, "target": 1, "label": "C"}, {"source": 34, "target": 38, "label": "H"}, {"source": 41, "target": 25, "label": "P"}, {"source": 40, "target": 16, "label": "D"}, {"source": 34, "target": 7, "label": "L"}, {"source": 43, "target": 27, "label": "F"}, {"source": 42, "target": 23, "label": "C"}, {"source": 41, "target": 42, "label": "D"}, {"source": 42, "target": 21, "label": "C"}, {"source": 43, "target": 32, "label": "U"}, {"source": 38, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 10, "label": "A"}, {"source": 43, "target": 30, "label": "F"}, {"source": 36, "target": 4, "label": "Q"}, {"source": 39, "target": 19, "label": "A"}, {"source": 43, "target": 31, "label": "C"}, {"source": 35, "target": 12, "label": "A"}, {"source": 39, "target": 13, "label": "R"}, {"source": 34, "target": 3, "label": "L"}, {"source": 35, "target": 11, "label": "P"}, {"source": 34, "target": 35, "label": "H"}, {"source": 35, "target": 39, "label": "A"}, {"source": 37, "target": 5, "label": "F"}, {"source": 37, "target": 36, "label": "A"}, {"source": 39, "target": 18, "label": "P"}, {"source": 43, "target": 29, "label": "R"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 26, "label": "R"}, {"source": 34, "target": 2, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 15, "label": "P"}, {"source": 34, "target": 37, "label": "H"}, {"source": 41, "target": 43, "label": "T"}, {"source": 41, "target": 24, "label": "A"}, {"source": 43, "target": 28, "label": "E"}, {"source": 38, "target": 8, "label": "P"}]} +{"id": "333243-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He said yes.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "333243-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Well, again, I am now faced with a tax bill of $6,000+, all due on April 15, 2010 and all that Rod has to say to the matter is 'well, you won't have to pay a penalty.'", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 48}]}, {"id": 14, "anchors": [{"from": 48, "to": 53}]}, {"id": 15, "anchors": [{"from": 53, "to": 54}]}, {"id": 16, "anchors": [{"from": 54, "to": 55}]}, {"id": 17, "anchors": [{"from": 56, "to": 59}]}, {"id": 18, "anchors": [{"from": 60, "to": 63}]}, {"id": 19, "anchors": [{"from": 64, "to": 66}]}, {"id": 20, "anchors": [{"from": 67, "to": 72}]}, {"id": 21, "anchors": [{"from": 73, "to": 75}]}, {"id": 22, "anchors": [{"from": 75, "to": 76}]}, {"id": 23, "anchors": [{"from": 77, "to": 81}]}, {"id": 24, "anchors": [{"from": 82, "to": 85}]}, {"id": 25, "anchors": [{"from": 86, "to": 89}]}, {"id": 26, "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "anchors": [{"from": 95, "to": 98}]}, {"id": 28, "anchors": [{"from": 99, "to": 102}]}, {"id": 29, "anchors": [{"from": 103, "to": 105}]}, {"id": 30, "anchors": [{"from": 106, "to": 109}]}, {"id": 31, "anchors": [{"from": 110, "to": 112}]}, {"id": 32, "anchors": [{"from": 113, "to": 116}]}, {"id": 33, "anchors": [{"from": 117, "to": 123}]}, {"id": 34, "anchors": [{"from": 124, "to": 126}]}, {"id": 35, "anchors": [{"from": 127, "to": 128}]}, {"id": 36, "anchors": [{"from": 128, "to": 132}]}, {"id": 37, "anchors": [{"from": 132, "to": 133}]}, {"id": 38, "anchors": [{"from": 134, "to": 137}]}, {"id": 39, "anchors": [{"from": 138, "to": 140}]}, {"id": 40, "anchors": [{"from": 140, "to": 143}]}, {"id": 41, "anchors": [{"from": 144, "to": 148}, {"from": 149, "to": 151}]}, {"id": 42, "anchors": [{"from": 152, "to": 155}]}, {"id": 43, "anchors": [{"from": 156, "to": 157}]}, {"id": 44, "anchors": [{"from": 158, "to": 165}]}, {"id": 45, "anchors": [{"from": 165, "to": 166}]}, {"id": 46, "anchors": [{"from": 166, "to": 167}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 53, "target": 30, "label": "P"}, {"source": 53, "target": 55, "label": "A"}, {"source": 47, "target": 49, "label": "A"}, {"source": 54, "target": 33, "label": "C"}, {"source": 56, "target": 43, "label": "F"}, {"source": 55, "target": 56, "label": "A"}, {"source": 55, "target": 40, "label": "D"}, {"source": 50, "target": 15, "label": "E"}, {"source": 48, "target": 16, "label": "U"}, {"source": 49, "target": 9, "label": "F"}, {"source": 53, "target": 34, "label": "F"}, {"source": 53, "target": 35, "label": "U"}, {"source": 47, "target": 0, "label": "F"}, {"source": 47, "target": 4, "label": "A"}, {"source": 55, "target": 39, "label": "F"}, {"source": 55, "target": 37, "label": "U"}, {"source": 49, "target": 10, "label": "E"}, {"source": 48, "target": 53, "label": "H"}, {"source": 48, "target": 1, "label": "U"}, {"source": 50, "target": 12, "label": "R"}, {"source": 48, "target": 3, "label": "U"}, {"source": 47, "target": 6, "label": "T"}, {"source": 53, "target": 26, "label": "F"}, {"source": 47, "target": 5, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 51, "target": 17, "label": "A"}, {"source": 55, "target": 38, "label": "A"}, {"source": 50, "target": 13, "label": "C"}, {"source": 53, "target": 28, "label": "F"}, {"source": 51, "target": 18, "label": "S"}, {"source": 50, "target": 14, "label": "Q"}, {"source": 52, "target": 22, "label": "U"}, {"source": 54, "target": 31, "label": "R"}, {"source": 52, "target": 20, "label": "C"}, {"source": 48, "target": 2, "label": "L"}, {"source": 53, "target": 25, "label": "D"}, {"source": 48, "target": 24, "label": "L"}, {"source": 55, "target": 41, "label": "D"}, {"source": 56, "target": 44, "label": "C"}, {"source": 55, "target": 42, "label": "P"}, {"source": 55, "target": 36, "label": "F"}, {"source": 49, "target": 11, "label": "C"}, {"source": 49, "target": 8, "label": "R"}, {"source": 52, "target": 21, "label": "C"}, {"source": 54, "target": 32, "label": "F"}, {"source": 52, "target": 23, "label": "C"}, {"source": 49, "target": 50, "label": "E"}, {"source": 53, "target": 29, "label": "F"}, {"source": 56, "target": 46, "label": "U"}, {"source": 47, "target": 7, "label": "S"}, {"source": 48, "target": 51, "label": "H"}, {"source": 53, "target": 27, "label": "A"}, {"source": 52, "target": 19, "label": "R"}, {"source": 48, "target": 47, "label": "H"}, {"source": 56, "target": 45, "label": "U"}, {"source": 51, "target": 52, "label": "T"}]} +{"id": "333243-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I may not have to pay a penalty, yet, but this is NOT what I had in mind when hired these guys.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 94}]}, {"id": 23, "anchors": [{"from": 94, "to": 95}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 1, "label": "D"}, {"source": 26, "target": 6, "label": "C"}, {"source": 31, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "H"}, {"source": 27, "target": 12, "label": "S"}, {"source": 27, "target": 11, "label": "A"}, {"source": 26, "target": 5, "label": "F"}, {"source": 25, "target": 19, "label": "L"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 7, "label": "U"}, {"source": 29, "target": 15, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 27, "label": "H"}, {"source": 28, "target": 14, "label": "C"}, {"source": 29, "target": 30, "label": "S"}, {"source": 24, "target": 2, "label": "D"}, {"source": 32, "target": 22, "label": "C"}, {"source": 30, "target": 17, "label": "R"}, {"source": 30, "target": 18, "label": "C"}, {"source": 29, "target": 16, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "D"}, {"source": 24, "target": 4, "label": "P"}, {"source": 32, "target": 21, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 24, "target": 8, "label": "T"}, {"source": 31, "target": 20, "label": "P"}, {"source": 25, "target": 9, "label": "U"}, {"source": 24, "target": 3, "label": "D"}, {"source": 25, "target": 10, "label": "L"}]} +{"id": "333243-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "In the words of my new accountant, THEY LET ME DOWN!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}, {"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 12, "label": "P"}, {"source": 12, "target": 2, "label": "C"}, {"source": 12, "target": 0, "label": "R"}, {"source": 15, "target": 5, "label": "D"}, {"source": 16, "target": 10, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 7, "label": "U"}, {"source": 15, "target": 6, "label": "S"}, {"source": 16, "target": 9, "label": "P"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 4, "label": "A"}, {"source": 15, "target": 6, "label": "A"}]} +{"id": "333628-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "WHAT A GREAT DEAL THANK YOU", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}, {"from": 24, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 2, "label": "C"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 5, "label": "D"}, {"source": 5, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 4, "label": "P"}, {"source": 6, "target": 8, "label": "P"}]} +{"id": "333672-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Car Dealer in TX", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 6, "target": 0, "label": "S"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "333672-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I purchased a nissan from this dealship.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "333672-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The sales men were very knowledgeable about every aspect of every car we looked at.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "Q"}, {"source": 17, "target": 3, "label": "D"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 0, "label": "F"}, {"source": 18, "target": 12, "label": "P"}, {"source": 18, "target": 11, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 20, "target": 9, "label": "Q"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 4, "label": "S"}, {"source": 19, "target": 7, "label": "C"}, {"source": 20, "target": 8, "label": "R"}, {"source": 15, "target": 1, "label": "S"}, {"source": 19, "target": 13, "label": "R"}, {"source": 17, "target": 2, "label": "F"}]} +{"id": "333672-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were very patient and helpful from showing the cars to doing the paperwork.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "F"}, {"source": 18, "target": 7, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "L"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 10, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 11, "label": "D"}, {"source": 15, "target": 3, "label": "S"}, {"source": 15, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "C"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 8, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "333672-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The paperwork was a very easy and smooth.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 13, "label": "D"}, {"source": 11, "target": 3, "label": "F"}, {"source": 9, "target": 0, "label": "F"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "P"}, {"source": 13, "target": 12, "label": "C"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "333672-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They tried to run my credit score as less as possible so it won't hurt my score.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}, {"from": 37, "to": 41}, {"from": 42, "to": 44}, {"from": 45, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 9, "label": "A"}, {"source": 22, "target": 21, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 11, "label": "D"}, {"source": 16, "target": 1, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 18, "target": 4, "label": "S"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 13, "label": "S"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "E"}, {"source": 19, "target": 7, "label": "Q"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 12, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "L"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "333672-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overall, I was very happy with the customer service and my purchase.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 2, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 14, "target": 1, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 10, "label": "L"}, {"source": 18, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "F"}, {"source": 16, "target": 6, "label": "R"}, {"source": 15, "target": 5, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 8, "label": "A"}, {"source": 15, "target": 4, "label": "D"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "333672-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you're looking to buy a car, definitely give them a call.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 2, "label": "F"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 1, "label": "A"}, {"source": 16, "target": 3, "label": "D"}, {"source": 18, "target": 11, "label": "A"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 18, "target": 10, "label": "F"}, {"source": 18, "target": 9, "label": "D"}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "P"}, {"source": 15, "target": 8, "label": "U"}]} +{"id": "333672-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have a huge inventory.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "Q"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "334388-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No way.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "334388-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm certainly no expert on asian food in fact not even a lover of Vietnamese food but I wanted to try the real things here at A Dong.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}, {"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}, {"from": 128, "to": 132}]}, {"id": 27, "anchors": [{"from": 132, "to": 133}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 4, "label": "S"}, {"source": 31, "target": 9, "label": "D"}, {"source": 33, "target": 15, "label": "C"}, {"source": 28, "target": 3, "label": "D"}, {"source": 30, "target": 6, "label": "E"}, {"source": 28, "target": 2, "label": "D"}, {"source": 33, "target": 14, "label": "E"}, {"source": 37, "target": 24, "label": "C"}, {"source": 35, "target": 20, "label": "P"}, {"source": 31, "target": 33, "label": "A"}, {"source": 36, "target": 22, "label": "E"}, {"source": 29, "target": 16, "label": "L"}, {"source": 37, "target": 38, "label": "E"}, {"source": 35, "target": 19, "label": "R"}, {"source": 31, "target": 32, "label": "S"}, {"source": 29, "target": 34, "label": "H"}, {"source": 35, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 0, "label": "A"}, {"source": 34, "target": 17, "label": "A"}, {"source": 34, "target": 18, "label": "P"}, {"source": 29, "target": 8, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 30, "target": 7, "label": "C"}, {"source": 33, "target": 13, "label": "R"}, {"source": 36, "target": 23, "label": "C"}, {"source": 36, "target": 21, "label": "F"}, {"source": 32, "target": 11, "label": "F"}, {"source": 38, "target": 25, "label": "R"}, {"source": 38, "target": 26, "label": "C"}, {"source": 30, "target": 5, "label": "R"}, {"source": 28, "target": 1, "label": "F"}, {"source": 31, "target": 10, "label": "G"}, {"source": 38, "target": 27, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 31, "label": "H"}, {"source": 32, "target": 12, "label": "C"}]} +{"id": "334388-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cold, slimy, tasteless however is the same in all languages and foods.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "U"}, {"source": 16, "target": 3, "label": "U"}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 20, "label": "S"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "S"}, {"source": 19, "target": 6, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 4, "label": "S"}, {"source": 21, "target": 11, "label": "C"}, {"source": 21, "target": 12, "label": "N"}, {"source": 20, "target": 8, "label": "C"}, {"source": 17, "target": 2, "label": "S"}, {"source": 16, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "F"}, {"source": 21, "target": 10, "label": "Q"}]} +{"id": "334388-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Not good, not great, and again another disappointment in Central Iowa.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}, {"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 5, "label": "U"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 14, "target": 2, "label": "U"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 8, "label": "D"}, {"source": 15, "target": 4, "label": "S"}, {"source": 17, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "334388-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "How do these places stay in business.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 11, "label": "A"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "334388-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This town needs some food soul and this is not it.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 15, "target": 3, "label": "Q"}, {"source": 16, "target": 10, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 8, "label": "S"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "D"}, {"source": 14, "target": 6, "label": "L"}, {"source": 12, "target": 1, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "334808-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great deals, great pizza!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "P"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "334928-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One of the better vegetarian sandwiches I've had in Seattle.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 1, "label": "R"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "S"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 6, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 16, "label": "E"}, {"source": 17, "target": 9, "label": "R"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "D"}]} +{"id": "334928-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And from a place that specializes in high quality meat, too.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 1, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "P"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "S"}, {"source": 16, "target": 11, "label": "E"}, {"source": 14, "target": 0, "label": "R"}, {"source": 15, "target": 4, "label": "R"}, {"source": 16, "target": 12, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 17, "target": 7, "label": "D"}, {"source": 14, "target": 3, "label": "C"}]} +{"id": "335225-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best Salsa (hehehe)", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 2, "label": "U"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "G"}]} +{"id": "335225-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After my trees were cleaned up, they gave me a jar of salsa.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}, {"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 15, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "A"}, {"source": 18, "target": 7, "label": "P"}, {"source": 16, "target": 15, "label": "E"}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 18, "target": 8, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 14, "target": 5, "label": "U"}, {"source": 18, "target": 6, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "C"}, {"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 1, "label": "S"}, {"source": 14, "target": 18, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 3, "label": "F"}]} +{"id": "335225-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner warned me that it was the best salsa I would ever had, and he was right.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 5, "label": "A"}, {"source": 29, "target": 18, "label": "S"}, {"source": 28, "target": 12, "label": "T"}, {"source": 24, "target": 4, "label": "R"}, {"source": 28, "target": 10, "label": "A"}, {"source": 23, "target": 15, "label": "L"}, {"source": 24, "target": 27, "label": "A"}, {"source": 25, "target": 26, "label": "S"}, {"source": 29, "target": 19, "label": "U"}, {"source": 22, "target": 3, "label": "A"}, {"source": 21, "target": 0, "label": "F"}, {"source": 27, "target": 25, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "P"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "S"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 20, "label": "A"}, {"source": 26, "target": 8, "label": "C"}, {"source": 24, "target": 6, "label": "S"}, {"source": 28, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "S"}, {"source": 23, "target": 29, "label": "H"}, {"source": 29, "target": 17, "label": "F"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 16, "label": "A"}, {"source": 21, "target": 1, "label": "C"}, {"source": 23, "target": 14, "label": "U"}, {"source": 26, "target": 7, "label": "F"}, {"source": 27, "target": 9, "label": "C"}, {"source": 28, "target": 11, "label": "D"}]} +{"id": "335225-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No joke!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "335225-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I hate to say check them out just for the salsa, but James, I NEED another jar badly :) All kidding aside, they are a very good company, I have a hard time giving any service biz a 5 star review but they came close.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}, {"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}, {"from": 92, "to": 99}, {"from": 100, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 135}]}, {"id": 28, "anchors": [{"from": 135, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 145}]}, {"id": 32, "anchors": [{"from": 146, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 174}]}, {"id": 37, "anchors": [{"from": 175, "to": 178}]}, {"id": 38, "anchors": [{"from": 179, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 182}]}, {"id": 40, "anchors": [{"from": 183, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 194}]}, {"id": 42, "anchors": [{"from": 195, "to": 198}]}, {"id": 43, "anchors": [{"from": 199, "to": 203}]}, {"id": 44, "anchors": [{"from": 204, "to": 208}]}, {"id": 45, "anchors": [{"from": 209, "to": 214}]}, {"id": 46, "anchors": [{"from": 214, "to": 215}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 51, "target": 14, "label": "A"}, {"source": 60, "target": 46, "label": "U"}, {"source": 47, "target": 49, "label": "A"}, {"source": 55, "target": 57, "label": "A"}, {"source": 48, "target": 55, "label": "H"}, {"source": 51, "target": 13, "label": "U"}, {"source": 47, "target": 3, "label": "P"}, {"source": 48, "target": 19, "label": "U"}, {"source": 57, "target": 35, "label": "Q"}, {"source": 50, "target": 9, "label": "C"}, {"source": 56, "target": 33, "label": "C"}, {"source": 57, "target": 37, "label": "C"}, {"source": 48, "target": 53, "label": "H"}, {"source": 54, "target": 24, "label": "F"}, {"source": 49, "target": 5, "label": "A"}, {"source": 49, "target": 6, "label": "D"}, {"source": 48, "target": 42, "label": "L"}, {"source": 55, "target": 59, "label": "D"}, {"source": 56, "target": 31, "label": "F"}, {"source": 53, "target": 21, "label": "U"}, {"source": 54, "target": 26, "label": "C"}, {"source": 51, "target": 12, "label": "G"}, {"source": 51, "target": 18, "label": "D"}, {"source": 56, "target": 30, "label": "F"}, {"source": 50, "target": 7, "label": "R"}, {"source": 48, "target": 28, "label": "U"}, {"source": 48, "target": 60, "label": "H"}, {"source": 56, "target": 32, "label": "E"}, {"source": 53, "target": 54, "label": "S"}, {"source": 52, "target": 16, "label": "E"}, {"source": 49, "target": 50, "label": "A"}, {"source": 55, "target": 29, "label": "A"}, {"source": 47, "target": 1, "label": "G"}, {"source": 47, "target": 2, "label": "F"}, {"source": 55, "target": 58, "label": "P"}, {"source": 52, "target": 17, "label": "C"}, {"source": 53, "target": 23, "label": "F"}, {"source": 60, "target": 43, "label": "A"}, {"source": 48, "target": 11, "label": "L"}, {"source": 59, "target": 39, "label": "Q"}, {"source": 51, "target": 15, "label": "S"}, {"source": 50, "target": 8, "label": "F"}, {"source": 53, "target": 22, "label": "A"}, {"source": 53, "target": 25, "label": "D"}, {"source": 57, "target": 36, "label": "E"}, {"source": 47, "target": 0, "label": "A"}, {"source": 55, "target": 56, "label": "D"}, {"source": 60, "target": 45, "label": "S"}, {"source": 59, "target": 40, "label": "C"}, {"source": 55, "target": 34, "label": "D"}, {"source": 51, "target": 52, "label": "A"}, {"source": 48, "target": 51, "label": "H"}, {"source": 53, "target": 27, "label": "A"}, {"source": 53, "target": 20, "label": "G"}, {"source": 48, "target": 47, "label": "H"}, {"source": 58, "target": 41, "label": "C"}, {"source": 58, "target": 38, "label": "F"}, {"source": 49, "target": 4, "label": "P"}, {"source": 60, "target": 44, "label": "D"}, {"source": 48, "target": 10, "label": "U"}]} +{"id": "335225-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very affordable (don't call it cheap) and their trimmers were quick and courteous when I got home from work.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 2, "label": "U"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "H"}, {"source": 28, "target": 18, "label": "P"}, {"source": 24, "target": 25, "label": "H"}, {"source": 23, "target": 0, "label": "D"}, {"source": 24, "target": 14, "label": "L"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 1, "label": "S"}, {"source": 28, "target": 19, "label": "A"}, {"source": 29, "target": 21, "label": "C"}, {"source": 29, "target": 20, "label": "R"}, {"source": 27, "target": 15, "label": "S"}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 22, "label": "U"}, {"source": 24, "target": 16, "label": "L"}, {"source": 26, "target": 12, "label": "F"}, {"source": 24, "target": 8, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 4, "label": "D"}, {"source": 25, "target": 3, "label": "F"}, {"source": 25, "target": 6, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 25, "target": 5, "label": "P"}, {"source": 26, "target": 11, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 7, "label": "A"}, {"source": 28, "target": 17, "label": "A"}, {"source": 26, "target": 13, "label": "D"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "335225-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And the salsa, be sure to ask for a jar and have plenty of chips around, you will need them.....", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 91}]}, {"id": 22, "anchors": [{"from": 91, "to": 96}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 30, "target": 21, "label": "A"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 6, "label": "F"}, {"source": 23, "target": 11, "label": "L"}, {"source": 27, "target": 5, "label": "C"}, {"source": 28, "target": 16, "label": "D"}, {"source": 30, "target": 20, "label": "P"}, {"source": 23, "target": 30, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 12, "label": "P"}, {"source": 29, "target": 14, "label": "R"}, {"source": 23, "target": 17, "label": "U"}, {"source": 25, "target": 27, "label": "D"}, {"source": 30, "target": 18, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 24, "target": 1, "label": "F"}, {"source": 26, "target": 9, "label": "F"}, {"source": 29, "target": 13, "label": "Q"}, {"source": 23, "target": 28, "label": "H"}, {"source": 26, "target": 8, "label": "R"}, {"source": 25, "target": 7, "label": "P"}, {"source": 26, "target": 24, "label": "E"}, {"source": 29, "target": 15, "label": "C"}, {"source": 25, "target": 3, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 19, "label": "D"}, {"source": 24, "target": 2, "label": "C"}, {"source": 27, "target": 4, "label": "F"}]} +{"id": "335490-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Cleanest guesthouse i have been to", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 1, "label": "C"}, {"source": 7, "target": 0, "label": "S"}, {"source": 9, "target": 4, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 10, "target": 5, "label": "R"}, {"source": 9, "target": 2, "label": "A"}, {"source": 10, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}]} +{"id": "335490-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Stayed here for 2 nights.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 3, "label": "Q"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 8, "label": "T"}, {"source": 8, "target": 2, "label": "R"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "335490-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner was very friendly and helpful.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 8, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "L"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "335490-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The rooms were very clean and the breakfast was excellent.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 15, "target": 9, "label": "D"}, {"source": 15, "target": 14, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "335490-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good location and off road parking made our stay very convenient.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 64}]}, {"id": 11, "anchors": [{"from": 64, "to": 65}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "D"}, {"source": 16, "target": 8, "label": "P"}, {"source": 14, "target": 3, "label": "R"}, {"source": 16, "target": 17, "label": "D"}, {"source": 13, "target": 2, "label": "L"}, {"source": 17, "target": 9, "label": "E"}, {"source": 12, "target": 0, "label": "S"}, {"source": 15, "target": 5, "label": "P"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "A"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "335815-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very poor customer service.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 3, "label": "P"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "335815-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are a couple decent people working there, but the rest are VERY dishonest, as well as rude, I have yet to hear the truth come out of their mouths.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}, {"from": 84, "to": 88}, {"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}, {"from": 105, "to": 108}, {"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 151}]}, {"id": 29, "anchors": [{"from": 151, "to": 152}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 23, "label": "C"}, {"source": 41, "target": 25, "label": "D"}, {"source": 42, "target": 29, "label": "U"}, {"source": 35, "target": 36, "label": "Q"}, {"source": 31, "target": 18, "label": "U"}, {"source": 37, "target": 14, "label": "S"}, {"source": 38, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 13, "label": "D"}, {"source": 34, "target": 4, "label": "S"}, {"source": 32, "target": 2, "label": "F"}, {"source": 31, "target": 37, "label": "H"}, {"source": 30, "target": 33, "label": "A"}, {"source": 30, "target": 7, "label": "A"}, {"source": 30, "target": 6, "label": "P"}, {"source": 37, "target": 12, "label": "F"}, {"source": 42, "target": 27, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 35, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 42, "label": "A"}, {"source": 30, "target": 1, "label": "F"}, {"source": 40, "target": 41, "label": "E"}, {"source": 31, "target": 9, "label": "L"}, {"source": 36, "target": 10, "label": "F"}, {"source": 39, "target": 20, "label": "T"}, {"source": 39, "target": 19, "label": "A"}, {"source": 42, "target": 28, "label": "C"}, {"source": 37, "target": 35, "label": "A"}, {"source": 36, "target": 11, "label": "C"}, {"source": 32, "target": 3, "label": "C"}, {"source": 40, "target": 22, "label": "F"}, {"source": 39, "target": 20, "label": "D"}, {"source": 41, "target": 24, "label": "P"}, {"source": 33, "target": 32, "label": "Q"}, {"source": 33, "target": 5, "label": "C"}, {"source": 30, "target": 0, "label": "F"}, {"source": 34, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 38, "label": "H"}, {"source": 39, "target": 21, "label": "P"}, {"source": 31, "target": 39, "label": "H"}, {"source": 31, "target": 16, "label": "L"}, {"source": 31, "target": 15, "label": "U"}, {"source": 38, "target": 13, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 26, "label": "R"}, {"source": 31, "target": 8, "label": "U"}, {"source": 38, "target": 17, "label": "S"}, {"source": 41, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 30, "label": "H"}]} +{"id": "336049-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not what i expected!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "A"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "336049-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We read the good reviews before going and had high hopes.. but to our dismay it didnt turn out that way!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}, {"from": 66, "to": 69}, {"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}, {"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 8, "label": "S"}, {"source": 25, "target": 6, "label": "P"}, {"source": 23, "target": 3, "label": "D"}, {"source": 27, "target": 9, "label": "E"}, {"source": 22, "target": 5, "label": "L"}, {"source": 27, "target": 10, "label": "C"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 17, "label": "P"}, {"source": 22, "target": 28, "label": "H"}, {"source": 22, "target": 11, "label": "U"}, {"source": 28, "target": 13, "label": "G"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 16, "label": "D"}, {"source": 29, "target": 18, "label": "E"}, {"source": 22, "target": 12, "label": "L"}, {"source": 24, "target": 2, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 14, "label": "A"}, {"source": 28, "target": 15, "label": "F"}, {"source": 24, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 23, "target": 24, "label": "P"}, {"source": 21, "target": 1, "label": "P"}]} +{"id": "336049-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "~It took over 40 mins to be taken to our table, once there it took another 20 mins to get our orders and a further 45 mins till our starters landed on our table.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 93}]}, {"id": 23, "anchors": [{"from": 94, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 104}]}, {"id": 25, "anchors": [{"from": 105, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 117}]}, {"id": 28, "anchors": [{"from": 118, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "anchors": [{"from": 132, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 147}]}, {"id": 33, "anchors": [{"from": 148, "to": 150}]}, {"id": 34, "anchors": [{"from": 151, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 160}]}, {"id": 36, "anchors": [{"from": 160, "to": 161}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 48, "target": 27, "label": "Q"}, {"source": 49, "target": 29, "label": "F"}, {"source": 43, "target": 20, "label": "F"}, {"source": 51, "target": 31, "label": "C"}, {"source": 39, "target": 4, "label": "Q"}, {"source": 37, "target": 12, "label": "U"}, {"source": 37, "target": 49, "label": "H"}, {"source": 38, "target": 1, "label": "A"}, {"source": 51, "target": 50, "label": "E"}, {"source": 43, "target": 21, "label": "P"}, {"source": 38, "target": 6, "label": "F"}, {"source": 37, "target": 42, "label": "L"}, {"source": 37, "target": 43, "label": "H"}, {"source": 43, "target": 46, "label": "A"}, {"source": 42, "target": 13, "label": "E"}, {"source": 49, "target": 52, "label": "A"}, {"source": 43, "target": 16, "label": "D"}, {"source": 46, "target": 45, "label": "E"}, {"source": 40, "target": 9, "label": "R"}, {"source": 45, "target": 22, "label": "S"}, {"source": 47, "target": 25, "label": "F"}, {"source": 39, "target": 3, "label": "R"}, {"source": 40, "target": 11, "label": "C"}, {"source": 39, "target": 5, "label": "C"}, {"source": 38, "target": 2, "label": "D"}, {"source": 40, "target": 41, "label": "E"}, {"source": 37, "target": 38, "label": "H"}, {"source": 42, "target": 14, "label": "C"}, {"source": 53, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 0, "label": "U"}, {"source": 49, "target": 51, "label": "A"}, {"source": 53, "target": 34, "label": "S"}, {"source": 49, "target": 48, "label": "T"}, {"source": 44, "target": 19, "label": "C"}, {"source": 52, "target": 35, "label": "C"}, {"source": 49, "target": 32, "label": "P"}, {"source": 52, "target": 33, "label": "R"}, {"source": 50, "target": 30, "label": "S"}, {"source": 44, "target": 17, "label": "E"}, {"source": 45, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 23, "label": "C"}, {"source": 37, "target": 24, "label": "L"}, {"source": 52, "target": 36, "label": "U"}, {"source": 50, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 47, "label": "E"}, {"source": 48, "target": 28, "label": "C"}, {"source": 41, "target": 10, "label": "S"}, {"source": 44, "target": 18, "label": "Q"}, {"source": 43, "target": 15, "label": "A"}, {"source": 52, "target": 53, "label": "E"}, {"source": 38, "target": 7, "label": "F"}, {"source": 47, "target": 26, "label": "C"}, {"source": 38, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "T"}, {"source": 38, "target": 39, "label": "T"}, {"source": 38, "target": 8, "label": "P"}]} +{"id": "336049-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very frustrating for a restaurant that has 1 rosette and is supposedly renowned for the service... hmm There was no canape's or amuse to keep us occupied, once we complained about the wait they took us something to nibble on but that took us getting out our chairs and wondering round to do that and it was impossible to get anyones attention.", "tops": [67], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 153}]}, {"id": 28, "anchors": [{"from": 153, "to": 154}]}, {"id": 29, "anchors": [{"from": 155, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 173}]}, {"id": 32, "anchors": [{"from": 174, "to": 179}]}, {"id": 33, "anchors": [{"from": 180, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 188}]}, {"id": 35, "anchors": [{"from": 189, "to": 193}]}, {"id": 36, "anchors": [{"from": 194, "to": 198}]}, {"id": 37, "anchors": [{"from": 199, "to": 201}]}, {"id": 38, "anchors": [{"from": 202, "to": 211}]}, {"id": 39, "anchors": [{"from": 212, "to": 214}]}, {"id": 40, "anchors": [{"from": 215, "to": 221}]}, {"id": 41, "anchors": [{"from": 222, "to": 224}]}, {"id": 42, "anchors": [{"from": 225, "to": 228}]}, {"id": 43, "anchors": [{"from": 229, "to": 233}]}, {"id": 44, "anchors": [{"from": 234, "to": 238}]}, {"id": 45, "anchors": [{"from": 239, "to": 241}]}, {"id": 46, "anchors": [{"from": 242, "to": 249}]}, {"id": 47, "anchors": [{"from": 250, "to": 253}]}, {"id": 48, "anchors": [{"from": 254, "to": 257}]}, {"id": 49, "anchors": [{"from": 258, "to": 264}]}, {"id": 50, "anchors": [{"from": 265, "to": 268}]}, {"id": 51, "anchors": [{"from": 269, "to": 278}]}, {"id": 52, "anchors": [{"from": 279, "to": 284}]}, {"id": 53, "anchors": [{"from": 285, "to": 287}]}, {"id": 54, "anchors": [{"from": 288, "to": 290}]}, {"id": 55, "anchors": [{"from": 291, "to": 295}]}, {"id": 56, "anchors": [{"from": 296, "to": 299}]}, {"id": 57, "anchors": [{"from": 300, "to": 302}]}, {"id": 58, "anchors": [{"from": 303, "to": 306}]}, {"id": 59, "anchors": [{"from": 307, "to": 317}]}, {"id": 60, "anchors": [{"from": 318, "to": 320}]}, {"id": 61, "anchors": [{"from": 321, "to": 324}]}, {"id": 62, "anchors": [{"from": 325, "to": 331}]}, {"id": 63, "anchors": [{"from": 331, "to": 332}]}, {"id": 64, "anchors": [{"from": 333, "to": 342}]}, {"id": 65, "anchors": [{"from": 342, "to": 343}]}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}], "edges": [{"source": 75, "target": 21, "label": "C"}, {"source": 67, "target": 74, "label": "H"}, {"source": 84, "target": 48, "label": "S"}, {"source": 88, "target": 57, "label": "A"}, {"source": 67, "target": 53, "label": "L"}, {"source": 89, "target": 62, "label": "C"}, {"source": 80, "target": 35, "label": "A"}, {"source": 72, "target": 73, "label": "C"}, {"source": 82, "target": 38, "label": "C"}, {"source": 67, "target": 66, "label": "H"}, {"source": 87, "target": 55, "label": "A"}, {"source": 77, "target": 78, "label": "A"}, {"source": 88, "target": 58, "label": "F"}, {"source": 74, "target": 18, "label": "A"}, {"source": 75, "target": 22, "label": "N"}, {"source": 88, "target": 61, "label": "P"}, {"source": 82, "target": 41, "label": "R"}, {"source": 76, "target": 25, "label": "D"}, {"source": 67, "target": 56, "label": "L"}, {"source": 68, "target": 2, "label": "R"}, {"source": 78, "target": 79, "label": "P"}, {"source": 81, "target": 82, "label": "A"}, {"source": 75, "target": 23, "label": "C"}, {"source": 67, "target": 24, "label": "L"}, {"source": 68, "target": 5, "label": "F"}, {"source": 67, "target": 71, "label": "H"}, {"source": 88, "target": 59, "label": "D"}, {"source": 83, "target": 47, "label": "D"}, {"source": 67, "target": 76, "label": "H"}, {"source": 67, "target": 77, "label": "H"}, {"source": 67, "target": 42, "label": "L"}, {"source": 67, "target": 83, "label": "H"}, {"source": 81, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 6, "label": "S"}, {"source": 83, "target": 44, "label": "F"}, {"source": 80, "target": 36, "label": "P"}, {"source": 67, "target": 16, "label": "U"}, {"source": 67, "target": 28, "label": "U"}, {"source": 67, "target": 80, "label": "H"}, {"source": 87, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 72, "target": 14, "label": "F"}, {"source": 71, "target": 12, "label": "D"}, {"source": 86, "target": 52, "label": "D"}, {"source": 86, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 20, "label": "D"}, {"source": 76, "target": 75, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 83, "target": 85, "label": "A"}, {"source": 81, "target": 39, "label": "F"}, {"source": 71, "target": 13, "label": "F"}, {"source": 67, "target": 50, "label": "L"}, {"source": 83, "target": 45, "label": "A"}, {"source": 90, "target": 89, "label": "E"}, {"source": 74, "target": 75, "label": "A"}, {"source": 90, "target": 64, "label": "C"}, {"source": 66, "target": 68, "label": "A"}, {"source": 90, "target": 65, "label": "U"}, {"source": 74, "target": 17, "label": "F"}, {"source": 80, "target": 37, "label": "A"}, {"source": 66, "target": 0, "label": "D"}, {"source": 84, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 80, "target": 81, "label": "A"}, {"source": 67, "target": 88, "label": "H"}, {"source": 69, "target": 4, "label": "C"}, {"source": 71, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 67, "target": 87, "label": "H"}, {"source": 77, "target": 30, "label": "A"}, {"source": 70, "target": 8, "label": "C"}, {"source": 87, "target": 54, "label": "P"}, {"source": 68, "target": 70, "label": "A"}, {"source": 70, "target": 7, "label": "Q"}, {"source": 67, "target": 86, "label": "H"}, {"source": 81, "target": 40, "label": "P"}, {"source": 77, "target": 31, "label": "P"}, {"source": 71, "target": 11, "label": "G"}, {"source": 88, "target": 60, "label": "F"}, {"source": 67, "target": 9, "label": "L"}, {"source": 67, "target": 29, "label": "L"}, {"source": 76, "target": 27, "label": "S"}, {"source": 88, "target": 90, "label": "A"}, {"source": 79, "target": 33, "label": "F"}, {"source": 89, "target": 63, "label": "R"}, {"source": 68, "target": 69, "label": "A"}, {"source": 76, "target": 26, "label": "A"}, {"source": 83, "target": 43, "label": "A"}, {"source": 86, "target": 51, "label": "P"}, {"source": 66, "target": 1, "label": "S"}, {"source": 85, "target": 49, "label": "C"}, {"source": 71, "target": 72, "label": "P"}, {"source": 73, "target": 15, "label": "P"}, {"source": 85, "target": 84, "label": "E"}, {"source": 83, "target": 46, "label": "P"}, {"source": 74, "target": 19, "label": "S"}, {"source": 69, "target": 3, "label": "F"}, {"source": 71, "target": 10, "label": "F"}, {"source": 78, "target": 32, "label": "R"}, {"source": 79, "target": 34, "label": "C"}]} +{"id": "336049-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Scallops were overcooked and the foie gras was cold but the rest of the food was lovely.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 9, "label": "F"}, {"source": 23, "target": 15, "label": "S"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 8, "label": "L"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 4, "label": "F"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 18, "target": 3, "label": "L"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 20, "target": 19, "label": "A"}, {"source": 17, "target": 2, "label": "S"}, {"source": 23, "target": 22, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 23, "target": 14, "label": "F"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "F"}, {"source": 22, "target": 21, "label": "Q"}, {"source": 20, "target": 7, "label": "S"}]} +{"id": "336049-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "On top of that though they tried to charge us service charge just to rub it it....", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 9}, {"from": 10, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 68}, {"from": 69, "to": 72}, {"from": 73, "to": 75}, {"from": 76, "to": 78}]}, {"id": 10, "anchors": [{"from": 78, "to": 82}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 9, "label": "G"}, {"source": 11, "target": 1, "label": "L"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "L"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 6, "label": "A"}, {"source": 13, "target": 7, "label": "E"}]} +{"id": "336049-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wouldn't go back as there are a lot of places A LOT better and cheaper.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}, {"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}, {"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "S"}, {"source": 16, "target": 4, "label": "L"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "D"}, {"source": 18, "target": 8, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "Q"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 5, "label": "A"}, {"source": 18, "target": 12, "label": "E"}, {"source": 12, "target": 13, "label": "S"}, {"source": 18, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 12, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "336285-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What a Preschool!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "336285-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you want the best for your child, don't hesitate in visiting this wornderful school.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 6, "label": "A"}, {"source": 24, "target": 13, "label": "P"}, {"source": 23, "target": 11, "label": "P"}, {"source": 18, "target": 0, "label": "L"}, {"source": 25, "target": 16, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 5, "label": "R"}, {"source": 26, "target": 15, "label": "S"}, {"source": 23, "target": 9, "label": "F"}, {"source": 23, "target": 10, "label": "D"}, {"source": 19, "target": 1, "label": "A"}, {"source": 26, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 20, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 7, "label": "S"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "E"}, {"source": 18, "target": 23, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "R"}, {"source": 22, "target": 7, "label": "A"}, {"source": 19, "target": 21, "label": "A"}]} +{"id": "336285-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is the very best in the Gables.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 6, "label": "F"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "S"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "336305-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "hard to forgive such an awful margarita and steep prices but the food can be good", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 16, "target": 0, "label": "D"}, {"source": 24, "target": 14, "label": "F"}, {"source": 18, "target": 3, "label": "D"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "S"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 21, "label": "E"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 20, "label": "A"}, {"source": 20, "target": 19, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 8, "label": "S"}, {"source": 17, "target": 10, "label": "L"}, {"source": 24, "target": 13, "label": "D"}, {"source": 17, "target": 24, "label": "H"}, {"source": 20, "target": 22, "label": "C"}, {"source": 24, "target": 15, "label": "S"}, {"source": 23, "target": 11, "label": "F"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "E"}, {"source": 24, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "C"}, {"source": 20, "target": 7, "label": "N"}]} +{"id": "337971-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great graphic design work!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "E"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 7, "label": "E"}, {"source": 6, "target": 8, "label": "P"}]} +{"id": "337971-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fresh Design Studio helped jump-start my own business by providing affordable and effective marketing materials: logo, flyers, posters ad design, and more.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 12}, {"from": 13, "to": 19}]}, {"id": 1, "anchors": [{"from": 20, "to": 26}]}, {"id": 2, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 37}]}, {"id": 3, "anchors": [{"from": 31, "to": 32}]}, {"id": 4, "anchors": [{"from": 38, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 91}]}, {"id": 12, "anchors": [{"from": 92, "to": 101}]}, {"id": 13, "anchors": [{"from": 102, "to": 111}]}, {"id": 14, "anchors": [{"from": 111, "to": 112}]}, {"id": 15, "anchors": [{"from": 113, "to": 117}]}, {"id": 16, "anchors": [{"from": 117, "to": 118}]}, {"id": 17, "anchors": [{"from": 119, "to": 125}]}, {"id": 18, "anchors": [{"from": 125, "to": 126}]}, {"id": 19, "anchors": [{"from": 127, "to": 134}]}, {"id": 20, "anchors": [{"from": 135, "to": 137}]}, {"id": 21, "anchors": [{"from": 138, "to": 144}]}, {"id": 22, "anchors": [{"from": 144, "to": 145}]}, {"id": 23, "anchors": [{"from": 146, "to": 149}]}, {"id": 24, "anchors": [{"from": 150, "to": 154}]}, {"id": 25, "anchors": [{"from": 154, "to": 155}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 32, "target": 14, "label": "U"}, {"source": 36, "target": 19, "label": "C"}, {"source": 29, "target": 28, "label": "E"}, {"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 18, "label": "U"}, {"source": 28, "target": 4, "label": "S"}, {"source": 31, "target": 9, "label": "S"}, {"source": 36, "target": 24, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "C"}, {"source": 31, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "P"}, {"source": 37, "target": 20, "label": "E"}, {"source": 26, "target": 1, "label": "D"}, {"source": 36, "target": 22, "label": "U"}, {"source": 36, "target": 25, "label": "U"}, {"source": 36, "target": 16, "label": "U"}, {"source": 36, "target": 15, "label": "C"}, {"source": 26, "target": 29, "label": "A"}, {"source": 34, "target": 11, "label": "S"}, {"source": 32, "target": 35, "label": "E"}, {"source": 37, "target": 21, "label": "C"}, {"source": 34, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "P"}, {"source": 32, "target": 33, "label": "E"}, {"source": 2, "target": 3, "label": "U"}, {"source": 27, "target": 7, "label": "L"}, {"source": 29, "target": 5, "label": "E"}, {"source": 30, "target": 32, "label": "E"}, {"source": 36, "target": 17, "label": "C"}, {"source": 32, "target": 36, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 34, "label": "C"}, {"source": 35, "target": 12, "label": "P"}, {"source": 33, "target": 10, "label": "N"}, {"source": 29, "target": 6, "label": "C"}, {"source": 36, "target": 23, "label": "N"}, {"source": 32, "target": 13, "label": "C"}, {"source": 32, "target": 31, "label": "E"}]} +{"id": "337971-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have unbeatable price in town and deliver on time.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "R"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "D"}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 13, "target": 4, "label": "R"}, {"source": 14, "target": 7, "label": "P"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 6, "label": "L"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "337971-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I enjoy working with this architectural and graphic design firm and will recommend to anyone.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 13, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 4, "label": "E"}, {"source": 22, "target": 11, "label": "F"}, {"source": 22, "target": 12, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "N"}, {"source": 17, "target": 22, "label": "H"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 10, "label": "L"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 3, "label": "R"}, {"source": 21, "target": 7, "label": "E"}, {"source": 20, "target": 21, "label": "C"}]} +{"id": "338429-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Identity Theft", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "338429-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Myself and my fiance's identity was stolen from the office staff.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 3, "label": "S"}, {"source": 17, "target": 15, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 2, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 17, "target": 7, "label": "P"}, {"source": 18, "target": 3, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 13, "target": 1, "label": "N"}, {"source": 14, "target": 4, "label": "R"}, {"source": 17, "target": 19, "label": "A"}, {"source": 13, "target": 0, "label": "C"}, {"source": 19, "target": 8, "label": "R"}, {"source": 14, "target": 13, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 9, "label": "F"}, {"source": 20, "target": 11, "label": "C"}, {"source": 13, "target": 18, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "A"}]} +{"id": "338429-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were told by a detective and asked to check our credit for anything unusual.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 17, "target": 16, "label": "H"}, {"source": 24, "target": 13, "label": "A"}, {"source": 20, "target": 7, "label": "P"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 4, "label": "F"}, {"source": 17, "target": 6, "label": "L"}, {"source": 23, "target": 22, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 8, "label": "R"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "R"}, {"source": 24, "target": 15, "label": "U"}, {"source": 22, "target": 10, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "338429-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Luckily they caught the crooks before they did one on us.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "Q"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 12, "target": 1, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 14, "target": 15, "label": "S"}, {"source": 16, "target": 7, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 18, "target": 10, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "L"}, {"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 0, "label": "G"}]} +{"id": "338429-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It was a black female that use to work in the office.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}, {"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "S"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 7, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "338429-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She stole the information and gave it to another guy that did all the work.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 22, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "E"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 10, "label": "L"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 22, "target": 13, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 6, "label": "A"}, {"source": 21, "target": 12, "label": "D"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 4, "label": "L"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "338429-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The other guy was pulled over one day and a cop saw suspicious papers with names and social security numbers on it.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}, {"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 114}]}, {"id": 21, "anchors": [{"from": 114, "to": 115}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 28, "target": 26, "label": "A"}, {"source": 23, "target": 4, "label": "P"}, {"source": 33, "target": 16, "label": "A"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 27, "label": "P"}, {"source": 31, "target": 20, "label": "A"}, {"source": 31, "target": 19, "label": "S"}, {"source": 23, "target": 25, "label": "T"}, {"source": 31, "target": 21, "label": "U"}, {"source": 30, "target": 12, "label": "C"}, {"source": 32, "target": 14, "label": "C"}, {"source": 22, "target": 0, "label": "F"}, {"source": 27, "target": 9, "label": "C"}, {"source": 28, "target": 10, "label": "P"}, {"source": 23, "target": 3, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 22, "target": 2, "label": "C"}, {"source": 32, "target": 15, "label": "N"}, {"source": 24, "target": 7, "label": "L"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 29, "label": "E"}, {"source": 27, "target": 8, "label": "F"}, {"source": 24, "target": 28, "label": "H"}, {"source": 30, "target": 31, "label": "E"}, {"source": 29, "target": 11, "label": "S"}, {"source": 24, "target": 23, "label": "H"}, {"source": 34, "target": 18, "label": "C"}, {"source": 32, "target": 34, "label": "C"}, {"source": 31, "target": 13, "label": "R"}, {"source": 23, "target": 22, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 17, "label": "S"}, {"source": 34, "target": 33, "label": "E"}]} +{"id": "338429-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thats how they were caught.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "338429-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They both went to jail and a new manager was put in charge of the apartments.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 20, "target": 4, "label": "C"}, {"source": 25, "target": 16, "label": "U"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 9, "label": "F"}, {"source": 23, "target": 10, "label": "D"}, {"source": 17, "target": 0, "label": "C"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 23, "target": 21, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 11, "label": "R"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 6, "label": "F"}, {"source": 17, "target": 1, "label": "Q"}, {"source": 25, "target": 14, "label": "F"}, {"source": 21, "target": 7, "label": "D"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 5, "label": "L"}, {"source": 18, "target": 2, "label": "P"}, {"source": 23, "target": 24, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "338429-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The apartment across from mine belonged to a gang of hookers.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 1, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "R"}, {"source": 18, "target": 20, "label": "P"}, {"source": 18, "target": 19, "label": "D"}, {"source": 20, "target": 10, "label": "C"}, {"source": 18, "target": 6, "label": "R"}, {"source": 17, "target": 4, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 12, "target": 15, "label": "E"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 12, "label": "A"}, {"source": 17, "target": 4, "label": "S"}, {"source": 14, "target": 18, "label": "A"}, {"source": 14, "target": 5, "label": "S"}, {"source": 20, "target": 9, "label": "R"}, {"source": 19, "target": 7, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "U"}]} +{"id": "338429-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Nobody lived there.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "338429-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A girl would show up, then a guy in a nice car would show up.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}, {"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 20, "label": "E"}, {"source": 18, "target": 6, "label": "F"}, {"source": 21, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "F"}, {"source": 21, "target": 10, "label": "S"}, {"source": 19, "target": 18, "label": "A"}, {"source": 15, "target": 0, "label": "F"}, {"source": 19, "target": 13, "label": "P"}, {"source": 17, "target": 5, "label": "L"}, {"source": 20, "target": 9, "label": "F"}, {"source": 19, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 12, "label": "F"}, {"source": 17, "target": 4, "label": "U"}, {"source": 20, "target": 8, "label": "R"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 15, "target": 1, "label": "C"}, {"source": 16, "target": 3, "label": "P"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "338429-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Short time later the guy would leave, then the girl.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 6, "label": "P"}, {"source": 13, "target": 7, "label": "U"}, {"source": 13, "target": 12, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 6, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 5, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 13, "target": 8, "label": "L"}]} +{"id": "338429-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My apartment was usually quiet.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 1, "label": "C"}, {"source": 6, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 6, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "T"}]} +{"id": "338429-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I lived in one that did not face the parking lot.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 4, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "D"}, {"source": 15, "target": 7, "label": "S"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "338429-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Parking spaces are just big enough for a Mini Cooper.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "D"}, {"source": 11, "target": 10, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 15, "target": 6, "label": "R"}, {"source": 10, "target": 0, "label": "P"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 7, "label": "F"}]} +{"id": "338429-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It sucked having an SUV.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "F"}, {"source": 7, "target": 1, "label": "G"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "338429-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If I found a spot, I couldnt fit in it.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 26, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 38}]}, {"id": 12, "anchors": [{"from": 38, "to": 39}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "F"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 5, "label": "U"}, {"source": 16, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 10, "label": "R"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 7, "label": "D"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 8, "label": "D"}]} +{"id": "338429-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Gates worked 30% of the time at best.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 5, "label": "F"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 12, "label": "Q"}, {"source": 12, "target": 2, "label": "Q"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 14, "label": "D"}, {"source": 11, "target": 13, "label": "T"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "338429-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bugs were a small problem, nothing too bad.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "D"}, {"source": 14, "target": 6, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 14, "label": "E"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "C"}, {"source": 14, "target": 8, "label": "S"}, {"source": 11, "target": 5, "label": "U"}, {"source": 11, "target": 13, "label": "S"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "339176-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Prices, Great service!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "339176-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've been to this shop twice (once for an inspection and again for an oil change) and they truly live up to their name: Discount!", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 101}, {"from": 102, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 118}]}, {"id": 26, "anchors": [{"from": 118, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 129}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 37, "target": 27, "label": "E"}, {"source": 34, "target": 16, "label": "E"}, {"source": 37, "target": 25, "label": "C"}, {"source": 35, "target": 15, "label": "F"}, {"source": 36, "target": 20, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 12, "label": "L"}, {"source": 36, "target": 21, "label": "D"}, {"source": 29, "target": 2, "label": "P"}, {"source": 34, "target": 35, "label": "P"}, {"source": 29, "target": 1, "label": "F"}, {"source": 34, "target": 14, "label": "R"}, {"source": 36, "target": 22, "label": "P"}, {"source": 33, "target": 10, "label": "F"}, {"source": 30, "target": 19, "label": "L"}, {"source": 37, "target": 24, "label": "E"}, {"source": 30, "target": 13, "label": "L"}, {"source": 30, "target": 7, "label": "U"}, {"source": 29, "target": 0, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 31, "target": 4, "label": "E"}, {"source": 35, "target": 17, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 18, "label": "U"}, {"source": 37, "target": 26, "label": "U"}, {"source": 31, "target": 5, "label": "C"}, {"source": 32, "target": 9, "label": "R"}, {"source": 30, "target": 36, "label": "H"}, {"source": 37, "target": 28, "label": "U"}, {"source": 31, "target": 3, "label": "R"}, {"source": 30, "target": 8, "label": "L"}, {"source": 37, "target": 23, "label": "R"}, {"source": 33, "target": 11, "label": "C"}, {"source": 29, "target": 6, "label": "D"}, {"source": 36, "target": 37, "label": "A"}, {"source": 30, "target": 32, "label": "H"}]} +{"id": "339176-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have all kind of coupons available for car washes, oil changes, state inspection, etc.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 9, "label": "P"}, {"source": 20, "target": 6, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "P"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 11, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 10, "label": "U"}, {"source": 22, "target": 17, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 12, "label": "P"}, {"source": 21, "target": 5, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "A"}, {"source": 21, "target": 4, "label": "R"}, {"source": 22, "target": 13, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 18, "label": "U"}, {"source": 21, "target": 2, "label": "Q"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 22, "target": 16, "label": "U"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "339176-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The thing is, you still get high quality service at nicely discounted rates!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 75}]}, {"id": 12, "anchors": [{"from": 75, "to": 76}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 5, "label": "E"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "D"}, {"source": 16, "target": 12, "label": "U"}, {"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 2, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 4, "label": "D"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 14, "target": 3, "label": "D"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 1, "label": "U"}]} +{"id": "339176-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There is even free coffee and bottles of water if you'd like.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 1, "label": "S"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 5, "label": "N"}, {"source": 15, "target": 9, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "D"}, {"source": 16, "target": 17, "label": "C"}, {"source": 19, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "339176-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner is a pleasant guy and I would trust my car with him or any of his workers.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 83}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 15, "label": "E"}, {"source": 22, "target": 2, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 28, "target": 12, "label": "R"}, {"source": 28, "target": 14, "label": "N"}, {"source": 23, "target": 6, "label": "L"}, {"source": 30, "target": 17, "label": "A"}, {"source": 21, "target": 0, "label": "F"}, {"source": 30, "target": 19, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 30, "target": 29, "label": "R"}, {"source": 26, "target": 10, "label": "S"}, {"source": 20, "target": 21, "label": "S"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 8, "label": "D"}, {"source": 22, "target": 20, "label": "A"}, {"source": 22, "target": 4, "label": "S"}, {"source": 28, "target": 30, "label": "C"}, {"source": 27, "target": 11, "label": "C"}, {"source": 30, "target": 18, "label": "P"}, {"source": 27, "target": 26, "label": "E"}, {"source": 25, "target": 9, "label": "P"}, {"source": 24, "target": 5, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 3, "label": "F"}, {"source": 25, "target": 7, "label": "A"}, {"source": 25, "target": 28, "label": "A"}, {"source": 26, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "339176-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Top notch, all the way!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}, {"from": 15, "to": 18}, {"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "340848-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Top notch eats!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "340848-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So here we are in Manson.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 2, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 7, "target": 0, "label": "L"}]} +{"id": "340848-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Manson?", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "340848-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes, Manson.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "340848-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Right near Chelan.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "340848-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Aka Nowheresville.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 2, "label": "U"}]} +{"id": "340848-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And this litttle gem of a 7-table restaurant is a complete and utterly wonderful surprise.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 1, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 19, "target": 21, "label": "E"}, {"source": 19, "target": 4, "label": "R"}, {"source": 18, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "E"}, {"source": 20, "target": 10, "label": "F"}, {"source": 18, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 19, "target": 5, "label": "F"}, {"source": 22, "target": 6, "label": "Q"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 23, "label": "S"}, {"source": 23, "target": 11, "label": "F"}, {"source": 24, "target": 12, "label": "C"}, {"source": 20, "target": 25, "label": "D"}, {"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 24, "target": 13, "label": "N"}, {"source": 23, "target": 16, "label": "C"}, {"source": 21, "target": 3, "label": "S"}, {"source": 22, "target": 7, "label": "U"}, {"source": 21, "target": 2, "label": "D"}]} +{"id": "340848-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A short but wide-ranging menu executed with innovative perfection in a cozy hole in the wall just off the main street.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 117}]}, {"id": 23, "anchors": [{"from": 117, "to": 118}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 5, "label": "C"}, {"source": 26, "target": 31, "label": "H"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 2, "label": "L"}, {"source": 35, "target": 19, "label": "S"}, {"source": 36, "target": 22, "label": "C"}, {"source": 32, "target": 14, "label": "C"}, {"source": 35, "target": 18, "label": "D"}, {"source": 34, "target": 16, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 24, "label": "H"}, {"source": 28, "target": 4, "label": "U"}, {"source": 36, "target": 20, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 32, "target": 12, "label": "F"}, {"source": 33, "target": 13, "label": "S"}, {"source": 30, "target": 10, "label": "C"}, {"source": 36, "target": 21, "label": "E"}, {"source": 36, "target": 23, "label": "U"}, {"source": 33, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "R"}, {"source": 26, "target": 35, "label": "H"}, {"source": 34, "target": 17, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 3, "label": "E"}, {"source": 27, "target": 28, "label": "S"}, {"source": 25, "target": 0, "label": "F"}, {"source": 26, "target": 27, "label": "H"}, {"source": 31, "target": 11, "label": "S"}, {"source": 29, "target": 7, "label": "P"}, {"source": 29, "target": 30, "label": "D"}, {"source": 27, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 34, "label": "E"}, {"source": 34, "target": 15, "label": "R"}, {"source": 26, "target": 29, "label": "H"}, {"source": 24, "target": 1, "label": "S"}, {"source": 30, "target": 9, "label": "E"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "340848-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic food served without pretense, very reasonably priced wine selections.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 78}]}, {"id": 11, "anchors": [{"from": 78, "to": 79}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "E"}, {"source": 13, "target": 17, "label": "H"}, {"source": 14, "target": 2, "label": "P"}, {"source": 12, "target": 0, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 1, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 14, "target": 15, "label": "D"}, {"source": 17, "target": 8, "label": "S"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "U"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "D"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "340848-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A great place to go for dinner after a day of wine tasting.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 18, "target": 5, "label": "R"}, {"source": 15, "target": 18, "label": "P"}, {"source": 20, "target": 11, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 21, "target": 10, "label": "R"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "S"}, {"source": 14, "target": 17, "label": "E"}, {"source": 19, "target": 9, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 20, "target": 19, "label": "T"}, {"source": 16, "target": 7, "label": "L"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 14, "label": "A"}, {"source": 20, "target": 21, "label": "P"}, {"source": 15, "target": 4, "label": "D"}, {"source": 19, "target": 8, "label": "F"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "340891-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The food tasted like rat feces", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 6, "target": 0, "label": "F"}, {"source": 8, "target": 2, "label": "G"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}]} +{"id": "341397-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "these guys were fantastic!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "341397-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "they fixed my garage doors in literally less than an hour.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "S"}, {"source": 13, "target": 16, "label": "T"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 9, "label": "Q"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 8, "label": "R"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "341397-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the guy came on time and didn't take any breaks, he went straight to work and finished the job efficiently and promptly!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 119}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 27, "target": 17, "label": "L"}, {"source": 31, "target": 33, "label": "D"}, {"source": 30, "target": 15, "label": "F"}, {"source": 31, "target": 32, "label": "P"}, {"source": 27, "target": 30, "label": "H"}, {"source": 28, "target": 4, "label": "C"}, {"source": 27, "target": 5, "label": "L"}, {"source": 29, "target": 7, "label": "D"}, {"source": 33, "target": 21, "label": "C"}, {"source": 32, "target": 19, "label": "F"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 30, "target": 16, "label": "P"}, {"source": 26, "target": 2, "label": "P"}, {"source": 32, "target": 20, "label": "C"}, {"source": 29, "target": 6, "label": "F"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 11, "label": "U"}, {"source": 31, "target": 18, "label": "D"}, {"source": 28, "target": 3, "label": "R"}, {"source": 30, "target": 12, "label": "A"}, {"source": 25, "target": 1, "label": "C"}, {"source": 29, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "F"}, {"source": 29, "target": 9, "label": "D"}, {"source": 29, "target": 10, "label": "P"}, {"source": 27, "target": 31, "label": "H"}, {"source": 30, "target": 13, "label": "D"}, {"source": 30, "target": 14, "label": "T"}, {"source": 33, "target": 22, "label": "N"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 26, "target": 28, "label": "T"}, {"source": 29, "target": 8, "label": "D"}]} +{"id": "341397-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i couldn't be more happier with the way my garage looks.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "F"}, {"source": 15, "target": 16, "label": "D"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 12, "label": "U"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 6, "label": "R"}, {"source": 14, "target": 4, "label": "D"}, {"source": 15, "target": 11, "label": "S"}, {"source": 18, "target": 10, "label": "C"}, {"source": 17, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 1, "label": "D"}, {"source": 15, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "S"}, {"source": 18, "target": 17, "label": "E"}, {"source": 17, "target": 9, "label": "S"}]} +{"id": "341397-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "GREAT JOB GUYS!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "341435-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice and quiet place with cosy living room just outside the city.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 5, "label": "S"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 20, "target": 19, "label": "R"}, {"source": 14, "target": 20, "label": "A"}, {"source": 16, "target": 3, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 20, "target": 10, "label": "F"}, {"source": 18, "target": 6, "label": "E"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 0, "label": "S"}, {"source": 17, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "L"}, {"source": 20, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 15, "target": 2, "label": "S"}]} +{"id": "341750-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not so good", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "341750-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not worth the money.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "341750-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bland and over cooked.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "L"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "341750-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I felt as if I was in an over priced Olive Garden.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}, {"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 2, "label": "R"}, {"source": 13, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 10, "label": "C"}, {"source": 16, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "S"}, {"source": 15, "target": 9, "label": "E"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 7, "label": "D"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "341750-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was hoping to have found a regular place to eat.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 6, "label": "F"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "E"}, {"source": 16, "target": 9, "label": "F"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "341750-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "But not so.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "342807-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great, and probably the only West Indian spot worth hitting up in Nashville.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}, {"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}, {"from": 60, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 75}]}, {"id": 12, "anchors": [{"from": 75, "to": 76}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "L"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 17, "target": 8, "label": "D"}, {"source": 14, "target": 1, "label": "U"}, {"source": 15, "target": 18, "label": "S"}, {"source": 15, "target": 3, "label": "D"}, {"source": 17, "target": 9, "label": "P"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 13, "target": 0, "label": "S"}, {"source": 19, "target": 10, "label": "R"}, {"source": 18, "target": 4, "label": "F"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "342807-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I was born and raised in Toronto, which has a huge West Indian (Trinidadian, Jamaican, etc) population.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 26, "target": 6, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 28, "target": 11, "label": "Q"}, {"source": 25, "target": 4, "label": "P"}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 27, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 8, "label": "R"}, {"source": 30, "target": 15, "label": "C"}, {"source": 30, "target": 19, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 22, "label": "U"}, {"source": 27, "target": 9, "label": "S"}, {"source": 28, "target": 21, "label": "C"}, {"source": 30, "target": 16, "label": "U"}, {"source": 30, "target": 17, "label": "C"}, {"source": 26, "target": 5, "label": "R"}, {"source": 24, "target": 1, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 3, "label": "L"}, {"source": 29, "target": 12, "label": "E"}, {"source": 26, "target": 7, "label": "U"}, {"source": 30, "target": 18, "label": "U"}, {"source": 29, "target": 14, "label": "U"}, {"source": 28, "target": 20, "label": "U"}, {"source": 29, "target": 13, "label": "C"}, {"source": 28, "target": 10, "label": "F"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "342807-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So huge in fact, that Toronto slang is influenced by and has Jamaican references, and Jamaican beef patties are staples in my high school cafeteria.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 130}, {"from": 131, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 147}]}, {"id": 25, "anchors": [{"from": 147, "to": 148}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 21, "label": "R"}, {"source": 29, "target": 9, "label": "R"}, {"source": 27, "target": 29, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 5, "label": "E"}, {"source": 27, "target": 14, "label": "U"}, {"source": 32, "target": 18, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 26, "target": 0, "label": "D"}, {"source": 33, "target": 32, "label": "A"}, {"source": 31, "target": 12, "label": "E"}, {"source": 34, "target": 23, "label": "E"}, {"source": 32, "target": 16, "label": "E"}, {"source": 26, "target": 1, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 8, "label": "P"}, {"source": 34, "target": 22, "label": "E"}, {"source": 30, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 11, "label": "S"}, {"source": 27, "target": 10, "label": "L"}, {"source": 27, "target": 33, "label": "H"}, {"source": 26, "target": 2, "label": "G"}, {"source": 27, "target": 3, "label": "U"}, {"source": 33, "target": 20, "label": "S"}, {"source": 27, "target": 4, "label": "L"}, {"source": 29, "target": 28, "label": "A"}, {"source": 31, "target": 13, "label": "C"}, {"source": 34, "target": 24, "label": "C"}, {"source": 34, "target": 25, "label": "U"}, {"source": 28, "target": 6, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 15, "label": "L"}, {"source": 29, "target": 7, "label": "F"}, {"source": 33, "target": 19, "label": "F"}, {"source": 32, "target": 17, "label": "E"}]} +{"id": "342807-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Anyway, I was practically raised on this stuff, and being a connoisseur of West Indian cuisine, Jamaica Way is a bit toned down to suit the American palette.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}, {"from": 104, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 156}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 38, "target": 39, "label": "D"}, {"source": 31, "target": 35, "label": "H"}, {"source": 40, "target": 23, "label": "C"}, {"source": 37, "target": 36, "label": "E"}, {"source": 33, "target": 6, "label": "R"}, {"source": 31, "target": 18, "label": "U"}, {"source": 32, "target": 4, "label": "D"}, {"source": 31, "target": 41, "label": "H"}, {"source": 38, "target": 40, "label": "S"}, {"source": 34, "target": 11, "label": "F"}, {"source": 32, "target": 5, "label": "P"}, {"source": 41, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 0, "label": "L"}, {"source": 40, "target": 24, "label": "E"}, {"source": 36, "target": 15, "label": "E"}, {"source": 42, "target": 30, "label": "U"}, {"source": 31, "target": 32, "label": "H"}, {"source": 34, "target": 12, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 9, "label": "U"}, {"source": 39, "target": 22, "label": "C"}, {"source": 32, "target": 2, "label": "A"}, {"source": 31, "target": 10, "label": "L"}, {"source": 41, "target": 42, "label": "A"}, {"source": 38, "target": 19, "label": "A"}, {"source": 41, "target": 26, "label": "P"}, {"source": 42, "target": 28, "label": "E"}, {"source": 35, "target": 14, "label": "F"}, {"source": 35, "target": 37, "label": "A"}, {"source": 31, "target": 25, "label": "L"}, {"source": 34, "target": 13, "label": "C"}, {"source": 38, "target": 20, "label": "F"}, {"source": 37, "target": 17, "label": "C"}, {"source": 33, "target": 7, "label": "E"}, {"source": 35, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 16, "label": "C"}, {"source": 42, "target": 29, "label": "C"}, {"source": 31, "target": 38, "label": "H"}, {"source": 31, "target": 1, "label": "U"}, {"source": 35, "target": 34, "label": "S"}, {"source": 33, "target": 8, "label": "C"}, {"source": 39, "target": 21, "label": "F"}, {"source": 32, "target": 3, "label": "F"}, {"source": 42, "target": 27, "label": "F"}]} +{"id": "342807-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All you have to do to make it authentic Jamaican food, is add a whole lot of pepper.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 10, "label": "U"}, {"source": 21, "target": 23, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 20, "target": 25, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 20, "target": 1, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 25, "target": 16, "label": "R"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 14, "label": "E"}, {"source": 19, "target": 4, "label": "L"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 6, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 7, "label": "S"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "D"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 13, "label": "F"}, {"source": 20, "target": 12, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 24, "label": "Q"}, {"source": 19, "target": 21, "label": "H"}, {"source": 20, "target": 11, "label": "F"}]} +{"id": "342807-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Alot.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 5}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "Q"}]} +{"id": "342811-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendly staff, but definitely some problems", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 5, "label": "D"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 6, "label": "P"}, {"source": 8, "target": 2, "label": "U"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "342811-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "May, 2009.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "T"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "342811-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were booked at the Sheraton with a number of other out-of-town wedding guests.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 12, "label": "U"}, {"source": 21, "target": 3, "label": "R"}, {"source": 22, "target": 6, "label": "R"}, {"source": 24, "target": 17, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 26, "target": 13, "label": "R"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 18, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 14, "label": "U"}, {"source": 21, "target": 5, "label": "C"}, {"source": 25, "target": 11, "label": "S"}, {"source": 27, "target": 16, "label": "P"}, {"source": 22, "target": 27, "label": "A"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 7, "label": "F"}, {"source": 22, "target": 23, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 4, "label": "F"}, {"source": 25, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "S"}, {"source": 26, "target": 15, "label": "C"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "342811-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Got put into the wrong room the first night, and were quite surprised to have someone with the same room key trying to get in the door at 1:00 am!", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 122}, {"from": 123, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 145}]}, {"id": 30, "anchors": [{"from": 145, "to": 146}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 35, "target": 6, "label": "F"}, {"source": 36, "target": 12, "label": "D"}, {"source": 39, "target": 24, "label": "P"}, {"source": 33, "target": 3, "label": "F"}, {"source": 41, "target": 29, "label": "C"}, {"source": 34, "target": 4, "label": "S"}, {"source": 32, "target": 31, "label": "H"}, {"source": 38, "target": 17, "label": "R"}, {"source": 38, "target": 21, "label": "C"}, {"source": 35, "target": 8, "label": "C"}, {"source": 32, "target": 10, "label": "L"}, {"source": 41, "target": 27, "label": "R"}, {"source": 41, "target": 28, "label": "C"}, {"source": 41, "target": 30, "label": "U"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 33, "label": "A"}, {"source": 38, "target": 18, "label": "F"}, {"source": 37, "target": 14, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 39, "target": 41, "label": "T"}, {"source": 36, "target": 13, "label": "S"}, {"source": 40, "target": 25, "label": "F"}, {"source": 32, "target": 36, "label": "H"}, {"source": 37, "target": 39, "label": "E"}, {"source": 35, "target": 7, "label": "Q"}, {"source": 32, "target": 9, "label": "U"}, {"source": 38, "target": 20, "label": "E"}, {"source": 37, "target": 15, "label": "F"}, {"source": 39, "target": 22, "label": "D"}, {"source": 39, "target": 23, "label": "F"}, {"source": 33, "target": 5, "label": "C"}, {"source": 38, "target": 19, "label": "E"}, {"source": 31, "target": 0, "label": "D"}, {"source": 34, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 16, "label": "C"}, {"source": 31, "target": 35, "label": "T"}, {"source": 39, "target": 40, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 1, "label": "P"}, {"source": 39, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 2, "label": "R"}, {"source": 36, "target": 11, "label": "F"}, {"source": 40, "target": 26, "label": "C"}]} +{"id": "342811-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Next day got moved into another room, on the same floor with other wedding guests.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}, {"source": 21, "target": 9, "label": "F"}, {"source": 19, "target": 17, "label": "T"}, {"source": 19, "target": 3, "label": "P"}, {"source": 22, "target": 13, "label": "D"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 10, "label": "E"}, {"source": 22, "target": 15, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 5, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 12, "label": "R"}, {"source": 20, "target": 22, "label": "E"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 15, "label": "S"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "342811-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There were 3 adults in our room but towels for only 2, no linens for sofa bed.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 10, "label": "E"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 9, "label": "R"}, {"source": 26, "target": 3, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 19, "target": 4, "label": "S"}, {"source": 20, "target": 27, "label": "H"}, {"source": 28, "target": 14, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 27, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 8, "label": "C"}, {"source": 22, "target": 5, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "Q"}, {"source": 29, "target": 18, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 22, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 12, "label": "U"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 0, "label": "F"}, {"source": 27, "target": 13, "label": "D"}, {"source": 29, "target": 15, "label": "R"}, {"source": 24, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 2, "label": "Q"}, {"source": 21, "target": 3, "label": "C"}, {"source": 23, "target": 6, "label": "C"}, {"source": 19, "target": 23, "label": "A"}]} +{"id": "342811-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In the second room it took 3 tries to get all the towels and linens we requested.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 80}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 11, "label": "F"}, {"source": 18, "target": 0, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "Q"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "D"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 24, "label": "E"}, {"source": 19, "target": 6, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "L"}, {"source": 24, "target": 15, "label": "A"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 18, "target": 2, "label": "Q"}, {"source": 24, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "F"}, {"source": 24, "target": 16, "label": "P"}, {"source": 19, "target": 7, "label": "P"}, {"source": 23, "target": 12, "label": "C"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 13, "label": "N"}]} +{"id": "342811-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A package and some wedding cards were left in our first room.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "F"}, {"source": 17, "target": 3, "label": "Q"}, {"source": 20, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 10, "label": "Q"}, {"source": 20, "target": 9, "label": "S"}, {"source": 19, "target": 8, "label": "R"}, {"source": 14, "target": 13, "label": "C"}, {"source": 16, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "E"}, {"source": 14, "target": 17, "label": "C"}, {"source": 19, "target": 12, "label": "U"}, {"source": 18, "target": 4, "label": "P"}, {"source": 14, "target": 2, "label": "N"}, {"source": 16, "target": 14, "label": "A"}]} +{"id": "342811-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were sent to our second room and had been opened--the ribbon-wrapped present, and all 3 envelopes.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 26, "target": 4, "label": "S"}, {"source": 32, "target": 19, "label": "Q"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 27, "label": "H"}, {"source": 30, "target": 15, "label": "P"}, {"source": 25, "target": 6, "label": "C"}, {"source": 28, "target": 12, "label": "F"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 31, "label": "C"}, {"source": 29, "target": 28, "label": "C"}, {"source": 27, "target": 10, "label": "P"}, {"source": 29, "target": 32, "label": "C"}, {"source": 31, "target": 16, "label": "C"}, {"source": 24, "target": 7, "label": "L"}, {"source": 32, "target": 21, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 27, "target": 9, "label": "F"}, {"source": 27, "target": 11, "label": "U"}, {"source": 27, "target": 8, "label": "F"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 31, "target": 30, "label": "E"}, {"source": 25, "target": 5, "label": "Q"}, {"source": 29, "target": 14, "label": "U"}, {"source": 29, "target": 18, "label": "N"}, {"source": 25, "target": 3, "label": "R"}, {"source": 28, "target": 13, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 29, "target": 17, "label": "U"}, {"source": 32, "target": 20, "label": "Q"}]} +{"id": "342811-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Security in the hotel seemed to be excellent, but we were never given an explanation as to why someone would open these items.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 125}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 10, "label": "A"}, {"source": 29, "target": 13, "label": "D"}, {"source": 26, "target": 5, "label": "F"}, {"source": 30, "target": 15, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 25, "target": 28, "label": "E"}, {"source": 27, "target": 9, "label": "L"}, {"source": 29, "target": 11, "label": "F"}, {"source": 29, "target": 12, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 31, "target": 17, "label": "C"}, {"source": 28, "target": 3, "label": "C"}, {"source": 30, "target": 14, "label": "F"}, {"source": 27, "target": 32, "label": "H"}, {"source": 28, "target": 1, "label": "R"}, {"source": 28, "target": 2, "label": "F"}, {"source": 27, "target": 18, "label": "H"}, {"source": 27, "target": 31, "label": "L"}, {"source": 33, "target": 22, "label": "E"}, {"source": 31, "target": 16, "label": "R"}, {"source": 27, "target": 8, "label": "U"}, {"source": 32, "target": 19, "label": "A"}, {"source": 29, "target": 12, "label": "T"}, {"source": 32, "target": 21, "label": "P"}, {"source": 26, "target": 7, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 25, "target": 0, "label": "C"}, {"source": 32, "target": 20, "label": "D"}, {"source": 26, "target": 4, "label": "G"}]} +{"id": "342811-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A mid-afternoon \"fire drill\" was disruptive, putting everyone out of the hotel.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 8, "label": "U"}, {"source": 18, "target": 6, "label": "F"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 7, "label": "S"}, {"source": 21, "target": 13, "label": "F"}, {"source": 20, "target": 11, "label": "S"}, {"source": 21, "target": 12, "label": "R"}, {"source": 20, "target": 10, "label": "A"}, {"source": 20, "target": 9, "label": "D"}, {"source": 17, "target": 3, "label": "A"}, {"source": 19, "target": 5, "label": "U"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 17, "label": "A"}, {"source": 17, "target": 2, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 18, "label": "H"}, {"source": 17, "target": 16, "label": "T"}]} +{"id": "342811-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When we called the front desk about an extremely boisterous crowd in the hall outside our door quite late at night, it seemed to take the hotel staff quite a while to quiet them down.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 114}]}, {"id": 21, "anchors": [{"from": 114, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 172}, {"from": 178, "to": 182}]}, {"id": 34, "anchors": [{"from": 173, "to": 177}]}, {"id": 35, "anchors": [{"from": 182, "to": 183}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 46, "target": 22, "label": "F"}, {"source": 40, "target": 8, "label": "D"}, {"source": 46, "target": 47, "label": "T"}, {"source": 40, "target": 9, "label": "P"}, {"source": 46, "target": 23, "label": "G"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "A"}, {"source": 45, "target": 20, "label": "C"}, {"source": 46, "target": 48, "label": "A"}, {"source": 36, "target": 40, "label": "H"}, {"source": 39, "target": 7, "label": "F"}, {"source": 47, "target": 25, "label": "F"}, {"source": 43, "target": 15, "label": "S"}, {"source": 46, "target": 32, "label": "F"}, {"source": 41, "target": 11, "label": "R"}, {"source": 41, "target": 13, "label": "C"}, {"source": 40, "target": 45, "label": "T"}, {"source": 36, "target": 21, "label": "U"}, {"source": 40, "target": 39, "label": "A"}, {"source": 40, "target": 42, "label": "A"}, {"source": 49, "target": 26, "label": "F"}, {"source": 38, "target": 3, "label": "F"}, {"source": 42, "target": 14, "label": "R"}, {"source": 48, "target": 27, "label": "A"}, {"source": 44, "target": 17, "label": "E"}, {"source": 46, "target": 34, "label": "A"}, {"source": 47, "target": 29, "label": "E"}, {"source": 48, "target": 49, "label": "S"}, {"source": 45, "target": 19, "label": "R"}, {"source": 38, "target": 5, "label": "C"}, {"source": 46, "target": 24, "label": "F"}, {"source": 36, "target": 6, "label": "L"}, {"source": 46, "target": 33, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 36, "target": 37, "label": "H"}, {"source": 46, "target": 35, "label": "U"}, {"source": 47, "target": 30, "label": "F"}, {"source": 37, "target": 2, "label": "P"}, {"source": 45, "target": 44, "label": "E"}, {"source": 38, "target": 4, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 49, "target": 28, "label": "C"}, {"source": 36, "target": 46, "label": "H"}, {"source": 47, "target": 31, "label": "C"}, {"source": 39, "target": 10, "label": "C"}, {"source": 37, "target": 1, "label": "A"}, {"source": 42, "target": 43, "label": "E"}, {"source": 42, "target": 16, "label": "C"}, {"source": 41, "target": 12, "label": "F"}, {"source": 44, "target": 18, "label": "C"}, {"source": 36, "target": 0, "label": "L"}]} +{"id": "342811-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff was friendly, especially the front desk female supervisor, and seemed to want to help, but too many unusual things happened to make us want to stay there again.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 169}]}, {"id": 33, "anchors": [{"from": 169, "to": 170}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 39, "target": 7, "label": "E"}, {"source": 39, "target": 8, "label": "C"}, {"source": 40, "target": 16, "label": "F"}, {"source": 36, "target": 44, "label": "H"}, {"source": 36, "target": 18, "label": "U"}, {"source": 36, "target": 43, "label": "H"}, {"source": 44, "target": 27, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 41, "target": 20, "label": "E"}, {"source": 45, "target": 29, "label": "R"}, {"source": 45, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 6, "label": "F"}, {"source": 40, "target": 13, "label": "G"}, {"source": 43, "target": 24, "label": "P"}, {"source": 34, "target": 3, "label": "D"}, {"source": 37, "target": 38, "label": "S"}, {"source": 36, "target": 40, "label": "H"}, {"source": 35, "target": 37, "label": "E"}, {"source": 34, "target": 2, "label": "F"}, {"source": 34, "target": 4, "label": "U"}, {"source": 42, "target": 22, "label": "E"}, {"source": 36, "target": 12, "label": "L"}, {"source": 42, "target": 23, "label": "C"}, {"source": 36, "target": 19, "label": "L"}, {"source": 34, "target": 35, "label": "S"}, {"source": 40, "target": 15, "label": "D"}, {"source": 40, "target": 17, "label": "P"}, {"source": 36, "target": 34, "label": "H"}, {"source": 44, "target": 26, "label": "D"}, {"source": 42, "target": 41, "label": "Q"}, {"source": 35, "target": 0, "label": "F"}, {"source": 45, "target": 31, "label": "A"}, {"source": 36, "target": 25, "label": "L"}, {"source": 37, "target": 5, "label": "R"}, {"source": 44, "target": 28, "label": "S"}, {"source": 45, "target": 30, "label": "P"}, {"source": 38, "target": 10, "label": "C"}, {"source": 37, "target": 9, "label": "A"}, {"source": 45, "target": 32, "label": "D"}, {"source": 41, "target": 21, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 43, "target": 42, "label": "A"}, {"source": 36, "target": 11, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 40, "target": 14, "label": "F"}, {"source": 35, "target": 1, "label": "C"}, {"source": 45, "target": 33, "label": "U"}, {"source": 40, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "343035-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Excellent piano lessons", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "343035-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm very happy with the piano lessons Mrs. Lynda Mcmanus taught me.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}, {"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "S"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 18, "target": 11, "label": "A"}, {"source": 13, "target": 2, "label": "D"}, {"source": 17, "target": 8, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 4, "label": "R"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 16, "label": "P"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "343035-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Now I'm able to play the piano pretty well.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "D"}, {"source": 13, "target": 6, "label": "F"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 0, "label": "T"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 14, "label": "D"}, {"source": 14, "target": 8, "label": "E"}]} +{"id": "343336-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Got to love this place.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "343336-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Everyone is relaxed and having fun!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "P"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "343813-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bad Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "343813-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Definately won't be returning.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "343813-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Travelled 40mins after calling to see if a product was in stock.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 16, "target": 1, "label": "Q"}, {"source": 21, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 21, "label": "S"}, {"source": 18, "target": 6, "label": "P"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 17, "target": 4, "label": "P"}, {"source": 20, "target": 8, "label": "F"}, {"source": 19, "target": 7, "label": "R"}, {"source": 19, "target": 10, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 14, "target": 0, "label": "P"}, {"source": 14, "target": 16, "label": "T"}, {"source": 15, "target": 3, "label": "L"}, {"source": 21, "target": 13, "label": "U"}]} +{"id": "343813-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Told that they had plenty.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 1, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 7, "target": 0, "label": "P"}, {"source": 9, "target": 4, "label": "Q"}]} +{"id": "343813-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Get there and there was nothing.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "L"}, {"source": 9, "target": 3, "label": "F"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 0, "label": "P"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "343813-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not impressed!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "345182-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do not use this company!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "345182-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I dropped off a sheet metal piece that I needed copied due to th it was needing to be replaced.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}, {"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 4, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "R"}, {"source": 25, "target": 13, "label": "F"}, {"source": 25, "target": 12, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 24, "target": 9, "label": "P"}, {"source": 21, "target": 23, "label": "E"}, {"source": 25, "target": 16, "label": "F"}, {"source": 20, "target": 1, "label": "P"}, {"source": 24, "target": 8, "label": "D"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 3, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 7, "label": "A"}, {"source": 23, "target": 10, "label": "L"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "345182-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I asked if they could copy the piece I dropped off.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}, {"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 9, "label": "P"}, {"source": 13, "target": 4, "label": "D"}, {"source": 13, "target": 2, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "345182-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They said it would be made exactly like the one I needed to replace.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 6, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 21, "target": 11, "label": "D"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 3, "label": "D"}, {"source": 18, "target": 7, "label": "L"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 10, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 17, "target": 2, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "F"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "E"}]} +{"id": "345182-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I picked it up when it was finished and was charge 30.00.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}, {"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "A"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 9, "label": "P"}, {"source": 13, "target": 3, "label": "L"}, {"source": 12, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "Q"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "F"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 7, "label": "L"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "345182-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I got to the job and tried to insert the new piece of metal IT WOULD NOT FIT!!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 19, "label": "U"}, {"source": 28, "target": 18, "label": "P"}, {"source": 23, "target": 4, "label": "F"}, {"source": 21, "target": 1, "label": "A"}, {"source": 24, "target": 9, "label": "P"}, {"source": 27, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "C"}, {"source": 20, "target": 28, "label": "H"}, {"source": 28, "target": 15, "label": "A"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 16, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 23, "target": 5, "label": "C"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 0, "label": "L"}, {"source": 21, "target": 2, "label": "P"}, {"source": 22, "target": 3, "label": "R"}, {"source": 25, "target": 10, "label": "F"}, {"source": 24, "target": 7, "label": "D"}, {"source": 25, "target": 12, "label": "C"}, {"source": 26, "target": 11, "label": "S"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 17, "label": "D"}, {"source": 25, "target": 27, "label": "E"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "345182-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I took the original piece of metal and rigged it to make due since I had to complete the job.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}, {"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 14, "label": "D"}, {"source": 25, "target": 11, "label": "P"}, {"source": 19, "target": 1, "label": "P"}, {"source": 20, "target": 10, "label": "L"}, {"source": 21, "target": 22, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 18, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "E"}, {"source": 26, "target": 15, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 25, "label": "H"}, {"source": 28, "target": 16, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 24, "target": 9, "label": "A"}, {"source": 26, "target": 13, "label": "A"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 2, "label": "F"}, {"source": 24, "target": 8, "label": "P"}, {"source": 21, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 3, "label": "S"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 20, "target": 26, "label": "H"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "345182-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I took the receipt and the metal that did not fit and asked Pomper for my money back.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "R"}, {"source": 22, "target": 4, "label": "N"}, {"source": 20, "target": 11, "label": "L"}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 6, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 27, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 15, "label": "S"}, {"source": 26, "target": 17, "label": "P"}, {"source": 20, "target": 25, "label": "H"}, {"source": 24, "target": 10, "label": "P"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 21, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 21, "target": 2, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 27, "label": "E"}, {"source": 24, "target": 9, "label": "D"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 12, "label": "P"}, {"source": 28, "target": 16, "label": "C"}, {"source": 21, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "F"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "345182-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The girl at the desk was sooo rude I could not believe it!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 9, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 17, "target": 2, "label": "R"}, {"source": 18, "target": 8, "label": "A"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "D"}, {"source": 15, "target": 7, "label": "S"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "F"}, {"source": 15, "target": 14, "label": "A"}, {"source": 17, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "D"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 17, "label": "E"}, {"source": 18, "target": 11, "label": "P"}]} +{"id": "345182-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She told me she could not use the piece I was returning and the company would only put it in the trash so I could not return it.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 127}]}, {"id": 28, "anchors": [{"from": 127, "to": 128}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 31, "target": 4, "label": "D"}, {"source": 33, "target": 11, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 31, "target": 3, "label": "A"}, {"source": 30, "target": 12, "label": "L"}, {"source": 37, "target": 23, "label": "A"}, {"source": 34, "target": 14, "label": "C"}, {"source": 33, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 15, "label": "D"}, {"source": 35, "target": 18, "label": "A"}, {"source": 33, "target": 10, "label": "F"}, {"source": 30, "target": 35, "label": "H"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 22, "label": "L"}, {"source": 35, "target": 34, "label": "A"}, {"source": 36, "target": 20, "label": "F"}, {"source": 33, "target": 9, "label": "A"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 21, "label": "C"}, {"source": 32, "target": 8, "label": "C"}, {"source": 31, "target": 5, "label": "D"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 6, "label": "P"}, {"source": 35, "target": 16, "label": "D"}, {"source": 32, "target": 7, "label": "F"}, {"source": 37, "target": 28, "label": "U"}, {"source": 37, "target": 27, "label": "A"}, {"source": 37, "target": 25, "label": "D"}, {"source": 37, "target": 26, "label": "P"}, {"source": 35, "target": 17, "label": "P"}, {"source": 29, "target": 2, "label": "A"}, {"source": 30, "target": 37, "label": "H"}, {"source": 34, "target": 13, "label": "F"}, {"source": 37, "target": 24, "label": "D"}]} +{"id": "345182-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I explained I did not get what I paid for.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 4, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 5, "label": "P"}, {"source": 15, "target": 9, "label": "R"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "345182-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She asked me to bring the original piece back and I told her I had to use it on the job.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}, {"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 87, "to": 88}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 23, "target": 4, "label": "P"}, {"source": 23, "target": 8, "label": "D"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 29, "label": "P"}, {"source": 27, "target": 16, "label": "A"}, {"source": 27, "target": 14, "label": "D"}, {"source": 23, "target": 3, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 24, "target": 5, "label": "F"}, {"source": 25, "target": 6, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 9, "label": "L"}, {"source": 24, "target": 25, "label": "E"}, {"source": 27, "target": 13, "label": "A"}, {"source": 29, "target": 18, "label": "F"}, {"source": 29, "target": 19, "label": "C"}, {"source": 26, "target": 10, "label": "A"}, {"source": 26, "target": 12, "label": "A"}, {"source": 26, "target": 11, "label": "P"}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 21, "target": 1, "label": "P"}, {"source": 27, "target": 15, "label": "P"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "345182-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She told me that was to bad she would do nothing to help me since she could not use or resell the piece.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 28, "target": 10, "label": "D"}, {"source": 31, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 29, "label": "H"}, {"source": 30, "target": 16, "label": "D"}, {"source": 29, "target": 13, "label": "A"}, {"source": 25, "target": 2, "label": "A"}, {"source": 28, "target": 10, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 27, "target": 30, "label": "H"}, {"source": 26, "target": 5, "label": "D"}, {"source": 25, "target": 27, "label": "A"}, {"source": 30, "target": 17, "label": "D"}, {"source": 25, "target": 0, "label": "A"}, {"source": 25, "target": 1, "label": "P"}, {"source": 26, "target": 6, "label": "S"}, {"source": 31, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 16, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 28, "target": 9, "label": "P"}, {"source": 32, "target": 22, "label": "C"}, {"source": 27, "target": 14, "label": "H"}, {"source": 29, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 8, "label": "D"}, {"source": 27, "target": 11, "label": "L"}, {"source": 28, "target": 7, "label": "A"}, {"source": 29, "target": 12, "label": "P"}, {"source": 31, "target": 17, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 31, "label": "H"}, {"source": 30, "target": 18, "label": "P"}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 31, "target": 20, "label": "P"}, {"source": 32, "target": 21, "label": "F"}, {"source": 30, "target": 15, "label": "A"}, {"source": 27, "target": 19, "label": "L"}, {"source": 27, "target": 14, "label": "L"}]} +{"id": "345182-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I said I was going to trash it also and could I at least have a credit.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 70}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 1, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 7, "label": "A"}, {"source": 23, "target": 24, "label": "D"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 10, "label": "D"}, {"source": 20, "target": 6, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 19, "target": 22, "label": "A"}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 9, "label": "L"}, {"source": 22, "target": 20, "label": "H"}, {"source": 21, "target": 2, "label": "C"}, {"source": 20, "target": 5, "label": "F"}, {"source": 20, "target": 4, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 14, "label": "P"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 11, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 15, "label": "F"}]} +{"id": "345182-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "With a smirk on her face she told me NO MONEY IS BEING RETURNED and THAT IS THE WAY IT WAS.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 90}]}, {"id": 21, "anchors": [{"from": 90, "to": 91}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 16, "label": "S"}, {"source": 32, "target": 20, "label": "F"}, {"source": 31, "target": 17, "label": "F"}, {"source": 26, "target": 6, "label": "A"}, {"source": 26, "target": 8, "label": "A"}, {"source": 27, "target": 9, "label": "E"}, {"source": 28, "target": 12, "label": "F"}, {"source": 25, "target": 4, "label": "E"}, {"source": 27, "target": 10, "label": "C"}, {"source": 31, "target": 18, "label": "C"}, {"source": 28, "target": 11, "label": "F"}, {"source": 23, "target": 2, "label": "C"}, {"source": 32, "target": 31, "label": "D"}, {"source": 22, "target": 0, "label": "L"}, {"source": 30, "target": 32, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 26, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "P"}, {"source": 29, "target": 30, "label": "H"}, {"source": 29, "target": 14, "label": "L"}, {"source": 29, "target": 28, "label": "H"}, {"source": 32, "target": 19, "label": "A"}, {"source": 32, "target": 21, "label": "U"}, {"source": 22, "target": 24, "label": "H"}, {"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 7, "label": "P"}, {"source": 28, "target": 13, "label": "P"}, {"source": 25, "target": 3, "label": "R"}, {"source": 22, "target": 26, "label": "H"}, {"source": 30, "target": 15, "label": "A"}, {"source": 23, "target": 1, "label": "F"}]} +{"id": "345182-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DO NOT USE THIS COMPANY.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "345182-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are to many people that need our business to have to put up with this unfair treatment!!!!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}, {"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}, {"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 97}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 22, "target": 8, "label": "P"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "Q"}, {"source": 24, "target": 13, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 23, "target": 10, "label": "D"}, {"source": 19, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 18, "target": 9, "label": "L"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "D"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "P"}, {"source": 24, "target": 12, "label": "R"}, {"source": 22, "target": 7, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 6, "label": "S"}]} +{"id": "345455-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First Time Ballerina", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "Q"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 3, "label": "D"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "345455-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My daughter is starting ballet this year for the first time.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 5, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "S"}, {"source": 16, "target": 7, "label": "R"}, {"source": 14, "target": 4, "label": "P"}, {"source": 14, "target": 15, "label": "T"}, {"source": 16, "target": 9, "label": "Q"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 16, "label": "D"}, {"source": 16, "target": 8, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 1, "label": "A"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "345455-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'ma soccer mom so I wasn't sure what I was looking for when it comes to dancewear.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 24, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 43}]}, {"id": 13, "anchors": [{"from": 44, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 63}, {"from": 64, "to": 69}, {"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 18, "target": 20, "label": "S"}, {"source": 23, "target": 13, "label": "P"}, {"source": 18, "target": 3, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 14, "label": "R"}, {"source": 24, "target": 15, "label": "R"}, {"source": 21, "target": 8, "label": "D"}, {"source": 24, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 6, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 9, "label": "S"}, {"source": 19, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 22, "label": "A"}, {"source": 23, "target": 11, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "345455-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The staff was very helpful and gave me exactly what I needed for my first time ballerina.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 9, "label": "C"}, {"source": 24, "target": 11, "label": "S"}, {"source": 25, "target": 13, "label": "A"}, {"source": 26, "target": 14, "label": "Q"}, {"source": 24, "target": 10, "label": "A"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 8, "label": "E"}, {"source": 19, "target": 2, "label": "F"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "D"}, {"source": 24, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "L"}, {"source": 25, "target": 16, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 26, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 21, "target": 3, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 25, "target": 12, "label": "R"}, {"source": 19, "target": 18, "label": "S"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 7, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 16, "label": "P"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "345455-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service at Instep was great!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "D"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 4, "label": "F"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "345455-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend them to anyone!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}]} +{"id": "346074-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Did a great job of removing my tree in Conyers.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 6, "label": "S"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 4, "label": "R"}, {"source": 13, "target": 11, "label": "P"}, {"source": 13, "target": 2, "label": "D"}, {"source": 16, "target": 15, "label": "E"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 10, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 8, "label": "R"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "A"}]} +{"id": "346074-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thanks Southland.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "346563-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A TERRIBLE EXPERIENCE!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "346563-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I remain unhappy.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "346563-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I still have noticeable scarring.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "346563-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I still have surgically induced hair loss.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 10, "label": "D"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "346563-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My results were just AWFUL.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "346563-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My post-op treatment was TERRIBLE.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "F"}]} +{"id": "346563-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I wouldn't recommend this place last year, and I certainly wouldn't recommend them this year.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 22, "label": "T"}, {"source": 24, "target": 17, "label": "C"}, {"source": 19, "target": 3, "label": "P"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 12, "label": "D"}, {"source": 21, "target": 4, "label": "E"}, {"source": 20, "target": 8, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 15, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "D"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 2, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 24, "label": "T"}, {"source": 23, "target": 11, "label": "D"}, {"source": 22, "target": 6, "label": "E"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 16, "label": "E"}, {"source": 23, "target": 10, "label": "A"}, {"source": 23, "target": 13, "label": "D"}]} +{"id": "346627-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic Place to buy your next vehicle", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "S"}, {"source": 8, "target": 0, "label": "S"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 12, "target": 5, "label": "Q"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 12, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "E"}]} +{"id": "346627-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We have never had a bad experience buying from Edmark.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 11, "target": 5, "label": "D"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 13, "label": "P"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "P"}, {"source": 11, "target": 2, "label": "T"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "346627-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is car number 3 we've purchased through them.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 7, "label": "P"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 5, "label": "A"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 4, "label": "Q"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "E"}, {"source": 15, "target": 6, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 14, "label": "Q"}]} +{"id": "346627-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We trust and appreciate Scott Larson and know that he will always take good care of us and listen to our needs!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}, {"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 8, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 28, "target": 14, "label": "R"}, {"source": 27, "target": 13, "label": "C"}, {"source": 26, "target": 27, "label": "P"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "L"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "R"}, {"source": 25, "target": 6, "label": "S"}, {"source": 23, "target": 5, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 7, "label": "R"}, {"source": 26, "target": 9, "label": "F"}, {"source": 22, "target": 1, "label": "S"}, {"source": 26, "target": 10, "label": "T"}, {"source": 29, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 26, "target": 12, "label": "D"}, {"source": 23, "target": 29, "label": "H"}, {"source": 22, "target": 4, "label": "A"}, {"source": 29, "target": 17, "label": "P"}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 19, "label": "A"}, {"source": 30, "target": 20, "label": "S"}, {"source": 24, "target": 3, "label": "S"}, {"source": 23, "target": 2, "label": "L"}]} +{"id": "346627-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Thank you again for great customer service!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "S"}, {"source": 8, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "D"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "346960-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent customer service and quality work.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "346960-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They went the extra mile to repair my cowboy boots-- they had to have a special kind of paper that looked like wood grain to fix the heels.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 19}, {"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}, {"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 138}]}, {"id": 26, "anchors": [{"from": 138, "to": 139}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 37, "target": 19, "label": "R"}, {"source": 28, "target": 38, "label": "H"}, {"source": 29, "target": 1, "label": "F"}, {"source": 28, "target": 22, "label": "L"}, {"source": 33, "target": 36, "label": "E"}, {"source": 29, "target": 2, "label": "C"}, {"source": 30, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 15, "label": "R"}, {"source": 35, "target": 14, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 39, "target": 26, "label": "U"}, {"source": 32, "target": 9, "label": "A"}, {"source": 36, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 20, "label": "E"}, {"source": 32, "target": 10, "label": "D"}, {"source": 36, "target": 18, "label": "S"}, {"source": 38, "target": 39, "label": "A"}, {"source": 33, "target": 12, "label": "F"}, {"source": 32, "target": 11, "label": "P"}, {"source": 37, "target": 21, "label": "C"}, {"source": 31, "target": 7, "label": "C"}, {"source": 31, "target": 6, "label": "E"}, {"source": 27, "target": 31, "label": "A"}, {"source": 34, "target": 13, "label": "S"}, {"source": 39, "target": 25, "label": "C"}, {"source": 39, "target": 24, "label": "F"}, {"source": 27, "target": 3, "label": "F"}, {"source": 35, "target": 34, "label": "E"}, {"source": 31, "target": 30, "label": "E"}, {"source": 27, "target": 4, "label": "P"}, {"source": 34, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 32, "label": "H"}, {"source": 27, "target": 29, "label": "D"}, {"source": 36, "target": 17, "label": "R"}, {"source": 28, "target": 8, "label": "U"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 35, "label": "E"}, {"source": 38, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 5, "label": "S"}, {"source": 38, "target": 23, "label": "P"}]} +{"id": "346960-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That was 4 years ago.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "Q"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 8, "label": "T"}, {"source": 8, "target": 4, "label": "R"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "346960-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I haven't been able to find a shoe repair place in Seattle since that has been able to do it.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 12, "label": "C"}, {"source": 26, "target": 11, "label": "R"}, {"source": 23, "target": 6, "label": "P"}, {"source": 27, "target": 14, "label": "R"}, {"source": 23, "target": 2, "label": "D"}, {"source": 23, "target": 3, "label": "F"}, {"source": 23, "target": 13, "label": "T"}, {"source": 27, "target": 20, "label": "A"}, {"source": 25, "target": 8, "label": "A"}, {"source": 27, "target": 21, "label": "U"}, {"source": 24, "target": 10, "label": "C"}, {"source": 24, "target": 27, "label": "E"}, {"source": 24, "target": 7, "label": "F"}, {"source": 27, "target": 18, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 4, "label": "D"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "E"}, {"source": 27, "target": 16, "label": "F"}, {"source": 27, "target": 17, "label": "D"}, {"source": 27, "target": 15, "label": "F"}, {"source": 25, "target": 9, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 27, "target": 19, "label": "P"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "346960-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(I've been through at least 5 places already.)", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 2, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 7, "label": "Q"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 15, "target": 5, "label": "R"}, {"source": 13, "target": 9, "label": "T"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "346960-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If I had time to drive to Tacoma before they closed during the work week, I would just so I could get those boots fixed properly again.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 134}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 33, "target": 6, "label": "R"}, {"source": 36, "target": 14, "label": "C"}, {"source": 35, "target": 11, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 40, "target": 23, "label": "E"}, {"source": 36, "target": 12, "label": "F"}, {"source": 36, "target": 37, "label": "E"}, {"source": 39, "target": 28, "label": "U"}, {"source": 32, "target": 5, "label": "P"}, {"source": 39, "target": 19, "label": "R"}, {"source": 39, "target": 21, "label": "D"}, {"source": 39, "target": 27, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 38, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 38, "label": "H"}, {"source": 34, "target": 10, "label": "P"}, {"source": 34, "target": 35, "label": "T"}, {"source": 29, "target": 34, "label": "H"}, {"source": 39, "target": 25, "label": "P"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "H"}, {"source": 29, "target": 18, "label": "L"}, {"source": 29, "target": 8, "label": "L"}, {"source": 32, "target": 4, "label": "F"}, {"source": 39, "target": 22, "label": "D"}, {"source": 30, "target": 2, "label": "S"}, {"source": 37, "target": 13, "label": "P"}, {"source": 33, "target": 7, "label": "C"}, {"source": 29, "target": 15, "label": "U"}, {"source": 39, "target": 20, "label": "A"}, {"source": 29, "target": 39, "label": "H"}, {"source": 34, "target": 9, "label": "A"}, {"source": 39, "target": 26, "label": "D"}, {"source": 29, "target": 0, "label": "L"}, {"source": 31, "target": 3, "label": "C"}, {"source": 38, "target": 17, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 40, "target": 24, "label": "C"}, {"source": 30, "target": 1, "label": "A"}, {"source": 38, "target": 16, "label": "A"}]} +{"id": "348247-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "happy customer", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 1, "label": "S"}]} +{"id": "348247-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mr. Squeege is THE BEST.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "348247-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Prompt, Clean Windows.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "348247-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Affordable pricing.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "348247-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendly responses.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "348247-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How else can excellent be described for a business of this sort?", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 0, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 15, "target": 13, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "P"}, {"source": 15, "target": 4, "label": "F"}, {"source": 17, "target": 6, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 3, "label": "S"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 18, "target": 9, "label": "R"}]} +{"id": "348247-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They have been my only \"go-to\" resource since we first did business together.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}, {"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 6, "target": 7, "label": "U"}, {"source": 21, "target": 8, "label": "U"}, {"source": 18, "target": 22, "label": "H"}, {"source": 17, "target": 1, "label": "D"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 3, "label": "S"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "P"}, {"source": 22, "target": 15, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 23, "target": 13, "label": "F"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 10, "label": "L"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 6, "label": "P"}, {"source": 17, "target": 2, "label": "S"}, {"source": 22, "target": 11, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "348247-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You will find the same to be true for you.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 7, "label": "S"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "C"}]} +{"id": "348369-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Awesome!!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "348369-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes my G1 screen is back working.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}, {"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "P"}, {"source": 10, "target": 9, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 8, "target": 11, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 8, "target": 0, "label": "H"}, {"source": 9, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "348369-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They was about to Charge me $129...", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "D"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 5, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 7, "label": "Q"}]} +{"id": "348369-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But i paid $100.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 6, "target": 0, "label": "L"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 4, "label": "Q"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "348369-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "they save me from having to deal with Tmobile...", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}, {"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "A"}]} +{"id": "348369-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tmobile want to Send of my phone and i didn't want to go thru that...", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 5, "label": "S"}, {"source": 18, "target": 22, "label": "H"}, {"source": 24, "target": 14, "label": "F"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 11, "label": "S"}, {"source": 19, "target": 3, "label": "P"}, {"source": 18, "target": 7, "label": "L"}, {"source": 22, "target": 9, "label": "F"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 15, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "F"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "C"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "E"}, {"source": 22, "target": 8, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "D"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 10, "label": "D"}]} +{"id": "348369-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "3 Days For get that...", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "Q"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 5, "label": "T"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "348369-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "348369-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would recommend them to anyone..", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}]} +{"id": "349020-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I purchased a 2-year old certified pre-owned BMW from this dealership.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 8, "label": "S"}, {"source": 18, "target": 6, "label": "S"}, {"source": 17, "target": 3, "label": "Q"}, {"source": 20, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 17, "label": "T"}, {"source": 21, "target": 11, "label": "E"}, {"source": 16, "target": 20, "label": "E"}, {"source": 19, "target": 7, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 21, "target": 10, "label": "R"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 4, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 18, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 21, "label": "A"}, {"source": 21, "target": 13, "label": "U"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "349020-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The night I drove back home, I found that the rear window has some leakage.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 2, "label": "A"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 17, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "P"}, {"source": 22, "target": 10, "label": "F"}, {"source": 20, "target": 7, "label": "A"}, {"source": 17, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 15, "label": "P"}, {"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 20, "label": "H"}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 11, "label": "E"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 14, "label": "D"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 4, "label": "D"}, {"source": 19, "target": 5, "label": "A"}]} +{"id": "349020-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(You can hear the wind while driving on highway.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 1, "label": "A"}, {"source": 11, "target": 6, "label": "L"}, {"source": 13, "target": 3, "label": "P"}, {"source": 12, "target": 7, "label": "P"}, {"source": 15, "target": 8, "label": "R"}, {"source": 14, "target": 4, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 2, "label": "D"}, {"source": 12, "target": 0, "label": "U"}, {"source": 12, "target": 15, "label": "A"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "C"}]} +{"id": "349020-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Very likely it needs a new window seal).", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "A"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 14, "target": 5, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 10, "label": "D"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "349020-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I admit that I should have paid attention to this kind of little things while test drive.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "P"}, {"source": 22, "target": 9, "label": "E"}, {"source": 20, "target": 2, "label": "R"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 11, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 14, "label": "L"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 10, "label": "E"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 5, "label": "F"}, {"source": 23, "target": 15, "label": "D"}, {"source": 20, "target": 4, "label": "D"}, {"source": 20, "target": 3, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "P"}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "349020-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "(But this is a certified car from a dealer.)", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 4, "label": "F"}, {"source": 14, "target": 15, "label": "E"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "U"}, {"source": 13, "target": 3, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 10, "label": "U"}, {"source": 14, "target": 16, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "S"}, {"source": 16, "target": 17, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 16, "target": 7, "label": "R"}, {"source": 13, "target": 2, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "L"}]} +{"id": "349020-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "So I brought the car back the second day.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 13, "label": "L"}, {"source": 13, "target": 7, "label": "Q"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 2, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 5, "label": "D"}]} +{"id": "349020-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They told me that this is not under warranty and want to charge me $175 just to diagnose the problem!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 101}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 4, "label": "A"}, {"source": 23, "target": 9, "label": "L"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 31, "label": "S"}, {"source": 26, "target": 12, "label": "P"}, {"source": 31, "target": 21, "label": "U"}, {"source": 27, "target": 14, "label": "C"}, {"source": 24, "target": 6, "label": "D"}, {"source": 25, "target": 8, "label": "C"}, {"source": 26, "target": 11, "label": "F"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "F"}, {"source": 25, "target": 7, "label": "F"}, {"source": 31, "target": 19, "label": "F"}, {"source": 29, "target": 18, "label": "P"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 13, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 26, "target": 10, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 16, "label": "E"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 2, "label": "A"}, {"source": 27, "target": 15, "label": "Q"}, {"source": 24, "target": 3, "label": "R"}, {"source": 23, "target": 29, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 28, "label": "L"}, {"source": 28, "target": 17, "label": "C"}, {"source": 31, "target": 20, "label": "C"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "S"}]} +{"id": "349020-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Who knows how much they want me to pay to fix this thing.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 2, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 3, "label": "A"}, {"source": 15, "target": 7, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 5, "label": "A"}, {"source": 16, "target": 8, "label": "L"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "D"}]} +{"id": "349020-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I walked away.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "349020-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So my advice is that NEVER TRUST THIS DEALER.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 5, "label": "T"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 3, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "349020-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "STAY AWAY AS FAR AS POSSIBLE.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "N"}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 4, "label": "N"}, {"source": 9, "target": 3, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "351058-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One of the worst places", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 8, "label": "S"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "351058-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This place and its sister store Peking Garden are the worst places to order from.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}, {"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 16, "target": 15, "label": "C"}, {"source": 15, "target": 0, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 16, "target": 2, "label": "N"}, {"source": 22, "target": 9, "label": "C"}, {"source": 19, "target": 4, "label": "S"}, {"source": 18, "target": 7, "label": "S"}, {"source": 19, "target": 3, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 11, "label": "R"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "S"}, {"source": 24, "target": 12, "label": "P"}, {"source": 25, "target": 14, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 10, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 21, "label": "E"}, {"source": 16, "target": 20, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 18, "target": 16, "label": "A"}, {"source": 18, "target": 23, "label": "A"}, {"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 5, "label": "A"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "351058-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the food was horrible not cooked like it should be, they got the order wrong on a number of occasions, and once forgot about my order.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 36, "target": 19, "label": "R"}, {"source": 36, "target": 20, "label": "C"}, {"source": 31, "target": 22, "label": "L"}, {"source": 37, "target": 17, "label": "F"}, {"source": 32, "target": 4, "label": "D"}, {"source": 39, "target": 28, "label": "U"}, {"source": 38, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 35, "label": "P"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 10, "label": "U"}, {"source": 31, "target": 32, "label": "H"}, {"source": 30, "target": 29, "label": "A"}, {"source": 31, "target": 33, "label": "H"}, {"source": 34, "target": 12, "label": "F"}, {"source": 36, "target": 37, "label": "Q"}, {"source": 30, "target": 3, "label": "S"}, {"source": 33, "target": 7, "label": "A"}, {"source": 39, "target": 26, "label": "A"}, {"source": 37, "target": 18, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 32, "target": 5, "label": "S"}, {"source": 29, "target": 1, "label": "C"}, {"source": 39, "target": 27, "label": "P"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 15, "label": "D"}, {"source": 38, "target": 23, "label": "T"}, {"source": 38, "target": 24, "label": "P"}, {"source": 33, "target": 5, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 36, "label": "A"}, {"source": 36, "target": 16, "label": "R"}, {"source": 31, "target": 38, "label": "H"}, {"source": 39, "target": 25, "label": "R"}, {"source": 30, "target": 2, "label": "F"}, {"source": 31, "target": 34, "label": "H"}, {"source": 33, "target": 8, "label": "D"}, {"source": 31, "target": 6, "label": "L"}, {"source": 29, "target": 0, "label": "F"}, {"source": 34, "target": 11, "label": "A"}, {"source": 35, "target": 13, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 35, "target": 14, "label": "C"}, {"source": 33, "target": 9, "label": "F"}]} +{"id": "351058-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i had to call back up there two hours later and the lady (who claimed to be a manager) said my food was on the way, and she didnt offer to compensate me in any kind of way.", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 114}]}, {"id": 27, "anchors": [{"from": 114, "to": 115}]}, {"id": 28, "anchors": [{"from": 116, "to": 119}]}, {"id": 29, "anchors": [{"from": 120, "to": 123}]}, {"id": 30, "anchors": [{"from": 124, "to": 127}]}, {"id": 31, "anchors": [{"from": 127, "to": 129}]}, {"id": 32, "anchors": [{"from": 130, "to": 135}]}, {"id": 33, "anchors": [{"from": 136, "to": 138}]}, {"id": 34, "anchors": [{"from": 139, "to": 149}]}, {"id": 35, "anchors": [{"from": 150, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 155}]}, {"id": 37, "anchors": [{"from": 156, "to": 159}]}, {"id": 38, "anchors": [{"from": 160, "to": 164}]}, {"id": 39, "anchors": [{"from": 165, "to": 167}]}, {"id": 40, "anchors": [{"from": 168, "to": 171}]}, {"id": 41, "anchors": [{"from": 171, "to": 172}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 43, "target": 27, "label": "U"}, {"source": 53, "target": 52, "label": "A"}, {"source": 48, "target": 14, "label": "P"}, {"source": 43, "target": 28, "label": "L"}, {"source": 43, "target": 55, "label": "H"}, {"source": 55, "target": 56, "label": "A"}, {"source": 53, "target": 54, "label": "P"}, {"source": 46, "target": 10, "label": "F"}, {"source": 50, "target": 17, "label": "F"}, {"source": 49, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 37, "label": "Q"}, {"source": 49, "target": 15, "label": "R"}, {"source": 48, "target": 13, "label": "R"}, {"source": 48, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 33, "label": "R"}, {"source": 55, "target": 30, "label": "F"}, {"source": 42, "target": 5, "label": "A"}, {"source": 45, "target": 6, "label": "Q"}, {"source": 54, "target": 24, "label": "R"}, {"source": 55, "target": 32, "label": "P"}, {"source": 52, "target": 22, "label": "C"}, {"source": 54, "target": 26, "label": "C"}, {"source": 45, "target": 7, "label": "C"}, {"source": 57, "target": 40, "label": "C"}, {"source": 47, "target": 46, "label": "A"}, {"source": 56, "target": 57, "label": "D"}, {"source": 52, "target": 51, "label": "E"}, {"source": 56, "target": 34, "label": "P"}, {"source": 47, "target": 20, "label": "P"}, {"source": 42, "target": 2, "label": "P"}, {"source": 57, "target": 38, "label": "E"}, {"source": 46, "target": 11, "label": "C"}, {"source": 55, "target": 29, "label": "A"}, {"source": 57, "target": 39, "label": "R"}, {"source": 55, "target": 31, "label": "D"}, {"source": 43, "target": 42, "label": "H"}, {"source": 42, "target": 0, "label": "A"}, {"source": 57, "target": 36, "label": "R"}, {"source": 53, "target": 23, "label": "F"}, {"source": 50, "target": 18, "label": "C"}, {"source": 49, "target": 16, "label": "F"}, {"source": 54, "target": 25, "label": "F"}, {"source": 42, "target": 44, "label": "D"}, {"source": 56, "target": 35, "label": "A"}, {"source": 51, "target": 21, "label": "S"}, {"source": 43, "target": 47, "label": "H"}, {"source": 42, "target": 1, "label": "D"}, {"source": 48, "target": 49, "label": "A"}, {"source": 44, "target": 3, "label": "C"}, {"source": 51, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 45, "label": "T"}, {"source": 56, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 4, "label": "F"}, {"source": 43, "target": 9, "label": "L"}, {"source": 46, "target": 12, "label": "U"}, {"source": 49, "target": 50, "label": "S"}, {"source": 47, "target": 53, "label": "A"}, {"source": 47, "target": 19, "label": "U"}, {"source": 46, "target": 48, "label": "E"}, {"source": 57, "target": 41, "label": "U"}, {"source": 45, "target": 8, "label": "R"}]} +{"id": "351058-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i waited another 30 mins before receiving my food and it was cold.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "Q"}, {"source": 20, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 9, "label": "L"}, {"source": 19, "target": 8, "label": "C"}, {"source": 18, "target": 7, "label": "S"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 6, "label": "P"}, {"source": 15, "target": 20, "label": "H"}, {"source": 20, "target": 10, "label": "A"}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "F"}, {"source": 15, "target": 5, "label": "L"}, {"source": 20, "target": 12, "label": "S"}, {"source": 14, "target": 16, "label": "T"}]} +{"id": "351058-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "in my opinon this place should be shut down by the health inspector, and anyone who is satisfied with there service and food has never eaten at a real asian restaurant.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 167}]}, {"id": 32, "anchors": [{"from": 167, "to": 168}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 36, "target": 6, "label": "F"}, {"source": 41, "target": 25, "label": "T"}, {"source": 45, "target": 28, "label": "F"}, {"source": 37, "target": 7, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 33, "target": 0, "label": "F"}, {"source": 38, "target": 11, "label": "A"}, {"source": 36, "target": 37, "label": "P"}, {"source": 36, "target": 38, "label": "A"}, {"source": 36, "target": 5, "label": "D"}, {"source": 43, "target": 44, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 45, "target": 32, "label": "U"}, {"source": 35, "target": 4, "label": "C"}, {"source": 34, "target": 14, "label": "L"}, {"source": 43, "target": 23, "label": "C"}, {"source": 46, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 45, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 42, "target": 17, "label": "F"}, {"source": 35, "target": 3, "label": "E"}, {"source": 41, "target": 26, "label": "P"}, {"source": 42, "target": 18, "label": "S"}, {"source": 36, "target": 35, "label": "A"}, {"source": 42, "target": 16, "label": "R"}, {"source": 41, "target": 40, "label": "A"}, {"source": 45, "target": 31, "label": "C"}, {"source": 38, "target": 39, "label": "P"}, {"source": 41, "target": 24, "label": "F"}, {"source": 33, "target": 1, "label": "A"}, {"source": 45, "target": 30, "label": "E"}, {"source": 44, "target": 20, "label": "A"}, {"source": 34, "target": 33, "label": "H"}, {"source": 46, "target": 29, "label": "S"}, {"source": 40, "target": 15, "label": "C"}, {"source": 39, "target": 10, "label": "F"}, {"source": 39, "target": 12, "label": "C"}, {"source": 40, "target": 42, "label": "E"}, {"source": 42, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 27, "label": "R"}, {"source": 34, "target": 13, "label": "U"}, {"source": 43, "target": 22, "label": "N"}, {"source": 34, "target": 41, "label": "H"}, {"source": 38, "target": 9, "label": "R"}, {"source": 37, "target": 8, "label": "F"}, {"source": 33, "target": 2, "label": "P"}, {"source": 33, "target": 36, "label": "A"}, {"source": 43, "target": 19, "label": "R"}, {"source": 44, "target": 21, "label": "P"}]} +{"id": "351561-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dumbest F'ers ever", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "T"}]} +{"id": "351561-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called dominos tonight, it rang forever, I get put on hold twice without saying a word and FINALLY someone says, MAY I HELP YOU?", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 129}]}, {"id": 28, "anchors": [{"from": 129, "to": 130}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 31, "target": 5, "label": "A"}, {"source": 30, "target": 4, "label": "U"}, {"source": 31, "target": 7, "label": "T"}, {"source": 36, "target": 21, "label": "A"}, {"source": 30, "target": 31, "label": "H"}, {"source": 36, "target": 22, "label": "P"}, {"source": 36, "target": 20, "label": "T"}, {"source": 30, "target": 19, "label": "L"}, {"source": 33, "target": 12, "label": "R"}, {"source": 32, "target": 9, "label": "A"}, {"source": 29, "target": 3, "label": "T"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 32, "target": 33, "label": "P"}, {"source": 36, "target": 23, "label": "U"}, {"source": 32, "target": 14, "label": "D"}, {"source": 34, "target": 15, "label": "D"}, {"source": 33, "target": 11, "label": "F"}, {"source": 30, "target": 8, "label": "U"}, {"source": 31, "target": 6, "label": "P"}, {"source": 32, "target": 10, "label": "F"}, {"source": 30, "target": 36, "label": "H"}, {"source": 37, "target": 28, "label": "U"}, {"source": 37, "target": 27, "label": "A"}, {"source": 34, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 25, "label": "A"}, {"source": 37, "target": 26, "label": "P"}, {"source": 35, "target": 18, "label": "C"}, {"source": 35, "target": 17, "label": "F"}, {"source": 29, "target": 2, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 13, "label": "C"}, {"source": 30, "target": 32, "label": "H"}, {"source": 34, "target": 16, "label": "P"}, {"source": 37, "target": 24, "label": "D"}]} +{"id": "351561-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So I say: I'm at the Radison Warwick hotel in Rittenhouse Square (built in 1926) do you deliver to the Warwick?", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "anchors": [{"from": 14, "to": 16}]}, {"id": 7, "anchors": [{"from": 17, "to": 20}]}, {"id": 8, "anchors": [{"from": 21, "to": 28}, {"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 57}, {"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 28, "target": 8, "label": "E"}, {"source": 33, "target": 23, "label": "U"}, {"source": 28, "target": 9, "label": "C"}, {"source": 26, "target": 5, "label": "F"}, {"source": 30, "target": 31, "label": "T"}, {"source": 31, "target": 15, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 10, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 29, "target": 11, "label": "C"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 13, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 6, "label": "S"}, {"source": 32, "target": 33, "label": "A"}, {"source": 28, "target": 7, "label": "F"}, {"source": 33, "target": 21, "label": "F"}, {"source": 31, "target": 14, "label": "R"}, {"source": 32, "target": 17, "label": "F"}, {"source": 25, "target": 2, "label": "P"}, {"source": 28, "target": 12, "label": "U"}, {"source": 27, "target": 16, "label": "U"}, {"source": 25, "target": 1, "label": "A"}, {"source": 27, "target": 32, "label": "H"}, {"source": 33, "target": 20, "label": "R"}, {"source": 33, "target": 22, "label": "C"}, {"source": 26, "target": 4, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 25, "target": 3, "label": "U"}, {"source": 28, "target": 30, "label": "E"}, {"source": 24, "target": 0, "label": "L"}, {"source": 32, "target": 19, "label": "P"}, {"source": 32, "target": 18, "label": "A"}]} +{"id": "351561-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They say no, Warwick in New Jersey, Call New Jersey.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}, {"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 4, "label": "A"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 6, "label": "A"}, {"source": 15, "target": 8, "label": "P"}, {"source": 13, "target": 2, "label": "H"}, {"source": 14, "target": 5, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 9, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "U"}]} +{"id": "351561-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I laugh and say, no, that Warwick is in New York, but I'm at the Radison-Warwick.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}, {"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 55}]}, {"id": 15, "anchors": [{"from": 55, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 60}]}, {"id": 17, "anchors": [{"from": 61, "to": 64}]}, {"id": 18, "anchors": [{"from": 65, "to": 72}, {"from": 73, "to": 80}]}, {"id": 19, "anchors": [{"from": 72, "to": 73}]}, {"id": 20, "anchors": [{"from": 80, "to": 81}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 16, "label": "S"}, {"source": 21, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "L"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "H"}, {"source": 22, "target": 2, "label": "L"}, {"source": 23, "target": 3, "label": "P"}, {"source": 24, "target": 12, "label": "U"}, {"source": 25, "target": 8, "label": "C"}, {"source": 28, "target": 17, "label": "F"}, {"source": 28, "target": 18, "label": "C"}, {"source": 24, "target": 5, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "F"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 10, "label": "S"}, {"source": 25, "target": 7, "label": "E"}, {"source": 28, "target": 20, "label": "U"}, {"source": 24, "target": 6, "label": "U"}, {"source": 27, "target": 15, "label": "F"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 14, "label": "A"}, {"source": 18, "target": 19, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 1, "label": "P"}, {"source": 23, "target": 4, "label": "U"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "351561-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And he says: You're at Warwick in Pennsylvania?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "F"}, {"source": 14, "target": 15, "label": "E"}, {"source": 11, "target": 0, "label": "L"}, {"source": 13, "target": 4, "label": "A"}, {"source": 12, "target": 3, "label": "U"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 1, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "351561-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and I said, YES, CENTER CITY PHILLY, and he says, NO, Warwick is a township, If you're at a Radison in Warwick thats too far, try dominos in Pottstown.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 48, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 52}]}, {"id": 15, "anchors": [{"from": 52, "to": 53}]}, {"id": 16, "anchors": [{"from": 54, "to": 61}]}, {"id": 17, "anchors": [{"from": 62, "to": 64}]}, {"id": 18, "anchors": [{"from": 65, "to": 66}]}, {"id": 19, "anchors": [{"from": 67, "to": 75}]}, {"id": 20, "anchors": [{"from": 75, "to": 76}]}, {"id": 21, "anchors": [{"from": 77, "to": 79}]}, {"id": 22, "anchors": [{"from": 80, "to": 83}]}, {"id": 23, "anchors": [{"from": 83, "to": 86}]}, {"id": 24, "anchors": [{"from": 87, "to": 89}]}, {"id": 25, "anchors": [{"from": 90, "to": 91}]}, {"id": 26, "anchors": [{"from": 92, "to": 99}]}, {"id": 27, "anchors": [{"from": 100, "to": 102}]}, {"id": 28, "anchors": [{"from": 103, "to": 110}]}, {"id": 29, "anchors": [{"from": 111, "to": 115}]}, {"id": 30, "anchors": [{"from": 115, "to": 116}]}, {"id": 31, "anchors": [{"from": 117, "to": 120}]}, {"id": 32, "anchors": [{"from": 121, "to": 124}]}, {"id": 33, "anchors": [{"from": 124, "to": 125}]}, {"id": 34, "anchors": [{"from": 126, "to": 129}]}, {"id": 35, "anchors": [{"from": 130, "to": 137}]}, {"id": 36, "anchors": [{"from": 138, "to": 140}]}, {"id": 37, "anchors": [{"from": 141, "to": 150}]}, {"id": 38, "anchors": [{"from": 150, "to": 151}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 50, "target": 27, "label": "R"}, {"source": 51, "target": 30, "label": "F"}, {"source": 54, "target": 38, "label": "U"}, {"source": 39, "target": 0, "label": "L"}, {"source": 40, "target": 2, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 45, "target": 15, "label": "U"}, {"source": 52, "target": 53, "label": "A"}, {"source": 50, "target": 28, "label": "C"}, {"source": 53, "target": 54, "label": "E"}, {"source": 42, "target": 6, "label": "E"}, {"source": 49, "target": 25, "label": "F"}, {"source": 41, "target": 5, "label": "U"}, {"source": 46, "target": 47, "label": "A"}, {"source": 45, "target": 14, "label": "H"}, {"source": 41, "target": 4, "label": "C"}, {"source": 46, "target": 17, "label": "S"}, {"source": 45, "target": 51, "label": "H"}, {"source": 41, "target": 43, "label": "C"}, {"source": 39, "target": 44, "label": "H"}, {"source": 53, "target": 35, "label": "C"}, {"source": 46, "target": 16, "label": "A"}, {"source": 54, "target": 36, "label": "R"}, {"source": 51, "target": 32, "label": "S"}, {"source": 48, "target": 22, "label": "A"}, {"source": 43, "target": 42, "label": "E"}, {"source": 39, "target": 10, "label": "L"}, {"source": 45, "target": 46, "label": "H"}, {"source": 44, "target": 13, "label": "U"}, {"source": 43, "target": 8, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 52, "target": 34, "label": "P"}, {"source": 54, "target": 37, "label": "C"}, {"source": 52, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 19, "label": "C"}, {"source": 39, "target": 40, "label": "H"}, {"source": 48, "target": 23, "label": "F"}, {"source": 39, "target": 9, "label": "U"}, {"source": 45, "target": 20, "label": "U"}, {"source": 49, "target": 26, "label": "C"}, {"source": 51, "target": 31, "label": "D"}, {"source": 49, "target": 50, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 45, "target": 21, "label": "L"}, {"source": 42, "target": 7, "label": "C"}, {"source": 40, "target": 3, "label": "U"}, {"source": 51, "target": 29, "label": "A"}, {"source": 45, "target": 48, "label": "H"}, {"source": 44, "target": 12, "label": "P"}, {"source": 45, "target": 52, "label": "H"}, {"source": 48, "target": 24, "label": "S"}, {"source": 47, "target": 18, "label": "F"}, {"source": 45, "target": 33, "label": "U"}, {"source": 44, "target": 11, "label": "A"}, {"source": 40, "target": 1, "label": "A"}]} +{"id": "351561-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I say, NO, I am at the RADISON WARWICK HOTEL in Rittenhouse Square.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 9, "to": 10}]}, {"id": 5, "anchors": [{"from": 11, "to": 12}]}, {"id": 6, "anchors": [{"from": 13, "to": 15}]}, {"id": 7, "anchors": [{"from": 16, "to": 18}]}, {"id": 8, "anchors": [{"from": 19, "to": 22}]}, {"id": 9, "anchors": [{"from": 23, "to": 30}, {"from": 31, "to": 38}, {"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 59}, {"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 4, "label": "U"}, {"source": 16, "target": 7, "label": "S"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 18, "target": 11, "label": "C"}, {"source": 15, "target": 3, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 2, "label": "U"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 5, "label": "A"}]} +{"id": "351561-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He says: I not know that town, I have to get to work, I'm in PHILLY.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 55}]}, {"id": 16, "anchors": [{"from": 55, "to": 57}]}, {"id": 17, "anchors": [{"from": 58, "to": 60}]}, {"id": 18, "anchors": [{"from": 61, "to": 67}]}, {"id": 19, "anchors": [{"from": 67, "to": 68}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 25, "label": "H"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "F"}, {"source": 26, "target": 15, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 8, "label": "U"}, {"source": 22, "target": 5, "label": "S"}, {"source": 22, "target": 3, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 2, "label": "U"}, {"source": 25, "target": 10, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 6, "label": "E"}, {"source": 23, "target": 26, "label": "H"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 9, "label": "A"}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 12, "label": "F"}, {"source": 23, "target": 14, "label": "U"}, {"source": 21, "target": 1, "label": "P"}, {"source": 26, "target": 17, "label": "S"}, {"source": 26, "target": 18, "label": "A"}]} +{"id": "351561-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Call dominos in your town.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "C"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 5, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 11, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "S"}, {"source": 8, "target": 9, "label": "A"}]} +{"id": "351561-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I SAY LISTEN: I'm at 17th and LOCUST, do you deliver there?", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 36}]}, {"id": 10, "anchors": [{"from": 36, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 58, "to": 59}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 10, "label": "U"}, {"source": 20, "target": 6, "label": "S"}, {"source": 20, "target": 4, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 3, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 14, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 13, "label": "P"}, {"source": 21, "target": 7, "label": "C"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 5, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 8, "label": "N"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "351561-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He says, I have to have an exact ADDRESS.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}, {"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "U"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 3, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "S"}, {"source": 14, "target": 7, "label": "S"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "351561-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "OK, 1701 LOCUST STREET i say.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "C"}, {"source": 8, "target": 11, "label": "C"}, {"source": 10, "target": 6, "label": "P"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "U"}, {"source": 11, "target": 4, "label": "C"}]} +{"id": "351561-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "he says: Why you tell me your in WARWICK TOWNSHIP?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "A"}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 18, "target": 11, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 3, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 2, "label": "U"}, {"source": 16, "target": 4, "label": "A"}, {"source": 17, "target": 9, "label": "S"}]} +{"id": "351561-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He gives the phone to a girl, she says, I have to have your address, I say, do you deliver to 17th and locust, she says, your exact address, I say 1-7-0-1 Locust, ARe you sure? she asks?", "tops": [51], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 67}]}, {"id": 16, "anchors": [{"from": 67, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 74}]}, {"id": 19, "anchors": [{"from": 74, "to": 75}]}, {"id": 20, "anchors": [{"from": 76, "to": 78}]}, {"id": 21, "anchors": [{"from": 79, "to": 82}]}, {"id": 22, "anchors": [{"from": 83, "to": 90}]}, {"id": 23, "anchors": [{"from": 91, "to": 93}]}, {"id": 24, "anchors": [{"from": 94, "to": 98}]}, {"id": 25, "anchors": [{"from": 99, "to": 102}]}, {"id": 26, "anchors": [{"from": 103, "to": 109}]}, {"id": 27, "anchors": [{"from": 109, "to": 110}]}, {"id": 28, "anchors": [{"from": 111, "to": 114}]}, {"id": 29, "anchors": [{"from": 115, "to": 119}]}, {"id": 30, "anchors": [{"from": 119, "to": 120}]}, {"id": 31, "anchors": [{"from": 121, "to": 125}]}, {"id": 32, "anchors": [{"from": 126, "to": 131}]}, {"id": 33, "anchors": [{"from": 132, "to": 139}]}, {"id": 34, "anchors": [{"from": 139, "to": 140}]}, {"id": 35, "anchors": [{"from": 141, "to": 142}]}, {"id": 36, "anchors": [{"from": 143, "to": 146}]}, {"id": 37, "anchors": [{"from": 147, "to": 148}, {"from": 149, "to": 150}, {"from": 151, "to": 152}, {"from": 153, "to": 154}]}, {"id": 38, "anchors": [{"from": 148, "to": 149}]}, {"id": 39, "anchors": [{"from": 150, "to": 151}]}, {"id": 40, "anchors": [{"from": 152, "to": 153}]}, {"id": 41, "anchors": [{"from": 155, "to": 161}]}, {"id": 42, "anchors": [{"from": 161, "to": 162}]}, {"id": 43, "anchors": [{"from": 163, "to": 166}]}, {"id": 44, "anchors": [{"from": 167, "to": 170}]}, {"id": 45, "anchors": [{"from": 171, "to": 175}]}, {"id": 46, "anchors": [{"from": 175, "to": 176}]}, {"id": 47, "anchors": [{"from": 177, "to": 180}]}, {"id": 48, "anchors": [{"from": 181, "to": 185}]}, {"id": 49, "anchors": [{"from": 185, "to": 186}]}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}], "edges": [{"source": 58, "target": 18, "label": "P"}, {"source": 58, "target": 19, "label": "U"}, {"source": 61, "target": 29, "label": "P"}, {"source": 51, "target": 42, "label": "U"}, {"source": 65, "target": 36, "label": "P"}, {"source": 54, "target": 8, "label": "A"}, {"source": 51, "target": 65, "label": "H"}, {"source": 67, "target": 43, "label": "F"}, {"source": 55, "target": 12, "label": "D"}, {"source": 55, "target": 57, "label": "A"}, {"source": 63, "target": 64, "label": "E"}, {"source": 59, "target": 60, "label": "A"}, {"source": 60, "target": 23, "label": "R"}, {"source": 55, "target": 11, "label": "A"}, {"source": 57, "target": 56, "label": "E"}, {"source": 51, "target": 16, "label": "U"}, {"source": 53, "target": 4, "label": "R"}, {"source": 67, "target": 44, "label": "A"}, {"source": 51, "target": 7, "label": "U"}, {"source": 54, "target": 9, "label": "P"}, {"source": 54, "target": 10, "label": "U"}, {"source": 61, "target": 63, "label": "A"}, {"source": 37, "target": 40, "label": "U"}, {"source": 63, "target": 62, "label": "E"}, {"source": 68, "target": 46, "label": "U"}, {"source": 37, "target": 38, "label": "U"}, {"source": 52, "target": 3, "label": "C"}, {"source": 50, "target": 0, "label": "A"}, {"source": 56, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 26, "label": "C"}, {"source": 61, "target": 30, "label": "U"}, {"source": 58, "target": 59, "label": "A"}, {"source": 51, "target": 68, "label": "H"}, {"source": 68, "target": 47, "label": "A"}, {"source": 66, "target": 37, "label": "C"}, {"source": 51, "target": 50, "label": "H"}, {"source": 65, "target": 35, "label": "A"}, {"source": 62, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 39, "label": "U"}, {"source": 61, "target": 28, "label": "A"}, {"source": 65, "target": 66, "label": "A"}, {"source": 63, "target": 33, "label": "C"}, {"source": 64, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 27, "label": "U"}, {"source": 68, "target": 48, "label": "P"}, {"source": 59, "target": 22, "label": "P"}, {"source": 53, "target": 6, "label": "C"}, {"source": 55, "target": 13, "label": "S"}, {"source": 59, "target": 21, "label": "A"}, {"source": 68, "target": 49, "label": "U"}, {"source": 54, "target": 55, "label": "A"}, {"source": 60, "target": 25, "label": "N"}, {"source": 50, "target": 53, "label": "A"}, {"source": 60, "target": 24, "label": "C"}, {"source": 57, "target": 15, "label": "C"}, {"source": 50, "target": 1, "label": "P"}, {"source": 67, "target": 45, "label": "S"}, {"source": 51, "target": 54, "label": "H"}, {"source": 52, "target": 2, "label": "F"}, {"source": 51, "target": 34, "label": "U"}, {"source": 66, "target": 41, "label": "C"}, {"source": 62, "target": 31, "label": "S"}, {"source": 59, "target": 20, "label": "F"}, {"source": 64, "target": 32, "label": "S"}, {"source": 53, "target": 5, "label": "F"}, {"source": 58, "target": 17, "label": "A"}, {"source": 51, "target": 58, "label": "H"}, {"source": 56, "target": 14, "label": "S"}, {"source": 50, "target": 52, "label": "A"}, {"source": 51, "target": 61, "label": "H"}, {"source": 68, "target": 67, "label": "A"}]} +{"id": "351561-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "YES I am sure, well, she says, is that ON 17th STREET.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 29}]}, {"id": 9, "anchors": [{"from": 29, "to": 30}]}, {"id": 10, "anchors": [{"from": 31, "to": 33}]}, {"id": 11, "anchors": [{"from": 34, "to": 38}]}, {"id": 12, "anchors": [{"from": 39, "to": 41}]}, {"id": 13, "anchors": [{"from": 42, "to": 46}]}, {"id": 14, "anchors": [{"from": 47, "to": 53}]}, {"id": 15, "anchors": [{"from": 53, "to": 54}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 4, "label": "U"}, {"source": 20, "target": 15, "label": "U"}, {"source": 16, "target": 6, "label": "U"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 18, "target": 9, "label": "U"}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 11, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 0, "label": "H"}, {"source": 17, "target": 3, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 2, "label": "F"}, {"source": 18, "target": 8, "label": "P"}, {"source": 20, "target": 14, "label": "C"}]} +{"id": "351561-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Yes, I say.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "U"}]} +{"id": "351561-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "17th, like over by 16th and 15th YES, I say, one mile west of you.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 43, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 48}]}, {"id": 14, "anchors": [{"from": 49, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 58}]}, {"id": 16, "anchors": [{"from": 59, "to": 61}]}, {"id": 17, "anchors": [{"from": 62, "to": 65}]}, {"id": 18, "anchors": [{"from": 65, "to": 66}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 16, "label": "R"}, {"source": 26, "target": 13, "label": "Q"}, {"source": 24, "target": 9, "label": "U"}, {"source": 23, "target": 6, "label": "N"}, {"source": 22, "target": 2, "label": "R"}, {"source": 24, "target": 11, "label": "P"}, {"source": 20, "target": 1, "label": "U"}, {"source": 28, "target": 18, "label": "U"}, {"source": 26, "target": 14, "label": "C"}, {"source": 23, "target": 4, "label": "R"}, {"source": 24, "target": 10, "label": "A"}, {"source": 25, "target": 27, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 12, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 15, "label": "S"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 22, "label": "E"}, {"source": 21, "target": 19, "label": "H"}, {"source": 22, "target": 3, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 8, "label": "H"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "C"}]} +{"id": "351561-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You're at 7th.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "351561-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am just south of Walnut.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "R"}, {"source": 8, "target": 1, "label": "F"}]} +{"id": "351561-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She says, Is that 17th like over past broad.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "U"}, {"source": 13, "target": 4, "label": "F"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 5, "label": "A"}, {"source": 13, "target": 7, "label": "F"}, {"source": 13, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 6, "label": "G"}, {"source": 13, "target": 9, "label": "A"}]} +{"id": "351561-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "YES, I am west of broad.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 24}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 4, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "U"}, {"source": 9, "target": 2, "label": "A"}, {"source": 10, "target": 5, "label": "R"}, {"source": 8, "target": 0, "label": "H"}]} +{"id": "351561-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Broad, I say, is 14th street and I am 3 blocks west of broad and one south of walnut.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 84}]}, {"id": 21, "anchors": [{"from": 84, "to": 85}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 26, "target": 6, "label": "C"}, {"source": 28, "target": 11, "label": "Q"}, {"source": 24, "target": 2, "label": "A"}, {"source": 25, "target": 16, "label": "L"}, {"source": 31, "target": 30, "label": "D"}, {"source": 27, "target": 28, "label": "D"}, {"source": 32, "target": 19, "label": "R"}, {"source": 31, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "C"}, {"source": 30, "target": 12, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 10, "label": "F"}, {"source": 25, "target": 8, "label": "L"}, {"source": 25, "target": 27, "label": "H"}, {"source": 24, "target": 3, "label": "P"}, {"source": 26, "target": 7, "label": "C"}, {"source": 32, "target": 20, "label": "C"}, {"source": 22, "target": 5, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 31, "target": 18, "label": "S"}, {"source": 29, "target": 14, "label": "R"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 1, "label": "U"}, {"source": 24, "target": 4, "label": "U"}, {"source": 25, "target": 31, "label": "H"}, {"source": 27, "target": 13, "label": "S"}, {"source": 32, "target": 21, "label": "U"}, {"source": 22, "target": 26, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 30, "target": 17, "label": "Q"}, {"source": 29, "target": 15, "label": "C"}, {"source": 27, "target": 9, "label": "A"}, {"source": 25, "target": 22, "label": "H"}]} +{"id": "351561-0024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hmmm, she says, Then why are you calling here, we don't go past broad?", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 58}]}, {"id": 16, "anchors": [{"from": 59, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 69}]}, {"id": 18, "anchors": [{"from": 69, "to": 70}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 12, "label": "A"}, {"source": 21, "target": 6, "label": "H"}, {"source": 23, "target": 14, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 17, "label": "C"}, {"source": 20, "target": 3, "label": "P"}, {"source": 20, "target": 4, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 1, "label": "U"}, {"source": 22, "target": 7, "label": "F"}, {"source": 23, "target": 15, "label": "P"}, {"source": 21, "target": 0, "label": "H"}, {"source": 21, "target": 11, "label": "U"}, {"source": 21, "target": 5, "label": "L"}, {"source": 22, "target": 9, "label": "P"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 13, "label": "F"}, {"source": 20, "target": 2, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 8, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 24, "target": 16, "label": "E"}]} +{"id": "351561-0025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Anyway, after much yelling and cussing I hung up, grabbed a cab, and went to Geno's.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}, {"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 11, "label": "F"}, {"source": 22, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 2, "label": "L"}, {"source": 20, "target": 4, "label": "P"}, {"source": 25, "target": 15, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 26, "target": 16, "label": "R"}, {"source": 19, "target": 14, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 24, "target": 12, "label": "C"}, {"source": 23, "target": 10, "label": "P"}, {"source": 21, "target": 6, "label": "P"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 7, "label": "A"}, {"source": 23, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "U"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "U"}]} +{"id": "351727-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Overpriced", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "351727-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place is identical to the Youngstown Sports Grille, so I imagine they are owned/operated by the same people.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}, {"from": 42, "to": 48}, {"from": 49, "to": 55}]}, {"id": 7, "anchors": [{"from": 55, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 28, "target": 16, "label": "R"}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 18, "label": "E"}, {"source": 24, "target": 4, "label": "R"}, {"source": 22, "target": 2, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 0, "label": "E"}, {"source": 28, "target": 17, "label": "F"}, {"source": 24, "target": 5, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 12, "label": "F"}, {"source": 23, "target": 27, "label": "H"}, {"source": 25, "target": 9, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 23, "target": 7, "label": "U"}, {"source": 27, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 3, "label": "S"}, {"source": 28, "target": 19, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 23, "target": 14, "label": "U"}, {"source": 27, "target": 15, "label": "P"}, {"source": 26, "target": 13, "label": "S"}, {"source": 25, "target": 10, "label": "P"}, {"source": 27, "target": 20, "label": "U"}, {"source": 26, "target": 11, "label": "A"}]} +{"id": "351727-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The food is mediocre at best, and largely overpriced given the portion size and quality.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 19, "target": 7, "label": "L"}, {"source": 18, "target": 3, "label": "S"}, {"source": 17, "target": 1, "label": "C"}, {"source": 19, "target": 10, "label": "L"}, {"source": 19, "target": 24, "label": "H"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "F"}, {"source": 17, "target": 0, "label": "F"}, {"source": 23, "target": 13, "label": "S"}, {"source": 19, "target": 23, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 19, "target": 14, "label": "L"}, {"source": 20, "target": 5, "label": "C"}, {"source": 24, "target": 15, "label": "S"}, {"source": 18, "target": 20, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 24, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 9, "label": "S"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 22, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 6, "label": "U"}]} +{"id": "351727-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Don't even get me started on how expensive it is to drink there.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 14}, {"from": 15, "to": 17}, {"from": 18, "to": 25}]}, {"id": 1, "anchors": [{"from": 26, "to": 28}]}, {"id": 2, "anchors": [{"from": 29, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 42}]}, {"id": 4, "anchors": [{"from": 43, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 63}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "R"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 0, "label": "G"}, {"source": 12, "target": 8, "label": "A"}, {"source": 11, "target": 4, "label": "A"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 2, "label": "D"}]} +{"id": "351727-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have ate here 3 times since they first opened, and the service has been poor each time, the staff always comes across as somewhat rude and slow.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 112}, {"from": 113, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 146}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 30, "target": 3, "label": "A"}, {"source": 31, "target": 40, "label": "H"}, {"source": 35, "target": 15, "label": "F"}, {"source": 36, "target": 17, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 30, "target": 32, "label": "D"}, {"source": 30, "target": 0, "label": "A"}, {"source": 39, "target": 25, "label": "D"}, {"source": 39, "target": 26, "label": "S"}, {"source": 39, "target": 37, "label": "A"}, {"source": 38, "target": 21, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 37, "target": 38, "label": "S"}, {"source": 31, "target": 36, "label": "L"}, {"source": 33, "target": 9, "label": "P"}, {"source": 31, "target": 33, "label": "H"}, {"source": 31, "target": 19, "label": "U"}, {"source": 39, "target": 22, "label": "T"}, {"source": 39, "target": 23, "label": "D"}, {"source": 34, "target": 12, "label": "F"}, {"source": 40, "target": 25, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 18, "label": "C"}, {"source": 33, "target": 7, "label": "A"}, {"source": 30, "target": 1, "label": "F"}, {"source": 40, "target": 29, "label": "U"}, {"source": 35, "target": 14, "label": "F"}, {"source": 34, "target": 13, "label": "C"}, {"source": 40, "target": 28, "label": "S"}, {"source": 35, "target": 34, "label": "P"}, {"source": 38, "target": 20, "label": "F"}, {"source": 40, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 24, "label": "F"}, {"source": 35, "target": 16, "label": "D"}, {"source": 40, "target": 22, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 23, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 5, "label": "C"}, {"source": 31, "target": 39, "label": "H"}, {"source": 31, "target": 11, "label": "L"}, {"source": 32, "target": 4, "label": "Q"}, {"source": 33, "target": 8, "label": "D"}, {"source": 31, "target": 6, "label": "L"}, {"source": 30, "target": 2, "label": "P"}, {"source": 31, "target": 30, "label": "H"}, {"source": 31, "target": 27, "label": "L"}]} +{"id": "351840-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Caldwell insurance has been doing our insurance for a couple years now and they have been extremely thorough.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 108}]}, {"id": 17, "anchors": [{"from": 108, "to": 109}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 15, "label": "D"}, {"source": 24, "target": 14, "label": "F"}, {"source": 19, "target": 11, "label": "L"}, {"source": 22, "target": 6, "label": "R"}, {"source": 22, "target": 23, "label": "Q"}, {"source": 23, "target": 8, "label": "C"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 12, "label": "A"}, {"source": 19, "target": 24, "label": "H"}, {"source": 20, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 4, "label": "S"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 18, "target": 3, "label": "P"}, {"source": 24, "target": 13, "label": "F"}, {"source": 23, "target": 7, "label": "F"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 22, "label": "T"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 20, "label": "E"}, {"source": 24, "target": 16, "label": "S"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "351840-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We've only had one urgent issue to deal with and they were very prompt in their response.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "L"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "S"}, {"source": 25, "target": 9, "label": "R"}, {"source": 27, "target": 16, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 22, "target": 24, "label": "E"}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "A"}, {"source": 24, "target": 7, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "Q"}, {"source": 26, "target": 12, "label": "F"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 27, "target": 15, "label": "R"}, {"source": 21, "target": 2, "label": "C"}, {"source": 24, "target": 8, "label": "P"}, {"source": 23, "target": 5, "label": "S"}, {"source": 22, "target": 6, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 26, "label": "H"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "Q"}, {"source": 26, "target": 13, "label": "D"}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "351840-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommend!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "351950-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "local crew!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "351950-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "home team - thanks 4 playin!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "U"}, {"source": 7, "target": 1, "label": "S"}, {"source": 9, "target": 7, "label": "G"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "352068-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Easy registration, helpful staff and fun teachers!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "S"}, {"source": 12, "target": 7, "label": "A"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 4, "label": "A"}, {"source": 12, "target": 6, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "L"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "353684-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My favorite place to eat.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "353684-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Atmosphere is the best.. Italian music, candles, helpful and friendly staff... And the food is beautiful too !", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 114}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 30, "target": 17, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 12, "label": "N"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 29, "label": "H"}, {"source": 25, "target": 15, "label": "U"}, {"source": 25, "target": 8, "label": "U"}, {"source": 28, "target": 11, "label": "C"}, {"source": 26, "target": 4, "label": "C"}, {"source": 26, "target": 3, "label": "F"}, {"source": 27, "target": 7, "label": "C"}, {"source": 24, "target": 26, "label": "D"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 6, "label": "E"}, {"source": 29, "target": 28, "label": "D"}, {"source": 31, "target": 30, "label": "A"}, {"source": 23, "target": 1, "label": "C"}, {"source": 30, "target": 18, "label": "C"}, {"source": 31, "target": 19, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 29, "target": 14, "label": "A"}, {"source": 24, "target": 2, "label": "F"}, {"source": 31, "target": 20, "label": "S"}, {"source": 25, "target": 9, "label": "H"}, {"source": 29, "target": 14, "label": "S"}, {"source": 31, "target": 21, "label": "D"}, {"source": 24, "target": 23, "label": "S"}, {"source": 25, "target": 10, "label": "U"}, {"source": 28, "target": 13, "label": "C"}, {"source": 23, "target": 0, "label": "F"}, {"source": 25, "target": 5, "label": "U"}]} +{"id": "353891-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Manicure", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "353891-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place offers a great manicure and pedicure.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 14, "target": 4, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "P"}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 7, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "353891-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My nails looked great for the better part of 2 weeks!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 4, "label": "R"}, {"source": 15, "target": 10, "label": "C"}, {"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 15, "label": "T"}, {"source": 15, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 5, "label": "F"}, {"source": 15, "target": 9, "label": "Q"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 2, "label": "G"}]} +{"id": "353891-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also very friendly and the stylists are not in the \"been there/done that\" mood!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 24, "target": 9, "label": "F"}, {"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 24, "target": 17, "label": "C"}, {"source": 25, "target": 12, "label": "A"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 2, "label": "S"}, {"source": 22, "target": 5, "label": "C"}, {"source": 27, "target": 15, "label": "A"}, {"source": 23, "target": 7, "label": "D"}, {"source": 20, "target": 23, "label": "H"}, {"source": 20, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 21, "label": "A"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "D"}, {"source": 26, "target": 13, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 11, "label": "S"}, {"source": 24, "target": 8, "label": "R"}, {"source": 23, "target": 6, "label": "F"}, {"source": 22, "target": 4, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 24, "label": "S"}, {"source": 26, "target": 27, "label": "H"}, {"source": 23, "target": 26, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 19, "target": 0, "label": "D"}]} +{"id": "354336-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hidden Gem in Alpharetta", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 24}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "354336-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This French born, French trained chef and his creative partners offer a taste fresh, locally sourced, fabulously prepared food in the most unlikely of locations.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 147}]}, {"id": 26, "anchors": [{"from": 148, "to": 150}]}, {"id": 27, "anchors": [{"from": 151, "to": 160}]}, {"id": 28, "anchors": [{"from": 160, "to": 161}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 42, "target": 22, "label": "R"}, {"source": 40, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 39, "label": "A"}, {"source": 38, "target": 12, "label": "F"}, {"source": 39, "target": 41, "label": "E"}, {"source": 29, "target": 3, "label": "U"}, {"source": 41, "target": 20, "label": "P"}, {"source": 41, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 35, "label": "C"}, {"source": 35, "target": 6, "label": "S"}, {"source": 29, "target": 33, "label": "E"}, {"source": 32, "target": 30, "label": "A"}, {"source": 30, "target": 36, "label": "C"}, {"source": 36, "target": 9, "label": "D"}, {"source": 33, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "H"}, {"source": 37, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 27, "label": "C"}, {"source": 40, "target": 17, "label": "P"}, {"source": 40, "target": 16, "label": "A"}, {"source": 39, "target": 15, "label": "U"}, {"source": 32, "target": 11, "label": "P"}, {"source": 39, "target": 21, "label": "C"}, {"source": 34, "target": 5, "label": "P"}, {"source": 36, "target": 8, "label": "A"}, {"source": 35, "target": 6, "label": "A"}, {"source": 43, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "E"}, {"source": 36, "target": 10, "label": "S"}, {"source": 33, "target": 1, "label": "A"}, {"source": 41, "target": 19, "label": "D"}, {"source": 37, "target": 38, "label": "D"}, {"source": 38, "target": 14, "label": "C"}, {"source": 37, "target": 13, "label": "P"}, {"source": 42, "target": 28, "label": "U"}, {"source": 30, "target": 7, "label": "N"}, {"source": 29, "target": 0, "label": "E"}, {"source": 43, "target": 24, "label": "D"}, {"source": 30, "target": 29, "label": "C"}, {"source": 42, "target": 26, "label": "R"}, {"source": 39, "target": 18, "label": "U"}, {"source": 42, "target": 43, "label": "E"}, {"source": 43, "target": 25, "label": "S"}, {"source": 29, "target": 34, "label": "E"}, {"source": 34, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 42, "label": "A"}, {"source": 42, "target": 23, "label": "F"}, {"source": 34, "target": 4, "label": "A"}, {"source": 36, "target": 10, "label": "A"}, {"source": 33, "target": 2, "label": "P"}, {"source": 39, "target": 37, "label": "E"}]} +{"id": "354336-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Try their weekend \"tastings\" which you can learn about by getting on their weekly email list.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 17, "label": "C"}, {"source": 23, "target": 4, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "L"}, {"source": 21, "target": 2, "label": "T"}, {"source": 26, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 1, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 9, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 25, "target": 13, "label": "R"}, {"source": 27, "target": 15, "label": "T"}, {"source": 21, "target": 4, "label": "P"}, {"source": 24, "target": 12, "label": "P"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 6, "label": "L"}, {"source": 27, "target": 16, "label": "P"}, {"source": 19, "target": 0, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 3, "label": "U"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 8, "label": "D"}, {"source": 22, "target": 7, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 27, "label": "E"}, {"source": 23, "target": 10, "label": "R"}, {"source": 26, "target": 14, "label": "S"}]} +{"id": "354336-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It's the best meal for the money you will find in all of metro Atlanta.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 11, "label": "R"}, {"source": 23, "target": 13, "label": "R"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "D"}, {"source": 22, "target": 9, "label": "F"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "Q"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "L"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 18, "target": 1, "label": "F"}, {"source": 22, "target": 8, "label": "A"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "354474-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great work!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "354474-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The people at Gulf Coast Siding were very easy and clear to work with.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 24}, {"from": 25, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 11, "label": "R"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 10, "label": "P"}, {"source": 15, "target": 12, "label": "U"}, {"source": 14, "target": 17, "label": "D"}, {"source": 17, "target": 18, "label": "C"}, {"source": 18, "target": 7, "label": "N"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 2, "label": "R"}, {"source": 15, "target": 1, "label": "C"}, {"source": 15, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 9, "label": "F"}]} +{"id": "354474-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They walked me through all the steps involved in the the installation project so that there were no surprises.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}, {"from": 15, "to": 22}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}, {"from": 46, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 77}]}, {"id": 11, "anchors": [{"from": 78, "to": 80}, {"from": 81, "to": 85}]}, {"id": 12, "anchors": [{"from": 86, "to": 91}]}, {"id": 13, "anchors": [{"from": 92, "to": 96}]}, {"id": 14, "anchors": [{"from": 97, "to": 99}]}, {"id": 15, "anchors": [{"from": 100, "to": 109}]}, {"id": 16, "anchors": [{"from": 109, "to": 110}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 23, "target": 14, "label": "D"}, {"source": 18, "target": 11, "label": "L"}, {"source": 23, "target": 15, "label": "P"}, {"source": 22, "target": 7, "label": "F"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 9, "label": "E"}, {"source": 20, "target": 4, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 23, "target": 12, "label": "F"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 17, "target": 2, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 6, "label": "R"}, {"source": 18, "target": 23, "label": "H"}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "D"}]} +{"id": "354474-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found them extremely professional and would highly recommend them.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 67, "to": 68}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 7, "label": "D"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 9, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "S"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 2, "label": "A"}, {"source": 13, "target": 3, "label": "D"}, {"source": 13, "target": 4, "label": "S"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "354474-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "354555-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "the service is quick.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "354555-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "and the people are sweet :)", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 7, "label": "A"}]} +{"id": "354860-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The best company in Phuket for creating website and e-commerce website.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 70}]}, {"id": 11, "anchors": [{"from": 70, "to": 71}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 9, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 20, "label": "C"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 3, "label": "R"}, {"source": 20, "target": 10, "label": "C"}, {"source": 18, "target": 8, "label": "N"}, {"source": 15, "target": 17, "label": "E"}, {"source": 14, "target": 12, "label": "S"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 20, "target": 19, "label": "E"}, {"source": 17, "target": 6, "label": "P"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "U"}]} +{"id": "354860-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From first meeting with them to launch of my website, everything went smooth and on schedule.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 20, "target": 4, "label": "C"}, {"source": 26, "target": 15, "label": "R"}, {"source": 23, "target": 8, "label": "S"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 9, "label": "C"}, {"source": 24, "target": 11, "label": "A"}, {"source": 18, "target": 10, "label": "U"}, {"source": 18, "target": 5, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 12, "label": "P"}, {"source": 19, "target": 1, "label": "D"}, {"source": 26, "target": 16, "label": "C"}, {"source": 25, "target": 13, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 18, "target": 21, "label": "H"}, {"source": 25, "target": 14, "label": "N"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "D"}, {"source": 25, "target": 26, "label": "C"}]} +{"id": "354860-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Highly recommended for who wants to have website.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 12, "target": 7, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "S"}, {"source": 12, "target": 5, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 3, "label": "R"}]} +{"id": "354860-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great with SEO as well.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "D"}]} +{"id": "355325-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My favorite florist!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "355325-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came to La Crosse to go to college, and my mom would send me birthday flowers though here.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}, {"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 8, "label": "U"}, {"source": 20, "target": 0, "label": "A"}, {"source": 22, "target": 2, "label": "R"}, {"source": 21, "target": 26, "label": "H"}, {"source": 25, "target": 10, "label": "A"}, {"source": 20, "target": 1, "label": "P"}, {"source": 25, "target": 11, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 3, "label": "C"}, {"source": 26, "target": 13, "label": "P"}, {"source": 27, "target": 15, "label": "T"}, {"source": 29, "target": 19, "label": "U"}, {"source": 26, "target": 29, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 11, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 29, "target": 18, "label": "C"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 28, "label": "A"}, {"source": 21, "target": 4, "label": "L"}, {"source": 29, "target": 17, "label": "R"}, {"source": 28, "target": 27, "label": "E"}, {"source": 23, "target": 5, "label": "P"}, {"source": 26, "target": 14, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 21, "target": 9, "label": "L"}, {"source": 28, "target": 16, "label": "C"}, {"source": 27, "target": 15, "label": "P"}, {"source": 24, "target": 6, "label": "R"}]} +{"id": "355325-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were beautiful and lasted forever!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "T"}, {"source": 9, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "355325-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Now that I live here, this is my favorite place to grab flowers for friends and coworkers!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 21, "target": 4, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 25, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 23, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 20, "target": 19, "label": "L"}, {"source": 26, "target": 16, "label": "N"}, {"source": 23, "target": 9, "label": "S"}, {"source": 22, "target": 7, "label": "S"}, {"source": 19, "target": 1, "label": "F"}, {"source": 26, "target": 18, "label": "U"}, {"source": 25, "target": 11, "label": "F"}, {"source": 19, "target": 0, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 8, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 3, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "P"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "355325-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Hands down, best place in the area!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 0, "label": "G"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "F"}]} +{"id": "356361-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "P"}]} +{"id": "356361-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A very well established service with a satisfying outcome.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 57}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 13, "label": "E"}, {"source": 13, "target": 1, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 10, "label": "H"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "L"}, {"source": 14, "target": 3, "label": "C"}, {"source": 10, "target": 14, "label": "D"}, {"source": 15, "target": 16, "label": "P"}, {"source": 16, "target": 9, "label": "U"}, {"source": 12, "target": 15, "label": "H"}, {"source": 10, "target": 11, "label": "P"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 7, "label": "D"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "356361-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A well communicated and will be hireing again for another projects......", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "P"}, {"source": 13, "target": 0, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 1, "label": "D"}, {"source": 14, "target": 3, "label": "L"}, {"source": 15, "target": 5, "label": "F"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 9, "label": "D"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 12, "label": "H"}, {"source": 12, "target": 13, "label": "P"}, {"source": 15, "target": 7, "label": "D"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "356361-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "356705-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You were extremely polite and professional.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 42}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "L"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "356705-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very Impressed.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "356705-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great electrician.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}]} +{"id": "356920-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I called on a Friday at 12:30 complaining of a severe toothache.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 7, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 13, "target": 15, "label": "T"}, {"source": 16, "target": 5, "label": "R"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "P"}]} +{"id": "356920-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Obina told me that his office closed at noon and that I should call him on Monday.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 28, "target": 16, "label": "R"}, {"source": 25, "target": 6, "label": "C"}, {"source": 22, "target": 26, "label": "T"}, {"source": 27, "target": 15, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 24, "target": 5, "label": "S"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 21, "target": 2, "label": "P"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 11, "label": "R"}, {"source": 19, "target": 0, "label": "E"}, {"source": 27, "target": 13, "label": "D"}, {"source": 27, "target": 28, "label": "T"}, {"source": 27, "target": 12, "label": "A"}, {"source": 26, "target": 8, "label": "R"}, {"source": 21, "target": 19, "label": "A"}, {"source": 19, "target": 1, "label": "C"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 17, "label": "C"}, {"source": 26, "target": 9, "label": "C"}, {"source": 22, "target": 4, "label": "R"}, {"source": 23, "target": 10, "label": "L"}, {"source": 21, "target": 3, "label": "A"}, {"source": 22, "target": 7, "label": "P"}]} +{"id": "356920-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had been a patient of Dr. Olbina for 9 years and had spent thousands of dollars on crowns etc.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 28, "target": 17, "label": "R"}, {"source": 24, "target": 5, "label": "R"}, {"source": 25, "target": 9, "label": "Q"}, {"source": 21, "target": 23, "label": "S"}, {"source": 27, "target": 14, "label": "Q"}, {"source": 23, "target": 3, "label": "F"}, {"source": 21, "target": 25, "label": "T"}, {"source": 26, "target": 13, "label": "P"}, {"source": 22, "target": 11, "label": "L"}, {"source": 28, "target": 18, "label": "C"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 12, "label": "F"}, {"source": 25, "target": 10, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 27, "target": 15, "label": "R"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 21, "target": 1, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 24, "label": "A"}]} +{"id": "356920-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are plenty of good dentists in Fernandina.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 4, "label": "D"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "356920-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't go to Amelia Gentle Dentistry.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 25}, {"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "357217-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A Definite No", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "S"}]} +{"id": "357217-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Incompetent servers, kitchen and management.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 19, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 9, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 0, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 4, "label": "L"}, {"source": 9, "target": 3, "label": "P"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "U"}]} +{"id": "357217-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Expect either undercooked or mushy food and lackluster service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 62}]}, {"id": 9, "anchors": [{"from": 62, "to": 63}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 3, "label": "L"}, {"source": 11, "target": 16, "label": "H"}, {"source": 14, "target": 13, "label": "E"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "A"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "U"}, {"source": 11, "target": 6, "label": "L"}, {"source": 11, "target": 10, "label": "H"}, {"source": 16, "target": 0, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "P"}, {"source": 10, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "P"}, {"source": 12, "target": 2, "label": "S"}, {"source": 14, "target": 5, "label": "C"}, {"source": 17, "target": 7, "label": "D"}, {"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "S"}]} +{"id": "357217-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The investors put big bucks into the building but are clueless about what makes a good dining or bar experience.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 27, "target": 10, "label": "S"}, {"source": 29, "target": 13, "label": "D"}, {"source": 21, "target": 22, "label": "P"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 29, "label": "E"}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 31, "target": 18, "label": "C"}, {"source": 28, "target": 11, "label": "R"}, {"source": 28, "target": 12, "label": "C"}, {"source": 22, "target": 0, "label": "F"}, {"source": 31, "target": 16, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 31, "target": 17, "label": "N"}, {"source": 30, "target": 14, "label": "F"}, {"source": 23, "target": 21, "label": "A"}, {"source": 27, "target": 9, "label": "F"}, {"source": 29, "target": 15, "label": "D"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 20, "label": "U"}, {"source": 26, "target": 5, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 1, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 25, "target": 3, "label": "Q"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 8, "label": "L"}, {"source": 23, "target": 26, "label": "A"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 4, "label": "C"}]} +{"id": "357217-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Even the least discriminating diner would know not to eat at Sprecher's.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}, {"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 16, "label": "E"}, {"source": 16, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "F"}, {"source": 17, "target": 4, "label": "A"}, {"source": 18, "target": 8, "label": "F"}, {"source": 15, "target": 13, "label": "A"}, {"source": 15, "target": 5, "label": "D"}, {"source": 15, "target": 6, "label": "S"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 7, "label": "D"}, {"source": 19, "target": 12, "label": "U"}, {"source": 16, "target": 2, "label": "D"}, {"source": 13, "target": 17, "label": "C"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "358063-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Friendly Efficient and overall great place for people in chronic intractable pain", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 81}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 2, "label": "L"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 10, "label": "D"}, {"source": 14, "target": 1, "label": "S"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "S"}, {"source": 18, "target": 11, "label": "S"}, {"source": 15, "target": 3, "label": "D"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 17, "target": 6, "label": "R"}, {"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "S"}]} +{"id": "358063-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great place for people in chronic pain.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 12, "target": 5, "label": "D"}, {"source": 10, "target": 11, "label": "E"}, {"source": 12, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 1, "label": "C"}]} +{"id": "358063-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Staff is very friendly they treat you like a human being and not just another patient.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}, {"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 11, "label": "D"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 23, "target": 12, "label": "D"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 22, "label": "H"}, {"source": 16, "target": 18, "label": "D"}, {"source": 23, "target": 14, "label": "A"}, {"source": 17, "target": 10, "label": "L"}, {"source": 20, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "C"}, {"source": 23, "target": 14, "label": "S"}, {"source": 18, "target": 3, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "E"}, {"source": 23, "target": 13, "label": "D"}, {"source": 22, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "A"}, {"source": 16, "target": 0, "label": "S"}]} +{"id": "358063-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very efficient at treating chronic pain!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 7, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 5, "label": "P"}]} +{"id": "358702-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Slowest, Unfriendly Sstaff on Weekends", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "T"}, {"source": 7, "target": 6, "label": "D"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 3, "label": "S"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "U"}, {"source": 6, "target": 0, "label": "C"}]} +{"id": "358702-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There are three Starbucks locations that I frequent.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "Q"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 10, "target": 7, "label": "P"}, {"source": 10, "target": 6, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "T"}]} +{"id": "358702-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have a bit of experience watching the usual assembly line.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "F"}, {"source": 18, "target": 9, "label": "P"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "Q"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 15, "label": "D"}, {"source": 17, "target": 8, "label": "S"}, {"source": 17, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 4, "label": "R"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "358702-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also understand that weekend staffs are different than daytime staffs and not necessarily Starbucks A-team or even full-time.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 101}]}, {"id": 15, "anchors": [{"from": 102, "to": 103}, {"from": 104, "to": 108}]}, {"id": 16, "anchors": [{"from": 103, "to": 104}]}, {"id": 17, "anchors": [{"from": 109, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 116}]}, {"id": 19, "anchors": [{"from": 117, "to": 121}]}, {"id": 20, "anchors": [{"from": 121, "to": 122}]}, {"id": 21, "anchors": [{"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 126, "to": 127}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 1, "label": "D"}, {"source": 28, "target": 10, "label": "S"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 13, "label": "D"}, {"source": 31, "target": 21, "label": "C"}, {"source": 30, "target": 31, "label": "S"}, {"source": 28, "target": 9, "label": "T"}, {"source": 28, "target": 10, "label": "A"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 6, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "G"}, {"source": 31, "target": 19, "label": "E"}, {"source": 29, "target": 12, "label": "D"}, {"source": 30, "target": 4, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 8, "label": "R"}, {"source": 24, "target": 2, "label": "S"}, {"source": 27, "target": 5, "label": "S"}, {"source": 30, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 30, "label": "H"}, {"source": 29, "target": 4, "label": "T", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 15, "label": "S"}, {"source": 27, "target": 5, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 12, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 14, "label": "A"}, {"source": 26, "target": 17, "label": "L"}, {"source": 31, "target": 20, "label": "U"}, {"source": 15, "target": 16, "label": "U"}, {"source": 25, "target": 3, "label": "R"}, {"source": 26, "target": 11, "label": "L"}, {"source": 25, "target": 7, "label": "S"}, {"source": 27, "target": 4, "label": "T"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 28, "label": "A"}]} +{"id": "358702-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But this location has the worst weekend staff I've seen EVER.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 10, "label": "P"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 6, "label": "T"}, {"source": 14, "target": 1, "label": "E"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "T"}, {"source": 17, "target": 8, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "S"}, {"source": 15, "target": 7, "label": "A"}, {"source": 17, "target": 12, "label": "U"}]} +{"id": "359014-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good honest wrok", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "C"}, {"source": 5, "target": 3, "label": "D"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "359014-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Harlan provides great service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 7, "label": "P"}, {"source": 6, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "359014-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He is very knowledgeable and took the time to explain the repairs to me.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "L"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 5, "label": "F"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 8, "label": "F"}, {"source": 20, "target": 10, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 17, "label": "D"}, {"source": 15, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "R"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 11, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "359014-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The work on my car was done quickly and I felt I could trust his work.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 70}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "P"}, {"source": 22, "target": 7, "label": "C"}, {"source": 25, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "C"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "D"}, {"source": 17, "target": 0, "label": "F"}, {"source": 18, "target": 22, "label": "D"}, {"source": 25, "target": 15, "label": "P"}, {"source": 19, "target": 8, "label": "L"}, {"source": 20, "target": 2, "label": "R"}, {"source": 19, "target": 23, "label": "H"}, {"source": 24, "target": 11, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 18, "target": 5, "label": "F"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 10, "label": "S"}, {"source": 23, "target": 9, "label": "A"}, {"source": 21, "target": 3, "label": "S"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 17, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "359014-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have nothing but fantastic things to say.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 7, "label": "C"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 6, "label": "F"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 14, "target": 4, "label": "S"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 13, "label": "C"}]} +{"id": "359014-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend his shop.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 9, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 1, "label": "D"}, {"source": 8, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "359287-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "High guality pup food at a good price.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 12, "target": 5, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 13, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "359433-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great Place To Use The Fix appliances Plumbing Air Conditioning & Electric Problems.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}, {"from": 51, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 83}]}, {"id": 12, "anchors": [{"from": 83, "to": 84}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 20, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 13, "target": 0, "label": "S"}, {"source": 20, "target": 9, "label": "N"}, {"source": 19, "target": 11, "label": "P"}, {"source": 15, "target": 16, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 1, "label": "C"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "359433-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We have used them for plumbing & A/C and they are affordable and get the work done right.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}, {"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 18, "label": "D"}, {"source": 22, "target": 7, "label": "C"}, {"source": 21, "target": 13, "label": "L"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 5, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 7, "target": 8, "label": "U"}, {"source": 21, "target": 23, "label": "H"}, {"source": 24, "target": 25, "label": "P"}, {"source": 25, "target": 17, "label": "F"}, {"source": 24, "target": 14, "label": "D"}, {"source": 23, "target": 11, "label": "F"}, {"source": 21, "target": 9, "label": "L"}, {"source": 20, "target": 3, "label": "A"}, {"source": 23, "target": 12, "label": "S"}, {"source": 24, "target": 19, "label": "U"}, {"source": 23, "target": 10, "label": "A"}, {"source": 22, "target": 4, "label": "R"}, {"source": 25, "target": 15, "label": "F"}, {"source": 22, "target": 6, "label": "N"}]} +{"id": "359433-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great place 5 stars for sure.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 10, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "Q"}, {"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "G"}]} +{"id": "359433-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thanks From Bill", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "360698-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Its been a few years since I have been to Ipanema.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 8, "label": "F"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 3, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 0, "label": "F"}, {"source": 14, "target": 15, "label": "T"}, {"source": 14, "target": 7, "label": "A"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "R"}, {"source": 14, "target": 9, "label": "P"}]} +{"id": "360698-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But my wife and I first went there thinking it would be Brazilian food (think lots of meat), but it turned out to be a vegan restaurant!", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 106}, {"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 135}]}, {"id": 29, "anchors": [{"from": 135, "to": 136}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 37, "target": 15, "label": "P"}, {"source": 31, "target": 1, "label": "A"}, {"source": 38, "target": 18, "label": "C"}, {"source": 39, "target": 25, "label": "S"}, {"source": 30, "target": 39, "label": "H"}, {"source": 35, "target": 10, "label": "D"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 33, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 5, "label": "D"}, {"source": 40, "target": 28, "label": "C"}, {"source": 36, "target": 13, "label": "C"}, {"source": 33, "target": 32, "label": "A"}, {"source": 38, "target": 17, "label": "R"}, {"source": 39, "target": 23, "label": "D"}, {"source": 31, "target": 2, "label": "A"}, {"source": 33, "target": 7, "label": "A"}, {"source": 40, "target": 29, "label": "U"}, {"source": 32, "target": 3, "label": "N"}, {"source": 30, "target": 19, "label": "U"}, {"source": 36, "target": 12, "label": "E"}, {"source": 38, "target": 16, "label": "Q"}, {"source": 30, "target": 20, "label": "U"}, {"source": 35, "target": 36, "label": "A"}, {"source": 40, "target": 27, "label": "E"}, {"source": 40, "target": 26, "label": "F"}, {"source": 35, "target": 11, "label": "S"}, {"source": 39, "target": 24, "label": "F"}, {"source": 30, "target": 14, "label": "U"}, {"source": 35, "target": 9, "label": "A"}, {"source": 30, "target": 21, "label": "L"}, {"source": 34, "target": 8, "label": "P"}, {"source": 32, "target": 4, "label": "C"}, {"source": 31, "target": 2, "label": "S"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 6, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 32, "target": 31, "label": "C"}, {"source": 34, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 22, "label": "A"}, {"source": 30, "target": 37, "label": "H"}, {"source": 30, "target": 0, "label": "L"}]} +{"id": "360698-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And, I can say, this was one of my favorite places to eat in all of Richmond.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "anchors": [{"from": 35, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 76}]}, {"id": 19, "anchors": [{"from": 76, "to": 77}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 26, "label": "E"}, {"source": 26, "target": 15, "label": "R"}, {"source": 25, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "Q"}, {"source": 24, "target": 11, "label": "S"}, {"source": 24, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "U"}, {"source": 21, "target": 5, "label": "U"}, {"source": 23, "target": 9, "label": "F"}, {"source": 26, "target": 19, "label": "U"}, {"source": 23, "target": 25, "label": "E"}, {"source": 24, "target": 10, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 21, "target": 3, "label": "D"}, {"source": 21, "target": 4, "label": "P"}, {"source": 25, "target": 13, "label": "R"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 0, "label": "L"}, {"source": 22, "target": 7, "label": "S"}, {"source": 25, "target": 14, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "R"}, {"source": 23, "target": 12, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 26, "target": 16, "label": "Q"}, {"source": 26, "target": 18, "label": "C"}]} +{"id": "360698-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Amazing!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "360698-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't let the nondescript building entrance fool you, these are some creative and talented chefs...two thumbs way, way up!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 113}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "A"}, {"source": 31, "target": 18, "label": "Q"}, {"source": 31, "target": 19, "label": "C"}, {"source": 28, "target": 4, "label": "S"}, {"source": 26, "target": 32, "label": "H"}, {"source": 30, "target": 15, "label": "C"}, {"source": 29, "target": 16, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 31, "label": "A"}, {"source": 27, "target": 5, "label": "E"}, {"source": 29, "target": 11, "label": "F"}, {"source": 29, "target": 12, "label": "D"}, {"source": 25, "target": 8, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 32, "target": 21, "label": "U"}, {"source": 27, "target": 3, "label": "F"}, {"source": 25, "target": 0, "label": "F"}, {"source": 25, "target": 1, "label": "D"}, {"source": 25, "target": 2, "label": "D"}, {"source": 27, "target": 6, "label": "C"}, {"source": 26, "target": 9, "label": "U"}, {"source": 25, "target": 7, "label": "P"}, {"source": 32, "target": 22, "label": "D"}, {"source": 32, "target": 23, "label": "S"}, {"source": 29, "target": 30, "label": "D"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 16, "label": "A"}, {"source": 30, "target": 14, "label": "N"}, {"source": 26, "target": 29, "label": "H"}, {"source": 32, "target": 24, "label": "U"}, {"source": 32, "target": 20, "label": "D"}]} +{"id": "360937-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I stopped in today @ Yards Brewery.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "T"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 4, "label": "U"}]} +{"id": "360937-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I must say, I was impressed with the size of the bar area and lounge, & I liked that you could see the brewery right thru the glass!", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 84}]}, {"id": 21, "anchors": [{"from": 85, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 98}]}, {"id": 24, "anchors": [{"from": 99, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 131}]}, {"id": 30, "anchors": [{"from": 131, "to": 132}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 41, "target": 29, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 35, "target": 14, "label": "N"}, {"source": 34, "target": 35, "label": "E"}, {"source": 32, "target": 31, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 36, "target": 13, "label": "C"}, {"source": 36, "target": 11, "label": "F"}, {"source": 33, "target": 4, "label": "A"}, {"source": 32, "target": 16, "label": "U"}, {"source": 41, "target": 30, "label": "U"}, {"source": 41, "target": 28, "label": "F"}, {"source": 31, "target": 1, "label": "D"}, {"source": 31, "target": 33, "label": "A"}, {"source": 34, "target": 7, "label": "R"}, {"source": 34, "target": 9, "label": "C"}, {"source": 38, "target": 22, "label": "D"}, {"source": 35, "target": 10, "label": "R"}, {"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 41, "label": "E"}, {"source": 34, "target": 8, "label": "F"}, {"source": 32, "target": 37, "label": "H"}, {"source": 35, "target": 36, "label": "C"}, {"source": 36, "target": 12, "label": "E"}, {"source": 35, "target": 15, "label": "C"}, {"source": 31, "target": 2, "label": "P"}, {"source": 32, "target": 17, "label": "L"}, {"source": 38, "target": 21, "label": "A"}, {"source": 40, "target": 26, "label": "F"}, {"source": 39, "target": 25, "label": "C"}, {"source": 39, "target": 24, "label": "F"}, {"source": 37, "target": 18, "label": "A"}, {"source": 33, "target": 6, "label": "S"}, {"source": 37, "target": 19, "label": "S"}, {"source": 31, "target": 3, "label": "U"}, {"source": 38, "target": 20, "label": "R"}, {"source": 38, "target": 40, "label": "A"}, {"source": 33, "target": 5, "label": "F"}, {"source": 40, "target": 27, "label": "C"}, {"source": 38, "target": 23, "label": "P"}]} +{"id": "360937-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had a sampler of IPA, Brawler, Love Stout & ESA.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 4, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "N"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 12, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 6, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 8, "label": "U"}, {"source": 16, "target": 7, "label": "C"}]} +{"id": "360937-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All were awesome, & I had a Dogwood Grilled Cheese which was enjoyable with the fine beers.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 35}, {"from": 36, "to": 43}, {"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "L"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 9, "label": "L"}, {"source": 18, "target": 3, "label": "U"}, {"source": 23, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 23, "target": 14, "label": "S"}, {"source": 22, "target": 13, "label": "F"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 2, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 6, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 5, "label": "A"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "360937-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "After my sampler & sandwich, I asked for a pint of there Nitrogen Love Stout, I must say I was impressed, with the great taste & I am a Guiness Lover so coming from me, I think this is better, its less dry & smoother!", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}, {"from": 66, "to": 70}, {"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 159}, {"from": 160, "to": 164}, {"from": 165, "to": 167}]}, {"id": 34, "anchors": [{"from": 167, "to": 168}]}, {"id": 35, "anchors": [{"from": 169, "to": 170}]}, {"id": 36, "anchors": [{"from": 171, "to": 176}]}, {"id": 37, "anchors": [{"from": 177, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 184}]}, {"id": 39, "anchors": [{"from": 185, "to": 191}]}, {"id": 40, "anchors": [{"from": 191, "to": 192}]}, {"id": 41, "anchors": [{"from": 193, "to": 195}]}, {"id": 42, "anchors": [{"from": 195, "to": 196}]}, {"id": 43, "anchors": [{"from": 197, "to": 201}]}, {"id": 44, "anchors": [{"from": 202, "to": 205}]}, {"id": 45, "anchors": [{"from": 206, "to": 207}]}, {"id": 46, "anchors": [{"from": 208, "to": 216}]}, {"id": 47, "anchors": [{"from": 216, "to": 217}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 61, "target": 35, "label": "A"}, {"source": 55, "target": 16, "label": "D"}, {"source": 48, "target": 59, "label": "H"}, {"source": 51, "target": 7, "label": "P"}, {"source": 52, "target": 13, "label": "C"}, {"source": 50, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 55, "label": "H"}, {"source": 49, "target": 2, "label": "P"}, {"source": 55, "target": 56, "label": "A"}, {"source": 57, "target": 24, "label": "D"}, {"source": 53, "target": 10, "label": "C"}, {"source": 48, "target": 14, "label": "U"}, {"source": 63, "target": 42, "label": "F"}, {"source": 59, "target": 60, "label": "S"}, {"source": 54, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 15, "label": "A"}, {"source": 57, "target": 22, "label": "R"}, {"source": 56, "target": 21, "label": "U"}, {"source": 63, "target": 41, "label": "A"}, {"source": 63, "target": 44, "label": "S"}, {"source": 63, "target": 43, "label": "D"}, {"source": 61, "target": 33, "label": "G"}, {"source": 56, "target": 18, "label": "A"}, {"source": 54, "target": 12, "label": "S"}, {"source": 53, "target": 9, "label": "F"}, {"source": 60, "target": 31, "label": "C"}, {"source": 48, "target": 40, "label": "U"}, {"source": 48, "target": 3, "label": "L"}, {"source": 48, "target": 61, "label": "H"}, {"source": 51, "target": 6, "label": "A"}, {"source": 48, "target": 45, "label": "L"}, {"source": 64, "target": 46, "label": "S"}, {"source": 62, "target": 38, "label": "F"}, {"source": 48, "target": 63, "label": "H"}, {"source": 61, "target": 62, "label": "A"}, {"source": 64, "target": 47, "label": "U"}, {"source": 62, "target": 39, "label": "S"}, {"source": 59, "target": 28, "label": "F"}, {"source": 48, "target": 64, "label": "H"}, {"source": 58, "target": 25, "label": "C"}, {"source": 61, "target": 34, "label": "U"}, {"source": 52, "target": 8, "label": "R"}, {"source": 52, "target": 53, "label": "Q"}, {"source": 52, "target": 11, "label": "R"}, {"source": 48, "target": 0, "label": "L"}, {"source": 62, "target": 37, "label": "A"}, {"source": 59, "target": 27, "label": "A"}, {"source": 48, "target": 26, "label": "L"}, {"source": 52, "target": 54, "label": "E"}, {"source": 56, "target": 19, "label": "F"}, {"source": 48, "target": 50, "label": "H"}, {"source": 49, "target": 1, "label": "A"}, {"source": 48, "target": 49, "label": "H"}, {"source": 50, "target": 4, "label": "A"}, {"source": 58, "target": 23, "label": "F"}, {"source": 56, "target": 20, "label": "P"}, {"source": 60, "target": 29, "label": "F"}, {"source": 51, "target": 52, "label": "A"}, {"source": 57, "target": 58, "label": "P"}, {"source": 48, "target": 51, "label": "H"}, {"source": 48, "target": 32, "label": "L"}, {"source": 64, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 5, "label": "U"}, {"source": 56, "target": 57, "label": "A"}, {"source": 55, "target": 17, "label": "P"}, {"source": 59, "target": 30, "label": "A"}, {"source": 61, "target": 36, "label": "S"}]} +{"id": "360937-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you are in Philly you have to come check this place out!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 4, "label": "A"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 12, "label": "U"}, {"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 1, "label": "A"}, {"source": 15, "target": 6, "label": "D"}, {"source": 16, "target": 11, "label": "F"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "P"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 7, "label": "D"}]} +{"id": "360937-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The only negative I have abou this place is the parking!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "R"}, {"source": 12, "target": 0, "label": "F"}, {"source": 12, "target": 2, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 3, "label": "A"}, {"source": 12, "target": 1, "label": "Q"}, {"source": 14, "target": 4, "label": "S"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 17, "label": "P"}]} +{"id": "360937-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I left with a case of BRAWLER!!!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "R"}, {"source": 12, "target": 3, "label": "Q"}]} +{"id": "361316-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "best quote ever My gate was stuck halfway open so I calledA CLASS Garage Doors Dr Services.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}, {"from": 60, "to": 65}, {"from": 66, "to": 72}, {"from": 73, "to": 78}, {"from": 79, "to": 81}, {"from": 82, "to": 90}]}, {"id": 13, "anchors": [{"from": 90, "to": 91}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 6, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 2, "label": "T"}, {"source": 15, "target": 9, "label": "L"}, {"source": 19, "target": 8, "label": "C"}, {"source": 20, "target": 12, "label": "A"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 20, "label": "H"}, {"source": 14, "target": 0, "label": "D"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 10, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 20, "target": 11, "label": "P"}, {"source": 19, "target": 7, "label": "E"}]} +{"id": "361316-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They came to my house in no time and started working on the gate.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 3, "label": "S"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "F"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 20, "label": "H"}, {"source": 17, "target": 18, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 19, "label": "T"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 17, "target": 2, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 9, "label": "D"}, {"source": 19, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 21, "target": 11, "label": "R"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 6, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "361316-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They were very friendly and were able to explain me exactly what was wrong with it.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "L"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 2, "label": "D"}, {"source": 21, "target": 10, "label": "E"}, {"source": 19, "target": 8, "label": "P"}, {"source": 23, "target": 14, "label": "R"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "D"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 5, "label": "F"}, {"source": 17, "target": 1, "label": "F"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 9, "label": "C"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 13, "label": "S"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "R"}, {"source": 17, "target": 3, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "F"}]} +{"id": "361316-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Once they fixed it they answetred all of my questions with no hesitations and then gave me the best quote ever.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 4, "label": "A"}, {"source": 23, "target": 2, "label": "P"}, {"source": 28, "target": 30, "label": "A"}, {"source": 22, "target": 14, "label": "L"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 5, "label": "P"}, {"source": 27, "target": 10, "label": "R"}, {"source": 27, "target": 11, "label": "E"}, {"source": 25, "target": 26, "label": "P"}, {"source": 22, "target": 28, "label": "H"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 8, "label": "A"}, {"source": 28, "target": 15, "label": "P"}, {"source": 23, "target": 3, "label": "A"}, {"source": 30, "target": 19, "label": "P"}, {"source": 29, "target": 18, "label": "C"}, {"source": 23, "target": 1, "label": "A"}, {"source": 25, "target": 6, "label": "D"}, {"source": 28, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "H"}, {"source": 29, "target": 17, "label": "F"}, {"source": 22, "target": 13, "label": "L"}, {"source": 30, "target": 21, "label": "U"}, {"source": 24, "target": 27, "label": "D"}, {"source": 30, "target": 29, "label": "D"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 20, "label": "T"}, {"source": 26, "target": 7, "label": "F"}, {"source": 26, "target": 9, "label": "C"}, {"source": 28, "target": 16, "label": "A"}]} +{"id": "361316-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I know that if my garage door needs to be repaired, I will be calling A CLASS Garage Doors", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}, {"from": 72, "to": 77}, {"from": 78, "to": 84}, {"from": 85, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 16, "label": "A"}, {"source": 23, "target": 12, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 23, "target": 15, "label": "P"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 4, "label": "S"}, {"source": 21, "target": 6, "label": "C"}, {"source": 19, "target": 3, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 10, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 7, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 1, "label": "S"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 11, "label": "U"}, {"source": 19, "target": 2, "label": "R"}]} +{"id": "361348-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "HORRIBLE!!!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "361348-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This has to be some of the worst pizza I have ever had the misfortune of ordering.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}, {"from": 55, "to": 58}, {"from": 59, "to": 69}, {"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 81}]}, {"id": 13, "anchors": [{"from": 81, "to": 82}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 3, "label": "Q"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 19, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 18, "label": "S"}, {"source": 15, "target": 1, "label": "D"}, {"source": 16, "target": 7, "label": "C"}, {"source": 19, "target": 10, "label": "T"}, {"source": 15, "target": 0, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "G"}, {"source": 16, "target": 4, "label": "R"}, {"source": 18, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "S"}, {"source": 19, "target": 12, "label": "P"}]} +{"id": "361348-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The crust was lopsided, thicker on one side than the other.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 13, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 5, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 7, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "L"}, {"source": 19, "target": 8, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 5, "label": "S"}, {"source": 19, "target": 12, "label": "U"}, {"source": 19, "target": 11, "label": "E"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "361348-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It actually had a hole in one of the slices.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 8, "label": "F"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "Q"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 2, "label": "S"}, {"source": 14, "target": 10, "label": "U"}]} +{"id": "361348-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "There was minimal cheese and sauce and it completely lacked flavor.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 2, "label": "D"}, {"source": 15, "target": 10, "label": "A"}, {"source": 12, "target": 0, "label": "S"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 8, "label": "D"}, {"source": 13, "target": 6, "label": "L"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 7, "label": "A"}, {"source": 14, "target": 4, "label": "N"}]} +{"id": "361348-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I know New York pizza and this is not it!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 5, "label": "A"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 8, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 7, "label": "D"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "E"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "S"}]} +{"id": "361348-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This was nothing like New York style pizza!!!.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 11, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "361348-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I love pizza and this was a complete and utter disappointment!!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "A"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 3, "label": "L"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 15, "label": "C"}, {"source": 16, "target": 8, "label": "N"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "F"}, {"source": 14, "target": 16, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 10, "label": "S"}]} +{"id": "361348-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I would not suggest this pizza to anyone!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 6, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "361545-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "One suspects that earlier reviewer works for another laundry.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 3, "label": "T"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 5, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "361545-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Outside of parking being at a premium, especially on discount days, The Laundry Tub is not filthy and it's no smaller than any of a dozen laundromats I've been in.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}, {"from": 72, "to": 79}, {"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 104}]}, {"id": 19, "anchors": [{"from": 104, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 151}]}, {"id": 29, "anchors": [{"from": 151, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 159}]}, {"id": 31, "anchors": [{"from": 160, "to": 162}]}, {"id": 32, "anchors": [{"from": 162, "to": 163}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 34, "target": 1, "label": "R"}, {"source": 41, "target": 24, "label": "R"}, {"source": 39, "target": 18, "label": "A"}, {"source": 37, "target": 9, "label": "R"}, {"source": 42, "target": 25, "label": "F"}, {"source": 33, "target": 37, "label": "H"}, {"source": 38, "target": 16, "label": "S"}, {"source": 43, "target": 28, "label": "A"}, {"source": 41, "target": 27, "label": "C"}, {"source": 37, "target": 11, "label": "T"}, {"source": 38, "target": 13, "label": "A"}, {"source": 34, "target": 3, "label": "F"}, {"source": 33, "target": 12, "label": "U"}, {"source": 39, "target": 19, "label": "F"}, {"source": 35, "target": 2, "label": "P"}, {"source": 33, "target": 40, "label": "H"}, {"source": 33, "target": 0, "label": "L"}, {"source": 38, "target": 15, "label": "D"}, {"source": 40, "target": 21, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 5, "label": "F"}, {"source": 37, "target": 10, "label": "S"}, {"source": 44, "target": 31, "label": "R"}, {"source": 33, "target": 17, "label": "L"}, {"source": 33, "target": 7, "label": "U"}, {"source": 34, "target": 4, "label": "F"}, {"source": 33, "target": 39, "label": "H"}, {"source": 33, "target": 22, "label": "L"}, {"source": 33, "target": 8, "label": "L"}, {"source": 33, "target": 34, "label": "H"}, {"source": 42, "target": 26, "label": "C"}, {"source": 36, "target": 6, "label": "C"}, {"source": 39, "target": 20, "label": "D"}, {"source": 44, "target": 32, "label": "U"}, {"source": 33, "target": 38, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 41, "target": 23, "label": "E"}, {"source": 41, "target": 43, "label": "E"}, {"source": 44, "target": 27, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 14, "label": "F"}, {"source": 43, "target": 29, "label": "F"}, {"source": 43, "target": 30, "label": "P"}, {"source": 39, "target": 21, "label": "S"}, {"source": 43, "target": 44, "label": "A"}, {"source": 41, "target": 42, "label": "Q"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 36, "label": "S"}]} +{"id": "361545-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes, there are bigger, but bigger isn't necessarily better.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 0, "label": "H"}, {"source": 16, "target": 10, "label": "D"}, {"source": 16, "target": 8, "label": "S"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 5, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 14, "target": 3, "label": "F"}, {"source": 17, "target": 11, "label": "S"}, {"source": 16, "target": 9, "label": "D"}, {"source": 13, "target": 16, "label": "H"}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "S"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "U"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "361545-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I availed myself of the wash 'n fold service, taking just about a year's worth of dirty clothes in and getting back neatly folded, clean clothes in clear plastic bags (I'd originally brought them in, in six large yellow garbage bags).", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}, {"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 129}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 168}]}, {"id": 33, "anchors": [{"from": 168, "to": 169}]}, {"id": 34, "anchors": [{"from": 169, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 182}]}, {"id": 36, "anchors": [{"from": 183, "to": 190}]}, {"id": 37, "anchors": [{"from": 191, "to": 195}]}, {"id": 38, "anchors": [{"from": 196, "to": 198}]}, {"id": 39, "anchors": [{"from": 198, "to": 199}]}, {"id": 40, "anchors": [{"from": 200, "to": 202}]}, {"id": 41, "anchors": [{"from": 203, "to": 206}]}, {"id": 42, "anchors": [{"from": 207, "to": 212}]}, {"id": 43, "anchors": [{"from": 213, "to": 219}]}, {"id": 44, "anchors": [{"from": 220, "to": 227}]}, {"id": 45, "anchors": [{"from": 228, "to": 232}]}, {"id": 46, "anchors": [{"from": 232, "to": 233}]}, {"id": 47, "anchors": [{"from": 233, "to": 234}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}], "edges": [{"source": 64, "target": 28, "label": "R"}, {"source": 58, "target": 18, "label": "C"}, {"source": 49, "target": 60, "label": "H"}, {"source": 56, "target": 55, "label": "E"}, {"source": 68, "target": 70, "label": "E"}, {"source": 48, "target": 0, "label": "A"}, {"source": 49, "target": 48, "label": "H"}, {"source": 58, "target": 16, "label": "R"}, {"source": 64, "target": 30, "label": "E"}, {"source": 57, "target": 15, "label": "C"}, {"source": 58, "target": 57, "label": "Q"}, {"source": 70, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 51, "label": "P"}, {"source": 49, "target": 53, "label": "H"}, {"source": 54, "target": 9, "label": "C"}, {"source": 62, "target": 61, "label": "E"}, {"source": 68, "target": 47, "label": "U"}, {"source": 69, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 8, "label": "U"}, {"source": 65, "target": 29, "label": "S"}, {"source": 59, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 50, "label": "A"}, {"source": 68, "target": 69, "label": "E"}, {"source": 58, "target": 59, "label": "E"}, {"source": 62, "target": 64, "label": "E"}, {"source": 49, "target": 66, "label": "H"}, {"source": 55, "target": 11, "label": "C"}, {"source": 53, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 5, "label": "N"}, {"source": 51, "target": 7, "label": "C"}, {"source": 62, "target": 63, "label": "E"}, {"source": 64, "target": 65, "label": "E"}, {"source": 65, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 56, "label": "E"}, {"source": 64, "target": 31, "label": "C"}, {"source": 66, "target": 68, "label": "A"}, {"source": 50, "target": 2, "label": "R"}, {"source": 62, "target": 27, "label": "C"}, {"source": 61, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 66, "target": 39, "label": "U"}, {"source": 52, "target": 6, "label": "C"}, {"source": 68, "target": 41, "label": "Q"}, {"source": 62, "target": 25, "label": "U"}, {"source": 56, "target": 14, "label": "R"}, {"source": 66, "target": 35, "label": "T"}, {"source": 68, "target": 45, "label": "C"}, {"source": 49, "target": 20, "label": "L"}, {"source": 53, "target": 58, "label": "A"}, {"source": 51, "target": 3, "label": "F"}, {"source": 69, "target": 42, "label": "S"}, {"source": 66, "target": 33, "label": "A"}, {"source": 61, "target": 24, "label": "P"}, {"source": 67, "target": 38, "label": "F"}, {"source": 56, "target": 12, "label": "F"}, {"source": 68, "target": 44, "label": "E"}, {"source": 59, "target": 17, "label": "S"}, {"source": 53, "target": 54, "label": "P"}, {"source": 61, "target": 23, "label": "D"}, {"source": 60, "target": 21, "label": "P"}, {"source": 68, "target": 46, "label": "U"}, {"source": 52, "target": 4, "label": "C"}, {"source": 67, "target": 36, "label": "C"}, {"source": 60, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 66, "target": 34, "label": "F"}, {"source": 48, "target": 1, "label": "P"}, {"source": 55, "target": 10, "label": "E"}, {"source": 56, "target": 13, "label": "C"}, {"source": 60, "target": 22, "label": "D"}, {"source": 60, "target": 62, "label": "A"}, {"source": 49, "target": 32, "label": "U"}, {"source": 63, "target": 26, "label": "S"}, {"source": 50, "target": 52, "label": "D"}, {"source": 66, "target": 67, "label": "P"}, {"source": 66, "target": 37, "label": "A"}, {"source": 70, "target": 43, "label": "S"}, {"source": 54, "target": 19, "label": "F"}, {"source": 68, "target": 40, "label": "R"}, {"source": 63, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "361545-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The cost was certainly reasonable and I will continue my patronage of The Laundry Tub in the future.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}, {"from": 74, "to": 81}, {"from": 82, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 99}]}, {"id": 16, "anchors": [{"from": 99, "to": 100}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 17, "target": 1, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 20, "target": 8, "label": "D"}, {"source": 20, "target": 9, "label": "A"}, {"source": 17, "target": 0, "label": "F"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 4, "label": "S"}, {"source": 20, "target": 6, "label": "A"}, {"source": 20, "target": 22, "label": "T"}, {"source": 18, "target": 17, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 5, "label": "L"}, {"source": 21, "target": 11, "label": "R"}, {"source": 20, "target": 7, "label": "F"}, {"source": 22, "target": 14, "label": "F"}, {"source": 20, "target": 10, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "361545-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Didn't hurt any that they knew my name by my second visit and greeted me warmly then and on my third visit.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 9, "label": "R"}, {"source": 30, "target": 16, "label": "D"}, {"source": 29, "target": 10, "label": "A"}, {"source": 32, "target": 22, "label": "P"}, {"source": 28, "target": 8, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 3, "label": "A"}, {"source": 31, "target": 17, "label": "H"}, {"source": 31, "target": 18, "label": "L"}, {"source": 31, "target": 19, "label": "L"}, {"source": 30, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "H"}, {"source": 26, "target": 4, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 21, "label": "D"}, {"source": 25, "target": 2, "label": "P"}, {"source": 26, "target": 30, "label": "H"}, {"source": 32, "target": 20, "label": "A"}, {"source": 27, "target": 5, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 13, "label": "L"}, {"source": 29, "target": 11, "label": "D"}, {"source": 25, "target": 0, "label": "F"}, {"source": 25, "target": 1, "label": "D"}, {"source": 29, "target": 12, "label": "P"}, {"source": 32, "target": 23, "label": "U"}, {"source": 26, "target": 27, "label": "H"}, {"source": 30, "target": 14, "label": "P"}, {"source": 28, "target": 7, "label": "E"}, {"source": 27, "target": 6, "label": "S"}, {"source": 30, "target": 15, "label": "A"}]} +{"id": "361545-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Whereas my answer to the question \"Where do you get your laundry done?\" used to be, \"At the checkout line at WalMart,\" I can honestly say the answer now is, \"At The Laundry Tub.\"", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 82, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 85}]}, {"id": 21, "anchors": [{"from": 85, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 108}]}, {"id": 26, "anchors": [{"from": 109, "to": 116}]}, {"id": 27, "anchors": [{"from": 116, "to": 117}]}, {"id": 28, "anchors": [{"from": 117, "to": 118}]}, {"id": 29, "anchors": [{"from": 119, "to": 120}]}, {"id": 30, "anchors": [{"from": 121, "to": 124}]}, {"id": 31, "anchors": [{"from": 125, "to": 133}]}, {"id": 32, "anchors": [{"from": 134, "to": 137}]}, {"id": 33, "anchors": [{"from": 138, "to": 141}]}, {"id": 34, "anchors": [{"from": 142, "to": 148}]}, {"id": 35, "anchors": [{"from": 149, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 155}]}, {"id": 37, "anchors": [{"from": 155, "to": 156}]}, {"id": 38, "anchors": [{"from": 157, "to": 158}]}, {"id": 39, "anchors": [{"from": 158, "to": 160}]}, {"id": 40, "anchors": [{"from": 161, "to": 164}, {"from": 165, "to": 172}, {"from": 173, "to": 176}]}, {"id": 41, "anchors": [{"from": 176, "to": 177}]}, {"id": 42, "anchors": [{"from": 177, "to": 178}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 43, "target": 27, "label": "U"}, {"source": 45, "target": 4, "label": "F"}, {"source": 48, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 17, "label": "F"}, {"source": 46, "target": 45, "label": "S"}, {"source": 54, "target": 53, "label": "S"}, {"source": 47, "target": 49, "label": "A"}, {"source": 54, "target": 38, "label": "U"}, {"source": 52, "target": 30, "label": "F"}, {"source": 50, "target": 22, "label": "F"}, {"source": 54, "target": 36, "label": "F"}, {"source": 51, "target": 25, "label": "R"}, {"source": 55, "target": 40, "label": "C"}, {"source": 43, "target": 15, "label": "U"}, {"source": 43, "target": 46, "label": "H"}, {"source": 52, "target": 29, "label": "A"}, {"source": 53, "target": 34, "label": "C"}, {"source": 47, "target": 7, "label": "A"}, {"source": 44, "target": 1, "label": "A"}, {"source": 43, "target": 14, "label": "U"}, {"source": 52, "target": 31, "label": "D"}, {"source": 53, "target": 33, "label": "F"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 52, "label": "H"}, {"source": 43, "target": 0, "label": "L"}, {"source": 52, "target": 32, "label": "P"}, {"source": 45, "target": 5, "label": "C"}, {"source": 47, "target": 10, "label": "D"}, {"source": 44, "target": 20, "label": "U"}, {"source": 51, "target": 26, "label": "C"}, {"source": 50, "target": 23, "label": "E"}, {"source": 47, "target": 13, "label": "P"}, {"source": 49, "target": 12, "label": "C"}, {"source": 44, "target": 16, "label": "T"}, {"source": 52, "target": 54, "label": "A"}, {"source": 55, "target": 39, "label": "R"}, {"source": 46, "target": 6, "label": "U"}, {"source": 54, "target": 37, "label": "U"}, {"source": 47, "target": 9, "label": "A"}, {"source": 54, "target": 55, "label": "A"}, {"source": 52, "target": 35, "label": "T"}, {"source": 44, "target": 19, "label": "U"}, {"source": 44, "target": 18, "label": "F"}, {"source": 43, "target": 44, "label": "H"}, {"source": 55, "target": 42, "label": "U"}, {"source": 47, "target": 8, "label": "F"}, {"source": 50, "target": 51, "label": "E"}, {"source": 50, "target": 21, "label": "R"}, {"source": 44, "target": 2, "label": "P"}, {"source": 55, "target": 41, "label": "U"}, {"source": 50, "target": 24, "label": "C"}, {"source": 43, "target": 28, "label": "U"}, {"source": 43, "target": 3, "label": "L"}, {"source": 49, "target": 48, "label": "E"}, {"source": 44, "target": 50, "label": "A"}, {"source": 48, "target": 11, "label": "S"}]} +{"id": "362073-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great food and nice people very pleasant experience.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "L"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 13, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 13, "target": 12, "label": "D"}, {"source": 11, "target": 3, "label": "S"}, {"source": 9, "target": 0, "label": "S"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "363234-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent Tattoo Shop", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "363234-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I recently got a tattoo done at Aztec and I could not be happier.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 2, "label": "D"}, {"source": 15, "target": 5, "label": "P"}, {"source": 19, "target": 13, "label": "S"}, {"source": 16, "target": 8, "label": "L"}, {"source": 18, "target": 6, "label": "R"}, {"source": 19, "target": 9, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 11, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 15, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "T"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "F"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "363234-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It came out better than I even imagined.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "D"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 11, "label": "P"}, {"source": 10, "target": 4, "label": "L"}, {"source": 12, "target": 6, "label": "D"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}]} +{"id": "363234-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The shop was great, the service was excellent and the employees were fun guys.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 21, "label": "S"}, {"source": 18, "target": 22, "label": "H"}, {"source": 16, "target": 0, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 16, "target": 1, "label": "C"}, {"source": 20, "target": 8, "label": "D"}, {"source": 17, "target": 16, "label": "A"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 9, "label": "L"}, {"source": 18, "target": 20, "label": "H"}, {"source": 19, "target": 5, "label": "F"}, {"source": 20, "target": 19, "label": "P"}, {"source": 22, "target": 14, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 3, "label": "S"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 7, "label": "F"}, {"source": 22, "target": 12, "label": "F"}, {"source": 21, "target": 10, "label": "F"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "363234-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I would highly recommend this shop to anyone looking to get a quality tattoo done.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 7, "label": "A"}, {"source": 17, "target": 1, "label": "D"}, {"source": 17, "target": 2, "label": "D"}, {"source": 21, "target": 12, "label": "S"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 6, "label": "R"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 14, "label": "P"}, {"source": 19, "target": 15, "label": "U"}, {"source": 21, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 3, "label": "P"}, {"source": 18, "target": 4, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 11, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "363428-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pam the Pom", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}, {"from": 8, "to": 11}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "363428-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic couple of days.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 7, "label": "P"}, {"source": 6, "target": 1, "label": "D"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "363428-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Breathtaking views and fabulous accommodation.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 45}]}, {"id": 5, "anchors": [{"from": 45, "to": 46}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "P"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "363428-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nothing too much trouble for Ian, thanks for a great stay.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 7, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "D"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 13, "target": 15, "label": "D"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 1, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "P"}, {"source": 13, "target": 16, "label": "A"}]} +{"id": "363482-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The food is excellent, but very overpriced.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "S"}, {"source": 9, "target": 0, "label": "F"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 6, "label": "D"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "S"}, {"source": 11, "target": 4, "label": "U"}]} +{"id": "363482-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "How do you run a cafe, with no refills on coffee-?", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 49, "to": 50}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 8, "label": "D"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 11, "label": "C"}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 2, "label": "A"}, {"source": 17, "target": 9, "label": "P"}, {"source": 15, "target": 6, "label": "U"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 13, "label": "U"}]} +{"id": "363633-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Favorite Restaurant", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "363633-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Best yellow curry that I have ever tasted.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 1, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "T"}, {"source": 12, "target": 5, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 3, "label": "R"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "S"}]} +{"id": "363633-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Staff is super friendly and very attentive.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 12, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 10, "label": "C"}, {"source": 9, "target": 11, "label": "D"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "S"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 4, "label": "N"}, {"source": 12, "target": 7, "label": "U"}]} +{"id": "363633-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Price is also very reasonable.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "363685-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lots of rules, phantom innkeeper, last minute price was worth it.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 3, "label": "U"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 18, "target": 11, "label": "S"}, {"source": 18, "target": 12, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 17, "label": "T"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 0, "label": "D"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 10, "label": "F"}, {"source": 16, "target": 5, "label": "S"}, {"source": 15, "target": 6, "label": "U"}, {"source": 16, "target": 4, "label": "D"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "363685-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I called the \"207\" number and listened to the same recording loop 3 times before I gave up.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}, {"from": 88, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 5, "label": "U"}, {"source": 27, "target": 19, "label": "U"}, {"source": 27, "target": 17, "label": "A"}, {"source": 22, "target": 2, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 10, "label": "F"}, {"source": 27, "target": 18, "label": "P"}, {"source": 20, "target": 1, "label": "P"}, {"source": 26, "target": 14, "label": "Q"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 26, "label": "D"}, {"source": 21, "target": 27, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 4, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 3, "label": "U"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 16, "label": "L"}, {"source": 22, "target": 6, "label": "C"}, {"source": 26, "target": 15, "label": "C"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "363685-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I then called the 800 number (which was answered) and inquired about last minute rates.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "U"}, {"source": 19, "target": 7, "label": "L"}, {"source": 19, "target": 11, "label": "L"}, {"source": 23, "target": 13, "label": "R"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 12, "label": "P"}, {"source": 20, "target": 4, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 9, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "H"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "P"}, {"source": 23, "target": 16, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 1, "label": "L"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 6, "label": "U"}]} +{"id": "363685-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They had a room with a $99 rate, which I booked.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 47}]}, {"id": 13, "anchors": [{"from": 47, "to": 48}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 3, "label": "C"}, {"source": 15, "target": 10, "label": "L"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 19, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 7, "label": "Q"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 19, "target": 11, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 12, "label": "P"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "363685-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The room was supposed to be on the 2nd floor, but they put us on the 3rd.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "A"}, {"source": 20, "target": 6, "label": "S"}, {"source": 24, "target": 17, "label": "Q"}, {"source": 21, "target": 10, "label": "U"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 7, "label": "F"}, {"source": 24, "target": 9, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "Q"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 24, "target": 15, "label": "R"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 0, "label": "F"}, {"source": 20, "target": 5, "label": "F"}, {"source": 20, "target": 19, "label": "A"}, {"source": 20, "target": 3, "label": "D"}, {"source": 19, "target": 1, "label": "C"}, {"source": 24, "target": 16, "label": "F"}]} +{"id": "363685-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The email confirmation (which I read in the car) warned about large suitcases, declaring that we are innkeepers, not longshoreman.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 111}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 14, "label": "C"}, {"source": 31, "target": 13, "label": "E"}, {"source": 30, "target": 8, "label": "F"}, {"source": 29, "target": 6, "label": "P"}, {"source": 35, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 33, "label": "A"}, {"source": 25, "target": 26, "label": "P"}, {"source": 32, "target": 16, "label": "P"}, {"source": 32, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 35, "label": "H"}, {"source": 34, "target": 18, "label": "A"}, {"source": 27, "target": 11, "label": "P"}, {"source": 33, "target": 17, "label": "L"}, {"source": 28, "target": 10, "label": "U"}, {"source": 35, "target": 22, "label": "D"}, {"source": 25, "target": 1, "label": "A"}, {"source": 33, "target": 21, "label": "U"}, {"source": 28, "target": 4, "label": "L"}, {"source": 26, "target": 0, "label": "F"}, {"source": 34, "target": 20, "label": "S"}, {"source": 26, "target": 2, "label": "C"}, {"source": 33, "target": 34, "label": "H"}, {"source": 35, "target": 23, "label": "S"}, {"source": 31, "target": 12, "label": "R"}, {"source": 27, "target": 31, "label": "A"}, {"source": 28, "target": 15, "label": "U"}, {"source": 30, "target": 9, "label": "C"}, {"source": 35, "target": 24, "label": "U"}, {"source": 34, "target": 19, "label": "F"}, {"source": 28, "target": 3, "label": "U"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 27, "target": 25, "label": "A"}, {"source": 30, "target": 7, "label": "R"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 5, "label": "A"}]} +{"id": "363685-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "In other words, they do not help with suitcases, but they promise totes to help.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 8}, {"from": 9, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 4, "label": "D"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 0, "label": "L"}, {"source": 17, "target": 5, "label": "P"}, {"source": 16, "target": 8, "label": "U"}, {"source": 19, "target": 12, "label": "D"}, {"source": 20, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 2, "label": "A"}, {"source": 20, "target": 13, "label": "R"}, {"source": 16, "target": 9, "label": "L"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 3, "label": "F"}, {"source": 20, "target": 14, "label": "P"}]} +{"id": "363685-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "However upon our arrival no one there (the inn was open).", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 2, "label": "A"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 8, "label": "F"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 1, "label": "L"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 11, "label": "S"}, {"source": 14, "target": 7, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "F"}, {"source": 14, "target": 19, "label": "H"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "P"}, {"source": 16, "target": 4, "label": "Q"}]} +{"id": "363685-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "So no totes.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}]} +{"id": "363685-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Finally a chambermaid stuck her head around the corner from the top of the stairs and told us sternly that we could not be accommodated until 3M, no exceptions.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 143}]}, {"id": 27, "anchors": [{"from": 143, "to": 144}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 148}]}, {"id": 30, "anchors": [{"from": 149, "to": 159}]}, {"id": 31, "anchors": [{"from": 159, "to": 160}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 2, "label": "C"}, {"source": 32, "target": 35, "label": "H"}, {"source": 44, "target": 30, "label": "P"}, {"source": 42, "target": 21, "label": "D"}, {"source": 33, "target": 34, "label": "P"}, {"source": 36, "target": 4, "label": "E"}, {"source": 43, "target": 27, "label": "C"}, {"source": 40, "target": 10, "label": "F"}, {"source": 35, "target": 38, "label": "A"}, {"source": 32, "target": 28, "label": "U"}, {"source": 41, "target": 16, "label": "P"}, {"source": 40, "target": 11, "label": "C"}, {"source": 37, "target": 7, "label": "F"}, {"source": 44, "target": 31, "label": "U"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 19, "label": "R"}, {"source": 41, "target": 18, "label": "D"}, {"source": 32, "target": 41, "label": "H"}, {"source": 43, "target": 25, "label": "R"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 39, "target": 13, "label": "F"}, {"source": 42, "target": 20, "label": "A"}, {"source": 43, "target": 26, "label": "Q"}, {"source": 37, "target": 8, "label": "C"}, {"source": 34, "target": 1, "label": "F"}, {"source": 32, "target": 15, "label": "L"}, {"source": 35, "target": 33, "label": "A"}, {"source": 42, "target": 43, "label": "T"}, {"source": 38, "target": 39, "label": "C"}, {"source": 41, "target": 17, "label": "A"}, {"source": 41, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 44, "label": "H"}, {"source": 42, "target": 22, "label": "D"}, {"source": 32, "target": 0, "label": "L"}, {"source": 39, "target": 14, "label": "C"}, {"source": 39, "target": 12, "label": "R"}, {"source": 37, "target": 6, "label": "R"}, {"source": 42, "target": 24, "label": "P"}, {"source": 38, "target": 37, "label": "C"}, {"source": 35, "target": 3, "label": "S"}, {"source": 44, "target": 29, "label": "D"}, {"source": 39, "target": 9, "label": "R"}, {"source": 42, "target": 23, "label": "F"}, {"source": 36, "target": 5, "label": "C"}]} +{"id": "363685-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then she was gone.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "F"}]} +{"id": "363685-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We returned after 3PM, found no one there, and a note from the innkeeper with directions to our room.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 21, "label": "C"}, {"source": 31, "target": 17, "label": "F"}, {"source": 29, "target": 11, "label": "L"}, {"source": 33, "target": 16, "label": "C"}, {"source": 24, "target": 5, "label": "U"}, {"source": 27, "target": 7, "label": "Q"}, {"source": 34, "target": 35, "label": "E"}, {"source": 24, "target": 26, "label": "H"}, {"source": 32, "target": 14, "label": "R"}, {"source": 23, "target": 25, "label": "T"}, {"source": 33, "target": 15, "label": "F"}, {"source": 26, "target": 6, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 23, "target": 1, "label": "P"}, {"source": 35, "target": 20, "label": "S"}, {"source": 34, "target": 22, "label": "U"}, {"source": 30, "target": 12, "label": "F"}, {"source": 31, "target": 30, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 26, "target": 29, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 31, "target": 34, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 10, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 32, "label": "E"}, {"source": 25, "target": 3, "label": "Q"}, {"source": 28, "target": 9, "label": "A"}, {"source": 27, "target": 8, "label": "C"}, {"source": 34, "target": 19, "label": "R"}, {"source": 29, "target": 31, "label": "H"}, {"source": 35, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "P"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 2, "label": "R"}]} +{"id": "363685-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Rules in the room: #1) if you drink the soda from the fridge in your room you must prove it by leaving the can in the trash.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "anchors": [{"from": 21, "to": 22}]}, {"id": 8, "anchors": [{"from": 23, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 29}]}, {"id": 10, "anchors": [{"from": 30, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}]}, {"id": 21, "anchors": [{"from": 83, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 94}]}, {"id": 24, "anchors": [{"from": 95, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 110}]}, {"id": 27, "anchors": [{"from": 111, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 117}]}, {"id": 29, "anchors": [{"from": 118, "to": 123}]}, {"id": 30, "anchors": [{"from": 123, "to": 124}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 38, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 5, "label": "U"}, {"source": 41, "target": 26, "label": "C"}, {"source": 32, "target": 7, "label": "U"}, {"source": 42, "target": 28, "label": "F"}, {"source": 36, "target": 37, "label": "E"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 0, "label": "S"}, {"source": 40, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 24, "label": "P"}, {"source": 42, "target": 30, "label": "U"}, {"source": 33, "target": 1, "label": "R"}, {"source": 32, "target": 34, "label": "H"}, {"source": 36, "target": 13, "label": "R"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 39, "label": "H"}, {"source": 34, "target": 10, "label": "P"}, {"source": 33, "target": 3, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 37, "target": 18, "label": "C"}, {"source": 32, "target": 6, "label": "L"}, {"source": 35, "target": 12, "label": "C"}, {"source": 36, "target": 15, "label": "C"}, {"source": 40, "target": 42, "label": "A"}, {"source": 32, "target": 4, "label": "U"}, {"source": 39, "target": 19, "label": "A"}, {"source": 35, "target": 11, "label": "F"}, {"source": 42, "target": 27, "label": "R"}, {"source": 36, "target": 14, "label": "F"}, {"source": 32, "target": 40, "label": "H"}, {"source": 39, "target": 20, "label": "D"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 16, "label": "R"}, {"source": 33, "target": 2, "label": "F"}, {"source": 42, "target": 29, "label": "C"}, {"source": 34, "target": 9, "label": "A"}, {"source": 39, "target": 21, "label": "P"}, {"source": 32, "target": 23, "label": "L"}, {"source": 35, "target": 36, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 38, "target": 17, "label": "S"}, {"source": 39, "target": 22, "label": "A"}, {"source": 32, "target": 8, "label": "L"}, {"source": 41, "target": 25, "label": "F"}]} +{"id": "363685-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If they think you've taken a soda from your room home with you, they will charge you $1.50 per can.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 98, "to": 99}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 15, "label": "A"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 23, "label": "U"}, {"source": 28, "target": 29, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 26, "target": 30, "label": "A"}, {"source": 30, "target": 12, "label": "R"}, {"source": 33, "target": 21, "label": "R"}, {"source": 32, "target": 19, "label": "C"}, {"source": 31, "target": 17, "label": "P"}, {"source": 27, "target": 7, "label": "C"}, {"source": 24, "target": 14, "label": "U"}, {"source": 31, "target": 33, "label": "A"}, {"source": 29, "target": 9, "label": "S"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 8, "label": "R"}, {"source": 25, "target": 2, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 24, "target": 31, "label": "H"}, {"source": 25, "target": 1, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 26, "target": 11, "label": "A"}, {"source": 33, "target": 22, "label": "C"}, {"source": 26, "target": 5, "label": "P"}, {"source": 31, "target": 18, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 10, "label": "C"}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 6, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 0, "label": "L"}, {"source": 31, "target": 16, "label": "F"}, {"source": 32, "target": 20, "label": "Q"}]} +{"id": "363685-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They count the cans in the trash to make sure.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "F"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 14, "label": "H"}, {"source": 10, "target": 12, "label": "A"}, {"source": 14, "target": 8, "label": "P"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 7, "label": "L"}]} +{"id": "363685-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "#2) If you take the shampoo products home, they will charge you $8 per item.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 2, "to": 3}]}, {"id": 3, "anchors": [{"from": 4, "to": 6}]}, {"id": 4, "anchors": [{"from": 7, "to": 10}]}, {"id": 5, "anchors": [{"from": 11, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 75}]}, {"id": 19, "anchors": [{"from": 75, "to": 76}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 10, "label": "U"}, {"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 20, "target": 1, "label": "L"}, {"source": 21, "target": 4, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 24, "target": 16, "label": "Q"}, {"source": 23, "target": 13, "label": "P"}, {"source": 25, "target": 19, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 9, "label": "A"}, {"source": 20, "target": 2, "label": "U"}, {"source": 25, "target": 18, "label": "C"}, {"source": 20, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 23, "target": 14, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 6, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 0, "label": "U"}, {"source": 23, "target": 11, "label": "A"}, {"source": 25, "target": 17, "label": "R"}]} +{"id": "363685-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "#) If you want a late checkout, (after 11 AM) they charge you $15 for the first hour, $25 for the second hour, and after 2PM it's a full day charge.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 33}]}, {"id": 10, "anchors": [{"from": 33, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 44}]}, {"id": 13, "anchors": [{"from": 44, "to": 45}]}, {"id": 14, "anchors": [{"from": 46, "to": 50}]}, {"id": 15, "anchors": [{"from": 51, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 61}]}, {"id": 17, "anchors": [{"from": 62, "to": 63}]}, {"id": 18, "anchors": [{"from": 63, "to": 65}]}, {"id": 19, "anchors": [{"from": 66, "to": 69}]}, {"id": 20, "anchors": [{"from": 70, "to": 73}]}, {"id": 21, "anchors": [{"from": 74, "to": 79}]}, {"id": 22, "anchors": [{"from": 80, "to": 84}]}, {"id": 23, "anchors": [{"from": 84, "to": 85}]}, {"id": 24, "anchors": [{"from": 86, "to": 87}]}, {"id": 25, "anchors": [{"from": 87, "to": 89}]}, {"id": 26, "anchors": [{"from": 90, "to": 93}]}, {"id": 27, "anchors": [{"from": 94, "to": 97}]}, {"id": 28, "anchors": [{"from": 98, "to": 104}]}, {"id": 29, "anchors": [{"from": 105, "to": 109}]}, {"id": 30, "anchors": [{"from": 109, "to": 110}]}, {"id": 31, "anchors": [{"from": 111, "to": 114}]}, {"id": 32, "anchors": [{"from": 115, "to": 120}]}, {"id": 33, "anchors": [{"from": 121, "to": 122}]}, {"id": 34, "anchors": [{"from": 122, "to": 124}]}, {"id": 35, "anchors": [{"from": 125, "to": 127}]}, {"id": 36, "anchors": [{"from": 127, "to": 129}]}, {"id": 37, "anchors": [{"from": 130, "to": 131}]}, {"id": 38, "anchors": [{"from": 132, "to": 136}]}, {"id": 39, "anchors": [{"from": 137, "to": 140}]}, {"id": 40, "anchors": [{"from": 141, "to": 147}]}, {"id": 41, "anchors": [{"from": 147, "to": 148}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 42, "target": 0, "label": "U"}, {"source": 51, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 51, "label": "H"}, {"source": 45, "target": 9, "label": "U"}, {"source": 54, "target": 53, "label": "T"}, {"source": 46, "target": 11, "label": "Q"}, {"source": 42, "target": 47, "label": "H"}, {"source": 47, "target": 49, "label": "A"}, {"source": 43, "target": 4, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 54, "target": 40, "label": "P"}, {"source": 54, "target": 36, "label": "F"}, {"source": 46, "target": 12, "label": "C"}, {"source": 53, "target": 34, "label": "C"}, {"source": 46, "target": 10, "label": "R"}, {"source": 54, "target": 55, "label": "T"}, {"source": 52, "target": 27, "label": "F"}, {"source": 42, "target": 30, "label": "U"}, {"source": 49, "target": 21, "label": "Q"}, {"source": 53, "target": 33, "label": "Q"}, {"source": 42, "target": 1, "label": "U"}, {"source": 47, "target": 16, "label": "A"}, {"source": 45, "target": 8, "label": "U"}, {"source": 49, "target": 19, "label": "R"}, {"source": 45, "target": 46, "label": "T"}, {"source": 42, "target": 13, "label": "U"}, {"source": 55, "target": 37, "label": "F"}, {"source": 54, "target": 35, "label": "F"}, {"source": 48, "target": 18, "label": "Q"}, {"source": 53, "target": 32, "label": "R"}, {"source": 50, "target": 25, "label": "Q"}, {"source": 55, "target": 39, "label": "C"}, {"source": 42, "target": 43, "label": "H"}, {"source": 42, "target": 2, "label": "L"}, {"source": 54, "target": 41, "label": "U"}, {"source": 52, "target": 26, "label": "R"}, {"source": 51, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 28, "label": "Q"}, {"source": 44, "target": 7, "label": "C"}, {"source": 42, "target": 23, "label": "U"}, {"source": 47, "target": 14, "label": "A"}, {"source": 49, "target": 22, "label": "C"}, {"source": 51, "target": 15, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 54, "label": "H"}, {"source": 43, "target": 3, "label": "A"}, {"source": 48, "target": 17, "label": "C"}, {"source": 43, "target": 45, "label": "A"}, {"source": 45, "target": 44, "label": "P"}, {"source": 47, "target": 15, "label": "P"}, {"source": 51, "target": 52, "label": "A"}, {"source": 42, "target": 31, "label": "L"}, {"source": 55, "target": 38, "label": "Q"}, {"source": 44, "target": 5, "label": "F"}, {"source": 50, "target": 24, "label": "C"}, {"source": 49, "target": 20, "label": "F"}, {"source": 51, "target": 50, "label": "A"}, {"source": 52, "target": 29, "label": "C"}, {"source": 45, "target": 6, "label": "T"}]} +{"id": "363685-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "#4) Breakfast is 8AM to 10AM.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 2, "to": 3}]}, {"id": 3, "anchors": [{"from": 4, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 26}]}, {"id": 9, "anchors": [{"from": 26, "to": 28}]}, {"id": 10, "anchors": [{"from": 28, "to": 29}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "U"}, {"source": 11, "target": 1, "label": "L"}, {"source": 14, "target": 15, "label": "C"}, {"source": 12, "target": 14, "label": "T"}, {"source": 13, "target": 5, "label": "Q"}, {"source": 14, "target": 13, "label": "C"}, {"source": 12, "target": 4, "label": "F"}, {"source": 14, "target": 7, "label": "N"}, {"source": 15, "target": 8, "label": "Q"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "U"}, {"source": 12, "target": 3, "label": "P"}]} +{"id": "363685-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No earlier and no later.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "T"}, {"source": 6, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "T"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 2, "label": "L"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "363685-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you go later, it's all cleaned up.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 33}, {"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "U"}, {"source": 12, "target": 8, "label": "P"}, {"source": 11, "target": 1, "label": "A"}, {"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 7, "label": "D"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 3, "label": "T"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 9, "label": "U"}]} +{"id": "363685-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "(By whom, I don't know.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 14}]}, {"id": 6, "anchors": [{"from": 14, "to": 17}]}, {"id": 7, "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "anchors": [{"from": 22, "to": 23}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 0, "label": "U"}, {"source": 10, "target": 3, "label": "U"}, {"source": 11, "target": 1, "label": "R"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 7, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "363685-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I never saw anyone there.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 7, "target": 1, "label": "T"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "A"}]} +{"id": "363685-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "All these rules are posted in the rooms.)", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 0, "label": "Q"}, {"source": 10, "target": 1, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "F"}]} +{"id": "363685-0024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Snacks: uninspired bread, tea backs, and individual coffee things for a machine that didn't exist.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 10, "label": "E"}, {"source": 21, "target": 1, "label": "U"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 21, "target": 0, "label": "S"}, {"source": 27, "target": 18, "label": "S"}, {"source": 24, "target": 7, "label": "U"}, {"source": 23, "target": 3, "label": "C"}, {"source": 27, "target": 12, "label": "R"}, {"source": 24, "target": 23, "label": "C"}, {"source": 28, "target": 14, "label": "C"}, {"source": 24, "target": 8, "label": "N"}, {"source": 28, "target": 13, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 4, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 27, "target": 16, "label": "F"}, {"source": 27, "target": 17, "label": "D"}, {"source": 25, "target": 5, "label": "C"}, {"source": 27, "target": 15, "label": "F"}, {"source": 26, "target": 11, "label": "C"}, {"source": 24, "target": 26, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 22, "target": 2, "label": "S"}]} +{"id": "363685-0025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I put the coffee thing in hot water and settled for a cup of weak coffee.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "L"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 9, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 24, "target": 15, "label": "C"}, {"source": 25, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 6, "label": "S"}, {"source": 19, "target": 4, "label": "C"}, {"source": 25, "target": 14, "label": "S"}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "363685-0026", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No wine glasses.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "E"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "363685-0027", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Room was clean, but had a weird, dated, sink/stove combo that didn't work.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 44}]}, {"id": 12, "anchors": [{"from": 44, "to": 45}]}, {"id": 13, "anchors": [{"from": 45, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 65}]}, {"id": 17, "anchors": [{"from": 65, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 73}]}, {"id": 19, "anchors": [{"from": 73, "to": 74}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 2, "label": "S"}, {"source": 21, "target": 22, "label": "H"}, {"source": 25, "target": 19, "label": "U"}, {"source": 23, "target": 25, "label": "E"}, {"source": 25, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "F"}, {"source": 25, "target": 17, "label": "D"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 12, "label": "U"}, {"source": 23, "target": 8, "label": "U"}, {"source": 22, "target": 5, "label": "S"}, {"source": 24, "target": 11, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 23, "target": 24, "label": "C"}, {"source": 23, "target": 6, "label": "F"}, {"source": 21, "target": 3, "label": "U"}, {"source": 23, "target": 7, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 4, "label": "L"}, {"source": 23, "target": 14, "label": "E"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 18, "label": "P"}, {"source": 23, "target": 10, "label": "U"}, {"source": 23, "target": 9, "label": "E"}]} +{"id": "363685-0028", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Bath was clean except shower stall which had mildew problems.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 8, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 3, "label": "L"}, {"source": 13, "target": 3, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 15, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 6, "label": "L"}]} +{"id": "363685-0029", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No tub.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "363685-0030", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Inn touts a shower with dual shower heads, but only one worked.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 6, "label": "Q"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 15, "target": 0, "label": "F"}, {"source": 17, "target": 9, "label": "U"}, {"source": 17, "target": 10, "label": "L"}, {"source": 20, "target": 11, "label": "Q"}, {"source": 20, "target": 8, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 7, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 21, "label": "H"}, {"source": 20, "target": 12, "label": "Q"}, {"source": 16, "target": 15, "label": "A"}]} +{"id": "363685-0031", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't get the rooms off the two kitchens.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "Q"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "363685-0032", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They are RIGHT OFF the kitchen so you hear everything.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 9, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 7, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "S"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 6, "label": "L"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "363685-0033", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Free parking.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "363685-0034", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'd go back if I could get the last minute rate again of $99, but I wouldn't pay their rack rate.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 60, "to": 61}]}, {"id": 17, "anchors": [{"from": 62, "to": 65}]}, {"id": 18, "anchors": [{"from": 66, "to": 67}]}, {"id": 19, "anchors": [{"from": 68, "to": 73}]}, {"id": 20, "anchors": [{"from": 73, "to": 76}]}, {"id": 21, "anchors": [{"from": 77, "to": 80}]}, {"id": 22, "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "anchors": [{"from": 87, "to": 91}]}, {"id": 24, "anchors": [{"from": 92, "to": 96}]}, {"id": 25, "anchors": [{"from": 96, "to": 97}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 27, "target": 17, "label": "L"}, {"source": 31, "target": 14, "label": "C"}, {"source": 33, "target": 22, "label": "S"}, {"source": 32, "target": 34, "label": "A"}, {"source": 29, "target": 11, "label": "C"}, {"source": 34, "target": 23, "label": "E"}, {"source": 34, "target": 33, "label": "E"}, {"source": 29, "target": 8, "label": "F"}, {"source": 26, "target": 2, "label": "P"}, {"source": 33, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 1, "label": "D"}, {"source": 29, "target": 31, "label": "E"}, {"source": 27, "target": 16, "label": "U"}, {"source": 30, "target": 10, "label": "C"}, {"source": 27, "target": 32, "label": "H"}, {"source": 32, "target": 19, "label": "D"}, {"source": 28, "target": 6, "label": "D"}, {"source": 26, "target": 3, "label": "D"}, {"source": 28, "target": 30, "label": "T"}, {"source": 31, "target": 15, "label": "Q"}, {"source": 27, "target": 4, "label": "L"}, {"source": 31, "target": 13, "label": "R"}, {"source": 32, "target": 21, "label": "P"}, {"source": 34, "target": 24, "label": "C"}, {"source": 28, "target": 5, "label": "A"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 9, "label": "E"}, {"source": 32, "target": 20, "label": "D"}, {"source": 28, "target": 7, "label": "P"}, {"source": 26, "target": 0, "label": "A"}, {"source": 28, "target": 12, "label": "D"}, {"source": 32, "target": 18, "label": "A"}]} +{"id": "363873-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worst Apartments EVER", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "T"}]} +{"id": "363873-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We lived here for 2 years, the first year or so was okay.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 2, "label": "A"}, {"source": 18, "target": 8, "label": "Q"}, {"source": 19, "target": 13, "label": "S"}, {"source": 18, "target": 20, "label": "E"}, {"source": 20, "target": 10, "label": "R"}, {"source": 16, "target": 6, "label": "U"}, {"source": 15, "target": 17, "label": "T"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 12, "label": "F"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 18, "label": "T"}, {"source": 17, "target": 4, "label": "Q"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "363873-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then, the more power they gave to Linda, the worse the place got.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 17, "target": 3, "label": "D"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 10, "label": "L"}, {"source": 17, "target": 4, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 16, "target": 2, "label": "L"}, {"source": 17, "target": 6, "label": "P"}, {"source": 19, "target": 11, "label": "D"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 14, "label": "P"}, {"source": 19, "target": 15, "label": "U"}, {"source": 16, "target": 9, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 12, "label": "F"}]} +{"id": "363873-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We were always having our water shut off, there were always people having parties at the pool, even after it was supposed to be closed.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}, {"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 135}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 31, "target": 13, "label": "P"}, {"source": 34, "target": 20, "label": "A"}, {"source": 28, "target": 7, "label": "U"}, {"source": 32, "target": 16, "label": "C"}, {"source": 34, "target": 22, "label": "D"}, {"source": 28, "target": 34, "label": "H"}, {"source": 28, "target": 17, "label": "U"}, {"source": 32, "target": 14, "label": "R"}, {"source": 27, "target": 30, "label": "A"}, {"source": 31, "target": 10, "label": "T"}, {"source": 32, "target": 15, "label": "F"}, {"source": 27, "target": 1, "label": "F"}, {"source": 31, "target": 11, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 33, "label": "L"}, {"source": 27, "target": 6, "label": "P"}, {"source": 34, "target": 23, "label": "F"}, {"source": 29, "target": 4, "label": "S"}, {"source": 33, "target": 19, "label": "C"}, {"source": 30, "target": 29, "label": "E"}, {"source": 34, "target": 21, "label": "F"}, {"source": 27, "target": 2, "label": "T"}, {"source": 30, "target": 5, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 27, "target": 3, "label": "F"}, {"source": 34, "target": 25, "label": "S"}, {"source": 31, "target": 8, "label": "F"}, {"source": 31, "target": 9, "label": "F"}, {"source": 27, "target": 0, "label": "A"}, {"source": 31, "target": 12, "label": "D"}, {"source": 34, "target": 24, "label": "F"}, {"source": 28, "target": 27, "label": "H"}, {"source": 34, "target": 26, "label": "U"}, {"source": 33, "target": 18, "label": "D"}, {"source": 29, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "363873-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The pool was supposed to close at 10 and they would have people down there until 11:45 yelling, playing music and do who-knows-what in the dark corners of the pool.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 120}, {"from": 121, "to": 126}, {"from": 127, "to": 131}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 126, "to": 127}]}, {"id": 26, "anchors": [{"from": 132, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 163}]}, {"id": 33, "anchors": [{"from": 163, "to": 164}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 45, "target": 32, "label": "C"}, {"source": 41, "target": 17, "label": "P"}, {"source": 43, "target": 22, "label": "D"}, {"source": 40, "target": 16, "label": "Q"}, {"source": 35, "target": 4, "label": "F"}, {"source": 36, "target": 18, "label": "U"}, {"source": 37, "target": 7, "label": "C"}, {"source": 36, "target": 43, "label": "H"}, {"source": 43, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 28, "label": "E"}, {"source": 35, "target": 5, "label": "P"}, {"source": 36, "target": 38, "label": "H"}, {"source": 36, "target": 8, "label": "L"}, {"source": 38, "target": 40, "label": "T"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 37, "label": "T"}, {"source": 44, "target": 26, "label": "R"}, {"source": 36, "target": 41, "label": "H"}, {"source": 38, "target": 11, "label": "S"}, {"source": 23, "target": 25, "label": "U"}, {"source": 45, "target": 30, "label": "R"}, {"source": 35, "target": 2, "label": "F"}, {"source": 43, "target": 23, "label": "P"}, {"source": 44, "target": 29, "label": "C"}, {"source": 40, "target": 16, "label": "C"}, {"source": 35, "target": 34, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 41, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 12, "label": "A"}, {"source": 36, "target": 21, "label": "L"}, {"source": 37, "target": 7, "label": "Q"}, {"source": 42, "target": 20, "label": "A"}, {"source": 36, "target": 42, "label": "H"}, {"source": 39, "target": 13, "label": "R"}, {"source": 39, "target": 14, "label": "C"}, {"source": 44, "target": 27, "label": "F"}, {"source": 38, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "U"}, {"source": 37, "target": 6, "label": "R"}, {"source": 40, "target": 15, "label": "R"}, {"source": 43, "target": 44, "label": "A"}, {"source": 45, "target": 31, "label": "F"}, {"source": 44, "target": 45, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 34, "target": 1, "label": "C"}, {"source": 34, "target": 0, "label": "F"}, {"source": 35, "target": 3, "label": "D"}, {"source": 45, "target": 33, "label": "U"}, {"source": 38, "target": 9, "label": "A"}, {"source": 42, "target": 19, "label": "P"}]} +{"id": "363873-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then, when we moved out, we cleaned the apartment top to bottom, they came back and tried to charge us for two cleaning fees (and we never got our deposit back) and past utilities (that were already paid, we have check numbers and records of this).", "tops": [55], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 126, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 138}]}, {"id": 31, "anchors": [{"from": 139, "to": 142}]}, {"id": 32, "anchors": [{"from": 143, "to": 146}]}, {"id": 33, "anchors": [{"from": 147, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 159}]}, {"id": 35, "anchors": [{"from": 159, "to": 160}]}, {"id": 36, "anchors": [{"from": 161, "to": 164}]}, {"id": 37, "anchors": [{"from": 165, "to": 169}]}, {"id": 38, "anchors": [{"from": 170, "to": 179}]}, {"id": 39, "anchors": [{"from": 180, "to": 181}]}, {"id": 40, "anchors": [{"from": 181, "to": 185}]}, {"id": 41, "anchors": [{"from": 186, "to": 190}]}, {"id": 42, "anchors": [{"from": 191, "to": 198}]}, {"id": 43, "anchors": [{"from": 199, "to": 203}]}, {"id": 44, "anchors": [{"from": 203, "to": 204}]}, {"id": 45, "anchors": [{"from": 205, "to": 207}]}, {"id": 46, "anchors": [{"from": 208, "to": 212}]}, {"id": 47, "anchors": [{"from": 213, "to": 218}]}, {"id": 48, "anchors": [{"from": 219, "to": 226}]}, {"id": 49, "anchors": [{"from": 227, "to": 230}]}, {"id": 50, "anchors": [{"from": 231, "to": 238}]}, {"id": 51, "anchors": [{"from": 239, "to": 241}]}, {"id": 52, "anchors": [{"from": 242, "to": 246}]}, {"id": 53, "anchors": [{"from": 246, "to": 247}]}, {"id": 54, "anchors": [{"from": 247, "to": 248}]}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}], "edges": [{"source": 60, "target": 16, "label": "P"}, {"source": 61, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 66, "target": 32, "label": "S"}, {"source": 57, "target": 59, "label": "D"}, {"source": 60, "target": 17, "label": "D"}, {"source": 61, "target": 63, "label": "A"}, {"source": 55, "target": 61, "label": "H"}, {"source": 72, "target": 49, "label": "N"}, {"source": 69, "target": 40, "label": "F"}, {"source": 72, "target": 73, "label": "C"}, {"source": 55, "target": 1, "label": "U"}, {"source": 55, "target": 6, "label": "U"}, {"source": 59, "target": 11, "label": "C"}, {"source": 74, "target": 54, "label": "U"}, {"source": 69, "target": 41, "label": "F"}, {"source": 65, "target": 67, "label": "A"}, {"source": 74, "target": 52, "label": "C"}, {"source": 63, "target": 64, "label": "C"}, {"source": 70, "target": 45, "label": "A"}, {"source": 74, "target": 51, "label": "R"}, {"source": 69, "target": 42, "label": "T"}, {"source": 56, "target": 3, "label": "A"}, {"source": 56, "target": 5, "label": "D"}, {"source": 61, "target": 22, "label": "A"}, {"source": 65, "target": 29, "label": "A"}, {"source": 72, "target": 71, "label": "C"}, {"source": 55, "target": 28, "label": "L"}, {"source": 55, "target": 14, "label": "U"}, {"source": 55, "target": 60, "label": "H"}, {"source": 55, "target": 70, "label": "H"}, {"source": 69, "target": 39, "label": "U"}, {"source": 63, "target": 36, "label": "N"}, {"source": 71, "target": 47, "label": "E"}, {"source": 65, "target": 30, "label": "T"}, {"source": 55, "target": 56, "label": "H"}, {"source": 55, "target": 57, "label": "H"}, {"source": 68, "target": 38, "label": "C"}, {"source": 57, "target": 58, "label": "A"}, {"source": 61, "target": 62, "label": "P"}, {"source": 73, "target": 50, "label": "C"}, {"source": 62, "target": 21, "label": "C"}, {"source": 69, "target": 43, "label": "P"}, {"source": 68, "target": 37, "label": "E"}, {"source": 65, "target": 31, "label": "P"}, {"source": 58, "target": 9, "label": "F"}, {"source": 70, "target": 72, "label": "A"}, {"source": 67, "target": 33, "label": "C"}, {"source": 60, "target": 15, "label": "A"}, {"source": 70, "target": 46, "label": "S"}, {"source": 69, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 19, "label": "D"}, {"source": 55, "target": 27, "label": "U"}, {"source": 55, "target": 18, "label": "L"}, {"source": 66, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 35, "label": "U"}, {"source": 59, "target": 12, "label": "N"}, {"source": 62, "target": 20, "label": "F"}, {"source": 73, "target": 74, "label": "E"}, {"source": 67, "target": 66, "label": "E"}, {"source": 71, "target": 48, "label": "C"}, {"source": 74, "target": 53, "label": "U"}, {"source": 55, "target": 2, "label": "L"}, {"source": 63, "target": 23, "label": "R"}, {"source": 63, "target": 68, "label": "C"}, {"source": 64, "target": 25, "label": "E"}, {"source": 65, "target": 30, "label": "D"}, {"source": 65, "target": 34, "label": "D"}, {"source": 55, "target": 44, "label": "U"}, {"source": 64, "target": 24, "label": "Q"}, {"source": 57, "target": 7, "label": "A"}, {"source": 55, "target": 65, "label": "H"}, {"source": 55, "target": 69, "label": "H"}, {"source": 64, "target": 26, "label": "C"}, {"source": 55, "target": 0, "label": "L"}, {"source": 58, "target": 10, "label": "C"}, {"source": 57, "target": 8, "label": "P"}, {"source": 59, "target": 13, "label": "C"}, {"source": 56, "target": 4, "label": "P"}]} +{"id": "363873-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Linda is the rudest person you will ever talk to and she sticks up for all of the trashy, rude people that live there, not the nice ones that actually give a crap about respecting others.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}, {"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24, "anchors": [{"from": 117, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 155}, {"from": 156, "to": 157}, {"from": 158, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 179}]}, {"id": 34, "anchors": [{"from": 180, "to": 186}]}, {"id": 35, "anchors": [{"from": 186, "to": 187}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 45, "target": 46, "label": "A"}, {"source": 45, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 43, "label": "A"}, {"source": 43, "target": 17, "label": "E"}, {"source": 45, "target": 25, "label": "D"}, {"source": 36, "target": 1, "label": "F"}, {"source": 40, "target": 6, "label": "F"}, {"source": 47, "target": 29, "label": "R"}, {"source": 47, "target": 33, "label": "P"}, {"source": 41, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 16, "label": "F"}, {"source": 43, "target": 20, "label": "C"}, {"source": 42, "target": 11, "label": "A"}, {"source": 44, "target": 21, "label": "R"}, {"source": 47, "target": 30, "label": "G"}, {"source": 36, "target": 38, "label": "S"}, {"source": 46, "target": 27, "label": "E"}, {"source": 46, "target": 26, "label": "F"}, {"source": 39, "target": 4, "label": "C"}, {"source": 37, "target": 24, "label": "U"}, {"source": 47, "target": 35, "label": "U"}, {"source": 46, "target": 47, "label": "E"}, {"source": 45, "target": 12, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 44, "label": "E"}, {"source": 39, "target": 40, "label": "E"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 40, "target": 8, "label": "P"}, {"source": 47, "target": 34, "label": "A"}, {"source": 43, "target": 19, "label": "E"}, {"source": 43, "target": 15, "label": "F"}, {"source": 43, "target": 18, "label": "U"}, {"source": 44, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 23, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 38, "target": 3, "label": "C"}, {"source": 46, "target": 28, "label": "C"}, {"source": 36, "target": 39, "label": "A"}, {"source": 40, "target": 7, "label": "T"}, {"source": 44, "target": 22, "label": "P"}, {"source": 41, "target": 9, "label": "R"}, {"source": 47, "target": 31, "label": "D"}, {"source": 43, "target": 14, "label": "Q"}, {"source": 40, "target": 5, "label": "A"}, {"source": 43, "target": 13, "label": "R"}, {"source": 47, "target": 32, "label": "F"}, {"source": 37, "target": 10, "label": "L"}, {"source": 37, "target": 42, "label": "H"}, {"source": 38, "target": 2, "label": "F"}, {"source": 42, "target": 12, "label": "P"}, {"source": 47, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "363873-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Do not live here, you will regret it!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "P"}, {"source": 10, "target": 1, "label": "D"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 3, "label": "A"}, {"source": 12, "target": 6, "label": "F"}, {"source": 11, "target": 4, "label": "U"}, {"source": 12, "target": 5, "label": "A"}]} +{"id": "364454-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A very satisfied new customer!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 0, "label": "F"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 9, "label": "S"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "364454-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "As a very satisfied new customer, I wholeheartedly recommend United Air Duct Cleaning.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 67}, {"from": 68, "to": 71}, {"from": 72, "to": 76}, {"from": 77, "to": 85}]}, {"id": 11, "anchors": [{"from": 85, "to": 86}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 16, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "S"}, {"source": 16, "target": 10, "label": "A"}, {"source": 16, "target": 9, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 14, "target": 15, "label": "S"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 4, "label": "D"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "364454-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They are professional, knowledgeable, and take meticulous care and pride in accomplishing their work.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 100}]}, {"id": 16, "anchors": [{"from": 100, "to": 101}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "S"}, {"source": 20, "target": 8, "label": "D"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 5, "label": "U"}, {"source": 19, "target": 4, "label": "S"}, {"source": 21, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 6, "label": "L"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 9, "label": "S"}, {"source": 22, "target": 14, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 2, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "364454-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Not only were my wife and I very pleased, but I also had the air duct quality tested professionally by the home inspector that I regularly use, before and after United Air Duct performed their work.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 142}]}, {"id": 27, "anchors": [{"from": 142, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 167}, {"from": 168, "to": 171}, {"from": 172, "to": 176}]}, {"id": 32, "anchors": [{"from": 177, "to": 186}]}, {"id": 33, "anchors": [{"from": 187, "to": 192}]}, {"id": 34, "anchors": [{"from": 193, "to": 197}]}, {"id": 35, "anchors": [{"from": 197, "to": 198}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 44, "target": 46, "label": "A"}, {"source": 40, "target": 18, "label": "D"}, {"source": 49, "target": 35, "label": "U"}, {"source": 46, "target": 20, "label": "F"}, {"source": 49, "target": 31, "label": "A"}, {"source": 43, "target": 14, "label": "E"}, {"source": 37, "target": 7, "label": "S"}, {"source": 36, "target": 8, "label": "U"}, {"source": 36, "target": 40, "label": "H"}, {"source": 40, "target": 45, "label": "A"}, {"source": 49, "target": 34, "label": "P"}, {"source": 47, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 44, "label": "H"}, {"source": 40, "target": 41, "label": "P"}, {"source": 39, "target": 4, "label": "N"}, {"source": 39, "target": 5, "label": "C"}, {"source": 40, "target": 11, "label": "D"}, {"source": 41, "target": 17, "label": "C"}, {"source": 37, "target": 6, "label": "D"}, {"source": 42, "target": 13, "label": "F"}, {"source": 46, "target": 22, "label": "C"}, {"source": 38, "target": 2, "label": "A"}, {"source": 36, "target": 49, "label": "H"}, {"source": 38, "target": 3, "label": "S"}, {"source": 36, "target": 27, "label": "U"}, {"source": 40, "target": 42, "label": "A"}, {"source": 49, "target": 33, "label": "A"}, {"source": 45, "target": 23, "label": "L"}, {"source": 39, "target": 38, "label": "C"}, {"source": 44, "target": 19, "label": "R"}, {"source": 36, "target": 48, "label": "L"}, {"source": 47, "target": 26, "label": "P"}, {"source": 37, "target": 1, "label": "F"}, {"source": 47, "target": 25, "label": "T"}, {"source": 36, "target": 9, "label": "L"}, {"source": 48, "target": 29, "label": "N"}, {"source": 36, "target": 37, "label": "H"}, {"source": 48, "target": 28, "label": "C"}, {"source": 40, "target": 10, "label": "A"}, {"source": 48, "target": 30, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 47, "target": 24, "label": "A"}, {"source": 44, "target": 46, "label": "P"}, {"source": 44, "target": 21, "label": "A"}, {"source": 49, "target": 32, "label": "D"}, {"source": 42, "target": 43, "label": "E"}, {"source": 42, "target": 16, "label": "C"}, {"source": 41, "target": 12, "label": "F"}, {"source": 45, "target": 47, "label": "H"}, {"source": 36, "target": 0, "label": "L"}, {"source": 38, "target": 3, "label": "A"}, {"source": 43, "target": 15, "label": "C"}]} +{"id": "364454-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Based on the test results, the home inspector stated that the quality of their job was “excellent”.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 26, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 18, "label": "S"}, {"source": 31, "target": 14, "label": "A"}, {"source": 22, "target": 5, "label": "U"}, {"source": 21, "target": 0, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 26, "target": 27, "label": "P"}, {"source": 30, "target": 12, "label": "C"}, {"source": 22, "target": 21, "label": "L"}, {"source": 22, "target": 28, "label": "H"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 19, "label": "U"}, {"source": 26, "target": 7, "label": "A"}, {"source": 28, "target": 9, "label": "P"}, {"source": 29, "target": 16, "label": "F"}, {"source": 30, "target": 31, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 1, "label": "R"}, {"source": 30, "target": 11, "label": "F"}, {"source": 31, "target": 15, "label": "P"}, {"source": 24, "target": 2, "label": "F"}, {"source": 31, "target": 13, "label": "R"}, {"source": 25, "target": 3, "label": "P"}, {"source": 27, "target": 8, "label": "C"}, {"source": 27, "target": 6, "label": "F"}, {"source": 24, "target": 4, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 29, "target": 17, "label": "U"}]} +{"id": "365154-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Shady", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "E"}]} +{"id": "365154-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Kelly hit the nail on the head.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 13}, {"from": 14, "to": 18}, {"from": 19, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 30}]}, {"id": 2, "anchors": [{"from": 30, "to": 31}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "365154-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "\"Dr. Shady\" is a jerk.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 21, "to": 22}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 0, "label": "U"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 11, "label": "S"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 3, "label": "U"}]} +{"id": "365154-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "After the way she spoke to me on my last visit, I will not be returning!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "A"}, {"source": 19, "target": 2, "label": "C"}, {"source": 23, "target": 14, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 11, "label": "U"}, {"source": 18, "target": 0, "label": "L"}, {"source": 23, "target": 16, "label": "P"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 4, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 21, "target": 5, "label": "R"}, {"source": 18, "target": 20, "label": "H"}, {"source": 23, "target": 13, "label": "F"}, {"source": 22, "target": 10, "label": "P"}, {"source": 23, "target": 17, "label": "U"}, {"source": 19, "target": 1, "label": "F"}, {"source": 18, "target": 23, "label": "H"}, {"source": 22, "target": 8, "label": "A"}, {"source": 20, "target": 3, "label": "A"}, {"source": 20, "target": 19, "label": "D"}, {"source": 22, "target": 9, "label": "D"}, {"source": 23, "target": 15, "label": "F"}]} +{"id": "365154-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good luck keeping business with that stuck up attitude Dr. Shady.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}, {"from": 43, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 3, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 5, "label": "D"}, {"source": 11, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "365154-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "You have just lost mine.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "T"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "365154-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The next time you feel like being condescending to someone, it is not going to be me!!!!!!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 58}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 13, "label": "F"}, {"source": 20, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 18, "target": 5, "label": "S"}, {"source": 20, "target": 9, "label": "A"}, {"source": 18, "target": 2, "label": "G"}, {"source": 19, "target": 6, "label": "R"}, {"source": 18, "target": 1, "label": "A"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 14, "label": "S"}, {"source": 20, "target": 11, "label": "D"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 3, "label": "F"}, {"source": 19, "target": 7, "label": "C"}, {"source": 20, "target": 15, "label": "A"}, {"source": 17, "target": 8, "label": "U"}, {"source": 18, "target": 4, "label": "F"}, {"source": 20, "target": 12, "label": "F"}, {"source": 17, "target": 0, "label": "L"}]} +{"id": "365154-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Dr. Shady is inexperienced and prideful.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "F"}, {"source": 10, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 1, "label": "C"}, {"source": 8, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 4, "label": "L"}, {"source": 8, "target": 7, "label": "A"}]} +{"id": "365154-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She probably does not even have 10% of the knowledge that some of the other EXPERIENCED vets do in this area.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 3, "label": "D"}, {"source": 31, "target": 21, "label": "C"}, {"source": 28, "target": 27, "label": "D"}, {"source": 28, "target": 30, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 31, "target": 22, "label": "U"}, {"source": 23, "target": 8, "label": "F"}, {"source": 23, "target": 25, "label": "S"}, {"source": 23, "target": 2, "label": "F"}, {"source": 27, "target": 13, "label": "R"}, {"source": 23, "target": 26, "label": "D"}, {"source": 26, "target": 7, "label": "C"}, {"source": 24, "target": 11, "label": "L"}, {"source": 28, "target": 16, "label": "D"}, {"source": 30, "target": 14, "label": "F"}, {"source": 25, "target": 9, "label": "F"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 17, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 23, "target": 4, "label": "G"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 26, "target": 6, "label": "Q"}, {"source": 29, "target": 18, "label": "F"}, {"source": 23, "target": 1, "label": "G"}, {"source": 29, "target": 28, "label": "A"}, {"source": 28, "target": 30, "label": "P"}, {"source": 28, "target": 15, "label": "D"}, {"source": 31, "target": 19, "label": "R"}, {"source": 25, "target": 5, "label": "F"}, {"source": 31, "target": 20, "label": "E"}, {"source": 29, "target": 25, "label": "S", "properties": ["remote"], "values": [true]}]} +{"id": "365154-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will be carefully researching vets before I take my dog someplace else.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "P"}, {"source": 17, "target": 20, "label": "A"}, {"source": 14, "target": 2, "label": "F"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 7, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 3, "label": "D"}, {"source": 19, "target": 18, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "L"}, {"source": 16, "target": 5, "label": "P"}]} +{"id": "365154-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Beautifully written reviews Doctor, but completely UNTRUE.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "S"}, {"source": 12, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "P"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "D"}, {"source": 9, "target": 2, "label": "A"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "L"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "365630-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A+", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "365630-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would rate Fran pcs an A+ because the price was lower than everyone else, i got my computer back the next day, and the professionalism he showed was great.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 111}]}, {"id": 24, "anchors": [{"from": 111, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 156}]}, {"id": 32, "anchors": [{"from": 156, "to": 157}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 40, "target": 43, "label": "T"}, {"source": 42, "target": 19, "label": "C"}, {"source": 35, "target": 4, "label": "F"}, {"source": 43, "target": 21, "label": "F"}, {"source": 34, "target": 45, "label": "H"}, {"source": 45, "target": 30, "label": "F"}, {"source": 41, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 35, "label": "A"}, {"source": 38, "target": 37, "label": "A"}, {"source": 45, "target": 31, "label": "D"}, {"source": 45, "target": 32, "label": "U"}, {"source": 34, "target": 38, "label": "H"}, {"source": 43, "target": 23, "label": "C"}, {"source": 38, "target": 11, "label": "P"}, {"source": 34, "target": 7, "label": "L"}, {"source": 40, "target": 20, "label": "D"}, {"source": 45, "target": 28, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 17, "label": "P"}, {"source": 33, "target": 0, "label": "A"}, {"source": 44, "target": 26, "label": "F"}, {"source": 41, "target": 18, "label": "S"}, {"source": 40, "target": 16, "label": "A"}, {"source": 33, "target": 3, "label": "A"}, {"source": 40, "target": 42, "label": "A"}, {"source": 37, "target": 9, "label": "C"}, {"source": 34, "target": 24, "label": "U"}, {"source": 33, "target": 1, "label": "D"}, {"source": 35, "target": 36, "label": "C"}, {"source": 45, "target": 44, "label": "S"}, {"source": 36, "target": 5, "label": "Q"}, {"source": 45, "target": 29, "label": "D"}, {"source": 43, "target": 22, "label": "Q"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 6, "label": "U"}, {"source": 44, "target": 27, "label": "C"}, {"source": 39, "target": 12, "label": "R"}, {"source": 38, "target": 10, "label": "F"}, {"source": 42, "target": 41, "label": "E"}, {"source": 39, "target": 13, "label": "C"}, {"source": 39, "target": 14, "label": "E"}, {"source": 37, "target": 8, "label": "F"}, {"source": 34, "target": 15, "label": "U"}, {"source": 34, "target": 25, "label": "L"}, {"source": 33, "target": 2, "label": "P"}]} +{"id": "365630-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He took the time to explain things to me about my computer, i would recommend you go to him.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 11}, {"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 10, "label": "U"}, {"source": 24, "target": 13, "label": "P"}, {"source": 23, "target": 8, "label": "S"}, {"source": 19, "target": 3, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 12, "label": "D"}, {"source": 22, "target": 9, "label": "C"}, {"source": 25, "target": 15, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 11, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 26, "target": 16, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 2, "label": "F"}, {"source": 19, "target": 1, "label": "D"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 22, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 17, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 4, "label": "A"}]} +{"id": "365630-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "David", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "365688-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "No meat on Burger and too much pepper.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 9, "target": 3, "label": "A"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 1, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 6, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 11, "label": "Q"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 4, "label": "L"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "S", "properties": ["remote"], "values": [true]}]} +{"id": "365688-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "no place to seat", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "F"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "P"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "366586-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They must have read these reviews and improved!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "D"}, {"source": 12, "target": 7, "label": "P"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "L"}, {"source": 9, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "366586-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My husband and I happened in on a whim.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}, {"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}, {"from": 32, "to": 33}, {"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 10, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 5, "label": "D"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "N"}, {"source": 8, "target": 7, "label": "C"}, {"source": 7, "target": 1, "label": "S"}, {"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "366586-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We sat in the front dining area, it was very cozy and pleasant.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 9, "label": "F"}, {"source": 19, "target": 13, "label": "S"}, {"source": 18, "target": 10, "label": "D"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 18, "target": 11, "label": "S"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 2, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 4, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 16, "target": 7, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 12, "label": "L"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "366586-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Our server was quite attentive and the food was fantastic.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 9, "label": "S"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 1, "label": "S"}, {"source": 11, "target": 1, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "366586-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "My husband has been a professional chef, so he is a good judge of quality food.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 12, "label": "D"}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 10, "label": "F"}, {"source": 25, "target": 15, "label": "S"}, {"source": 18, "target": 1, "label": "A"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 14, "label": "R"}, {"source": 22, "target": 23, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 19, "target": 21, "label": "S"}, {"source": 19, "target": 2, "label": "F"}, {"source": 20, "target": 7, "label": "U"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 8, "label": "L"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "A"}, {"source": 25, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 11, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 4, "label": "F"}, {"source": 18, "target": 1, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 13, "label": "C"}, {"source": 24, "target": 17, "label": "U"}]} +{"id": "366586-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This was a flavorful, enjoyable meal for both of us.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 3, "label": "S"}, {"source": 16, "target": 8, "label": "Q"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 6, "label": "A"}, {"source": 15, "target": 5, "label": "S"}]} +{"id": "366946-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Eulogic", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "366946-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Good place to be on a Sunday Night.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 11, "label": "T"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "366946-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The beers were good, nice choice of beers as well, and as usual the mussels were great, the place upstairs is a nice addition to the bar downstairs.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}, {"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}, {"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 147}]}, {"id": 29, "anchors": [{"from": 147, "to": 148}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 14, "label": "C"}, {"source": 35, "target": 15, "label": "F"}, {"source": 32, "target": 10, "label": "U"}, {"source": 32, "target": 35, "label": "H"}, {"source": 30, "target": 1, "label": "C"}, {"source": 32, "target": 31, "label": "H"}, {"source": 40, "target": 25, "label": "R"}, {"source": 36, "target": 13, "label": "F"}, {"source": 33, "target": 5, "label": "D"}, {"source": 34, "target": 8, "label": "C"}, {"source": 35, "target": 16, "label": "S"}, {"source": 38, "target": 37, "label": "A"}, {"source": 32, "target": 33, "label": "H"}, {"source": 34, "target": 7, "label": "R"}, {"source": 38, "target": 21, "label": "F"}, {"source": 32, "target": 38, "label": "H"}, {"source": 37, "target": 20, "label": "E"}, {"source": 31, "target": 30, "label": "A"}, {"source": 40, "target": 29, "label": "U"}, {"source": 32, "target": 11, "label": "L"}, {"source": 32, "target": 4, "label": "U"}, {"source": 38, "target": 23, "label": "D"}, {"source": 31, "target": 3, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 22, "label": "F"}, {"source": 38, "target": 39, "label": "P"}, {"source": 39, "target": 24, "label": "C"}, {"source": 40, "target": 26, "label": "F"}, {"source": 31, "target": 2, "label": "F"}, {"source": 33, "target": 9, "label": "D"}, {"source": 30, "target": 0, "label": "F"}, {"source": 35, "target": 12, "label": "T"}, {"source": 32, "target": 17, "label": "U"}, {"source": 33, "target": 6, "label": "P"}, {"source": 37, "target": 18, "label": "F"}, {"source": 37, "target": 19, "label": "C"}, {"source": 38, "target": 40, "label": "A"}, {"source": 40, "target": 28, "label": "E"}, {"source": 40, "target": 27, "label": "C"}]} +{"id": "366946-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Filled up on too much beer and hence cannot comment on the food.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 16, "target": 1, "label": "R"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 11, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 3, "label": "C"}, {"source": 18, "target": 8, "label": "D"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "Q"}, {"source": 19, "target": 10, "label": "R"}, {"source": 15, "target": 6, "label": "L"}, {"source": 14, "target": 0, "label": "P"}, {"source": 15, "target": 5, "label": "L"}, {"source": 17, "target": 2, "label": "E"}]} +{"id": "366946-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "But the menu had standard stuff that one would get at a Belgian Tavern.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "C"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 9, "label": "P"}, {"source": 20, "target": 14, "label": "U"}, {"source": 19, "target": 7, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 10, "label": "R"}, {"source": 17, "target": 16, "label": "A"}, {"source": 15, "target": 0, "label": "L"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 2, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 20, "target": 12, "label": "E"}, {"source": 15, "target": 6, "label": "L"}, {"source": 18, "target": 4, "label": "E"}, {"source": 17, "target": 3, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "366946-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you are a handcraft beer person, this is a fantastic place to be.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 15, "label": "U"}, {"source": 20, "target": 8, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 0, "label": "L"}, {"source": 20, "target": 14, "label": "S"}, {"source": 21, "target": 12, "label": "C"}, {"source": 20, "target": 11, "label": "D"}, {"source": 20, "target": 9, "label": "F"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 7, "label": "U"}, {"source": 17, "target": 2, "label": "S"}, {"source": 18, "target": 19, "label": "E"}, {"source": 19, "target": 5, "label": "C"}, {"source": 21, "target": 10, "label": "F"}]} +{"id": "367586-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Well kept facility with friendly staff.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}, {"source": 10, "target": 4, "label": "D"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "D"}]} +{"id": "368431-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Ray's pizza : my favorite", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "S"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "368431-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Ray's Pizza is just too good.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}]} +{"id": "368431-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I wish I could have a slice for every single meal.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "P"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 4, "label": "P"}, {"source": 14, "target": 2, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 17, "label": "H"}, {"source": 17, "target": 16, "label": "D"}, {"source": 16, "target": 9, "label": "E"}]} +{"id": "368431-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Luckily I live very close, so I can abuse it during week-ends...", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 19, "target": 11, "label": "R"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 19, "label": "T"}, {"source": 16, "target": 5, "label": "U"}, {"source": 19, "target": 14, "label": "U"}, {"source": 12, "target": 13, "label": "U"}, {"source": 15, "target": 0, "label": "G"}, {"source": 17, "target": 3, "label": "E"}, {"source": 15, "target": 1, "label": "A"}]} +{"id": "369087-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The Best Service Ever!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "D"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "P"}, {"source": 7, "target": 3, "label": "T"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 1, "label": "C"}]} +{"id": "369087-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have never had better service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "T"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 5, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "D"}]} +{"id": "369087-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My car broke down and roadside towed my vehicle to Sussman Kia.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}, {"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}, {"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 5, "label": "P"}, {"source": 14, "target": 3, "label": "L"}, {"source": 18, "target": 8, "label": "R"}, {"source": 16, "target": 6, "label": "S"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "A"}, {"source": 17, "target": 16, "label": "E"}, {"source": 18, "target": 9, "label": "C"}, {"source": 12, "target": 11, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 13, "label": "H"}]} +{"id": "369087-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They squeezed me in and had me back up and running in no time.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 8, "label": "P"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 16, "label": "T"}, {"source": 16, "target": 10, "label": "Q"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 4, "label": "L"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 6, "label": "A"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "369087-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Everyone was pleasant and very helpful.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 3, "label": "L"}]} +{"id": "369087-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service department even gave me a ride home and picked me up when my car was finished.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}, {"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 18, "target": 0, "label": "F"}, {"source": 19, "target": 21, "label": "P"}, {"source": 22, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 13, "label": "S"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 23, "label": "E"}, {"source": 23, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 25, "label": "H"}, {"source": 22, "target": 10, "label": "P"}, {"source": 18, "target": 1, "label": "E"}, {"source": 24, "target": 14, "label": "C"}, {"source": 25, "target": 15, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 7, "label": "C"}, {"source": 19, "target": 3, "label": "G"}, {"source": 20, "target": 12, "label": "L"}, {"source": 25, "target": 17, "label": "U"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 4, "label": "D"}, {"source": 20, "target": 22, "label": "H"}, {"source": 19, "target": 5, "label": "A"}, {"source": 25, "target": 16, "label": "P"}, {"source": 18, "target": 2, "label": "C"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "369087-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The advisor kept me up to date and informed on the progress of my vehicle.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}, {"from": 23, "to": 25}, {"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "P"}, {"source": 21, "target": 12, "label": "C"}, {"source": 15, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 10, "label": "R"}, {"source": 17, "target": 5, "label": "L"}, {"source": 16, "target": 3, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 20, "target": 8, "label": "F"}, {"source": 19, "target": 7, "label": "R"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 2, "label": "D"}, {"source": 15, "target": 1, "label": "C"}, {"source": 21, "target": 13, "label": "U"}, {"source": 16, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "369087-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I give this dealer an A+!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 11, "target": 2, "label": "E"}, {"source": 12, "target": 5, "label": "Q"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 12, "label": "A"}]} +{"id": "369087-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will definitely be bringing my car back for service.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 13, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "P"}, {"source": 12, "target": 8, "label": "L"}, {"source": 11, "target": 4, "label": "P"}, {"source": 13, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 7, "label": "D"}, {"source": 13, "target": 5, "label": "S"}, {"source": 11, "target": 14, "label": "A"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "369210-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I arrived at Brickell Honda on 6/4/11, I was greeted and attended to by the Sales Manager, Gustavo Guerra, in a very friendly and professional manner.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 103}, {"from": 104, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 154}]}, {"id": 29, "anchors": [{"from": 154, "to": 155}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 33, "target": 6, "label": "R"}, {"source": 34, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 40, "label": "D"}, {"source": 31, "target": 1, "label": "A"}, {"source": 39, "target": 17, "label": "P"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 12, "label": "L"}, {"source": 34, "target": 11, "label": "P"}, {"source": 40, "target": 28, "label": "C"}, {"source": 38, "target": 18, "label": "S"}, {"source": 30, "target": 31, "label": "H"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 3, "label": "R"}, {"source": 42, "target": 27, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 42, "target": 25, "label": "C"}, {"source": 40, "target": 29, "label": "U"}, {"source": 40, "target": 41, "label": "E"}, {"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 13, "label": "C"}, {"source": 38, "target": 16, "label": "F"}, {"source": 40, "target": 23, "label": "F"}, {"source": 32, "target": 4, "label": "E"}, {"source": 31, "target": 2, "label": "P"}, {"source": 36, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 19, "label": "U"}, {"source": 30, "target": 8, "label": "U"}, {"source": 41, "target": 24, "label": "E"}, {"source": 41, "target": 42, "label": "C"}, {"source": 37, "target": 20, "label": "C"}, {"source": 30, "target": 36, "label": "H"}, {"source": 42, "target": 26, "label": "N"}, {"source": 33, "target": 7, "label": "C"}, {"source": 37, "target": 15, "label": "R"}, {"source": 34, "target": 9, "label": "A"}, {"source": 32, "target": 5, "label": "C"}, {"source": 36, "target": 35, "label": "P"}, {"source": 30, "target": 21, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 10, "label": "F"}, {"source": 40, "target": 22, "label": "R"}, {"source": 31, "target": 33, "label": "T"}, {"source": 30, "target": 0, "label": "L"}, {"source": 35, "target": 14, "label": "R"}]} +{"id": "369210-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I explained to him what I wanted and that I previously went to Braman Honda.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 10, "label": "T"}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "R"}, {"source": 20, "target": 11, "label": "P"}, {"source": 19, "target": 6, "label": "P"}, {"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 19, "target": 4, "label": "A"}, {"source": 18, "target": 2, "label": "R"}]} +{"id": "369210-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bramen Honda was a bit of a hassle.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 13, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 12, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "369210-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He told me \"no problem, we will match the offer or do better.\"", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 62}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 18, "target": 2, "label": "A"}, {"source": 21, "target": 7, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 6, "label": "U"}, {"source": 18, "target": 3, "label": "U"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 9, "label": "P"}, {"source": 24, "target": 14, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 12, "label": "L"}, {"source": 19, "target": 5, "label": "P"}, {"source": 21, "target": 8, "label": "F"}, {"source": 24, "target": 15, "label": "U"}, {"source": 19, "target": 4, "label": "D"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "369210-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Mr. Guerra gave me a better deal without any hassles nor any type of problems.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 6, "label": "C"}, {"source": 16, "target": 1, "label": "C"}, {"source": 24, "target": 14, "label": "P"}, {"source": 18, "target": 3, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 21, "target": 10, "label": "L"}, {"source": 22, "target": 8, "label": "Q"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 23, "target": 11, "label": "Q"}, {"source": 19, "target": 4, "label": "F"}, {"source": 19, "target": 2, "label": "F"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "P"}, {"source": 24, "target": 13, "label": "F"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "D"}, {"source": 24, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "E"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 15, "label": "U"}, {"source": 24, "target": 23, "label": "D"}, {"source": 18, "target": 16, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 20, "target": 7, "label": "D"}]} +{"id": "369210-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Brickell Honda has been the best buying experience in the world.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 15, "label": "D"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 4, "label": "F"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 7, "label": "E"}, {"source": 12, "target": 0, "label": "E"}, {"source": 17, "target": 8, "label": "R"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 16, "label": "P"}]} +{"id": "369210-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I urge all St. Thomas the Apostle parishioners and all of South Florida residents to come see Gus!!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}, {"from": 15, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 46}]}, {"id": 5, "anchors": [{"from": 47, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 84}]}, {"id": 12, "anchors": [{"from": 85, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 93}]}, {"id": 14, "anchors": [{"from": 94, "to": 97}]}, {"id": 15, "anchors": [{"from": 97, "to": 100}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 13, "label": "P"}, {"source": 17, "target": 1, "label": "D"}, {"source": 20, "target": 6, "label": "Q"}, {"source": 19, "target": 20, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 18, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 11, "label": "F"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 18, "target": 2, "label": "Q"}, {"source": 17, "target": 15, "label": "U"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 17, "target": 14, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 17, "target": 12, "label": "D"}, {"source": 19, "target": 5, "label": "N"}]} +{"id": "369210-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent customer service!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "369608-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The management and staff are superb.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "D"}, {"source": 7, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "N"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "S"}, {"source": 9, "target": 4, "label": "F"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "369608-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I worked with Sam Mones who took great care of me.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "R"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "369608-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is by far the best run dealership in Miami.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 13, "label": "E"}, {"source": 15, "target": 8, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 3, "label": "F"}, {"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 12, "label": "D"}, {"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "369957-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "beware they will rip u off", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}, {"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "371300-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Never again", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "T"}, {"source": 3, "target": 1, "label": "D"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "371300-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't go here unless you want to sit,order,eat and be asked to leave all in a matter of 20 minutes.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 75}]}, {"id": 20, "anchors": [{"from": 76, "to": 77}]}, {"id": 21, "anchors": [{"from": 78, "to": 84}]}, {"id": 22, "anchors": [{"from": 85, "to": 87}]}, {"id": 23, "anchors": [{"from": 88, "to": 90}]}, {"id": 24, "anchors": [{"from": 91, "to": 98}]}, {"id": 25, "anchors": [{"from": 98, "to": 99}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 33, "target": 15, "label": "P"}, {"source": 28, "target": 35, "label": "T"}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 16, "label": "R"}, {"source": 31, "target": 10, "label": "P"}, {"source": 29, "target": 9, "label": "U"}, {"source": 31, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 17, "label": "P"}, {"source": 36, "target": 22, "label": "R"}, {"source": 32, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "P"}, {"source": 26, "target": 1, "label": "D"}, {"source": 36, "target": 20, "label": "F"}, {"source": 35, "target": 19, "label": "R"}, {"source": 35, "target": 25, "label": "U"}, {"source": 33, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 33, "label": "H"}, {"source": 26, "target": 0, "label": "F"}, {"source": 29, "target": 7, "label": "R"}, {"source": 30, "target": 8, "label": "P"}, {"source": 29, "target": 30, "label": "H"}, {"source": 36, "target": 21, "label": "C"}, {"source": 29, "target": 13, "label": "L"}, {"source": 29, "target": 32, "label": "H"}, {"source": 35, "target": 23, "label": "Q"}, {"source": 35, "target": 18, "label": "R"}, {"source": 27, "target": 4, "label": "L"}, {"source": 34, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "A"}, {"source": 28, "target": 5, "label": "A"}, {"source": 32, "target": 12, "label": "P"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 36, "label": "E"}, {"source": 28, "target": 6, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 35, "target": 24, "label": "C"}, {"source": 29, "target": 11, "label": "U"}, {"source": 29, "target": 31, "label": "H"}, {"source": 33, "target": 14, "label": "F"}]} +{"id": "371300-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You won't even have time to read the entire menu before being asked to order and if you ask for more time your server will wait at the table.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 140}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 39, "target": 24, "label": "P"}, {"source": 31, "target": 6, "label": "F"}, {"source": 40, "target": 26, "label": "P"}, {"source": 31, "target": 33, "label": "D"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 29, "label": "C"}, {"source": 38, "target": 21, "label": "Q"}, {"source": 31, "target": 0, "label": "A"}, {"source": 32, "target": 16, "label": "L"}, {"source": 32, "target": 35, "label": "H"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 7, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 36, "target": 15, "label": "P"}, {"source": 34, "target": 9, "label": "Q"}, {"source": 41, "target": 27, "label": "R"}, {"source": 41, "target": 30, "label": "U"}, {"source": 41, "target": 28, "label": "F"}, {"source": 35, "target": 13, "label": "P"}, {"source": 31, "target": 1, "label": "F"}, {"source": 31, "target": 3, "label": "D"}, {"source": 40, "target": 39, "label": "A"}, {"source": 32, "target": 11, "label": "L"}, {"source": 32, "target": 37, "label": "H"}, {"source": 31, "target": 34, "label": "A"}, {"source": 40, "target": 25, "label": "F"}, {"source": 34, "target": 8, "label": "F"}, {"source": 34, "target": 10, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 40, "label": "H"}, {"source": 32, "target": 17, "label": "L"}, {"source": 33, "target": 4, "label": "F"}, {"source": 37, "target": 18, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 33, "target": 5, "label": "C"}, {"source": 37, "target": 19, "label": "P"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 22, "label": "C"}, {"source": 35, "target": 12, "label": "F"}, {"source": 31, "target": 2, "label": "D"}, {"source": 39, "target": 23, "label": "A"}, {"source": 38, "target": 20, "label": "R"}, {"source": 36, "target": 14, "label": "R"}]} +{"id": "371300-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is the only place I have ever eaten and been told to leave because other people were waiting.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 4, "label": "C"}, {"source": 25, "target": 11, "label": "P"}, {"source": 21, "target": 28, "label": "H"}, {"source": 28, "target": 19, "label": "U"}, {"source": 22, "target": 2, "label": "F"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 21, "target": 14, "label": "L"}, {"source": 20, "target": 1, "label": "S"}, {"source": 24, "target": 9, "label": "L"}, {"source": 21, "target": 20, "label": "H"}, {"source": 26, "target": 13, "label": "P"}, {"source": 28, "target": 17, "label": "F"}, {"source": 22, "target": 24, "label": "E"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 27, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "P"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 27, "target": 16, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 22, "target": 3, "label": "E"}, {"source": 25, "target": 10, "label": "F"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "T"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 12, "label": "R"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "371300-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was told to take my coffee to go if I wanted to finish it.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 23, "target": 12, "label": "R"}, {"source": 17, "target": 16, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 6, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 22, "label": "H"}, {"source": 16, "target": 2, "label": "P"}, {"source": 22, "target": 11, "label": "P"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 4, "label": "D"}, {"source": 18, "target": 21, "label": "P"}, {"source": 17, "target": 9, "label": "L"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 7, "label": "R"}, {"source": 18, "target": 3, "label": "R"}, {"source": 22, "target": 10, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}]} +{"id": "371300-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Oh, and their liquor license was expired so no Bloody Mary or Mimosas.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}, {"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 11, "label": "N"}, {"source": 16, "target": 3, "label": "S"}, {"source": 17, "target": 16, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 17, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 1, "label": "U"}, {"source": 14, "target": 7, "label": "P"}, {"source": 15, "target": 2, "label": "L"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 9, "label": "D"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 8, "label": "L"}, {"source": 14, "target": 6, "label": "F"}]} +{"id": "371300-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Plus the drinks are self service, have fun trying to negotiate the small cafeteria space to get your coffee, juice or water.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 107}]}, {"id": 20, "anchors": [{"from": 107, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 11, "label": "P"}, {"source": 34, "target": 21, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 8, "label": "C"}, {"source": 32, "target": 34, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 13, "label": "E"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 16, "label": "L"}, {"source": 27, "target": 5, "label": "P"}, {"source": 25, "target": 29, "label": "H"}, {"source": 32, "target": 18, "label": "S"}, {"source": 34, "target": 22, "label": "N"}, {"source": 26, "target": 1, "label": "F"}, {"source": 31, "target": 17, "label": "P"}, {"source": 27, "target": 4, "label": "D"}, {"source": 31, "target": 33, "label": "A"}, {"source": 28, "target": 7, "label": "F"}, {"source": 25, "target": 27, "label": "H"}, {"source": 30, "target": 12, "label": "F"}, {"source": 29, "target": 28, "label": "G"}, {"source": 33, "target": 32, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 29, "target": 10, "label": "F"}, {"source": 27, "target": 26, "label": "A"}, {"source": 26, "target": 2, "label": "C"}, {"source": 25, "target": 0, "label": "L"}, {"source": 25, "target": 31, "label": "H"}, {"source": 34, "target": 19, "label": "C"}, {"source": 27, "target": 3, "label": "F"}, {"source": 29, "target": 9, "label": "D"}, {"source": 33, "target": 34, "label": "C"}, {"source": 34, "target": 23, "label": "C"}, {"source": 30, "target": 14, "label": "E"}, {"source": 25, "target": 6, "label": "U"}, {"source": 34, "target": 20, "label": "U"}]} +{"id": "371300-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Go next door to the Ball Square Cafe instead.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}, {"from": 25, "to": 31}, {"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 4, "label": "F"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 0, "label": "P"}, {"source": 9, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "371492-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "371492-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am so glad that we now have a good nail shop on San Mateo Avenue!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}, {"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 6, "label": "T"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 20, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 14, "label": "E"}, {"source": 18, "target": 7, "label": "S"}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 1, "label": "F"}, {"source": 20, "target": 9, "label": "S"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 4, "label": "R"}, {"source": 18, "target": 21, "label": "A"}, {"source": 17, "target": 3, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 5, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 8, "label": "F"}]} +{"id": "371492-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "No more having to drive to San Francisco for a great mani pedi.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}, {"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}, {"from": 31, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "C"}, {"source": 16, "target": 17, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 1, "label": "D"}, {"source": 16, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 15, "target": 8, "label": "D"}, {"source": 13, "target": 6, "label": "L"}, {"source": 12, "target": 0, "label": "D"}, {"source": 12, "target": 3, "label": "P"}]} +{"id": "371492-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Both Tina and Vicky are excellent.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 10, "label": "C"}, {"source": 7, "target": 0, "label": "Q"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 2, "label": "N"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "F"}]} +{"id": "371492-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will definitely refer my friends and family:)", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "S"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "N"}, {"source": 11, "target": 4, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}]} +{"id": "372582-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Prime rib was very tough.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "372582-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Staff were pleasant.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "372582-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Won't return.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "372665-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Is not a service office", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "D"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "372665-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is a delivery office only and does not take walk ins but they do have a blue box out front.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}, {"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 27, "label": "P"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 2, "label": "F"}, {"source": 28, "target": 14, "label": "F"}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 19, "label": "A"}, {"source": 22, "target": 28, "label": "H"}, {"source": 24, "target": 3, "label": "P"}, {"source": 21, "target": 1, "label": "S"}, {"source": 25, "target": 7, "label": "F"}, {"source": 29, "target": 16, "label": "F"}, {"source": 22, "target": 12, "label": "L"}, {"source": 30, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 18, "label": "C"}, {"source": 25, "target": 8, "label": "D"}, {"source": 22, "target": 6, "label": "L"}, {"source": 30, "target": 17, "label": "S"}, {"source": 28, "target": 20, "label": "U"}, {"source": 21, "target": 5, "label": "D"}, {"source": 25, "target": 9, "label": "P"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 15, "label": "S"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "A"}]} +{"id": "372665-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Glad I called before I arrived with my box to ship.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 9, "label": "F"}, {"source": 13, "target": 3, "label": "L"}, {"source": 15, "target": 5, "label": "P"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "P"}, {"source": 12, "target": 0, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 7, "label": "S"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 4, "label": "A"}, {"source": 16, "target": 6, "label": "R"}, {"source": 18, "target": 10, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 1, "label": "A"}, {"source": 16, "target": 18, "label": "E"}, {"source": 17, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "372665-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thought adding a comment would save someone the hassle with a useless trip there.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 13, "label": "A"}, {"source": 22, "target": 10, "label": "F"}, {"source": 22, "target": 9, "label": "R"}, {"source": 20, "target": 4, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 19, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "P"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 6, "label": "A"}, {"source": 18, "target": 20, "label": "D"}, {"source": 18, "target": 17, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 18, "target": 14, "label": "U"}, {"source": 18, "target": 11, "label": "D"}, {"source": 18, "target": 22, "label": "P"}, {"source": 18, "target": 21, "label": "D"}]} +{"id": "372903-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Fantastic for kids", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "372903-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you have children or are just a real animal lover yourself you'll love this zoo.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 4, "label": "L"}, {"source": 19, "target": 2, "label": "S"}, {"source": 22, "target": 12, "label": "A"}, {"source": 20, "target": 11, "label": "A"}, {"source": 18, "target": 0, "label": "L"}, {"source": 23, "target": 15, "label": "E"}, {"source": 20, "target": 9, "label": "A"}, {"source": 20, "target": 21, "label": "D"}, {"source": 19, "target": 1, "label": "A"}, {"source": 19, "target": 3, "label": "A"}, {"source": 22, "target": 14, "label": "P"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 10, "label": "S"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 16, "label": "C"}, {"source": 20, "target": 6, "label": "D"}]} +{"id": "372903-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "It's only $10 and in essence just one big petting zoo.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 20}, {"from": 21, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "E"}, {"source": 13, "target": 1, "label": "S"}, {"source": 16, "target": 6, "label": "G"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 2, "label": "E"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "372903-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They sell feed and milk bottles at the front and I recommend you buy lots.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 22, "target": 12, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 6, "label": "R"}, {"source": 16, "target": 20, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 9, "label": "L"}, {"source": 22, "target": 13, "label": "P"}, {"source": 23, "target": 18, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 3, "label": "N"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 19, "target": 5, "label": "C"}, {"source": 23, "target": 14, "label": "Q"}, {"source": 17, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "C"}, {"source": 18, "target": 19, "label": "C"}]} +{"id": "372903-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We took our 7 month old and she laughed and giggled when (very harshly I might add) grabbing and 'kissed' the goats and lambs.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}, {"from": 73, "to": 78}, {"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 125}]}, {"id": 26, "anchors": [{"from": 125, "to": 126}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 37, "target": 25, "label": "C"}, {"source": 34, "target": 16, "label": "U"}, {"source": 28, "target": 19, "label": "U"}, {"source": 28, "target": 6, "label": "L"}, {"source": 29, "target": 2, "label": "E"}, {"source": 28, "target": 34, "label": "H"}, {"source": 34, "target": 17, "label": "P"}, {"source": 35, "target": 20, "label": "P"}, {"source": 29, "target": 30, "label": "E"}, {"source": 32, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 7, "label": "A"}, {"source": 37, "target": 36, "label": "C"}, {"source": 33, "target": 14, "label": "C"}, {"source": 37, "target": 24, "label": "N"}, {"source": 28, "target": 18, "label": "L"}, {"source": 36, "target": 22, "label": "F"}, {"source": 27, "target": 1, "label": "P"}, {"source": 28, "target": 12, "label": "U"}, {"source": 34, "target": 33, "label": "D"}, {"source": 30, "target": 4, "label": "C"}, {"source": 30, "target": 3, "label": "Q"}, {"source": 34, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 33, "target": 13, "label": "E"}, {"source": 34, "target": 15, "label": "G"}, {"source": 35, "target": 21, "label": "U"}, {"source": 28, "target": 11, "label": "L"}, {"source": 36, "target": 23, "label": "C"}, {"source": 29, "target": 5, "label": "E"}, {"source": 28, "target": 31, "label": "H"}, {"source": 37, "target": 26, "label": "U"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 35, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 34, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 8, "label": "P"}, {"source": 32, "target": 10, "label": "P"}]} +{"id": "372903-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The animals were all very sweet and patient with her.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "R"}, {"source": 11, "target": 3, "label": "Q"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 7, "label": "S"}, {"source": 13, "target": 6, "label": "L"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 5, "label": "S"}, {"source": 12, "target": 11, "label": "A"}]} +{"id": "372903-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Among the animals that were available to touch were pony's, camels and EVEN AN OSTRICH!!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 0, "label": "E"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 10, "label": "U"}, {"source": 20, "target": 6, "label": "F"}, {"source": 19, "target": 4, "label": "F"}, {"source": 19, "target": 5, "label": "D"}, {"source": 17, "target": 2, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 21, "target": 9, "label": "C"}, {"source": 21, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 19, "target": 17, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 12, "label": "N"}, {"source": 22, "target": 13, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 22, "target": 15, "label": "C"}, {"source": 21, "target": 8, "label": "R"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 14, "label": "F"}, {"source": 22, "target": 16, "label": "U"}]} +{"id": "372903-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Wonderful, inexpensive and lots of fun!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "S"}, {"source": 10, "target": 2, "label": "S"}, {"source": 9, "target": 3, "label": "L"}, {"source": 12, "target": 11, "label": "D"}, {"source": 9, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "R"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "374000-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "GREAT Store GREAT Service!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "374000-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "“This store is great!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 3, "label": "F"}, {"source": 8, "target": 1, "label": "E"}]} +{"id": "374000-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I love walking in and not being hassled.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 6, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 5, "label": "D"}, {"source": 13, "target": 7, "label": "P"}, {"source": 11, "target": 2, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "374000-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I was there when they did a free raffle in August and I won a hard drive!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}, {"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 7, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 18, "target": 11, "label": "L"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "F"}, {"source": 21, "target": 9, "label": "R"}, {"source": 19, "target": 21, "label": "T"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 1, "label": "F"}, {"source": 18, "target": 3, "label": "L"}, {"source": 22, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 17, "target": 2, "label": "S"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 4, "label": "A"}]} +{"id": "374000-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The reason I go back is because the employees are sooooo nice.”", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 7, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "D"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "L"}, {"source": 18, "target": 17, "label": "S"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "L"}, {"source": 14, "target": 0, "label": "F"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 16, "target": 4, "label": "D"}, {"source": 16, "target": 3, "label": "P"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "374344-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "AMAZING", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "S"}]} +{"id": "374344-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Absoul is the greatest donair man on the planet.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 7, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "374344-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "374344-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "If you enjoy amazing things, you must go to World's Finest Donair.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}, {"from": 49, "to": 51}, {"from": 52, "to": 58}, {"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 3, "label": "S"}, {"source": 12, "target": 5, "label": "U"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 16, "label": "H"}, {"source": 16, "target": 8, "label": "P"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 16, "target": 7, "label": "D"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "374344-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lest you be lame!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 2, "label": "F"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "374344-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I give this place 11/10.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 24}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "U"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "374344-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "3 thumbs up.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "Q"}, {"source": 4, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 4, "label": "A"}]} +{"id": "374344-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Bon appetit!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "374604-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I've never felt the need to write a review or make a complaint before, but after the way I was spoken to by a member of staff at the kennels (whose name I believe to be Mrs Closs) I would now not recommend this business to anybody.", "tops": [52], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 128}]}, {"id": 30, "anchors": [{"from": 129, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33, "anchors": [{"from": 142, "to": 147}]}, {"id": 34, "anchors": [{"from": 148, "to": 152}]}, {"id": 35, "anchors": [{"from": 153, "to": 154}, {"from": 155, "to": 162}]}, {"id": 36, "anchors": [{"from": 163, "to": 165}]}, {"id": 37, "anchors": [{"from": 166, "to": 168}]}, {"id": 38, "anchors": [{"from": 169, "to": 172}]}, {"id": 39, "anchors": [{"from": 173, "to": 178}]}, {"id": 40, "anchors": [{"from": 178, "to": 179}]}, {"id": 41, "anchors": [{"from": 180, "to": 181}]}, {"id": 42, "anchors": [{"from": 182, "to": 187}]}, {"id": 43, "anchors": [{"from": 188, "to": 191}]}, {"id": 44, "anchors": [{"from": 192, "to": 195}]}, {"id": 45, "anchors": [{"from": 196, "to": 205}]}, {"id": 46, "anchors": [{"from": 206, "to": 210}]}, {"id": 47, "anchors": [{"from": 211, "to": 219}]}, {"id": 48, "anchors": [{"from": 220, "to": 222}]}, {"id": 49, "anchors": [{"from": 223, "to": 230}]}, {"id": 50, "anchors": [{"from": 230, "to": 231}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}], "edges": [{"source": 58, "target": 13, "label": "C"}, {"source": 57, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 22, "label": "C"}, {"source": 63, "target": 26, "label": "C"}, {"source": 65, "target": 31, "label": "C"}, {"source": 54, "target": 10, "label": "L"}, {"source": 56, "target": 9, "label": "C"}, {"source": 65, "target": 30, "label": "F"}, {"source": 68, "target": 41, "label": "A"}, {"source": 59, "target": 19, "label": "C"}, {"source": 55, "target": 56, "label": "A"}, {"source": 67, "target": 39, "label": "C"}, {"source": 60, "target": 21, "label": "F"}, {"source": 68, "target": 43, "label": "T"}, {"source": 51, "target": 0, "label": "A"}, {"source": 63, "target": 25, "label": "F"}, {"source": 52, "target": 32, "label": "U"}, {"source": 56, "target": 8, "label": "F"}, {"source": 70, "target": 50, "label": "U"}, {"source": 52, "target": 68, "label": "H"}, {"source": 66, "target": 35, "label": "G"}, {"source": 59, "target": 18, "label": "F"}, {"source": 70, "target": 49, "label": "C"}, {"source": 67, "target": 38, "label": "E"}, {"source": 54, "target": 6, "label": "R"}, {"source": 51, "target": 1, "label": "F"}, {"source": 66, "target": 67, "label": "A"}, {"source": 68, "target": 69, "label": "A"}, {"source": 61, "target": 23, "label": "R"}, {"source": 52, "target": 40, "label": "U"}, {"source": 54, "target": 57, "label": "H"}, {"source": 55, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 64, "label": "A"}, {"source": 52, "target": 15, "label": "U"}, {"source": 52, "target": 16, "label": "L"}, {"source": 51, "target": 53, "label": "S"}, {"source": 66, "target": 36, "label": "F"}, {"source": 69, "target": 46, "label": "E"}, {"source": 68, "target": 44, "label": "D"}, {"source": 51, "target": 14, "label": "T"}, {"source": 53, "target": 4, "label": "F"}, {"source": 51, "target": 54, "label": "A"}, {"source": 62, "target": 63, "label": "S"}, {"source": 52, "target": 66, "label": "H"}, {"source": 60, "target": 59, "label": "D"}, {"source": 60, "target": 62, "label": "A"}, {"source": 68, "target": 45, "label": "P"}, {"source": 52, "target": 51, "label": "H"}, {"source": 60, "target": 61, "label": "P"}, {"source": 68, "target": 42, "label": "D"}, {"source": 58, "target": 11, "label": "F"}, {"source": 68, "target": 70, "label": "A"}, {"source": 66, "target": 34, "label": "A"}, {"source": 69, "target": 47, "label": "C"}, {"source": 65, "target": 29, "label": "R"}, {"source": 53, "target": 5, "label": "C"}, {"source": 60, "target": 20, "label": "A"}, {"source": 64, "target": 27, "label": "R"}, {"source": 51, "target": 2, "label": "D"}, {"source": 52, "target": 60, "label": "H"}, {"source": 66, "target": 37, "label": "S"}, {"source": 60, "target": 65, "label": "A"}, {"source": 55, "target": 7, "label": "P"}, {"source": 64, "target": 28, "label": "C"}, {"source": 57, "target": 58, "label": "P"}, {"source": 58, "target": 12, "label": "F"}, {"source": 51, "target": 2, "label": "T"}, {"source": 70, "target": 48, "label": "R"}, {"source": 62, "target": 24, "label": "R"}, {"source": 54, "target": 55, "label": "H"}, {"source": 66, "target": 33, "label": "A"}, {"source": 51, "target": 3, "label": "G"}, {"source": 52, "target": 17, "label": "L"}]} +{"id": "374604-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If the animals are treated in the same way the customers are treated then this leaves a lot to be desired!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}, {"from": 30, "to": 33}, {"from": 34, "to": 38}, {"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 105}]}, {"id": 18, "anchors": [{"from": 105, "to": 106}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 10, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 23, "label": "S"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 13, "label": "F"}, {"source": 25, "target": 16, "label": "F"}, {"source": 26, "target": 14, "label": "C"}, {"source": 25, "target": 11, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 21, "target": 4, "label": "P"}, {"source": 25, "target": 12, "label": "D"}, {"source": 21, "target": 3, "label": "F"}, {"source": 20, "target": 2, "label": "C"}, {"source": 23, "target": 6, "label": "F"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 22, "label": "A"}, {"source": 19, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 25, "target": 15, "label": "F"}, {"source": 23, "target": 7, "label": "C"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "374604-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nobody should be spoken to like that regardless of how bad their day may have been or what may be going on in their private lives!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 103}, {"from": 104, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 129}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 25, "label": "U"}, {"source": 30, "target": 31, "label": "T"}, {"source": 26, "target": 29, "label": "D"}, {"source": 30, "target": 15, "label": "F"}, {"source": 27, "target": 30, "label": "H"}, {"source": 32, "target": 17, "label": "A"}, {"source": 33, "target": 24, "label": "P"}, {"source": 33, "target": 21, "label": "R"}, {"source": 32, "target": 20, "label": "P"}, {"source": 31, "target": 11, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 19, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 22, "label": "A"}, {"source": 31, "target": 12, "label": "P"}, {"source": 28, "target": 4, "label": "R"}, {"source": 26, "target": 1, "label": "D"}, {"source": 30, "target": 9, "label": "D"}, {"source": 28, "target": 3, "label": "C"}, {"source": 30, "target": 14, "label": "F"}, {"source": 27, "target": 32, "label": "H"}, {"source": 26, "target": 28, "label": "P"}, {"source": 30, "target": 8, "label": "R"}, {"source": 27, "target": 16, "label": "L"}, {"source": 27, "target": 7, "label": "L"}, {"source": 32, "target": 18, "label": "D"}, {"source": 30, "target": 13, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 10, "label": "S"}, {"source": 33, "target": 23, "label": "D"}, {"source": 26, "target": 2, "label": "F"}, {"source": 29, "target": 6, "label": "C"}, {"source": 26, "target": 0, "label": "A"}, {"source": 29, "target": 5, "label": "R"}]} +{"id": "376320-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "First trip to Canada", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "R"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "376320-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I recently traveled to Canada on business and had a most excellent experience.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 1, "label": "T"}, {"source": 16, "target": 3, "label": "R"}, {"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 2, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 6, "label": "P"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 20, "label": "D"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 20, "target": 11, "label": "C"}, {"source": 20, "target": 10, "label": "E"}, {"source": 15, "target": 5, "label": "L"}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 8, "label": "F"}]} +{"id": "376320-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I work for a large retail company recently expanding our operations into Canada and had to travel to ensure all of our computer network equipment was installed properly and on time.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}, {"from": 88, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 135}]}, {"id": 23, "anchors": [{"from": 136, "to": 145}]}, {"id": 24, "anchors": [{"from": 146, "to": 149}]}, {"id": 25, "anchors": [{"from": 150, "to": 159}]}, {"id": 26, "anchors": [{"from": 160, "to": 168}]}, {"id": 27, "anchors": [{"from": 169, "to": 172}]}, {"id": 28, "anchors": [{"from": 173, "to": 175}]}, {"id": 29, "anchors": [{"from": 176, "to": 180}]}, {"id": 30, "anchors": [{"from": 180, "to": 181}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 33, "target": 3, "label": "F"}, {"source": 44, "target": 21, "label": "C"}, {"source": 38, "target": 11, "label": "R"}, {"source": 42, "target": 41, "label": "A"}, {"source": 31, "target": 0, "label": "A"}, {"source": 32, "target": 13, "label": "L"}, {"source": 32, "target": 16, "label": "L"}, {"source": 42, "target": 25, "label": "P"}, {"source": 32, "target": 31, "label": "H"}, {"source": 34, "target": 4, "label": "S"}, {"source": 37, "target": 10, "label": "P"}, {"source": 33, "target": 36, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 45, "target": 26, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 39, "label": "H"}, {"source": 36, "target": 8, "label": "P"}, {"source": 39, "target": 15, "label": "P"}, {"source": 42, "target": 24, "label": "F"}, {"source": 40, "target": 17, "label": "P"}, {"source": 46, "target": 30, "label": "U"}, {"source": 35, "target": 5, "label": "S"}, {"source": 40, "target": 42, "label": "A"}, {"source": 39, "target": 14, "label": "D"}, {"source": 36, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 12, "label": "A"}, {"source": 33, "target": 35, "label": "E"}, {"source": 34, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 7, "label": "T"}, {"source": 32, "target": 40, "label": "H"}, {"source": 45, "target": 27, "label": "N"}, {"source": 46, "target": 28, "label": "R"}, {"source": 37, "target": 9, "label": "A"}, {"source": 41, "target": 43, "label": "E"}, {"source": 41, "target": 18, "label": "Q"}, {"source": 44, "target": 22, "label": "C"}, {"source": 41, "target": 19, "label": "R"}, {"source": 45, "target": 46, "label": "C"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 45, "label": "D"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 1, "label": "P"}, {"source": 43, "target": 20, "label": "S"}, {"source": 41, "target": 23, "label": "C"}, {"source": 33, "target": 6, "label": "C"}, {"source": 33, "target": 2, "label": "R"}, {"source": 46, "target": 29, "label": "C"}, {"source": 41, "target": 44, "label": "E"}, {"source": 38, "target": 8, "label": "P", "properties": ["remote"], "values": [true]}]} +{"id": "376320-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This can tend to be a stressful experience in itself let alone adding crossing boarders for the first time.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}, {"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}, {"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 106}]}, {"id": 17, "anchors": [{"from": 106, "to": 107}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "R"}, {"source": 19, "target": 10, "label": "L"}, {"source": 18, "target": 6, "label": "D"}, {"source": 22, "target": 17, "label": "U"}, {"source": 18, "target": 20, "label": "P"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 12, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 20, "target": 5, "label": "F"}, {"source": 22, "target": 16, "label": "C"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 22, "target": 15, "label": "Q"}, {"source": 18, "target": 1, "label": "D"}, {"source": 18, "target": 4, "label": "F"}, {"source": 22, "target": 14, "label": "F"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "376320-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was very pleased to find my accommodations and the hotel staff to be a very calming and comforting part of my trip.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 116}]}, {"id": 23, "anchors": [{"from": 116, "to": 117}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 8, "label": "N"}, {"source": 34, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 23, "label": "U"}, {"source": 26, "target": 6, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 28, "target": 34, "label": "H"}, {"source": 29, "target": 16, "label": "P"}, {"source": 33, "target": 32, "label": "A"}, {"source": 32, "target": 19, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 28, "target": 17, "label": "L"}, {"source": 32, "target": 14, "label": "F"}, {"source": 30, "target": 10, "label": "A"}, {"source": 33, "target": 22, "label": "P"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 20, "label": "R"}, {"source": 29, "target": 15, "label": "D"}, {"source": 33, "target": 21, "label": "A"}, {"source": 31, "target": 11, "label": "C"}, {"source": 29, "target": 27, "label": "A"}, {"source": 29, "target": 12, "label": "F"}, {"source": 34, "target": 18, "label": "P"}, {"source": 27, "target": 26, "label": "C"}, {"source": 25, "target": 4, "label": "F"}, {"source": 34, "target": 15, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 3, "label": "D"}, {"source": 27, "target": 30, "label": "C"}, {"source": 34, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "H"}, {"source": 25, "target": 2, "label": "D"}, {"source": 26, "target": 7, "label": "P"}, {"source": 25, "target": 5, "label": "P"}, {"source": 31, "target": 9, "label": "F"}, {"source": 29, "target": 13, "label": "F"}, {"source": 29, "target": 33, "label": "A"}, {"source": 25, "target": 28, "label": "A"}, {"source": 25, "target": 1, "label": "F"}]} +{"id": "376320-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I found the hotel to be amazingly clean, not to mention very well adorned with many pleasant surprises.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 47}, {"from": 48, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 102}]}, {"id": 17, "anchors": [{"from": 102, "to": 103}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 12, "label": "S"}, {"source": 19, "target": 1, "label": "P"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "U"}, {"source": 21, "target": 6, "label": "D"}, {"source": 19, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 7, "label": "S"}, {"source": 23, "target": 10, "label": "E"}, {"source": 22, "target": 9, "label": "L"}, {"source": 22, "target": 24, "label": "H"}, {"source": 25, "target": 15, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 21, "target": 4, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 24, "target": 23, "label": "D"}, {"source": 24, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 16, "label": "P"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "376320-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "From my first encounter at check in to my regrettable check out I found the staff and facility to exceed my expectation.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}, {"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 59}, {"from": 60, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 119}]}, {"id": 20, "anchors": [{"from": 119, "to": 120}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 22, "target": 2, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 29, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 0, "label": "L"}, {"source": 24, "target": 9, "label": "P"}, {"source": 29, "target": 18, "label": "A"}, {"source": 28, "target": 14, "label": "N"}, {"source": 25, "target": 10, "label": "A"}, {"source": 25, "target": 16, "label": "F"}, {"source": 23, "target": 4, "label": "R"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "D"}, {"source": 26, "target": 28, "label": "C"}, {"source": 25, "target": 11, "label": "D"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 1, "label": "A"}, {"source": 29, "target": 19, "label": "P"}, {"source": 26, "target": 12, "label": "F"}, {"source": 28, "target": 27, "label": "C"}, {"source": 25, "target": 17, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "L"}, {"source": 22, "target": 3, "label": "P"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 7, "label": "A"}]} +{"id": "376320-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I completely enjoyed my whole check in experience and was impressed with the friendliness and professionalism of the staff as well as the accommodations themselves.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 93}]}, {"id": 14, "anchors": [{"from": 94, "to": 109}]}, {"id": 15, "anchors": [{"from": 110, "to": 112}]}, {"id": 16, "anchors": [{"from": 113, "to": 116}]}, {"id": 17, "anchors": [{"from": 117, "to": 122}]}, {"id": 18, "anchors": [{"from": 123, "to": 125}, {"from": 126, "to": 130}, {"from": 131, "to": 133}]}, {"id": 19, "anchors": [{"from": 134, "to": 137}]}, {"id": 20, "anchors": [{"from": 138, "to": 152}]}, {"id": 21, "anchors": [{"from": 153, "to": 163}]}, {"id": 22, "anchors": [{"from": 163, "to": 164}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 26, "target": 6, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 31, "target": 14, "label": "S"}, {"source": 25, "target": 3, "label": "A"}, {"source": 27, "target": 9, "label": "P"}, {"source": 28, "target": 29, "label": "C"}, {"source": 29, "target": 11, "label": "F"}, {"source": 32, "target": 15, "label": "R"}, {"source": 31, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "P"}, {"source": 34, "target": 22, "label": "U"}, {"source": 24, "target": 7, "label": "L"}, {"source": 30, "target": 32, "label": "A"}, {"source": 26, "target": 5, "label": "C"}, {"source": 30, "target": 12, "label": "S"}, {"source": 32, "target": 33, "label": "P"}, {"source": 33, "target": 16, "label": "F"}, {"source": 27, "target": 8, "label": "F"}, {"source": 28, "target": 18, "label": "N"}, {"source": 34, "target": 21, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 13, "label": "L"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 4, "label": "D"}, {"source": 34, "target": 19, "label": "F"}, {"source": 28, "target": 10, "label": "R"}, {"source": 23, "target": 1, "label": "D"}, {"source": 34, "target": 20, "label": "C"}, {"source": 33, "target": 17, "label": "C"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 34, "label": "C"}, {"source": 29, "target": 31, "label": "H"}]} +{"id": "376320-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will be traveling in this area in the future and you can be assured that this experience will be helpful in my choice of hotels and Novotel will be my first selection.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 149}]}, {"id": 30, "anchors": [{"from": 150, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 168}]}, {"id": 33, "anchors": [{"from": 168, "to": 169}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 35, "target": 38, "label": "H"}, {"source": 45, "target": 28, "label": "F"}, {"source": 42, "target": 20, "label": "S"}, {"source": 42, "target": 43, "label": "A"}, {"source": 36, "target": 4, "label": "R"}, {"source": 42, "target": 18, "label": "F"}, {"source": 34, "target": 0, "label": "A"}, {"source": 38, "target": 11, "label": "A"}, {"source": 43, "target": 22, "label": "A"}, {"source": 45, "target": 32, "label": "P"}, {"source": 45, "target": 27, "label": "A"}, {"source": 41, "target": 16, "label": "E"}, {"source": 42, "target": 40, "label": "A"}, {"source": 42, "target": 19, "label": "F"}, {"source": 45, "target": 31, "label": "D"}, {"source": 34, "target": 2, "label": "F"}, {"source": 39, "target": 42, "label": "H"}, {"source": 45, "target": 29, "label": "F"}, {"source": 40, "target": 41, "label": "P"}, {"source": 43, "target": 23, "label": "P"}, {"source": 41, "target": 17, "label": "C"}, {"source": 39, "target": 26, "label": "L"}, {"source": 38, "target": 39, "label": "A"}, {"source": 37, "target": 9, "label": "C"}, {"source": 34, "target": 37, "label": "A"}, {"source": 38, "target": 14, "label": "P"}, {"source": 39, "target": 45, "label": "H"}, {"source": 44, "target": 25, "label": "C"}, {"source": 43, "target": 21, "label": "R"}, {"source": 36, "target": 6, "label": "C"}, {"source": 34, "target": 1, "label": "F"}, {"source": 38, "target": 12, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 39, "target": 15, "label": "R"}, {"source": 38, "target": 13, "label": "F"}, {"source": 35, "target": 10, "label": "L"}, {"source": 43, "target": 44, "label": "A"}, {"source": 44, "target": 24, "label": "R"}, {"source": 36, "target": 5, "label": "E"}, {"source": 45, "target": 30, "label": "A"}, {"source": 37, "target": 8, "label": "F"}, {"source": 34, "target": 3, "label": "P"}, {"source": 37, "target": 7, "label": "R"}, {"source": 35, "target": 34, "label": "H"}, {"source": 45, "target": 33, "label": "U"}]} +{"id": "376320-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Yes the parking can be a challenge but being from NJ I am no stranger to tight corners.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 16, "label": "S"}, {"source": 19, "target": 0, "label": "G"}, {"source": 26, "target": 15, "label": "R"}, {"source": 21, "target": 22, "label": "P"}, {"source": 27, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 23, "label": "P"}, {"source": 25, "target": 13, "label": "D"}, {"source": 22, "target": 2, "label": "C"}, {"source": 24, "target": 9, "label": "S"}, {"source": 25, "target": 11, "label": "A"}, {"source": 24, "target": 10, "label": "A"}, {"source": 24, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "F"}, {"source": 20, "target": 25, "label": "H"}, {"source": 20, "target": 24, "label": "H"}, {"source": 22, "target": 1, "label": "F"}, {"source": 20, "target": 7, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 25, "target": 12, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 6, "label": "C"}, {"source": 25, "target": 14, "label": "S"}, {"source": 24, "target": 8, "label": "F"}]} +{"id": "376320-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Please pass my appreciation to the Staff and Management for their excellent hospitality and good spirits as it helped make a stressful trip enjoyable.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 104}]}, {"id": 16, "anchors": [{"from": 105, "to": 107}]}, {"id": 17, "anchors": [{"from": 108, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 117}]}, {"id": 19, "anchors": [{"from": 118, "to": 122}]}, {"id": 20, "anchors": [{"from": 123, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 134}]}, {"id": 22, "anchors": [{"from": 135, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 149}]}, {"id": 24, "anchors": [{"from": 149, "to": 150}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 13, "label": "L"}, {"source": 36, "target": 21, "label": "D"}, {"source": 32, "target": 31, "label": "H"}, {"source": 25, "target": 29, "label": "A"}, {"source": 36, "target": 37, "label": "P"}, {"source": 33, "target": 34, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 1, "label": "P"}, {"source": 32, "target": 33, "label": "H"}, {"source": 31, "target": 11, "label": "D"}, {"source": 35, "target": 18, "label": "D"}, {"source": 31, "target": 12, "label": "P"}, {"source": 33, "target": 9, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 4, "label": "R"}, {"source": 37, "target": 22, "label": "C"}, {"source": 26, "target": 16, "label": "L"}, {"source": 31, "target": 10, "label": "A"}, {"source": 27, "target": 2, "label": "A"}, {"source": 30, "target": 4, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 32, "label": "A"}, {"source": 33, "target": 11, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 35, "label": "H"}, {"source": 35, "target": 17, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 29, "target": 7, "label": "L"}, {"source": 29, "target": 30, "label": "H"}, {"source": 35, "target": 23, "label": "S"}, {"source": 30, "target": 8, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 34, "target": 14, "label": "E"}, {"source": 29, "target": 28, "label": "H"}, {"source": 34, "target": 15, "label": "C"}, {"source": 29, "target": 5, "label": "F"}, {"source": 35, "target": 24, "label": "U"}, {"source": 27, "target": 3, "label": "S"}, {"source": 37, "target": 20, "label": "F"}, {"source": 35, "target": 19, "label": "D"}, {"source": 31, "target": 9, "label": "R"}, {"source": 28, "target": 6, "label": "P"}, {"source": 25, "target": 0, "label": "G"}]} +{"id": "376503-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I interviewed several contractors for a kitchen remodel.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 55}]}, {"id": 8, "anchors": [{"from": 55, "to": 56}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 8, "label": "U"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 6, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 13, "label": "H"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "Q"}, {"source": 11, "target": 12, "label": "S"}, {"source": 13, "target": 14, "label": "P"}, {"source": 9, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}]} +{"id": "376503-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Liberty construction shows up and it's two guys...all I get is 100% sales pitch \"We're the best...we're number 50 so we must be doing something right...look at all these certificates that say we're great\".", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 29}]}, {"id": 2, "anchors": [{"from": 30, "to": 33}]}, {"id": 3, "anchors": [{"from": 34, "to": 36}]}, {"id": 4, "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 47}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}, {"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 98, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 149}]}, {"id": 32, "anchors": [{"from": 149, "to": 152}]}, {"id": 33, "anchors": [{"from": 152, "to": 156}]}, {"id": 34, "anchors": [{"from": 157, "to": 159}]}, {"id": 35, "anchors": [{"from": 160, "to": 163}]}, {"id": 36, "anchors": [{"from": 164, "to": 169}]}, {"id": 37, "anchors": [{"from": 170, "to": 182}]}, {"id": 38, "anchors": [{"from": 183, "to": 187}]}, {"id": 39, "anchors": [{"from": 188, "to": 191}]}, {"id": 40, "anchors": [{"from": 192, "to": 194}]}, {"id": 41, "anchors": [{"from": 194, "to": 197}]}, {"id": 42, "anchors": [{"from": 198, "to": 203}]}, {"id": 43, "anchors": [{"from": 203, "to": 204}]}, {"id": 44, "anchors": [{"from": 204, "to": 205}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 49, "target": 8, "label": "D"}, {"source": 47, "target": 48, "label": "A"}, {"source": 55, "target": 56, "label": "A"}, {"source": 45, "target": 0, "label": "A"}, {"source": 55, "target": 27, "label": "D"}, {"source": 52, "target": 19, "label": "C"}, {"source": 46, "target": 15, "label": "U"}, {"source": 50, "target": 12, "label": "Q"}, {"source": 56, "target": 57, "label": "C"}, {"source": 54, "target": 23, "label": "C"}, {"source": 46, "target": 20, "label": "U"}, {"source": 60, "target": 38, "label": "R"}, {"source": 56, "target": 30, "label": "C"}, {"source": 54, "target": 24, "label": "Q"}, {"source": 49, "target": 10, "label": "P"}, {"source": 46, "target": 47, "label": "H"}, {"source": 59, "target": 36, "label": "E"}, {"source": 46, "target": 2, "label": "L"}, {"source": 60, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 9, "label": "A"}, {"source": 59, "target": 60, "label": "E"}, {"source": 58, "target": 59, "label": "A"}, {"source": 60, "target": 61, "label": "A"}, {"source": 46, "target": 49, "label": "H"}, {"source": 53, "target": 54, "label": "A"}, {"source": 50, "target": 11, "label": "R"}, {"source": 46, "target": 53, "label": "H"}, {"source": 52, "target": 18, "label": "F"}, {"source": 60, "target": 39, "label": "P"}, {"source": 53, "target": 21, "label": "A"}, {"source": 46, "target": 32, "label": "U"}, {"source": 55, "target": 26, "label": "A"}, {"source": 49, "target": 50, "label": "A"}, {"source": 51, "target": 16, "label": "A"}, {"source": 58, "target": 33, "label": "P"}, {"source": 46, "target": 25, "label": "L"}, {"source": 46, "target": 55, "label": "H"}, {"source": 45, "target": 1, "label": "P"}, {"source": 61, "target": 41, "label": "F"}, {"source": 57, "target": 31, "label": "S"}, {"source": 61, "target": 40, "label": "A"}, {"source": 50, "target": 13, "label": "E"}, {"source": 48, "target": 5, "label": "Q"}, {"source": 48, "target": 6, "label": "C"}, {"source": 47, "target": 4, "label": "S"}, {"source": 53, "target": 22, "label": "S"}, {"source": 61, "target": 44, "label": "U"}, {"source": 46, "target": 51, "label": "H"}, {"source": 46, "target": 7, "label": "U"}, {"source": 55, "target": 29, "label": "P"}, {"source": 59, "target": 37, "label": "C"}, {"source": 46, "target": 45, "label": "H"}, {"source": 61, "target": 42, "label": "S"}, {"source": 59, "target": 34, "label": "R"}, {"source": 55, "target": 28, "label": "F"}, {"source": 61, "target": 43, "label": "U"}, {"source": 50, "target": 14, "label": "C"}, {"source": 57, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 58, "label": "H"}, {"source": 51, "target": 52, "label": "S"}, {"source": 59, "target": 35, "label": "Q"}, {"source": 51, "target": 17, "label": "F"}, {"source": 47, "target": 3, "label": "A"}]} +{"id": "376503-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Not once did I feel listened to like they actually cared about what I wanted, all they were interested in was me signing a contract right then and there.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 153}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 33, "target": 6, "label": "R"}, {"source": 31, "target": 1, "label": "A"}, {"source": 40, "target": 30, "label": "U"}, {"source": 38, "target": 24, "label": "F"}, {"source": 31, "target": 3, "label": "A"}, {"source": 37, "target": 21, "label": "F"}, {"source": 39, "target": 26, "label": "E"}, {"source": 32, "target": 31, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 40, "target": 29, "label": "C"}, {"source": 36, "target": 19, "label": "P"}, {"source": 40, "target": 28, "label": "N"}, {"source": 31, "target": 4, "label": "G"}, {"source": 37, "target": 40, "label": "A"}, {"source": 32, "target": 34, "label": "H"}, {"source": 36, "target": 18, "label": "F"}, {"source": 37, "target": 39, "label": "T"}, {"source": 34, "target": 10, "label": "P"}, {"source": 34, "target": 9, "label": "D"}, {"source": 36, "target": 17, "label": "A"}, {"source": 39, "target": 27, "label": "C"}, {"source": 32, "target": 15, "label": "U"}, {"source": 32, "target": 36, "label": "H"}, {"source": 37, "target": 22, "label": "A"}, {"source": 31, "target": 33, "label": "P"}, {"source": 35, "target": 13, "label": "A"}, {"source": 35, "target": 12, "label": "A"}, {"source": 33, "target": 5, "label": "C"}, {"source": 31, "target": 2, "label": "F"}, {"source": 35, "target": 14, "label": "P"}, {"source": 31, "target": 0, "label": "D"}, {"source": 37, "target": 20, "label": "R"}, {"source": 38, "target": 25, "label": "C"}, {"source": 35, "target": 11, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 8, "label": "A"}, {"source": 32, "target": 7, "label": "L"}, {"source": 37, "target": 23, "label": "P"}, {"source": 36, "target": 16, "label": "D"}]} +{"id": "376503-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Very high pressured sales and with the reviews of many others bad service.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 14, "target": 1, "label": "C"}, {"source": 22, "target": 11, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "S"}, {"source": 22, "target": 12, "label": "P"}, {"source": 21, "target": 10, "label": "C"}, {"source": 19, "target": 6, "label": "F"}, {"source": 17, "target": 22, "label": "H"}, {"source": 20, "target": 19, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 16, "target": 15, "label": "D"}, {"source": 15, "target": 2, "label": "C"}, {"source": 19, "target": 7, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 21, "target": 8, "label": "R"}, {"source": 14, "target": 0, "label": "E"}, {"source": 21, "target": 9, "label": "Q"}, {"source": 17, "target": 4, "label": "L"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 3, "label": "P"}]} +{"id": "376503-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I'm glad I trusted my gut and didn't get sucked into doing business with them.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}, {"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 6, "label": "F"}, {"source": 16, "target": 18, "label": "H"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "P"}, {"source": 19, "target": 10, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "D"}, {"source": 20, "target": 12, "label": "R"}, {"source": 18, "target": 7, "label": "D"}, {"source": 16, "target": 5, "label": "L"}, {"source": 19, "target": 11, "label": "P"}, {"source": 15, "target": 0, "label": "G"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "E"}, {"source": 15, "target": 1, "label": "A"}]} +{"id": "376503-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Find someone you trust that actually hears you and wants to do the job right.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "R"}, {"source": 17, "target": 0, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 2, "label": "A"}, {"source": 24, "target": 11, "label": "F"}, {"source": 23, "target": 14, "label": "D"}, {"source": 19, "target": 3, "label": "P"}, {"source": 21, "target": 7, "label": "A"}, {"source": 18, "target": 20, "label": "E"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 9, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "L"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 24, "target": 12, "label": "F"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 24, "label": "P"}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "377347-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Craft Wonderland with History", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 29}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "377347-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My first visit was so fun yesterday.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 6, "label": "T"}, {"source": 10, "target": 4, "label": "E"}]} +{"id": "377347-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I could have stayed all day and not seen all the things.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "P"}, {"source": 13, "target": 1, "label": "D"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 15, "label": "T"}, {"source": 15, "target": 4, "label": "Q"}, {"source": 17, "target": 9, "label": "Q"}, {"source": 14, "target": 6, "label": "L"}, {"source": 16, "target": 7, "label": "D"}, {"source": 17, "target": 10, "label": "F"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "377347-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I am doing origami jewelry and found exactly the right things for earrings and got many other ideas there too.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 16, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 25, "label": "E"}, {"source": 26, "target": 10, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 12, "label": "C"}, {"source": 22, "target": 5, "label": "L"}, {"source": 25, "target": 9, "label": "C"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 17, "label": "P"}, {"source": 23, "target": 3, "label": "E"}, {"source": 28, "target": 18, "label": "A"}, {"source": 22, "target": 28, "label": "H"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "P"}, {"source": 29, "target": 19, "label": "E"}, {"source": 24, "target": 6, "label": "P"}, {"source": 27, "target": 11, "label": "R"}, {"source": 25, "target": 7, "label": "E"}, {"source": 22, "target": 24, "label": "H"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 15, "label": "Q"}, {"source": 28, "target": 14, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 8, "label": "F"}]} +{"id": "377347-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I bought a beginners quilling set and like making the filigree forms you can make and add to other crafts.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 4, "label": "R"}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 15, "label": "P"}, {"source": 32, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 18, "label": "R"}, {"source": 30, "target": 13, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 29, "target": 31, "label": "E"}, {"source": 30, "target": 14, "label": "F"}, {"source": 28, "target": 9, "label": "P"}, {"source": 33, "target": 21, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 33, "target": 20, "label": "C"}, {"source": 29, "target": 10, "label": "F"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 5, "label": "P"}, {"source": 23, "target": 27, "label": "H"}, {"source": 24, "target": 3, "label": "C"}, {"source": 24, "target": 2, "label": "F"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 31, "target": 16, "label": "L"}, {"source": 23, "target": 7, "label": "L"}, {"source": 27, "target": 8, "label": "S"}, {"source": 33, "target": 19, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 17, "label": "P"}, {"source": 29, "target": 11, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "377347-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The owner, Jean, has been there 31 years!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 2, "label": "U"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 4, "label": "U"}, {"source": 12, "target": 11, "label": "S"}, {"source": 14, "target": 15, "label": "T"}, {"source": 15, "target": 8, "label": "Q"}, {"source": 14, "target": 7, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "S"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "377347-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "What a history.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}, {"from": 7, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "377347-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "She is a super sweet, lovable and well-informed woman with a great sense of humor.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}, {"from": 73, "to": 75}, {"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 25, "target": 16, "label": "U"}, {"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 8, "label": "D"}, {"source": 20, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "L"}, {"source": 18, "target": 5, "label": "U"}, {"source": 24, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 24, "target": 14, "label": "D"}, {"source": 21, "target": 2, "label": "F"}, {"source": 20, "target": 21, "label": "S"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 23, "target": 10, "label": "S"}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "C"}, {"source": 20, "target": 3, "label": "D"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "F"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 11, "label": "A"}, {"source": 23, "target": 9, "label": "U"}, {"source": 22, "target": 6, "label": "S"}, {"source": 18, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "S"}]} +{"id": "377347-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I really enjoyed meeting her and happy to learn she comes from Oklahoma and has the values of a solid no bs country girl.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 34, "target": 35, "label": "E"}, {"source": 26, "target": 32, "label": "H"}, {"source": 30, "target": 9, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 29, "target": 8, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 15, "label": "F"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 12, "label": "C"}, {"source": 32, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 2, "label": "P"}, {"source": 34, "target": 22, "label": "E"}, {"source": 34, "target": 17, "label": "R"}, {"source": 31, "target": 11, "label": "R"}, {"source": 32, "target": 14, "label": "S"}, {"source": 34, "target": 19, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 29, "target": 7, "label": "R"}, {"source": 27, "target": 4, "label": "A"}, {"source": 28, "target": 6, "label": "D"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "P"}, {"source": 26, "target": 13, "label": "L"}, {"source": 25, "target": 1, "label": "D"}, {"source": 26, "target": 28, "label": "H"}, {"source": 34, "target": 18, "label": "F"}, {"source": 35, "target": 21, "label": "P"}, {"source": 34, "target": 23, "label": "C"}, {"source": 26, "target": 5, "label": "L"}, {"source": 35, "target": 20, "label": "D"}, {"source": 30, "target": 10, "label": "S"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "377347-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This store is a real gem and has much to offer the serious crafter or the occasional crafter.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 22, "target": 5, "label": "C"}, {"source": 26, "target": 13, "label": "C"}, {"source": 27, "target": 14, "label": "N"}, {"source": 27, "target": 25, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 16, "label": "D"}, {"source": 29, "target": 18, "label": "U"}, {"source": 26, "target": 11, "label": "F"}, {"source": 25, "target": 12, "label": "D"}, {"source": 24, "target": 10, "label": "C"}, {"source": 27, "target": 28, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 29, "target": 15, "label": "F"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 9, "label": "R"}, {"source": 23, "target": 7, "label": "F"}, {"source": 19, "target": 0, "label": "E"}, {"source": 20, "target": 22, "label": "S"}, {"source": 20, "target": 4, "label": "D"}, {"source": 21, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "A"}, {"source": 23, "target": 27, "label": "A"}, {"source": 29, "target": 17, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 3, "label": "F"}]} +{"id": "377347-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "By the way, Salmagundi (the store name) means something like smorgasbord; potpourri; motley; variety; mixed bag; miscellaneous assortment; mixture, a variety of many kinds of things.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 91}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 137}]}, {"id": 24, "anchors": [{"from": 137, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 146}]}, {"id": 26, "anchors": [{"from": 146, "to": 147}]}, {"id": 27, "anchors": [{"from": 148, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 174}]}, {"id": 33, "anchors": [{"from": 175, "to": 181}]}, {"id": 34, "anchors": [{"from": 181, "to": 182}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 45, "target": 32, "label": "R"}, {"source": 35, "target": 37, "label": "H"}, {"source": 41, "target": 18, "label": "U"}, {"source": 42, "target": 19, "label": "E"}, {"source": 36, "target": 39, "label": "E"}, {"source": 35, "target": 1, "label": "U"}, {"source": 41, "target": 11, "label": "C"}, {"source": 40, "target": 10, "label": "R"}, {"source": 40, "target": 9, "label": "C"}, {"source": 45, "target": 29, "label": "R"}, {"source": 37, "target": 7, "label": "U"}, {"source": 42, "target": 20, "label": "C"}, {"source": 38, "target": 4, "label": "F"}, {"source": 45, "target": 46, "label": "E"}, {"source": 43, "target": 23, "label": "C"}, {"source": 41, "target": 26, "label": "U"}, {"source": 37, "target": 40, "label": "D"}, {"source": 41, "target": 43, "label": "C"}, {"source": 43, "target": 22, "label": "E"}, {"source": 41, "target": 17, "label": "C"}, {"source": 37, "target": 41, "label": "A"}, {"source": 41, "target": 13, "label": "C"}, {"source": 41, "target": 16, "label": "U"}, {"source": 45, "target": 34, "label": "U"}, {"source": 39, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 38, "label": "A"}, {"source": 37, "target": 8, "label": "S"}, {"source": 38, "target": 5, "label": "C"}, {"source": 41, "target": 15, "label": "C"}, {"source": 41, "target": 14, "label": "U"}, {"source": 36, "target": 3, "label": "U"}, {"source": 41, "target": 42, "label": "C"}, {"source": 36, "target": 2, "label": "C"}, {"source": 41, "target": 25, "label": "C"}, {"source": 41, "target": 24, "label": "U"}, {"source": 35, "target": 0, "label": "L"}, {"source": 37, "target": 36, "label": "A"}, {"source": 44, "target": 28, "label": "C"}, {"source": 44, "target": 27, "label": "F"}, {"source": 45, "target": 33, "label": "C"}, {"source": 44, "target": 45, "label": "E"}, {"source": 41, "target": 44, "label": "C"}, {"source": 39, "target": 6, "label": "S"}, {"source": 41, "target": 12, "label": "U"}, {"source": 41, "target": 21, "label": "U"}, {"source": 46, "target": 31, "label": "C"}, {"source": 46, "target": 30, "label": "Q"}]} +{"id": "377347-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great name for a great store!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 4, "label": "S"}, {"source": 8, "target": 0, "label": "D"}]} +{"id": "377347-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Shop Local!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "377347-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Barbara Quimba 1/30/10", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 22}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "H"}, {"source": 2, "target": 1, "label": "H"}]} +{"id": "379701-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "VERYYYY!!!! VERYYY!! Good auto repair men.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 3, "label": "U"}, {"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 9, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 4, "label": "C"}, {"source": 12, "target": 10, "label": "D"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 5, "label": "A"}]} +{"id": "379701-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Do the job honest and quickly as possible.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "F"}, {"source": 12, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "N"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 9, "label": "P"}, {"source": 12, "target": 13, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 11, "target": 12, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "379701-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Would 100% recomend to others for a great service.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 5, "label": "C"}, {"source": 11, "target": 13, "label": "D"}, {"source": 16, "target": 7, "label": "F"}, {"source": 13, "target": 1, "label": "Q"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "C"}, {"source": 11, "target": 0, "label": "D"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 16, "label": "P"}, {"source": 15, "target": 8, "label": "D"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 14, "label": "A"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 6, "label": "L"}]} +{"id": "379701-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank You Barrys Auto Tech!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}, {"from": 15, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 26}]}, {"id": 2, "anchors": [{"from": 26, "to": 27}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 4, "target": 1, "label": "G"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "380048-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Fantastic Nova Scotia Cottage", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "380048-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We had a fantastic time.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "C"}]} +{"id": "380048-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Such a relaxing atmosphere and inspiring architecture.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 8, "label": "D"}, {"source": 11, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 4, "label": "L"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "A"}, {"source": 9, "target": 11, "label": "S"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "S"}]} +{"id": "380048-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Sand Hill park was a great beach...", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}, {"from": 10, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "380048-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Nice warm water.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "380048-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Thank-You for sharing your cottage!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 0, "label": "P"}, {"source": 11, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 2, "label": "R"}, {"source": 0, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 4, "label": "S"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "C"}]} +{"id": "381455-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Are you kidding me?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "381455-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I don't get it.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}, {"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "381455-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Spongy and sweet bread (microwaved?), heartless salsa, tiny dogs...", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 16, "target": 6, "label": "U"}, {"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 0, "label": "S"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 19, "target": 9, "label": "S"}, {"source": 20, "target": 13, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 11, "label": "U"}, {"source": 17, "target": 2, "label": "S"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 12, "label": "S"}, {"source": 16, "target": 1, "label": "L"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "381455-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "You order at the counter and there is a space for tip on your credit card receipt.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "P"}, {"source": 26, "target": 15, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 2, "label": "R"}, {"source": 21, "target": 22, "label": "S"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 16, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 20, "target": 3, "label": "F"}, {"source": 24, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "F"}, {"source": 25, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 25, "target": 13, "label": "S"}, {"source": 19, "target": 5, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 6, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "R"}, {"source": 24, "target": 26, "label": "E"}]} +{"id": "381455-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The dude who grills the retarded dogs is rude.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 10, "label": "A"}, {"source": 12, "target": 8, "label": "S"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "S"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 7, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "381455-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If this is the best that Tucson has to offer, I am outta here...", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 0, "label": "L"}, {"source": 21, "target": 11, "label": "A"}, {"source": 18, "target": 1, "label": "A"}, {"source": 17, "target": 10, "label": "U"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 19, "label": "S"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 15, "label": "A"}, {"source": 20, "target": 8, "label": "F"}, {"source": 21, "target": 13, "label": "P"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 17, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "D"}, {"source": 21, "target": 14, "label": "R"}]} +{"id": "382073-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "FANTASTIC STORE!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 1, "label": "A"}]} +{"id": "382073-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I came upon this store as the building caught my eye.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}, {"from": 46, "to": 48}, {"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 14, "label": "H"}, {"source": 10, "target": 2, "label": "D"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 14, "target": 8, "label": "P"}]} +{"id": "382073-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's located in the huge HONKA Log Homes building, by Walmart off of Evergreen Parkway.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}, {"from": 31, "to": 34}, {"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 78}, {"from": 79, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 87}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "U"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "F"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "S"}, {"source": 18, "target": 10, "label": "A"}, {"source": 19, "target": 13, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 3, "label": "S"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 0, "label": "A"}]} +{"id": "382073-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The store was decorated with furnishings & accessories.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 6, "label": "N"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "382073-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The friendly crew working was great & very helpful.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 12, "label": "A"}, {"source": 12, "target": 10, "label": "A"}, {"source": 10, "target": 1, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 11, "target": 2, "label": "C"}, {"source": 15, "target": 8, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 10, "target": 11, "label": "A"}, {"source": 15, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "L"}, {"source": 10, "target": 11, "label": "S"}, {"source": 13, "target": 5, "label": "S"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "P"}, {"source": 11, "target": 0, "label": "F"}]} +{"id": "382073-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This store is what Colorado is all about.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}, {"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 4, "label": "A"}]} +{"id": "382073-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also, I purchased some furniture last year and all has been great!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 5, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "A"}, {"source": 14, "target": 1, "label": "U"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 3, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 11, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 14, "target": 0, "label": "D"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 17, "label": "T"}, {"source": 19, "target": 12, "label": "S"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 9, "label": "Q"}, {"source": 15, "target": 8, "label": "L"}, {"source": 16, "target": 4, "label": "Q"}]} +{"id": "382073-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's durability & look was perfect and I will definitely be adding to my collection soon!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 5, "label": "D"}, {"source": 20, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 20, "target": 7, "label": "A"}, {"source": 19, "target": 3, "label": "S"}, {"source": 20, "target": 15, "label": "T"}, {"source": 20, "target": 10, "label": "F"}, {"source": 19, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 21, "target": 12, "label": "R"}, {"source": 22, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "L"}, {"source": 20, "target": 9, "label": "D"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 13, "label": "S"}, {"source": 20, "target": 8, "label": "F"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "P"}]} +{"id": "382257-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Easiest Time I ever had purchasing a car!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "T"}, {"source": 9, "target": 1, "label": "A"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 9, "target": 4, "label": "P"}]} +{"id": "382257-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Excellent service, Not only did they get the exact car I wanted win in 48 hours but the sales man also took me out to lunch.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}, {"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}, {"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 108, "to": 110}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 3, "label": "L"}, {"source": 29, "target": 8, "label": "S"}, {"source": 30, "target": 11, "label": "P"}, {"source": 31, "target": 14, "label": "C"}, {"source": 27, "target": 31, "label": "T"}, {"source": 28, "target": 9, "label": "C"}, {"source": 26, "target": 15, "label": "L"}, {"source": 28, "target": 29, "label": "E"}, {"source": 26, "target": 19, "label": "L"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 18, "label": "C"}, {"source": 26, "target": 2, "label": "U"}, {"source": 25, "target": 1, "label": "P"}, {"source": 35, "target": 22, "label": "R"}, {"source": 28, "target": 7, "label": "F"}, {"source": 30, "target": 10, "label": "A"}, {"source": 27, "target": 6, "label": "P"}, {"source": 32, "target": 33, "label": "P"}, {"source": 27, "target": 5, "label": "A"}, {"source": 33, "target": 16, "label": "F"}, {"source": 33, "target": 17, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 12, "label": "R"}, {"source": 35, "target": 24, "label": "U"}, {"source": 26, "target": 27, "label": "H"}, {"source": 26, "target": 34, "label": "H"}, {"source": 35, "target": 23, "label": "P"}, {"source": 34, "target": 21, "label": "A"}, {"source": 34, "target": 20, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 30, "label": "E"}, {"source": 29, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "D"}, {"source": 34, "target": 32, "label": "A"}, {"source": 31, "target": 13, "label": "Q"}, {"source": 27, "target": 4, "label": "F"}]} +{"id": "382257-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Very kind and reliable.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "382257-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I highly recommend this dealership if you would not like to hassle on price and receive friendly service.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 104}]}, {"id": 18, "anchors": [{"from": 104, "to": 105}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 11, "label": "P"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 9, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 25, "label": "H"}, {"source": 25, "target": 16, "label": "D"}, {"source": 19, "target": 1, "label": "D"}, {"source": 22, "target": 7, "label": "D"}, {"source": 20, "target": 5, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 17, "label": "P"}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 3, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 15, "label": "D"}, {"source": 24, "target": 12, "label": "R"}, {"source": 22, "target": 8, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 14, "label": "L"}, {"source": 23, "target": 10, "label": "R"}]} +{"id": "382257-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have since purchased two cars from this dealership, The first one was from Phillip and the second was from Richard.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 116}]}, {"id": 22, "anchors": [{"from": 116, "to": 117}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 26, "target": 6, "label": "R"}, {"source": 30, "target": 21, "label": "A"}, {"source": 30, "target": 19, "label": "F"}, {"source": 24, "target": 9, "label": "U"}, {"source": 27, "target": 12, "label": "C"}, {"source": 30, "target": 29, "label": "A"}, {"source": 28, "target": 15, "label": "A"}, {"source": 27, "target": 10, "label": "F"}, {"source": 23, "target": 2, "label": "T"}, {"source": 23, "target": 3, "label": "P"}, {"source": 25, "target": 4, "label": "Q"}, {"source": 28, "target": 14, "label": "P"}, {"source": 30, "target": 20, "label": "P"}, {"source": 28, "target": 13, "label": "F"}, {"source": 28, "target": 27, "label": "A"}, {"source": 24, "target": 30, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 28, "label": "H"}, {"source": 24, "target": 16, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 11, "label": "Q"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 18, "label": "Q"}, {"source": 26, "target": 7, "label": "E"}, {"source": 26, "target": 8, "label": "C"}, {"source": 25, "target": 5, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 29, "target": 17, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 29, "target": 12, "label": "C", "properties": ["remote"], "values": [true]}]} +{"id": "382257-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Both were excellent sales men who put my needs first.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "S"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 13, "label": "P"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 11, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "384229-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "great tmobile service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "384229-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was with verizon and I checked my service with tmobile and it was great so I thought I would try tmobile.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 6, "label": "P"}, {"source": 27, "target": 9, "label": "R"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 21, "label": "A"}, {"source": 25, "target": 5, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 27, "target": 10, "label": "C"}, {"source": 26, "target": 8, "label": "P"}, {"source": 23, "target": 2, "label": "S"}, {"source": 24, "target": 11, "label": "L"}, {"source": 28, "target": 13, "label": "F"}, {"source": 30, "target": 20, "label": "P"}, {"source": 26, "target": 7, "label": "A"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 28, "label": "H"}, {"source": 23, "target": 3, "label": "A"}, {"source": 30, "target": 18, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 4, "label": "L"}, {"source": 24, "target": 15, "label": "L"}, {"source": 28, "target": 12, "label": "A"}, {"source": 29, "target": 16, "label": "A"}, {"source": 29, "target": 17, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 19, "label": "D"}, {"source": 28, "target": 14, "label": "S"}]} +{"id": "384229-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It turned out being very good quality tmobile service and I was happy with the new tmobile phone.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}, {"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 20, "target": 3, "label": "E"}, {"source": 22, "target": 11, "label": "S"}, {"source": 23, "target": 12, "label": "R"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 23, "target": 15, "label": "E"}, {"source": 18, "target": 7, "label": "P"}, {"source": 19, "target": 8, "label": "L"}, {"source": 18, "target": 2, "label": "F"}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 23, "target": 17, "label": "U"}, {"source": 24, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "A"}, {"source": 18, "target": 6, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 1, "label": "D"}, {"source": 23, "target": 24, "label": "E"}, {"source": 23, "target": 16, "label": "C"}, {"source": 18, "target": 21, "label": "D"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "385281-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great first experience.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "385281-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I'm 22, and my hairdresser was great (and not \"old\" like one of the reviews says) - she really listened to what I wanted and gave me tons of tips on how to style my hair so I could get it to look the way I wanted it to.", "tops": [57], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 6, "to": 7}]}, {"id": 4, "anchors": [{"from": 8, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 14}]}, {"id": 6, "anchors": [{"from": 15, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "anchors": [{"from": 47, "to": 50}]}, {"id": 14, "anchors": [{"from": 50, "to": 51}]}, {"id": 15, "anchors": [{"from": 52, "to": 56}]}, {"id": 16, "anchors": [{"from": 57, "to": 60}]}, {"id": 17, "anchors": [{"from": 61, "to": 63}]}, {"id": 18, "anchors": [{"from": 64, "to": 67}]}, {"id": 19, "anchors": [{"from": 68, "to": 75}]}, {"id": 20, "anchors": [{"from": 76, "to": 80}]}, {"id": 21, "anchors": [{"from": 80, "to": 81}]}, {"id": 22, "anchors": [{"from": 82, "to": 83}]}, {"id": 23, "anchors": [{"from": 84, "to": 87}]}, {"id": 24, "anchors": [{"from": 88, "to": 94}]}, {"id": 25, "anchors": [{"from": 95, "to": 103}]}, {"id": 26, "anchors": [{"from": 104, "to": 106}]}, {"id": 27, "anchors": [{"from": 107, "to": 111}]}, {"id": 28, "anchors": [{"from": 112, "to": 113}]}, {"id": 29, "anchors": [{"from": 114, "to": 120}]}, {"id": 30, "anchors": [{"from": 121, "to": 124}]}, {"id": 31, "anchors": [{"from": 125, "to": 129}]}, {"id": 32, "anchors": [{"from": 130, "to": 132}]}, {"id": 33, "anchors": [{"from": 133, "to": 137}]}, {"id": 34, "anchors": [{"from": 138, "to": 140}]}, {"id": 35, "anchors": [{"from": 141, "to": 145}]}, {"id": 36, "anchors": [{"from": 146, "to": 148}]}, {"id": 37, "anchors": [{"from": 149, "to": 152}]}, {"id": 38, "anchors": [{"from": 153, "to": 155}]}, {"id": 39, "anchors": [{"from": 156, "to": 161}]}, {"id": 40, "anchors": [{"from": 162, "to": 164}]}, {"id": 41, "anchors": [{"from": 165, "to": 169}]}, {"id": 42, "anchors": [{"from": 170, "to": 172}]}, {"id": 43, "anchors": [{"from": 173, "to": 174}]}, {"id": 44, "anchors": [{"from": 175, "to": 180}]}, {"id": 45, "anchors": [{"from": 181, "to": 184}]}, {"id": 46, "anchors": [{"from": 185, "to": 187}]}, {"id": 47, "anchors": [{"from": 188, "to": 190}]}, {"id": 48, "anchors": [{"from": 191, "to": 195}]}, {"id": 49, "anchors": [{"from": 196, "to": 199}]}, {"id": 50, "anchors": [{"from": 200, "to": 203}]}, {"id": 51, "anchors": [{"from": 204, "to": 205}]}, {"id": 52, "anchors": [{"from": 206, "to": 212}]}, {"id": 53, "anchors": [{"from": 213, "to": 215}]}, {"id": 54, "anchors": [{"from": 216, "to": 218}]}, {"id": 55, "anchors": [{"from": 218, "to": 219}]}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}], "edges": [{"source": 70, "target": 36, "label": "R"}, {"source": 71, "target": 42, "label": "L"}, {"source": 60, "target": 7, "label": "F"}, {"source": 57, "target": 22, "label": "U"}, {"source": 57, "target": 63, "label": "H"}, {"source": 74, "target": 45, "label": "D"}, {"source": 66, "target": 24, "label": "D"}, {"source": 57, "target": 15, "label": "L"}, {"source": 68, "target": 71, "label": "A"}, {"source": 66, "target": 67, "label": "A"}, {"source": 67, "target": 26, "label": "R"}, {"source": 67, "target": 28, "label": "A"}, {"source": 76, "target": 77, "label": "S"}, {"source": 57, "target": 9, "label": "U"}, {"source": 59, "target": 6, "label": "P"}, {"source": 57, "target": 14, "label": "U"}, {"source": 72, "target": 35, "label": "P"}, {"source": 62, "target": 17, "label": "R"}, {"source": 74, "target": 48, "label": "S"}, {"source": 62, "target": 16, "label": "Q"}, {"source": 59, "target": 6, "label": "A"}, {"source": 67, "target": 27, "label": "A"}, {"source": 60, "target": 8, "label": "S"}, {"source": 74, "target": 44, "label": "D"}, {"source": 72, "target": 34, "label": "R"}, {"source": 60, "target": 59, "label": "A"}, {"source": 74, "target": 75, "label": "D"}, {"source": 70, "target": 39, "label": "P"}, {"source": 68, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 75, "target": 49, "label": "F"}, {"source": 57, "target": 56, "label": "H"}, {"source": 73, "target": 40, "label": "E"}, {"source": 73, "target": 41, "label": "C"}, {"source": 70, "target": 37, "label": "D"}, {"source": 76, "target": 52, "label": "D"}, {"source": 62, "target": 64, "label": "C"}, {"source": 61, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 32, "label": "A"}, {"source": 65, "target": 18, "label": "F"}, {"source": 74, "target": 43, "label": "A"}, {"source": 57, "target": 60, "label": "H"}, {"source": 66, "target": 25, "label": "P"}, {"source": 56, "target": 58, "label": "T"}, {"source": 68, "target": 31, "label": "P"}, {"source": 67, "target": 29, "label": "P"}, {"source": 70, "target": 38, "label": "F"}, {"source": 57, "target": 68, "label": "H"}, {"source": 61, "target": 13, "label": "S"}, {"source": 74, "target": 47, "label": "F"}, {"source": 59, "target": 5, "label": "A"}, {"source": 66, "target": 23, "label": "A"}, {"source": 56, "target": 1, "label": "F"}, {"source": 77, "target": 48, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 46, "label": "A"}, {"source": 69, "target": 33, "label": "Q"}, {"source": 57, "target": 4, "label": "L"}, {"source": 57, "target": 61, "label": "H"}, {"source": 70, "target": 73, "label": "A"}, {"source": 63, "target": 62, "label": "A"}, {"source": 77, "target": 54, "label": "F"}, {"source": 56, "target": 0, "label": "A"}, {"source": 57, "target": 21, "label": "U"}, {"source": 57, "target": 3, "label": "U"}, {"source": 77, "target": 55, "label": "U"}, {"source": 57, "target": 66, "label": "H"}, {"source": 57, "target": 30, "label": "L"}, {"source": 65, "target": 19, "label": "C"}, {"source": 76, "target": 53, "label": "A"}, {"source": 71, "target": 70, "label": "H"}, {"source": 71, "target": 74, "label": "H"}, {"source": 75, "target": 50, "label": "C"}, {"source": 61, "target": 11, "label": "D"}, {"source": 61, "target": 12, "label": "U"}, {"source": 63, "target": 20, "label": "P"}, {"source": 57, "target": 10, "label": "L"}, {"source": 70, "target": 69, "label": "A"}, {"source": 58, "target": 2, "label": "Q"}, {"source": 69, "target": 72, "label": "C"}, {"source": 76, "target": 51, "label": "A"}, {"source": 74, "target": 76, "label": "A"}, {"source": 64, "target": 65, "label": "P"}]} +{"id": "385281-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She deep conditioned my hair and took the time to style it properly.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 14, "target": 4, "label": "L"}, {"source": 17, "target": 5, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 17, "label": "P"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "L"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 3, "label": "C"}]} +{"id": "385281-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "She recommended products but absolutely didn't pressure me to buy.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 7, "label": "D"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 3, "label": "L"}, {"source": 12, "target": 2, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 4, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 9, "label": "F"}, {"source": 14, "target": 8, "label": "A"}, {"source": 14, "target": 15, "label": "P"}]} +{"id": "385281-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's a cute place with a really friendly, laid-back atmosphere.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 2, "label": "F"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 6, "label": "F"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 0, "label": "F"}, {"source": 15, "target": 3, "label": "S"}, {"source": 20, "target": 10, "label": "S"}, {"source": 18, "target": 8, "label": "S"}, {"source": 17, "target": 9, "label": "U"}, {"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 20, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 7, "label": "D"}, {"source": 10, "target": 11, "label": "U"}, {"source": 20, "target": 5, "label": "R", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 7, "label": "D", "properties": ["remote"], "values": [true]}]} +{"id": "385281-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I would highly recommend it and will be going back for my next haircut.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}, {"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 4, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 3, "label": "P"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 12, "label": "P"}, {"source": 15, "target": 5, "label": "L"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 9, "label": "R"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 10, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 1, "label": "D"}]} +{"id": "385281-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Oh!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "G"}]} +{"id": "385281-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "And students get $5 off, can't argue with that.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}, {"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 5, "label": "U"}, {"source": 12, "target": 0, "label": "G"}, {"source": 14, "target": 4, "label": "Q"}, {"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 6, "label": "D"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 7, "label": "D"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 1, "label": "A"}, {"source": 16, "target": 11, "label": "U"}]} +{"id": "385436-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This is the best Mediterranean Restaurant in the West Valley, I have friend who drive from central Phx to come here.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 115}]}, {"id": 22, "anchors": [{"from": 115, "to": 116}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 32, "label": "H"}, {"source": 30, "target": 15, "label": "P"}, {"source": 32, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 4, "label": "E"}, {"source": 24, "target": 14, "label": "L"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 17, "label": "E"}, {"source": 31, "target": 18, "label": "C"}, {"source": 32, "target": 20, "label": "P"}, {"source": 23, "target": 1, "label": "S"}, {"source": 25, "target": 2, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 7, "label": "F"}, {"source": 30, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 29, "label": "S"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 21, "label": "A"}, {"source": 24, "target": 30, "label": "H"}, {"source": 24, "target": 28, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 12, "label": "F"}, {"source": 26, "target": 3, "label": "S"}, {"source": 28, "target": 11, "label": "A"}, {"source": 31, "target": 16, "label": "R"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 10, "label": "U"}, {"source": 27, "target": 6, "label": "R"}, {"source": 24, "target": 19, "label": "L"}, {"source": 25, "target": 5, "label": "C"}, {"source": 29, "target": 13, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 9, "label": "C"}, {"source": 25, "target": 27, "label": "E"}]} +{"id": "388121-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Too many kids, too many knifings, too many taserings.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 12, "label": "S"}, {"source": 14, "target": 7, "label": "U"}, {"source": 16, "target": 6, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 16, "target": 15, "label": "D"}, {"source": 18, "target": 11, "label": "U"}, {"source": 17, "target": 8, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 18, "target": 17, "label": "D"}, {"source": 14, "target": 3, "label": "U"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "388799-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Worth Every Penny", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "S"}, {"source": 5, "target": 1, "label": "Q"}]} +{"id": "388799-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My girlfriend and I ate at The Grill last night, and our experience was amazing.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}, {"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 10, "label": "L"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 12, "label": "P"}, {"source": 17, "target": 2, "label": "N"}, {"source": 16, "target": 1, "label": "S"}, {"source": 17, "target": 3, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 17, "target": 16, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 22, "target": 11, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 14, "label": "D"}, {"source": 18, "target": 21, "label": "T"}, {"source": 20, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 9, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "388799-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Everything we ordered was prepared to perfection, and was presented perfectly.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 9, "label": "F"}, {"source": 14, "target": 17, "label": "D"}, {"source": 17, "target": 5, "label": "R"}, {"source": 14, "target": 4, "label": "P"}, {"source": 13, "target": 16, "label": "E"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 7, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 10, "label": "P"}, {"source": 14, "target": 13, "label": "A"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 0, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "D"}, {"source": 15, "target": 8, "label": "L"}, {"source": 16, "target": 1, "label": "A"}]} +{"id": "388799-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The asparagus, seared tuna, and lobster tail were the best we ever had.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 23, "label": "S"}, {"source": 22, "target": 7, "label": "C"}, {"source": 22, "target": 8, "label": "C"}, {"source": 24, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "F"}, {"source": 20, "target": 3, "label": "P"}, {"source": 24, "target": 12, "label": "A"}, {"source": 17, "target": 16, "label": "A"}, {"source": 24, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "C"}, {"source": 19, "target": 2, "label": "U"}, {"source": 19, "target": 6, "label": "N"}, {"source": 19, "target": 22, "label": "C"}, {"source": 24, "target": 13, "label": "T"}, {"source": 23, "target": 10, "label": "F"}, {"source": 16, "target": 19, "label": "C"}, {"source": 19, "target": 5, "label": "U"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 4, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 24, "target": 15, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 18, "target": 24, "label": "H"}, {"source": 23, "target": 11, "label": "C"}]} +{"id": "388799-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then the desserts came, and they were hands down the best dessert we ever had.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}, {"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 12, "label": "A"}, {"source": 20, "target": 8, "label": "G"}, {"source": 16, "target": 4, "label": "U"}, {"source": 20, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 18, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 23, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 16, "target": 0, "label": "L"}, {"source": 23, "target": 13, "label": "T"}, {"source": 23, "target": 15, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 7, "label": "S"}, {"source": 21, "target": 11, "label": "C"}, {"source": 19, "target": 6, "label": "A"}, {"source": 20, "target": 22, "label": "S"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 20, "label": "E"}, {"source": 16, "target": 5, "label": "L"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 23, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "388799-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I will sum it up with, it was worth every penny!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 5, "label": "U"}, {"source": 13, "target": 3, "label": "A"}, {"source": 15, "target": 9, "label": "Q"}, {"source": 14, "target": 8, "label": "S"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "389136-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "great!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "389136-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I go Disco dancing and Cheerleading.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 4, "label": "L"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 8, "target": 10, "label": "A"}]} +{"id": "389136-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Its fab!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "389136-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "so goand get dancing!!!!!!!!!!!!!!!!!!!!!!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 45}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 0, "label": "L"}, {"source": 8, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 2, "label": "L"}]} +{"id": "389136-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "By samantha Fox", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}, {"from": 12, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "389298-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great quality doors and great quality people!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "A"}, {"source": 10, "target": 4, "label": "D"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 5, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 0, "label": "D"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "389298-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The door is easy to use and it keeps the cold out during the winter.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 4, "label": "F"}, {"source": 16, "target": 0, "label": "F"}, {"source": 19, "target": 7, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 3, "label": "D"}, {"source": 20, "target": 10, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 5, "label": "P"}, {"source": 21, "target": 13, "label": "F"}, {"source": 19, "target": 21, "label": "T"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 19, "target": 11, "label": "D"}, {"source": 21, "target": 12, "label": "R"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 9, "label": "F"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 8, "label": "D"}, {"source": 19, "target": 20, "label": "S"}]} +{"id": "389298-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The sales staff and the installation staff were all easy to get along with.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}, {"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 14, "target": 1, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 14, "label": "C"}, {"source": 18, "target": 11, "label": "P"}, {"source": 20, "target": 6, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "N"}, {"source": 20, "target": 4, "label": "F"}, {"source": 19, "target": 15, "label": "C"}, {"source": 18, "target": 7, "label": "F"}, {"source": 20, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "F"}, {"source": 18, "target": 9, "label": "D"}, {"source": 16, "target": 20, "label": "C"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 16, "label": "P"}, {"source": 19, "target": 12, "label": "R"}, {"source": 19, "target": 8, "label": "Q"}]} +{"id": "389298-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend Garage Pros to my friends.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}, {"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 6, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}]} +{"id": "389498-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "This place has done a great job of taking care of the usual maintenance on my hooptie.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 7, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 17, "target": 0, "label": "E"}, {"source": 21, "target": 9, "label": "F"}, {"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 3, "label": "D"}, {"source": 21, "target": 11, "label": "T"}, {"source": 24, "target": 14, "label": "S"}, {"source": 18, "target": 20, "label": "P"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 4, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "D"}, {"source": 24, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "E"}, {"source": 21, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 5, "label": "D"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "389498-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I also never have to wait long for a yearly inspection sticker...and never get the usual excuses other shops always gave me...\"the inspection guy isn't here today\"....for example.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 123}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 126, "to": 127}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 148, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 162}]}, {"id": 32, "anchors": [{"from": 162, "to": 163}]}, {"id": 33, "anchors": [{"from": 163, "to": 167}]}, {"id": 34, "anchors": [{"from": 167, "to": 170}, {"from": 171, "to": 178}]}, {"id": 35, "anchors": [{"from": 178, "to": 179}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 37, "target": 34, "label": "L"}, {"source": 36, "target": 2, "label": "D"}, {"source": 45, "target": 46, "label": "A"}, {"source": 36, "target": 1, "label": "D"}, {"source": 36, "target": 2, "label": "T"}, {"source": 39, "target": 8, "label": "C"}, {"source": 42, "target": 17, "label": "C"}, {"source": 40, "target": 9, "label": "P"}, {"source": 43, "target": 22, "label": "A"}, {"source": 46, "target": 27, "label": "C"}, {"source": 36, "target": 4, "label": "P"}, {"source": 38, "target": 40, "label": "E"}, {"source": 37, "target": 11, "label": "U"}, {"source": 38, "target": 6, "label": "R"}, {"source": 36, "target": 38, "label": "A"}, {"source": 45, "target": 26, "label": "P"}, {"source": 36, "target": 5, "label": "D"}, {"source": 42, "target": 15, "label": "F"}, {"source": 37, "target": 35, "label": "U"}, {"source": 39, "target": 7, "label": "F"}, {"source": 46, "target": 25, "label": "F"}, {"source": 47, "target": 30, "label": "S"}, {"source": 37, "target": 33, "label": "U"}, {"source": 44, "target": 19, "label": "C"}, {"source": 47, "target": 28, "label": "F"}, {"source": 44, "target": 18, "label": "E"}, {"source": 41, "target": 43, "label": "A"}, {"source": 47, "target": 45, "label": "A"}, {"source": 43, "target": 42, "label": "P"}, {"source": 37, "target": 47, "label": "H"}, {"source": 37, "target": 24, "label": "U"}, {"source": 40, "target": 39, "label": "T"}, {"source": 37, "target": 36, "label": "H"}, {"source": 38, "target": 10, "label": "C"}, {"source": 43, "target": 16, "label": "T"}, {"source": 37, "target": 32, "label": "U"}, {"source": 41, "target": 14, "label": "P"}, {"source": 36, "target": 0, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 37, "target": 23, "label": "U"}, {"source": 36, "target": 3, "label": "D"}, {"source": 43, "target": 20, "label": "T"}, {"source": 41, "target": 13, "label": "T"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 21, "label": "D"}, {"source": 41, "target": 13, "label": "D"}, {"source": 47, "target": 31, "label": "T"}, {"source": 37, "target": 41, "label": "H"}, {"source": 47, "target": 29, "label": "D"}, {"source": 37, "target": 12, "label": "L"}]} +{"id": "389498-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Today I went into Kwik Kar and there were two cars in front of me for inspection...but I was still out of there pretty quick...barely had time to read a chapter in my book.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}, {"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 124, "to": 127}]}, {"id": 27, "anchors": [{"from": 127, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 142}]}, {"id": 30, "anchors": [{"from": 143, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 160}]}, {"id": 34, "anchors": [{"from": 161, "to": 163}]}, {"id": 35, "anchors": [{"from": 164, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 171}]}, {"id": 37, "anchors": [{"from": 171, "to": 172}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 45, "target": 46, "label": "A"}, {"source": 48, "target": 28, "label": "S"}, {"source": 43, "target": 13, "label": "C"}, {"source": 45, "target": 19, "label": "F"}, {"source": 41, "target": 9, "label": "C"}, {"source": 47, "target": 25, "label": "C"}, {"source": 45, "target": 18, "label": "A"}, {"source": 50, "target": 51, "label": "A"}, {"source": 51, "target": 32, "label": "F"}, {"source": 39, "target": 14, "label": "L"}, {"source": 40, "target": 7, "label": "F"}, {"source": 38, "target": 1, "label": "A"}, {"source": 44, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 47, "label": "D"}, {"source": 40, "target": 6, "label": "F"}, {"source": 50, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 8, "label": "Q"}, {"source": 39, "target": 26, "label": "U"}, {"source": 51, "target": 33, "label": "C"}, {"source": 53, "target": 35, "label": "S"}, {"source": 39, "target": 44, "label": "H"}, {"source": 45, "target": 20, "label": "D"}, {"source": 38, "target": 3, "label": "D"}, {"source": 39, "target": 16, "label": "U"}, {"source": 40, "target": 43, "label": "A"}, {"source": 52, "target": 36, "label": "C"}, {"source": 50, "target": 31, "label": "P"}, {"source": 46, "target": 22, "label": "R"}, {"source": 47, "target": 24, "label": "E"}, {"source": 39, "target": 45, "label": "H"}, {"source": 45, "target": 21, "label": "P"}, {"source": 48, "target": 27, "label": "D"}, {"source": 46, "target": 23, "label": "C"}, {"source": 49, "target": 29, "label": "C"}, {"source": 44, "target": 15, "label": "P"}, {"source": 53, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 5, "label": "L"}, {"source": 40, "target": 41, "label": "A"}, {"source": 40, "target": 42, "label": "S"}, {"source": 38, "target": 4, "label": "A"}, {"source": 38, "target": 2, "label": "P"}, {"source": 42, "target": 11, "label": "C"}, {"source": 39, "target": 40, "label": "H"}, {"source": 50, "target": 30, "label": "R"}, {"source": 49, "target": 50, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 38, "target": 0, "label": "T"}, {"source": 39, "target": 38, "label": "H"}, {"source": 39, "target": 17, "label": "L"}, {"source": 48, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 34, "label": "R"}, {"source": 52, "target": 53, "label": "E"}, {"source": 50, "target": 52, "label": "A"}, {"source": 39, "target": 48, "label": "H"}, {"source": 52, "target": 37, "label": "U"}, {"source": 42, "target": 10, "label": "R"}, {"source": 43, "target": 12, "label": "R"}]} +{"id": "390330-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I appreciate the quick, good service and the reasonable prices and will definitely use American Pride Irrigation & Landscaping again.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 95}, {"from": 96, "to": 101}, {"from": 102, "to": 112}, {"from": 113, "to": 114}, {"from": 115, "to": 126}]}, {"id": 16, "anchors": [{"from": 127, "to": 132}]}, {"id": 17, "anchors": [{"from": 132, "to": 133}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 7, "label": "L"}, {"source": 19, "target": 11, "label": "L"}, {"source": 20, "target": 5, "label": "D"}, {"source": 25, "target": 13, "label": "G"}, {"source": 23, "target": 8, "label": "F"}, {"source": 20, "target": 4, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 9, "label": "S"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 25, "label": "H"}, {"source": 18, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 25, "target": 16, "label": "D"}, {"source": 25, "target": 14, "label": "P"}, {"source": 25, "target": 15, "label": "A"}, {"source": 21, "target": 2, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 1, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 25, "target": 12, "label": "F"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "391012-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Watch out for your wallet", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "E"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "391012-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Watch out for your wallet!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 2, "label": "S"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 8, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "R"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "391012-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "This company is overpriced for their services.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 8, "label": "A"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "391012-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They pride themselves on being an event and team building company for corporate clients but you better believe they are going to mark you up on that feel good premise.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}, {"from": 11, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 110}]}, {"id": 17, "anchors": [{"from": 111, "to": 115}]}, {"id": 18, "anchors": [{"from": 116, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 125}]}, {"id": 20, "anchors": [{"from": 126, "to": 128}]}, {"id": 21, "anchors": [{"from": 129, "to": 133}, {"from": 138, "to": 140}]}, {"id": 22, "anchors": [{"from": 134, "to": 137}]}, {"id": 23, "anchors": [{"from": 141, "to": 143}]}, {"id": 24, "anchors": [{"from": 144, "to": 148}]}, {"id": 25, "anchors": [{"from": 149, "to": 153}, {"from": 154, "to": 158}]}, {"id": 26, "anchors": [{"from": 159, "to": 166}]}, {"id": 27, "anchors": [{"from": 166, "to": 167}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 28, "target": 30, "label": "A"}, {"source": 37, "target": 21, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 32, "target": 5, "label": "P"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 32, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 3, "label": "S"}, {"source": 35, "target": 10, "label": "R"}, {"source": 38, "target": 23, "label": "R"}, {"source": 29, "target": 36, "label": "H"}, {"source": 37, "target": 19, "label": "D"}, {"source": 35, "target": 12, "label": "C"}, {"source": 39, "target": 26, "label": "C"}, {"source": 37, "target": 17, "label": "A"}, {"source": 38, "target": 25, "label": "D"}, {"source": 37, "target": 22, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 36, "target": 16, "label": "P"}, {"source": 31, "target": 33, "label": "E"}, {"source": 33, "target": 34, "label": "H"}, {"source": 31, "target": 9, "label": "C"}, {"source": 29, "target": 28, "label": "H"}, {"source": 31, "target": 35, "label": "E"}, {"source": 29, "target": 13, "label": "L"}, {"source": 33, "target": 6, "label": "L"}, {"source": 39, "target": 27, "label": "U"}, {"source": 36, "target": 15, "label": "D"}, {"source": 31, "target": 4, "label": "F"}, {"source": 35, "target": 11, "label": "E"}, {"source": 34, "target": 8, "label": "P"}, {"source": 36, "target": 14, "label": "A"}, {"source": 37, "target": 20, "label": "F"}, {"source": 36, "target": 37, "label": "A"}, {"source": 30, "target": 2, "label": "R"}, {"source": 37, "target": 18, "label": "F"}, {"source": 28, "target": 1, "label": "P"}, {"source": 34, "target": 7, "label": "A"}, {"source": 39, "target": 24, "label": "E"}, {"source": 38, "target": 39, "label": "S"}]} +{"id": "391012-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "On a recent event quote that I had done, they came in thousands of dollars over their local competition.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}, {"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 17, "label": "D"}, {"source": 23, "target": 4, "label": "P"}, {"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 8, "label": "D"}, {"source": 21, "target": 22, "label": "P"}, {"source": 24, "target": 11, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 26, "target": 16, "label": "A"}, {"source": 23, "target": 2, "label": "T"}, {"source": 24, "target": 10, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 23, "target": 21, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 20, "target": 24, "label": "H"}, {"source": 25, "target": 12, "label": "Q"}, {"source": 20, "target": 0, "label": "L"}, {"source": 25, "target": 14, "label": "C"}, {"source": 23, "target": 7, "label": "F"}, {"source": 26, "target": 18, "label": "P"}, {"source": 26, "target": 25, "label": "A"}, {"source": 20, "target": 9, "label": "U"}, {"source": 23, "target": 5, "label": "F"}, {"source": 23, "target": 6, "label": "A"}, {"source": 22, "target": 1, "label": "F"}]} +{"id": "391012-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The craziest part is that they aren't even based locally at the city I'm in- they just have 'teams' in areas through the country.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 12}, {"from": 13, "to": 17}, {"from": 18, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 25}]}, {"id": 2, "anchors": [{"from": 26, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 128}]}, {"id": 26, "anchors": [{"from": 128, "to": 129}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 31, "target": 15, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 18, "label": "U"}, {"source": 33, "target": 24, "label": "F"}, {"source": 28, "target": 3, "label": "F"}, {"source": 27, "target": 14, "label": "U"}, {"source": 28, "target": 4, "label": "D"}, {"source": 33, "target": 25, "label": "C"}, {"source": 29, "target": 8, "label": "R"}, {"source": 31, "target": 17, "label": "S"}, {"source": 31, "target": 16, "label": "D"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 10, "label": "C"}, {"source": 32, "target": 22, "label": "C"}, {"source": 28, "target": 1, "label": "R"}, {"source": 28, "target": 6, "label": "S"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 5, "label": "D"}, {"source": 29, "target": 12, "label": "F"}, {"source": 33, "target": 23, "label": "R"}, {"source": 32, "target": 21, "label": "R"}, {"source": 28, "target": 7, "label": "A"}, {"source": 29, "target": 11, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 31, "target": 20, "label": "U"}, {"source": 30, "target": 9, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 33, "target": 26, "label": "U"}, {"source": 27, "target": 0, "label": "L"}, {"source": 28, "target": 2, "label": "A"}, {"source": 29, "target": 13, "label": "S"}, {"source": 31, "target": 19, "label": "A"}]} +{"id": "391012-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I've spoken to vendors who are used by them who had nothing good to say about the company as well and in fact were afraid to quote events against them even though they openly admitted that they felt Canadian Outback was pricing their entertainment out of the market and doing more to hurt their business than help them.", "tops": [57], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}, {"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 104}, {"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 155}, {"from": 156, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 167}]}, {"id": 31, "anchors": [{"from": 168, "to": 174}]}, {"id": 32, "anchors": [{"from": 175, "to": 183}]}, {"id": 33, "anchors": [{"from": 184, "to": 188}]}, {"id": 34, "anchors": [{"from": 189, "to": 193}]}, {"id": 35, "anchors": [{"from": 194, "to": 198}]}, {"id": 36, "anchors": [{"from": 199, "to": 207}, {"from": 208, "to": 215}]}, {"id": 37, "anchors": [{"from": 216, "to": 219}]}, {"id": 38, "anchors": [{"from": 220, "to": 227}]}, {"id": 39, "anchors": [{"from": 228, "to": 233}]}, {"id": 40, "anchors": [{"from": 234, "to": 247}]}, {"id": 41, "anchors": [{"from": 248, "to": 251}]}, {"id": 42, "anchors": [{"from": 252, "to": 254}]}, {"id": 43, "anchors": [{"from": 255, "to": 258}]}, {"id": 44, "anchors": [{"from": 259, "to": 265}]}, {"id": 45, "anchors": [{"from": 266, "to": 269}]}, {"id": 46, "anchors": [{"from": 270, "to": 275}]}, {"id": 47, "anchors": [{"from": 276, "to": 280}]}, {"id": 48, "anchors": [{"from": 281, "to": 283}]}, {"id": 49, "anchors": [{"from": 284, "to": 288}]}, {"id": 50, "anchors": [{"from": 289, "to": 294}]}, {"id": 51, "anchors": [{"from": 295, "to": 303}]}, {"id": 52, "anchors": [{"from": 304, "to": 308}]}, {"id": 53, "anchors": [{"from": 309, "to": 313}]}, {"id": 54, "anchors": [{"from": 314, "to": 318}]}, {"id": 55, "anchors": [{"from": 318, "to": 319}]}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}], "edges": [{"source": 61, "target": 63, "label": "A"}, {"source": 57, "target": 72, "label": "H"}, {"source": 62, "target": 13, "label": "C"}, {"source": 56, "target": 2, "label": "P"}, {"source": 59, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 70, "target": 42, "label": "F"}, {"source": 61, "target": 15, "label": "P"}, {"source": 66, "target": 67, "label": "A"}, {"source": 70, "target": 41, "label": "R"}, {"source": 57, "target": 52, "label": "L"}, {"source": 59, "target": 6, "label": "F"}, {"source": 68, "target": 38, "label": "P"}, {"source": 56, "target": 58, "label": "A"}, {"source": 65, "target": 24, "label": "F"}, {"source": 74, "target": 73, "label": "E"}, {"source": 68, "target": 36, "label": "A"}, {"source": 75, "target": 55, "label": "U"}, {"source": 65, "target": 22, "label": "F"}, {"source": 69, "target": 39, "label": "A"}, {"source": 67, "target": 33, "label": "R"}, {"source": 70, "target": 44, "label": "C"}, {"source": 57, "target": 20, "label": "L"}, {"source": 68, "target": 37, "label": "F"}, {"source": 72, "target": 49, "label": "P"}, {"source": 58, "target": 4, "label": "C"}, {"source": 57, "target": 56, "label": "H"}, {"source": 58, "target": 59, "label": "E"}, {"source": 65, "target": 27, "label": "D"}, {"source": 57, "target": 65, "label": "H"}, {"source": 67, "target": 34, "label": "A"}, {"source": 75, "target": 53, "label": "P"}, {"source": 71, "target": 46, "label": "F"}, {"source": 57, "target": 45, "label": "L"}, {"source": 70, "target": 43, "label": "F"}, {"source": 63, "target": 16, "label": "R"}, {"source": 57, "target": 21, "label": "L"}, {"source": 64, "target": 4, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 8, "label": "R"}, {"source": 57, "target": 29, "label": "L"}, {"source": 66, "target": 30, "label": "A"}, {"source": 66, "target": 31, "label": "D"}, {"source": 56, "target": 1, "label": "F"}, {"source": 65, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 50, "label": "S"}, {"source": 63, "target": 18, "label": "C"}, {"source": 72, "target": 74, "label": "A"}, {"source": 74, "target": 51, "label": "C"}, {"source": 62, "target": 12, "label": "E"}, {"source": 61, "target": 14, "label": "F"}, {"source": 65, "target": 23, "label": "D"}, {"source": 59, "target": 7, "label": "P"}, {"source": 58, "target": 3, "label": "R"}, {"source": 73, "target": 51, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 61, "label": "H"}, {"source": 61, "target": 64, "label": "A"}, {"source": 68, "target": 70, "label": "A"}, {"source": 63, "target": 17, "label": "F"}, {"source": 59, "target": 5, "label": "R"}, {"source": 72, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 65, "target": 28, "label": "A"}, {"source": 56, "target": 0, "label": "A"}, {"source": 72, "target": 48, "label": "F"}, {"source": 67, "target": 68, "label": "A"}, {"source": 59, "target": 60, "label": "A"}, {"source": 65, "target": 25, "label": "P"}, {"source": 57, "target": 66, "label": "H"}, {"source": 61, "target": 62, "label": "D"}, {"source": 69, "target": 40, "label": "P"}, {"source": 66, "target": 32, "label": "P"}, {"source": 68, "target": 69, "label": "A"}, {"source": 75, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 75, "label": "H"}, {"source": 61, "target": 11, "label": "F"}, {"source": 67, "target": 35, "label": "P"}, {"source": 72, "target": 71, "label": "D"}, {"source": 75, "target": 54, "label": "A"}, {"source": 57, "target": 10, "label": "L"}, {"source": 71, "target": 47, "label": "C"}, {"source": 60, "target": 9, "label": "C"}, {"source": 65, "target": 26, "label": "A"}, {"source": 64, "target": 19, "label": "R"}]} +{"id": "391012-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Be warned- they'll ltake you for everything they can.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "F"}, {"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 1, "label": "P"}, {"source": 16, "target": 5, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 10, "label": "D"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "A"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "392826-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Extremely greasy.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "392826-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Hit or miss on the service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 7, "label": "P"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "392826-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "My fries weren't fully cooked last time I went there.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "E"}, {"source": 13, "target": 1, "label": "C"}, {"source": 12, "target": 0, "label": "S"}, {"source": 17, "target": 9, "label": "P"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 4, "label": "D"}, {"source": 14, "target": 3, "label": "D"}, {"source": 15, "target": 16, "label": "L"}, {"source": 17, "target": 10, "label": "A"}, {"source": 13, "target": 12, "label": "E"}, {"source": 14, "target": 5, "label": "S"}, {"source": 17, "target": 8, "label": "A"}]} +{"id": "392826-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Pretty spendy for really not great quality", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "E"}, {"source": 10, "target": 9, "label": "D"}, {"source": 8, "target": 2, "label": "L"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "S"}, {"source": 10, "target": 6, "label": "S"}]} +{"id": "394662-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "this is a good place", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 8, "label": "E"}, {"source": 6, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "E"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "394662-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have been here before and the service was absoulutely great.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 3, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 14, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "F"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 12, "target": 1, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "L"}, {"source": 16, "target": 9, "label": "E"}, {"source": 15, "target": 16, "label": "D"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "T"}]} +{"id": "394662-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They had a great selection of colors to choose from and their seats are super comfty.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 14, "label": "D"}, {"source": 19, "target": 21, "label": "E"}, {"source": 22, "target": 8, "label": "P"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "S"}, {"source": 20, "target": 19, "label": "Q"}, {"source": 24, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "C"}, {"source": 26, "target": 15, "label": "S"}, {"source": 26, "target": 16, "label": "U"}, {"source": 22, "target": 7, "label": "F"}, {"source": 26, "target": 13, "label": "F"}, {"source": 23, "target": 9, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 18, "target": 10, "label": "L"}, {"source": 18, "target": 26, "label": "H"}, {"source": 25, "target": 24, "label": "E"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 22, "label": "E"}, {"source": 25, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 3, "label": "S"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 6, "label": "C", "properties": ["remote"], "values": [true]}]} +{"id": "394662-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I enjoy going there although i've only been there once, i will be returning toda to recieve a pair of french tips and i will only go to the best and to me the best is here.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 129}]}, {"id": 28, "anchors": [{"from": 130, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 139}]}, {"id": 31, "anchors": [{"from": 140, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 148}]}, {"id": 33, "anchors": [{"from": 149, "to": 151}]}, {"id": 34, "anchors": [{"from": 152, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 158}]}, {"id": 36, "anchors": [{"from": 159, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 166}]}, {"id": 38, "anchors": [{"from": 167, "to": 171}]}, {"id": 39, "anchors": [{"from": 171, "to": 172}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 41, "target": 17, "label": "L"}, {"source": 53, "target": 35, "label": "F"}, {"source": 50, "target": 31, "label": "S"}, {"source": 40, "target": 3, "label": "A"}, {"source": 43, "target": 10, "label": "C"}, {"source": 41, "target": 48, "label": "H"}, {"source": 40, "target": 2, "label": "P"}, {"source": 52, "target": 38, "label": "A"}, {"source": 41, "target": 44, "label": "H"}, {"source": 44, "target": 14, "label": "F"}, {"source": 41, "target": 32, "label": "L"}, {"source": 41, "target": 42, "label": "H"}, {"source": 51, "target": 33, "label": "R"}, {"source": 42, "target": 8, "label": "P"}, {"source": 52, "target": 37, "label": "F"}, {"source": 44, "target": 12, "label": "A"}, {"source": 53, "target": 36, "label": "C"}, {"source": 42, "target": 43, "label": "D"}, {"source": 42, "target": 5, "label": "A"}, {"source": 41, "target": 11, "label": "U"}, {"source": 42, "target": 9, "label": "A"}, {"source": 40, "target": 1, "label": "D"}, {"source": 49, "target": 29, "label": "R"}, {"source": 49, "target": 30, "label": "F"}, {"source": 41, "target": 4, "label": "L"}, {"source": 44, "target": 16, "label": "T"}, {"source": 46, "target": 20, "label": "C"}, {"source": 46, "target": 19, "label": "F"}, {"source": 47, "target": 23, "label": "C"}, {"source": 42, "target": 6, "label": "F"}, {"source": 48, "target": 28, "label": "P"}, {"source": 51, "target": 34, "label": "C"}, {"source": 44, "target": 13, "label": "F"}, {"source": 48, "target": 27, "label": "D"}, {"source": 47, "target": 22, "label": "E"}, {"source": 48, "target": 25, "label": "A"}, {"source": 44, "target": 15, "label": "P"}, {"source": 45, "target": 47, "label": "A"}, {"source": 52, "target": 53, "label": "S"}, {"source": 43, "target": 7, "label": "E"}, {"source": 41, "target": 52, "label": "H"}, {"source": 45, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 50, "label": "E"}, {"source": 41, "target": 40, "label": "H"}, {"source": 48, "target": 49, "label": "A"}, {"source": 47, "target": 21, "label": "R"}, {"source": 40, "target": 0, "label": "A"}, {"source": 52, "target": 51, "label": "G"}, {"source": 47, "target": 46, "label": "Q"}, {"source": 41, "target": 24, "label": "L"}, {"source": 45, "target": 18, "label": "P"}, {"source": 41, "target": 45, "label": "H"}, {"source": 48, "target": 26, "label": "F"}, {"source": 52, "target": 39, "label": "U"}]} +{"id": "394662-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "i reccomend you to go and enjoy their wonderful hospitality.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 4, "label": "P"}, {"source": 15, "target": 9, "label": "S"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 2, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "P"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 8, "label": "D"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 7, "label": "A"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "395149-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "WONDERFUL service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "395149-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I have used them once and will use them in the future.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 2, "label": "P"}, {"source": 13, "target": 4, "label": "D"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 10, "label": "F"}, {"source": 13, "target": 3, "label": "A"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 8, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 11, "label": "C"}, {"source": 15, "target": 16, "label": "T"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "L"}]} +{"id": "395149-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Beautiful work, fast shipping and great communication.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "D"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 5, "label": "L"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "395218-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Tire Gooroo", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}, {"source": 3, "target": 0, "label": "A"}]} +{"id": "395218-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "David Bundren is the Tire GooRoo.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}, {"from": 26, "to": 32}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "395640-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Don't bother.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "395640-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It's impossible to understand how this place has survived.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 5, "label": "D", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "P"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 6, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 15, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "S"}]} +{"id": "396046-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Worst experience ever like a sardine can and the bartender downstairs is the rudest person I have ever met.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 106}]}, {"id": 19, "anchors": [{"from": 106, "to": 107}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 20, "target": 2, "label": "T"}, {"source": 27, "target": 12, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 4, "label": "F"}, {"source": 21, "target": 26, "label": "H"}, {"source": 20, "target": 0, "label": "D"}, {"source": 25, "target": 10, "label": "A"}, {"source": 27, "target": 14, "label": "C"}, {"source": 29, "target": 15, "label": "A"}, {"source": 24, "target": 9, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 25, "target": 24, "label": "A"}, {"source": 20, "target": 1, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 29, "target": 19, "label": "U"}, {"source": 25, "target": 24, "label": "P"}, {"source": 29, "target": 17, "label": "T"}, {"source": 29, "target": 16, "label": "F"}, {"source": 29, "target": 18, "label": "P"}, {"source": 29, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "A"}, {"source": 28, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 11, "label": "S"}, {"source": 28, "target": 13, "label": "S"}, {"source": 22, "target": 3, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 23, "target": 5, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 24, "target": 8, "label": "F"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "396046-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "DONt Go here", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "A"}, {"source": 5, "target": 0, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 2, "label": "P"}]} +{"id": "396874-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Restored my faith in Mechaincs.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 2, "label": "S"}]} +{"id": "396874-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I spent 3 months going from shop to shop trying to get my Ferrari to run and drive the way it should.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 16, "label": "N"}, {"source": 30, "target": 33, "label": "P"}, {"source": 32, "target": 31, "label": "E"}, {"source": 24, "target": 26, "label": "H"}, {"source": 33, "target": 15, "label": "C"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 8, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 31, "target": 12, "label": "S"}, {"source": 26, "target": 4, "label": "P"}, {"source": 23, "target": 1, "label": "P"}, {"source": 31, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 9, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 35, "target": 21, "label": "D"}, {"source": 30, "target": 14, "label": "F"}, {"source": 35, "target": 33, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 30, "label": "H"}, {"source": 29, "target": 7, "label": "R"}, {"source": 25, "target": 2, "label": "Q"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 11, "label": "D"}, {"source": 27, "target": 5, "label": "R"}, {"source": 34, "target": 19, "label": "C"}, {"source": 28, "target": 27, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 32, "target": 13, "label": "C"}, {"source": 34, "target": 18, "label": "F"}, {"source": 25, "target": 3, "label": "C"}, {"source": 24, "target": 34, "label": "L"}, {"source": 27, "target": 6, "label": "C"}, {"source": 33, "target": 17, "label": "C"}, {"source": 24, "target": 35, "label": "H"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 20, "label": "A"}, {"source": 30, "target": 10, "label": "F"}, {"source": 35, "target": 22, "label": "U"}]} +{"id": "396874-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I was about to give up when I met Jason and Neal.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}, {"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "N"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 5, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 4, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 6, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "396874-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "They took on the challenge of making my Ferrari all I dreamed of and more.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 5, "label": "P"}, {"source": 22, "target": 14, "label": "U"}, {"source": 21, "target": 23, "label": "E"}, {"source": 24, "target": 8, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "E"}, {"source": 24, "target": 11, "label": "R"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 6, "label": "S"}, {"source": 17, "target": 3, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 22, "label": "A"}, {"source": 17, "target": 1, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 21, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 23, "target": 9, "label": "A"}, {"source": 23, "target": 10, "label": "P"}, {"source": 18, "target": 4, "label": "R"}, {"source": 21, "target": 8, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 22, "target": 12, "label": "N"}, {"source": 17, "target": 2, "label": "F"}, {"source": 22, "target": 13, "label": "C"}, {"source": 18, "target": 20, "label": "A"}]} +{"id": "396874-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The crew at The Creative Workshop went over and above the call of duty and gave me back a car I can drive anywhere and finally enjoy owning.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}, {"from": 16, "to": 24}, {"from": 25, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}, {"from": 44, "to": 47}, {"from": 48, "to": 53}]}, {"id": 6, "anchors": [{"from": 54, "to": 57}, {"from": 58, "to": 62}, {"from": 63, "to": 65}, {"from": 66, "to": 70}]}, {"id": 7, "anchors": [{"from": 71, "to": 74}]}, {"id": 8, "anchors": [{"from": 75, "to": 79}]}, {"id": 9, "anchors": [{"from": 80, "to": 82}]}, {"id": 10, "anchors": [{"from": 83, "to": 87}]}, {"id": 11, "anchors": [{"from": 88, "to": 89}]}, {"id": 12, "anchors": [{"from": 90, "to": 93}]}, {"id": 13, "anchors": [{"from": 94, "to": 95}]}, {"id": 14, "anchors": [{"from": 96, "to": 99}]}, {"id": 15, "anchors": [{"from": 100, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 114}]}, {"id": 17, "anchors": [{"from": 115, "to": 118}]}, {"id": 18, "anchors": [{"from": 119, "to": 126}]}, {"id": 19, "anchors": [{"from": 127, "to": 132}]}, {"id": 20, "anchors": [{"from": 133, "to": 139}]}, {"id": 21, "anchors": [{"from": 139, "to": 140}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 26, "label": "P"}, {"source": 29, "target": 13, "label": "A"}, {"source": 29, "target": 15, "label": "P"}, {"source": 24, "target": 27, "label": "H"}, {"source": 30, "target": 29, "label": "H"}, {"source": 29, "target": 14, "label": "D"}, {"source": 31, "target": 21, "label": "U"}, {"source": 28, "target": 12, "label": "C"}, {"source": 22, "target": 0, "label": "F"}, {"source": 28, "target": 11, "label": "F"}, {"source": 30, "target": 31, "label": "H"}, {"source": 31, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 7, "label": "L"}, {"source": 26, "target": 4, "label": "F"}, {"source": 26, "target": 5, "label": "C"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "G"}, {"source": 22, "target": 1, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 19, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 3, "label": "C"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 20, "label": "S"}, {"source": 22, "target": 25, "label": "E"}, {"source": 27, "target": 8, "label": "P"}, {"source": 23, "target": 22, "label": "A"}, {"source": 29, "target": 16, "label": "A"}, {"source": 28, "target": 30, "label": "E"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "L"}, {"source": 27, "target": 9, "label": "A"}, {"source": 23, "target": 6, "label": "A"}, {"source": 27, "target": 10, "label": "D"}, {"source": 25, "target": 2, "label": "R"}]} +{"id": "396874-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I cannot say enough about this place.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "R"}]} +{"id": "396874-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "They have restored my faith in Mechanics.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "R"}]} +{"id": "396874-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Do yourself a favor, call these guys first and enjoy driving your car again..", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 12, "label": "S"}, {"source": 22, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "F"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "E"}, {"source": 18, "target": 9, "label": "L"}, {"source": 21, "target": 11, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 16, "label": "H"}, {"source": 16, "target": 17, "label": "P"}, {"source": 17, "target": 3, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 14, "label": "D"}, {"source": 19, "target": 5, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 8, "label": "D"}, {"source": 21, "target": 10, "label": "D"}, {"source": 16, "target": 1, "label": "A"}, {"source": 23, "target": 13, "label": "C"}, {"source": 18, "target": 4, "label": "U"}]} +{"id": "396880-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I guess you get what you pay for.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 5, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 6, "label": "P"}]} +{"id": "396880-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I tried to stay here for a few nights with my girlfriend, so we asked for a single queen bed.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 4, "label": "A"}, {"source": 29, "target": 16, "label": "R"}, {"source": 29, "target": 21, "label": "U"}, {"source": 27, "target": 9, "label": "R"}, {"source": 27, "target": 11, "label": "A"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 13, "label": "L"}, {"source": 24, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "P"}, {"source": 26, "target": 7, "label": "C"}, {"source": 25, "target": 8, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 28, "target": 15, "label": "P"}, {"source": 29, "target": 20, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 2, "label": "R"}, {"source": 25, "target": 26, "label": "Q"}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 12, "label": "U"}, {"source": 23, "target": 28, "label": "H"}, {"source": 27, "target": 10, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 18, "label": "Q"}, {"source": 22, "target": 1, "label": "P"}, {"source": 28, "target": 14, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 29, "target": 17, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 25, "label": "T"}, {"source": 27, "target": 11, "label": "S"}]} +{"id": "396880-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We got there, and we were treated to the free \"upgrade\" of a room with two double beds.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 27, "target": 17, "label": "R"}, {"source": 27, "target": 19, "label": "E"}, {"source": 24, "target": 5, "label": "A"}, {"source": 25, "target": 10, "label": "E"}, {"source": 23, "target": 4, "label": "L"}, {"source": 26, "target": 27, "label": "E"}, {"source": 24, "target": 7, "label": "P"}, {"source": 26, "target": 14, "label": "R"}, {"source": 27, "target": 18, "label": "Q"}, {"source": 26, "target": 15, "label": "F"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 9, "label": "F"}, {"source": 27, "target": 21, "label": "U"}, {"source": 23, "target": 3, "label": "U"}, {"source": 26, "target": 16, "label": "C"}, {"source": 25, "target": 8, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 24, "target": 6, "label": "F"}, {"source": 27, "target": 20, "label": "C"}, {"source": 25, "target": 13, "label": "U"}, {"source": 22, "target": 1, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 2, "label": "A"}, {"source": 25, "target": 11, "label": "U"}]} +{"id": "396880-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Since they consider this an upgrade, they let their other rooms fill up and would not change our room.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 14, "label": "D"}, {"source": 25, "target": 10, "label": "E"}, {"source": 28, "target": 19, "label": "U"}, {"source": 23, "target": 8, "label": "D"}, {"source": 26, "target": 16, "label": "P"}, {"source": 21, "target": 1, "label": "A"}, {"source": 20, "target": 13, "label": "L"}, {"source": 20, "target": 23, "label": "H"}, {"source": 27, "target": 17, "label": "S"}, {"source": 24, "target": 9, "label": "S"}, {"source": 24, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 6, "label": "U"}, {"source": 26, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 20, "target": 0, "label": "L"}, {"source": 21, "target": 2, "label": "P"}, {"source": 22, "target": 4, "label": "F"}, {"source": 26, "target": 15, "label": "D"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 27, "label": "E"}, {"source": 23, "target": 12, "label": "P"}, {"source": 25, "target": 11, "label": "C"}, {"source": 27, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "A"}, {"source": 20, "target": 26, "label": "H"}, {"source": 21, "target": 3, "label": "A"}, {"source": 22, "target": 5, "label": "P"}]} +{"id": "396880-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Then we got put in a room with a huge gap under the door....right next to the ice machine.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 89}]}, {"id": 21, "anchors": [{"from": 89, "to": 90}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 7, "label": "R"}, {"source": 27, "target": 16, "label": "S"}, {"source": 28, "target": 19, "label": "E"}, {"source": 26, "target": 11, "label": "R"}, {"source": 24, "target": 4, "label": "R"}, {"source": 28, "target": 17, "label": "R"}, {"source": 25, "target": 8, "label": "F"}, {"source": 27, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 18, "label": "F"}, {"source": 26, "target": 13, "label": "C"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 14, "label": "U"}, {"source": 23, "target": 2, "label": "D"}, {"source": 27, "target": 15, "label": "D"}, {"source": 23, "target": 3, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 5, "label": "F"}, {"source": 24, "target": 27, "label": "E"}, {"source": 28, "target": 20, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 23, "target": 1, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 9, "label": "E"}, {"source": 22, "target": 23, "label": "H"}]} +{"id": "396880-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "We could hear every single thing that happened outside like it was inside our room.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 23, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 8, "label": "A"}, {"source": 21, "target": 12, "label": "S"}, {"source": 20, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "R"}, {"source": 23, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "P"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 21, "target": 10, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 22, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 9, "label": "L"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 13, "label": "S"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "E"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 18, "label": "Q"}, {"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "396880-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "When I finally found someone at the desk who could speak English, they moved our room, but we still did not receive the single queen we had \"reserved\"", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 141}]}, {"id": 30, "anchors": [{"from": 141, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 150}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 35, "target": 6, "label": "F"}, {"source": 37, "target": 13, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 42, "target": 28, "label": "F"}, {"source": 34, "target": 35, "label": "E"}, {"source": 35, "target": 7, "label": "C"}, {"source": 41, "target": 42, "label": "E"}, {"source": 32, "target": 18, "label": "L"}, {"source": 40, "target": 23, "label": "P"}, {"source": 35, "target": 5, "label": "R"}, {"source": 34, "target": 4, "label": "C"}, {"source": 40, "target": 19, "label": "A"}, {"source": 39, "target": 16, "label": "C"}, {"source": 36, "target": 9, "label": "D"}, {"source": 32, "target": 20, "label": "L"}, {"source": 32, "target": 33, "label": "H"}, {"source": 40, "target": 22, "label": "D"}, {"source": 42, "target": 30, "label": "P"}, {"source": 41, "target": 25, "label": "E"}, {"source": 36, "target": 8, "label": "R"}, {"source": 34, "target": 36, "label": "E"}, {"source": 40, "target": 21, "label": "F"}, {"source": 42, "target": 27, "label": "A"}, {"source": 32, "target": 37, "label": "H"}, {"source": 37, "target": 14, "label": "P"}, {"source": 41, "target": 26, "label": "E"}, {"source": 36, "target": 11, "label": "A"}, {"source": 32, "target": 40, "label": "H"}, {"source": 33, "target": 2, "label": "T"}, {"source": 41, "target": 24, "label": "F"}, {"source": 33, "target": 1, "label": "A"}, {"source": 33, "target": 3, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 32, "target": 12, "label": "U"}, {"source": 32, "target": 0, "label": "L"}, {"source": 32, "target": 17, "label": "U"}, {"source": 36, "target": 10, "label": "P"}, {"source": 37, "target": 39, "label": "A"}, {"source": 39, "target": 38, "label": "E"}, {"source": 38, "target": 15, "label": "S"}, {"source": 36, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 31, "label": "U"}, {"source": 38, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "397066-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "Great pet care", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "P"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "397066-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I have used Just Like Family several times now and they have provided great care for my two dogs.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 15, "label": "Q"}, {"source": 19, "target": 7, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 9, "label": "F"}, {"source": 21, "target": 22, "label": "P"}, {"source": 21, "target": 8, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 22, "target": 10, "label": "F"}, {"source": 24, "target": 14, "label": "S"}, {"source": 18, "target": 3, "label": "A"}, {"source": 20, "target": 6, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 24, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "C"}, {"source": 20, "target": 4, "label": "Q"}, {"source": 18, "target": 20, "label": "D"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "P"}, {"source": 23, "target": 16, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "397066-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Lynda is professional and has great compassion for animals.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 12, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "F"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "D"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "L"}, {"source": 14, "target": 7, "label": "R"}]} +{"id": "397066-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The real testament is not in how much she likes your animals but how much they like her.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}, {"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 87, "to": 88}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 12, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 5, "label": "D"}, {"source": 19, "target": 10, "label": "L"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 21, "label": "E"}, {"source": 19, "target": 4, "label": "L"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "C"}, {"source": 23, "target": 13, "label": "S"}, {"source": 19, "target": 23, "label": "H"}, {"source": 23, "target": 15, "label": "U"}, {"source": 21, "target": 8, "label": "S"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 23, "target": 11, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 18, "target": 16, "label": "S"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 7, "label": "S"}]} +{"id": "397066-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I highly recommend her.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "398152-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Con Garage", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "398152-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I brought my car in for a simple emissions test.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "D"}, {"source": 14, "target": 13, "label": "E"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 16, "label": "P"}, {"source": 11, "target": 4, "label": "D"}, {"source": 15, "target": 8, "label": "A"}, {"source": 12, "target": 15, "label": "H"}, {"source": 16, "target": 6, "label": "F"}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "398152-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I guess they figured me for an easy mark, and tried to explain that my car wouldn't pass unless I replaced a hose.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 114}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 6, "label": "F"}, {"source": 31, "target": 13, "label": "P"}, {"source": 33, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 9, "label": "U"}, {"source": 32, "target": 35, "label": "H"}, {"source": 35, "target": 19, "label": "P"}, {"source": 32, "target": 14, "label": "R"}, {"source": 28, "target": 2, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 37, "target": 25, "label": "U"}, {"source": 36, "target": 21, "label": "A"}, {"source": 37, "target": 24, "label": "C"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 20, "label": "L"}, {"source": 35, "target": 17, "label": "D"}, {"source": 31, "target": 11, "label": "D"}, {"source": 26, "target": 1, "label": "S"}, {"source": 35, "target": 18, "label": "D"}, {"source": 36, "target": 22, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 34, "target": 16, "label": "C"}, {"source": 29, "target": 30, "label": "S"}, {"source": 35, "target": 34, "label": "A"}, {"source": 30, "target": 7, "label": "E"}, {"source": 30, "target": 8, "label": "C"}, {"source": 32, "target": 36, "label": "H"}, {"source": 27, "target": 10, "label": "L"}, {"source": 33, "target": 15, "label": "S"}, {"source": 28, "target": 3, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 4, "label": "A"}, {"source": 37, "target": 23, "label": "F"}, {"source": 27, "target": 31, "label": "H"}, {"source": 30, "target": 5, "label": "R"}, {"source": 27, "target": 26, "label": "H"}, {"source": 36, "target": 37, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 34, "target": 33, "label": "E"}, {"source": 31, "target": 12, "label": "F"}]} +{"id": "398152-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Ten minutes later, I took my car down the street and it passed the emissions test with flying colors.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 93}, {"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 9, "label": "F"}, {"source": 20, "target": 24, "label": "A"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 4, "label": "A"}, {"source": 25, "target": 12, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 26, "target": 27, "label": "P"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 14, "label": "F"}, {"source": 20, "target": 3, "label": "U"}, {"source": 25, "target": 17, "label": "D"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 10, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 20, "target": 5, "label": "P"}, {"source": 24, "target": 8, "label": "R"}, {"source": 25, "target": 13, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "C"}, {"source": 20, "target": 19, "label": "T"}, {"source": 19, "target": 0, "label": "Q"}, {"source": 22, "target": 6, "label": "S"}, {"source": 19, "target": 2, "label": "R"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "398152-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If you're a fan of herpes, being ripped off, and child molesters, this is the garage for you.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 39}, {"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 13, "label": "P"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 2, "label": "F"}, {"source": 22, "target": 14, "label": "U"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 19, "label": "R"}, {"source": 28, "target": 15, "label": "A"}, {"source": 22, "target": 28, "label": "H"}, {"source": 22, "target": 0, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 29, "target": 18, "label": "C"}, {"source": 23, "target": 1, "label": "A"}, {"source": 25, "target": 27, "label": "C"}, {"source": 25, "target": 11, "label": "N"}, {"source": 25, "target": 7, "label": "U"}, {"source": 26, "target": 9, "label": "P"}, {"source": 23, "target": 24, "label": "S"}, {"source": 27, "target": 12, "label": "A"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 5, "label": "R"}, {"source": 28, "target": 16, "label": "S"}, {"source": 29, "target": 17, "label": "F"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 24, "target": 3, "label": "F"}, {"source": 25, "target": 10, "label": "U"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 8, "label": "F"}, {"source": 25, "target": 26, "label": "C"}]} +{"id": "398152-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "If not, go somewhere else.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 7, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "P"}, {"source": 10, "target": 4, "label": "C"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "L"}, {"source": 7, "target": 2, "label": "U"}]} +{"id": "398243-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Great work and honest establishment!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "P"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 2, "label": "L"}, {"source": 8, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "D"}]} +{"id": "398243-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I typically have work done on my Jeep at the dealership, but it is 6 years old now and getting charged dealership prices just didn't seem cost effective anymore.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 129}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 160}]}, {"id": 31, "anchors": [{"from": 160, "to": 161}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 40, "target": 23, "label": "C"}, {"source": 37, "target": 13, "label": "A"}, {"source": 41, "target": 26, "label": "D"}, {"source": 32, "target": 4, "label": "D"}, {"source": 32, "target": 36, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 38, "target": 16, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 34, "target": 5, "label": "R"}, {"source": 35, "target": 6, "label": "S"}, {"source": 32, "target": 2, "label": "F"}, {"source": 36, "target": 10, "label": "C"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 14, "label": "F"}, {"source": 33, "target": 37, "label": "H"}, {"source": 39, "target": 20, "label": "F"}, {"source": 33, "target": 12, "label": "L"}, {"source": 37, "target": 18, "label": "T"}, {"source": 41, "target": 30, "label": "T"}, {"source": 34, "target": 7, "label": "C"}, {"source": 37, "target": 38, "label": "T"}, {"source": 41, "target": 29, "label": "S"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "P"}, {"source": 41, "target": 24, "label": "G"}, {"source": 32, "target": 1, "label": "T"}, {"source": 32, "target": 0, "label": "A"}, {"source": 36, "target": 8, "label": "R"}, {"source": 38, "target": 15, "label": "Q"}, {"source": 33, "target": 39, "label": "H"}, {"source": 33, "target": 19, "label": "L"}, {"source": 41, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 22, "label": "E"}, {"source": 37, "target": 17, "label": "S"}, {"source": 39, "target": 21, "label": "P"}, {"source": 41, "target": 28, "label": "D"}, {"source": 36, "target": 9, "label": "F"}, {"source": 35, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 25, "label": "F"}, {"source": 41, "target": 31, "label": "U"}, {"source": 41, "target": 27, "label": "G"}, {"source": 33, "target": 11, "label": "U"}]} +{"id": "398243-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I had tried out few place around the area and had been ripped off a few times.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}, {"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 14, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 20, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 13, "label": "Q"}, {"source": 20, "target": 21, "label": "D"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 10, "label": "F"}, {"source": 19, "target": 6, "label": "F"}, {"source": 16, "target": 2, "label": "P"}, {"source": 20, "target": 9, "label": "F"}, {"source": 18, "target": 3, "label": "Q"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 20, "target": 11, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 8, "label": "L"}]} +{"id": "398243-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "I had hear great things about Phet and G&G Automotive so I decided to give him a try.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}, {"from": 43, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 7, "label": "N"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 11, "label": "P"}, {"source": 20, "target": 3, "label": "S"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "P"}, {"source": 24, "target": 10, "label": "A"}, {"source": 26, "target": 15, "label": "F"}, {"source": 22, "target": 23, "label": "C"}, {"source": 25, "target": 14, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 18, "target": 22, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 25, "target": 12, "label": "R"}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 9, "label": "L"}, {"source": 18, "target": 2, "label": "P"}, {"source": 23, "target": 6, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "398243-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The service was excellent and personable.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 2, "label": "F"}, {"source": 10, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "F"}]} +{"id": "398243-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He checked out what I needed to have done told me what needed be fixed before he did any work and did great repair work.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}, {"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 20, "label": "F"}, {"source": 33, "target": 21, "label": "D"}, {"source": 26, "target": 19, "label": "L"}, {"source": 26, "target": 32, "label": "H"}, {"source": 32, "target": 18, "label": "P"}, {"source": 28, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 17, "label": "D"}, {"source": 33, "target": 34, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 0, "label": "A"}, {"source": 25, "target": 1, "label": "P"}, {"source": 29, "target": 8, "label": "P"}, {"source": 26, "target": 14, "label": "L"}, {"source": 26, "target": 33, "label": "H"}, {"source": 32, "target": 16, "label": "F"}, {"source": 28, "target": 5, "label": "R"}, {"source": 34, "target": 22, "label": "E"}, {"source": 30, "target": 10, "label": "A"}, {"source": 28, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 2, "label": "A"}, {"source": 30, "target": 31, "label": "P"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "D"}, {"source": 32, "target": 15, "label": "A"}, {"source": 33, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 4, "label": "P"}, {"source": 31, "target": 13, "label": "C"}, {"source": 34, "target": 23, "label": "C"}, {"source": 28, "target": 6, "label": "F"}, {"source": 29, "target": 9, "label": "A"}, {"source": 26, "target": 29, "label": "H"}, {"source": 27, "target": 3, "label": "A"}, {"source": 28, "target": 7, "label": "P"}, {"source": 31, "target": 12, "label": "F"}]} +{"id": "398243-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "The price was actually lower than what I had anticipated and used to compared to other places, plus he showed me the work he did when I came into pick up the car.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 77}, {"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 93}]}, {"id": 16, "anchors": [{"from": 93, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 143}]}, {"id": 29, "anchors": [{"from": 143, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 150}, {"from": 151, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 161}]}, {"id": 33, "anchors": [{"from": 161, "to": 162}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 37, "target": 7, "label": "A"}, {"source": 46, "target": 28, "label": "D"}, {"source": 36, "target": 43, "label": "H"}, {"source": 47, "target": 48, "label": "A"}, {"source": 41, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 15, "label": "C"}, {"source": 38, "target": 37, "label": "H"}, {"source": 38, "target": 39, "label": "H"}, {"source": 36, "target": 47, "label": "H"}, {"source": 39, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 21, "label": "F"}, {"source": 35, "target": 38, "label": "A"}, {"source": 35, "target": 2, "label": "F"}, {"source": 40, "target": 11, "label": "C"}, {"source": 37, "target": 6, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 35, "target": 34, "label": "A"}, {"source": 40, "target": 12, "label": "R"}, {"source": 36, "target": 16, "label": "U"}, {"source": 37, "target": 9, "label": "P"}, {"source": 38, "target": 13, "label": "L"}, {"source": 48, "target": 33, "label": "U"}, {"source": 43, "target": 20, "label": "A"}, {"source": 46, "target": 27, "label": "P"}, {"source": 36, "target": 25, "label": "L"}, {"source": 37, "target": 5, "label": "R"}, {"source": 43, "target": 19, "label": "P"}, {"source": 45, "target": 23, "label": "A"}, {"source": 38, "target": 41, "label": "H"}, {"source": 39, "target": 40, "label": "P"}, {"source": 42, "target": 14, "label": "E"}, {"source": 43, "target": 18, "label": "A"}, {"source": 36, "target": 29, "label": "L"}, {"source": 39, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 31, "label": "F"}, {"source": 44, "target": 22, "label": "C"}, {"source": 43, "target": 45, "label": "A"}, {"source": 36, "target": 46, "label": "H"}, {"source": 35, "target": 3, "label": "G"}, {"source": 48, "target": 32, "label": "C"}, {"source": 45, "target": 44, "label": "P"}, {"source": 36, "target": 17, "label": "L"}, {"source": 45, "target": 24, "label": "F"}, {"source": 36, "target": 35, "label": "H"}, {"source": 46, "target": 26, "label": "A"}, {"source": 34, "target": 1, "label": "C"}, {"source": 38, "target": 10, "label": "L"}, {"source": 34, "target": 0, "label": "F"}, {"source": 35, "target": 4, "label": "S"}, {"source": 47, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 8, "label": "F"}, {"source": 47, "target": 30, "label": "P"}]} +{"id": "398243-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Also, a week after the work, Phet called me up to see how my car was running and to let me know that they had accidentally overcharged me for part of the work and wanted to give me a refund for that amount.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 90}]}, {"id": 23, "anchors": [{"from": 91, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 100}]}, {"id": 25, "anchors": [{"from": 101, "to": 105}]}, {"id": 26, "anchors": [{"from": 106, "to": 109}]}, {"id": 27, "anchors": [{"from": 110, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 153}]}, {"id": 34, "anchors": [{"from": 154, "to": 158}]}, {"id": 35, "anchors": [{"from": 159, "to": 162}]}, {"id": 36, "anchors": [{"from": 163, "to": 169}]}, {"id": 37, "anchors": [{"from": 170, "to": 172}]}, {"id": 38, "anchors": [{"from": 173, "to": 177}]}, {"id": 39, "anchors": [{"from": 178, "to": 180}]}, {"id": 40, "anchors": [{"from": 181, "to": 182}]}, {"id": 41, "anchors": [{"from": 183, "to": 189}]}, {"id": 42, "anchors": [{"from": 190, "to": 193}]}, {"id": 43, "anchors": [{"from": 194, "to": 198}]}, {"id": 44, "anchors": [{"from": 199, "to": 205}]}, {"id": 45, "anchors": [{"from": 205, "to": 206}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 60, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 2, "label": "F"}, {"source": 47, "target": 19, "label": "L"}, {"source": 53, "target": 55, "label": "A"}, {"source": 47, "target": 56, "label": "H"}, {"source": 58, "target": 30, "label": "R"}, {"source": 55, "target": 16, "label": "C"}, {"source": 61, "target": 39, "label": "A"}, {"source": 57, "target": 26, "label": "F"}, {"source": 52, "target": 53, "label": "A"}, {"source": 59, "target": 34, "label": "C"}, {"source": 62, "target": 40, "label": "F"}, {"source": 61, "target": 63, "label": "A"}, {"source": 53, "target": 17, "label": "F"}, {"source": 53, "target": 14, "label": "D"}, {"source": 53, "target": 18, "label": "P"}, {"source": 57, "target": 25, "label": "A"}, {"source": 50, "target": 5, "label": "F"}, {"source": 56, "target": 23, "label": "P"}, {"source": 63, "target": 44, "label": "C"}, {"source": 60, "target": 61, "label": "A"}, {"source": 47, "target": 35, "label": "L"}, {"source": 52, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 6, "label": "C"}, {"source": 46, "target": 51, "label": "P"}, {"source": 48, "target": 3, "label": "C"}, {"source": 49, "target": 48, "label": "T"}, {"source": 56, "target": 22, "label": "A"}, {"source": 61, "target": 37, "label": "R"}, {"source": 47, "target": 20, "label": "L"}, {"source": 62, "target": 38, "label": "F"}, {"source": 47, "target": 49, "label": "H"}, {"source": 47, "target": 52, "label": "H"}, {"source": 63, "target": 42, "label": "R"}, {"source": 63, "target": 43, "label": "E"}, {"source": 57, "target": 28, "label": "P"}, {"source": 58, "target": 31, "label": "D"}, {"source": 55, "target": 54, "label": "E"}, {"source": 51, "target": 9, "label": "C"}, {"source": 47, "target": 7, "label": "U"}, {"source": 57, "target": 58, "label": "A"}, {"source": 56, "target": 21, "label": "D"}, {"source": 56, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 15, "label": "S"}, {"source": 58, "target": 59, "label": "P"}, {"source": 62, "target": 41, "label": "C"}, {"source": 51, "target": 11, "label": "F"}, {"source": 49, "target": 50, "label": "P"}, {"source": 61, "target": 62, "label": "P"}, {"source": 59, "target": 32, "label": "R"}, {"source": 46, "target": 8, "label": "A"}, {"source": 46, "target": 10, "label": "A"}, {"source": 46, "target": 0, "label": "D"}, {"source": 59, "target": 33, "label": "F"}, {"source": 48, "target": 4, "label": "R"}, {"source": 57, "target": 27, "label": "D"}, {"source": 47, "target": 60, "label": "H"}, {"source": 54, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 1, "label": "U"}, {"source": 61, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 45, "label": "U"}, {"source": 56, "target": 57, "label": "A"}, {"source": 57, "target": 24, "label": "R"}, {"source": 47, "target": 12, "label": "L"}, {"source": 47, "target": 46, "label": "H"}, {"source": 57, "target": 29, "label": "A"}, {"source": 60, "target": 36, "label": "P"}, {"source": 52, "target": 13, "label": "P"}]} +{"id": "398243-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "That is just unheard of these days!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 10, "label": "S"}, {"source": 9, "target": 2, "label": "G"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 11, "label": "T"}]} +{"id": "398243-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "I grew up in a small town where you knew and trusted your mechanic and was really cynical about city auto repair shops since I moved here, but Phet has shown that there really are honest hard working mechanics around.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}, {"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 137}]}, {"id": 25, "anchors": [{"from": 137, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 151}]}, {"id": 29, "anchors": [{"from": 152, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 168}]}, {"id": 32, "anchors": [{"from": 169, "to": 175}]}, {"id": 33, "anchors": [{"from": 176, "to": 179}]}, {"id": 34, "anchors": [{"from": 180, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 191}]}, {"id": 36, "anchors": [{"from": 192, "to": 199}]}, {"id": 37, "anchors": [{"from": 200, "to": 209}]}, {"id": 38, "anchors": [{"from": 210, "to": 216}]}, {"id": 39, "anchors": [{"from": 216, "to": 217}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 41, "target": 21, "label": "L"}, {"source": 45, "target": 11, "label": "A"}, {"source": 41, "target": 48, "label": "H"}, {"source": 41, "target": 43, "label": "H"}, {"source": 44, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 44, "label": "H"}, {"source": 50, "target": 32, "label": "G"}, {"source": 50, "target": 38, "label": "A"}, {"source": 44, "target": 10, "label": "S"}, {"source": 50, "target": 31, "label": "F"}, {"source": 41, "target": 6, "label": "L"}, {"source": 50, "target": 33, "label": "F"}, {"source": 45, "target": 12, "label": "A"}, {"source": 50, "target": 51, "label": "D"}, {"source": 47, "target": 18, "label": "E"}, {"source": 46, "target": 47, "label": "A"}, {"source": 46, "target": 14, "label": "F"}, {"source": 50, "target": 37, "label": "A"}, {"source": 51, "target": 36, "label": "C"}, {"source": 43, "target": 7, "label": "A"}, {"source": 41, "target": 25, "label": "U"}, {"source": 41, "target": 13, "label": "L"}, {"source": 41, "target": 26, "label": "L"}, {"source": 40, "target": 42, "label": "A"}, {"source": 48, "target": 24, "label": "A"}, {"source": 44, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 22, "label": "A"}, {"source": 49, "target": 50, "label": "A"}, {"source": 49, "target": 27, "label": "A"}, {"source": 47, "target": 20, "label": "C"}, {"source": 51, "target": 35, "label": "E"}, {"source": 50, "target": 39, "label": "U"}, {"source": 47, "target": 17, "label": "R"}, {"source": 50, "target": 37, "label": "P"}, {"source": 49, "target": 29, "label": "P"}, {"source": 41, "target": 9, "label": "L"}, {"source": 49, "target": 28, "label": "F"}, {"source": 48, "target": 23, "label": "P"}, {"source": 46, "target": 16, "label": "P"}, {"source": 50, "target": 34, "label": "D"}, {"source": 50, "target": 30, "label": "R"}, {"source": 42, "target": 4, "label": "E"}, {"source": 41, "target": 46, "label": "H"}, {"source": 42, "target": 2, "label": "R"}, {"source": 41, "target": 40, "label": "H"}, {"source": 40, "target": 1, "label": "P"}, {"source": 46, "target": 15, "label": "D"}, {"source": 46, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 45, "label": "A"}, {"source": 45, "target": 12, "label": "S"}, {"source": 40, "target": 0, "label": "A"}, {"source": 42, "target": 5, "label": "C"}, {"source": 47, "target": 19, "label": "E"}, {"source": 42, "target": 3, "label": "F"}, {"source": 41, "target": 49, "label": "H"}, {"source": 43, "target": 8, "label": "S"}]} +{"id": "398243-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "He is my mechanic going forward!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}, {"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 3, "label": "A"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 7, "target": 1, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "T"}]} +{"id": "399348-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Friendly, clean and excellent location", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "S"}, {"source": 7, "target": 9, "label": "H"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 3, "label": "L"}, {"source": 9, "target": 5, "label": "A"}]} +{"id": "399348-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The staff was very helpful, and gave us good advice on day and night time activities.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 2, "label": "F"}, {"source": 21, "target": 5, "label": "U"}, {"source": 22, "target": 10, "label": "C"}, {"source": 22, "target": 7, "label": "F"}, {"source": 20, "target": 4, "label": "P"}, {"source": 26, "target": 25, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 26, "label": "T"}, {"source": 23, "target": 22, "label": "P"}, {"source": 24, "target": 11, "label": "R"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 13, "label": "N"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "F"}, {"source": 18, "target": 19, "label": "S"}, {"source": 25, "target": 14, "label": "C"}, {"source": 23, "target": 9, "label": "D"}, {"source": 23, "target": 8, "label": "A"}, {"source": 21, "target": 6, "label": "L"}, {"source": 20, "target": 3, "label": "D"}, {"source": 25, "target": 12, "label": "C"}, {"source": 24, "target": 16, "label": "P"}, {"source": 19, "target": 1, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 26, "target": 15, "label": "C"}]} +{"id": "399348-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Common room was comfortable and clean, very good room to read or relax. –", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 23, "target": 11, "label": "P"}, {"source": 20, "target": 8, "label": "S"}, {"source": 18, "target": 4, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 22, "target": 10, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 24, "target": 14, "label": "U"}, {"source": 18, "target": 6, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 16, "target": 0, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 12, "label": "L"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 24, "label": "H"}, {"source": 17, "target": 3, "label": "S"}, {"source": 19, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "S"}, {"source": 24, "target": 15, "label": "U"}, {"source": 17, "target": 2, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 20, "target": 7, "label": "D"}]} +{"id": "399348-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "A great breakfast which was included every morning until 9:30am; yummy fresh Parisian croissants.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 96}]}, {"id": 16, "anchors": [{"from": 96, "to": 97}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 9, "label": "Q"}, {"source": 18, "target": 0, "label": "F"}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "D"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 18, "label": "P"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 19, "target": 3, "label": "L"}, {"source": 19, "target": 23, "label": "H"}, {"source": 20, "target": 4, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "P"}, {"source": 24, "target": 13, "label": "S"}, {"source": 20, "target": 21, "label": "T"}, {"source": 25, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 12, "label": "S"}, {"source": 19, "target": 17, "label": "H"}, {"source": 19, "target": 11, "label": "U"}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 6, "label": "Q"}, {"source": 18, "target": 2, "label": "C"}]} +{"id": "399348-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "Comfortable and clean beds, a bit noisy when people were coming in late from a night out, but we didn't mind too much as we were also just coming in from a night out!", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}, {"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 148}]}, {"id": 32, "anchors": [{"from": 149, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 161}]}, {"id": 35, "anchors": [{"from": 162, "to": 165}]}, {"id": 36, "anchors": [{"from": 165, "to": 166}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 48, "target": 27, "label": "F"}, {"source": 37, "target": 0, "label": "S"}, {"source": 38, "target": 32, "label": "L"}, {"source": 42, "target": 13, "label": "T"}, {"source": 38, "target": 1, "label": "L"}, {"source": 38, "target": 37, "label": "H"}, {"source": 38, "target": 18, "label": "L"}, {"source": 38, "target": 4, "label": "U"}, {"source": 40, "target": 5, "label": "F"}, {"source": 38, "target": 25, "label": "L"}, {"source": 38, "target": 39, "label": "H"}, {"source": 50, "target": 35, "label": "F"}, {"source": 39, "target": 2, "label": "S"}, {"source": 50, "target": 33, "label": "F"}, {"source": 45, "target": 21, "label": "D"}, {"source": 44, "target": 16, "label": "C"}, {"source": 38, "target": 45, "label": "H"}, {"source": 45, "target": 22, "label": "S"}, {"source": 42, "target": 9, "label": "A"}, {"source": 45, "target": 20, "label": "F"}, {"source": 48, "target": 30, "label": "P"}, {"source": 40, "target": 6, "label": "C"}, {"source": 42, "target": 12, "label": "D"}, {"source": 39, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 10, "label": "F"}, {"source": 41, "target": 7, "label": "S"}, {"source": 50, "target": 36, "label": "U"}, {"source": 48, "target": 47, "label": "A"}, {"source": 48, "target": 31, "label": "D"}, {"source": 50, "target": 34, "label": "C"}, {"source": 45, "target": 19, "label": "A"}, {"source": 48, "target": 29, "label": "T"}, {"source": 38, "target": 14, "label": "L"}, {"source": 46, "target": 23, "label": "E"}, {"source": 41, "target": 40, "label": "D"}, {"source": 38, "target": 17, "label": "U"}, {"source": 38, "target": 42, "label": "H"}, {"source": 44, "target": 15, "label": "F"}, {"source": 38, "target": 48, "label": "H"}, {"source": 38, "target": 41, "label": "H"}, {"source": 43, "target": 44, "label": "P"}, {"source": 42, "target": 11, "label": "P"}, {"source": 38, "target": 43, "label": "H"}, {"source": 49, "target": 50, "label": "P"}, {"source": 47, "target": 28, "label": "E"}, {"source": 45, "target": 46, "label": "D"}, {"source": 37, "target": 3, "label": "A"}, {"source": 38, "target": 49, "label": "H"}, {"source": 47, "target": 26, "label": "C"}, {"source": 38, "target": 8, "label": "L"}, {"source": 46, "target": 24, "label": "C"}]} +{"id": "399348-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:28)", "input": "The location is really stellar!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "399348-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is next to Gare du Nord and a five minute walk to Sacre Coeur which is excellent for shopping.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 21}, {"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 3, "label": "R"}, {"source": 20, "target": 4, "label": "C"}, {"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "T"}, {"source": 22, "target": 21, "label": "P"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 25, "label": "H"}, {"source": 23, "target": 7, "label": "Q"}, {"source": 24, "target": 11, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 10, "label": "R"}, {"source": 21, "target": 9, "label": "C"}, {"source": 25, "target": 15, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 5, "label": "L"}, {"source": 18, "target": 2, "label": "S"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 20, "label": "A"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 16, "label": "P"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 12, "label": "L"}, {"source": 21, "target": 6, "label": "F"}]} +{"id": "399348-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "It is close to bus lines for Opera Plaza, Galleries Lafayette , and the famous flea Market.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 4, "label": "C"}, {"source": 21, "target": 3, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 10, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 9, "label": "U"}, {"source": 22, "target": 5, "label": "C"}, {"source": 27, "target": 14, "label": "F"}, {"source": 27, "target": 18, "label": "U"}, {"source": 23, "target": 22, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 24, "target": 12, "label": "U"}, {"source": 25, "target": 8, "label": "C"}, {"source": 27, "target": 16, "label": "E"}, {"source": 20, "target": 21, "label": "S"}, {"source": 21, "target": 2, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 7, "label": "E"}, {"source": 26, "target": 11, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 13, "label": "N"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 27, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 15, "label": "S"}, {"source": 24, "target": 26, "label": "C"}, {"source": 24, "target": 6, "label": "R"}, {"source": 28, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "399348-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:29)", "input": "We really enjoyed our stay and would definitely stay at the Vintage Hostel again.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "F"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 13, "label": "D"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 9, "label": "R"}, {"source": 18, "target": 7, "label": "D"}, {"source": 16, "target": 5, "label": "L"}, {"source": 18, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 0, "label": "A"}]} diff --git a/mtool/data/score/ucca/ewt.tupa.mrp b/mtool/data/score/ucca/ewt.tupa.mrp new file mode 100644 index 0000000000000000000000000000000000000000..9d44fc65c21beab425fdb65b8fcb9a44fdd493b2 --- /dev/null +++ b/mtool/data/score/ucca/ewt.tupa.mrp @@ -0,0 +1,3757 @@ +{"id": "001325-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "001325-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My 8 year old daughter loves this place.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 1, "label": "E"}, {"source": 9, "target": 12, "label": "E"}, {"source": 11, "target": 9, "label": "D"}, {"source": 11, "target": 5, "label": "P"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 9, "target": 3, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "001325-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best climbing club around.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "D"}, {"source": 6, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "001325-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hooray for Craggy.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "001961-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Buyer Beware!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "001961-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rusted out and unsafe cars sold here!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 8, "target": 0, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 10, "target": 14, "label": "S"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 2, "label": "N"}, {"source": 8, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "001961-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Have a real mechanic check before you buy!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "E"}, {"source": 10, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "L"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "001961-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Save money and go somewhere else!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 27}, {"from": 28, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "E"}, {"source": 7, "target": 2, "label": "N"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "002288-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's well cool. :)", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "002317-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "telephone number", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "002317-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the telephone number is incorrect - our new mobile number is 07551310002 or landline 01634 710033.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 97}]}, {"id": 16, "anchors": [{"from": 97, "to": 98}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "S"}, {"source": 19, "target": 22, "label": "D"}, {"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 17, "label": "A"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 14, "label": "D"}, {"source": 22, "target": 12, "label": "N"}, {"source": 19, "target": 10, "label": "F"}, {"source": 21, "target": 9, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "R"}, {"source": 20, "target": 5, "label": "U"}, {"source": 21, "target": 20, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 15, "label": "D"}, {"source": 17, "target": 1, "label": "E"}, {"source": 22, "target": 11, "label": "C"}, {"source": 22, "target": 13, "label": "C"}, {"source": 17, "target": 0, "label": "E"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "002317-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "thank you", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "003418-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Billing Issues...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "003418-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a routine surgery for an ingrown toenail.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "003418-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My insurance company, Blue Cross/Blue Shield paid the fees and everything was fine.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 32}, {"from": 33, "to": 37}, {"from": 38, "to": 44}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 82}]}, {"id": 13, "anchors": [{"from": 82, "to": 83}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 11, "label": "F"}, {"source": 21, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "N"}, {"source": 14, "target": 3, "label": "U"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 19, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 14, "target": 5, "label": "U"}, {"source": 14, "target": 17, "label": "E"}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 16, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 16, "target": 6, "label": "P"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "003418-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then I got a bill for $483.00.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "003418-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The doctor's office said that payments had been \"reversed\".", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 7, "label": "F"}, {"source": 17, "target": 10, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 16, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 9, "label": "U"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 15, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 2, "label": "R"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "003418-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Blue cross has no record of aa reversal.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "003418-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The office refused my requests to see what they got from BC/BS.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}, {"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 8, "label": "A"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 13, "label": "U"}, {"source": 18, "target": 5, "label": "F"}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 21, "target": 12, "label": "U"}, {"source": 17, "target": 4, "label": "C"}, {"source": 18, "target": 6, "label": "P"}, {"source": 16, "target": 2, "label": "P"}, {"source": 21, "target": 10, "label": "R"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 20, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "003418-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They eventually turned it over to a collection agency and now will not even discuss the matter.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}, {"from": 26, "to": 30}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 31, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 94}]}, {"id": 16, "anchors": [{"from": 94, "to": 95}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "L"}, {"source": 19, "target": 7, "label": "C"}, {"source": 21, "target": 14, "label": "E"}, {"source": 17, "target": 2, "label": "P"}, {"source": 20, "target": 9, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 11, "label": "D"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 1, "label": "D"}, {"source": 19, "target": 4, "label": "R"}, {"source": 21, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "P"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 17, "target": 3, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 12, "label": "D"}]} +{"id": "003418-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I eventually decided to just pay the balance even though the doctor has already been paid, but now the collection agency is trying to say another reversal of $160.00 has come through.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 154}]}, {"id": 27, "anchors": [{"from": 155, "to": 157}]}, {"id": 28, "anchors": [{"from": 158, "to": 159}]}, {"id": 29, "anchors": [{"from": 159, "to": 165}]}, {"id": 30, "anchors": [{"from": 166, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 174}, {"from": 175, "to": 182}]}, {"id": 32, "anchors": [{"from": 182, "to": 183}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 42, "label": "E"}, {"source": 39, "target": 24, "label": "P"}, {"source": 36, "target": 7, "label": "C"}, {"source": 34, "target": 15, "label": "U"}, {"source": 33, "target": 0, "label": "A"}, {"source": 33, "target": 2, "label": "P"}, {"source": 39, "target": 23, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 34, "target": 8, "label": "L"}, {"source": 42, "target": 29, "label": "C"}, {"source": 38, "target": 13, "label": "F"}, {"source": 34, "target": 16, "label": "L"}, {"source": 34, "target": 38, "label": "H"}, {"source": 35, "target": 3, "label": "F"}, {"source": 39, "target": 21, "label": "F"}, {"source": 37, "target": 9, "label": "E"}, {"source": 40, "target": 20, "label": "C"}, {"source": 38, "target": 14, "label": "P"}, {"source": 33, "target": 35, "label": "A"}, {"source": 40, "target": 19, "label": "E"}, {"source": 42, "target": 27, "label": "R"}, {"source": 43, "target": 32, "label": "U"}, {"source": 41, "target": 25, "label": "E"}, {"source": 40, "target": 18, "label": "E"}, {"source": 39, "target": 17, "label": "D"}, {"source": 35, "target": 4, "label": "D"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 30, "label": "F"}, {"source": 36, "target": 6, "label": "E"}, {"source": 34, "target": 33, "label": "H"}, {"source": 39, "target": 22, "label": "D"}, {"source": 41, "target": 26, "label": "C"}, {"source": 38, "target": 11, "label": "F"}, {"source": 43, "target": 31, "label": "S"}, {"source": 35, "target": 5, "label": "P"}, {"source": 33, "target": 1, "label": "D"}, {"source": 42, "target": 28, "label": "U"}, {"source": 35, "target": 36, "label": "A"}, {"source": 34, "target": 43, "label": "H"}, {"source": 37, "target": 10, "label": "C"}, {"source": 34, "target": 39, "label": "H"}, {"source": 38, "target": 12, "label": "D"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "003418-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was an ingrown toenail.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "003418-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How much could it possibly cost?", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "A"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "003418-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only am I being bilked for money I do not owe, the office staff is rude to boot.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 83, "to": 84}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 24, "target": 4, "label": "F"}, {"source": 23, "target": 21, "label": "D"}, {"source": 23, "target": 2, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 26, "target": 9, "label": "F"}, {"source": 21, "target": 0, "label": "E"}, {"source": 27, "target": 13, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 23, "target": 29, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 26, "target": 11, "label": "P"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 12, "label": "U"}, {"source": 28, "target": 18, "label": "R"}, {"source": 26, "target": 10, "label": "D"}, {"source": 24, "target": 3, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 24, "target": 5, "label": "P"}, {"source": 29, "target": 28, "label": "E"}, {"source": 26, "target": 8, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 16, "label": "F"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "003418-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think this office has some serious billing practice issues!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 4, "label": "S"}, {"source": 15, "target": 9, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "004540-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They really go above and beyond!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}, {"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "004540-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For example, I actually forgot to feed my cat, and they went out of their way to take care of him.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 97, "to": 98}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 16, "label": "C"}, {"source": 31, "target": 22, "label": "U"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 7, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 20, "label": "R"}, {"source": 23, "target": 0, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 5, "label": "D"}, {"source": 28, "target": 15, "label": "E"}, {"source": 29, "target": 18, "label": "P"}, {"source": 24, "target": 29, "label": "H"}, {"source": 25, "target": 3, "label": "A"}, {"source": 23, "target": 1, "label": "C"}, {"source": 26, "target": 8, "label": "E"}, {"source": 30, "target": 31, "label": "E"}, {"source": 25, "target": 4, "label": "D"}, {"source": 28, "target": 14, "label": "R"}, {"source": 24, "target": 23, "label": "G"}, {"source": 25, "target": 6, "label": "F"}, {"source": 24, "target": 10, "label": "U"}, {"source": 24, "target": 11, "label": "L"}, {"source": 30, "target": 19, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 2, "label": "U"}, {"source": 24, "target": 17, "label": "L"}]} +{"id": "004540-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Additionally, when there was confusion (my fault), they left me flowers along with a personalized gift.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 12, "label": "P"}, {"source": 27, "target": 18, "label": "E"}, {"source": 22, "target": 4, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 15, "label": "R"}, {"source": 24, "target": 7, "label": "E"}, {"source": 27, "target": 17, "label": "E"}, {"source": 27, "target": 16, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 10, "label": "U"}, {"source": 23, "target": 6, "label": "U"}, {"source": 21, "target": 2, "label": "L"}, {"source": 26, "target": 13, "label": "E"}, {"source": 24, "target": 8, "label": "C"}, {"source": 22, "target": 3, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 25, "target": 11, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 27, "target": 19, "label": "C"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "U"}, {"source": 26, "target": 14, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 21, "target": 1, "label": "U"}, {"source": 22, "target": 23, "label": "S"}]} +{"id": "004540-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have been 100% reliable and professional.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "N"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 10, "target": 2, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "004540-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Definitely recommend!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "004574-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over-rated...", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "004574-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This restaurant is over-rated.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "004574-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is hard to find...and the mexican food is bland, almost equivalent to eating out of a can.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "P"}, {"source": 27, "target": 15, "label": "F"}, {"source": 22, "target": 2, "label": "S"}, {"source": 24, "target": 4, "label": "P"}, {"source": 25, "target": 8, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 29, "target": 18, "label": "R"}, {"source": 24, "target": 3, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 25, "label": "A"}, {"source": 29, "target": 20, "label": "C"}, {"source": 23, "target": 5, "label": "U"}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 9, "label": "C"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 13, "label": "D"}, {"source": 26, "target": 11, "label": "S"}, {"source": 23, "target": 12, "label": "U"}, {"source": 26, "target": 10, "label": "F"}, {"source": 27, "target": 14, "label": "D"}, {"source": 25, "target": 7, "label": "E"}, {"source": 23, "target": 6, "label": "L"}, {"source": 29, "target": 21, "label": "U"}]} +{"id": "004574-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service is poor...", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "004574-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked for a fried egg on my enchiladas...and did not get it.!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 63}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 20, "target": 11, "label": "F"}, {"source": 18, "target": 2, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 10, "label": "L"}, {"source": 19, "target": 8, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 20, "target": 14, "label": "A"}, {"source": 17, "target": 9, "label": "U"}, {"source": 20, "target": 13, "label": "P"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 12, "label": "D"}, {"source": 19, "target": 6, "label": "R"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "004574-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Secondly, the enchladas did not come with enchilada sauce..but chili...like Hormel's chili..the cheese was American cheese!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 123}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 28, "target": 30, "label": "C"}, {"source": 31, "target": 20, "label": "C"}, {"source": 32, "target": 21, "label": "S"}, {"source": 31, "target": 19, "label": "E"}, {"source": 31, "target": 18, "label": "U"}, {"source": 26, "target": 2, "label": "E"}, {"source": 25, "target": 1, "label": "U"}, {"source": 30, "target": 29, "label": "C"}, {"source": 30, "target": 11, "label": "N"}, {"source": 33, "target": 16, "label": "R"}, {"source": 25, "target": 27, "label": "H"}, {"source": 32, "target": 34, "label": "A"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 0, "label": "L"}, {"source": 29, "target": 8, "label": "E"}, {"source": 31, "target": 33, "label": "E"}, {"source": 31, "target": 17, "label": "C"}, {"source": 32, "target": 31, "label": "A"}, {"source": 27, "target": 6, "label": "P"}, {"source": 34, "target": 22, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 12, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 30, "target": 10, "label": "U"}, {"source": 26, "target": 3, "label": "C"}, {"source": 33, "target": 15, "label": "C"}, {"source": 29, "target": 9, "label": "C"}, {"source": 25, "target": 13, "label": "U"}, {"source": 25, "target": 32, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 14, "label": "R"}, {"source": 28, "target": 7, "label": "R"}, {"source": 34, "target": 23, "label": "C"}, {"source": 27, "target": 5, "label": "D"}]} +{"id": "004574-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Chili Relleno..had no batter on it.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}, {"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "U"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 5, "label": "S"}, {"source": 11, "target": 4, "label": "D"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "004940-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have been blessed to find Elite Flyers online and would not use anyone else to handle our postcards, posters, etc.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 41}, {"from": 42, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 102}]}, {"id": 17, "anchors": [{"from": 102, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 111}]}, {"id": 19, "anchors": [{"from": 111, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 116, "to": 117}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 4, "label": "F"}, {"source": 26, "target": 25, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 30, "target": 20, "label": "N"}, {"source": 25, "target": 10, "label": "C"}, {"source": 22, "target": 3, "label": "P"}, {"source": 23, "target": 7, "label": "L"}, {"source": 29, "target": 30, "label": "C"}, {"source": 30, "target": 19, "label": "U"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "F"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "P"}, {"source": 27, "target": 12, "label": "E"}, {"source": 30, "target": 18, "label": "C"}, {"source": 25, "target": 8, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 30, "target": 16, "label": "C"}, {"source": 26, "target": 9, "label": "D"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 2, "label": "F"}, {"source": 24, "target": 6, "label": "A"}, {"source": 23, "target": 13, "label": "L"}, {"source": 30, "target": 21, "label": "U"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "P"}, {"source": 30, "target": 17, "label": "U"}, {"source": 29, "target": 15, "label": "E"}]} +{"id": "004940-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were looking for a company with decent rates as our company was just getting started.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 23, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 11, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 14, "label": "D"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 23, "target": 22, "label": "E"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 13, "label": "D"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 12, "label": "F"}, {"source": 19, "target": 3, "label": "R"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "004940-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have the best rates and GREAT customer service.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 12, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 14, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "004940-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On one order, we needed it rushed and shipped to a different state.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 8, "label": "N"}, {"source": 19, "target": 7, "label": "C"}, {"source": 18, "target": 6, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 5, "label": "S"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "C"}, {"source": 17, "target": 15, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 3, "label": "U"}, {"source": 15, "target": 0, "label": "R"}, {"source": 17, "target": 4, "label": "A"}, {"source": 20, "target": 12, "label": "E"}, {"source": 15, "target": 1, "label": "E"}, {"source": 20, "target": 10, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "004940-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They did that with no problem.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "004940-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also appreciate their honesty.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "004940-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I sent a graphic that would have been distorted if printed as it was.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 5, "label": "F"}, {"source": 18, "target": 19, "label": "P"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 9, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 4, "label": "F"}, {"source": 21, "target": 11, "label": "R"}, {"source": 22, "target": 13, "label": "S"}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "F"}]} +{"id": "004940-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They called and worked with me to fix it so that it would look perfect.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}, {"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 7, "label": "P"}, {"source": 15, "target": 19, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 10, "label": "A"}, {"source": 15, "target": 18, "label": "A"}, {"source": 17, "target": 3, "label": "C"}, {"source": 15, "target": 17, "label": "P"}, {"source": 20, "target": 12, "label": "D"}, {"source": 21, "target": 13, "label": "C"}, {"source": 19, "target": 6, "label": "F"}, {"source": 17, "target": 2, "label": "N"}, {"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "004940-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They recently surprised me a larger order.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "004940-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I ordered 1000 postcards, we normally order 5000 or more.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 6, "label": "L"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "004940-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Because they had room to do 5000, they created the larger amount, and shipped them early.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 7, "label": "U"}, {"source": 21, "target": 5, "label": "D"}, {"source": 21, "target": 6, "label": "D"}, {"source": 20, "target": 3, "label": "A"}, {"source": 22, "target": 8, "label": "A"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 24, "target": 15, "label": "P"}, {"source": 20, "target": 1, "label": "A"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 19, "target": 14, "label": "L"}, {"source": 24, "target": 18, "label": "U"}, {"source": 22, "target": 9, "label": "P"}, {"source": 23, "target": 10, "label": "E"}, {"source": 20, "target": 2, "label": "P"}, {"source": 24, "target": 17, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 4, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 16, "label": "A"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "004940-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recommend this company to ANYONE and everyone that needs great work done at a reasonable rate!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 12, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 2, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 19, "target": 23, "label": "A"}, {"source": 25, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 26, "target": 16, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 4, "label": "R"}, {"source": 22, "target": 6, "label": "N"}, {"source": 26, "target": 13, "label": "R"}, {"source": 24, "target": 11, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 5, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 22, "target": 7, "label": "C"}, {"source": 18, "target": 21, "label": "C"}, {"source": 24, "target": 10, "label": "E"}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 9, "label": "P"}]} +{"id": "004940-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have a customer for life in us!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "005265-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "good", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "005265-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it is a cute little nice and quiet library", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 7, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 12, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "005636-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I LOVE MY GYM!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}, {"from": 7, "to": 9}, {"from": 10, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "005636-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "FITNESS UNLIMITED is a second home to a lot of us gym members who work out daily.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}, {"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 1, "label": "S"}, {"source": 20, "target": 8, "label": "R"}, {"source": 21, "target": 14, "label": "D"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "E"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 12, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 10, "label": "E"}, {"source": 21, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "005636-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are serious about working out in a non-commercial like atmosphere then you have chosen the best place to be.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}, {"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 9, "label": "R"}, {"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 28, "label": "H"}, {"source": 28, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "P"}, {"source": 24, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 12, "label": "A"}, {"source": 24, "target": 6, "label": "R"}, {"source": 21, "target": 26, "label": "H"}, {"source": 25, "target": 10, "label": "C"}, {"source": 22, "target": 3, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 14, "label": "P"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 21, "target": 11, "label": "L"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 19, "label": "S"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 2, "label": "F"}, {"source": 28, "target": 18, "label": "F"}, {"source": 22, "target": 1, "label": "A"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 13, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "005636-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is the most humble gym you will every step into.... if you dare to work on your body don't be surprised when you see how addicting going to FITNESS UNLIMITED can be!!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 169}]}, {"id": 35, "anchors": [{"from": 169, "to": 171}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 37, "target": 12, "label": "L"}, {"source": 40, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 15, "label": "F"}, {"source": 38, "target": 40, "label": "E"}, {"source": 43, "target": 16, "label": "P"}, {"source": 37, "target": 46, "label": "H"}, {"source": 43, "target": 44, "label": "A"}, {"source": 45, "target": 23, "label": "P"}, {"source": 42, "target": 14, "label": "P"}, {"source": 42, "target": 13, "label": "A"}, {"source": 41, "target": 10, "label": "R"}, {"source": 40, "target": 41, "label": "A"}, {"source": 36, "target": 1, "label": "S"}, {"source": 48, "target": 32, "label": "C"}, {"source": 44, "target": 19, "label": "C"}, {"source": 47, "target": 48, "label": "A"}, {"source": 44, "target": 18, "label": "E"}, {"source": 47, "target": 29, "label": "P"}, {"source": 47, "target": 35, "label": "U"}, {"source": 41, "target": 11, "label": "U"}, {"source": 44, "target": 17, "label": "R"}, {"source": 36, "target": 0, "label": "A"}, {"source": 48, "target": 30, "label": "R"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 40, "target": 6, "label": "A"}, {"source": 47, "target": 27, "label": "D"}, {"source": 38, "target": 5, "label": "C"}, {"source": 40, "target": 8, "label": "D"}, {"source": 37, "target": 20, "label": "L"}, {"source": 45, "target": 21, "label": "D"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 37, "target": 24, "label": "L"}, {"source": 39, "target": 3, "label": "E"}, {"source": 39, "target": 4, "label": "C"}, {"source": 46, "target": 26, "label": "P"}, {"source": 47, "target": 28, "label": "A"}, {"source": 40, "target": 7, "label": "F"}, {"source": 46, "target": 25, "label": "A"}, {"source": 38, "target": 2, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 47, "target": 34, "label": "F"}, {"source": 43, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 47, "label": "A"}, {"source": 40, "target": 9, "label": "P"}, {"source": 47, "target": 33, "label": "D"}, {"source": 48, "target": 31, "label": "E"}, {"source": 37, "target": 42, "label": "H"}, {"source": 45, "target": 22, "label": "F"}]} +{"id": "005760-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OK Food, Slow service", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "005760-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food was incredibly bland.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "005760-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their Thali was not brought out as described (no saag).", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}, {"from": 28, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "005760-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Expensive for the level of food and the quality of service.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "N"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 13, "label": "L"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 1, "label": "R"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 4, "label": "R"}, {"source": 14, "target": 16, "label": "C"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "006970-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wife and I attempted to adopt a dog and was nothing but frustrating.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 18, "target": 9, "label": "S"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 0, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 1, "label": "N"}, {"source": 19, "target": 11, "label": "N"}, {"source": 15, "target": 5, "label": "P"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "006970-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We arrived Sunday at about 230 and found a do we really liked.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 6, "label": "L"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "A"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 11, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 7, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "R"}]} +{"id": "006970-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were told that we couldn't today because they were closing soon.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "A"}, {"source": 18, "target": 11, "label": "P"}, {"source": 16, "target": 17, "label": "P"}, {"source": 17, "target": 6, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "F"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 12, "label": "D"}, {"source": 16, "target": 3, "label": "F"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 5, "label": "F"}, {"source": 16, "target": 7, "label": "D"}, {"source": 15, "target": 8, "label": "L"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 0, "label": "A"}]} +{"id": "006970-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called the next morning to let then know my wife would be driving in.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 67}, {"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "P"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 21, "target": 11, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "F"}, {"source": 18, "target": 7, "label": "D"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 6, "label": "D"}, {"source": 17, "target": 2, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 15, "target": 17, "label": "D"}]} +{"id": "006970-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They gave me the run around and missing paperwork only to call back to tell me someone else wanted her and I would need to come in and put down a deposit.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 138}, {"from": 139, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 153}]}, {"id": 31, "anchors": [{"from": 153, "to": 154}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 34, "target": 1, "label": "F"}, {"source": 44, "target": 26, "label": "E"}, {"source": 38, "target": 11, "label": "C"}, {"source": 32, "target": 9, "label": "D"}, {"source": 39, "target": 14, "label": "P"}, {"source": 32, "target": 34, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 39, "target": 13, "label": "F"}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 38, "target": 12, "label": "E"}, {"source": 33, "target": 27, "label": "L"}, {"source": 43, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 25, "label": "C"}, {"source": 41, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 23, "label": "P"}, {"source": 36, "target": 35, "label": "R"}, {"source": 46, "target": 30, "label": "C"}, {"source": 33, "target": 20, "label": "L"}, {"source": 32, "target": 37, "label": "A"}, {"source": 33, "target": 45, "label": "H"}, {"source": 42, "target": 22, "label": "D"}, {"source": 45, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 44, "label": "P"}, {"source": 40, "target": 16, "label": "C"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 24, "label": "F"}, {"source": 40, "target": 15, "label": "E"}, {"source": 41, "target": 19, "label": "A"}, {"source": 42, "target": 21, "label": "A"}, {"source": 36, "target": 8, "label": "C"}, {"source": 32, "target": 2, "label": "A"}, {"source": 37, "target": 10, "label": "F"}, {"source": 46, "target": 31, "label": "U"}, {"source": 41, "target": 17, "label": "D"}, {"source": 34, "target": 3, "label": "E"}, {"source": 37, "target": 38, "label": "P"}, {"source": 46, "target": 29, "label": "E"}, {"source": 33, "target": 42, "label": "H"}, {"source": 41, "target": 18, "label": "S"}, {"source": 32, "target": 0, "label": "A"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 28, "label": "P"}, {"source": 42, "target": 43, "label": "A"}, {"source": 35, "target": 5, "label": "C"}, {"source": 32, "target": 36, "label": "A"}, {"source": 35, "target": 7, "label": "C"}, {"source": 35, "target": 6, "label": "N"}, {"source": 34, "target": 4, "label": "C"}]} +{"id": "006970-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I work 2 hours away but offered my card over the phone.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "E"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 14, "target": 5, "label": "L"}, {"source": 13, "target": 1, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 4, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "006970-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They refused.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "006970-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Terrible communication as well.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 25}, {"from": 26, "to": 30}]}, {"id": 3, "anchors": [{"from": 30, "to": 31}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 4, "label": "P"}, {"source": 6, "target": 7, "label": "D"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "006970-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "At one point they told me the dog had been fixed, the next day it hadn't.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 21, "target": 5, "label": "A"}, {"source": 23, "target": 25, "label": "E"}, {"source": 25, "target": 24, "label": "D"}, {"source": 23, "target": 11, "label": "U"}, {"source": 25, "target": 16, "label": "S"}, {"source": 25, "target": 15, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "R"}, {"source": 21, "target": 19, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "P"}, {"source": 24, "target": 12, "label": "E"}, {"source": 21, "target": 9, "label": "F"}, {"source": 25, "target": 17, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 21, "target": 3, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 6, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "006970-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Huge ammount of time wasted time and elevated blood pressure.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 14, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "N"}, {"source": 16, "target": 17, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 2, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 13, "target": 15, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 16, "label": "D"}]} +{"id": "007403-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My counseling practice", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "P"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "007403-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hello my name is Vera and I'm writing a review about my own counseling practice in Bellevue, WA. and in Renton WA.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}, {"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 110}, {"from": 111, "to": 113}]}, {"id": 22, "anchors": [{"from": 113, "to": 114}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 0, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 14, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 26, "target": 5, "label": "N"}, {"source": 25, "target": 1, "label": "E"}, {"source": 25, "target": 2, "label": "C"}, {"source": 28, "target": 8, "label": "E"}, {"source": 33, "target": 20, "label": "R"}, {"source": 30, "target": 13, "label": "E"}, {"source": 32, "target": 33, "label": "C"}, {"source": 24, "target": 3, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 15, "label": "R"}, {"source": 31, "target": 32, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 33, "target": 22, "label": "U"}, {"source": 29, "target": 11, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 27, "target": 7, "label": "P"}, {"source": 29, "target": 12, "label": "D"}, {"source": 33, "target": 21, "label": "C"}, {"source": 32, "target": 17, "label": "U"}, {"source": 28, "target": 9, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 32, "target": 19, "label": "N"}, {"source": 32, "target": 18, "label": "C"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "007403-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a licensed mental health counselor and I work with variety of mental health problems.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 89}]}, {"id": 16, "anchors": [{"from": 89, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 10, "label": "R"}, {"source": 22, "target": 8, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "N"}, {"source": 23, "target": 13, "label": "E"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 5, "label": "C"}, {"source": 20, "target": 22, "label": "C"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 9, "label": "P"}, {"source": 18, "target": 1, "label": "S"}, {"source": 19, "target": 6, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 19, "label": "C"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "007403-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I offer compassionate, approachable and personalized counseling services.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 72}]}, {"id": 9, "anchors": [{"from": 72, "to": 73}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 5, "label": "N"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 12, "target": 3, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "007403-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My style is compassionate, nonjudgmental, and caring.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 7, "label": "N"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "007403-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Please visit my website to learn more about my practice at www.veraakulov.com.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 7, "label": "R"}, {"source": 17, "target": 8, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "007403-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a preferred provider with most insurance companies.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 11, "target": 1, "label": "S"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "007403-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Schedule your first appointment online!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "007403-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would appreciate reviews from anyone who has worked with me before in the mental health setting.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 97}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 23, "target": 7, "label": "F"}, {"source": 22, "target": 4, "label": "R"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 15, "label": "E"}, {"source": 19, "target": 20, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 20, "target": 2, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 8, "label": "P"}, {"source": 24, "target": 9, "label": "R"}, {"source": 23, "target": 11, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 25, "target": 16, "label": "C"}, {"source": 25, "target": 13, "label": "E"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 25, "target": 12, "label": "R"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "008585-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best there is in service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "008585-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was recently traveling down I-24 from Nashville with my 3 young children and had a blowout on the southeast side of Murfreesboro.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}, {"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 11, "label": "E"}, {"source": 27, "target": 4, "label": "R"}, {"source": 29, "target": 13, "label": "C"}, {"source": 25, "target": 28, "label": "A"}, {"source": 26, "target": 14, "label": "L"}, {"source": 32, "target": 23, "label": "C"}, {"source": 33, "target": 22, "label": "R"}, {"source": 25, "target": 2, "label": "D"}, {"source": 26, "target": 30, "label": "H"}, {"source": 27, "target": 5, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 1, "label": "F"}, {"source": 25, "target": 29, "label": "A"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 33, "target": 20, "label": "E"}, {"source": 27, "target": 6, "label": "U"}, {"source": 28, "target": 8, "label": "C"}, {"source": 29, "target": 12, "label": "E"}, {"source": 33, "target": 19, "label": "E"}, {"source": 31, "target": 16, "label": "E"}, {"source": 32, "target": 24, "label": "U"}, {"source": 29, "target": 9, "label": "R"}, {"source": 30, "target": 32, "label": "A"}, {"source": 29, "target": 10, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 15, "label": "P"}, {"source": 28, "target": 7, "label": "R"}, {"source": 32, "target": 18, "label": "R"}, {"source": 25, "target": 3, "label": "P"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "008585-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was 4:50 when a friend told me to call Bud, he would take care of me.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 11, "label": "U"}, {"source": 22, "target": 10, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 8, "label": "F"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "S"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 9, "label": "P"}, {"source": 23, "target": 12, "label": "A"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 3, "label": "L"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "008585-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only did they answer the phone at 4:50 on a Thursday, they hit the ground moving!.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 18, "label": "D"}, {"source": 18, "target": 0, "label": "E"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 26, "target": 16, "label": "E"}, {"source": 23, "target": 7, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 19, "target": 2, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "P"}, {"source": 24, "target": 9, "label": "R"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 25, "target": 13, "label": "A"}, {"source": 20, "target": 12, "label": "U"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 10, "label": "E"}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}]} +{"id": "008585-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They tracked down the only tire that fit my BMW330i in Murfreesboro within minutes and secured it, then they came out, took off my tire (it was a runflat - but runflats don't do you any good if they blow out), and brought it to their shop to change the tire.", "tops": [54], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}, {"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 97}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}, {"from": 114, "to": 117}]}, {"id": 21, "anchors": [{"from": 117, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}, {"from": 124, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 139}]}, {"id": 27, "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 153}, {"from": 156, "to": 159}, {"from": 160, "to": 168}]}, {"id": 30, "anchors": [{"from": 154, "to": 155}]}, {"id": 31, "anchors": [{"from": 169, "to": 171}]}, {"id": 32, "anchors": [{"from": 171, "to": 174}]}, {"id": 33, "anchors": [{"from": 175, "to": 177}]}, {"id": 34, "anchors": [{"from": 178, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 185}]}, {"id": 36, "anchors": [{"from": 186, "to": 190}]}, {"id": 37, "anchors": [{"from": 191, "to": 193}]}, {"id": 38, "anchors": [{"from": 194, "to": 198}]}, {"id": 39, "anchors": [{"from": 199, "to": 203}, {"from": 204, "to": 207}]}, {"id": 40, "anchors": [{"from": 207, "to": 208}]}, {"id": 41, "anchors": [{"from": 208, "to": 209}]}, {"id": 42, "anchors": [{"from": 210, "to": 213}]}, {"id": 43, "anchors": [{"from": 214, "to": 221}]}, {"id": 44, "anchors": [{"from": 222, "to": 224}]}, {"id": 45, "anchors": [{"from": 225, "to": 227}]}, {"id": 46, "anchors": [{"from": 228, "to": 233}]}, {"id": 47, "anchors": [{"from": 234, "to": 238}]}, {"id": 48, "anchors": [{"from": 239, "to": 241}]}, {"id": 49, "anchors": [{"from": 242, "to": 248}]}, {"id": 50, "anchors": [{"from": 249, "to": 252}]}, {"id": 51, "anchors": [{"from": 253, "to": 257}]}, {"id": 52, "anchors": [{"from": 257, "to": 258}]}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}], "edges": [{"source": 56, "target": 57, "label": "E"}, {"source": 65, "target": 35, "label": "D"}, {"source": 57, "target": 60, "label": "D"}, {"source": 64, "target": 24, "label": "C"}, {"source": 54, "target": 61, "label": "H"}, {"source": 54, "target": 21, "label": "U"}, {"source": 68, "target": 67, "label": "E"}, {"source": 70, "target": 47, "label": "C"}, {"source": 66, "target": 32, "label": "C"}, {"source": 70, "target": 45, "label": "R"}, {"source": 69, "target": 43, "label": "P"}, {"source": 71, "target": 72, "label": "A"}, {"source": 57, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 2, "label": "E"}, {"source": 54, "target": 62, "label": "H"}, {"source": 63, "target": 65, "label": "A"}, {"source": 58, "target": 9, "label": "C"}, {"source": 56, "target": 4, "label": "E"}, {"source": 72, "target": 52, "label": "U"}, {"source": 63, "target": 22, "label": "P"}, {"source": 54, "target": 39, "label": "H"}, {"source": 54, "target": 14, "label": "L"}, {"source": 60, "target": 13, "label": "C"}, {"source": 62, "target": 19, "label": "A"}, {"source": 55, "target": 1, "label": "C"}, {"source": 58, "target": 8, "label": "E"}, {"source": 54, "target": 63, "label": "H"}, {"source": 54, "target": 40, "label": "U"}, {"source": 66, "target": 29, "label": "C"}, {"source": 66, "target": 31, "label": "F"}, {"source": 57, "target": 7, "label": "S"}, {"source": 54, "target": 42, "label": "L"}, {"source": 59, "target": 11, "label": "C"}, {"source": 68, "target": 38, "label": "C"}, {"source": 65, "target": 34, "label": "A"}, {"source": 54, "target": 69, "label": "H"}, {"source": 64, "target": 23, "label": "E"}, {"source": 63, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 6, "label": "F"}, {"source": 54, "target": 68, "label": "L"}, {"source": 71, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 48, "label": "F"}, {"source": 66, "target": 28, "label": "E"}, {"source": 53, "target": 55, "label": "P"}, {"source": 54, "target": 17, "label": "U"}, {"source": 61, "target": 15, "label": "P"}, {"source": 72, "target": 50, "label": "E"}, {"source": 70, "target": 46, "label": "E"}, {"source": 63, "target": 64, "label": "A"}, {"source": 72, "target": 51, "label": "C"}, {"source": 54, "target": 41, "label": "U"}, {"source": 69, "target": 71, "label": "A"}, {"source": 65, "target": 66, "label": "A"}, {"source": 54, "target": 18, "label": "L"}, {"source": 56, "target": 5, "label": "C"}, {"source": 62, "target": 20, "label": "P"}, {"source": 59, "target": 10, "label": "R"}, {"source": 53, "target": 56, "label": "A"}, {"source": 56, "target": 3, "label": "E"}, {"source": 69, "target": 70, "label": "A"}, {"source": 57, "target": 58, "label": "A"}, {"source": 63, "target": 25, "label": "U"}, {"source": 60, "target": 12, "label": "R"}, {"source": 65, "target": 27, "label": "S"}, {"source": 54, "target": 53, "label": "H"}, {"source": 65, "target": 33, "label": "F"}, {"source": 71, "target": 49, "label": "P"}, {"source": 61, "target": 16, "label": "A"}, {"source": 67, "target": 36, "label": "C"}, {"source": 69, "target": 44, "label": "A"}, {"source": 66, "target": 30, "label": "U"}, {"source": 53, "target": 0, "label": "A"}, {"source": 67, "target": 37, "label": "R"}, {"source": 65, "target": 26, "label": "F"}, {"source": 57, "target": 59, "label": "A"}]} +{"id": "008585-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were back quickly considering how far outside of Murfreesboro we were and had us on our way by 6:30 that evening.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}, {"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 66}, {"from": 67, "to": 69}]}, {"id": 9, "anchors": [{"from": 70, "to": 74}]}, {"id": 10, "anchors": [{"from": 75, "to": 78}]}, {"id": 11, "anchors": [{"from": 79, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 22, "target": 3, "label": "D"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 7, "label": "R"}, {"source": 24, "target": 26, "label": "H"}, {"source": 21, "target": 22, "label": "H"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 15, "label": "C"}, {"source": 22, "target": 4, "label": "P"}, {"source": 29, "target": 19, "label": "C"}, {"source": 25, "target": 8, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 1, "label": "F"}, {"source": 28, "target": 14, "label": "E"}, {"source": 27, "target": 11, "label": "F"}, {"source": 23, "target": 6, "label": "S"}, {"source": 29, "target": 18, "label": "E"}, {"source": 22, "target": 2, "label": "D"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 26, "target": 10, "label": "N"}, {"source": 29, "target": 16, "label": "R"}, {"source": 27, "target": 29, "label": "D"}, {"source": 26, "target": 9, "label": "C"}, {"source": 23, "target": 5, "label": "D"}, {"source": 27, "target": 28, "label": "D"}, {"source": 26, "target": 27, "label": "C"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "008585-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Bud for all of your help and taking time away from your family that evening.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}, {"from": 43, "to": 47}, {"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 82}]}, {"id": 13, "anchors": [{"from": 82, "to": 83}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 9, "label": "E"}, {"source": 16, "target": 20, "label": "D"}, {"source": 18, "target": 2, "label": "C"}, {"source": 14, "target": 0, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 15, "target": 6, "label": "L"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 3, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 1, "label": "R"}, {"source": 16, "target": 7, "label": "P"}, {"source": 20, "target": 12, "label": "C"}, {"source": 14, "target": 17, "label": "E"}, {"source": 19, "target": 8, "label": "R"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "008585-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's without a doubt, the best service experience I've ever had and just to be clear, the price he charged me was the same as my tire guy in Nashville's price for putting on the other rear tire.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}, {"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 137}]}, {"id": 31, "anchors": [{"from": 138, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 150}]}, {"id": 33, "anchors": [{"from": 150, "to": 152}]}, {"id": 34, "anchors": [{"from": 153, "to": 158}]}, {"id": 35, "anchors": [{"from": 159, "to": 162}]}, {"id": 36, "anchors": [{"from": 163, "to": 170}]}, {"id": 37, "anchors": [{"from": 171, "to": 173}]}, {"id": 38, "anchors": [{"from": 174, "to": 177}]}, {"id": 39, "anchors": [{"from": 178, "to": 183}]}, {"id": 40, "anchors": [{"from": 184, "to": 188}]}, {"id": 41, "anchors": [{"from": 189, "to": 193}]}, {"id": 42, "anchors": [{"from": 193, "to": 194}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 56, "target": 57, "label": "E"}, {"source": 50, "target": 17, "label": "S"}, {"source": 52, "target": 51, "label": "A"}, {"source": 48, "target": 8, "label": "C"}, {"source": 47, "target": 49, "label": "P"}, {"source": 52, "target": 21, "label": "A"}, {"source": 43, "target": 1, "label": "F"}, {"source": 58, "target": 59, "label": "A"}, {"source": 50, "target": 15, "label": "F"}, {"source": 58, "target": 36, "label": "P"}, {"source": 44, "target": 5, "label": "U"}, {"source": 51, "target": 19, "label": "E"}, {"source": 51, "target": 20, "label": "C"}, {"source": 53, "target": 24, "label": "S"}, {"source": 59, "target": 37, "label": "R"}, {"source": 44, "target": 52, "label": "H"}, {"source": 43, "target": 0, "label": "A"}, {"source": 55, "target": 28, "label": "E"}, {"source": 49, "target": 13, "label": "N"}, {"source": 57, "target": 33, "label": "R"}, {"source": 54, "target": 26, "label": "C"}, {"source": 59, "target": 39, "label": "E"}, {"source": 53, "target": 55, "label": "A"}, {"source": 55, "target": 27, "label": "R"}, {"source": 46, "target": 10, "label": "E"}, {"source": 49, "target": 50, "label": "C"}, {"source": 46, "target": 9, "label": "C"}, {"source": 46, "target": 6, "label": "E"}, {"source": 44, "target": 18, "label": "U"}, {"source": 52, "target": 22, "label": "P"}, {"source": 45, "target": 4, "label": "C"}, {"source": 50, "target": 14, "label": "D"}, {"source": 56, "target": 31, "label": "R"}, {"source": 43, "target": 45, "label": "D"}, {"source": 45, "target": 2, "label": "R"}, {"source": 45, "target": 3, "label": "E"}, {"source": 53, "target": 54, "label": "A"}, {"source": 47, "target": 46, "label": "A"}, {"source": 59, "target": 42, "label": "U"}, {"source": 44, "target": 43, "label": "H"}, {"source": 55, "target": 30, "label": "C"}, {"source": 44, "target": 47, "label": "H"}, {"source": 53, "target": 23, "label": "A"}, {"source": 47, "target": 11, "label": "D"}, {"source": 55, "target": 29, "label": "E"}, {"source": 56, "target": 34, "label": "C"}, {"source": 53, "target": 56, "label": "A"}, {"source": 54, "target": 25, "label": "E"}, {"source": 44, "target": 35, "label": "L"}, {"source": 57, "target": 32, "label": "C"}, {"source": 52, "target": 53, "label": "A"}, {"source": 46, "target": 48, "label": "E"}, {"source": 49, "target": 12, "label": "C"}, {"source": 50, "target": 16, "label": "F"}, {"source": 59, "target": 40, "label": "E"}, {"source": 59, "target": 38, "label": "E"}, {"source": 59, "target": 41, "label": "C"}, {"source": 44, "target": 58, "label": "H"}, {"source": 48, "target": 7, "label": "E"}]} +{"id": "008585-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I hope I can return the favor in the future!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 4, "label": "P"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 2, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "008585-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Alan Grissom", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "008635-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good food and very friendly staff.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 7, "label": "C"}, {"source": 8, "target": 11, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "008635-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very good with my 5 year old daughter.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "D"}, {"source": 10, "target": 1, "label": "S"}, {"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "008635-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Interesting good value wine list to.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "008635-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beer a bit expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "P"}, {"source": 6, "target": 7, "label": "D"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "009389-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "gone", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "009389-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "library is closed.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "009389-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it is now bislas.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "009596-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "awful awful awful", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "E"}, {"source": 3, "target": 0, "label": "E"}, {"source": 4, "target": 5, "label": "C"}, {"source": 3, "target": 1, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "009596-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This store is by far the worst Verizon store I've been in.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}, {"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 17, "target": 4, "label": "D"}, {"source": 16, "target": 21, "label": "D"}, {"source": 16, "target": 10, "label": "F"}, {"source": 18, "target": 5, "label": "E"}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 12, "label": "U"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 0, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 15, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "R"}]} +{"id": "009596-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The salespeople are never available, the lines are always too long, and all the people want is a sale.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 24, "target": 13, "label": "L"}, {"source": 25, "target": 6, "label": "E"}, {"source": 24, "target": 26, "label": "H"}, {"source": 24, "target": 5, "label": "U"}, {"source": 27, "target": 16, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 22, "target": 0, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 23, "target": 4, "label": "S"}, {"source": 22, "target": 1, "label": "C"}, {"source": 29, "target": 20, "label": "C"}, {"source": 24, "target": 12, "label": "U"}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 19, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 26, "target": 9, "label": "D"}, {"source": 26, "target": 11, "label": "S"}, {"source": 28, "target": 18, "label": "F"}, {"source": 23, "target": 2, "label": "F"}, {"source": 26, "target": 10, "label": "D"}, {"source": 28, "target": 17, "label": "P"}, {"source": 28, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "D"}, {"source": 27, "target": 14, "label": "E"}, {"source": 27, "target": 15, "label": "E"}, {"source": 29, "target": 21, "label": "U"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "009596-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Incredibly rude and I will not return to it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 2, "label": "L"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 6, "label": "P"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "009596-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Is there no other Verizon to go to around Downtown/Dupont Circle1?!?!?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}, {"from": 64, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 10, "label": "U"}, {"source": 17, "target": 6, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 14, "target": 15, "label": "S"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "F"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "R"}]} +{"id": "009775-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Want a great burger?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "009775-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The smokehouse can't be beat anywhere.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "D"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "A"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "009775-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Salad bar is hit and miss for freshness - sometimes the broccoli looks browned around the edges.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 95}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 20, "target": 21, "label": "P"}, {"source": 22, "target": 6, "label": "R"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "N"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 2, "label": "F"}, {"source": 26, "target": 14, "label": "R"}, {"source": 23, "target": 8, "label": "U"}, {"source": 22, "target": 25, "label": "E"}, {"source": 20, "target": 18, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 25, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "D"}, {"source": 26, "target": 17, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 10, "label": "E"}, {"source": 25, "target": 24, "label": "A"}, {"source": 25, "target": 13, "label": "S"}]} +{"id": "009775-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Never a bad smokehouse burger though!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "E"}, {"source": 7, "target": 5, "label": "L"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 7, "target": 0, "label": "L"}, {"source": 7, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "009775-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I crave those.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "009943-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "such a great idea this was, so easy to load and pack, no ramp, no step up no back aches.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 65}]}, {"id": 18, "anchors": [{"from": 66, "to": 70}, {"from": 71, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 76}]}, {"id": 20, "anchors": [{"from": 77, "to": 81}]}, {"id": 21, "anchors": [{"from": 82, "to": 87}]}, {"id": 22, "anchors": [{"from": 87, "to": 88}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 9, "label": "R"}, {"source": 23, "target": 4, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 27, "label": "C"}, {"source": 28, "target": 15, "label": "C"}, {"source": 23, "target": 0, "label": "R"}, {"source": 23, "target": 1, "label": "E"}, {"source": 29, "target": 18, "label": "C"}, {"source": 27, "target": 11, "label": "N"}, {"source": 26, "target": 16, "label": "U"}, {"source": 25, "target": 8, "label": "C"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 20, "label": "E"}, {"source": 30, "target": 19, "label": "R"}, {"source": 26, "target": 30, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 3, "label": "C"}, {"source": 26, "target": 13, "label": "U"}, {"source": 26, "target": 25, "label": "C"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 7, "label": "L"}, {"source": 24, "target": 6, "label": "U"}, {"source": 23, "target": 2, "label": "E"}, {"source": 23, "target": 5, "label": "S"}, {"source": 29, "target": 17, "label": "E"}, {"source": 26, "target": 29, "label": "D"}]} +{"id": "009943-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "moving with a pod was the best moving experience i have had.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 16, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 15, "label": "A"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 1, "label": "R"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "P"}, {"source": 14, "target": 18, "label": "H"}, {"source": 18, "target": 11, "label": "S"}, {"source": 16, "target": 4, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 5, "label": "E"}]} +{"id": "009970-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BEST CHINESE RESTAURANT EVER!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "009970-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was the best Chinese food I have ever had.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "F"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 9, "label": "F"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 8, "label": "D"}, {"source": 12, "target": 1, "label": "S"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 10, "label": "U"}, {"source": 14, "target": 4, "label": "E"}]} +{"id": "009970-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All the food tasted excellent, and with the new renovation of chairs and the bathroom, it is awesome.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 3, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "R"}, {"source": 25, "target": 9, "label": "E"}, {"source": 21, "target": 0, "label": "E"}, {"source": 25, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 25, "target": 8, "label": "E"}, {"source": 26, "target": 27, "label": "C"}, {"source": 21, "target": 2, "label": "C"}, {"source": 24, "target": 19, "label": "S"}, {"source": 28, "target": 14, "label": "E"}, {"source": 24, "target": 17, "label": "A"}, {"source": 22, "target": 4, "label": "S"}, {"source": 23, "target": 5, "label": "U"}, {"source": 24, "target": 16, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 28, "label": "C"}, {"source": 24, "target": 7, "label": "R"}, {"source": 27, "target": 13, "label": "N"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 20, "label": "U"}, {"source": 24, "target": 18, "label": "F"}, {"source": 21, "target": 1, "label": "E"}, {"source": 23, "target": 6, "label": "L"}]} +{"id": "009970-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The people working their are also extremely polite and friendly.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 5, "label": "D"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 6, "label": "D"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "S"}, {"source": 15, "target": 8, "label": "N"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "009970-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Every time I go, Kevin, the manager, will always remember my family and I.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 74}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "U"}, {"source": 20, "target": 4, "label": "U"}, {"source": 22, "target": 7, "label": "E"}, {"source": 18, "target": 0, "label": "E"}, {"source": 20, "target": 2, "label": "A"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 26, "target": 15, "label": "N"}, {"source": 21, "target": 5, "label": "C"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 11, "label": "D"}, {"source": 20, "target": 18, "label": "D"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 21, "target": 6, "label": "U"}, {"source": 25, "target": 13, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 26, "target": 25, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 20, "target": 3, "label": "P"}, {"source": 24, "target": 26, "label": "E"}, {"source": 20, "target": 10, "label": "F"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "009970-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overall, it is very family oriented, and I recommend it to everyone!!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 11, "label": "A"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 7, "label": "U"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 10, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 12, "label": "R"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "010378-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Poor Experience", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 15}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "010378-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I did not have a good experience w/ Dr. Ghassemlou.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "U"}, {"source": 13, "target": 14, "label": "P"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 10, "label": "C"}, {"source": 14, "target": 16, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 11, "label": "U"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "010378-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "During the session, he demanded to have my physical address, which I've always kept private as I am enrolled in a witness protection program.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 141}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 1, "label": "E"}, {"source": 32, "target": 7, "label": "P"}, {"source": 35, "target": 15, "label": "D"}, {"source": 37, "target": 26, "label": "C"}, {"source": 35, "target": 17, "label": "P"}, {"source": 37, "target": 23, "label": "E"}, {"source": 37, "target": 27, "label": "U"}, {"source": 33, "target": 9, "label": "E"}, {"source": 36, "target": 19, "label": "A"}, {"source": 32, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 2, "label": "C"}, {"source": 33, "target": 10, "label": "C"}, {"source": 37, "target": 22, "label": "R"}, {"source": 29, "target": 30, "label": "A"}, {"source": 37, "target": 25, "label": "E"}, {"source": 32, "target": 6, "label": "F"}, {"source": 33, "target": 8, "label": "E"}, {"source": 35, "target": 13, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 34, "target": 18, "label": "L"}, {"source": 37, "target": 24, "label": "E"}, {"source": 36, "target": 21, "label": "P"}, {"source": 28, "target": 0, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 14, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 34, "target": 12, "label": "F"}, {"source": 28, "target": 29, "label": "H"}, {"source": 34, "target": 35, "label": "H"}, {"source": 35, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 3, "label": "U"}, {"source": 36, "target": 20, "label": "F"}, {"source": 33, "target": 11, "label": "U"}, {"source": 31, "target": 4, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 35, "target": 16, "label": "D"}, {"source": 31, "target": 5, "label": "P"}]} +{"id": "010378-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I believe he is correct in that he needs my physical address for legal reasons, however, he did not adequately explain this during our session.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "anchors": [{"from": 142, "to": 143}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 33, "target": 7, "label": "A"}, {"source": 29, "target": 17, "label": "U"}, {"source": 36, "target": 19, "label": "F"}, {"source": 30, "target": 4, "label": "A"}, {"source": 28, "target": 1, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 21, "label": "D"}, {"source": 29, "target": 37, "label": "H"}, {"source": 34, "target": 10, "label": "E"}, {"source": 31, "target": 32, "label": "H"}, {"source": 35, "target": 12, "label": "R"}, {"source": 38, "target": 26, "label": "C"}, {"source": 28, "target": 31, "label": "A"}, {"source": 29, "target": 24, "label": "L"}, {"source": 37, "target": 38, "label": "A"}, {"source": 35, "target": 13, "label": "E"}, {"source": 36, "target": 20, "label": "D"}, {"source": 28, "target": 0, "label": "A"}, {"source": 29, "target": 36, "label": "H"}, {"source": 33, "target": 8, "label": "P"}, {"source": 36, "target": 18, "label": "A"}, {"source": 30, "target": 2, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 32, "target": 5, "label": "R"}, {"source": 30, "target": 3, "label": "S"}, {"source": 29, "target": 28, "label": "H"}, {"source": 36, "target": 22, "label": "P"}, {"source": 36, "target": 23, "label": "A"}, {"source": 33, "target": 6, "label": "F"}, {"source": 34, "target": 9, "label": "E"}, {"source": 29, "target": 15, "label": "U"}, {"source": 29, "target": 16, "label": "L"}, {"source": 34, "target": 11, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 38, "target": 25, "label": "E"}, {"source": 35, "target": 14, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 38, "target": 27, "label": "U"}]} +{"id": "010378-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I learned more about this doing my own research afterward.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 3, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 5, "label": "P"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 13, "label": "D"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "010378-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think he could've done more to assuage my concerns by giving me concrete facts.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "C"}, {"source": 20, "target": 3, "label": "F"}, {"source": 19, "target": 2, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 4, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 10, "label": "P"}, {"source": 25, "target": 13, "label": "C"}, {"source": 26, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 22, "label": "A"}, {"source": 18, "target": 11, "label": "L"}, {"source": 22, "target": 21, "label": "R"}, {"source": 22, "target": 8, "label": "P"}, {"source": 26, "target": 25, "label": "E"}, {"source": 18, "target": 24, "label": "H"}]} +{"id": "010378-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Saying that I need to give him my address or else I have intimacy issues is not helpful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 2, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 22, "target": 5, "label": "P"}, {"source": 25, "target": 10, "label": "E"}, {"source": 20, "target": 0, "label": "P"}, {"source": 27, "target": 13, "label": "E"}, {"source": 21, "target": 3, "label": "P"}, {"source": 22, "target": 4, "label": "F"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "F"}, {"source": 21, "target": 1, "label": "F"}, {"source": 25, "target": 11, "label": "C"}, {"source": 20, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 28, "target": 16, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 17, "label": "S"}, {"source": 20, "target": 28, "label": "A"}, {"source": 22, "target": 6, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 27, "target": 14, "label": "C"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 23, "label": "C"}, {"source": 26, "target": 12, "label": "P"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 9, "label": "N"}]} +{"id": "010378-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's pretty combative actually.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 3, "label": "S"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "010393-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Auto Towing is one of the best towing services I have used.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "R"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "S"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 14, "label": "E"}]} +{"id": "010393-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The first time I used them they arrived on time and towed car for me to the destination I needed.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 29, "target": 15, "label": "R"}, {"source": 28, "target": 13, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 0, "label": "E"}, {"source": 24, "target": 25, "label": "D"}, {"source": 29, "target": 16, "label": "E"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "S"}, {"source": 26, "target": 11, "label": "P"}, {"source": 22, "target": 4, "label": "P"}, {"source": 23, "target": 10, "label": "L"}, {"source": 29, "target": 30, "label": "E"}, {"source": 22, "target": 5, "label": "A"}, {"source": 21, "target": 2, "label": "C"}, {"source": 30, "target": 20, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 9, "label": "C"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 28, "label": "E"}, {"source": 24, "target": 6, "label": "A"}, {"source": 28, "target": 14, "label": "C"}, {"source": 25, "target": 8, "label": "R"}, {"source": 22, "target": 3, "label": "A"}, {"source": 26, "target": 29, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 7, "label": "P"}, {"source": 30, "target": 18, "label": "A"}, {"source": 21, "target": 1, "label": "E"}, {"source": 22, "target": 21, "label": "D"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "010393-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The auto mechanics that work for Auto Towing are very friendly and informative and answered any question I had.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 104}]}, {"id": 16, "anchors": [{"from": 105, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 110}]}, {"id": 18, "anchors": [{"from": 110, "to": 111}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 19, "label": "A"}, {"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 22, "label": "E"}, {"source": 20, "target": 8, "label": "D"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 15, "label": "E"}, {"source": 20, "target": 7, "label": "F"}, {"source": 23, "target": 5, "label": "R"}, {"source": 21, "target": 11, "label": "H"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 22, "target": 3, "label": "F"}, {"source": 19, "target": 0, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 10, "label": "L"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 17, "label": "S"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 12, "label": "L"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "010393-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have towed car for me a few times and I am always very satisfied with this services.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 22, "label": "D"}, {"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 11, "label": "F"}, {"source": 22, "target": 7, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 3, "label": "A"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "R"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 23, "target": 13, "label": "D"}, {"source": 23, "target": 12, "label": "D"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 16, "label": "E"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 17, "label": "C"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 14, "label": "S"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "010393-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are looking for towing services that can offer you a good towed car service, then Auto Towing is the company for you.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}, {"from": 94, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 12, "label": "E"}, {"source": 30, "target": 11, "label": "E"}, {"source": 26, "target": 3, "label": "P"}, {"source": 27, "target": 4, "label": "R"}, {"source": 25, "target": 16, "label": "U"}, {"source": 27, "target": 6, "label": "C"}, {"source": 30, "target": 13, "label": "E"}, {"source": 25, "target": 17, "label": "L"}, {"source": 31, "target": 19, "label": "S"}, {"source": 31, "target": 18, "label": "A"}, {"source": 32, "target": 20, "label": "E"}, {"source": 33, "target": 22, "label": "R"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 5, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 33, "target": 23, "label": "C"}, {"source": 25, "target": 0, "label": "L"}, {"source": 33, "target": 24, "label": "U"}, {"source": 26, "target": 1, "label": "A"}, {"source": 32, "target": 21, "label": "C"}, {"source": 25, "target": 31, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 29, "target": 8, "label": "F"}, {"source": 29, "target": 9, "label": "C"}, {"source": 30, "target": 14, "label": "E"}, {"source": 28, "target": 29, "label": "P"}, {"source": 28, "target": 10, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 7, "label": "F"}]} +{"id": "010433-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food good, service poor", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "E"}, {"source": 7, "target": 2, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "010433-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No silverware, asked for a spoon for my sons mac and cheese ended up having to use my tea spoon.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}, {"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 5, "label": "E"}, {"source": 29, "target": 17, "label": "P"}, {"source": 26, "target": 7, "label": "R"}, {"source": 29, "target": 16, "label": "F"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 15, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 0, "label": "E"}, {"source": 24, "target": 12, "label": "L"}, {"source": 30, "target": 19, "label": "E"}, {"source": 22, "target": 1, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 28, "target": 14, "label": "P"}, {"source": 27, "target": 10, "label": "R"}, {"source": 24, "target": 28, "label": "H"}, {"source": 23, "target": 3, "label": "P"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 13, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 25, "target": 4, "label": "R"}, {"source": 30, "target": 18, "label": "E"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "E"}, {"source": 23, "target": 22, "label": "A"}, {"source": 23, "target": 2, "label": "U"}]} +{"id": "010433-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Asked for bar-b-que sauce never got it.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 38}]}, {"id": 11, "anchors": [{"from": 38, "to": 39}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 9, "label": "D"}, {"source": 13, "target": 10, "label": "A"}, {"source": 16, "target": 5, "label": "U"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 8, "label": "D"}, {"source": 14, "target": 1, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 16, "label": "E"}, {"source": 13, "target": 0, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "010433-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Never checked back with us once we got our food.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}, {"from": 14, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "010433-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Had to go the the bus boys station ourselves to get napkins.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 9, "label": "D"}, {"source": 15, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 19, "target": 18, "label": "P"}, {"source": 19, "target": 12, "label": "A"}, {"source": 15, "target": 10, "label": "F"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 11, "label": "F"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 0, "label": "F"}]} +{"id": "010433-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food was good, but service means a lot to me.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 6, "label": "P"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 3, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 5, "label": "A"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "010450-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As a native southern Californian I can tell you that this is not authentic Mexican food.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 8, "label": "A"}, {"source": 19, "target": 17, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 12, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 21, "target": 9, "label": "R"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 1, "label": "E"}, {"source": 23, "target": 15, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 20, "target": 7, "label": "P"}, {"source": 21, "target": 23, "label": "G"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 6, "label": "D"}, {"source": 18, "target": 0, "label": "R"}, {"source": 20, "target": 5, "label": "A"}]} +{"id": "010450-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, I still like this place a lot.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}, {"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 2, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "010450-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Esp. the mole, tortilla soup, and guacamole.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 7, "label": "N"}, {"source": 15, "target": 4, "label": "E"}, {"source": 10, "target": 0, "label": "S"}, {"source": 13, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "C"}, {"source": 11, "target": 15, "label": "C"}, {"source": 11, "target": 6, "label": "U"}, {"source": 10, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 11, "target": 8, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 1, "label": "E"}, {"source": 11, "target": 3, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "C"}]} +{"id": "010450-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Margaritas are alright.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "010450-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My only complaint is the QUESO.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "010450-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It used to be fabulous, why did you guys change it??", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "P"}, {"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 6, "label": "L"}, {"source": 17, "target": 11, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 4, "label": "S"}, {"source": 15, "target": 7, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "A"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "010450-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Queso should not be watery :( .....", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "010450-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "***update*** NEVER MIND!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 18}, {"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 0, "label": "U"}]} +{"id": "010450-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They fixed the queso!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "010450-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thankyouthankyou", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "010820-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The moving company is actualy based in Brooklyn, but advertised all over NY/NJ, including Fort Lee.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}, {"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}, {"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 8, "label": "U"}, {"source": 22, "target": 6, "label": "R"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 9, "label": "L"}, {"source": 23, "target": 10, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 25, "target": 14, "label": "U"}, {"source": 20, "target": 4, "label": "D"}, {"source": 23, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "U"}, {"source": 26, "target": 16, "label": "R"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 26, "label": "E"}, {"source": 25, "target": 12, "label": "R"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "010820-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When the guys arrived (2 hours later than agreed) they told that you have to pay all the tolls they payed coming from Brooklyn and extra $100 for them to drive back from your destination.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 138}]}, {"id": 29, "anchors": [{"from": 138, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 174}]}, {"id": 37, "anchors": [{"from": 175, "to": 186}]}, {"id": 38, "anchors": [{"from": 186, "to": 187}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 44, "target": 12, "label": "P"}, {"source": 55, "target": 37, "label": "C"}, {"source": 47, "target": 19, "label": "E"}, {"source": 45, "target": 47, "label": "A"}, {"source": 39, "target": 0, "label": "L"}, {"source": 54, "target": 34, "label": "D"}, {"source": 52, "target": 28, "label": "U"}, {"source": 52, "target": 29, "label": "C"}, {"source": 47, "target": 48, "label": "E"}, {"source": 41, "target": 40, "label": "A"}, {"source": 50, "target": 51, "label": "C"}, {"source": 41, "target": 42, "label": "D"}, {"source": 43, "target": 10, "label": "U"}, {"source": 54, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 32, "label": "F"}, {"source": 47, "target": 20, "label": "C"}, {"source": 44, "target": 11, "label": "A"}, {"source": 54, "target": 55, "label": "A"}, {"source": 43, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 17, "label": "C"}, {"source": 52, "target": 27, "label": "E"}, {"source": 39, "target": 43, "label": "H"}, {"source": 48, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 44, "label": "H"}, {"source": 48, "target": 49, "label": "A"}, {"source": 51, "target": 26, "label": "N"}, {"source": 45, "target": 14, "label": "A"}, {"source": 46, "target": 15, "label": "F"}, {"source": 41, "target": 4, "label": "U"}, {"source": 45, "target": 13, "label": "F"}, {"source": 55, "target": 36, "label": "E"}, {"source": 41, "target": 3, "label": "P"}, {"source": 50, "target": 24, "label": "R"}, {"source": 49, "target": 23, "label": "P"}, {"source": 39, "target": 8, "label": "L"}, {"source": 49, "target": 50, "label": "A"}, {"source": 45, "target": 16, "label": "F"}, {"source": 48, "target": 22, "label": "P"}, {"source": 49, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 41, "label": "H"}, {"source": 47, "target": 18, "label": "R"}, {"source": 49, "target": 54, "label": "A"}, {"source": 53, "target": 31, "label": "C"}, {"source": 54, "target": 33, "label": "P"}, {"source": 40, "target": 1, "label": "E"}, {"source": 45, "target": 46, "label": "P"}, {"source": 43, "target": 9, "label": "P"}, {"source": 49, "target": 53, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 53, "target": 30, "label": "R"}, {"source": 40, "target": 2, "label": "C"}, {"source": 42, "target": 5, "label": "E"}, {"source": 48, "target": 21, "label": "A"}, {"source": 55, "target": 38, "label": "U"}, {"source": 51, "target": 52, "label": "C"}, {"source": 42, "target": 6, "label": "C"}, {"source": 51, "target": 25, "label": "C"}, {"source": 42, "target": 7, "label": "R"}, {"source": 55, "target": 35, "label": "R"}]} +{"id": "010820-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That was not in agreement eather, but they realy demand it.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 11, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 9, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "010820-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And another $100 for wrapping the furniture.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 2, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 11, "label": "H"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 10, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "010820-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So totalling $212 just for start before any work started.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "L"}, {"source": 16, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 5, "label": "R"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 2, "label": "U"}, {"source": 12, "target": 14, "label": "D"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 0, "label": "D"}, {"source": 12, "target": 3, "label": "A"}, {"source": 15, "target": 8, "label": "E"}]} +{"id": "010820-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Guess what, was not in the initial agreement as well.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 2, "label": "U"}, {"source": 15, "target": 6, "label": "E"}, {"source": 14, "target": 4, "label": "D"}, {"source": 16, "target": 9, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 16, "label": "D"}]} +{"id": "010820-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was moving out from 2 bdr apartment and it took for 3 strong guys 6 hours to load a track (from 2pm-8pm).", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}, {"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 93, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23, "anchors": [{"from": 99, "to": 101}, {"from": 102, "to": 103}]}, {"id": 24, "anchors": [{"from": 101, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 105}]}, {"id": 26, "anchors": [{"from": 105, "to": 106}]}, {"id": 27, "anchors": [{"from": 106, "to": 107}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 31, "target": 33, "label": "D"}, {"source": 32, "target": 13, "label": "C"}, {"source": 32, "target": 10, "label": "R"}, {"source": 29, "target": 7, "label": "L"}, {"source": 28, "target": 2, "label": "P"}, {"source": 37, "target": 23, "label": "C"}, {"source": 35, "target": 20, "label": "U"}, {"source": 36, "target": 21, "label": "R"}, {"source": 33, "target": 14, "label": "E"}, {"source": 30, "target": 4, "label": "E"}, {"source": 28, "target": 1, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 32, "target": 11, "label": "E"}, {"source": 28, "target": 0, "label": "A"}, {"source": 35, "target": 19, "label": "C"}, {"source": 31, "target": 8, "label": "A"}, {"source": 29, "target": 34, "label": "H"}, {"source": 31, "target": 9, "label": "P"}, {"source": 30, "target": 6, "label": "C"}, {"source": 30, "target": 5, "label": "E"}, {"source": 36, "target": 27, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 30, "target": 3, "label": "R"}, {"source": 37, "target": 24, "label": "U"}, {"source": 35, "target": 36, "label": "E"}, {"source": 33, "target": 15, "label": "C"}, {"source": 34, "target": 17, "label": "P"}, {"source": 36, "target": 25, "label": "C"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 12, "label": "E"}, {"source": 37, "target": 22, "label": "E"}, {"source": 35, "target": 18, "label": "E"}, {"source": 29, "target": 16, "label": "L"}, {"source": 29, "target": 31, "label": "H"}, {"source": 36, "target": 37, "label": "E"}]} +{"id": "010820-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only reason I'm giving 3 stars instead of 1 or 2, I should admit, nothing was broken.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}, {"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 88}]}, {"id": 20, "anchors": [{"from": 88, "to": 89}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 24, "label": "E"}, {"source": 21, "target": 27, "label": "C"}, {"source": 22, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 4, "label": "A"}, {"source": 21, "target": 0, "label": "E"}, {"source": 25, "target": 5, "label": "P"}, {"source": 27, "target": 11, "label": "C"}, {"source": 24, "target": 2, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 17, "label": "A"}, {"source": 26, "target": 6, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 15, "label": "P"}, {"source": 24, "target": 1, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 22, "target": 13, "label": "A"}, {"source": 25, "target": 3, "label": "A"}, {"source": 22, "target": 12, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 19, "label": "S"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 28, "label": "H"}, {"source": 28, "target": 18, "label": "F"}, {"source": 22, "target": 14, "label": "D"}, {"source": 27, "target": 10, "label": "N"}, {"source": 21, "target": 8, "label": "R"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "010820-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I still can recomend them but prepare pay twice as much as they tell you initially.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}, {"from": 54, "to": 58}, {"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 12, "label": "P"}, {"source": 18, "target": 9, "label": "D"}, {"source": 19, "target": 14, "label": "D"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "D"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 11, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 8, "label": "A"}, {"source": 19, "target": 15, "label": "U"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "A"}, {"source": 16, "target": 10, "label": "L"}, {"source": 18, "target": 7, "label": "P"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "D"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 13, "label": "A"}]} +{"id": "010820-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One more thing, they don't take any credit cards or checks.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 9, "label": "E"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 6, "label": "D"}, {"source": 15, "target": 0, "label": "E"}, {"source": 20, "target": 11, "label": "N"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "U"}, {"source": 17, "target": 14, "label": "A"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 7, "label": "P"}, {"source": 14, "target": 15, "label": "D"}, {"source": 20, "target": 19, "label": "C"}, {"source": 15, "target": 1, "label": "E"}, {"source": 17, "target": 5, "label": "F"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "010820-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You have to pay CASH ONLY before they start unloading track on your destination.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 4, "label": "A"}, {"source": 16, "target": 18, "label": "L"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 7, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 15, "target": 17, "label": "P"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "D"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "011257-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was a Saturday and my spring was broken...", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "S"}, {"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 7, "label": "F"}, {"source": 13, "target": 12, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 4, "label": "N"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "011257-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I googled Garage Door Repair in Woodinville and found NDI - Johnette answered the phone and was oh-so pleasant and helpful!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 43}]}, {"id": 5, "anchors": [{"from": 44, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 57}, {"from": 60, "to": 68}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9, "anchors": [{"from": 69, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 87}]}, {"id": 12, "anchors": [{"from": 88, "to": 91}]}, {"id": 13, "anchors": [{"from": 92, "to": 95}]}, {"id": 14, "anchors": [{"from": 96, "to": 98}]}, {"id": 15, "anchors": [{"from": 98, "to": 99}]}, {"id": 16, "anchors": [{"from": 99, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 122}]}, {"id": 20, "anchors": [{"from": 122, "to": 123}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 28, "target": 17, "label": "C"}, {"source": 21, "target": 2, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 22, "target": 5, "label": "L"}, {"source": 25, "target": 10, "label": "E"}, {"source": 28, "target": 18, "label": "N"}, {"source": 24, "target": 7, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 19, "label": "C"}, {"source": 24, "target": 6, "label": "P"}, {"source": 25, "target": 11, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "R"}, {"source": 22, "target": 25, "label": "E"}, {"source": 28, "target": 27, "label": "E"}, {"source": 22, "target": 12, "label": "L"}, {"source": 28, "target": 20, "label": "U"}, {"source": 26, "target": 13, "label": "P"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "U"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 27, "target": 14, "label": "E"}, {"source": 27, "target": 15, "label": "U"}]} +{"id": "011257-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She sort of appologized for Dan taking the day off to go skiing - but he could do the repair on Sunday!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 46}, {"from": 47, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 56}, {"from": 57, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 102}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 7, "label": "F"}, {"source": 28, "target": 16, "label": "R"}, {"source": 19, "target": 23, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 26, "label": "H"}, {"source": 21, "target": 20, "label": "H"}, {"source": 19, "target": 0, "label": "C"}, {"source": 20, "target": 25, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 23, "target": 22, "label": "E"}, {"source": 19, "target": 24, "label": "E"}, {"source": 22, "target": 1, "label": "C"}, {"source": 22, "target": 2, "label": "R"}, {"source": 26, "target": 12, "label": "D"}, {"source": 23, "target": 3, "label": "C"}, {"source": 20, "target": 6, "label": "P"}, {"source": 26, "target": 11, "label": "A"}, {"source": 21, "target": 10, "label": "L"}, {"source": 27, "target": 13, "label": "F"}, {"source": 21, "target": 9, "label": "U"}, {"source": 26, "target": 27, "label": "P"}, {"source": 27, "target": 14, "label": "E"}, {"source": 25, "target": 8, "label": "P"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "011257-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I said great and Dan arrived on time at 10am to make the repair.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 2, "label": "C"}, {"source": 18, "target": 4, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "N"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 22, "label": "H"}, {"source": 17, "target": 10, "label": "L"}, {"source": 23, "target": 14, "label": "C"}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 6, "label": "R"}, {"source": 19, "target": 20, "label": "D"}, {"source": 22, "target": 23, "label": "P"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 11, "label": "L"}, {"source": 16, "target": 1, "label": "P"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "011257-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I enjoyed speaking with Dan, and learning more about how the springs are sized for these doors.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 22, "target": 13, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 21, "target": 3, "label": "R"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 22, "target": 14, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "D"}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 9, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "E"}]} +{"id": "011257-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The repair went quickly and the price was extremely fair.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 15, "target": 7, "label": "F"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 9, "label": "S"}, {"source": 15, "target": 8, "label": "D"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "011257-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend NDI - and will spread the word to my neighbors.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 9, "label": "E"}, {"source": 15, "target": 4, "label": "A"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 20, "label": "A"}, {"source": 15, "target": 2, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 15, "target": 17, "label": "P"}, {"source": 16, "target": 5, "label": "U"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 20, "target": 14, "label": "U"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "011257-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Dan and Johnette for your responsiveness and professional service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 64}]}, {"id": 8, "anchors": [{"from": 65, "to": 72}]}, {"id": 9, "anchors": [{"from": 72, "to": 73}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 14, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 3, "label": "R"}, {"source": 15, "target": 6, "label": "N"}, {"source": 16, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 14, "label": "C"}, {"source": 10, "target": 0, "label": "C"}, {"source": 10, "target": 1, "label": "N"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 15, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "011257-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Roger M., Woodinville", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "E"}]} +{"id": "011806-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "absolutely fantastic experience getting my iphone upgraded at Zion ...", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 31}]}, {"id": 3, "anchors": [{"from": 32, "to": 39}]}, {"id": 4, "anchors": [{"from": 40, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 58}]}, {"id": 7, "anchors": [{"from": 59, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 70}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "D"}, {"source": 10, "target": 1, "label": "D"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 10, "label": "A"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 3, "label": "P"}]} +{"id": "011806-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sheer contrast to getting it done at karol bagh which is done under the wooden plank", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "E"}, {"source": 21, "target": 11, "label": "P"}, {"source": 20, "target": 7, "label": "E"}, {"source": 21, "target": 10, "label": "F"}, {"source": 22, "target": 12, "label": "R"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 20, "target": 6, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 16, "label": "A"}, {"source": 21, "target": 9, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 2, "label": "F"}, {"source": 19, "target": 4, "label": "F"}]} +{"id": "012047-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very knowledgeable and friendly design build firm.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 8, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 11, "target": 6, "label": "C"}, {"source": 12, "target": 2, "label": "N"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 12, "label": "C"}, {"source": 9, "target": 5, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 9, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "012047-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They specialize in financial institutions, medical, and retail projects.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 41}]}, {"id": 5, "anchors": [{"from": 41, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 15, "label": "C"}, {"source": 16, "target": 5, "label": "U"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 2, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 8, "label": "N"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 16, "label": "C"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "012047-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys know what they're doing and helped me in all phases of our project.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 17, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 10, "label": "R"}, {"source": 21, "target": 8, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "N"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 20, "target": 4, "label": "A"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 13, "label": "R"}, {"source": 17, "target": 0, "label": "E"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 5, "label": "S"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "014483-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Poor Service", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "014483-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After firing this company my next pool service found the filters had not been cleaned as they should have been.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 110, "to": 111}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 1, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 27, "target": 11, "label": "F"}, {"source": 28, "target": 17, "label": "D"}, {"source": 28, "target": 15, "label": "R"}, {"source": 28, "target": 19, "label": "S"}, {"source": 23, "target": 3, "label": "C"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 28, "target": 18, "label": "F"}, {"source": 26, "target": 10, "label": "C"}, {"source": 27, "target": 12, "label": "D"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 9, "label": "E"}, {"source": 28, "target": 16, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 22, "target": 27, "label": "A"}, {"source": 27, "target": 13, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 25, "target": 8, "label": "P"}, {"source": 24, "target": 7, "label": "C"}, {"source": 24, "target": 4, "label": "E"}]} +{"id": "014483-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend not using this company.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 11, "target": 3, "label": "D"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "014629-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There is no delivery.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "014629-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There is no delivery.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "014764-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Daniel and his assistant both did a great job.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 13, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 10, "target": 0, "label": "C"}, {"source": 10, "target": 1, "label": "N"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "S"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "014764-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very professional and great results.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "N"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "C"}, {"source": 7, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "E"}]} +{"id": "014764-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Many thanks from myself and all of our wedding guests!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 17, "target": 16, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "R"}, {"source": 17, "target": 10, "label": "U"}, {"source": 14, "target": 2, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 4, "label": "N"}, {"source": 15, "target": 17, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "015148-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place has the best baby and childrens clothes.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 5, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "N"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 14, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 16, "label": "C"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "015148-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Especially high end keep sake sort of clothing that you just cant find in a lot of stores.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}, {"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 8, "label": "A"}, {"source": 25, "target": 7, "label": "F"}, {"source": 22, "target": 21, "label": "E"}, {"source": 28, "target": 16, "label": "R"}, {"source": 25, "target": 11, "label": "D"}, {"source": 26, "target": 10, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 23, "target": 5, "label": "R"}, {"source": 20, "target": 0, "label": "D"}, {"source": 21, "target": 2, "label": "C"}, {"source": 20, "target": 25, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 28, "target": 14, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 26, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "S"}, {"source": 23, "target": 4, "label": "C"}, {"source": 25, "target": 9, "label": "D"}, {"source": 27, "target": 13, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 24, "target": 6, "label": "C"}, {"source": 20, "target": 24, "label": "A"}, {"source": 21, "target": 1, "label": "E"}]} +{"id": "015148-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is all very unique and you wont find any other baby wearing the same stuff.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 5, "label": "L"}, {"source": 20, "target": 3, "label": "E"}, {"source": 20, "target": 2, "label": "E"}, {"source": 21, "target": 7, "label": "D"}, {"source": 24, "target": 14, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "D"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 23, "target": 13, "label": "S"}, {"source": 22, "target": 11, "label": "E"}, {"source": 24, "target": 15, "label": "E"}, {"source": 18, "target": 1, "label": "S"}, {"source": 21, "target": 6, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "015148-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I spent quite a bit because I spoil my little princess.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 6, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 14, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "L"}]} +{"id": "015148-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Afterall she will only be a baby for so long I figure why not enjoy it.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 5, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}, {"from": 37, "to": 39}, {"from": 40, "to": 44}, {"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 17, "target": 10, "label": "D"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 12, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "L"}, {"source": 17, "target": 8, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "P"}, {"source": 15, "target": 4, "label": "S"}]} +{"id": "015573-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Buyer beware", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "015573-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do not use these guys.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "F"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "015573-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They'll tell you one thing then $5,000 later do another.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "D"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 8, "label": "D"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "E"}, {"source": 13, "target": 6, "label": "U"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 2, "label": "A"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "015573-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lied right to my face then denied it.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "L"}, {"source": 11, "target": 1, "label": "R"}, {"source": 9, "target": 0, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 6, "label": "P"}, {"source": 11, "target": 12, "label": "E"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 7, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "015573-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Run away.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "015687-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "marisol", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "D"}]} +{"id": "016861-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stayed in the Seaview room here in December 2009!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}, {"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 1, "label": "R"}, {"source": 10, "target": 12, "label": "D"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}]} +{"id": "016861-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WOW what stunning views.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 0, "label": "C"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "016861-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The furnishing and finishes are great.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "C"}, {"source": 10, "target": 4, "label": "S"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "016861-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend Bay View if you are looking for Accommodation in Camps Bay.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 14, "target": 3, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 1, "label": "D"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "L"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 7, "label": "P"}, {"source": 18, "target": 11, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}]} +{"id": "017235-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Antique Lighting, Fixtures, Chicago", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 16, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 35}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 4, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "017235-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place for Antique Lighting!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}, {"from": 24, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "017235-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I visited their huge Chicago lighting showroom and all I have to say is WOW!!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 13, "label": "R"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 5, "label": "E"}, {"source": 20, "target": 12, "label": "P"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 10, "label": "D"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "017235-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lots of collections, many antique light fixtures, Chandeliers, custom lighting etc.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 15, "target": 0, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "R"}, {"source": 20, "target": 10, "label": "U"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 13, "label": "D"}, {"source": 20, "target": 12, "label": "C"}, {"source": 20, "target": 8, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 3, "label": "U"}, {"source": 18, "target": 16, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "017235-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think they have the largest collection for Chandeliers Chicago.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 56}, {"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 2, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "017235-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Antiques, Vintage, Contemporary & Modern Chandeliers.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 31}, {"from": 34, "to": 40}, {"from": 41, "to": 52}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 52, "to": 53}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "017235-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend them for any custom lighting or Lighting Repair and Restoration Chicago", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}, {"from": 59, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 81}, {"from": 82, "to": 89}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 16, "target": 6, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 18, "target": 10, "label": "N"}, {"source": 15, "target": 17, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "N"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 4, "label": "R"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "017345-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "UGH!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "017345-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Got some nice \"freshly baked\" fruit squares, a personal favorite of mine.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 10, "label": "E"}, {"source": 20, "target": 9, "label": "E"}, {"source": 18, "target": 2, "label": "C"}, {"source": 20, "target": 11, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 4, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 1, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 17, "target": 6, "label": "U"}, {"source": 17, "target": 3, "label": "U"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 19, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "U"}]} +{"id": "017345-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Took a bite, it tasted odd.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "A"}, {"source": 10, "target": 5, "label": "P"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 0, "label": "F"}, {"source": 8, "target": 2, "label": "C"}, {"source": 10, "target": 3, "label": "U"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "D"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "017345-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Flipped the square over and saw it riddled with green mold!!!!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 13, "target": 4, "label": "L"}, {"source": 14, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 20, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 15, "target": 5, "label": "F"}, {"source": 14, "target": 1, "label": "E"}, {"source": 13, "target": 19, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 18, "target": 10, "label": "P"}, {"source": 16, "target": 7, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 12, "target": 0, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "017345-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ugh!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "017345-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called the store and the clerk giggled, and agreed that it was gross, but said it was not her problem.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 4, "label": "N"}, {"source": 25, "target": 24, "label": "H"}, {"source": 33, "target": 18, "label": "A"}, {"source": 25, "target": 15, "label": "U"}, {"source": 25, "target": 16, "label": "L"}, {"source": 31, "target": 13, "label": "F"}, {"source": 28, "target": 6, "label": "C"}, {"source": 33, "target": 20, "label": "D"}, {"source": 28, "target": 5, "label": "E"}, {"source": 32, "target": 17, "label": "P"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 10, "label": "P"}, {"source": 31, "target": 12, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 26, "target": 2, "label": "E"}, {"source": 24, "target": 1, "label": "P"}, {"source": 31, "target": 14, "label": "S"}, {"source": 25, "target": 8, "label": "U"}, {"source": 24, "target": 29, "label": "A"}, {"source": 27, "target": 26, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 29, "target": 7, "label": "C"}, {"source": 29, "target": 9, "label": "N"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "C"}, {"source": 31, "target": 11, "label": "F"}, {"source": 34, "target": 22, "label": "C"}, {"source": 26, "target": 3, "label": "C"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 32, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 19, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 30, "label": "C"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "017345-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She also refused to get a manager.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "017345-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I left my number, or tried to anyway.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "D"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 8, "label": "D"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 5, "label": "L"}, {"source": 13, "target": 6, "label": "P"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "017345-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Same clerk had considerable difficulty taking down a number.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 45}, {"from": 46, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 59}]}, {"id": 8, "anchors": [{"from": 59, "to": 60}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "017345-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'll never go back there again", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 5, "label": "D"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "018268-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "best square slice around.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "D"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 5, "label": "A"}]} +{"id": "018465-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Salon Experience from Hell", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 25}]}, {"id": 2, "anchors": [{"from": 26, "to": 30}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "A"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "018465-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I feel obligated to share this story.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 2, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "G"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "018465-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Right out of college I called the salon and explained my situation.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 7, "label": "L"}, {"source": 15, "target": 5, "label": "E"}, {"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "A"}, {"source": 12, "target": 1, "label": "R"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 8, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 12, "label": "L"}, {"source": 14, "target": 4, "label": "P"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "018465-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just graduated, just moved, not rich, and starting new job soon.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 9, "label": "L"}, {"source": 19, "target": 13, "label": "D"}, {"source": 15, "target": 3, "label": "D"}, {"source": 17, "target": 6, "label": "D"}, {"source": 16, "target": 8, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 0, "label": "D"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 5, "label": "U"}, {"source": 15, "target": 2, "label": "U"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "018465-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I never got a price quote over the phone and they take your cc info just to make the appointment because if you don't show up, they'll charge you.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 104}, {"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}, {"from": 123, "to": 125}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 131}]}, {"id": 27, "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 141}]}, {"id": 29, "anchors": [{"from": 142, "to": 145}]}, {"id": 30, "anchors": [{"from": 145, "to": 146}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 34, "target": 8, "label": "C"}, {"source": 35, "target": 15, "label": "D"}, {"source": 32, "target": 35, "label": "H"}, {"source": 42, "target": 30, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 37, "target": 16, "label": "F"}, {"source": 40, "target": 22, "label": "F"}, {"source": 31, "target": 2, "label": "D"}, {"source": 35, "target": 11, "label": "P"}, {"source": 42, "target": 27, "label": "A"}, {"source": 31, "target": 34, "label": "A"}, {"source": 38, "target": 18, "label": "E"}, {"source": 37, "target": 17, "label": "P"}, {"source": 34, "target": 6, "label": "R"}, {"source": 31, "target": 1, "label": "D"}, {"source": 42, "target": 28, "label": "P"}, {"source": 32, "target": 25, "label": "U"}, {"source": 32, "target": 39, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 32, "target": 9, "label": "L"}, {"source": 31, "target": 0, "label": "A"}, {"source": 39, "target": 40, "label": "P"}, {"source": 42, "target": 29, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 32, "target": 42, "label": "H"}, {"source": 36, "target": 12, "label": "E"}, {"source": 32, "target": 41, "label": "H"}, {"source": 34, "target": 7, "label": "E"}, {"source": 33, "target": 5, "label": "C"}, {"source": 38, "target": 19, "label": "C"}, {"source": 39, "target": 23, "label": "D"}, {"source": 37, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 20, "label": "L"}, {"source": 31, "target": 33, "label": "S"}, {"source": 35, "target": 10, "label": "A"}, {"source": 33, "target": 4, "label": "E"}, {"source": 36, "target": 14, "label": "C"}, {"source": 39, "target": 21, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 3, "label": "E"}, {"source": 41, "target": 26, "label": "A"}, {"source": 40, "target": 24, "label": "C"}]} +{"id": "018465-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had this ridiculous celebrity stylist from LA named Derrick.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 8, "label": "S"}, {"source": 14, "target": 6, "label": "R"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "018465-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After he already put product on my hair he said \"I should warn you, I'm expensive.\"", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}, {"from": 69, "to": 71}, {"from": 72, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 11, "label": "A"}, {"source": 23, "target": 16, "label": "A"}, {"source": 22, "target": 8, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 10, "label": "U"}, {"source": 20, "target": 1, "label": "A"}, {"source": 20, "target": 4, "label": "A"}, {"source": 22, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "L"}, {"source": 23, "target": 12, "label": "D"}, {"source": 22, "target": 9, "label": "P"}, {"source": 23, "target": 18, "label": "U"}, {"source": 23, "target": 13, "label": "P"}, {"source": 21, "target": 5, "label": "R"}, {"source": 23, "target": 17, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "E"}, {"source": 20, "target": 3, "label": "P"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "018465-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What was I supposed to do, say I can't afford you and walk out with crap all over my hair.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 89}]}, {"id": 21, "anchors": [{"from": 89, "to": 90}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 3, "label": "D"}, {"source": 28, "target": 16, "label": "C"}, {"source": 27, "target": 14, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 8, "label": "A"}, {"source": 26, "target": 11, "label": "C"}, {"source": 22, "target": 5, "label": "P"}, {"source": 22, "target": 4, "label": "F"}, {"source": 22, "target": 2, "label": "A"}, {"source": 29, "target": 18, "label": "R"}, {"source": 25, "target": 10, "label": "D"}, {"source": 23, "target": 6, "label": "U"}, {"source": 25, "target": 12, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 22, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "C"}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 15, "label": "R"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "P"}, {"source": 23, "target": 13, "label": "L"}, {"source": 22, "target": 0, "label": "F"}, {"source": 26, "target": 9, "label": "E"}, {"source": 24, "target": 7, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 21, "label": "U"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "018465-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wanted to be very blonde and instead he pulled my root color throughout my whole hair which is a gross mousey brown.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 117}]}, {"id": 23, "anchors": [{"from": 117, "to": 118}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 24, "target": 1, "label": "D"}, {"source": 31, "target": 19, "label": "E"}, {"source": 25, "target": 7, "label": "L"}, {"source": 31, "target": 21, "label": "E"}, {"source": 24, "target": 2, "label": "F"}, {"source": 31, "target": 22, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 26, "target": 5, "label": "C"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 11, "label": "E"}, {"source": 29, "target": 13, "label": "R"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "E"}, {"source": 28, "target": 10, "label": "E"}, {"source": 30, "target": 17, "label": "F"}, {"source": 27, "target": 8, "label": "A"}, {"source": 27, "target": 9, "label": "P"}, {"source": 29, "target": 14, "label": "E"}, {"source": 31, "target": 20, "label": "E"}, {"source": 24, "target": 3, "label": "S"}, {"source": 28, "target": 12, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 18, "label": "S"}, {"source": 29, "target": 16, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 15, "label": "E"}, {"source": 25, "target": 6, "label": "L"}]} +{"id": "018465-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The other stylists around me kept pressuring me saying he's so wonderful, you're going to love your hair.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 14, "label": "A"}, {"source": 24, "target": 13, "label": "U"}, {"source": 28, "target": 15, "label": "F"}, {"source": 27, "target": 10, "label": "S"}, {"source": 27, "target": 11, "label": "D"}, {"source": 27, "target": 9, "label": "A"}, {"source": 22, "target": 0, "label": "E"}, {"source": 28, "target": 16, "label": "D"}, {"source": 23, "target": 26, "label": "A"}, {"source": 29, "target": 20, "label": "C"}, {"source": 24, "target": 28, "label": "H"}, {"source": 22, "target": 25, "label": "E"}, {"source": 29, "target": 19, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 18, "label": "P"}, {"source": 22, "target": 2, "label": "C"}, {"source": 25, "target": 4, "label": "C"}, {"source": 25, "target": 3, "label": "R"}, {"source": 23, "target": 5, "label": "D"}, {"source": 23, "target": 6, "label": "P"}, {"source": 29, "target": 21, "label": "U"}, {"source": 23, "target": 22, "label": "A"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "018465-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "$400 later my jaw dropped when the receptionist told me the total.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 10, "label": "A"}, {"source": 19, "target": 11, "label": "E"}, {"source": 14, "target": 0, "label": "U"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 7, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "P"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "018465-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Derrick did a terrible job, was a complete jerk the entire time, and I had no warning as to the price.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 101}]}, {"id": 23, "anchors": [{"from": 101, "to": 102}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 27, "target": 28, "label": "S"}, {"source": 25, "target": 5, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 31, "label": "E"}, {"source": 24, "target": 1, "label": "D"}, {"source": 30, "target": 17, "label": "D"}, {"source": 26, "target": 3, "label": "E"}, {"source": 29, "target": 11, "label": "E"}, {"source": 28, "target": 8, "label": "E"}, {"source": 31, "target": 21, "label": "E"}, {"source": 31, "target": 20, "label": "R"}, {"source": 26, "target": 2, "label": "E"}, {"source": 31, "target": 22, "label": "C"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 6, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 14, "label": "L"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 15, "label": "A"}, {"source": 24, "target": 26, "label": "S"}, {"source": 26, "target": 4, "label": "C"}, {"source": 28, "target": 9, "label": "C"}, {"source": 25, "target": 30, "label": "H"}, {"source": 25, "target": 13, "label": "U"}, {"source": 30, "target": 18, "label": "A"}, {"source": 29, "target": 10, "label": "E"}, {"source": 25, "target": 23, "label": "U"}, {"source": 30, "target": 16, "label": "F"}, {"source": 31, "target": 19, "label": "R"}, {"source": 29, "target": 12, "label": "C"}, {"source": 28, "target": 7, "label": "E"}]} +{"id": "018465-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I cried the entire way home.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "018465-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He then \"fixed\" it for free but it still looked like crap.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 10, "label": "D"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "R"}, {"source": 15, "target": 4, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 1, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 2, "label": "U"}, {"source": 18, "target": 11, "label": "P"}, {"source": 15, "target": 17, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 12, "label": "R"}]} +{"id": "018465-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never go back.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "018465-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was the salon experience from absolutely Hell.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "018465-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He also told me that he worked on the cast of will and grace and that they were all jerks.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 28, "label": "S"}, {"source": 26, "target": 11, "label": "C"}, {"source": 25, "target": 26, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 15, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 21, "target": 1, "label": "D"}, {"source": 28, "target": 18, "label": "E"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 14, "label": "L"}, {"source": 28, "target": 20, "label": "U"}, {"source": 26, "target": 12, "label": "N"}, {"source": 26, "target": 13, "label": "C"}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 4, "label": "R"}, {"source": 24, "target": 8, "label": "E"}, {"source": 27, "target": 17, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "R"}, {"source": 23, "target": 6, "label": "P"}, {"source": 22, "target": 27, "label": "H"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "018465-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That's my favorite show of all time.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "018465-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm pretty sure for the cast that it was the other way around.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 9, "label": "S"}, {"source": 19, "target": 11, "label": "E"}, {"source": 16, "target": 3, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 5, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 13, "label": "E"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "018465-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Maybe he didn't do a good job and they told him so.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 51}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 15, "target": 0, "label": "D"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 18, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 8, "label": "N"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "A"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 16, "label": "P"}, {"source": 18, "target": 12, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 17, "target": 5, "label": "E"}]} +{"id": "018465-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolute Nightmare!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 18}]}, {"id": 1, "anchors": [{"from": 18, "to": 19}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "018465-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "STAY AWAY!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "018548-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mezza Luna FTW!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "018548-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "their mezza luna's are deffly better than the pizza rolls.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "E"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "C"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "018548-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "its like a pizza roll, but they just toss ham and cheese inside.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 12, "label": "N"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 14, "label": "D"}, {"source": 19, "target": 8, "label": "A"}, {"source": 18, "target": 2, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 15, "label": "U"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "U"}, {"source": 18, "target": 3, "label": "E"}, {"source": 17, "target": 7, "label": "L"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "018548-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it seems like its healthier too, but its prolly not.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}, {"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 4, "label": "A"}, {"source": 13, "target": 5, "label": "D"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 10, "label": "D"}, {"source": 14, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 13, "target": 2, "label": "A"}, {"source": 16, "target": 9, "label": "P"}]} +{"id": "018548-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "also, you can call em ahead of time, and then go to pick up ur food, or have it delivered**.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 76}]}, {"id": 20, "anchors": [{"from": 77, "to": 79}]}, {"id": 21, "anchors": [{"from": 80, "to": 89}]}, {"id": 22, "anchors": [{"from": 89, "to": 91}]}, {"id": 23, "anchors": [{"from": 91, "to": 92}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 0, "label": "L"}, {"source": 24, "target": 17, "label": "U"}, {"source": 26, "target": 7, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 27, "target": 28, "label": "P"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 3, "label": "D"}, {"source": 24, "target": 9, "label": "U"}, {"source": 30, "target": 21, "label": "P"}, {"source": 27, "target": 11, "label": "D"}, {"source": 24, "target": 10, "label": "L"}, {"source": 25, "target": 2, "label": "A"}, {"source": 25, "target": 5, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 22, "label": "U"}, {"source": 25, "target": 26, "label": "D"}, {"source": 24, "target": 1, "label": "U"}, {"source": 24, "target": 30, "label": "H"}, {"source": 30, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "E"}, {"source": 30, "target": 19, "label": "F"}, {"source": 24, "target": 18, "label": "L"}, {"source": 28, "target": 14, "label": "C"}, {"source": 30, "target": 23, "label": "U"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "F"}, {"source": 26, "target": 6, "label": "R"}, {"source": 29, "target": 16, "label": "C"}, {"source": 25, "target": 4, "label": "P"}, {"source": 29, "target": 15, "label": "E"}, {"source": 30, "target": 20, "label": "A"}]} +{"id": "018548-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "that cuts down on teh wait time, cus u can do other stuff while ur waiting.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 14, "label": "A"}, {"source": 25, "target": 16, "label": "P"}, {"source": 19, "target": 6, "label": "U"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 7, "label": "E"}, {"source": 19, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 18, "target": 21, "label": "E"}, {"source": 25, "target": 15, "label": "F"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 2, "label": "R"}, {"source": 20, "target": 25, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 9, "label": "D"}, {"source": 20, "target": 13, "label": "L"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "018548-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it usually takes 20mins for a mezza luna, as they have to add pure delicious extract to the mix.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 9, "label": "U"}, {"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 1, "label": "D"}, {"source": 25, "target": 6, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 28, "target": 21, "label": "U"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 10, "label": "L"}, {"source": 26, "target": 14, "label": "P"}, {"source": 25, "target": 8, "label": "C"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 12, "label": "D"}, {"source": 27, "target": 16, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 26, "label": "H"}, {"source": 28, "target": 18, "label": "R"}, {"source": 26, "target": 11, "label": "A"}, {"source": 22, "target": 25, "label": "A"}, {"source": 26, "target": 13, "label": "F"}, {"source": 28, "target": 19, "label": "E"}, {"source": 25, "target": 7, "label": "E"}, {"source": 27, "target": 15, "label": "E"}, {"source": 24, "target": 4, "label": "C"}]} +{"id": "018548-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "their pizza was a little salty for me, but its still good.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 7, "label": "C"}, {"source": 20, "target": 14, "label": "U"}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 13, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 18, "label": "D"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 9, "label": "L"}, {"source": 18, "target": 3, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 5, "label": "C"}, {"source": 16, "target": 4, "label": "D"}, {"source": 17, "target": 8, "label": "U"}, {"source": 20, "target": 12, "label": "D"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "018548-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "they do that whole thing where you sandwich the pepperoni between layers of cheese for +32 delicious.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "U"}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 10, "label": "R"}, {"source": 25, "target": 13, "label": "C"}, {"source": 27, "target": 26, "label": "R"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "P"}, {"source": 22, "target": 6, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 27, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 5, "label": "F"}, {"source": 25, "target": 12, "label": "R"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "018548-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "anyways, the mezza luna: you should try it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "U"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 8, "label": "P"}, {"source": 12, "target": 5, "label": "U"}, {"source": 12, "target": 0, "label": "D"}, {"source": 12, "target": 10, "label": "U"}, {"source": 12, "target": 7, "label": "D"}]} +{"id": "018548-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it runs you about 4 bucks and it deals crushing blows to hunger.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 7, "label": "E"}, {"source": 16, "target": 18, "label": "C"}, {"source": 21, "target": 13, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 19, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 20, "target": 10, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 17, "label": "C"}, {"source": 15, "target": 20, "label": "A"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 6, "label": "N"}, {"source": 14, "target": 15, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 15, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "R"}]} +{"id": "018548-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "**Edit: Living on campus at Clarkson University, I have had food delivered before.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 11, "label": "F"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 20, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 19, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 2, "label": "U"}, {"source": 23, "target": 10, "label": "A"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 23, "label": "H"}, {"source": 17, "target": 1, "label": "E"}, {"source": 19, "target": 3, "label": "P"}, {"source": 19, "target": 9, "label": "U"}, {"source": 20, "target": 4, "label": "F"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 15, "label": "D"}, {"source": 17, "target": 21, "label": "H"}, {"source": 23, "target": 12, "label": "F"}, {"source": 17, "target": 0, "label": "U"}]} +{"id": "018548-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was back between '05 and '09 and I don't remember how many times we've had it delivered.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 92}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 25, "target": 8, "label": "A"}, {"source": 28, "target": 19, "label": "P"}, {"source": 24, "target": 4, "label": "C"}, {"source": 21, "target": 2, "label": "D"}, {"source": 28, "target": 18, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 10, "label": "D"}, {"source": 22, "target": 28, "label": "H"}, {"source": 26, "target": 13, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 25, "target": 26, "label": "D"}, {"source": 23, "target": 3, "label": "R"}, {"source": 24, "target": 5, "label": "N"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 24, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 25, "target": 9, "label": "D"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 11, "label": "P"}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "018548-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Perhaps they don't deliver anymore, but the deliciousness of a mezza luna certainly warrants a pickup.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 10, "label": "R"}, {"source": 19, "target": 0, "label": "D"}, {"source": 21, "target": 23, "label": "E"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 22, "target": 15, "label": "P"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 5, "label": "D"}, {"source": 20, "target": 6, "label": "U"}, {"source": 19, "target": 2, "label": "D"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 19, "target": 1, "label": "A"}, {"source": 19, "target": 4, "label": "P"}, {"source": 24, "target": 16, "label": "E"}, {"source": 22, "target": 14, "label": "D"}, {"source": 24, "target": 17, "label": "C"}, {"source": 23, "target": 12, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "018562-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Job", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "018562-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I want to say that Mike did a great job for our family in our time of need.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 74, "to": 75}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 6, "label": "F"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 10, "label": "R"}, {"source": 21, "target": 5, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 23, "target": 11, "label": "E"}, {"source": 21, "target": 4, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 1, "label": "D"}, {"source": 24, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "D"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "R"}, {"source": 21, "target": 22, "label": "P"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "018562-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Both my grandparents passed away 4 months apart and Mike was very understanding.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 2, "label": "C"}, {"source": 19, "target": 12, "label": "P"}, {"source": 16, "target": 3, "label": "P"}, {"source": 14, "target": 1, "label": "E"}, {"source": 17, "target": 4, "label": "R"}, {"source": 16, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 19, "target": 18, "label": "R"}, {"source": 16, "target": 17, "label": "D"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 19, "target": 11, "label": "D"}, {"source": 18, "target": 8, "label": "N"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "R"}]} +{"id": "018562-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was a very trying time for my family and myself yet Mike took the time to greet each and everyone one of us.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}, {"from": 65, "to": 68}, {"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 32, "target": 21, "label": "R"}, {"source": 25, "target": 9, "label": "L"}, {"source": 24, "target": 1, "label": "F"}, {"source": 32, "target": 18, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 26, "target": 2, "label": "E"}, {"source": 24, "target": 26, "label": "D"}, {"source": 29, "target": 13, "label": "D"}, {"source": 29, "target": 10, "label": "P"}, {"source": 32, "target": 22, "label": "C"}, {"source": 26, "target": 5, "label": "C"}, {"source": 31, "target": 32, "label": "C"}, {"source": 27, "target": 4, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 32, "target": 20, "label": "C"}, {"source": 31, "target": 16, "label": "C"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 19, "label": "E"}, {"source": 29, "target": 12, "label": "A"}, {"source": 29, "target": 11, "label": "D"}, {"source": 28, "target": 8, "label": "C"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 30, "target": 14, "label": "F"}, {"source": 24, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 15, "label": "P"}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 7, "label": "E"}, {"source": 31, "target": 17, "label": "N"}, {"source": 28, "target": 6, "label": "R"}]} +{"id": "018562-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He is very professional in his position as a director and yet he still made time to be compassionate for what we were all going through.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 127}, {"from": 128, "to": 135}]}, {"id": 25, "anchors": [{"from": 135, "to": 136}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 13, "label": "D"}, {"source": 28, "target": 6, "label": "C"}, {"source": 28, "target": 5, "label": "E"}, {"source": 33, "target": 25, "label": "U"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 22, "label": "F"}, {"source": 30, "target": 11, "label": "D"}, {"source": 32, "target": 18, "label": "S"}, {"source": 29, "target": 7, "label": "R"}, {"source": 33, "target": 19, "label": "R"}, {"source": 26, "target": 3, "label": "S"}, {"source": 28, "target": 4, "label": "R"}, {"source": 30, "target": 12, "label": "A"}, {"source": 29, "target": 8, "label": "E"}, {"source": 30, "target": 31, "label": "P"}, {"source": 33, "target": 20, "label": "F"}, {"source": 27, "target": 10, "label": "L"}, {"source": 26, "target": 1, "label": "F"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 29, "target": 9, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 17, "label": "F"}, {"source": 33, "target": 24, "label": "P"}, {"source": 31, "target": 14, "label": "F"}, {"source": 32, "target": 16, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 28, "target": 29, "label": "E"}, {"source": 33, "target": 21, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 33, "target": 23, "label": "D"}]} +{"id": "018562-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm sure its not everyday that a funeral director sees the same family in such a short time.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}, {"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 7, "label": "F"}, {"source": 28, "target": 16, "label": "R"}, {"source": 27, "target": 13, "label": "E"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 28, "target": 17, "label": "E"}, {"source": 22, "target": 1, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 28, "label": "D"}, {"source": 25, "target": 27, "label": "A"}, {"source": 27, "target": 12, "label": "E"}, {"source": 23, "target": 3, "label": "P"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 15, "label": "R"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 2, "label": "F"}, {"source": 26, "target": 10, "label": "C"}, {"source": 27, "target": 14, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 23, "target": 24, "label": "D"}, {"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 11, "label": "P"}]} +{"id": "018562-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My grandfather passed away silently in his sleep, and my grandmother passed away after a short struggle with cancer.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 115}]}, {"id": 20, "anchors": [{"from": 115, "to": 116}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 3, "label": "D"}, {"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "E"}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 27, "label": "P"}, {"source": 23, "target": 14, "label": "L"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 11, "label": "C"}, {"source": 29, "target": 18, "label": "R"}, {"source": 29, "target": 19, "label": "C"}, {"source": 22, "target": 2, "label": "P"}, {"source": 26, "target": 25, "label": "A"}, {"source": 28, "target": 16, "label": "D"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 8, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 5, "label": "R"}, {"source": 23, "target": 28, "label": "H"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 12, "label": "P"}, {"source": 26, "target": 13, "label": "D"}, {"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 9, "label": "L"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "018562-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Both my grandparents looked as natural as could be expected.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 11, "target": 1, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 11, "target": 2, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 16, "target": 7, "label": "D"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "018562-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you Mike for all your help professionally and personally.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 62}]}, {"id": 9, "anchors": [{"from": 62, "to": 63}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 1, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "N"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 2, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "P"}]} +{"id": "018562-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Peterson Family", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "020851-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Best Deals in Town", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 14}, {"from": 15, "to": 17}, {"from": 18, "to": 22}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "020851-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Before you buy ANYTHING in NY, make sure you stop by Jack-s first.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}, {"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}, {"from": 57, "to": 59}, {"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 1, "label": "A"}, {"source": 13, "target": 6, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 18, "target": 10, "label": "R"}, {"source": 13, "target": 0, "label": "L"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 15, "target": 4, "label": "R"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "P"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "020851-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their selection is random, so what they have on a given week might never be available again at the store.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 13, "label": "D"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 14, "label": "D"}, {"source": 26, "target": 10, "label": "E"}, {"source": 26, "target": 9, "label": "R"}, {"source": 23, "target": 3, "label": "S"}, {"source": 25, "target": 28, "label": "A"}, {"source": 27, "target": 17, "label": "E"}, {"source": 29, "target": 21, "label": "U"}, {"source": 29, "target": 18, "label": "R"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 15, "label": "F"}, {"source": 22, "target": 0, "label": "E"}, {"source": 22, "target": 1, "label": "C"}, {"source": 29, "target": 20, "label": "C"}, {"source": 28, "target": 27, "label": "E"}, {"source": 29, "target": 19, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 2, "label": "F"}, {"source": 24, "target": 4, "label": "U"}, {"source": 25, "target": 6, "label": "F"}, {"source": 25, "target": 7, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 24, "target": 5, "label": "L"}, {"source": 26, "target": 12, "label": "C"}, {"source": 25, "target": 8, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "020851-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love it for discounted beauty items and household appliances.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 13, "target": 3, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 14, "label": "C"}, {"source": 15, "target": 7, "label": "N"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 12, "target": 2, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 15, "label": "C"}]} +{"id": "020851-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Trust me, you go there once and you-ll always go back!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}, {"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 1, "label": "A"}, {"source": 15, "target": 3, "label": "A"}, {"source": 16, "target": 11, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 2, "label": "U"}, {"source": 16, "target": 10, "label": "D"}, {"source": 16, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 8, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "020957-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He's great!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "A"}, {"source": 5, "target": 4, "label": "H"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "A"}]} +{"id": "020957-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I won't go to anyone else.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 20}, {"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "020992-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't Expect Sleep or Courtesy", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}, {"from": 6, "to": 12}, {"from": 13, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 30}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "020992-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was booked for 2 nights at this hotel in Oct 2007.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "D"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "S"}, {"source": 15, "target": 3, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 17, "label": "D"}]} +{"id": "020992-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "At 3:15 am on night #2, the fire alarm and strobe light activated in my room.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 22, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 3, "label": "R"}, {"source": 21, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 24, "target": 11, "label": "N"}, {"source": 27, "target": 15, "label": "R"}, {"source": 22, "target": 5, "label": "U"}, {"source": 21, "target": 22, "label": "D"}, {"source": 26, "target": 14, "label": "P"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 24, "label": "E"}, {"source": 25, "target": 13, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "R"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 19, "label": "D"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 21, "target": 2, "label": "S"}, {"source": 24, "target": 23, "label": "C"}, {"source": 22, "target": 4, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "020992-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These are not household type alarms.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 9, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "020992-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When they sound off, it is a true audio/visual experience.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 4, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 13, "target": 3, "label": "U"}, {"source": 16, "target": 9, "label": "U"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "S"}, {"source": 16, "target": 10, "label": "E"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "020992-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called the front desk and got no answer.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 6, "label": "P"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}]} +{"id": "020992-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After checking for signs of fire or smoke and seeing none, I decided to just pack up and leave.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 94}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 16, "label": "C"}, {"source": 25, "target": 7, "label": "C"}, {"source": 21, "target": 18, "label": "L"}, {"source": 25, "target": 5, "label": "C"}, {"source": 23, "target": 2, "label": "R"}, {"source": 21, "target": 8, "label": "L"}, {"source": 27, "target": 28, "label": "P"}, {"source": 24, "target": 3, "label": "C"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 26, "label": "H"}, {"source": 29, "target": 20, "label": "U"}, {"source": 27, "target": 15, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 28, "target": 17, "label": "E"}, {"source": 22, "target": 1, "label": "P"}, {"source": 29, "target": 19, "label": "P"}, {"source": 26, "target": 9, "label": "P"}, {"source": 26, "target": 10, "label": "A"}, {"source": 21, "target": 27, "label": "H"}, {"source": 22, "target": 11, "label": "U"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 27, "target": 13, "label": "D"}, {"source": 27, "target": 14, "label": "F"}, {"source": 25, "target": 6, "label": "N"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 29, "label": "H"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "020992-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The desk agent actually argued with me, claiming that no such alarm had gone off (as if I would make that up?).", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 100}, {"from": 101, "to": 105}, {"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21, "anchors": [{"from": 109, "to": 110}]}, {"id": 22, "anchors": [{"from": 110, "to": 111}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 28, "target": 13, "label": "F"}, {"source": 26, "target": 6, "label": "C"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 15, "label": "U"}, {"source": 25, "target": 16, "label": "L"}, {"source": 31, "target": 21, "label": "U"}, {"source": 29, "target": 11, "label": "E"}, {"source": 24, "target": 4, "label": "P"}, {"source": 26, "target": 5, "label": "R"}, {"source": 27, "target": 8, "label": "P"}, {"source": 23, "target": 1, "label": "E"}, {"source": 25, "target": 27, "label": "H"}, {"source": 24, "target": 3, "label": "D"}, {"source": 28, "target": 14, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 31, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 20, "label": "U"}, {"source": 30, "target": 17, "label": "A"}, {"source": 28, "target": 9, "label": "F"}, {"source": 23, "target": 0, "label": "E"}, {"source": 23, "target": 2, "label": "C"}, {"source": 25, "target": 7, "label": "U"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 30, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 29, "target": 10, "label": "E"}, {"source": 31, "target": 19, "label": "C"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "020992-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He finally admitted that only the 4 ADA room alarms had sounded, so only 4 guests were effected (no big deal to him).", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}, {"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 33, "target": 25, "label": "U"}, {"source": 31, "target": 18, "label": "U"}, {"source": 30, "target": 13, "label": "E"}, {"source": 32, "target": 21, "label": "P"}, {"source": 29, "target": 6, "label": "E"}, {"source": 33, "target": 22, "label": "R"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 28, "target": 8, "label": "A"}, {"source": 31, "target": 16, "label": "F"}, {"source": 27, "target": 12, "label": "L"}, {"source": 28, "target": 3, "label": "F"}, {"source": 29, "target": 7, "label": "C"}, {"source": 26, "target": 2, "label": "P"}, {"source": 31, "target": 30, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 10, "label": "P"}, {"source": 27, "target": 11, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 17, "label": "P"}, {"source": 28, "target": 9, "label": "F"}, {"source": 26, "target": 1, "label": "D"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 0, "label": "A"}, {"source": 30, "target": 14, "label": "E"}, {"source": 29, "target": 5, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 19, "label": "D"}, {"source": 30, "target": 15, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 20, "label": "D"}]} +{"id": "020992-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This little drip offered no apologies whatsoever, and even refused to give me the name of the manager until I pressed him for it 3 times.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 136}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 2, "label": "C"}, {"source": 30, "target": 29, "label": "H"}, {"source": 32, "target": 12, "label": "P"}, {"source": 36, "target": 24, "label": "E"}, {"source": 36, "target": 26, "label": "C"}, {"source": 34, "target": 16, "label": "R"}, {"source": 34, "target": 17, "label": "E"}, {"source": 35, "target": 21, "label": "P"}, {"source": 32, "target": 11, "label": "F"}, {"source": 31, "target": 9, "label": "D"}, {"source": 28, "target": 0, "label": "E"}, {"source": 35, "target": 20, "label": "A"}, {"source": 30, "target": 31, "label": "H"}, {"source": 35, "target": 22, "label": "A"}, {"source": 30, "target": 35, "label": "H"}, {"source": 32, "target": 13, "label": "A"}, {"source": 33, "target": 14, "label": "E"}, {"source": 34, "target": 18, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 30, "target": 8, "label": "L"}, {"source": 30, "target": 19, "label": "L"}, {"source": 36, "target": 23, "label": "R"}, {"source": 29, "target": 28, "label": "A"}, {"source": 36, "target": 25, "label": "E"}, {"source": 30, "target": 7, "label": "U"}, {"source": 36, "target": 27, "label": "U"}, {"source": 29, "target": 5, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 1, "label": "E"}, {"source": 30, "target": 6, "label": "L"}, {"source": 29, "target": 3, "label": "P"}, {"source": 33, "target": 15, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 29, "target": 4, "label": "D"}, {"source": 31, "target": 10, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "020992-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This hotel is adequate enough, but there is an obvious problem with the staff and management.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 19, "target": 3, "label": "A"}, {"source": 18, "target": 0, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 25, "target": 24, "label": "C"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 2, "label": "S"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 4, "label": "D"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 5, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 25, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 21, "target": 22, "label": "S"}, {"source": 25, "target": 15, "label": "N"}, {"source": 25, "target": 17, "label": "U"}]} +{"id": "020992-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do not go there if you expect to sleep through the night.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 9, "label": "R"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 1, "label": "D"}, {"source": 13, "target": 3, "label": "A"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 16, "label": "D"}, {"source": 16, "target": 11, "label": "C"}, {"source": 16, "target": 10, "label": "E"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 8, "label": "P"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 4, "label": "L"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "021370-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's fine for...", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 2, "label": "S"}, {"source": 7, "target": 3, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}]} +{"id": "021370-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's fine for mass-market chocolate, but with companies like Scharffen Berger, TCHO, and smaller artisan chocolate makers in the area, why?", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 70}, {"from": 71, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 138}]}, {"id": 27, "anchors": [{"from": 138, "to": 139}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 38, "target": 26, "label": "R"}, {"source": 37, "target": 23, "label": "E"}, {"source": 32, "target": 10, "label": "R"}, {"source": 33, "target": 25, "label": "U"}, {"source": 35, "target": 16, "label": "U"}, {"source": 37, "target": 22, "label": "R"}, {"source": 36, "target": 19, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 35, "target": 14, "label": "U"}, {"source": 32, "target": 11, "label": "C"}, {"source": 36, "target": 20, "label": "E"}, {"source": 30, "target": 7, "label": "C"}, {"source": 36, "target": 21, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 35, "target": 15, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 2, "label": "S"}, {"source": 28, "target": 0, "label": "A"}, {"source": 31, "target": 6, "label": "C"}, {"source": 29, "target": 33, "label": "H"}, {"source": 33, "target": 38, "label": "A"}, {"source": 35, "target": 13, "label": "C"}, {"source": 29, "target": 8, "label": "U"}, {"source": 29, "target": 28, "label": "H"}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 4, "label": "E"}, {"source": 30, "target": 3, "label": "R"}, {"source": 35, "target": 36, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 34, "target": 12, "label": "R"}, {"source": 33, "target": 32, "label": "A"}, {"source": 29, "target": 9, "label": "L"}, {"source": 35, "target": 17, "label": "N"}, {"source": 34, "target": 35, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 36, "target": 18, "label": "E"}, {"source": 38, "target": 27, "label": "U"}, {"source": 31, "target": 5, "label": "U"}]} +{"id": "022273-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good food, good location, and good prices.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 10, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "U"}, {"source": 13, "target": 6, "label": "N"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 13, "target": 15, "label": "C"}]} +{"id": "022273-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But the servers don't pay attention to you whether it's busy or not.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "F"}, {"source": 16, "target": 22, "label": "H"}, {"source": 18, "target": 19, "label": "P"}, {"source": 21, "target": 10, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 3, "label": "F"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 4, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "R"}, {"source": 16, "target": 13, "label": "L"}, {"source": 17, "target": 2, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 22, "target": 14, "label": "D"}, {"source": 21, "target": 12, "label": "P"}]} +{"id": "022461-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best in the area!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "S"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "022461-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've been to quite a few tattoo shops around this area and Stainless Steel is by far the best.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 68}, {"from": 69, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 9, "label": "E"}, {"source": 24, "target": 11, "label": "N"}, {"source": 21, "target": 7, "label": "C"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 25, "target": 15, "label": "E"}, {"source": 20, "target": 25, "label": "D"}, {"source": 21, "target": 4, "label": "E"}, {"source": 20, "target": 13, "label": "F"}, {"source": 20, "target": 1, "label": "S"}, {"source": 25, "target": 14, "label": "R"}, {"source": 21, "target": 2, "label": "R"}, {"source": 22, "target": 24, "label": "C"}, {"source": 22, "target": 8, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 23, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "E"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 17, "label": "C"}, {"source": 23, "target": 10, "label": "C"}, {"source": 25, "target": 16, "label": "E"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "022461-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am very pleased with the tattoos that I revived from them.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 5, "label": "E"}, {"source": 16, "target": 7, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 9, "label": "P"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "022461-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The artwork is excellent and the prices are very reasonable.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "L"}, {"source": 11, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 3, "label": "S"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "S"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 2, "label": "F"}]} +{"id": "022461-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend this shop to anyone looking to get a tattoo.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "F"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 13, "target": 16, "label": "A"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "P"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 8, "label": "F"}, {"source": 13, "target": 17, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 20, "target": 12, "label": "U"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 19, "target": 9, "label": "P"}, {"source": 16, "target": 3, "label": "E"}, {"source": 14, "target": 18, "label": "A"}]} +{"id": "022533-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rude service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "022533-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "even though I have never tried hoa salon but I agree with other reviewers that they are rude.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 23, "target": 13, "label": "F"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 8, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 23, "target": 15, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 1, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 4, "label": "P"}, {"source": 23, "target": 14, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 23, "target": 16, "label": "P"}, {"source": 19, "target": 2, "label": "F"}]} +{"id": "022533-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called and asked about the price for hair updo and the receptionist or owner who aswered the phone refused to tell me, or even just give me an approximate price range.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 90}, {"from": 91, "to": 94}, {"from": 95, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 119}]}, {"id": 21, "anchors": [{"from": 119, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 156}]}, {"id": 29, "anchors": [{"from": 157, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 168}]}, {"id": 31, "anchors": [{"from": 168, "to": 169}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 44, "target": 28, "label": "E"}, {"source": 43, "target": 24, "label": "D"}, {"source": 42, "target": 16, "label": "A"}, {"source": 42, "target": 19, "label": "P"}, {"source": 40, "target": 14, "label": "C"}, {"source": 32, "target": 34, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 3, "label": "C"}, {"source": 36, "target": 38, "label": "C"}, {"source": 41, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 25, "label": "P"}, {"source": 38, "target": 10, "label": "N"}, {"source": 43, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 31, "label": "U"}, {"source": 41, "target": 15, "label": "F"}, {"source": 44, "target": 29, "label": "E"}, {"source": 38, "target": 37, "label": "C"}, {"source": 43, "target": 26, "label": "A"}, {"source": 36, "target": 7, "label": "R"}, {"source": 38, "target": 39, "label": "C"}, {"source": 35, "target": 4, "label": "R"}, {"source": 42, "target": 17, "label": "D"}, {"source": 35, "target": 6, "label": "C"}, {"source": 33, "target": 22, "label": "L"}, {"source": 37, "target": 8, "label": "C"}, {"source": 33, "target": 43, "label": "H"}, {"source": 41, "target": 42, "label": "A"}, {"source": 33, "target": 21, "label": "U"}, {"source": 40, "target": 12, "label": "C"}, {"source": 35, "target": 36, "label": "E"}, {"source": 34, "target": 2, "label": "N"}, {"source": 42, "target": 18, "label": "F"}, {"source": 37, "target": 9, "label": "C"}, {"source": 32, "target": 0, "label": "A"}, {"source": 43, "target": 23, "label": "D"}, {"source": 39, "target": 41, "label": "E"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 1, "label": "C"}, {"source": 42, "target": 20, "label": "A"}, {"source": 39, "target": 40, "label": "C"}, {"source": 39, "target": 11, "label": "E"}, {"source": 44, "target": 27, "label": "E"}, {"source": 44, "target": 30, "label": "C"}, {"source": 40, "target": 13, "label": "N"}, {"source": 32, "target": 35, "label": "A"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "022533-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He told us to stop by the salon and then he will tell us the price.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 66}]}, {"id": 16, "anchors": [{"from": 66, "to": 67}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 8, "label": "L"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 9, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 14, "label": "E"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 13, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "P"}, {"source": 17, "target": 2, "label": "A"}, {"source": 21, "target": 12, "label": "P"}]} +{"id": "022533-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What kind of rude service is that?", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "C"}, {"source": 11, "target": 2, "label": "R"}, {"source": 8, "target": 11, "label": "E"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 3, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "022533-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't want to waste my time with them.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 8, "label": "R"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "022900-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very hard work from the boys in blue there!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "P"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "022900-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Brilll.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "022900-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very hard work from the boys in blue there!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "P"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "023620-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is one of the worst places I have stayed, we cut out stay short and went to the Mulberry.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}, {"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 93}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "P"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 9, "label": "S"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 24, "label": "A"}, {"source": 22, "target": 10, "label": "U"}, {"source": 24, "target": 23, "label": "E"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 5, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 22, "target": 15, "label": "L"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 1, "label": "S"}, {"source": 29, "target": 18, "label": "E"}, {"source": 25, "target": 8, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 11, "label": "A"}, {"source": 23, "target": 2, "label": "C"}, {"source": 27, "target": 14, "label": "D"}, {"source": 25, "target": 7, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 28, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 4, "label": "E"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "023620-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even though they still charge you the days you booked but won't use, it is worth the get the hell out of this crap hole.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}, {"from": 89, "to": 92}, {"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 3, "label": "P"}, {"source": 31, "target": 24, "label": "U"}, {"source": 27, "target": 6, "label": "C"}, {"source": 31, "target": 21, "label": "E"}, {"source": 30, "target": 16, "label": "S"}, {"source": 31, "target": 23, "label": "C"}, {"source": 28, "target": 7, "label": "A"}, {"source": 31, "target": 17, "label": "E"}, {"source": 27, "target": 5, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 25, "target": 0, "label": "L"}, {"source": 26, "target": 1, "label": "A"}, {"source": 29, "target": 10, "label": "D"}, {"source": 29, "target": 9, "label": "N"}, {"source": 30, "target": 15, "label": "F"}, {"source": 26, "target": 27, "label": "D"}, {"source": 32, "target": 20, "label": "R"}, {"source": 29, "target": 8, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 11, "label": "D"}, {"source": 31, "target": 18, "label": "C"}, {"source": 32, "target": 19, "label": "C"}, {"source": 25, "target": 30, "label": "H"}, {"source": 26, "target": 2, "label": "D"}, {"source": 31, "target": 22, "label": "E"}, {"source": 30, "target": 14, "label": "A"}, {"source": 25, "target": 13, "label": "U"}, {"source": 28, "target": 29, "label": "P"}, {"source": 26, "target": 4, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "023620-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The whole experience shows a hotel managed by what must be a 2 star hotel manager.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 9, "label": "D"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 22, "target": 6, "label": "P"}, {"source": 23, "target": 7, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 25, "target": 14, "label": "E"}, {"source": 24, "target": 8, "label": "F"}, {"source": 25, "target": 15, "label": "C"}, {"source": 17, "target": 2, "label": "C"}, {"source": 23, "target": 24, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 25, "target": 13, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 17, "target": 0, "label": "E"}, {"source": 24, "target": 10, "label": "S"}, {"source": 25, "target": 12, "label": "E"}]} +{"id": "023620-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bad service starting from the front desk.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 2, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "023620-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best person is the valet.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "023620-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Short of that, avoid this place, as a silver Marriott member, this is a disgrace.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 19, "target": 1, "label": "R"}, {"source": 25, "target": 14, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 8, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 2, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 26, "target": 17, "label": "C"}, {"source": 24, "target": 12, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 4, "label": "P"}, {"source": 20, "target": 19, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 0, "label": "C"}, {"source": 24, "target": 9, "label": "E"}, {"source": 22, "target": 20, "label": "A"}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 5, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 22, "target": 3, "label": "U"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 25, "target": 15, "label": "S"}]} +{"id": "023926-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great job!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "023926-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mercedes and Dan are very thorough and on top of everything!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "N"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 16, "target": 15, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "N"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 12, "target": 2, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 17, "target": 7, "label": "R"}, {"source": 14, "target": 16, "label": "P"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "024132-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Range Rover Sport Window Tints", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}, {"from": 18, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 5, "label": "A"}, {"source": 5, "target": 4, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 4, "target": 0, "label": "E"}, {"source": 7, "target": 3, "label": "P"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "024132-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mark at Tintman Nationwidetints Ltd, did a very Professional job very quick, no fuss, deliverd the car to me and I drove him back home,Great arrangement Great price!!", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}, {"from": 16, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 134}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29, "anchors": [{"from": 135, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 164}]}, {"id": 33, "anchors": [{"from": 164, "to": 166}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 37, "target": 4, "label": "C"}, {"source": 34, "target": 0, "label": "C"}, {"source": 39, "target": 9, "label": "C"}, {"source": 38, "target": 10, "label": "C"}, {"source": 39, "target": 8, "label": "E"}, {"source": 45, "target": 24, "label": "P"}, {"source": 45, "target": 46, "label": "A"}, {"source": 42, "target": 17, "label": "P"}, {"source": 36, "target": 28, "label": "U"}, {"source": 36, "target": 41, "label": "H"}, {"source": 38, "target": 7, "label": "E"}, {"source": 43, "target": 18, "label": "E"}, {"source": 42, "target": 44, "label": "A"}, {"source": 46, "target": 26, "label": "E"}, {"source": 48, "target": 33, "label": "U"}, {"source": 45, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 20, "label": "R"}, {"source": 47, "target": 31, "label": "E"}, {"source": 36, "target": 48, "label": "H"}, {"source": 38, "target": 39, "label": "E"}, {"source": 42, "target": 16, "label": "U"}, {"source": 47, "target": 29, "label": "E"}, {"source": 47, "target": 32, "label": "C"}, {"source": 34, "target": 37, "label": "E"}, {"source": 41, "target": 42, "label": "A"}, {"source": 35, "target": 34, "label": "A"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 22, "label": "L"}, {"source": 45, "target": 25, "label": "A"}, {"source": 40, "target": 12, "label": "C"}, {"source": 44, "target": 21, "label": "C"}, {"source": 48, "target": 47, "label": "A"}, {"source": 35, "target": 6, "label": "P"}, {"source": 46, "target": 27, "label": "C"}, {"source": 37, "target": 1, "label": "R"}, {"source": 36, "target": 14, "label": "L"}, {"source": 40, "target": 11, "label": "E"}, {"source": 43, "target": 19, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 35, "target": 40, "label": "D"}, {"source": 47, "target": 30, "label": "E"}, {"source": 45, "target": 23, "label": "A"}, {"source": 37, "target": 2, "label": "E"}, {"source": 36, "target": 13, "label": "U"}, {"source": 36, "target": 35, "label": "H"}, {"source": 35, "target": 5, "label": "U"}, {"source": 36, "target": 45, "label": "H"}, {"source": 35, "target": 38, "label": "A"}, {"source": 42, "target": 15, "label": "A"}, {"source": 37, "target": 3, "label": "E"}]} +{"id": "024132-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "024132-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Mark.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "024132-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Steve.... proud Range Rover Sport owner (with rear tints)", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 13, "label": "E"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 11, "label": "H"}, {"source": 12, "target": 16, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 14, "target": 4, "label": "E"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "024306-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worst Tasting Pizza", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "024306-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place had the worst tasting pizza I have ever tasted it was possible the worst food I've ever eaten.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}, {"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 104}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 21, "target": 0, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 2, "label": "F"}, {"source": 26, "target": 8, "label": "F"}, {"source": 27, "target": 17, "label": "A"}, {"source": 28, "target": 15, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 28, "target": 14, "label": "E"}, {"source": 27, "target": 19, "label": "A"}, {"source": 23, "target": 26, "label": "A"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 18, "label": "D"}, {"source": 26, "target": 9, "label": "D"}, {"source": 27, "target": 13, "label": "D"}, {"source": 23, "target": 21, "label": "A"}, {"source": 26, "target": 7, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 27, "target": 11, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "024306-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't recommend this place to anyone or even anything to eat.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 12, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 17, "label": "A"}, {"source": 19, "target": 11, "label": "F"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "024385-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Another great business bites the dust!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "024385-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best cakes EVER!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "024385-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The prices were worth what I got.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 4, "label": "F"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "024385-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm assuming they are completely out of business since I can't find any contact information.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 91}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "S"}, {"source": 18, "target": 8, "label": "L"}, {"source": 24, "target": 13, "label": "E"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 6, "label": "R"}, {"source": 24, "target": 14, "label": "E"}, {"source": 19, "target": 2, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 11, "label": "D"}, {"source": 22, "target": 9, "label": "A"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "024385-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm hoping the bakers continue to do their baking out of another place, because it would be a shame not to have these cakes any longer.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 134}]}, {"id": 27, "anchors": [{"from": 134, "to": 135}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 34, "target": 11, "label": "E"}, {"source": 35, "target": 21, "label": "F"}, {"source": 31, "target": 34, "label": "E"}, {"source": 38, "target": 23, "label": "E"}, {"source": 28, "target": 1, "label": "P"}, {"source": 35, "target": 36, "label": "P"}, {"source": 30, "target": 2, "label": "E"}, {"source": 32, "target": 8, "label": "C"}, {"source": 36, "target": 16, "label": "F"}, {"source": 29, "target": 14, "label": "L"}, {"source": 28, "target": 31, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 22, "label": "P"}, {"source": 38, "target": 24, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 35, "target": 17, "label": "F"}, {"source": 31, "target": 6, "label": "C"}, {"source": 39, "target": 26, "label": "C"}, {"source": 35, "target": 20, "label": "D"}, {"source": 33, "target": 9, "label": "C"}, {"source": 37, "target": 39, "label": "D"}, {"source": 29, "target": 28, "label": "H"}, {"source": 39, "target": 25, "label": "E"}, {"source": 29, "target": 13, "label": "U"}, {"source": 28, "target": 32, "label": "A"}, {"source": 34, "target": 12, "label": "C"}, {"source": 35, "target": 15, "label": "A"}, {"source": 28, "target": 4, "label": "D"}, {"source": 28, "target": 5, "label": "F"}, {"source": 39, "target": 27, "label": "U"}, {"source": 29, "target": 35, "label": "H"}, {"source": 32, "target": 7, "label": "E"}, {"source": 33, "target": 10, "label": "F"}, {"source": 36, "target": 19, "label": "C"}, {"source": 36, "target": 18, "label": "E"}, {"source": 30, "target": 3, "label": "C"}, {"source": 34, "target": 33, "label": "R"}]} +{"id": "025516-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very friendly people offering a brilliant service.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "025516-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sent scented flowers home instead of postcards.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}, {"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "025516-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Recommend you call in for a look.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 9, "target": 8, "label": "H"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 1, "label": "A"}, {"source": 8, "target": 0, "label": "D"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "025894-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Average food and deathly slow service", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 2, "label": "N"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 6, "label": "C"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "025894-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have eaten here several times and everytime the service is slower than slow.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 20, "target": 12, "label": "S"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 22, "target": 13, "label": "R"}, {"source": 23, "target": 14, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 20, "target": 11, "label": "F"}, {"source": 16, "target": 3, "label": "A"}, {"source": 16, "target": 18, "label": "D"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 6, "label": "L"}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 16, "target": 1, "label": "F"}, {"source": 22, "target": 23, "label": "C"}, {"source": 21, "target": 9, "label": "E"}, {"source": 20, "target": 19, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "025894-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One time we even left after sitting at the table for 20 minutes and not being greeted with a drink order.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 13, "label": "L"}, {"source": 25, "target": 5, "label": "R"}, {"source": 26, "target": 7, "label": "R"}, {"source": 28, "target": 16, "label": "P"}, {"source": 28, "target": 15, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 0, "label": "E"}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 1, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 27, "target": 10, "label": "R"}, {"source": 27, "target": 11, "label": "E"}, {"source": 29, "target": 20, "label": "C"}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 19, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 27, "label": "D"}, {"source": 28, "target": 14, "label": "D"}, {"source": 27, "target": 12, "label": "C"}, {"source": 28, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "D"}, {"source": 23, "target": 3, "label": "D"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 21, "label": "U"}, {"source": 23, "target": 4, "label": "P"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "025894-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ridiculous.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "025894-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There must be a better mexican place in Rockland.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 1, "label": "D"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "026641-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You've Got Maids did a fabulous job cleaning my home.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 6}, {"from": 7, "to": 10}, {"from": 11, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "026641-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am hiring them to come once a week now that they got my house to where they can maintain it for only an hour and a half every two weeks!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 137}]}, {"id": 31, "anchors": [{"from": 137, "to": 138}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 34, "target": 4, "label": "F"}, {"source": 38, "target": 15, "label": "R"}, {"source": 42, "target": 30, "label": "C"}, {"source": 35, "target": 7, "label": "E"}, {"source": 33, "target": 32, "label": "H"}, {"source": 40, "target": 23, "label": "E"}, {"source": 32, "target": 3, "label": "A"}, {"source": 36, "target": 12, "label": "P"}, {"source": 36, "target": 10, "label": "R"}, {"source": 38, "target": 39, "label": "C"}, {"source": 32, "target": 2, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 36, "label": "H"}, {"source": 38, "target": 25, "label": "N"}, {"source": 35, "target": 9, "label": "R"}, {"source": 32, "target": 1, "label": "F"}, {"source": 39, "target": 20, "label": "A"}, {"source": 34, "target": 5, "label": "P"}, {"source": 36, "target": 38, "label": "A"}, {"source": 39, "target": 18, "label": "D"}, {"source": 39, "target": 16, "label": "F"}, {"source": 39, "target": 19, "label": "P"}, {"source": 39, "target": 17, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 35, "label": "D"}, {"source": 41, "target": 26, "label": "E"}, {"source": 39, "target": 40, "label": "D"}, {"source": 42, "target": 41, "label": "E"}, {"source": 40, "target": 21, "label": "R"}, {"source": 37, "target": 13, "label": "E"}, {"source": 36, "target": 11, "label": "A"}, {"source": 42, "target": 28, "label": "E"}, {"source": 40, "target": 22, "label": "E"}, {"source": 37, "target": 14, "label": "C"}, {"source": 41, "target": 27, "label": "C"}, {"source": 32, "target": 0, "label": "A"}, {"source": 34, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 6, "label": "R"}, {"source": 42, "target": 31, "label": "U"}, {"source": 38, "target": 42, "label": "C"}, {"source": 42, "target": 29, "label": "E"}, {"source": 35, "target": 8, "label": "C"}, {"source": 40, "target": 24, "label": "C"}]} +{"id": "026641-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Satisfactory for sure with the sercvice!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "C"}, {"source": 7, "target": 8, "label": "L"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 1, "label": "R"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "026641-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beats having one \"cleaning lady\" who took twice as long and did not do a very through job like the \"maids\" did!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 105}]}, {"id": 24, "anchors": [{"from": 105, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 110, "to": 111}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 36, "target": 23, "label": "C"}, {"source": 34, "target": 17, "label": "E"}, {"source": 35, "target": 25, "label": "S"}, {"source": 29, "target": 3, "label": "U"}, {"source": 30, "target": 7, "label": "F"}, {"source": 29, "target": 6, "label": "U"}, {"source": 34, "target": 18, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 31, "target": 11, "label": "C"}, {"source": 32, "target": 34, "label": "D"}, {"source": 30, "target": 8, "label": "P"}, {"source": 28, "target": 12, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 9, "label": "D"}, {"source": 27, "target": 1, "label": "P"}, {"source": 33, "target": 19, "label": "C"}, {"source": 32, "target": 33, "label": "P"}, {"source": 36, "target": 22, "label": "U"}, {"source": 36, "target": 21, "label": "E"}, {"source": 35, "target": 20, "label": "R"}, {"source": 27, "target": 0, "label": "A"}, {"source": 35, "target": 26, "label": "U"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 10, "label": "R"}, {"source": 28, "target": 32, "label": "H"}, {"source": 32, "target": 14, "label": "D"}, {"source": 32, "target": 13, "label": "F"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 15, "label": "F"}, {"source": 29, "target": 5, "label": "C"}, {"source": 35, "target": 24, "label": "U"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 2, "label": "E"}, {"source": 34, "target": 16, "label": "E"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "026883-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Poor Service", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "026883-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Run don't walk.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "026883-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My experience with Home Delivery Service has been one of disappointment and anger.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 32}, {"from": 33, "to": 40}]}, {"id": 4, "anchors": [{"from": 41, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 71}]}, {"id": 9, "anchors": [{"from": 72, "to": 75}]}, {"id": 10, "anchors": [{"from": 76, "to": 81}]}, {"id": 11, "anchors": [{"from": 81, "to": 82}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 17, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 16, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "S"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 9, "label": "N"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "C"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "026883-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If I could give them a lower rating than poor I would.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 12, "label": "U"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 14, "target": 11, "label": "D"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "026883-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On August 21st, 2009 I ordered furniture from Hickory Furniture Mart and contracted for HDS to deliver it.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}, {"from": 10, "to": 14}, {"from": 16, "to": 20}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 53}, {"from": 54, "to": 63}, {"from": 64, "to": 68}]}, {"id": 8, "anchors": [{"from": 69, "to": 72}]}, {"id": 9, "anchors": [{"from": 73, "to": 83}]}, {"id": 10, "anchors": [{"from": 84, "to": 87}]}, {"id": 11, "anchors": [{"from": 88, "to": 91}]}, {"id": 12, "anchors": [{"from": 92, "to": 94}]}, {"id": 13, "anchors": [{"from": 95, "to": 102}]}, {"id": 14, "anchors": [{"from": 103, "to": 105}]}, {"id": 15, "anchors": [{"from": 105, "to": 106}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 18, "target": 8, "label": "L"}, {"source": 19, "target": 7, "label": "C"}, {"source": 18, "target": 22, "label": "H"}, {"source": 20, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 12, "label": "L"}, {"source": 17, "target": 16, "label": "D"}, {"source": 22, "target": 13, "label": "P"}, {"source": 22, "target": 14, "label": "A"}, {"source": 16, "target": 2, "label": "U"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 16, "target": 0, "label": "R"}, {"source": 21, "target": 10, "label": "R"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "026883-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After seventeen days the delivery van showed up at my home minus two pieces.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}, {"from": 45, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 8, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 19, "target": 11, "label": "E"}, {"source": 14, "target": 1, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 14, "label": "D"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "R"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 6, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 14, "target": 0, "label": "R"}]} +{"id": "026883-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was later told they had been left at the warehouse and some future date they would be delivered.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 6, "label": "F"}, {"source": 22, "target": 7, "label": "P"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 11, "label": "N"}, {"source": 25, "target": 26, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 26, "target": 12, "label": "E"}, {"source": 25, "target": 24, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 10, "label": "C"}, {"source": 23, "target": 8, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 9, "label": "E"}, {"source": 28, "target": 18, "label": "C"}, {"source": 26, "target": 13, "label": "E"}, {"source": 21, "target": 27, "label": "H"}, {"source": 27, "target": 15, "label": "A"}, {"source": 23, "target": 25, "label": "C"}, {"source": 22, "target": 4, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 27, "target": 17, "label": "F"}, {"source": 20, "target": 3, "label": "P"}, {"source": 22, "target": 5, "label": "F"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "026883-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No one will give me a date.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "A"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "D"}, {"source": 10, "target": 3, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "026883-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I spent $2300 on the bedroom suite, which was complete and excellent condition on the showroom floor.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 10, "label": "F"}, {"source": 20, "target": 2, "label": "U"}, {"source": 23, "target": 25, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 24, "target": 5, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 26, "target": 13, "label": "E"}, {"source": 21, "target": 27, "label": "H"}, {"source": 22, "target": 3, "label": "C"}, {"source": 23, "target": 8, "label": "U"}, {"source": 28, "target": 15, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 11, "label": "S"}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "R"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 27, "target": 26, "label": "S"}, {"source": 28, "target": 16, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 9, "label": "F"}, {"source": 24, "target": 6, "label": "C"}, {"source": 21, "target": 12, "label": "L"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "026883-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Upon delivery it was clear the entire set was damaged: a piece of wood was broke on the headboard; the chest of drawers was missing all four pieces necessary to attach the legs; the dresser back legs were pushed in causing the dresser to lean into the wall; and a nighstand was missing a drawer.", "tops": [60], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 97}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 167}]}, {"id": 33, "anchors": [{"from": 168, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 176}]}, {"id": 35, "anchors": [{"from": 176, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 189}]}, {"id": 38, "anchors": [{"from": 190, "to": 194}]}, {"id": 39, "anchors": [{"from": 195, "to": 199}]}, {"id": 40, "anchors": [{"from": 200, "to": 204}]}, {"id": 41, "anchors": [{"from": 205, "to": 211}]}, {"id": 42, "anchors": [{"from": 212, "to": 214}]}, {"id": 43, "anchors": [{"from": 215, "to": 222}]}, {"id": 44, "anchors": [{"from": 223, "to": 226}]}, {"id": 45, "anchors": [{"from": 227, "to": 234}]}, {"id": 46, "anchors": [{"from": 235, "to": 237}]}, {"id": 47, "anchors": [{"from": 238, "to": 242}]}, {"id": 48, "anchors": [{"from": 243, "to": 247}]}, {"id": 49, "anchors": [{"from": 248, "to": 251}]}, {"id": 50, "anchors": [{"from": 252, "to": 256}]}, {"id": 51, "anchors": [{"from": 256, "to": 257}]}, {"id": 52, "anchors": [{"from": 258, "to": 261}]}, {"id": 53, "anchors": [{"from": 262, "to": 263}]}, {"id": 54, "anchors": [{"from": 264, "to": 273}]}, {"id": 55, "anchors": [{"from": 274, "to": 277}]}, {"id": 56, "anchors": [{"from": 278, "to": 285}]}, {"id": 57, "anchors": [{"from": 286, "to": 287}]}, {"id": 58, "anchors": [{"from": 288, "to": 294}]}, {"id": 59, "anchors": [{"from": 294, "to": 295}]}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}], "edges": [{"source": 69, "target": 21, "label": "E"}, {"source": 78, "target": 44, "label": "E"}, {"source": 72, "target": 30, "label": "E"}, {"source": 60, "target": 61, "label": "H"}, {"source": 82, "target": 81, "label": "A"}, {"source": 67, "target": 63, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 70, "target": 72, "label": "A"}, {"source": 61, "target": 2, "label": "F"}, {"source": 82, "target": 56, "label": "P"}, {"source": 67, "target": 16, "label": "P"}, {"source": 83, "target": 59, "label": "U"}, {"source": 71, "target": 23, "label": "R"}, {"source": 61, "target": 63, "label": "A"}, {"source": 66, "target": 13, "label": "R"}, {"source": 70, "target": 26, "label": "P"}, {"source": 64, "target": 9, "label": "C"}, {"source": 65, "target": 11, "label": "E"}, {"source": 68, "target": 17, "label": "R"}, {"source": 83, "target": 58, "label": "C"}, {"source": 80, "target": 50, "label": "C"}, {"source": 82, "target": 83, "label": "A"}, {"source": 81, "target": 53, "label": "E"}, {"source": 80, "target": 49, "label": "E"}, {"source": 72, "target": 27, "label": "E"}, {"source": 60, "target": 51, "label": "U"}, {"source": 60, "target": 76, "label": "H"}, {"source": 61, "target": 4, "label": "S"}, {"source": 71, "target": 24, "label": "C"}, {"source": 61, "target": 8, "label": "F"}, {"source": 60, "target": 70, "label": "H"}, {"source": 79, "target": 47, "label": "P"}, {"source": 74, "target": 33, "label": "E"}, {"source": 65, "target": 14, "label": "C"}, {"source": 60, "target": 35, "label": "U"}, {"source": 75, "target": 38, "label": "E"}, {"source": 62, "target": 6, "label": "E"}, {"source": 62, "target": 5, "label": "E"}, {"source": 61, "target": 1, "label": "A"}, {"source": 76, "target": 77, "label": "A"}, {"source": 63, "target": 64, "label": "E"}, {"source": 61, "target": 15, "label": "F"}, {"source": 66, "target": 12, "label": "C"}, {"source": 69, "target": 71, "label": "E"}, {"source": 76, "target": 75, "label": "A"}, {"source": 60, "target": 73, "label": "H"}, {"source": 60, "target": 52, "label": "L"}, {"source": 79, "target": 78, "label": "A"}, {"source": 64, "target": 65, "label": "E"}, {"source": 68, "target": 18, "label": "E"}, {"source": 74, "target": 34, "label": "C"}, {"source": 61, "target": 3, "label": "F"}, {"source": 60, "target": 0, "label": "L"}, {"source": 78, "target": 45, "label": "C"}, {"source": 73, "target": 32, "label": "P"}, {"source": 60, "target": 20, "label": "U"}, {"source": 72, "target": 28, "label": "E"}, {"source": 76, "target": 40, "label": "F"}, {"source": 70, "target": 69, "label": "A"}, {"source": 75, "target": 39, "label": "C"}, {"source": 77, "target": 43, "label": "P"}, {"source": 75, "target": 37, "label": "E"}, {"source": 73, "target": 74, "label": "A"}, {"source": 60, "target": 67, "label": "H"}, {"source": 79, "target": 46, "label": "F"}, {"source": 65, "target": 66, "label": "E"}, {"source": 75, "target": 36, "label": "E"}, {"source": 62, "target": 7, "label": "C"}, {"source": 70, "target": 25, "label": "F"}, {"source": 68, "target": 19, "label": "C"}, {"source": 76, "target": 41, "label": "P"}, {"source": 82, "target": 55, "label": "F"}, {"source": 67, "target": 68, "label": "A"}, {"source": 83, "target": 57, "label": "E"}, {"source": 72, "target": 29, "label": "C"}, {"source": 77, "target": 79, "label": "A"}, {"source": 80, "target": 48, "label": "R"}, {"source": 61, "target": 62, "label": "A"}, {"source": 69, "target": 22, "label": "C"}, {"source": 64, "target": 10, "label": "U"}, {"source": 60, "target": 82, "label": "H"}, {"source": 81, "target": 54, "label": "C"}, {"source": 79, "target": 80, "label": "A"}, {"source": 60, "target": 31, "label": "L"}, {"source": 77, "target": 42, "label": "R"}]} +{"id": "026883-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How do you lose a drawer.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "026883-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The customer service at Home Delivery Service was terrible let alone their promise to proper set up furniture.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}, {"from": 29, "to": 37}, {"from": 38, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 58}]}, {"id": 7, "anchors": [{"from": 59, "to": 62}]}, {"id": 8, "anchors": [{"from": 63, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 74}]}, {"id": 10, "anchors": [{"from": 75, "to": 82}]}, {"id": 11, "anchors": [{"from": 83, "to": 85}]}, {"id": 12, "anchors": [{"from": 86, "to": 92}]}, {"id": 13, "anchors": [{"from": 93, "to": 96}, {"from": 97, "to": 99}]}, {"id": 14, "anchors": [{"from": 100, "to": 109}]}, {"id": 15, "anchors": [{"from": 109, "to": 110}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 19, "target": 4, "label": "C"}, {"source": 20, "target": 9, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 16, "target": 19, "label": "E"}, {"source": 18, "target": 5, "label": "F"}, {"source": 21, "target": 14, "label": "C"}, {"source": 21, "target": 12, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 6, "label": "D"}, {"source": 19, "target": 3, "label": "R"}, {"source": 18, "target": 8, "label": "D"}, {"source": 18, "target": 7, "label": "P"}]} +{"id": "026883-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I am in limbo regarding a bedroom suite.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "E"}, {"source": 10, "target": 1, "label": "S"}, {"source": 11, "target": 2, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "026883-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I hope the owners and employees of this store have broken bedroom suites in their homes and furniture sitting in someone's warehouse.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 120}]}, {"id": 21, "anchors": [{"from": 120, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 132}]}, {"id": 23, "anchors": [{"from": 132, "to": 133}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 32, "target": 14, "label": "E"}, {"source": 30, "target": 11, "label": "E"}, {"source": 27, "target": 9, "label": "F"}, {"source": 35, "target": 23, "label": "U"}, {"source": 36, "target": 20, "label": "C"}, {"source": 31, "target": 13, "label": "R"}, {"source": 27, "target": 30, "label": "C"}, {"source": 33, "target": 32, "label": "C"}, {"source": 34, "target": 17, "label": "E"}, {"source": 24, "target": 25, "label": "H"}, {"source": 26, "target": 2, "label": "E"}, {"source": 36, "target": 21, "label": "R"}, {"source": 34, "target": 18, "label": "C"}, {"source": 28, "target": 3, "label": "C"}, {"source": 31, "target": 33, "label": "C"}, {"source": 33, "target": 16, "label": "N"}, {"source": 27, "target": 26, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 29, "label": "E"}, {"source": 29, "target": 6, "label": "R"}, {"source": 29, "target": 8, "label": "C"}, {"source": 35, "target": 22, "label": "C"}, {"source": 30, "target": 12, "label": "C"}, {"source": 35, "target": 36, "label": "E"}, {"source": 32, "target": 15, "label": "C"}, {"source": 25, "target": 31, "label": "A"}, {"source": 35, "target": 19, "label": "R"}, {"source": 26, "target": 28, "label": "C"}, {"source": 28, "target": 5, "label": "C"}, {"source": 28, "target": 4, "label": "N"}, {"source": 29, "target": 7, "label": "E"}, {"source": 31, "target": 35, "label": "E"}, {"source": 30, "target": 10, "label": "E"}, {"source": 25, "target": 1, "label": "S"}, {"source": 33, "target": 34, "label": "C"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "026883-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Maybe then they will begin to understand poor customer service and terrible sit up service.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 79}, {"from": 80, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 90}]}, {"id": 13, "anchors": [{"from": 90, "to": 91}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 17, "target": 10, "label": "D"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "L"}, {"source": 14, "target": 0, "label": "L"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 4, "label": "F"}, {"source": 17, "target": 12, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 11, "label": "P"}, {"source": 15, "target": 5, "label": "S"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "028996-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Farrell Electric is a very good electrical contractor.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 3, "label": "E"}]} +{"id": "028996-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm pleased that someone referred me to them for my commercial business.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "P"}, {"source": 16, "target": 4, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 2, "label": "S"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 18, "target": 9, "label": "R"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "028996-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I own a property management firm and need a contractor with the credentials that Farrell Electric has.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 88}, {"from": 89, "to": 97}]}, {"id": 15, "anchors": [{"from": 98, "to": 101}]}, {"id": 16, "anchors": [{"from": 101, "to": 102}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 23, "target": 13, "label": "F"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 2, "label": "E"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "E"}, {"source": 20, "target": 7, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 23, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 15, "label": "S"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "029218-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our Wedding 11/7/08", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}, {"from": 12, "to": 19}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "029218-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We just had our wedding on 11/7/08 and was very impressed.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 9, "label": "D"}]} +{"id": "029218-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cj and company did all that we ask and 10 times more.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "C"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 8, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "S"}, {"source": 13, "target": 2, "label": "C"}, {"source": 17, "target": 18, "label": "D"}, {"source": 13, "target": 1, "label": "N"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 13, "target": 0, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 16, "label": "R"}, {"source": 17, "target": 7, "label": "P"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "029218-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food was out standing.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}]} +{"id": "029218-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you need a cater that is affordable and easy to work with they are the ones.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 25, "label": "H"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 3, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 12, "label": "R"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 10, "label": "F"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 8, "label": "N"}, {"source": 21, "target": 5, "label": "F"}, {"source": 26, "target": 17, "label": "U"}, {"source": 19, "target": 1, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 22, "label": "S"}, {"source": 18, "target": 0, "label": "L"}, {"source": 25, "target": 14, "label": "S"}, {"source": 22, "target": 7, "label": "C"}, {"source": 23, "target": 11, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "029218-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks again Saucey's.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 5, "target": 1, "label": "E"}, {"source": 9, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "R"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "U"}]} +{"id": "029218-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mark", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "029230-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Store In Boothbay Harbor", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}, {"from": 23, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "R"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "029230-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a fantastic store, I love this place.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "U"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 6, "label": "P"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "029230-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not the same old stuff that all the other stores have.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 15, "label": "D"}, {"source": 16, "target": 10, "label": "S"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "S"}, {"source": 15, "target": 1, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 17, "target": 6, "label": "E"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 0, "label": "E"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "029230-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their items are very unique, great quality, great prices.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 8, "label": "U"}, {"source": 15, "target": 5, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 17, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "029230-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They also have the best tea I ever had, not at all like the junk you get at the grocery stores, I stock up when ever there because they are closed in the winter.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 97}]}, {"id": 24, "anchors": [{"from": 98, "to": 103}, {"from": 104, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 139}]}, {"id": 31, "anchors": [{"from": 140, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 153}]}, {"id": 34, "anchors": [{"from": 154, "to": 160}]}, {"id": 35, "anchors": [{"from": 160, "to": 161}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 45, "target": 26, "label": "D"}, {"source": 38, "target": 6, "label": "E"}, {"source": 39, "target": 16, "label": "A"}, {"source": 42, "target": 17, "label": "C"}, {"source": 47, "target": 32, "label": "R"}, {"source": 37, "target": 46, "label": "H"}, {"source": 46, "target": 30, "label": "F"}, {"source": 46, "target": 31, "label": "P"}, {"source": 41, "target": 15, "label": "C"}, {"source": 39, "target": 10, "label": "D"}, {"source": 39, "target": 43, "label": "A"}, {"source": 46, "target": 47, "label": "D"}, {"source": 44, "target": 23, "label": "A"}, {"source": 47, "target": 33, "label": "E"}, {"source": 43, "target": 42, "label": "E"}, {"source": 39, "target": 40, "label": "P"}, {"source": 37, "target": 28, "label": "L"}, {"source": 47, "target": 35, "label": "U"}, {"source": 43, "target": 21, "label": "C"}, {"source": 36, "target": 8, "label": "F"}, {"source": 36, "target": 0, "label": "A"}, {"source": 44, "target": 24, "label": "P"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 36, "target": 7, "label": "D"}, {"source": 38, "target": 5, "label": "C"}, {"source": 36, "target": 2, "label": "P"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 46, "target": 29, "label": "A"}, {"source": 40, "target": 12, "label": "C"}, {"source": 41, "target": 13, "label": "R"}, {"source": 39, "target": 41, "label": "A"}, {"source": 36, "target": 9, "label": "U"}, {"source": 47, "target": 34, "label": "C"}, {"source": 37, "target": 22, "label": "U"}, {"source": 39, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 44, "label": "H"}, {"source": 37, "target": 25, "label": "L"}, {"source": 36, "target": 1, "label": "D"}, {"source": 40, "target": 11, "label": "E"}, {"source": 43, "target": 19, "label": "E"}, {"source": 43, "target": 20, "label": "E"}, {"source": 45, "target": 27, "label": "S"}, {"source": 38, "target": 4, "label": "E"}, {"source": 41, "target": 14, "label": "E"}, {"source": 38, "target": 3, "label": "E"}, {"source": 42, "target": 18, "label": "R"}]} +{"id": "029870-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found Bright Star Tours and Travels and Best and Affordable Tour Operators and Tours Agents in Chennai, India offered me Student Tour India Package for very less price.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}, {"from": 15, "to": 19}, {"from": 20, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 86}, {"from": 87, "to": 93}]}, {"id": 13, "anchors": [{"from": 94, "to": 96}]}, {"id": 14, "anchors": [{"from": 97, "to": 104}]}, {"id": 15, "anchors": [{"from": 104, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 119}]}, {"id": 18, "anchors": [{"from": 120, "to": 122}, {"from": 123, "to": 130}, {"from": 131, "to": 135}, {"from": 136, "to": 141}, {"from": 142, "to": 149}]}, {"id": 19, "anchors": [{"from": 150, "to": 153}]}, {"id": 20, "anchors": [{"from": 154, "to": 158}]}, {"id": 21, "anchors": [{"from": 159, "to": 163}]}, {"id": 22, "anchors": [{"from": 164, "to": 169}]}, {"id": 23, "anchors": [{"from": 169, "to": 170}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 21, "label": "C"}, {"source": 30, "target": 9, "label": "E"}, {"source": 29, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 33, "target": 18, "label": "A"}, {"source": 25, "target": 15, "label": "U"}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 35, "target": 20, "label": "E"}, {"source": 34, "target": 19, "label": "R"}, {"source": 27, "target": 11, "label": "N"}, {"source": 24, "target": 1, "label": "P"}, {"source": 33, "target": 17, "label": "P"}, {"source": 27, "target": 26, "label": "C"}, {"source": 30, "target": 10, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 27, "target": 31, "label": "C"}, {"source": 31, "target": 12, "label": "C"}, {"source": 26, "target": 2, "label": "C"}, {"source": 32, "target": 14, "label": "C"}, {"source": 25, "target": 33, "label": "H"}, {"source": 33, "target": 16, "label": "A"}, {"source": 34, "target": 22, "label": "C"}, {"source": 26, "target": 3, "label": "N"}, {"source": 26, "target": 28, "label": "C"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 5, "label": "N"}, {"source": 32, "target": 13, "label": "R"}, {"source": 30, "target": 8, "label": "E"}, {"source": 29, "target": 7, "label": "N"}, {"source": 31, "target": 32, "label": "E"}, {"source": 28, "target": 29, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 29, "target": 30, "label": "C"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "029870-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I enjoyed my tour and i am looking for adventure tour and India heritage tours for valuable.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 26, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 24, "target": 11, "label": "N"}, {"source": 21, "target": 5, "label": "A"}, {"source": 20, "target": 2, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 6, "label": "F"}, {"source": 18, "target": 1, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 13, "label": "E"}, {"source": 22, "target": 24, "label": "C"}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 7, "label": "P"}, {"source": 19, "target": 4, "label": "L"}, {"source": 26, "target": 15, "label": "R"}, {"source": 19, "target": 21, "label": "H"}, {"source": 24, "target": 23, "label": "C"}, {"source": 20, "target": 3, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "029870-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks for Bright Star Tours.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 22}, {"from": 23, "to": 28}]}, {"id": 3, "anchors": [{"from": 28, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "030126-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HORRIBLE", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "030126-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This school is the worst one i've ever been to.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 12, "target": 13, "label": "S"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 8, "label": "F"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "030126-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I attended it for 2 years, and that was enough.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "D"}, {"source": 14, "target": 3, "label": "R"}, {"source": 15, "target": 8, "label": "F"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "D"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 9, "label": "S"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 11, "label": "U"}]} +{"id": "030126-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There's holes everywhere in the ceiling, sewage constantly leaks through the ceiling, and the whole condition of the school is horrible.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 31, "label": "H"}, {"source": 31, "target": 24, "label": "U"}, {"source": 27, "target": 4, "label": "R"}, {"source": 29, "target": 13, "label": "C"}, {"source": 27, "target": 6, "label": "C"}, {"source": 25, "target": 3, "label": "D"}, {"source": 31, "target": 22, "label": "F"}, {"source": 25, "target": 0, "label": "F"}, {"source": 26, "target": 14, "label": "U"}, {"source": 32, "target": 20, "label": "E"}, {"source": 25, "target": 2, "label": "A"}, {"source": 31, "target": 23, "label": "P"}, {"source": 27, "target": 5, "label": "E"}, {"source": 28, "target": 8, "label": "A"}, {"source": 30, "target": 16, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 31, "target": 30, "label": "A"}, {"source": 28, "target": 10, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 32, "label": "E"}, {"source": 30, "target": 17, "label": "E"}, {"source": 26, "target": 15, "label": "L"}, {"source": 26, "target": 28, "label": "H"}, {"source": 29, "target": 12, "label": "E"}, {"source": 26, "target": 7, "label": "U"}, {"source": 28, "target": 9, "label": "D"}, {"source": 29, "target": 11, "label": "R"}, {"source": 25, "target": 1, "label": "S"}, {"source": 32, "target": 19, "label": "R"}]} +{"id": "030126-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff and the Principal are rediculous, they don't listen to any input, and they make up rediculous rules ( They banned backpacks, because a teacher TRIPPED OVER a student's).", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}, {"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 152}]}, {"id": 29, "anchors": [{"from": 153, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 167}]}, {"id": 32, "anchors": [{"from": 168, "to": 175}]}, {"id": 33, "anchors": [{"from": 175, "to": 177}]}, {"id": 34, "anchors": [{"from": 177, "to": 178}]}, {"id": 35, "anchors": [{"from": 178, "to": 179}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 39, "target": 7, "label": "U"}, {"source": 42, "target": 13, "label": "E"}, {"source": 47, "target": 28, "label": "C"}, {"source": 44, "target": 17, "label": "A"}, {"source": 46, "target": 24, "label": "A"}, {"source": 36, "target": 0, "label": "E"}, {"source": 38, "target": 6, "label": "S"}, {"source": 42, "target": 9, "label": "F"}, {"source": 46, "target": 23, "label": "D"}, {"source": 47, "target": 27, "label": "E"}, {"source": 49, "target": 32, "label": "C"}, {"source": 46, "target": 22, "label": "A"}, {"source": 37, "target": 40, "label": "C"}, {"source": 39, "target": 44, "label": "H"}, {"source": 41, "target": 10, "label": "D"}, {"source": 41, "target": 8, "label": "A"}, {"source": 44, "target": 18, "label": "P"}, {"source": 48, "target": 49, "label": "A"}, {"source": 39, "target": 16, "label": "L"}, {"source": 45, "target": 19, "label": "E"}, {"source": 42, "target": 14, "label": "C"}, {"source": 37, "target": 2, "label": "N"}, {"source": 38, "target": 5, "label": "F"}, {"source": 39, "target": 46, "label": "H"}, {"source": 39, "target": 25, "label": "U"}, {"source": 43, "target": 11, "label": "C"}, {"source": 39, "target": 21, "label": "U"}, {"source": 48, "target": 29, "label": "P"}, {"source": 39, "target": 34, "label": "U"}, {"source": 39, "target": 15, "label": "U"}, {"source": 45, "target": 20, "label": "C"}, {"source": 49, "target": 31, "label": "E"}, {"source": 40, "target": 3, "label": "E"}, {"source": 43, "target": 12, "label": "R"}, {"source": 36, "target": 1, "label": "C"}, {"source": 39, "target": 43, "label": "L"}, {"source": 48, "target": 47, "label": "A"}, {"source": 39, "target": 41, "label": "H"}, {"source": 40, "target": 4, "label": "C"}, {"source": 37, "target": 36, "label": "C"}, {"source": 39, "target": 38, "label": "H"}, {"source": 39, "target": 26, "label": "L"}, {"source": 44, "target": 45, "label": "A"}, {"source": 49, "target": 33, "label": "R"}, {"source": 48, "target": 30, "label": "A"}, {"source": 39, "target": 48, "label": "H"}, {"source": 41, "target": 42, "label": "P"}, {"source": 39, "target": 35, "label": "U"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "030126-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The education is horrible at best, do society a favor, and do NOT send your student here.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 15, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 2, "label": "F"}, {"source": 20, "target": 1, "label": "C"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "P"}, {"source": 28, "target": 17, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 28, "target": 18, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "U"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "L"}, {"source": 26, "target": 10, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "U"}, {"source": 21, "target": 20, "label": "A"}, {"source": 26, "target": 9, "label": "E"}, {"source": 27, "target": 14, "label": "D"}, {"source": 23, "target": 4, "label": "R"}, {"source": 20, "target": 0, "label": "E"}, {"source": 27, "target": 13, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 24, "target": 7, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 16, "label": "E"}, {"source": 25, "target": 8, "label": "P"}, {"source": 22, "target": 27, "label": "H"}, {"source": 28, "target": 19, "label": "U"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "030395-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sanctuary is amazing!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "030395-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sanctuary serves delicious, somewhat healthy food in a great restaurant/fast food style.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 87}]}, {"id": 15, "anchors": [{"from": 87, "to": 88}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "E"}, {"source": 20, "target": 15, "label": "U"}, {"source": 18, "target": 2, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 6, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 14, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 13, "label": "E"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "U"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 3, "label": "U"}, {"source": 20, "target": 8, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 19, "target": 4, "label": "F"}]} +{"id": "030395-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The employees are really friendly.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "030395-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And they deliver!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "030430-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Amazing customer service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "030430-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think the women at this salon know that their business is based primarily from referrals. :)", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 26, "target": 15, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 2, "label": "E"}, {"source": 25, "target": 10, "label": "C"}, {"source": 24, "target": 13, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 16, "label": "U"}, {"source": 24, "target": 12, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 22, "target": 20, "label": "A"}, {"source": 24, "target": 8, "label": "F"}, {"source": 24, "target": 11, "label": "F"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 23, "target": 5, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 6, "label": "C"}, {"source": 20, "target": 3, "label": "C"}]} +{"id": "030430-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were amazingly hospitable.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "030430-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Edit was the best massage therapist I've ever had and I would HIGHLY recommend her!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}, {"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 15, "label": "U"}, {"source": 20, "target": 21, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 8, "label": "S"}, {"source": 16, "target": 1, "label": "S"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 7, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 9, "label": "L"}, {"source": 18, "target": 3, "label": "E"}, {"source": 20, "target": 14, "label": "A"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "E"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 12, "label": "D"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "030811-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've only had good experiences at Adorn, I was greeted and offered a refreshment.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "U"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 11, "label": "N"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 4, "label": "P"}, {"source": 18, "target": 5, "label": "R"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 3, "label": "D"}]} +{"id": "030811-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend Debi, she does an amazing job, I \"love\" the way she cuts my hair, extremely thorough and cross checks her work to make sure my hair is perfect.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 78}]}, {"id": 20, "anchors": [{"from": 79, "to": 83}]}, {"id": 21, "anchors": [{"from": 83, "to": 84}]}, {"id": 22, "anchors": [{"from": 85, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 137}, {"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 145}]}, {"id": 32, "anchors": [{"from": 146, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 153}, {"from": 154, "to": 161}]}, {"id": 34, "anchors": [{"from": 161, "to": 162}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 35, "target": 3, "label": "A"}, {"source": 37, "target": 5, "label": "A"}, {"source": 38, "target": 9, "label": "C"}, {"source": 53, "target": 33, "label": "S"}, {"source": 47, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 43, "label": "H"}, {"source": 49, "target": 50, "label": "S"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 13, "label": "P"}, {"source": 42, "target": 19, "label": "E"}, {"source": 46, "target": 28, "label": "C"}, {"source": 36, "target": 4, "label": "U"}, {"source": 44, "target": 24, "label": "N"}, {"source": 44, "target": 25, "label": "C"}, {"source": 36, "target": 47, "label": "H"}, {"source": 38, "target": 7, "label": "E"}, {"source": 39, "target": 18, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 36, "target": 29, "label": "L"}, {"source": 43, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 49, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 43, "target": 22, "label": "D"}, {"source": 48, "target": 32, "label": "C"}, {"source": 47, "target": 48, "label": "A"}, {"source": 39, "target": 12, "label": "U"}, {"source": 51, "target": 52, "label": "E"}, {"source": 35, "target": 1, "label": "D"}, {"source": 52, "target": 53, "label": "H"}, {"source": 40, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 26, "label": "C"}, {"source": 39, "target": 11, "label": "A"}, {"source": 46, "target": 27, "label": "E"}, {"source": 36, "target": 39, "label": "H"}, {"source": 42, "target": 20, "label": "C"}, {"source": 40, "target": 14, "label": "U"}, {"source": 36, "target": 21, "label": "U"}, {"source": 45, "target": 44, "label": "E"}, {"source": 39, "target": 17, "label": "A"}, {"source": 41, "target": 16, "label": "C"}, {"source": 47, "target": 30, "label": "S"}, {"source": 35, "target": 0, "label": "A"}, {"source": 35, "target": 2, "label": "P"}, {"source": 50, "target": 51, "label": "E"}, {"source": 41, "target": 15, "label": "E"}, {"source": 44, "target": 23, "label": "C"}, {"source": 36, "target": 37, "label": "H"}, {"source": 39, "target": 42, "label": "A"}, {"source": 36, "target": 10, "label": "U"}, {"source": 43, "target": 45, "label": "P"}, {"source": 43, "target": 46, "label": "A"}, {"source": 36, "target": 34, "label": "U"}, {"source": 38, "target": 8, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 48, "target": 31, "label": "E"}, {"source": 37, "target": 6, "label": "P"}]} +{"id": "030811-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I always leave loving my hair style.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "030875-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Slice Pizza at former Britt's Location", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 0, "label": "C"}, {"source": 9, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "R"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "030875-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Britt's Pizza is long gone.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 8, "target": 7, "label": "E"}, {"source": 10, "target": 5, "label": "P"}, {"source": 10, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 7, "target": 0, "label": "C"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "030875-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their location, the northwest corner of S. 10th & Federal Sts., is now home to Slice Pizza.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}, {"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 22, "label": "E"}, {"source": 24, "target": 7, "label": "E"}, {"source": 19, "target": 2, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 9, "label": "U"}, {"source": 24, "target": 10, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 12, "label": "U"}, {"source": 21, "target": 14, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 8, "label": "C"}, {"source": 19, "target": 0, "label": "E"}, {"source": 21, "target": 15, "label": "P"}, {"source": 21, "target": 25, "label": "A"}, {"source": 21, "target": 19, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 5, "label": "C"}, {"source": 23, "target": 6, "label": "R"}, {"source": 22, "target": 4, "label": "E"}, {"source": 22, "target": 3, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "C"}, {"source": 21, "target": 13, "label": "F"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "R"}]} +{"id": "031113-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good Pizza at a good price", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 9, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "031113-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just moved nearby and have tried several of the local places, this was the first one and I should have just stuck with it.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 123}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 35, "target": 23, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 18, "label": "N"}, {"source": 32, "target": 22, "label": "D"}, {"source": 29, "target": 5, "label": "F"}, {"source": 33, "target": 15, "label": "E"}, {"source": 27, "target": 2, "label": "P"}, {"source": 32, "target": 14, "label": "S"}, {"source": 31, "target": 10, "label": "E"}, {"source": 28, "target": 12, "label": "U"}, {"source": 30, "target": 7, "label": "C"}, {"source": 32, "target": 13, "label": "A"}, {"source": 30, "target": 8, "label": "R"}, {"source": 34, "target": 19, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 11, "label": "C"}, {"source": 28, "target": 4, "label": "L"}, {"source": 32, "target": 21, "label": "F"}, {"source": 34, "target": 17, "label": "C"}, {"source": 27, "target": 0, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 33, "target": 16, "label": "E"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 9, "label": "E"}, {"source": 28, "target": 29, "label": "H"}, {"source": 31, "target": 30, "label": "E"}, {"source": 29, "target": 6, "label": "P"}, {"source": 27, "target": 1, "label": "D"}, {"source": 28, "target": 32, "label": "H"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 25, "label": "C"}, {"source": 36, "target": 24, "label": "R"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 20, "label": "D"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "031113-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The pizza is usually pretty good, the only bad one we got was on a Friday night and it just needed to be cooked a little more, but it was still good.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 125}]}, {"id": 28, "anchors": [{"from": 125, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 130}]}, {"id": 30, "anchors": [{"from": 131, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 143}]}, {"id": 33, "anchors": [{"from": 144, "to": 148}]}, {"id": 34, "anchors": [{"from": 148, "to": 149}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 38, "target": 9, "label": "E"}, {"source": 41, "target": 23, "label": "F"}, {"source": 38, "target": 10, "label": "E"}, {"source": 39, "target": 13, "label": "F"}, {"source": 37, "target": 43, "label": "H"}, {"source": 38, "target": 11, "label": "E"}, {"source": 43, "target": 32, "label": "D"}, {"source": 40, "target": 12, "label": "E"}, {"source": 38, "target": 7, "label": "E"}, {"source": 42, "target": 25, "label": "E"}, {"source": 39, "target": 40, "label": "S"}, {"source": 41, "target": 21, "label": "F"}, {"source": 36, "target": 2, "label": "F"}, {"source": 43, "target": 34, "label": "U"}, {"source": 43, "target": 33, "label": "S"}, {"source": 43, "target": 31, "label": "F"}, {"source": 41, "target": 24, "label": "S"}, {"source": 36, "target": 4, "label": "D"}, {"source": 40, "target": 14, "label": "R"}, {"source": 36, "target": 5, "label": "S"}, {"source": 41, "target": 19, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 27, "label": "C"}, {"source": 37, "target": 29, "label": "L"}, {"source": 37, "target": 36, "label": "H"}, {"source": 37, "target": 18, "label": "L"}, {"source": 43, "target": 30, "label": "A"}, {"source": 41, "target": 20, "label": "D"}, {"source": 42, "target": 26, "label": "E"}, {"source": 39, "target": 38, "label": "A"}, {"source": 36, "target": 3, "label": "D"}, {"source": 37, "target": 17, "label": "A"}, {"source": 36, "target": 35, "label": "A"}, {"source": 41, "target": 22, "label": "F"}, {"source": 37, "target": 39, "label": "H"}, {"source": 37, "target": 6, "label": "U"}, {"source": 38, "target": 8, "label": "E"}, {"source": 37, "target": 28, "label": "U"}, {"source": 35, "target": 0, "label": "E"}, {"source": 37, "target": 15, "label": "L"}, {"source": 37, "target": 41, "label": "H"}, {"source": 37, "target": 16, "label": "U"}, {"source": 35, "target": 1, "label": "C"}]} +{"id": "031113-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their BBQ chicken pizza is one of the better ones I have ever had.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 4, "label": "S"}, {"source": 19, "target": 7, "label": "E"}, {"source": 15, "target": 3, "label": "C"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "C"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 8, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 20, "target": 10, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 20, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 13, "label": "P"}, {"source": 15, "target": 1, "label": "E"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 12, "label": "D"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "031674-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Responsive, kept me apprised of status.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "P"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "034313-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "criminal defense lawyer", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 23}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "034313-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mr. Villega is an exceptional California criminal defense lawyer.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 57}]}, {"id": 7, "anchors": [{"from": 58, "to": 64}]}, {"id": 8, "anchors": [{"from": 64, "to": 65}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 1, "label": "S"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "034313-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He cross examined witnesses relentlessly and had them break down and tell the truth.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 20, "target": 11, "label": "P"}, {"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 6, "label": "P"}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 17, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 10, "label": "L"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "034313-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want an attorney who will defend your right, contact Law Offices of Armando Villega", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}, {"from": 64, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}, {"from": 83, "to": 90}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 10, "label": "U"}, {"source": 20, "target": 21, "label": "C"}, {"source": 22, "target": 13, "label": "R"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 19, "label": "C"}, {"source": 18, "target": 7, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "034320-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fresh and unic!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "N"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "034320-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very professional, talented, unic and fresh work.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 6, "label": "N"}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 8, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 2, "label": "U"}, {"source": 14, "target": 12, "label": "P"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "C"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "034320-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Paula has an amazing gift for creativity, vision and the ability to combine art to / with commercial purpose.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}, {"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 90, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 108, "to": 109}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 10, "label": "E"}, {"source": 26, "target": 12, "label": "F"}, {"source": 27, "target": 15, "label": "N"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 11, "label": "C"}, {"source": 28, "target": 17, "label": "E"}, {"source": 23, "target": 5, "label": "R"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 24, "target": 7, "label": "U"}, {"source": 22, "target": 2, "label": "E"}, {"source": 24, "target": 8, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 1, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 27, "target": 16, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 13, "label": "P"}, {"source": 23, "target": 24, "label": "C"}, {"source": 27, "target": 28, "label": "C"}, {"source": 27, "target": 14, "label": "C"}, {"source": 22, "target": 3, "label": "E"}, {"source": 22, "target": 4, "label": "C"}, {"source": 24, "target": 6, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 24, "target": 9, "label": "N"}]} +{"id": "034320-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bravo!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "034501-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Stationery store in Bethesda", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "034501-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Papeluna, a cute Mom/Pop custom printing and paper store, just opened a few days ago.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 5, "label": "U"}, {"source": 20, "target": 0, "label": "C"}, {"source": 20, "target": 1, "label": "U"}, {"source": 27, "target": 11, "label": "C"}, {"source": 24, "target": 23, "label": "S"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 25, "label": "E"}, {"source": 20, "target": 9, "label": "N"}, {"source": 28, "target": 15, "label": "E"}, {"source": 22, "target": 28, "label": "D"}, {"source": 23, "target": 3, "label": "E"}, {"source": 27, "target": 10, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 20, "label": "A"}, {"source": 22, "target": 14, "label": "P"}, {"source": 22, "target": 12, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 13, "label": "D"}, {"source": 28, "target": 18, "label": "R"}, {"source": 20, "target": 24, "label": "E"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 23, "target": 2, "label": "E"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "034501-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is right on the hustle and bustle of Wisconsin Ave but some might miss it as it is nestled in between Subway Sandwiches and Modell's.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 111}, {"from": 112, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 133}, {"from": 133, "to": 135}]}, {"id": 25, "anchors": [{"from": 135, "to": 136}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 26, "target": 2, "label": "S"}, {"source": 28, "target": 31, "label": "E"}, {"source": 29, "target": 4, "label": "E"}, {"source": 32, "target": 14, "label": "P"}, {"source": 28, "target": 30, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 36, "label": "A"}, {"source": 34, "target": 18, "label": "F"}, {"source": 34, "target": 17, "label": "A"}, {"source": 28, "target": 3, "label": "R"}, {"source": 37, "target": 23, "label": "N"}, {"source": 35, "target": 20, "label": "E"}, {"source": 36, "target": 21, "label": "R"}, {"source": 30, "target": 7, "label": "C"}, {"source": 30, "target": 29, "label": "C"}, {"source": 33, "target": 16, "label": "R"}, {"source": 37, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "C"}, {"source": 35, "target": 19, "label": "C"}, {"source": 32, "target": 13, "label": "D"}, {"source": 37, "target": 22, "label": "C"}, {"source": 27, "target": 32, "label": "H"}, {"source": 27, "target": 11, "label": "L"}, {"source": 37, "target": 24, "label": "C"}, {"source": 31, "target": 9, "label": "E"}, {"source": 26, "target": 1, "label": "F"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 12, "label": "A"}, {"source": 29, "target": 5, "label": "C"}, {"source": 34, "target": 35, "label": "P"}, {"source": 32, "target": 15, "label": "A"}, {"source": 31, "target": 8, "label": "R"}, {"source": 32, "target": 33, "label": "A"}, {"source": 36, "target": 37, "label": "C"}, {"source": 33, "target": 34, "label": "C"}, {"source": 30, "target": 6, "label": "N"}]} +{"id": "034501-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I popped in after my afternoon pumpkin spice latte break at Starbucks.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 18, "target": 8, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "L"}, {"source": 17, "target": 19, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 19, "target": 10, "label": "R"}, {"source": 13, "target": 15, "label": "P"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "034501-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's an adorable little store filled with lots of stationery goodness.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 7, "label": "R"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "034501-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cards, wrapping paper, paper, and an area to sit down and talk with someone to design your own invitations or for whatever else your custom printing needs may be.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 42, "target": 17, "label": "F"}, {"source": 42, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 1, "label": "U"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 35, "label": "E"}, {"source": 48, "target": 31, "label": "C"}, {"source": 39, "target": 11, "label": "C"}, {"source": 36, "target": 4, "label": "U"}, {"source": 36, "target": 5, "label": "C"}, {"source": 44, "target": 45, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 25, "label": "E"}, {"source": 38, "target": 10, "label": "F"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 34, "target": 13, "label": "L"}, {"source": 34, "target": 38, "label": "H"}, {"source": 42, "target": 44, "label": "A"}, {"source": 45, "target": 23, "label": "R"}, {"source": 44, "target": 22, "label": "N"}, {"source": 33, "target": 0, "label": "C"}, {"source": 38, "target": 39, "label": "P"}, {"source": 41, "target": 15, "label": "R"}, {"source": 48, "target": 30, "label": "F"}, {"source": 43, "target": 21, "label": "C"}, {"source": 34, "target": 7, "label": "L"}, {"source": 39, "target": 12, "label": "E"}, {"source": 46, "target": 28, "label": "E"}, {"source": 37, "target": 8, "label": "E"}, {"source": 41, "target": 16, "label": "C"}, {"source": 40, "target": 14, "label": "P"}, {"source": 34, "target": 6, "label": "U"}, {"source": 46, "target": 47, "label": "E"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 40, "label": "H"}, {"source": 35, "target": 2, "label": "P"}, {"source": 46, "target": 29, "label": "E"}, {"source": 37, "target": 9, "label": "C"}, {"source": 40, "target": 42, "label": "A"}, {"source": 47, "target": 26, "label": "E"}, {"source": 36, "target": 3, "label": "C"}, {"source": 42, "target": 18, "label": "P"}, {"source": 44, "target": 43, "label": "C"}, {"source": 46, "target": 24, "label": "C"}, {"source": 43, "target": 19, "label": "E"}, {"source": 43, "target": 20, "label": "E"}, {"source": 48, "target": 32, "label": "U"}, {"source": 47, "target": 27, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 45, "target": 48, "label": "S"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "034501-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I gave the woman I spoke with today a \"You've been yelped!\" card to let her know that Yelp may be a good tool for helping spreading the word about Papeluna.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}, {"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "anchors": [{"from": 58, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 97}]}, {"id": 24, "anchors": [{"from": 98, "to": 99}]}, {"id": 25, "anchors": [{"from": 100, "to": 104}]}, {"id": 26, "anchors": [{"from": 105, "to": 109}]}, {"id": 27, "anchors": [{"from": 110, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 121}]}, {"id": 29, "anchors": [{"from": 122, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 146}]}, {"id": 33, "anchors": [{"from": 147, "to": 155}]}, {"id": 34, "anchors": [{"from": 155, "to": 156}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 50, "target": 34, "label": "U"}, {"source": 48, "target": 28, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 15, "label": "A"}, {"source": 47, "target": 48, "label": "C"}, {"source": 49, "target": 31, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 46, "target": 24, "label": "E"}, {"source": 36, "target": 14, "label": "U"}, {"source": 44, "target": 19, "label": "C"}, {"source": 45, "target": 23, "label": "F"}, {"source": 44, "target": 18, "label": "E"}, {"source": 35, "target": 37, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 32, "label": "R"}, {"source": 42, "target": 43, "label": "H"}, {"source": 46, "target": 25, "label": "E"}, {"source": 45, "target": 22, "label": "D"}, {"source": 38, "target": 4, "label": "A"}, {"source": 40, "target": 12, "label": "P"}, {"source": 45, "target": 46, "label": "S"}, {"source": 41, "target": 10, "label": "C"}, {"source": 45, "target": 21, "label": "A"}, {"source": 39, "target": 6, "label": "R"}, {"source": 43, "target": 45, "label": "A"}, {"source": 35, "target": 0, "label": "A"}, {"source": 36, "target": 42, "label": "H"}, {"source": 41, "target": 9, "label": "U"}, {"source": 35, "target": 1, "label": "P"}, {"source": 38, "target": 5, "label": "P"}, {"source": 40, "target": 7, "label": "D"}, {"source": 40, "target": 11, "label": "F"}, {"source": 47, "target": 27, "label": "R"}, {"source": 43, "target": 17, "label": "P"}, {"source": 50, "target": 33, "label": "C"}, {"source": 45, "target": 20, "label": "F"}, {"source": 49, "target": 30, "label": "E"}, {"source": 49, "target": 50, "label": "E"}, {"source": 37, "target": 2, "label": "E"}, {"source": 36, "target": 13, "label": "U"}, {"source": 36, "target": 35, "label": "H"}, {"source": 37, "target": 3, "label": "C"}, {"source": 43, "target": 16, "label": "F"}, {"source": 39, "target": 40, "label": "C"}, {"source": 35, "target": 38, "label": "A"}, {"source": 41, "target": 8, "label": "E"}, {"source": 48, "target": 29, "label": "P"}, {"source": 46, "target": 26, "label": "C"}]} +{"id": "034501-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I ended up buying a birthday card and would probably come back for more.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}, {"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 17, "target": 3, "label": "P"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 18, "target": 4, "label": "E"}, {"source": 15, "target": 7, "label": "L"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "034501-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "printing, printing, copies, printing, copies, printing,", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 1, "label": "U"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 5, "label": "U"}, {"source": 13, "target": 11, "label": "U"}, {"source": 12, "target": 2, "label": "C"}, {"source": 12, "target": 0, "label": "P"}, {"source": 12, "target": 10, "label": "C"}, {"source": 12, "target": 3, "label": "U"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "034813-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Baffled by the one-star reviews", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 4, "label": "U"}, {"source": 9, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "034813-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't get it.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "034813-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is awesome, with a great ambiance and cool décor, and the food is scrumptious (and especially their signature banana split).", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 135}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 28, "target": 2, "label": "F"}, {"source": 37, "target": 23, "label": "E"}, {"source": 29, "target": 4, "label": "U"}, {"source": 33, "target": 10, "label": "E"}, {"source": 31, "target": 9, "label": "N"}, {"source": 37, "target": 21, "label": "E"}, {"source": 34, "target": 15, "label": "C"}, {"source": 30, "target": 8, "label": "C"}, {"source": 36, "target": 17, "label": "C"}, {"source": 29, "target": 5, "label": "L"}, {"source": 31, "target": 30, "label": "C"}, {"source": 33, "target": 11, "label": "C"}, {"source": 30, "target": 6, "label": "E"}, {"source": 31, "target": 33, "label": "C"}, {"source": 36, "target": 18, "label": "U"}, {"source": 37, "target": 25, "label": "U"}, {"source": 37, "target": 20, "label": "E"}, {"source": 32, "target": 31, "label": "A"}, {"source": 34, "target": 14, "label": "E"}, {"source": 29, "target": 13, "label": "L"}, {"source": 30, "target": 7, "label": "E"}, {"source": 32, "target": 12, "label": "U"}, {"source": 35, "target": 34, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 32, "label": "H"}, {"source": 27, "target": 1, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 36, "target": 19, "label": "N"}, {"source": 28, "target": 27, "label": "A"}, {"source": 37, "target": 26, "label": "U"}, {"source": 37, "target": 22, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 37, "label": "C"}, {"source": 27, "target": 0, "label": "E"}, {"source": 28, "target": 3, "label": "S"}, {"source": 32, "target": 35, "label": "A"}, {"source": 35, "target": 16, "label": "S"}]} +{"id": "034813-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sure, some items are a little pricey, but c'mon... have you ever been out to eat in Seattle before?", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 98}]}, {"id": 23, "anchors": [{"from": 98, "to": 99}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 0, "label": "L"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 15, "label": "D"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 25, "target": 3, "label": "C"}, {"source": 31, "target": 20, "label": "R"}, {"source": 29, "target": 18, "label": "F"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 5, "label": "E"}, {"source": 29, "target": 13, "label": "F"}, {"source": 24, "target": 1, "label": "U"}, {"source": 27, "target": 6, "label": "E"}, {"source": 24, "target": 28, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 10, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 7, "label": "C"}, {"source": 29, "target": 16, "label": "D"}, {"source": 29, "target": 22, "label": "D"}, {"source": 29, "target": 23, "label": "U"}, {"source": 30, "target": 17, "label": "E"}, {"source": 24, "target": 8, "label": "U"}, {"source": 24, "target": 9, "label": "L"}, {"source": 29, "target": 14, "label": "A"}, {"source": 29, "target": 30, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 11, "label": "R"}, {"source": 29, "target": 12, "label": "U"}]} +{"id": "034858-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you for fixing the leak on my bathroom!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "P"}]} +{"id": "034858-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "034995-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food is often expired so check the dates every time!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "034995-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also more often than not you end up with a healthy dose of nasty rude attitude from the employees!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 1, "label": "E"}, {"source": 22, "target": 6, "label": "P"}, {"source": 23, "target": 25, "label": "E"}, {"source": 23, "target": 7, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 10, "label": "C"}, {"source": 23, "target": 13, "label": "E"}, {"source": 22, "target": 5, "label": "A"}, {"source": 24, "target": 9, "label": "E"}, {"source": 19, "target": 0, "label": "L"}, {"source": 20, "target": 2, "label": "C"}, {"source": 21, "target": 20, "label": "D"}, {"source": 22, "target": 3, "label": "F"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 14, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 11, "label": "R"}, {"source": 21, "target": 22, "label": "S"}, {"source": 19, "target": 21, "label": "H"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 8, "label": "E"}, {"source": 23, "target": 12, "label": "E"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "E"}]} +{"id": "035726-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The BEST", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "E"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "035726-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Aster and her team have been a strong advocate in the health of both my daughters.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 6, "label": "S"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 10, "label": "R"}, {"source": 25, "target": 15, "label": "E"}, {"source": 19, "target": 18, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 2, "label": "N"}, {"source": 24, "target": 25, "label": "E"}, {"source": 19, "target": 22, "label": "C"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 19, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 3, "label": "E"}, {"source": 23, "target": 7, "label": "E"}, {"source": 25, "target": 17, "label": "U"}, {"source": 22, "target": 4, "label": "C"}]} +{"id": "035726-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Aster is very kind an gentle with the children, but also positive and to the point with the parents.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 24, "label": "A"}, {"source": 26, "target": 27, "label": "S"}, {"source": 29, "target": 19, "label": "C"}, {"source": 21, "target": 23, "label": "D"}, {"source": 25, "target": 8, "label": "C"}, {"source": 22, "target": 10, "label": "L"}, {"source": 28, "target": 15, "label": "E"}, {"source": 26, "target": 11, "label": "D"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 1, "label": "S"}, {"source": 29, "target": 18, "label": "E"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 9, "label": "U"}, {"source": 27, "target": 28, "label": "C"}, {"source": 28, "target": 14, "label": "R"}, {"source": 27, "target": 13, "label": "N"}, {"source": 27, "target": 12, "label": "C"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 25, "target": 7, "label": "E"}, {"source": 23, "target": 2, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 5, "label": "C"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "035726-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is and excellent doctor to have on one's team.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "N"}, {"source": 16, "target": 6, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 16, "label": "H"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 12, "target": 14, "label": "S"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 3, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 13, "target": 5, "label": "L"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "035726-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even though I live pretty far from her office I still make the trip so my daughters will have the BEST!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 9, "label": "D"}, {"source": 26, "target": 15, "label": "C"}, {"source": 21, "target": 13, "label": "L"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 28, "target": 19, "label": "C"}, {"source": 23, "target": 6, "label": "E"}, {"source": 28, "target": 18, "label": "E"}, {"source": 27, "target": 16, "label": "F"}, {"source": 23, "target": 5, "label": "R"}, {"source": 22, "target": 2, "label": "P"}, {"source": 24, "target": 10, "label": "P"}, {"source": 21, "target": 24, "label": "H"}, {"source": 21, "target": 27, "label": "H"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 3, "label": "E"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 27, "target": 26, "label": "A"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 24, "target": 8, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 23, "target": 7, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "D"}]} +{"id": "035899-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly Recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "035899-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We walked in to pick our little man at 10 minutes to closing and heard laughter from kids and the staff.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 31, "target": 16, "label": "R"}, {"source": 27, "target": 8, "label": "R"}, {"source": 32, "target": 17, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 14, "label": "P"}, {"source": 32, "target": 33, "label": "C"}, {"source": 25, "target": 27, "label": "D"}, {"source": 26, "target": 6, "label": "E"}, {"source": 25, "target": 3, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 9, "label": "E"}, {"source": 28, "target": 12, "label": "P"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "C"}, {"source": 33, "target": 20, "label": "C"}, {"source": 24, "target": 1, "label": "C"}, {"source": 22, "target": 24, "label": "P"}, {"source": 32, "target": 18, "label": "N"}, {"source": 26, "target": 7, "label": "C"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 33, "target": 21, "label": "U"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 13, "label": "L"}, {"source": 26, "target": 5, "label": "E"}, {"source": 22, "target": 25, "label": "A"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 19, "label": "E"}, {"source": 23, "target": 29, "label": "H"}, {"source": 24, "target": 2, "label": "E"}, {"source": 23, "target": 11, "label": "L"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 15, "label": "P"}, {"source": 25, "target": 4, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "035899-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The facilities are more than adequate and the staff are just phenomenal.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 10, "label": "D"}, {"source": 19, "target": 7, "label": "E"}, {"source": 15, "target": 9, "label": "F"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 4, "label": "R"}, {"source": 15, "target": 12, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 15, "target": 13, "label": "A"}, {"source": 18, "target": 6, "label": "N"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "S"}, {"source": 15, "target": 11, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "035899-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their sense of humour and calmness when dealing with the little ones amazes me every time I walk in.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 9, "label": "E"}, {"source": 20, "target": 1, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 23, "target": 2, "label": "R"}, {"source": 24, "target": 3, "label": "C"}, {"source": 26, "target": 16, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 22, "target": 6, "label": "L"}, {"source": 29, "target": 19, "label": "U"}, {"source": 24, "target": 4, "label": "N"}, {"source": 21, "target": 25, "label": "A"}, {"source": 26, "target": 27, "label": "D"}, {"source": 20, "target": 23, "label": "E"}, {"source": 23, "target": 24, "label": "C"}, {"source": 28, "target": 18, "label": "R"}, {"source": 25, "target": 8, "label": "R"}, {"source": 26, "target": 11, "label": "A"}, {"source": 21, "target": 20, "label": "A"}, {"source": 26, "target": 29, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 26, "target": 12, "label": "P"}, {"source": 29, "target": 28, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 13, "label": "A"}, {"source": 27, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "P"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "035899-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have since moved slightly further away from the centre but it's worth the extra travel, as the care provided exceeds our expectations... especially after a few horrendous daycare experiences elsewhere.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 136}]}, {"id": 25, "anchors": [{"from": 136, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 150}]}, {"id": 27, "anchors": [{"from": 151, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 158}]}, {"id": 29, "anchors": [{"from": 159, "to": 162}]}, {"id": 30, "anchors": [{"from": 163, "to": 173}]}, {"id": 31, "anchors": [{"from": 174, "to": 181}]}, {"id": 32, "anchors": [{"from": 182, "to": 193}]}, {"id": 33, "anchors": [{"from": 194, "to": 203}]}, {"id": 34, "anchors": [{"from": 203, "to": 204}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 35, "target": 1, "label": "F"}, {"source": 38, "target": 9, "label": "C"}, {"source": 39, "target": 12, "label": "F"}, {"source": 46, "target": 31, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 19, "label": "E"}, {"source": 36, "target": 10, "label": "L"}, {"source": 47, "target": 34, "label": "U"}, {"source": 40, "target": 17, "label": "U"}, {"source": 41, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "E"}, {"source": 39, "target": 43, "label": "A"}, {"source": 37, "target": 5, "label": "C"}, {"source": 47, "target": 32, "label": "P"}, {"source": 45, "target": 44, "label": "R"}, {"source": 40, "target": 18, "label": "R"}, {"source": 35, "target": 37, "label": "A"}, {"source": 35, "target": 3, "label": "P"}, {"source": 40, "target": 16, "label": "C"}, {"source": 43, "target": 23, "label": "E"}, {"source": 43, "target": 24, "label": "C"}, {"source": 39, "target": 11, "label": "A"}, {"source": 46, "target": 28, "label": "E"}, {"source": 36, "target": 39, "label": "H"}, {"source": 42, "target": 20, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 14, "label": "E"}, {"source": 44, "target": 26, "label": "C"}, {"source": 47, "target": 46, "label": "A"}, {"source": 46, "target": 30, "label": "E"}, {"source": 35, "target": 4, "label": "D"}, {"source": 43, "target": 45, "label": "A"}, {"source": 35, "target": 0, "label": "A"}, {"source": 39, "target": 22, "label": "D"}, {"source": 46, "target": 29, "label": "E"}, {"source": 39, "target": 13, "label": "S"}, {"source": 45, "target": 47, "label": "C"}, {"source": 38, "target": 7, "label": "R"}, {"source": 43, "target": 25, "label": "U"}, {"source": 38, "target": 8, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 39, "target": 21, "label": "D"}, {"source": 35, "target": 38, "label": "A"}, {"source": 35, "target": 2, "label": "D"}, {"source": 44, "target": 27, "label": "R"}, {"source": 47, "target": 33, "label": "D"}, {"source": 37, "target": 6, "label": "E"}, {"source": 40, "target": 15, "label": "E"}]} +{"id": "035932-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Simple, Quick take away.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 6, "target": 2, "label": "A"}, {"source": 5, "target": 0, "label": "G"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "035993-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have fresh flowers, lasted a long while in the vase, and the two ladies at the shop know the business well.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 111, "to": 112}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 33, "target": 16, "label": "C"}, {"source": 26, "target": 31, "label": "H"}, {"source": 34, "target": 20, "label": "P"}, {"source": 34, "target": 36, "label": "A"}, {"source": 33, "target": 15, "label": "E"}, {"source": 31, "target": 34, "label": "A"}, {"source": 35, "target": 17, "label": "R"}, {"source": 30, "target": 11, "label": "C"}, {"source": 29, "target": 6, "label": "E"}, {"source": 33, "target": 14, "label": "E"}, {"source": 31, "target": 12, "label": "U"}, {"source": 28, "target": 5, "label": "S"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 19, "label": "C"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 4, "label": "U"}, {"source": 29, "target": 7, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 2, "label": "E"}, {"source": 36, "target": 21, "label": "E"}, {"source": 34, "target": 23, "label": "D"}, {"source": 31, "target": 30, "label": "A"}, {"source": 36, "target": 22, "label": "C"}, {"source": 26, "target": 8, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 34, "target": 32, "label": "A"}, {"source": 26, "target": 13, "label": "L"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 25, "target": 1, "label": "P"}, {"source": 26, "target": 28, "label": "H"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 35, "target": 18, "label": "E"}, {"source": 32, "target": 33, "label": "S"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "035993-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had no problem with my delivery.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "035993-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will go there again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "036133-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bit sketchy, sporadic delivery times", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "036133-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I bought about half of the furniture I own from this place.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 17, "label": "E"}, {"source": 17, "target": 8, "label": "P"}, {"source": 15, "target": 2, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "E"}]} +{"id": "036133-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Why?", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "036133-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Because they cut me good deals if I paid in cash.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "P"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 7, "label": "A"}, {"source": 16, "target": 9, "label": "R"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 6, "label": "L"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "036133-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sketchy, right?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 2, "label": "S"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "036133-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well they came through and delivered almost all of my items within a few days.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 22, "label": "D"}, {"source": 18, "target": 2, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 0, "label": "L"}, {"source": 20, "target": 8, "label": "R"}, {"source": 22, "target": 11, "label": "R"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 21, "target": 20, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 4, "label": "L"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 1, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 19, "label": "H"}]} +{"id": "036133-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(They even got me a couch pretty quickly.)", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "U"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 4, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "036133-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The guy who was cutting me the deals and getting me the furniture quickly, Ahmed, was nice and mostly professional, except the semi-sketchiness.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 143}]}, {"id": 26, "anchors": [{"from": 143, "to": 144}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 23, "label": "R"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 2, "label": "F"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 19, "label": "N"}, {"source": 34, "target": 18, "label": "C"}, {"source": 34, "target": 20, "label": "D"}, {"source": 32, "target": 9, "label": "P"}, {"source": 31, "target": 7, "label": "C"}, {"source": 29, "target": 27, "label": "A"}, {"source": 29, "target": 16, "label": "U"}, {"source": 29, "target": 17, "label": "F"}, {"source": 29, "target": 22, "label": "U"}, {"source": 32, "target": 13, "label": "D"}, {"source": 29, "target": 35, "label": "A"}, {"source": 27, "target": 30, "label": "E"}, {"source": 29, "target": 34, "label": "S"}, {"source": 32, "target": 10, "label": "A"}, {"source": 29, "target": 14, "label": "U"}, {"source": 35, "target": 26, "label": "U"}, {"source": 27, "target": 1, "label": "C"}, {"source": 31, "target": 6, "label": "E"}, {"source": 29, "target": 15, "label": "A"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 35, "target": 25, "label": "C"}, {"source": 30, "target": 5, "label": "A"}, {"source": 35, "target": 24, "label": "E"}, {"source": 30, "target": 4, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 34, "target": 21, "label": "C"}, {"source": 30, "target": 3, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 0, "label": "E"}, {"source": 33, "target": 11, "label": "E"}, {"source": 33, "target": 12, "label": "C"}, {"source": 28, "target": 8, "label": "L"}]} +{"id": "036133-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then one day, Ahmed left the country, not to return for months, WITHOUT informing me.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "P"}, {"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 8, "label": "U"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "A"}, {"source": 20, "target": 3, "label": "U"}, {"source": 23, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "P"}, {"source": 19, "target": 0, "label": "R"}, {"source": 21, "target": 15, "label": "L"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 17, "label": "A"}, {"source": 23, "target": 9, "label": "D"}, {"source": 20, "target": 19, "label": "D"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "D"}, {"source": 22, "target": 6, "label": "E"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "036133-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He also neglected to tell the other person working at the store about a dining room table that I had ordered and that was supposed to be coming in.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 146}]}, {"id": 29, "anchors": [{"from": 146, "to": 147}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 38, "target": 22, "label": "F"}, {"source": 38, "target": 24, "label": "D"}, {"source": 37, "target": 19, "label": "F"}, {"source": 38, "target": 27, "label": "P"}, {"source": 34, "target": 36, "label": "A"}, {"source": 38, "target": 26, "label": "F"}, {"source": 34, "target": 8, "label": "P"}, {"source": 31, "target": 37, "label": "H"}, {"source": 36, "target": 14, "label": "E"}, {"source": 30, "target": 2, "label": "D"}, {"source": 37, "target": 18, "label": "A"}, {"source": 32, "target": 4, "label": "P"}, {"source": 33, "target": 7, "label": "C"}, {"source": 38, "target": 25, "label": "F"}, {"source": 38, "target": 28, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 38, "target": 29, "label": "U"}, {"source": 37, "target": 17, "label": "R"}, {"source": 35, "target": 9, "label": "R"}, {"source": 36, "target": 15, "label": "C"}, {"source": 35, "target": 11, "label": "C"}, {"source": 30, "target": 1, "label": "D"}, {"source": 32, "target": 3, "label": "F"}, {"source": 36, "target": 12, "label": "R"}, {"source": 35, "target": 10, "label": "E"}, {"source": 36, "target": 16, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 31, "target": 21, "label": "L"}, {"source": 37, "target": 20, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 33, "target": 5, "label": "E"}, {"source": 38, "target": 23, "label": "F"}, {"source": 33, "target": 6, "label": "E"}, {"source": 31, "target": 38, "label": "H"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 30, "label": "H"}]} +{"id": "036133-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The other person working at the store didn't know that I still had this table coming.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 22, "label": "D"}, {"source": 18, "target": 2, "label": "C"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 11, "label": "A"}, {"source": 20, "target": 8, "label": "D"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 5, "label": "E"}, {"source": 18, "target": 1, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 4, "label": "R"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 12, "label": "D"}, {"source": 20, "target": 18, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 7, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}]} +{"id": "036133-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had paid in cash, and he said he had no receipt/record of my purchase.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 49}, {"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 49, "to": 50}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 25, "target": 16, "label": "P"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 6, "label": "L"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 13, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 25, "target": 15, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 22, "target": 10, "label": "P"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 3, "label": "R"}, {"source": 19, "target": 5, "label": "U"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 11, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 22, "target": 9, "label": "A"}, {"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "036133-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came back with the receipt Ahmed had provided upon my purchase, and the guy took forever to copy it but said that he would take care of the situation.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 141}]}, {"id": 29, "anchors": [{"from": 142, "to": 151}]}, {"id": 30, "anchors": [{"from": 151, "to": 152}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 44, "target": 28, "label": "E"}, {"source": 31, "target": 1, "label": "P"}, {"source": 37, "target": 16, "label": "P"}, {"source": 34, "target": 4, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 43, "target": 26, "label": "C"}, {"source": 33, "target": 7, "label": "F"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 44, "target": 30, "label": "U"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 3, "label": "R"}, {"source": 31, "target": 2, "label": "D"}, {"source": 35, "target": 11, "label": "P"}, {"source": 36, "target": 14, "label": "E"}, {"source": 39, "target": 18, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 40, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 9, "label": "L"}, {"source": 38, "target": 39, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 42, "target": 25, "label": "C"}, {"source": 43, "target": 44, "label": "E"}, {"source": 36, "target": 15, "label": "C"}, {"source": 33, "target": 8, "label": "P"}, {"source": 37, "target": 36, "label": "A"}, {"source": 32, "target": 37, "label": "H"}, {"source": 44, "target": 29, "label": "C"}, {"source": 32, "target": 12, "label": "U"}, {"source": 32, "target": 40, "label": "H"}, {"source": 38, "target": 17, "label": "R"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 20, "label": "L"}, {"source": 32, "target": 13, "label": "L"}, {"source": 34, "target": 6, "label": "E"}, {"source": 41, "target": 43, "label": "A"}, {"source": 35, "target": 10, "label": "A"}, {"source": 41, "target": 22, "label": "F"}, {"source": 41, "target": 23, "label": "A"}, {"source": 34, "target": 5, "label": "C"}, {"source": 40, "target": 21, "label": "P"}, {"source": 42, "target": 24, "label": "F"}, {"source": 39, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 19, "label": "A"}, {"source": 44, "target": 27, "label": "R"}, {"source": 41, "target": 42, "label": "P"}]} +{"id": "036133-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I waited.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "036133-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And waited.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "L"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "036133-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He never once contacted us.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 8, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "036133-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've had to pester this new guy several times to ask when my table will arrive.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "A"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 17, "target": 19, "label": "P"}, {"source": 20, "target": 4, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 24, "target": 15, "label": "P"}, {"source": 22, "target": 10, "label": "P"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 11, "label": "L"}, {"source": 18, "target": 9, "label": "L"}, {"source": 23, "target": 12, "label": "E"}, {"source": 17, "target": 21, "label": "D"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "036133-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He kept saying different arrival/delivery dates and didn't seem terribly apologetic.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 9, "label": "F"}, {"source": 18, "target": 4, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 19, "target": 12, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 19, "target": 10, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 5, "label": "U"}, {"source": 15, "target": 1, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 13, "label": "A"}]} +{"id": "036133-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It has been 3 weeks and I STILL don't have my table (which was NOT cheap, I might add).", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 75}]}, {"id": 20, "anchors": [{"from": 76, "to": 81}]}, {"id": 21, "anchors": [{"from": 82, "to": 85}]}, {"id": 22, "anchors": [{"from": 85, "to": 86}]}, {"id": 23, "anchors": [{"from": 86, "to": 87}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 19, "label": "A"}, {"source": 25, "target": 5, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 15, "label": "F"}, {"source": 30, "target": 20, "label": "D"}, {"source": 27, "target": 10, "label": "S"}, {"source": 24, "target": 2, "label": "F"}, {"source": 30, "target": 21, "label": "P"}, {"source": 29, "target": 14, "label": "F"}, {"source": 25, "target": 27, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 11, "label": "E"}, {"source": 27, "target": 9, "label": "D"}, {"source": 24, "target": 0, "label": "A"}, {"source": 27, "target": 8, "label": "D"}, {"source": 24, "target": 26, "label": "S"}, {"source": 26, "target": 4, "label": "C"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "D"}, {"source": 30, "target": 23, "label": "U"}, {"source": 29, "target": 17, "label": "S"}, {"source": 25, "target": 30, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 28, "target": 12, "label": "C"}, {"source": 27, "target": 7, "label": "D"}, {"source": 28, "target": 13, "label": "U"}, {"source": 27, "target": 6, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "036753-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "sheisters", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "036753-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i made the mistake of buying from these thieves.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 4, "label": "F"}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 11, "label": "P"}]} +{"id": "036753-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I paid 2k cash for a truck with a blown motor.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "anchors": [{"from": 45, "to": 46}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "R"}]} +{"id": "036753-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their so called mechanic said the engine was good and \"There is nothing mechanicly wrong with this truck\".", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 104}]}, {"id": 19, "anchors": [{"from": 104, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 15, "label": "P"}, {"source": 25, "target": 8, "label": "S"}, {"source": 26, "target": 11, "label": "F"}, {"source": 25, "target": 7, "label": "F"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 17, "label": "E"}, {"source": 22, "target": 10, "label": "U"}, {"source": 22, "target": 1, "label": "L"}, {"source": 24, "target": 5, "label": "E"}, {"source": 28, "target": 18, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 12, "label": "S"}, {"source": 27, "target": 13, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 9, "label": "L"}, {"source": 27, "target": 14, "label": "D"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 3, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 23, "target": 4, "label": "P"}]} +{"id": "036753-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well I think a blown engine falls under the catagory of mechanics right?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}, {"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "C"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 17, "label": "E"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "036753-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anyway they jimmy rigged it so i could drive it home.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 12, "target": 2, "label": "E"}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 1, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "D"}, {"source": 13, "target": 4, "label": "A"}, {"source": 15, "target": 8, "label": "P"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "036753-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The next day i took it to 2 auto shops and they both told me the same thing,engine is junk.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 75}]}, {"id": 18, "anchors": [{"from": 75, "to": 76}]}, {"id": 19, "anchors": [{"from": 76, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 90, "to": 91}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 24, "target": 13, "label": "P"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 24, "target": 5, "label": "A"}, {"source": 24, "target": 14, "label": "A"}, {"source": 31, "target": 19, "label": "A"}, {"source": 28, "target": 10, "label": "N"}, {"source": 23, "target": 1, "label": "E"}, {"source": 30, "target": 17, "label": "C"}, {"source": 31, "target": 21, "label": "S"}, {"source": 30, "target": 16, "label": "E"}, {"source": 24, "target": 4, "label": "D"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 27, "label": "C"}, {"source": 25, "target": 31, "label": "H"}, {"source": 24, "target": 30, "label": "A"}, {"source": 29, "target": 12, "label": "E"}, {"source": 23, "target": 0, "label": "E"}, {"source": 26, "target": 28, "label": "C"}, {"source": 24, "target": 23, "label": "D"}, {"source": 29, "target": 11, "label": "C"}, {"source": 23, "target": 2, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 3, "label": "A"}, {"source": 26, "target": 6, "label": "R"}, {"source": 31, "target": 20, "label": "F"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 29, "label": "C"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "036753-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called and got the same runaround on hold and noone calls you back.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}, {"from": 60, "to": 63}, {"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "P"}, {"source": 18, "target": 9, "label": "N"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 2, "label": "N"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 19, "label": "A"}, {"source": 17, "target": 18, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "036753-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "From a moral standpoint,you guys are really gonna take 2,000 bucks from someone that needs that truck to work and support his family when you know its just a piece of scrap metal?", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 149}]}, {"id": 30, "anchors": [{"from": 149, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 155}]}, {"id": 32, "anchors": [{"from": 156, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 163}]}, {"id": 34, "anchors": [{"from": 164, "to": 166}]}, {"id": 35, "anchors": [{"from": 167, "to": 172}]}, {"id": 36, "anchors": [{"from": 173, "to": 178}]}, {"id": 37, "anchors": [{"from": 178, "to": 179}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 45, "target": 47, "label": "A"}, {"source": 40, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 37, "label": "U"}, {"source": 49, "target": 24, "label": "E"}, {"source": 43, "target": 13, "label": "C"}, {"source": 51, "target": 52, "label": "A"}, {"source": 43, "target": 12, "label": "E"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 20, "label": "F"}, {"source": 41, "target": 9, "label": "P"}, {"source": 41, "target": 5, "label": "A"}, {"source": 39, "target": 2, "label": "E"}, {"source": 44, "target": 14, "label": "R"}, {"source": 45, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 44, "label": "A"}, {"source": 41, "target": 6, "label": "A"}, {"source": 42, "target": 11, "label": "P"}, {"source": 47, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 0, "label": "L"}, {"source": 38, "target": 40, "label": "H"}, {"source": 42, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 23, "label": "C"}, {"source": 39, "target": 3, "label": "C"}, {"source": 52, "target": 36, "label": "C"}, {"source": 51, "target": 29, "label": "A"}, {"source": 53, "target": 32, "label": "E"}, {"source": 38, "target": 42, "label": "H"}, {"source": 47, "target": 48, "label": "P"}, {"source": 38, "target": 41, "label": "H"}, {"source": 48, "target": 21, "label": "C"}, {"source": 52, "target": 35, "label": "E"}, {"source": 39, "target": 1, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 41, "target": 7, "label": "F"}, {"source": 45, "target": 17, "label": "P"}, {"source": 52, "target": 31, "label": "E"}, {"source": 45, "target": 16, "label": "F"}, {"source": 52, "target": 53, "label": "E"}, {"source": 53, "target": 33, "label": "C"}, {"source": 50, "target": 28, "label": "P"}, {"source": 49, "target": 25, "label": "C"}, {"source": 41, "target": 8, "label": "D"}, {"source": 50, "target": 27, "label": "A"}, {"source": 38, "target": 50, "label": "H"}, {"source": 40, "target": 4, "label": "U"}, {"source": 51, "target": 30, "label": "P"}, {"source": 42, "target": 43, "label": "A"}, {"source": 50, "target": 51, "label": "A"}, {"source": 44, "target": 15, "label": "C"}, {"source": 38, "target": 26, "label": "L"}, {"source": 46, "target": 18, "label": "E"}, {"source": 47, "target": 49, "label": "A"}, {"source": 40, "target": 39, "label": "S"}, {"source": 48, "target": 22, "label": "N"}, {"source": 41, "target": 10, "label": "D"}, {"source": 46, "target": 19, "label": "C"}, {"source": 53, "target": 34, "label": "R"}]} +{"id": "036753-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If it lasted 1 month i could suck it up but 1 day?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}, {"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}, {"from": 34, "to": 36}, {"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 3, "label": "D"}, {"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 5, "label": "D"}, {"source": 11, "target": 0, "label": "L"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "036753-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Grimy work you guys do.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}, {"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "036753-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Buy your kids somethin nice with my 2k bucks.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 4, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 3, "label": "D"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "037179-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "spot on", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "R"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}]} +{"id": "037179-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "this kebab shop is one of the best around the meat is good and fresh and the chilly sauce is the best, keep them lovely kebabs coming and a happy new year to all the staff", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 157}]}, {"id": 34, "anchors": [{"from": 158, "to": 161}]}, {"id": 35, "anchors": [{"from": 162, "to": 165}]}, {"id": 36, "anchors": [{"from": 166, "to": 171}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 38, "target": 41, "label": "A"}, {"source": 51, "target": 29, "label": "E"}, {"source": 38, "target": 43, "label": "A"}, {"source": 42, "target": 10, "label": "C"}, {"source": 45, "target": 17, "label": "E"}, {"source": 50, "target": 27, "label": "C"}, {"source": 46, "target": 21, "label": "C"}, {"source": 41, "target": 40, "label": "E"}, {"source": 44, "target": 12, "label": "C"}, {"source": 44, "target": 45, "label": "C"}, {"source": 41, "target": 6, "label": "E"}, {"source": 48, "target": 25, "label": "E"}, {"source": 50, "target": 51, "label": "C"}, {"source": 45, "target": 18, "label": "C"}, {"source": 51, "target": 30, "label": "E"}, {"source": 51, "target": 31, "label": "E"}, {"source": 52, "target": 33, "label": "R"}, {"source": 37, "target": 1, "label": "E"}, {"source": 45, "target": 16, "label": "E"}, {"source": 46, "target": 20, "label": "E"}, {"source": 49, "target": 50, "label": "P"}, {"source": 43, "target": 13, "label": "N"}, {"source": 43, "target": 14, "label": "C"}, {"source": 42, "target": 9, "label": "E"}, {"source": 50, "target": 28, "label": "N"}, {"source": 37, "target": 0, "label": "E"}, {"source": 48, "target": 26, "label": "C"}, {"source": 40, "target": 5, "label": "R"}, {"source": 52, "target": 36, "label": "C"}, {"source": 39, "target": 47, "label": "H"}, {"source": 47, "target": 46, "label": "A"}, {"source": 44, "target": 15, "label": "N"}, {"source": 49, "target": 48, "label": "C"}, {"source": 47, "target": 52, "label": "A"}, {"source": 52, "target": 35, "label": "E"}, {"source": 52, "target": 34, "label": "E"}, {"source": 38, "target": 3, "label": "S"}, {"source": 47, "target": 23, "label": "P"}, {"source": 38, "target": 11, "label": "F"}, {"source": 40, "target": 4, "label": "C"}, {"source": 39, "target": 38, "label": "H"}, {"source": 51, "target": 32, "label": "C"}, {"source": 41, "target": 7, "label": "C"}, {"source": 39, "target": 19, "label": "F"}, {"source": 47, "target": 22, "label": "U"}, {"source": 47, "target": 49, "label": "A"}, {"source": 43, "target": 44, "label": "C"}, {"source": 42, "target": 8, "label": "R"}, {"source": 47, "target": 24, "label": "A"}, {"source": 41, "target": 42, "label": "E"}, {"source": 38, "target": 37, "label": "A"}, {"source": 37, "target": 2, "label": "C"}]} +{"id": "037794-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We came at around 730 and they close at 8 and wanted to try the specials but they were out for the day so I would say go way before they close.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 136}]}, {"id": 30, "anchors": [{"from": 137, "to": 142}]}, {"id": 31, "anchors": [{"from": 142, "to": 143}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 40, "target": 15, "label": "C"}, {"source": 41, "target": 18, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 35, "target": 6, "label": "A"}, {"source": 33, "target": 5, "label": "L"}, {"source": 41, "target": 42, "label": "D"}, {"source": 44, "target": 25, "label": "C"}, {"source": 45, "target": 27, "label": "C"}, {"source": 44, "target": 24, "label": "F"}, {"source": 33, "target": 16, "label": "L"}, {"source": 37, "target": 8, "label": "R"}, {"source": 42, "target": 21, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 36, "label": "H"}, {"source": 43, "target": 44, "label": "P"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 26, "label": "F"}, {"source": 38, "target": 12, "label": "F"}, {"source": 33, "target": 22, "label": "L"}, {"source": 41, "target": 17, "label": "A"}, {"source": 33, "target": 43, "label": "H"}, {"source": 42, "target": 20, "label": "E"}, {"source": 40, "target": 14, "label": "E"}, {"source": 36, "target": 37, "label": "D"}, {"source": 46, "target": 29, "label": "A"}, {"source": 33, "target": 10, "label": "L"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 45, "label": "A"}, {"source": 33, "target": 38, "label": "H"}, {"source": 45, "target": 28, "label": "R"}, {"source": 46, "target": 31, "label": "U"}, {"source": 34, "target": 3, "label": "E"}, {"source": 38, "target": 11, "label": "P"}, {"source": 46, "target": 30, "label": "S"}, {"source": 37, "target": 9, "label": "C"}, {"source": 35, "target": 7, "label": "P"}, {"source": 36, "target": 35, "label": "A"}, {"source": 32, "target": 1, "label": "P"}, {"source": 32, "target": 0, "label": "A"}, {"source": 39, "target": 13, "label": "P"}, {"source": 42, "target": 19, "label": "R"}, {"source": 34, "target": 2, "label": "R"}, {"source": 43, "target": 23, "label": "A"}, {"source": 45, "target": 46, "label": "C"}, {"source": 34, "target": 4, "label": "C"}]} +{"id": "037794-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Got the crab rangoon which was great, tofu with cabbage which was spicy but good and shrimp satay which was also good.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 117, "to": 118}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 33, "target": 34, "label": "C"}, {"source": 31, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 5, "label": "S"}, {"source": 32, "target": 13, "label": "C"}, {"source": 28, "target": 6, "label": "C"}, {"source": 34, "target": 17, "label": "E"}, {"source": 24, "target": 25, "label": "H"}, {"source": 28, "target": 7, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 8, "label": "S"}, {"source": 26, "target": 2, "label": "E"}, {"source": 32, "target": 33, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 34, "target": 18, "label": "C"}, {"source": 31, "target": 21, "label": "D"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 0, "label": "P"}, {"source": 30, "target": 10, "label": "C"}, {"source": 33, "target": 16, "label": "N"}, {"source": 31, "target": 23, "label": "U"}, {"source": 31, "target": 12, "label": "F"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 31, "target": 11, "label": "F"}, {"source": 31, "target": 22, "label": "S"}, {"source": 28, "target": 29, "label": "E"}, {"source": 26, "target": 3, "label": "C"}, {"source": 33, "target": 15, "label": "C"}, {"source": 26, "target": 1, "label": "E"}, {"source": 31, "target": 20, "label": "F"}, {"source": 32, "target": 14, "label": "N"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 31, "target": 19, "label": "F"}]} +{"id": "037794-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Def going to come back and try this place again.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 8, "label": "D"}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "L"}]} +{"id": "037794-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bea was really nice and asked how the food was.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 6, "label": "D"}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "S"}, {"source": 15, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 9, "label": "S"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "037794-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cute place also", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "038358-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "seriously, can you imagine having to live through these last few nights without heat?", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 21, "target": 13, "label": "R"}, {"source": 20, "target": 9, "label": "E"}, {"source": 19, "target": 7, "label": "P"}, {"source": 21, "target": 14, "label": "C"}, {"source": 19, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 8, "label": "R"}, {"source": 17, "target": 4, "label": "P"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 20, "label": "D"}, {"source": 20, "target": 21, "label": "E"}, {"source": 17, "target": 0, "label": "D"}, {"source": 19, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 2, "label": "D"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "038358-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would have had to because with the economy the way it is i aint haves much monies fo repairs round the House....", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 110}]}, {"id": 24, "anchors": [{"from": 110, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 35, "target": 21, "label": "C"}, {"source": 25, "target": 27, "label": "P"}, {"source": 36, "target": 24, "label": "U"}, {"source": 29, "target": 28, "label": "R"}, {"source": 32, "target": 14, "label": "P"}, {"source": 26, "target": 31, "label": "H"}, {"source": 36, "target": 23, "label": "C"}, {"source": 34, "target": 17, "label": "E"}, {"source": 31, "target": 12, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 35, "target": 20, "label": "E"}, {"source": 32, "target": 13, "label": "A"}, {"source": 34, "target": 18, "label": "C"}, {"source": 25, "target": 30, "label": "A"}, {"source": 30, "target": 10, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 36, "target": 22, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 29, "label": "A"}, {"source": 29, "target": 6, "label": "R"}, {"source": 29, "target": 8, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 11, "label": "A"}, {"source": 35, "target": 19, "label": "R"}, {"source": 28, "target": 4, "label": "C"}, {"source": 27, "target": 1, "label": "F"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 7, "label": "E"}, {"source": 27, "target": 3, "label": "C"}, {"source": 25, "target": 2, "label": "F"}, {"source": 32, "target": 15, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 16, "label": "F"}, {"source": 30, "target": 9, "label": "E"}]} +{"id": "038358-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Comfort zone came out and did my house heat on the cheap.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 4, "label": "L"}, {"source": 14, "target": 16, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 13, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 2, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 19, "target": 10, "label": "E"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "038358-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and it works!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "038358-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you Comfort Zone", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "A"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "P"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "038523-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "038523-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Attentive to the needs of customer.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "R"}, {"source": 7, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 7, "label": "L"}]} +{"id": "038523-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks again!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "S"}]} +{"id": "039173-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The waiting staff is really friendly, its like every one knows each other, the manager is really sweet and the food..well no complaints from me.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}, {"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 115, "to": 117}]}, {"id": 24, "anchors": [{"from": 117, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 143}]}, {"id": 29, "anchors": [{"from": 143, "to": 144}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 38, "target": 23, "label": "U"}, {"source": 34, "target": 9, "label": "R"}, {"source": 30, "target": 1, "label": "E"}, {"source": 34, "target": 13, "label": "D"}, {"source": 32, "target": 14, "label": "U"}, {"source": 33, "target": 7, "label": "F"}, {"source": 32, "target": 31, "label": "H"}, {"source": 39, "target": 40, "label": "A"}, {"source": 30, "target": 2, "label": "C"}, {"source": 40, "target": 27, "label": "R"}, {"source": 39, "target": 25, "label": "D"}, {"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 15, "label": "E"}, {"source": 39, "target": 24, "label": "D"}, {"source": 32, "target": 33, "label": "H"}, {"source": 31, "target": 4, "label": "D"}, {"source": 36, "target": 16, "label": "C"}, {"source": 32, "target": 39, "label": "H"}, {"source": 31, "target": 3, "label": "F"}, {"source": 32, "target": 6, "label": "U"}, {"source": 37, "target": 17, "label": "F"}, {"source": 33, "target": 8, "label": "P"}, {"source": 37, "target": 36, "label": "A"}, {"source": 35, "target": 11, "label": "C"}, {"source": 32, "target": 37, "label": "H"}, {"source": 40, "target": 29, "label": "U"}, {"source": 35, "target": 10, "label": "E"}, {"source": 31, "target": 30, "label": "A"}, {"source": 37, "target": 19, "label": "S"}, {"source": 32, "target": 20, "label": "L"}, {"source": 34, "target": 12, "label": "C"}, {"source": 39, "target": 38, "label": "A"}, {"source": 40, "target": 28, "label": "C"}, {"source": 39, "target": 26, "label": "P"}, {"source": 30, "target": 0, "label": "E"}, {"source": 37, "target": 18, "label": "D"}, {"source": 38, "target": 22, "label": "E"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 5, "label": "P"}, {"source": 38, "target": 21, "label": "E"}]} +{"id": "039173-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, its that good.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 19}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "039383-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Might try again", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "D"}]} +{"id": "039383-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pros: * Jill, the owner, is very nice and really cares about her feedback * Pretty nice atmosphere * Great Dessert * Not your typical veggie selection, I like!", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 6, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 106}, {"from": 107, "to": 114}, {"from": 115, "to": 116}, {"from": 117, "to": 120}, {"from": 121, "to": 125}]}, {"id": 21, "anchors": [{"from": 126, "to": 133}]}, {"id": 22, "anchors": [{"from": 134, "to": 140}]}, {"id": 23, "anchors": [{"from": 141, "to": 150}]}, {"id": 24, "anchors": [{"from": 150, "to": 151}]}, {"id": 25, "anchors": [{"from": 152, "to": 153}]}, {"id": 26, "anchors": [{"from": 154, "to": 158}]}, {"id": 27, "anchors": [{"from": 158, "to": 159}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 31, "target": 7, "label": "D"}, {"source": 39, "target": 24, "label": "U"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 36, "label": "E"}, {"source": 32, "target": 9, "label": "N"}, {"source": 33, "target": 34, "label": "A"}, {"source": 37, "target": 20, "label": "C"}, {"source": 39, "target": 26, "label": "E"}, {"source": 31, "target": 8, "label": "C"}, {"source": 39, "target": 25, "label": "C"}, {"source": 32, "target": 11, "label": "C"}, {"source": 32, "target": 31, "label": "C"}, {"source": 30, "target": 4, "label": "C"}, {"source": 30, "target": 3, "label": "E"}, {"source": 35, "target": 19, "label": "U"}, {"source": 28, "target": 30, "label": "A"}, {"source": 33, "target": 10, "label": "D"}, {"source": 28, "target": 0, "label": "A"}, {"source": 36, "target": 15, "label": "U"}, {"source": 29, "target": 33, "label": "H"}, {"source": 37, "target": 39, "label": "E"}, {"source": 34, "target": 37, "label": "E"}, {"source": 16, "target": 13, "label": "E"}, {"source": 29, "target": 28, "label": "H"}, {"source": 39, "target": 38, "label": "E"}, {"source": 28, "target": 1, "label": "U"}, {"source": 34, "target": 12, "label": "R"}, {"source": 16, "target": 35, "label": "E"}, {"source": 35, "target": 14, "label": "E"}, {"source": 36, "target": 18, "label": "C"}, {"source": 38, "target": 23, "label": "C"}, {"source": 28, "target": 2, "label": "U"}, {"source": 29, "target": 6, "label": "L"}, {"source": 33, "target": 32, "label": "S"}, {"source": 39, "target": 27, "label": "U"}, {"source": 29, "target": 5, "label": "U"}, {"source": 38, "target": 22, "label": "E"}, {"source": 34, "target": 16, "label": "E"}, {"source": 38, "target": 21, "label": "E"}, {"source": 36, "target": 17, "label": "E"}]} +{"id": "039383-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't know where else you can find Purple Hull Peas and some of the other sides.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 46}, {"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 9, "label": "N"}, {"source": 18, "target": 5, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 4, "label": "A"}, {"source": 17, "target": 1, "label": "D"}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "D"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 21, "label": "C"}]} +{"id": "039383-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cons: * Server wasn't very pleasant * Pretty small portion on the blackened catfish * Overcooked food * Time, took about 25 minutes from ordering to eating.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 6, "to": 7}, {"from": 8, "to": 14}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 108}]}, {"id": 19, "anchors": [{"from": 108, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 114}, {"from": 115, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 148}]}, {"id": 26, "anchors": [{"from": 149, "to": 155}]}, {"id": 27, "anchors": [{"from": 155, "to": 156}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 32, "target": 34, "label": "E"}, {"source": 31, "target": 8, "label": "E"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 12, "label": "E"}, {"source": 32, "target": 10, "label": "R"}, {"source": 30, "target": 5, "label": "C"}, {"source": 33, "target": 13, "label": "C"}, {"source": 28, "target": 3, "label": "D"}, {"source": 31, "target": 9, "label": "C"}, {"source": 31, "target": 7, "label": "E"}, {"source": 34, "target": 15, "label": "C"}, {"source": 28, "target": 31, "label": "A"}, {"source": 34, "target": 14, "label": "U"}, {"source": 30, "target": 4, "label": "E"}, {"source": 29, "target": 19, "label": "U"}, {"source": 39, "target": 25, "label": "F"}, {"source": 28, "target": 2, "label": "S"}, {"source": 28, "target": 0, "label": "A"}, {"source": 38, "target": 37, "label": "P"}, {"source": 36, "target": 22, "label": "C"}, {"source": 36, "target": 21, "label": "E"}, {"source": 29, "target": 28, "label": "H"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 17, "label": "U"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 32, "label": "A"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 1, "label": "U"}, {"source": 35, "target": 20, "label": "S"}, {"source": 37, "target": 24, "label": "C"}, {"source": 31, "target": 30, "label": "E"}, {"source": 39, "target": 27, "label": "U"}, {"source": 29, "target": 35, "label": "H"}, {"source": 39, "target": 26, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 37, "target": 23, "label": "R"}, {"source": 31, "target": 6, "label": "U"}, {"source": 36, "target": 38, "label": "E"}, {"source": 32, "target": 18, "label": "C"}, {"source": 33, "target": 11, "label": "E"}]} +{"id": "039383-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Half the tables and bar were empty by this point.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "N"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "D"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "039383-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Other Thoughts: Will try this place again.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "039383-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There must be a reason so many people like it there.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 1, "label": "D"}, {"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "039383-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their Club sandwich looks tasty, maybe that'll change my mind.... and a different server.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 2, "label": "C"}, {"source": 21, "target": 6, "label": "D"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 8, "label": "A"}, {"source": 18, "target": 1, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 4, "label": "D"}, {"source": 23, "target": 13, "label": "N"}, {"source": 22, "target": 10, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 5, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 24, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 23, "target": 22, "label": "C"}, {"source": 23, "target": 12, "label": "U"}, {"source": 19, "target": 3, "label": "P"}]} +{"id": "039856-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HORRIBLE SERVICE!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "039856-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolute horrible service from the parts department.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 51}]}, {"id": 7, "anchors": [{"from": 51, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "039856-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are very rude over the phone and in person.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 16, "label": "C"}, {"source": 16, "target": 15, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 7, "label": "N"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 4, "label": "R"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 14, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "039856-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They talk down to you like they are supreme beings, if you hate your job so much then quit!!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 22, "target": 29, "label": "L"}, {"source": 25, "target": 5, "label": "R"}, {"source": 21, "target": 26, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 29, "target": 16, "label": "E"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 22, "target": 10, "label": "U"}, {"source": 29, "target": 18, "label": "C"}, {"source": 30, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 30, "target": 19, "label": "P"}, {"source": 24, "target": 3, "label": "R"}, {"source": 23, "target": 1, "label": "C"}, {"source": 22, "target": 11, "label": "L"}, {"source": 21, "target": 23, "label": "P"}, {"source": 21, "target": 25, "label": "A"}, {"source": 26, "target": 8, "label": "E"}, {"source": 22, "target": 30, "label": "H"}, {"source": 25, "target": 6, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 23, "target": 2, "label": "E"}, {"source": 27, "target": 13, "label": "P"}, {"source": 22, "target": 27, "label": "H"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "039856-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How these guys can get away with being so rude with people is mind blowing.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "A"}, {"source": 21, "target": 13, "label": "P"}, {"source": 16, "target": 4, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 19, "label": "C"}, {"source": 15, "target": 2, "label": "C"}, {"source": 19, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 7, "label": "D"}, {"source": 20, "target": 10, "label": "C"}, {"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 11, "label": "L"}, {"source": 19, "target": 8, "label": "P"}, {"source": 19, "target": 6, "label": "F"}, {"source": 20, "target": 9, "label": "R"}, {"source": 16, "target": 3, "label": "D"}, {"source": 15, "target": 1, "label": "E"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "039856-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will NEVER do business with Sun Toyota again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}, {"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "039856-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank god there are plenty of Toyota dealerships to choose from in this city.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 4, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 20, "target": 7, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 19, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 18, "target": 3, "label": "P"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 23, "target": 11, "label": "R"}, {"source": 23, "target": 12, "label": "E"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 15, "label": "A"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "040616-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "we purchased a new home but was unable to sell our old house so we contacted this property management company and they have helped us quickly rent out our house and keep it maintained.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 146}, {"from": 147, "to": 150}]}, {"id": 27, "anchors": [{"from": 151, "to": 154}]}, {"id": 28, "anchors": [{"from": 155, "to": 160}]}, {"id": 29, "anchors": [{"from": 161, "to": 164}]}, {"id": 30, "anchors": [{"from": 165, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 172}]}, {"id": 32, "anchors": [{"from": 173, "to": 183}]}, {"id": 33, "anchors": [{"from": 183, "to": 184}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 41, "target": 42, "label": "E"}, {"source": 35, "target": 37, "label": "H"}, {"source": 38, "target": 9, "label": "C"}, {"source": 37, "target": 6, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 41, "target": 16, "label": "E"}, {"source": 45, "target": 33, "label": "U"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 24, "label": "A"}, {"source": 40, "target": 15, "label": "P"}, {"source": 37, "target": 39, "label": "A"}, {"source": 43, "target": 26, "label": "P"}, {"source": 35, "target": 45, "label": "H"}, {"source": 43, "target": 21, "label": "A"}, {"source": 38, "target": 7, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 44, "target": 28, "label": "C"}, {"source": 36, "target": 3, "label": "E"}, {"source": 39, "target": 10, "label": "E"}, {"source": 39, "target": 12, "label": "C"}, {"source": 43, "target": 22, "label": "F"}, {"source": 34, "target": 1, "label": "P"}, {"source": 37, "target": 8, "label": "F"}, {"source": 36, "target": 2, "label": "E"}, {"source": 42, "target": 17, "label": "E"}, {"source": 35, "target": 43, "label": "H"}, {"source": 35, "target": 13, "label": "L"}, {"source": 45, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "P"}, {"source": 45, "target": 30, "label": "D"}, {"source": 42, "target": 19, "label": "C"}, {"source": 35, "target": 20, "label": "L"}, {"source": 43, "target": 25, "label": "D"}, {"source": 35, "target": 5, "label": "L"}, {"source": 43, "target": 23, "label": "D"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 0, "label": "A"}, {"source": 40, "target": 14, "label": "A"}, {"source": 45, "target": 32, "label": "P"}, {"source": 36, "target": 4, "label": "C"}, {"source": 39, "target": 11, "label": "E"}, {"source": 44, "target": 27, "label": "E"}, {"source": 45, "target": 31, "label": "A"}, {"source": 35, "target": 34, "label": "H"}, {"source": 35, "target": 40, "label": "H"}, {"source": 35, "target": 29, "label": "L"}, {"source": 42, "target": 18, "label": "E"}]} +{"id": "040616-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Since then we have decided to have them manage our other investment properties as well as we getting older and can no longer perform all the inquires.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}, {"from": 82, "to": 86}, {"from": 87, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 132}]}, {"id": 22, "anchors": [{"from": 133, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 149}]}, {"id": 25, "anchors": [{"from": 149, "to": 150}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 35, "target": 20, "label": "C"}, {"source": 27, "target": 26, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 34, "target": 18, "label": "D"}, {"source": 27, "target": 3, "label": "F"}, {"source": 34, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 5, "label": "F"}, {"source": 28, "target": 34, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 14, "label": "A"}, {"source": 32, "target": 33, "label": "C"}, {"source": 35, "target": 19, "label": "E"}, {"source": 31, "target": 10, "label": "E"}, {"source": 32, "target": 31, "label": "C"}, {"source": 27, "target": 4, "label": "P"}, {"source": 26, "target": 0, "label": "R"}, {"source": 32, "target": 13, "label": "N"}, {"source": 27, "target": 29, "label": "A"}, {"source": 34, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 23, "label": "E"}, {"source": 34, "target": 21, "label": "S"}, {"source": 36, "target": 25, "label": "U"}, {"source": 36, "target": 22, "label": "R"}, {"source": 31, "target": 12, "label": "C"}, {"source": 34, "target": 35, "label": "D"}, {"source": 33, "target": 16, "label": "A"}, {"source": 31, "target": 9, "label": "E"}, {"source": 31, "target": 11, "label": "E"}, {"source": 36, "target": 24, "label": "C"}, {"source": 28, "target": 17, "label": "L"}, {"source": 27, "target": 2, "label": "A"}, {"source": 29, "target": 6, "label": "P"}, {"source": 26, "target": 1, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 29, "target": 7, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 8, "label": "S"}, {"source": 33, "target": 15, "label": "P"}, {"source": 30, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "040616-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great help!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "041925-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I heard the libido band play live and they are out of site!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 11, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "S"}, {"source": 19, "target": 10, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 20, "target": 19, "label": "R"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 7, "label": "L"}, {"source": 17, "target": 3, "label": "E"}, {"source": 20, "target": 12, "label": "E"}, {"source": 14, "target": 1, "label": "P"}]} +{"id": "041925-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will be calling tropics for my companies next event!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 15, "target": 8, "label": "R"}, {"source": 15, "target": 9, "label": "E"}, {"source": 14, "target": 5, "label": "R"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 4, "label": "S"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "042012-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When in Scordia, Sicily", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 6, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "L"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "042012-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If ever in Sicily please take the time to visit Anna Maria Jose Mudo and her familia.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 33}, {"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}, {"from": 53, "to": 58}, {"from": 59, "to": 63}, {"from": 64, "to": 68}]}, {"id": 8, "anchors": [{"from": 69, "to": 72}]}, {"id": 9, "anchors": [{"from": 73, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 84}]}, {"id": 11, "anchors": [{"from": 84, "to": 85}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 4, "label": "P"}, {"source": 16, "target": 17, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 14, "target": 2, "label": "R"}, {"source": 16, "target": 8, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "042012-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are and always will be the nicest people in Sicily that you will meet.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 12, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 11, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 2, "label": "N"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 14, "label": "S"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "S"}, {"source": 17, "target": 4, "label": "F"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 9, "label": "R"}, {"source": 21, "target": 13, "label": "F"}, {"source": 17, "target": 5, "label": "F"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "042012-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You will also have the pleasure of learning the Italiano language.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 14, "label": "P"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "042012-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You will also have the experience of learning the bella Sicilian culture, that I have fallen in luv with.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 11, "label": "C"}, {"source": 23, "target": 4, "label": "E"}, {"source": 21, "target": 2, "label": "D"}, {"source": 25, "target": 7, "label": "P"}, {"source": 26, "target": 10, "label": "E"}, {"source": 21, "target": 0, "label": "A"}, {"source": 24, "target": 6, "label": "R"}, {"source": 27, "target": 15, "label": "F"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 22, "target": 13, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 14, "label": "A"}, {"source": 27, "target": 16, "label": "P"}, {"source": 23, "target": 5, "label": "C"}, {"source": 29, "target": 19, "label": "R"}, {"source": 22, "target": 12, "label": "U"}, {"source": 26, "target": 8, "label": "E"}, {"source": 21, "target": 23, "label": "P"}, {"source": 28, "target": 17, "label": "R"}, {"source": 26, "target": 9, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 3, "label": "F"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "042012-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will 4-ever be eternally grateful for their hospitality and luv that my Sicilian family showed me when I was there for 3 years.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 128}]}, {"id": 26, "anchors": [{"from": 128, "to": 129}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 28, "target": 1, "label": "S"}, {"source": 35, "target": 37, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 36, "label": "A"}, {"source": 34, "target": 18, "label": "A"}, {"source": 30, "target": 35, "label": "E"}, {"source": 29, "target": 5, "label": "F"}, {"source": 33, "target": 32, "label": "C"}, {"source": 33, "target": 11, "label": "N"}, {"source": 38, "target": 25, "label": "C"}, {"source": 29, "target": 3, "label": "U"}, {"source": 36, "target": 15, "label": "E"}, {"source": 36, "target": 14, "label": "E"}, {"source": 32, "target": 10, "label": "C"}, {"source": 36, "target": 16, "label": "C"}, {"source": 37, "target": 22, "label": "P"}, {"source": 30, "target": 29, "label": "E"}, {"source": 31, "target": 33, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 34, "target": 13, "label": "F"}, {"source": 32, "target": 9, "label": "E"}, {"source": 37, "target": 38, "label": "D"}, {"source": 29, "target": 6, "label": "D"}, {"source": 29, "target": 2, "label": "A"}, {"source": 37, "target": 21, "label": "F"}, {"source": 38, "target": 24, "label": "E"}, {"source": 34, "target": 17, "label": "P"}, {"source": 35, "target": 19, "label": "L"}, {"source": 38, "target": 26, "label": "U"}, {"source": 37, "target": 20, "label": "A"}, {"source": 38, "target": 23, "label": "R"}, {"source": 31, "target": 8, "label": "R"}, {"source": 29, "target": 4, "label": "D"}, {"source": 29, "target": 7, "label": "S"}, {"source": 35, "target": 34, "label": "H"}, {"source": 33, "target": 12, "label": "C"}]} +{"id": "042012-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Luv always..", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "042085-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rubbish", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "042085-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Took 1+ hour to deliver to Chatham, hair in food, driver didn't know area.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 73, "to": 74}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 22, "target": 5, "label": "P"}, {"source": 19, "target": 24, "label": "A"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 4, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 19, "target": 8, "label": "U"}, {"source": 21, "target": 2, "label": "U"}, {"source": 19, "target": 0, "label": "P"}, {"source": 26, "target": 15, "label": "D"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 14, "label": "F"}, {"source": 23, "target": 6, "label": "R"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 16, "label": "P"}, {"source": 23, "target": 7, "label": "C"}, {"source": 26, "target": 17, "label": "A"}, {"source": 26, "target": 13, "label": "A"}, {"source": 25, "target": 10, "label": "R"}, {"source": 20, "target": 26, "label": "H"}, {"source": 21, "target": 1, "label": "E"}, {"source": 19, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "042085-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Noticed a few of these Cookie cutter places opening in Summit and New Providence.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "E"}, {"source": 18, "target": 2, "label": "C"}, {"source": 21, "target": 8, "label": "P"}, {"source": 24, "target": 14, "label": "U"}, {"source": 24, "target": 13, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 18, "target": 3, "label": "R"}, {"source": 16, "target": 0, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 22, "target": 9, "label": "R"}, {"source": 23, "target": 11, "label": "N"}, {"source": 17, "target": 21, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 7, "label": "P"}, {"source": 23, "target": 24, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 21, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "A"}, {"source": 17, "target": 20, "label": "E"}, {"source": 19, "target": 5, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "042085-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stick to Hop Hing, 20 year+ resident.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "P"}, {"source": 11, "target": 1, "label": "R"}, {"source": 12, "target": 7, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "E"}, {"source": 12, "target": 6, "label": "U"}, {"source": 11, "target": 3, "label": "U"}]} +{"id": "042416-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Can't wait to go back!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}, {"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}]} +{"id": "042416-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is by far the BEST B&B that we have ever stayed at!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 17, "target": 10, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 8, "label": "A"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "F"}, {"source": 16, "target": 2, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 17, "target": 11, "label": "P"}]} +{"id": "042416-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were in Santa Fe for a special event and our hosts rented out the El Paradero for all their guests to stay at.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}, {"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}, {"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 14, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 32, "label": "H"}, {"source": 30, "target": 13, "label": "E"}, {"source": 26, "target": 5, "label": "R"}, {"source": 33, "target": 11, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 17, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 31, "target": 15, "label": "R"}, {"source": 27, "target": 6, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 23, "target": 26, "label": "A"}, {"source": 33, "target": 21, "label": "R"}, {"source": 33, "target": 22, "label": "U"}, {"source": 28, "target": 27, "label": "C"}, {"source": 26, "target": 30, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 32, "target": 20, "label": "P"}, {"source": 26, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "C"}, {"source": 25, "target": 2, "label": "R"}, {"source": 26, "target": 28, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 28, "target": 9, "label": "N"}, {"source": 31, "target": 16, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 25, "target": 4, "label": "C"}, {"source": 32, "target": 19, "label": "F"}, {"source": 29, "target": 10, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "C"}, {"source": 23, "target": 1, "label": "S"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "042416-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We could not have been more welcomed, more comfortable or more well fed.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 4, "label": "F"}, {"source": 15, "target": 5, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "P"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "N"}, {"source": 15, "target": 6, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "D"}, {"source": 19, "target": 18, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 1, "label": "D"}, {"source": 20, "target": 12, "label": "C"}, {"source": 20, "target": 11, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 8, "label": "E"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "042416-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The weekend was perfect in every way, in large part to Sue and her great staff.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 3, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 13, "label": "N"}, {"source": 18, "target": 0, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 20, "target": 22, "label": "L"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 21, "label": "D"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 11, "label": "R"}, {"source": 25, "target": 23, "label": "C"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "042416-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone was so friendly and really went out of their way to make sure everything went well.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 4, "label": "L"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "P"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 7, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 11, "label": "P"}, {"source": 24, "target": 15, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 24, "label": "D"}, {"source": 17, "target": 3, "label": "S"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 12, "label": "C"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "042416-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We can not wait to go back to Santa Fe and to this great B&B...especially my 4 year old, who made friends with Ms. Sue and all the ladies, and has talked about them since we left!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}, {"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}, {"from": 51, "to": 56}, {"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}, {"from": 115, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 137}]}, {"id": 27, "anchors": [{"from": 137, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 164}]}, {"id": 33, "anchors": [{"from": 165, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 173}]}, {"id": 35, "anchors": [{"from": 174, "to": 178}]}, {"id": 36, "anchors": [{"from": 178, "to": 179}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 43, "target": 9, "label": "R"}, {"source": 38, "target": 41, "label": "A"}, {"source": 41, "target": 8, "label": "L"}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 43, "label": "A"}, {"source": 45, "target": 14, "label": "E"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 19, "label": "P"}, {"source": 45, "target": 13, "label": "E"}, {"source": 41, "target": 44, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 51, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 31, "label": "R"}, {"source": 53, "target": 36, "label": "U"}, {"source": 48, "target": 22, "label": "E"}, {"source": 48, "target": 21, "label": "R"}, {"source": 45, "target": 17, "label": "U"}, {"source": 39, "target": 1, "label": "F"}, {"source": 44, "target": 11, "label": "U"}, {"source": 46, "target": 47, "label": "H"}, {"source": 41, "target": 27, "label": "U"}, {"source": 45, "target": 12, "label": "E"}, {"source": 45, "target": 15, "label": "E"}, {"source": 42, "target": 7, "label": "C"}, {"source": 38, "target": 39, "label": "P"}, {"source": 37, "target": 38, "label": "H"}, {"source": 40, "target": 5, "label": "P"}, {"source": 39, "target": 3, "label": "C"}, {"source": 49, "target": 53, "label": "C"}, {"source": 47, "target": 18, "label": "F"}, {"source": 46, "target": 28, "label": "L"}, {"source": 53, "target": 34, "label": "A"}, {"source": 48, "target": 50, "label": "C"}, {"source": 52, "target": 32, "label": "C"}, {"source": 50, "target": 25, "label": "E"}, {"source": 50, "target": 24, "label": "R"}, {"source": 47, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 0, "label": "A"}, {"source": 40, "target": 4, "label": "F"}, {"source": 51, "target": 29, "label": "F"}, {"source": 49, "target": 48, "label": "C"}, {"source": 53, "target": 35, "label": "P"}, {"source": 42, "target": 6, "label": "R"}, {"source": 40, "target": 42, "label": "A"}, {"source": 41, "target": 46, "label": "H"}, {"source": 45, "target": 16, "label": "C"}, {"source": 41, "target": 40, "label": "H"}, {"source": 46, "target": 51, "label": "H"}, {"source": 51, "target": 30, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 50, "target": 26, "label": "C"}, {"source": 47, "target": 49, "label": "A"}, {"source": 47, "target": 20, "label": "A"}, {"source": 49, "target": 33, "label": "N"}, {"source": 38, "target": 2, "label": "D"}, {"source": 43, "target": 10, "label": "C"}, {"source": 48, "target": 23, "label": "N"}]} +{"id": "042416-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We would highly recommend the El Paradero on your next trip to Santa Fe!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}, {"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 68}, {"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "E"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "042530-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "a staple!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "042530-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I live in the neighborhood and this place is one of my favorites for a tasty, quick and inexpensive meal.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 1, "label": "D"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 11, "label": "E"}, {"source": 26, "target": 6, "label": "E"}, {"source": 31, "target": 15, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 32, "target": 20, "label": "C"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 10, "label": "R"}, {"source": 32, "target": 19, "label": "E"}, {"source": 27, "target": 8, "label": "S"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 30, "target": 13, "label": "R"}, {"source": 25, "target": 2, "label": "R"}, {"source": 28, "target": 9, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 31, "target": 16, "label": "U"}, {"source": 32, "target": 21, "label": "U"}, {"source": 30, "target": 14, "label": "E"}, {"source": 24, "target": 5, "label": "L"}, {"source": 29, "target": 28, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 31, "target": 18, "label": "N"}, {"source": 29, "target": 12, "label": "C"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "042530-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Branch out and try something other than the Pad Thai, the curries are fantastic.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 16, "label": "P"}, {"source": 22, "target": 14, "label": "U"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 10, "label": "E"}, {"source": 22, "target": 12, "label": "F"}, {"source": 22, "target": 13, "label": "S"}, {"source": 20, "target": 7, "label": "E"}, {"source": 17, "target": 15, "label": "H"}, {"source": 20, "target": 6, "label": "E"}, {"source": 16, "target": 1, "label": "N"}, {"source": 18, "target": 5, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 2, "label": "D"}, {"source": 19, "target": 9, "label": "U"}, {"source": 16, "target": 0, "label": "C"}]} +{"id": "042530-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fast and friendly service, they know my order when I walk in the door!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 17, "label": "E"}, {"source": 21, "target": 7, "label": "E"}, {"source": 18, "target": 4, "label": "U"}, {"source": 23, "target": 12, "label": "R"}, {"source": 22, "target": 10, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "E"}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 3, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 11, "label": "P"}, {"source": 16, "target": 1, "label": "N"}, {"source": 20, "target": 6, "label": "P"}, {"source": 16, "target": 2, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 0, "label": "C"}, {"source": 19, "target": 9, "label": "L"}, {"source": 19, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "A"}]} +{"id": "043020-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quick to take money but not quick to fix a problem!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 7, "label": "P"}, {"source": 13, "target": 4, "label": "D"}, {"source": 13, "target": 5, "label": "D"}, {"source": 12, "target": 3, "label": "L"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 13, "target": 6, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "043020-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "B&B came out very quickly to give us our quote back in June.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 9, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "043020-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were very polite, eager to answer any questions and willing to wait for us to return from vacation to begin installing our fence.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 30, "target": 10, "label": "N"}, {"source": 37, "target": 23, "label": "E"}, {"source": 31, "target": 8, "label": "E"}, {"source": 35, "target": 18, "label": "R"}, {"source": 31, "target": 9, "label": "C"}, {"source": 36, "target": 21, "label": "D"}, {"source": 32, "target": 11, "label": "D"}, {"source": 28, "target": 31, "label": "A"}, {"source": 30, "target": 7, "label": "C"}, {"source": 29, "target": 5, "label": "P"}, {"source": 37, "target": 25, "label": "U"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 6, "label": "F"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "L"}, {"source": 30, "target": 32, "label": "C"}, {"source": 33, "target": 14, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 36, "target": 22, "label": "P"}, {"source": 27, "target": 34, "label": "H"}, {"source": 37, "target": 24, "label": "C"}, {"source": 32, "target": 13, "label": "P"}, {"source": 27, "target": 4, "label": "U"}, {"source": 26, "target": 1, "label": "F"}, {"source": 33, "target": 15, "label": "C"}, {"source": 34, "target": 17, "label": "P"}, {"source": 35, "target": 19, "label": "P"}, {"source": 26, "target": 3, "label": "D"}, {"source": 26, "target": 2, "label": "D"}, {"source": 26, "target": 0, "label": "A"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 20, "label": "R"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "P"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 12, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "043020-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our fence was installed quickly in August and they had their money and left saying \"Workmanship is guaranteed for a year!\".", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 123}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 26, "target": 3, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 6, "label": "C"}, {"source": 31, "target": 13, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 23, "label": "U"}, {"source": 30, "target": 11, "label": "C"}, {"source": 32, "target": 33, "label": "D"}, {"source": 33, "target": 19, "label": "R"}, {"source": 25, "target": 0, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 29, "target": 9, "label": "S"}, {"source": 32, "target": 16, "label": "A"}, {"source": 26, "target": 2, "label": "F"}, {"source": 33, "target": 24, "label": "U"}, {"source": 27, "target": 12, "label": "L"}, {"source": 25, "target": 1, "label": "C"}, {"source": 33, "target": 22, "label": "U"}, {"source": 27, "target": 7, "label": "L"}, {"source": 33, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 20, "label": "E"}, {"source": 31, "target": 15, "label": "U"}, {"source": 32, "target": 18, "label": "P"}, {"source": 27, "target": 31, "label": "H"}, {"source": 31, "target": 14, "label": "P"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 8, "label": "A"}, {"source": 30, "target": 10, "label": "E"}, {"source": 32, "target": 17, "label": "F"}, {"source": 28, "target": 5, "label": "R"}, {"source": 26, "target": 4, "label": "D"}, {"source": 31, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "043020-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Within a week we noticed one of the boards on our gate splitting where a nail had gone in.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "C"}, {"source": 22, "target": 6, "label": "R"}, {"source": 24, "target": 11, "label": "E"}, {"source": 23, "target": 25, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 14, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "R"}, {"source": 21, "target": 19, "label": "D"}, {"source": 24, "target": 9, "label": "R"}, {"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 5, "label": "C"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 10, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 21, "target": 4, "label": "S"}, {"source": 23, "target": 7, "label": "E"}, {"source": 25, "target": 16, "label": "F"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "043020-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We called our representative who assured me he would call the office and have it taken care of.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}, {"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 95}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 19, "target": 12, "label": "L"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 20, "target": 2, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 25, "label": "H"}, {"source": 21, "target": 4, "label": "F"}, {"source": 22, "target": 7, "label": "A"}, {"source": 27, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 11, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 18, "target": 1, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 13, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 21, "target": 6, "label": "A"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 16, "label": "R"}, {"source": 23, "target": 8, "label": "F"}, {"source": 23, "target": 9, "label": "C"}, {"source": 21, "target": 5, "label": "P"}, {"source": 24, "target": 10, "label": "E"}, {"source": 27, "target": 26, "label": "S"}, {"source": 20, "target": 3, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "043020-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We heard nothing.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "043020-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We then called the office and the man we spoke to said he'd send someone out to look at it but couldn't promise when- two weeks came and went and we heard nothing.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 72}, {"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 136}]}, {"id": 30, "anchors": [{"from": 137, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 145}]}, {"id": 32, "anchors": [{"from": 146, "to": 148}]}, {"id": 33, "anchors": [{"from": 149, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 162}]}, {"id": 35, "anchors": [{"from": 162, "to": 163}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 46, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 33, "label": "P"}, {"source": 48, "target": 49, "label": "P"}, {"source": 49, "target": 30, "label": "C"}, {"source": 50, "target": 35, "label": "U"}, {"source": 37, "target": 46, "label": "H"}, {"source": 43, "target": 15, "label": "A"}, {"source": 37, "target": 40, "label": "H"}, {"source": 37, "target": 50, "label": "H"}, {"source": 45, "target": 18, "label": "R"}, {"source": 40, "target": 8, "label": "A"}, {"source": 49, "target": 28, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 46, "target": 47, "label": "D"}, {"source": 41, "target": 10, "label": "F"}, {"source": 42, "target": 44, "label": "A"}, {"source": 37, "target": 48, "label": "H"}, {"source": 50, "target": 34, "label": "A"}, {"source": 39, "target": 6, "label": "E"}, {"source": 48, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 17, "label": "P"}, {"source": 47, "target": 24, "label": "R"}, {"source": 46, "target": 21, "label": "D"}, {"source": 37, "target": 5, "label": "L"}, {"source": 41, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 19, "label": "C"}, {"source": 36, "target": 0, "label": "A"}, {"source": 46, "target": 23, "label": "P"}, {"source": 44, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 38, "label": "A"}, {"source": 41, "target": 11, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 12, "label": "A"}, {"source": 37, "target": 20, "label": "L"}, {"source": 36, "target": 2, "label": "P"}, {"source": 37, "target": 36, "label": "H"}, {"source": 44, "target": 16, "label": "F"}, {"source": 39, "target": 7, "label": "C"}, {"source": 50, "target": 32, "label": "A"}, {"source": 37, "target": 31, "label": "L"}, {"source": 40, "target": 39, "label": "A"}, {"source": 38, "target": 4, "label": "C"}, {"source": 47, "target": 26, "label": "E"}, {"source": 36, "target": 1, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 47, "target": 27, "label": "C"}, {"source": 43, "target": 14, "label": "P"}, {"source": 38, "target": 3, "label": "E"}, {"source": 40, "target": 9, "label": "P"}, {"source": 46, "target": 22, "label": "D"}, {"source": 49, "target": 29, "label": "N"}, {"source": 43, "target": 13, "label": "F"}, {"source": 47, "target": 25, "label": "U"}]} +{"id": "043020-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just called again and was told that workmanship, not wood, is guaranteed for a year- well in my opinion- the wood split due to a nail which is part of workmanship!", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}, {"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 105}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}, {"from": 126, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 164}]}, {"id": 34, "anchors": [{"from": 164, "to": 165}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 44, "target": 26, "label": "R"}, {"source": 38, "target": 39, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 42, "target": 24, "label": "E"}, {"source": 45, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 31, "label": "C"}, {"source": 39, "target": 8, "label": "C"}, {"source": 35, "target": 3, "label": "D"}, {"source": 47, "target": 34, "label": "U"}, {"source": 45, "target": 30, "label": "S"}, {"source": 36, "target": 41, "label": "H"}, {"source": 44, "target": 28, "label": "C"}, {"source": 41, "target": 14, "label": "P"}, {"source": 37, "target": 5, "label": "F"}, {"source": 37, "target": 38, "label": "A"}, {"source": 36, "target": 12, "label": "U"}, {"source": 42, "target": 16, "label": "E"}, {"source": 42, "target": 15, "label": "R"}, {"source": 42, "target": 25, "label": "C"}, {"source": 39, "target": 40, "label": "E"}, {"source": 43, "target": 21, "label": "C"}, {"source": 35, "target": 1, "label": "D"}, {"source": 46, "target": 32, "label": "R"}, {"source": 47, "target": 33, "label": "C"}, {"source": 41, "target": 44, "label": "A"}, {"source": 42, "target": 20, "label": "E"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 17, "label": "E"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 23, "label": "C"}, {"source": 39, "target": 9, "label": "U"}, {"source": 35, "target": 0, "label": "A"}, {"source": 35, "target": 2, "label": "P"}, {"source": 42, "target": 43, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 43, "target": 22, "label": "U"}, {"source": 40, "target": 10, "label": "R"}, {"source": 36, "target": 37, "label": "H"}, {"source": 38, "target": 7, "label": "R"}, {"source": 47, "target": 46, "label": "E"}, {"source": 36, "target": 4, "label": "L"}, {"source": 41, "target": 13, "label": "F"}, {"source": 40, "target": 11, "label": "C"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 19, "label": "R"}, {"source": 36, "target": 35, "label": "H"}, {"source": 42, "target": 18, "label": "U"}, {"source": 44, "target": 27, "label": "E"}, {"source": 45, "target": 29, "label": "F"}, {"source": 37, "target": 6, "label": "P"}]} +{"id": "043020-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She even went so far as to say \"Your calling about one board?\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 16}, {"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 11, "label": "E"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 7, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 6, "label": "U"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 5, "label": "P"}, {"source": 17, "target": 4, "label": "F"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 8, "label": "D"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "R"}]} +{"id": "043020-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well- when you pay over $1000 for something you want it to hold up and look good!!!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 26, "label": "P"}, {"source": 26, "target": 16, "label": "D"}, {"source": 23, "target": 11, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 2, "label": "A"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 10, "label": "P"}, {"source": 25, "target": 13, "label": "C"}, {"source": 21, "target": 5, "label": "U"}, {"source": 19, "target": 23, "label": "H"}, {"source": 26, "target": 15, "label": "N"}, {"source": 21, "target": 4, "label": "R"}, {"source": 19, "target": 0, "label": "L"}, {"source": 21, "target": 6, "label": "C"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 9, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 25, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "U"}, {"source": 20, "target": 3, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}]} +{"id": "043020-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "YES!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "043020-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I WAS calling about one board!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "043020-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm very frustrated at this point- it would take all of 10 min for them to come by and replace the one board that is cracked (the crack is deep enough to stick a penny in it and it goes clear through) yet they do not want to take the time to bother with what once WAS a happy customer and has now become a dissatisfied customer.", "tops": [73], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 126}]}, {"id": 29, "anchors": [{"from": 126, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 138}]}, {"id": 32, "anchors": [{"from": 139, "to": 143}]}, {"id": 33, "anchors": [{"from": 144, "to": 150}]}, {"id": 34, "anchors": [{"from": 151, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 161}]}, {"id": 37, "anchors": [{"from": 162, "to": 167}]}, {"id": 38, "anchors": [{"from": 168, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 173}]}, {"id": 40, "anchors": [{"from": 174, "to": 177}]}, {"id": 41, "anchors": [{"from": 178, "to": 180}]}, {"id": 42, "anchors": [{"from": 181, "to": 185}]}, {"id": 43, "anchors": [{"from": 186, "to": 191}]}, {"id": 44, "anchors": [{"from": 192, "to": 199}]}, {"id": 45, "anchors": [{"from": 199, "to": 200}]}, {"id": 46, "anchors": [{"from": 201, "to": 204}]}, {"id": 47, "anchors": [{"from": 205, "to": 209}]}, {"id": 48, "anchors": [{"from": 210, "to": 212}]}, {"id": 49, "anchors": [{"from": 213, "to": 216}]}, {"id": 50, "anchors": [{"from": 217, "to": 221}]}, {"id": 51, "anchors": [{"from": 222, "to": 224}]}, {"id": 52, "anchors": [{"from": 225, "to": 229}]}, {"id": 53, "anchors": [{"from": 230, "to": 233}]}, {"id": 54, "anchors": [{"from": 234, "to": 238}]}, {"id": 55, "anchors": [{"from": 239, "to": 241}]}, {"id": 56, "anchors": [{"from": 242, "to": 248}]}, {"id": 57, "anchors": [{"from": 249, "to": 253}]}, {"id": 58, "anchors": [{"from": 254, "to": 258}]}, {"id": 59, "anchors": [{"from": 259, "to": 263}]}, {"id": 60, "anchors": [{"from": 264, "to": 267}]}, {"id": 61, "anchors": [{"from": 268, "to": 269}]}, {"id": 62, "anchors": [{"from": 270, "to": 275}]}, {"id": 63, "anchors": [{"from": 276, "to": 284}]}, {"id": 64, "anchors": [{"from": 285, "to": 288}]}, {"id": 65, "anchors": [{"from": 289, "to": 292}]}, {"id": 66, "anchors": [{"from": 293, "to": 296}]}, {"id": 67, "anchors": [{"from": 297, "to": 303}]}, {"id": 68, "anchors": [{"from": 304, "to": 305}]}, {"id": 69, "anchors": [{"from": 306, "to": 318}]}, {"id": 70, "anchors": [{"from": 319, "to": 327}]}, {"id": 71, "anchors": [{"from": 327, "to": 328}]}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}, {"id": 98}, {"id": 99}, {"id": 100}], "edges": [{"source": 72, "target": 74, "label": "D"}, {"source": 91, "target": 44, "label": "D"}, {"source": 99, "target": 65, "label": "F"}, {"source": 81, "target": 17, "label": "F"}, {"source": 84, "target": 23, "label": "E"}, {"source": 91, "target": 42, "label": "D"}, {"source": 97, "target": 98, "label": "A"}, {"source": 80, "target": 15, "label": "R"}, {"source": 86, "target": 29, "label": "E"}, {"source": 100, "target": 68, "label": "E"}, {"source": 88, "target": 35, "label": "P"}, {"source": 85, "target": 87, "label": "A"}, {"source": 77, "target": 9, "label": "F"}, {"source": 89, "target": 36, "label": "E"}, {"source": 73, "target": 91, "label": "H"}, {"source": 88, "target": 90, "label": "A"}, {"source": 92, "target": 50, "label": "P"}, {"source": 73, "target": 64, "label": "L"}, {"source": 92, "target": 93, "label": "A"}, {"source": 84, "target": 24, "label": "C"}, {"source": 73, "target": 55, "label": "L"}, {"source": 73, "target": 83, "label": "H"}, {"source": 92, "target": 47, "label": "A"}, {"source": 84, "target": 85, "label": "E"}, {"source": 100, "target": 69, "label": "E"}, {"source": 97, "target": 59, "label": "D"}, {"source": 85, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 92, "target": 48, "label": "F"}, {"source": 81, "target": 82, "label": "P"}, {"source": 72, "target": 0, "label": "A"}, {"source": 74, "target": 2, "label": "E"}, {"source": 94, "target": 53, "label": "E"}, {"source": 78, "target": 11, "label": "C"}, {"source": 72, "target": 75, "label": "D"}, {"source": 97, "target": 60, "label": "S"}, {"source": 88, "target": 89, "label": "A"}, {"source": 76, "target": 77, "label": "P"}, {"source": 83, "target": 84, "label": "A"}, {"source": 98, "target": 63, "label": "C"}, {"source": 84, "target": 22, "label": "E"}, {"source": 88, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 87, "target": 32, "label": "D"}, {"source": 90, "target": 39, "label": "C"}, {"source": 81, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 99, "target": 67, "label": "P"}, {"source": 100, "target": 70, "label": "C"}, {"source": 93, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 95, "label": "H"}, {"source": 83, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 78, "target": 12, "label": "R"}, {"source": 95, "target": 96, "label": "A"}, {"source": 85, "target": 25, "label": "F"}, {"source": 96, "target": 57, "label": "R"}, {"source": 75, "target": 5, "label": "E"}, {"source": 75, "target": 6, "label": "C"}, {"source": 99, "target": 100, "label": "A"}, {"source": 99, "target": 66, "label": "D"}, {"source": 87, "target": 31, "label": "S"}, {"source": 88, "target": 34, "label": "F"}, {"source": 73, "target": 99, "label": "H"}, {"source": 91, "target": 41, "label": "A"}, {"source": 76, "target": 8, "label": "A"}, {"source": 87, "target": 33, "label": "D"}, {"source": 73, "target": 76, "label": "H"}, {"source": 93, "target": 94, "label": "A"}, {"source": 82, "target": 19, "label": "E"}, {"source": 83, "target": 21, "label": "P"}, {"source": 79, "target": 14, "label": "C"}, {"source": 79, "target": 13, "label": "E"}, {"source": 86, "target": 30, "label": "C"}, {"source": 73, "target": 92, "label": "H"}, {"source": 73, "target": 40, "label": "L"}, {"source": 91, "target": 43, "label": "S"}, {"source": 90, "target": 38, "label": "R"}, {"source": 80, "target": 81, "label": "E"}, {"source": 98, "target": 62, "label": "E"}, {"source": 80, "target": 16, "label": "C"}, {"source": 100, "target": 71, "label": "U"}, {"source": 92, "target": 49, "label": "D"}, {"source": 75, "target": 4, "label": "R"}, {"source": 76, "target": 79, "label": "A"}, {"source": 89, "target": 37, "label": "C"}, {"source": 82, "target": 18, "label": "C"}, {"source": 99, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 87, "target": 86, "label": "A"}, {"source": 72, "target": 1, "label": "P"}, {"source": 94, "target": 54, "label": "C"}, {"source": 73, "target": 7, "label": "U"}, {"source": 73, "target": 20, "label": "L"}, {"source": 79, "target": 78, "label": "E"}, {"source": 96, "target": 97, "label": "C"}, {"source": 98, "target": 61, "label": "E"}, {"source": 73, "target": 46, "label": "L"}, {"source": 74, "target": 3, "label": "C"}, {"source": 95, "target": 56, "label": "P"}, {"source": 95, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 97, "target": 58, "label": "F"}, {"source": 93, "target": 52, "label": "P"}, {"source": 85, "target": 27, "label": "P"}, {"source": 77, "target": 10, "label": "C"}, {"source": 85, "target": 26, "label": "F"}, {"source": 73, "target": 72, "label": "H"}, {"source": 87, "target": 88, "label": "A"}, {"source": 93, "target": 51, "label": "F"}, {"source": 76, "target": 80, "label": "A"}, {"source": 73, "target": 45, "label": "U"}, {"source": 85, "target": 28, "label": "U"}]} +{"id": "043020-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I figure if they don't want to take the time to fix the fence that they installed then I'll take the time to let everyone I can know about how they treat customers once they have your money!!!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}, {"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}, {"from": 100, "to": 103}, {"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 156}]}, {"id": 30, "anchors": [{"from": 157, "to": 166}]}, {"id": 31, "anchors": [{"from": 167, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 181}]}, {"id": 34, "anchors": [{"from": 182, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 192}]}, {"id": 36, "anchors": [{"from": 192, "to": 195}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 54, "target": 35, "label": "C"}, {"source": 44, "target": 46, "label": "E"}, {"source": 47, "target": 21, "label": "P"}, {"source": 49, "target": 24, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 48, "target": 49, "label": "E"}, {"source": 44, "target": 12, "label": "E"}, {"source": 51, "target": 52, "label": "A"}, {"source": 46, "target": 31, "label": "L"}, {"source": 45, "target": 14, "label": "F"}, {"source": 50, "target": 51, "label": "C"}, {"source": 52, "target": 29, "label": "P"}, {"source": 38, "target": 2, "label": "P"}, {"source": 45, "target": 19, "label": "A"}, {"source": 47, "target": 20, "label": "F"}, {"source": 54, "target": 34, "label": "E"}, {"source": 47, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 27, "label": "D"}, {"source": 52, "target": 28, "label": "E"}, {"source": 39, "target": 43, "label": "A"}, {"source": 46, "target": 47, "label": "H"}, {"source": 45, "target": 15, "label": "A"}, {"source": 38, "target": 1, "label": "A"}, {"source": 49, "target": 23, "label": "A"}, {"source": 40, "target": 3, "label": "R"}, {"source": 47, "target": 48, "label": "A"}, {"source": 54, "target": 36, "label": "U"}, {"source": 46, "target": 53, "label": "H"}, {"source": 44, "target": 13, "label": "C"}, {"source": 45, "target": 17, "label": "D"}, {"source": 48, "target": 22, "label": "C"}, {"source": 42, "target": 8, "label": "F"}, {"source": 45, "target": 16, "label": "P"}, {"source": 53, "target": 33, "label": "P"}, {"source": 42, "target": 9, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 53, "target": 54, "label": "A"}, {"source": 40, "target": 41, "label": "C"}, {"source": 43, "target": 11, "label": "P"}, {"source": 37, "target": 0, "label": "L"}, {"source": 49, "target": 50, "label": "A"}, {"source": 52, "target": 30, "label": "A"}, {"source": 39, "target": 38, "label": "A"}, {"source": 53, "target": 32, "label": "A"}, {"source": 42, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 7, "label": "P"}, {"source": 37, "target": 39, "label": "H"}, {"source": 45, "target": 18, "label": "A"}, {"source": 41, "target": 6, "label": "D"}, {"source": 46, "target": 45, "label": "H"}, {"source": 43, "target": 10, "label": "F"}, {"source": 49, "target": 25, "label": "P"}, {"source": 41, "target": 4, "label": "A"}, {"source": 41, "target": 5, "label": "F"}, {"source": 50, "target": 26, "label": "R"}]} +{"id": "043020-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "STAY AWAY!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 5, "label": "A"}]} +{"id": "043020-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "YOU GET WHAT YOU PAY FOR!!!", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}, {"from": 8, "to": 12}, {"from": 13, "to": 16}, {"from": 17, "to": 20}, {"from": 21, "to": 24}, {"from": 24, "to": 27}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "043020-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They came in under a lot of other quotes and now I know why!!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 10, "label": "A"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "R"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 2, "label": "R"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 11, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 19, "target": 12, "label": "R"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "043020-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When the fence was first installed I would have given them five stars, now for their poor customer follow-up and unwillingness to fix the fence they have dropped to a one-star in my opinion!", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 105}, {"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 148}]}, {"id": 28, "anchors": [{"from": 149, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 161}]}, {"id": 30, "anchors": [{"from": 162, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 170}]}, {"id": 33, "anchors": [{"from": 170, "to": 171}]}, {"id": 34, "anchors": [{"from": 171, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 178}]}, {"id": 36, "anchors": [{"from": 179, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 189}]}, {"id": 38, "anchors": [{"from": 189, "to": 190}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 42, "target": 45, "label": "A"}, {"source": 45, "target": 22, "label": "C"}, {"source": 49, "target": 30, "label": "R"}, {"source": 44, "target": 11, "label": "E"}, {"source": 39, "target": 0, "label": "L"}, {"source": 49, "target": 34, "label": "C"}, {"source": 42, "target": 43, "label": "P"}, {"source": 45, "target": 17, "label": "E"}, {"source": 45, "target": 20, "label": "U"}, {"source": 48, "target": 28, "label": "F"}, {"source": 46, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 12, "label": "C"}, {"source": 41, "target": 40, "label": "A"}, {"source": 48, "target": 27, "label": "A"}, {"source": 47, "target": 25, "label": "E"}, {"source": 49, "target": 33, "label": "U"}, {"source": 42, "target": 6, "label": "A"}, {"source": 42, "target": 13, "label": "U"}, {"source": 45, "target": 16, "label": "E"}, {"source": 42, "target": 44, "label": "A"}, {"source": 39, "target": 23, "label": "L"}, {"source": 43, "target": 9, "label": "C"}, {"source": 49, "target": 32, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 37, "label": "C"}, {"source": 45, "target": 19, "label": "C"}, {"source": 50, "target": 36, "label": "E"}, {"source": 42, "target": 8, "label": "F"}, {"source": 39, "target": 46, "label": "H"}, {"source": 43, "target": 7, "label": "F"}, {"source": 45, "target": 21, "label": "N"}, {"source": 41, "target": 42, "label": "A"}, {"source": 49, "target": 31, "label": "E"}, {"source": 45, "target": 15, "label": "R"}, {"source": 45, "target": 18, "label": "E"}, {"source": 41, "target": 5, "label": "P"}, {"source": 39, "target": 41, "label": "H"}, {"source": 50, "target": 35, "label": "R"}, {"source": 41, "target": 4, "label": "D"}, {"source": 40, "target": 1, "label": "E"}, {"source": 42, "target": 10, "label": "A"}, {"source": 40, "target": 2, "label": "C"}, {"source": 46, "target": 24, "label": "P"}, {"source": 48, "target": 50, "label": "A"}, {"source": 47, "target": 26, "label": "C"}, {"source": 45, "target": 14, "label": "R"}, {"source": 46, "target": 47, "label": "A"}, {"source": 41, "target": 3, "label": "F"}, {"source": 39, "target": 48, "label": "H"}, {"source": 48, "target": 29, "label": "P"}, {"source": 50, "target": 38, "label": "U"}]} +{"id": "044427-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good and Bad", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "044427-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had to take care of the ants myself.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 8, "label": "U"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "044427-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But I found the location wonderful and the neighbors very kind.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 6, "label": "N"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 14, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "044427-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Never had a problem with the staff and found them very helpful when something went wrong.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 8, "label": "P"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 19, "label": "P"}, {"source": 23, "target": 13, "label": "A"}, {"source": 18, "target": 12, "label": "L"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 1, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 9, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 4, "label": "R"}, {"source": 23, "target": 14, "label": "D"}]} +{"id": "044427-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Loved the pool and BBQ.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 8, "label": "C"}, {"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 3, "label": "N"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "044427-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Because of the ants I dropped them to a 3 star.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 9, "label": "E"}, {"source": 16, "target": 4, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "R"}, {"source": 16, "target": 6, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 2, "label": "E"}, {"source": 13, "target": 12, "label": "L"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "045753-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Compare to last decade this University is gaining more prestige in International level", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 86}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 18, "target": 12, "label": "E"}, {"source": 15, "target": 2, "label": "E"}, {"source": 13, "target": 15, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 15, "target": 1, "label": "R"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 4, "label": "E"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "045972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Feel good", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 0, "label": "C"}, {"source": 3, "target": 4, "label": "D"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "045972-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just wanted to try your clinic because I was not totally happy with my current therapist I regularly see.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "L"}, {"source": 21, "target": 3, "label": "F"}, {"source": 24, "target": 11, "label": "D"}, {"source": 24, "target": 10, "label": "D"}, {"source": 25, "target": 27, "label": "E"}, {"source": 21, "target": 2, "label": "D"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 21, "target": 1, "label": "D"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 9, "label": "F"}, {"source": 26, "target": 14, "label": "E"}, {"source": 26, "target": 17, "label": "E"}, {"source": 21, "target": 4, "label": "P"}, {"source": 27, "target": 18, "label": "D"}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "E"}, {"source": 24, "target": 8, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 20, "label": "U"}, {"source": 24, "target": 12, "label": "S"}, {"source": 27, "target": 19, "label": "P"}]} +{"id": "045972-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now I've found someone who can manage to do what I really want.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 5}, {"from": 5, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 5, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 8, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 7, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 11, "label": "P"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 4, "label": "D"}]} +{"id": "046500-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mens and Boys Barbers, on the number 9 Bus route.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 13, "target": 16, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 18, "label": "E"}, {"source": 15, "target": 4, "label": "U"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "R"}, {"source": 12, "target": 0, "label": "C"}, {"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 12, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 2, "label": "N"}, {"source": 16, "target": 3, "label": "C"}, {"source": 15, "target": 13, "label": "A"}, {"source": 15, "target": 0, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 1, "label": "C"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "046500-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ladies room, Open Sundays", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "046906-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "rug works for me", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "R"}, {"source": 6, "target": 3, "label": "C"}]} +{"id": "047007-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Called to check if they had a product I've been using on my dog for years... the boy who answered the phone couldn't possibly have been ruder to me.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}, {"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 141}]}, {"id": 29, "anchors": [{"from": 142, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 147}]}, {"id": 31, "anchors": [{"from": 147, "to": 148}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 36, "target": 7, "label": "C"}, {"source": 42, "target": 45, "label": "A"}, {"source": 34, "target": 1, "label": "F"}, {"source": 35, "target": 4, "label": "A"}, {"source": 35, "target": 36, "label": "P"}, {"source": 39, "target": 15, "label": "C"}, {"source": 42, "target": 25, "label": "D"}, {"source": 46, "target": 29, "label": "R"}, {"source": 33, "target": 32, "label": "H"}, {"source": 44, "target": 24, "label": "C"}, {"source": 38, "target": 12, "label": "E"}, {"source": 32, "target": 0, "label": "P"}, {"source": 43, "target": 22, "label": "C"}, {"source": 42, "target": 26, "label": "F"}, {"source": 32, "target": 35, "label": "A"}, {"source": 38, "target": 13, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 46, "target": 30, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 33, "target": 40, "label": "H"}, {"source": 32, "target": 34, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 41, "target": 18, "label": "C"}, {"source": 37, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 21, "label": "E"}, {"source": 45, "target": 28, "label": "C"}, {"source": 42, "target": 27, "label": "F"}, {"source": 37, "target": 39, "label": "D"}, {"source": 35, "target": 3, "label": "R"}, {"source": 42, "target": 20, "label": "P"}, {"source": 46, "target": 31, "label": "U"}, {"source": 42, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 6, "label": "E"}, {"source": 42, "target": 19, "label": "F"}, {"source": 33, "target": 16, "label": "U"}, {"source": 37, "target": 8, "label": "A"}, {"source": 37, "target": 9, "label": "F"}, {"source": 38, "target": 11, "label": "R"}, {"source": 42, "target": 43, "label": "A"}, {"source": 37, "target": 10, "label": "P"}, {"source": 44, "target": 23, "label": "F"}, {"source": 41, "target": 17, "label": "E"}, {"source": 36, "target": 5, "label": "F"}, {"source": 39, "target": 14, "label": "R"}, {"source": 41, "target": 42, "label": "E"}, {"source": 34, "target": 2, "label": "P"}]} +{"id": "047007-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never come here again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "047184-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "New training Centre is excellent", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 32}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 4, "label": "D"}, {"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "047184-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Award Dance Centre has moved from its Holderness Road site to a new complex on Chamberlain Road Hull.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 52}, {"from": 53, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 94}, {"from": 95, "to": 99}, {"from": 100, "to": 104}]}, {"id": 15, "anchors": [{"from": 104, "to": 105}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 6, "label": "E"}, {"source": 21, "target": 13, "label": "R"}, {"source": 19, "target": 7, "label": "E"}, {"source": 18, "target": 4, "label": "P"}, {"source": 19, "target": 5, "label": "R"}, {"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "047184-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The new Centre has 4 studios planned and now boasts the largest single dance floor area in Kingston upon Hull.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 21, "target": 0, "label": "E"}, {"source": 22, "target": 3, "label": "S"}, {"source": 25, "target": 8, "label": "D"}, {"source": 26, "target": 10, "label": "E"}, {"source": 25, "target": 9, "label": "S"}, {"source": 26, "target": 12, "label": "E"}, {"source": 22, "target": 21, "label": "A"}, {"source": 27, "target": 16, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 7, "label": "L"}, {"source": 21, "target": 2, "label": "C"}, {"source": 25, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "E"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 18, "label": "R"}, {"source": 22, "target": 6, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 27, "target": 20, "label": "U"}, {"source": 21, "target": 1, "label": "E"}, {"source": 24, "target": 4, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 19, "label": "E"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "047184-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The classes cover all age and skill ranges, with BALLROOM, LATIN, SEQUENCE, STREET, DISCO, LINE DANCING, BALLET, TAP & JAZZ.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 95}, {"from": 96, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 111}]}, {"id": 23, "anchors": [{"from": 111, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}, {"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 26, "label": "U"}, {"source": 34, "target": 15, "label": "U"}, {"source": 34, "target": 20, "label": "C"}, {"source": 34, "target": 24, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 32, "target": 7, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 30, "target": 31, "label": "C"}, {"source": 34, "target": 17, "label": "U"}, {"source": 31, "target": 5, "label": "N"}, {"source": 34, "target": 18, "label": "C"}, {"source": 29, "target": 33, "label": "A"}, {"source": 30, "target": 3, "label": "E"}, {"source": 29, "target": 27, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 34, "target": 21, "label": "U"}, {"source": 32, "target": 6, "label": "E"}, {"source": 34, "target": 19, "label": "U"}, {"source": 29, "target": 8, "label": "U"}, {"source": 34, "target": 10, "label": "C"}, {"source": 27, "target": 1, "label": "C"}, {"source": 34, "target": 12, "label": "C"}, {"source": 34, "target": 16, "label": "C"}, {"source": 34, "target": 13, "label": "U"}, {"source": 28, "target": 29, "label": "H"}, {"source": 34, "target": 22, "label": "C"}, {"source": 34, "target": 14, "label": "C"}, {"source": 33, "target": 9, "label": "R"}, {"source": 29, "target": 2, "label": "P"}, {"source": 34, "target": 11, "label": "U"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 0, "label": "E"}, {"source": 33, "target": 34, "label": "C"}]} +{"id": "047184-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have attended A Ward Dance Centre for over a year and really enjoy the friendly and welcoming way we are taught Ballroom and Latin as well as the fun filled social dance evening held every Saturday evening....", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}, {"from": 19, "to": 23}, {"from": 24, "to": 29}, {"from": 30, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 123}]}, {"id": 20, "anchors": [{"from": 124, "to": 127}]}, {"id": 21, "anchors": [{"from": 128, "to": 133}]}, {"id": 22, "anchors": [{"from": 134, "to": 136}, {"from": 137, "to": 141}, {"from": 142, "to": 144}]}, {"id": 23, "anchors": [{"from": 145, "to": 148}]}, {"id": 24, "anchors": [{"from": 149, "to": 152}]}, {"id": 25, "anchors": [{"from": 153, "to": 159}]}, {"id": 26, "anchors": [{"from": 160, "to": 166}]}, {"id": 27, "anchors": [{"from": 167, "to": 172}]}, {"id": 28, "anchors": [{"from": 173, "to": 180}]}, {"id": 29, "anchors": [{"from": 181, "to": 185}]}, {"id": 30, "anchors": [{"from": 186, "to": 191}]}, {"id": 31, "anchors": [{"from": 192, "to": 200}]}, {"id": 32, "anchors": [{"from": 201, "to": 208}]}, {"id": 33, "anchors": [{"from": 208, "to": 212}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 36, "target": 7, "label": "C"}, {"source": 44, "target": 43, "label": "A"}, {"source": 35, "target": 37, "label": "H"}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 1, "label": "F"}, {"source": 44, "target": 25, "label": "P"}, {"source": 40, "target": 15, "label": "C"}, {"source": 35, "target": 41, "label": "H"}, {"source": 47, "target": 30, "label": "R"}, {"source": 39, "target": 13, "label": "N"}, {"source": 35, "target": 22, "label": "L"}, {"source": 36, "target": 5, "label": "R"}, {"source": 37, "target": 39, "label": "A"}, {"source": 35, "target": 44, "label": "H"}, {"source": 38, "target": 11, "label": "E"}, {"source": 41, "target": 16, "label": "A"}, {"source": 47, "target": 33, "label": "U"}, {"source": 46, "target": 29, "label": "P"}, {"source": 45, "target": 46, "label": "E"}, {"source": 42, "target": 21, "label": "C"}, {"source": 45, "target": 26, "label": "E"}, {"source": 45, "target": 28, "label": "C"}, {"source": 38, "target": 12, "label": "C"}, {"source": 47, "target": 31, "label": "E"}, {"source": 39, "target": 38, "label": "C"}, {"source": 43, "target": 23, "label": "E"}, {"source": 43, "target": 24, "label": "C"}, {"source": 47, "target": 32, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 14, "label": "E"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 27, "label": "E"}, {"source": 36, "target": 6, "label": "E"}, {"source": 34, "target": 36, "label": "D"}, {"source": 37, "target": 9, "label": "D"}, {"source": 36, "target": 4, "label": "R"}, {"source": 42, "target": 19, "label": "C"}, {"source": 41, "target": 17, "label": "F"}, {"source": 42, "target": 20, "label": "N"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 3, "label": "A"}, {"source": 35, "target": 8, "label": "L"}, {"source": 34, "target": 0, "label": "A"}, {"source": 37, "target": 10, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 41, "target": 18, "label": "P"}, {"source": 39, "target": 40, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 46, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 34, "label": "H"}, {"source": 34, "target": 2, "label": "P"}]} +{"id": "047184-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is not really possible to score this school too highly, We would give it 12 out of 10 and 5 Stars across the board Steve & Anne", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}, {"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}, {"from": 89, "to": 92}, {"from": 93, "to": 94}, {"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 123}, {"from": 126, "to": 130}]}, {"id": 23, "anchors": [{"from": 124, "to": 125}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 11, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 31, "target": 13, "label": "D"}, {"source": 31, "target": 33, "label": "A"}, {"source": 34, "target": 21, "label": "E"}, {"source": 24, "target": 2, "label": "D"}, {"source": 31, "target": 12, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 31, "target": 34, "label": "A"}, {"source": 34, "target": 19, "label": "R"}, {"source": 28, "target": 9, "label": "R"}, {"source": 24, "target": 3, "label": "D"}, {"source": 25, "target": 30, "label": "A"}, {"source": 33, "target": 32, "label": "R"}, {"source": 27, "target": 7, "label": "E"}, {"source": 31, "target": 29, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 5, "label": "F"}, {"source": 24, "target": 4, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 6, "label": "P"}, {"source": 26, "target": 28, "label": "D"}, {"source": 34, "target": 22, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 31, "target": 14, "label": "P"}, {"source": 32, "target": 17, "label": "F"}, {"source": 33, "target": 18, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 34, "target": 20, "label": "E"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "047762-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My Favorite place at Wildwood", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "047762-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been going to the Wildwood, NJ for over 30 years for summer vacations and always call the Madrid first.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 103}, {"from": 104, "to": 109}]}, {"id": 21, "anchors": [{"from": 109, "to": 110}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 9, "label": "R"}, {"source": 25, "target": 11, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 4, "label": "R"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 3, "label": "P"}, {"source": 24, "target": 5, "label": "E"}, {"source": 27, "target": 17, "label": "D"}, {"source": 24, "target": 7, "label": "U"}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 13, "label": "R"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 27, "label": "H"}, {"source": 22, "target": 2, "label": "F"}, {"source": 22, "target": 25, "label": "D"}, {"source": 23, "target": 16, "label": "L"}, {"source": 24, "target": 8, "label": "E"}, {"source": 28, "target": 19, "label": "E"}, {"source": 27, "target": 18, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 10, "label": "R"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "047762-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I rated it 5 stars.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "047762-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am not saying it is a 5 star hotel.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 36}]}, {"id": 10, "anchors": [{"from": 36, "to": 37}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 3, "label": "P"}, {"source": 13, "target": 5, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 4, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "047762-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am saying when comparing all other hotels in Wildwood, this hotel has everything that we are looking for.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 10, "label": "U"}, {"source": 24, "target": 5, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 27, "target": 13, "label": "S"}, {"source": 21, "target": 2, "label": "P"}, {"source": 27, "target": 14, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 29, "target": 19, "label": "R"}, {"source": 25, "target": 9, "label": "C"}, {"source": 28, "target": 15, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 6, "label": "E"}, {"source": 28, "target": 16, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 11, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 12, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 3, "label": "F"}, {"source": 24, "target": 7, "label": "C"}, {"source": 22, "target": 27, "label": "H"}, {"source": 23, "target": 4, "label": "P"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "047762-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is the hospitality from Tom and staff, that makes it feel like a 5 star hotel in the middle of the beach.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 28, "target": 31, "label": "E"}, {"source": 35, "target": 22, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 35, "target": 21, "label": "R"}, {"source": 34, "target": 20, "label": "C"}, {"source": 33, "target": 15, "label": "E"}, {"source": 30, "target": 5, "label": "C"}, {"source": 31, "target": 10, "label": "D"}, {"source": 26, "target": 1, "label": "S"}, {"source": 33, "target": 17, "label": "C"}, {"source": 31, "target": 34, "label": "A"}, {"source": 27, "target": 29, "label": "E"}, {"source": 30, "target": 7, "label": "C"}, {"source": 33, "target": 14, "label": "E"}, {"source": 31, "target": 9, "label": "R"}, {"source": 25, "target": 26, "label": "H"}, {"source": 28, "target": 27, "label": "C"}, {"source": 27, "target": 2, "label": "E"}, {"source": 32, "target": 33, "label": "P"}, {"source": 34, "target": 18, "label": "R"}, {"source": 34, "target": 19, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 33, "target": 16, "label": "E"}, {"source": 31, "target": 11, "label": "F"}, {"source": 31, "target": 12, "label": "P"}, {"source": 32, "target": 13, "label": "R"}, {"source": 26, "target": 0, "label": "A"}, {"source": 35, "target": 24, "label": "U"}, {"source": 27, "target": 3, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 28, "target": 8, "label": "U"}, {"source": 29, "target": 30, "label": "C"}, {"source": 29, "target": 4, "label": "R"}, {"source": 30, "target": 6, "label": "N"}]} +{"id": "047762-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We prefer the layout of rooms and it is always clean.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 7, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 6, "label": "L"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 10, "label": "A"}, {"source": 16, "target": 9, "label": "D"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "047891-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great job on my roof and the pricing was fair.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 18, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 11, "target": 0, "label": "E"}, {"source": 18, "target": 6, "label": "E"}, {"source": 14, "target": 9, "label": "S"}, {"source": 14, "target": 10, "label": "U"}, {"source": 15, "target": 17, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 17, "target": 5, "label": "N"}, {"source": 15, "target": 2, "label": "R"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 14, "target": 8, "label": "F"}, {"source": 12, "target": 11, "label": "P"}]} +{"id": "047891-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will use again in the future.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "048198-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lovely Cottage", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "048198-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This cottage is a charming homely, friendly, place to stay.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 6, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "C"}, {"source": 16, "target": 18, "label": "E"}, {"source": 18, "target": 11, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 2, "label": "S"}, {"source": 18, "target": 10, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 8, "label": "U"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "048198-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mary is an excellent host who does yummy breakfasts.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 11, "target": 1, "label": "S"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "048198-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My room was delightful and the attention to detail was amazing.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "U"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 5, "label": "E"}, {"source": 13, "target": 17, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "S"}, {"source": 15, "target": 4, "label": "N"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 10, "label": "S"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "C"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "048198-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will come again!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "F"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "048198-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sophie.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "048201-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very Mediocre donuts!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "048201-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Donuts were very over proofed, making them stale and bready.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 6, "label": "U"}, {"source": 14, "target": 5, "label": "P"}, {"source": 17, "target": 10, "label": "N"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 16, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 3, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "048201-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service was friendly and fast, but this just doesnt make up for the lack-luster product.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "L"}, {"source": 24, "target": 9, "label": "D"}, {"source": 21, "target": 2, "label": "F"}, {"source": 24, "target": 11, "label": "D"}, {"source": 20, "target": 1, "label": "C"}, {"source": 25, "target": 19, "label": "U"}, {"source": 24, "target": 10, "label": "D"}, {"source": 26, "target": 17, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 26, "target": 16, "label": "U"}, {"source": 24, "target": 12, "label": "P"}, {"source": 21, "target": 23, "label": "S"}, {"source": 25, "target": 14, "label": "E"}, {"source": 25, "target": 18, "label": "C"}, {"source": 23, "target": 5, "label": "C"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "U"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 4, "label": "N"}, {"source": 24, "target": 8, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 21, "label": "H"}]} +{"id": "048201-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We tried 4 different style of donuts, they were all the same when it came to quality.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}, {"from": 52, "to": 55}, {"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 22, "label": "H"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 10, "label": "S"}, {"source": 17, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 22, "target": 15, "label": "P"}, {"source": 21, "target": 8, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "F"}, {"source": 20, "target": 6, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 21, "target": 9, "label": "F"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 11, "label": "L"}, {"source": 22, "target": 12, "label": "A"}]} +{"id": "048302-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Blooming onion, the only reason to visit this restaurant.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 10, "label": "U"}, {"source": 13, "target": 2, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 12, "target": 0, "label": "P"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "048363-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent Driving School", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "048363-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was involved in a car accident 20 years ago and since then I've been a nervous wreck and haven't been behind the wheel.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}, {"from": 36, "to": 41}, {"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}, {"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 25, "target": 16, "label": "L"}, {"source": 29, "target": 12, "label": "F"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 26, "target": 27, "label": "E"}, {"source": 30, "target": 13, "label": "E"}, {"source": 27, "target": 6, "label": "C"}, {"source": 31, "target": 19, "label": "S"}, {"source": 32, "target": 22, "label": "C"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "R"}, {"source": 27, "target": 5, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 11, "label": "A"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 4, "label": "E"}, {"source": 31, "target": 17, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 32, "target": 20, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 28, "label": "D"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 21, "label": "E"}, {"source": 30, "target": 14, "label": "E"}, {"source": 31, "target": 18, "label": "D"}, {"source": 32, "target": 23, "label": "U"}, {"source": 26, "target": 3, "label": "R"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 8, "label": "L"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "048363-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A very good friend of mine highly recommended the Professional Driving School and I was told to specifically ask for Gerry.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 62}, {"from": 63, "to": 70}, {"from": 71, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 92}]}, {"id": 14, "anchors": [{"from": 93, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 112}]}, {"id": 17, "anchors": [{"from": 113, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 122}]}, {"id": 19, "anchors": [{"from": 122, "to": 123}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 7, "label": "P"}, {"source": 25, "target": 26, "label": "C"}, {"source": 26, "target": 12, "label": "F"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 27, "target": 15, "label": "D"}, {"source": 25, "target": 10, "label": "N"}, {"source": 25, "target": 8, "label": "E"}, {"source": 23, "target": 1, "label": "E"}, {"source": 28, "target": 19, "label": "U"}, {"source": 28, "target": 18, "label": "C"}, {"source": 27, "target": 16, "label": "P"}, {"source": 22, "target": 6, "label": "D"}, {"source": 22, "target": 20, "label": "A"}, {"source": 25, "target": 9, "label": "C"}, {"source": 28, "target": 17, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 13, "label": "P"}, {"source": 20, "target": 23, "label": "E"}, {"source": 27, "target": 14, "label": "F"}, {"source": 26, "target": 11, "label": "A"}, {"source": 20, "target": 24, "label": "E"}, {"source": 23, "target": 2, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 20, "target": 3, "label": "C"}, {"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "048363-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She highly recommended him and described him as the \"Saintly Instructor and Simply the Best Instructor there is ....very calm, pleasant and very detailed in giving instructions\".", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}, {"from": 61, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 82}, {"from": 83, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 102}]}, {"id": 15, "anchors": [{"from": 103, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 116}]}, {"id": 18, "anchors": [{"from": 116, "to": 120}]}, {"id": 19, "anchors": [{"from": 121, "to": 125}]}, {"id": 20, "anchors": [{"from": 125, "to": 126}]}, {"id": 21, "anchors": [{"from": 127, "to": 135}]}, {"id": 22, "anchors": [{"from": 136, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 144}]}, {"id": 24, "anchors": [{"from": 145, "to": 153}]}, {"id": 25, "anchors": [{"from": 154, "to": 156}]}, {"id": 26, "anchors": [{"from": 157, "to": 163}]}, {"id": 27, "anchors": [{"from": 164, "to": 176}]}, {"id": 28, "anchors": [{"from": 176, "to": 177}]}, {"id": 29, "anchors": [{"from": 177, "to": 178}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 30, "target": 2, "label": "P"}, {"source": 34, "target": 9, "label": "U"}, {"source": 31, "target": 40, "label": "H"}, {"source": 39, "target": 20, "label": "U"}, {"source": 37, "target": 15, "label": "F"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 29, "label": "U"}, {"source": 33, "target": 35, "label": "C"}, {"source": 30, "target": 3, "label": "A"}, {"source": 38, "target": 18, "label": "E"}, {"source": 42, "target": 27, "label": "A"}, {"source": 31, "target": 32, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 41, "target": 42, "label": "C"}, {"source": 35, "target": 34, "label": "C"}, {"source": 38, "target": 39, "label": "C"}, {"source": 35, "target": 11, "label": "N"}, {"source": 36, "target": 12, "label": "E"}, {"source": 38, "target": 17, "label": "U"}, {"source": 42, "target": 26, "label": "P"}, {"source": 30, "target": 1, "label": "D"}, {"source": 41, "target": 25, "label": "R"}, {"source": 39, "target": 21, "label": "C"}, {"source": 31, "target": 4, "label": "L"}, {"source": 40, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 7, "label": "R"}, {"source": 30, "target": 0, "label": "A"}, {"source": 37, "target": 16, "label": "S"}, {"source": 39, "target": 19, "label": "C"}, {"source": 40, "target": 23, "label": "D"}, {"source": 34, "target": 10, "label": "C"}, {"source": 34, "target": 8, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 40, "target": 24, "label": "P"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 28, "label": "U"}, {"source": 33, "target": 37, "label": "E"}, {"source": 36, "target": 14, "label": "C"}, {"source": 32, "target": 5, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 30, "label": "H"}, {"source": 32, "target": 6, "label": "A"}, {"source": 31, "target": 22, "label": "L"}]} +{"id": "048363-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called the school most probably 10 times before I finally enrolled in a 20 hour package.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 12, "label": "R"}, {"source": 20, "target": 2, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 4, "label": "R"}, {"source": 24, "target": 15, "label": "C"}, {"source": 18, "target": 1, "label": "P"}, {"source": 22, "target": 11, "label": "P"}, {"source": 22, "target": 10, "label": "D"}, {"source": 23, "target": 24, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 5, "label": "R"}, {"source": 19, "target": 8, "label": "L"}, {"source": 18, "target": 21, "label": "D"}, {"source": 19, "target": 22, "label": "H"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 3, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "048363-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had to cancel my initial lesson 4 times and on the 5th attempt the management was quick enough to associate my cancellations with my fear and finally encouraged me into taking my initial lesson.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 162}]}, {"id": 29, "anchors": [{"from": 163, "to": 165}]}, {"id": 30, "anchors": [{"from": 166, "to": 170}]}, {"id": 31, "anchors": [{"from": 171, "to": 177}]}, {"id": 32, "anchors": [{"from": 178, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 188}]}, {"id": 34, "anchors": [{"from": 189, "to": 195}]}, {"id": 35, "anchors": [{"from": 195, "to": 196}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 36, "target": 38, "label": "P"}, {"source": 47, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 22, "label": "C"}, {"source": 49, "target": 35, "label": "U"}, {"source": 49, "target": 34, "label": "C"}, {"source": 47, "target": 29, "label": "A"}, {"source": 48, "target": 31, "label": "P"}, {"source": 36, "target": 40, "label": "A"}, {"source": 39, "target": 4, "label": "E"}, {"source": 49, "target": 33, "label": "E"}, {"source": 47, "target": 28, "label": "P"}, {"source": 37, "target": 26, "label": "L"}, {"source": 41, "target": 10, "label": "R"}, {"source": 43, "target": 14, "label": "E"}, {"source": 38, "target": 1, "label": "F"}, {"source": 46, "target": 24, "label": "E"}, {"source": 40, "target": 7, "label": "E"}, {"source": 42, "target": 16, "label": "F"}, {"source": 46, "target": 23, "label": "R"}, {"source": 42, "target": 44, "label": "A"}, {"source": 36, "target": 2, "label": "F"}, {"source": 47, "target": 48, "label": "A"}, {"source": 44, "target": 46, "label": "A"}, {"source": 49, "target": 32, "label": "E"}, {"source": 38, "target": 3, "label": "C"}, {"source": 48, "target": 49, "label": "A"}, {"source": 36, "target": 39, "label": "A"}, {"source": 37, "target": 9, "label": "L"}, {"source": 42, "target": 17, "label": "S"}, {"source": 44, "target": 20, "label": "P"}, {"source": 36, "target": 0, "label": "A"}, {"source": 48, "target": 30, "label": "R"}, {"source": 37, "target": 47, "label": "H"}, {"source": 44, "target": 19, "label": "F"}, {"source": 42, "target": 18, "label": "D"}, {"source": 41, "target": 12, "label": "E"}, {"source": 47, "target": 27, "label": "D"}, {"source": 48, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 25, "label": "C"}, {"source": 37, "target": 36, "label": "H"}, {"source": 41, "target": 11, "label": "E"}, {"source": 42, "target": 41, "label": "A"}, {"source": 39, "target": 6, "label": "C"}, {"source": 41, "target": 13, "label": "C"}, {"source": 43, "target": 15, "label": "C"}, {"source": 45, "target": 21, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 40, "target": 8, "label": "C"}, {"source": 44, "target": 45, "label": "A"}, {"source": 39, "target": 5, "label": "E"}, {"source": 37, "target": 42, "label": "H"}]} +{"id": "048363-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Five minutes before my initial lesson, I got a call from Gerry advising me of his arrival and to come down as soon as I was ready.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}, {"from": 102, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}, {"from": 110, "to": 114}, {"from": 115, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 129}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 33, "target": 13, "label": "P"}, {"source": 29, "target": 4, "label": "E"}, {"source": 32, "target": 12, "label": "C"}, {"source": 30, "target": 8, "label": "D"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 14, "label": "A"}, {"source": 27, "target": 35, "label": "H"}, {"source": 35, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 23, "label": "F"}, {"source": 36, "target": 21, "label": "R"}, {"source": 27, "target": 26, "label": "L"}, {"source": 37, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "C"}, {"source": 34, "target": 17, "label": "C"}, {"source": 30, "target": 31, "label": "P"}, {"source": 28, "target": 3, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 27, "target": 33, "label": "H"}, {"source": 37, "target": 24, "label": "P"}, {"source": 26, "target": 0, "label": "E"}, {"source": 27, "target": 6, "label": "U"}, {"source": 35, "target": 19, "label": "F"}, {"source": 31, "target": 9, "label": "E"}, {"source": 37, "target": 22, "label": "A"}, {"source": 26, "target": 2, "label": "R"}, {"source": 35, "target": 20, "label": "P"}, {"source": 26, "target": 1, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 29, "target": 5, "label": "C"}, {"source": 34, "target": 15, "label": "R"}, {"source": 28, "target": 29, "label": "P"}, {"source": 27, "target": 18, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 37, "label": "C"}, {"source": 34, "target": 16, "label": "E"}, {"source": 30, "target": 7, "label": "A"}]} +{"id": "048363-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My heart pounded as I walked down and pounded even faster upon seeing Gerry in an SUV - Lexus!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}, {"from": 88, "to": 93}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 25, "target": 9, "label": "E"}, {"source": 27, "target": 14, "label": "R"}, {"source": 24, "target": 25, "label": "D"}, {"source": 21, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 8, "label": "P"}, {"source": 25, "target": 10, "label": "C"}, {"source": 21, "target": 26, "label": "H"}, {"source": 23, "target": 6, "label": "E"}, {"source": 27, "target": 16, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 27, "target": 18, "label": "U"}, {"source": 21, "target": 11, "label": "L"}, {"source": 19, "target": 0, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "P"}, {"source": 26, "target": 12, "label": "P"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 13, "label": "A"}, {"source": 27, "target": 15, "label": "E"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "048363-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I thought of canceling the lesson once again because I didn't feel comfortable driving an SUV.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 22, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 10, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 25, "target": 15, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 13, "label": "A"}, {"source": 18, "target": 1, "label": "P"}, {"source": 23, "target": 9, "label": "A"}, {"source": 23, "target": 12, "label": "S"}, {"source": 23, "target": 11, "label": "D"}, {"source": 25, "target": 16, "label": "C"}, {"source": 24, "target": 14, "label": "P"}, {"source": 19, "target": 8, "label": "L"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 22, "target": 6, "label": "E"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "048363-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gerry pleasantly said \" since I am already here why don't we give it shot.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 8, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "S"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 14, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 24, "target": 15, "label": "P"}, {"source": 20, "target": 7, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 3, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 9, "label": "F"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 11, "label": "C"}, {"source": 21, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 4, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 5, "label": "A"}]} +{"id": "048363-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I trust you and believe that you'll be able to handle this and all you have to do is to reciprocate!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 99}]}, {"id": 22, "anchors": [{"from": 99, "to": 100}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 19, "label": "F"}, {"source": 24, "target": 25, "label": "H"}, {"source": 26, "target": 12, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 26, "target": 6, "label": "A"}, {"source": 26, "target": 8, "label": "F"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "F"}, {"source": 23, "target": 2, "label": "A"}, {"source": 26, "target": 28, "label": "P"}, {"source": 29, "target": 20, "label": "F"}, {"source": 26, "target": 7, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 5, "label": "F"}, {"source": 30, "target": 18, "label": "C"}, {"source": 28, "target": 9, "label": "E"}, {"source": 23, "target": 1, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 24, "target": 3, "label": "L"}, {"source": 28, "target": 11, "label": "C"}, {"source": 29, "target": 15, "label": "A"}, {"source": 26, "target": 10, "label": "F"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 14, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 30, "label": "P"}, {"source": 30, "target": 16, "label": "F"}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 13, "label": "L"}, {"source": 25, "target": 4, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "048363-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Trust me and most especially trust and believe in yourself.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 16, "label": "A"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 2, "label": "L"}, {"source": 15, "target": 7, "label": "C"}, {"source": 11, "target": 0, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 6, "label": "N"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 15, "label": "P"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "048363-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't worry, I'll take care of you!\"", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 22}, {"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 36}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 2, "label": "S"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 5, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 14, "label": "H"}, {"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "A"}, {"source": 12, "target": 3, "label": "U"}, {"source": 11, "target": 0, "label": "L"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "048363-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "....... the rest was history!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "048363-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Here I am now driving confidently on my own.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "048363-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gerry, I can't thank you enough for helping me cope with my fear.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 6, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 23, "target": 12, "label": "R"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 21, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 4, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 9, "label": "P"}, {"source": 23, "target": 13, "label": "E"}, {"source": 20, "target": 8, "label": "R"}, {"source": 23, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 7, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 11, "label": "P"}, {"source": 17, "target": 1, "label": "U"}, {"source": 18, "target": 2, "label": "A"}]} +{"id": "048363-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To my friend, thank you for your recommendation... you were true to your words in saying Gerry is a \"Saintly Instructor ...Absolutely Simple the Best Instructor and Best Driving school there is!", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 108}, {"from": 109, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 160}]}, {"id": 29, "anchors": [{"from": 161, "to": 164}]}, {"id": 30, "anchors": [{"from": 165, "to": 169}]}, {"id": 31, "anchors": [{"from": 170, "to": 177}]}, {"id": 32, "anchors": [{"from": 178, "to": 184}]}, {"id": 33, "anchors": [{"from": 185, "to": 190}]}, {"id": 34, "anchors": [{"from": 191, "to": 193}]}, {"id": 35, "anchors": [{"from": 193, "to": 194}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 40, "target": 10, "label": "A"}, {"source": 50, "target": 30, "label": "E"}, {"source": 37, "target": 5, "label": "A"}, {"source": 45, "target": 19, "label": "S"}, {"source": 45, "target": 49, "label": "A"}, {"source": 36, "target": 2, "label": "C"}, {"source": 38, "target": 37, "label": "H"}, {"source": 48, "target": 27, "label": "E"}, {"source": 40, "target": 44, "label": "A"}, {"source": 39, "target": 8, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 37, "target": 4, "label": "P"}, {"source": 44, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 50, "label": "E"}, {"source": 40, "target": 42, "label": "P"}, {"source": 38, "target": 9, "label": "U"}, {"source": 48, "target": 28, "label": "C"}, {"source": 46, "target": 20, "label": "E"}, {"source": 52, "target": 34, "label": "S"}, {"source": 46, "target": 22, "label": "E"}, {"source": 49, "target": 51, "label": "C"}, {"source": 38, "target": 40, "label": "H"}, {"source": 37, "target": 36, "label": "A"}, {"source": 44, "target": 43, "label": "P"}, {"source": 41, "target": 12, "label": "C"}, {"source": 46, "target": 23, "label": "U"}, {"source": 36, "target": 1, "label": "E"}, {"source": 47, "target": 24, "label": "E"}, {"source": 48, "target": 26, "label": "E"}, {"source": 46, "target": 21, "label": "U"}, {"source": 39, "target": 6, "label": "R"}, {"source": 46, "target": 47, "label": "E"}, {"source": 42, "target": 41, "label": "E"}, {"source": 41, "target": 11, "label": "E"}, {"source": 49, "target": 48, "label": "C"}, {"source": 47, "target": 25, "label": "C"}, {"source": 42, "target": 15, "label": "C"}, {"source": 50, "target": 31, "label": "C"}, {"source": 38, "target": 52, "label": "H"}, {"source": 42, "target": 13, "label": "R"}, {"source": 42, "target": 14, "label": "E"}, {"source": 44, "target": 45, "label": "A"}, {"source": 45, "target": 18, "label": "A"}, {"source": 51, "target": 32, "label": "C"}, {"source": 37, "target": 3, "label": "U"}, {"source": 52, "target": 35, "label": "U"}, {"source": 43, "target": 16, "label": "F"}, {"source": 36, "target": 0, "label": "R"}, {"source": 43, "target": 17, "label": "C"}, {"source": 38, "target": 33, "label": "L"}, {"source": 49, "target": 29, "label": "N"}, {"source": 39, "target": 7, "label": "E"}]} +{"id": "048644-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't judge a book by its cover", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "E"}, {"source": 9, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "048644-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "From the outside Ichiban looks like it will be terrible.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 3, "label": "A"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 7, "label": "F"}, {"source": 16, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 6, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 14, "target": 1, "label": "E"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "L"}]} +{"id": "048644-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This couldn't be farther from the truth.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 11, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "048644-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is amazing, and the prices cannot be beat.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "D"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 5, "label": "L"}, {"source": 17, "target": 8, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 4, "label": "U"}, {"source": 17, "target": 10, "label": "F"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 11, "label": "P"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "048644-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The sushi is great, and they have a great selection.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 4, "label": "U"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "049766-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WWW-Wonderful Wild Wildernest inn", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 13}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 33}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 4, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "049766-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would give the Wildernest inn ten stars of five!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 10, "label": "U"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 5, "label": "P"}, {"source": 12, "target": 13, "label": "P"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 1, "label": "F"}, {"source": 17, "target": 8, "label": "R"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 3, "label": "E"}]} +{"id": "049766-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Atop Spring Mountain, from the decks of the West porch, \"one can see forever\" a scene of unparalleled beauty and grandeur.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}, {"from": 12, "to": 20}]}, {"id": 1, "anchors": [{"from": 20, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 54}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 121}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 33, "target": 32, "label": "C"}, {"source": 24, "target": 0, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 23, "label": "U"}, {"source": 33, "target": 22, "label": "C"}, {"source": 27, "target": 2, "label": "R"}, {"source": 24, "target": 27, "label": "E"}, {"source": 31, "target": 33, "label": "C"}, {"source": 30, "target": 17, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 24, "target": 1, "label": "U"}, {"source": 27, "target": 6, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 30, "target": 16, "label": "E"}, {"source": 32, "target": 20, "label": "C"}, {"source": 29, "target": 11, "label": "A"}, {"source": 29, "target": 13, "label": "P"}, {"source": 32, "target": 19, "label": "E"}, {"source": 29, "target": 12, "label": "D"}, {"source": 30, "target": 31, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 4, "label": "C"}, {"source": 26, "target": 24, "label": "A"}, {"source": 28, "target": 3, "label": "E"}, {"source": 26, "target": 29, "label": "A"}, {"source": 29, "target": 15, "label": "U"}, {"source": 26, "target": 9, "label": "U"}, {"source": 28, "target": 5, "label": "R"}, {"source": 33, "target": 21, "label": "N"}, {"source": 31, "target": 18, "label": "R"}, {"source": 29, "target": 14, "label": "D"}, {"source": 26, "target": 10, "label": "U"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "049766-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I saw deer frequently, in fact a small herd were grazing near the lodge.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}, {"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "R"}, {"source": 19, "target": 12, "label": "E"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 4, "label": "U"}, {"source": 16, "target": 18, "label": "H"}, {"source": 15, "target": 3, "label": "D"}, {"source": 18, "target": 17, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "S"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 2, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "049766-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There were occasional bears on the deck in the morning.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 2, "label": "E"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 15, "label": "D"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "049766-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and most correctly, us visitors did not mingle with the native wildlife.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 12, "label": "C"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 1, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "D"}, {"source": 17, "target": 4, "label": "E"}, {"source": 16, "target": 3, "label": "U"}, {"source": 18, "target": 9, "label": "R"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 15, "label": "D"}]} +{"id": "049766-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It would have been more than one could bear!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 13, "label": "R"}, {"source": 11, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 11, "target": 12, "label": "P"}, {"source": 13, "target": 5, "label": "R"}, {"source": 15, "target": 7, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "049766-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Kathy and Stewart, the proprietors were the epitome of perfection.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 15, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 1, "label": "N"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 3, "label": "U"}, {"source": 17, "target": 18, "label": "E"}, {"source": 12, "target": 2, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 6, "label": "S"}]} +{"id": "049766-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Delightful, hospitable, superb,cozy and comfortable.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 3, "label": "U"}, {"source": 10, "target": 0, "label": "C"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 1, "label": "U"}, {"source": 10, "target": 7, "label": "N"}, {"source": 10, "target": 8, "label": "C"}, {"source": 10, "target": 5, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "049766-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I hope to be back!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 8, "label": "A"}, {"source": 7, "target": 6, "label": "H"}, {"source": 8, "target": 4, "label": "D"}, {"source": 8, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "052836-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bad food and bad service!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 5, "label": "U"}, {"source": 9, "target": 10, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 8, "target": 9, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 10, "target": 11, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "N"}]} +{"id": "052836-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Save yourself a trip!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "052884-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "unique gifts and cards", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 2, "label": "N"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 4, "label": "C"}, {"source": 4, "target": 0, "label": "E"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "053248-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quit with the overstatements!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "053248-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The truth is, in my and my dining partners' experience, this is a fine little restaurant with some unique food.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 13, "label": "A"}, {"source": 27, "target": 4, "label": "R"}, {"source": 24, "target": 0, "label": "E"}, {"source": 29, "target": 9, "label": "E"}, {"source": 32, "target": 22, "label": "C"}, {"source": 26, "target": 12, "label": "U"}, {"source": 31, "target": 17, "label": "E"}, {"source": 32, "target": 20, "label": "E"}, {"source": 28, "target": 6, "label": "N"}, {"source": 26, "target": 30, "label": "H"}, {"source": 30, "target": 14, "label": "S"}, {"source": 24, "target": 1, "label": "C"}, {"source": 29, "target": 8, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 2, "label": "S"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 28, "label": "C"}, {"source": 31, "target": 18, "label": "C"}, {"source": 31, "target": 15, "label": "E"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 29, "target": 10, "label": "U"}, {"source": 29, "target": 7, "label": "E"}, {"source": 31, "target": 16, "label": "E"}, {"source": 32, "target": 21, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 23, "label": "U"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 19, "label": "R"}, {"source": 25, "target": 24, "label": "A"}, {"source": 28, "target": 29, "label": "C"}, {"source": 25, "target": 3, "label": "U"}]} +{"id": "053248-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's an entirely up and down experience, however.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}, {"from": 17, "to": 19}, {"from": 20, "to": 23}, {"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "S"}, {"source": 9, "target": 6, "label": "L"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 5, "label": "U"}, {"source": 10, "target": 4, "label": "C"}]} +{"id": "053248-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now, the best of that unique food comes at the very beginning of the meal.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 22, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 5, "label": "E"}, {"source": 23, "target": 11, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 15, "label": "C"}, {"source": 22, "target": 9, "label": "R"}, {"source": 19, "target": 18, "label": "P"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 13, "label": "R"}, {"source": 17, "target": 1, "label": "U"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 4, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "053248-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The salatim salads are the smallest plates I've ever seen placed in front of me (you would most likely think they were condiments if it weren't explained to you).", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}, {"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 156}]}, {"id": 30, "anchors": [{"from": 157, "to": 160}]}, {"id": 31, "anchors": [{"from": 160, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 40, "target": 42, "label": "D"}, {"source": 36, "target": 7, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 33, "target": 1, "label": "E"}, {"source": 38, "target": 10, "label": "C"}, {"source": 39, "target": 14, "label": "C"}, {"source": 35, "target": 44, "label": "H"}, {"source": 33, "target": 2, "label": "C"}, {"source": 43, "target": 21, "label": "A"}, {"source": 35, "target": 24, "label": "L"}, {"source": 40, "target": 43, "label": "A"}, {"source": 43, "target": 23, "label": "S"}, {"source": 33, "target": 0, "label": "E"}, {"source": 34, "target": 33, "label": "A"}, {"source": 37, "target": 6, "label": "C"}, {"source": 44, "target": 27, "label": "D"}, {"source": 43, "target": 22, "label": "F"}, {"source": 37, "target": 5, "label": "E"}, {"source": 36, "target": 4, "label": "E"}, {"source": 34, "target": 8, "label": "D"}, {"source": 34, "target": 13, "label": "F"}, {"source": 39, "target": 40, "label": "E"}, {"source": 45, "target": 32, "label": "U"}, {"source": 44, "target": 25, "label": "A"}, {"source": 34, "target": 3, "label": "S"}, {"source": 39, "target": 38, "label": "E"}, {"source": 45, "target": 31, "label": "U"}, {"source": 39, "target": 15, "label": "U"}, {"source": 40, "target": 41, "label": "P"}, {"source": 34, "target": 9, "label": "D"}, {"source": 40, "target": 16, "label": "A"}, {"source": 34, "target": 12, "label": "D"}, {"source": 42, "target": 19, "label": "C"}, {"source": 38, "target": 11, "label": "R"}, {"source": 41, "target": 17, "label": "F"}, {"source": 34, "target": 39, "label": "A"}, {"source": 45, "target": 30, "label": "C"}, {"source": 44, "target": 45, "label": "A"}, {"source": 40, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 20, "label": "C"}, {"source": 44, "target": 26, "label": "F"}, {"source": 44, "target": 28, "label": "P"}, {"source": 36, "target": 37, "label": "E"}, {"source": 35, "target": 34, "label": "H"}, {"source": 45, "target": 29, "label": "R"}, {"source": 42, "target": 18, "label": "E"}]} +{"id": "053248-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Though they are mostly excellent, you generally don't get enough forkfuls to know if you really love them.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 3, "label": "D"}, {"source": 25, "target": 11, "label": "E"}, {"source": 23, "target": 6, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 10, "label": "C"}, {"source": 26, "target": 14, "label": "P"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 5, "label": "U"}, {"source": 27, "target": 17, "label": "D"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 27, "label": "H"}, {"source": 27, "target": 19, "label": "A"}, {"source": 23, "target": 26, "label": "A"}, {"source": 21, "target": 15, "label": "L"}, {"source": 22, "target": 4, "label": "S"}, {"source": 24, "target": 8, "label": "F"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 7, "label": "D"}, {"source": 22, "target": 2, "label": "F"}, {"source": 23, "target": 9, "label": "D"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 13, "label": "F"}, {"source": 27, "target": 20, "label": "U"}, {"source": 27, "target": 18, "label": "P"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "053248-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That being said, the laffa and hummus are out of this world.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 18, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 19, "label": "R"}, {"source": 17, "target": 8, "label": "S"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 6, "label": "N"}, {"source": 17, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "U"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "053248-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then again, for the three of us who dined together, two pieces of flatbread left us fighting for more, and licking the hummus from our fingers (and yes, those two pieces of flatbread did represent a three-person order).", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 144}]}, {"id": 29, "anchors": [{"from": 144, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 151}]}, {"id": 31, "anchors": [{"from": 151, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 162}]}, {"id": 34, "anchors": [{"from": 163, "to": 169}]}, {"id": 35, "anchors": [{"from": 170, "to": 172}]}, {"id": 36, "anchors": [{"from": 173, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 186}]}, {"id": 38, "anchors": [{"from": 187, "to": 196}]}, {"id": 39, "anchors": [{"from": 197, "to": 198}]}, {"id": 40, "anchors": [{"from": 199, "to": 204}]}, {"id": 41, "anchors": [{"from": 204, "to": 205}]}, {"id": 42, "anchors": [{"from": 205, "to": 211}]}, {"id": 43, "anchors": [{"from": 212, "to": 217}]}, {"id": 44, "anchors": [{"from": 217, "to": 218}]}, {"id": 45, "anchors": [{"from": 218, "to": 219}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 46, "target": 38, "label": "P"}, {"source": 56, "target": 23, "label": "E"}, {"source": 61, "target": 32, "label": "E"}, {"source": 48, "target": 10, "label": "U"}, {"source": 60, "target": 61, "label": "A"}, {"source": 56, "target": 24, "label": "C"}, {"source": 59, "target": 29, "label": "N"}, {"source": 61, "target": 36, "label": "C"}, {"source": 62, "target": 35, "label": "R"}, {"source": 47, "target": 2, "label": "R"}, {"source": 47, "target": 3, "label": "E"}, {"source": 49, "target": 4, "label": "C"}, {"source": 46, "target": 48, "label": "H"}, {"source": 48, "target": 54, "label": "D"}, {"source": 49, "target": 5, "label": "R"}, {"source": 48, "target": 53, "label": "H"}, {"source": 53, "target": 15, "label": "P"}, {"source": 50, "target": 8, "label": "P"}, {"source": 48, "target": 17, "label": "P"}, {"source": 47, "target": 6, "label": "C"}, {"source": 52, "target": 51, "label": "E"}, {"source": 46, "target": 20, "label": "U"}, {"source": 63, "target": 44, "label": "U"}, {"source": 47, "target": 50, "label": "E"}, {"source": 53, "target": 16, "label": "A"}, {"source": 63, "target": 43, "label": "C"}, {"source": 60, "target": 31, "label": "U"}, {"source": 55, "target": 56, "label": "A"}, {"source": 51, "target": 12, "label": "C"}, {"source": 55, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 63, "label": "A"}, {"source": 58, "target": 26, "label": "E"}, {"source": 46, "target": 55, "label": "H"}, {"source": 54, "target": 18, "label": "R"}, {"source": 46, "target": 1, "label": "U"}, {"source": 46, "target": 21, "label": "L"}, {"source": 46, "target": 60, "label": "A"}, {"source": 54, "target": 19, "label": "C"}, {"source": 57, "target": 25, "label": "R"}, {"source": 46, "target": 37, "label": "F"}, {"source": 57, "target": 59, "label": "C"}, {"source": 64, "target": 40, "label": "E"}, {"source": 50, "target": 7, "label": "F"}, {"source": 62, "target": 34, "label": "C"}, {"source": 51, "target": 13, "label": "R"}, {"source": 53, "target": 52, "label": "A"}, {"source": 47, "target": 49, "label": "E"}, {"source": 64, "target": 42, "label": "C"}, {"source": 63, "target": 39, "label": "E"}, {"source": 48, "target": 47, "label": "A"}, {"source": 63, "target": 45, "label": "U"}, {"source": 55, "target": 22, "label": "P"}, {"source": 46, "target": 0, "label": "L"}, {"source": 50, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 11, "label": "E"}, {"source": 50, "target": 9, "label": "D"}, {"source": 61, "target": 62, "label": "E"}, {"source": 61, "target": 33, "label": "E"}, {"source": 58, "target": 27, "label": "C"}, {"source": 59, "target": 30, "label": "C"}, {"source": 55, "target": 57, "label": "A"}, {"source": 63, "target": 64, "label": "E"}, {"source": 59, "target": 28, "label": "U"}, {"source": 64, "target": 41, "label": "U"}, {"source": 59, "target": 58, "label": "C"}, {"source": 52, "target": 14, "label": "C"}]} +{"id": "053248-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dinner was also an up-and-down experience.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "053248-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The vegetarian dishes and lighter fare were almost always spot-on, while the lamb was often dry and/or overcooked.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 65}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 113}]}, {"id": 22, "anchors": [{"from": 113, "to": 114}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 31, "target": 13, "label": "E"}, {"source": 25, "target": 9, "label": "P"}, {"source": 28, "target": 3, "label": "N"}, {"source": 24, "target": 28, "label": "C"}, {"source": 24, "target": 0, "label": "E"}, {"source": 26, "target": 32, "label": "H"}, {"source": 33, "target": 20, "label": "N"}, {"source": 33, "target": 17, "label": "C"}, {"source": 30, "target": 8, "label": "C"}, {"source": 32, "target": 16, "label": "D"}, {"source": 33, "target": 22, "label": "U"}, {"source": 32, "target": 31, "label": "A"}, {"source": 28, "target": 27, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 33, "target": 19, "label": "U"}, {"source": 30, "target": 7, "label": "E"}, {"source": 27, "target": 2, "label": "C"}, {"source": 33, "target": 21, "label": "C"}, {"source": 33, "target": 18, "label": "N"}, {"source": 25, "target": 23, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 27, "target": 1, "label": "E"}, {"source": 25, "target": 6, "label": "F"}, {"source": 25, "target": 30, "label": "D"}, {"source": 26, "target": 12, "label": "L"}, {"source": 26, "target": 11, "label": "U"}, {"source": 25, "target": 10, "label": "U"}, {"source": 29, "target": 5, "label": "C"}, {"source": 32, "target": 15, "label": "F"}, {"source": 32, "target": 33, "label": "S"}, {"source": 28, "target": 29, "label": "C"}, {"source": 31, "target": 14, "label": "C"}]} +{"id": "053248-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The duck was a 65% glob of chewy fat with no resemblance to the juicy, crispy delicacy it usually represents at other establishments.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 132}]}, {"id": 25, "anchors": [{"from": 132, "to": 133}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 31, "target": 6, "label": "S"}, {"source": 33, "target": 11, "label": "D"}, {"source": 37, "target": 23, "label": "E"}, {"source": 32, "target": 7, "label": "R"}, {"source": 36, "target": 19, "label": "A"}, {"source": 37, "target": 22, "label": "R"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 8, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 35, "target": 18, "label": "C"}, {"source": 30, "target": 31, "label": "C"}, {"source": 34, "target": 15, "label": "C"}, {"source": 33, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 29, "label": "C"}, {"source": 37, "target": 25, "label": "U"}, {"source": 33, "target": 12, "label": "S"}, {"source": 34, "target": 13, "label": "R"}, {"source": 36, "target": 20, "label": "D"}, {"source": 29, "target": 3, "label": "E"}, {"source": 32, "target": 9, "label": "C"}, {"source": 36, "target": 21, "label": "P"}, {"source": 34, "target": 14, "label": "E"}, {"source": 36, "target": 37, "label": "A"}, {"source": 30, "target": 5, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 0, "label": "E"}, {"source": 29, "target": 4, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 28, "target": 36, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 35, "target": 17, "label": "E"}, {"source": 33, "target": 10, "label": "R"}, {"source": 28, "target": 16, "label": "U"}, {"source": 36, "target": 35, "label": "A"}, {"source": 27, "target": 30, "label": "A"}, {"source": 26, "target": 1, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 2, "label": "S"}, {"source": 31, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "053248-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dessert was... hmmm, that's interesting, I don't even remember dessert.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 5, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 7, "label": "A"}, {"source": 16, "target": 3, "label": "S"}, {"source": 19, "target": 12, "label": "D"}, {"source": 18, "target": 6, "label": "S"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 2, "label": "U"}, {"source": 19, "target": 15, "label": "U"}, {"source": 19, "target": 13, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 9, "label": "A"}, {"source": 19, "target": 11, "label": "D"}, {"source": 17, "target": 4, "label": "U"}, {"source": 17, "target": 8, "label": "U"}, {"source": 19, "target": 14, "label": "A"}]} +{"id": "053248-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I guess that tells you a lot.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "P"}, {"source": 9, "target": 4, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "053248-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oh, yes, the chocolate semifreddo was quite good.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 14, "label": "E"}, {"source": 13, "target": 9, "label": "S"}, {"source": 13, "target": 8, "label": "D"}, {"source": 11, "target": 0, "label": "C"}, {"source": 11, "target": 1, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "U"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "F"}]} +{"id": "053248-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The warm chocolate cake was very tasty, but served at room temperature, not warm by any stretch of the imagination.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 23, "target": 1, "label": "E"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 15, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 25, "target": 27, "label": "H"}, {"source": 32, "target": 20, "label": "E"}, {"source": 31, "target": 17, "label": "E"}, {"source": 28, "target": 11, "label": "E"}, {"source": 30, "target": 16, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 10, "label": "R"}, {"source": 32, "target": 21, "label": "C"}, {"source": 24, "target": 4, "label": "S"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "C"}, {"source": 30, "target": 32, "label": "E"}, {"source": 31, "target": 18, "label": "C"}, {"source": 27, "target": 9, "label": "P"}, {"source": 23, "target": 0, "label": "E"}, {"source": 29, "target": 14, "label": "E"}, {"source": 26, "target": 5, "label": "E"}, {"source": 25, "target": 7, "label": "U"}, {"source": 28, "target": 12, "label": "C"}, {"source": 32, "target": 31, "label": "E"}, {"source": 28, "target": 13, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 25, "target": 8, "label": "L"}, {"source": 31, "target": 19, "label": "R"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "053248-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And my--no, I still don't remember what I had.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 13}]}, {"id": 6, "anchors": [{"from": 14, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 22}]}, {"id": 8, "anchors": [{"from": 22, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 45}]}, {"id": 13, "anchors": [{"from": 45, "to": 46}]}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 11, "label": "A"}, {"source": 14, "target": 0, "label": "L"}, {"source": 16, "target": 10, "label": "A"}, {"source": 15, "target": 9, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 4, "label": "U"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 2, "label": "U"}, {"source": 15, "target": 8, "label": "D"}, {"source": 16, "target": 13, "label": "U"}, {"source": 16, "target": 12, "label": "P"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "053248-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was average, but nothing special, and restaurants that are supposed to be excellent should do a better job of training their waitstaff to be communicative and friendly, not merely capable.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 162}]}, {"id": 28, "anchors": [{"from": 163, "to": 166}]}, {"id": 29, "anchors": [{"from": 167, "to": 175}]}, {"id": 30, "anchors": [{"from": 175, "to": 176}]}, {"id": 31, "anchors": [{"from": 177, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 187}]}, {"id": 33, "anchors": [{"from": 188, "to": 195}]}, {"id": 34, "anchors": [{"from": 195, "to": 196}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 1, "label": "F"}, {"source": 45, "target": 47, "label": "A"}, {"source": 39, "target": 9, "label": "C"}, {"source": 36, "target": 38, "label": "H"}, {"source": 42, "target": 19, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 47, "target": 34, "label": "U"}, {"source": 44, "target": 24, "label": "C"}, {"source": 35, "target": 2, "label": "S"}, {"source": 37, "target": 5, "label": "C"}, {"source": 46, "target": 28, "label": "N"}, {"source": 45, "target": 30, "label": "U"}, {"source": 40, "target": 13, "label": "F"}, {"source": 40, "target": 14, "label": "F"}, {"source": 39, "target": 40, "label": "E"}, {"source": 40, "target": 15, "label": "D"}, {"source": 47, "target": 31, "label": "E"}, {"source": 45, "target": 26, "label": "F"}, {"source": 41, "target": 16, "label": "F"}, {"source": 43, "target": 21, "label": "F"}, {"source": 47, "target": 33, "label": "C"}, {"source": 36, "target": 3, "label": "U"}, {"source": 40, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 8, "label": "L"}, {"source": 42, "target": 20, "label": "C"}, {"source": 43, "target": 22, "label": "P"}, {"source": 45, "target": 25, "label": "F"}, {"source": 45, "target": 46, "label": "S"}, {"source": 43, "target": 45, "label": "A"}, {"source": 35, "target": 0, "label": "A"}, {"source": 40, "target": 41, "label": "P"}, {"source": 42, "target": 43, "label": "E"}, {"source": 40, "target": 10, "label": "F"}, {"source": 36, "target": 7, "label": "U"}, {"source": 40, "target": 11, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 36, "target": 4, "label": "L"}, {"source": 41, "target": 17, "label": "C"}, {"source": 46, "target": 27, "label": "C"}, {"source": 47, "target": 32, "label": "E"}, {"source": 40, "target": 12, "label": "D"}, {"source": 36, "target": 35, "label": "H"}, {"source": 46, "target": 29, "label": "C"}, {"source": 44, "target": 23, "label": "E"}, {"source": 37, "target": 6, "label": "E"}, {"source": 38, "target": 37, "label": "A"}, {"source": 42, "target": 18, "label": "E"}]} +{"id": "053248-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Perhaps had we not gone into this restaurant believing Zahav was going to be golden as its name suggests (and as the many golden reviews seem to attest), we would have enjoyed a decent little expensive experience.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 151}]}, {"id": 29, "anchors": [{"from": 151, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 156}]}, {"id": 32, "anchors": [{"from": 157, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 167}]}, {"id": 34, "anchors": [{"from": 168, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 184}]}, {"id": 37, "anchors": [{"from": 185, "to": 191}]}, {"id": 38, "anchors": [{"from": 192, "to": 201}]}, {"id": 39, "anchors": [{"from": 202, "to": 212}]}, {"id": 40, "anchors": [{"from": 212, "to": 213}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 47, "target": 15, "label": "R"}, {"source": 42, "target": 51, "label": "H"}, {"source": 46, "target": 12, "label": "F"}, {"source": 44, "target": 6, "label": "E"}, {"source": 42, "target": 30, "label": "U"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 53, "target": 40, "label": "U"}, {"source": 51, "target": 31, "label": "A"}, {"source": 45, "target": 19, "label": "U"}, {"source": 54, "target": 37, "label": "C"}, {"source": 48, "target": 21, "label": "R"}, {"source": 48, "target": 22, "label": "E"}, {"source": 54, "target": 36, "label": "E"}, {"source": 51, "target": 52, "label": "S"}, {"source": 42, "target": 41, "label": "H"}, {"source": 49, "target": 48, "label": "A"}, {"source": 46, "target": 14, "label": "S"}, {"source": 53, "target": 38, "label": "E"}, {"source": 50, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 35, "label": "E"}, {"source": 52, "target": 32, "label": "F"}, {"source": 43, "target": 2, "label": "A"}, {"source": 47, "target": 17, "label": "E"}, {"source": 41, "target": 1, "label": "P"}, {"source": 45, "target": 46, "label": "H"}, {"source": 44, "target": 7, "label": "C"}, {"source": 49, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 0, "label": "D"}, {"source": 47, "target": 18, "label": "C"}, {"source": 48, "target": 23, "label": "E"}, {"source": 51, "target": 53, "label": "A"}, {"source": 51, "target": 33, "label": "F"}, {"source": 46, "target": 10, "label": "F"}, {"source": 48, "target": 25, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 46, "target": 9, "label": "A"}, {"source": 46, "target": 13, "label": "D"}, {"source": 43, "target": 3, "label": "D"}, {"source": 53, "target": 39, "label": "C"}, {"source": 45, "target": 49, "label": "C"}, {"source": 41, "target": 43, "label": "A"}, {"source": 44, "target": 5, "label": "R"}, {"source": 50, "target": 28, "label": "P"}, {"source": 41, "target": 45, "label": "A"}, {"source": 50, "target": 27, "label": "F"}, {"source": 45, "target": 20, "label": "N"}, {"source": 45, "target": 8, "label": "R"}, {"source": 46, "target": 11, "label": "D"}, {"source": 49, "target": 26, "label": "P"}, {"source": 48, "target": 24, "label": "E"}, {"source": 46, "target": 47, "label": "A"}, {"source": 47, "target": 16, "label": "E"}, {"source": 43, "target": 4, "label": "P"}, {"source": 52, "target": 34, "label": "C"}, {"source": 53, "target": 54, "label": "E"}]} +{"id": "053248-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But one should not go here expecting something fantastic, unless perhaps you've never had middle-eastern food before, or succulent duck, tasty lamb, decent portion sizes or actually warm chocolate desserts.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 116}]}, {"id": 21, "anchors": [{"from": 116, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 135}]}, {"id": 25, "anchors": [{"from": 135, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 147}]}, {"id": 28, "anchors": [{"from": 147, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 169}]}, {"id": 32, "anchors": [{"from": 170, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 181}]}, {"id": 34, "anchors": [{"from": 182, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 196}]}, {"id": 36, "anchors": [{"from": 197, "to": 205}]}, {"id": 37, "anchors": [{"from": 205, "to": 206}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 38, "target": 10, "label": "L"}, {"source": 46, "target": 20, "label": "N"}, {"source": 46, "target": 49, "label": "C"}, {"source": 50, "target": 35, "label": "E"}, {"source": 39, "target": 2, "label": "D"}, {"source": 38, "target": 39, "label": "H"}, {"source": 43, "target": 14, "label": "D"}, {"source": 46, "target": 50, "label": "C"}, {"source": 42, "target": 8, "label": "E"}, {"source": 46, "target": 48, "label": "C"}, {"source": 46, "target": 47, "label": "C"}, {"source": 49, "target": 31, "label": "C"}, {"source": 47, "target": 23, "label": "E"}, {"source": 44, "target": 18, "label": "C"}, {"source": 38, "target": 9, "label": "U"}, {"source": 50, "target": 34, "label": "E"}, {"source": 38, "target": 0, "label": "L"}, {"source": 39, "target": 40, "label": "P"}, {"source": 43, "target": 12, "label": "A"}, {"source": 42, "target": 7, "label": "C"}, {"source": 44, "target": 17, "label": "U"}, {"source": 43, "target": 15, "label": "S"}, {"source": 45, "target": 19, "label": "C"}, {"source": 48, "target": 27, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 46, "target": 45, "label": "C"}, {"source": 45, "target": 44, "label": "E"}, {"source": 46, "target": 25, "label": "U"}, {"source": 41, "target": 6, "label": "P"}, {"source": 48, "target": 26, "label": "E"}, {"source": 46, "target": 21, "label": "U"}, {"source": 46, "target": 28, "label": "U"}, {"source": 40, "target": 4, "label": "F"}, {"source": 50, "target": 36, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 49, "target": 29, "label": "E"}, {"source": 38, "target": 43, "label": "H"}, {"source": 47, "target": 24, "label": "C"}, {"source": 43, "target": 46, "label": "A"}, {"source": 49, "target": 30, "label": "E"}, {"source": 40, "target": 5, "label": "C"}, {"source": 46, "target": 32, "label": "N"}, {"source": 50, "target": 33, "label": "E"}, {"source": 50, "target": 37, "label": "U"}, {"source": 43, "target": 11, "label": "D"}, {"source": 39, "target": 3, "label": "D"}, {"source": 43, "target": 13, "label": "F"}, {"source": 39, "target": 1, "label": "A"}, {"source": 46, "target": 22, "label": "N"}, {"source": 44, "target": 16, "label": "E"}]} +{"id": "053248-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "PS) When we called for a reservation, we were told that 5:00 and 9:30 were their only openings.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 94}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 16, "label": "S"}, {"source": 26, "target": 28, "label": "A"}, {"source": 26, "target": 12, "label": "F"}, {"source": 21, "target": 8, "label": "U"}, {"source": 25, "target": 10, "label": "F"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 2, "label": "L"}, {"source": 25, "target": 9, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 24, "target": 5, "label": "R"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "U"}, {"source": 27, "target": 14, "label": "N"}, {"source": 27, "target": 13, "label": "C"}, {"source": 24, "target": 6, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 11, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 3, "label": "A"}, {"source": 23, "target": 4, "label": "P"}]} +{"id": "053248-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When we arrived at 5, and left circa 7, there were the same 4 or 5 empty tables surrounding us.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 66}]}, {"id": 18, "anchors": [{"from": 67, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 1, "label": "A"}, {"source": 29, "target": 20, "label": "E"}, {"source": 28, "target": 12, "label": "S"}, {"source": 24, "target": 25, "label": "D"}, {"source": 23, "target": 0, "label": "L"}, {"source": 26, "target": 7, "label": "P"}, {"source": 29, "target": 22, "label": "U"}, {"source": 30, "target": 17, "label": "C"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "L"}, {"source": 29, "target": 13, "label": "E"}, {"source": 23, "target": 5, "label": "U"}, {"source": 29, "target": 31, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 29, "target": 21, "label": "C"}, {"source": 29, "target": 14, "label": "E"}, {"source": 31, "target": 30, "label": "E"}, {"source": 28, "target": 11, "label": "F"}, {"source": 25, "target": 4, "label": "C"}, {"source": 30, "target": 15, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 25, "target": 3, "label": "R"}, {"source": 30, "target": 16, "label": "N"}, {"source": 31, "target": 19, "label": "C"}, {"source": 23, "target": 10, "label": "U"}, {"source": 24, "target": 2, "label": "P"}, {"source": 31, "target": 18, "label": "E"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "053248-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Did they think we were going to feel lucky to get any reservation at all, and therefore be more pleased with our dining experience?", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}, {"from": 78, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 11, "label": "E"}, {"source": 31, "target": 13, "label": "R"}, {"source": 25, "target": 15, "label": "U"}, {"source": 25, "target": 16, "label": "L"}, {"source": 29, "target": 9, "label": "F"}, {"source": 27, "target": 28, "label": "P"}, {"source": 34, "target": 21, "label": "E"}, {"source": 28, "target": 8, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "P"}, {"source": 27, "target": 6, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 25, "target": 0, "label": "L"}, {"source": 26, "target": 1, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 34, "target": 22, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 12, "label": "C"}, {"source": 33, "target": 32, "label": "P"}, {"source": 25, "target": 33, "label": "H"}, {"source": 32, "target": 19, "label": "C"}, {"source": 33, "target": 18, "label": "D"}, {"source": 28, "target": 7, "label": "C"}, {"source": 29, "target": 31, "label": "D"}, {"source": 32, "target": 17, "label": "F"}, {"source": 34, "target": 23, "label": "C"}, {"source": 31, "target": 14, "label": "C"}, {"source": 27, "target": 5, "label": "D"}, {"source": 34, "target": 20, "label": "R"}]} +{"id": "054269-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent energy efficiency", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 27}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "054269-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Compact's Corona dryers remove at least twice as much water as the previous dryers, allowing a production increase of over 10% and a significant energy saving.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}, {"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 114}]}, {"id": 19, "anchors": [{"from": 115, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 122}]}, {"id": 21, "anchors": [{"from": 123, "to": 125}]}, {"id": 22, "anchors": [{"from": 125, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 158}]}, {"id": 28, "anchors": [{"from": 158, "to": 159}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 36, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 20, "label": "E"}, {"source": 38, "target": 19, "label": "R"}, {"source": 33, "target": 6, "label": "C"}, {"source": 32, "target": 14, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 30, "target": 2, "label": "E"}, {"source": 37, "target": 38, "label": "E"}, {"source": 31, "target": 34, "label": "A"}, {"source": 35, "target": 10, "label": "R"}, {"source": 30, "target": 29, "label": "E"}, {"source": 34, "target": 7, "label": "R"}, {"source": 32, "target": 36, "label": "H"}, {"source": 39, "target": 21, "label": "C"}, {"source": 31, "target": 4, "label": "P"}, {"source": 29, "target": 0, "label": "C"}, {"source": 40, "target": 39, "label": "C"}, {"source": 35, "target": 13, "label": "C"}, {"source": 41, "target": 25, "label": "E"}, {"source": 31, "target": 30, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 5, "label": "E"}, {"source": 41, "target": 26, "label": "E"}, {"source": 37, "target": 18, "label": "C"}, {"source": 29, "target": 1, "label": "R"}, {"source": 31, "target": 35, "label": "A"}, {"source": 34, "target": 8, "label": "E"}, {"source": 40, "target": 41, "label": "C"}, {"source": 41, "target": 28, "label": "U"}, {"source": 37, "target": 17, "label": "E"}, {"source": 40, "target": 23, "label": "N"}, {"source": 35, "target": 11, "label": "E"}, {"source": 35, "target": 12, "label": "E"}, {"source": 41, "target": 24, "label": "E"}, {"source": 41, "target": 27, "label": "C"}, {"source": 34, "target": 9, "label": "C"}, {"source": 36, "target": 15, "label": "P"}, {"source": 37, "target": 16, "label": "E"}, {"source": 40, "target": 22, "label": "U"}, {"source": 30, "target": 3, "label": "C"}, {"source": 38, "target": 40, "label": "C"}]} +{"id": "054496-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just like the fact that he was able to do the specific type of repair I wanted (a reball) and give me the longest warranty and even a lower price.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19, "anchors": [{"from": 82, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 90}]}, {"id": 21, "anchors": [{"from": 90, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 107}]}, {"id": 26, "anchors": [{"from": 108, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 141}]}, {"id": 32, "anchors": [{"from": 142, "to": 147}]}, {"id": 33, "anchors": [{"from": 147, "to": 148}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 34, "target": 36, "label": "A"}, {"source": 45, "target": 44, "label": "C"}, {"source": 44, "target": 26, "label": "E"}, {"source": 44, "target": 25, "label": "E"}, {"source": 42, "target": 19, "label": "E"}, {"source": 35, "target": 22, "label": "L"}, {"source": 43, "target": 24, "label": "A"}, {"source": 45, "target": 28, "label": "N"}, {"source": 44, "target": 27, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 46, "target": 29, "label": "R"}, {"source": 38, "target": 10, "label": "C"}, {"source": 40, "target": 15, "label": "P"}, {"source": 41, "target": 16, "label": "A"}, {"source": 36, "target": 3, "label": "E"}, {"source": 37, "target": 5, "label": "F"}, {"source": 39, "target": 13, "label": "C"}, {"source": 39, "target": 40, "label": "E"}, {"source": 39, "target": 12, "label": "E"}, {"source": 40, "target": 14, "label": "R"}, {"source": 42, "target": 20, "label": "C"}, {"source": 46, "target": 30, "label": "E"}, {"source": 43, "target": 23, "label": "P"}, {"source": 37, "target": 6, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 35, "target": 43, "label": "H"}, {"source": 46, "target": 32, "label": "C"}, {"source": 34, "target": 1, "label": "D"}, {"source": 43, "target": 45, "label": "A"}, {"source": 37, "target": 38, "label": "P"}, {"source": 46, "target": 31, "label": "E"}, {"source": 35, "target": 21, "label": "U"}, {"source": 37, "target": 9, "label": "F"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 0, "label": "A"}, {"source": 38, "target": 8, "label": "E"}, {"source": 46, "target": 33, "label": "U"}, {"source": 36, "target": 4, "label": "C"}, {"source": 37, "target": 7, "label": "F"}, {"source": 39, "target": 11, "label": "E"}, {"source": 41, "target": 17, "label": "P"}, {"source": 36, "target": 37, "label": "E"}, {"source": 41, "target": 18, "label": "U"}, {"source": 35, "target": 34, "label": "H"}, {"source": 45, "target": 46, "label": "C"}, {"source": 34, "target": 2, "label": "P"}, {"source": 39, "target": 41, "label": "E"}]} +{"id": "054496-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Someone else I found that said they could do it but wanted to charge me more and give me less warranty.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 12}, {"from": 13, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 21, "target": 8, "label": "L"}, {"source": 25, "target": 10, "label": "F"}, {"source": 20, "target": 22, "label": "P"}, {"source": 27, "target": 17, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 16, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 25, "target": 12, "label": "A"}, {"source": 20, "target": 1, "label": "D"}, {"source": 25, "target": 26, "label": "D"}, {"source": 23, "target": 4, "label": "A"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 23, "target": 7, "label": "A"}, {"source": 26, "target": 14, "label": "N"}, {"source": 22, "target": 2, "label": "F"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 13, "label": "C"}, {"source": 24, "target": 9, "label": "P"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 5, "label": "D"}, {"source": 25, "target": 11, "label": "P"}, {"source": 27, "target": 18, "label": "C"}, {"source": 23, "target": 6, "label": "P"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "054496-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was a no brainer really.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "054496-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I choose Console Pros and I'm happy I did.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}, {"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}, {"from": 27, "to": 29}, {"from": 30, "to": 35}, {"from": 36, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "054798-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Awesome haircut at awesome price right here in Palatine!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "D"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "054798-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Who can pass up a hot towel and a straight edge neck shave!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 16, "label": "C"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "N"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 3, "label": "E"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "054798-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've had 2 cuts now from Georgia and have paid more in other salons/barbershops and have not received this kind of treatment or cut!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 131}]}, {"id": 26, "anchors": [{"from": 131, "to": 132}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 35, "target": 21, "label": "C"}, {"source": 27, "target": 4, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 28, "target": 7, "label": "L"}, {"source": 34, "target": 18, "label": "D"}, {"source": 33, "target": 12, "label": "E"}, {"source": 31, "target": 33, "label": "A"}, {"source": 28, "target": 34, "label": "H"}, {"source": 28, "target": 16, "label": "L"}, {"source": 31, "target": 8, "label": "F"}, {"source": 33, "target": 13, "label": "C"}, {"source": 37, "target": 23, "label": "C"}, {"source": 32, "target": 10, "label": "C"}, {"source": 35, "target": 20, "label": "E"}, {"source": 33, "target": 14, "label": "U"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 29, "label": "A"}, {"source": 37, "target": 24, "label": "N"}, {"source": 34, "target": 17, "label": "F"}, {"source": 29, "target": 3, "label": "C"}, {"source": 30, "target": 5, "label": "R"}, {"source": 34, "target": 19, "label": "P"}, {"source": 31, "target": 9, "label": "P"}, {"source": 30, "target": 6, "label": "C"}, {"source": 27, "target": 1, "label": "P"}, {"source": 33, "target": 32, "label": "E"}, {"source": 36, "target": 35, "label": "E"}, {"source": 27, "target": 0, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 28, "target": 31, "label": "H"}, {"source": 33, "target": 15, "label": "C"}, {"source": 27, "target": 30, "label": "A"}, {"source": 37, "target": 26, "label": "U"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 25, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 36, "target": 37, "label": "C"}, {"source": 29, "target": 2, "label": "E"}, {"source": 35, "target": 22, "label": "R"}]} +{"id": "055207-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Spay and neuter service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "C"}, {"source": 7, "target": 1, "label": "N"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 0, "label": "C"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "055207-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have no doubt that the rescue is wonderful.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "S"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "055207-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But I had my cat spayed through their reduced/free spay and neuter program and the vet they sent us to was first of all a hour and a half away, and 4 days later we had to bring them to our normal vet because the vets at the place in wisconsin did a crappy job and they got infections.", "tops": [63], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 137}]}, {"id": 31, "anchors": [{"from": 138, "to": 142}]}, {"id": 32, "anchors": [{"from": 142, "to": 143}]}, {"id": 33, "anchors": [{"from": 144, "to": 147}]}, {"id": 34, "anchors": [{"from": 148, "to": 149}]}, {"id": 35, "anchors": [{"from": 150, "to": 154}]}, {"id": 36, "anchors": [{"from": 155, "to": 160}]}, {"id": 37, "anchors": [{"from": 161, "to": 163}]}, {"id": 38, "anchors": [{"from": 164, "to": 167}]}, {"id": 39, "anchors": [{"from": 168, "to": 170}]}, {"id": 40, "anchors": [{"from": 171, "to": 176}]}, {"id": 41, "anchors": [{"from": 177, "to": 181}]}, {"id": 42, "anchors": [{"from": 182, "to": 184}]}, {"id": 43, "anchors": [{"from": 185, "to": 188}]}, {"id": 44, "anchors": [{"from": 189, "to": 195}]}, {"id": 45, "anchors": [{"from": 196, "to": 199}]}, {"id": 46, "anchors": [{"from": 200, "to": 207}]}, {"id": 47, "anchors": [{"from": 208, "to": 211}]}, {"id": 48, "anchors": [{"from": 212, "to": 216}]}, {"id": 49, "anchors": [{"from": 217, "to": 219}]}, {"id": 50, "anchors": [{"from": 220, "to": 223}]}, {"id": 51, "anchors": [{"from": 224, "to": 229}]}, {"id": 52, "anchors": [{"from": 230, "to": 232}]}, {"id": 53, "anchors": [{"from": 233, "to": 242}]}, {"id": 54, "anchors": [{"from": 243, "to": 246}]}, {"id": 55, "anchors": [{"from": 247, "to": 248}]}, {"id": 56, "anchors": [{"from": 249, "to": 255}]}, {"id": 57, "anchors": [{"from": 256, "to": 259}]}, {"id": 58, "anchors": [{"from": 260, "to": 263}]}, {"id": 59, "anchors": [{"from": 264, "to": 268}]}, {"id": 60, "anchors": [{"from": 269, "to": 272}]}, {"id": 61, "anchors": [{"from": 273, "to": 283}]}, {"id": 62, "anchors": [{"from": 283, "to": 284}]}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}], "edges": [{"source": 65, "target": 4, "label": "C"}, {"source": 78, "target": 30, "label": "C"}, {"source": 74, "target": 22, "label": "F"}, {"source": 88, "target": 57, "label": "C"}, {"source": 64, "target": 2, "label": "P"}, {"source": 67, "target": 69, "label": "C"}, {"source": 89, "target": 62, "label": "U"}, {"source": 69, "target": 71, "label": "C"}, {"source": 80, "target": 36, "label": "R"}, {"source": 75, "target": 81, "label": "H"}, {"source": 82, "target": 40, "label": "C"}, {"source": 86, "target": 49, "label": "R"}, {"source": 85, "target": 86, "label": "A"}, {"source": 77, "target": 26, "label": "E"}, {"source": 83, "target": 42, "label": "R"}, {"source": 85, "target": 54, "label": "P"}, {"source": 68, "target": 11, "label": "C"}, {"source": 85, "target": 84, "label": "A"}, {"source": 89, "target": 60, "label": "D"}, {"source": 81, "target": 82, "label": "P"}, {"source": 77, "target": 27, "label": "C"}, {"source": 84, "target": 47, "label": "E"}, {"source": 72, "target": 16, "label": "E"}, {"source": 73, "target": 72, "label": "A"}, {"source": 75, "target": 58, "label": "L"}, {"source": 88, "target": 56, "label": "E"}, {"source": 63, "target": 64, "label": "H"}, {"source": 75, "target": 79, "label": "H"}, {"source": 83, "target": 43, "label": "E"}, {"source": 79, "target": 31, "label": "S"}, {"source": 75, "target": 85, "label": "H"}, {"source": 86, "target": 50, "label": "E"}, {"source": 81, "target": 80, "label": "D"}, {"source": 87, "target": 52, "label": "R"}, {"source": 69, "target": 12, "label": "N"}, {"source": 70, "target": 8, "label": "C"}, {"source": 63, "target": 73, "label": "H"}, {"source": 67, "target": 6, "label": "R"}, {"source": 81, "target": 41, "label": "A"}, {"source": 79, "target": 78, "label": "D"}, {"source": 71, "target": 13, "label": "E"}, {"source": 73, "target": 75, "label": "A"}, {"source": 81, "target": 83, "label": "A"}, {"source": 66, "target": 5, "label": "S"}, {"source": 75, "target": 89, "label": "H"}, {"source": 83, "target": 45, "label": "C"}, {"source": 78, "target": 29, "label": "E"}, {"source": 63, "target": 15, "label": "L"}, {"source": 70, "target": 9, "label": "U"}, {"source": 76, "target": 24, "label": "R"}, {"source": 80, "target": 35, "label": "E"}, {"source": 85, "target": 88, "label": "A"}, {"source": 63, "target": 0, "label": "L"}, {"source": 70, "target": 10, "label": "C"}, {"source": 68, "target": 70, "label": "E"}, {"source": 74, "target": 21, "label": "F"}, {"source": 64, "target": 66, "label": "A"}, {"source": 68, "target": 7, "label": "E"}, {"source": 77, "target": 25, "label": "E"}, {"source": 66, "target": 67, "label": "A"}, {"source": 65, "target": 3, "label": "E"}, {"source": 86, "target": 51, "label": "C"}, {"source": 74, "target": 77, "label": "S"}, {"source": 87, "target": 53, "label": "C"}, {"source": 84, "target": 48, "label": "C"}, {"source": 73, "target": 19, "label": "P"}, {"source": 89, "target": 59, "label": "A"}, {"source": 86, "target": 87, "label": "E"}, {"source": 81, "target": 39, "label": "F"}, {"source": 75, "target": 32, "label": "U"}, {"source": 73, "target": 20, "label": "A"}, {"source": 89, "target": 61, "label": "A"}, {"source": 69, "target": 68, "label": "C"}, {"source": 83, "target": 44, "label": "E"}, {"source": 73, "target": 18, "label": "A"}, {"source": 72, "target": 17, "label": "C"}, {"source": 82, "target": 38, "label": "F"}, {"source": 88, "target": 55, "label": "E"}, {"source": 75, "target": 74, "label": "H"}, {"source": 77, "target": 76, "label": "E"}, {"source": 80, "target": 34, "label": "E"}, {"source": 81, "target": 37, "label": "A"}, {"source": 75, "target": 28, "label": "L"}, {"source": 66, "target": 65, "label": "A"}, {"source": 75, "target": 33, "label": "L"}, {"source": 75, "target": 46, "label": "L"}, {"source": 64, "target": 1, "label": "A"}, {"source": 71, "target": 14, "label": "C"}, {"source": 76, "target": 23, "label": "C"}]} +{"id": "055207-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My vet even said it was not my fault it was the vet that did the surgery, So I would not recommend getting that program unless you have an extra hundred dollars or so for antibiotics and a vet visit.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 76}, {"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 163}, {"from": 164, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 182}]}, {"id": 35, "anchors": [{"from": 183, "to": 186}]}, {"id": 36, "anchors": [{"from": 187, "to": 188}]}, {"id": 37, "anchors": [{"from": 189, "to": 192}]}, {"id": 38, "anchors": [{"from": 193, "to": 198}]}, {"id": 39, "anchors": [{"from": 198, "to": 199}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 46, "target": 12, "label": "C"}, {"source": 53, "target": 30, "label": "E"}, {"source": 52, "target": 26, "label": "A"}, {"source": 40, "target": 1, "label": "C"}, {"source": 44, "target": 8, "label": "C"}, {"source": 44, "target": 7, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 57, "label": "H"}, {"source": 41, "target": 40, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 51, "target": 24, "label": "C"}, {"source": 54, "target": 32, "label": "N"}, {"source": 47, "target": 14, "label": "S"}, {"source": 55, "target": 34, "label": "C"}, {"source": 57, "target": 39, "label": "U"}, {"source": 55, "target": 33, "label": "R"}, {"source": 42, "target": 41, "label": "H"}, {"source": 48, "target": 15, "label": "E"}, {"source": 50, "target": 52, "label": "A"}, {"source": 50, "target": 22, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 56, "target": 38, "label": "C"}, {"source": 42, "target": 35, "label": "L"}, {"source": 57, "target": 56, "label": "A"}, {"source": 56, "target": 36, "label": "E"}, {"source": 49, "target": 21, "label": "P"}, {"source": 47, "target": 13, "label": "R"}, {"source": 52, "target": 25, "label": "R"}, {"source": 43, "target": 6, "label": "D"}, {"source": 53, "target": 29, "label": "E"}, {"source": 45, "target": 9, "label": "A"}, {"source": 40, "target": 0, "label": "E"}, {"source": 52, "target": 27, "label": "P"}, {"source": 43, "target": 4, "label": "A"}, {"source": 54, "target": 53, "label": "C"}, {"source": 41, "target": 3, "label": "P"}, {"source": 47, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 49, "label": "H"}, {"source": 54, "target": 55, "label": "C"}, {"source": 46, "target": 47, "label": "E"}, {"source": 53, "target": 28, "label": "E"}, {"source": 43, "target": 45, "label": "A"}, {"source": 46, "target": 11, "label": "E"}, {"source": 49, "target": 50, "label": "A"}, {"source": 43, "target": 5, "label": "S"}, {"source": 41, "target": 43, "label": "A"}, {"source": 45, "target": 10, "label": "S"}, {"source": 41, "target": 2, "label": "D"}, {"source": 49, "target": 19, "label": "D"}, {"source": 52, "target": 54, "label": "A"}, {"source": 53, "target": 31, "label": "C"}, {"source": 42, "target": 17, "label": "U"}, {"source": 50, "target": 51, "label": "A"}, {"source": 56, "target": 37, "label": "E"}, {"source": 51, "target": 23, "label": "E"}, {"source": 49, "target": 18, "label": "A"}, {"source": 48, "target": 16, "label": "C"}, {"source": 49, "target": 20, "label": "D"}]} +{"id": "055207-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You'd think they would do a good job but they don't care unless they are getting paid full price.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 25, "target": 7, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 15, "label": "F"}, {"source": 27, "target": 16, "label": "D"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 24, "target": 3, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 2, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 27, "target": 14, "label": "A"}, {"source": 26, "target": 11, "label": "D"}, {"source": 26, "target": 12, "label": "S"}, {"source": 26, "target": 9, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 26, "target": 10, "label": "F"}, {"source": 22, "target": 8, "label": "L"}, {"source": 27, "target": 13, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 4, "label": "C"}]} +{"id": "055207-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Which is so dumb.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 3, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "055207-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not to mention the fact that they gave us our cats back not even 30 minutes after they were out from surgery.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 21, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 7, "label": "P"}, {"source": 24, "target": 0, "label": "D"}, {"source": 29, "target": 18, "label": "F"}, {"source": 28, "target": 15, "label": "C"}, {"source": 27, "target": 9, "label": "E"}, {"source": 26, "target": 6, "label": "A"}, {"source": 24, "target": 29, "label": "A"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 14, "label": "E"}, {"source": 29, "target": 17, "label": "A"}, {"source": 26, "target": 11, "label": "D"}, {"source": 26, "target": 5, "label": "F"}, {"source": 28, "target": 12, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 30, "target": 20, "label": "R"}, {"source": 29, "target": 19, "label": "S"}, {"source": 26, "target": 28, "label": "D"}, {"source": 28, "target": 13, "label": "E"}, {"source": 23, "target": 16, "label": "L"}, {"source": 25, "target": 4, "label": "C"}, {"source": 26, "target": 8, "label": "A"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "055976-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff leaves a lot to be desired.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 6, "label": "F"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 3, "label": "E"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 12, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "055976-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The front staff has seen quite a bit of turnover and changed from professional to rude.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 4, "label": "P"}, {"source": 18, "target": 9, "label": "A"}, {"source": 19, "target": 10, "label": "L"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 17, "label": "A"}, {"source": 20, "target": 8, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 20, "label": "D"}, {"source": 21, "target": 11, "label": "P"}, {"source": 22, "target": 12, "label": "R"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 22, "target": 13, "label": "E"}, {"source": 19, "target": 21, "label": "H"}, {"source": 21, "target": 14, "label": "F"}, {"source": 21, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "E"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "055976-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A simple follow-up phone call with a woman quickly turned into a nightmare.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}, {"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 15, "target": 2, "label": "E"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 12, "label": "E"}, {"source": 15, "target": 1, "label": "E"}, {"source": 17, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "U"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "055976-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She may be the reason for all the change.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "D"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "055976-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I sincerely wonder if the doctor has a clue about what is going on within his practice.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}, {"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 21, "target": 7, "label": "E"}, {"source": 23, "target": 11, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "C"}, {"source": 23, "target": 12, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "R"}, {"source": 19, "target": 2, "label": "P"}, {"source": 19, "target": 6, "label": "F"}, {"source": 24, "target": 13, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "055976-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If he does know and approves of this behavior then it is a poor reflection on him.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 21, "target": 7, "label": "E"}, {"source": 22, "target": 10, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 20, "target": 4, "label": "N"}, {"source": 22, "target": 11, "label": "S"}, {"source": 23, "target": 13, "label": "E"}, {"source": 24, "target": 15, "label": "R"}, {"source": 19, "target": 20, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 16, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 19, "target": 2, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "A"}, {"source": 18, "target": 0, "label": "L"}, {"source": 18, "target": 9, "label": "L"}, {"source": 23, "target": 12, "label": "E"}, {"source": 20, "target": 3, "label": "C"}]} +{"id": "055976-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sometimes it is not worth it to go through that kind of staff and their personal attitude to get to a doctor.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}, {"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 3, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 16, "label": "F"}, {"source": 29, "target": 17, "label": "C"}, {"source": 27, "target": 13, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 24, "target": 6, "label": "F"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 20, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 8, "label": "E"}, {"source": 22, "target": 4, "label": "P"}, {"source": 23, "target": 12, "label": "L"}, {"source": 29, "target": 18, "label": "R"}, {"source": 25, "target": 11, "label": "C"}, {"source": 22, "target": 5, "label": "A"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 2, "label": "F"}, {"source": 22, "target": 1, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 22, "target": 0, "label": "D"}, {"source": 28, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 24, "target": 7, "label": "P"}, {"source": 26, "target": 9, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 26, "target": 10, "label": "R"}]} +{"id": "055976-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was an okay doctor but not worth her.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "S"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "L"}, {"source": 10, "target": 12, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "A"}]} +{"id": "056408-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dessert was good.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "056408-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rest was too oily.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "057386-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "friendly, fine food", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 4, "label": "H"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 3, "label": "C"}, {"source": 4, "target": 0, "label": "P"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "057386-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The one-star review from 2005 is out of date.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 15, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 1, "label": "E"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "C"}, {"source": 15, "target": 2, "label": "U"}, {"source": 14, "target": 16, "label": "D"}, {"source": 17, "target": 8, "label": "C"}, {"source": 17, "target": 9, "label": "R"}, {"source": 14, "target": 10, "label": "S"}, {"source": 14, "target": 17, "label": "D"}]} +{"id": "057386-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There was a change of ownership a couple of years ago and service is both quick and extremely friendly.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 21, "target": 27, "label": "D"}, {"source": 21, "target": 18, "label": "A"}, {"source": 22, "target": 2, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 28, "target": 16, "label": "N"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "C"}, {"source": 26, "target": 11, "label": "N"}, {"source": 21, "target": 1, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 9, "label": "C"}, {"source": 27, "target": 28, "label": "C"}, {"source": 26, "target": 10, "label": "C"}, {"source": 27, "target": 14, "label": "N"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 6, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 21, "target": 13, "label": "F"}, {"source": 21, "target": 19, "label": "U"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "057386-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food continues to be very good -- deli sandwiches, homemade soups, fresh salads.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 23, "label": "C"}, {"source": 19, "target": 17, "label": "A"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 10, "label": "U"}, {"source": 20, "target": 21, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 13, "label": "U"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 5, "label": "D"}, {"source": 20, "target": 22, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 19, "target": 2, "label": "D"}, {"source": 23, "target": 14, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 20, "target": 7, "label": "U"}, {"source": 19, "target": 4, "label": "S"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 0, "label": "E"}, {"source": 21, "target": 8, "label": "E"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "057386-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The atmosphere may not be for everyone.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 4, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "057386-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is a bustling place where separate parties are seated at the same table (as in many European cafes), but if you are OK with that, the food is very good.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}, {"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 131}]}, {"id": 28, "anchors": [{"from": 131, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 136}]}, {"id": 30, "anchors": [{"from": 137, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 154}]}, {"id": 34, "anchors": [{"from": 154, "to": 155}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 35, "target": 37, "label": "S"}, {"source": 42, "target": 25, "label": "S"}, {"source": 43, "target": 26, "label": "R"}, {"source": 35, "target": 1, "label": "F"}, {"source": 36, "target": 20, "label": "U"}, {"source": 39, "target": 9, "label": "P"}, {"source": 38, "target": 6, "label": "E"}, {"source": 37, "target": 4, "label": "C"}, {"source": 36, "target": 5, "label": "L"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 19, "label": "C"}, {"source": 36, "target": 28, "label": "U"}, {"source": 40, "target": 12, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 44, "target": 29, "label": "E"}, {"source": 45, "target": 31, "label": "F"}, {"source": 41, "target": 15, "label": "R"}, {"source": 36, "target": 39, "label": "H"}, {"source": 40, "target": 14, "label": "U"}, {"source": 36, "target": 21, "label": "U"}, {"source": 45, "target": 34, "label": "U"}, {"source": 45, "target": 32, "label": "D"}, {"source": 36, "target": 22, "label": "L"}, {"source": 38, "target": 7, "label": "C"}, {"source": 43, "target": 27, "label": "C"}, {"source": 40, "target": 13, "label": "C"}, {"source": 35, "target": 0, "label": "A"}, {"source": 36, "target": 42, "label": "H"}, {"source": 40, "target": 10, "label": "R"}, {"source": 39, "target": 38, "label": "A"}, {"source": 45, "target": 44, "label": "A"}, {"source": 45, "target": 33, "label": "S"}, {"source": 42, "target": 23, "label": "A"}, {"source": 41, "target": 16, "label": "R"}, {"source": 40, "target": 11, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 39, "target": 8, "label": "F"}, {"source": 42, "target": 24, "label": "F"}, {"source": 37, "target": 2, "label": "E"}, {"source": 41, "target": 17, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 36, "target": 45, "label": "H"}, {"source": 41, "target": 18, "label": "E"}, {"source": 44, "target": 30, "label": "C"}, {"source": 37, "target": 3, "label": "E"}]} +{"id": "057386-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Love the soups.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "057644-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "find another place", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "057644-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Run down.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "057644-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dark, dark main room.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 4, "label": "C"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 6, "target": 9, "label": "E"}, {"source": 6, "target": 1, "label": "U"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 5, "label": "U"}]} +{"id": "057644-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No way to read/relax.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "P"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "057644-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "'Electric' blanket on one bed did not heat.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 9, "label": "A"}, {"source": 12, "target": 0, "label": "U"}, {"source": 13, "target": 8, "label": "D"}, {"source": 13, "target": 2, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "R"}, {"source": 13, "target": 3, "label": "S"}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 7, "label": "F"}]} +{"id": "057644-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quite cold.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "057644-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Removing 90% of 'sit-abouts' in main room would look cleaner.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}, {"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 17, "label": "E"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 4, "label": "U"}, {"source": 16, "target": 20, "label": "A"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 5, "label": "E"}, {"source": 18, "target": 7, "label": "U"}, {"source": 20, "target": 11, "label": "F"}, {"source": 17, "target": 3, "label": "R"}, {"source": 16, "target": 0, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 6, "label": "U"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "U"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 12, "label": "D"}, {"source": 17, "target": 1, "label": "C"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "058009-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It taste better than In and Out....", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 10, "label": "D"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "N"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "R"}, {"source": 11, "target": 4, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 11, "label": "A"}]} +{"id": "058274-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food - very good for a midnight meal that isn't fast food.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 11, "label": "E"}, {"source": 18, "target": 19, "label": "P"}, {"source": 14, "target": 0, "label": "C"}, {"source": 18, "target": 10, "label": "D"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 1, "label": "U"}, {"source": 16, "target": 14, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 9, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "F"}]} +{"id": "058274-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service - the workers are usually pleasant.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 5, "label": "D"}, {"source": 9, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 4, "label": "F"}, {"source": 8, "target": 9, "label": "H"}]} +{"id": "058274-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Atmosphere is always fun, the assortment of customers adds entertainment to the meal", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 10, "label": "A"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 11, "label": "R"}, {"source": 16, "target": 18, "label": "E"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 2, "label": "D"}, {"source": 19, "target": 20, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 12, "label": "E"}]} +{"id": "058878-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice little locally owned greek bar and grill.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "C"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 12, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "058878-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good food.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "058878-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great wings!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "059005-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I <3 Max's", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}, {"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "059005-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent bagels and excellent service!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "059005-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I go in about every morning to get bagels for myself or my co-workers and the employees at Max's are great!!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}, {"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}, {"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 22, "target": 5, "label": "L"}, {"source": 23, "target": 2, "label": "R"}, {"source": 25, "target": 26, "label": "C"}, {"source": 24, "target": 7, "label": "A"}, {"source": 31, "target": 19, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 6, "label": "P"}, {"source": 21, "target": 23, "label": "D"}, {"source": 26, "target": 27, "label": "C"}, {"source": 22, "target": 13, "label": "L"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 17, "label": "C"}, {"source": 23, "target": 3, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 16, "label": "R"}, {"source": 27, "target": 11, "label": "E"}, {"source": 22, "target": 29, "label": "H"}, {"source": 31, "target": 20, "label": "U"}, {"source": 26, "target": 10, "label": "N"}, {"source": 22, "target": 24, "label": "H"}, {"source": 25, "target": 8, "label": "R"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 18, "label": "S"}]} +{"id": "059005-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are friendly and fast.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "N"}]} +{"id": "059005-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have never had a problem with their hours because I always go during the mornings.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "D"}, {"source": 22, "target": 13, "label": "R"}, {"source": 21, "target": 10, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 22, "target": 14, "label": "E"}, {"source": 20, "target": 8, "label": "C"}, {"source": 17, "target": 19, "label": "P"}, {"source": 19, "target": 4, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "R"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 18, "target": 9, "label": "L"}, {"source": 21, "target": 12, "label": "P"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "059005-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are great!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 5, "target": 1, "label": "S"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "059088-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Cigar lounge on the blouvard.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "059088-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Encino has been blessed by the opening of this smoke shop most definately.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 11, "label": "R"}, {"source": 15, "target": 1, "label": "F"}, {"source": 18, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 17, "label": "P"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 19, "label": "D"}, {"source": 18, "target": 7, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}]} +{"id": "059088-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you mention the name Amir you will receive %10 off at time of purchase", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 6, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 7, "label": "F"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 23, "target": 15, "label": "P"}, {"source": 20, "target": 22, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 14, "label": "R"}, {"source": 21, "target": 12, "label": "R"}, {"source": 19, "target": 8, "label": "P"}, {"source": 17, "target": 1, "label": "A"}, {"source": 19, "target": 5, "label": "A"}, {"source": 19, "target": 9, "label": "U"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "H"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "059386-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best YET!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "059386-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We go to Japaneiro's all the time and we have NEVER been disappointed!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}, {"from": 25, "to": 28}, {"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "S"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 9, "label": "A"}, {"source": 13, "target": 4, "label": "F"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 5, "label": "D"}, {"source": 17, "target": 10, "label": "F"}]} +{"id": "059386-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wait staff is always ready to help if you can't decide (which happens every time for me d/t the huge menu of rolls) and always courteous!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}, {"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 136}]}, {"id": 30, "anchors": [{"from": 136, "to": 137}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 23, "label": "C"}, {"source": 38, "target": 41, "label": "A"}, {"source": 42, "target": 24, "label": "R"}, {"source": 33, "target": 26, "label": "U"}, {"source": 41, "target": 21, "label": "E"}, {"source": 41, "target": 22, "label": "E"}, {"source": 34, "target": 6, "label": "P"}, {"source": 31, "target": 0, "label": "E"}, {"source": 38, "target": 39, "label": "D"}, {"source": 33, "target": 32, "label": "H"}, {"source": 38, "target": 13, "label": "F"}, {"source": 33, "target": 27, "label": "L"}, {"source": 37, "target": 10, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 43, "target": 28, "label": "D"}, {"source": 37, "target": 11, "label": "E"}, {"source": 38, "target": 40, "label": "A"}, {"source": 37, "target": 9, "label": "E"}, {"source": 36, "target": 12, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 42, "target": 25, "label": "C"}, {"source": 36, "target": 8, "label": "A"}, {"source": 38, "target": 14, "label": "P"}, {"source": 40, "target": 18, "label": "C"}, {"source": 38, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 38, "label": "A"}, {"source": 32, "target": 31, "label": "A"}, {"source": 39, "target": 15, "label": "E"}, {"source": 34, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 43, "label": "H"}, {"source": 35, "target": 36, "label": "C"}, {"source": 40, "target": 17, "label": "R"}, {"source": 34, "target": 5, "label": "F"}, {"source": 31, "target": 1, "label": "E"}, {"source": 43, "target": 30, "label": "U"}, {"source": 43, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 19, "label": "A"}, {"source": 39, "target": 16, "label": "C"}, {"source": 36, "target": 37, "label": "P"}, {"source": 43, "target": 29, "label": "S"}, {"source": 38, "target": 20, "label": "U"}, {"source": 32, "target": 2, "label": "S"}, {"source": 35, "target": 7, "label": "R"}, {"source": 32, "target": 3, "label": "D"}, {"source": 41, "target": 42, "label": "E"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "059386-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Soooo tasty!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "059416-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent food, fantastic wait staff", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 5, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "C"}]} +{"id": "059416-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recently threw a surprise birthday party for my wife at Fraiser's.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 1, "label": "D"}, {"source": 17, "target": 8, "label": "E"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "059416-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had 30 guests for the event, and everyone came away from the evening impressed with not only the food, but the outstanding service as well.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 136}, {"from": 137, "to": 141}]}, {"id": 26, "anchors": [{"from": 141, "to": 142}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 31, "target": 10, "label": "S"}, {"source": 34, "target": 17, "label": "D"}, {"source": 32, "target": 34, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 38, "target": 25, "label": "C"}, {"source": 33, "target": 13, "label": "C"}, {"source": 28, "target": 7, "label": "U"}, {"source": 29, "target": 30, "label": "E"}, {"source": 35, "target": 19, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 3, "label": "C"}, {"source": 37, "target": 38, "label": "D"}, {"source": 37, "target": 36, "label": "A"}, {"source": 30, "target": 6, "label": "C"}, {"source": 27, "target": 1, "label": "P"}, {"source": 36, "target": 23, "label": "E"}, {"source": 28, "target": 37, "label": "H"}, {"source": 36, "target": 22, "label": "E"}, {"source": 30, "target": 5, "label": "E"}, {"source": 27, "target": 0, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 28, "target": 20, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 14, "label": "C"}, {"source": 28, "target": 21, "label": "L"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 16, "label": "D"}, {"source": 36, "target": 24, "label": "C"}, {"source": 30, "target": 4, "label": "R"}, {"source": 38, "target": 26, "label": "U"}, {"source": 34, "target": 15, "label": "R"}, {"source": 34, "target": 35, "label": "P"}, {"source": 35, "target": 18, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 29, "target": 2, "label": "E"}, {"source": 31, "target": 9, "label": "A"}, {"source": 28, "target": 8, "label": "L"}]} +{"id": "059416-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The management was easy to deal with during the planning stages, and the execution by the kitchen and wait staff was flawless.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 125}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 10, "label": "C"}, {"source": 24, "target": 0, "label": "E"}, {"source": 28, "target": 8, "label": "E"}, {"source": 27, "target": 6, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 17, "label": "C"}, {"source": 26, "target": 5, "label": "P"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 24, "target": 1, "label": "C"}, {"source": 30, "target": 16, "label": "E"}, {"source": 31, "target": 23, "label": "U"}, {"source": 29, "target": 13, "label": "E"}, {"source": 31, "target": 22, "label": "A"}, {"source": 27, "target": 31, "label": "C"}, {"source": 29, "target": 14, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 9, "label": "E"}, {"source": 27, "target": 11, "label": "U"}, {"source": 27, "target": 29, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 27, "target": 18, "label": "N"}, {"source": 26, "target": 24, "label": "A"}, {"source": 31, "target": 19, "label": "P"}, {"source": 31, "target": 20, "label": "A"}, {"source": 26, "target": 3, "label": "D"}, {"source": 27, "target": 12, "label": "N"}, {"source": 26, "target": 4, "label": "F"}, {"source": 28, "target": 7, "label": "R"}, {"source": 31, "target": 21, "label": "F"}, {"source": 30, "target": 15, "label": "R"}]} +{"id": "059416-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend Fraiser's for anyone planning a special event for friends, family or business.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 19, "target": 1, "label": "D"}, {"source": 23, "target": 9, "label": "E"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 11, "label": "R"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 5, "label": "R"}, {"source": 25, "target": 15, "label": "N"}, {"source": 19, "target": 2, "label": "P"}, {"source": 20, "target": 4, "label": "R"}, {"source": 25, "target": 13, "label": "U"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "059655-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the team at barton car wash was very friendly .", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 4, "label": "E"}, {"source": 12, "target": 8, "label": "S"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 7, "label": "D"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "059655-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and did great job .", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "059655-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i was very pleased with the service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "059685-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fast and great service on pool covers", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 11, "target": 4, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "E"}, {"source": 9, "target": 10, "label": "C"}, {"source": 9, "target": 1, "label": "N"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "C"}]} +{"id": "060396-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best Thai food I've ever had in Australia, very fresh and so much favor of authentic Thai .", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}, {"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 9, "label": "U"}, {"source": 21, "target": 5, "label": "D"}, {"source": 20, "target": 4, "label": "C"}, {"source": 21, "target": 6, "label": "S"}, {"source": 25, "target": 10, "label": "E"}, {"source": 27, "target": 13, "label": "E"}, {"source": 20, "target": 3, "label": "E"}, {"source": 20, "target": 2, "label": "E"}, {"source": 20, "target": 1, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 29, "target": 18, "label": "C"}, {"source": 29, "target": 19, "label": "U"}, {"source": 24, "target": 8, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 26, "target": 12, "label": "N"}, {"source": 24, "target": 7, "label": "R"}, {"source": 29, "target": 16, "label": "R"}, {"source": 26, "target": 28, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 21, "label": "A"}, {"source": 26, "target": 25, "label": "C"}, {"source": 27, "target": 14, "label": "C"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 23, "label": "H"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 17, "label": "E"}, {"source": 28, "target": 27, "label": "D"}]} +{"id": "060396-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The restaurant is the most beautiful thai restaurant in Geelong... just love it", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 17, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 20, "target": 13, "label": "A"}, {"source": 20, "target": 12, "label": "P"}, {"source": 16, "target": 20, "label": "H"}, {"source": 19, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 20, "target": 11, "label": "D"}, {"source": 15, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "R"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 15, "target": 2, "label": "S"}, {"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "061079-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendliest place I have ever stayed!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 5, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}]} +{"id": "061721-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a Dump!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "R"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "061721-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is terrible.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "061721-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The place smells and the owner is very very rude!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 11, "label": "H"}, {"source": 12, "target": 1, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "L"}, {"source": 15, "target": 9, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 15, "target": 16, "label": "D"}, {"source": 12, "target": 0, "label": "E"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 6, "label": "F"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "061721-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I could go on and on!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 3, "label": "L"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "061721-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just don't go there.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 8, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "061768-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible customer service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 25, "to": 26}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "061768-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came in to get a nice gift for my wife.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "061768-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The one guy who was there, I'm guessing was the owner, was probably the least helpful person I've ever met.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}, {"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}, {"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 9, "label": "F"}, {"source": 25, "target": 6, "label": "U"}, {"source": 25, "target": 12, "label": "U"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 22, "label": "U"}, {"source": 27, "target": 8, "label": "P"}, {"source": 23, "target": 1, "label": "E"}, {"source": 30, "target": 29, "label": "E"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 30, "label": "A"}, {"source": 30, "target": 19, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 25, "target": 21, "label": "D"}, {"source": 30, "target": 18, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 25, "target": 23, "label": "A"}, {"source": 28, "target": 11, "label": "C"}, {"source": 30, "target": 17, "label": "E"}, {"source": 26, "target": 3, "label": "F"}, {"source": 23, "target": 0, "label": "E"}, {"source": 23, "target": 2, "label": "C"}, {"source": 25, "target": 20, "label": "D"}, {"source": 23, "target": 26, "label": "E"}, {"source": 26, "target": 4, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 16, "label": "C"}, {"source": 27, "target": 7, "label": "A"}, {"source": 29, "target": 15, "label": "E"}, {"source": 26, "target": 5, "label": "S"}, {"source": 25, "target": 13, "label": "S"}]} +{"id": "061768-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But thankfully there are other flowers shops around Norman.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "D"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "062167-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly Recommend", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "062167-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I work as a Transformational Life Coach.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 28}, {"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "062167-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Since this is an alternative therapy I always refer clients to a lisenced therapist when I feel that is appropriate.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 115}]}, {"id": 20, "anchors": [{"from": 115, "to": 116}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 16, "label": "S"}, {"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 4, "label": "E"}, {"source": 27, "target": 19, "label": "S"}, {"source": 27, "target": 18, "label": "F"}, {"source": 24, "target": 9, "label": "A"}, {"source": 24, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 8, "label": "P"}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 2, "label": "S"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 3, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 7, "label": "D"}, {"source": 21, "target": 14, "label": "L"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 27, "target": 17, "label": "F"}, {"source": 27, "target": 20, "label": "U"}, {"source": 25, "target": 10, "label": "R"}, {"source": 25, "target": 12, "label": "E"}]} +{"id": "062167-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Little did I know that I would soon be needing her help as well!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 20, "target": 12, "label": "R"}, {"source": 17, "target": 20, "label": "D"}, {"source": 16, "target": 3, "label": "S"}, {"source": 18, "target": 9, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 0, "label": "D"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 4, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "F"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 17, "target": 5, "label": "A"}, {"source": 20, "target": 14, "label": "U"}, {"source": 17, "target": 7, "label": "D"}]} +{"id": "062167-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She guided me through a very difficult period dealing with a family member's suicide, coupled with elder abuse.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 110}]}, {"id": 20, "anchors": [{"from": 110, "to": 111}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 21, "target": 2, "label": "A"}, {"source": 23, "target": 4, "label": "E"}, {"source": 22, "target": 14, "label": "U"}, {"source": 26, "target": 10, "label": "E"}, {"source": 22, "target": 27, "label": "L"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 9, "label": "R"}, {"source": 29, "target": 20, "label": "U"}, {"source": 27, "target": 16, "label": "C"}, {"source": 28, "target": 29, "label": "S"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 5, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 13, "label": "R"}, {"source": 22, "target": 15, "label": "U"}, {"source": 23, "target": 3, "label": "R"}, {"source": 29, "target": 18, "label": "E"}, {"source": 21, "target": 25, "label": "A"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 26, "target": 11, "label": "E"}, {"source": 23, "target": 7, "label": "C"}, {"source": 27, "target": 17, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 12, "label": "C"}, {"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 8, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "062167-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found her to be extremely solid, kind, compassionate, and intuitive as well.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 12, "label": "N"}, {"source": 20, "target": 9, "label": "U"}, {"source": 20, "target": 11, "label": "U"}, {"source": 18, "target": 19, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 1, "label": "D"}, {"source": 18, "target": 4, "label": "F"}, {"source": 20, "target": 13, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 10, "label": "C"}, {"source": 21, "target": 15, "label": "C"}, {"source": 21, "target": 14, "label": "R"}, {"source": 18, "target": 2, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 19, "target": 5, "label": "E"}, {"source": 19, "target": 20, "label": "C"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "062167-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend her highly!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 4, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "063347-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "a great vacation!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "063347-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We wanted to see the sun - and we also got much more!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}, {"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 8, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 16, "target": 9, "label": "D"}]} +{"id": "063347-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent chefs are in the kitchen preparing memorable breakfasts.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 65}]}, {"id": 9, "anchors": [{"from": 65, "to": 66}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 3, "label": "R"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "063347-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After a train ride over the mountains, we enjoyed hiking in the flower-filled Wenatchee hills (in May) and a very interesting bike ride in a loop around the Columbia River...and then wine if we wanted it on the patio in the evening....", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 171}]}, {"id": 35, "anchors": [{"from": 171, "to": 174}]}, {"id": 36, "anchors": [{"from": 174, "to": 177}]}, {"id": 37, "anchors": [{"from": 178, "to": 182}]}, {"id": 38, "anchors": [{"from": 183, "to": 187}]}, {"id": 39, "anchors": [{"from": 188, "to": 190}]}, {"id": 40, "anchors": [{"from": 191, "to": 193}]}, {"id": 41, "anchors": [{"from": 194, "to": 200}]}, {"id": 42, "anchors": [{"from": 201, "to": 203}]}, {"id": 43, "anchors": [{"from": 204, "to": 206}]}, {"id": 44, "anchors": [{"from": 207, "to": 210}]}, {"id": 45, "anchors": [{"from": 211, "to": 216}]}, {"id": 46, "anchors": [{"from": 217, "to": 219}]}, {"id": 47, "anchors": [{"from": 220, "to": 223}]}, {"id": 48, "anchors": [{"from": 224, "to": 231}]}, {"id": 49, "anchors": [{"from": 231, "to": 235}]}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 57, "target": 19, "label": "R"}, {"source": 52, "target": 51, "label": "A"}, {"source": 50, "target": 58, "label": "H"}, {"source": 66, "target": 47, "label": "E"}, {"source": 61, "target": 32, "label": "E"}, {"source": 50, "target": 54, "label": "H"}, {"source": 55, "target": 11, "label": "R"}, {"source": 50, "target": 35, "label": "U"}, {"source": 64, "target": 42, "label": "A"}, {"source": 58, "target": 59, "label": "A"}, {"source": 58, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 31, "label": "R"}, {"source": 51, "target": 3, "label": "C"}, {"source": 55, "target": 56, "label": "E"}, {"source": 59, "target": 60, "label": "E"}, {"source": 53, "target": 4, "label": "R"}, {"source": 60, "target": 29, "label": "E"}, {"source": 60, "target": 28, "label": "R"}, {"source": 51, "target": 1, "label": "E"}, {"source": 63, "target": 39, "label": "R"}, {"source": 53, "target": 6, "label": "C"}, {"source": 56, "target": 15, "label": "C"}, {"source": 66, "target": 49, "label": "U"}, {"source": 59, "target": 24, "label": "E"}, {"source": 50, "target": 21, "label": "U"}, {"source": 52, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 55, "label": "A"}, {"source": 50, "target": 22, "label": "L"}, {"source": 59, "target": 23, "label": "E"}, {"source": 51, "target": 2, "label": "E"}, {"source": 62, "target": 63, "label": "A"}, {"source": 64, "target": 65, "label": "A"}, {"source": 61, "target": 34, "label": "C"}, {"source": 56, "target": 14, "label": "U"}, {"source": 54, "target": 8, "label": "A"}, {"source": 50, "target": 52, "label": "H"}, {"source": 50, "target": 0, "label": "L"}, {"source": 50, "target": 62, "label": "H"}, {"source": 53, "target": 5, "label": "E"}, {"source": 65, "target": 43, "label": "R"}, {"source": 50, "target": 36, "label": "L"}, {"source": 66, "target": 46, "label": "R"}, {"source": 55, "target": 16, "label": "E"}, {"source": 65, "target": 44, "label": "E"}, {"source": 54, "target": 9, "label": "D"}, {"source": 55, "target": 12, "label": "E"}, {"source": 54, "target": 10, "label": "P"}, {"source": 65, "target": 45, "label": "C"}, {"source": 55, "target": 17, "label": "C"}, {"source": 59, "target": 25, "label": "E"}, {"source": 55, "target": 57, "label": "E"}, {"source": 59, "target": 61, "label": "E"}, {"source": 59, "target": 27, "label": "C"}, {"source": 56, "target": 13, "label": "E"}, {"source": 60, "target": 30, "label": "C"}, {"source": 62, "target": 64, "label": "A"}, {"source": 64, "target": 41, "label": "P"}, {"source": 59, "target": 26, "label": "E"}, {"source": 52, "target": 7, "label": "U"}, {"source": 55, "target": 18, "label": "U"}, {"source": 62, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 66, "label": "D"}, {"source": 62, "target": 37, "label": "D"}, {"source": 61, "target": 33, "label": "E"}, {"source": 63, "target": 38, "label": "C"}, {"source": 64, "target": 40, "label": "A"}, {"source": 66, "target": 48, "label": "E"}, {"source": 57, "target": 20, "label": "C"}, {"source": 51, "target": 53, "label": "E"}]} +{"id": "063347-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a busy group of hosts they are also running a restaurant, which also must be wonderful - so just ask for what you need, and I'm sure they will do their best to be hospitable.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 126}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}, {"from": 133, "to": 135}, {"from": 136, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 167}]}, {"id": 36, "anchors": [{"from": 168, "to": 170}]}, {"id": 37, "anchors": [{"from": 171, "to": 181}]}, {"id": 38, "anchors": [{"from": 181, "to": 182}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 47, "target": 19, "label": "U"}, {"source": 46, "target": 15, "label": "D"}, {"source": 44, "target": 11, "label": "E"}, {"source": 43, "target": 8, "label": "F"}, {"source": 43, "target": 9, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 5, "label": "R"}, {"source": 44, "target": 12, "label": "C"}, {"source": 45, "target": 14, "label": "F"}, {"source": 41, "target": 3, "label": "E"}, {"source": 46, "target": 17, "label": "F"}, {"source": 39, "target": 41, "label": "S"}, {"source": 39, "target": 1, "label": "F"}, {"source": 46, "target": 47, "label": "D"}, {"source": 47, "target": 20, "label": "R"}, {"source": 48, "target": 23, "label": "R"}, {"source": 46, "target": 21, "label": "D"}, {"source": 39, "target": 0, "label": "A"}, {"source": 44, "target": 13, "label": "U"}, {"source": 51, "target": 33, "label": "E"}, {"source": 51, "target": 37, "label": "C"}, {"source": 49, "target": 24, "label": "F"}, {"source": 45, "target": 27, "label": "U"}, {"source": 41, "target": 2, "label": "E"}, {"source": 49, "target": 25, "label": "A"}, {"source": 50, "target": 51, "label": "S"}, {"source": 45, "target": 46, "label": "H"}, {"source": 46, "target": 48, "label": "A"}, {"source": 47, "target": 18, "label": "C"}, {"source": 51, "target": 32, "label": "F"}, {"source": 51, "target": 34, "label": "E"}, {"source": 50, "target": 30, "label": "A"}, {"source": 51, "target": 38, "label": "U"}, {"source": 46, "target": 22, "label": "P"}, {"source": 44, "target": 45, "label": "E"}, {"source": 45, "target": 50, "label": "H"}, {"source": 41, "target": 4, "label": "C"}, {"source": 50, "target": 31, "label": "F"}, {"source": 48, "target": 49, "label": "C"}, {"source": 50, "target": 35, "label": "F"}, {"source": 51, "target": 36, "label": "E"}, {"source": 46, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 10, "label": "P"}, {"source": 43, "target": 7, "label": "A"}, {"source": 45, "target": 28, "label": "L"}, {"source": 40, "target": 43, "label": "H"}, {"source": 49, "target": 26, "label": "P"}, {"source": 40, "target": 39, "label": "H"}, {"source": 42, "target": 6, "label": "C"}, {"source": 46, "target": 16, "label": "D"}, {"source": 50, "target": 29, "label": "A"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "063549-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best food in northeast", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 2, "label": "R"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "D"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "063549-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Theres a reason why Frank mcclelland was named best chef of the north east reigon.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}, {"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 21, "target": 10, "label": "R"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 11, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 17, "target": 0, "label": "F"}, {"source": 19, "target": 5, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 6, "label": "F"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 4, "label": "F"}]} +{"id": "063549-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food here is absolutely superb.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "063549-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything is delicous and cooked perfectly.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "N"}, {"source": 8, "target": 1, "label": "S"}, {"source": 8, "target": 5, "label": "D"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "063549-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The waiting staff is beyond impeccable (they refold your napkin when you go to the bathroom).", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 5, "label": "S"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 9, "label": "E"}, {"source": 25, "target": 12, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 11, "label": "L"}, {"source": 19, "target": 0, "label": "E"}, {"source": 26, "target": 14, "label": "R"}, {"source": 23, "target": 8, "label": "P"}, {"source": 22, "target": 4, "label": "D"}, {"source": 20, "target": 3, "label": "S"}, {"source": 23, "target": 7, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 6, "label": "U"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "063549-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want great food then L'espalier is the place to go.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "P"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 5, "label": "D"}, {"source": 19, "target": 10, "label": "F"}, {"source": 13, "target": 0, "label": "L"}, {"source": 18, "target": 9, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 7, "label": "F"}, {"source": 17, "target": 18, "label": "S"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 16, "target": 15, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 6, "label": "A"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "063690-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This office is awesome!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "063690-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "everyone here is super friendly and efficient!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 11, "target": 5, "label": "N"}, {"source": 8, "target": 1, "label": "E"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 3, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "063690-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "its great to know you can get great service, great product, and for the best price all in one!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 24, "target": 22, "label": "U"}, {"source": 27, "target": 13, "label": "U"}, {"source": 27, "target": 14, "label": "L"}, {"source": 32, "target": 12, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 9, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 25, "target": 2, "label": "E"}, {"source": 28, "target": 31, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 30, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 32, "target": 11, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 5, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 33, "target": 17, "label": "E"}, {"source": 29, "target": 7, "label": "C"}, {"source": 23, "target": 1, "label": "P"}, {"source": 27, "target": 33, "label": "H"}, {"source": 26, "target": 4, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 33, "target": 16, "label": "E"}, {"source": 26, "target": 3, "label": "F"}, {"source": 33, "target": 19, "label": "E"}, {"source": 30, "target": 8, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 33, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 18, "label": "C"}, {"source": 33, "target": 15, "label": "R"}, {"source": 28, "target": 29, "label": "P"}, {"source": 34, "target": 21, "label": "C"}, {"source": 29, "target": 6, "label": "F"}, {"source": 34, "target": 20, "label": "R"}]} +{"id": "063690-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've referred everyone i know here and they all feel the same way!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}, {"from": 30, "to": 34}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 12, "label": "U"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "P"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 19, "label": "D"}, {"source": 17, "target": 7, "label": "E"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 5, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 19, "target": 10, "label": "E"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "063690-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i'll be coming back for years to come!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}, {"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 6, "label": "L"}, {"source": 10, "target": 1, "label": "A"}, {"source": 10, "target": 11, "label": "D"}, {"source": 9, "target": 12, "label": "H"}, {"source": 10, "target": 3, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 9, "target": 8, "label": "U"}]} +{"id": "063754-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He worked on it right on the back of my car.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 2, "label": "R"}, {"source": 16, "target": 5, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "063754-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am extremely pleased", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "S"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "063963-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't waste your time or money!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "N"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 10, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "063963-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I took my 3 year old son here at the weekend and to be honest, apart from the shark walkway, I thought it was rubbish and overpriced.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 132}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 30, "target": 34, "label": "D"}, {"source": 38, "target": 39, "label": "A"}, {"source": 38, "target": 23, "label": "P"}, {"source": 33, "target": 2, "label": "E"}, {"source": 33, "target": 6, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 21, "label": "U"}, {"source": 30, "target": 32, "label": "P"}, {"source": 37, "target": 20, "label": "C"}, {"source": 32, "target": 7, "label": "C"}, {"source": 37, "target": 18, "label": "E"}, {"source": 35, "target": 12, "label": "F"}, {"source": 31, "target": 11, "label": "L"}, {"source": 36, "target": 16, "label": "C"}, {"source": 34, "target": 8, "label": "R"}, {"source": 37, "target": 17, "label": "R"}, {"source": 32, "target": 1, "label": "F"}, {"source": 39, "target": 24, "label": "A"}, {"source": 30, "target": 33, "label": "A"}, {"source": 40, "target": 29, "label": "U"}, {"source": 30, "target": 0, "label": "A"}, {"source": 35, "target": 14, "label": "S"}, {"source": 33, "target": 5, "label": "E"}, {"source": 34, "target": 10, "label": "C"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 27, "label": "N"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 15, "label": "U"}, {"source": 38, "target": 22, "label": "A"}, {"source": 40, "target": 28, "label": "C"}, {"source": 31, "target": 38, "label": "H"}, {"source": 31, "target": 36, "label": "L"}, {"source": 33, "target": 4, "label": "E"}, {"source": 40, "target": 26, "label": "C"}, {"source": 34, "target": 9, "label": "E"}, {"source": 35, "target": 13, "label": "D"}, {"source": 37, "target": 19, "label": "E"}, {"source": 39, "target": 25, "label": "S"}, {"source": 33, "target": 3, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "063963-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even taking into account the fact that my 3 year old wanted to run most of the way round, it took us just over one hour start to finish.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}, {"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}, {"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 135}]}, {"id": 28, "anchors": [{"from": 135, "to": 136}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 34, "target": 8, "label": "C"}, {"source": 31, "target": 3, "label": "E"}, {"source": 30, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 22, "label": "D"}, {"source": 32, "target": 5, "label": "F"}, {"source": 32, "target": 12, "label": "P"}, {"source": 38, "target": 23, "label": "E"}, {"source": 35, "target": 14, "label": "R"}, {"source": 37, "target": 21, "label": "A"}, {"source": 32, "target": 10, "label": "D"}, {"source": 32, "target": 11, "label": "F"}, {"source": 36, "target": 15, "label": "E"}, {"source": 29, "target": 37, "label": "H"}, {"source": 29, "target": 0, "label": "L"}, {"source": 31, "target": 4, "label": "C"}, {"source": 39, "target": 28, "label": "U"}, {"source": 30, "target": 2, "label": "D"}, {"source": 36, "target": 17, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 38, "target": 24, "label": "C"}, {"source": 39, "target": 27, "label": "P"}, {"source": 37, "target": 38, "label": "D"}, {"source": 34, "target": 7, "label": "E"}, {"source": 33, "target": 9, "label": "C"}, {"source": 30, "target": 18, "label": "U"}, {"source": 36, "target": 35, "label": "E"}, {"source": 29, "target": 30, "label": "H"}, {"source": 36, "target": 16, "label": "E"}, {"source": 35, "target": 13, "label": "C"}, {"source": 37, "target": 20, "label": "P"}, {"source": 30, "target": 1, "label": "P"}, {"source": 29, "target": 39, "label": "H"}, {"source": 33, "target": 6, "label": "E"}, {"source": 37, "target": 19, "label": "A"}, {"source": 32, "target": 36, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 26, "label": "L"}, {"source": 31, "target": 32, "label": "E"}, {"source": 38, "target": 25, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 39, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "063963-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you have been to the London Aquarium I would not even bother with this.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}, {"from": 31, "to": 39}, {"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 8, "label": "L"}, {"source": 17, "target": 7, "label": "F"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 3, "label": "S"}, {"source": 14, "target": 9, "label": "L"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 18, "target": 11, "label": "R"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "063963-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are really desperate for something to pass the time and are willing to shell out the best part of £30 for 2 two people then go for it.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}, {"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 133}, {"from": 134, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 140}]}, {"id": 29, "anchors": [{"from": 140, "to": 141}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 30, "target": 11, "label": "L"}, {"source": 35, "target": 39, "label": "A"}, {"source": 38, "target": 19, "label": "R"}, {"source": 35, "target": 14, "label": "F"}, {"source": 35, "target": 36, "label": "P"}, {"source": 33, "target": 7, "label": "F"}, {"source": 31, "target": 33, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 40, "target": 23, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 6, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 31, "target": 2, "label": "F"}, {"source": 39, "target": 25, "label": "C"}, {"source": 30, "target": 31, "label": "H"}, {"source": 35, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 35, "label": "H"}, {"source": 33, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 3, "label": "D"}, {"source": 35, "target": 37, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 41, "target": 28, "label": "E"}, {"source": 36, "target": 15, "label": "C"}, {"source": 33, "target": 8, "label": "P"}, {"source": 35, "target": 42, "label": "A"}, {"source": 37, "target": 18, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 34, "target": 10, "label": "C"}, {"source": 42, "target": 41, "label": "E"}, {"source": 37, "target": 17, "label": "E"}, {"source": 38, "target": 21, "label": "C"}, {"source": 39, "target": 22, "label": "R"}, {"source": 41, "target": 27, "label": "C"}, {"source": 34, "target": 9, "label": "E"}, {"source": 37, "target": 16, "label": "E"}, {"source": 31, "target": 4, "label": "S"}, {"source": 35, "target": 26, "label": "D"}, {"source": 38, "target": 20, "label": "U"}, {"source": 31, "target": 1, "label": "A"}, {"source": 30, "target": 0, "label": "L"}, {"source": 35, "target": 12, "label": "D"}, {"source": 32, "target": 5, "label": "R"}, {"source": 40, "target": 24, "label": "C"}]} +{"id": "063963-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(For some reason itwill not let me rate it one star - it is not rated 5 by me!)", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 74}]}, {"id": 20, "anchors": [{"from": 75, "to": 77}]}, {"id": 21, "anchors": [{"from": 77, "to": 78}]}, {"id": 22, "anchors": [{"from": 78, "to": 79}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 27, "target": 13, "label": "U"}, {"source": 23, "target": 25, "label": "H"}, {"source": 28, "target": 14, "label": "A"}, {"source": 25, "target": 8, "label": "A"}, {"source": 24, "target": 3, "label": "C"}, {"source": 28, "target": 18, "label": "A"}, {"source": 25, "target": 7, "label": "P"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 24, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 5, "label": "F"}, {"source": 26, "target": 9, "label": "P"}, {"source": 29, "target": 22, "label": "U"}, {"source": 24, "target": 1, "label": "R"}, {"source": 28, "target": 16, "label": "D"}, {"source": 26, "target": 10, "label": "A"}, {"source": 27, "target": 11, "label": "E"}, {"source": 29, "target": 20, "label": "C"}, {"source": 29, "target": 19, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 0, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 6, "label": "D"}, {"source": 28, "target": 17, "label": "P"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 2, "label": "E"}, {"source": 29, "target": 21, "label": "U"}]} +{"id": "064100-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great spot to kick back for a cup of joe and a snack.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 14, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 15, "target": 4, "label": "D"}, {"source": 23, "target": 13, "label": "U"}, {"source": 23, "target": 11, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "R"}, {"source": 20, "target": 6, "label": "E"}, {"source": 22, "target": 10, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 20, "label": "C"}, {"source": 14, "target": 1, "label": "C"}, {"source": 21, "target": 8, "label": "R"}, {"source": 14, "target": 0, "label": "E"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "064100-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cool ambience.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "064146-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Pizzas and Calzones in the City!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 2, "label": "N"}, {"source": 11, "target": 8, "label": "C"}, {"source": 8, "target": 12, "label": "C"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 13, "label": "E"}]} +{"id": "064146-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a hidden gem!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "F"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "064146-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is superb and they were delivered nice and hot!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "N"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 15, "target": 6, "label": "F"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "L"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "064146-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend this place!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "067423-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Doctor Hank is Amazing", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "D"}]} +{"id": "067423-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our family has been trusting Doctor Hank with our teeth for the last seven years.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}, {"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 19, "label": "D"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 12, "label": "E"}, {"source": 19, "target": 13, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 0, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 18, "target": 7, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 6, "label": "R"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 15, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 17, "target": 5, "label": "A"}]} +{"id": "067423-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wouldn't go to anyone else.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "C"}, {"source": 11, "target": 6, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "067423-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone on staff is very professional and friendly.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 14, "label": "A"}, {"source": 9, "target": 12, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 1, "label": "R"}, {"source": 14, "target": 6, "label": "N"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "067826-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you're looking for homestyle Japanese food, you can't beat this", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 11, "label": "D"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 19, "label": "P"}, {"source": 18, "target": 9, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 15, "target": 2, "label": "F"}, {"source": 20, "target": 13, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 4, "label": "R"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "068009-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Criminal Attorney Dallas", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "068009-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dallas Criminal Attorney Peter Barrett is absolutely committed to vigorously supporting your rights and achieving a successful outcome.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 30}, {"from": 31, "to": 38}]}, {"id": 3, "anchors": [{"from": 39, "to": 41}]}, {"id": 4, "anchors": [{"from": 42, "to": 52}]}, {"id": 5, "anchors": [{"from": 53, "to": 62}]}, {"id": 6, "anchors": [{"from": 63, "to": 65}]}, {"id": 7, "anchors": [{"from": 66, "to": 76}]}, {"id": 8, "anchors": [{"from": 77, "to": 87}]}, {"id": 9, "anchors": [{"from": 88, "to": 92}]}, {"id": 10, "anchors": [{"from": 93, "to": 99}]}, {"id": 11, "anchors": [{"from": 100, "to": 103}]}, {"id": 12, "anchors": [{"from": 104, "to": 113}]}, {"id": 13, "anchors": [{"from": 114, "to": 115}]}, {"id": 14, "anchors": [{"from": 116, "to": 126}]}, {"id": 15, "anchors": [{"from": 127, "to": 134}]}, {"id": 16, "anchors": [{"from": 134, "to": 135}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 17, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 2, "label": "C"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 9, "label": "E"}, {"source": 25, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 4, "label": "D"}, {"source": 21, "target": 24, "label": "H"}, {"source": 21, "target": 6, "label": "F"}, {"source": 24, "target": 12, "label": "P"}, {"source": 20, "target": 5, "label": "P"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 25, "target": 13, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 7, "label": "D"}, {"source": 22, "target": 8, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "068009-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As a qualified criminal defense attorney, he will work every possible legal \"angle\" (leaving no stone unturned) of your case to achieve the most favorable result possible.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 170}]}, {"id": 32, "anchors": [{"from": 170, "to": 171}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 40, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 39, "label": "A"}, {"source": 34, "target": 4, "label": "E"}, {"source": 36, "target": 9, "label": "P"}, {"source": 34, "target": 2, "label": "E"}, {"source": 37, "target": 38, "label": "E"}, {"source": 41, "target": 29, "label": "E"}, {"source": 35, "target": 6, "label": "U"}, {"source": 35, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 24, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 11, "label": "E"}, {"source": 33, "target": 40, "label": "H"}, {"source": 33, "target": 35, "label": "H"}, {"source": 33, "target": 36, "label": "H"}, {"source": 41, "target": 28, "label": "E"}, {"source": 35, "target": 34, "label": "P"}, {"source": 36, "target": 8, "label": "F"}, {"source": 39, "target": 19, "label": "E"}, {"source": 41, "target": 27, "label": "E"}, {"source": 40, "target": 32, "label": "U"}, {"source": 38, "target": 17, "label": "P"}, {"source": 39, "target": 21, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 41, "target": 30, "label": "C"}, {"source": 39, "target": 18, "label": "E"}, {"source": 36, "target": 7, "label": "A"}, {"source": 40, "target": 25, "label": "F"}, {"source": 34, "target": 3, "label": "E"}, {"source": 37, "target": 13, "label": "U"}, {"source": 39, "target": 22, "label": "R"}, {"source": 34, "target": 1, "label": "E"}, {"source": 37, "target": 14, "label": "C"}, {"source": 34, "target": 5, "label": "C"}, {"source": 37, "target": 15, "label": "U"}, {"source": 39, "target": 20, "label": "C"}, {"source": 39, "target": 23, "label": "E"}, {"source": 40, "target": 26, "label": "P"}, {"source": 37, "target": 12, "label": "E"}, {"source": 33, "target": 0, "label": "L"}, {"source": 37, "target": 10, "label": "E"}, {"source": 40, "target": 31, "label": "A"}, {"source": 37, "target": 16, "label": "U"}]} +{"id": "068436-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The worst Burger King restaurant!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 5, "label": "S"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "068436-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I generally like the BK over the other fast serving restaurants; however, I regreted to visit this restaurant at my town.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 17, "label": "P"}, {"source": 29, "target": 15, "label": "D"}, {"source": 28, "target": 10, "label": "C"}, {"source": 29, "target": 16, "label": "F"}, {"source": 24, "target": 1, "label": "D"}, {"source": 25, "target": 12, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 31, "target": 21, "label": "E"}, {"source": 31, "target": 20, "label": "R"}, {"source": 31, "target": 22, "label": "C"}, {"source": 27, "target": 6, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 28, "target": 9, "label": "E"}, {"source": 27, "target": 5, "label": "R"}, {"source": 30, "target": 18, "label": "E"}, {"source": 25, "target": 11, "label": "U"}, {"source": 29, "target": 14, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 25, "target": 13, "label": "U"}, {"source": 24, "target": 28, "label": "A"}, {"source": 24, "target": 2, "label": "P"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "068436-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a shame of my adorable town, Branford.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "068436-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I ordered a kid meal with a milk and found a bottle was half opened already.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "L"}, {"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 23, "label": "D"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 24, "label": "D"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "068436-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked them to change it but they rudely said that it was okay.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 12, "label": "F"}, {"source": 18, "target": 7, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 19, "target": 10, "label": "F"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 11, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 8, "label": "D"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "S"}, {"source": 18, "target": 9, "label": "P"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 2, "label": "A"}, {"source": 17, "target": 5, "label": "A"}]} +{"id": "068436-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Disgusting french fries is very best menu.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "068436-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't go, or you will learn how to waste your money.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 18, "target": 11, "label": "E"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 4, "label": "L"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 9, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 10, "label": "P"}, {"source": 17, "target": 8, "label": "D"}, {"source": 14, "target": 1, "label": "D"}, {"source": 16, "target": 6, "label": "F"}, {"source": 14, "target": 2, "label": "P"}, {"source": 16, "target": 5, "label": "A"}, {"source": 15, "target": 3, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "069995-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AMAZING NIGHT- Great Party Spot!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "U"}, {"source": 8, "target": 3, "label": "H"}, {"source": 3, "target": 9, "label": "A"}, {"source": 7, "target": 10, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 7, "label": "E"}]} +{"id": "069995-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Went to the Willow Lounge this past weekend for dinner and drinks...place is awesome.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 1, "label": "R"}, {"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 23, "label": "A"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 23, "target": 13, "label": "A"}, {"source": 18, "target": 20, "label": "D"}, {"source": 23, "target": 14, "label": "F"}, {"source": 20, "target": 6, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 10, "label": "N"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 0, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 23, "target": 15, "label": "S"}, {"source": 21, "target": 8, "label": "R"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "069995-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Had to keep in mind that the A/C broke, I feel bad it was their opening!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}, {"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 71}]}, {"id": 18, "anchors": [{"from": 71, "to": 72}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 19, "target": 0, "label": "F"}, {"source": 21, "target": 3, "label": "R"}, {"source": 24, "target": 11, "label": "A"}, {"source": 20, "target": 10, "label": "U"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 26, "target": 14, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 23, "target": 6, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 12, "label": "P"}, {"source": 26, "target": 15, "label": "S"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "U"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 9, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 25, "target": 13, "label": "E"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 7, "label": "E"}, {"source": 22, "target": 5, "label": "F"}]} +{"id": "069995-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anyway, once that is fixed, this place will be amazing.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 8, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "U"}, {"source": 17, "target": 11, "label": "S"}, {"source": 14, "target": 6, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 15, "target": 5, "label": "S"}, {"source": 13, "target": 2, "label": "L"}, {"source": 17, "target": 10, "label": "F"}]} +{"id": "069995-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Drinks were awesome, prices reasonable, and staff friendly.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 13, "label": "S"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 7, "label": "N"}, {"source": 13, "target": 14, "label": "C"}, {"source": 13, "target": 15, "label": "C"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "069995-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is an awesome date spot that the area SERIOUSLY needs.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 10, "label": "S"}, {"source": 14, "target": 16, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 6, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 7, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "D"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "069995-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Check out The Willow Lounge, youll be happy!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 20}, {"from": 21, "to": 27}]}, {"id": 2, "anchors": [{"from": 27, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "U"}, {"source": 8, "target": 0, "label": "P"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "070492-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good, friendly, reasonable service", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "070730-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We decided to try this place last night because we noticed that it had some interesting things on the menu aside from the usual rolls-- live scallop sashimi, duck breast nigiri with foie gras, panko mussels-- but none of these were particularly great or worth the sticker price.", "tops": [54], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 148}]}, {"id": 28, "anchors": [{"from": 149, "to": 156}]}, {"id": 29, "anchors": [{"from": 156, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 169}]}, {"id": 32, "anchors": [{"from": 170, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 181}]}, {"id": 34, "anchors": [{"from": 182, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 191}]}, {"id": 36, "anchors": [{"from": 191, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 198}]}, {"id": 38, "anchors": [{"from": 199, "to": 206}]}, {"id": 39, "anchors": [{"from": 206, "to": 208}]}, {"id": 40, "anchors": [{"from": 209, "to": 212}]}, {"id": 41, "anchors": [{"from": 213, "to": 217}]}, {"id": 42, "anchors": [{"from": 218, "to": 220}]}, {"id": 43, "anchors": [{"from": 221, "to": 226}]}, {"id": 44, "anchors": [{"from": 227, "to": 231}]}, {"id": 45, "anchors": [{"from": 232, "to": 244}]}, {"id": 46, "anchors": [{"from": 245, "to": 250}]}, {"id": 47, "anchors": [{"from": 251, "to": 253}]}, {"id": 48, "anchors": [{"from": 254, "to": 259}]}, {"id": 49, "anchors": [{"from": 260, "to": 263}]}, {"id": 50, "anchors": [{"from": 264, "to": 271}]}, {"id": 51, "anchors": [{"from": 272, "to": 277}]}, {"id": 52, "anchors": [{"from": 277, "to": 278}]}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}], "edges": [{"source": 56, "target": 6, "label": "E"}, {"source": 65, "target": 33, "label": "R"}, {"source": 62, "target": 61, "label": "R"}, {"source": 64, "target": 31, "label": "E"}, {"source": 59, "target": 16, "label": "C"}, {"source": 54, "target": 8, "label": "L"}, {"source": 69, "target": 43, "label": "C"}, {"source": 57, "target": 10, "label": "S"}, {"source": 66, "target": 67, "label": "A"}, {"source": 53, "target": 56, "label": "D"}, {"source": 58, "target": 59, "label": "A"}, {"source": 65, "target": 34, "label": "E"}, {"source": 62, "target": 63, "label": "E"}, {"source": 63, "target": 23, "label": "E"}, {"source": 59, "target": 14, "label": "E"}, {"source": 68, "target": 41, "label": "C"}, {"source": 71, "target": 46, "label": "C"}, {"source": 59, "target": 15, "label": "E"}, {"source": 72, "target": 49, "label": "E"}, {"source": 60, "target": 29, "label": "U"}, {"source": 72, "target": 52, "label": "U"}, {"source": 62, "target": 26, "label": "E"}, {"source": 58, "target": 11, "label": "F"}, {"source": 62, "target": 28, "label": "C"}, {"source": 55, "target": 5, "label": "C"}, {"source": 55, "target": 4, "label": "E"}, {"source": 70, "target": 72, "label": "A"}, {"source": 69, "target": 68, "label": "E"}, {"source": 54, "target": 70, "label": "H"}, {"source": 71, "target": 47, "label": "N"}, {"source": 60, "target": 17, "label": "R"}, {"source": 54, "target": 36, "label": "U"}, {"source": 54, "target": 57, "label": "H"}, {"source": 61, "target": 21, "label": "R"}, {"source": 65, "target": 35, "label": "C"}, {"source": 62, "target": 27, "label": "E"}, {"source": 58, "target": 12, "label": "A"}, {"source": 62, "target": 25, "label": "U"}, {"source": 64, "target": 32, "label": "C"}, {"source": 60, "target": 19, "label": "C"}, {"source": 70, "target": 69, "label": "A"}, {"source": 53, "target": 1, "label": "D"}, {"source": 54, "target": 39, "label": "U"}, {"source": 67, "target": 38, "label": "C"}, {"source": 60, "target": 18, "label": "E"}, {"source": 70, "target": 71, "label": "A"}, {"source": 60, "target": 62, "label": "E"}, {"source": 63, "target": 22, "label": "E"}, {"source": 54, "target": 66, "label": "H"}, {"source": 58, "target": 60, "label": "A"}, {"source": 53, "target": 55, "label": "P"}, {"source": 57, "target": 9, "label": "A"}, {"source": 72, "target": 50, "label": "E"}, {"source": 72, "target": 51, "label": "C"}, {"source": 64, "target": 30, "label": "E"}, {"source": 55, "target": 3, "label": "F"}, {"source": 60, "target": 64, "label": "E"}, {"source": 56, "target": 7, "label": "C"}, {"source": 58, "target": 65, "label": "A"}, {"source": 67, "target": 37, "label": "E"}, {"source": 61, "target": 20, "label": "C"}, {"source": 70, "target": 45, "label": "D"}, {"source": 54, "target": 40, "label": "L"}, {"source": 57, "target": 58, "label": "A"}, {"source": 53, "target": 2, "label": "F"}, {"source": 71, "target": 48, "label": "C"}, {"source": 68, "target": 42, "label": "R"}, {"source": 63, "target": 24, "label": "C"}, {"source": 54, "target": 53, "label": "H"}, {"source": 58, "target": 13, "label": "P"}, {"source": 53, "target": 0, "label": "A"}, {"source": 70, "target": 44, "label": "F"}]} +{"id": "070730-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Additionally we tried the Logan Circle roll, spicy crab and tuna roll, and sweet potato tempura roll ($15, $10, and $3.75 respectively).", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}, {"from": 32, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}, {"from": 65, "to": 69}]}, {"id": 11, "anchors": [{"from": 69, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26, "anchors": [{"from": 117, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 134}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}]}, {"id": 29, "anchors": [{"from": 135, "to": 136}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 37, "target": 19, "label": "C"}, {"source": 33, "target": 36, "label": "C"}, {"source": 37, "target": 26, "label": "C"}, {"source": 32, "target": 3, "label": "E"}, {"source": 33, "target": 32, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 36, "target": 15, "label": "E"}, {"source": 36, "target": 14, "label": "E"}, {"source": 36, "target": 28, "label": "U"}, {"source": 30, "target": 31, "label": "H"}, {"source": 36, "target": 16, "label": "C"}, {"source": 37, "target": 25, "label": "U"}, {"source": 35, "target": 8, "label": "C"}, {"source": 37, "target": 21, "label": "U"}, {"source": 31, "target": 0, "label": "D"}, {"source": 32, "target": 5, "label": "C"}, {"source": 37, "target": 24, "label": "N"}, {"source": 31, "target": 2, "label": "P"}, {"source": 34, "target": 7, "label": "E"}, {"source": 37, "target": 22, "label": "C"}, {"source": 36, "target": 27, "label": "E"}, {"source": 32, "target": 4, "label": "E"}, {"source": 33, "target": 12, "label": "N"}, {"source": 35, "target": 10, "label": "C"}, {"source": 33, "target": 6, "label": "U"}, {"source": 37, "target": 20, "label": "U"}, {"source": 35, "target": 9, "label": "N"}, {"source": 36, "target": 29, "label": "U"}, {"source": 36, "target": 37, "label": "E"}, {"source": 36, "target": 17, "label": "U"}, {"source": 33, "target": 11, "label": "U"}, {"source": 31, "target": 1, "label": "A"}, {"source": 34, "target": 35, "label": "C"}, {"source": 36, "target": 18, "label": "U"}, {"source": 33, "target": 34, "label": "C"}, {"source": 37, "target": 23, "label": "U"}]} +{"id": "070730-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The sweet potato tempura roll was actually a great surprise: cheap and delicious, the only thing we tried that I would say was well worth it and a great value (and I never get vegetarian rolls).", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}, {"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 80}]}, {"id": 13, "anchors": [{"from": 80, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 160}]}, {"id": 32, "anchors": [{"from": 160, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 175}]}, {"id": 36, "anchors": [{"from": 176, "to": 186}]}, {"id": 37, "anchors": [{"from": 187, "to": 192}]}, {"id": 38, "anchors": [{"from": 192, "to": 193}]}, {"id": 39, "anchors": [{"from": 193, "to": 194}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 40, "target": 3, "label": "C"}, {"source": 53, "target": 33, "label": "A"}, {"source": 47, "target": 15, "label": "E"}, {"source": 41, "target": 4, "label": "S"}, {"source": 51, "target": 27, "label": "N"}, {"source": 41, "target": 40, "label": "A"}, {"source": 54, "target": 37, "label": "C"}, {"source": 54, "target": 38, "label": "U"}, {"source": 52, "target": 28, "label": "E"}, {"source": 40, "target": 2, "label": "E"}, {"source": 54, "target": 36, "label": "E"}, {"source": 42, "target": 13, "label": "U"}, {"source": 42, "target": 41, "label": "H"}, {"source": 48, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 12, "label": "C"}, {"source": 53, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 53, "label": "E"}, {"source": 45, "target": 11, "label": "N"}, {"source": 43, "target": 8, "label": "C"}, {"source": 45, "target": 10, "label": "C"}, {"source": 49, "target": 23, "label": "F"}, {"source": 52, "target": 30, "label": "C"}, {"source": 47, "target": 16, "label": "C"}, {"source": 48, "target": 49, "label": "A"}, {"source": 49, "target": 22, "label": "P"}, {"source": 42, "target": 46, "label": "H"}, {"source": 47, "target": 31, "label": "U"}, {"source": 42, "target": 44, "label": "H"}, {"source": 47, "target": 14, "label": "E"}, {"source": 42, "target": 9, "label": "U"}, {"source": 41, "target": 5, "label": "D"}, {"source": 54, "target": 39, "label": "U"}, {"source": 40, "target": 0, "label": "E"}, {"source": 44, "target": 45, "label": "S"}, {"source": 53, "target": 54, "label": "A"}, {"source": 46, "target": 48, "label": "A"}, {"source": 43, "target": 6, "label": "E"}, {"source": 50, "target": 25, "label": "E"}, {"source": 43, "target": 7, "label": "E"}, {"source": 48, "target": 17, "label": "A"}, {"source": 53, "target": 34, "label": "D"}, {"source": 53, "target": 35, "label": "P"}, {"source": 49, "target": 21, "label": "D"}, {"source": 49, "target": 19, "label": "F"}, {"source": 41, "target": 43, "label": "A"}, {"source": 49, "target": 51, "label": "A"}, {"source": 52, "target": 29, "label": "E"}, {"source": 49, "target": 20, "label": "A"}, {"source": 42, "target": 32, "label": "L"}, {"source": 40, "target": 1, "label": "E"}, {"source": 51, "target": 50, "label": "C"}, {"source": 48, "target": 18, "label": "P"}, {"source": 50, "target": 26, "label": "C"}, {"source": 51, "target": 52, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 49, "target": 24, "label": "D"}]} +{"id": "070730-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The other rolls weren't at all special, especially given their pricing.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 15, "target": 4, "label": "D"}, {"source": 14, "target": 1, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 8, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 3, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "070730-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The bottom line is that the food isn't great and is relatively high-priced.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 24, "label": "S"}, {"source": 23, "target": 11, "label": "F"}, {"source": 19, "target": 10, "label": "L"}, {"source": 24, "target": 14, "label": "U"}, {"source": 22, "target": 8, "label": "E"}, {"source": 21, "target": 5, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 12, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 20, "target": 7, "label": "S"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 4, "label": "F"}, {"source": 17, "target": 0, "label": "E"}, {"source": 18, "target": 3, "label": "S"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "070730-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service is solicitous, the atmosphere is nice and mod except the out-of-place flat-screen TV playing football.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 87, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 21, "label": "C"}, {"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 32, "target": 13, "label": "C"}, {"source": 31, "target": 24, "label": "U"}, {"source": 28, "target": 6, "label": "C"}, {"source": 34, "target": 20, "label": "C"}, {"source": 28, "target": 5, "label": "E"}, {"source": 32, "target": 14, "label": "U"}, {"source": 33, "target": 17, "label": "C"}, {"source": 31, "target": 11, "label": "R"}, {"source": 31, "target": 23, "label": "C"}, {"source": 30, "target": 8, "label": "C"}, {"source": 31, "target": 12, "label": "E"}, {"source": 25, "target": 0, "label": "E"}, {"source": 29, "target": 7, "label": "F"}, {"source": 26, "target": 3, "label": "S"}, {"source": 30, "target": 9, "label": "N"}, {"source": 26, "target": 25, "label": "A"}, {"source": 32, "target": 15, "label": "R"}, {"source": 26, "target": 2, "label": "F"}, {"source": 30, "target": 10, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 31, "target": 33, "label": "E"}, {"source": 25, "target": 1, "label": "C"}, {"source": 33, "target": 32, "label": "E"}, {"source": 34, "target": 18, "label": "E"}, {"source": 34, "target": 19, "label": "U"}, {"source": 27, "target": 4, "label": "U"}, {"source": 35, "target": 34, "label": "E"}, {"source": 33, "target": 16, "label": "U"}, {"source": 31, "target": 35, "label": "E"}, {"source": 31, "target": 22, "label": "E"}, {"source": 29, "target": 30, "label": "P"}, {"source": 27, "target": 26, "label": "H"}]} +{"id": "070730-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But I'd go elsewhere unless the prices are cut.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 7, "label": "F"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 8, "label": "P"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 11, "target": 3, "label": "P"}]} +{"id": "070730-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's just not worth it.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "S"}]} +{"id": "071017-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was ok, nice management, they let us check in early, but the place was old.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 77, "to": 78}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 18, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 28, "label": "H"}, {"source": 26, "target": 11, "label": "R"}, {"source": 21, "target": 13, "label": "U"}, {"source": 23, "target": 4, "label": "E"}, {"source": 25, "target": 10, "label": "P"}, {"source": 24, "target": 7, "label": "A"}, {"source": 24, "target": 26, "label": "D"}, {"source": 27, "target": 16, "label": "C"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 9, "label": "A"}, {"source": 20, "target": 1, "label": "S"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 21, "target": 14, "label": "L"}, {"source": 22, "target": 6, "label": "U"}, {"source": 20, "target": 22, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 22, "target": 3, "label": "U"}, {"source": 20, "target": 0, "label": "A"}, {"source": 22, "target": 2, "label": "C"}, {"source": 26, "target": 12, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 24, "target": 8, "label": "D"}, {"source": 28, "target": 19, "label": "U"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "071017-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was clean, but just a little dumpy.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 8, "label": "C"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 7, "label": "E"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 11, "target": 3, "label": "U"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "071017-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lots of room for big rig parking.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 8, "label": "E"}, {"source": 12, "target": 13, "label": "E"}, {"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 1, "label": "R"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 3, "label": "R"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "071017-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hard to get into though because of road construction.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}, {"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "L"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 10, "target": 13, "label": "H"}, {"source": 14, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "071278-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WOW!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "071278-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I can't say enough good things about Karla and the wonderful things she has done for me and my dog Gracee.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 105}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 34, "target": 33, "label": "E"}, {"source": 26, "target": 6, "label": "C"}, {"source": 32, "target": 34, "label": "C"}, {"source": 31, "target": 16, "label": "R"}, {"source": 30, "target": 13, "label": "A"}, {"source": 29, "target": 11, "label": "E"}, {"source": 32, "target": 17, "label": "C"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 3, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 31, "target": 32, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 30, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 20, "label": "C"}, {"source": 32, "target": 18, "label": "N"}, {"source": 34, "target": 22, "label": "U"}, {"source": 27, "target": 7, "label": "R"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "E"}, {"source": 25, "target": 1, "label": "F"}, {"source": 27, "target": 28, "label": "C"}, {"source": 28, "target": 8, "label": "C"}, {"source": 26, "target": 5, "label": "E"}, {"source": 28, "target": 9, "label": "N"}, {"source": 33, "target": 19, "label": "E"}, {"source": 29, "target": 10, "label": "E"}, {"source": 30, "target": 14, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 15, "label": "P"}, {"source": 34, "target": 21, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "071278-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gracee is more excited to see her than she is to see me!!!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 4, "label": "F"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 9, "label": "F"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 17, "target": 5, "label": "S"}, {"source": 15, "target": 0, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 19, "target": 12, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 1, "label": "S"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 6, "label": "A"}]} +{"id": "071278-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She has always been there for Gracee even for last minute calls!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 8, "label": "R"}, {"source": 17, "target": 7, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 17, "label": "D"}]} +{"id": "071278-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She has taken care of my sweet girl for almost 4 years now and I would not let Gracee go with anyone besides her!!!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}, {"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 32, "target": 21, "label": "R"}, {"source": 25, "target": 12, "label": "L"}, {"source": 31, "target": 20, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 27, "target": 11, "label": "C"}, {"source": 30, "target": 18, "label": "P"}, {"source": 24, "target": 27, "label": "D"}, {"source": 28, "target": 15, "label": "D"}, {"source": 29, "target": 14, "label": "F"}, {"source": 32, "target": 22, "label": "E"}, {"source": 27, "target": 9, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 10, "label": "E"}, {"source": 27, "target": 7, "label": "R"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "E"}, {"source": 24, "target": 2, "label": "S"}, {"source": 30, "target": 17, "label": "A"}, {"source": 28, "target": 13, "label": "A"}, {"source": 26, "target": 5, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 23, "label": "U"}, {"source": 28, "target": 29, "label": "P"}, {"source": 26, "target": 3, "label": "R"}, {"source": 27, "target": 8, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 16, "label": "C"}, {"source": 31, "target": 19, "label": "R"}]} +{"id": "071278-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is caring, punctual, and very enthusiastic about her job!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 17, "target": 10, "label": "E"}, {"source": 15, "target": 6, "label": "N"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 2, "label": "C"}, {"source": 14, "target": 15, "label": "S"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 5, "label": "U"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 15, "target": 3, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "071278-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You should give her a try - it's worth every penny to know that you pet is in GREAT hands with Wunderbar pet sitting!!!!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}, {"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "anchors": [{"from": 116, "to": 120}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 10, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 16, "label": "S"}, {"source": 33, "target": 22, "label": "C"}, {"source": 32, "target": 23, "label": "C"}, {"source": 28, "target": 9, "label": "R"}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 5, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 33, "target": 21, "label": "E"}, {"source": 27, "target": 7, "label": "R"}, {"source": 30, "target": 15, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 29, "target": 12, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 31, "target": 17, "label": "R"}, {"source": 32, "target": 20, "label": "R"}, {"source": 30, "target": 13, "label": "F"}, {"source": 32, "target": 33, "label": "E"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "U"}, {"source": 26, "target": 1, "label": "D"}, {"source": 26, "target": 0, "label": "A"}, {"source": 32, "target": 24, "label": "U"}, {"source": 29, "target": 11, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 14, "label": "A"}, {"source": 27, "target": 4, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 31, "target": 18, "label": "E"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "071518-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great, Honest Service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}, {"from": 14, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "071518-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I took my 2001 Nissan Frontier in to fix a cracked manifold.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 9, "label": "E"}, {"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 7, "label": "F"}, {"source": 14, "target": 15, "label": "P"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "071518-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The dealer wanted $1300 to fix that and another $1500 to fix some other things.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "E"}, {"source": 18, "target": 0, "label": "E"}, {"source": 19, "target": 4, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 25, "target": 15, "label": "E"}, {"source": 24, "target": 12, "label": "F"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 3, "label": "U"}, {"source": 25, "target": 14, "label": "E"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 18, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 8, "label": "N"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 7, "label": "C"}, {"source": 23, "target": 11, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 10, "label": "U"}]} +{"id": "071518-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Eagle Transmission determined that much of the work the dealer said needed to be done was unneccesary and what needed to be fixed was only $400!!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 29}]}, {"id": 2, "anchors": [{"from": 30, "to": 34}]}, {"id": 3, "anchors": [{"from": 35, "to": 39}]}, {"id": 4, "anchors": [{"from": 40, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 105}]}, {"id": 17, "anchors": [{"from": 106, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 117}]}, {"id": 19, "anchors": [{"from": 118, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 138}, {"from": 140, "to": 143}]}, {"id": 24, "anchors": [{"from": 139, "to": 140}]}, {"id": 25, "anchors": [{"from": 143, "to": 145}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 28, "target": 2, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 21, "label": "A"}, {"source": 32, "target": 11, "label": "F"}, {"source": 31, "target": 8, "label": "C"}, {"source": 27, "target": 35, "label": "H"}, {"source": 35, "target": 22, "label": "S"}, {"source": 31, "target": 7, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 28, "target": 31, "label": "A"}, {"source": 30, "target": 29, "label": "E"}, {"source": 35, "target": 23, "label": "D"}, {"source": 28, "target": 30, "label": "A"}, {"source": 33, "target": 15, "label": "S"}, {"source": 34, "target": 17, "label": "F"}, {"source": 34, "target": 20, "label": "A"}, {"source": 29, "target": 3, "label": "C"}, {"source": 27, "target": 16, "label": "L"}, {"source": 30, "target": 6, "label": "C"}, {"source": 30, "target": 5, "label": "E"}, {"source": 33, "target": 14, "label": "F"}, {"source": 35, "target": 34, "label": "A"}, {"source": 28, "target": 32, "label": "A"}, {"source": 35, "target": 19, "label": "F"}, {"source": 34, "target": 18, "label": "S"}, {"source": 32, "target": 13, "label": "P"}, {"source": 28, "target": 10, "label": "S"}, {"source": 26, "target": 0, "label": "A"}, {"source": 35, "target": 24, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 28, "target": 9, "label": "D"}, {"source": 32, "target": 12, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 26, "target": 1, "label": "P"}, {"source": 29, "target": 4, "label": "R"}]} +{"id": "071518-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was so impressed with the honesty and integrity of Mike and everyone at Eagle Transmission!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}, {"from": 80, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 3, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 20, "target": 21, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "D"}, {"source": 20, "target": 7, "label": "N"}, {"source": 17, "target": 1, "label": "F"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "R"}, {"source": 24, "target": 14, "label": "C"}, {"source": 23, "target": 11, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 15, "label": "U"}, {"source": 20, "target": 19, "label": "C"}, {"source": 24, "target": 13, "label": "R"}, {"source": 19, "target": 5, "label": "E"}, {"source": 23, "target": 12, "label": "C"}, {"source": 23, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 20, "label": "C"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "071518-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I dropped the truck off in the morning and it was ready that afternoon.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}, {"from": 10, "to": 13}, {"from": 14, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 16, "target": 4, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "A"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "071518-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have finally found a mechanic I trust!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "071518-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And it was great that they did not charge a service fee to diagnose the problem - an added bonus!!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 6, "label": "F"}, {"source": 22, "target": 3, "label": "S"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 17, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 9, "label": "E"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "F"}, {"source": 24, "target": 11, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 8, "label": "P"}, {"source": 27, "target": 16, "label": "U"}, {"source": 23, "target": 7, "label": "D"}, {"source": 26, "target": 19, "label": "C"}, {"source": 22, "target": 2, "label": "F"}, {"source": 23, "target": 4, "label": "F"}, {"source": 24, "target": 10, "label": "E"}, {"source": 21, "target": 20, "label": "U"}, {"source": 21, "target": 0, "label": "L"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 18, "label": "E"}, {"source": 21, "target": 12, "label": "L"}, {"source": 26, "target": 27, "label": "E"}]} +{"id": "071650-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would NEVER recommend this gym to anyone and unfortunately this is based solely on the owner's own unprofessionalism.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 118}]}, {"id": 20, "anchors": [{"from": 118, "to": 119}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 11, "label": "F"}, {"source": 27, "target": 14, "label": "R"}, {"source": 21, "target": 2, "label": "D"}, {"source": 27, "target": 18, "label": "E"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 28, "target": 15, "label": "E"}, {"source": 26, "target": 10, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 23, "label": "P"}, {"source": 28, "target": 17, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 26, "target": 9, "label": "D"}, {"source": 27, "target": 28, "label": "E"}, {"source": 27, "target": 19, "label": "C"}, {"source": 25, "target": 6, "label": "R"}, {"source": 22, "target": 8, "label": "L"}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 20, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 26, "target": 13, "label": "A"}, {"source": 24, "target": 4, "label": "E"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "071650-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I originally joined in January I only did so because I was told I would be able to cancel the 12 month membership if I was to move away.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}, {"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}, {"from": 47, "to": 49}, {"from": 50, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 135}, {"from": 136, "to": 140}]}, {"id": 26, "anchors": [{"from": 140, "to": 141}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 35, "target": 24, "label": "F"}, {"source": 31, "target": 13, "label": "F"}, {"source": 34, "target": 20, "label": "C"}, {"source": 34, "target": 17, "label": "E"}, {"source": 31, "target": 33, "label": "A"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 10, "label": "P"}, {"source": 27, "target": 35, "label": "H"}, {"source": 33, "target": 16, "label": "P"}, {"source": 30, "target": 9, "label": "F"}, {"source": 35, "target": 22, "label": "A"}, {"source": 35, "target": 23, "label": "F"}, {"source": 27, "target": 21, "label": "L"}, {"source": 35, "target": 25, "label": "P"}, {"source": 28, "target": 2, "label": "D"}, {"source": 28, "target": 3, "label": "P"}, {"source": 34, "target": 18, "label": "E"}, {"source": 27, "target": 7, "label": "L"}, {"source": 34, "target": 19, "label": "E"}, {"source": 27, "target": 6, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 8, "label": "A"}, {"source": 32, "target": 14, "label": "C"}, {"source": 35, "target": 26, "label": "U"}, {"source": 31, "target": 11, "label": "A"}, {"source": 33, "target": 15, "label": "F"}, {"source": 29, "target": 5, "label": "C"}, {"source": 27, "target": 0, "label": "L"}, {"source": 28, "target": 1, "label": "A"}, {"source": 31, "target": 32, "label": "P"}, {"source": 32, "target": 12, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 4, "label": "R"}]} +{"id": "071650-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I signed up with one of the staff who was very pleasant and professional.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 16, "target": 18, "label": "E"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 4, "label": "R"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 20, "label": "S"}, {"source": 20, "target": 11, "label": "N"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 20, "target": 19, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 8, "label": "F"}]} +{"id": "071650-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Actually working out there was good - the machines are nice and the classes are fun.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}, {"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 13, "label": "F"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 10, "label": "N"}, {"source": 19, "target": 22, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 15, "label": "U"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "U"}, {"source": 17, "target": 0, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 21, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 3, "label": "S"}, {"source": 21, "target": 9, "label": "S"}]} +{"id": "071650-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They need to update the locker rooms ASAP.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "R"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "071650-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Back to my poor rating - I was excepted to medical school and went in to cancel my membership as I was told I could do since I was moving away.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 137}, {"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 142, "to": 143}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 24, "label": "L"}, {"source": 29, "target": 32, "label": "A"}, {"source": 39, "target": 25, "label": "A"}, {"source": 31, "target": 3, "label": "U"}, {"source": 30, "target": 39, "label": "H"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 29, "target": 5, "label": "F"}, {"source": 32, "target": 7, "label": "R"}, {"source": 34, "target": 33, "label": "P"}, {"source": 32, "target": 8, "label": "E"}, {"source": 30, "target": 10, "label": "L"}, {"source": 36, "target": 15, "label": "E"}, {"source": 31, "target": 4, "label": "C"}, {"source": 39, "target": 28, "label": "U"}, {"source": 38, "target": 20, "label": "P"}, {"source": 36, "target": 16, "label": "C"}, {"source": 31, "target": 2, "label": "C"}, {"source": 35, "target": 14, "label": "P"}, {"source": 33, "target": 11, "label": "C"}, {"source": 38, "target": 21, "label": "A"}, {"source": 39, "target": 27, "label": "P"}, {"source": 35, "target": 13, "label": "F"}, {"source": 35, "target": 37, "label": "A"}, {"source": 32, "target": 9, "label": "C"}, {"source": 37, "target": 17, "label": "R"}, {"source": 38, "target": 19, "label": "F"}, {"source": 38, "target": 22, "label": "D"}, {"source": 29, "target": 0, "label": "C"}, {"source": 29, "target": 31, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 37, "target": 18, "label": "C"}, {"source": 39, "target": 26, "label": "F"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 38, "label": "A"}, {"source": 31, "target": 1, "label": "E"}, {"source": 29, "target": 6, "label": "P"}, {"source": 38, "target": 23, "label": "D"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 12, "label": "F"}]} +{"id": "071650-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner was VERY rude, accused me of not reading my contract, and basically told me to shut up when I was trying to ask questions to further understand the process of canceling my membership.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}, {"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 165}]}, {"id": 32, "anchors": [{"from": 166, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 178}]}, {"id": 34, "anchors": [{"from": 179, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 192}]}, {"id": 36, "anchors": [{"from": 192, "to": 193}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 48, "target": 32, "label": "R"}, {"source": 40, "target": 7, "label": "A"}, {"source": 49, "target": 35, "label": "C"}, {"source": 45, "target": 22, "label": "F"}, {"source": 41, "target": 8, "label": "R"}, {"source": 43, "target": 16, "label": "P"}, {"source": 39, "target": 14, "label": "L"}, {"source": 43, "target": 44, "label": "A"}, {"source": 38, "target": 3, "label": "D"}, {"source": 44, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 26, "label": "A"}, {"source": 47, "target": 48, "label": "E"}, {"source": 41, "target": 10, "label": "P"}, {"source": 47, "target": 31, "label": "C"}, {"source": 49, "target": 34, "label": "E"}, {"source": 42, "target": 12, "label": "C"}, {"source": 43, "target": 17, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 45, "target": 24, "label": "F"}, {"source": 46, "target": 28, "label": "D"}, {"source": 44, "target": 18, "label": "F"}, {"source": 46, "target": 29, "label": "P"}, {"source": 39, "target": 27, "label": "L"}, {"source": 39, "target": 43, "label": "H"}, {"source": 45, "target": 25, "label": "P"}, {"source": 49, "target": 36, "label": "U"}, {"source": 48, "target": 49, "label": "A"}, {"source": 48, "target": 33, "label": "P"}, {"source": 44, "target": 19, "label": "P"}, {"source": 42, "target": 11, "label": "E"}, {"source": 41, "target": 9, "label": "D"}, {"source": 37, "target": 0, "label": "E"}, {"source": 39, "target": 46, "label": "H"}, {"source": 38, "target": 2, "label": "F"}, {"source": 39, "target": 45, "label": "H"}, {"source": 41, "target": 42, "label": "A"}, {"source": 45, "target": 21, "label": "A"}, {"source": 43, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 15, "label": "D"}, {"source": 41, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 5, "label": "U"}, {"source": 40, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "H"}, {"source": 46, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 1, "label": "C"}, {"source": 39, "target": 38, "label": "H"}, {"source": 39, "target": 13, "label": "U"}, {"source": 47, "target": 30, "label": "E"}, {"source": 48, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 23, "label": "D"}, {"source": 38, "target": 4, "label": "P"}, {"source": 40, "target": 6, "label": "P"}, {"source": 46, "target": 47, "label": "A"}, {"source": 39, "target": 20, "label": "L"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "071650-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was able to cancel it but only after paying a $50 fee (which the staff person who signed me up stated I would not have to pay if I had proof of moving) and being spoken to in a very belittling manner.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 57, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 93}, {"from": 94, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 130}]}, {"id": 30, "anchors": [{"from": 131, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 136}]}, {"id": 32, "anchors": [{"from": 137, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 145}]}, {"id": 34, "anchors": [{"from": 146, "to": 152}]}, {"id": 35, "anchors": [{"from": 152, "to": 153}]}, {"id": 36, "anchors": [{"from": 154, "to": 157}]}, {"id": 37, "anchors": [{"from": 158, "to": 163}]}, {"id": 38, "anchors": [{"from": 164, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 173}]}, {"id": 40, "anchors": [{"from": 174, "to": 176}]}, {"id": 41, "anchors": [{"from": 177, "to": 178}]}, {"id": 42, "anchors": [{"from": 179, "to": 183}]}, {"id": 43, "anchors": [{"from": 184, "to": 194}]}, {"id": 44, "anchors": [{"from": 195, "to": 201}]}, {"id": 45, "anchors": [{"from": 201, "to": 202}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 56, "target": 58, "label": "A"}, {"source": 52, "target": 51, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 12, "label": "E"}, {"source": 65, "target": 40, "label": "R"}, {"source": 47, "target": 49, "label": "L"}, {"source": 58, "target": 57, "label": "H"}, {"source": 53, "target": 10, "label": "E"}, {"source": 58, "target": 36, "label": "L"}, {"source": 64, "target": 39, "label": "R"}, {"source": 51, "target": 54, "label": "E"}, {"source": 63, "target": 65, "label": "A"}, {"source": 56, "target": 22, "label": "P"}, {"source": 59, "target": 26, "label": "F"}, {"source": 54, "target": 15, "label": "R"}, {"source": 61, "target": 30, "label": "A"}, {"source": 46, "target": 0, "label": "A"}, {"source": 53, "target": 11, "label": "U"}, {"source": 50, "target": 8, "label": "R"}, {"source": 57, "target": 25, "label": "D"}, {"source": 64, "target": 38, "label": "C"}, {"source": 48, "target": 4, "label": "C"}, {"source": 52, "target": 9, "label": "P"}, {"source": 54, "target": 55, "label": "E"}, {"source": 54, "target": 16, "label": "E"}, {"source": 62, "target": 33, "label": "R"}, {"source": 61, "target": 62, "label": "P"}, {"source": 63, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 24, "label": "F"}, {"source": 66, "target": 43, "label": "C"}, {"source": 55, "target": 56, "label": "A"}, {"source": 59, "target": 28, "label": "C"}, {"source": 65, "target": 45, "label": "U"}, {"source": 60, "target": 61, "label": "C"}, {"source": 65, "target": 44, "label": "C"}, {"source": 54, "target": 17, "label": "E"}, {"source": 58, "target": 35, "label": "U"}, {"source": 57, "target": 59, "label": "P"}, {"source": 47, "target": 52, "label": "H"}, {"source": 46, "target": 3, "label": "F"}, {"source": 55, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 63, "label": "H"}, {"source": 52, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 65, "target": 41, "label": "E"}, {"source": 62, "target": 34, "label": "C"}, {"source": 48, "target": 2, "label": "E"}, {"source": 46, "target": 5, "label": "A"}, {"source": 60, "target": 29, "label": "R"}, {"source": 56, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 7, "label": "C"}, {"source": 62, "target": 32, "label": "C"}, {"source": 66, "target": 42, "label": "E"}, {"source": 51, "target": 50, "label": "R"}, {"source": 57, "target": 60, "label": "A"}, {"source": 55, "target": 19, "label": "F"}, {"source": 63, "target": 37, "label": "F"}, {"source": 51, "target": 14, "label": "U"}, {"source": 55, "target": 21, "label": "A"}, {"source": 59, "target": 27, "label": "F"}, {"source": 53, "target": 13, "label": "C"}, {"source": 46, "target": 1, "label": "F"}, {"source": 52, "target": 53, "label": "A"}, {"source": 55, "target": 20, "label": "P"}, {"source": 65, "target": 66, "label": "E"}, {"source": 62, "target": 31, "label": "E"}, {"source": 63, "target": 64, "label": "P"}, {"source": 49, "target": 51, "label": "E"}, {"source": 57, "target": 23, "label": "A"}, {"source": 46, "target": 48, "label": "P"}, {"source": 47, "target": 46, "label": "H"}, {"source": 54, "target": 18, "label": "C"}, {"source": 49, "target": 6, "label": "C"}]} +{"id": "071650-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would understand if I was being treated this way by a staff member but the club's actual OWNER?!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 24, "target": 6, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 30, "target": 31, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 8, "label": "E"}, {"source": 32, "target": 20, "label": "U"}, {"source": 23, "target": 1, "label": "F"}, {"source": 28, "target": 15, "label": "E"}, {"source": 24, "target": 3, "label": "R"}, {"source": 27, "target": 10, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 11, "label": "E"}, {"source": 27, "target": 12, "label": "E"}, {"source": 22, "target": 29, "label": "H"}, {"source": 22, "target": 14, "label": "L"}, {"source": 21, "target": 23, "label": "P"}, {"source": 25, "target": 9, "label": "C"}, {"source": 28, "target": 17, "label": "R"}, {"source": 32, "target": 28, "label": "E"}, {"source": 24, "target": 4, "label": "A"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 2, "label": "C"}, {"source": 26, "target": 25, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 24, "target": 7, "label": "P"}, {"source": 31, "target": 32, "label": "E"}, {"source": 24, "target": 5, "label": "F"}, {"source": 26, "target": 27, "label": "E"}, {"source": 32, "target": 19, "label": "E"}]} +{"id": "071650-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bad for business.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "071650-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was appalled.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "071650-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never recommend this gym to any woman.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 6, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "071650-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The equipment and classes aren't good enough to deal with the rudeness from the staff!!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 17, "label": "A"}, {"source": 22, "target": 12, "label": "C"}, {"source": 20, "target": 1, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 6, "label": "S"}, {"source": 17, "target": 20, "label": "C"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 7, "label": "D"}, {"source": 19, "target": 5, "label": "D"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "E"}, {"source": 23, "target": 13, "label": "R"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 20, "target": 2, "label": "N"}, {"source": 20, "target": 3, "label": "C"}, {"source": 19, "target": 4, "label": "F"}]} +{"id": "071650-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are better places on the Cape - FITNESS 500!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}, {"from": 38, "to": 45}, {"from": 46, "to": 49}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "072067-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great School!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "072067-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Teachers good Diverse student body(African-American, Asian, ect.) equals kids staying here!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}, {"from": 43, "to": 51}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 20, "target": 9, "label": "E"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 10, "label": "U"}, {"source": 23, "target": 16, "label": "A"}, {"source": 18, "target": 0, "label": "E"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 19, "label": "E"}, {"source": 22, "target": 17, "label": "U"}, {"source": 21, "target": 12, "label": "U"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 8, "label": "U"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 7, "label": "U"}, {"source": 19, "target": 18, "label": "E"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "S"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "072271-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pure Beauty", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "072271-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a joy to stroll off historic Canyon Road in Santa Fe into a gallery with a gorgeous diversity of art.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}, {"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}, {"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 54}, {"from": 55, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 105}]}, {"id": 18, "anchors": [{"from": 105, "to": 106}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 9, "label": "R"}, {"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 27, "target": 16, "label": "R"}, {"source": 21, "target": 2, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 26, "target": 13, "label": "E"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 8, "label": "C"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 7, "label": "R"}, {"source": 26, "target": 12, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 5, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 20, "target": 0, "label": "F"}, {"source": 21, "target": 1, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "072271-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Destiny Allison's metal sculptures were my favorite.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 51}]}, {"id": 7, "anchors": [{"from": 51, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "E"}, {"source": 12, "target": 5, "label": "A"}, {"source": 8, "target": 0, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "R"}, {"source": 9, "target": 3, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "P"}, {"source": 11, "target": 4, "label": "S"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "072271-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner Karla is welcoming and fun.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "N"}, {"source": 10, "target": 11, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 11, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "072271-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Give yourself the gift of visiting Winterowd Fine Art!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 44}, {"from": 45, "to": 49}, {"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "P"}, {"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 6, "label": "A"}]} +{"id": "072507-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also, he loves teaching so much, his price is unbeatable, but that does not change his level of skill.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 23, "target": 1, "label": "U"}, {"source": 31, "target": 21, "label": "C"}, {"source": 29, "target": 15, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 31, "target": 20, "label": "R"}, {"source": 28, "target": 11, "label": "S"}, {"source": 28, "target": 10, "label": "F"}, {"source": 25, "target": 26, "label": "D"}, {"source": 24, "target": 2, "label": "A"}, {"source": 29, "target": 16, "label": "D"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 3, "label": "P"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 13, "label": "L"}, {"source": 26, "target": 5, "label": "E"}, {"source": 23, "target": 12, "label": "U"}, {"source": 28, "target": 27, "label": "A"}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 29, "label": "H"}, {"source": 23, "target": 7, "label": "U"}, {"source": 29, "target": 14, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 25, "target": 4, "label": "P"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "072507-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dave has much to offer.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 4, "label": "P"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "P"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "072507-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In just 2-3 focused lessons, I'm already now capable of picking up new songs off YouTube guitar how to videos and am even writing my own orginals with confidence!", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}, {"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 12, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}, {"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}, {"from": 81, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 161}]}, {"id": 30, "anchors": [{"from": 161, "to": 162}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 35, "target": 39, "label": "A"}, {"source": 38, "target": 15, "label": "C"}, {"source": 34, "target": 4, "label": "E"}, {"source": 42, "target": 30, "label": "U"}, {"source": 38, "target": 16, "label": "E"}, {"source": 42, "target": 29, "label": "C"}, {"source": 40, "target": 22, "label": "F"}, {"source": 33, "target": 34, "label": "A"}, {"source": 42, "target": 28, "label": "R"}, {"source": 35, "target": 7, "label": "A"}, {"source": 39, "target": 24, "label": "D"}, {"source": 31, "target": 33, "label": "H"}, {"source": 32, "target": 2, "label": "C"}, {"source": 35, "target": 18, "label": "D"}, {"source": 32, "target": 3, "label": "U"}, {"source": 36, "target": 17, "label": "C"}, {"source": 32, "target": 1, "label": "E"}, {"source": 36, "target": 11, "label": "R"}, {"source": 39, "target": 40, "label": "P"}, {"source": 37, "target": 13, "label": "R"}, {"source": 40, "target": 20, "label": "C"}, {"source": 39, "target": 42, "label": "D"}, {"source": 39, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 19, "label": "R"}, {"source": 40, "target": 21, "label": "N"}, {"source": 41, "target": 25, "label": "E"}, {"source": 39, "target": 23, "label": "D"}, {"source": 35, "target": 8, "label": "D"}, {"source": 41, "target": 26, "label": "E"}, {"source": 38, "target": 14, "label": "E"}, {"source": 31, "target": 0, "label": "L"}, {"source": 39, "target": 41, "label": "A"}, {"source": 37, "target": 12, "label": "C"}, {"source": 35, "target": 9, "label": "D"}, {"source": 41, "target": 27, "label": "C"}, {"source": 34, "target": 5, "label": "C"}, {"source": 33, "target": 32, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 6, "label": "U"}, {"source": 36, "target": 38, "label": "E"}, {"source": 36, "target": 37, "label": "E"}, {"source": 35, "target": 10, "label": "D"}]} +{"id": "072507-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "~Jason", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "073356-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beautiful hotel!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "073356-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service- high class!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 4, "label": "C"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 9, "target": 2, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "073356-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Shuttle available to a private beach area with food/drinks/towels.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 9, "label": "U"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 8, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 2, "label": "R"}, {"source": 16, "target": 3, "label": "E"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "073742-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food is always good", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "S"}, {"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "074896-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "074896-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I could easily go to Nordstrom for my designer jeans and pay the same price, but I go to the Garment District for their service.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 127}]}, {"id": 26, "anchors": [{"from": 127, "to": 128}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 34, "target": 36, "label": "A"}, {"source": 31, "target": 8, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 36, "target": 24, "label": "E"}, {"source": 30, "target": 5, "label": "C"}, {"source": 28, "target": 34, "label": "H"}, {"source": 28, "target": 16, "label": "L"}, {"source": 34, "target": 17, "label": "A"}, {"source": 31, "target": 6, "label": "R"}, {"source": 31, "target": 9, "label": "C"}, {"source": 31, "target": 7, "label": "E"}, {"source": 35, "target": 20, "label": "E"}, {"source": 34, "target": 18, "label": "P"}, {"source": 29, "target": 3, "label": "C"}, {"source": 36, "target": 23, "label": "R"}, {"source": 28, "target": 15, "label": "U"}, {"source": 32, "target": 11, "label": "P"}, {"source": 27, "target": 29, "label": "P"}, {"source": 33, "target": 14, "label": "C"}, {"source": 28, "target": 10, "label": "L"}, {"source": 27, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 35, "target": 22, "label": "C"}, {"source": 35, "target": 19, "label": "R"}, {"source": 28, "target": 32, "label": "H"}, {"source": 29, "target": 1, "label": "F"}, {"source": 30, "target": 4, "label": "R"}, {"source": 27, "target": 30, "label": "A"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 25, "label": "C"}, {"source": 35, "target": 21, "label": "E"}, {"source": 27, "target": 31, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 13, "label": "E"}, {"source": 27, "target": 2, "label": "D"}]} +{"id": "074896-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Previous reviewers said they were pushy and I can understand that, but I find the staff more helpful than anything else.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 119}]}, {"id": 22, "anchors": [{"from": 119, "to": 120}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 14, "label": "P"}, {"source": 32, "target": 22, "label": "U"}, {"source": 25, "target": 27, "label": "H"}, {"source": 28, "target": 10, "label": "F"}, {"source": 28, "target": 12, "label": "L"}, {"source": 26, "target": 3, "label": "A"}, {"source": 32, "target": 20, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 8, "label": "D"}, {"source": 23, "target": 1, "label": "C"}, {"source": 25, "target": 6, "label": "L"}, {"source": 27, "target": 9, "label": "S"}, {"source": 31, "target": 17, "label": "R"}, {"source": 30, "target": 16, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 28, "target": 11, "label": "U"}, {"source": 31, "target": 18, "label": "C"}, {"source": 23, "target": 0, "label": "E"}, {"source": 28, "target": 29, "label": "H"}, {"source": 32, "target": 21, "label": "E"}, {"source": 26, "target": 4, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 29, "target": 13, "label": "A"}, {"source": 32, "target": 19, "label": "R"}, {"source": 24, "target": 2, "label": "P"}, {"source": 27, "target": 7, "label": "A"}, {"source": 26, "target": 5, "label": "S"}]} +{"id": "074896-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tiffany is fabulous!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "074896-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came in for alterations (free, by the way) and told her about a stain I had on my new leather purse.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 101}]}, {"id": 24, "anchors": [{"from": 101, "to": 102}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 12, "label": "P"}, {"source": 28, "target": 6, "label": "U"}, {"source": 30, "target": 13, "label": "A"}, {"source": 26, "target": 11, "label": "L"}, {"source": 32, "target": 18, "label": "S"}, {"source": 27, "target": 2, "label": "R"}, {"source": 33, "target": 19, "label": "R"}, {"source": 29, "target": 7, "label": "R"}, {"source": 28, "target": 5, "label": "S"}, {"source": 26, "target": 30, "label": "H"}, {"source": 33, "target": 23, "label": "C"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 21, "label": "E"}, {"source": 29, "target": 8, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "D"}, {"source": 33, "target": 22, "label": "E"}, {"source": 25, "target": 1, "label": "P"}, {"source": 27, "target": 28, "label": "E"}, {"source": 33, "target": 20, "label": "E"}, {"source": 31, "target": 15, "label": "E"}, {"source": 27, "target": 4, "label": "U"}, {"source": 31, "target": 16, "label": "E"}, {"source": 29, "target": 9, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 3, "label": "C"}, {"source": 31, "target": 14, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 26, "target": 10, "label": "U"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "074896-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She immediately went to the back, brought out leather cleaner and cleaned my purse on the spot.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}, {"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 95}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 10, "label": "L"}, {"source": 19, "target": 6, "label": "U"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 4, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 5, "label": "C"}, {"source": 25, "target": 15, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 25, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 3, "label": "R"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 7, "label": "P"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "074896-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I didn't even buy the bag there!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "A"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "074896-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Huge selection and, great suggestions from the staff and they refer you to reliable places if they don't have what you need.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 26, "target": 3, "label": "U"}, {"source": 32, "target": 14, "label": "E"}, {"source": 29, "target": 4, "label": "E"}, {"source": 31, "target": 10, "label": "A"}, {"source": 28, "target": 33, "label": "A"}, {"source": 35, "target": 23, "label": "P"}, {"source": 31, "target": 12, "label": "A"}, {"source": 28, "target": 17, "label": "A"}, {"source": 30, "target": 8, "label": "C"}, {"source": 28, "target": 19, "label": "D"}, {"source": 31, "target": 11, "label": "P"}, {"source": 35, "target": 22, "label": "A"}, {"source": 25, "target": 0, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 34, "target": 20, "label": "F"}, {"source": 27, "target": 16, "label": "L"}, {"source": 25, "target": 1, "label": "C"}, {"source": 26, "target": 29, "label": "C"}, {"source": 30, "target": 7, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 30, "target": 6, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 15, "label": "C"}, {"source": 27, "target": 9, "label": "L"}, {"source": 28, "target": 26, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 25, "label": "C"}, {"source": 32, "target": 13, "label": "R"}, {"source": 28, "target": 18, "label": "P"}, {"source": 35, "target": 21, "label": "A"}, {"source": 35, "target": 24, "label": "U"}, {"source": 29, "target": 5, "label": "C"}, {"source": 26, "target": 2, "label": "N"}]} +{"id": "076352-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very Accomodating", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "076352-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were in Springfield, IL for a family funeral from Kansas City.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}, {"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 4, "label": "U"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "076352-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We arrived early and the staff was very accomodating to our families and the situation we were in.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 6, "label": "F"}, {"source": 28, "target": 16, "label": "F"}, {"source": 21, "target": 23, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 27, "target": 13, "label": "E"}, {"source": 24, "target": 26, "label": "C"}, {"source": 25, "target": 11, "label": "C"}, {"source": 21, "target": 2, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 23, "target": 8, "label": "S"}, {"source": 21, "target": 3, "label": "N"}, {"source": 23, "target": 28, "label": "A"}, {"source": 23, "target": 7, "label": "D"}, {"source": 24, "target": 9, "label": "R"}, {"source": 26, "target": 12, "label": "N"}, {"source": 28, "target": 17, "label": "S"}, {"source": 22, "target": 5, "label": "C"}, {"source": 20, "target": 1, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 26, "target": 25, "label": "C"}, {"source": 27, "target": 14, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 28, "target": 15, "label": "A"}, {"source": 26, "target": 27, "label": "C"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "076352-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The rooms were very clean, including the microwave and refrigerator.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "R"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 18, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "E"}, {"source": 15, "target": 5, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 18, "target": 17, "label": "C"}, {"source": 18, "target": 9, "label": "N"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "076352-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a nice place, and I know we will return to meet my sister-in-law from Chicago!!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 65}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 68}]}, {"id": 18, "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "anchors": [{"from": 69, "to": 72}]}, {"id": 20, "anchors": [{"from": 73, "to": 77}]}, {"id": 21, "anchors": [{"from": 78, "to": 85}]}, {"id": 22, "anchors": [{"from": 85, "to": 87}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 23, "target": 25, "label": "S"}, {"source": 35, "target": 36, "label": "H"}, {"source": 25, "target": 3, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 30, "target": 17, "label": "R"}, {"source": 24, "target": 5, "label": "U"}, {"source": 28, "target": 13, "label": "P"}, {"source": 31, "target": 20, "label": "R"}, {"source": 24, "target": 6, "label": "L"}, {"source": 28, "target": 31, "label": "A"}, {"source": 27, "target": 9, "label": "A"}, {"source": 33, "target": 34, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 23, "target": 1, "label": "F"}, {"source": 27, "target": 11, "label": "P"}, {"source": 36, "target": 22, "label": "U"}, {"source": 30, "target": 18, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 12, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 16, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 26, "target": 8, "label": "S"}, {"source": 29, "target": 14, "label": "E"}, {"source": 24, "target": 32, "label": "A"}, {"source": 26, "target": 7, "label": "A"}, {"source": 27, "target": 10, "label": "F"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 25, "target": 4, "label": "C"}, {"source": 32, "target": 33, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 34, "target": 35, "label": "C"}]} +{"id": "076440-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "really amazing the new and exciting plays done at this theatre !", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 4, "label": "N"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 17, "label": "A"}, {"source": 15, "target": 14, "label": "C"}, {"source": 14, "target": 16, "label": "E"}, {"source": 13, "target": 0, "label": "D"}, {"source": 14, "target": 6, "label": "C"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "077034-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I loved the atmosphere here and the food is good, however the tables are so close together that it feels very cramped.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 117}]}, {"id": 23, "anchors": [{"from": 117, "to": 118}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 17, "label": "D"}, {"source": 25, "target": 5, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 29, "target": 13, "label": "C"}, {"source": 30, "target": 16, "label": "S"}, {"source": 26, "target": 2, "label": "E"}, {"source": 31, "target": 19, "label": "A"}, {"source": 32, "target": 22, "label": "C"}, {"source": 28, "target": 9, "label": "S"}, {"source": 24, "target": 1, "label": "P"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 6, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 20, "label": "S"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 27, "target": 7, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 30, "target": 15, "label": "D"}, {"source": 29, "target": 12, "label": "E"}, {"source": 28, "target": 8, "label": "F"}, {"source": 28, "target": 27, "label": "A"}, {"source": 25, "target": 30, "label": "H"}, {"source": 32, "target": 21, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 31, "target": 18, "label": "F"}, {"source": 30, "target": 14, "label": "F"}, {"source": 25, "target": 11, "label": "L"}, {"source": 30, "target": 31, "label": "A"}, {"source": 25, "target": 10, "label": "U"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "077034-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were made to feel very welcome.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 5, "label": "D"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 6, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "P"}]} +{"id": "077034-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well worth a visit.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "077034-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "http://cambridgefoodfrivolity.blogspot.com/", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 43}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "077213-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the food is mediocre at best.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "R"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "077213-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the waitress took my name and then called me that all night.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 6, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 18, "label": "D"}, {"source": 17, "target": 8, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "L"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "077213-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "not sure how I feel about that one.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 2, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "077213-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it's passable as a pub, but the pizza is not that great.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 55, "to": 56}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 6, "label": "U"}, {"source": 17, "target": 3, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "L"}, {"source": 19, "target": 12, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 19, "target": 10, "label": "S"}, {"source": 15, "target": 2, "label": "S"}, {"source": 19, "target": 11, "label": "D"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 13, "label": "A"}]} +{"id": "077213-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "if you want good pizza, go to famoso.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 4, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 14, "label": "H"}, {"source": 13, "target": 7, "label": "R"}, {"source": 10, "target": 5, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}, {"source": 14, "target": 13, "label": "P"}]} +{"id": "077213-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "seriously.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "077298-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Had a horrible experience with a manager here, Rachel McInnis, she was rude, inconsiderate and did not do the right thing for an item that was marked incorrectly...", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}, {"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 161}]}, {"id": 30, "anchors": [{"from": 161, "to": 164}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 39, "target": 24, "label": "E"}, {"source": 33, "target": 1, "label": "E"}, {"source": 33, "target": 2, "label": "E"}, {"source": 36, "target": 15, "label": "A"}, {"source": 40, "target": 27, "label": "F"}, {"source": 32, "target": 31, "label": "H"}, {"source": 35, "target": 6, "label": "E"}, {"source": 37, "target": 19, "label": "P"}, {"source": 31, "target": 34, "label": "A"}, {"source": 39, "target": 25, "label": "C"}, {"source": 39, "target": 23, "label": "R"}, {"source": 40, "target": 30, "label": "U"}, {"source": 31, "target": 33, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 14, "label": "U"}, {"source": 31, "target": 10, "label": "U"}, {"source": 33, "target": 3, "label": "C"}, {"source": 39, "target": 40, "label": "E"}, {"source": 37, "target": 17, "label": "F"}, {"source": 38, "target": 22, "label": "C"}, {"source": 32, "target": 37, "label": "H"}, {"source": 38, "target": 39, "label": "E"}, {"source": 32, "target": 36, "label": "H"}, {"source": 32, "target": 16, "label": "L"}, {"source": 40, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 12, "label": "F"}, {"source": 31, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 11, "label": "A"}, {"source": 34, "target": 8, "label": "U"}, {"source": 38, "target": 20, "label": "E"}, {"source": 40, "target": 29, "label": "D"}, {"source": 40, "target": 26, "label": "R"}, {"source": 34, "target": 9, "label": "C"}, {"source": 31, "target": 0, "label": "F"}, {"source": 34, "target": 4, "label": "R"}, {"source": 36, "target": 13, "label": "P"}, {"source": 37, "target": 18, "label": "D"}, {"source": 35, "target": 7, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 40, "target": 28, "label": "P"}, {"source": 38, "target": 21, "label": "E"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "077298-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm not interested in shopping in a place with people like her... she refused to sell me the item at its marked price even after admitting they had made a mistake.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 154}]}, {"id": 32, "anchors": [{"from": 155, "to": 162}]}, {"id": 33, "anchors": [{"from": 162, "to": 163}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 37, "target": 6, "label": "R"}, {"source": 34, "target": 1, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 35, "target": 13, "label": "U"}, {"source": 41, "target": 19, "label": "E"}, {"source": 43, "target": 26, "label": "C"}, {"source": 36, "target": 5, "label": "P"}, {"source": 44, "target": 27, "label": "P"}, {"source": 45, "target": 28, "label": "A"}, {"source": 46, "target": 30, "label": "F"}, {"source": 38, "target": 10, "label": "C"}, {"source": 39, "target": 11, "label": "R"}, {"source": 35, "target": 44, "label": "H"}, {"source": 37, "target": 7, "label": "E"}, {"source": 42, "target": 21, "label": "R"}, {"source": 42, "target": 22, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 39, "target": 12, "label": "C"}, {"source": 40, "target": 15, "label": "D"}, {"source": 40, "target": 16, "label": "F"}, {"source": 35, "target": 43, "label": "L"}, {"source": 36, "target": 38, "label": "A"}, {"source": 38, "target": 39, "label": "E"}, {"source": 37, "target": 8, "label": "C"}, {"source": 34, "target": 3, "label": "S"}, {"source": 42, "target": 24, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 17, "label": "P"}, {"source": 46, "target": 32, "label": "C"}, {"source": 44, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 2, "label": "D"}, {"source": 46, "target": 31, "label": "E"}, {"source": 40, "target": 42, "label": "A"}, {"source": 42, "target": 23, "label": "E"}, {"source": 38, "target": 9, "label": "R"}, {"source": 40, "target": 18, "label": "A"}, {"source": 45, "target": 46, "label": "P"}, {"source": 43, "target": 25, "label": "E"}, {"source": 44, "target": 45, "label": "A"}, {"source": 34, "target": 0, "label": "A"}, {"source": 40, "target": 14, "label": "A"}, {"source": 41, "target": 20, "label": "C"}, {"source": 46, "target": 33, "label": "U"}, {"source": 45, "target": 29, "label": "F"}, {"source": 35, "target": 34, "label": "H"}, {"source": 35, "target": 40, "label": "H"}, {"source": 36, "target": 4, "label": "F"}]} +{"id": "077298-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I normally don't write reviews but seeing that I considered Dillards a distinguished, upscale place to shop, this one won't be getting my business, nor my family's, nor my co-workers.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 107}]}, {"id": 19, "anchors": [{"from": 107, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 146}]}, {"id": 28, "anchors": [{"from": 146, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 163}]}, {"id": 33, "anchors": [{"from": 163, "to": 164}]}, {"id": 34, "anchors": [{"from": 165, "to": 168}]}, {"id": 35, "anchors": [{"from": 169, "to": 171}]}, {"id": 36, "anchors": [{"from": 172, "to": 182}]}, {"id": 37, "anchors": [{"from": 182, "to": 183}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 45, "target": 20, "label": "E"}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 13, "label": "C"}, {"source": 50, "target": 35, "label": "E"}, {"source": 46, "target": 24, "label": "F"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 3, "label": "D"}, {"source": 48, "target": 29, "label": "N"}, {"source": 39, "target": 14, "label": "U"}, {"source": 44, "target": 43, "label": "S"}, {"source": 43, "target": 16, "label": "C"}, {"source": 48, "target": 34, "label": "N"}, {"source": 41, "target": 10, "label": "P"}, {"source": 38, "target": 5, "label": "A"}, {"source": 46, "target": 45, "label": "A"}, {"source": 49, "target": 31, "label": "C"}, {"source": 44, "target": 18, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 43, "target": 15, "label": "E"}, {"source": 45, "target": 22, "label": "E"}, {"source": 48, "target": 28, "label": "U"}, {"source": 48, "target": 33, "label": "U"}, {"source": 39, "target": 44, "label": "H"}, {"source": 38, "target": 1, "label": "D"}, {"source": 40, "target": 7, "label": "P"}, {"source": 39, "target": 46, "label": "H"}, {"source": 45, "target": 23, "label": "C"}, {"source": 48, "target": 47, "label": "C"}, {"source": 48, "target": 50, "label": "C"}, {"source": 39, "target": 6, "label": "L"}, {"source": 41, "target": 42, "label": "A"}, {"source": 46, "target": 48, "label": "A"}, {"source": 39, "target": 19, "label": "U"}, {"source": 49, "target": 32, "label": "R"}, {"source": 44, "target": 17, "label": "F"}, {"source": 50, "target": 36, "label": "C"}, {"source": 38, "target": 0, "label": "A"}, {"source": 46, "target": 25, "label": "P"}, {"source": 41, "target": 8, "label": "F"}, {"source": 41, "target": 9, "label": "A"}, {"source": 48, "target": 49, "label": "C"}, {"source": 39, "target": 40, "label": "H"}, {"source": 47, "target": 26, "label": "E"}, {"source": 49, "target": 30, "label": "E"}, {"source": 45, "target": 21, "label": "E"}, {"source": 39, "target": 38, "label": "H"}, {"source": 42, "target": 12, "label": "E"}, {"source": 47, "target": 27, "label": "C"}, {"source": 50, "target": 37, "label": "U"}, {"source": 38, "target": 4, "label": "P"}, {"source": 38, "target": 2, "label": "D"}, {"source": 41, "target": 11, "label": "A"}]} +{"id": "077298-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's never ok to let a customer walk out unhappy, especially when they are right.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 14, "label": "A"}, {"source": 21, "target": 7, "label": "E"}, {"source": 23, "target": 24, "label": "L"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 2, "label": "D"}, {"source": 19, "target": 16, "label": "S"}, {"source": 22, "target": 9, "label": "E"}, {"source": 20, "target": 5, "label": "P"}, {"source": 19, "target": 17, "label": "U"}, {"source": 21, "target": 10, "label": "C"}, {"source": 24, "target": 12, "label": "E"}, {"source": 19, "target": 15, "label": "F"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 4, "label": "F"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 18, "target": 3, "label": "S"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "077344-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No service.. But good food..", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 7, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "L"}, {"source": 8, "target": 2, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 4, "label": "E"}, {"source": 8, "target": 10, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "077414-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Small Firm with Great Service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "077414-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bloom Legal was really attentive to my problem, and Seth Bloom took the time to help me understand the legal issue I was dealing with.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}, {"from": 68, "to": 71}, {"from": 72, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 84}]}, {"id": 13, "anchors": [{"from": 85, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 98}]}, {"id": 15, "anchors": [{"from": 99, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 114}]}, {"id": 18, "anchors": [{"from": 115, "to": 116}]}, {"id": 19, "anchors": [{"from": 117, "to": 120}]}, {"id": 20, "anchors": [{"from": 121, "to": 128}]}, {"id": 21, "anchors": [{"from": 129, "to": 133}]}, {"id": 22, "anchors": [{"from": 133, "to": 134}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 5, "label": "E"}, {"source": 28, "target": 14, "label": "S"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 29, "target": 16, "label": "E"}, {"source": 24, "target": 8, "label": "L"}, {"source": 23, "target": 3, "label": "S"}, {"source": 27, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "E"}, {"source": 23, "target": 1, "label": "F"}, {"source": 24, "target": 7, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 20, "label": "P"}, {"source": 31, "target": 17, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "P"}, {"source": 26, "target": 9, "label": "A"}, {"source": 30, "target": 19, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 30, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 13, "label": "A"}, {"source": 25, "target": 4, "label": "R"}, {"source": 31, "target": 21, "label": "R"}, {"source": 23, "target": 2, "label": "D"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 18, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 15, "label": "E"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "077414-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I much preferred the one-on-one service here to the experiences I've had with bigger offices and firms.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}, {"from": 25, "to": 27}, {"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}, {"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "C"}, {"source": 22, "target": 5, "label": "U"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 21, "target": 1, "label": "D"}, {"source": 27, "target": 17, "label": "N"}, {"source": 22, "target": 24, "label": "E"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 27, "target": 26, "label": "C"}, {"source": 25, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 10, "label": "E"}, {"source": 22, "target": 6, "label": "U"}, {"source": 22, "target": 7, "label": "C"}, {"source": 22, "target": 4, "label": "E"}, {"source": 22, "target": 3, "label": "E"}, {"source": 23, "target": 9, "label": "R"}, {"source": 23, "target": 11, "label": "P"}, {"source": 27, "target": 18, "label": "C"}, {"source": 27, "target": 19, "label": "U"}]} +{"id": "077414-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "While I hope I don't have any need for a lawyer anytime soon, if I do I'll definitely use this firm again.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 71}, {"from": 71, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 105}]}, {"id": 24, "anchors": [{"from": 105, "to": 106}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 2, "label": "S"}, {"source": 31, "target": 24, "label": "U"}, {"source": 27, "target": 28, "label": "P"}, {"source": 31, "target": 23, "label": "D"}, {"source": 31, "target": 20, "label": "P"}, {"source": 32, "target": 22, "label": "C"}, {"source": 31, "target": 18, "label": "A"}, {"source": 30, "target": 17, "label": "P"}, {"source": 25, "target": 14, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 6, "label": "F"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 25, "target": 0, "label": "L"}, {"source": 26, "target": 1, "label": "A"}, {"source": 31, "target": 19, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 25, "target": 15, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 13, "label": "D"}, {"source": 28, "target": 8, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 27, "target": 12, "label": "D"}, {"source": 25, "target": 30, "label": "H"}, {"source": 32, "target": 21, "label": "E"}, {"source": 29, "target": 9, "label": "R"}, {"source": 29, "target": 10, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 16, "label": "A"}, {"source": 28, "target": 7, "label": "E"}, {"source": 27, "target": 5, "label": "D"}]} +{"id": "079007-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their food and sweets are awesome.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 2, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "079007-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But service is very poor.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 0, "label": "L"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "079007-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Attitude of staff very bad.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "079007-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Never gives a receipt.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "079007-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sometimes even gives wrong dish.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "079007-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So confused at the payment area.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "R"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "079007-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Line up is so stupid.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "079007-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even if you line up.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "079007-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To make a order you may have to go to back of line.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}, {"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 5, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 4, "label": "A"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 15, "label": "S"}, {"source": 13, "target": 0, "label": "L"}, {"source": 13, "target": 16, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 7, "label": "F"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "E"}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "079007-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And then wait again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "D"}, {"source": 6, "target": 8, "label": "E"}, {"source": 8, "target": 9, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 5, "label": "L"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "079007-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not organised.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "079375-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "079375-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recently took a rescue puppy to this Clinic and I was SHOCKED at how well Romeo and My family was treated.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}, {"from": 34, "to": 38}, {"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 107}]}, {"id": 20, "anchors": [{"from": 107, "to": 108}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 8, "label": "A"}, {"source": 22, "target": 1, "label": "D"}, {"source": 26, "target": 11, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 27, "target": 18, "label": "F"}, {"source": 29, "target": 17, "label": "C"}, {"source": 29, "target": 16, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 28, "target": 15, "label": "N"}, {"source": 28, "target": 29, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 12, "label": "R"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 27, "target": 13, "label": "D"}, {"source": 28, "target": 14, "label": "C"}, {"source": 23, "target": 2, "label": "F"}, {"source": 22, "target": 25, "label": "A"}, {"source": 25, "target": 10, "label": "S"}, {"source": 23, "target": 6, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 25, "target": 9, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 4, "label": "E"}, {"source": 21, "target": 7, "label": "L"}, {"source": 24, "target": 5, "label": "C"}, {"source": 27, "target": 19, "label": "P"}]} +{"id": "079375-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They worked around the clock to ensure that my puppy life was saved.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "E"}, {"source": 18, "target": 12, "label": "P"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 11, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 16, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "F"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "079375-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have to leave him at the vet for 3 days and I was told to call for check ups as often as I wished that no matter how many times I called I would not annoy them.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 75}, {"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 82}, {"from": 83, "to": 88}, {"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 151}]}, {"id": 33, "anchors": [{"from": 152, "to": 157}]}, {"id": 34, "anchors": [{"from": 158, "to": 162}]}, {"id": 35, "anchors": [{"from": 162, "to": 163}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 36, "target": 38, "label": "P"}, {"source": 40, "target": 9, "label": "E"}, {"source": 44, "target": 21, "label": "P"}, {"source": 36, "target": 40, "label": "D"}, {"source": 44, "target": 20, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 48, "target": 49, "label": "P"}, {"source": 48, "target": 32, "label": "D"}, {"source": 46, "target": 28, "label": "C"}, {"source": 37, "target": 19, "label": "L"}, {"source": 45, "target": 24, "label": "P"}, {"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 5, "label": "R"}, {"source": 36, "target": 4, "label": "A"}, {"source": 38, "target": 1, "label": "F"}, {"source": 41, "target": 14, "label": "P"}, {"source": 49, "target": 31, "label": "F"}, {"source": 46, "target": 26, "label": "E"}, {"source": 39, "target": 6, "label": "E"}, {"source": 36, "target": 2, "label": "F"}, {"source": 47, "target": 48, "label": "A"}, {"source": 47, "target": 29, "label": "P"}, {"source": 38, "target": 3, "label": "C"}, {"source": 42, "target": 16, "label": "P"}, {"source": 36, "target": 39, "label": "A"}, {"source": 49, "target": 33, "label": "C"}, {"source": 36, "target": 0, "label": "A"}, {"source": 46, "target": 25, "label": "R"}, {"source": 40, "target": 8, "label": "R"}, {"source": 48, "target": 34, "label": "A"}, {"source": 46, "target": 27, "label": "E"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 11, "label": "L"}, {"source": 37, "target": 36, "label": "H"}, {"source": 40, "target": 10, "label": "C"}, {"source": 42, "target": 15, "label": "F"}, {"source": 48, "target": 35, "label": "U"}, {"source": 43, "target": 17, "label": "R"}, {"source": 39, "target": 7, "label": "C"}, {"source": 41, "target": 12, "label": "A"}, {"source": 41, "target": 13, "label": "F"}, {"source": 43, "target": 18, "label": "C"}, {"source": 37, "target": 44, "label": "H"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 45, "target": 23, "label": "D"}, {"source": 48, "target": 30, "label": "A"}, {"source": 37, "target": 41, "label": "H"}, {"source": 45, "target": 22, "label": "F"}]} +{"id": "079375-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "lol They where super friendly towards us and treated us like people not walking bags of cash.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 15, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "L"}, {"source": 26, "target": 11, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 20, "target": 1, "label": "C"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 24, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 23, "target": 5, "label": "R"}, {"source": 19, "target": 0, "label": "P"}, {"source": 21, "target": 3, "label": "D"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 9, "label": "C"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 22, "label": "E"}, {"source": 28, "target": 14, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 28, "target": 29, "label": "E"}, {"source": 27, "target": 12, "label": "D"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 10, "label": "R"}, {"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "P"}, {"source": 26, "target": 27, "label": "E"}, {"source": 29, "target": 16, "label": "C"}]} +{"id": "079375-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In this day its rare to find such wonderful people who CARE , Not the kind of want to make cash.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}, {"from": 91, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 27, "target": 13, "label": "U"}, {"source": 24, "target": 31, "label": "A"}, {"source": 27, "target": 18, "label": "F"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "P"}, {"source": 25, "target": 7, "label": "P"}, {"source": 30, "target": 17, "label": "R"}, {"source": 31, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 12, "label": "S"}, {"source": 27, "target": 11, "label": "F"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 30, "target": 16, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 22, "target": 0, "label": "R"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 6, "label": "F"}, {"source": 26, "target": 9, "label": "E"}, {"source": 23, "target": 22, "label": "D"}, {"source": 30, "target": 14, "label": "E"}, {"source": 27, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "C"}, {"source": 23, "target": 5, "label": "D"}, {"source": 24, "target": 28, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 23, "target": 3, "label": "A"}, {"source": 31, "target": 19, "label": "F"}, {"source": 23, "target": 4, "label": "P"}]} +{"id": "079375-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would strongly suggest you give them the chance to prove to you that not all people in this world are evil!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 9, "label": "F"}, {"source": 32, "target": 16, "label": "C"}, {"source": 31, "target": 13, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 3, "label": "C"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 10, "label": "P"}, {"source": 26, "target": 6, "label": "A"}, {"source": 24, "target": 25, "label": "P"}, {"source": 32, "target": 15, "label": "E"}, {"source": 26, "target": 5, "label": "P"}, {"source": 31, "target": 21, "label": "S"}, {"source": 33, "target": 18, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 33, "target": 19, "label": "C"}, {"source": 25, "target": 1, "label": "F"}, {"source": 31, "target": 14, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 30, "target": 12, "label": "C"}, {"source": 33, "target": 17, "label": "R"}, {"source": 28, "target": 8, "label": "C"}, {"source": 30, "target": 11, "label": "R"}, {"source": 31, "target": 20, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 4, "label": "A"}, {"source": 28, "target": 29, "label": "E"}, {"source": 28, "target": 7, "label": "E"}]} +{"id": "079375-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never go to another vet as long as I have animals.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}, {"from": 34, "to": 38}, {"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 10, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 9, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 7, "label": "L"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "079375-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I live nearly two hours away and yet I will still make the drive to see them!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 19, "label": "D"}, {"source": 20, "target": 10, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 22, "target": 15, "label": "A"}, {"source": 19, "target": 2, "label": "E"}, {"source": 17, "target": 4, "label": "D"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 9, "label": "D"}, {"source": 20, "target": 8, "label": "F"}, {"source": 21, "target": 12, "label": "C"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 22, "target": 14, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 7, "label": "A"}, {"source": 17, "target": 5, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "079375-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Infact I look forward to taking my animals to the vet simply because of how my animals and I are treated.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 6}, {"from": 7, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 104}]}, {"id": 19, "anchors": [{"from": 104, "to": 105}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 23, "target": 4, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 11, "label": "F"}, {"source": 20, "target": 0, "label": "L"}, {"source": 24, "target": 7, "label": "E"}, {"source": 27, "target": 15, "label": "N"}, {"source": 20, "target": 12, "label": "L"}, {"source": 25, "target": 10, "label": "C"}, {"source": 24, "target": 6, "label": "R"}, {"source": 20, "target": 28, "label": "H"}, {"source": 27, "target": 16, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 8, "label": "C"}, {"source": 23, "target": 5, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 25, "label": "L"}, {"source": 22, "target": 2, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 27, "target": 14, "label": "C"}, {"source": 28, "target": 18, "label": "P"}, {"source": 26, "target": 27, "label": "P"}, {"source": 22, "target": 9, "label": "D"}, {"source": 26, "target": 13, "label": "A"}, {"source": 23, "target": 3, "label": "F"}, {"source": 20, "target": 26, "label": "H"}, {"source": 28, "target": 19, "label": "U"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "079827-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic fresh food!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "079827-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a neat gem of a restaurant in a corner one wouldn't expect it.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}, {"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 7, "label": "R"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 16, "target": 20, "label": "P"}, {"source": 19, "target": 8, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 16, "target": 11, "label": "D"}, {"source": 16, "target": 0, "label": "F"}, {"source": 17, "target": 1, "label": "E"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 14, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 20, "target": 10, "label": "F"}, {"source": 16, "target": 13, "label": "A"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "079827-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cozy, warm atmosphere, great service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "U"}, {"source": 10, "target": 0, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 1, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "079827-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Most importantly, the food was outstanding.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "U"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 6, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 8, "label": "D"}]} +{"id": "079827-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It clearly had been prepared from fresh ingredients.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "R"}, {"source": 10, "target": 4, "label": "S"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "079827-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We'll be back often.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "080178-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You will be happy at this store!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "S"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "080178-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Allen Tire was recommended by friend after my having bad tire experiences in Temecula.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 85}]}, {"id": 13, "anchors": [{"from": 85, "to": 86}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 18, "target": 8, "label": "E"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 7, "label": "P"}, {"source": 15, "target": 5, "label": "L"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 3, "label": "R"}]} +{"id": "080178-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The store manager, Jim Smith, made an excellent tire recommendation for my newly acquired Lexus.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 95}]}, {"id": 16, "anchors": [{"from": 95, "to": 96}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 17, "label": "E"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 7, "label": "E"}, {"source": 18, "target": 4, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 23, "target": 13, "label": "E"}, {"source": 22, "target": 11, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 5, "label": "U"}, {"source": 18, "target": 3, "label": "U"}, {"source": 22, "target": 12, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 20, "target": 6, "label": "P"}, {"source": 17, "target": 1, "label": "E"}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "080178-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tires were the right price and now the car feels like it is riding on rails around turns.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 11, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 9, "label": "S"}, {"source": 24, "target": 10, "label": "R"}, {"source": 24, "target": 12, "label": "F"}, {"source": 20, "target": 5, "label": "L"}, {"source": 22, "target": 6, "label": "D"}, {"source": 25, "target": 14, "label": "R"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 16, "label": "R"}, {"source": 19, "target": 1, "label": "S"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 8, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 21, "target": 3, "label": "E"}, {"source": 20, "target": 22, "label": "H"}]} +{"id": "080178-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The store is clean, run very professionally and a pleasure to be in.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "E"}, {"source": 21, "target": 20, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 5, "label": "P"}, {"source": 19, "target": 22, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 23, "label": "A"}, {"source": 16, "target": 4, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 0, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 21, "target": 8, "label": "N"}, {"source": 20, "target": 6, "label": "E"}, {"source": 23, "target": 13, "label": "S"}, {"source": 18, "target": 19, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 11, "label": "R"}, {"source": 17, "target": 15, "label": "A"}, {"source": 23, "target": 12, "label": "F"}, {"source": 17, "target": 2, "label": "S"}]} +{"id": "080178-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They know their job and you do not have to watch them to be sure everything is done right.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 6, "label": "F"}, {"source": 23, "target": 24, "label": "P"}, {"source": 23, "target": 11, "label": "A"}, {"source": 27, "target": 18, "label": "A"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 16, "label": "F"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 26, "target": 14, "label": "P"}, {"source": 25, "target": 12, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 17, "label": "S"}, {"source": 21, "target": 27, "label": "H"}, {"source": 22, "target": 2, "label": "E"}, {"source": 22, "target": 3, "label": "C"}, {"source": 24, "target": 8, "label": "F"}, {"source": 21, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "L"}, {"source": 23, "target": 7, "label": "D"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 9, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 5, "label": "A"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 13, "label": "S"}]} +{"id": "080221-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hino Dealer of the Year", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "E"}, {"source": 7, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "080221-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Congratulations Prestige Hino!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 29}]}, {"id": 3, "anchors": [{"from": 29, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "080221-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You have been awarded the converted Hino Dealer of the Year!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 47}, {"from": 48, "to": 50}, {"from": 51, "to": 54}, {"from": 55, "to": 59}]}, {"id": 7, "anchors": [{"from": 59, "to": 60}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "080221-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Each of you should be proud of your massive contributions throughout the year!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 11, "label": "E"}, {"source": 14, "target": 0, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 14, "label": "E"}, {"source": 17, "target": 5, "label": "S"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 4, "label": "F"}, {"source": 14, "target": 1, "label": "R"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 3, "label": "D"}, {"source": 17, "target": 15, "label": "A"}, {"source": 19, "target": 10, "label": "R"}]} +{"id": "080221-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Major Awards – Overall Hino dealer of the year.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}, {"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "U"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "D"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "080221-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overall Hino finance dealer of the year.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "080221-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Major Awards – Market leader overall, Dandenong PMA, sales.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}, {"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 14, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 5, "label": "D"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 2, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "U"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 1, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "080221-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Market leader medium duty, sales.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "E"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "080221-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well done to Anthony and the team!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 2, "label": "R"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "080221-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bronze award service excellence, metro.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 31}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 1, "label": "E"}, {"source": 8, "target": 7, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 11, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 5, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "080221-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well done to Brendan and the team!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 2, "label": "R"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "080221-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gold award parts excellence, metro.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "A"}, {"source": 8, "target": 7, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 5, "label": "E"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "080221-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well done to Jason and the team!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 2, "label": "R"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "080814-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic professional service -", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 32}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "080814-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys really know their stuff .. they have almost anything you could want in terms of spy and surviellance equipment.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 121}]}, {"id": 21, "anchors": [{"from": 121, "to": 122}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 31, "target": 16, "label": "R"}, {"source": 32, "target": 17, "label": "C"}, {"source": 29, "target": 12, "label": "F"}, {"source": 29, "target": 13, "label": "C"}, {"source": 24, "target": 2, "label": "D"}, {"source": 30, "target": 20, "label": "C"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 14, "label": "R"}, {"source": 27, "target": 9, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 22, "target": 0, "label": "E"}, {"source": 32, "target": 18, "label": "N"}, {"source": 22, "target": 1, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 22, "label": "A"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 30, "target": 32, "label": "E"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 3, "label": "P"}, {"source": 27, "target": 28, "label": "E"}, {"source": 32, "target": 19, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 26, "target": 7, "label": "A"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "P"}, {"source": 24, "target": 6, "label": "U"}, {"source": 28, "target": 11, "label": "A"}, {"source": 31, "target": 15, "label": "C"}]} +{"id": "080814-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Truly james bond style stuff ... would recommend", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 48}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "S"}, {"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 3, "label": "P"}, {"source": 11, "target": 6, "label": "C"}, {"source": 7, "target": 10, "label": "H"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "F"}, {"source": 9, "target": 8, "label": "A"}, {"source": 7, "target": 4, "label": "U"}]} +{"id": "080854-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fast and affordable.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "N"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "080854-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great job master keying our building.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "081116-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best fried shrimp in the state!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "D"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "081796-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Exile is the best!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "081796-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Exile is the longest lasting and most authentic punk store in Richmond!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 15, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 19, "label": "E"}, {"source": 15, "target": 17, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 18, "label": "C"}, {"source": 17, "target": 5, "label": "N"}, {"source": 15, "target": 3, "label": "E"}, {"source": 19, "target": 10, "label": "R"}, {"source": 18, "target": 7, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "081796-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been shopping there for over six years now.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "D"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "E"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 6, "label": "R"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "081796-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff is incredibly friendly and helpful and the owner, Mimmy, is an absolute angel.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 13, "label": "S"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 25, "target": 11, "label": "C"}, {"source": 20, "target": 26, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 25, "target": 24, "label": "E"}, {"source": 21, "target": 3, "label": "D"}, {"source": 26, "target": 14, "label": "E"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 9, "label": "C"}, {"source": 23, "target": 7, "label": "N"}, {"source": 22, "target": 21, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 23, "target": 25, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 8, "label": "E"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "N"}, {"source": 25, "target": 10, "label": "U"}]} +{"id": "081796-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The mark up is minimal considering that the clothing is hard to find and often shipped for Europe.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 6, "label": "F"}, {"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 13, "label": "L"}, {"source": 22, "target": 10, "label": "S"}, {"source": 25, "target": 14, "label": "D"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "D"}, {"source": 24, "target": 12, "label": "P"}, {"source": 19, "target": 0, "label": "E"}, {"source": 25, "target": 15, "label": "P"}, {"source": 24, "target": 11, "label": "F"}, {"source": 25, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 16, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 8, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 5, "label": "S"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "081796-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In addition, the clothing is of much better quality than the clothing from hot topic, which is made as cheaply as possible by people living in horrible conditions in Asia.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}, {"from": 103, "to": 110}, {"from": 111, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 122}]}, {"id": 21, "anchors": [{"from": 123, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 162}]}, {"id": 27, "anchors": [{"from": 163, "to": 165}]}, {"id": 28, "anchors": [{"from": 166, "to": 170}]}, {"id": 29, "anchors": [{"from": 170, "to": 171}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 37, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 3, "label": "C"}, {"source": 38, "target": 19, "label": "R"}, {"source": 33, "target": 35, "label": "E"}, {"source": 37, "target": 16, "label": "F"}, {"source": 42, "target": 29, "label": "U"}, {"source": 37, "target": 39, "label": "A"}, {"source": 41, "target": 24, "label": "R"}, {"source": 30, "target": 1, "label": "U"}, {"source": 40, "target": 41, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 31, "target": 2, "label": "E"}, {"source": 39, "target": 21, "label": "R"}, {"source": 33, "target": 34, "label": "E"}, {"source": 42, "target": 28, "label": "C"}, {"source": 33, "target": 5, "label": "R"}, {"source": 39, "target": 40, "label": "E"}, {"source": 36, "target": 15, "label": "U"}, {"source": 35, "target": 9, "label": "R"}, {"source": 37, "target": 38, "label": "D"}, {"source": 37, "target": 17, "label": "F"}, {"source": 36, "target": 12, "label": "R"}, {"source": 32, "target": 31, "label": "A"}, {"source": 35, "target": 10, "label": "E"}, {"source": 42, "target": 27, "label": "R"}, {"source": 41, "target": 25, "label": "E"}, {"source": 35, "target": 36, "label": "E"}, {"source": 37, "target": 18, "label": "P"}, {"source": 40, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 6, "label": "E"}, {"source": 41, "target": 26, "label": "C"}, {"source": 32, "target": 4, "label": "S"}, {"source": 34, "target": 7, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 39, "target": 22, "label": "C"}, {"source": 36, "target": 14, "label": "C"}, {"source": 40, "target": 23, "label": "P"}, {"source": 38, "target": 20, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 0, "label": "L"}, {"source": 30, "target": 32, "label": "H"}, {"source": 35, "target": 11, "label": "C"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "081796-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Exile is environmentally conscious and involved heavily in our community.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 72}]}, {"id": 10, "anchors": [{"from": 72, "to": 73}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 13, "target": 5, "label": "P"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "081796-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Shop local at Exile!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "081934-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Liquidweb.com Rocks!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 19}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "081934-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am not a client of liquidweb.com, but one of my friend called Steven is the client having several websites.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 29, "target": 31, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 31, "target": 18, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "C"}, {"source": 27, "target": 14, "label": "A"}, {"source": 28, "target": 11, "label": "E"}, {"source": 30, "target": 16, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 8, "label": "L"}, {"source": 24, "target": 3, "label": "E"}, {"source": 32, "target": 20, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "A"}, {"source": 23, "target": 27, "label": "H"}, {"source": 28, "target": 26, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 15, "label": "S"}, {"source": 28, "target": 12, "label": "C"}, {"source": 32, "target": 21, "label": "U"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 7, "label": "U"}, {"source": 22, "target": 1, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 26, "target": 10, "label": "R"}, {"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 4, "label": "C"}, {"source": 32, "target": 19, "label": "E"}]} +{"id": "081934-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I work with him and since past 6 years he is hosting his websites to Liquidweb.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "L"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 8, "label": "C"}, {"source": 20, "target": 5, "label": "R"}, {"source": 23, "target": 14, "label": "R"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 20, "label": "D"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 20, "target": 7, "label": "E"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 9, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "R"}, {"source": 22, "target": 13, "label": "C"}]} +{"id": "081934-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As I have gone through many reviews sites to see if any provider is providing better services or not, and I have realized that there were many good reviews about Liquidweb also Steven never faced any server issues in his whole hosting.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 189}]}, {"id": 35, "anchors": [{"from": 190, "to": 195}]}, {"id": 36, "anchors": [{"from": 196, "to": 199}]}, {"id": 37, "anchors": [{"from": 200, "to": 206}]}, {"id": 38, "anchors": [{"from": 207, "to": 213}]}, {"id": 39, "anchors": [{"from": 214, "to": 216}]}, {"id": 40, "anchors": [{"from": 217, "to": 220}]}, {"id": 41, "anchors": [{"from": 221, "to": 226}]}, {"id": 42, "anchors": [{"from": 227, "to": 234}]}, {"id": 43, "anchors": [{"from": 234, "to": 235}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 51, "target": 17, "label": "N"}, {"source": 56, "target": 30, "label": "R"}, {"source": 54, "target": 26, "label": "S"}, {"source": 54, "target": 34, "label": "D"}, {"source": 52, "target": 21, "label": "A"}, {"source": 51, "target": 18, "label": "C"}, {"source": 44, "target": 8, "label": "L"}, {"source": 55, "target": 56, "label": "E"}, {"source": 44, "target": 52, "label": "H"}, {"source": 45, "target": 46, "label": "A"}, {"source": 46, "target": 7, "label": "C"}, {"source": 54, "target": 33, "label": "A"}, {"source": 54, "target": 25, "label": "F"}, {"source": 54, "target": 32, "label": "D"}, {"source": 55, "target": 28, "label": "E"}, {"source": 54, "target": 57, "label": "A"}, {"source": 54, "target": 55, "label": "A"}, {"source": 57, "target": 38, "label": "C"}, {"source": 49, "target": 13, "label": "F"}, {"source": 53, "target": 23, "label": "C"}, {"source": 45, "target": 3, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 44, "target": 0, "label": "L"}, {"source": 44, "target": 20, "label": "L"}, {"source": 44, "target": 45, "label": "H"}, {"source": 46, "target": 6, "label": "E"}, {"source": 54, "target": 58, "label": "A"}, {"source": 54, "target": 35, "label": "D"}, {"source": 45, "target": 2, "label": "F"}, {"source": 47, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 11, "label": "E"}, {"source": 54, "target": 24, "label": "F"}, {"source": 57, "target": 37, "label": "E"}, {"source": 52, "target": 53, "label": "S"}, {"source": 58, "target": 40, "label": "E"}, {"source": 58, "target": 39, "label": "R"}, {"source": 50, "target": 16, "label": "C"}, {"source": 55, "target": 29, "label": "C"}, {"source": 49, "target": 14, "label": "P"}, {"source": 47, "target": 9, "label": "P"}, {"source": 56, "target": 31, "label": "C"}, {"source": 46, "target": 5, "label": "E"}, {"source": 46, "target": 4, "label": "R"}, {"source": 55, "target": 27, "label": "E"}, {"source": 44, "target": 47, "label": "H"}, {"source": 58, "target": 42, "label": "C"}, {"source": 45, "target": 1, "label": "A"}, {"source": 53, "target": 22, "label": "E"}, {"source": 57, "target": 36, "label": "E"}, {"source": 49, "target": 51, "label": "A"}, {"source": 52, "target": 54, "label": "A"}, {"source": 58, "target": 41, "label": "E"}, {"source": 58, "target": 43, "label": "U"}, {"source": 44, "target": 19, "label": "U"}, {"source": 51, "target": 50, "label": "C"}, {"source": 47, "target": 49, "label": "A"}, {"source": 50, "target": 15, "label": "E"}, {"source": 48, "target": 12, "label": "C"}, {"source": 48, "target": 10, "label": "R"}]} +{"id": "081934-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The kind of support they provide is simply great!!!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 16, "label": "A"}, {"source": 13, "target": 7, "label": "D"}, {"source": 13, "target": 6, "label": "S"}, {"source": 11, "target": 15, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 4, "label": "A"}, {"source": 16, "target": 9, "label": "U"}, {"source": 15, "target": 5, "label": "P"}, {"source": 10, "target": 14, "label": "E"}, {"source": 14, "target": 2, "label": "R"}, {"source": 11, "target": 10, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "081934-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would like to host my upcoming website to Liquidweb.com", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "P"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "083454-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I didn't end up buying my car here, but I did think the guy who worked with me was pretty cool - he was willing to budge a little on the price which means a lot to me.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}, {"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 99}]}, {"id": 24, "anchors": [{"from": 100, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 120}]}, {"id": 28, "anchors": [{"from": 121, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 136}]}, {"id": 32, "anchors": [{"from": 137, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 156}, {"from": 157, "to": 160}]}, {"id": 36, "anchors": [{"from": 161, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 166}]}, {"id": 38, "anchors": [{"from": 166, "to": 167}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 44, "target": 12, "label": "P"}, {"source": 48, "target": 49, "label": "P"}, {"source": 41, "target": 3, "label": "C"}, {"source": 46, "target": 20, "label": "D"}, {"source": 45, "target": 13, "label": "E"}, {"source": 39, "target": 2, "label": "D"}, {"source": 48, "target": 52, "label": "A"}, {"source": 50, "target": 28, "label": "E"}, {"source": 46, "target": 16, "label": "P"}, {"source": 45, "target": 14, "label": "C"}, {"source": 52, "target": 34, "label": "P"}, {"source": 44, "target": 10, "label": "A"}, {"source": 51, "target": 31, "label": "E"}, {"source": 53, "target": 38, "label": "U"}, {"source": 39, "target": 41, "label": "S"}, {"source": 42, "target": 4, "label": "P"}, {"source": 40, "target": 44, "label": "H"}, {"source": 52, "target": 33, "label": "F"}, {"source": 45, "target": 46, "label": "E"}, {"source": 40, "target": 8, "label": "U"}, {"source": 40, "target": 48, "label": "H"}, {"source": 53, "target": 35, "label": "E"}, {"source": 42, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 1, "label": "F"}, {"source": 39, "target": 0, "label": "A"}, {"source": 46, "target": 15, "label": "F"}, {"source": 46, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 24, "label": "F"}, {"source": 43, "target": 7, "label": "C"}, {"source": 47, "target": 17, "label": "R"}, {"source": 48, "target": 26, "label": "F"}, {"source": 43, "target": 5, "label": "E"}, {"source": 47, "target": 18, "label": "C"}, {"source": 43, "target": 6, "label": "E"}, {"source": 49, "target": 27, "label": "C"}, {"source": 51, "target": 30, "label": "R"}, {"source": 50, "target": 51, "label": "E"}, {"source": 48, "target": 23, "label": "A"}, {"source": 50, "target": 29, "label": "C"}, {"source": 39, "target": 42, "label": "A"}, {"source": 46, "target": 21, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 51, "target": 32, "label": "C"}, {"source": 40, "target": 22, "label": "U"}, {"source": 48, "target": 50, "label": "A"}, {"source": 40, "target": 39, "label": "H"}, {"source": 49, "target": 25, "label": "E"}, {"source": 46, "target": 47, "label": "A"}, {"source": 40, "target": 9, "label": "L"}, {"source": 46, "target": 19, "label": "F"}, {"source": 53, "target": 36, "label": "R"}, {"source": 53, "target": 37, "label": "C"}, {"source": 44, "target": 11, "label": "F"}]} +{"id": "083454-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also they will fill your tires with air and other small maintenance tasks for free, even if you didn't buy your car there!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}, {"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 3, "label": "P"}, {"source": 34, "target": 20, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 15, "label": "U"}, {"source": 25, "target": 16, "label": "L"}, {"source": 30, "target": 8, "label": "N"}, {"source": 34, "target": 18, "label": "F"}, {"source": 34, "target": 17, "label": "A"}, {"source": 33, "target": 13, "label": "R"}, {"source": 34, "target": 23, "label": "A"}, {"source": 34, "target": 19, "label": "D"}, {"source": 27, "target": 29, "label": "E"}, {"source": 25, "target": 34, "label": "H"}, {"source": 30, "target": 31, "label": "C"}, {"source": 32, "target": 11, "label": "C"}, {"source": 30, "target": 7, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 27, "target": 5, "label": "C"}, {"source": 25, "target": 0, "label": "L"}, {"source": 26, "target": 1, "label": "A"}, {"source": 25, "target": 24, "label": "U"}, {"source": 28, "target": 27, "label": "C"}, {"source": 33, "target": 14, "label": "C"}, {"source": 31, "target": 12, "label": "C"}, {"source": 29, "target": 6, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 35, "target": 22, "label": "C"}, {"source": 31, "target": 9, "label": "E"}, {"source": 27, "target": 4, "label": "E"}, {"source": 32, "target": 10, "label": "E"}, {"source": 35, "target": 21, "label": "E"}, {"source": 28, "target": 33, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "083459-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They don't seem to be interested in selling cars.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "083459-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Went there yesterday: we are trying to decide between two different Honda models, so we wanted to test-drive both back to back.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21, "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 24, "label": "F"}, {"source": 35, "target": 23, "label": "E"}, {"source": 32, "target": 19, "label": "P"}, {"source": 30, "target": 4, "label": "A"}, {"source": 28, "target": 33, "label": "A"}, {"source": 35, "target": 22, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 30, "label": "H"}, {"source": 30, "target": 7, "label": "F"}, {"source": 32, "target": 20, "label": "U"}, {"source": 31, "target": 10, "label": "E"}, {"source": 31, "target": 13, "label": "C"}, {"source": 30, "target": 5, "label": "F"}, {"source": 31, "target": 12, "label": "E"}, {"source": 29, "target": 1, "label": "E"}, {"source": 30, "target": 8, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 14, "label": "U"}, {"source": 32, "target": 17, "label": "D"}, {"source": 31, "target": 9, "label": "R"}, {"source": 32, "target": 16, "label": "A"}, {"source": 34, "target": 35, "label": "C"}, {"source": 28, "target": 15, "label": "L"}, {"source": 35, "target": 26, "label": "U"}, {"source": 31, "target": 11, "label": "E"}, {"source": 32, "target": 21, "label": "A"}, {"source": 34, "target": 22, "label": "N"}, {"source": 28, "target": 32, "label": "H"}, {"source": 35, "target": 25, "label": "C"}, {"source": 28, "target": 3, "label": "U"}, {"source": 27, "target": 0, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 6, "label": "D"}, {"source": 29, "target": 2, "label": "C"}, {"source": 32, "target": 18, "label": "F"}]} +{"id": "083459-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The salesperson refused!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "083459-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Claimed he was too busy for two test drives.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "P"}]} +{"id": "083459-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were the only customers there!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "083459-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't waste time, just drive 10 minutes more down to Stevens Creek, they actually do try to help their customers there!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 60}, {"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 118, "to": 119}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 28, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "H"}, {"source": 32, "target": 19, "label": "P"}, {"source": 24, "target": 1, "label": "D"}, {"source": 32, "target": 22, "label": "A"}, {"source": 27, "target": 6, "label": "C"}, {"source": 24, "target": 0, "label": "F"}, {"source": 27, "target": 29, "label": "E"}, {"source": 31, "target": 11, "label": "R"}, {"source": 29, "target": 30, "label": "E"}, {"source": 26, "target": 28, "label": "E"}, {"source": 32, "target": 17, "label": "D"}, {"source": 32, "target": 14, "label": "A"}, {"source": 27, "target": 5, "label": "E"}, {"source": 30, "target": 10, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "U"}, {"source": 31, "target": 12, "label": "C"}, {"source": 29, "target": 31, "label": "E"}, {"source": 29, "target": 8, "label": "C"}, {"source": 33, "target": 21, "label": "C"}, {"source": 33, "target": 20, "label": "E"}, {"source": 26, "target": 3, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 29, "target": 7, "label": "E"}, {"source": 28, "target": 13, "label": "U"}, {"source": 25, "target": 32, "label": "H"}, {"source": 32, "target": 15, "label": "D"}, {"source": 25, "target": 23, "label": "U"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 16, "label": "F"}, {"source": 24, "target": 2, "label": "P"}, {"source": 32, "target": 18, "label": "F"}]} +{"id": "083563-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We would like to thank our emergency plumbers who visted our shop in Morningside Road today.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 80}, {"from": 81, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 91}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "C"}, {"source": 23, "target": 12, "label": "R"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 14, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 5, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "P"}, {"source": 17, "target": 18, "label": "P"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "083563-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A fast service, saved a bad situation getting alot worse.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 4, "label": "P"}, {"source": 13, "target": 1, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 8, "label": "S"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "U"}]} +{"id": "083563-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "many thanks 2scompany...", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 4, "label": "D"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "083849-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Surprisingly, this little strip mall restaurant has the best sushi I've found in the Tampa area.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}, {"from": 68, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 16, "label": "C"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 13, "label": "R"}, {"source": 22, "target": 14, "label": "E"}, {"source": 19, "target": 3, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 22, "target": 17, "label": "U"}, {"source": 22, "target": 15, "label": "E"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 1, "label": "U"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "E"}, {"source": 20, "target": 7, "label": "S"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 21, "target": 8, "label": "E"}, {"source": 20, "target": 12, "label": "D"}]} +{"id": "083849-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's fresh and really tasty.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "N"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "083849-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'll drive an hour just for their volcano, yum!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 6, "label": "R"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "U"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 15, "label": "D"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 5, "label": "E"}]} +{"id": "084373-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We are very pleased with the services of First Glass Window.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 5, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 10, "label": "C"}, {"source": 14, "target": 9, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 11, "label": "U"}, {"source": 13, "target": 3, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "084373-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our window panes were so dirty that they needed a specialist to come and clean them.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "S"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 15, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 24, "target": 13, "label": "N"}, {"source": 21, "target": 6, "label": "F"}, {"source": 22, "target": 9, "label": "E"}, {"source": 24, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 2, "label": "C"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "E"}, {"source": 17, "target": 1, "label": "E"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 8, "label": "S"}, {"source": 23, "target": 11, "label": "R"}, {"source": 17, "target": 0, "label": "E"}]} +{"id": "084373-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We called few companies before we decide to hire them.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "L"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "P"}, {"source": 11, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "084373-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They came on time and completed their work quickly.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}, {"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "L"}, {"source": 10, "target": 6, "label": "D"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "084373-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were very happy how clean looked our windows.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 5, "label": "A"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 6, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "084373-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you have some problems with your windows, you should call them.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 11, "label": "P"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "A"}, {"source": 14, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 16, "label": "P"}, {"source": 18, "target": 12, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 14, "target": 8, "label": "U"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 5, "label": "R"}]} +{"id": "085009-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Awesome Landscaping Job", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "085009-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "MFJ Inc transformed our run down back yard into a place of beauty.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 4, "label": "R"}, {"source": 17, "target": 6, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 5, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 15, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "R"}]} +{"id": "085009-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The work was completed within one week, and everything was cleaned up on completion.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 66}, {"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 83}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 16, "target": 3, "label": "P"}, {"source": 19, "target": 11, "label": "P"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 7, "label": "U"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 17, "target": 8, "label": "L"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 18, "label": "D"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "085009-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended landscaper!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 29}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "D"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "085424-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cathy ******Five Stars for Lake Forest Tots.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 12}, {"from": 12, "to": 16}, {"from": 17, "to": 22}]}, {"id": 1, "anchors": [{"from": 23, "to": 26}]}, {"id": 2, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 38}, {"from": 39, "to": 43}]}, {"id": 3, "anchors": [{"from": 43, "to": 44}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "085424-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The program has been a postive experience for my children.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "085424-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have had all three of my children attend Lake Forest Tots.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}, {"from": 48, "to": 54}, {"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 9, "label": "A"}, {"source": 14, "target": 13, "label": "E"}, {"source": 12, "target": 8, "label": "D"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "085424-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The program is well established and we have been extremely satisfied with the teachers, the programs and the director.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 3, "label": "D"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 9, "label": "D"}, {"source": 25, "target": 11, "label": "R"}, {"source": 24, "target": 7, "label": "F"}, {"source": 21, "target": 0, "label": "E"}, {"source": 23, "target": 5, "label": "L"}, {"source": 25, "target": 27, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 28, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 18, "label": "E"}, {"source": 22, "target": 4, "label": "P"}, {"source": 27, "target": 17, "label": "N"}, {"source": 25, "target": 13, "label": "C"}, {"source": 25, "target": 14, "label": "U"}, {"source": 26, "target": 16, "label": "C"}, {"source": 27, "target": 26, "label": "C"}, {"source": 24, "target": 8, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 28, "label": "C"}, {"source": 22, "target": 2, "label": "F"}, {"source": 24, "target": 6, "label": "A"}, {"source": 24, "target": 10, "label": "S"}, {"source": 25, "target": 12, "label": "E"}]} +{"id": "085424-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good job, Lake Forest Tots!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 21}, {"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 2, "label": "U"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "085980-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After recently relocating to South Bend, we were looking for a delicious, fun, yet elegant establishment for New Years Eve dinner.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}, {"from": 113, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 129}]}, {"id": 23, "anchors": [{"from": 129, "to": 130}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 0, "label": "L"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 5, "label": "U"}, {"source": 28, "target": 30, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 13, "label": "C"}, {"source": 29, "target": 15, "label": "N"}, {"source": 24, "target": 25, "label": "H"}, {"source": 31, "target": 20, "label": "R"}, {"source": 27, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "R"}, {"source": 30, "target": 22, "label": "C"}, {"source": 28, "target": 9, "label": "R"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "E"}, {"source": 26, "target": 4, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 29, "target": 14, "label": "U"}, {"source": 30, "target": 31, "label": "E"}, {"source": 25, "target": 2, "label": "P"}, {"source": 30, "target": 23, "label": "U"}, {"source": 29, "target": 11, "label": "C"}, {"source": 27, "target": 6, "label": "A"}, {"source": 26, "target": 3, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 7, "label": "F"}, {"source": 25, "target": 1, "label": "D"}, {"source": 29, "target": 16, "label": "C"}, {"source": 29, "target": 12, "label": "U"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "085980-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were disappointed with this holiday dinner due to the overall flavor and price of the meal, and accessibility to the Jazz Club.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 28, "label": "R"}, {"source": 31, "target": 34, "label": "E"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 32, "label": "C"}, {"source": 34, "target": 21, "label": "E"}, {"source": 27, "target": 6, "label": "C"}, {"source": 27, "target": 3, "label": "R"}, {"source": 30, "target": 11, "label": "C"}, {"source": 29, "target": 9, "label": "E"}, {"source": 31, "target": 33, "label": "C"}, {"source": 32, "target": 15, "label": "E"}, {"source": 27, "target": 5, "label": "E"}, {"source": 25, "target": 26, "label": "H"}, {"source": 30, "target": 13, "label": "C"}, {"source": 33, "target": 17, "label": "U"}, {"source": 33, "target": 19, "label": "C"}, {"source": 26, "target": 2, "label": "P"}, {"source": 29, "target": 31, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 34, "target": 22, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 33, "target": 18, "label": "N"}, {"source": 28, "target": 7, "label": "C"}, {"source": 26, "target": 1, "label": "F"}, {"source": 28, "target": 8, "label": "F"}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 4, "label": "E"}, {"source": 30, "target": 12, "label": "N"}, {"source": 29, "target": 10, "label": "E"}, {"source": 31, "target": 14, "label": "R"}, {"source": 34, "target": 23, "label": "C"}, {"source": 29, "target": 30, "label": "C"}, {"source": 34, "target": 20, "label": "R"}]} +{"id": "085980-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The meal was extremely overpriced and lacked flavor, especially for being a special NYE menu.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 10, "label": "L"}, {"source": 18, "target": 7, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 22, "target": 14, "label": "E"}, {"source": 20, "target": 5, "label": "N"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 8, "label": "U"}, {"source": 18, "target": 20, "label": "S"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 13, "label": "E"}, {"source": 19, "target": 21, "label": "H"}, {"source": 21, "target": 11, "label": "S"}, {"source": 18, "target": 2, "label": "F"}, {"source": 19, "target": 9, "label": "L"}, {"source": 21, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "085980-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The limited menu had few appetizing options and the NYE special packages were way overpriced.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 20, "target": 21, "label": "C"}, {"source": 21, "target": 11, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "N"}, {"source": 18, "target": 13, "label": "D"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 3, "label": "P"}, {"source": 18, "target": 14, "label": "A"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 12, "label": "F"}, {"source": 18, "target": 16, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "C"}, {"source": 21, "target": 9, "label": "E"}, {"source": 20, "target": 19, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "085980-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After our meal, our server found us a table in the jazz club where we were informed it would be another $10/person to stay and listen to the band, despite the fact we had just finished a dinner there and were intending to enjoy their drink list.", "tops": [53], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 105}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25, "anchors": [{"from": 108, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 145}]}, {"id": 33, "anchors": [{"from": 145, "to": 146}]}, {"id": 34, "anchors": [{"from": 147, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 158}]}, {"id": 36, "anchors": [{"from": 159, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 166}]}, {"id": 38, "anchors": [{"from": 167, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 175}]}, {"id": 40, "anchors": [{"from": 176, "to": 184}]}, {"id": 41, "anchors": [{"from": 185, "to": 186}]}, {"id": 42, "anchors": [{"from": 187, "to": 193}]}, {"id": 43, "anchors": [{"from": 194, "to": 199}]}, {"id": 44, "anchors": [{"from": 200, "to": 203}]}, {"id": 45, "anchors": [{"from": 204, "to": 208}]}, {"id": 46, "anchors": [{"from": 209, "to": 218}]}, {"id": 47, "anchors": [{"from": 219, "to": 221}]}, {"id": 48, "anchors": [{"from": 222, "to": 227}]}, {"id": 49, "anchors": [{"from": 228, "to": 233}]}, {"id": 50, "anchors": [{"from": 234, "to": 239}]}, {"id": 51, "anchors": [{"from": 240, "to": 244}]}, {"id": 52, "anchors": [{"from": 244, "to": 245}]}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}], "edges": [{"source": 59, "target": 13, "label": "C"}, {"source": 58, "target": 7, "label": "E"}, {"source": 64, "target": 65, "label": "P"}, {"source": 72, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 69, "target": 36, "label": "C"}, {"source": 68, "target": 69, "label": "A"}, {"source": 60, "target": 61, "label": "A"}, {"source": 55, "target": 57, "label": "C"}, {"source": 58, "target": 9, "label": "C"}, {"source": 63, "target": 23, "label": "E"}, {"source": 59, "target": 60, "label": "E"}, {"source": 56, "target": 4, "label": "E"}, {"source": 69, "target": 35, "label": "E"}, {"source": 65, "target": 27, "label": "C"}, {"source": 70, "target": 37, "label": "A"}, {"source": 71, "target": 41, "label": "E"}, {"source": 67, "target": 32, "label": "C"}, {"source": 59, "target": 11, "label": "E"}, {"source": 72, "target": 48, "label": "P"}, {"source": 72, "target": 47, "label": "F"}, {"source": 72, "target": 73, "label": "A"}, {"source": 59, "target": 12, "label": "E"}, {"source": 58, "target": 8, "label": "E"}, {"source": 61, "target": 62, "label": "P"}, {"source": 72, "target": 46, "label": "D"}, {"source": 63, "target": 24, "label": "U"}, {"source": 67, "target": 31, "label": "E"}, {"source": 66, "target": 29, "label": "C"}, {"source": 64, "target": 26, "label": "F"}, {"source": 53, "target": 33, "label": "U"}, {"source": 71, "target": 43, "label": "E"}, {"source": 57, "target": 56, "label": "A"}, {"source": 70, "target": 40, "label": "P"}, {"source": 62, "target": 20, "label": "C"}, {"source": 60, "target": 14, "label": "F"}, {"source": 65, "target": 66, "label": "C"}, {"source": 64, "target": 67, "label": "A"}, {"source": 60, "target": 17, "label": "P"}, {"source": 53, "target": 72, "label": "H"}, {"source": 70, "target": 71, "label": "A"}, {"source": 53, "target": 55, "label": "H"}, {"source": 53, "target": 0, "label": "L"}, {"source": 61, "target": 63, "label": "A"}, {"source": 54, "target": 2, "label": "C"}, {"source": 65, "target": 28, "label": "N"}, {"source": 70, "target": 38, "label": "F"}, {"source": 60, "target": 15, "label": "A"}, {"source": 56, "target": 5, "label": "C"}, {"source": 69, "target": 70, "label": "E"}, {"source": 57, "target": 6, "label": "P"}, {"source": 73, "target": 51, "label": "C"}, {"source": 61, "target": 18, "label": "A"}, {"source": 59, "target": 10, "label": "R"}, {"source": 63, "target": 22, "label": "U"}, {"source": 62, "target": 19, "label": "F"}, {"source": 57, "target": 58, "label": "A"}, {"source": 60, "target": 16, "label": "F"}, {"source": 71, "target": 42, "label": "C"}, {"source": 73, "target": 52, "label": "U"}, {"source": 55, "target": 3, "label": "U"}, {"source": 63, "target": 25, "label": "C"}, {"source": 72, "target": 45, "label": "F"}, {"source": 54, "target": 1, "label": "E"}, {"source": 73, "target": 49, "label": "E"}, {"source": 53, "target": 44, "label": "L"}, {"source": 73, "target": 50, "label": "E"}, {"source": 53, "target": 34, "label": "L"}, {"source": 70, "target": 39, "label": "D"}, {"source": 63, "target": 64, "label": "E"}, {"source": 66, "target": 30, "label": "R"}, {"source": 55, "target": 54, "label": "A"}, {"source": 63, "target": 21, "label": "E"}, {"source": 53, "target": 68, "label": "H"}, {"source": 57, "target": 59, "label": "A"}]} +{"id": "085980-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was a less than impressive experience at Trio's.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}, {"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 14, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "086839-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Terrible Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "086839-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One of the worst experiences I've ever had with a auto repair shop.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}, {"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 13, "label": "U"}, {"source": 20, "target": 21, "label": "P"}, {"source": 14, "target": 0, "label": "C"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 10, "label": "E"}, {"source": 20, "target": 8, "label": "R"}, {"source": 21, "target": 12, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 20, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 11, "label": "E"}, {"source": 14, "target": 1, "label": "R"}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 17, "target": 15, "label": "A"}, {"source": 19, "target": 6, "label": "D"}]} +{"id": "086839-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We took our vehicle in for a repair to the air conditioning.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 20, "target": 8, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 19, "label": "C"}, {"source": 19, "target": 18, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 17, "label": "P"}, {"source": 18, "target": 6, "label": "E"}, {"source": 16, "target": 4, "label": "R"}, {"source": 20, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "086839-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Approx 4 months later, the compressor went out.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 9, "label": "D"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 7, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "086839-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We went in for a third visit and they fixed it again, but this time when we picked up the car, the radio and clock did not work.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}, {"from": 58, "to": 62}, {"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 82}, {"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 127, "to": 128}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 32, "target": 8, "label": "P"}, {"source": 37, "target": 21, "label": "N"}, {"source": 32, "target": 9, "label": "A"}, {"source": 30, "target": 5, "label": "C"}, {"source": 31, "target": 6, "label": "N"}, {"source": 33, "target": 34, "label": "A"}, {"source": 37, "target": 20, "label": "C"}, {"source": 32, "target": 10, "label": "D"}, {"source": 33, "target": 14, "label": "A"}, {"source": 28, "target": 13, "label": "L"}, {"source": 35, "target": 19, "label": "E"}, {"source": 36, "target": 23, "label": "F"}, {"source": 30, "target": 4, "label": "E"}, {"source": 30, "target": 3, "label": "E"}, {"source": 31, "target": 30, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 28, "target": 12, "label": "L"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 32, "target": 7, "label": "A"}, {"source": 37, "target": 22, "label": "C"}, {"source": 36, "target": 25, "label": "P"}, {"source": 27, "target": 1, "label": "P"}, {"source": 34, "target": 17, "label": "C"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 35, "target": 37, "label": "C"}, {"source": 28, "target": 11, "label": "U"}, {"source": 36, "target": 24, "label": "D"}, {"source": 28, "target": 36, "label": "H"}, {"source": 29, "target": 31, "label": "C"}, {"source": 28, "target": 33, "label": "H"}, {"source": 36, "target": 35, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 15, "label": "P"}, {"source": 29, "target": 2, "label": "R"}, {"source": 34, "target": 16, "label": "E"}]} +{"id": "086839-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So for the 4th time in 5 months and the third time in 2 weeks, we brought the car back again.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 27, "target": 26, "label": "D"}, {"source": 25, "target": 5, "label": "R"}, {"source": 25, "target": 6, "label": "E"}, {"source": 26, "target": 11, "label": "C"}, {"source": 26, "target": 10, "label": "E"}, {"source": 27, "target": 20, "label": "D"}, {"source": 23, "target": 25, "label": "E"}, {"source": 29, "target": 19, "label": "C"}, {"source": 27, "target": 21, "label": "U"}, {"source": 26, "target": 28, "label": "E"}, {"source": 22, "target": 1, "label": "R"}, {"source": 27, "target": 29, "label": "A"}, {"source": 23, "target": 8, "label": "L"}, {"source": 24, "target": 3, "label": "E"}, {"source": 23, "target": 22, "label": "L"}, {"source": 29, "target": 18, "label": "E"}, {"source": 28, "target": 12, "label": "R"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 17, "label": "P"}, {"source": 23, "target": 24, "label": "E"}, {"source": 28, "target": 14, "label": "C"}, {"source": 22, "target": 0, "label": "R"}, {"source": 26, "target": 9, "label": "E"}, {"source": 28, "target": 13, "label": "E"}, {"source": 23, "target": 2, "label": "E"}, {"source": 27, "target": 15, "label": "U"}, {"source": 24, "target": 4, "label": "C"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "086839-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When we expressed our discontent to the manager (that's right, the manager), did he say he would return some money, did he say he would give a discount on our next visit, did he just say \"I'm sorry\".", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 114}]}, {"id": 25, "anchors": [{"from": 114, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 151}]}, {"id": 34, "anchors": [{"from": 152, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 158}]}, {"id": 36, "anchors": [{"from": 159, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 169}]}, {"id": 38, "anchors": [{"from": 169, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 174}]}, {"id": 40, "anchors": [{"from": 175, "to": 177}]}, {"id": 41, "anchors": [{"from": 178, "to": 182}]}, {"id": 42, "anchors": [{"from": 183, "to": 186}]}, {"id": 43, "anchors": [{"from": 187, "to": 188}]}, {"id": 44, "anchors": [{"from": 188, "to": 189}, {"from": 189, "to": 191}, {"from": 192, "to": 197}]}, {"id": 45, "anchors": [{"from": 197, "to": 198}]}, {"id": 46, "anchors": [{"from": 198, "to": 199}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 49, "target": 3, "label": "E"}, {"source": 62, "target": 43, "label": "U"}, {"source": 53, "target": 19, "label": "P"}, {"source": 56, "target": 23, "label": "E"}, {"source": 47, "target": 15, "label": "U"}, {"source": 57, "target": 26, "label": "A"}, {"source": 62, "target": 46, "label": "U"}, {"source": 47, "target": 57, "label": "H"}, {"source": 53, "target": 16, "label": "U"}, {"source": 56, "target": 24, "label": "C"}, {"source": 59, "target": 30, "label": "F"}, {"source": 53, "target": 17, "label": "D"}, {"source": 52, "target": 13, "label": "E"}, {"source": 51, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 33, "label": "C"}, {"source": 53, "target": 18, "label": "A"}, {"source": 49, "target": 4, "label": "C"}, {"source": 62, "target": 42, "label": "P"}, {"source": 57, "target": 27, "label": "A"}, {"source": 48, "target": 2, "label": "P"}, {"source": 58, "target": 61, "label": "A"}, {"source": 47, "target": 38, "label": "U"}, {"source": 48, "target": 1, "label": "A"}, {"source": 59, "target": 31, "label": "C"}, {"source": 47, "target": 62, "label": "H"}, {"source": 61, "target": 37, "label": "C"}, {"source": 58, "target": 59, "label": "P"}, {"source": 51, "target": 9, "label": "F"}, {"source": 48, "target": 49, "label": "A"}, {"source": 62, "target": 44, "label": "A"}, {"source": 61, "target": 34, "label": "R"}, {"source": 62, "target": 41, "label": "D"}, {"source": 62, "target": 45, "label": "U"}, {"source": 50, "target": 5, "label": "R"}, {"source": 51, "target": 11, "label": "S"}, {"source": 57, "target": 28, "label": "P"}, {"source": 47, "target": 48, "label": "H"}, {"source": 47, "target": 0, "label": "L"}, {"source": 58, "target": 29, "label": "A"}, {"source": 61, "target": 36, "label": "E"}, {"source": 53, "target": 54, "label": "A"}, {"source": 54, "target": 56, "label": "A"}, {"source": 58, "target": 60, "label": "A"}, {"source": 51, "target": 10, "label": "F"}, {"source": 62, "target": 40, "label": "A"}, {"source": 54, "target": 55, "label": "P"}, {"source": 47, "target": 53, "label": "H"}, {"source": 50, "target": 51, "label": "E"}, {"source": 50, "target": 7, "label": "C"}, {"source": 55, "target": 21, "label": "F"}, {"source": 53, "target": 52, "label": "A"}, {"source": 60, "target": 32, "label": "E"}, {"source": 62, "target": 39, "label": "F"}, {"source": 54, "target": 20, "label": "A"}, {"source": 57, "target": 58, "label": "A"}, {"source": 50, "target": 6, "label": "E"}, {"source": 50, "target": 8, "label": "U"}, {"source": 48, "target": 50, "label": "A"}, {"source": 61, "target": 35, "label": "E"}, {"source": 47, "target": 12, "label": "U"}, {"source": 47, "target": 25, "label": "U"}, {"source": 55, "target": 22, "label": "C"}, {"source": 52, "target": 14, "label": "C"}]} +{"id": "086839-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nope, none of the above.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 13, "label": "E"}, {"source": 12, "target": 10, "label": "E"}, {"source": 9, "target": 1, "label": "U"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 13, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "086839-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He stood there and told us how he wasn't at fault.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "A"}, {"source": 17, "target": 9, "label": "D"}, {"source": 17, "target": 6, "label": "D"}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 4, "label": "P"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 3, "label": "L"}, {"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 15, "label": "P"}]} +{"id": "086839-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was the fault of the parts supplier, and can we imagine how he felt having to put another 2 hours of work in the car.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "anchors": [{"from": 119, "to": 120}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 34, "target": 15, "label": "P"}, {"source": 28, "target": 1, "label": "S"}, {"source": 36, "target": 17, "label": "F"}, {"source": 31, "target": 5, "label": "E"}, {"source": 34, "target": 14, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 30, "target": 2, "label": "E"}, {"source": 32, "target": 10, "label": "D"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 20, "label": "C"}, {"source": 38, "target": 37, "label": "E"}, {"source": 39, "target": 23, "label": "P"}, {"source": 31, "target": 4, "label": "R"}, {"source": 28, "target": 30, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 34, "target": 13, "label": "F"}, {"source": 31, "target": 7, "label": "C"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 29, "target": 8, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 30, "target": 3, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 35, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 32, "label": "H"}, {"source": 40, "target": 24, "label": "R"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 16, "label": "P"}, {"source": 31, "target": 6, "label": "E"}, {"source": 38, "target": 21, "label": "C"}, {"source": 39, "target": 22, "label": "R"}, {"source": 40, "target": 26, "label": "C"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 19, "label": "E"}, {"source": 29, "target": 9, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 40, "target": 25, "label": "E"}, {"source": 40, "target": 27, "label": "U"}, {"source": 33, "target": 11, "label": "E"}, {"source": 36, "target": 18, "label": "P"}, {"source": 33, "target": 12, "label": "C"}]} +{"id": "086839-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And what did we expect...that he bench test every part.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 2, "label": "P"}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 5, "label": "U"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 8, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 4, "label": "P"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "086839-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "At no time during the conversation did the words, \"I'm sorry\" ever come out of his mouth.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}, {"from": 52, "to": 54}, {"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}, {"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 9, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 11, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 24, "target": 13, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 19, "target": 0, "label": "R"}, {"source": 20, "target": 19, "label": "L"}, {"source": 24, "target": 12, "label": "U"}, {"source": 19, "target": 3, "label": "R"}, {"source": 24, "target": 14, "label": "P"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 7, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 17, "label": "C"}, {"source": 23, "target": 10, "label": "U"}, {"source": 25, "target": 16, "label": "E"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "086839-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I, nor anyone else in my family, will ever go to Sun Devil Auto again.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 13}, {"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}, {"from": 53, "to": 58}, {"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 0, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 7, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "D"}, {"source": 18, "target": 3, "label": "C"}, {"source": 15, "target": 2, "label": "N"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 10, "label": "P"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 17, "target": 13, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 15, "target": 1, "label": "U"}, {"source": 15, "target": 18, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 15, "label": "A"}, {"source": 17, "target": 14, "label": "U"}]} +{"id": "086839-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well, unless of course the third compressor he put in the car goes out.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}, {"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 16, "label": "L"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 17, "target": 5, "label": "E"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 2, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "U"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 17, "label": "D"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "R"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "086914-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful Wonderful People!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "086914-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I refer to VNHH often and love you guys.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 13, "label": "R"}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "N"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 12, "target": 2, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "087176-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A++", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "087176-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are by far the best salon in 50 miles, Trust me I know!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}, {"from": 50, "to": 52}, {"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 14, "target": 17, "label": "D"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 18, "target": 12, "label": "S"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "087368-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Walgreens on University", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "087368-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My pharmacy order is always correct and promptly delivered but the pharmacy staff are always very short with me and don't seem to like answering questions.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 118}]}, {"id": 21, "anchors": [{"from": 118, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 154}]}, {"id": 27, "anchors": [{"from": 154, "to": 155}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 28, "target": 2, "label": "C"}, {"source": 31, "target": 7, "label": "D"}, {"source": 34, "target": 15, "label": "E"}, {"source": 32, "target": 12, "label": "C"}, {"source": 31, "target": 8, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 33, "label": "H"}, {"source": 30, "target": 9, "label": "L"}, {"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 21, "label": "D"}, {"source": 35, "target": 18, "label": "C"}, {"source": 28, "target": 0, "label": "E"}, {"source": 35, "target": 17, "label": "R"}, {"source": 30, "target": 31, "label": "H"}, {"source": 37, "target": 23, "label": "F"}, {"source": 36, "target": 20, "label": "D"}, {"source": 32, "target": 11, "label": "E"}, {"source": 30, "target": 19, "label": "L"}, {"source": 29, "target": 5, "label": "S"}, {"source": 29, "target": 28, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 29, "target": 3, "label": "F"}, {"source": 33, "target": 13, "label": "S"}, {"source": 36, "target": 37, "label": "A"}, {"source": 36, "target": 22, "label": "P"}, {"source": 28, "target": 1, "label": "E"}, {"source": 30, "target": 6, "label": "L"}, {"source": 34, "target": 16, "label": "C"}, {"source": 37, "target": 26, "label": "A"}, {"source": 30, "target": 36, "label": "H"}, {"source": 33, "target": 32, "label": "A"}, {"source": 37, "target": 25, "label": "P"}, {"source": 32, "target": 10, "label": "E"}, {"source": 37, "target": 24, "label": "D"}, {"source": 29, "target": 4, "label": "D"}, {"source": 37, "target": 27, "label": "U"}, {"source": 33, "target": 14, "label": "D"}]} +{"id": "087368-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Clean store, friendly check-out staff up front.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}, {"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 10, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 14, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "087368-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good selection.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "088914-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They did a vehicle wrap for my Toyota Venza that looks amazing.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "D"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "S"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 9, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 17, "label": "E"}]} +{"id": "088914-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They also do banners, billboards and lots more.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 32}, {"from": 33, "to": 36}, {"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 6, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "088954-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A thoroughly comprehensive service; excellent communication and best of they are transparent with their fee (ie nothing is simply implied or assumed).", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 59}]}, {"id": 7, "anchors": [{"from": 60, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 76}]}, {"id": 11, "anchors": [{"from": 77, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 92}]}, {"id": 13, "anchors": [{"from": 93, "to": 97}]}, {"id": 14, "anchors": [{"from": 98, "to": 103}]}, {"id": 15, "anchors": [{"from": 104, "to": 107}]}, {"id": 16, "anchors": [{"from": 108, "to": 109}]}, {"id": 17, "anchors": [{"from": 109, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 122}]}, {"id": 20, "anchors": [{"from": 123, "to": 129}]}, {"id": 21, "anchors": [{"from": 130, "to": 137}]}, {"id": 22, "anchors": [{"from": 138, "to": 140}]}, {"id": 23, "anchors": [{"from": 141, "to": 148}]}, {"id": 24, "anchors": [{"from": 148, "to": 149}]}, {"id": 25, "anchors": [{"from": 149, "to": 150}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 21, "label": "C"}, {"source": 30, "target": 9, "label": "R"}, {"source": 32, "target": 14, "label": "E"}, {"source": 29, "target": 6, "label": "C"}, {"source": 35, "target": 23, "label": "C"}, {"source": 28, "target": 34, "label": "H"}, {"source": 31, "target": 30, "label": "D"}, {"source": 31, "target": 12, "label": "S"}, {"source": 26, "target": 2, "label": "E"}, {"source": 34, "target": 19, "label": "F"}, {"source": 34, "target": 33, "label": "A"}, {"source": 35, "target": 25, "label": "U"}, {"source": 34, "target": 20, "label": "D"}, {"source": 33, "target": 17, "label": "E"}, {"source": 30, "target": 10, "label": "C"}, {"source": 28, "target": 4, "label": "U"}, {"source": 27, "target": 29, "label": "P"}, {"source": 29, "target": 8, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 0, "label": "E"}, {"source": 31, "target": 11, "label": "F"}, {"source": 32, "target": 15, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 26, "target": 3, "label": "C"}, {"source": 28, "target": 16, "label": "U"}, {"source": 32, "target": 13, "label": "R"}, {"source": 35, "target": 24, "label": "U"}, {"source": 26, "target": 1, "label": "E"}, {"source": 29, "target": 7, "label": "N"}, {"source": 33, "target": 18, "label": "C"}, {"source": 34, "target": 35, "label": "P"}, {"source": 35, "target": 22, "label": "N"}, {"source": 27, "target": 31, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 5, "label": "D"}]} +{"id": "089136-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AWESOME food!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "089136-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Make sure to put OILY sauces on your food to make it moist!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 52}, {"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 8, "label": "F"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "D"}, {"source": 12, "target": 11, "label": "P"}, {"source": 17, "target": 9, "label": "P"}, {"source": 14, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 17, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 11, "target": 0, "label": "P"}]} +{"id": "089136-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "YUM", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "090136-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "simple but perfect", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 0, "label": "P"}, {"source": 5, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "L"}, {"source": 4, "target": 3, "label": "H"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "090136-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "IF you want flashy fancy food stacked high with lots of fussy garnishes, this is not the place for you.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 28, "target": 14, "label": "A"}, {"source": 23, "target": 2, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 30, "target": 20, "label": "C"}, {"source": 25, "target": 4, "label": "E"}, {"source": 29, "target": 18, "label": "C"}, {"source": 23, "target": 1, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 16, "label": "D"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 6, "label": "S"}, {"source": 26, "target": 8, "label": "R"}, {"source": 30, "target": 19, "label": "R"}, {"source": 27, "target": 10, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 7, "label": "D"}, {"source": 28, "target": 15, "label": "S"}, {"source": 30, "target": 21, "label": "U"}, {"source": 24, "target": 3, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 26, "target": 12, "label": "C"}, {"source": 22, "target": 13, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 9, "label": "C"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "090136-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want perfectly executed simple dishes that feature a few exquisite ingredients, you'll love Vetri.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 85}]}, {"id": 13, "anchors": [{"from": 85, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 90}]}, {"id": 15, "anchors": [{"from": 90, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 104}]}, {"id": 18, "anchors": [{"from": 104, "to": 105}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 24, "label": "H"}, {"source": 24, "target": 14, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 25, "target": 15, "label": "E"}, {"source": 20, "target": 1, "label": "A"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 13, "label": "U"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 17, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 3, "label": "D"}, {"source": 20, "target": 4, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 7, "label": "F"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 8, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 2, "label": "D"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "090136-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hands-down the best pasta and gnocchi I've ever eaten (and I've eaten a lot).", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}, {"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}, {"from": 70, "to": 71}, {"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 13, "label": "N"}, {"source": 18, "target": 2, "label": "D"}, {"source": 24, "target": 25, "label": "C"}, {"source": 21, "target": 5, "label": "C"}, {"source": 20, "target": 22, "label": "C"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 18, "target": 1, "label": "U"}, {"source": 24, "target": 12, "label": "U"}, {"source": 23, "target": 8, "label": "E"}, {"source": 25, "target": 15, "label": "P"}, {"source": 22, "target": 10, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 6, "label": "N"}, {"source": 20, "target": 18, "label": "C"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 17, "label": "U"}]} +{"id": "090136-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The antipasti were amazing, the wines were mind-blowing, the service couldn't have been better.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}, {"from": 48, "to": 55}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 23, "target": 9, "label": "U"}, {"source": 25, "target": 13, "label": "D"}, {"source": 23, "target": 7, "label": "F"}, {"source": 25, "target": 14, "label": "D"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 19, "target": 0, "label": "E"}, {"source": 23, "target": 8, "label": "P"}, {"source": 25, "target": 17, "label": "S"}, {"source": 20, "target": 3, "label": "S"}, {"source": 21, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "U"}, {"source": 22, "target": 5, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 25, "target": 16, "label": "F"}, {"source": 25, "target": 24, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "090136-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've dined at lots of high-end restaurants and I've never before felt my money was so well spent.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}, {"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 6, "label": "U"}, {"source": 23, "target": 2, "label": "R"}, {"source": 24, "target": 4, "label": "R"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 18, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 10, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 26, "target": 11, "label": "D"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 12, "label": "D"}, {"source": 28, "target": 29, "label": "D"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 9, "label": "L"}, {"source": 26, "target": 13, "label": "P"}, {"source": 28, "target": 19, "label": "S"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 28, "target": 27, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 25, "target": 7, "label": "E"}, {"source": 27, "target": 14, "label": "E"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "090390-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "this is not where the Blue Water Bridge Duty Free is located.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 11, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 10, "label": "D"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 9, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}, {"source": 13, "target": 1, "label": "S"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "090390-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is, surprisingly, near the Blue Water Bridges, some miles to the west of this location.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}, {"from": 35, "to": 40}, {"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "U"}, {"source": 19, "target": 12, "label": "E"}, {"source": 23, "target": 15, "label": "E"}, {"source": 19, "target": 22, "label": "E"}, {"source": 19, "target": 23, "label": "E"}, {"source": 19, "target": 13, "label": "C"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "R"}, {"source": 19, "target": 8, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 11, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 2, "label": "U"}, {"source": 20, "target": 3, "label": "D"}, {"source": 18, "target": 1, "label": "S"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "090643-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Outstanding service & quality at a very affordable price!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 14, "label": "D"}, {"source": 11, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "090643-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is top notch and highly affordable!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 12, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 14, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "090643-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend it hands down and am a loyal customer.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 17, "target": 7, "label": "S"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 16, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 17, "label": "H"}, {"source": 18, "target": 9, "label": "E"}, {"source": 15, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "C"}, {"source": 12, "target": 14, "label": "P"}, {"source": 13, "target": 6, "label": "L"}, {"source": 16, "target": 5, "label": "E"}, {"source": 12, "target": 15, "label": "A"}]} +{"id": "090643-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've also sent over a number of friends to use the services here and everyone is extraordinarily pleased!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 104}]}, {"id": 18, "anchors": [{"from": 104, "to": 105}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 0, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "R"}, {"source": 25, "target": 13, "label": "N"}, {"source": 22, "target": 6, "label": "R"}, {"source": 25, "target": 12, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 7, "label": "C"}, {"source": 25, "target": 11, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 20, "target": 1, "label": "D"}, {"source": 23, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 15, "label": "F"}, {"source": 23, "target": 16, "label": "D"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 20, "target": 2, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 24, "target": 10, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 9, "label": "P"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "090643-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks for doing such great work on my important pieces of clothing that always look great!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "F"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 10, "label": "R"}, {"source": 22, "target": 6, "label": "R"}, {"source": 25, "target": 16, "label": "U"}, {"source": 22, "target": 8, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 13, "label": "D"}, {"source": 22, "target": 24, "label": "E"}, {"source": 24, "target": 12, "label": "R"}, {"source": 19, "target": 0, "label": "C"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 4, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 2, "label": "P"}, {"source": 24, "target": 25, "label": "S"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 1, "label": "R"}, {"source": 23, "target": 11, "label": "C"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 3, "label": "E"}]} +{"id": "091704-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oil Change Disaster", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "091704-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My wife had taken her '07 Ford Fusion in for a routine oil change.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 30}, {"from": 31, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 9, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 6, "label": "R"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "091704-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A couple days after the oil change, the engine ran rough, the low oil pressure light would come on sporadically, and the engine would whir loudly.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}, {"from": 96, "to": 98}, {"from": 99, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 145}]}, {"id": 27, "anchors": [{"from": 145, "to": 146}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 23, "label": "C"}, {"source": 29, "target": 32, "label": "A"}, {"source": 31, "target": 3, "label": "R"}, {"source": 32, "target": 31, "label": "R"}, {"source": 41, "target": 22, "label": "E"}, {"source": 42, "target": 43, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 33, "target": 6, "label": "C"}, {"source": 40, "target": 19, "label": "C"}, {"source": 39, "target": 15, "label": "C"}, {"source": 37, "target": 16, "label": "C"}, {"source": 42, "target": 26, "label": "D"}, {"source": 28, "target": 0, "label": "E"}, {"source": 35, "target": 10, "label": "P"}, {"source": 30, "target": 21, "label": "L"}, {"source": 30, "target": 35, "label": "H"}, {"source": 42, "target": 27, "label": "U"}, {"source": 31, "target": 2, "label": "C"}, {"source": 36, "target": 12, "label": "U"}, {"source": 30, "target": 20, "label": "U"}, {"source": 43, "target": 24, "label": "F"}, {"source": 37, "target": 39, "label": "E"}, {"source": 43, "target": 25, "label": "C"}, {"source": 36, "target": 11, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 40, "target": 18, "label": "F"}, {"source": 30, "target": 7, "label": "U"}, {"source": 35, "target": 34, "label": "A"}, {"source": 33, "target": 5, "label": "E"}, {"source": 34, "target": 8, "label": "E"}, {"source": 28, "target": 1, "label": "C"}, {"source": 37, "target": 17, "label": "E"}, {"source": 42, "target": 41, "label": "A"}, {"source": 38, "target": 40, "label": "P"}, {"source": 37, "target": 13, "label": "E"}, {"source": 33, "target": 4, "label": "E"}, {"source": 34, "target": 9, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 36, "target": 38, "label": "E"}, {"source": 39, "target": 14, "label": "E"}, {"source": 30, "target": 42, "label": "H"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "091704-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Turns out the engine had no oil, and when oil was put it, it would just run out of the filter.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 28, "target": 17, "label": "C"}, {"source": 24, "target": 13, "label": "U"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "H"}, {"source": 27, "target": 28, "label": "P"}, {"source": 25, "target": 1, "label": "E"}, {"source": 25, "target": 2, "label": "C"}, {"source": 28, "target": 15, "label": "F"}, {"source": 23, "target": 0, "label": "P"}, {"source": 24, "target": 8, "label": "L"}, {"source": 27, "target": 16, "label": "D"}, {"source": 29, "target": 18, "label": "C"}, {"source": 30, "target": 22, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 14, "label": "A"}, {"source": 30, "target": 20, "label": "E"}, {"source": 26, "target": 11, "label": "D"}, {"source": 26, "target": 12, "label": "S"}, {"source": 30, "target": 29, "label": "R"}, {"source": 29, "target": 19, "label": "R"}, {"source": 26, "target": 9, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 4, "label": "D"}, {"source": 26, "target": 10, "label": "F"}, {"source": 27, "target": 30, "label": "A"}, {"source": 24, "target": 7, "label": "L"}, {"source": 24, "target": 6, "label": "U"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 3, "label": "F"}]} +{"id": "091704-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There could have (hopefully doesn't have) major damage to the engine.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 5, "label": "F"}, {"source": 16, "target": 20, "label": "A"}, {"source": 19, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "D"}, {"source": 16, "target": 3, "label": "U"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 8, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 17, "target": 2, "label": "C"}, {"source": 16, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 4, "label": "D"}, {"source": 20, "target": 14, "label": "U"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "091704-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All of this started after their oil change.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 11, "label": "H"}, {"source": 10, "target": 9, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 9, "target": 0, "label": "C"}, {"source": 11, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "R"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "091704-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once they realized their mistake they sent a mechanic and tow truck to my wife's work and towed it back to fix it.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 6, "label": "P"}, {"source": 35, "target": 21, "label": "F"}, {"source": 32, "target": 16, "label": "C"}, {"source": 35, "target": 22, "label": "P"}, {"source": 30, "target": 31, "label": "C"}, {"source": 25, "target": 34, "label": "H"}, {"source": 31, "target": 10, "label": "E"}, {"source": 25, "target": 17, "label": "L"}, {"source": 32, "target": 12, "label": "R"}, {"source": 34, "target": 20, "label": "D"}, {"source": 30, "target": 29, "label": "C"}, {"source": 34, "target": 18, "label": "P"}, {"source": 30, "target": 9, "label": "N"}, {"source": 31, "target": 11, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 35, "target": 23, "label": "A"}, {"source": 28, "target": 5, "label": "A"}, {"source": 25, "target": 26, "label": "H"}, {"source": 25, "target": 0, "label": "L"}, {"source": 27, "target": 4, "label": "C"}, {"source": 26, "target": 1, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 33, "target": 14, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 8, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 32, "label": "A"}, {"source": 29, "target": 7, "label": "E"}, {"source": 27, "target": 3, "label": "E"}, {"source": 35, "target": 24, "label": "U"}, {"source": 33, "target": 15, "label": "R"}, {"source": 33, "target": 13, "label": "E"}, {"source": 34, "target": 19, "label": "A"}]} +{"id": "091704-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would not recommend this shop for anything, not even something as simple as an oil change.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 25, "target": 9, "label": "R"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 20, "target": 21, "label": "P"}, {"source": 27, "target": 14, "label": "R"}, {"source": 24, "target": 6, "label": "R"}, {"source": 25, "target": 26, "label": "E"}, {"source": 21, "target": 1, "label": "F"}, {"source": 23, "target": 25, "label": "E"}, {"source": 25, "target": 11, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 23, "target": 8, "label": "U"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 13, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 23, "target": 22, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 7, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "091704-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Plus they will overcharge you for just about everything, and smile while doing it.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 7, "label": "R"}, {"source": 21, "target": 13, "label": "P"}, {"source": 17, "target": 3, "label": "P"}, {"source": 20, "target": 11, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "L"}, {"source": 21, "target": 14, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 4, "label": "A"}, {"source": 18, "target": 5, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 16, "target": 10, "label": "L"}, {"source": 16, "target": 9, "label": "U"}, {"source": 16, "target": 12, "label": "L"}]} +{"id": "093655-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HORRIBLE SERVICE AND FOOD", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "H"}, {"source": 5, "target": 2, "label": "L"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 1, "label": "U"}, {"source": 5, "target": 4, "label": "A"}]} +{"id": "093655-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "not only is this place too expensive for what it is, its horrible!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 12, "label": "A"}, {"source": 21, "target": 13, "label": "P"}, {"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "C"}, {"source": 16, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 19, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 20, "target": 10, "label": "S"}, {"source": 20, "target": 8, "label": "F"}, {"source": 21, "target": 14, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "R"}, {"source": 20, "target": 9, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 16, "target": 0, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 18, "label": "S"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "093655-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In the past, I got a steak and there was more fat and rough pieces than there was good steak (and this was the sirloin!), the sides were drenched with butter and the salad was a little on the brown side.", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 118}]}, {"id": 27, "anchors": [{"from": 118, "to": 119}]}, {"id": 28, "anchors": [{"from": 119, "to": 120}]}, {"id": 29, "anchors": [{"from": 120, "to": 121}]}, {"id": 30, "anchors": [{"from": 122, "to": 125}]}, {"id": 31, "anchors": [{"from": 126, "to": 131}]}, {"id": 32, "anchors": [{"from": 132, "to": 136}]}, {"id": 33, "anchors": [{"from": 137, "to": 145}]}, {"id": 34, "anchors": [{"from": 146, "to": 150}]}, {"id": 35, "anchors": [{"from": 151, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 161}]}, {"id": 37, "anchors": [{"from": 162, "to": 165}]}, {"id": 38, "anchors": [{"from": 166, "to": 171}]}, {"id": 39, "anchors": [{"from": 172, "to": 175}]}, {"id": 40, "anchors": [{"from": 176, "to": 177}]}, {"id": 41, "anchors": [{"from": 178, "to": 184}]}, {"id": 42, "anchors": [{"from": 185, "to": 187}]}, {"id": 43, "anchors": [{"from": 188, "to": 191}]}, {"id": 44, "anchors": [{"from": 192, "to": 197}]}, {"id": 45, "anchors": [{"from": 198, "to": 202}]}, {"id": 46, "anchors": [{"from": 202, "to": 203}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 65, "target": 41, "label": "C"}, {"source": 48, "target": 4, "label": "A"}, {"source": 51, "target": 10, "label": "S"}, {"source": 55, "target": 18, "label": "F"}, {"source": 53, "target": 52, "label": "C"}, {"source": 56, "target": 20, "label": "C"}, {"source": 58, "target": 24, "label": "S"}, {"source": 58, "target": 59, "label": "A"}, {"source": 49, "target": 51, "label": "H"}, {"source": 47, "target": 1, "label": "E"}, {"source": 49, "target": 61, "label": "H"}, {"source": 48, "target": 50, "label": "S"}, {"source": 54, "target": 15, "label": "C"}, {"source": 64, "target": 38, "label": "C"}, {"source": 66, "target": 42, "label": "R"}, {"source": 59, "target": 26, "label": "C"}, {"source": 48, "target": 5, "label": "D"}, {"source": 51, "target": 55, "label": "A"}, {"source": 60, "target": 30, "label": "E"}, {"source": 66, "target": 46, "label": "U"}, {"source": 47, "target": 0, "label": "R"}, {"source": 53, "target": 54, "label": "C"}, {"source": 51, "target": 9, "label": "F"}, {"source": 60, "target": 31, "label": "C"}, {"source": 56, "target": 19, "label": "E"}, {"source": 49, "target": 16, "label": "L"}, {"source": 63, "target": 64, "label": "C"}, {"source": 48, "target": 3, "label": "U"}, {"source": 61, "target": 65, "label": "D"}, {"source": 62, "target": 34, "label": "R"}, {"source": 54, "target": 14, "label": "E"}, {"source": 55, "target": 57, "label": "S"}, {"source": 66, "target": 43, "label": "E"}, {"source": 53, "target": 13, "label": "N"}, {"source": 63, "target": 35, "label": "C"}, {"source": 49, "target": 8, "label": "L"}, {"source": 57, "target": 58, "label": "C"}, {"source": 49, "target": 27, "label": "U"}, {"source": 61, "target": 33, "label": "S"}, {"source": 51, "target": 53, "label": "A"}, {"source": 49, "target": 29, "label": "U"}, {"source": 57, "target": 22, "label": "N"}, {"source": 49, "target": 48, "label": "H"}, {"source": 58, "target": 23, "label": "E"}, {"source": 61, "target": 62, "label": "A"}, {"source": 50, "target": 7, "label": "C"}, {"source": 52, "target": 12, "label": "C"}, {"source": 63, "target": 36, "label": "N"}, {"source": 52, "target": 11, "label": "E"}, {"source": 62, "target": 63, "label": "C"}, {"source": 59, "target": 25, "label": "E"}, {"source": 55, "target": 17, "label": "F"}, {"source": 57, "target": 56, "label": "C"}, {"source": 65, "target": 40, "label": "E"}, {"source": 50, "target": 6, "label": "E"}, {"source": 61, "target": 66, "label": "A"}, {"source": 61, "target": 39, "label": "F"}, {"source": 57, "target": 21, "label": "U"}, {"source": 66, "target": 44, "label": "E"}, {"source": 64, "target": 37, "label": "E"}, {"source": 47, "target": 2, "label": "C"}, {"source": 49, "target": 28, "label": "U"}, {"source": 61, "target": 32, "label": "F"}, {"source": 66, "target": 45, "label": "C"}, {"source": 61, "target": 60, "label": "A"}, {"source": 48, "target": 47, "label": "D"}]} +{"id": "093655-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Today we went for a party (during lunch, so the place was empty) with about 25 other people.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}, {"from": 79, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 9, "label": "U"}, {"source": 25, "target": 7, "label": "R"}, {"source": 21, "target": 0, "label": "E"}, {"source": 28, "target": 16, "label": "R"}, {"source": 27, "target": 14, "label": "S"}, {"source": 21, "target": 1, "label": "C"}, {"source": 28, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 18, "label": "E"}, {"source": 23, "target": 10, "label": "L"}, {"source": 25, "target": 8, "label": "C"}, {"source": 22, "target": 24, "label": "P"}, {"source": 24, "target": 3, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 20, "label": "U"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 22, "target": 6, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 27, "target": 13, "label": "F"}, {"source": 26, "target": 12, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 15, "label": "U"}, {"source": 24, "target": 4, "label": "E"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "093655-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It took over 1.5 hours for our food to come out and by that time my 8 month old had it!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}, {"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 86, "to": 87}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 14, "label": "A"}, {"source": 28, "target": 18, "label": "S"}, {"source": 29, "target": 17, "label": "C"}, {"source": 29, "target": 16, "label": "E"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 22, "target": 28, "label": "H"}, {"source": 24, "target": 25, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 28, "target": 19, "label": "A"}, {"source": 27, "target": 11, "label": "R"}, {"source": 25, "target": 6, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 27, "target": 12, "label": "E"}, {"source": 25, "target": 8, "label": "F"}, {"source": 21, "target": 23, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 24, "target": 5, "label": "R"}, {"source": 25, "target": 26, "label": "P"}, {"source": 27, "target": 13, "label": "C"}, {"source": 26, "target": 7, "label": "E"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 9, "label": "C"}, {"source": 23, "target": 2, "label": "E"}, {"source": 29, "target": 15, "label": "E"}, {"source": 28, "target": 27, "label": "D"}]} +{"id": "093655-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Does it seriously take that long for a soup and salad?", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 14, "label": "D"}, {"source": 16, "target": 7, "label": "E"}, {"source": 17, "target": 9, "label": "N"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 17, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "093655-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was a waitress for years and a key rule is to serve customers with small children before others, as I was the last to get my food.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 131}]}, {"id": 29, "anchors": [{"from": 131, "to": 132}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 37, "target": 15, "label": "E"}, {"source": 39, "target": 22, "label": "F"}, {"source": 32, "target": 34, "label": "E"}, {"source": 36, "target": 10, "label": "F"}, {"source": 38, "target": 18, "label": "C"}, {"source": 33, "target": 32, "label": "C"}, {"source": 31, "target": 19, "label": "U"}, {"source": 31, "target": 20, "label": "L"}, {"source": 33, "target": 35, "label": "C"}, {"source": 40, "target": 23, "label": "E"}, {"source": 35, "target": 7, "label": "E"}, {"source": 37, "target": 16, "label": "C"}, {"source": 39, "target": 25, "label": "F"}, {"source": 37, "target": 14, "label": "R"}, {"source": 41, "target": 29, "label": "U"}, {"source": 30, "target": 36, "label": "A"}, {"source": 33, "target": 6, "label": "N"}, {"source": 36, "target": 11, "label": "F"}, {"source": 30, "target": 1, "label": "S"}, {"source": 36, "target": 38, "label": "A"}, {"source": 30, "target": 33, "label": "A"}, {"source": 41, "target": 27, "label": "E"}, {"source": 36, "target": 13, "label": "A"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 12, "label": "D"}, {"source": 32, "target": 3, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 38, "target": 17, "label": "R"}, {"source": 39, "target": 40, "label": "D"}, {"source": 35, "target": 9, "label": "C"}, {"source": 41, "target": 28, "label": "C"}, {"source": 41, "target": 26, "label": "F"}, {"source": 36, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 39, "label": "H"}, {"source": 39, "target": 41, "label": "P"}, {"source": 32, "target": 2, "label": "E"}, {"source": 34, "target": 5, "label": "C"}, {"source": 39, "target": 21, "label": "A"}, {"source": 34, "target": 4, "label": "R"}, {"source": 35, "target": 8, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 40, "target": 24, "label": "C"}]} +{"id": "093655-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would NOT recommend having a party here or even going here.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}, {"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 15, "target": 16, "label": "P"}, {"source": 13, "target": 17, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "D"}, {"source": 15, "target": 7, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 10, "label": "P"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 8, "label": "L"}, {"source": 12, "target": 14, "label": "P"}, {"source": 16, "target": 5, "label": "E"}, {"source": 12, "target": 15, "label": "A"}]} +{"id": "093655-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Texas Roadhouse is WAY better!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "094189-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Needs to go out of business", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}, {"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 7, "target": 4, "label": "E"}]} +{"id": "094189-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They close whenever they feel like it, often well before their listed closing time.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}, {"from": 45, "to": 49}, {"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 82}]}, {"id": 13, "anchors": [{"from": 82, "to": 83}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "E"}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 4, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 18, "label": "A"}, {"source": 17, "target": 3, "label": "C"}, {"source": 14, "target": 1, "label": "S"}, {"source": 18, "target": 5, "label": "R"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "U"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "094189-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their store is dusty, dirty and feels like you're stepping into the 1970s.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 19, "target": 4, "label": "U"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "E"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 22, "target": 12, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 9, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 7, "label": "S"}, {"source": 22, "target": 13, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "S"}]} +{"id": "094189-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They don't take coupons.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "094189-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have a credit card minimum.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "094189-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is the opposite of QuikTrip: crappy in every way.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "R"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "U"}, {"source": 18, "target": 8, "label": "S"}, {"source": 18, "target": 19, "label": "D"}, {"source": 14, "target": 2, "label": "S"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 0, "label": "E"}, {"source": 19, "target": 10, "label": "E"}, {"source": 16, "target": 3, "label": "E"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "094621-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Disatisfied customer, I went through Kitchen Aid and used one of their recommended vendors.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 20}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 90}]}, {"id": 15, "anchors": [{"from": 90, "to": 91}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 8, "label": "L"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 3, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 24, "target": 23, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 23, "target": 22, "label": "E"}, {"source": 22, "target": 11, "label": "R"}, {"source": 24, "target": 14, "label": "C"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "E"}, {"source": 17, "target": 2, "label": "U"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 15, "label": "U"}, {"source": 19, "target": 4, "label": "P"}, {"source": 21, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "E"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "094621-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A&E came out, charged $129 fee just to walk in the door.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 55, "to": 56}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 7, "label": "C"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 20, "target": 8, "label": "D"}, {"source": 16, "target": 3, "label": "U"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "F"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 5, "label": "U"}, {"source": 21, "target": 11, "label": "R"}, {"source": 15, "target": 17, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 2, "label": "E"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "094621-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I needed a part for my appliance, the cost was very high so I said never mind, paid the fee and called a local business for a second quote.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 104}]}, {"id": 25, "anchors": [{"from": 105, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 138}]}, {"id": 31, "anchors": [{"from": 138, "to": 139}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 33, "target": 13, "label": "L"}, {"source": 43, "target": 30, "label": "C"}, {"source": 37, "target": 12, "label": "P"}, {"source": 38, "target": 14, "label": "A"}, {"source": 43, "target": 28, "label": "E"}, {"source": 42, "target": 24, "label": "E"}, {"source": 32, "target": 1, "label": "S"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 41, "target": 23, "label": "P"}, {"source": 34, "target": 2, "label": "E"}, {"source": 33, "target": 37, "label": "H"}, {"source": 34, "target": 3, "label": "C"}, {"source": 42, "target": 26, "label": "C"}, {"source": 38, "target": 15, "label": "P"}, {"source": 36, "target": 8, "label": "E"}, {"source": 42, "target": 25, "label": "E"}, {"source": 43, "target": 27, "label": "R"}, {"source": 33, "target": 7, "label": "U"}, {"source": 33, "target": 18, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 39, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 4, "label": "R"}, {"source": 33, "target": 39, "label": "H"}, {"source": 37, "target": 36, "label": "A"}, {"source": 38, "target": 16, "label": "D"}, {"source": 35, "target": 6, "label": "C"}, {"source": 33, "target": 22, "label": "L"}, {"source": 39, "target": 19, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 29, "label": "E"}, {"source": 37, "target": 10, "label": "F"}, {"source": 36, "target": 9, "label": "C"}, {"source": 33, "target": 38, "label": "H"}, {"source": 41, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 31, "label": "U"}, {"source": 41, "target": 43, "label": "A"}, {"source": 32, "target": 0, "label": "A"}, {"source": 37, "target": 11, "label": "D"}, {"source": 40, "target": 20, "label": "E"}, {"source": 38, "target": 17, "label": "A"}, {"source": 40, "target": 21, "label": "C"}, {"source": 32, "target": 35, "label": "A"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "094621-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The second vendor charged $55 (less than half of what A&E charges) to come and applied that to the price of the repair service (which A&E does not).", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 146, "to": 147}]}, {"id": 33, "anchors": [{"from": 147, "to": 148}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 41, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 43, "label": "H"}, {"source": 44, "target": 22, "label": "C"}, {"source": 43, "target": 19, "label": "F"}, {"source": 43, "target": 44, "label": "A"}, {"source": 44, "target": 21, "label": "E"}, {"source": 39, "target": 9, "label": "C"}, {"source": 40, "target": 13, "label": "P"}, {"source": 38, "target": 8, "label": "R"}, {"source": 40, "target": 12, "label": "E"}, {"source": 36, "target": 41, "label": "H"}, {"source": 37, "target": 5, "label": "C"}, {"source": 42, "target": 16, "label": "C"}, {"source": 46, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 23, "label": "R"}, {"source": 36, "target": 14, "label": "U"}, {"source": 45, "target": 46, "label": "E"}, {"source": 44, "target": 20, "label": "R"}, {"source": 43, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 37, "label": "A"}, {"source": 35, "target": 3, "label": "P"}, {"source": 35, "target": 4, "label": "U"}, {"source": 46, "target": 31, "label": "D"}, {"source": 46, "target": 28, "label": "F"}, {"source": 37, "target": 39, "label": "E"}, {"source": 45, "target": 26, "label": "C"}, {"source": 45, "target": 27, "label": "U"}, {"source": 42, "target": 17, "label": "N"}, {"source": 39, "target": 10, "label": "R"}, {"source": 34, "target": 0, "label": "E"}, {"source": 35, "target": 34, "label": "A"}, {"source": 46, "target": 32, "label": "U"}, {"source": 39, "target": 38, "label": "E"}, {"source": 38, "target": 7, "label": "C"}, {"source": 46, "target": 29, "label": "A"}, {"source": 34, "target": 2, "label": "C"}, {"source": 44, "target": 45, "label": "E"}, {"source": 46, "target": 30, "label": "S"}, {"source": 40, "target": 11, "label": "F"}, {"source": 34, "target": 1, "label": "E"}, {"source": 45, "target": 25, "label": "E"}, {"source": 37, "target": 40, "label": "E"}, {"source": 36, "target": 15, "label": "L"}, {"source": 37, "target": 6, "label": "U"}, {"source": 42, "target": 18, "label": "C"}, {"source": 36, "target": 35, "label": "H"}, {"source": 46, "target": 33, "label": "U"}, {"source": 41, "target": 42, "label": "P"}, {"source": 45, "target": 24, "label": "E"}]} +{"id": "094621-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their quote came in at half the price of A&E for the same work and same part.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 17, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 22, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 13, "label": "N"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 19, "target": 20, "label": "D"}, {"source": 23, "target": 24, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 20, "target": 3, "label": "R"}, {"source": 19, "target": 2, "label": "P"}, {"source": 21, "target": 7, "label": "R"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "094621-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Seems to me like A&E charges way more than necessary!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 3, "label": "R"}, {"source": 15, "target": 8, "label": "F"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "094621-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very disappointed in Kitchen Aid as well, I thought that they pre-screened their vendors for price and quality of work, obviously they do not!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 28}, {"from": 29, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 35}, {"from": 36, "to": 40}]}, {"id": 4, "anchors": [{"from": 40, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 74}]}, {"id": 10, "anchors": [{"from": 75, "to": 80}]}, {"id": 11, "anchors": [{"from": 81, "to": 88}]}, {"id": 12, "anchors": [{"from": 89, "to": 92}]}, {"id": 13, "anchors": [{"from": 93, "to": 98}]}, {"id": 14, "anchors": [{"from": 99, "to": 102}]}, {"id": 15, "anchors": [{"from": 103, "to": 110}]}, {"id": 16, "anchors": [{"from": 111, "to": 113}]}, {"id": 17, "anchors": [{"from": 114, "to": 118}]}, {"id": 18, "anchors": [{"from": 118, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 129}]}, {"id": 20, "anchors": [{"from": 130, "to": 134}]}, {"id": 21, "anchors": [{"from": 135, "to": 137}]}, {"id": 22, "anchors": [{"from": 138, "to": 141}]}, {"id": 23, "anchors": [{"from": 141, "to": 142}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 24, "target": 0, "label": "L"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 2, "label": "C"}, {"source": 33, "target": 17, "label": "C"}, {"source": 27, "target": 5, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 30, "target": 31, "label": "C"}, {"source": 24, "target": 19, "label": "L"}, {"source": 31, "target": 13, "label": "C"}, {"source": 33, "target": 16, "label": "R"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 26, "target": 25, "label": "A"}, {"source": 34, "target": 20, "label": "A"}, {"source": 28, "target": 8, "label": "A"}, {"source": 31, "target": 14, "label": "N"}, {"source": 34, "target": 21, "label": "S"}, {"source": 28, "target": 9, "label": "P"}, {"source": 27, "target": 6, "label": "P"}, {"source": 24, "target": 18, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 15, "label": "C"}, {"source": 24, "target": 4, "label": "U"}, {"source": 34, "target": 22, "label": "D"}, {"source": 29, "target": 11, "label": "C"}, {"source": 26, "target": 3, "label": "D"}, {"source": 25, "target": 1, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 7, "label": "F"}, {"source": 29, "target": 10, "label": "E"}, {"source": 24, "target": 34, "label": "H"}, {"source": 30, "target": 12, "label": "R"}]} +{"id": "095040-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Extremely helpful and professional", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 34}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "N"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 4, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 0, "label": "E"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "095040-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As first-time home buyers, my husband and I found Stephanie Fairchild at Prudential Steamboat Realty, extremely helpful.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 59}, {"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 83}, {"from": 84, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 100}]}, {"id": 16, "anchors": [{"from": 100, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 119}]}, {"id": 19, "anchors": [{"from": 119, "to": 120}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 15, "label": "C"}, {"source": 24, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 12, "label": "A"}, {"source": 25, "target": 10, "label": "C"}, {"source": 26, "target": 11, "label": "P"}, {"source": 25, "target": 24, "label": "C"}, {"source": 20, "target": 4, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 20, "target": 0, "label": "R"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 1, "label": "E"}, {"source": 28, "target": 18, "label": "C"}, {"source": 26, "target": 25, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 22, "target": 20, "label": "A"}, {"source": 27, "target": 16, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 20, "target": 23, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 22, "target": 6, "label": "U"}, {"source": 25, "target": 9, "label": "N"}, {"source": 27, "target": 13, "label": "R"}, {"source": 22, "target": 26, "label": "A"}, {"source": 27, "target": 14, "label": "E"}, {"source": 28, "target": 19, "label": "U"}, {"source": 23, "target": 2, "label": "U"}]} +{"id": "095040-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She worked with us for over a year, helping us find our perfect home.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 2, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 19, "target": 4, "label": "R"}, {"source": 22, "target": 14, "label": "C"}, {"source": 22, "target": 13, "label": "E"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 8, "label": "U"}, {"source": 16, "target": 19, "label": "D"}]} +{"id": "095040-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stephanie's knowledge of the market and properties in our price range, made us feel secure in our decision to buy when we did.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 125}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 37, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "C"}, {"source": 36, "target": 17, "label": "R"}, {"source": 26, "target": 1, "label": "R"}, {"source": 28, "target": 33, "label": "A"}, {"source": 33, "target": 9, "label": "E"}, {"source": 38, "target": 25, "label": "U"}, {"source": 33, "target": 10, "label": "E"}, {"source": 32, "target": 6, "label": "N"}, {"source": 31, "target": 5, "label": "C"}, {"source": 32, "target": 7, "label": "C"}, {"source": 27, "target": 2, "label": "P"}, {"source": 32, "target": 31, "label": "C"}, {"source": 33, "target": 11, "label": "C"}, {"source": 29, "target": 38, "label": "H"}, {"source": 29, "target": 22, "label": "L"}, {"source": 37, "target": 20, "label": "F"}, {"source": 34, "target": 13, "label": "F"}, {"source": 38, "target": 23, "label": "A"}, {"source": 29, "target": 34, "label": "H"}, {"source": 30, "target": 32, "label": "C"}, {"source": 33, "target": 8, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 35, "target": 14, "label": "A"}, {"source": 31, "target": 4, "label": "E"}, {"source": 30, "target": 3, "label": "R"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 37, "target": 21, "label": "P"}, {"source": 27, "target": 30, "label": "A"}, {"source": 36, "target": 18, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 19, "label": "C"}, {"source": 29, "target": 12, "label": "U"}, {"source": 36, "target": 37, "label": "E"}, {"source": 35, "target": 15, "label": "G"}, {"source": 38, "target": 24, "label": "S"}, {"source": 35, "target": 16, "label": "S"}]} +{"id": "095040-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We would highly recommend Stephanie to anyone looking for a home in the Yampa Valley.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 84, "to": 85}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 1, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 3, "label": "C"}, {"source": 22, "target": 11, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 10, "label": "C"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 4, "label": "A"}, {"source": 20, "target": 7, "label": "P"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 17, "target": 18, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "D"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "095040-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We appreciated her patience, knowledge and kindness!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 11, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 13, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "095523-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "GREAT SERVICE AND PEOPLE!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 2, "label": "N"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "095523-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Deb Watson is the contact person and she and the rest of the staff were great!!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 21, "label": "E"}, {"source": 17, "target": 13, "label": "F"}, {"source": 17, "target": 23, "label": "A"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 4, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 1, "label": "S"}, {"source": 20, "target": 7, "label": "N"}, {"source": 19, "target": 18, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 22, "label": "C"}, {"source": 19, "target": 5, "label": "N"}, {"source": 23, "target": 14, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 20, "label": "C"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "095523-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She continues to help me when needed even if I have a service question.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 3, "label": "P"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 5, "label": "L"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "P"}, {"source": 14, "target": 2, "label": "F"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 1, "label": "D"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "095523-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Since I'm usually at work late Deb has stayed around to help me out when needed.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}, {"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 17, "target": 0, "label": "L"}, {"source": 19, "target": 7, "label": "C"}, {"source": 18, "target": 2, "label": "P"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "L"}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 13, "label": "A"}, {"source": 20, "target": 12, "label": "P"}, {"source": 20, "target": 11, "label": "F"}, {"source": 17, "target": 9, "label": "H"}, {"source": 21, "target": 15, "label": "S"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "L"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 4, "label": "R"}, {"source": 20, "target": 10, "label": "D"}, {"source": 21, "target": 16, "label": "U"}, {"source": 17, "target": 14, "label": "L"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 1, "label": "A"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "095523-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was after I brought the car!!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "S"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "L"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "P"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "095523-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service does not get any better!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 9, "label": "D"}, {"source": 8, "target": 3, "label": "F"}, {"source": 9, "target": 4, "label": "E"}, {"source": 7, "target": 8, "label": "P"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "096340-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ONe of a few.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 5, "label": "R"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 3, "label": "C"}]} +{"id": "096340-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hancocks is one of four fabric stores in Fort Smith.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "R"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "096340-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have Hobby Lobby, Just for Fun Fabrics, Walmart, and Interior Mall just inside Barling.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}, {"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}, {"from": 26, "to": 29}, {"from": 30, "to": 33}, {"from": 34, "to": 41}]}, {"id": 5, "anchors": [{"from": 41, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 50}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}, {"from": 65, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 89}]}, {"id": 13, "anchors": [{"from": 89, "to": 90}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "U"}, {"source": 17, "target": 13, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 3, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 8, "label": "N"}, {"source": 17, "target": 10, "label": "R"}, {"source": 17, "target": 12, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 11, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 2, "label": "C"}]} +{"id": "096340-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They do have a good selection of fabric and notions.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 15, "target": 8, "label": "N"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "097507-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best meat pies in Canada", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 6, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "P"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "097507-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are looking for authentic British meat pies, then look know further.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 3, "label": "P"}, {"source": 17, "target": 4, "label": "R"}, {"source": 15, "target": 9, "label": "U"}, {"source": 18, "target": 12, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 18, "target": 13, "label": "D"}, {"source": 18, "target": 11, "label": "F"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 1, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 10, "label": "L"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 14, "label": "U"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "097507-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I especially like the Chicken Curry pie.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}, {"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "097507-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good Food.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "097507-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner/baker, \"Pie Guy\" is a hoot to deal with as well.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 21}, {"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 36}]}, {"id": 11, "anchors": [{"from": 37, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 52}]}, {"id": 15, "anchors": [{"from": 53, "to": 57}]}, {"id": 16, "anchors": [{"from": 57, "to": 58}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 18, "target": 17, "label": "E"}, {"source": 23, "target": 11, "label": "F"}, {"source": 18, "target": 4, "label": "U"}, {"source": 21, "target": 1, "label": "C"}, {"source": 25, "target": 16, "label": "U"}, {"source": 23, "target": 12, "label": "P"}, {"source": 21, "target": 2, "label": "U"}, {"source": 18, "target": 5, "label": "U"}, {"source": 22, "target": 9, "label": "E"}, {"source": 17, "target": 21, "label": "C"}, {"source": 25, "target": 14, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 23, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 8, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "097507-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mo", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "097548-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The company gets busy but you never have to wait long because they ARE orginizied, so you are in, out, and paid well for your scrap", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}, {"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 131}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 36, "target": 20, "label": "U"}, {"source": 30, "target": 29, "label": "H"}, {"source": 31, "target": 6, "label": "D"}, {"source": 36, "target": 23, "label": "C"}, {"source": 33, "target": 11, "label": "N"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 7, "label": "F"}, {"source": 33, "target": 10, "label": "C"}, {"source": 31, "target": 8, "label": "F"}, {"source": 37, "target": 27, "label": "E"}, {"source": 28, "target": 0, "label": "E"}, {"source": 30, "target": 31, "label": "H"}, {"source": 30, "target": 35, "label": "H"}, {"source": 35, "target": 37, "label": "A"}, {"source": 34, "target": 12, "label": "E"}, {"source": 32, "target": 9, "label": "C"}, {"source": 35, "target": 24, "label": "D"}, {"source": 29, "target": 28, "label": "A"}, {"source": 31, "target": 5, "label": "A"}, {"source": 30, "target": 16, "label": "L"}, {"source": 36, "target": 21, "label": "U"}, {"source": 29, "target": 2, "label": "D"}, {"source": 35, "target": 18, "label": "S"}, {"source": 34, "target": 13, "label": "E"}, {"source": 28, "target": 1, "label": "C"}, {"source": 36, "target": 19, "label": "R"}, {"source": 29, "target": 3, "label": "P"}, {"source": 37, "target": 25, "label": "R"}, {"source": 34, "target": 14, "label": "C"}, {"source": 36, "target": 22, "label": "N"}, {"source": 37, "target": 26, "label": "E"}, {"source": 30, "target": 4, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 15, "label": "U"}, {"source": 31, "target": 32, "label": "P"}, {"source": 35, "target": 17, "label": "A"}, {"source": 33, "target": 34, "label": "C"}]} +{"id": "099279-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "excellent!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}], "edges": [{"source": 2, "target": 1, "label": "U"}, {"source": 2, "target": 0, "label": "F"}]} +{"id": "099279-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "answered all my questions, and called me back when I needed something.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "A"}, {"source": 14, "target": 0, "label": "P"}, {"source": 15, "target": 14, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 3, "label": "C"}, {"source": 18, "target": 11, "label": "S"}, {"source": 14, "target": 1, "label": "E"}, {"source": 17, "target": 7, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 4, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 6, "label": "P"}, {"source": 17, "target": 8, "label": "D"}, {"source": 17, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "A"}]} +{"id": "099279-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "highly recommended!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "100592-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Top range of bike, cheap prices, excellent a+++", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 8, "label": "P"}, {"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 17, "label": "A"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 11, "label": "E"}, {"source": 17, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 11, "target": 0, "label": "E"}, {"source": 11, "target": 15, "label": "E"}, {"source": 16, "target": 5, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "U"}, {"source": 12, "target": 16, "label": "C"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 7, "label": "U"}]} +{"id": "100592-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "yep they fixeded my thumpstar in 1 day.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "D"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "100592-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it wasent going an had a gear box problem....", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 2, "label": "D"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "100592-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i coldn't find anywere else local to fix it so i took it there and they fixed it for $150...", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}, {"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}, {"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "L"}, {"source": 27, "target": 15, "label": "P"}, {"source": 25, "target": 5, "label": "C"}, {"source": 22, "target": 1, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 27, "label": "H"}, {"source": 23, "target": 7, "label": "F"}, {"source": 24, "target": 26, "label": "H"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 12, "label": "A"}, {"source": 28, "target": 19, "label": "C"}, {"source": 25, "target": 4, "label": "E"}, {"source": 22, "target": 2, "label": "P"}, {"source": 28, "target": 18, "label": "U"}, {"source": 27, "target": 14, "label": "A"}, {"source": 23, "target": 3, "label": "P"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 20, "label": "U"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 6, "label": "D"}, {"source": 26, "target": 11, "label": "A"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 25, "label": "D"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 16, "label": "A"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "101398-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Disappointed", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "101398-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Bad: I was at Napa recently and was unpleasantly surprised at poor waiter svce and subpar food.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 3, "label": "S"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 25, "target": 26, "label": "C"}, {"source": 22, "target": 8, "label": "F"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 17, "label": "C"}, {"source": 19, "target": 2, "label": "A"}, {"source": 25, "target": 24, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 10, "label": "P"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 24, "target": 14, "label": "C"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 6, "label": "L"}, {"source": 23, "target": 25, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 25, "target": 15, "label": "N"}, {"source": 23, "target": 11, "label": "R"}, {"source": 19, "target": 1, "label": "U"}, {"source": 22, "target": 9, "label": "D"}, {"source": 20, "target": 22, "label": "H"}]} +{"id": "101398-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were a party of 4 and none of us were particularly pleased with our dishes.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 6, "label": "N"}, {"source": 24, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 24, "label": "C"}, {"source": 24, "target": 11, "label": "D"}, {"source": 19, "target": 2, "label": "E"}, {"source": 25, "target": 16, "label": "U"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 23, "target": 22, "label": "E"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 18, "target": 19, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 10, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 7, "label": "C"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 8, "label": "R"}, {"source": 20, "target": 4, "label": "R"}, {"source": 24, "target": 12, "label": "S"}]} +{"id": "101398-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Napa is all about wine but gives very short descriptions of the wines on their lists.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 12, "label": "C"}, {"source": 20, "target": 21, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 22, "target": 6, "label": "P"}, {"source": 24, "target": 23, "label": "E"}, {"source": 17, "target": 1, "label": "S"}, {"source": 26, "target": 16, "label": "U"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 26, "target": 13, "label": "R"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 3, "label": "R"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 18, "target": 5, "label": "L"}, {"source": 25, "target": 10, "label": "R"}, {"source": 19, "target": 2, "label": "C"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "101398-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found my initial selection satisfactory but the wine flight we chose to be poorly composed.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 4, "label": "C"}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 2, "label": "E"}, {"source": 22, "target": 10, "label": "A"}, {"source": 20, "target": 3, "label": "E"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 6, "label": "L"}, {"source": 22, "target": 11, "label": "P"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 15, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 12, "label": "F"}, {"source": 23, "target": 14, "label": "D"}]} +{"id": "101398-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you must go ask lots of questions about your selections since your expectations may as high as mine were.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}, {"from": 90, "to": 94}, {"from": 95, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 3, "label": "F"}, {"source": 19, "target": 11, "label": "L"}, {"source": 20, "target": 21, "label": "P"}, {"source": 24, "target": 8, "label": "R"}, {"source": 22, "target": 6, "label": "R"}, {"source": 27, "target": 15, "label": "R"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 10, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 20, "target": 1, "label": "A"}, {"source": 26, "target": 14, "label": "P"}, {"source": 23, "target": 22, "label": "E"}, {"source": 25, "target": 13, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 24, "target": 9, "label": "E"}, {"source": 19, "target": 26, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 26, "target": 25, "label": "A"}, {"source": 19, "target": 28, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 17, "label": "S"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 7, "label": "C"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 24, "label": "A"}, {"source": 25, "target": 12, "label": "E"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "101864-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No complaints", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "101864-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have no complaints about the service I received.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 14, "label": "C"}, {"source": 14, "target": 7, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "101864-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This man was polite, professional, clean and quick.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "U"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "N"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "101864-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I never felt worried and walked away satisfied.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 1, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 3, "label": "A"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "101972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Poor service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "101972-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you like the drama described in popular sitcom 'Seinfeld', you will see it here.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 9, "label": "U"}, {"source": 19, "target": 11, "label": "U"}, {"source": 22, "target": 5, "label": "P"}, {"source": 21, "target": 4, "label": "C"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 20, "target": 1, "label": "A"}, {"source": 19, "target": 0, "label": "L"}, {"source": 24, "target": 17, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 24, "target": 13, "label": "A"}, {"source": 23, "target": 8, "label": "E"}, {"source": 24, "target": 18, "label": "U"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 6, "label": "R"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 16, "label": "A"}, {"source": 21, "target": 3, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "101972-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We signed our name in about 6:00pm.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "E"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "101972-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There were 3 names before us.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "S"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 4, "label": "L"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 9, "label": "A"}, {"source": 7, "target": 0, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "A"}]} +{"id": "101972-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The greeter said there was about 15 minutes waiting.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 15, "target": 8, "label": "P"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "D"}, {"source": 15, "target": 9, "label": "U"}, {"source": 13, "target": 3, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 13, "target": 4, "label": "S"}, {"source": 14, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "101972-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, we waited and waited and in the mean time, saw 4 groups of people simply just paraded in without signing there names.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 125}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 31, "target": 13, "label": "E"}, {"source": 30, "target": 12, "label": "P"}, {"source": 30, "target": 11, "label": "U"}, {"source": 35, "target": 23, "label": "E"}, {"source": 26, "target": 1, "label": "U"}, {"source": 26, "target": 21, "label": "L"}, {"source": 35, "target": 24, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "G"}, {"source": 34, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "P"}, {"source": 26, "target": 0, "label": "L"}, {"source": 30, "target": 29, "label": "D"}, {"source": 29, "target": 9, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 29, "target": 7, "label": "R"}, {"source": 28, "target": 3, "label": "C"}, {"source": 26, "target": 33, "label": "H"}, {"source": 26, "target": 30, "label": "H"}, {"source": 32, "target": 15, "label": "R"}, {"source": 34, "target": 22, "label": "P"}, {"source": 29, "target": 8, "label": "E"}, {"source": 33, "target": 19, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 26, "target": 6, "label": "L"}, {"source": 33, "target": 20, "label": "E"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 5, "label": "C"}, {"source": 27, "target": 2, "label": "A"}, {"source": 26, "target": 34, "label": "H"}, {"source": 28, "target": 4, "label": "N"}, {"source": 26, "target": 18, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 31, "target": 14, "label": "C"}, {"source": 29, "target": 10, "label": "C"}]} +{"id": "101972-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This sign in policy is posted by the restaurant “no reservation, sign your name here”.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}, {"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 6, "label": "R"}, {"source": 19, "target": 5, "label": "P"}, {"source": 19, "target": 22, "label": "A"}, {"source": 18, "target": 0, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 18, "target": 21, "label": "E"}, {"source": 25, "target": 15, "label": "E"}, {"source": 21, "target": 2, "label": "R"}, {"source": 25, "target": 14, "label": "E"}, {"source": 20, "target": 24, "label": "H"}, {"source": 22, "target": 10, "label": "E"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 9, "label": "U"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 23, "target": 8, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 4, "label": "F"}]} +{"id": "101972-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had to ask the greeter, he explained his reasons with broken English.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 7, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 6, "label": "U"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 15, "target": 1, "label": "D"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 20, "target": 12, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "101972-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I could not understand any his reasons.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "101972-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I could only take it as they would seat the people they know first.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 22, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 4, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 17, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 21, "target": 10, "label": "C"}, {"source": 22, "target": 12, "label": "P"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 13, "label": "D"}, {"source": 18, "target": 5, "label": "R"}, {"source": 21, "target": 9, "label": "E"}, {"source": 16, "target": 2, "label": "D"}, {"source": 22, "target": 11, "label": "A"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "101972-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My conclusion is that you should only go there if you want to wait a least an hour and see all kinds other people being seated before you.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}, {"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 137, "to": 138}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 33, "target": 13, "label": "P"}, {"source": 34, "target": 15, "label": "E"}, {"source": 36, "target": 20, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 18, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 31, "target": 6, "label": "D"}, {"source": 36, "target": 19, "label": "E"}, {"source": 30, "target": 9, "label": "L"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 5, "label": "D"}, {"source": 37, "target": 38, "label": "E"}, {"source": 28, "target": 0, "label": "E"}, {"source": 29, "target": 2, "label": "S"}, {"source": 30, "target": 35, "label": "H"}, {"source": 38, "target": 24, "label": "P"}, {"source": 31, "target": 3, "label": "F"}, {"source": 39, "target": 25, "label": "R"}, {"source": 30, "target": 17, "label": "L"}, {"source": 33, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 37, "label": "A"}, {"source": 31, "target": 8, "label": "A"}, {"source": 39, "target": 26, "label": "C"}, {"source": 37, "target": 39, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 32, "target": 11, "label": "P"}, {"source": 34, "target": 14, "label": "E"}, {"source": 36, "target": 22, "label": "C"}, {"source": 36, "target": 21, "label": "E"}, {"source": 32, "target": 10, "label": "A"}, {"source": 28, "target": 1, "label": "C"}, {"source": 34, "target": 16, "label": "C"}, {"source": 38, "target": 23, "label": "F"}, {"source": 31, "target": 7, "label": "P"}, {"source": 39, "target": 27, "label": "U"}, {"source": 37, "target": 36, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 4, "label": "A"}, {"source": 33, "target": 12, "label": "F"}, {"source": 30, "target": 32, "label": "H"}]} +{"id": "103519-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "umm...", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "103519-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "okay, I dont have a review, but why in the hell would you name your business something that has the initials KKK....is there something behind the scenes at this place?", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 26}]}, {"id": 8, "anchors": [{"from": 26, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 38}]}, {"id": 12, "anchors": [{"from": 39, "to": 42}]}, {"id": 13, "anchors": [{"from": 43, "to": 47}]}, {"id": 14, "anchors": [{"from": 48, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 112}, {"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 141}]}, {"id": 29, "anchors": [{"from": 142, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 155}]}, {"id": 32, "anchors": [{"from": 156, "to": 160}]}, {"id": 33, "anchors": [{"from": 161, "to": 166}]}, {"id": 34, "anchors": [{"from": 166, "to": 167}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 41, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 6, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 36, "target": 9, "label": "L"}, {"source": 36, "target": 8, "label": "U"}, {"source": 39, "target": 11, "label": "R"}, {"source": 45, "target": 46, "label": "A"}, {"source": 40, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 34, "label": "U"}, {"source": 35, "target": 1, "label": "U"}, {"source": 36, "target": 40, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 46, "target": 30, "label": "C"}, {"source": 40, "target": 15, "label": "A"}, {"source": 39, "target": 13, "label": "C"}, {"source": 37, "target": 5, "label": "P"}, {"source": 45, "target": 27, "label": "P"}, {"source": 43, "target": 20, "label": "F"}, {"source": 45, "target": 26, "label": "F"}, {"source": 37, "target": 4, "label": "D"}, {"source": 46, "target": 28, "label": "R"}, {"source": 39, "target": 12, "label": "E"}, {"source": 36, "target": 25, "label": "L"}, {"source": 47, "target": 33, "label": "C"}, {"source": 39, "target": 10, "label": "R"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 17, "label": "E"}, {"source": 40, "target": 14, "label": "P"}, {"source": 43, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 0, "label": "S"}, {"source": 38, "target": 7, "label": "C"}, {"source": 46, "target": 47, "label": "E"}, {"source": 47, "target": 31, "label": "R"}, {"source": 37, "target": 2, "label": "A"}, {"source": 44, "target": 24, "label": "E"}, {"source": 42, "target": 43, "label": "E"}, {"source": 37, "target": 3, "label": "F"}, {"source": 46, "target": 29, "label": "E"}, {"source": 41, "target": 16, "label": "P"}, {"source": 36, "target": 37, "label": "H"}, {"source": 44, "target": 23, "label": "C"}, {"source": 43, "target": 21, "label": "P"}, {"source": 42, "target": 19, "label": "C"}, {"source": 40, "target": 39, "label": "A"}, {"source": 47, "target": 32, "label": "E"}, {"source": 35, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 35, "label": "H"}, {"source": 36, "target": 45, "label": "H"}, {"source": 44, "target": 22, "label": "E"}, {"source": 42, "target": 18, "label": "E"}]} +{"id": "103519-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Like I'm legitimately concerned at this point...lol", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}, {"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "L"}, {"source": 12, "target": 8, "label": "A"}, {"source": 10, "target": 11, "label": "D"}, {"source": 10, "target": 1, "label": "A"}, {"source": 9, "target": 7, "label": "U"}, {"source": 9, "target": 12, "label": "H"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "103609-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Family Fun and Bonding", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "E"}, {"source": 9, "target": 3, "label": "N"}, {"source": 9, "target": 6, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "103609-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What more can be said: \"Burch's Karate is the GREATEST!\"", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}, {"from": 29, "to": 31}, {"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 6, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "U"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 15, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "103878-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You guys do everything wonderful!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "D"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 3, "label": "A"}]} +{"id": "103878-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We honestly cannot think of even 1 thing we didn't like!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 18, "label": "E"}, {"source": 18, "target": 11, "label": "D"}, {"source": 16, "target": 5, "label": "R"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 18, "target": 10, "label": "F"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 12, "label": "P"}, {"source": 15, "target": 4, "label": "P"}, {"source": 15, "target": 1, "label": "D"}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 16, "label": "A"}]} +{"id": "103952-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "103952-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a perfect place to get your hair done.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 13, "label": "S"}, {"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 15, "target": 8, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 5, "label": "L"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "A"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "103952-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have gone there time and time again whenever I need to get my hair done or when I want a haircut.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}, {"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 98}]}, {"id": 21, "anchors": [{"from": 98, "to": 99}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 26, "target": 11, "label": "F"}, {"source": 27, "target": 13, "label": "E"}, {"source": 22, "target": 10, "label": "S"}, {"source": 28, "target": 17, "label": "A"}, {"source": 25, "target": 8, "label": "E"}, {"source": 29, "target": 21, "label": "U"}, {"source": 26, "target": 15, "label": "A"}, {"source": 22, "target": 1, "label": "F"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 5, "label": "N"}, {"source": 29, "target": 20, "label": "C"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 24, "label": "D"}, {"source": 27, "target": 14, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 22, "target": 7, "label": "D"}, {"source": 26, "target": 12, "label": "P"}, {"source": 23, "target": 16, "label": "L"}, {"source": 24, "target": 6, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "103952-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I get my hair done there, they use enough hairstyling products while it does not ruin your hair.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 8, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 13, "label": "L"}, {"source": 25, "target": 9, "label": "P"}, {"source": 26, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 15, "label": "F"}, {"source": 27, "target": 16, "label": "D"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 2, "label": "P"}, {"source": 27, "target": 14, "label": "A"}, {"source": 21, "target": 27, "label": "H"}, {"source": 23, "target": 3, "label": "E"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 11, "label": "E"}, {"source": 24, "target": 5, "label": "P"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 12, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 21, "target": 7, "label": "U"}]} +{"id": "103952-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service is great and during weekends it tends to get busy, but the wait is worthwhile.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 13, "label": "L"}, {"source": 23, "target": 24, "label": "P"}, {"source": 20, "target": 3, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 26, "label": "H"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "U"}, {"source": 26, "target": 25, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 19, "target": 0, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 21, "target": 4, "label": "L"}, {"source": 24, "target": 10, "label": "F"}, {"source": 23, "target": 7, "label": "A"}, {"source": 26, "target": 16, "label": "F"}, {"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 8, "label": "D"}, {"source": 26, "target": 18, "label": "U"}, {"source": 21, "target": 5, "label": "L"}, {"source": 23, "target": 9, "label": "F"}, {"source": 20, "target": 2, "label": "S"}, {"source": 26, "target": 17, "label": "S"}]} +{"id": "104703-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "best", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "104703-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best pedi mani Ive ever had.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 6, "label": "P"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 8, "target": 3, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "104703-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Darla is amazing, I would recoment her to anyone.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "R"}, {"source": 11, "target": 2, "label": "S"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "P"}, {"source": 15, "target": 10, "label": "U"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 4, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 12, "target": 3, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "105237-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worst place flour tortillas are always hard the beef enchiladas are discussing meat all over cooked was good many yrs ago but restaurant has gone down hill", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 145}, {"from": 146, "to": 150}]}, {"id": 25, "anchors": [{"from": 151, "to": 155}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 32, "target": 12, "label": "C"}, {"source": 31, "target": 8, "label": "E"}, {"source": 35, "target": 25, "label": "A"}, {"source": 30, "target": 6, "label": "S"}, {"source": 33, "target": 13, "label": "R"}, {"source": 31, "target": 9, "label": "C"}, {"source": 35, "target": 24, "label": "P"}, {"source": 30, "target": 11, "label": "D"}, {"source": 31, "target": 7, "label": "E"}, {"source": 35, "target": 22, "label": "A"}, {"source": 35, "target": 23, "label": "F"}, {"source": 28, "target": 4, "label": "S"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 5, "label": "D"}, {"source": 28, "target": 19, "label": "A"}, {"source": 34, "target": 17, "label": "C"}, {"source": 30, "target": 10, "label": "F"}, {"source": 27, "target": 2, "label": "E"}, {"source": 34, "target": 18, "label": "E"}, {"source": 33, "target": 14, "label": "R"}, {"source": 29, "target": 28, "label": "H"}, {"source": 27, "target": 26, "label": "E"}, {"source": 32, "target": 33, "label": "E"}, {"source": 26, "target": 0, "label": "E"}, {"source": 30, "target": 34, "label": "A"}, {"source": 33, "target": 15, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 28, "target": 20, "label": "D"}, {"source": 29, "target": 35, "label": "H"}, {"source": 27, "target": 3, "label": "C"}, {"source": 26, "target": 1, "label": "C"}, {"source": 30, "target": 16, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 21, "label": "L"}]} +{"id": "105326-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How a pizza place should be!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 8, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "105326-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "+ there is a free cola with every pizza.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 0, "label": "U"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 4, "label": "D"}, {"source": 13, "target": 6, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "105518-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great experience - consider checking out their puppies before buying from a breeder!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}, {"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 73}]}, {"id": 10, "anchors": [{"from": 74, "to": 75}]}, {"id": 11, "anchors": [{"from": 76, "to": 83}]}, {"id": 12, "anchors": [{"from": 83, "to": 84}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 18, "target": 8, "label": "P"}, {"source": 13, "target": 16, "label": "E"}, {"source": 19, "target": 9, "label": "R"}, {"source": 14, "target": 13, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 7, "label": "L"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 4, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "105518-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I adopted a 3.5 month old yellow lab last winter from the Dumb Friends League.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 12, "label": "E"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 5, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 6, "label": "E"}, {"source": 17, "target": 4, "label": "E"}, {"source": 17, "target": 2, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 19, "target": 10, "label": "R"}]} +{"id": "105518-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff was very helpful in finding the right dog for me and the care my pup received was outstanding.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 25, "target": 5, "label": "R"}, {"source": 29, "target": 17, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 19, "label": "A"}, {"source": 21, "target": 0, "label": "E"}, {"source": 27, "target": 11, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 22, "target": 2, "label": "S"}, {"source": 22, "target": 21, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 18, "label": "F"}, {"source": 23, "target": 12, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "R"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 8, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 30, "target": 16, "label": "C"}, {"source": 28, "target": 14, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 26, "target": 7, "label": "E"}, {"source": 23, "target": 29, "label": "H"}, {"source": 28, "target": 13, "label": "E"}, {"source": 26, "target": 9, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 25, "target": 6, "label": "P"}]} +{"id": "105518-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are on the lookout for a pure breed pup don't forget to check out the shelters!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}, {"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 15, "label": "U"}, {"source": 19, "target": 12, "label": "P"}, {"source": 17, "target": 8, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 2, "label": "S"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 14, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "D"}, {"source": 18, "target": 3, "label": "R"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 10, "label": "D"}, {"source": 20, "target": 13, "label": "E"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 1, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "F"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "105518-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My pup has a wonderful temperment and has been a wonderful addition to my family!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 21, "target": 11, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 7, "label": "F"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "E"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "E"}, {"source": 22, "target": 15, "label": "U"}, {"source": 22, "target": 12, "label": "R"}, {"source": 22, "target": 14, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 20, "target": 8, "label": "S"}, {"source": 17, "target": 2, "label": "S"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "105719-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over priced for Mexican food", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "R"}, {"source": 7, "target": 3, "label": "E"}, {"source": 7, "target": 4, "label": "E"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 2, "label": "R"}]} +{"id": "106150-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We love Little Farmer", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}, {"from": 15, "to": 21}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "A"}]} +{"id": "106150-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We attend LFTD and our children LOVE it!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 12, "label": "E"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 7, "label": "A"}, {"source": 11, "target": 13, "label": "C"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "N"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "E"}]} +{"id": "106150-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They even want to go to school on the weekends!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "106150-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are preparing my older son for kindergarten and looks forward to seeing his teacher and friends everyday.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 100}]}, {"id": 16, "anchors": [{"from": 101, "to": 106}]}, {"id": 17, "anchors": [{"from": 106, "to": 109}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "C"}, {"source": 23, "target": 10, "label": "F"}, {"source": 25, "target": 27, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 22, "target": 6, "label": "R"}, {"source": 24, "target": 26, "label": "C"}, {"source": 25, "target": 24, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 20, "target": 8, "label": "L"}, {"source": 21, "target": 4, "label": "E"}, {"source": 27, "target": 16, "label": "E"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 14, "label": "N"}, {"source": 26, "target": 13, "label": "C"}, {"source": 23, "target": 9, "label": "D"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "E"}, {"source": 23, "target": 11, "label": "P"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "106150-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My infant is content everyday when I drop off and pick up.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}, {"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 10, "label": "L"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 11, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 13, "target": 0, "label": "E"}, {"source": 14, "target": 16, "label": "D"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 7, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 6, "label": "L"}]} +{"id": "107292-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "awesome bagels", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "107608-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "excellence in glasgow", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "107608-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Iv just had my bmw z3 rear window replaced by the guys at kelvin trimmers.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 1, "label": "D"}, {"source": 18, "target": 3, "label": "E"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 12, "label": "R"}, {"source": 19, "target": 8, "label": "P"}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "107608-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The team who work there are helpfull, friendly and extremely knowledgeable and will help you as much as they can with thier years of hands on practice.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}, {"from": 96, "to": 100}, {"from": 101, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 132}]}, {"id": 23, "anchors": [{"from": 133, "to": 138}]}, {"id": 24, "anchors": [{"from": 139, "to": 141}]}, {"id": 25, "anchors": [{"from": 142, "to": 150}]}, {"id": 26, "anchors": [{"from": 150, "to": 151}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 29, "target": 27, "label": "H"}, {"source": 34, "target": 38, "label": "D"}, {"source": 35, "target": 36, "label": "P"}, {"source": 37, "target": 22, "label": "R"}, {"source": 32, "target": 8, "label": "C"}, {"source": 38, "target": 25, "label": "C"}, {"source": 36, "target": 19, "label": "E"}, {"source": 32, "target": 9, "label": "N"}, {"source": 31, "target": 4, "label": "F"}, {"source": 32, "target": 6, "label": "C"}, {"source": 37, "target": 23, "label": "C"}, {"source": 28, "target": 0, "label": "E"}, {"source": 38, "target": 24, "label": "R"}, {"source": 32, "target": 33, "label": "C"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 20, "label": "E"}, {"source": 35, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 21, "label": "C"}, {"source": 29, "target": 12, "label": "L"}, {"source": 33, "target": 10, "label": "D"}, {"source": 34, "target": 14, "label": "P"}, {"source": 35, "target": 37, "label": "A"}, {"source": 34, "target": 13, "label": "F"}, {"source": 29, "target": 34, "label": "H"}, {"source": 34, "target": 15, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 2, "label": "F"}, {"source": 28, "target": 1, "label": "C"}, {"source": 33, "target": 11, "label": "S"}, {"source": 36, "target": 18, "label": "F"}, {"source": 38, "target": 26, "label": "U"}, {"source": 30, "target": 3, "label": "P"}, {"source": 29, "target": 35, "label": "H"}, {"source": 31, "target": 5, "label": "S"}, {"source": 29, "target": 16, "label": "L"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 35, "target": 17, "label": "A"}, {"source": 32, "target": 7, "label": "U"}]} +{"id": "107608-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recomended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "107692-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Long Lines, Silly Rules, Rude Staff, Ok Food", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}, {"from": 18, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}, {"from": 40, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "U"}, {"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "107692-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A restaurant with this many patrons willing to stand in line just to order tacos must be good, right?", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 5, "label": "C"}, {"source": 29, "target": 15, "label": "D"}, {"source": 25, "target": 3, "label": "E"}, {"source": 29, "target": 16, "label": "F"}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 19, "label": "S"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 13, "label": "P"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 6, "label": "D"}, {"source": 30, "target": 20, "label": "U"}, {"source": 26, "target": 7, "label": "F"}, {"source": 24, "target": 28, "label": "H"}, {"source": 29, "target": 18, "label": "U"}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 11, "label": "D"}, {"source": 27, "target": 9, "label": "R"}, {"source": 25, "target": 2, "label": "R"}, {"source": 29, "target": 17, "label": "S"}, {"source": 23, "target": 21, "label": "A"}, {"source": 24, "target": 22, "label": "C"}, {"source": 29, "target": 14, "label": "A"}, {"source": 21, "target": 25, "label": "E"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "107692-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I mean, that's the way it works at amusement parks: the longest lines are at the best rides.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 17, "label": "R"}, {"source": 30, "target": 20, "label": "C"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 3, "label": "F"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 19, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 16, "label": "S"}, {"source": 24, "target": 4, "label": "S"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 9, "label": "R"}, {"source": 30, "target": 21, "label": "U"}, {"source": 26, "target": 7, "label": "A"}, {"source": 23, "target": 12, "label": "U"}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 29, "label": "H"}, {"source": 25, "target": 6, "label": "C"}, {"source": 28, "target": 13, "label": "E"}, {"source": 22, "target": 1, "label": "S"}, {"source": 23, "target": 2, "label": "U"}]} +{"id": "107692-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well, this may be an exception.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 4, "label": "S"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "S"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "D"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "107692-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff taking your order and \"waiting\" on you are very indifferent and have no sense of costumer service at all.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 110}, {"from": 111, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 6, "label": "U"}, {"source": 28, "target": 10, "label": "C"}, {"source": 32, "target": 21, "label": "R"}, {"source": 31, "target": 20, "label": "C"}, {"source": 25, "target": 5, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 29, "target": 13, "label": "C"}, {"source": 31, "target": 19, "label": "E"}, {"source": 32, "target": 22, "label": "U"}, {"source": 25, "target": 27, "label": "H"}, {"source": 30, "target": 17, "label": "P"}, {"source": 28, "target": 9, "label": "R"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 14, "label": "L"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 27, "target": 7, "label": "P"}, {"source": 23, "target": 1, "label": "C"}, {"source": 30, "target": 15, "label": "F"}, {"source": 29, "target": 12, "label": "E"}, {"source": 23, "target": 0, "label": "E"}, {"source": 27, "target": 8, "label": "U"}, {"source": 25, "target": 30, "label": "H"}, {"source": 30, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 16, "label": "D"}, {"source": 27, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 11, "label": "L"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "R"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "107692-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have gotten better results talking to COMCAST customer service than with these folks.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 69}, {"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 86}]}, {"id": 13, "anchors": [{"from": 86, "to": 87}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 16, "target": 5, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 6, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "107692-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And don't even think about asking to speak to the manager because this guy is, and pardon my French, a jerk.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 107}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 25, "target": 37, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 8, "label": "P"}, {"source": 38, "target": 21, "label": "U"}, {"source": 25, "target": 16, "label": "U"}, {"source": 25, "target": 29, "label": "C"}, {"source": 28, "target": 27, "label": "P"}, {"source": 25, "target": 17, "label": "L"}, {"source": 28, "target": 36, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 6, "label": "D"}, {"source": 25, "target": 26, "label": "H"}, {"source": 35, "target": 9, "label": "R"}, {"source": 25, "target": 0, "label": "L"}, {"source": 27, "target": 4, "label": "C"}, {"source": 36, "target": 12, "label": "R"}, {"source": 32, "target": 33, "label": "P"}, {"source": 26, "target": 2, "label": "P"}, {"source": 34, "target": 7, "label": "F"}, {"source": 35, "target": 10, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 18, "label": "P"}, {"source": 27, "target": 5, "label": "R"}, {"source": 26, "target": 1, "label": "D"}, {"source": 38, "target": 23, "label": "C"}, {"source": 33, "target": 15, "label": "C"}, {"source": 38, "target": 20, "label": "E"}, {"source": 38, "target": 19, "label": "E"}, {"source": 26, "target": 3, "label": "D"}, {"source": 38, "target": 24, "label": "U"}, {"source": 36, "target": 14, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 38, "target": 22, "label": "E"}, {"source": 35, "target": 11, "label": "C"}]} +{"id": "107692-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you have gotten through ordering, dealing with the rude staff and if you followed the dumb rules, you are finally presented with what you came for..some tacos that are \"ok,\" but definitely not worth putting up with all the hassle.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 149}]}, {"id": 29, "anchors": [{"from": 149, "to": 151}]}, {"id": 30, "anchors": [{"from": 151, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 172}]}, {"id": 35, "anchors": [{"from": 172, "to": 174}]}, {"id": 36, "anchors": [{"from": 174, "to": 175}]}, {"id": 37, "anchors": [{"from": 175, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 191}]}, {"id": 40, "anchors": [{"from": 192, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 201}]}, {"id": 42, "anchors": [{"from": 202, "to": 209}, {"from": 210, "to": 212}]}, {"id": 43, "anchors": [{"from": 213, "to": 217}]}, {"id": 44, "anchors": [{"from": 218, "to": 221}]}, {"id": 45, "anchors": [{"from": 222, "to": 225}]}, {"id": 46, "anchors": [{"from": 226, "to": 232}]}, {"id": 47, "anchors": [{"from": 232, "to": 233}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 56, "target": 16, "label": "E"}, {"source": 63, "target": 45, "label": "E"}, {"source": 49, "target": 2, "label": "F"}, {"source": 48, "target": 19, "label": "U"}, {"source": 57, "target": 23, "label": "P"}, {"source": 48, "target": 0, "label": "L"}, {"source": 48, "target": 55, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 62, "target": 40, "label": "D"}, {"source": 58, "target": 24, "label": "R"}, {"source": 54, "target": 9, "label": "E"}, {"source": 52, "target": 53, "label": "C"}, {"source": 63, "target": 47, "label": "U"}, {"source": 60, "target": 28, "label": "R"}, {"source": 57, "target": 20, "label": "A"}, {"source": 57, "target": 21, "label": "F"}, {"source": 48, "target": 57, "label": "H"}, {"source": 62, "target": 42, "label": "P"}, {"source": 48, "target": 12, "label": "L"}, {"source": 63, "target": 43, "label": "R"}, {"source": 60, "target": 29, "label": "U"}, {"source": 54, "target": 10, "label": "E"}, {"source": 48, "target": 37, "label": "U"}, {"source": 60, "target": 30, "label": "E"}, {"source": 56, "target": 17, "label": "E"}, {"source": 63, "target": 44, "label": "E"}, {"source": 62, "target": 41, "label": "A"}, {"source": 48, "target": 38, "label": "L"}, {"source": 56, "target": 18, "label": "C"}, {"source": 55, "target": 56, "label": "A"}, {"source": 59, "target": 60, "label": "A"}, {"source": 60, "target": 31, "label": "C"}, {"source": 55, "target": 15, "label": "P"}, {"source": 62, "target": 63, "label": "A"}, {"source": 51, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 59, "label": "C"}, {"source": 60, "target": 61, "label": "E"}, {"source": 59, "target": 26, "label": "A"}, {"source": 61, "target": 34, "label": "U"}, {"source": 49, "target": 1, "label": "A"}, {"source": 63, "target": 46, "label": "C"}, {"source": 55, "target": 14, "label": "A"}, {"source": 48, "target": 62, "label": "H"}, {"source": 48, "target": 6, "label": "U"}, {"source": 57, "target": 22, "label": "D"}, {"source": 52, "target": 8, "label": "R"}, {"source": 61, "target": 33, "label": "S"}, {"source": 50, "target": 5, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 61, "target": 35, "label": "A"}, {"source": 62, "target": 39, "label": "D"}, {"source": 50, "target": 4, "label": "R"}, {"source": 48, "target": 36, "label": "U"}, {"source": 48, "target": 49, "label": "H"}, {"source": 61, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 58, "label": "A"}, {"source": 48, "target": 13, "label": "L"}, {"source": 48, "target": 51, "label": "H"}, {"source": 51, "target": 7, "label": "P"}, {"source": 49, "target": 3, "label": "P"}, {"source": 59, "target": 27, "label": "P"}, {"source": 59, "target": 25, "label": "A"}, {"source": 53, "target": 54, "label": "P"}, {"source": 54, "target": 11, "label": "C"}, {"source": 61, "target": 32, "label": "F"}]} +{"id": "107692-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Save yourself the trouble and skip this place all together.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 5, "label": "P"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "L"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 16, "label": "D"}, {"source": 13, "target": 1, "label": "E"}, {"source": 11, "target": 0, "label": "P"}]} +{"id": "107692-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I suggest you go up to Raging Taco & Raging Burrito a couple of blocks up the street or even Taco Mac.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}, {"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}, {"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 8, "target": 26, "label": "E"}, {"source": 26, "target": 11, "label": "C"}, {"source": 25, "target": 9, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 24, "target": 3, "label": "C"}, {"source": 26, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 1, "label": "P"}, {"source": 28, "target": 29, "label": "C"}, {"source": 27, "target": 12, "label": "R"}, {"source": 29, "target": 17, "label": "N"}, {"source": 28, "target": 15, "label": "E"}, {"source": 23, "target": 2, "label": "A"}, {"source": 30, "target": 20, "label": "U"}, {"source": 8, "target": 25, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 14, "label": "R"}, {"source": 27, "target": 13, "label": "C"}, {"source": 8, "target": 5, "label": "R"}, {"source": 25, "target": 7, "label": "U"}, {"source": 30, "target": 18, "label": "E"}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 16, "label": "C"}, {"source": 24, "target": 4, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "108338-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The internet here is terrible.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 2, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "108338-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Like the previous poster said, the com lines are split between the entire building.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 6, "label": "E"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 7, "label": "E"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 13, "label": "E"}, {"source": 21, "target": 14, "label": "C"}, {"source": 20, "target": 9, "label": "F"}, {"source": 21, "target": 12, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "U"}, {"source": 16, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "R"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "C"}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "108338-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That's 3x worse than Qwest DSL's lowest speed offering!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 18, "target": 17, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 18, "label": "E"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 11, "label": "U"}, {"source": 17, "target": 7, "label": "R"}, {"source": 12, "target": 15, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}, {"source": 15, "target": 4, "label": "S"}]} +{"id": "108338-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The outward appearance makes you think this place is nice, but everything inside is cheap cheap cheap.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 10, "label": "U"}, {"source": 23, "target": 5, "label": "P"}, {"source": 21, "target": 3, "label": "P"}, {"source": 20, "target": 11, "label": "L"}, {"source": 25, "target": 9, "label": "S"}, {"source": 26, "target": 14, "label": "S"}, {"source": 26, "target": 15, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 13, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "E"}, {"source": 23, "target": 4, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 8, "label": "F"}, {"source": 22, "target": 19, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 12, "label": "C"}, {"source": 24, "target": 7, "label": "C"}, {"source": 25, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "108338-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Moving out as soon as our lease is up.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 18}, {"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}, {"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 37, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "P"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 8, "label": "A"}, {"source": 6, "target": 1, "label": "L"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "108338-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "http://www.speedtest.net/result/1155244347.png", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "109263-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been here 3 times and all 3 times it has been bad!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 7, "label": "E"}, {"source": 16, "target": 11, "label": "F"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 20, "target": 19, "label": "E"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 18, "label": "D"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 21, "label": "A"}, {"source": 18, "target": 17, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 12, "label": "F"}, {"source": 18, "target": 6, "label": "N"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 22, "label": "E"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "109263-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have messed up my order and.... The food was just not good!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}, {"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 11, "label": "D"}, {"source": 19, "target": 7, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 18, "target": 10, "label": "D"}, {"source": 18, "target": 17, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "U"}, {"source": 19, "target": 8, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 15, "target": 5, "label": "L"}, {"source": 18, "target": 12, "label": "S"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "109263-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had sonic in many other palces but for some reason this sonic is always just covered in grease and not good... :(", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 115}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 13, "label": "F"}, {"source": 31, "target": 22, "label": "U"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 27, "target": 8, "label": "R"}, {"source": 29, "target": 11, "label": "E"}, {"source": 24, "target": 1, "label": "F"}, {"source": 25, "target": 7, "label": "L"}, {"source": 28, "target": 16, "label": "P"}, {"source": 30, "target": 17, "label": "R"}, {"source": 27, "target": 29, "label": "E"}, {"source": 28, "target": 15, "label": "D"}, {"source": 27, "target": 9, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 31, "target": 20, "label": "D"}, {"source": 31, "target": 21, "label": "S"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 4, "label": "E"}, {"source": 25, "target": 19, "label": "L"}, {"source": 25, "target": 31, "label": "H"}, {"source": 27, "target": 10, "label": "C"}, {"source": 24, "target": 2, "label": "S"}, {"source": 26, "target": 5, "label": "E"}, {"source": 28, "target": 14, "label": "D"}, {"source": 26, "target": 3, "label": "R"}, {"source": 29, "target": 12, "label": "C"}, {"source": 28, "target": 27, "label": "D"}]} +{"id": "109263-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I hope they get there act together...", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "A"}, {"source": 10, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "P"}, {"source": 11, "target": 6, "label": "D"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "109263-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am going to give it one last chance in next few months and see??", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 16, "target": 20, "label": "D"}, {"source": 16, "target": 4, "label": "S"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 1, "label": "F"}, {"source": 18, "target": 6, "label": "E"}, {"source": 21, "target": 14, "label": "P"}, {"source": 19, "target": 18, "label": "E"}, {"source": 16, "target": 2, "label": "D"}, {"source": 16, "target": 5, "label": "A"}, {"source": 20, "target": 9, "label": "R"}, {"source": 17, "target": 13, "label": "L"}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 21, "label": "H"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "110441-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Favorite place in Tampa.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 2, "label": "R"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "110441-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Update: I had to add to my review.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 1, "label": "U"}, {"source": 12, "target": 13, "label": "P"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 2, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "110441-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was just in last night and had a chance to dine in their new dining room.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 10, "label": "F"}, {"source": 19, "target": 6, "label": "L"}, {"source": 18, "target": 1, "label": "F"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 24, "target": 12, "label": "R"}, {"source": 18, "target": 2, "label": "D"}, {"source": 18, "target": 20, "label": "D"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 3, "label": "R"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "110441-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AMAZING!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "110441-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I frequent this resturant on a weekly basis but usally only for lunch.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "R"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "110441-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well I was in for a treat when I was greeted by the friendly girls at the counter who asked if my wife and I would like to sit in their \"new\" dining room.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 137}]}, {"id": 31, "anchors": [{"from": 137, "to": 140}]}, {"id": 32, "anchors": [{"from": 140, "to": 141}]}, {"id": 33, "anchors": [{"from": 142, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 153}]}, {"id": 35, "anchors": [{"from": 153, "to": 154}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 42, "target": 17, "label": "F"}, {"source": 45, "target": 20, "label": "E"}, {"source": 42, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 9, "label": "P"}, {"source": 44, "target": 46, "label": "C"}, {"source": 49, "target": 35, "label": "U"}, {"source": 49, "target": 34, "label": "C"}, {"source": 41, "target": 14, "label": "R"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 2, "label": "R"}, {"source": 49, "target": 28, "label": "R"}, {"source": 49, "target": 33, "label": "E"}, {"source": 40, "target": 12, "label": "E"}, {"source": 44, "target": 19, "label": "R"}, {"source": 48, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 23, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 36, "target": 1, "label": "S"}, {"source": 48, "target": 49, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 39, "target": 7, "label": "A"}, {"source": 49, "target": 32, "label": "U"}, {"source": 36, "target": 38, "label": "A"}, {"source": 48, "target": 26, "label": "F"}, {"source": 38, "target": 5, "label": "C"}, {"source": 41, "target": 16, "label": "C"}, {"source": 43, "target": 42, "label": "H"}, {"source": 46, "target": 45, "label": "C"}, {"source": 37, "target": 36, "label": "H"}, {"source": 49, "target": 31, "label": "E"}, {"source": 43, "target": 47, "label": "P"}, {"source": 39, "target": 41, "label": "A"}, {"source": 40, "target": 13, "label": "C"}, {"source": 49, "target": 29, "label": "E"}, {"source": 47, "target": 24, "label": "F"}, {"source": 40, "target": 10, "label": "R"}, {"source": 41, "target": 15, "label": "E"}, {"source": 47, "target": 25, "label": "C"}, {"source": 43, "target": 48, "label": "H"}, {"source": 48, "target": 27, "label": "P"}, {"source": 42, "target": 18, "label": "P"}, {"source": 37, "target": 39, "label": "H"}, {"source": 49, "target": 30, "label": "U"}, {"source": 40, "target": 11, "label": "E"}, {"source": 45, "target": 21, "label": "C"}, {"source": 43, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 8, "label": "F"}, {"source": 38, "target": 4, "label": "E"}, {"source": 41, "target": 43, "label": "E"}, {"source": 38, "target": 3, "label": "E"}, {"source": 37, "target": 6, "label": "L"}, {"source": 46, "target": 22, "label": "N"}]} +{"id": "110441-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Right away they told us that it was the same great food with the same prices so off we went.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}, {"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 2, "label": "A"}, {"source": 23, "target": 6, "label": "A"}, {"source": 20, "target": 1, "label": "C"}, {"source": 22, "target": 16, "label": "L"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 3, "label": "P"}, {"source": 26, "target": 18, "label": "P"}, {"source": 23, "target": 5, "label": "F"}, {"source": 24, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 23, "target": 7, "label": "S"}, {"source": 21, "target": 20, "label": "D"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 25, "target": 13, "label": "E"}, {"source": 24, "target": 10, "label": "E"}, {"source": 20, "target": 0, "label": "E"}, {"source": 24, "target": 8, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 21, "target": 4, "label": "A"}, {"source": 26, "target": 17, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 12, "label": "R"}]} +{"id": "110441-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were greeted again and sat promptly.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "D"}, {"source": 10, "target": 6, "label": "D"}, {"source": 9, "target": 8, "label": "H"}, {"source": 9, "target": 4, "label": "L"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "110441-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After looking at the menu and seeing the new menu items they had, we knew we were in for a treat!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 3, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 23, "target": 5, "label": "L"}, {"source": 26, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 24, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 9, "label": "E"}, {"source": 24, "target": 1, "label": "P"}, {"source": 28, "target": 12, "label": "P"}, {"source": 27, "target": 7, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 26, "label": "H"}, {"source": 30, "target": 17, "label": "F"}, {"source": 26, "target": 6, "label": "P"}, {"source": 26, "target": 13, "label": "U"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 2, "label": "R"}, {"source": 31, "target": 20, "label": "E"}, {"source": 23, "target": 29, "label": "H"}, {"source": 29, "target": 14, "label": "A"}, {"source": 29, "target": 15, "label": "P"}, {"source": 25, "target": 4, "label": "C"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 11, "label": "A"}, {"source": 30, "target": 18, "label": "S"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 30, "target": 16, "label": "A"}]} +{"id": "110441-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had the Chicken Parmesan Dinner and my wife had the Shrimp Scampi Dinner.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}, {"from": 18, "to": 26}, {"from": 27, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 74}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "C"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 15, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 7, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 4, "label": "N"}, {"source": 14, "target": 18, "label": "A"}]} +{"id": "110441-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AMAZING!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "110441-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The portions were generous enough that we even took some home!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "P"}, {"source": 15, "target": 6, "label": "A"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 15, "target": 7, "label": "D"}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 4, "label": "D"}]} +{"id": "110441-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have to say the value of this place always amazes me.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 9, "label": "D"}, {"source": 19, "target": 11, "label": "A"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 19, "target": 18, "label": "E"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 19, "label": "A"}, {"source": 17, "target": 8, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "110441-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's nice to see that even in the economy we can eat a place that has upscale service, amazing atmosphere, and Incredible food, but not break the bank while enjoying it!", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 105}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 168}]}, {"id": 35, "anchors": [{"from": 168, "to": 169}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 50, "target": 30, "label": "E"}, {"source": 44, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 15, "label": "F"}, {"source": 38, "target": 27, "label": "L"}, {"source": 45, "target": 17, "label": "E"}, {"source": 38, "target": 37, "label": "H"}, {"source": 38, "target": 32, "label": "L"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 11, "label": "F"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 18, "label": "C"}, {"source": 37, "target": 4, "label": "P"}, {"source": 47, "target": 21, "label": "C"}, {"source": 46, "target": 19, "label": "U"}, {"source": 42, "target": 12, "label": "C"}, {"source": 46, "target": 47, "label": "C"}, {"source": 44, "target": 16, "label": "S"}, {"source": 46, "target": 48, "label": "C"}, {"source": 46, "target": 22, "label": "U"}, {"source": 46, "target": 23, "label": "N"}, {"source": 49, "target": 28, "label": "D"}, {"source": 49, "target": 50, "label": "P"}, {"source": 51, "target": 33, "label": "P"}, {"source": 43, "target": 14, "label": "C"}, {"source": 44, "target": 46, "label": "A"}, {"source": 40, "target": 8, "label": "E"}, {"source": 39, "target": 5, "label": "F"}, {"source": 37, "target": 36, "label": "A"}, {"source": 41, "target": 44, "label": "A"}, {"source": 50, "target": 31, "label": "E"}, {"source": 37, "target": 2, "label": "D"}, {"source": 40, "target": 7, "label": "R"}, {"source": 46, "target": 45, "label": "C"}, {"source": 47, "target": 20, "label": "E"}, {"source": 39, "target": 41, "label": "A"}, {"source": 36, "target": 1, "label": "F"}, {"source": 48, "target": 25, "label": "C"}, {"source": 36, "target": 0, "label": "C"}, {"source": 37, "target": 3, "label": "F"}, {"source": 51, "target": 34, "label": "A"}, {"source": 50, "target": 29, "label": "C"}, {"source": 49, "target": 51, "label": "A"}, {"source": 41, "target": 43, "label": "A"}, {"source": 43, "target": 13, "label": "E"}, {"source": 38, "target": 26, "label": "U"}, {"source": 39, "target": 6, "label": "D"}, {"source": 41, "target": 10, "label": "A"}, {"source": 38, "target": 49, "label": "H"}, {"source": 40, "target": 9, "label": "C"}, {"source": 51, "target": 35, "label": "U"}, {"source": 48, "target": 24, "label": "E"}, {"source": 41, "target": 42, "label": "P"}]} +{"id": "110441-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bottom line is that when it's a small privatly owned resturant like this is you can tell that the owners and employees take pride in their product and service.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 146}]}, {"id": 28, "anchors": [{"from": 147, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 158}]}, {"id": 30, "anchors": [{"from": 158, "to": 159}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 44, "target": 26, "label": "E"}, {"source": 41, "target": 19, "label": "E"}, {"source": 37, "target": 12, "label": "R"}, {"source": 31, "target": 1, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 43, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 31, "label": "A"}, {"source": 31, "target": 0, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 45, "target": 28, "label": "N"}, {"source": 44, "target": 45, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 35, "target": 10, "label": "P"}, {"source": 36, "target": 8, "label": "E"}, {"source": 45, "target": 27, "label": "C"}, {"source": 32, "target": 33, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 38, "label": "H"}, {"source": 38, "target": 14, "label": "F"}, {"source": 45, "target": 30, "label": "U"}, {"source": 35, "target": 6, "label": "F"}, {"source": 42, "target": 23, "label": "F"}, {"source": 40, "target": 21, "label": "N"}, {"source": 40, "target": 18, "label": "F"}, {"source": 43, "target": 42, "label": "P"}, {"source": 42, "target": 24, "label": "C"}, {"source": 36, "target": 7, "label": "E"}, {"source": 35, "target": 5, "label": "A"}, {"source": 36, "target": 9, "label": "C"}, {"source": 45, "target": 29, "label": "C"}, {"source": 34, "target": 4, "label": "L"}, {"source": 39, "target": 16, "label": "D"}, {"source": 34, "target": 35, "label": "H"}, {"source": 35, "target": 11, "label": "A"}, {"source": 33, "target": 2, "label": "S"}, {"source": 41, "target": 20, "label": "C"}, {"source": 39, "target": 17, "label": "P"}, {"source": 35, "target": 36, "label": "D"}, {"source": 34, "target": 3, "label": "F"}, {"source": 34, "target": 37, "label": "H"}, {"source": 34, "target": 43, "label": "H"}, {"source": 39, "target": 15, "label": "A"}, {"source": 44, "target": 25, "label": "R"}, {"source": 40, "target": 22, "label": "C"}, {"source": 37, "target": 13, "label": "C"}]} +{"id": "110441-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well Done!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "R"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "110908-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great pub", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "110908-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Had a meal in this pub and i have to say it was excellant.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 58}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 9, "label": "F"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 13, "label": "S"}, {"source": 18, "target": 3, "label": "R"}, {"source": 20, "target": 8, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 19, "target": 7, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 21, "target": 12, "label": "F"}, {"source": 17, "target": 2, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 15, "target": 0, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "E"}, {"source": 16, "target": 6, "label": "L"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 5, "label": "C"}, {"source": 21, "target": 11, "label": "A"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "110908-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It has to be one of the nicest pubs that i have been into in a long time, the decor is nice and it has a really nice garden and a lovely decking area.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 86}]}, {"id": 22, "anchors": [{"from": 87, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 98}]}, {"id": 25, "anchors": [{"from": 99, "to": 102}]}, {"id": 26, "anchors": [{"from": 103, "to": 104}]}, {"id": 27, "anchors": [{"from": 105, "to": 111}]}, {"id": 28, "anchors": [{"from": 112, "to": 116}]}, {"id": 29, "anchors": [{"from": 117, "to": 123}]}, {"id": 30, "anchors": [{"from": 124, "to": 127}]}, {"id": 31, "anchors": [{"from": 128, "to": 129}]}, {"id": 32, "anchors": [{"from": 130, "to": 136}]}, {"id": 33, "anchors": [{"from": 137, "to": 144}]}, {"id": 34, "anchors": [{"from": 145, "to": 149}]}, {"id": 35, "anchors": [{"from": 149, "to": 150}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 41, "target": 43, "label": "S"}, {"source": 47, "target": 22, "label": "S"}, {"source": 50, "target": 52, "label": "C"}, {"source": 48, "target": 25, "label": "S"}, {"source": 42, "target": 47, "label": "H"}, {"source": 50, "target": 30, "label": "N"}, {"source": 50, "target": 49, "label": "C"}, {"source": 36, "target": 40, "label": "A"}, {"source": 39, "target": 5, "label": "R"}, {"source": 47, "target": 21, "label": "F"}, {"source": 40, "target": 7, "label": "E"}, {"source": 42, "target": 41, "label": "H"}, {"source": 52, "target": 32, "label": "E"}, {"source": 45, "target": 16, "label": "E"}, {"source": 37, "target": 48, "label": "H"}, {"source": 46, "target": 20, "label": "C"}, {"source": 46, "target": 19, "label": "E"}, {"source": 45, "target": 15, "label": "E"}, {"source": 36, "target": 2, "label": "F"}, {"source": 38, "target": 3, "label": "C"}, {"source": 41, "target": 9, "label": "R"}, {"source": 49, "target": 29, "label": "C"}, {"source": 44, "target": 13, "label": "C"}, {"source": 51, "target": 27, "label": "E"}, {"source": 36, "target": 0, "label": "A"}, {"source": 36, "target": 38, "label": "S"}, {"source": 40, "target": 39, "label": "E"}, {"source": 43, "target": 11, "label": "F"}, {"source": 47, "target": 46, "label": "A"}, {"source": 37, "target": 36, "label": "H"}, {"source": 43, "target": 44, "label": "D"}, {"source": 40, "target": 42, "label": "E"}, {"source": 39, "target": 4, "label": "C"}, {"source": 44, "target": 45, "label": "E"}, {"source": 52, "target": 31, "label": "E"}, {"source": 52, "target": 33, "label": "E"}, {"source": 48, "target": 24, "label": "A"}, {"source": 52, "target": 34, "label": "C"}, {"source": 41, "target": 10, "label": "A"}, {"source": 45, "target": 17, "label": "C"}, {"source": 51, "target": 28, "label": "C"}, {"source": 40, "target": 8, "label": "C"}, {"source": 43, "target": 12, "label": "F"}, {"source": 48, "target": 50, "label": "A"}, {"source": 40, "target": 6, "label": "E"}, {"source": 42, "target": 18, "label": "U"}, {"source": 49, "target": 26, "label": "E"}, {"source": 49, "target": 51, "label": "E"}, {"source": 52, "target": 35, "label": "U"}, {"source": 45, "target": 14, "label": "R"}, {"source": 37, "target": 23, "label": "L"}, {"source": 38, "target": 1, "label": "E"}]} +{"id": "110908-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good beer good service and what more could you want.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 16, "label": "E"}, {"source": 18, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 6, "label": "C"}, {"source": 18, "target": 7, "label": "D"}, {"source": 18, "target": 9, "label": "P"}, {"source": 15, "target": 4, "label": "N"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 17, "label": "C"}, {"source": 13, "target": 11, "label": "C"}, {"source": 18, "target": 8, "label": "A"}, {"source": 15, "target": 12, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 17, "target": 18, "label": "C"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "111583-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All I can say is that I am glad I went in!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}]}, {"id": 12, "anchors": [{"from": 41, "to": 42}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "E"}, {"source": 16, "target": 4, "label": "S"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 18, "target": 9, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 14, "target": 3, "label": "P"}, {"source": 17, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 19, "label": "D"}]} +{"id": "111583-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The nurses are sweet as pie and the doctor is wonderful.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 6, "label": "N"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 9, "label": "F"}, {"source": 14, "target": 11, "label": "U"}, {"source": 14, "target": 10, "label": "A"}, {"source": 17, "target": 8, "label": "C"}, {"source": 14, "target": 3, "label": "S"}, {"source": 15, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "111583-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is about healing, not making a buck.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 12, "target": 2, "label": "S"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 3, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 5, "label": "U"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "111583-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The followup visit is FREE!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "111583-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After going to the hospital and paying ER prices ... there is no way I won't be back here!!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 11, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 2, "label": "R"}, {"source": 27, "target": 28, "label": "P"}, {"source": 21, "target": 22, "label": "H"}, {"source": 27, "target": 16, "label": "D"}, {"source": 28, "target": 19, "label": "C"}, {"source": 27, "target": 15, "label": "D"}, {"source": 28, "target": 18, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 6, "label": "P"}, {"source": 22, "target": 1, "label": "P"}, {"source": 25, "target": 8, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 27, "target": 14, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 26, "target": 12, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 13, "label": "P"}, {"source": 22, "target": 9, "label": "U"}, {"source": 26, "target": 10, "label": "F"}, {"source": 21, "target": 5, "label": "L"}, {"source": 21, "target": 20, "label": "U"}, {"source": 21, "target": 0, "label": "L"}, {"source": 23, "target": 4, "label": "C"}, {"source": 25, "target": 7, "label": "E"}, {"source": 28, "target": 17, "label": "F"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "111583-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will be back and telling EVERYONE about this clinic.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 13, "target": 6, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "111583-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THANK YOU!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "112579-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My favorite cuban cafe in Orlando", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 7, "target": 6, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "112579-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been eating Cuban for a long time, sandwiches mainly along with other dishes..", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 19, "label": "D"}, {"source": 19, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "R"}, {"source": 19, "target": 7, "label": "E"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 17, "target": 3, "label": "P"}, {"source": 21, "target": 14, "label": "E"}, {"source": 22, "target": 13, "label": "R"}, {"source": 17, "target": 2, "label": "F"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 4, "label": "A"}, {"source": 21, "target": 15, "label": "E"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "112579-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love Cuban coffee, colada... mmmm anyways I found this place and can't stop going there, I stop in at least once a week and anytime I'm in the area for a Cuban coffee or snack.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}, {"from": 52, "to": 56}, {"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 135}, {"from": 135, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 161}]}, {"id": 35, "anchors": [{"from": 162, "to": 168}]}, {"id": 36, "anchors": [{"from": 169, "to": 171}]}, {"id": 37, "anchors": [{"from": 172, "to": 177}]}, {"id": 38, "anchors": [{"from": 177, "to": 178}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 54, "target": 35, "label": "C"}, {"source": 55, "target": 37, "label": "C"}, {"source": 51, "target": 50, "label": "A"}, {"source": 49, "target": 24, "label": "E"}, {"source": 41, "target": 3, "label": "C"}, {"source": 44, "target": 45, "label": "P"}, {"source": 44, "target": 13, "label": "D"}, {"source": 53, "target": 55, "label": "C"}, {"source": 44, "target": 14, "label": "D"}, {"source": 51, "target": 52, "label": "A"}, {"source": 54, "target": 33, "label": "E"}, {"source": 42, "target": 6, "label": "U"}, {"source": 45, "target": 18, "label": "C"}, {"source": 40, "target": 17, "label": "U"}, {"source": 48, "target": 21, "label": "R"}, {"source": 54, "target": 34, "label": "E"}, {"source": 52, "target": 29, "label": "R"}, {"source": 40, "target": 44, "label": "H"}, {"source": 55, "target": 36, "label": "N"}, {"source": 47, "target": 49, "label": "D"}, {"source": 46, "target": 20, "label": "E"}, {"source": 45, "target": 12, "label": "E"}, {"source": 53, "target": 32, "label": "R"}, {"source": 47, "target": 48, "label": "D"}, {"source": 40, "target": 51, "label": "H"}, {"source": 47, "target": 46, "label": "P"}, {"source": 39, "target": 0, "label": "A"}, {"source": 42, "target": 5, "label": "A"}, {"source": 40, "target": 47, "label": "H"}, {"source": 48, "target": 22, "label": "C"}, {"source": 39, "target": 1, "label": "P"}, {"source": 41, "target": 2, "label": "E"}, {"source": 39, "target": 41, "label": "A"}, {"source": 44, "target": 15, "label": "D"}, {"source": 44, "target": 16, "label": "A"}, {"source": 43, "target": 9, "label": "A"}, {"source": 52, "target": 53, "label": "E"}, {"source": 52, "target": 30, "label": "E"}, {"source": 55, "target": 54, "label": "C"}, {"source": 50, "target": 27, "label": "E"}, {"source": 49, "target": 25, "label": "C"}, {"source": 49, "target": 23, "label": "R"}, {"source": 43, "target": 10, "label": "P"}, {"source": 40, "target": 4, "label": "U"}, {"source": 55, "target": 38, "label": "U"}, {"source": 42, "target": 43, "label": "A"}, {"source": 46, "target": 19, "label": "C"}, {"source": 40, "target": 26, "label": "L"}, {"source": 40, "target": 42, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 42, "target": 7, "label": "P"}, {"source": 50, "target": 28, "label": "C"}, {"source": 52, "target": 31, "label": "C"}, {"source": 40, "target": 11, "label": "L"}, {"source": 42, "target": 8, "label": "D"}]} +{"id": "112579-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The place is chill and comfortable.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "N"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "112579-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They don't speak the best English but enough to get by.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}, {"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "F"}, {"source": 12, "target": 3, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 11, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "E"}]} +{"id": "112579-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They bake bread fresh daily, they don't press their sandwiches which is the way I like it, and the meat is always fresh.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 119}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 28, "target": 5, "label": "U"}, {"source": 28, "target": 20, "label": "L"}, {"source": 34, "target": 18, "label": "A"}, {"source": 30, "target": 8, "label": "D"}, {"source": 30, "target": 9, "label": "P"}, {"source": 30, "target": 7, "label": "D"}, {"source": 28, "target": 30, "label": "H"}, {"source": 31, "target": 10, "label": "E"}, {"source": 30, "target": 6, "label": "A"}, {"source": 32, "target": 12, "label": "R"}, {"source": 36, "target": 23, "label": "F"}, {"source": 33, "target": 14, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 11, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 36, "target": 25, "label": "S"}, {"source": 29, "target": 3, "label": "E"}, {"source": 32, "target": 13, "label": "S"}, {"source": 34, "target": 16, "label": "A"}, {"source": 27, "target": 1, "label": "P"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 29, "target": 4, "label": "C"}, {"source": 35, "target": 22, "label": "C"}, {"source": 36, "target": 24, "label": "D"}, {"source": 28, "target": 36, "label": "H"}, {"source": 33, "target": 15, "label": "C"}, {"source": 36, "target": 35, "label": "A"}, {"source": 34, "target": 17, "label": "P"}, {"source": 35, "target": 21, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 2, "label": "E"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "112579-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have a great lunch special with your choice of meat, chicken, steak, or pork and rice and black beans and fried plantains.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 29, "target": 4, "label": "E"}, {"source": 32, "target": 34, "label": "C"}, {"source": 32, "target": 12, "label": "C"}, {"source": 32, "target": 13, "label": "U"}, {"source": 28, "target": 1, "label": "P"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 17, "label": "C"}, {"source": 32, "target": 10, "label": "C"}, {"source": 32, "target": 33, "label": "C"}, {"source": 30, "target": 8, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 32, "target": 16, "label": "N"}, {"source": 28, "target": 0, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 31, "target": 9, "label": "R"}, {"source": 29, "target": 3, "label": "E"}, {"source": 32, "target": 11, "label": "U"}, {"source": 34, "target": 23, "label": "N"}, {"source": 33, "target": 19, "label": "C"}, {"source": 30, "target": 7, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 6, "label": "R"}, {"source": 30, "target": 31, "label": "E"}, {"source": 33, "target": 18, "label": "N"}, {"source": 32, "target": 14, "label": "C"}, {"source": 32, "target": 15, "label": "U"}, {"source": 35, "target": 26, "label": "U"}, {"source": 34, "target": 22, "label": "C"}, {"source": 35, "target": 25, "label": "C"}, {"source": 35, "target": 24, "label": "E"}, {"source": 29, "target": 5, "label": "C"}, {"source": 34, "target": 35, "label": "C"}, {"source": 29, "target": 2, "label": "E"}, {"source": 32, "target": 20, "label": "N"}]} +{"id": "112579-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And their breakfast is awesome!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 7, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "112579-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I cannot describe how delicious the mango and cheese pastries and the omelets are to die for.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 9, "label": "E"}, {"source": 28, "target": 16, "label": "P"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 10, "label": "C"}, {"source": 21, "target": 4, "label": "D"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 1, "label": "D"}, {"source": 21, "target": 14, "label": "S"}, {"source": 27, "target": 12, "label": "E"}, {"source": 26, "target": 11, "label": "N"}, {"source": 29, "target": 18, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 28, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 26, "target": 25, "label": "C"}, {"source": 24, "target": 6, "label": "E"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 8, "label": "N"}, {"source": 23, "target": 26, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 29, "target": 26, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 7, "label": "C"}, {"source": 21, "target": 28, "label": "A"}, {"source": 26, "target": 27, "label": "C"}, {"source": 20, "target": 2, "label": "D"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "112579-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stop in and have a bite you won't regret it.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 7, "label": "F"}, {"source": 12, "target": 1, "label": "E"}, {"source": 13, "target": 2, "label": "N"}, {"source": 16, "target": 17, "label": "P"}, {"source": 16, "target": 10, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 16, "target": 8, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 3, "label": "F"}, {"source": 13, "target": 15, "label": "C"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "112579-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A slice of heaven in winter park off forsyth!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "112661-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Food Awesome food Awesome service", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 31}]}, {"id": 3, "anchors": [{"from": 32, "to": 39}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "112661-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wanted to try someplace new again.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "112661-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place rocked.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "112661-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Brought my wife Deb with me and she like the Fried Crab Wontons and said they were good..", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}, {"from": 20, "to": 24}, {"from": 25, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}, {"from": 51, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 87}]}, {"id": 15, "anchors": [{"from": 87, "to": 89}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 12, "label": "A"}, {"source": 18, "target": 2, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 0, "label": "P"}, {"source": 17, "target": 4, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 1, "label": "E"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 10, "label": "L"}, {"source": 21, "target": 14, "label": "S"}, {"source": 18, "target": 3, "label": "E"}, {"source": 16, "target": 5, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 13, "label": "F"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "112661-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We also had the BBQ Spare Ribs.. good also.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}, {"from": 20, "to": 25}, {"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 5, "label": "U"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 8, "label": "U"}, {"source": 10, "target": 7, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "112661-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I ordered the MOO SHU pork and it was great..", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "L"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 6, "label": "A"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}]} +{"id": "112661-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also ordered the Neptune Platter which was awesome... so this place gets 5 out of 5 stars.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}, {"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 24, "target": 23, "label": "A"}, {"source": 22, "target": 6, "label": "F"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 26, "target": 25, "label": "R"}, {"source": 24, "target": 12, "label": "D"}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 22, "target": 7, "label": "S"}, {"source": 25, "target": 14, "label": "C"}, {"source": 25, "target": 15, "label": "F"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 8, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 10, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 5, "label": "F"}, {"source": 24, "target": 13, "label": "S"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "114849-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Used their service for the first time and was immediately impressed by their professionalism (received a phone call soon after order was placed to confirm details) and the subsequent delivery of my gift (To Split, Croatia) was as requested.", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 92}]}, {"id": 14, "anchors": [{"from": 93, "to": 94}]}, {"id": 15, "anchors": [{"from": 94, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 120}, {"from": 121, "to": 126}]}, {"id": 20, "anchors": [{"from": 127, "to": 132}]}, {"id": 21, "anchors": [{"from": 133, "to": 136}]}, {"id": 22, "anchors": [{"from": 137, "to": 143}]}, {"id": 23, "anchors": [{"from": 144, "to": 146}]}, {"id": 24, "anchors": [{"from": 147, "to": 154}]}, {"id": 25, "anchors": [{"from": 155, "to": 162}]}, {"id": 26, "anchors": [{"from": 162, "to": 163}]}, {"id": 27, "anchors": [{"from": 164, "to": 167}]}, {"id": 28, "anchors": [{"from": 168, "to": 171}]}, {"id": 29, "anchors": [{"from": 172, "to": 182}]}, {"id": 30, "anchors": [{"from": 183, "to": 191}]}, {"id": 31, "anchors": [{"from": 192, "to": 194}]}, {"id": 32, "anchors": [{"from": 195, "to": 197}]}, {"id": 33, "anchors": [{"from": 198, "to": 202}]}, {"id": 34, "anchors": [{"from": 203, "to": 204}]}, {"id": 35, "anchors": [{"from": 204, "to": 206}, {"from": 207, "to": 212}]}, {"id": 36, "anchors": [{"from": 212, "to": 213}]}, {"id": 37, "anchors": [{"from": 214, "to": 221}]}, {"id": 38, "anchors": [{"from": 221, "to": 222}]}, {"id": 39, "anchors": [{"from": 223, "to": 226}]}, {"id": 40, "anchors": [{"from": 227, "to": 229}]}, {"id": 41, "anchors": [{"from": 230, "to": 239}]}, {"id": 42, "anchors": [{"from": 239, "to": 240}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 44, "target": 43, "label": "A"}, {"source": 56, "target": 35, "label": "E"}, {"source": 49, "target": 13, "label": "C"}, {"source": 53, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 10, "label": "P"}, {"source": 57, "target": 41, "label": "P"}, {"source": 51, "target": 18, "label": "C"}, {"source": 51, "target": 17, "label": "E"}, {"source": 52, "target": 21, "label": "F"}, {"source": 54, "target": 29, "label": "E"}, {"source": 53, "target": 23, "label": "F"}, {"source": 49, "target": 14, "label": "U"}, {"source": 47, "target": 5, "label": "E"}, {"source": 48, "target": 9, "label": "D"}, {"source": 49, "target": 12, "label": "E"}, {"source": 45, "target": 55, "label": "H"}, {"source": 45, "target": 26, "label": "U"}, {"source": 45, "target": 7, "label": "L"}, {"source": 47, "target": 6, "label": "C"}, {"source": 53, "target": 25, "label": "A"}, {"source": 45, "target": 44, "label": "H"}, {"source": 55, "target": 37, "label": "A"}, {"source": 51, "target": 16, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 45, "target": 27, "label": "L"}, {"source": 46, "target": 1, "label": "E"}, {"source": 56, "target": 34, "label": "U"}, {"source": 52, "target": 20, "label": "A"}, {"source": 52, "target": 22, "label": "P"}, {"source": 53, "target": 24, "label": "P"}, {"source": 56, "target": 31, "label": "R"}, {"source": 43, "target": 46, "label": "E"}, {"source": 47, "target": 3, "label": "R"}, {"source": 43, "target": 0, "label": "C"}, {"source": 55, "target": 36, "label": "U"}, {"source": 50, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 39, "label": "F"}, {"source": 56, "target": 32, "label": "E"}, {"source": 57, "target": 40, "label": "R"}, {"source": 45, "target": 19, "label": "L"}, {"source": 54, "target": 30, "label": "C"}, {"source": 47, "target": 4, "label": "E"}, {"source": 46, "target": 2, "label": "C"}, {"source": 55, "target": 38, "label": "U"}, {"source": 52, "target": 53, "label": "A"}, {"source": 48, "target": 8, "label": "F"}, {"source": 49, "target": 50, "label": "E"}, {"source": 54, "target": 56, "label": "E"}, {"source": 50, "target": 51, "label": "A"}, {"source": 49, "target": 11, "label": "R"}, {"source": 45, "target": 48, "label": "H"}, {"source": 55, "target": 57, "label": "A"}, {"source": 44, "target": 47, "label": "D"}, {"source": 50, "target": 15, "label": "P"}, {"source": 45, "target": 52, "label": "H"}, {"source": 56, "target": 33, "label": "C"}, {"source": 54, "target": 28, "label": "E"}, {"source": 55, "target": 54, "label": "A"}, {"source": 57, "target": 42, "label": "U"}]} +{"id": "114849-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The gift itself was exactly as described and pictured in the catalogue and of the highest standard.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 24, "label": "E"}, {"source": 27, "target": 26, "label": "D"}, {"source": 27, "target": 17, "label": "U"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 27, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 4, "label": "D"}, {"source": 24, "target": 11, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 12, "label": "N"}, {"source": 21, "target": 2, "label": "R"}, {"source": 27, "target": 16, "label": "P"}, {"source": 20, "target": 3, "label": "S"}, {"source": 20, "target": 18, "label": "A"}, {"source": 24, "target": 9, "label": "R"}, {"source": 23, "target": 25, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 7, "label": "N"}, {"source": 23, "target": 22, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 10, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 22, "target": 6, "label": "C"}]} +{"id": "114849-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Would highly recommend to anyone requiring overseas gift delivery.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 65}]}, {"id": 9, "anchors": [{"from": 65, "to": 66}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 3, "label": "R"}, {"source": 15, "target": 6, "label": "E"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 5, "label": "S"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 10, "label": "P"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "114849-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Danny (Australia)", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "114941-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Give them a try!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "114941-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The pizzas are huge and super delicious.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 6, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 11, "label": "D"}, {"source": 11, "target": 4, "label": "N"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "114941-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They're our favorite pizza place to order from... and they're a local, family owned company!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 9, "label": "U"}, {"source": 23, "target": 4, "label": "E"}, {"source": 25, "target": 26, "label": "C"}, {"source": 27, "target": 13, "label": "E"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 25, "target": 10, "label": "N"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 6, "label": "L"}, {"source": 26, "target": 17, "label": "D"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 22, "label": "E"}, {"source": 20, "target": 23, "label": "S"}, {"source": 22, "target": 2, "label": "E"}, {"source": 26, "target": 12, "label": "S"}, {"source": 22, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 11, "label": "A"}, {"source": 26, "target": 18, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 8, "label": "E"}, {"source": 27, "target": 14, "label": "E"}, {"source": 27, "target": 15, "label": "U"}, {"source": 24, "target": 7, "label": "C"}, {"source": 25, "target": 24, "label": "A"}]} +{"id": "114941-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How much better does it get?!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "P"}, {"source": 9, "target": 7, "label": "D"}, {"source": 9, "target": 3, "label": "D"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "A"}]} +{"id": "115029-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not friendly, not helpful, overall poor customer service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 2, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 0, "label": "D"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "115029-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Definitely not going to purchase a car from here.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "D"}]} +{"id": "115566-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Retired", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "115566-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr Joseph retired.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "115566-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Dorn is his backup.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "115653-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Doctor!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "115653-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Faris is a great doctor!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "115653-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend him to anyone.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "115653-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was experiencing severe back pain to the point I could barely walk or even bare to sit.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "C"}, {"source": 26, "target": 15, "label": "C"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 25, "target": 13, "label": "N"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 22, "target": 6, "label": "R"}, {"source": 25, "target": 12, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 4, "label": "E"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 9, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 16, "label": "L"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 17, "label": "C"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 3, "label": "E"}]} +{"id": "115653-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I went from a pain scale of 8-9 to 0 and I was able to run in the Crim just a week later!!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}, {"from": 30, "to": 31}, {"from": 32, "to": 34}, {"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}]}, {"id": 21, "anchors": [{"from": 83, "to": 88}]}, {"id": 22, "anchors": [{"from": 88, "to": 90}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 15, "label": "R"}, {"source": 25, "target": 5, "label": "C"}, {"source": 24, "target": 31, "label": "A"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 17, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 29, "target": 16, "label": "E"}, {"source": 30, "target": 20, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 4, "label": "E"}, {"source": 32, "target": 22, "label": "U"}, {"source": 30, "target": 21, "label": "R"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 30, "label": "D"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 19, "label": "E"}, {"source": 28, "target": 12, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 8, "label": "U"}, {"source": 23, "target": 1, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 14, "label": "C"}, {"source": 25, "target": 2, "label": "R"}, {"source": 30, "target": 18, "label": "E"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 13, "label": "F"}, {"source": 27, "target": 10, "label": "A"}, {"source": 26, "target": 6, "label": "R"}]} +{"id": "116821-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "FANFUCKINGTASTIC", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 16}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "116821-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ok I am a New Yorker who has been going to school in Oxford, England.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 9}, {"from": 10, "to": 13}, {"from": 14, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 68}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 15, "target": 5, "label": "R"}, {"source": 16, "target": 8, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "U"}, {"source": 14, "target": 4, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 10, "label": "E"}]} +{"id": "116821-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I thought the UK was completely devoid of good NYC style pizza.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 5, "label": "D"}, {"source": 16, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 4, "label": "F"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 6, "label": "S"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "116821-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I thought to get a decent pizza the only way was at a fancy restaurant, and I have to get a whole pie.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 101}]}, {"id": 24, "anchors": [{"from": 101, "to": 102}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 31, "target": 13, "label": "E"}, {"source": 30, "target": 10, "label": "S"}, {"source": 26, "target": 15, "label": "U"}, {"source": 28, "target": 6, "label": "C"}, {"source": 28, "target": 5, "label": "E"}, {"source": 26, "target": 32, "label": "H"}, {"source": 34, "target": 21, "label": "E"}, {"source": 31, "target": 11, "label": "R"}, {"source": 31, "target": 12, "label": "E"}, {"source": 27, "target": 3, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 30, "label": "A"}, {"source": 33, "target": 20, "label": "C"}, {"source": 27, "target": 2, "label": "F"}, {"source": 33, "target": 18, "label": "E"}, {"source": 29, "target": 8, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 26, "target": 25, "label": "H"}, {"source": 34, "target": 22, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 4, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 25, "target": 1, "label": "P"}, {"source": 29, "target": 7, "label": "E"}, {"source": 26, "target": 16, "label": "L"}, {"source": 32, "target": 17, "label": "A"}, {"source": 29, "target": 9, "label": "C"}, {"source": 32, "target": 19, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 34, "target": 23, "label": "C"}, {"source": 31, "target": 14, "label": "C"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "116821-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I thought I would have to wait until I went home to NYC.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 2, "label": "A"}, {"source": 21, "target": 13, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 5, "label": "F"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 9, "label": "F"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 20, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 6, "label": "P"}, {"source": 15, "target": 19, "label": "H"}, {"source": 16, "target": 17, "label": "P"}, {"source": 20, "target": 10, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 1, "label": "P"}]} +{"id": "116821-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well then I went on a trip to Glasgow and was walking around.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 10, "label": "P"}, {"source": 16, "target": 6, "label": "R"}, {"source": 13, "target": 8, "label": "L"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 9, "label": "F"}, {"source": 13, "target": 17, "label": "H"}, {"source": 17, "target": 11, "label": "D"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "116821-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I saw this place and it looked like the HOLY GRAIL.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "116821-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I knew I had found the real deal, big pies, sold by the slice, with the pizzas sitting under the glass in the front.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 78}]}, {"id": 20, "anchors": [{"from": 79, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 115}]}, {"id": 27, "anchors": [{"from": 115, "to": 116}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 29, "target": 11, "label": "U"}, {"source": 35, "target": 20, "label": "C"}, {"source": 37, "target": 26, "label": "C"}, {"source": 31, "target": 5, "label": "E"}, {"source": 28, "target": 1, "label": "P"}, {"source": 36, "target": 23, "label": "C"}, {"source": 33, "target": 37, "label": "D"}, {"source": 33, "target": 34, "label": "A"}, {"source": 37, "target": 25, "label": "E"}, {"source": 32, "target": 10, "label": "C"}, {"source": 35, "target": 17, "label": "R"}, {"source": 35, "target": 19, "label": "E"}, {"source": 34, "target": 15, "label": "C"}, {"source": 36, "target": 21, "label": "R"}, {"source": 34, "target": 13, "label": "R"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 7, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 33, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 33, "label": "H"}, {"source": 37, "target": 24, "label": "R"}, {"source": 32, "target": 9, "label": "E"}, {"source": 33, "target": 35, "label": "A"}, {"source": 30, "target": 2, "label": "A"}, {"source": 34, "target": 14, "label": "E"}, {"source": 36, "target": 22, "label": "E"}, {"source": 29, "target": 28, "label": "H"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 6, "label": "E"}, {"source": 33, "target": 16, "label": "U"}, {"source": 33, "target": 12, "label": "P"}, {"source": 30, "target": 4, "label": "P"}, {"source": 35, "target": 18, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 30, "target": 3, "label": "F"}, {"source": 37, "target": 27, "label": "U"}, {"source": 31, "target": 8, "label": "U"}]} +{"id": "116821-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have crushed red pepper flakes and oregano.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 12, "target": 11, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "116821-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I ordered a slice.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "116821-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It tasted like I just flew back home.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "116821-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I dunno how they did it, but Scottish friends--- this is THE REAL DEAL.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 5}]}, {"id": 3, "anchors": [{"from": 5, "to": 7}]}, {"id": 4, "anchors": [{"from": 8, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 23}]}, {"id": 8, "anchors": [{"from": 23, "to": 24}]}, {"id": 9, "anchors": [{"from": 25, "to": 28}]}, {"id": 10, "anchors": [{"from": 29, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 45}]}, {"id": 12, "anchors": [{"from": 45, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 60}, {"from": 61, "to": 65}, {"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 14, "label": "S"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "D"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 15, "label": "A"}, {"source": 18, "target": 8, "label": "U"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 17, "target": 19, "label": "P"}, {"source": 20, "target": 7, "label": "F"}, {"source": 21, "target": 10, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 2, "label": "N"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 13, "label": "A"}, {"source": 22, "target": 12, "label": "U"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 4, "label": "R"}, {"source": 18, "target": 9, "label": "L"}, {"source": 20, "target": 6, "label": "F"}, {"source": 20, "target": 5, "label": "A"}]} +{"id": "116821-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I congratulated this establishment for doing the research on making NYC pizza because these Scots fcking nailed it.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 91}, {"from": 92, "to": 97}, {"from": 98, "to": 104}]}, {"id": 14, "anchors": [{"from": 105, "to": 111}]}, {"id": 15, "anchors": [{"from": 112, "to": 114}]}, {"id": 16, "anchors": [{"from": 114, "to": 115}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 25, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 25, "target": 16, "label": "U"}, {"source": 19, "target": 2, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 21, "target": 7, "label": "C"}, {"source": 25, "target": 15, "label": "A"}, {"source": 18, "target": 12, "label": "L"}, {"source": 25, "target": 14, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 25, "target": 13, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 8, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 3, "label": "P"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 9, "label": "P"}]} +{"id": "116821-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That being said, I don't know how their delivery service is.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 4, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "D"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 2, "label": "P"}, {"source": 15, "target": 3, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 12, "label": "S"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "116821-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They might want to change the name to reflect the new yorkedness of the pizza, scrummy yummy sounds gimmicky to me.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 26, "target": 6, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 12, "label": "R"}, {"source": 31, "target": 19, "label": "E"}, {"source": 27, "target": 8, "label": "P"}, {"source": 25, "target": 3, "label": "F"}, {"source": 25, "target": 26, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 17, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 30, "label": "H"}, {"source": 29, "target": 13, "label": "E"}, {"source": 32, "target": 21, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 29, "target": 14, "label": "C"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "E"}, {"source": 32, "target": 20, "label": "R"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 11, "label": "C"}, {"source": 31, "target": 18, "label": "C"}, {"source": 24, "target": 15, "label": "U"}, {"source": 26, "target": 5, "label": "E"}, {"source": 31, "target": 16, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 1, "label": "D"}, {"source": 24, "target": 7, "label": "L"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 25, "target": 4, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "117115-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent service and quality", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 8, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 9, "target": 2, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 7, "target": 8, "label": "C"}]} +{"id": "117115-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had Hom-Excel replace most of the windows in my Tampa residence three years ago.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 7, "label": "E"}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 22, "label": "A"}, {"source": 19, "target": 2, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 13, "label": "E"}, {"source": 19, "target": 3, "label": "U"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 1, "label": "P"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 6, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 11, "label": "E"}, {"source": 19, "target": 20, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 23, "label": "D"}, {"source": 19, "target": 4, "label": "P"}, {"source": 23, "target": 15, "label": "R"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "117115-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The excellent windows have performed without any problems, but that's not why I'm writing my review.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}, {"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 8, "label": "U"}, {"source": 24, "target": 15, "label": "P"}, {"source": 21, "target": 9, "label": "L"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 11, "label": "S"}, {"source": 19, "target": 0, "label": "E"}, {"source": 23, "target": 12, "label": "D"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 4, "label": "P"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "E"}, {"source": 25, "target": 16, "label": "E"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "117115-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Three weeks ago, burglars tried to gain entry into the rear of my home.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 20, "target": 15, "label": "U"}, {"source": 19, "target": 9, "label": "R"}, {"source": 20, "target": 12, "label": "R"}, {"source": 20, "target": 14, "label": "C"}, {"source": 20, "target": 13, "label": "E"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 4, "label": "A"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 3, "label": "U"}, {"source": 18, "target": 7, "label": "D"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 16, "label": "D"}, {"source": 18, "target": 5, "label": "D"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "117115-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The intruders slit the screen of the window.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "117115-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Next, they tried to force the window with a pry bar and then to break the window with a hammer.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 95}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 25, "target": 10, "label": "E"}, {"source": 28, "target": 21, "label": "U"}, {"source": 23, "target": 5, "label": "P"}, {"source": 25, "target": 11, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 27, "target": 16, "label": "E"}, {"source": 22, "target": 12, "label": "L"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 20, "label": "C"}, {"source": 26, "target": 14, "label": "F"}, {"source": 26, "target": 15, "label": "P"}, {"source": 22, "target": 1, "label": "U"}, {"source": 25, "target": 8, "label": "R"}, {"source": 28, "target": 18, "label": "R"}, {"source": 24, "target": 6, "label": "E"}, {"source": 23, "target": 4, "label": "F"}, {"source": 23, "target": 3, "label": "D"}, {"source": 28, "target": 19, "label": "E"}, {"source": 22, "target": 26, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 13, "label": "D"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "117115-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The window didn't break!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}]} +{"id": "117115-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My next-door neighbor heard the noise and turned on a light, thankfully scaring the two miscreants away (they even left their hammer behind!).", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 139}]}, {"id": 27, "anchors": [{"from": 139, "to": 140}]}, {"id": 28, "anchors": [{"from": 140, "to": 141}]}, {"id": 29, "anchors": [{"from": 141, "to": 142}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 39, "target": 18, "label": "C"}, {"source": 32, "target": 8, "label": "L"}, {"source": 40, "target": 28, "label": "U"}, {"source": 38, "target": 39, "label": "A"}, {"source": 39, "target": 17, "label": "E"}, {"source": 39, "target": 20, "label": "U"}, {"source": 33, "target": 1, "label": "E"}, {"source": 41, "target": 25, "label": "C"}, {"source": 32, "target": 13, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 38, "target": 14, "label": "D"}, {"source": 40, "target": 21, "label": "A"}, {"source": 38, "target": 15, "label": "P"}, {"source": 31, "target": 34, "label": "A"}, {"source": 36, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 35, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 11, "label": "E"}, {"source": 30, "target": 4, "label": "C"}, {"source": 32, "target": 38, "label": "H"}, {"source": 39, "target": 40, "label": "E"}, {"source": 33, "target": 3, "label": "C"}, {"source": 39, "target": 16, "label": "E"}, {"source": 39, "target": 19, "label": "E"}, {"source": 32, "target": 36, "label": "H"}, {"source": 40, "target": 22, "label": "D"}, {"source": 38, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 10, "label": "E"}, {"source": 40, "target": 29, "label": "U"}, {"source": 31, "target": 30, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 26, "label": "D"}, {"source": 35, "target": 9, "label": "C"}, {"source": 34, "target": 6, "label": "E"}, {"source": 37, "target": 12, "label": "C"}, {"source": 41, "target": 24, "label": "E"}, {"source": 30, "target": 33, "label": "E"}, {"source": 34, "target": 7, "label": "C"}, {"source": 30, "target": 0, "label": "E"}, {"source": 40, "target": 23, "label": "P"}, {"source": 40, "target": 27, "label": "U"}, {"source": 31, "target": 5, "label": "P"}, {"source": 33, "target": 2, "label": "U"}]} +{"id": "117115-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called Home-Excel the next day to order a replacement screen for the window, and was happily surprised when they said that they weren't even going to charge me for the replacement screen...that it would be covered under their guarentee.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 188}]}, {"id": 36, "anchors": [{"from": 188, "to": 191}]}, {"id": 37, "anchors": [{"from": 191, "to": 195}]}, {"id": 38, "anchors": [{"from": 196, "to": 198}]}, {"id": 39, "anchors": [{"from": 199, "to": 204}]}, {"id": 40, "anchors": [{"from": 205, "to": 207}]}, {"id": 41, "anchors": [{"from": 208, "to": 215}]}, {"id": 42, "anchors": [{"from": 216, "to": 221}]}, {"id": 43, "anchors": [{"from": 222, "to": 227}]}, {"id": 44, "anchors": [{"from": 228, "to": 237}]}, {"id": 45, "anchors": [{"from": 237, "to": 238}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 56, "target": 58, "label": "A"}, {"source": 54, "target": 26, "label": "D"}, {"source": 48, "target": 5, "label": "E"}, {"source": 47, "target": 15, "label": "U"}, {"source": 47, "target": 56, "label": "H"}, {"source": 48, "target": 6, "label": "C"}, {"source": 51, "target": 14, "label": "C"}, {"source": 55, "target": 35, "label": "C"}, {"source": 46, "target": 2, "label": "A"}, {"source": 51, "target": 12, "label": "R"}, {"source": 56, "target": 38, "label": "A"}, {"source": 49, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 17, "label": "F"}, {"source": 46, "target": 0, "label": "A"}, {"source": 53, "target": 22, "label": "P"}, {"source": 54, "target": 27, "label": "D"}, {"source": 54, "target": 25, "label": "F"}, {"source": 54, "target": 31, "label": "A"}, {"source": 49, "target": 7, "label": "F"}, {"source": 54, "target": 55, "label": "A"}, {"source": 53, "target": 21, "label": "A"}, {"source": 46, "target": 3, "label": "U"}, {"source": 50, "target": 10, "label": "E"}, {"source": 55, "target": 34, "label": "E"}, {"source": 56, "target": 37, "label": "F"}, {"source": 51, "target": 13, "label": "E"}, {"source": 54, "target": 29, "label": "F"}, {"source": 47, "target": 49, "label": "H"}, {"source": 47, "target": 52, "label": "H"}, {"source": 47, "target": 20, "label": "L"}, {"source": 56, "target": 40, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 57, "target": 39, "label": "F"}, {"source": 54, "target": 23, "label": "F"}, {"source": 49, "target": 8, "label": "P"}, {"source": 52, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 41, "label": "C"}, {"source": 46, "target": 1, "label": "P"}, {"source": 48, "target": 4, "label": "E"}, {"source": 58, "target": 45, "label": "U"}, {"source": 47, "target": 53, "label": "H"}, {"source": 49, "target": 50, "label": "A"}, {"source": 54, "target": 28, "label": "D"}, {"source": 49, "target": 51, "label": "A"}, {"source": 52, "target": 19, "label": "P"}, {"source": 50, "target": 11, "label": "C"}, {"source": 55, "target": 32, "label": "R"}, {"source": 55, "target": 33, "label": "E"}, {"source": 58, "target": 43, "label": "E"}, {"source": 54, "target": 24, "label": "A"}, {"source": 52, "target": 18, "label": "D"}, {"source": 58, "target": 44, "label": "C"}, {"source": 47, "target": 16, "label": "L"}, {"source": 47, "target": 36, "label": "U"}, {"source": 49, "target": 48, "label": "D"}, {"source": 56, "target": 57, "label": "P"}, {"source": 50, "target": 9, "label": "E"}, {"source": 54, "target": 30, "label": "P"}, {"source": 58, "target": 42, "label": "R"}, {"source": 47, "target": 46, "label": "H"}]} +{"id": "117115-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lo and behold, they replaced the screen (which had to be ordered) yesterday and didn't charge me a dime.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 4, "label": "A"}, {"source": 25, "target": 5, "label": "P"}, {"source": 29, "target": 12, "label": "F"}, {"source": 29, "target": 13, "label": "C"}, {"source": 24, "target": 0, "label": "C"}, {"source": 24, "target": 1, "label": "N"}, {"source": 31, "target": 21, "label": "E"}, {"source": 24, "target": 2, "label": "C"}, {"source": 31, "target": 22, "label": "C"}, {"source": 28, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "U"}, {"source": 26, "target": 30, "label": "H"}, {"source": 30, "target": 19, "label": "P"}, {"source": 27, "target": 6, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 17, "label": "F"}, {"source": 27, "target": 7, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 9, "label": "F"}, {"source": 27, "target": 8, "label": "U"}, {"source": 26, "target": 16, "label": "L"}, {"source": 29, "target": 11, "label": "F"}, {"source": 28, "target": 29, "label": "P"}, {"source": 30, "target": 18, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 25, "target": 24, "label": "A"}, {"source": 28, "target": 15, "label": "A"}, {"source": 29, "target": 10, "label": "F"}, {"source": 30, "target": 20, "label": "A"}, {"source": 25, "target": 3, "label": "U"}]} +{"id": "117115-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their worker even cleaned 3 of my windows and changed a lightbulb for me.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 3, "label": "P"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 22, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 11, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 17, "target": 8, "label": "L"}, {"source": 22, "target": 12, "label": "R"}, {"source": 18, "target": 5, "label": "R"}, {"source": 19, "target": 18, "label": "E"}, {"source": 16, "target": 2, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 13, "label": "C"}]} +{"id": "117115-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In this day and age, it is so rare to find a company with such nice workers and such far ranging guarantee policies.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 33, "label": "E"}, {"source": 26, "target": 25, "label": "L"}, {"source": 32, "target": 34, "label": "C"}, {"source": 25, "target": 1, "label": "E"}, {"source": 29, "target": 13, "label": "C"}, {"source": 25, "target": 27, "label": "C"}, {"source": 34, "target": 21, "label": "E"}, {"source": 28, "target": 11, "label": "S"}, {"source": 30, "target": 14, "label": "R"}, {"source": 32, "target": 31, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 10, "label": "F"}, {"source": 33, "target": 20, "label": "C"}, {"source": 32, "target": 18, "label": "N"}, {"source": 28, "target": 6, "label": "A"}, {"source": 27, "target": 4, "label": "C"}, {"source": 31, "target": 17, "label": "C"}, {"source": 25, "target": 0, "label": "R"}, {"source": 27, "target": 2, "label": "C"}, {"source": 27, "target": 3, "label": "N"}, {"source": 34, "target": 22, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 32, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 28, "label": "H"}, {"source": 29, "target": 12, "label": "E"}, {"source": 31, "target": 15, "label": "E"}, {"source": 28, "target": 8, "label": "D"}, {"source": 33, "target": 19, "label": "E"}, {"source": 31, "target": 16, "label": "E"}, {"source": 28, "target": 9, "label": "D"}, {"source": 26, "target": 5, "label": "U"}, {"source": 28, "target": 7, "label": "F"}, {"source": 34, "target": 23, "label": "C"}]} +{"id": "117115-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I rarely write reviews such as this one, but they certainly deserve anyone's business!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 13, "label": "R"}, {"source": 22, "target": 21, "label": "E"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 20, "target": 9, "label": "A"}, {"source": 19, "target": 4, "label": "R"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 16, "target": 1, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 10, "label": "D"}, {"source": 19, "target": 5, "label": "E"}]} +{"id": "117893-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Aweesome", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "117893-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Holy cow was that a delicious meal.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "117893-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hot, fresh, delicious.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 4, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 6, "target": 1, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "117893-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Loved every bit of it. :)", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 3, "label": "R"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "118668-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hidden Treasure.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "118668-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Strip mall asian it is not!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "S"}, {"source": 10, "target": 5, "label": "D"}, {"source": 8, "target": 7, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "118668-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go in and you will not think you are in Chesapeake.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 1, "label": "L"}, {"source": 13, "target": 2, "label": "A"}, {"source": 13, "target": 4, "label": "D"}, {"source": 15, "target": 8, "label": "R"}, {"source": 14, "target": 7, "label": "S"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 5, "label": "P"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 0, "label": "P"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "118668-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The setting feels like a Sushi bar in NYC; small, cozy, but with flair.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 70}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 9, "label": "U"}, {"source": 21, "target": 23, "label": "C"}, {"source": 21, "target": 3, "label": "R"}, {"source": 25, "target": 14, "label": "N"}, {"source": 26, "target": 25, "label": "S"}, {"source": 25, "target": 12, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 25, "target": 10, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 26, "label": "A"}, {"source": 25, "target": 15, "label": "F"}, {"source": 24, "target": 8, "label": "C"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 18, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 7, "label": "R"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 5, "label": "C"}, {"source": 23, "target": 22, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 25, "target": 11, "label": "U"}, {"source": 20, "target": 2, "label": "S"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 13, "label": "U"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "118668-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Get great service, fantastic menu, and relax.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 14, "label": "C"}, {"source": 13, "target": 2, "label": "C"}, {"source": 14, "target": 13, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 3, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 6, "label": "U"}, {"source": 14, "target": 7, "label": "N"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 1, "label": "E"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "118668-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best in HR so far!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 1, "label": "R"}, {"source": 7, "target": 9, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "118679-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I really want to like this place since I work right around the corner.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "R"}, {"source": 19, "target": 12, "label": "E"}, {"source": 18, "target": 10, "label": "D"}, {"source": 19, "target": 13, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 15, "target": 2, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 15, "target": 1, "label": "D"}, {"source": 16, "target": 7, "label": "L"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 5, "label": "E"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "118679-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Unfortunately, I've given it a couple of tries at different times and decided to stop going.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 22, "label": "D"}, {"source": 24, "target": 17, "label": "U"}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 2, "label": "A"}, {"source": 19, "target": 4, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 18, "target": 12, "label": "L"}, {"source": 23, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "R"}, {"source": 18, "target": 1, "label": "U"}, {"source": 24, "target": 14, "label": "F"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 3, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 16, "label": "D"}]} +{"id": "118679-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The employees don't really seem to enjoy what they are doing and it shows.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 8, "label": "A"}, {"source": 17, "target": 4, "label": "D"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 11, "label": "P"}, {"source": 17, "target": 2, "label": "F"}, {"source": 18, "target": 12, "label": "L"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 9, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 21, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 14, "label": "P"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 16, "label": "A"}, {"source": 19, "target": 6, "label": "F"}, {"source": 21, "target": 13, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 3, "label": "D"}, {"source": 20, "target": 10, "label": "F"}]} +{"id": "118718-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Surgeon", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "118718-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I needed wisdom teeth taken out.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}, {"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 1, "label": "S"}, {"source": 9, "target": 4, "label": "S"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "118718-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Wallen and staff was excellent.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 8, "target": 11, "label": "C"}, {"source": 10, "target": 5, "label": "S"}, {"source": 10, "target": 7, "label": "A"}, {"source": 7, "target": 8, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 11, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "F"}]} +{"id": "118718-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were accomdating with my scheduled and work with my insurance to get payment for the surgery.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 97}]}, {"id": 17, "anchors": [{"from": 97, "to": 98}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 6, "label": "N"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 11, "label": "L"}, {"source": 20, "target": 21, "label": "P"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 13, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 2, "label": "S"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 3, "label": "R"}, {"source": 22, "target": 8, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "R"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "118718-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Wallen explained the procedure in detail and took his time with me.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "C"}, {"source": 18, "target": 17, "label": "P"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 4, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "P"}, {"source": 20, "target": 12, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "R"}]} +{"id": "118718-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staff explained insurance procedures and was very helpful.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 13, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "S"}, {"source": 13, "target": 6, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "118718-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone was very nice.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "118770-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is clean and well run with great people.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 6, "label": "P"}, {"source": 15, "target": 5, "label": "D"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 4, "label": "N"}, {"source": 13, "target": 2, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "118770-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is fresh and taste great.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 9, "label": "H"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "P"}, {"source": 11, "target": 6, "label": "A"}, {"source": 11, "target": 5, "label": "P"}, {"source": 9, "target": 8, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "118770-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great value and service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 9, "target": 2, "label": "N"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 7, "target": 8, "label": "C"}, {"source": 9, "target": 4, "label": "U"}]} +{"id": "118770-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We will be back again and again !!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "C"}, {"source": 8, "target": 9, "label": "D"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 2, "label": "S"}, {"source": 10, "target": 5, "label": "N"}]} +{"id": "119026-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anna Marie and Govind are very sweet people, and the minute you steep into their school, the calm loving atmosphere takes over, and tension and worries stay outside in the street, whether or not you pick them up again after class is probably a question of practice.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 121}, {"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 126, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 164}]}, {"id": 29, "anchors": [{"from": 165, "to": 167}]}, {"id": 30, "anchors": [{"from": 168, "to": 171}]}, {"id": 31, "anchors": [{"from": 172, "to": 178}]}, {"id": 32, "anchors": [{"from": 178, "to": 179}]}, {"id": 33, "anchors": [{"from": 180, "to": 187}]}, {"id": 34, "anchors": [{"from": 188, "to": 190}]}, {"id": 35, "anchors": [{"from": 191, "to": 194}]}, {"id": 36, "anchors": [{"from": 195, "to": 198}]}, {"id": 37, "anchors": [{"from": 199, "to": 203}, {"from": 204, "to": 208}, {"from": 209, "to": 211}]}, {"id": 38, "anchors": [{"from": 212, "to": 217}]}, {"id": 39, "anchors": [{"from": 218, "to": 223}]}, {"id": 40, "anchors": [{"from": 224, "to": 229}]}, {"id": 41, "anchors": [{"from": 230, "to": 232}]}, {"id": 42, "anchors": [{"from": 233, "to": 241}]}, {"id": 43, "anchors": [{"from": 242, "to": 243}]}, {"id": 44, "anchors": [{"from": 244, "to": 252}]}, {"id": 45, "anchors": [{"from": 253, "to": 255}]}, {"id": 46, "anchors": [{"from": 256, "to": 264}]}, {"id": 47, "anchors": [{"from": 264, "to": 265}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 57, "target": 24, "label": "C"}, {"source": 56, "target": 55, "label": "A"}, {"source": 62, "target": 43, "label": "E"}, {"source": 50, "target": 16, "label": "U"}, {"source": 53, "target": 10, "label": "E"}, {"source": 63, "target": 45, "label": "R"}, {"source": 58, "target": 59, "label": "A"}, {"source": 60, "target": 61, "label": "A"}, {"source": 51, "target": 5, "label": "E"}, {"source": 62, "target": 63, "label": "E"}, {"source": 57, "target": 25, "label": "N"}, {"source": 50, "target": 49, "label": "H"}, {"source": 54, "target": 15, "label": "C"}, {"source": 55, "target": 17, "label": "E"}, {"source": 63, "target": 47, "label": "U"}, {"source": 50, "target": 8, "label": "L"}, {"source": 49, "target": 48, "label": "A"}, {"source": 55, "target": 20, "label": "C"}, {"source": 59, "target": 31, "label": "C"}, {"source": 55, "target": 19, "label": "E"}, {"source": 50, "target": 22, "label": "U"}, {"source": 51, "target": 6, "label": "C"}, {"source": 53, "target": 39, "label": "R"}, {"source": 50, "target": 56, "label": "H"}, {"source": 48, "target": 2, "label": "C"}, {"source": 61, "target": 41, "label": "S"}, {"source": 50, "target": 52, "label": "H"}, {"source": 52, "target": 12, "label": "P"}, {"source": 56, "target": 21, "label": "S"}, {"source": 54, "target": 13, "label": "R"}, {"source": 50, "target": 7, "label": "U"}, {"source": 53, "target": 9, "label": "E"}, {"source": 54, "target": 14, "label": "E"}, {"source": 59, "target": 29, "label": "R"}, {"source": 63, "target": 46, "label": "C"}, {"source": 51, "target": 4, "label": "E"}, {"source": 60, "target": 37, "label": "P"}, {"source": 61, "target": 42, "label": "D"}, {"source": 60, "target": 36, "label": "A"}, {"source": 52, "target": 11, "label": "A"}, {"source": 48, "target": 0, "label": "C"}, {"source": 53, "target": 34, "label": "N"}, {"source": 58, "target": 27, "label": "P"}, {"source": 62, "target": 44, "label": "C"}, {"source": 49, "target": 3, "label": "S"}, {"source": 53, "target": 33, "label": "R"}, {"source": 60, "target": 35, "label": "D"}, {"source": 50, "target": 23, "label": "L"}, {"source": 61, "target": 62, "label": "A"}, {"source": 53, "target": 32, "label": "U"}, {"source": 49, "target": 51, "label": "A"}, {"source": 52, "target": 54, "label": "A"}, {"source": 53, "target": 60, "label": "C"}, {"source": 55, "target": 18, "label": "E"}, {"source": 59, "target": 30, "label": "E"}, {"source": 60, "target": 38, "label": "D"}, {"source": 61, "target": 40, "label": "A"}, {"source": 57, "target": 26, "label": "C"}, {"source": 52, "target": 53, "label": "A"}, {"source": 48, "target": 1, "label": "N"}, {"source": 58, "target": 57, "label": "A"}, {"source": 53, "target": 58, "label": "C"}, {"source": 58, "target": 28, "label": "D"}]} +{"id": "119026-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A wonderful place, if you want more than just the physical side of yoga.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "L"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 23, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 6, "label": "P"}, {"source": 22, "target": 13, "label": "R"}, {"source": 23, "target": 15, "label": "U"}, {"source": 21, "target": 20, "label": "R"}, {"source": 20, "target": 8, "label": "R"}, {"source": 23, "target": 22, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 18, "target": 16, "label": "H"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 18, "target": 3, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 11, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "E"}, {"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 5, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "119026-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Give yourself the gift of trying this place, to see if it fits you...", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "L"}, {"source": 20, "target": 14, "label": "A"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 15, "label": "U"}, {"source": 16, "target": 1, "label": "D"}, {"source": 20, "target": 13, "label": "P"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 12, "label": "A"}, {"source": 17, "target": 8, "label": "U"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "120335-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You can fool people", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 7, "label": "A"}, {"source": 5, "target": 6, "label": "P"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "120335-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This store is proof that you can fool people with good advertising.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "P"}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 4, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "120335-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They convince lots of people that they are a great store, when in fact they are a very average place at best, they are just another big box store like the others.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}, {"from": 63, "to": 65}, {"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 43, "target": 24, "label": "D"}, {"source": 33, "target": 0, "label": "A"}, {"source": 44, "target": 46, "label": "E"}, {"source": 41, "target": 16, "label": "E"}, {"source": 33, "target": 1, "label": "P"}, {"source": 44, "target": 25, "label": "E"}, {"source": 38, "target": 11, "label": "U"}, {"source": 46, "target": 31, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 46, "target": 29, "label": "R"}, {"source": 39, "target": 8, "label": "E"}, {"source": 37, "target": 39, "label": "A"}, {"source": 43, "target": 23, "label": "S"}, {"source": 45, "target": 27, "label": "C"}, {"source": 33, "target": 36, "label": "A"}, {"source": 44, "target": 28, "label": "C"}, {"source": 39, "target": 10, "label": "C"}, {"source": 40, "target": 14, "label": "F"}, {"source": 45, "target": 26, "label": "E"}, {"source": 34, "target": 21, "label": "U"}, {"source": 41, "target": 18, "label": "C"}, {"source": 38, "target": 40, "label": "H"}, {"source": 37, "target": 7, "label": "S"}, {"source": 36, "target": 35, "label": "E"}, {"source": 46, "target": 30, "label": "E"}, {"source": 43, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 6, "label": "A"}, {"source": 42, "target": 20, "label": "C"}, {"source": 35, "target": 3, "label": "R"}, {"source": 46, "target": 32, "label": "U"}, {"source": 35, "target": 2, "label": "C"}, {"source": 37, "target": 5, "label": "R"}, {"source": 34, "target": 33, "label": "H"}, {"source": 41, "target": 15, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 38, "target": 12, "label": "L"}, {"source": 39, "target": 9, "label": "E"}, {"source": 40, "target": 42, "label": "A"}, {"source": 43, "target": 22, "label": "A"}, {"source": 42, "target": 19, "label": "R"}, {"source": 40, "target": 13, "label": "A"}, {"source": 41, "target": 17, "label": "E"}, {"source": 34, "target": 43, "label": "H"}, {"source": 36, "target": 4, "label": "C"}, {"source": 36, "target": 38, "label": "E"}, {"source": 38, "target": 37, "label": "A"}, {"source": 40, "target": 41, "label": "S"}]} +{"id": "120335-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They offer sales that aren't really sales, mislabeled items that make the item sound like a good deal when it isn't, a bad attitude about return items, and on and on.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 150}]}, {"id": 31, "anchors": [{"from": 150, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 155}, {"from": 156, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 162}]}, {"id": 34, "anchors": [{"from": 163, "to": 165}]}, {"id": 35, "anchors": [{"from": 165, "to": 166}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 39, "target": 5, "label": "D"}, {"source": 39, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 4, "label": "S"}, {"source": 49, "target": 30, "label": "C"}, {"source": 50, "target": 35, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 50, "target": 49, "label": "C"}, {"source": 42, "target": 11, "label": "F"}, {"source": 47, "target": 48, "label": "E"}, {"source": 47, "target": 25, "label": "E"}, {"source": 45, "target": 46, "label": "A"}, {"source": 46, "target": 47, "label": "C"}, {"source": 40, "target": 41, "label": "E"}, {"source": 43, "target": 14, "label": "E"}, {"source": 46, "target": 24, "label": "U"}, {"source": 46, "target": 23, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 44, "target": 19, "label": "C"}, {"source": 40, "target": 8, "label": "U"}, {"source": 44, "target": 18, "label": "E"}, {"source": 50, "target": 32, "label": "N"}, {"source": 44, "target": 17, "label": "E"}, {"source": 36, "target": 0, "label": "A"}, {"source": 38, "target": 2, "label": "C"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 39, "target": 3, "label": "F"}, {"source": 48, "target": 28, "label": "R"}, {"source": 48, "target": 50, "label": "C"}, {"source": 50, "target": 31, "label": "U"}, {"source": 50, "target": 34, "label": "C"}, {"source": 36, "target": 1, "label": "P"}, {"source": 37, "target": 20, "label": "L"}, {"source": 41, "target": 10, "label": "C"}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 45, "target": 21, "label": "A"}, {"source": 45, "target": 22, "label": "S"}, {"source": 49, "target": 29, "label": "E"}, {"source": 41, "target": 9, "label": "E"}, {"source": 50, "target": 33, "label": "N"}, {"source": 43, "target": 13, "label": "E"}, {"source": 47, "target": 26, "label": "E"}, {"source": 40, "target": 7, "label": "C"}, {"source": 43, "target": 15, "label": "C"}, {"source": 39, "target": 6, "label": "D"}, {"source": 42, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 43, "label": "A"}, {"source": 47, "target": 27, "label": "C"}, {"source": 42, "target": 12, "label": "P"}, {"source": 41, "target": 42, "label": "E"}, {"source": 44, "target": 16, "label": "R"}]} +{"id": "120335-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "With higher than average prices to boot!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "R"}, {"source": 11, "target": 5, "label": "F"}, {"source": 8, "target": 0, "label": "L"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "120335-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So don't get taken in, keep your eyes open if you choose to shop here.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 70}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 11, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 25, "target": 16, "label": "U"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "E"}, {"source": 24, "target": 13, "label": "F"}, {"source": 17, "target": 19, "label": "P"}, {"source": 23, "target": 12, "label": "P"}, {"source": 25, "target": 15, "label": "E"}, {"source": 21, "target": 6, "label": "P"}, {"source": 25, "target": 14, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 24, "target": 25, "label": "P"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 3, "label": "D"}, {"source": 18, "target": 21, "label": "H"}, {"source": 20, "target": 4, "label": "P"}, {"source": 22, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "120335-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On the other hand, the Richmond Ukrops chain is known for its charity work, its community action, and its interest in the public welfare.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 136}]}, {"id": 27, "anchors": [{"from": 136, "to": 137}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 33, "target": 11, "label": "R"}, {"source": 31, "target": 5, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 33, "target": 35, "label": "C"}, {"source": 30, "target": 10, "label": "P"}, {"source": 31, "target": 8, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 32, "target": 7, "label": "C"}, {"source": 37, "target": 21, "label": "E"}, {"source": 30, "target": 9, "label": "F"}, {"source": 38, "target": 26, "label": "C"}, {"source": 30, "target": 4, "label": "U"}, {"source": 28, "target": 3, "label": "C"}, {"source": 35, "target": 34, "label": "C"}, {"source": 35, "target": 19, "label": "U"}, {"source": 32, "target": 6, "label": "E"}, {"source": 37, "target": 22, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 36, "target": 16, "label": "E"}, {"source": 29, "target": 30, "label": "H"}, {"source": 35, "target": 20, "label": "N"}, {"source": 34, "target": 13, "label": "E"}, {"source": 35, "target": 37, "label": "C"}, {"source": 28, "target": 2, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 28, "target": 1, "label": "E"}, {"source": 36, "target": 18, "label": "C"}, {"source": 28, "target": 0, "label": "R"}, {"source": 38, "target": 24, "label": "E"}, {"source": 34, "target": 14, "label": "C"}, {"source": 35, "target": 15, "label": "U"}, {"source": 38, "target": 23, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 28, "label": "D"}, {"source": 31, "target": 32, "label": "E"}, {"source": 38, "target": 25, "label": "E"}, {"source": 36, "target": 17, "label": "E"}, {"source": 38, "target": 27, "label": "U"}]} +{"id": "120724-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it was a little to high dollar for me", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 7, "label": "R"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "120992-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Holly - the owner, knows exactly how to make you feel beautiful in clothes.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 21, "target": 10, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 4, "label": "U"}, {"source": 20, "target": 8, "label": "F"}, {"source": 16, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 11, "label": "P"}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 3, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "P"}, {"source": 23, "target": 13, "label": "R"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 0, "label": "C"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 1, "label": "U"}, {"source": 19, "target": 6, "label": "D"}]} +{"id": "120992-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stylish and contemporary, no matter your size or personality type.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 19, "target": 11, "label": "U"}, {"source": 14, "target": 0, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 19, "label": "C"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 17, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 1, "label": "N"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "C"}, {"source": 15, "target": 18, "label": "E"}, {"source": 18, "target": 8, "label": "N"}, {"source": 15, "target": 3, "label": "U"}]} +{"id": "120992-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She's an A+ and so are her clothes!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5, "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 18}]}, {"id": 7, "anchors": [{"from": 19, "to": 22}]}, {"id": 8, "anchors": [{"from": 23, "to": 26}]}, {"id": 9, "anchors": [{"from": 27, "to": 34}]}, {"id": 10, "anchors": [{"from": 34, "to": 35}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 6, "label": "D"}, {"source": 14, "target": 7, "label": "S"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 4, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 12, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "121342-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were expecting a great experience, when we recieved a friendly greeting by the hosts.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 8, "label": "A"}, {"source": 22, "target": 16, "label": "U"}, {"source": 17, "target": 2, "label": "P"}, {"source": 22, "target": 13, "label": "R"}, {"source": 22, "target": 14, "label": "E"}, {"source": 19, "target": 3, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "U"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 11, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "121342-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The atmosphere was nice and very clean.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "121342-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The menu had plenty of options even for picky eaters.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 13, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "R"}, {"source": 11, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}, {"source": 15, "target": 14, "label": "E"}]} +{"id": "121342-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service was ok, our waitress kept forgetting our drinks even though we reminded her several times.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}, {"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 19, "target": 3, "label": "S"}, {"source": 24, "target": 12, "label": "A"}, {"source": 20, "target": 4, "label": "U"}, {"source": 23, "target": 9, "label": "E"}, {"source": 24, "target": 25, "label": "D"}, {"source": 20, "target": 11, "label": "L"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 14, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 15, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 7, "label": "D"}, {"source": 22, "target": 8, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 22, "label": "H"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "121342-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To start we tried the guacamole and salsa verde, it was completly flavorless.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 21, "target": 7, "label": "E"}, {"source": 22, "target": 10, "label": "A"}, {"source": 17, "target": 3, "label": "P"}, {"source": 22, "target": 14, "label": "U"}, {"source": 21, "target": 8, "label": "C"}, {"source": 20, "target": 21, "label": "C"}, {"source": 20, "target": 5, "label": "C"}, {"source": 22, "target": 12, "label": "D"}, {"source": 19, "target": 18, "label": "C"}, {"source": 19, "target": 22, "label": "C"}, {"source": 22, "target": 13, "label": "S"}, {"source": 16, "target": 0, "label": "F"}, {"source": 22, "target": 11, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "U"}, {"source": 17, "target": 2, "label": "A"}, {"source": 20, "target": 6, "label": "N"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 4, "label": "E"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "121342-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We should have left then.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "121342-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We orderd our meals anyway, chimichangas,jalapeno borritos, and quesadillas.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 8, "label": "E"}, {"source": 17, "target": 11, "label": "N"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 10, "label": "U"}, {"source": 17, "target": 13, "label": "U"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 12, "label": "C"}, {"source": 15, "target": 5, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "D"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 2, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "U"}, {"source": 17, "target": 18, "label": "C"}, {"source": 17, "target": 6, "label": "C"}]} +{"id": "121342-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything was bland, completely void of any spice or flavor.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "P"}, {"source": 16, "target": 6, "label": "R"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 3, "label": "U"}, {"source": 17, "target": 9, "label": "N"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 17, "label": "C"}, {"source": 15, "target": 7, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "121342-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have never had mexican food this bad, it was just simply gross.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 13, "label": "A"}, {"source": 15, "target": 4, "label": "D"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "U"}, {"source": 19, "target": 12, "label": "D"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 17, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 5, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 19, "target": 10, "label": "S"}, {"source": 19, "target": 11, "label": "D"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "121342-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hopefully they spice things up or they wont be in business long.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}, {"from": 21, "to": 27}, {"from": 28, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 1, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 14, "target": 5, "label": "D"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 10, "label": "D"}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 3, "label": "L"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "D"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "121342-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recommend La Hacienda", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}, {"from": 15, "to": 23}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "A"}]} +{"id": "121556-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Holly is truely the best hairstylist!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "121556-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have lived in the UTC La Jolla area for many years, and I never new this salon was here until a friend reffered me to see Holly here.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}, {"from": 24, "to": 26}, {"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 129}, {"from": 130, "to": 134}]}, {"id": 27, "anchors": [{"from": 134, "to": 135}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 31, "target": 8, "label": "E"}, {"source": 33, "target": 15, "label": "E"}, {"source": 35, "target": 22, "label": "P"}, {"source": 28, "target": 2, "label": "P"}, {"source": 31, "target": 9, "label": "C"}, {"source": 32, "target": 18, "label": "S"}, {"source": 30, "target": 4, "label": "E"}, {"source": 29, "target": 19, "label": "L"}, {"source": 28, "target": 1, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 35, "target": 23, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 32, "target": 13, "label": "D"}, {"source": 30, "target": 6, "label": "C"}, {"source": 36, "target": 25, "label": "P"}, {"source": 30, "target": 5, "label": "E"}, {"source": 35, "target": 34, "label": "A"}, {"source": 36, "target": 27, "label": "U"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 32, "label": "H"}, {"source": 30, "target": 3, "label": "R"}, {"source": 31, "target": 7, "label": "R"}, {"source": 29, "target": 10, "label": "U"}, {"source": 32, "target": 14, "label": "D"}, {"source": 36, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 24, "label": "F"}, {"source": 32, "target": 17, "label": "F"}, {"source": 29, "target": 35, "label": "H"}, {"source": 32, "target": 12, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 31, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 34, "target": 21, "label": "C"}, {"source": 29, "target": 11, "label": "L"}, {"source": 36, "target": 26, "label": "A"}, {"source": 34, "target": 20, "label": "E"}]} +{"id": "121556-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was very pleased with my experience here.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "E"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "121556-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All of the people were friendly and welcoming.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 13, "label": "S"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 9, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "R"}]} +{"id": "121556-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I got highlights, haircut, and a blowdry.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "U"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 12, "target": 3, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "121556-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She did a great job!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "121556-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Holly is very experienced and talented, and I could tell she new what she was doing right off the bat.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 8, "label": "A"}, {"source": 25, "target": 10, "label": "P"}, {"source": 22, "target": 24, "label": "S"}, {"source": 24, "target": 3, "label": "C"}, {"source": 27, "target": 15, "label": "F"}, {"source": 26, "target": 12, "label": "E"}, {"source": 29, "target": 21, "label": "U"}, {"source": 29, "target": 18, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 6, "label": "U"}, {"source": 23, "target": 7, "label": "L"}, {"source": 22, "target": 1, "label": "F"}, {"source": 24, "target": 4, "label": "N"}, {"source": 27, "target": 14, "label": "A"}, {"source": 27, "target": 16, "label": "P"}, {"source": 29, "target": 20, "label": "C"}, {"source": 27, "target": 13, "label": "A"}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 25, "target": 11, "label": "A"}, {"source": 25, "target": 9, "label": "D"}, {"source": 27, "target": 28, "label": "D"}, {"source": 26, "target": 27, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "121556-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My hair looks amazing, and I get compliments all the time.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "D"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 4, "label": "U"}, {"source": 13, "target": 3, "label": "S"}, {"source": 13, "target": 2, "label": "D"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "121556-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I deffenitly reccomend this salon and Holly to anyone.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 12, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 1, "label": "D"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "121556-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You will not be disappointed!!!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "F"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "121651-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We love our new roof!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "121651-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We would like to thank you for the roofing job you did on our home.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 10, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 20, "target": 7, "label": "E"}, {"source": 22, "target": 12, "label": "R"}, {"source": 20, "target": 6, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 8, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 3, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "P"}, {"source": 22, "target": 13, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 17, "target": 18, "label": "P"}]} +{"id": "121651-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything was done on a timely manner and things were cleaned and picked up every day when the crew was done.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}, {"from": 74, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 23, "target": 4, "label": "E"}, {"source": 25, "target": 10, "label": "P"}, {"source": 27, "target": 13, "label": "E"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 18, "label": "F"}, {"source": 22, "target": 15, "label": "L"}, {"source": 29, "target": 19, "label": "P"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 23, "target": 3, "label": "R"}, {"source": 22, "target": 29, "label": "H"}, {"source": 22, "target": 11, "label": "L"}, {"source": 26, "target": 27, "label": "D"}, {"source": 23, "target": 24, "label": "C"}, {"source": 24, "target": 7, "label": "N"}, {"source": 27, "target": 14, "label": "C"}, {"source": 23, "target": 5, "label": "E"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 12, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 25, "target": 9, "label": "F"}, {"source": 28, "target": 16, "label": "E"}, {"source": 22, "target": 25, "label": "H"}, {"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "121651-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We also liked the way that Ray checked on the job everyday.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 17, "target": 19, "label": "D"}, {"source": 19, "target": 11, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 15, "target": 1, "label": "D"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 7, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 5, "label": "F"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "R"}]} +{"id": "121651-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And when the job was done every thing was cleaned up and hauled off that same day.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 18, "target": 2, "label": "C"}, {"source": 23, "target": 12, "label": "R"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 7, "label": "F"}, {"source": 23, "target": 13, "label": "E"}, {"source": 18, "target": 1, "label": "E"}, {"source": 17, "target": 22, "label": "H"}, {"source": 17, "target": 10, "label": "L"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 11, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "D"}]} +{"id": "121651-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We would not hesitate to use Spears Roofing again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}, {"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 6, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 12, "target": 4, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "P"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 7, "label": "D"}]} +{"id": "121651-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have already recommended you to some of our friends!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 8, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 9, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "121987-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BEST PLACE IN AMES", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 6, "target": 3, "label": "E"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "U"}]} +{"id": "121987-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I lived here for two years when the prices were a little lower :) The places are very nice and clean, and in great condition!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 124}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 34, "target": 17, "label": "D"}, {"source": 32, "target": 34, "label": "C"}, {"source": 28, "target": 19, "label": "L"}, {"source": 28, "target": 6, "label": "L"}, {"source": 35, "target": 23, "label": "R"}, {"source": 32, "target": 13, "label": "U"}, {"source": 28, "target": 21, "label": "U"}, {"source": 30, "target": 8, "label": "C"}, {"source": 34, "target": 33, "label": "A"}, {"source": 33, "target": 14, "label": "E"}, {"source": 32, "target": 11, "label": "E"}, {"source": 34, "target": 20, "label": "A"}, {"source": 27, "target": 1, "label": "P"}, {"source": 30, "target": 7, "label": "E"}, {"source": 31, "target": 30, "label": "A"}, {"source": 27, "target": 0, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 26, "label": "U"}, {"source": 29, "target": 3, "label": "R"}, {"source": 28, "target": 31, "label": "H"}, {"source": 28, "target": 36, "label": "H"}, {"source": 28, "target": 22, "label": "L"}, {"source": 34, "target": 18, "label": "S"}, {"source": 34, "target": 16, "label": "F"}, {"source": 33, "target": 15, "label": "C"}, {"source": 27, "target": 2, "label": "A"}, {"source": 35, "target": 25, "label": "C"}, {"source": 27, "target": 29, "label": "D"}, {"source": 32, "target": 12, "label": "E"}, {"source": 31, "target": 9, "label": "S"}, {"source": 35, "target": 24, "label": "E"}, {"source": 29, "target": 5, "label": "C"}, {"source": 32, "target": 10, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 36, "target": 35, "label": "D"}]} +{"id": "121987-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I really enjoyed the staff at Wessex, also the manager Sherri was always very nice and helpful.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 26, "target": 16, "label": "N"}, {"source": 23, "target": 9, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 24, "target": 13, "label": "D"}, {"source": 24, "target": 12, "label": "F"}, {"source": 20, "target": 8, "label": "L"}, {"source": 25, "target": 14, "label": "E"}, {"source": 20, "target": 24, "label": "H"}, {"source": 24, "target": 26, "label": "S"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 10, "label": "E"}, {"source": 26, "target": 25, "label": "C"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "121987-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The fitness center was GREAT!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "121987-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only problem that I had in 2 years of living there was that the walls are pretty thin, sometimes I could here my neighbors conversations.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 141}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 28, "target": 31, "label": "E"}, {"source": 28, "target": 2, "label": "C"}, {"source": 38, "target": 26, "label": "E"}, {"source": 34, "target": 12, "label": "S"}, {"source": 31, "target": 32, "label": "D"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 8, "label": "C"}, {"source": 38, "target": 25, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 37, "target": 23, "label": "C"}, {"source": 30, "target": 20, "label": "D"}, {"source": 36, "target": 14, "label": "E"}, {"source": 28, "target": 0, "label": "E"}, {"source": 30, "target": 28, "label": "A"}, {"source": 35, "target": 16, "label": "F"}, {"source": 31, "target": 3, "label": "F"}, {"source": 30, "target": 19, "label": "U"}, {"source": 35, "target": 13, "label": "F"}, {"source": 37, "target": 22, "label": "F"}, {"source": 33, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 15, "label": "C"}, {"source": 30, "target": 38, "label": "A"}, {"source": 29, "target": 30, "label": "H"}, {"source": 34, "target": 11, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 35, "target": 18, "label": "S"}, {"source": 33, "target": 10, "label": "P"}, {"source": 32, "target": 6, "label": "R"}, {"source": 28, "target": 1, "label": "E"}, {"source": 30, "target": 21, "label": "A"}, {"source": 38, "target": 24, "label": "E"}, {"source": 35, "target": 17, "label": "D"}, {"source": 33, "target": 9, "label": "R"}, {"source": 32, "target": 7, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 37, "label": "P"}, {"source": 31, "target": 4, "label": "A"}, {"source": 31, "target": 5, "label": "P"}, {"source": 38, "target": 27, "label": "U"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "121987-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend these apartments to anybody!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 12, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 12, "target": 5, "label": "R"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "121987-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I absolutely LOVED living there.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "A"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "122270-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Perfect Practice", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "122270-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After I had chosen The Fountain Dental Practice they provided a slick and professional service from start to finish.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}, {"from": 32, "to": 38}, {"from": 39, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 86}]}, {"id": 12, "anchors": [{"from": 87, "to": 94}]}, {"id": 13, "anchors": [{"from": 95, "to": 99}]}, {"id": 14, "anchors": [{"from": 100, "to": 105}]}, {"id": 15, "anchors": [{"from": 106, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 115}]}, {"id": 17, "anchors": [{"from": 115, "to": 116}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 10, "label": "N"}, {"source": 25, "target": 16, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 25, "target": 14, "label": "D"}, {"source": 25, "target": 13, "label": "R"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 25, "target": 15, "label": "F"}, {"source": 24, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 9, "label": "C"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 25, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 1, "label": "A"}, {"source": 21, "target": 6, "label": "A"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 3, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 7, "label": "P"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "122270-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone was friendly from the receptionist to the surgeon herself, putting me at my ease and explaining the whole process, both initially and then as we went along.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 122}]}, {"id": 21, "anchors": [{"from": 122, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 138}]}, {"id": 24, "anchors": [{"from": 139, "to": 142}, {"from": 143, "to": 147}, {"from": 148, "to": 150}]}, {"id": 25, "anchors": [{"from": 151, "to": 153}]}, {"id": 26, "anchors": [{"from": 154, "to": 158}, {"from": 159, "to": 164}]}, {"id": 27, "anchors": [{"from": 164, "to": 165}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 35, "target": 20, "label": "C"}, {"source": 38, "target": 24, "label": "N"}, {"source": 30, "target": 5, "label": "C"}, {"source": 28, "target": 2, "label": "P"}, {"source": 38, "target": 25, "label": "C"}, {"source": 33, "target": 13, "label": "R"}, {"source": 31, "target": 6, "label": "R"}, {"source": 31, "target": 8, "label": "C"}, {"source": 29, "target": 37, "label": "H"}, {"source": 37, "target": 26, "label": "P"}, {"source": 31, "target": 7, "label": "E"}, {"source": 35, "target": 19, "label": "E"}, {"source": 28, "target": 31, "label": "A"}, {"source": 33, "target": 14, "label": "E"}, {"source": 30, "target": 4, "label": "E"}, {"source": 28, "target": 1, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 29, "target": 34, "label": "H"}, {"source": 32, "target": 11, "label": "P"}, {"source": 36, "target": 22, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 29, "target": 32, "label": "H"}, {"source": 30, "target": 3, "label": "R"}, {"source": 37, "target": 36, "label": "D"}, {"source": 38, "target": 23, "label": "C"}, {"source": 33, "target": 15, "label": "C"}, {"source": 29, "target": 10, "label": "U"}, {"source": 34, "target": 17, "label": "P"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "D"}, {"source": 32, "target": 12, "label": "A"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 18, "label": "E"}, {"source": 29, "target": 16, "label": "L"}, {"source": 32, "target": 33, "label": "A"}, {"source": 36, "target": 38, "label": "E"}, {"source": 29, "target": 21, "label": "U"}, {"source": 37, "target": 27, "label": "U"}]} +{"id": "122270-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The surgery itself is slick, modern and very relaxed and I always felt that I was in capable hands.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 29, "target": 17, "label": "R"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 26, "label": "C"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 29, "label": "S"}, {"source": 29, "target": 19, "label": "C"}, {"source": 23, "target": 10, "label": "L"}, {"source": 27, "target": 13, "label": "S"}, {"source": 22, "target": 3, "label": "F"}, {"source": 25, "target": 7, "label": "N"}, {"source": 21, "target": 2, "label": "E"}, {"source": 22, "target": 4, "label": "S"}, {"source": 23, "target": 5, "label": "U"}, {"source": 29, "target": 18, "label": "E"}, {"source": 26, "target": 8, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 28, "target": 14, "label": "F"}, {"source": 27, "target": 12, "label": "D"}, {"source": 25, "target": 6, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 27, "target": 11, "label": "A"}, {"source": 28, "target": 15, "label": "A"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "122270-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My dental surgeon, Dr. Lucy Nichols is clearly a dental perfectionist and clearly proud both of the work she does and the reputation she has established.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}, {"from": 28, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 92}]}, {"id": 14, "anchors": [{"from": 93, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 132}]}, {"id": 22, "anchors": [{"from": 133, "to": 136}]}, {"id": 23, "anchors": [{"from": 137, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 152}]}, {"id": 25, "anchors": [{"from": 152, "to": 153}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 10, "label": "N"}, {"source": 35, "target": 19, "label": "N"}, {"source": 30, "target": 9, "label": "C"}, {"source": 33, "target": 15, "label": "E"}, {"source": 32, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 17, "label": "A"}, {"source": 35, "target": 18, "label": "C"}, {"source": 32, "target": 11, "label": "D"}, {"source": 36, "target": 20, "label": "E"}, {"source": 37, "target": 23, "label": "F"}, {"source": 29, "target": 4, "label": "A"}, {"source": 34, "target": 35, "label": "S"}, {"source": 36, "target": 21, "label": "C"}, {"source": 37, "target": 25, "label": "U"}, {"source": 31, "target": 30, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 28, "target": 33, "label": "E"}, {"source": 32, "target": 12, "label": "S"}, {"source": 29, "target": 5, "label": "S"}, {"source": 29, "target": 6, "label": "D"}, {"source": 30, "target": 7, "label": "E"}, {"source": 37, "target": 24, "label": "P"}, {"source": 26, "target": 2, "label": "C"}, {"source": 26, "target": 0, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 28, "target": 14, "label": "R"}, {"source": 27, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 22, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 29, "label": "H"}, {"source": 32, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 8, "label": "E"}, {"source": 27, "target": 3, "label": "U"}, {"source": 26, "target": 1, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 36, "target": 37, "label": "E"}]} +{"id": "122270-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone was so helpful that I cannot wait to go back .....", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}, {"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "F"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 8, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "122270-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Peter", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "122514-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Decent place to stay, I would stay there again.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 8, "label": "A"}, {"source": 12, "target": 11, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 15, "label": "P"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 9, "label": "D"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 4, "label": "U"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 5, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 6, "label": "F"}]} +{"id": "122514-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rooms were clean, plenty of things to do near hotel, and safe part of town.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 22, "target": 21, "label": "E"}, {"source": 25, "target": 26, "label": "C"}, {"source": 23, "target": 7, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 27, "target": 15, "label": "R"}, {"source": 26, "target": 27, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 24, "label": "C"}, {"source": 24, "target": 10, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 24, "target": 9, "label": "E"}, {"source": 20, "target": 3, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 13, "label": "E"}, {"source": 25, "target": 12, "label": "N"}, {"source": 20, "target": 2, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 8, "label": "P"}, {"source": 20, "target": 23, "label": "E"}, {"source": 21, "target": 5, "label": "R"}, {"source": 19, "target": 1, "label": "S"}, {"source": 25, "target": 11, "label": "U"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "122564-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "good outside, bad inside", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 5, "target": 2, "label": "U"}, {"source": 8, "target": 9, "label": "E"}, {"source": 5, "target": 1, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "C"}, {"source": 9, "target": 4, "label": "R"}, {"source": 7, "target": 8, "label": "E"}, {"source": 5, "target": 6, "label": "P"}]} +{"id": "122564-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the apartment only looks good outsize, inside is too bad.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 7, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 6, "label": "U"}, {"source": 16, "target": 9, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 15, "label": "P"}, {"source": 16, "target": 10, "label": "S"}, {"source": 13, "target": 2, "label": "D"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "122564-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "too many bugs some you even never seen before.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 13, "label": "D"}, {"source": 12, "target": 8, "label": "D"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 7, "label": "S"}, {"source": 10, "target": 1, "label": "E"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "122564-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the attitude of some staff is terrible, did not solve anything only say i can do nothing.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 14, "label": "A"}, {"source": 23, "target": 11, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 23, "target": 5, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 23, "target": 6, "label": "S"}, {"source": 20, "target": 19, "label": "P"}, {"source": 19, "target": 0, "label": "E"}, {"source": 22, "target": 2, "label": "R"}, {"source": 23, "target": 12, "label": "D"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "D"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "D"}, {"source": 25, "target": 26, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 22, "target": 3, "label": "E"}, {"source": 26, "target": 15, "label": "F"}, {"source": 23, "target": 7, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 4, "label": "C"}]} +{"id": "122882-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over-rated", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "122882-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Buddakan inevitably attracts the majority of its guests simply because of its association with Steven Starr, but that doesn't impress me.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 94}]}, {"id": 14, "anchors": [{"from": 95, "to": 101}, {"from": 102, "to": 107}]}, {"id": 15, "anchors": [{"from": 107, "to": 108}]}, {"id": 16, "anchors": [{"from": 109, "to": 112}]}, {"id": 17, "anchors": [{"from": 113, "to": 117}]}, {"id": 18, "anchors": [{"from": 118, "to": 122}]}, {"id": 19, "anchors": [{"from": 122, "to": 125}]}, {"id": 20, "anchors": [{"from": 126, "to": 133}]}, {"id": 21, "anchors": [{"from": 134, "to": 136}]}, {"id": 22, "anchors": [{"from": 136, "to": 137}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 16, "label": "L"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 30, "target": 18, "label": "F"}, {"source": 28, "target": 12, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 27, "label": "L"}, {"source": 30, "target": 20, "label": "P"}, {"source": 24, "target": 30, "label": "H"}, {"source": 29, "target": 13, "label": "R"}, {"source": 24, "target": 28, "label": "H"}, {"source": 26, "target": 7, "label": "C"}, {"source": 29, "target": 14, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 30, "target": 17, "label": "A"}, {"source": 30, "target": 21, "label": "A"}, {"source": 30, "target": 19, "label": "D"}, {"source": 24, "target": 15, "label": "U"}, {"source": 23, "target": 8, "label": "D"}, {"source": 27, "target": 10, "label": "F"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 23, "target": 1, "label": "D"}, {"source": 28, "target": 11, "label": "A"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "122882-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The atmosphere alone deserves 4 stars but, the food was not up to par with the price tag and the reputation the restaurant carries.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 130}]}, {"id": 25, "anchors": [{"from": 130, "to": 131}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 35, "target": 22, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 28, "target": 19, "label": "L"}, {"source": 28, "target": 6, "label": "L"}, {"source": 31, "target": 11, "label": "D"}, {"source": 31, "target": 13, "label": "F"}, {"source": 30, "target": 9, "label": "C"}, {"source": 31, "target": 10, "label": "D"}, {"source": 33, "target": 35, "label": "E"}, {"source": 28, "target": 34, "label": "H"}, {"source": 28, "target": 7, "label": "U"}, {"source": 32, "target": 16, "label": "E"}, {"source": 34, "target": 33, "label": "A"}, {"source": 27, "target": 3, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 32, "target": 15, "label": "R"}, {"source": 34, "target": 24, "label": "P"}, {"source": 31, "target": 30, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 0, "label": "E"}, {"source": 28, "target": 31, "label": "H"}, {"source": 33, "target": 20, "label": "E"}, {"source": 27, "target": 26, "label": "A"}, {"source": 32, "target": 17, "label": "E"}, {"source": 30, "target": 8, "label": "E"}, {"source": 31, "target": 14, "label": "P"}, {"source": 26, "target": 1, "label": "C"}, {"source": 29, "target": 5, "label": "C"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 18, "label": "C"}, {"source": 34, "target": 25, "label": "U"}, {"source": 31, "target": 12, "label": "D"}, {"source": 27, "target": 2, "label": "D"}]} +{"id": "122882-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The server we had was knowledgeable but he was not as proper as he should have been, acting like he was talking to his friends rather than his customers.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 153}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 34, "target": 7, "label": "A"}, {"source": 38, "target": 19, "label": "R"}, {"source": 31, "target": 1, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 30, "label": "U"}, {"source": 31, "target": 0, "label": "E"}, {"source": 33, "target": 6, "label": "L"}, {"source": 33, "target": 32, "label": "H"}, {"source": 33, "target": 37, "label": "H"}, {"source": 32, "target": 4, "label": "F"}, {"source": 37, "target": 38, "label": "A"}, {"source": 35, "target": 10, "label": "R"}, {"source": 36, "target": 16, "label": "C"}, {"source": 40, "target": 24, "label": "E"}, {"source": 39, "target": 21, "label": "F"}, {"source": 38, "target": 39, "label": "C"}, {"source": 34, "target": 8, "label": "S"}, {"source": 41, "target": 26, "label": "R"}, {"source": 41, "target": 28, "label": "E"}, {"source": 33, "target": 17, "label": "U"}, {"source": 39, "target": 20, "label": "A"}, {"source": 32, "target": 3, "label": "F"}, {"source": 36, "target": 12, "label": "R"}, {"source": 32, "target": 31, "label": "A"}, {"source": 36, "target": 13, "label": "A"}, {"source": 39, "target": 41, "label": "D"}, {"source": 33, "target": 34, "label": "H"}, {"source": 36, "target": 14, "label": "D"}, {"source": 34, "target": 35, "label": "A"}, {"source": 41, "target": 27, "label": "F"}, {"source": 36, "target": 15, "label": "F"}, {"source": 32, "target": 2, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 37, "target": 18, "label": "P"}, {"source": 40, "target": 23, "label": "R"}, {"source": 34, "target": 9, "label": "D"}, {"source": 32, "target": 5, "label": "S"}, {"source": 41, "target": 29, "label": "C"}, {"source": 39, "target": 22, "label": "P"}, {"source": 35, "target": 11, "label": "C"}, {"source": 40, "target": 25, "label": "C"}]} +{"id": "122882-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The angry lobster was completely over-priced!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 44}]}, {"id": 6, "anchors": [{"from": 44, "to": 45}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "122882-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "$80 for a dish that has about one small lobster tail and is full of filler vegetables!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}, {"from": 4, "to": 7}, {"from": 8, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 3, "label": "S"}, {"source": 24, "target": 13, "label": "E"}, {"source": 18, "target": 20, "label": "E"}, {"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 8, "label": "C"}, {"source": 18, "target": 0, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 4, "label": "R"}, {"source": 23, "target": 11, "label": "S"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 15, "label": "U"}, {"source": 22, "target": 7, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 22, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "122882-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wouldn't go there again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 4, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 8, "target": 5, "label": "D"}]} +{"id": "124163-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cranmore Dental and Implant Clinic : I could not recommend Dr David Nelson enough.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 27}, {"from": 28, "to": 34}]}, {"id": 3, "anchors": [{"from": 35, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 67}, {"from": 68, "to": 74}]}, {"id": 10, "anchors": [{"from": 75, "to": 81}]}, {"id": 11, "anchors": [{"from": 81, "to": 82}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 15, "target": 10, "label": "D"}, {"source": 15, "target": 4, "label": "A"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 12, "target": 1, "label": "N"}, {"source": 14, "target": 3, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 15, "target": 16, "label": "P"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 5, "label": "F"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "124163-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a severe phobia of attending the dentist until I met and was treated by Dr Nelson.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}, {"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 12, "label": "L"}, {"source": 22, "target": 7, "label": "E"}, {"source": 20, "target": 3, "label": "E"}, {"source": 20, "target": 2, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 24, "label": "H"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 19, "target": 23, "label": "H"}, {"source": 18, "target": 1, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 5, "label": "R"}, {"source": 24, "target": 14, "label": "P"}, {"source": 25, "target": 15, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 19, "target": 9, "label": "L"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "124163-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He instantaneously put me at ease and his ongoing treatments have been absolutely pain free.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 91}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 7, "label": "E"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 13, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 3, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 6, "label": "L"}, {"source": 20, "target": 14, "label": "A"}, {"source": 16, "target": 1, "label": "D"}, {"source": 20, "target": 11, "label": "S"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 10, "label": "F"}, {"source": 20, "target": 12, "label": "D"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "124163-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My previous apprehension has been dismissed and I no longer have a sinking feeling when my next appointment is due!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 5, "label": "P"}, {"source": 24, "target": 7, "label": "A"}, {"source": 24, "target": 25, "label": "D"}, {"source": 22, "target": 4, "label": "F"}, {"source": 21, "target": 0, "label": "A"}, {"source": 26, "target": 12, "label": "E"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 14, "label": "L"}, {"source": 21, "target": 1, "label": "D"}, {"source": 25, "target": 8, "label": "E"}, {"source": 21, "target": 2, "label": "P"}, {"source": 27, "target": 19, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 15, "label": "A"}, {"source": 27, "target": 18, "label": "S"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 9, "label": "C"}, {"source": 23, "target": 27, "label": "H"}, {"source": 26, "target": 13, "label": "C"}, {"source": 26, "target": 11, "label": "E"}, {"source": 27, "target": 20, "label": "U"}, {"source": 28, "target": 16, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 24, "target": 10, "label": "S"}, {"source": 23, "target": 6, "label": "L"}]} +{"id": "124163-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In addition to the core treatment, Dr Nelson has impressed me further with his concern and interest in the well-being of his patients – his dental work underpinned by a strong duty of care to every patient.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 11}, {"from": 12, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 33}]}, {"id": 4, "anchors": [{"from": 33, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}, {"from": 38, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 90}]}, {"id": 14, "anchors": [{"from": 91, "to": 99}]}, {"id": 15, "anchors": [{"from": 100, "to": 102}]}, {"id": 16, "anchors": [{"from": 103, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "anchors": [{"from": 111, "to": 112}]}, {"id": 19, "anchors": [{"from": 112, "to": 117}]}, {"id": 20, "anchors": [{"from": 118, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 146}]}, {"id": 26, "anchors": [{"from": 147, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 163}]}, {"id": 28, "anchors": [{"from": 164, "to": 166}]}, {"id": 29, "anchors": [{"from": 167, "to": 168}]}, {"id": 30, "anchors": [{"from": 169, "to": 175}]}, {"id": 31, "anchors": [{"from": 176, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 183}]}, {"id": 33, "anchors": [{"from": 184, "to": 188}]}, {"id": 34, "anchors": [{"from": 189, "to": 191}]}, {"id": 35, "anchors": [{"from": 192, "to": 197}]}, {"id": 36, "anchors": [{"from": 198, "to": 205}]}, {"id": 37, "anchors": [{"from": 205, "to": 206}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 51, "target": 29, "label": "E"}, {"source": 40, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 37, "label": "U"}, {"source": 49, "target": 27, "label": "P"}, {"source": 43, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 45, "label": "P"}, {"source": 45, "target": 17, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 48, "target": 25, "label": "E"}, {"source": 51, "target": 30, "label": "E"}, {"source": 44, "target": 15, "label": "R"}, {"source": 42, "target": 12, "label": "C"}, {"source": 41, "target": 5, "label": "A"}, {"source": 39, "target": 2, "label": "E"}, {"source": 44, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 10, "label": "R"}, {"source": 45, "target": 16, "label": "E"}, {"source": 38, "target": 0, "label": "L"}, {"source": 44, "target": 46, "label": "A"}, {"source": 41, "target": 6, "label": "F"}, {"source": 52, "target": 34, "label": "R"}, {"source": 41, "target": 8, "label": "A"}, {"source": 42, "target": 11, "label": "E"}, {"source": 38, "target": 40, "label": "H"}, {"source": 45, "target": 19, "label": "C"}, {"source": 41, "target": 9, "label": "D"}, {"source": 39, "target": 3, "label": "C"}, {"source": 48, "target": 26, "label": "C"}, {"source": 46, "target": 22, "label": "C"}, {"source": 46, "target": 21, "label": "E"}, {"source": 38, "target": 13, "label": "L"}, {"source": 49, "target": 52, "label": "A"}, {"source": 52, "target": 36, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 46, "target": 23, "label": "U"}, {"source": 46, "target": 47, "label": "E"}, {"source": 47, "target": 48, "label": "P"}, {"source": 38, "target": 41, "label": "H"}, {"source": 49, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 35, "label": "E"}, {"source": 39, "target": 1, "label": "E"}, {"source": 38, "target": 43, "label": "H"}, {"source": 45, "target": 18, "label": "U"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 51, "label": "E"}, {"source": 50, "target": 33, "label": "C"}, {"source": 46, "target": 20, "label": "R"}, {"source": 41, "target": 7, "label": "P"}, {"source": 40, "target": 4, "label": "U"}, {"source": 51, "target": 31, "label": "C"}, {"source": 43, "target": 14, "label": "P"}, {"source": 47, "target": 49, "label": "A"}, {"source": 40, "target": 39, "label": "S"}, {"source": 50, "target": 28, "label": "R"}, {"source": 47, "target": 24, "label": "A"}, {"source": 51, "target": 32, "label": "R"}]} +{"id": "124163-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He is always prepared to go the extra mile to ensure that any patient discomfort is dealt with immediately –", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 108}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 5, "label": "P"}, {"source": 25, "target": 16, "label": "P"}, {"source": 25, "target": 11, "label": "F"}, {"source": 22, "target": 4, "label": "F"}, {"source": 26, "target": 12, "label": "E"}, {"source": 23, "target": 6, "label": "E"}, {"source": 25, "target": 27, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 10, "label": "P"}, {"source": 25, "target": 15, "label": "F"}, {"source": 21, "target": 24, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 26, "target": 13, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "S"}, {"source": 27, "target": 28, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "E"}, {"source": 27, "target": 17, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "124163-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pam Gillies", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "124492-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great product, great service!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "124492-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Installed Biometrics and Got Excellent Service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 28}, {"from": 29, "to": 38}, {"from": 39, "to": 46}]}, {"id": 3, "anchors": [{"from": 46, "to": 47}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "N"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "124552-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have good sushi for a good price.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "124552-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My favorite so far in Bellevue.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 10, "label": "R"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 12, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "124552-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Store is on the small side and atmosphere is just average.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 9, "label": "D"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 10, "label": "A"}, {"source": 15, "target": 6, "label": "N"}, {"source": 14, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 11, "label": "U"}, {"source": 13, "target": 8, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "125522-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are out of business.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 9, "target": 8, "label": "R"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "125522-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice people... I hear.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 3, "label": "A"}]} +{"id": "125522-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Calls are now forwarded to Malcolm Smith Motorsports down the road.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}, {"from": 35, "to": 40}, {"from": 41, "to": 52}]}, {"id": 6, "anchors": [{"from": 53, "to": 57}]}, {"id": 7, "anchors": [{"from": 58, "to": 61}]}, {"id": 8, "anchors": [{"from": 62, "to": 66}]}, {"id": 9, "anchors": [{"from": 66, "to": 67}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 6, "label": "R"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "125629-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anyone else find it a little suspicious that there are not only 20 reviews for this dentist (a HUGE number compared to the others in the area), but that they all have the same unique grammar structure?", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 141}]}, {"id": 27, "anchors": [{"from": 141, "to": 142}]}, {"id": 28, "anchors": [{"from": 142, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 161}]}, {"id": 33, "anchors": [{"from": 162, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 175}]}, {"id": 36, "anchors": [{"from": 176, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 190}]}, {"id": 38, "anchors": [{"from": 191, "to": 200}]}, {"id": 39, "anchors": [{"from": 200, "to": 201}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 46, "target": 13, "label": "R"}, {"source": 52, "target": 38, "label": "C"}, {"source": 47, "target": 19, "label": "C"}, {"source": 52, "target": 37, "label": "E"}, {"source": 47, "target": 18, "label": "E"}, {"source": 43, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 0, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 52, "target": 39, "label": "U"}, {"source": 48, "target": 49, "label": "E"}, {"source": 47, "target": 48, "label": "E"}, {"source": 51, "target": 33, "label": "A"}, {"source": 46, "target": 14, "label": "E"}, {"source": 51, "target": 31, "label": "A"}, {"source": 40, "target": 2, "label": "A"}, {"source": 42, "target": 5, "label": "C"}, {"source": 40, "target": 1, "label": "P"}, {"source": 51, "target": 32, "label": "S"}, {"source": 42, "target": 3, "label": "E"}, {"source": 43, "target": 6, "label": "R"}, {"source": 41, "target": 27, "label": "U"}, {"source": 45, "target": 12, "label": "C"}, {"source": 43, "target": 44, "label": "P"}, {"source": 44, "target": 8, "label": "S"}, {"source": 44, "target": 9, "label": "D"}, {"source": 46, "target": 15, "label": "C"}, {"source": 44, "target": 7, "label": "F"}, {"source": 47, "target": 17, "label": "E"}, {"source": 49, "target": 22, "label": "E"}, {"source": 49, "target": 23, "label": "C"}, {"source": 50, "target": 25, "label": "E"}, {"source": 50, "target": 24, "label": "R"}, {"source": 49, "target": 21, "label": "R"}, {"source": 51, "target": 30, "label": "F"}, {"source": 41, "target": 28, "label": "U"}, {"source": 42, "target": 4, "label": "E"}, {"source": 52, "target": 35, "label": "E"}, {"source": 41, "target": 51, "label": "H"}, {"source": 42, "target": 43, "label": "E"}, {"source": 52, "target": 34, "label": "E"}, {"source": 43, "target": 16, "label": "U"}, {"source": 48, "target": 20, "label": "R"}, {"source": 45, "target": 11, "label": "E"}, {"source": 40, "target": 42, "label": "A"}, {"source": 52, "target": 36, "label": "E"}, {"source": 41, "target": 40, "label": "H"}, {"source": 43, "target": 46, "label": "A"}, {"source": 41, "target": 29, "label": "L"}, {"source": 44, "target": 45, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 50, "target": 26, "label": "C"}, {"source": 43, "target": 47, "label": "A"}, {"source": 44, "target": 10, "label": "D"}]} +{"id": "125629-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And they seem to be posted at fairly regular intervals?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "P"}, {"source": 11, "target": 0, "label": "L"}]} +{"id": "126086-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I like I Move CA - Los Angeles Movers, they moved me before, but this time they were awesome :)", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}, {"from": 65, "to": 69}, {"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "A"}, {"source": 24, "target": 9, "label": "A"}, {"source": 21, "target": 3, "label": "P"}, {"source": 22, "target": 5, "label": "U"}, {"source": 20, "target": 12, "label": "L"}, {"source": 22, "target": 6, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 25, "target": 15, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 10, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 2, "label": "E"}, {"source": 20, "target": 8, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 25, "target": 17, "label": "S"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 7, "label": "C"}, {"source": 25, "target": 16, "label": "F"}, {"source": 20, "target": 14, "label": "L"}]} +{"id": "126134-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Usually very quick and timely.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "E"}, {"source": 7, "target": 8, "label": "S"}, {"source": 7, "target": 0, "label": "D"}, {"source": 9, "target": 10, "label": "C"}, {"source": 10, "target": 3, "label": "N"}, {"source": 8, "target": 9, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "126134-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Doctor Bogomilsky knows her stuff too.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 37, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "126171-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Only Concerned With Money", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "126171-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been getting my treatments for a few months now and have seen some results but not up to the standards that I was told I should expect.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 141}]}, {"id": 29, "anchors": [{"from": 141, "to": 142}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 39, "target": 22, "label": "F"}, {"source": 38, "target": 19, "label": "R"}, {"source": 39, "target": 26, "label": "A"}, {"source": 39, "target": 27, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 10, "label": "E"}, {"source": 31, "target": 37, "label": "H"}, {"source": 30, "target": 2, "label": "F"}, {"source": 33, "target": 6, "label": "R"}, {"source": 30, "target": 33, "label": "D"}, {"source": 39, "target": 24, "label": "F"}, {"source": 31, "target": 16, "label": "L"}, {"source": 34, "target": 13, "label": "P"}, {"source": 31, "target": 11, "label": "L"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 8, "label": "E"}, {"source": 35, "target": 15, "label": "C"}, {"source": 32, "target": 5, "label": "C"}, {"source": 39, "target": 25, "label": "P"}, {"source": 32, "target": 4, "label": "E"}, {"source": 38, "target": 39, "label": "E"}, {"source": 33, "target": 9, "label": "C"}, {"source": 40, "target": 29, "label": "U"}, {"source": 33, "target": 7, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 39, "target": 23, "label": "A"}, {"source": 38, "target": 21, "label": "C"}, {"source": 35, "target": 14, "label": "E"}, {"source": 37, "target": 36, "label": "D"}, {"source": 34, "target": 12, "label": "F"}, {"source": 36, "target": 18, "label": "C"}, {"source": 36, "target": 17, "label": "E"}, {"source": 38, "target": 20, "label": "E"}, {"source": 40, "target": 28, "label": "C"}, {"source": 30, "target": 3, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 34, "label": "H"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 1, "label": "F"}]} +{"id": "126171-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The people there attempt to come across and professional and nice, but I was disappointed with their customer service.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 25, "target": 5, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 7, "label": "N"}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 22, "target": 2, "label": "A"}, {"source": 24, "target": 26, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 3, "label": "P"}, {"source": 23, "target": 11, "label": "U"}, {"source": 23, "target": 12, "label": "L"}, {"source": 29, "target": 19, "label": "C"}, {"source": 27, "target": 9, "label": "N"}, {"source": 28, "target": 15, "label": "P"}, {"source": 29, "target": 18, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 28, "label": "H"}, {"source": 29, "target": 16, "label": "R"}, {"source": 28, "target": 14, "label": "F"}, {"source": 28, "target": 13, "label": "A"}, {"source": 26, "target": 25, "label": "C"}, {"source": 25, "target": 6, "label": "C"}, {"source": 26, "target": 27, "label": "C"}, {"source": 29, "target": 17, "label": "E"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "126171-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Never miss an appointment because they will charge you the price of a treatment, even if you had an emergency.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}, {"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "R"}, {"source": 25, "target": 9, "label": "E"}, {"source": 22, "target": 14, "label": "U"}, {"source": 24, "target": 6, "label": "F"}, {"source": 24, "target": 5, "label": "A"}, {"source": 25, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 19, "label": "C"}, {"source": 26, "target": 12, "label": "E"}, {"source": 28, "target": 18, "label": "E"}, {"source": 22, "target": 4, "label": "L"}, {"source": 22, "target": 15, "label": "L"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 0, "label": "D"}, {"source": 23, "target": 3, "label": "C"}, {"source": 24, "target": 7, "label": "D"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 17, "label": "P"}, {"source": 26, "target": 13, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 24, "target": 8, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 22, "target": 27, "label": "H"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "126171-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's pretty ridiculous!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "126171-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They want to squeeze as much as they can from you even if you just got in a car accident!!!!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}, {"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}, {"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 10, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 23, "target": 11, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 23, "label": "H"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 5, "label": "L"}, {"source": 24, "target": 25, "label": "E"}, {"source": 19, "target": 4, "label": "D"}, {"source": 25, "target": 16, "label": "E"}, {"source": 23, "target": 12, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 18, "label": "U"}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 9, "label": "C"}, {"source": 21, "target": 6, "label": "A"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 8, "label": "R"}, {"source": 19, "target": 3, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "126171-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They don't care one bit about you!!!!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "C"}, {"source": 9, "target": 3, "label": "P"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "127157-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "great service/deals - support this local business", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 9, "target": 12, "label": "C"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 5, "label": "P"}, {"source": 12, "target": 2, "label": "U"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "127157-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have used these guys for new snows, fixing lots of flats, used replacement tires, and oil changes.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 23, "target": 2, "label": "P"}, {"source": 25, "target": 5, "label": "R"}, {"source": 25, "target": 6, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 25, "target": 26, "label": "C"}, {"source": 29, "target": 14, "label": "P"}, {"source": 31, "target": 17, "label": "U"}, {"source": 27, "target": 9, "label": "E"}, {"source": 31, "target": 30, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 28, "target": 11, "label": "R"}, {"source": 32, "target": 20, "label": "C"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 29, "label": "C"}, {"source": 26, "target": 8, "label": "U"}, {"source": 27, "target": 10, "label": "C"}, {"source": 30, "target": 16, "label": "C"}, {"source": 26, "target": 13, "label": "U"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 12, "label": "C"}, {"source": 32, "target": 21, "label": "U"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 31, "target": 18, "label": "N"}, {"source": 22, "target": 23, "label": "H"}, {"source": 26, "target": 27, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 32, "target": 19, "label": "E"}]} +{"id": "127157-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have the best prices locally and good customer service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 6, "label": "N"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 16, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 14, "label": "A"}]} +{"id": "127157-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One guy is a little surley, but who gives a crap as long as your car's work is outstanding.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}, {"from": 52, "to": 56}, {"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "L"}, {"source": 23, "target": 4, "label": "E"}, {"source": 20, "target": 1, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 24, "target": 9, "label": "S"}, {"source": 27, "target": 13, "label": "E"}, {"source": 27, "target": 15, "label": "R"}, {"source": 25, "target": 11, "label": "C"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 24, "target": 8, "label": "F"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "U"}, {"source": 21, "target": 20, "label": "A"}, {"source": 24, "target": 19, "label": "U"}, {"source": 21, "target": 2, "label": "S"}, {"source": 26, "target": 12, "label": "R"}, {"source": 24, "target": 17, "label": "F"}, {"source": 27, "target": 14, "label": "C"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 27, "label": "E"}, {"source": 24, "target": 18, "label": "A"}]} +{"id": "127157-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AND they're usually able to help you as a walk-in, and they're fast.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 68}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 18, "target": 22, "label": "H"}, {"source": 19, "target": 5, "label": "F"}, {"source": 22, "target": 15, "label": "F"}, {"source": 18, "target": 13, "label": "L"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 17, "label": "U"}, {"source": 19, "target": 20, "label": "P"}, {"source": 19, "target": 7, "label": "A"}, {"source": 22, "target": 14, "label": "A"}, {"source": 21, "target": 11, "label": "U"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 16, "label": "S"}, {"source": 19, "target": 1, "label": "A"}, {"source": 18, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "R"}]} +{"id": "127157-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overall-good stuff.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "U"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "127252-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Real pros", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "127252-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've had writer friends describe horror stories with their printers.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 67}]}, {"id": 10, "anchors": [{"from": 67, "to": 68}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 16, "target": 7, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "P"}]} +{"id": "127252-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I tell them: why not just go with these guys?", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 2, "label": "A"}, {"source": 14, "target": 15, "label": "D"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 13, "target": 3, "label": "U"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 7, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "127252-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Richard Joule and the gang are pros from start to finish.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 2, "label": "E"}, {"source": 12, "target": 5, "label": "A"}, {"source": 13, "target": 16, "label": "C"}, {"source": 15, "target": 6, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 8, "label": "F"}, {"source": 16, "target": 10, "label": "U"}, {"source": 17, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "N"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 17, "label": "C"}, {"source": 13, "target": 0, "label": "C"}, {"source": 12, "target": 4, "label": "S"}, {"source": 16, "target": 9, "label": "P"}, {"source": 17, "target": 7, "label": "P"}, {"source": 16, "target": 15, "label": "D"}]} +{"id": "127252-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They set out to exceed your expectations.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 11, "label": "P"}, {"source": 9, "target": 4, "label": "D"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 10, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "127252-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Already I'm considering future projects, and I can assure you that for my printing needs I will be choosing no other than Atlanta Paperback Book Printing.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}, {"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 129}, {"from": 130, "to": 139}, {"from": 140, "to": 144}, {"from": 145, "to": 153}]}, {"id": 24, "anchors": [{"from": 153, "to": 154}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 29, "target": 32, "label": "A"}, {"source": 31, "target": 13, "label": "E"}, {"source": 25, "target": 5, "label": "U"}, {"source": 32, "target": 19, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 7, "label": "A"}, {"source": 33, "target": 22, "label": "R"}, {"source": 32, "target": 34, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 32, "target": 16, "label": "A"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 4, "label": "C"}, {"source": 25, "target": 0, "label": "L"}, {"source": 26, "target": 1, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 28, "target": 9, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 34, "target": 24, "label": "U"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 8, "label": "D"}, {"source": 32, "target": 18, "label": "F"}, {"source": 31, "target": 14, "label": "C"}, {"source": 27, "target": 3, "label": "E"}, {"source": 29, "target": 11, "label": "F"}, {"source": 32, "target": 17, "label": "F"}, {"source": 28, "target": 10, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 32, "target": 20, "label": "D"}, {"source": 34, "target": 23, "label": "C"}, {"source": 30, "target": 12, "label": "R"}, {"source": 34, "target": 33, "label": "R"}, {"source": 25, "target": 6, "label": "L"}]} +{"id": "128168-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lovely Nails on Cayuga St. in Lewiston, NY", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}, {"from": 23, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 7, "target": 10, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "U"}, {"source": 11, "target": 6, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 1, "label": "R"}, {"source": 7, "target": 0, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "128168-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "First let me start out by saying, that I have had very nice pedicures at Lovely Nails on Military Road.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 13, "label": "C"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 31, "target": 19, "label": "E"}, {"source": 25, "target": 3, "label": "C"}, {"source": 25, "target": 4, "label": "E"}, {"source": 26, "target": 5, "label": "R"}, {"source": 27, "target": 9, "label": "A"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "P"}, {"source": 30, "target": 17, "label": "C"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 16, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 12, "label": "E"}, {"source": 27, "target": 29, "label": "P"}, {"source": 24, "target": 2, "label": "A"}, {"source": 29, "target": 14, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 1, "label": "P"}, {"source": 30, "target": 31, "label": "E"}, {"source": 26, "target": 6, "label": "P"}, {"source": 27, "target": 10, "label": "F"}, {"source": 26, "target": 7, "label": "U"}, {"source": 27, "target": 30, "label": "A"}, {"source": 29, "target": 28, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 31, "target": 18, "label": "R"}, {"source": 23, "target": 0, "label": "D"}, {"source": 27, "target": 8, "label": "F"}, {"source": 30, "target": 15, "label": "R"}]} +{"id": "128168-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was very excited that a salon was opening in Lewiston, as I live in Youngstown.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 80}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 11, "label": "U"}, {"source": 19, "target": 12, "label": "L"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 21, "target": 5, "label": "E"}, {"source": 23, "target": 13, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 2, "label": "D"}, {"source": 24, "target": 15, "label": "R"}, {"source": 19, "target": 23, "label": "H"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 9, "label": "R"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 4, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 18, "target": 3, "label": "S"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "128168-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was in two weeks ago and had the worst pedicure that I have had in my life.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 12, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 24, "target": 25, "label": "D"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "F"}, {"source": 21, "target": 5, "label": "E"}, {"source": 21, "target": 2, "label": "R"}, {"source": 23, "target": 8, "label": "E"}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 6, "label": "L"}, {"source": 24, "target": 11, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 7, "label": "F"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 14, "label": "S"}, {"source": 21, "target": 3, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 17, "label": "C"}, {"source": 23, "target": 10, "label": "C"}, {"source": 25, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "S"}]} +{"id": "128168-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There were four of us and I was taken first by a gentleman.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 18, "target": 6, "label": "A"}, {"source": 19, "target": 11, "label": "E"}, {"source": 18, "target": 9, "label": "D"}, {"source": 19, "target": 12, "label": "C"}, {"source": 14, "target": 0, "label": "F"}, {"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 16, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 2, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 18, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "R"}]} +{"id": "128168-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I put my foot in the water and it was cool.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 16, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 17, "target": 8, "label": "A"}, {"source": 12, "target": 14, "label": "P"}, {"source": 16, "target": 4, "label": "R"}, {"source": 12, "target": 15, "label": "D"}, {"source": 17, "target": 10, "label": "S"}, {"source": 14, "target": 1, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 9, "label": "F"}, {"source": 13, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "128168-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He did warm it up.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "P"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "128168-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He also hurt my toes will pushing my cuticles back.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "P"}, {"source": 14, "target": 9, "label": "D"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "128168-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If the pedicure lasted 20 mins., that was a stretch.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}, {"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 1, "label": "E"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "D"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 7, "label": "S"}, {"source": 13, "target": 3, "label": "S"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 11, "target": 0, "label": "L"}, {"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "128168-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The other ladies had a similar experience, both had nail polish on a couple of toes.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 18, "target": 2, "label": "C"}, {"source": 21, "target": 3, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 20, "target": 21, "label": "P"}, {"source": 22, "target": 8, "label": "F"}, {"source": 18, "target": 0, "label": "E"}, {"source": 21, "target": 5, "label": "E"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 14, "label": "C"}, {"source": 18, "target": 1, "label": "E"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 18, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 22, "target": 10, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 23, "target": 11, "label": "C"}, {"source": 23, "target": 9, "label": "F"}, {"source": 22, "target": 23, "label": "S"}]} +{"id": "128168-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "None of us will be using their services again, which is a shame.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "E"}, {"source": 15, "target": 0, "label": "C"}, {"source": 16, "target": 15, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 15, "target": 1, "label": "R"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 12, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "L"}, {"source": 18, "target": 9, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 21, "label": "S"}, {"source": 17, "target": 5, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 8, "label": "D"}, {"source": 17, "target": 4, "label": "F"}, {"source": 18, "target": 17, "label": "H"}, {"source": 16, "target": 2, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 11, "label": "L"}, {"source": 17, "target": 16, "label": "A"}]} +{"id": "128636-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "David is amazing", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "F"}]} +{"id": "128636-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "David is the most helpful and creative photographer that I have used.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 15, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "N"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "F"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 16, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 11, "label": "P"}, {"source": 15, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "F"}]} +{"id": "128636-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He is willing to do whatever you need from him without hesitation.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 15, "label": "P"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "128636-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was patient and adapted when everything didn't go according to schedule on my wedding day.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 62}, {"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "N"}, {"source": 20, "target": 8, "label": "D"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 14, "label": "E"}, {"source": 17, "target": 19, "label": "P"}, {"source": 20, "target": 7, "label": "F"}, {"source": 21, "target": 10, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 22, "target": 12, "label": "R"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "L"}, {"source": 20, "target": 6, "label": "A"}, {"source": 19, "target": 2, "label": "C"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "128636-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Both the engagement and wedding pictures that he took for us we absolutely amazing.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}, {"from": 32, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 45}]}, {"id": 6, "anchors": [{"from": 46, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 82}]}, {"id": 13, "anchors": [{"from": 82, "to": 83}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 18, "target": 10, "label": "A"}, {"source": 16, "target": 18, "label": "E"}, {"source": 18, "target": 11, "label": "D"}, {"source": 18, "target": 6, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 0, "label": "R"}, {"source": 19, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "C"}, {"source": 18, "target": 12, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 7, "label": "P"}, {"source": 17, "target": 3, "label": "N"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 16, "label": "A"}]} +{"id": "128636-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He got the pictures back to me quickly.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}, {"from": 7, "to": 10}, {"from": 11, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "128636-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend David to anyone.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 9, "target": 4, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "128636-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He will exceed your expectations!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "128636-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He doesn't just take pictures he makes art out of them and you won't even notice that there's a camera there.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 108, "to": 109}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 12, "label": "A"}, {"source": 24, "target": 1, "label": "F"}, {"source": 24, "target": 2, "label": "D"}, {"source": 28, "target": 13, "label": "P"}, {"source": 24, "target": 4, "label": "P"}, {"source": 31, "target": 19, "label": "S"}, {"source": 32, "target": 20, "label": "E"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 24, "target": 3, "label": "D"}, {"source": 26, "target": 10, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 31, "target": 22, "label": "A"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 31, "label": "P"}, {"source": 26, "target": 5, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "D"}, {"source": 30, "target": 17, "label": "F"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 9, "label": "R"}, {"source": 26, "target": 6, "label": "P"}, {"source": 28, "target": 14, "label": "D"}, {"source": 26, "target": 7, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 25, "target": 11, "label": "L"}, {"source": 29, "target": 16, "label": "C"}, {"source": 29, "target": 15, "label": "E"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "128808-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Relish", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "128808-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A Top Quality Sandwich made to artistic standards.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "E"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "128808-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best darlington has to offer in contemporary sandwicheering.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 63}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 6, "label": "R"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "128808-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Drum and bass as standard.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 6, "target": 1, "label": "N"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "128908-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love the meat!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "130216-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fast Service Called them one hour ago and they just left my house five minutes ago.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 2, "label": "A"}, {"source": 20, "target": 10, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 5, "label": "E"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 18, "label": "D"}, {"source": 19, "target": 7, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 6, "label": "L"}, {"source": 19, "target": 21, "label": "D"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 21, "target": 14, "label": "R"}, {"source": 19, "target": 9, "label": "P"}, {"source": 16, "target": 1, "label": "P"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "130216-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My house already feels fresh and good thanks to the Battery Park Pest I'm enjoying my time indoors much better.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}, {"from": 70, "to": 71}, {"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 82}, {"from": 83, "to": 85}, {"from": 86, "to": 90}]}, {"id": 14, "anchors": [{"from": 91, "to": 98}]}, {"id": 15, "anchors": [{"from": 99, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 110}]}, {"id": 17, "anchors": [{"from": 110, "to": 111}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 5, "label": "N"}, {"source": 20, "target": 21, "label": "P"}, {"source": 23, "target": 9, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 23, "target": 8, "label": "R"}, {"source": 21, "target": 22, "label": "C"}, {"source": 25, "target": 13, "label": "C"}, {"source": 20, "target": 25, "label": "D"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 11, "label": "C"}, {"source": 25, "target": 14, "label": "R"}, {"source": 20, "target": 18, "label": "A"}, {"source": 20, "target": 3, "label": "D"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 10, "label": "E"}, {"source": 20, "target": 26, "label": "D"}, {"source": 22, "target": 6, "label": "E"}, {"source": 20, "target": 2, "label": "D"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "130647-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will never use again.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "130647-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very rude and unprofessional.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "N"}, {"source": 6, "target": 0, "label": "D"}, {"source": 6, "target": 7, "label": "P"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "130647-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The workers sped up and down the street with no mind to the small children playing.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}, {"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 23, "label": "A"}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "P"}, {"source": 23, "target": 14, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "D"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 16, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 20, "target": 4, "label": "R"}, {"source": 16, "target": 1, "label": "C"}, {"source": 21, "target": 7, "label": "R"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "130795-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They Suck", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "130795-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go somewhere else...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "130795-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wanted to buy a Rhino 700 and a Grizzly 700.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}, {"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "P"}, {"source": 13, "target": 12, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 14, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "130795-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After searching high and low for a salesman, I was treated like dirt, and we left.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 8, "label": "U"}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 17, "label": "P"}, {"source": 21, "target": 4, "label": "D"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 16, "label": "A"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 23, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 19, "target": 15, "label": "L"}, {"source": 20, "target": 1, "label": "D"}, {"source": 23, "target": 9, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "P"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 3, "label": "L"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "130795-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Parts department blows, Service department is even worse.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 14, "target": 8, "label": "S"}, {"source": 14, "target": 7, "label": "D"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "F"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 3, "label": "U"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "130795-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I live 10 minutes from Cycle City, but I Drove 50 mile south to Peachstate Powersports in LaGrange, dealt with the owner, Levi, and was well taken care of.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}, {"from": 41, "to": 46}, {"from": 47, "to": 49}, {"from": 50, "to": 54}, {"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 74}, {"from": 75, "to": 86}]}, {"id": 12, "anchors": [{"from": 87, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 98}]}, {"id": 14, "anchors": [{"from": 98, "to": 99}]}, {"id": 15, "anchors": [{"from": 100, "to": 105}]}, {"id": 16, "anchors": [{"from": 106, "to": 110}]}, {"id": 17, "anchors": [{"from": 111, "to": 114}]}, {"id": 18, "anchors": [{"from": 115, "to": 120}]}, {"id": 19, "anchors": [{"from": 120, "to": 121}]}, {"id": 20, "anchors": [{"from": 122, "to": 126}]}, {"id": 21, "anchors": [{"from": 126, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 146}, {"from": 147, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 154}]}, {"id": 27, "anchors": [{"from": 154, "to": 155}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 31, "target": 36, "label": "H"}, {"source": 38, "target": 39, "label": "A"}, {"source": 30, "target": 8, "label": "N"}, {"source": 38, "target": 24, "label": "D"}, {"source": 31, "target": 21, "label": "U"}, {"source": 37, "target": 16, "label": "R"}, {"source": 39, "target": 9, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 6, "label": "C"}, {"source": 31, "target": 14, "label": "U"}, {"source": 28, "target": 0, "label": "E"}, {"source": 38, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 12, "label": "R"}, {"source": 33, "target": 9, "label": "A"}, {"source": 29, "target": 32, "label": "E"}, {"source": 28, "target": 3, "label": "C"}, {"source": 37, "target": 20, "label": "E"}, {"source": 32, "target": 4, "label": "R"}, {"source": 30, "target": 33, "label": "A"}, {"source": 35, "target": 13, "label": "C"}, {"source": 30, "target": 7, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 37, "target": 18, "label": "C"}, {"source": 28, "target": 2, "label": "E"}, {"source": 39, "target": 26, "label": "R"}, {"source": 37, "target": 17, "label": "E"}, {"source": 28, "target": 1, "label": "E"}, {"source": 38, "target": 23, "label": "F"}, {"source": 34, "target": 10, "label": "R"}, {"source": 31, "target": 38, "label": "H"}, {"source": 37, "target": 19, "label": "U"}, {"source": 39, "target": 27, "label": "U"}, {"source": 38, "target": 25, "label": "S"}, {"source": 29, "target": 28, "label": "E"}, {"source": 36, "target": 15, "label": "P"}, {"source": 34, "target": 11, "label": "C"}, {"source": 36, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 5, "label": "E"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 29, "label": "A"}, {"source": 31, "target": 22, "label": "L"}]} +{"id": "131458-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Signs of Saltford - an excellent supplier of value for money signs and banners etc.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 1, "label": "R"}, {"source": 18, "target": 23, "label": "A"}, {"source": 16, "target": 19, "label": "E"}, {"source": 25, "target": 15, "label": "U"}, {"source": 25, "target": 24, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 23, "target": 14, "label": "R"}, {"source": 25, "target": 13, "label": "C"}, {"source": 20, "target": 3, "label": "U"}, {"source": 25, "target": 12, "label": "N"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 2, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 23, "target": 25, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 24, "target": 10, "label": "E"}, {"source": 16, "target": 0, "label": "C"}, {"source": 23, "target": 9, "label": "R"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 19, "target": 20, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "131458-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been a friend and customer of Signs of Saltford for well over 12 years now and I also became their website supplier some 3 years ago.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 139, "to": 140}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 29, "target": 32, "label": "A"}, {"source": 34, "target": 9, "label": "R"}, {"source": 31, "target": 3, "label": "E"}, {"source": 38, "target": 28, "label": "U"}, {"source": 30, "target": 29, "label": "H"}, {"source": 32, "target": 5, "label": "N"}, {"source": 32, "target": 6, "label": "C"}, {"source": 37, "target": 23, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 36, "target": 38, "label": "D"}, {"source": 35, "target": 16, "label": "E"}, {"source": 35, "target": 12, "label": "R"}, {"source": 37, "target": 21, "label": "E"}, {"source": 38, "target": 26, "label": "C"}, {"source": 32, "target": 31, "label": "C"}, {"source": 29, "target": 2, "label": "S"}, {"source": 36, "target": 37, "label": "S"}, {"source": 29, "target": 33, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 35, "target": 15, "label": "C"}, {"source": 30, "target": 17, "label": "L"}, {"source": 36, "target": 20, "label": "D"}, {"source": 35, "target": 11, "label": "R"}, {"source": 36, "target": 18, "label": "A"}, {"source": 33, "target": 7, "label": "R"}, {"source": 36, "target": 19, "label": "D"}, {"source": 34, "target": 10, "label": "C"}, {"source": 35, "target": 14, "label": "E"}, {"source": 30, "target": 36, "label": "H"}, {"source": 29, "target": 35, "label": "D"}, {"source": 38, "target": 24, "label": "E"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "F"}, {"source": 35, "target": 13, "label": "R"}, {"source": 37, "target": 22, "label": "E"}, {"source": 38, "target": 27, "label": "R"}, {"source": 38, "target": 25, "label": "E"}]} +{"id": "131458-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tina is the driving force of the business and you can be assured that she will endevour to satisfy all your signage requirements at the most cost effective rates.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 145}]}, {"id": 27, "anchors": [{"from": 146, "to": 155}]}, {"id": 28, "anchors": [{"from": 156, "to": 161}]}, {"id": 29, "anchors": [{"from": 161, "to": 162}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 39, "target": 24, "label": "E"}, {"source": 36, "target": 17, "label": "F"}, {"source": 31, "target": 8, "label": "L"}, {"source": 32, "target": 3, "label": "E"}, {"source": 36, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 26, "label": "E"}, {"source": 37, "target": 21, "label": "E"}, {"source": 33, "target": 7, "label": "C"}, {"source": 33, "target": 5, "label": "R"}, {"source": 32, "target": 4, "label": "C"}, {"source": 35, "target": 13, "label": "F"}, {"source": 30, "target": 1, "label": "S"}, {"source": 37, "target": 20, "label": "E"}, {"source": 37, "target": 22, "label": "C"}, {"source": 34, "target": 9, "label": "A"}, {"source": 39, "target": 28, "label": "C"}, {"source": 34, "target": 12, "label": "P"}, {"source": 36, "target": 38, "label": "A"}, {"source": 30, "target": 0, "label": "A"}, {"source": 34, "target": 11, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 14, "label": "A"}, {"source": 39, "target": 25, "label": "E"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 15, "label": "F"}, {"source": 35, "target": 16, "label": "P"}, {"source": 39, "target": 29, "label": "U"}, {"source": 33, "target": 6, "label": "E"}, {"source": 32, "target": 2, "label": "E"}, {"source": 34, "target": 10, "label": "D"}, {"source": 39, "target": 27, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 31, "target": 34, "label": "H"}, {"source": 37, "target": 19, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 38, "target": 23, "label": "R"}, {"source": 31, "target": 30, "label": "H"}, {"source": 36, "target": 18, "label": "P"}]} +{"id": "131458-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been extremely pleased with the signs and pop-up banners she has supplied to me over the years - a truly first class family business run by Tina and her husband Chris.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 101}, {"from": 104, "to": 105}, {"from": 106, "to": 111}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 112, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 146}]}, {"id": 28, "anchors": [{"from": 147, "to": 151}]}, {"id": 29, "anchors": [{"from": 152, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 159}]}, {"id": 31, "anchors": [{"from": 160, "to": 167}]}, {"id": 32, "anchors": [{"from": 168, "to": 173}]}, {"id": 33, "anchors": [{"from": 173, "to": 174}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 34, "target": 1, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 42, "target": 24, "label": "E"}, {"source": 37, "target": 38, "label": "C"}, {"source": 46, "target": 31, "label": "C"}, {"source": 42, "target": 19, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 36, "target": 5, "label": "R"}, {"source": 40, "target": 15, "label": "P"}, {"source": 43, "target": 26, "label": "P"}, {"source": 44, "target": 45, "label": "C"}, {"source": 39, "target": 11, "label": "C"}, {"source": 38, "target": 8, "label": "N"}, {"source": 47, "target": 33, "label": "U"}, {"source": 42, "target": 22, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 3, "label": "D"}, {"source": 34, "target": 4, "label": "S"}, {"source": 40, "target": 14, "label": "F"}, {"source": 38, "target": 39, "label": "C"}, {"source": 42, "target": 25, "label": "C"}, {"source": 45, "target": 28, "label": "C"}, {"source": 47, "target": 32, "label": "C"}, {"source": 42, "target": 20, "label": "E"}, {"source": 39, "target": 10, "label": "U"}, {"source": 46, "target": 30, "label": "E"}, {"source": 38, "target": 7, "label": "C"}, {"source": 42, "target": 43, "label": "E"}, {"source": 45, "target": 47, "label": "C"}, {"source": 47, "target": 46, "label": "E"}, {"source": 39, "target": 9, "label": "E"}, {"source": 34, "target": 2, "label": "F"}, {"source": 40, "target": 42, "label": "A"}, {"source": 41, "target": 17, "label": "C"}, {"source": 41, "target": 16, "label": "R"}, {"source": 42, "target": 23, "label": "E"}, {"source": 43, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 21, "label": "U"}, {"source": 36, "target": 12, "label": "C"}, {"source": 34, "target": 0, "label": "A"}, {"source": 45, "target": 29, "label": "N"}, {"source": 40, "target": 13, "label": "A"}, {"source": 44, "target": 27, "label": "R"}, {"source": 37, "target": 6, "label": "E"}, {"source": 36, "target": 37, "label": "E"}, {"source": 35, "target": 34, "label": "H"}, {"source": 35, "target": 40, "label": "H"}, {"source": 42, "target": 18, "label": "R"}]} +{"id": "131965-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "131965-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We at R&L Plumbing Services are pleased with your professionalism and the extra mile you went to get out computers working correctly, you will be our first call if anything happens again and we will refer you to other people with computer issues.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 122}]}, {"id": 21, "anchors": [{"from": 123, "to": 132}]}, {"id": 22, "anchors": [{"from": 132, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 142}]}, {"id": 25, "anchors": [{"from": 143, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 149}]}, {"id": 27, "anchors": [{"from": 150, "to": 155}]}, {"id": 28, "anchors": [{"from": 156, "to": 160}]}, {"id": 29, "anchors": [{"from": 161, "to": 163}]}, {"id": 30, "anchors": [{"from": 164, "to": 172}]}, {"id": 31, "anchors": [{"from": 173, "to": 180}]}, {"id": 32, "anchors": [{"from": 181, "to": 186}]}, {"id": 33, "anchors": [{"from": 187, "to": 190}]}, {"id": 34, "anchors": [{"from": 191, "to": 193}]}, {"id": 35, "anchors": [{"from": 194, "to": 198}]}, {"id": 36, "anchors": [{"from": 199, "to": 204}]}, {"id": 37, "anchors": [{"from": 205, "to": 208}]}, {"id": 38, "anchors": [{"from": 209, "to": 211}]}, {"id": 39, "anchors": [{"from": 212, "to": 217}]}, {"id": 40, "anchors": [{"from": 218, "to": 224}]}, {"id": 41, "anchors": [{"from": 225, "to": 229}]}, {"id": 42, "anchors": [{"from": 230, "to": 238}]}, {"id": 43, "anchors": [{"from": 239, "to": 245}]}, {"id": 44, "anchors": [{"from": 245, "to": 246}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 53, "target": 15, "label": "D"}, {"source": 47, "target": 56, "label": "H"}, {"source": 53, "target": 14, "label": "A"}, {"source": 45, "target": 0, "label": "C"}, {"source": 51, "target": 10, "label": "N"}, {"source": 48, "target": 3, "label": "E"}, {"source": 46, "target": 45, "label": "A"}, {"source": 48, "target": 4, "label": "C"}, {"source": 46, "target": 49, "label": "A"}, {"source": 56, "target": 23, "label": "A"}, {"source": 53, "target": 16, "label": "F"}, {"source": 59, "target": 34, "label": "A"}, {"source": 58, "target": 30, "label": "A"}, {"source": 55, "target": 19, "label": "E"}, {"source": 59, "target": 60, "label": "A"}, {"source": 47, "target": 29, "label": "L"}, {"source": 49, "target": 51, "label": "C"}, {"source": 49, "target": 7, "label": "R"}, {"source": 53, "target": 55, "label": "A"}, {"source": 60, "target": 61, "label": "E"}, {"source": 60, "target": 39, "label": "E"}, {"source": 57, "target": 26, "label": "E"}, {"source": 56, "target": 25, "label": "S"}, {"source": 60, "target": 38, "label": "R"}, {"source": 45, "target": 48, "label": "E"}, {"source": 52, "target": 12, "label": "E"}, {"source": 54, "target": 17, "label": "C"}, {"source": 59, "target": 35, "label": "F"}, {"source": 54, "target": 18, "label": "R"}, {"source": 56, "target": 28, "label": "A"}, {"source": 61, "target": 44, "label": "U"}, {"source": 56, "target": 57, "label": "D"}, {"source": 47, "target": 58, "label": "H"}, {"source": 47, "target": 53, "label": "H"}, {"source": 47, "target": 33, "label": "L"}, {"source": 60, "target": 40, "label": "C"}, {"source": 48, "target": 2, "label": "E"}, {"source": 59, "target": 37, "label": "A"}, {"source": 50, "target": 9, "label": "C"}, {"source": 48, "target": 1, "label": "R"}, {"source": 52, "target": 11, "label": "E"}, {"source": 46, "target": 6, "label": "S"}, {"source": 61, "target": 43, "label": "C"}, {"source": 55, "target": 21, "label": "D"}, {"source": 50, "target": 8, "label": "E"}, {"source": 52, "target": 13, "label": "C"}, {"source": 61, "target": 41, "label": "R"}, {"source": 47, "target": 59, "label": "H"}, {"source": 59, "target": 36, "label": "P"}, {"source": 58, "target": 31, "label": "S"}, {"source": 51, "target": 50, "label": "C"}, {"source": 61, "target": 42, "label": "E"}, {"source": 47, "target": 22, "label": "U"}, {"source": 58, "target": 32, "label": "D"}, {"source": 56, "target": 24, "label": "F"}, {"source": 57, "target": 27, "label": "C"}, {"source": 55, "target": 20, "label": "C"}, {"source": 46, "target": 5, "label": "F"}, {"source": 53, "target": 54, "label": "P"}, {"source": 47, "target": 46, "label": "H"}, {"source": 51, "target": 52, "label": "C"}]} +{"id": "133260-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Job!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "133260-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks for fixing my garage door A++++++++++++++++++", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}, {"from": 34, "to": 52}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 13, "target": 12, "label": "E"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 10, "target": 1, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "133601-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Chao you are the best dentist I have ever had.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "D"}, {"source": 13, "target": 3, "label": "E"}, {"source": 14, "target": 9, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "133601-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You are knowledgeable, professional, gentel and kind.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "N"}, {"source": 12, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "U"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 1, "label": "S"}, {"source": 12, "target": 3, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "133601-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wish I had you as my dentist early on in my life - maybe my teeth would have been a lot better then they are now, However I am glad you are my dentist now.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 114}]}, {"id": 27, "anchors": [{"from": 114, "to": 115}]}, {"id": 28, "anchors": [{"from": 116, "to": 123}]}, {"id": 29, "anchors": [{"from": 124, "to": 125}]}, {"id": 30, "anchors": [{"from": 126, "to": 128}]}, {"id": 31, "anchors": [{"from": 129, "to": 133}]}, {"id": 32, "anchors": [{"from": 134, "to": 137}]}, {"id": 33, "anchors": [{"from": 138, "to": 141}]}, {"id": 34, "anchors": [{"from": 142, "to": 144}]}, {"id": 35, "anchors": [{"from": 145, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 156}]}, {"id": 37, "anchors": [{"from": 156, "to": 157}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 41, "target": 2, "label": "A"}, {"source": 38, "target": 41, "label": "A"}, {"source": 49, "target": 31, "label": "A"}, {"source": 44, "target": 11, "label": "E"}, {"source": 47, "target": 21, "label": "E"}, {"source": 42, "target": 5, "label": "R"}, {"source": 38, "target": 1, "label": "P"}, {"source": 45, "target": 14, "label": "C"}, {"source": 40, "target": 49, "label": "H"}, {"source": 46, "target": 17, "label": "F"}, {"source": 45, "target": 13, "label": "U"}, {"source": 48, "target": 37, "label": "U"}, {"source": 50, "target": 34, "label": "E"}, {"source": 45, "target": 12, "label": "E"}, {"source": 43, "target": 9, "label": "C"}, {"source": 40, "target": 48, "label": "H"}, {"source": 48, "target": 25, "label": "F"}, {"source": 42, "target": 6, "label": "E"}, {"source": 42, "target": 7, "label": "C"}, {"source": 47, "target": 22, "label": "C"}, {"source": 48, "target": 36, "label": "D"}, {"source": 43, "target": 8, "label": "E"}, {"source": 41, "target": 44, "label": "A"}, {"source": 39, "target": 47, "label": "D"}, {"source": 39, "target": 46, "label": "S"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 3, "label": "P"}, {"source": 47, "target": 20, "label": "E"}, {"source": 38, "target": 0, "label": "A"}, {"source": 48, "target": 32, "label": "A"}, {"source": 49, "target": 30, "label": "S"}, {"source": 44, "target": 45, "label": "E"}, {"source": 39, "target": 38, "label": "A"}, {"source": 48, "target": 33, "label": "S"}, {"source": 48, "target": 24, "label": "A"}, {"source": 49, "target": 29, "label": "A"}, {"source": 41, "target": 43, "label": "A"}, {"source": 44, "target": 15, "label": "E"}, {"source": 50, "target": 35, "label": "C"}, {"source": 40, "target": 23, "label": "L"}, {"source": 44, "target": 16, "label": "C"}, {"source": 48, "target": 50, "label": "A"}, {"source": 40, "target": 39, "label": "H"}, {"source": 39, "target": 19, "label": "F"}, {"source": 44, "target": 10, "label": "R"}, {"source": 40, "target": 28, "label": "L"}, {"source": 40, "target": 27, "label": "U"}, {"source": 39, "target": 18, "label": "F"}, {"source": 41, "target": 4, "label": "A"}, {"source": 46, "target": 26, "label": "C"}]} +{"id": "133601-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even though you are expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "A"}, {"source": 5, "target": 0, "label": "L"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "133601-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you for helping to preserve my teeth.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "P"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 2, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "A"}, {"source": 11, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 5, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "D"}]} +{"id": "133601-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You are meticulous in your work and it shows in my smile.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 10, "label": "E"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 2, "label": "S"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 3, "label": "R"}]} +{"id": "133981-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Smokers Haven", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 1, "label": "R"}, {"source": 6, "target": 3, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "133981-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yeah, this complex is not very good.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 4, "label": "F"}, {"source": 9, "target": 12, "label": "E"}, {"source": 11, "target": 5, "label": "D"}, {"source": 11, "target": 7, "label": "S"}, {"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "C"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "133981-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our bathroom fan, one electric outlet and 2 leaky sinks have yet to be fixed.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 17, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 14, "label": "F"}, {"source": 19, "target": 13, "label": "F"}, {"source": 21, "target": 5, "label": "E"}, {"source": 20, "target": 4, "label": "E"}, {"source": 19, "target": 12, "label": "D"}, {"source": 19, "target": 24, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 8, "label": "E"}, {"source": 17, "target": 3, "label": "U"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 21, "label": "C"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 24, "target": 11, "label": "F"}, {"source": 20, "target": 22, "label": "E"}, {"source": 17, "target": 1, "label": "E"}, {"source": 22, "target": 7, "label": "N"}, {"source": 17, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "E"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "133981-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Both bathrooms look like they were flooded and the wood cabinets are thrashed at the bottom and they slapped some pieces of wood over to try to cover it up.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 152}, {"from": 153, "to": 155}]}, {"id": 29, "anchors": [{"from": 155, "to": 156}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 30, "target": 1, "label": "C"}, {"source": 32, "target": 7, "label": "L"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 33, "target": 3, "label": "R"}, {"source": 37, "target": 15, "label": "C"}, {"source": 34, "target": 4, "label": "A"}, {"source": 36, "target": 12, "label": "P"}, {"source": 41, "target": 25, "label": "D"}, {"source": 32, "target": 38, "label": "H"}, {"source": 41, "target": 29, "label": "U"}, {"source": 41, "target": 27, "label": "P"}, {"source": 37, "target": 13, "label": "R"}, {"source": 36, "target": 11, "label": "F"}, {"source": 39, "target": 40, "label": "E"}, {"source": 32, "target": 23, "label": "L"}, {"source": 31, "target": 2, "label": "P"}, {"source": 32, "target": 41, "label": "H"}, {"source": 39, "target": 19, "label": "E"}, {"source": 32, "target": 36, "label": "H"}, {"source": 37, "target": 14, "label": "E"}, {"source": 41, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 10, "label": "C"}, {"source": 32, "target": 16, "label": "L"}, {"source": 31, "target": 30, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 38, "target": 18, "label": "P"}, {"source": 40, "target": 21, "label": "R"}, {"source": 35, "target": 9, "label": "E"}, {"source": 41, "target": 26, "label": "F"}, {"source": 34, "target": 5, "label": "F"}, {"source": 36, "target": 35, "label": "A"}, {"source": 39, "target": 20, "label": "C"}, {"source": 30, "target": 0, "label": "E"}, {"source": 32, "target": 24, "label": "L"}, {"source": 41, "target": 28, "label": "A"}, {"source": 40, "target": 22, "label": "C"}, {"source": 35, "target": 8, "label": "E"}, {"source": 38, "target": 17, "label": "A"}, {"source": 33, "target": 34, "label": "C"}, {"source": 34, "target": 6, "label": "S"}]} +{"id": "133981-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And non-smokers beware!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "133981-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think 90 percent of the tenants are smokers!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "S"}, {"source": 12, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 8, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "133981-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you do not smoke, do not move here.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 7, "label": "D"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 9, "label": "A"}, {"source": 12, "target": 3, "label": "D"}, {"source": 13, "target": 8, "label": "P"}, {"source": 11, "target": 5, "label": "U"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "L"}]} +{"id": "133981-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our unit reeks of old cigarette smoke and it started to become apparent a few weeks after we moved in.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 7, "label": "N"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 26, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 25, "target": 4, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 22, "target": 2, "label": "P"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 29, "target": 17, "label": "A"}, {"source": 27, "target": 9, "label": "D"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 3, "label": "R"}, {"source": 30, "target": 18, "label": "C"}, {"source": 27, "target": 11, "label": "P"}, {"source": 23, "target": 22, "label": "H"}, {"source": 27, "target": 8, "label": "A"}, {"source": 26, "target": 25, "label": "C"}, {"source": 27, "target": 10, "label": "F"}, {"source": 23, "target": 29, "label": "H"}, {"source": 28, "target": 13, "label": "E"}, {"source": 29, "target": 30, "label": "P"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 28, "label": "L"}, {"source": 26, "target": 27, "label": "C"}]} +{"id": "133981-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You cannot walk 5 feet without smelling that disgusting cigarette smoke and it blows right into the windows all day and all night.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 25, "target": 27, "label": "P"}, {"source": 30, "target": 9, "label": "E"}, {"source": 35, "target": 22, "label": "E"}, {"source": 31, "target": 33, "label": "D"}, {"source": 35, "target": 23, "label": "C"}, {"source": 26, "target": 31, "label": "H"}, {"source": 34, "target": 20, "label": "C"}, {"source": 29, "target": 7, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "C"}, {"source": 25, "target": 2, "label": "D"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 4, "label": "E"}, {"source": 31, "target": 13, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 26, "target": 6, "label": "L"}, {"source": 34, "target": 21, "label": "N"}, {"source": 27, "target": 1, "label": "F"}, {"source": 31, "target": 15, "label": "A"}, {"source": 28, "target": 5, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 32, "target": 16, "label": "R"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 19, "label": "E"}, {"source": 30, "target": 8, "label": "E"}, {"source": 31, "target": 14, "label": "P"}, {"source": 26, "target": 12, "label": "L"}, {"source": 35, "target": 24, "label": "U"}, {"source": 27, "target": 3, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 26, "target": 29, "label": "H"}, {"source": 32, "target": 18, "label": "C"}, {"source": 34, "target": 35, "label": "C"}, {"source": 33, "target": 34, "label": "C"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "134617-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Neighborhood Hangout", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "134617-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place to catch a band or catch up with friends.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}, {"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 8, "label": "R"}, {"source": 11, "target": 12, "label": "S"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 16, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 3, "label": "P"}, {"source": 13, "target": 11, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 2, "label": "L"}]} +{"id": "134617-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ice cold beer and good prices.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 7, "target": 11, "label": "P"}, {"source": 11, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 3, "label": "N"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 7, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "C"}, {"source": 7, "target": 0, "label": "A"}, {"source": 12, "target": 4, "label": "E"}, {"source": 12, "target": 6, "label": "U"}, {"source": 10, "target": 12, "label": "C"}]} +{"id": "134617-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Kitchen puts out good food and has daily specials.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 11, "label": "P"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "C"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 12, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "S"}]} +{"id": "134622-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We just got our sunroom built by Patio World and can say that I'm extremely happy with the whole thing.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 25, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 15, "label": "D"}, {"source": 25, "target": 5, "label": "P"}, {"source": 29, "target": 12, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 17, "label": "R"}, {"source": 30, "target": 20, "label": "C"}, {"source": 29, "target": 14, "label": "F"}, {"source": 28, "target": 10, "label": "D"}, {"source": 26, "target": 9, "label": "L"}, {"source": 27, "target": 6, "label": "R"}, {"source": 30, "target": 19, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 11, "label": "P"}, {"source": 26, "target": 28, "label": "H"}, {"source": 30, "target": 21, "label": "U"}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 1, "label": "D"}, {"source": 29, "target": 16, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 26, "label": "E"}, {"source": 29, "target": 13, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "134622-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "From the amount of time spent with us to explain things during the initial quote, to the communication through the approval process to the actual workmanship of the build itself.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 145}]}, {"id": 26, "anchors": [{"from": 146, "to": 157}]}, {"id": 27, "anchors": [{"from": 158, "to": 160}]}, {"id": 28, "anchors": [{"from": 161, "to": 164}]}, {"id": 29, "anchors": [{"from": 165, "to": 170}]}, {"id": 30, "anchors": [{"from": 171, "to": 177}]}, {"id": 31, "anchors": [{"from": 177, "to": 178}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 39, "target": 18, "label": "C"}, {"source": 42, "target": 22, "label": "C"}, {"source": 34, "target": 15, "label": "U"}, {"source": 39, "target": 17, "label": "E"}, {"source": 33, "target": 7, "label": "A"}, {"source": 44, "target": 25, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 32, "target": 0, "label": "R"}, {"source": 36, "target": 5, "label": "C"}, {"source": 38, "target": 12, "label": "E"}, {"source": 45, "target": 28, "label": "E"}, {"source": 40, "target": 39, "label": "P"}, {"source": 38, "target": 14, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 32, "target": 35, "label": "E"}, {"source": 35, "target": 1, "label": "E"}, {"source": 45, "target": 27, "label": "R"}, {"source": 32, "target": 4, "label": "C"}, {"source": 38, "target": 13, "label": "E"}, {"source": 41, "target": 43, "label": "C"}, {"source": 36, "target": 6, "label": "R"}, {"source": 37, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 9, "label": "P"}, {"source": 40, "target": 31, "label": "U"}, {"source": 37, "target": 8, "label": "F"}, {"source": 42, "target": 20, "label": "E"}, {"source": 43, "target": 42, "label": "P"}, {"source": 33, "target": 37, "label": "A"}, {"source": 44, "target": 26, "label": "C"}, {"source": 35, "target": 3, "label": "R"}, {"source": 37, "target": 10, "label": "A"}, {"source": 35, "target": 2, "label": "C"}, {"source": 45, "target": 29, "label": "C"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 44, "target": 24, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 40, "target": 30, "label": "D"}, {"source": 33, "target": 36, "label": "P"}, {"source": 38, "target": 11, "label": "R"}, {"source": 33, "target": 32, "label": "A"}, {"source": 41, "target": 19, "label": "R"}, {"source": 44, "target": 23, "label": "R"}, {"source": 34, "target": 16, "label": "L"}, {"source": 43, "target": 21, "label": "D"}]} +{"id": "134622-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have nothing bad to say.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "F"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "134622-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very glad that we went with them.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 8, "target": 0, "label": "E"}, {"source": 9, "target": 8, "label": "L"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 5, "label": "R"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "134741-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "professional", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "134741-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good job very professional.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "E"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "134741-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It made me feel good to see people work so hard to take care of others belongings.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}, {"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 25, "target": 16, "label": "U"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "R"}, {"source": 17, "target": 19, "label": "P"}, {"source": 21, "target": 6, "label": "P"}, {"source": 20, "target": 4, "label": "S"}, {"source": 22, "target": 7, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "P"}, {"source": 18, "target": 23, "label": "L"}, {"source": 25, "target": 14, "label": "E"}, {"source": 17, "target": 20, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 11, "label": "F"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 5, "label": "F"}, {"source": 22, "target": 8, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 18, "target": 24, "label": "H"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "135010-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The New Italian Kid on the Block", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}, {"from": 8, "to": 15}, {"from": 16, "to": 19}, {"from": 20, "to": 22}, {"from": 23, "to": 26}, {"from": 27, "to": 32}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "135010-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Another Italian restaurant in Collingswood?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 42}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "135010-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do we need another one?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "135010-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Only if it is of the quality of That's Amore.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}, {"from": 36, "to": 38}, {"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 2, "label": "S"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "135010-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The menu has the usual but then they step it up another notch.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 44}, {"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 62}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 5, "label": "L"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 6, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "135010-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The arancini di riso (risotto fritters) are not to be missed.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 11, "label": "P"}, {"source": 15, "target": 6, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 12, "label": "U"}, {"source": 15, "target": 7, "label": "F"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 16, "label": "E"}, {"source": 13, "target": 3, "label": "U"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 9, "label": "F"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 10, "label": "F"}, {"source": 15, "target": 8, "label": "D"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "135010-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Chicken saltimboca was excellent and then there's the chocolate mousse that comes straight from heaven.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 36}, {"from": 37, "to": 41}]}, {"id": 4, "anchors": [{"from": 42, "to": 47}]}, {"id": 5, "anchors": [{"from": 47, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 63}]}, {"id": 8, "anchors": [{"from": 64, "to": 70}]}, {"id": 9, "anchors": [{"from": 71, "to": 75}]}, {"id": 10, "anchors": [{"from": 76, "to": 81}, {"from": 82, "to": 90}]}, {"id": 11, "anchors": [{"from": 91, "to": 95}]}, {"id": 12, "anchors": [{"from": 96, "to": 102}]}, {"id": 13, "anchors": [{"from": 102, "to": 103}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 3, "label": "L"}, {"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 11, "label": "R"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 5, "label": "S"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 18, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "135010-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pay extra attention to the appetizers - the next time I go there I'm planning on ordered a few instead of an entree.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}, {"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 115}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 14, "label": "P"}, {"source": 31, "target": 33, "label": "A"}, {"source": 28, "target": 8, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 20, "label": "R"}, {"source": 33, "target": 23, "label": "U"}, {"source": 26, "target": 24, "label": "P"}, {"source": 24, "target": 0, "label": "F"}, {"source": 24, "target": 2, "label": "C"}, {"source": 27, "target": 29, "label": "E"}, {"source": 33, "target": 22, "label": "C"}, {"source": 31, "target": 16, "label": "P"}, {"source": 27, "target": 3, "label": "R"}, {"source": 33, "target": 19, "label": "R"}, {"source": 24, "target": 1, "label": "E"}, {"source": 27, "target": 5, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 33, "target": 21, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 12, "label": "A"}, {"source": 31, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 10, "label": "A"}, {"source": 27, "target": 6, "label": "U"}, {"source": 29, "target": 28, "label": "D"}, {"source": 28, "target": 9, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 27, "target": 4, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 13, "label": "A"}, {"source": 29, "target": 11, "label": "P"}, {"source": 32, "target": 18, "label": "C"}, {"source": 28, "target": 7, "label": "E"}, {"source": 31, "target": 15, "label": "F"}]} +{"id": "135800-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Liars, negative stars!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 8, "label": "C"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "135800-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Took my Cruze in twice for poor fuel economy.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "E"}, {"source": 13, "target": 3, "label": "R"}, {"source": 11, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "P"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "135800-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The first time they claimed to get reasonable mpg.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 4, "label": "P"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "D"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "135800-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, they would never drive the car with me in it to prove their findings.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 17, "target": 0, "label": "L"}, {"source": 18, "target": 19, "label": "P"}, {"source": 20, "target": 7, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 4, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 12, "label": "F"}, {"source": 22, "target": 13, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 23, "target": 14, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 1, "label": "U"}, {"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 22, "label": "A"}, {"source": 21, "target": 8, "label": "R"}]} +{"id": "135800-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wonder if they were going down a hill!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}, {"from": 28, "to": 32}, {"from": 33, "to": 34}, {"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 11, "target": 10, "label": "P"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 4, "label": "F"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "P"}, {"source": 8, "target": 11, "label": "A"}]} +{"id": "135800-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They told me to bring it back after 5000 miles.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 14, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 2, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "135800-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I brought it back with 9000 miles.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "135800-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They \"finished\" the work and told me the car was ready.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 15, "target": 6, "label": "L"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 1, "label": "U"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 8, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 17, "target": 7, "label": "P"}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 11, "label": "F"}]} +{"id": "135800-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found out they did not even drive the car, stated they looked at it before.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}, {"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "S"}, {"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 11, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 2, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "P"}, {"source": 22, "target": 10, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "U"}, {"source": 19, "target": 5, "label": "D"}, {"source": 24, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 4, "label": "D"}, {"source": 20, "target": 6, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 15, "label": "D"}]} +{"id": "135800-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They still would not drive the car with me to show their mpg number.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 7, "label": "R"}, {"source": 15, "target": 19, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 3, "label": "D"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 20, "label": "H"}, {"source": 17, "target": 2, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 1, "label": "D"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 17, "label": "P"}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "135800-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They also claimed not to see anything wrong with the blower fan (a seperate issue), but when I drove the car home I had the same symptoms.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}, {"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 137}]}, {"id": 29, "anchors": [{"from": 137, "to": 138}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 2, "label": "P"}, {"source": 31, "target": 36, "label": "H"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 18, "label": "L"}, {"source": 38, "target": 25, "label": "P"}, {"source": 32, "target": 5, "label": "D"}, {"source": 36, "target": 19, "label": "A"}, {"source": 32, "target": 4, "label": "F"}, {"source": 39, "target": 26, "label": "E"}, {"source": 37, "target": 23, "label": "C"}, {"source": 34, "target": 10, "label": "E"}, {"source": 37, "target": 21, "label": "E"}, {"source": 31, "target": 17, "label": "U"}, {"source": 35, "target": 13, "label": "E"}, {"source": 33, "target": 7, "label": "C"}, {"source": 34, "target": 8, "label": "R"}, {"source": 35, "target": 15, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 12, "label": "U"}, {"source": 30, "target": 1, "label": "D"}, {"source": 39, "target": 28, "label": "C"}, {"source": 32, "target": 33, "label": "P"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 36, "target": 20, "label": "P"}, {"source": 38, "target": 24, "label": "A"}, {"source": 35, "target": 14, "label": "E"}, {"source": 39, "target": 29, "label": "U"}, {"source": 33, "target": 6, "label": "E"}, {"source": 31, "target": 38, "label": "H"}, {"source": 31, "target": 16, "label": "U"}, {"source": 39, "target": 27, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 9, "label": "E"}, {"source": 37, "target": 22, "label": "E"}, {"source": 34, "target": 11, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 32, "target": 3, "label": "D"}]} +{"id": "135800-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never purchace another vehicle from Vic Canever.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}, {"from": 47, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "R"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "137883-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Your average crappy chain.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "E"}, {"source": 5, "target": 2, "label": "E"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "137883-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food is awful and the place caters to the yuppy crowd.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "L"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "138110-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a great place to get a permit", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 11, "label": "S"}, {"source": 10, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "L"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 1, "label": "F"}, {"source": 12, "target": 6, "label": "P"}, {"source": 10, "target": 12, "label": "H"}]} +{"id": "138110-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had to get a permit here, it was cool", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 13, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 14, "label": "A"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 9, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 10, "label": "S"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "E"}]} +{"id": "138249-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys do great work at VERY reasonable prices.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "138249-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have use them four times for fixing items from pushing out a dent in a bumper to fixing the fender on my beloved Miata.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 120}]}, {"id": 25, "anchors": [{"from": 120, "to": 121}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 34, "target": 15, "label": "E"}, {"source": 36, "target": 20, "label": "C"}, {"source": 35, "target": 18, "label": "P"}, {"source": 37, "target": 23, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 33, "target": 13, "label": "C"}, {"source": 36, "target": 19, "label": "E"}, {"source": 27, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "E"}, {"source": 37, "target": 25, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 31, "target": 10, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 35, "target": 17, "label": "F"}, {"source": 30, "target": 32, "label": "C"}, {"source": 34, "target": 14, "label": "R"}, {"source": 29, "target": 6, "label": "R"}, {"source": 28, "target": 4, "label": "E"}, {"source": 27, "target": 0, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 29, "target": 8, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 34, "target": 16, "label": "C"}, {"source": 37, "target": 21, "label": "R"}, {"source": 26, "target": 27, "label": "H"}, {"source": 27, "target": 1, "label": "F"}, {"source": 31, "target": 11, "label": "E"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 7, "label": "E"}, {"source": 37, "target": 22, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 27, "target": 28, "label": "D"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 35, "label": "A"}, {"source": 32, "target": 31, "label": "P"}]} +{"id": "138249-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have never been disappointed.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "F"}, {"source": 7, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "138699-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service and awesome prices.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "138699-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I get Microdermabrasions regularly and I love the environment", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 61}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 8, "label": "C"}, {"source": 9, "target": 3, "label": "D"}, {"source": 11, "target": 5, "label": "A"}, {"source": 12, "target": 7, "label": "E"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 6, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "139152-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hospitality.!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "139152-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very good hospitality offered.!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "139152-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Keep it up.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "139152-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "- Shree Ghatkopar Bhatia Mitra Mandal", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 0, "label": "U"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "139456-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pleasure to work with.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "139456-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The experience with every department has been great.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 9, "label": "P"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "S"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 10, "label": "A"}, {"source": 12, "target": 7, "label": "A"}]} +{"id": "139456-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No complaints!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "140164-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want cheaply made glass from India and China, this is not your place.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 19, "target": 3, "label": "D"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 23, "target": 11, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 24, "target": 14, "label": "E"}, {"source": 17, "target": 23, "label": "H"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 22, "label": "C"}, {"source": 23, "target": 13, "label": "D"}, {"source": 24, "target": 15, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 12, "label": "S"}, {"source": 22, "target": 8, "label": "N"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 4, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 18, "target": 1, "label": "A"}]} +{"id": "140164-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These people only carry the very best American blown glass.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "140164-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their selection is top notch and the staff is very knowledgable.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 15, "label": "C"}, {"source": 14, "target": 9, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "N"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 10, "label": "F"}, {"source": 14, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "F"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "140164-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go to the Looking Glass for all your smoking needs!!!!!!!!!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 6, "label": "E"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "140302-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "5 star detail job", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 4, "label": "E"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "140302-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I took my Mustang here and it looked amazing after they were done, they did a great job, I'm very satisfied with the results.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}, {"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 124}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 32, "target": 14, "label": "P"}, {"source": 35, "target": 23, "label": "R"}, {"source": 33, "target": 15, "label": "E"}, {"source": 28, "target": 34, "label": "H"}, {"source": 33, "target": 17, "label": "C"}, {"source": 28, "target": 30, "label": "H"}, {"source": 28, "target": 12, "label": "U"}, {"source": 31, "target": 11, "label": "P"}, {"source": 32, "target": 13, "label": "A"}, {"source": 34, "target": 22, "label": "S"}, {"source": 28, "target": 18, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 34, "target": 20, "label": "F"}, {"source": 29, "target": 3, "label": "C"}, {"source": 28, "target": 4, "label": "L"}, {"source": 27, "target": 1, "label": "P"}, {"source": 34, "target": 19, "label": "A"}, {"source": 31, "target": 10, "label": "F"}, {"source": 27, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 21, "label": "D"}, {"source": 33, "target": 16, "label": "E"}, {"source": 35, "target": 26, "label": "U"}, {"source": 28, "target": 31, "label": "H"}, {"source": 30, "target": 6, "label": "P"}, {"source": 28, "target": 32, "label": "H"}, {"source": 35, "target": 25, "label": "C"}, {"source": 30, "target": 5, "label": "A"}, {"source": 35, "target": 24, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 2, "label": "E"}, {"source": 31, "target": 9, "label": "A"}, {"source": 30, "target": 7, "label": "A"}, {"source": 28, "target": 8, "label": "L"}]} +{"id": "140302-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The paint and wheels looked like glass and the interior looked new!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 19, "label": "C"}, {"source": 13, "target": 17, "label": "C"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 7, "label": "N"}, {"source": 15, "target": 4, "label": "P"}, {"source": 16, "target": 10, "label": "S"}, {"source": 15, "target": 18, "label": "A"}, {"source": 17, "target": 3, "label": "C"}, {"source": 16, "target": 11, "label": "A"}, {"source": 20, "target": 8, "label": "E"}, {"source": 19, "target": 6, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 18, "target": 5, "label": "R"}, {"source": 16, "target": 13, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 2, "label": "N"}, {"source": 19, "target": 20, "label": "C"}, {"source": 16, "target": 12, "label": "U"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "140302-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also, they have great customer service and a very knowledgeable staff", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 7, "label": "N"}, {"source": 15, "target": 14, "label": "C"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 16, "target": 11, "label": "C"}, {"source": 12, "target": 0, "label": "L"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "141103-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good location", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 4, "target": 5, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "141103-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For a hotel like this you would expect some form of free internet.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 19, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "L"}, {"source": 21, "target": 13, "label": "U"}, {"source": 18, "target": 19, "label": "P"}, {"source": 18, "target": 5, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 15, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 21, "target": 20, "label": "E"}, {"source": 20, "target": 8, "label": "E"}, {"source": 17, "target": 4, "label": "E"}, {"source": 21, "target": 11, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 19, "target": 6, "label": "F"}, {"source": 15, "target": 1, "label": "E"}, {"source": 20, "target": 10, "label": "R"}, {"source": 18, "target": 17, "label": "R"}]} +{"id": "141103-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What you get is a $13/day charge to access the internet through a slow 512/512kb/s that you can only use to check email etc (Read: No downloading).", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 21, "to": 22}]}, {"id": 8, "anchors": [{"from": 22, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 74}, {"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 74, "to": 75}]}, {"id": 19, "anchors": [{"from": 78, "to": 80}, {"from": 81, "to": 82}]}, {"id": 20, "anchors": [{"from": 80, "to": 81}]}, {"id": 21, "anchors": [{"from": 83, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 100}]}, {"id": 25, "anchors": [{"from": 101, "to": 104}]}, {"id": 26, "anchors": [{"from": 105, "to": 107}]}, {"id": 27, "anchors": [{"from": 108, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 119}]}, {"id": 29, "anchors": [{"from": 120, "to": 123}]}, {"id": 30, "anchors": [{"from": 124, "to": 125}]}, {"id": 31, "anchors": [{"from": 125, "to": 129}, {"from": 131, "to": 133}, {"from": 134, "to": 145}]}, {"id": 32, "anchors": [{"from": 129, "to": 130}]}, {"id": 33, "anchors": [{"from": 145, "to": 146}]}, {"id": 34, "anchors": [{"from": 146, "to": 147}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 37, "target": 34, "label": "U"}, {"source": 39, "target": 7, "label": "U"}, {"source": 38, "target": 9, "label": "C"}, {"source": 36, "target": 10, "label": "F"}, {"source": 41, "target": 16, "label": "E"}, {"source": 42, "target": 43, "label": "P"}, {"source": 41, "target": 14, "label": "R"}, {"source": 44, "target": 27, "label": "P"}, {"source": 39, "target": 8, "label": "C"}, {"source": 44, "target": 30, "label": "U"}, {"source": 44, "target": 31, "label": "A"}, {"source": 41, "target": 19, "label": "C"}, {"source": 40, "target": 12, "label": "E"}, {"source": 38, "target": 5, "label": "U"}, {"source": 42, "target": 44, "label": "A"}, {"source": 41, "target": 20, "label": "U"}, {"source": 39, "target": 6, "label": "E"}, {"source": 42, "target": 22, "label": "A"}, {"source": 42, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 25, "label": "C"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 37, "target": 40, "label": "A"}, {"source": 37, "target": 33, "label": "U"}, {"source": 36, "target": 42, "label": "A"}, {"source": 42, "target": 21, "label": "F"}, {"source": 36, "target": 37, "label": "A"}, {"source": 36, "target": 2, "label": "P"}, {"source": 37, "target": 11, "label": "P"}, {"source": 44, "target": 28, "label": "A"}, {"source": 36, "target": 41, "label": "A"}, {"source": 40, "target": 13, "label": "C"}, {"source": 41, "target": 15, "label": "E"}, {"source": 36, "target": 3, "label": "F"}, {"source": 44, "target": 32, "label": "U"}, {"source": 37, "target": 0, "label": "F"}, {"source": 42, "target": 24, "label": "D"}, {"source": 44, "target": 26, "label": "F"}, {"source": 38, "target": 4, "label": "E"}, {"source": 41, "target": 17, "label": "E"}, {"source": 43, "target": 23, "label": "F"}, {"source": 41, "target": 18, "label": "U"}, {"source": 36, "target": 1, "label": "A"}, {"source": 35, "target": 29, "label": "L"}]} +{"id": "141103-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Other than that the hotel is in a good location and the breakfast is great", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 0, "label": "C"}, {"source": 20, "target": 4, "label": "C"}, {"source": 18, "target": 23, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 22, "target": 12, "label": "C"}, {"source": 21, "target": 7, "label": "E"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 6, "label": "R"}, {"source": 20, "target": 3, "label": "E"}, {"source": 16, "target": 22, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 16, "label": "A"}, {"source": 19, "target": 5, "label": "S"}, {"source": 16, "target": 10, "label": "N"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 13, "label": "S"}, {"source": 16, "target": 15, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "142081-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic Service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 17}]}, {"id": 1, "anchors": [{"from": 17, "to": 18}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "142081-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been here a few times for oil changes and just got my tires, alignment and state inspection done yesterday.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 113}]}, {"id": 22, "anchors": [{"from": 113, "to": 114}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 7, "label": "R"}, {"source": 24, "target": 27, "label": "H"}, {"source": 23, "target": 2, "label": "S"}, {"source": 31, "target": 20, "label": "P"}, {"source": 25, "target": 4, "label": "E"}, {"source": 27, "target": 11, "label": "D"}, {"source": 29, "target": 18, "label": "C"}, {"source": 30, "target": 29, "label": "E"}, {"source": 24, "target": 10, "label": "L"}, {"source": 23, "target": 1, "label": "F"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 17, "label": "N"}, {"source": 31, "target": 21, "label": "A"}, {"source": 24, "target": 31, "label": "H"}, {"source": 24, "target": 30, "label": "H"}, {"source": 23, "target": 26, "label": "A"}, {"source": 27, "target": 12, "label": "P"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 14, "label": "C"}, {"source": 24, "target": 15, "label": "U"}, {"source": 23, "target": 25, "label": "D"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "E"}, {"source": 30, "target": 19, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 16, "label": "C"}, {"source": 23, "target": 3, "label": "A"}]} +{"id": "142081-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I shopped it around and they were extremely competitive in pricing and also added nitrogen to my tires which should extend the life and get me better gas mileage.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 122}]}, {"id": 21, "anchors": [{"from": 123, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 149}]}, {"id": 27, "anchors": [{"from": 150, "to": 153}]}, {"id": 28, "anchors": [{"from": 154, "to": 161}]}, {"id": 29, "anchors": [{"from": 161, "to": 162}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 32, "target": 8, "label": "P"}, {"source": 38, "target": 39, "label": "A"}, {"source": 34, "target": 14, "label": "A"}, {"source": 33, "target": 10, "label": "C"}, {"source": 36, "target": 18, "label": "R"}, {"source": 39, "target": 26, "label": "E"}, {"source": 32, "target": 6, "label": "F"}, {"source": 31, "target": 32, "label": "H"}, {"source": 35, "target": 15, "label": "R"}, {"source": 35, "target": 16, "label": "E"}, {"source": 37, "target": 21, "label": "E"}, {"source": 32, "target": 7, "label": "D"}, {"source": 31, "target": 11, "label": "L"}, {"source": 34, "target": 13, "label": "P"}, {"source": 38, "target": 24, "label": "P"}, {"source": 31, "target": 23, "label": "L"}, {"source": 37, "target": 22, "label": "C"}, {"source": 30, "target": 2, "label": "A"}, {"source": 39, "target": 28, "label": "C"}, {"source": 31, "target": 4, "label": "L"}, {"source": 36, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 0, "label": "A"}, {"source": 30, "target": 3, "label": "D"}, {"source": 34, "target": 35, "label": "A"}, {"source": 35, "target": 17, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 39, "target": 25, "label": "E"}, {"source": 32, "target": 5, "label": "A"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 19, "label": "D"}, {"source": 36, "target": 20, "label": "P"}, {"source": 35, "target": 36, "label": "E"}, {"source": 39, "target": 29, "label": "U"}, {"source": 30, "target": 1, "label": "P"}, {"source": 34, "target": 12, "label": "D"}, {"source": 31, "target": 38, "label": "H"}, {"source": 39, "target": 27, "label": "E"}, {"source": 33, "target": 9, "label": "R"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 34, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 30, "label": "H"}]} +{"id": "142081-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It also came with free balance and rotation for the life of the tires!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "R"}, {"source": 20, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "E"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 8, "label": "R"}, {"source": 19, "target": 14, "label": "U"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 1, "label": "D"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 6, "label": "N"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "142081-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What made it perfect was that they offered transportation so that I would not have to wait there or take time off of work to go back and forth or try to find a ride.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 60}, {"from": 61, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 104}, {"from": 105, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 127}, {"from": 128, "to": 132}]}, {"id": 24, "anchors": [{"from": 133, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 145}]}, {"id": 27, "anchors": [{"from": 146, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 152}]}, {"id": 29, "anchors": [{"from": 153, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 159}]}, {"id": 31, "anchors": [{"from": 160, "to": 164}]}, {"id": 32, "anchors": [{"from": 164, "to": 165}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 40, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 29, "label": "P"}, {"source": 34, "target": 45, "label": "H"}, {"source": 41, "target": 19, "label": "E"}, {"source": 33, "target": 1, "label": "P"}, {"source": 46, "target": 31, "label": "C"}, {"source": 45, "target": 27, "label": "D"}, {"source": 38, "target": 20, "label": "F"}, {"source": 40, "target": 15, "label": "P"}, {"source": 45, "target": 46, "label": "A"}, {"source": 43, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 11, "label": "F"}, {"source": 44, "target": 24, "label": "N"}, {"source": 44, "target": 25, "label": "C"}, {"source": 33, "target": 36, "label": "A"}, {"source": 34, "target": 42, "label": "H"}, {"source": 42, "target": 41, "label": "P"}, {"source": 35, "target": 3, "label": "C"}, {"source": 34, "target": 38, "label": "H"}, {"source": 37, "target": 5, "label": "F"}, {"source": 38, "target": 14, "label": "F"}, {"source": 39, "target": 13, "label": "C"}, {"source": 38, "target": 21, "label": "A"}, {"source": 43, "target": 22, "label": "F"}, {"source": 43, "target": 44, "label": "P"}, {"source": 41, "target": 18, "label": "C"}, {"source": 38, "target": 39, "label": "P"}, {"source": 38, "target": 10, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 36, "target": 4, "label": "S"}, {"source": 46, "target": 30, "label": "E"}, {"source": 33, "target": 0, "label": "F"}, {"source": 37, "target": 6, "label": "A"}, {"source": 37, "target": 7, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 46, "target": 32, "label": "U"}, {"source": 45, "target": 28, "label": "F"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 44, "target": 23, "label": "C"}, {"source": 40, "target": 16, "label": "A"}, {"source": 37, "target": 8, "label": "A"}, {"source": 34, "target": 17, "label": "L"}, {"source": 35, "target": 2, "label": "F"}, {"source": 42, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 43, "label": "A"}, {"source": 34, "target": 26, "label": "L"}, {"source": 34, "target": 9, "label": "L"}, {"source": 38, "target": 12, "label": "D"}]} +{"id": "142081-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service, great pricing and SUPER CONVENIENT!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}, {"from": 39, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 8, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "U"}, {"source": 9, "target": 12, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 9, "target": 6, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 5, "label": "N"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "142081-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also did not feel like they tried to sell me a bunch of services that I did not need.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 86}]}, {"id": 20, "anchors": [{"from": 86, "to": 87}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 3, "label": "D"}, {"source": 22, "target": 1, "label": "D"}, {"source": 23, "target": 6, "label": "A"}, {"source": 26, "target": 16, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 11, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 5, "label": "R"}, {"source": 25, "target": 14, "label": "C"}, {"source": 26, "target": 17, "label": "F"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 18, "label": "D"}, {"source": 23, "target": 7, "label": "D"}, {"source": 23, "target": 10, "label": "A"}, {"source": 26, "target": 20, "label": "U"}, {"source": 22, "target": 2, "label": "F"}, {"source": 26, "target": 19, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 26, "target": 15, "label": "F"}, {"source": 24, "target": 13, "label": "R"}, {"source": 23, "target": 9, "label": "P"}]} +{"id": "145645-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "spoken english rushi", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 2, "label": "E"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "145645-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "can ever & never forget the training undergone here which made my life step onto the successful job without any hurdles.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 119}]}, {"id": 21, "anchors": [{"from": 119, "to": 120}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 9, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 21, "label": "U"}, {"source": 29, "target": 18, "label": "R"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 11, "label": "E"}, {"source": 29, "target": 20, "label": "C"}, {"source": 27, "target": 12, "label": "E"}, {"source": 23, "target": 22, "label": "P"}, {"source": 29, "target": 19, "label": "E"}, {"source": 23, "target": 7, "label": "D"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 14, "label": "R"}, {"source": 22, "target": 0, "label": "F"}, {"source": 27, "target": 13, "label": "C"}, {"source": 27, "target": 10, "label": "F"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 3, "label": "D"}, {"source": 26, "target": 27, "label": "P"}, {"source": 23, "target": 1, "label": "D"}, {"source": 28, "target": 16, "label": "E"}, {"source": 22, "target": 4, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 2, "label": "U"}]} +{"id": "145645-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff, material provided, infra structure, environment &low fees totally above the satisfactory mark", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 104}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 20, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "U"}, {"source": 18, "target": 0, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 13, "label": "D"}, {"source": 25, "target": 15, "label": "E"}, {"source": 23, "target": 10, "label": "U"}, {"source": 20, "target": 22, "label": "C"}, {"source": 25, "target": 14, "label": "R"}, {"source": 20, "target": 8, "label": "U"}, {"source": 20, "target": 5, "label": "U"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 18, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 17, "label": "E"}, {"source": 19, "target": 21, "label": "H"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 11, "label": "R"}, {"source": 20, "target": 24, "label": "A"}, {"source": 22, "target": 6, "label": "E"}, {"source": 25, "target": 16, "label": "E"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "146820-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Amazing service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "146820-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just had the best experience at this Kal Tire location.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}, {"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "146820-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Courteous, fast and friendly.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 4, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 6, "target": 1, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 3, "label": "N"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "147825-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rip Off!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 1, "label": "U"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "147825-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "45p for tap water!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 9, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "147825-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ridiculous!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "147825-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't think I've ever been charged before.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}, {"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 7, "label": "D"}, {"source": 11, "target": 3, "label": "A"}]} +{"id": "147825-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oh, and salad cream, not mayonnaise, on the coleslaw.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}, {"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 5, "label": "D"}, {"source": 15, "target": 13, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 6, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 4, "label": "U"}, {"source": 13, "target": 0, "label": "C"}, {"source": 16, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 1, "label": "U"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 12, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 2, "label": "N"}, {"source": 16, "target": 7, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "147825-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Avoid!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "148012-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great lunch specials.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "148012-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Delivery is lightning fast.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "148012-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Perfect since I'm on a budget.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "L"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "148012-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But otherwise, it can feel pricey for what you get.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 5, "label": "P"}, {"source": 16, "target": 9, "label": "A"}, {"source": 14, "target": 3, "label": "A"}, {"source": 13, "target": 2, "label": "U"}, {"source": 14, "target": 4, "label": "D"}, {"source": 13, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 7, "label": "R"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "C"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "148012-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Like the sushi, don't like the pad thai.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 40}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "E"}, {"source": 13, "target": 5, "label": "D"}, {"source": 11, "target": 0, "label": "R"}, {"source": 13, "target": 3, "label": "U"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "C"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "148346-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best place to sleep!!!!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "P"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "148566-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good fun for wing night, food eh, beer list eh...", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 16, "label": "P"}, {"source": 12, "target": 1, "label": "C"}, {"source": 12, "target": 15, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 4, "label": "U"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "148971-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am not sure about the quality of the other doctors there, but i do know from personal experience that Dr. Christopher T. Strzalka is not a man of his word, and is also very CRUEL AND UNCARING!!", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 119}, {"from": 120, "to": 122}, {"from": 123, "to": 131}]}, {"id": 23, "anchors": [{"from": 132, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 151}]}, {"id": 29, "anchors": [{"from": 152, "to": 156}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 164}]}, {"id": 33, "anchors": [{"from": 165, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 180}]}, {"id": 36, "anchors": [{"from": 181, "to": 184}]}, {"id": 37, "anchors": [{"from": 185, "to": 193}]}, {"id": 38, "anchors": [{"from": 193, "to": 195}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 49, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 14, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 51, "target": 36, "label": "N"}, {"source": 45, "target": 31, "label": "L"}, {"source": 43, "target": 15, "label": "F"}, {"source": 43, "target": 16, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 40, "target": 13, "label": "L"}, {"source": 40, "target": 12, "label": "U"}, {"source": 39, "target": 2, "label": "D"}, {"source": 47, "target": 48, "label": "E"}, {"source": 47, "target": 25, "label": "E"}, {"source": 39, "target": 3, "label": "P"}, {"source": 45, "target": 46, "label": "A"}, {"source": 50, "target": 51, "label": "C"}, {"source": 53, "target": 38, "label": "U"}, {"source": 39, "target": 1, "label": "F"}, {"source": 50, "target": 34, "label": "E"}, {"source": 48, "target": 29, "label": "C"}, {"source": 44, "target": 19, "label": "C"}, {"source": 45, "target": 23, "label": "F"}, {"source": 45, "target": 30, "label": "U"}, {"source": 44, "target": 18, "label": "E"}, {"source": 45, "target": 24, "label": "D"}, {"source": 39, "target": 0, "label": "A"}, {"source": 44, "target": 17, "label": "R"}, {"source": 40, "target": 52, "label": "A"}, {"source": 46, "target": 22, "label": "C"}, {"source": 51, "target": 37, "label": "C"}, {"source": 46, "target": 21, "label": "E"}, {"source": 48, "target": 28, "label": "E"}, {"source": 41, "target": 4, "label": "R"}, {"source": 49, "target": 32, "label": "S"}, {"source": 39, "target": 41, "label": "A"}, {"source": 41, "target": 11, "label": "C"}, {"source": 44, "target": 45, "label": "E"}, {"source": 41, "target": 9, "label": "E"}, {"source": 45, "target": 49, "label": "H"}, {"source": 49, "target": 50, "label": "A"}, {"source": 41, "target": 10, "label": "E"}, {"source": 49, "target": 33, "label": "D"}, {"source": 45, "target": 20, "label": "F"}, {"source": 52, "target": 53, "label": "A"}, {"source": 48, "target": 27, "label": "R"}, {"source": 40, "target": 43, "label": "H"}, {"source": 42, "target": 5, "label": "E"}, {"source": 47, "target": 26, "label": "C"}, {"source": 40, "target": 39, "label": "H"}, {"source": 41, "target": 8, "label": "E"}, {"source": 42, "target": 6, "label": "C"}, {"source": 51, "target": 35, "label": "C"}, {"source": 42, "target": 7, "label": "R"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "148971-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was going to operate and replace my bicuspid aortic valve due to critical aortic stenosis.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}, {"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 14, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 12, "label": "P"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 8, "label": "E"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 6, "label": "P"}, {"source": 17, "target": 5, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 16, "target": 4, "label": "P"}, {"source": 17, "target": 11, "label": "L"}, {"source": 16, "target": 2, "label": "D"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 3, "label": "F"}]} +{"id": "148971-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a surgery date of July 17, 2008.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}, {"from": 29, "to": 31}, {"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "D"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "148971-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then he renigged when he read my Health Care Proxy, even though i agreed to be on the ventilator for 2 months following surgery (as he had twice stated i must agree to).", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}, {"from": 40, "to": 44}, {"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 129}]}, {"id": 23, "anchors": [{"from": 129, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 167}]}, {"id": 32, "anchors": [{"from": 167, "to": 168}]}, {"id": 33, "anchors": [{"from": 168, "to": 169}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 43, "target": 27, "label": "P"}, {"source": 39, "target": 12, "label": "F"}, {"source": 41, "target": 17, "label": "R"}, {"source": 37, "target": 7, "label": "C"}, {"source": 34, "target": 3, "label": "L"}, {"source": 36, "target": 5, "label": "P"}, {"source": 45, "target": 24, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "A"}, {"source": 45, "target": 33, "label": "U"}, {"source": 43, "target": 24, "label": "A"}, {"source": 41, "target": 19, "label": "C"}, {"source": 36, "target": 4, "label": "A"}, {"source": 34, "target": 38, "label": "H"}, {"source": 35, "target": 1, "label": "A"}, {"source": 42, "target": 21, "label": "C"}, {"source": 45, "target": 32, "label": "U"}, {"source": 40, "target": 16, "label": "C"}, {"source": 45, "target": 31, "label": "F"}, {"source": 43, "target": 26, "label": "D"}, {"source": 34, "target": 22, "label": "U"}, {"source": 38, "target": 10, "label": "A"}, {"source": 40, "target": 14, "label": "R"}, {"source": 43, "target": 25, "label": "F"}, {"source": 39, "target": 41, "label": "D"}, {"source": 34, "target": 0, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 44, "target": 28, "label": "A"}, {"source": 35, "target": 2, "label": "P"}, {"source": 38, "target": 11, "label": "P"}, {"source": 34, "target": 36, "label": "H"}, {"source": 34, "target": 35, "label": "H"}, {"source": 39, "target": 42, "label": "A"}, {"source": 34, "target": 8, "label": "U"}, {"source": 44, "target": 30, "label": "P"}, {"source": 34, "target": 23, "label": "L"}, {"source": 39, "target": 13, "label": "P"}, {"source": 42, "target": 20, "label": "F"}, {"source": 44, "target": 45, "label": "A"}, {"source": 34, "target": 44, "label": "H"}, {"source": 34, "target": 43, "label": "H"}, {"source": 41, "target": 18, "label": "E"}, {"source": 34, "target": 9, "label": "L"}, {"source": 37, "target": 6, "label": "E"}, {"source": 44, "target": 29, "label": "D"}, {"source": 40, "target": 15, "label": "E"}]} +{"id": "148971-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He later said that by 2 months he \"meant at least two months\".", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 15, "label": "U"}, {"source": 18, "target": 8, "label": "U"}, {"source": 18, "target": 7, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "D"}, {"source": 17, "target": 1, "label": "D"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 4, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 9, "label": "P"}, {"source": 20, "target": 12, "label": "E"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 10, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "148971-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Two months and at least two months are totally different things.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 11, "label": "C"}, {"source": 12, "target": 14, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 12, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 2, "label": "N"}, {"source": 13, "target": 6, "label": "F"}, {"source": 13, "target": 8, "label": "E"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 4, "label": "C"}]} +{"id": "148971-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He did not even give me the chance to say i would stay on the ventilator longer, which i would have.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 99, "to": 100}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 31, "target": 22, "label": "U"}, {"source": 30, "target": 19, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 25, "target": 6, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 29, "target": 16, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 29, "target": 15, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 9, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 13, "label": "R"}, {"source": 24, "target": 30, "label": "H"}, {"source": 30, "target": 31, "label": "P"}, {"source": 24, "target": 18, "label": "L"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 14, "label": "E"}, {"source": 23, "target": 2, "label": "D"}, {"source": 28, "target": 12, "label": "C"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 3, "label": "D"}, {"source": 31, "target": 20, "label": "F"}, {"source": 27, "target": 10, "label": "A"}, {"source": 28, "target": 11, "label": "F"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 4, "label": "P"}]} +{"id": "148971-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A Health Care Proxy is not written in stone and can be changed.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 19}]}, {"id": 1, "anchors": [{"from": 20, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 9, "label": "P"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 7, "label": "D"}, {"source": 11, "target": 2, "label": "D"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 6, "label": "L"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 8, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "148971-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He also never even said he was sorry.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 6, "label": "F"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 11, "target": 7, "label": "S"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "D"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "148971-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just said i was inoperable and walked out of the hospital room.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 5, "label": "L"}, {"source": 15, "target": 4, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "S"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 6, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "D"}, {"source": 15, "target": 2, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 17, "label": "R"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "148971-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So, therefore, now he says i am inoperable (even though i am not 100% inoperable), and he is letting me die.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}, {"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 92}]}, {"id": 23, "anchors": [{"from": 93, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 107}]}, {"id": 26, "anchors": [{"from": 107, "to": 108}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 35, "target": 21, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 6, "label": "P"}, {"source": 30, "target": 9, "label": "C"}, {"source": 32, "target": 16, "label": "U"}, {"source": 32, "target": 17, "label": "C"}, {"source": 34, "target": 24, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 22, "label": "F"}, {"source": 31, "target": 12, "label": "A"}, {"source": 29, "target": 8, "label": "S"}, {"source": 27, "target": 2, "label": "L"}, {"source": 31, "target": 11, "label": "R"}, {"source": 27, "target": 18, "label": "U"}, {"source": 28, "target": 5, "label": "A"}, {"source": 27, "target": 1, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 31, "target": 14, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 33, "label": "H"}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 35, "target": 26, "label": "U"}, {"source": 31, "target": 13, "label": "S"}, {"source": 32, "target": 15, "label": "C"}, {"source": 28, "target": 4, "label": "D"}, {"source": 30, "target": 10, "label": "U"}, {"source": 35, "target": 25, "label": "C"}, {"source": 27, "target": 3, "label": "U"}, {"source": 33, "target": 34, "label": "P"}, {"source": 27, "target": 0, "label": "L"}, {"source": 29, "target": 7, "label": "A"}, {"source": 27, "target": 20, "label": "L"}, {"source": 34, "target": 23, "label": "F"}, {"source": 27, "target": 19, "label": "U"}, {"source": 33, "target": 21, "label": "A"}]} +{"id": "148971-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am just middle aged and do not want to die, but thanks to this doctor i have no other alternatives.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 7, "label": "D"}, {"source": 30, "target": 21, "label": "C"}, {"source": 26, "target": 9, "label": "F"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 19, "label": "D"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 8, "label": "D"}, {"source": 27, "target": 17, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 28, "target": 15, "label": "E"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 12, "label": "L"}, {"source": 24, "target": 11, "label": "U"}, {"source": 30, "target": 20, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 14, "label": "R"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "D"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 5, "label": "L"}, {"source": 26, "target": 6, "label": "F"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 13, "label": "P"}, {"source": 29, "target": 18, "label": "S"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "148971-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I, along with my friends, consider this doctor to be the cause of my death as he is not even trying to save my life by operating.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 8}, {"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 129}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 37, "target": 21, "label": "D"}, {"source": 32, "target": 3, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 38, "target": 25, "label": "C"}, {"source": 31, "target": 37, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 36, "target": 14, "label": "E"}, {"source": 31, "target": 16, "label": "L"}, {"source": 39, "target": 28, "label": "U"}, {"source": 39, "target": 27, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 37, "target": 18, "label": "F"}, {"source": 37, "target": 20, "label": "D"}, {"source": 32, "target": 4, "label": "C"}, {"source": 37, "target": 19, "label": "D"}, {"source": 37, "target": 22, "label": "F"}, {"source": 34, "target": 10, "label": "F"}, {"source": 36, "target": 15, "label": "C"}, {"source": 29, "target": 1, "label": "U"}, {"source": 31, "target": 9, "label": "L"}, {"source": 30, "target": 33, "label": "A"}, {"source": 29, "target": 0, "label": "C"}, {"source": 33, "target": 7, "label": "E"}, {"source": 35, "target": 12, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 30, "target": 5, "label": "U"}, {"source": 35, "target": 36, "label": "E"}, {"source": 29, "target": 2, "label": "N"}, {"source": 30, "target": 6, "label": "P"}, {"source": 39, "target": 26, "label": "R"}, {"source": 35, "target": 11, "label": "E"}, {"source": 38, "target": 24, "label": "E"}, {"source": 37, "target": 17, "label": "A"}, {"source": 29, "target": 32, "label": "C"}, {"source": 34, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 13, "label": "R"}, {"source": 31, "target": 34, "label": "H"}, {"source": 37, "target": 23, "label": "P"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "148971-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even my PA i went to the other day said \"it must by comforting to have gone to a heart surgeon like him who will do nothing for you\".", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 112}]}, {"id": 26, "anchors": [{"from": 113, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 131}]}, {"id": 30, "anchors": [{"from": 131, "to": 132}]}, {"id": 31, "anchors": [{"from": 132, "to": 133}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 37, "target": 12, "label": "P"}, {"source": 41, "target": 21, "label": "C"}, {"source": 33, "target": 1, "label": "E"}, {"source": 44, "target": 28, "label": "R"}, {"source": 41, "target": 19, "label": "E"}, {"source": 33, "target": 2, "label": "E"}, {"source": 39, "target": 14, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 36, "target": 9, "label": "P"}, {"source": 35, "target": 6, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 44, "target": 30, "label": "U"}, {"source": 35, "target": 7, "label": "E"}, {"source": 43, "target": 26, "label": "P"}, {"source": 32, "target": 0, "label": "L"}, {"source": 41, "target": 20, "label": "E"}, {"source": 44, "target": 31, "label": "U"}, {"source": 32, "target": 34, "label": "H"}, {"source": 39, "target": 43, "label": "A"}, {"source": 40, "target": 15, "label": "F"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 33, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 11, "label": "A"}, {"source": 38, "target": 39, "label": "C"}, {"source": 33, "target": 3, "label": "C"}, {"source": 43, "target": 27, "label": "A"}, {"source": 40, "target": 16, "label": "F"}, {"source": 40, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 36, "label": "H"}, {"source": 42, "target": 23, "label": "C"}, {"source": 43, "target": 25, "label": "F"}, {"source": 44, "target": 29, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 35, "label": "D"}, {"source": 38, "target": 13, "label": "R"}, {"source": 40, "target": 17, "label": "P"}, {"source": 43, "target": 24, "label": "R"}, {"source": 34, "target": 4, "label": "P"}, {"source": 36, "target": 10, "label": "U"}, {"source": 42, "target": 22, "label": "R"}, {"source": 35, "target": 8, "label": "C"}, {"source": 41, "target": 18, "label": "R"}, {"source": 41, "target": 42, "label": "E"}, {"source": 35, "target": 5, "label": "R"}]} +{"id": "148971-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He said it sarcastically.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "148971-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want a doctor who will lie to you and say he will operate and then change his mind, and not know what he is talking about when he recommends procedures at other hospitals and says they are what you need, when they will not work for you, go to this doctor...he is the one for you.", "tops": [64], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 158}]}, {"id": 33, "anchors": [{"from": 159, "to": 161}]}, {"id": 34, "anchors": [{"from": 162, "to": 167}]}, {"id": 35, "anchors": [{"from": 168, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 186}]}, {"id": 38, "anchors": [{"from": 187, "to": 191}]}, {"id": 39, "anchors": [{"from": 192, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 200}]}, {"id": 41, "anchors": [{"from": 201, "to": 204}]}, {"id": 42, "anchors": [{"from": 205, "to": 209}]}, {"id": 43, "anchors": [{"from": 209, "to": 210}]}, {"id": 44, "anchors": [{"from": 211, "to": 215}]}, {"id": 45, "anchors": [{"from": 216, "to": 220}]}, {"id": 46, "anchors": [{"from": 221, "to": 225}]}, {"id": 47, "anchors": [{"from": 226, "to": 229}]}, {"id": 48, "anchors": [{"from": 230, "to": 234}]}, {"id": 49, "anchors": [{"from": 235, "to": 238}]}, {"id": 50, "anchors": [{"from": 239, "to": 242}]}, {"id": 51, "anchors": [{"from": 242, "to": 243}]}, {"id": 52, "anchors": [{"from": 244, "to": 246}]}, {"id": 53, "anchors": [{"from": 247, "to": 249}]}, {"id": 54, "anchors": [{"from": 250, "to": 254}]}, {"id": 55, "anchors": [{"from": 255, "to": 261}]}, {"id": 56, "anchors": [{"from": 261, "to": 264}]}, {"id": 57, "anchors": [{"from": 264, "to": 266}]}, {"id": 58, "anchors": [{"from": 267, "to": 269}]}, {"id": 59, "anchors": [{"from": 270, "to": 273}]}, {"id": 60, "anchors": [{"from": 274, "to": 277}]}, {"id": 61, "anchors": [{"from": 278, "to": 281}]}, {"id": 62, "anchors": [{"from": 282, "to": 285}]}, {"id": 63, "anchors": [{"from": 285, "to": 286}]}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}], "edges": [{"source": 76, "target": 28, "label": "C"}, {"source": 90, "target": 61, "label": "R"}, {"source": 81, "target": 80, "label": "H"}, {"source": 82, "target": 42, "label": "P"}, {"source": 75, "target": 24, "label": "F"}, {"source": 89, "target": 59, "label": "E"}, {"source": 81, "target": 86, "label": "H"}, {"source": 71, "target": 13, "label": "F"}, {"source": 81, "target": 44, "label": "L"}, {"source": 78, "target": 33, "label": "R"}, {"source": 64, "target": 74, "label": "H"}, {"source": 67, "target": 7, "label": "P"}, {"source": 88, "target": 90, "label": "A"}, {"source": 82, "target": 40, "label": "F"}, {"source": 78, "target": 35, "label": "C"}, {"source": 74, "target": 75, "label": "A"}, {"source": 80, "target": 38, "label": "A"}, {"source": 81, "target": 51, "label": "U"}, {"source": 66, "target": 3, "label": "E"}, {"source": 88, "target": 89, "label": "A"}, {"source": 65, "target": 1, "label": "A"}, {"source": 75, "target": 76, "label": "A"}, {"source": 83, "target": 84, "label": "A"}, {"source": 71, "target": 12, "label": "A"}, {"source": 86, "target": 87, "label": "A"}, {"source": 76, "target": 29, "label": "R"}, {"source": 80, "target": 82, "label": "A"}, {"source": 74, "target": 23, "label": "S"}, {"source": 79, "target": 81, "label": "A"}, {"source": 87, "target": 55, "label": "C"}, {"source": 75, "target": 25, "label": "A"}, {"source": 75, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 72, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 65, "target": 66, "label": "A"}, {"source": 66, "target": 4, "label": "C"}, {"source": 71, "target": 14, "label": "P"}, {"source": 83, "target": 46, "label": "F"}, {"source": 75, "target": 26, "label": "F"}, {"source": 76, "target": 79, "label": "C"}, {"source": 74, "target": 22, "label": "D"}, {"source": 67, "target": 6, "label": "F"}, {"source": 79, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 72, "label": "H"}, {"source": 72, "target": 73, "label": "A"}, {"source": 70, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 86, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 72, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 85, "target": 53, "label": "R"}, {"source": 72, "target": 17, "label": "P"}, {"source": 73, "target": 19, "label": "C"}, {"source": 81, "target": 43, "label": "U"}, {"source": 64, "target": 21, "label": "L"}, {"source": 78, "target": 34, "label": "E"}, {"source": 81, "target": 88, "label": "H"}, {"source": 68, "target": 70, "label": "H"}, {"source": 80, "target": 39, "label": "S"}, {"source": 64, "target": 65, "label": "H"}, {"source": 65, "target": 2, "label": "P"}, {"source": 74, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 31, "label": "P"}, {"source": 79, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 82, "target": 41, "label": "A"}, {"source": 76, "target": 36, "label": "N"}, {"source": 67, "target": 69, "label": "A"}, {"source": 70, "target": 11, "label": "P"}, {"source": 90, "target": 62, "label": "C"}, {"source": 64, "target": 20, "label": "U"}, {"source": 74, "target": 77, "label": "A"}, {"source": 81, "target": 83, "label": "H"}, {"source": 73, "target": 18, "label": "E"}, {"source": 72, "target": 16, "label": "D"}, {"source": 88, "target": 58, "label": "S"}, {"source": 81, "target": 56, "label": "U"}, {"source": 77, "target": 32, "label": "A"}, {"source": 68, "target": 67, "label": "H"}, {"source": 68, "target": 10, "label": "L"}, {"source": 67, "target": 5, "label": "F"}, {"source": 70, "target": 71, "label": "A"}, {"source": 69, "target": 8, "label": "R"}, {"source": 79, "target": 37, "label": "P"}, {"source": 68, "target": 15, "label": "L"}, {"source": 84, "target": 50, "label": "C"}, {"source": 87, "target": 54, "label": "E"}, {"source": 77, "target": 78, "label": "A"}, {"source": 83, "target": 45, "label": "A"}, {"source": 86, "target": 85, "label": "P"}, {"source": 75, "target": 27, "label": "P"}, {"source": 83, "target": 48, "label": "P"}, {"source": 88, "target": 57, "label": "A"}, {"source": 89, "target": 60, "label": "C"}, {"source": 77, "target": 30, "label": "A"}, {"source": 85, "target": 52, "label": "C"}, {"source": 66, "target": 68, "label": "E"}, {"source": 67, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 84, "target": 49, "label": "R"}, {"source": 83, "target": 47, "label": "D"}, {"source": 64, "target": 0, "label": "L"}, {"source": 90, "target": 63, "label": "U"}, {"source": 69, "target": 9, "label": "C"}]} +{"id": "149741-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's helpful to know a quite a bit about bull fighting.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 5, "label": "E"}, {"source": 17, "target": 10, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 4, "label": "P"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "149741-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you watch a lot of fights (youtube) and research some of the history (http://en.wikipedia.org/wiki/Bullfighting) you will find yourself enjoying it a lot more!", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 114}]}, {"id": 18, "anchors": [{"from": 114, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 138}]}, {"id": 23, "anchors": [{"from": 139, "to": 147}]}, {"id": 24, "anchors": [{"from": 148, "to": 150}]}, {"id": 25, "anchors": [{"from": 151, "to": 152}]}, {"id": 26, "anchors": [{"from": 153, "to": 156}]}, {"id": 27, "anchors": [{"from": 157, "to": 161}]}, {"id": 28, "anchors": [{"from": 161, "to": 162}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 30, "target": 2, "label": "P"}, {"source": 40, "target": 28, "label": "U"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 3, "label": "E"}, {"source": 32, "target": 34, "label": "C"}, {"source": 34, "target": 9, "label": "U"}, {"source": 38, "target": 21, "label": "P"}, {"source": 33, "target": 6, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 37, "target": 16, "label": "U"}, {"source": 38, "target": 20, "label": "F"}, {"source": 35, "target": 11, "label": "P"}, {"source": 29, "target": 0, "label": "L"}, {"source": 31, "target": 4, "label": "C"}, {"source": 30, "target": 1, "label": "A"}, {"source": 37, "target": 15, "label": "C"}, {"source": 33, "target": 7, "label": "U"}, {"source": 33, "target": 8, "label": "E"}, {"source": 39, "target": 23, "label": "P"}, {"source": 29, "target": 38, "label": "H"}, {"source": 35, "target": 37, "label": "A"}, {"source": 38, "target": 22, "label": "D"}, {"source": 39, "target": 24, "label": "A"}, {"source": 37, "target": 14, "label": "E"}, {"source": 29, "target": 30, "label": "H"}, {"source": 29, "target": 18, "label": "U"}, {"source": 34, "target": 33, "label": "C"}, {"source": 37, "target": 17, "label": "E"}, {"source": 40, "target": 27, "label": "E"}, {"source": 38, "target": 19, "label": "A"}, {"source": 32, "target": 31, "label": "E"}, {"source": 40, "target": 26, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 37, "target": 36, "label": "E"}, {"source": 36, "target": 12, "label": "C"}, {"source": 34, "target": 10, "label": "N"}, {"source": 40, "target": 25, "label": "E"}, {"source": 31, "target": 5, "label": "R"}, {"source": 34, "target": 35, "label": "C"}, {"source": 39, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 13, "label": "R"}]} +{"id": "149741-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also after seeing a handful of bullfights, I can say that they're a lot more enjoyable if you're smashed (BAC>= .15).", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 106}]}, {"id": 23, "anchors": [{"from": 106, "to": 109}, {"from": 109, "to": 111}, {"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 116, "to": 117}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 32, "target": 14, "label": "E"}, {"source": 29, "target": 6, "label": "C"}, {"source": 31, "target": 13, "label": "F"}, {"source": 33, "target": 25, "label": "U"}, {"source": 31, "target": 32, "label": "D"}, {"source": 31, "target": 17, "label": "S"}, {"source": 26, "target": 0, "label": "L"}, {"source": 26, "target": 18, "label": "L"}, {"source": 30, "target": 10, "label": "P"}, {"source": 33, "target": 23, "label": "A"}, {"source": 31, "target": 12, "label": "A"}, {"source": 33, "target": 21, "label": "S"}, {"source": 27, "target": 2, "label": "P"}, {"source": 29, "target": 5, "label": "R"}, {"source": 26, "target": 33, "label": "H"}, {"source": 30, "target": 9, "label": "D"}, {"source": 26, "target": 30, "label": "H"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 22, "label": "U"}, {"source": 27, "target": 7, "label": "U"}, {"source": 33, "target": 20, "label": "F"}, {"source": 30, "target": 8, "label": "A"}, {"source": 31, "target": 11, "label": "F"}, {"source": 27, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 15, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 32, "target": 16, "label": "R"}, {"source": 33, "target": 19, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 29, "label": "E"}, {"source": 26, "target": 1, "label": "L"}]} +{"id": "149922-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Clean rooms, great for the price and cheapest on the exit.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 16, "target": 18, "label": "C"}, {"source": 19, "target": 9, "label": "R"}, {"source": 16, "target": 7, "label": "N"}, {"source": 17, "target": 4, "label": "R"}, {"source": 17, "target": 6, "label": "C"}, {"source": 13, "target": 0, "label": "C"}, {"source": 17, "target": 5, "label": "E"}, {"source": 13, "target": 1, "label": "E"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 2, "label": "U"}, {"source": 15, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "149922-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The front desk staff was very pleasant and efficient.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 15, "label": "S"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 15, "target": 14, "label": "C"}, {"source": 10, "target": 3, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 7, "label": "N"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "149922-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Serves FREE breakfast !", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 0, "label": "P"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "150192-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are so many wonderful great places to dine in houston....don't.waste your time here.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 19, "label": "U"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 14, "label": "U"}, {"source": 24, "target": 12, "label": "D"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 24, "target": 13, "label": "D"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 11, "label": "U"}, {"source": 25, "target": 26, "label": "D"}, {"source": 22, "target": 2, "label": "E"}, {"source": 20, "target": 1, "label": "S"}, {"source": 23, "target": 8, "label": "P"}, {"source": 25, "target": 15, "label": "P"}, {"source": 24, "target": 9, "label": "R"}, {"source": 20, "target": 23, "label": "A"}, {"source": 25, "target": 18, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 4, "label": "E"}, {"source": 22, "target": 3, "label": "E"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}]} +{"id": "150192-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had the morelias enchiladas.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "150192-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The sauce was dry and the enchiladas did not taste good.at all.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 11, "label": "U"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 19, "target": 7, "label": "F"}, {"source": 17, "target": 4, "label": "L"}, {"source": 19, "target": 10, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "D"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "E"}, {"source": 19, "target": 9, "label": "P"}, {"source": 20, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "150192-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In fact my friend vomited after our meal.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 8, "target": 11, "label": "H"}, {"source": 8, "target": 4, "label": "L"}, {"source": 11, "target": 12, "label": "A"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "150192-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Maybe we ordered the wrong dish but my experience here was poor.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 11, "label": "S"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 8, "label": "P"}, {"source": 13, "target": 17, "label": "H"}, {"source": 16, "target": 9, "label": "A"}, {"source": 17, "target": 10, "label": "F"}]} +{"id": "150192-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was okay not great, we came for a late lunch.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 13, "target": 4, "label": "A"}, {"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 12, "label": "U"}, {"source": 16, "target": 10, "label": "E"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "150192-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't recommend this place.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "152281-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Service, Thanks Don.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}, {"from": 22, "to": 25}]}, {"id": 3, "anchors": [{"from": 25, "to": 26}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "152281-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice Top Lights.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "153921-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fresh and Excellent Quality", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "N"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "153921-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We order take out from here all the time and we are never disappointed.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 12, "label": "P"}, {"source": 19, "target": 10, "label": "F"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 18, "label": "D"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 9, "label": "A"}, {"source": 17, "target": 4, "label": "A"}, {"source": 17, "target": 16, "label": "P"}, {"source": 16, "target": 2, "label": "C"}, {"source": 18, "target": 5, "label": "R"}, {"source": 14, "target": 17, "label": "A"}, {"source": 19, "target": 11, "label": "D"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 8, "label": "L"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "153921-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is always fresh and delicious.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "N"}, {"source": 10, "target": 11, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 3, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "153921-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It can be a little on the spicy side but just ask them exactly what you want and they are very helpful.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 28, "target": 30, "label": "C"}, {"source": 26, "target": 8, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 30, "target": 17, "label": "N"}, {"source": 30, "target": 31, "label": "C"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 29, "target": 14, "label": "F"}, {"source": 31, "target": 19, "label": "S"}, {"source": 32, "target": 22, "label": "U"}, {"source": 30, "target": 29, "label": "C"}, {"source": 31, "target": 18, "label": "A"}, {"source": 32, "target": 20, "label": "E"}, {"source": 23, "target": 26, "label": "A"}, {"source": 32, "target": 21, "label": "C"}, {"source": 27, "target": 11, "label": "P"}, {"source": 23, "target": 25, "label": "P"}, {"source": 25, "target": 1, "label": "F"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 15, "label": "A"}, {"source": 23, "target": 2, "label": "F"}, {"source": 26, "target": 7, "label": "E"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 29, "target": 16, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "D"}]} +{"id": "154113-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A good cut!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "154113-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cécile is a hairdresser and has just moved into the neighbourhood.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 7, "label": "P"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "154113-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I go to see her to have my hair cut.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 36}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 4, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 9, "label": "A"}]} +{"id": "154157-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "FAST and reasonable$", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 1, "label": "N"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "154157-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We went to Kobeys on Saturday and had our whole teams uniforms done!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 2, "label": "R"}, {"source": 20, "target": 5, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 13, "label": "E"}, {"source": 23, "target": 22, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 22, "target": 12, "label": "R"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "L"}, {"source": 19, "target": 4, "label": "P"}, {"source": 16, "target": 1, "label": "P"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "154157-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was less than half of the price of the cheapest quote we got, and his work was top notch.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 5, "label": "R"}, {"source": 27, "target": 8, "label": "R"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 2, "label": "C"}, {"source": 26, "target": 6, "label": "E"}, {"source": 24, "target": 3, "label": "F"}, {"source": 27, "target": 9, "label": "E"}, {"source": 30, "target": 19, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 15, "label": "L"}, {"source": 22, "target": 24, "label": "D"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 14, "label": "U"}, {"source": 23, "target": 29, "label": "H"}, {"source": 22, "target": 1, "label": "S"}, {"source": 26, "target": 12, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 22, "target": 13, "label": "C"}, {"source": 26, "target": 25, "label": "E"}, {"source": 29, "target": 18, "label": "S"}, {"source": 26, "target": 27, "label": "E"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "154157-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Down to earth and fast service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "N"}, {"source": 10, "target": 11, "label": "C"}, {"source": 10, "target": 7, "label": "R"}, {"source": 7, "target": 0, "label": "C"}, {"source": 12, "target": 6, "label": "U"}]} +{"id": "154157-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Going back to have some lab coats done this weekend!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "P"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "154658-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You can't go wrong with Tuesday prices, even if you get quite the mixed bag of comedians!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}, {"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 1, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 20, "target": 8, "label": "U"}, {"source": 19, "target": 2, "label": "D"}, {"source": 23, "target": 10, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 7, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 21, "label": "P"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 16, "label": "R"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "154658-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Extensive drink list and daily specials but wish they had a bit more on their food menu, although popcorn is a nice touch!", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 35, "target": 22, "label": "E"}, {"source": 29, "target": 4, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 28, "target": 6, "label": "L"}, {"source": 33, "target": 15, "label": "E"}, {"source": 25, "target": 1, "label": "E"}, {"source": 25, "target": 2, "label": "C"}, {"source": 28, "target": 34, "label": "H"}, {"source": 33, "target": 13, "label": "R"}, {"source": 31, "target": 9, "label": "F"}, {"source": 32, "target": 11, "label": "C"}, {"source": 28, "target": 17, "label": "U"}, {"source": 33, "target": 14, "label": "E"}, {"source": 25, "target": 0, "label": "E"}, {"source": 30, "target": 33, "label": "A"}, {"source": 26, "target": 29, "label": "C"}, {"source": 31, "target": 12, "label": "C"}, {"source": 27, "target": 7, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 30, "target": 8, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 26, "target": 3, "label": "N"}, {"source": 34, "target": 20, "label": "S"}, {"source": 26, "target": 25, "label": "C"}, {"source": 28, "target": 18, "label": "L"}, {"source": 27, "target": 30, "label": "A"}, {"source": 35, "target": 24, "label": "U"}, {"source": 29, "target": 5, "label": "C"}, {"source": 32, "target": 10, "label": "E"}, {"source": 30, "target": 31, "label": "S"}, {"source": 35, "target": 21, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 32, "label": "D"}, {"source": 34, "target": 19, "label": "A"}]} +{"id": "154658-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(other items: chicken fingers, wings, asian pizza, and yam and regular fries)", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 14, "label": "N"}, {"source": 23, "target": 11, "label": "U"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 15, "label": "E"}, {"source": 23, "target": 6, "label": "U"}, {"source": 21, "target": 2, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 19, "target": 0, "label": "U"}, {"source": 24, "target": 9, "label": "E"}, {"source": 20, "target": 22, "label": "C"}, {"source": 20, "target": 18, "label": "H", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "N"}, {"source": 23, "target": 5, "label": "C"}, {"source": 23, "target": 8, "label": "U"}, {"source": 22, "target": 23, "label": "C"}, {"source": 23, "target": 25, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 25, "target": 16, "label": "C"}, {"source": 20, "target": 17, "label": "U"}, {"source": 22, "target": 4, "label": "E"}, {"source": 20, "target": 18, "label": "C"}, {"source": 23, "target": 7, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 1, "label": "E"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "155050-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "amazing, fun, great beers.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "C"}, {"source": 9, "target": 3, "label": "U"}, {"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "155050-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "service could be a little better but its an all round good place", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 12, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "P"}, {"source": 16, "target": 1, "label": "F"}, {"source": 18, "target": 13, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 6, "label": "L"}]} +{"id": "156460-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Unbelievably huge experience for such a small salon!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 32}]}, {"id": 4, "anchors": [{"from": 33, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "D"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "156460-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been to Kim at Cheveux for more than five years.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 3, "label": "R"}, {"source": 18, "target": 9, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 17, "label": "D"}]} +{"id": "156460-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I cannot tell you how often I am complimented on my hair (style AND color)!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 73}]}, {"id": 17, "anchors": [{"from": 73, "to": 74}]}, {"id": 18, "anchors": [{"from": 74, "to": 75}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 8, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 24, "target": 11, "label": "E"}, {"source": 21, "target": 1, "label": "F"}, {"source": 19, "target": 4, "label": "A"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 10, "label": "R"}, {"source": 25, "target": 14, "label": "C"}, {"source": 22, "target": 7, "label": "A"}, {"source": 22, "target": 6, "label": "D"}, {"source": 22, "target": 25, "label": "C"}, {"source": 19, "target": 2, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 23, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 20, "target": 17, "label": "U"}, {"source": 23, "target": 9, "label": "C"}, {"source": 19, "target": 21, "label": "P"}, {"source": 25, "target": 15, "label": "N"}, {"source": 20, "target": 18, "label": "U"}, {"source": 22, "target": 13, "label": "U"}, {"source": 22, "target": 5, "label": "R"}]} +{"id": "156460-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I regularly request Kim's business cards as I am often stopped on the street and asked \"Who does your hair...I LOVE it!!!\"", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 109, "to": 110}, {"from": 111, "to": 115}, {"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 118, "to": 121}]}, {"id": 25, "anchors": [{"from": 121, "to": 122}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 15, "label": "L"}, {"source": 30, "target": 11, "label": "P"}, {"source": 35, "target": 21, "label": "C"}, {"source": 29, "target": 6, "label": "C"}, {"source": 31, "target": 13, "label": "E"}, {"source": 33, "target": 18, "label": "A"}, {"source": 33, "target": 19, "label": "P"}, {"source": 27, "target": 30, "label": "H"}, {"source": 37, "target": 23, "label": "C"}, {"source": 30, "target": 9, "label": "F"}, {"source": 35, "target": 20, "label": "E"}, {"source": 37, "target": 25, "label": "U"}, {"source": 28, "target": 3, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 28, "target": 4, "label": "R"}, {"source": 27, "target": 32, "label": "H"}, {"source": 34, "target": 22, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 26, "target": 2, "label": "P"}, {"source": 31, "target": 12, "label": "R"}, {"source": 27, "target": 7, "label": "L"}, {"source": 32, "target": 16, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 30, "target": 8, "label": "A"}, {"source": 32, "target": 17, "label": "U"}, {"source": 37, "target": 24, "label": "U"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 26, "target": 1, "label": "D"}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 5, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 28, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 10, "label": "D"}, {"source": 31, "target": 14, "label": "C"}]} +{"id": "156460-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quaint, lovely, small salon with BIG personality.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 10, "target": 1, "label": "U"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 3, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "156460-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am made to feel special when I am in the chair and I have NEVER had a less than amazing cut or color experience.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 114}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 27, "target": 29, "label": "H"}, {"source": 28, "target": 2, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 8, "label": "S"}, {"source": 30, "target": 11, "label": "C"}, {"source": 32, "target": 35, "label": "C"}, {"source": 33, "target": 19, "label": "R"}, {"source": 35, "target": 34, "label": "C"}, {"source": 26, "target": 28, "label": "P"}, {"source": 27, "target": 12, "label": "L"}, {"source": 36, "target": 23, "label": "E"}, {"source": 36, "target": 25, "label": "U"}, {"source": 26, "target": 5, "label": "A"}, {"source": 27, "target": 6, "label": "L"}, {"source": 31, "target": 13, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 26, "target": 3, "label": "F"}, {"source": 28, "target": 4, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 26, "target": 1, "label": "F"}, {"source": 27, "target": 31, "label": "H"}, {"source": 32, "target": 17, "label": "E"}, {"source": 36, "target": 24, "label": "C"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 10, "label": "E"}, {"source": 33, "target": 18, "label": "C"}, {"source": 35, "target": 22, "label": "N"}, {"source": 29, "target": 7, "label": "A"}, {"source": 31, "target": 32, "label": "P"}, {"source": 31, "target": 14, "label": "F"}, {"source": 32, "target": 16, "label": "F"}, {"source": 34, "target": 21, "label": "C"}, {"source": 34, "target": 20, "label": "E"}]} +{"id": "156460-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My hair has never felt this healthy, either.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "156460-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I cannot recommend this salon enough!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "156460-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Cheveux!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "156953-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "wonderful", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "E"}]} +{"id": "156953-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I went to ohm after reading some of the reviews.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 5, "label": "P"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 4, "label": "L"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "156953-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I go to school in the area and usually wait until I go home to get my hair cut.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "anchors": [{"from": 78, "to": 79}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 12, "label": "P"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 26, "label": "H"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 21, "target": 7, "label": "L"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 2, "label": "R"}, {"source": 22, "target": 3, "label": "C"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 11, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 15, "label": "P"}, {"source": 20, "target": 1, "label": "P"}, {"source": 25, "target": 13, "label": "A"}, {"source": 21, "target": 10, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "A"}, {"source": 23, "target": 5, "label": "E"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 24, "target": 8, "label": "D"}]} +{"id": "156953-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I decided it was time to grow up and made an appointment.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 17, "label": "H"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "P"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "P"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "F"}, {"source": 13, "target": 7, "label": "L"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 6, "label": "S"}]} +{"id": "156953-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sierra was my stylist and i love what she did.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 7, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 8, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 4, "label": "N"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 9, "label": "S"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "156953-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have wavy hair and she cut to my hair style.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "156953-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was the first time i had left a salon with my hair curly.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 15, "target": 0, "label": "F"}, {"source": 16, "target": 18, "label": "H"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 13, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 5, "label": "A"}, {"source": 17, "target": 2, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 6, "label": "F"}, {"source": 15, "target": 17, "label": "D"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 10, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "156953-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Usually they blow dry it out and i have to wait until i wash it to see what it will look like in its natural state.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 35, "target": 23, "label": "E"}, {"source": 28, "target": 6, "label": "L"}, {"source": 34, "target": 20, "label": "P"}, {"source": 34, "target": 18, "label": "A"}, {"source": 27, "target": 1, "label": "A"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 8, "label": "F"}, {"source": 34, "target": 17, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 7, "label": "D"}, {"source": 28, "target": 30, "label": "H"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 16, "label": "P"}, {"source": 30, "target": 9, "label": "F"}, {"source": 34, "target": 19, "label": "F"}, {"source": 31, "target": 10, "label": "C"}, {"source": 28, "target": 12, "label": "L"}, {"source": 32, "target": 14, "label": "A"}, {"source": 29, "target": 3, "label": "C"}, {"source": 30, "target": 31, "label": "P"}, {"source": 27, "target": 29, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 27, "target": 0, "label": "D"}, {"source": 28, "target": 11, "label": "L"}, {"source": 34, "target": 21, "label": "D"}, {"source": 35, "target": 26, "label": "U"}, {"source": 32, "target": 13, "label": "P"}, {"source": 28, "target": 32, "label": "H"}, {"source": 35, "target": 25, "label": "C"}, {"source": 35, "target": 24, "label": "E"}, {"source": 29, "target": 5, "label": "E"}, {"source": 33, "target": 15, "label": "F"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 35, "target": 22, "label": "R"}, {"source": 27, "target": 2, "label": "D"}]} +{"id": "156953-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But she did a fabulous job letting me know what she was doing at all times and styled my hair in a way i could do it at home.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 124}]}, {"id": 29, "anchors": [{"from": 124, "to": 125}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 23, "label": "E"}, {"source": 34, "target": 7, "label": "A"}, {"source": 34, "target": 36, "label": "A"}, {"source": 32, "target": 3, "label": "E"}, {"source": 42, "target": 29, "label": "U"}, {"source": 40, "target": 20, "label": "R"}, {"source": 33, "target": 6, "label": "P"}, {"source": 41, "target": 26, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 31, "label": "H"}, {"source": 38, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 15, "label": "C"}, {"source": 38, "target": 40, "label": "A"}, {"source": 36, "target": 12, "label": "P"}, {"source": 40, "target": 21, "label": "E"}, {"source": 42, "target": 28, "label": "C"}, {"source": 34, "target": 8, "label": "S"}, {"source": 32, "target": 5, "label": "C"}, {"source": 36, "target": 11, "label": "F"}, {"source": 37, "target": 13, "label": "R"}, {"source": 35, "target": 9, "label": "R"}, {"source": 31, "target": 2, "label": "P"}, {"source": 38, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 4, "label": "E"}, {"source": 37, "target": 14, "label": "E"}, {"source": 42, "target": 27, "label": "R"}, {"source": 38, "target": 17, "label": "P"}, {"source": 30, "target": 16, "label": "L"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 25, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 39, "target": 19, "label": "C"}, {"source": 36, "target": 37, "label": "D"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 39, "target": 18, "label": "E"}, {"source": 41, "target": 24, "label": "D"}, {"source": 36, "target": 10, "label": "A"}, {"source": 33, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 22, "label": "C"}, {"source": 30, "target": 38, "label": "H"}, {"source": 31, "target": 1, "label": "A"}, {"source": 41, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 0, "label": "L"}, {"source": 30, "target": 41, "label": "H"}]} +{"id": "156953-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It wasn't completly impossible!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "S"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "156953-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am definitely going back", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 26}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 3, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "158285-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Restaurant on top was renovated, food was decent, price was way to high for Duluth for quality, new decor seems tacky", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 117}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 14, "label": "P"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 0, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 32, "target": 17, "label": "R"}, {"source": 25, "target": 3, "label": "F"}, {"source": 34, "target": 33, "label": "A"}, {"source": 24, "target": 27, "label": "E"}, {"source": 31, "target": 15, "label": "R"}, {"source": 28, "target": 6, "label": "A"}, {"source": 27, "target": 1, "label": "R"}, {"source": 31, "target": 16, "label": "C"}, {"source": 27, "target": 2, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 29, "target": 12, "label": "S"}, {"source": 34, "target": 23, "label": "D"}, {"source": 33, "target": 21, "label": "C"}, {"source": 30, "target": 13, "label": "F"}, {"source": 29, "target": 10, "label": "A"}, {"source": 33, "target": 20, "label": "E"}, {"source": 26, "target": 28, "label": "H"}, {"source": 34, "target": 22, "label": "D"}, {"source": 26, "target": 34, "label": "H"}, {"source": 29, "target": 11, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 26, "target": 5, "label": "U"}, {"source": 26, "target": 9, "label": "U"}, {"source": 28, "target": 7, "label": "F"}, {"source": 26, "target": 29, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 25, "target": 24, "label": "A"}, {"source": 25, "target": 4, "label": "P"}, {"source": 32, "target": 18, "label": "C"}, {"source": 28, "target": 8, "label": "P"}]} +{"id": "158335-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "junkie lube?!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "158335-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "really weird place, I was driving home from work thought I'd stop in for an oil change and well, there are a few guys in jiffy lube uniforms sitting at the table drinking beers and shooting the breeze.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}, {"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 161}]}, {"id": 34, "anchors": [{"from": 162, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 176}]}, {"id": 36, "anchors": [{"from": 177, "to": 180}]}, {"id": 37, "anchors": [{"from": 181, "to": 189}]}, {"id": 38, "anchors": [{"from": 190, "to": 193}]}, {"id": 39, "anchors": [{"from": 194, "to": 200}]}, {"id": 40, "anchors": [{"from": 200, "to": 201}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 42, "target": 36, "label": "L"}, {"source": 42, "target": 51, "label": "H"}, {"source": 53, "target": 27, "label": "E"}, {"source": 48, "target": 14, "label": "R"}, {"source": 42, "target": 10, "label": "L"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 3, "label": "U"}, {"source": 43, "target": 5, "label": "F"}, {"source": 51, "target": 22, "label": "S"}, {"source": 51, "target": 52, "label": "A"}, {"source": 50, "target": 49, "label": "C"}, {"source": 51, "target": 54, "label": "A"}, {"source": 53, "target": 26, "label": "R"}, {"source": 45, "target": 9, "label": "C"}, {"source": 50, "target": 18, "label": "N"}, {"source": 43, "target": 6, "label": "P"}, {"source": 51, "target": 55, "label": "A"}, {"source": 54, "target": 33, "label": "C"}, {"source": 53, "target": 30, "label": "C"}, {"source": 41, "target": 1, "label": "D"}, {"source": 42, "target": 41, "label": "H"}, {"source": 56, "target": 37, "label": "P"}, {"source": 56, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 40, "label": "U"}, {"source": 52, "target": 23, "label": "E"}, {"source": 41, "target": 2, "label": "S"}, {"source": 42, "target": 46, "label": "H"}, {"source": 50, "target": 19, "label": "C"}, {"source": 53, "target": 29, "label": "E"}, {"source": 55, "target": 35, "label": "A"}, {"source": 42, "target": 43, "label": "H"}, {"source": 57, "target": 39, "label": "C"}, {"source": 55, "target": 34, "label": "P"}, {"source": 42, "target": 20, "label": "U"}, {"source": 46, "target": 47, "label": "P"}, {"source": 56, "target": 57, "label": "A"}, {"source": 48, "target": 50, "label": "C"}, {"source": 43, "target": 4, "label": "A"}, {"source": 46, "target": 48, "label": "A"}, {"source": 44, "target": 7, "label": "C"}, {"source": 41, "target": 0, "label": "D"}, {"source": 54, "target": 31, "label": "R"}, {"source": 51, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 38, "label": "E"}, {"source": 49, "target": 15, "label": "E"}, {"source": 49, "target": 17, "label": "E"}, {"source": 53, "target": 28, "label": "E"}, {"source": 51, "target": 53, "label": "A"}, {"source": 47, "target": 13, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 46, "target": 11, "label": "A"}, {"source": 45, "target": 8, "label": "R"}, {"source": 49, "target": 16, "label": "C"}, {"source": 52, "target": 25, "label": "C"}, {"source": 54, "target": 32, "label": "E"}, {"source": 47, "target": 12, "label": "C"}, {"source": 51, "target": 21, "label": "F"}, {"source": 42, "target": 56, "label": "H"}, {"source": 52, "target": 24, "label": "E"}]} +{"id": "158335-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The neon lighting sign still said \"on\" yet some guy who seemed to be the oldest of the bunch, more like the drunkest of the bunch told me they'd be open tomorrow.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 137}]}, {"id": 31, "anchors": [{"from": 138, "to": 142}]}, {"id": 32, "anchors": [{"from": 142, "to": 144}]}, {"id": 33, "anchors": [{"from": 145, "to": 147}]}, {"id": 34, "anchors": [{"from": 148, "to": 152}]}, {"id": 35, "anchors": [{"from": 153, "to": 161}]}, {"id": 36, "anchors": [{"from": 161, "to": 162}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 49, "target": 35, "label": "C"}, {"source": 42, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 28, "label": "C"}, {"source": 49, "target": 34, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 12, "label": "F"}, {"source": 45, "target": 22, "label": "E"}, {"source": 37, "target": 1, "label": "E"}, {"source": 45, "target": 25, "label": "C"}, {"source": 38, "target": 37, "label": "A"}, {"source": 38, "target": 40, "label": "A"}, {"source": 45, "target": 23, "label": "R"}, {"source": 42, "target": 15, "label": "S"}, {"source": 48, "target": 32, "label": "C"}, {"source": 40, "target": 8, "label": "U"}, {"source": 47, "target": 48, "label": "A"}, {"source": 47, "target": 29, "label": "P"}, {"source": 49, "target": 36, "label": "U"}, {"source": 43, "target": 44, "label": "E"}, {"source": 47, "target": 30, "label": "A"}, {"source": 37, "target": 0, "label": "E"}, {"source": 46, "target": 27, "label": "E"}, {"source": 39, "target": 47, "label": "H"}, {"source": 39, "target": 21, "label": "U"}, {"source": 42, "target": 14, "label": "F"}, {"source": 40, "target": 7, "label": "R"}, {"source": 47, "target": 33, "label": "F"}, {"source": 39, "target": 45, "label": "L"}, {"source": 47, "target": 46, "label": "A"}, {"source": 41, "target": 10, "label": "C"}, {"source": 44, "target": 18, "label": "R"}, {"source": 45, "target": 26, "label": "R"}, {"source": 38, "target": 4, "label": "D"}, {"source": 40, "target": 42, "label": "E"}, {"source": 43, "target": 16, "label": "E"}, {"source": 41, "target": 9, "label": "E"}, {"source": 38, "target": 5, "label": "P"}, {"source": 44, "target": 20, "label": "C"}, {"source": 44, "target": 19, "label": "E"}, {"source": 40, "target": 11, "label": "C"}, {"source": 39, "target": 38, "label": "H"}, {"source": 38, "target": 6, "label": "U"}, {"source": 42, "target": 43, "label": "A"}, {"source": 37, "target": 2, "label": "E"}, {"source": 37, "target": 3, "label": "C"}, {"source": 47, "target": 49, "label": "A"}, {"source": 43, "target": 17, "label": "C"}, {"source": 48, "target": 31, "label": "E"}, {"source": 42, "target": 13, "label": "F"}, {"source": 45, "target": 24, "label": "E"}]} +{"id": "158335-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked if a manager was on duty he told me he was.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 51}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 12, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 5, "label": "S"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 8, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 20, "target": 11, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 18, "target": 6, "label": "R"}, {"source": 19, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "158335-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WOW!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "158335-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "grey shirt \"mark\" of course with this type behavior he could have been wearing someonelses clothing.....", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 99}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 28, "target": 13, "label": "F"}, {"source": 22, "target": 21, "label": "E"}, {"source": 26, "target": 7, "label": "R"}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 30, "target": 29, "label": "E"}, {"source": 25, "target": 5, "label": "F"}, {"source": 27, "target": 9, "label": "E"}, {"source": 22, "target": 2, "label": "U"}, {"source": 28, "target": 30, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 28, "target": 15, "label": "P"}, {"source": 24, "target": 22, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 28, "target": 20, "label": "U"}, {"source": 28, "target": 12, "label": "D"}, {"source": 28, "target": 18, "label": "F"}, {"source": 24, "target": 4, "label": "U"}, {"source": 28, "target": 14, "label": "F"}, {"source": 26, "target": 28, "label": "C"}, {"source": 24, "target": 25, "label": "S"}, {"source": 28, "target": 27, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 19, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 11, "label": "A"}, {"source": 29, "target": 16, "label": "C"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "158740-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "awesome place!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 3, "label": "H"}, {"source": 3, "target": 4, "label": "P"}, {"source": 4, "target": 0, "label": "E"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "158740-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "it was worth of the ride more than an hour...", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 8, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "158740-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had so many strawberries right on the field...strongly recomend...dont forget to try their great ice cream", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}, {"from": 103, "to": 108}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 28, "target": 13, "label": "F"}, {"source": 25, "target": 5, "label": "R"}, {"source": 29, "target": 17, "label": "P"}, {"source": 26, "target": 8, "label": "C"}, {"source": 29, "target": 16, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 23, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 20, "label": "E"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 15, "label": "P"}, {"source": 27, "target": 11, "label": "P"}, {"source": 21, "target": 1, "label": "S"}, {"source": 22, "target": 12, "label": "U"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 27, "label": "H"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 9, "label": "U"}, {"source": 28, "target": 14, "label": "D"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "E"}, {"source": 26, "target": 7, "label": "E"}, {"source": 26, "target": 6, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 2, "label": "E"}, {"source": 27, "target": 10, "label": "D"}, {"source": 24, "target": 4, "label": "C"}]} +{"id": "159371-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ok but just becuse we where on a tight budget.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "L"}, {"source": 16, "target": 6, "label": "R"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 5, "label": "F"}, {"source": 11, "target": 0, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "159371-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "me and my dad where in NJ for a kc chiefs(my home team)vs the NY jets and for game 4 of the world series.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 41}]}, {"id": 11, "anchors": [{"from": 41, "to": 42}]}, {"id": 12, "anchors": [{"from": 42, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 54}]}, {"id": 15, "anchors": [{"from": 54, "to": 55}]}, {"id": 16, "anchors": [{"from": 55, "to": 57}]}, {"id": 17, "anchors": [{"from": 58, "to": 61}]}, {"id": 18, "anchors": [{"from": 62, "to": 64}]}, {"id": 19, "anchors": [{"from": 65, "to": 69}]}, {"id": 20, "anchors": [{"from": 70, "to": 73}]}, {"id": 21, "anchors": [{"from": 74, "to": 77}]}, {"id": 22, "anchors": [{"from": 78, "to": 82}]}, {"id": 23, "anchors": [{"from": 83, "to": 84}]}, {"id": 24, "anchors": [{"from": 85, "to": 87}]}, {"id": 25, "anchors": [{"from": 88, "to": 91}]}, {"id": 26, "anchors": [{"from": 92, "to": 97}]}, {"id": 27, "anchors": [{"from": 98, "to": 104}]}, {"id": 28, "anchors": [{"from": 104, "to": 105}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 37, "target": 19, "label": "C"}, {"source": 36, "target": 13, "label": "E"}, {"source": 33, "target": 15, "label": "U"}, {"source": 31, "target": 0, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 39, "target": 26, "label": "E"}, {"source": 33, "target": 4, "label": "F"}, {"source": 37, "target": 18, "label": "E"}, {"source": 39, "target": 28, "label": "U"}, {"source": 39, "target": 27, "label": "C"}, {"source": 32, "target": 29, "label": "H"}, {"source": 35, "target": 7, "label": "R"}, {"source": 29, "target": 31, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 1, "label": "N"}, {"source": 36, "target": 12, "label": "E"}, {"source": 33, "target": 35, "label": "A"}, {"source": 38, "target": 39, "label": "E"}, {"source": 35, "target": 10, "label": "C"}, {"source": 34, "target": 5, "label": "R"}, {"source": 32, "target": 3, "label": "C"}, {"source": 34, "target": 6, "label": "C"}, {"source": 33, "target": 37, "label": "S"}, {"source": 39, "target": 25, "label": "E"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 9, "label": "E"}, {"source": 35, "target": 36, "label": "E"}, {"source": 37, "target": 17, "label": "E"}, {"source": 35, "target": 11, "label": "U"}, {"source": 38, "target": 23, "label": "C"}, {"source": 32, "target": 2, "label": "E"}, {"source": 39, "target": 24, "label": "R"}, {"source": 33, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 16, "label": "E"}, {"source": 36, "target": 14, "label": "C"}, {"source": 38, "target": 21, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 38, "target": 22, "label": "E"}, {"source": 35, "target": 8, "label": "E"}, {"source": 32, "target": 38, "label": "C"}, {"source": 29, "target": 30, "label": "C"}, {"source": 32, "target": 20, "label": "N"}]} +{"id": "159371-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i'ma red sox fan so i was glad that the phillies won.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 19}, {"from": 20, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 7, "label": "F"}, {"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 8, "label": "A"}, {"source": 17, "target": 12, "label": "P"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 2, "label": "E"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "159371-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the knights inn was small very small.i mean 1 room in every room!it was cozy a little and a small tv.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}, {"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 100}]}, {"id": 24, "anchors": [{"from": 100, "to": 101}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 12, "label": "E"}, {"source": 27, "target": 29, "label": "H"}, {"source": 28, "target": 6, "label": "C"}, {"source": 31, "target": 17, "label": "S"}, {"source": 25, "target": 1, "label": "E"}, {"source": 28, "target": 5, "label": "E"}, {"source": 31, "target": 33, "label": "A"}, {"source": 25, "target": 2, "label": "C"}, {"source": 33, "target": 32, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 33, "target": 20, "label": "N"}, {"source": 34, "target": 21, "label": "E"}, {"source": 27, "target": 8, "label": "L"}, {"source": 29, "target": 9, "label": "E"}, {"source": 25, "target": 0, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 31, "target": 16, "label": "F"}, {"source": 34, "target": 22, "label": "E"}, {"source": 27, "target": 7, "label": "U"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 28, "label": "D"}, {"source": 32, "target": 19, "label": "C"}, {"source": 26, "target": 3, "label": "F"}, {"source": 31, "target": 15, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 11, "label": "R"}, {"source": 26, "target": 4, "label": "D"}, {"source": 34, "target": 23, "label": "C"}, {"source": 27, "target": 14, "label": "U"}, {"source": 33, "target": 34, "label": "C"}, {"source": 29, "target": 10, "label": "C"}]} +{"id": "159371-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i mean a 2 day stay was a ok stay even tho the manager looked like he was chineze and that we only slept and went out from 8 to 7 to see New York.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}, {"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 129}]}, {"id": 29, "anchors": [{"from": 130, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 136}]}, {"id": 31, "anchors": [{"from": 137, "to": 140}, {"from": 141, "to": 145}]}, {"id": 32, "anchors": [{"from": 145, "to": 146}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 42, "target": 45, "label": "A"}, {"source": 38, "target": 39, "label": "A"}, {"source": 42, "target": 43, "label": "P"}, {"source": 35, "target": 4, "label": "A"}, {"source": 41, "target": 17, "label": "S"}, {"source": 35, "target": 34, "label": "D"}, {"source": 42, "target": 21, "label": "D"}, {"source": 34, "target": 2, "label": "E"}, {"source": 34, "target": 3, "label": "C"}, {"source": 37, "target": 7, "label": "E"}, {"source": 37, "target": 38, "label": "E"}, {"source": 43, "target": 22, "label": "C"}, {"source": 38, "target": 13, "label": "F"}, {"source": 38, "target": 40, "label": "A"}, {"source": 33, "target": 46, "label": "H"}, {"source": 45, "target": 27, "label": "R"}, {"source": 46, "target": 30, "label": "P"}, {"source": 33, "target": 35, "label": "H"}, {"source": 33, "target": 29, "label": "L"}, {"source": 39, "target": 12, "label": "C"}, {"source": 33, "target": 36, "label": "H"}, {"source": 42, "target": 44, "label": "D"}, {"source": 33, "target": 18, "label": "L"}, {"source": 45, "target": 28, "label": "C"}, {"source": 43, "target": 24, "label": "C"}, {"source": 38, "target": 9, "label": "D"}, {"source": 41, "target": 16, "label": "F"}, {"source": 40, "target": 14, "label": "R"}, {"source": 37, "target": 8, "label": "C"}, {"source": 36, "target": 5, "label": "S"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 26, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 46, "target": 32, "label": "U"}, {"source": 40, "target": 41, "label": "C"}, {"source": 42, "target": 19, "label": "F"}, {"source": 33, "target": 42, "label": "H"}, {"source": 34, "target": 1, "label": "E"}, {"source": 46, "target": 31, "label": "A"}, {"source": 46, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 10, "label": "S"}, {"source": 43, "target": 23, "label": "N"}, {"source": 42, "target": 20, "label": "A"}, {"source": 44, "target": 25, "label": "R"}, {"source": 33, "target": 0, "label": "L"}, {"source": 39, "target": 11, "label": "E"}, {"source": 41, "target": 15, "label": "A"}, {"source": 37, "target": 6, "label": "E"}]} +{"id": "159371-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "but sice we almost just slept there i cant give that good of a review", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}, {"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 2, "label": "A"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 7, "label": "E"}, {"source": 17, "target": 4, "label": "D"}, {"source": 20, "target": 8, "label": "D"}, {"source": 21, "target": 11, "label": "C"}, {"source": 19, "target": 9, "label": "C"}, {"source": 21, "target": 10, "label": "E"}, {"source": 16, "target": 18, "label": "D"}, {"source": 20, "target": 19, "label": "P"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "R"}, {"source": 16, "target": 1, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 22, "target": 13, "label": "E"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "159485-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In this hard economic times is very important to save money Very reasonable prices top quality work The owner operator he does all the the work with Helpers very friendly I definitely recommend this this guys Don't get jack by big companies that they pay alot of money to be on top of the list Thanks", "tops": [54], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 161}]}, {"id": 29, "anchors": [{"from": 162, "to": 170}]}, {"id": 30, "anchors": [{"from": 171, "to": 172}]}, {"id": 31, "anchors": [{"from": 173, "to": 183}]}, {"id": 32, "anchors": [{"from": 184, "to": 193}]}, {"id": 33, "anchors": [{"from": 194, "to": 198}]}, {"id": 34, "anchors": [{"from": 199, "to": 203}]}, {"id": 35, "anchors": [{"from": 204, "to": 208}, {"from": 209, "to": 211}, {"from": 211, "to": 214}]}, {"id": 36, "anchors": [{"from": 215, "to": 218}, {"from": 219, "to": 223}, {"from": 224, "to": 226}]}, {"id": 37, "anchors": [{"from": 227, "to": 230}]}, {"id": 38, "anchors": [{"from": 231, "to": 240}]}, {"id": 39, "anchors": [{"from": 241, "to": 245}]}, {"id": 40, "anchors": [{"from": 246, "to": 250}]}, {"id": 41, "anchors": [{"from": 251, "to": 254}]}, {"id": 42, "anchors": [{"from": 255, "to": 256}, {"from": 256, "to": 259}]}, {"id": 43, "anchors": [{"from": 260, "to": 262}]}, {"id": 44, "anchors": [{"from": 263, "to": 268}]}, {"id": 45, "anchors": [{"from": 269, "to": 271}]}, {"id": 46, "anchors": [{"from": 272, "to": 274}]}, {"id": 47, "anchors": [{"from": 275, "to": 277}]}, {"id": 48, "anchors": [{"from": 278, "to": 281}]}, {"id": 49, "anchors": [{"from": 282, "to": 284}]}, {"id": 50, "anchors": [{"from": 285, "to": 288}]}, {"id": 51, "anchors": [{"from": 289, "to": 293}]}, {"id": 52, "anchors": [{"from": 294, "to": 300}]}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}], "edges": [{"source": 59, "target": 13, "label": "C"}, {"source": 60, "target": 15, "label": "C"}, {"source": 64, "target": 65, "label": "P"}, {"source": 65, "target": 29, "label": "C"}, {"source": 74, "target": 52, "label": "C"}, {"source": 57, "target": 61, "label": "A"}, {"source": 66, "target": 67, "label": "A"}, {"source": 55, "target": 5, "label": "F"}, {"source": 56, "target": 2, "label": "E"}, {"source": 58, "target": 18, "label": "E"}, {"source": 62, "target": 63, "label": "E"}, {"source": 71, "target": 70, "label": "E"}, {"source": 74, "target": 50, "label": "E"}, {"source": 53, "target": 1, "label": "E"}, {"source": 62, "target": 24, "label": "E"}, {"source": 54, "target": 60, "label": "E"}, {"source": 55, "target": 7, "label": "S"}, {"source": 61, "target": 21, "label": "P"}, {"source": 65, "target": 28, "label": "E"}, {"source": 59, "target": 11, "label": "E"}, {"source": 69, "target": 40, "label": "A"}, {"source": 67, "target": 35, "label": "C"}, {"source": 59, "target": 12, "label": "E"}, {"source": 72, "target": 73, "label": "A"}, {"source": 70, "target": 43, "label": "R"}, {"source": 74, "target": 49, "label": "R"}, {"source": 57, "target": 9, "label": "P"}, {"source": 63, "target": 26, "label": "R"}, {"source": 63, "target": 64, "label": "C"}, {"source": 73, "target": 47, "label": "R"}, {"source": 61, "target": 20, "label": "A"}, {"source": 68, "target": 38, "label": "C"}, {"source": 58, "target": 59, "label": "E"}, {"source": 62, "target": 23, "label": "E"}, {"source": 67, "target": 34, "label": "E"}, {"source": 69, "target": 72, "label": "A"}, {"source": 53, "target": 56, "label": "E"}, {"source": 61, "target": 68, "label": "A"}, {"source": 73, "target": 48, "label": "C"}, {"source": 66, "target": 32, "label": "P"}, {"source": 72, "target": 46, "label": "P"}, {"source": 53, "target": 0, "label": "R"}, {"source": 67, "target": 33, "label": "R"}, {"source": 74, "target": 51, "label": "E"}, {"source": 69, "target": 41, "label": "P"}, {"source": 60, "target": 14, "label": "E"}, {"source": 70, "target": 42, "label": "C"}, {"source": 69, "target": 71, "label": "A"}, {"source": 61, "target": 62, "label": "A"}, {"source": 68, "target": 36, "label": "R"}, {"source": 58, "target": 17, "label": "E"}, {"source": 68, "target": 37, "label": "E"}, {"source": 62, "target": 22, "label": "R"}, {"source": 62, "target": 25, "label": "C"}, {"source": 55, "target": 53, "label": "A"}, {"source": 54, "target": 16, "label": "C"}, {"source": 64, "target": 27, "label": "A"}, {"source": 57, "target": 8, "label": "F"}, {"source": 57, "target": 58, "label": "A"}, {"source": 61, "target": 66, "label": "A"}, {"source": 61, "target": 69, "label": "A"}, {"source": 72, "target": 45, "label": "F"}, {"source": 58, "target": 19, "label": "C"}, {"source": 71, "target": 44, "label": "C"}, {"source": 56, "target": 3, "label": "C"}, {"source": 55, "target": 57, "label": "A"}, {"source": 54, "target": 55, "label": "H"}, {"source": 69, "target": 39, "label": "F"}, {"source": 55, "target": 6, "label": "D"}, {"source": 61, "target": 30, "label": "A"}, {"source": 53, "target": 4, "label": "C"}, {"source": 61, "target": 31, "label": "D"}, {"source": 73, "target": 74, "label": "E"}, {"source": 58, "target": 10, "label": "E"}]} +{"id": "160073-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Review on House of Joy Chinese Restaurant", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 4, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 1, "label": "R"}, {"source": 10, "target": 11, "label": "E"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "160073-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well it took us a while to find one that we liked.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 13, "target": 0, "label": "L"}, {"source": 13, "target": 16, "label": "H"}, {"source": 16, "target": 7, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "F"}, {"source": 13, "target": 6, "label": "L"}, {"source": 14, "target": 2, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 18, "target": 11, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "160073-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But we don't just like House of Joy WE LOVE IT.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}, {"from": 36, "to": 38}, {"from": 39, "to": 43}, {"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 7, "label": "R"}, {"source": 12, "target": 8, "label": "E"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 3, "label": "D"}]} +{"id": "160073-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything we have gotten there has been more authentic and better tasting than any other Chinese restaurant in the San Antonio area we have been to--and trust me we have been to a lot of them.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 108}]}, {"id": 17, "anchors": [{"from": 109, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 119}, {"from": 120, "to": 127}]}, {"id": 20, "anchors": [{"from": 128, "to": 132}]}, {"id": 21, "anchors": [{"from": 133, "to": 135}]}, {"id": 22, "anchors": [{"from": 136, "to": 140}]}, {"id": 23, "anchors": [{"from": 141, "to": 145}]}, {"id": 24, "anchors": [{"from": 146, "to": 148}]}, {"id": 25, "anchors": [{"from": 148, "to": 150}]}, {"id": 26, "anchors": [{"from": 150, "to": 153}]}, {"id": 27, "anchors": [{"from": 154, "to": 159}]}, {"id": 28, "anchors": [{"from": 160, "to": 162}]}, {"id": 29, "anchors": [{"from": 163, "to": 165}]}, {"id": 30, "anchors": [{"from": 166, "to": 170}]}, {"id": 31, "anchors": [{"from": 171, "to": 175}]}, {"id": 32, "anchors": [{"from": 176, "to": 178}]}, {"id": 33, "anchors": [{"from": 179, "to": 180}]}, {"id": 34, "anchors": [{"from": 181, "to": 184}]}, {"id": 35, "anchors": [{"from": 185, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 192}]}, {"id": 37, "anchors": [{"from": 192, "to": 193}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 47, "target": 23, "label": "S"}, {"source": 44, "target": 11, "label": "C"}, {"source": 51, "target": 32, "label": "R"}, {"source": 46, "target": 17, "label": "R"}, {"source": 49, "target": 27, "label": "P"}, {"source": 45, "target": 14, "label": "E"}, {"source": 50, "target": 30, "label": "F"}, {"source": 45, "target": 13, "label": "E"}, {"source": 43, "target": 9, "label": "N"}, {"source": 52, "target": 35, "label": "R"}, {"source": 44, "target": 10, "label": "E"}, {"source": 48, "target": 24, "label": "R"}, {"source": 48, "target": 25, "label": "U"}, {"source": 40, "target": 49, "label": "H"}, {"source": 39, "target": 43, "label": "A"}, {"source": 51, "target": 37, "label": "U"}, {"source": 38, "target": 0, "label": "C"}, {"source": 46, "target": 20, "label": "C"}, {"source": 45, "target": 15, "label": "E"}, {"source": 45, "target": 46, "label": "E"}, {"source": 46, "target": 19, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 50, "target": 31, "label": "S"}, {"source": 49, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 52, "label": "E"}, {"source": 39, "target": 45, "label": "A"}, {"source": 49, "target": 28, "label": "A"}, {"source": 42, "target": 8, "label": "C"}, {"source": 39, "target": 5, "label": "F"}, {"source": 51, "target": 36, "label": "C"}, {"source": 45, "target": 12, "label": "R"}, {"source": 47, "target": 21, "label": "A"}, {"source": 39, "target": 2, "label": "F"}, {"source": 47, "target": 22, "label": "F"}, {"source": 46, "target": 47, "label": "E"}, {"source": 41, "target": 4, "label": "F"}, {"source": 41, "target": 6, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 39, "target": 38, "label": "A"}, {"source": 52, "target": 33, "label": "E"}, {"source": 43, "target": 42, "label": "C"}, {"source": 52, "target": 34, "label": "C"}, {"source": 45, "target": 16, "label": "C"}, {"source": 39, "target": 41, "label": "P"}, {"source": 50, "target": 51, "label": "A"}, {"source": 40, "target": 26, "label": "L"}, {"source": 40, "target": 39, "label": "H"}, {"source": 43, "target": 44, "label": "C"}, {"source": 42, "target": 7, "label": "E"}, {"source": 46, "target": 18, "label": "E"}, {"source": 47, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 3, "label": "D"}, {"source": 50, "target": 29, "label": "A"}, {"source": 38, "target": 1, "label": "E"}]} +{"id": "160073-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We just happen to stumble across this little restaurant one day when we had to visit the Bexar County Tax Office off of Bandera Road.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}, {"from": 95, "to": 101}, {"from": 102, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 132}]}, {"id": 23, "anchors": [{"from": 132, "to": 133}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 28, "target": 10, "label": "C"}, {"source": 25, "target": 29, "label": "H"}, {"source": 24, "target": 4, "label": "P"}, {"source": 24, "target": 26, "label": "D"}, {"source": 24, "target": 28, "label": "D"}, {"source": 29, "target": 14, "label": "F"}, {"source": 24, "target": 3, "label": "F"}, {"source": 32, "target": 22, "label": "C"}, {"source": 31, "target": 17, "label": "E"}, {"source": 27, "target": 6, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 9, "label": "E"}, {"source": 32, "target": 20, "label": "R"}, {"source": 29, "target": 12, "label": "A"}, {"source": 26, "target": 2, "label": "C"}, {"source": 30, "target": 13, "label": "F"}, {"source": 27, "target": 5, "label": "R"}, {"source": 31, "target": 18, "label": "C"}, {"source": 31, "target": 16, "label": "E"}, {"source": 32, "target": 21, "label": "E"}, {"source": 29, "target": 30, "label": "P"}, {"source": 26, "target": 1, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 11, "label": "L"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 19, "label": "R"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "160073-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We stopped in and got some take out and cannot stop going back.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}, {"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 3, "label": "L"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 20, "label": "P"}, {"source": 20, "target": 8, "label": "N"}, {"source": 23, "target": 13, "label": "U"}, {"source": 15, "target": 21, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 23, "label": "A"}, {"source": 14, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 20, "target": 22, "label": "C"}, {"source": 23, "target": 12, "label": "D"}, {"source": 23, "target": 10, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 1, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 22, "target": 9, "label": "D"}, {"source": 18, "target": 5, "label": "C"}, {"source": 23, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "160073-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have the best Egg Drop Soup I have ever tasted.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}, {"from": 28, "to": 32}, {"from": 33, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 7, "label": "P"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 6, "label": "D"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "160073-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We also love their Egg Rolls and Spring Rolls.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}, {"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "N"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "160073-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And every entree we have ordered is perfect.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 5, "label": "P"}, {"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "F"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "L"}, {"source": 11, "target": 7, "label": "S"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "160073-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything is always cooked fresh and tastes fresh.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "N"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "160073-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their prices are extremely reasonable for the amount of food you receive.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 18, "target": 10, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 18, "label": "E"}, {"source": 18, "target": 11, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 5, "label": "R"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 13, "label": "A"}, {"source": 15, "target": 4, "label": "S"}]} +{"id": "160073-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff is also just so pleasant to deal with.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 9, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 14, "label": "D"}, {"source": 13, "target": 8, "label": "S"}, {"source": 13, "target": 3, "label": "D"}, {"source": 13, "target": 6, "label": "D"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "160073-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are also quick at getting your order out to you.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 12, "target": 4, "label": "L"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 17, "label": "R"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 11, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 15, "target": 14, "label": "D"}, {"source": 17, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "160073-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You don't have to sit and wait around forever like most places!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 10, "label": "D"}, {"source": 19, "target": 9, "label": "E"}, {"source": 15, "target": 4, "label": "F"}, {"source": 15, "target": 16, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 20, "target": 19, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 21, "target": 12, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 1, "label": "F"}, {"source": 15, "target": 20, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 6, "label": "N"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 18, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "160073-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So anyone looking for an Excellent night out for Chinese or maybe just lunch should stop in and try it because I promise you 2 things---You won't regret it!!", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 142}]}, {"id": 29, "anchors": [{"from": 142, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 155}]}, {"id": 32, "anchors": [{"from": 155, "to": 157}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 45, "target": 27, "label": "A"}, {"source": 38, "target": 9, "label": "C"}, {"source": 33, "target": 2, "label": "P"}, {"source": 35, "target": 17, "label": "L"}, {"source": 45, "target": 28, "label": "D"}, {"source": 37, "target": 7, "label": "C"}, {"source": 41, "target": 16, "label": "E"}, {"source": 42, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 44, "label": "A"}, {"source": 35, "target": 42, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 41, "target": 15, "label": "C"}, {"source": 38, "target": 10, "label": "N"}, {"source": 43, "target": 21, "label": "A"}, {"source": 35, "target": 45, "label": "H"}, {"source": 44, "target": 25, "label": "C"}, {"source": 33, "target": 36, "label": "A"}, {"source": 37, "target": 8, "label": "R"}, {"source": 39, "target": 13, "label": "C"}, {"source": 38, "target": 39, "label": "C"}, {"source": 40, "target": 14, "label": "F"}, {"source": 45, "target": 32, "label": "U"}, {"source": 42, "target": 19, "label": "A"}, {"source": 36, "target": 4, "label": "E"}, {"source": 36, "target": 6, "label": "C"}, {"source": 45, "target": 30, "label": "P"}, {"source": 39, "target": 12, "label": "E"}, {"source": 33, "target": 38, "label": "A"}, {"source": 36, "target": 3, "label": "R"}, {"source": 33, "target": 37, "label": "A"}, {"source": 34, "target": 0, "label": "E"}, {"source": 43, "target": 22, "label": "P"}, {"source": 35, "target": 43, "label": "H"}, {"source": 40, "target": 41, "label": "C"}, {"source": 35, "target": 26, "label": "U"}, {"source": 44, "target": 24, "label": "E"}, {"source": 36, "target": 5, "label": "E"}, {"source": 35, "target": 20, "label": "L"}, {"source": 45, "target": 29, "label": "D"}, {"source": 42, "target": 18, "label": "P"}, {"source": 45, "target": 31, "label": "A"}, {"source": 34, "target": 1, "label": "C"}, {"source": 34, "target": 40, "label": "P"}, {"source": 39, "target": 11, "label": "E"}, {"source": 35, "target": 33, "label": "H"}, {"source": 43, "target": 23, "label": "A"}]} +{"id": "160073-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and you will go back for more!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 4, "label": "R"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "A"}]} +{"id": "160073-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Karla Ferguson-Granger", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 14}, {"from": 15, "to": 22}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "160073-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "PS I have noticed on here that someone left a comment that \"all of the nice comments must come from co workers or friends\" and I will tell you that I don't know these people except from eating at their restaurant.", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 142}]}, {"id": 30, "anchors": [{"from": 143, "to": 147}]}, {"id": 31, "anchors": [{"from": 148, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 152}]}, {"id": 33, "anchors": [{"from": 152, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 173}]}, {"id": 37, "anchors": [{"from": 174, "to": 180}]}, {"id": 38, "anchors": [{"from": 181, "to": 185}]}, {"id": 39, "anchors": [{"from": 186, "to": 192}]}, {"id": 40, "anchors": [{"from": 193, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 201}]}, {"id": 42, "anchors": [{"from": 202, "to": 212}]}, {"id": 43, "anchors": [{"from": 212, "to": 213}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 56, "target": 27, "label": "F"}, {"source": 52, "target": 51, "label": "A"}, {"source": 44, "target": 0, "label": "A"}, {"source": 62, "target": 43, "label": "U"}, {"source": 45, "target": 24, "label": "U"}, {"source": 52, "target": 18, "label": "P"}, {"source": 53, "target": 55, "label": "C"}, {"source": 56, "target": 29, "label": "A"}, {"source": 48, "target": 49, "label": "E"}, {"source": 58, "target": 34, "label": "C"}, {"source": 49, "target": 52, "label": "H"}, {"source": 49, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 58, "label": "P"}, {"source": 46, "target": 4, "label": "C"}, {"source": 53, "target": 19, "label": "R"}, {"source": 44, "target": 1, "label": "F"}, {"source": 60, "target": 37, "label": "C"}, {"source": 51, "target": 50, "label": "E"}, {"source": 56, "target": 26, "label": "A"}, {"source": 44, "target": 2, "label": "S"}, {"source": 48, "target": 8, "label": "E"}, {"source": 50, "target": 13, "label": "R"}, {"source": 44, "target": 47, "label": "A"}, {"source": 48, "target": 9, "label": "C"}, {"source": 62, "target": 40, "label": "R"}, {"source": 59, "target": 35, "label": "E"}, {"source": 52, "target": 17, "label": "D"}, {"source": 45, "target": 44, "label": "H"}, {"source": 45, "target": 25, "label": "L"}, {"source": 44, "target": 46, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 47, "target": 7, "label": "P"}, {"source": 57, "target": 33, "label": "D"}, {"source": 60, "target": 61, "label": "E"}, {"source": 45, "target": 56, "label": "H"}, {"source": 57, "target": 30, "label": "F"}, {"source": 57, "target": 31, "label": "A"}, {"source": 62, "target": 42, "label": "C"}, {"source": 61, "target": 38, "label": "F"}, {"source": 51, "target": 16, "label": "C"}, {"source": 55, "target": 22, "label": "N"}, {"source": 46, "target": 3, "label": "R"}, {"source": 47, "target": 6, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 50, "target": 12, "label": "C"}, {"source": 58, "target": 32, "label": "F"}, {"source": 51, "target": 14, "label": "E"}, {"source": 51, "target": 15, "label": "E"}, {"source": 54, "target": 20, "label": "E"}, {"source": 61, "target": 39, "label": "P"}, {"source": 61, "target": 62, "label": "A"}, {"source": 55, "target": 54, "label": "C"}, {"source": 57, "target": 60, "label": "A"}, {"source": 56, "target": 28, "label": "P"}, {"source": 54, "target": 21, "label": "C"}, {"source": 52, "target": 53, "label": "A"}, {"source": 49, "target": 11, "label": "U"}, {"source": 62, "target": 41, "label": "E"}, {"source": 47, "target": 5, "label": "F"}, {"source": 55, "target": 23, "label": "C"}, {"source": 59, "target": 36, "label": "C"}, {"source": 49, "target": 10, "label": "F"}, {"source": 57, "target": 59, "label": "A"}]} +{"id": "160073-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We are from Virginia and just moved here a year ago.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "D"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 16, "label": "D"}, {"source": 12, "target": 1, "label": "S"}, {"source": 16, "target": 10, "label": "R"}, {"source": 13, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "160073-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So that comment is completely false.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 0, "label": "R"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "160073-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Because we think IT'S THE BEST!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 4, "label": "S"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "L"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "160073-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and we don't know them except for eating there.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 5, "label": "A"}, {"source": 11, "target": 13, "label": "L"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 14, "label": "H"}, {"source": 12, "target": 2, "label": "F"}, {"source": 13, "target": 7, "label": "R"}, {"source": 14, "target": 9, "label": "A"}, {"source": 11, "target": 0, "label": "L"}]} +{"id": "160442-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Extremely bad customer service", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "160442-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do not go to this salon, especially if you have to get your hair straightened.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 35}, {"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 22, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 20, "target": 9, "label": "F"}, {"source": 21, "target": 12, "label": "E"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 6, "label": "U"}, {"source": 21, "target": 13, "label": "C"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 1, "label": "D"}, {"source": 17, "target": 7, "label": "L"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "160442-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They did a very bad job with my hair and were extremely rude when I went back to ask them why it didn't work for my hair.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}, {"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 120}]}, {"id": 27, "anchors": [{"from": 120, "to": 121}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 31, "target": 3, "label": "E"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 36, "label": "A"}, {"source": 33, "target": 11, "label": "D"}, {"source": 34, "target": 18, "label": "A"}, {"source": 37, "target": 22, "label": "D"}, {"source": 34, "target": 14, "label": "A"}, {"source": 28, "target": 30, "label": "P"}, {"source": 30, "target": 5, "label": "C"}, {"source": 30, "target": 2, "label": "E"}, {"source": 32, "target": 8, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 38, "target": 24, "label": "R"}, {"source": 38, "target": 26, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 20, "label": "F"}, {"source": 28, "target": 0, "label": "A"}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 34, "label": "H"}, {"source": 36, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 13, "label": "L"}, {"source": 35, "target": 17, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 28, "target": 32, "label": "A"}, {"source": 32, "target": 6, "label": "R"}, {"source": 37, "target": 21, "label": "F"}, {"source": 36, "target": 19, "label": "R"}, {"source": 35, "target": 15, "label": "E"}, {"source": 34, "target": 16, "label": "F"}, {"source": 33, "target": 12, "label": "P"}, {"source": 34, "target": 35, "label": "P"}, {"source": 33, "target": 10, "label": "F"}, {"source": 32, "target": 7, "label": "E"}, {"source": 29, "target": 9, "label": "L"}, {"source": 28, "target": 31, "label": "D"}, {"source": 38, "target": 25, "label": "E"}, {"source": 37, "target": 23, "label": "P"}, {"source": 30, "target": 1, "label": "F"}, {"source": 38, "target": 27, "label": "U"}]} +{"id": "160442-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rude, insensitive, discourteous people!!!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 10, "label": "C"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "162253-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over charged.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "162253-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used my card to purchase a meal on the menu and the total on my receipt was $8.95 but when I went on line to check my transaction it show $10.74.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19, "anchors": [{"from": 79, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}, {"from": 88, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 139}]}, {"id": 31, "anchors": [{"from": 140, "to": 141}]}, {"id": 32, "anchors": [{"from": 141, "to": 146}]}, {"id": 33, "anchors": [{"from": 146, "to": 147}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 37, "target": 4, "label": "F"}, {"source": 42, "target": 17, "label": "F"}, {"source": 40, "target": 9, "label": "E"}, {"source": 38, "target": 6, "label": "E"}, {"source": 44, "target": 22, "label": "P"}, {"source": 34, "target": 36, "label": "A"}, {"source": 39, "target": 42, "label": "C"}, {"source": 45, "target": 24, "label": "C"}, {"source": 38, "target": 40, "label": "E"}, {"source": 37, "target": 39, "label": "A"}, {"source": 35, "target": 44, "label": "H"}, {"source": 39, "target": 11, "label": "N"}, {"source": 43, "target": 16, "label": "C"}, {"source": 47, "target": 27, "label": "E"}, {"source": 47, "target": 30, "label": "C"}, {"source": 47, "target": 33, "label": "U"}, {"source": 43, "target": 15, "label": "E"}, {"source": 42, "target": 19, "label": "S"}, {"source": 35, "target": 25, "label": "L"}, {"source": 34, "target": 1, "label": "P"}, {"source": 44, "target": 21, "label": "A"}, {"source": 37, "target": 5, "label": "P"}, {"source": 47, "target": 31, "label": "U"}, {"source": 39, "target": 38, "label": "C"}, {"source": 40, "target": 8, "label": "R"}, {"source": 47, "target": 29, "label": "E"}, {"source": 41, "target": 12, "label": "E"}, {"source": 36, "target": 2, "label": "E"}, {"source": 38, "target": 7, "label": "C"}, {"source": 42, "target": 41, "label": "A"}, {"source": 40, "target": 10, "label": "C"}, {"source": 46, "target": 26, "label": "P"}, {"source": 43, "target": 14, "label": "R"}, {"source": 35, "target": 46, "label": "H"}, {"source": 41, "target": 13, "label": "C"}, {"source": 35, "target": 20, "label": "L"}, {"source": 34, "target": 37, "label": "A"}, {"source": 45, "target": 23, "label": "E"}, {"source": 47, "target": 32, "label": "E"}, {"source": 36, "target": 3, "label": "C"}, {"source": 46, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 28, "label": "E"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 45, "label": "A"}, {"source": 34, "target": 0, "label": "A"}, {"source": 42, "target": 18, "label": "U"}, {"source": 41, "target": 43, "label": "E"}, {"source": 46, "target": 47, "label": "A"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "162253-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There is something wrong or maybe the individual made a mistake but to me that is not integrity.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 19, "target": 0, "label": "F"}, {"source": 25, "target": 14, "label": "F"}, {"source": 19, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 11, "label": "L"}, {"source": 23, "target": 6, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 24, "target": 9, "label": "E"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 8, "label": "F"}, {"source": 22, "target": 21, "label": "C"}, {"source": 22, "target": 4, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 17, "label": "A"}, {"source": 25, "target": 13, "label": "A"}, {"source": 23, "target": 5, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 7, "label": "C"}, {"source": 25, "target": 16, "label": "D"}, {"source": 25, "target": 12, "label": "R"}, {"source": 19, "target": 22, "label": "S"}, {"source": 25, "target": 15, "label": "S"}]} +{"id": "162422-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "162422-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "162422-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When we walked in, the person behind desk said: \"oh well, you must wait, I am in the middle of something.\"", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 71}]}, {"id": 18, "anchors": [{"from": 71, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 74}]}, {"id": 20, "anchors": [{"from": 75, "to": 77}]}, {"id": 21, "anchors": [{"from": 78, "to": 80}]}, {"id": 22, "anchors": [{"from": 81, "to": 84}]}, {"id": 23, "anchors": [{"from": 85, "to": 91}]}, {"id": 24, "anchors": [{"from": 92, "to": 94}]}, {"id": 25, "anchors": [{"from": 95, "to": 104}]}, {"id": 26, "anchors": [{"from": 104, "to": 105}]}, {"id": 27, "anchors": [{"from": 105, "to": 106}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 35, "target": 37, "label": "H"}, {"source": 38, "target": 22, "label": "E"}, {"source": 29, "target": 1, "label": "A"}, {"source": 31, "target": 5, "label": "E"}, {"source": 36, "target": 15, "label": "A"}, {"source": 36, "target": 16, "label": "D"}, {"source": 30, "target": 2, "label": "C"}, {"source": 39, "target": 25, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 8, "label": "C"}, {"source": 32, "target": 9, "label": "P"}, {"source": 31, "target": 6, "label": "C"}, {"source": 39, "target": 26, "label": "U"}, {"source": 28, "target": 4, "label": "U"}, {"source": 31, "target": 33, "label": "E"}, {"source": 32, "target": 11, "label": "U"}, {"source": 38, "target": 39, "label": "E"}, {"source": 32, "target": 31, "label": "A"}, {"source": 33, "target": 7, "label": "R"}, {"source": 28, "target": 0, "label": "L"}, {"source": 30, "target": 3, "label": "R"}, {"source": 28, "target": 29, "label": "H"}, {"source": 38, "target": 23, "label": "C"}, {"source": 34, "target": 12, "label": "D"}, {"source": 28, "target": 32, "label": "H"}, {"source": 37, "target": 19, "label": "A"}, {"source": 39, "target": 27, "label": "U"}, {"source": 29, "target": 30, "label": "P"}, {"source": 37, "target": 20, "label": "S"}, {"source": 39, "target": 24, "label": "R"}, {"source": 34, "target": 13, "label": "S"}, {"source": 38, "target": 21, "label": "R"}, {"source": 35, "target": 14, "label": "U"}, {"source": 36, "target": 17, "label": "P"}, {"source": 35, "target": 34, "label": "H"}, {"source": 35, "target": 18, "label": "U"}, {"source": 32, "target": 10, "label": "U"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "162422-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Somewhere in between his rudeness he asked if we smoked.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 11, "target": 0, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 11, "target": 1, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 8, "label": "A"}, {"source": 15, "target": 10, "label": "U"}, {"source": 15, "target": 9, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 12, "target": 11, "label": "L"}]} +{"id": "162422-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked if this hotel had smoking rooms.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "P"}, {"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "162422-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He immediately said \"no, there is a $50 deposit now!\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 53}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 4, "label": "D"}, {"source": 18, "target": 12, "label": "D"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 7, "label": "S"}, {"source": 17, "target": 5, "label": "U"}, {"source": 16, "target": 1, "label": "D"}, {"source": 18, "target": 6, "label": "F"}, {"source": 19, "target": 9, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "162422-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sure enough he charged it to the credit card.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 10, "label": "L"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "E"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "E"}]} +{"id": "162422-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I inquired he rudely replied \"in the morning when things are checked out you'll get it back.\"", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}, {"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}, {"from": 89, "to": 91}, {"from": 92, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 25, "label": "H"}, {"source": 26, "target": 14, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 23, "target": 7, "label": "R"}, {"source": 20, "target": 1, "label": "A"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 4, "label": "D"}, {"source": 25, "target": 12, "label": "F"}, {"source": 26, "target": 15, "label": "A"}, {"source": 24, "target": 10, "label": "L"}, {"source": 19, "target": 0, "label": "L"}, {"source": 23, "target": 8, "label": "E"}, {"source": 25, "target": 11, "label": "A"}, {"source": 24, "target": 22, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 2, "label": "P"}, {"source": 21, "target": 6, "label": "U"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 9, "label": "C"}, {"source": 26, "target": 18, "label": "U"}, {"source": 21, "target": 3, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 26, "target": 16, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 23, "label": "D"}]} +{"id": "162422-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called customer service about it because the website specifically states that there are no other charges at the check-in.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 119}, {"from": 120, "to": 122}]}, {"id": 20, "anchors": [{"from": 119, "to": 120}]}, {"id": 21, "anchors": [{"from": 122, "to": 123}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 8, "label": "C"}, {"source": 24, "target": 3, "label": "C"}, {"source": 30, "target": 17, "label": "R"}, {"source": 22, "target": 1, "label": "P"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "U"}, {"source": 27, "target": 9, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 12, "label": "F"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 10, "label": "P"}, {"source": 28, "target": 13, "label": "S"}, {"source": 27, "target": 26, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 25, "target": 4, "label": "R"}, {"source": 28, "target": 14, "label": "D"}, {"source": 22, "target": 25, "label": "A"}, {"source": 30, "target": 18, "label": "E"}, {"source": 26, "target": 7, "label": "E"}, {"source": 30, "target": 19, "label": "C"}, {"source": 28, "target": 11, "label": "F"}, {"source": 24, "target": 2, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 16, "label": "C"}, {"source": 23, "target": 6, "label": "L"}, {"source": 29, "target": 15, "label": "E"}]} +{"id": "162422-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also mentioned to the reception person.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "162422-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He responded \"we have problem with 'people'\".", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 2, "label": "U"}, {"source": 14, "target": 3, "label": "A"}, {"source": 14, "target": 4, "label": "P"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 9, "label": "U"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "162422-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Imagine a hotel having problems with people.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 4, "label": "A"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 5, "label": "R"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "162422-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I finally alerted him to his rudeness.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "162422-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He said he's had a long and bad day.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 36}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 15, "target": 7, "label": "N"}, {"source": 14, "target": 10, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 2, "label": "A"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "162422-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had no choice but to stay but will take this as far as we can.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}, {"from": 51, "to": 54}, {"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 12, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 8, "label": "F"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "R"}, {"source": 19, "target": 11, "label": "A"}, {"source": 14, "target": 2, "label": "D"}, {"source": 15, "target": 4, "label": "L"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 9, "label": "P"}, {"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "L"}, {"source": 16, "target": 6, "label": "P"}]} +{"id": "162422-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't stay there.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "162422-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came to find out the person was the hotel OWNER also.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 6, "label": "F"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 11, "label": "U"}, {"source": 13, "target": 10, "label": "D"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "162567-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly Recommend", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "162567-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have worked with Shannon as my massage therapist and intuitive bodyworker for years and have never been disappointed.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 118}]}, {"id": 19, "anchors": [{"from": 118, "to": 119}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 13, "label": "C"}, {"source": 25, "target": 6, "label": "E"}, {"source": 22, "target": 3, "label": "R"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 15, "label": "F"}, {"source": 24, "target": 26, "label": "C"}, {"source": 29, "target": 19, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 8, "label": "C"}, {"source": 29, "target": 17, "label": "F"}, {"source": 29, "target": 18, "label": "P"}, {"source": 27, "target": 10, "label": "E"}, {"source": 28, "target": 12, "label": "R"}, {"source": 26, "target": 9, "label": "N"}, {"source": 29, "target": 16, "label": "D"}, {"source": 21, "target": 14, "label": "L"}, {"source": 24, "target": 5, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 23, "target": 22, "label": "C"}, {"source": 24, "target": 28, "label": "E"}, {"source": 26, "target": 25, "label": "C"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 29, "label": "H"}, {"source": 25, "target": 7, "label": "E"}, {"source": 22, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "C"}]} +{"id": "162567-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No matter what state I am in when I arrive, I always leave feeling better.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}, {"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 6, "label": "L"}, {"source": 21, "target": 10, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 18, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 16, "label": "E"}, {"source": 18, "target": 5, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 21, "label": "H"}, {"source": 17, "target": 3, "label": "E"}, {"source": 19, "target": 9, "label": "U"}, {"source": 20, "target": 7, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 12, "label": "P"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "162567-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She has not only helped me through some challenging computer-work and sports related injuries, she was wonderful to work with throughout my pregnancy and beyond.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 93}]}, {"id": 16, "anchors": [{"from": 93, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 136}]}, {"id": 24, "anchors": [{"from": 137, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 149}]}, {"id": 26, "anchors": [{"from": 150, "to": 153}]}, {"id": 27, "anchors": [{"from": 154, "to": 160}]}, {"id": 28, "anchors": [{"from": 160, "to": 161}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 40, "target": 28, "label": "U"}, {"source": 39, "target": 24, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 38, "target": 40, "label": "C"}, {"source": 33, "target": 9, "label": "E"}, {"source": 29, "target": 4, "label": "P"}, {"source": 38, "target": 22, "label": "R"}, {"source": 33, "target": 10, "label": "U"}, {"source": 31, "target": 6, "label": "R"}, {"source": 39, "target": 25, "label": "C"}, {"source": 39, "target": 23, "label": "R"}, {"source": 32, "target": 7, "label": "D"}, {"source": 35, "target": 13, "label": "E"}, {"source": 33, "target": 11, "label": "C"}, {"source": 35, "target": 15, "label": "C"}, {"source": 32, "target": 34, "label": "A"}, {"source": 37, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 40, "target": 39, "label": "C"}, {"source": 36, "target": 17, "label": "A"}, {"source": 40, "target": 26, "label": "N"}, {"source": 30, "target": 16, "label": "U"}, {"source": 29, "target": 2, "label": "D"}, {"source": 29, "target": 5, "label": "A"}, {"source": 34, "target": 33, "label": "C"}, {"source": 34, "target": 12, "label": "N"}, {"source": 35, "target": 14, "label": "E"}, {"source": 30, "target": 36, "label": "H"}, {"source": 36, "target": 18, "label": "F"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "F"}, {"source": 32, "target": 8, "label": "S"}, {"source": 36, "target": 37, "label": "P"}, {"source": 36, "target": 20, "label": "F"}, {"source": 37, "target": 19, "label": "E"}, {"source": 34, "target": 35, "label": "C"}, {"source": 40, "target": 27, "label": "C"}, {"source": 29, "target": 3, "label": "D"}]} +{"id": "162567-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend her.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "162662-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place for embroidery.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 5, "label": "P"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "162662-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was friendly and VERY fast.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "N"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "162662-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I purchased four gift items there and had them all embroidered within a week.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 10, "label": "P"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 20, "label": "D"}, {"source": 15, "target": 5, "label": "A"}, {"source": 17, "target": 2, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 7, "label": "P"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "162702-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best photographer in Miami", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "162702-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was soooo lucky to have used Marlon's photography services....such a creative and talented photographer and a pleasure to work with.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}, {"from": 106, "to": 109}, {"from": 110, "to": 111}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 105}]}, {"id": 18, "anchors": [{"from": 112, "to": 120}]}, {"id": 19, "anchors": [{"from": 121, "to": 123}]}, {"id": 20, "anchors": [{"from": 124, "to": 128}]}, {"id": 21, "anchors": [{"from": 129, "to": 133}]}, {"id": 22, "anchors": [{"from": 133, "to": 134}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 4, "label": "F"}, {"source": 30, "target": 14, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 29, "target": 12, "label": "R"}, {"source": 24, "target": 2, "label": "D"}, {"source": 30, "target": 31, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 25, "target": 28, "label": "A"}, {"source": 25, "target": 5, "label": "F"}, {"source": 27, "target": 9, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 33, "target": 21, "label": "R"}, {"source": 29, "target": 13, "label": "E"}, {"source": 33, "target": 22, "label": "U"}, {"source": 26, "target": 7, "label": "C"}, {"source": 26, "target": 8, "label": "R"}, {"source": 31, "target": 17, "label": "C"}, {"source": 28, "target": 27, "label": "E"}, {"source": 27, "target": 10, "label": "C"}, {"source": 27, "target": 26, "label": "E"}, {"source": 30, "target": 15, "label": "N"}, {"source": 28, "target": 11, "label": "U"}, {"source": 32, "target": 20, "label": "P"}, {"source": 24, "target": 3, "label": "S"}, {"source": 31, "target": 16, "label": "E"}, {"source": 28, "target": 32, "label": "C"}, {"source": 32, "target": 19, "label": "F"}, {"source": 32, "target": 33, "label": "A"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 30, "label": "C"}, {"source": 25, "target": 6, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "162702-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The images turned out amazing.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "162702-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I definitely recommend him :)", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "162992-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Service and hairstyles that last.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 12, "label": "E"}, {"source": 10, "target": 7, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 12, "target": 4, "label": "F"}, {"source": 7, "target": 11, "label": "C"}, {"source": 11, "target": 2, "label": "N"}, {"source": 11, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 5, "label": "S"}]} +{"id": "162992-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am pleased with the service that i get at Luxe.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 3, "label": "R"}, {"source": 17, "target": 10, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 7, "label": "A"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 15, "target": 16, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 15, "label": "L"}, {"source": 17, "target": 9, "label": "R"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "162992-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff is very pleasant and my hair is always fresh.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 15, "label": "E"}, {"source": 16, "target": 18, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "N"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "D"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 16, "label": "S"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 3, "label": "E"}, {"source": 18, "target": 10, "label": "P"}, {"source": 18, "target": 8, "label": "F"}, {"source": 17, "target": 7, "label": "C"}]} +{"id": "163250-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "163250-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These people were so helpful this week and did everything to sort out my windscreen and insurance.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 97}]}, {"id": 16, "anchors": [{"from": 97, "to": 98}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 18, "label": "H"}, {"source": 25, "target": 14, "label": "N"}, {"source": 19, "target": 7, "label": "L"}, {"source": 23, "target": 10, "label": "F"}, {"source": 25, "target": 16, "label": "U"}, {"source": 21, "target": 5, "label": "E"}, {"source": 25, "target": 24, "label": "C"}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 20, "label": "S"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 6, "label": "C"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 20, "target": 3, "label": "R"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 22, "label": "H"}, {"source": 22, "target": 8, "label": "P"}, {"source": 23, "target": 11, "label": "P"}, {"source": 18, "target": 2, "label": "F"}, {"source": 22, "target": 9, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "163250-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was all sorted with no hassle at all and I'm really grateful - they were fab.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 80}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "D"}, {"source": 22, "target": 7, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 24, "target": 14, "label": "U"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 6, "label": "P"}, {"source": 25, "target": 15, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 23, "target": 11, "label": "S"}, {"source": 25, "target": 17, "label": "S"}, {"source": 23, "target": 12, "label": "D"}, {"source": 19, "target": 2, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 16, "label": "F"}]} +{"id": "163250-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best customer service I've come across for long time.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}, {"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}, {"from": 36, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 14, "label": "D"}, {"source": 11, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "P"}, {"source": 11, "target": 10, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "163703-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cheap Hotel Rome - Thanks for all your help!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}, {"from": 12, "to": 16}, {"from": 19, "to": 25}]}, {"id": 1, "anchors": [{"from": 17, "to": 18}]}, {"id": 2, "anchors": [{"from": 26, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "163703-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cheap Hotel Rome - thanks for finding us a hotel at the last minute.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 18, "target": 2, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 6, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 21, "target": 12, "label": "E"}, {"source": 20, "target": 9, "label": "C"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 15, "label": "D"}, {"source": 19, "target": 7, "label": "A"}, {"source": 19, "target": 21, "label": "D"}, {"source": 21, "target": 10, "label": "R"}, {"source": 18, "target": 3, "label": "U"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 18, "label": "S"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 11, "label": "E"}, {"source": 17, "target": 19, "label": "A"}]} +{"id": "163703-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had a great stay, your service was excellent and we will use you again!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 15, "label": "D"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 3, "label": "E"}, {"source": 21, "target": 8, "label": "F"}, {"source": 22, "target": 12, "label": "F"}, {"source": 18, "target": 5, "label": "U"}, {"source": 22, "target": 13, "label": "P"}, {"source": 22, "target": 14, "label": "A"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 6, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 20, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 11, "label": "A"}, {"source": 21, "target": 9, "label": "S"}]} +{"id": "164580-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For cheap Chinese food, this is the place to go.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "P"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 16, "label": "S"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "D"}, {"source": 13, "target": 14, "label": "P"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "F"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 15, "label": "H"}, {"source": 15, "target": 6, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "E"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "164580-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used to eat at places like New China or Green Buffet in Troy, MO - nothing terrible but not that great.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}, {"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}, {"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 26, "label": "C"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 27, "target": 30, "label": "C"}, {"source": 27, "target": 11, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 24, "target": 4, "label": "R"}, {"source": 31, "target": 19, "label": "E"}, {"source": 30, "target": 16, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 29, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 26, "target": 8, "label": "N"}, {"source": 27, "target": 17, "label": "N"}, {"source": 28, "target": 14, "label": "U"}, {"source": 29, "target": 28, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 27, "target": 10, "label": "R"}, {"source": 26, "target": 7, "label": "C"}, {"source": 27, "target": 12, "label": "U"}, {"source": 23, "target": 3, "label": "P"}, {"source": 23, "target": 2, "label": "F"}, {"source": 25, "target": 6, "label": "R"}, {"source": 23, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "E"}, {"source": 23, "target": 1, "label": "D"}, {"source": 29, "target": 16, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 30, "target": 18, "label": "D"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "164580-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now, I won't eat fast food Chinese unless it's from this place.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 62}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 4, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 11, "label": "S"}, {"source": 16, "target": 9, "label": "L"}, {"source": 20, "target": 14, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 0, "label": "L"}, {"source": 18, "target": 7, "label": "E"}, {"source": 20, "target": 13, "label": "E"}, {"source": 19, "target": 10, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 2, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 3, "label": "D"}]} +{"id": "164580-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best value I've found from a Chinese restaurant.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}, {"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "164580-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't live in Lake St. Louis anymore, but deliveries were always correct and the service courteous.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 100}]}, {"id": 17, "anchors": [{"from": 100, "to": 101}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 7, "label": "U"}, {"source": 22, "target": 12, "label": "C"}, {"source": 23, "target": 15, "label": "E"}, {"source": 18, "target": 3, "label": "D"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "D"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 10, "label": "F"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 13, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 1, "label": "S"}, {"source": 21, "target": 9, "label": "A"}, {"source": 18, "target": 6, "label": "D"}, {"source": 23, "target": 17, "label": "U"}, {"source": 19, "target": 8, "label": "L"}, {"source": 19, "target": 21, "label": "H"}, {"source": 20, "target": 4, "label": "R"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "164580-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now I have to be in the area to get some lovin' :sadface:", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 49, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "anchors": [{"from": 56, "to": 57}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 22, "label": "H"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 21, "target": 11, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "E"}, {"source": 16, "target": 0, "label": "L"}, {"source": 23, "target": 13, "label": "E"}, {"source": 17, "target": 3, "label": "F"}, {"source": 16, "target": 8, "label": "L"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 12, "label": "U"}, {"source": 22, "target": 23, "label": "S"}]} +{"id": "164805-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My 2004 x-type was getting close to 100,000 miles so it was time for an upgrade.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 80}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 22, "label": "D"}, {"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 13, "label": "F"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 5, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 19, "target": 3, "label": "U"}, {"source": 24, "target": 15, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 11, "label": "L"}, {"source": 19, "target": 0, "label": "E"}, {"source": 21, "target": 23, "label": "H"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 12, "label": "A"}, {"source": 22, "target": 8, "label": "R"}, {"source": 20, "target": 7, "label": "S"}, {"source": 24, "target": 16, "label": "E"}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 17, "label": "C"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 14, "label": "S"}, {"source": 19, "target": 1, "label": "E"}]} +{"id": "164805-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I sent my wife and daughter over to check out a pre-owned 2009 XF.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 57}, {"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 19, "label": "P"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 4, "label": "N"}, {"source": 16, "target": 17, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 18, "label": "A"}, {"source": 17, "target": 3, "label": "C"}, {"source": 15, "target": 7, "label": "F"}, {"source": 19, "target": 8, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 5, "label": "C"}, {"source": 15, "target": 20, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "164805-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Michael Chestney was very pleasant and patient with my wife and she suggested I go check it out.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 88}, {"from": 89, "to": 91}, {"from": 92, "to": 95}]}, {"id": 15, "anchors": [{"from": 95, "to": 96}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 20, "label": "C"}, {"source": 21, "target": 9, "label": "N"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 20, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 16, "target": 3, "label": "S"}, {"source": 17, "target": 4, "label": "L"}, {"source": 23, "target": 13, "label": "D"}, {"source": 20, "target": 7, "label": "E"}, {"source": 18, "target": 5, "label": "S"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 11, "label": "P"}, {"source": 16, "target": 1, "label": "F"}, {"source": 23, "target": 12, "label": "A"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 21, "label": "C"}, {"source": 18, "target": 22, "label": "A"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "164805-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I went in later that afternoon and met with Michael.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "C"}, {"source": 11, "target": 13, "label": "D"}, {"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 6, "label": "L"}, {"source": 14, "target": 4, "label": "E"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "164805-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He showed me the car I was interested in and we took a test drive.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 21, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 9, "label": "N"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 7, "label": "S"}, {"source": 22, "target": 11, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 17, "target": 2, "label": "A"}, {"source": 19, "target": 6, "label": "F"}, {"source": 21, "target": 22, "label": "P"}]} +{"id": "164805-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I loved the car so we began negotiating my trade-in and the price of the 09 XF.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}, {"from": 49, "to": 51}, {"from": 52, "to": 55}, {"from": 56, "to": 59}, {"from": 60, "to": 65}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "E"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 10, "label": "U"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 4, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 8, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 6, "label": "D"}, {"source": 16, "target": 1, "label": "P"}]} +{"id": "164805-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The entire negotiation took about 20 minutes.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "164805-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fair give and take on both sides until we agreed on a deal that was within my parameters and was fair to both sides.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 115}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 26, "label": "P"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 13, "label": "S"}, {"source": 24, "target": 27, "label": "A"}, {"source": 33, "target": 20, "label": "R"}, {"source": 33, "target": 23, "label": "U"}, {"source": 33, "target": 22, "label": "C"}, {"source": 25, "target": 17, "label": "L"}, {"source": 32, "target": 19, "label": "S"}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 7, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 5, "label": "C"}, {"source": 32, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 16, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 15, "label": "E"}, {"source": 26, "target": 3, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 29, "target": 9, "label": "R"}, {"source": 26, "target": 1, "label": "C"}, {"source": 27, "target": 4, "label": "E"}, {"source": 25, "target": 32, "label": "H"}, {"source": 26, "target": 2, "label": "N"}, {"source": 29, "target": 10, "label": "E"}, {"source": 31, "target": 14, "label": "R"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 12, "label": "F"}, {"source": 32, "target": 18, "label": "F"}, {"source": 25, "target": 6, "label": "L"}, {"source": 28, "target": 8, "label": "P"}]} +{"id": "164805-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have purchased over 15 vehicles (cars, rvs, and boats) in my lifetime and I have to say the experience with Michael and Barrett Motor Cars of San Antonio was one of the best.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 93}]}, {"id": 23, "anchors": [{"from": 94, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 129}, {"from": 130, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 147}, {"from": 148, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 175}]}, {"id": 36, "anchors": [{"from": 175, "to": 176}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 44, "target": 18, "label": "A"}, {"source": 40, "target": 4, "label": "E"}, {"source": 37, "target": 1, "label": "F"}, {"source": 37, "target": 43, "label": "A"}, {"source": 38, "target": 44, "label": "H"}, {"source": 38, "target": 37, "label": "H"}, {"source": 44, "target": 45, "label": "P"}, {"source": 48, "target": 30, "label": "C"}, {"source": 42, "target": 11, "label": "N"}, {"source": 37, "target": 39, "label": "A"}, {"source": 43, "target": 16, "label": "C"}, {"source": 41, "target": 6, "label": "U"}, {"source": 48, "target": 24, "label": "R"}, {"source": 42, "target": 8, "label": "U"}, {"source": 49, "target": 26, "label": "N"}, {"source": 42, "target": 12, "label": "C"}, {"source": 42, "target": 9, "label": "C"}, {"source": 37, "target": 2, "label": "P"}, {"source": 44, "target": 47, "label": "A"}, {"source": 43, "target": 15, "label": "E"}, {"source": 46, "target": 23, "label": "C"}, {"source": 41, "target": 42, "label": "C"}, {"source": 39, "target": 3, "label": "R"}, {"source": 47, "target": 48, "label": "A"}, {"source": 46, "target": 22, "label": "E"}, {"source": 42, "target": 7, "label": "C"}, {"source": 51, "target": 52, "label": "E"}, {"source": 52, "target": 35, "label": "C"}, {"source": 44, "target": 51, "label": "D"}, {"source": 44, "target": 31, "label": "F"}, {"source": 47, "target": 46, "label": "P"}, {"source": 45, "target": 19, "label": "F"}, {"source": 51, "target": 33, "label": "R"}, {"source": 41, "target": 40, "label": "C"}, {"source": 48, "target": 50, "label": "E"}, {"source": 52, "target": 36, "label": "U"}, {"source": 38, "target": 17, "label": "L"}, {"source": 42, "target": 10, "label": "U"}, {"source": 49, "target": 27, "label": "C"}, {"source": 50, "target": 29, "label": "R"}, {"source": 37, "target": 13, "label": "U"}, {"source": 52, "target": 34, "label": "E"}, {"source": 43, "target": 14, "label": "R"}, {"source": 48, "target": 49, "label": "C"}, {"source": 49, "target": 25, "label": "C"}, {"source": 44, "target": 20, "label": "F"}, {"source": 37, "target": 0, "label": "A"}, {"source": 45, "target": 21, "label": "C"}, {"source": 40, "target": 5, "label": "C"}, {"source": 51, "target": 32, "label": "C"}, {"source": 39, "target": 41, "label": "C"}, {"source": 50, "target": 28, "label": "C"}]} +{"id": "164805-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly, knowledgeable, and above all fair.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 23}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 7, "label": "S"}, {"source": 12, "target": 6, "label": "R"}, {"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 3, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 4, "label": "N"}]} +{"id": "164805-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That's all you can really ask from a car dealer and Michael and Barrett hit all 3.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 4, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 20, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 21, "target": 9, "label": "N"}, {"source": 21, "target": 11, "label": "N"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 12, "label": "C"}, {"source": 22, "target": 13, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "E"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 21, "label": "C"}, {"source": 22, "target": 23, "label": "D"}, {"source": 18, "target": 1, "label": "A"}, {"source": 18, "target": 22, "label": "A"}]} +{"id": "164805-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks for the great deal and the great car!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "U"}, {"source": 15, "target": 14, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 5, "label": "N"}, {"source": 15, "target": 16, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 15, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 16, "target": 7, "label": "E"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "164937-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Super nice people, really good food", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "P"}, {"source": 12, "target": 4, "label": "D"}, {"source": 9, "target": 10, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 11, "target": 3, "label": "U"}, {"source": 12, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 5, "label": "D"}]} +{"id": "164937-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What I love most about this place, other than the food, is that eating here makes you feel like you're in a small town rather than Baltimore.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 99}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 140}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 43, "label": "D"}, {"source": 39, "target": 16, "label": "A"}, {"source": 42, "target": 24, "label": "E"}, {"source": 42, "target": 23, "label": "R"}, {"source": 38, "target": 11, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 10, "label": "E"}, {"source": 31, "target": 37, "label": "H"}, {"source": 34, "target": 3, "label": "C"}, {"source": 42, "target": 26, "label": "C"}, {"source": 36, "target": 9, "label": "R"}, {"source": 43, "target": 28, "label": "F"}, {"source": 31, "target": 32, "label": "H"}, {"source": 35, "target": 34, "label": "R"}, {"source": 42, "target": 25, "label": "E"}, {"source": 43, "target": 29, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 31, "target": 12, "label": "U"}, {"source": 39, "target": 14, "label": "F"}, {"source": 33, "target": 1, "label": "A"}, {"source": 31, "target": 7, "label": "U"}, {"source": 41, "target": 21, "label": "A"}, {"source": 40, "target": 17, "label": "F"}, {"source": 41, "target": 22, "label": "S"}, {"source": 35, "target": 6, "label": "C"}, {"source": 39, "target": 15, "label": "P"}, {"source": 33, "target": 13, "label": "S"}, {"source": 33, "target": 0, "label": "F"}, {"source": 41, "target": 42, "label": "A"}, {"source": 36, "target": 8, "label": "C"}, {"source": 41, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 38, "label": "P"}, {"source": 43, "target": 30, "label": "U"}, {"source": 41, "target": 20, "label": "R"}, {"source": 40, "target": 19, "label": "S"}, {"source": 31, "target": 36, "label": "L"}, {"source": 40, "target": 18, "label": "A"}, {"source": 33, "target": 39, "label": "A"}, {"source": 34, "target": 4, "label": "R"}, {"source": 37, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 2, "label": "S"}, {"source": 43, "target": 27, "label": "R"}, {"source": 32, "target": 35, "label": "A"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "164937-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owners are really nice, they serve good food at a good price, and the option to eat outside on the deck (esp on the weekend whether there is hardly any traffic) is great.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 109}]}, {"id": 25, "anchors": [{"from": 109, "to": 112}, {"from": 113, "to": 115}, {"from": 116, "to": 119}, {"from": 120, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 163}]}, {"id": 32, "anchors": [{"from": 163, "to": 164}]}, {"id": 33, "anchors": [{"from": 165, "to": 167}]}, {"id": 34, "anchors": [{"from": 168, "to": 173}]}, {"id": 35, "anchors": [{"from": 173, "to": 174}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 46, "target": 33, "label": "S"}, {"source": 45, "target": 47, "label": "A"}, {"source": 43, "target": 20, "label": "D"}, {"source": 45, "target": 28, "label": "S"}, {"source": 42, "target": 17, "label": "C"}, {"source": 38, "target": 37, "label": "H"}, {"source": 38, "target": 25, "label": "L"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 38, "target": 39, "label": "H"}, {"source": 36, "target": 0, "label": "E"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 31, "label": "C"}, {"source": 38, "target": 15, "label": "L"}, {"source": 41, "target": 10, "label": "R"}, {"source": 38, "target": 45, "label": "H"}, {"source": 38, "target": 5, "label": "U"}, {"source": 43, "target": 19, "label": "P"}, {"source": 42, "target": 16, "label": "E"}, {"source": 37, "target": 4, "label": "S"}, {"source": 40, "target": 8, "label": "E"}, {"source": 37, "target": 36, "label": "A"}, {"source": 38, "target": 14, "label": "U"}, {"source": 37, "target": 3, "label": "D"}, {"source": 41, "target": 12, "label": "E"}, {"source": 46, "target": 32, "label": "U"}, {"source": 46, "target": 35, "label": "U"}, {"source": 46, "target": 26, "label": "R"}, {"source": 39, "target": 41, "label": "A"}, {"source": 41, "target": 11, "label": "E"}, {"source": 38, "target": 43, "label": "H"}, {"source": 44, "target": 23, "label": "C"}, {"source": 36, "target": 1, "label": "C"}, {"source": 43, "target": 18, "label": "F"}, {"source": 41, "target": 13, "label": "C"}, {"source": 46, "target": 27, "label": "F"}, {"source": 45, "target": 29, "label": "D"}, {"source": 38, "target": 24, "label": "U"}, {"source": 44, "target": 21, "label": "R"}, {"source": 37, "target": 2, "label": "F"}, {"source": 40, "target": 9, "label": "C"}, {"source": 46, "target": 34, "label": "A"}, {"source": 47, "target": 30, "label": "E"}, {"source": 43, "target": 42, "label": "A"}, {"source": 39, "target": 6, "label": "A"}, {"source": 39, "target": 7, "label": "P"}, {"source": 44, "target": 22, "label": "E"}]} +{"id": "164937-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One of my top 5 places to eat in Baltimore.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "E"}, {"source": 13, "target": 6, "label": "P"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "R"}, {"source": 11, "target": 2, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 3, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "165018-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Run for the hills ... you'll be much better off!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}, {"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "D"}, {"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 11, "target": 4, "label": "U"}, {"source": 14, "target": 9, "label": "S"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 14, "target": 5, "label": "A"}, {"source": 12, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "F"}, {"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "165018-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One night was too much.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 6, "label": "D"}]} +{"id": "165018-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "First room had used tissues next to the bed and I requested it be rectified.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 13, "label": "F"}, {"source": 21, "target": 20, "label": "C"}, {"source": 22, "target": 10, "label": "A"}, {"source": 21, "target": 9, "label": "N"}, {"source": 20, "target": 8, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 18, "target": 4, "label": "A"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 3, "label": "P"}, {"source": 20, "target": 7, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 11, "label": "P"}, {"source": 18, "target": 16, "label": "A"}, {"source": 18, "target": 5, "label": "D"}, {"source": 23, "target": 12, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 21, "label": "C"}, {"source": 18, "target": 2, "label": "F"}, {"source": 23, "target": 14, "label": "S"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "165018-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was then moved to another room around the back where the room was dirty, the shower was dirty with other peoples hair in it, the toilet seat was peeling and rough and the bathroom was full of mould.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 168}]}, {"id": 36, "anchors": [{"from": 169, "to": 172}]}, {"id": 37, "anchors": [{"from": 173, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 185}]}, {"id": 39, "anchors": [{"from": 186, "to": 190}]}, {"id": 40, "anchors": [{"from": 191, "to": 193}]}, {"id": 41, "anchors": [{"from": 194, "to": 199}]}, {"id": 42, "anchors": [{"from": 199, "to": 200}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 53, "target": 23, "label": "R"}, {"source": 56, "target": 55, "label": "A"}, {"source": 44, "target": 48, "label": "H"}, {"source": 54, "target": 25, "label": "R"}, {"source": 49, "target": 17, "label": "C"}, {"source": 43, "target": 1, "label": "F"}, {"source": 44, "target": 27, "label": "U"}, {"source": 46, "target": 7, "label": "R"}, {"source": 47, "target": 12, "label": "C"}, {"source": 43, "target": 0, "label": "A"}, {"source": 55, "target": 28, "label": "E"}, {"source": 45, "target": 46, "label": "E"}, {"source": 58, "target": 38, "label": "F"}, {"source": 47, "target": 11, "label": "E"}, {"source": 43, "target": 2, "label": "D"}, {"source": 59, "target": 36, "label": "E"}, {"source": 51, "target": 52, "label": "E"}, {"source": 44, "target": 50, "label": "H"}, {"source": 54, "target": 26, "label": "C"}, {"source": 46, "target": 8, "label": "E"}, {"source": 52, "target": 21, "label": "E"}, {"source": 46, "target": 9, "label": "C"}, {"source": 56, "target": 32, "label": "P"}, {"source": 51, "target": 19, "label": "C"}, {"source": 48, "target": 14, "label": "A"}, {"source": 60, "target": 42, "label": "U"}, {"source": 58, "target": 60, "label": "A"}, {"source": 44, "target": 56, "label": "H"}, {"source": 48, "target": 13, "label": "S"}, {"source": 52, "target": 20, "label": "R"}, {"source": 44, "target": 43, "label": "H"}, {"source": 43, "target": 45, "label": "A"}, {"source": 58, "target": 39, "label": "S"}, {"source": 55, "target": 30, "label": "C"}, {"source": 57, "target": 34, "label": "C"}, {"source": 57, "target": 59, "label": "C"}, {"source": 52, "target": 22, "label": "C"}, {"source": 52, "target": 53, "label": "E"}, {"source": 55, "target": 29, "label": "E"}, {"source": 44, "target": 10, "label": "L"}, {"source": 60, "target": 41, "label": "C"}, {"source": 44, "target": 33, "label": "L"}, {"source": 48, "target": 47, "label": "A"}, {"source": 49, "target": 16, "label": "E"}, {"source": 56, "target": 31, "label": "F"}, {"source": 57, "target": 35, "label": "N"}, {"source": 50, "target": 49, "label": "A"}, {"source": 53, "target": 24, "label": "C"}, {"source": 50, "target": 18, "label": "S"}, {"source": 50, "target": 51, "label": "A"}, {"source": 45, "target": 4, "label": "R"}, {"source": 44, "target": 15, "label": "U"}, {"source": 45, "target": 6, "label": "C"}, {"source": 60, "target": 40, "label": "R"}, {"source": 58, "target": 57, "label": "A"}, {"source": 50, "target": 54, "label": "A"}, {"source": 59, "target": 37, "label": "C"}, {"source": 45, "target": 5, "label": "E"}, {"source": 43, "target": 3, "label": "P"}, {"source": 44, "target": 58, "label": "H"}]} +{"id": "165018-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called reception to ask if they knew the state the room was in and was told \"This is a Days Inn, not the Hilton\" and the receptionist then hung up on me.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}, {"from": 84, "to": 86}, {"from": 87, "to": 88}, {"from": 89, "to": 93}, {"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 145}, {"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 154}]}, {"id": 31, "anchors": [{"from": 154, "to": 155}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 43, "target": 28, "label": "P"}, {"source": 41, "target": 21, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 40, "target": 20, "label": "R"}, {"source": 33, "target": 32, "label": "H"}, {"source": 35, "target": 6, "label": "A"}, {"source": 42, "target": 26, "label": "C"}, {"source": 33, "target": 23, "label": "U"}, {"source": 44, "target": 31, "label": "U"}, {"source": 36, "target": 8, "label": "E"}, {"source": 42, "target": 25, "label": "E"}, {"source": 38, "target": 13, "label": "D"}, {"source": 40, "target": 41, "label": "A"}, {"source": 39, "target": 15, "label": "F"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 16, "label": "P"}, {"source": 33, "target": 39, "label": "H"}, {"source": 44, "target": 29, "label": "R"}, {"source": 33, "target": 43, "label": "H"}, {"source": 33, "target": 34, "label": "H"}, {"source": 37, "target": 11, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 39, "target": 19, "label": "U"}, {"source": 32, "target": 2, "label": "A"}, {"source": 36, "target": 9, "label": "C"}, {"source": 39, "target": 18, "label": "A"}, {"source": 34, "target": 4, "label": "P"}, {"source": 33, "target": 14, "label": "L"}, {"source": 35, "target": 7, "label": "P"}, {"source": 43, "target": 27, "label": "D"}, {"source": 32, "target": 1, "label": "P"}, {"source": 32, "target": 0, "label": "A"}, {"source": 41, "target": 22, "label": "C"}, {"source": 40, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 17, "label": "U"}, {"source": 33, "target": 24, "label": "L"}, {"source": 38, "target": 12, "label": "S"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "A"}, {"source": 34, "target": 3, "label": "F"}, {"source": 36, "target": 38, "label": "E"}, {"source": 44, "target": 30, "label": "C"}, {"source": 37, "target": 10, "label": "E"}, {"source": 43, "target": 42, "label": "A"}, {"source": 35, "target": 5, "label": "R"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "165018-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To warn you to stay away from this place just isn't enough.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 5, "label": "D"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 10, "label": "F"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 18, "label": "D"}, {"source": 17, "target": 7, "label": "E"}, {"source": 16, "target": 9, "label": "D"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "E"}, {"source": 15, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "165018-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There was not one ounce of caring involved and anyone I can warn about the complete lack of service will be warned.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 31, "target": 14, "label": "E"}, {"source": 29, "target": 19, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 0, "label": "F"}, {"source": 26, "target": 5, "label": "R"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "P"}, {"source": 29, "target": 22, "label": "U"}, {"source": 29, "target": 20, "label": "F"}, {"source": 27, "target": 8, "label": "N"}, {"source": 29, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "P"}, {"source": 28, "target": 10, "label": "E"}, {"source": 32, "target": 16, "label": "P"}, {"source": 27, "target": 7, "label": "C"}, {"source": 27, "target": 29, "label": "C"}, {"source": 33, "target": 17, "label": "R"}, {"source": 30, "target": 13, "label": "R"}, {"source": 29, "target": 11, "label": "D"}, {"source": 28, "target": 9, "label": "C"}, {"source": 29, "target": 21, "label": "D"}, {"source": 24, "target": 1, "label": "S"}, {"source": 30, "target": 32, "label": "A"}, {"source": 33, "target": 18, "label": "C"}, {"source": 25, "target": 4, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "165032-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Michael helped shoot the majority of my firm's website and we could not have been happier.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 10, "label": "L"}, {"source": 23, "target": 11, "label": "A"}, {"source": 20, "target": 3, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 1, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "D"}, {"source": 23, "target": 14, "label": "F"}, {"source": 23, "target": 12, "label": "D"}, {"source": 23, "target": 15, "label": "F"}, {"source": 23, "target": 16, "label": "S"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 7, "label": "C"}, {"source": 22, "target": 8, "label": "R"}, {"source": 21, "target": 6, "label": "E"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "165032-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We went through six photographers to find the right photographers that would represent our firm in the light we wished to and Michael and his team made that happen.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 90}]}, {"id": 14, "anchors": [{"from": 91, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 141}]}, {"id": 25, "anchors": [{"from": 142, "to": 146}]}, {"id": 26, "anchors": [{"from": 147, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 156}]}, {"id": 28, "anchors": [{"from": 157, "to": 163}]}, {"id": 29, "anchors": [{"from": 163, "to": 164}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 36, "target": 10, "label": "F"}, {"source": 42, "target": 24, "label": "E"}, {"source": 34, "target": 6, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 31, "target": 30, "label": "H"}, {"source": 35, "target": 7, "label": "E"}, {"source": 43, "target": 26, "label": "P"}, {"source": 30, "target": 32, "label": "P"}, {"source": 38, "target": 14, "label": "C"}, {"source": 44, "target": 28, "label": "C"}, {"source": 33, "target": 4, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 41, "target": 21, "label": "N"}, {"source": 44, "target": 29, "label": "U"}, {"source": 40, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 25, "label": "C"}, {"source": 37, "target": 11, "label": "F"}, {"source": 38, "target": 13, "label": "E"}, {"source": 31, "target": 23, "label": "L"}, {"source": 39, "target": 40, "label": "E"}, {"source": 39, "target": 15, "label": "R"}, {"source": 39, "target": 16, "label": "E"}, {"source": 32, "target": 1, "label": "C"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 30, "target": 33, "label": "A"}, {"source": 30, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 40, "target": 19, "label": "P"}, {"source": 35, "target": 36, "label": "E"}, {"source": 35, "target": 9, "label": "C"}, {"source": 37, "target": 12, "label": "C"}, {"source": 32, "target": 2, "label": "E"}, {"source": 41, "target": 22, "label": "C"}, {"source": 39, "target": 17, "label": "C"}, {"source": 31, "target": 43, "label": "H"}, {"source": 40, "target": 18, "label": "A"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 34, "label": "H"}, {"source": 36, "target": 37, "label": "P"}, {"source": 36, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 20, "label": "C"}, {"source": 33, "target": 3, "label": "E"}, {"source": 43, "target": 42, "label": "A"}, {"source": 44, "target": 27, "label": "E"}, {"source": 35, "target": 8, "label": "E"}, {"source": 31, "target": 5, "label": "L"}]} +{"id": "165032-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He's worth every penny.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "165143-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They won't have a second chance from me.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 13, "label": "D"}, {"source": 11, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 1, "label": "D"}, {"source": 13, "target": 4, "label": "E"}, {"source": 12, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "165143-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "First, let me state that although I live in NYC, I am not from NYC, I don't care about baseball and I absolutely love Boston to death (so beautiful, so clean, so awesome).", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "anchors": [{"from": 70, "to": 72}]}, {"id": 20, "anchors": [{"from": 72, "to": 75}]}, {"id": 21, "anchors": [{"from": 76, "to": 80}]}, {"id": 22, "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "anchors": [{"from": 87, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 99}]}, {"id": 25, "anchors": [{"from": 100, "to": 101}]}, {"id": 26, "anchors": [{"from": 102, "to": 112}]}, {"id": 27, "anchors": [{"from": 113, "to": 117}]}, {"id": 28, "anchors": [{"from": 118, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 135}]}, {"id": 32, "anchors": [{"from": 135, "to": 137}]}, {"id": 33, "anchors": [{"from": 138, "to": 147}]}, {"id": 34, "anchors": [{"from": 147, "to": 148}]}, {"id": 35, "anchors": [{"from": 149, "to": 151}]}, {"id": 36, "anchors": [{"from": 152, "to": 157}]}, {"id": 37, "anchors": [{"from": 157, "to": 158}]}, {"id": 38, "anchors": [{"from": 159, "to": 161}]}, {"id": 39, "anchors": [{"from": 162, "to": 169}]}, {"id": 40, "anchors": [{"from": 169, "to": 170}]}, {"id": 41, "anchors": [{"from": 170, "to": 171}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 44, "target": 49, "label": "H"}, {"source": 57, "target": 33, "label": "C"}, {"source": 50, "target": 21, "label": "C"}, {"source": 51, "target": 22, "label": "R"}, {"source": 42, "target": 43, "label": "L"}, {"source": 59, "target": 39, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 55, "target": 31, "label": "U"}, {"source": 50, "target": 19, "label": "F"}, {"source": 52, "target": 53, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 56, "target": 30, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 41, "label": "U"}, {"source": 54, "target": 55, "label": "E"}, {"source": 52, "target": 23, "label": "C"}, {"source": 44, "target": 11, "label": "U"}, {"source": 47, "target": 13, "label": "S"}, {"source": 49, "target": 50, "label": "P"}, {"source": 44, "target": 5, "label": "F"}, {"source": 53, "target": 25, "label": "A"}, {"source": 53, "target": 26, "label": "D"}, {"source": 43, "target": 2, "label": "D"}, {"source": 47, "target": 48, "label": "A"}, {"source": 46, "target": 9, "label": "R"}, {"source": 44, "target": 17, "label": "U"}, {"source": 55, "target": 29, "label": "F"}, {"source": 58, "target": 59, "label": "C"}, {"source": 44, "target": 45, "label": "H"}, {"source": 55, "target": 34, "label": "U"}, {"source": 55, "target": 56, "label": "H"}, {"source": 56, "target": 57, "label": "A"}, {"source": 43, "target": 0, "label": "C"}, {"source": 48, "target": 15, "label": "R"}, {"source": 53, "target": 54, "label": "A"}, {"source": 47, "target": 12, "label": "A"}, {"source": 52, "target": 24, "label": "N"}, {"source": 55, "target": 30, "label": "P"}, {"source": 58, "target": 35, "label": "E"}, {"source": 44, "target": 47, "label": "H"}, {"source": 44, "target": 6, "label": "L"}, {"source": 54, "target": 28, "label": "C"}, {"source": 59, "target": 37, "label": "U"}, {"source": 43, "target": 3, "label": "D"}, {"source": 45, "target": 7, "label": "A"}, {"source": 49, "target": 51, "label": "A"}, {"source": 59, "target": 40, "label": "U"}, {"source": 43, "target": 1, "label": "U"}, {"source": 45, "target": 8, "label": "P"}, {"source": 57, "target": 32, "label": "E"}, {"source": 46, "target": 10, "label": "C"}, {"source": 53, "target": 27, "label": "P"}, {"source": 51, "target": 52, "label": "C"}, {"source": 59, "target": 38, "label": "N"}, {"source": 47, "target": 14, "label": "D"}, {"source": 49, "target": 18, "label": "A"}, {"source": 43, "target": 4, "label": "P"}, {"source": 59, "target": 36, "label": "C"}, {"source": 48, "target": 16, "label": "C"}, {"source": 55, "target": 58, "label": "A"}, {"source": 49, "target": 20, "label": "D"}]} +{"id": "165143-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That said, I hated this restaurant.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 9, "target": 2, "label": "U"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "165143-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service was just about as good as I'd get in NYC (that means it was poor) and the food was almost mediocre.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}, {"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 110}]}, {"id": 25, "anchors": [{"from": 110, "to": 111}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 28, "target": 19, "label": "L"}, {"source": 27, "target": 32, "label": "P"}, {"source": 37, "target": 23, "label": "D"}, {"source": 33, "target": 12, "label": "U"}, {"source": 31, "target": 8, "label": "C"}, {"source": 27, "target": 33, "label": "A"}, {"source": 36, "target": 20, "label": "E"}, {"source": 29, "target": 5, "label": "R"}, {"source": 37, "target": 24, "label": "S"}, {"source": 36, "target": 21, "label": "C"}, {"source": 35, "target": 16, "label": "F"}, {"source": 37, "target": 25, "label": "U"}, {"source": 33, "target": 34, "label": "E"}, {"source": 33, "target": 11, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 34, "target": 14, "label": "P"}, {"source": 34, "target": 13, "label": "F"}, {"source": 37, "target": 22, "label": "F"}, {"source": 32, "target": 9, "label": "C"}, {"source": 27, "target": 2, "label": "F"}, {"source": 37, "target": 36, "label": "A"}, {"source": 30, "target": 6, "label": "C"}, {"source": 28, "target": 37, "label": "H"}, {"source": 30, "target": 29, "label": "R"}, {"source": 34, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "D"}, {"source": 34, "target": 35, "label": "A"}, {"source": 30, "target": 31, "label": "E"}, {"source": 26, "target": 0, "label": "E"}, {"source": 29, "target": 4, "label": "C"}, {"source": 35, "target": 15, "label": "A"}, {"source": 27, "target": 26, "label": "A"}, {"source": 31, "target": 7, "label": "R"}, {"source": 27, "target": 30, "label": "A"}, {"source": 26, "target": 1, "label": "C"}, {"source": 32, "target": 10, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 35, "target": 17, "label": "S"}]} +{"id": "165143-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The decor left a lot to be desired and the posters telling me all the reasons 99 was great just served as an ironic contrast against the reality.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 144}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 30, "target": 2, "label": "P"}, {"source": 40, "target": 28, "label": "U"}, {"source": 31, "target": 8, "label": "L"}, {"source": 40, "target": 25, "label": "R"}, {"source": 37, "target": 39, "label": "A"}, {"source": 31, "target": 37, "label": "H"}, {"source": 38, "target": 18, "label": "E"}, {"source": 35, "target": 11, "label": "P"}, {"source": 36, "target": 14, "label": "E"}, {"source": 39, "target": 22, "label": "E"}, {"source": 39, "target": 24, "label": "C"}, {"source": 40, "target": 26, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 39, "target": 21, "label": "R"}, {"source": 33, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 7, "label": "P"}, {"source": 32, "target": 4, "label": "C"}, {"source": 39, "target": 40, "label": "E"}, {"source": 37, "target": 19, "label": "D"}, {"source": 36, "target": 15, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 33, "target": 5, "label": "F"}, {"source": 29, "target": 0, "label": "E"}, {"source": 36, "target": 16, "label": "E"}, {"source": 35, "target": 34, "label": "A"}, {"source": 34, "target": 10, "label": "C"}, {"source": 29, "target": 1, "label": "C"}, {"source": 32, "target": 3, "label": "R"}, {"source": 37, "target": 17, "label": "S"}, {"source": 35, "target": 12, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 33, "target": 6, "label": "F"}, {"source": 34, "target": 9, "label": "E"}, {"source": 36, "target": 13, "label": "R"}, {"source": 37, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 23, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 38, "target": 20, "label": "C"}, {"source": 40, "target": 27, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "165143-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Personally I recommend you take your money elsewhere", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 52}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 7, "label": "D"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}]} +{"id": "166983-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The pancakes are to die for.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "R"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "169083-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been a patient a NW hospital and it was great.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 8, "label": "L"}, {"source": 16, "target": 5, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 1, "label": "F"}, {"source": 17, "target": 9, "label": "A"}, {"source": 17, "target": 10, "label": "S"}, {"source": 13, "target": 2, "label": "S"}, {"source": 15, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}]} +{"id": "169083-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have also had an 80 yr old that I take of sent to the ER and long stays in the hospital.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 58}]}, {"id": 16, "anchors": [{"from": 59, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 76}]}, {"id": 20, "anchors": [{"from": 77, "to": 80}]}, {"id": 21, "anchors": [{"from": 81, "to": 89}]}, {"id": 22, "anchors": [{"from": 89, "to": 90}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 16, "label": "N"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 4, "label": "E"}, {"source": 28, "target": 27, "label": "P"}, {"source": 33, "target": 19, "label": "R"}, {"source": 31, "target": 30, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 27, "target": 11, "label": "F"}, {"source": 29, "target": 13, "label": "R"}, {"source": 33, "target": 22, "label": "U"}, {"source": 26, "target": 8, "label": "R"}, {"source": 26, "target": 9, "label": "A"}, {"source": 23, "target": 3, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 33, "target": 20, "label": "E"}, {"source": 29, "target": 31, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 23, "target": 2, "label": "D"}, {"source": 27, "target": 12, "label": "C"}, {"source": 30, "target": 14, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 30, "target": 15, "label": "C"}, {"source": 32, "target": 18, "label": "C"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "169083-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, we had to wait, but ER is a triage system that takes the most life threatening cases first.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 30}]}, {"id": 10, "anchors": [{"from": 31, "to": 32}]}, {"id": 11, "anchors": [{"from": 33, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 22, "target": 0, "label": "S"}, {"source": 25, "target": 5, "label": "C"}, {"source": 28, "target": 13, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 14, "label": "S"}, {"source": 28, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 16, "label": "E"}, {"source": 30, "target": 20, "label": "C"}, {"source": 25, "target": 3, "label": "F"}, {"source": 29, "target": 18, "label": "C"}, {"source": 23, "target": 6, "label": "U"}, {"source": 23, "target": 7, "label": "L"}, {"source": 29, "target": 30, "label": "E"}, {"source": 24, "target": 25, "label": "P"}, {"source": 30, "target": 19, "label": "E"}, {"source": 27, "target": 10, "label": "E"}, {"source": 26, "target": 9, "label": "S"}, {"source": 27, "target": 11, "label": "E"}, {"source": 24, "target": 2, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 28, "label": "E"}, {"source": 22, "target": 1, "label": "U"}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 12, "label": "C"}, {"source": 26, "target": 8, "label": "A"}, {"source": 29, "target": 15, "label": "E"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "169083-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Any ER would be the same.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 1, "label": "F"}, {"source": 7, "target": 8, "label": "S"}, {"source": 7, "target": 9, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "169083-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As far as being treated like a drug seeker, that has not been my experience.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "E"}, {"source": 18, "target": 11, "label": "S"}, {"source": 18, "target": 10, "label": "D"}, {"source": 19, "target": 13, "label": "C"}, {"source": 17, "target": 7, "label": "U"}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 5, "label": "E"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 14, "label": "U"}, {"source": 16, "target": 1, "label": "F"}, {"source": 18, "target": 9, "label": "F"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 0, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "R"}]} +{"id": "169083-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As a nurse I know about drug seekers.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}, {"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "E"}, {"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 9, "label": "A"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "169083-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a great hospital and even better since it became part of the UW system.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "L"}, {"source": 24, "target": 13, "label": "E"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 20, "target": 21, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "N"}, {"source": 24, "target": 23, "label": "E"}, {"source": 17, "target": 1, "label": "S"}, {"source": 22, "target": 10, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 24, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 19, "label": "C"}, {"source": 23, "target": 11, "label": "C"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 9, "label": "A"}]} +{"id": "169610-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "house closing", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "169610-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mrs. Tolchin provided us with excellent service and came with a great deal of knowledge and professionalism!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 107}]}, {"id": 17, "anchors": [{"from": 107, "to": 108}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 26, "label": "C"}, {"source": 19, "target": 3, "label": "A"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "N"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 22, "label": "P"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 24, "target": 10, "label": "E"}, {"source": 19, "target": 2, "label": "P"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}]} +{"id": "169610-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Her flexibility and accessibility made for an easy closing.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 4, "label": "P"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 2, "label": "N"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "170650-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "NEVER fear going to the dentist again!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "D"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "170650-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm 61 years old and have dental problems my entire life.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 14, "target": 5, "label": "N"}, {"source": 18, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 17, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 16, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 1, "label": "E"}, {"source": 19, "target": 10, "label": "E"}, {"source": 13, "target": 15, "label": "P"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "170650-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "By the age of 24 I stopped going to the dentist.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 9, "label": "E"}, {"source": 12, "target": 16, "label": "H"}, {"source": 14, "target": 2, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 14, "label": "S"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 12, "target": 0, "label": "L"}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 1, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "170650-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My fear and discomfort from dental work scared me!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 7, "label": "P"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 11, "target": 2, "label": "N"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 8, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "C"}]} +{"id": "170650-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It took all the courage I could muster to make an appointment.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "D"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "170650-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "At the front door of his office, I nearly turned around.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "E"}, {"source": 13, "target": 17, "label": "H"}, {"source": 15, "target": 14, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 15, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 17, "target": 9, "label": "D"}, {"source": 13, "target": 0, "label": "L"}, {"source": 18, "target": 11, "label": "E"}, {"source": 13, "target": 16, "label": "H"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 8, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 7, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 5, "label": "E"}]} +{"id": "170650-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I considered just leaving after going inside and nearly did.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}, {"from": 38, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 8, "label": "S"}, {"source": 12, "target": 3, "label": "P"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "D"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 4, "label": "R"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 14, "label": "H"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "L"}, {"source": 13, "target": 5, "label": "P"}]} +{"id": "170650-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Doctor Gonzales and his entire staff are the most professional people I have ever dealt with.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 11, "label": "A"}, {"source": 22, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "S"}, {"source": 25, "target": 16, "label": "U"}, {"source": 25, "target": 10, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 13, "label": "D"}, {"source": 18, "target": 2, "label": "N"}, {"source": 24, "target": 12, "label": "F"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 20, "target": 18, "label": "A"}, {"source": 18, "target": 17, "label": "C"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 14, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 10, "label": "C"}, {"source": 18, "target": 21, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 21, "target": 3, "label": "E"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "170650-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They made me feel confident in what they would do, and treated me like a member of their own family.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 99, "to": 100}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 25, "target": 26, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 24, "target": 2, "label": "C"}, {"source": 29, "target": 21, "label": "U"}, {"source": 26, "target": 8, "label": "D"}, {"source": 28, "target": 15, "label": "E"}, {"source": 26, "target": 9, "label": "P"}, {"source": 22, "target": 24, "label": "P"}, {"source": 27, "target": 12, "label": "P"}, {"source": 29, "target": 20, "label": "C"}, {"source": 27, "target": 13, "label": "A"}, {"source": 29, "target": 19, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 22, "target": 4, "label": "A"}, {"source": 28, "target": 14, "label": "R"}, {"source": 22, "target": 3, "label": "A"}, {"source": 26, "target": 7, "label": "A"}, {"source": 22, "target": 25, "label": "A"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 6, "label": "F"}, {"source": 23, "target": 11, "label": "L"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "170650-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I never felt pain or discomfort.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 4, "label": "N"}]} +{"id": "170650-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The ability to smile and eat again can only be described as a whole new lease on life.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 6, "label": "D"}, {"source": 25, "target": 11, "label": "R"}, {"source": 24, "target": 7, "label": "F"}, {"source": 26, "target": 17, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 10, "label": "C"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 8, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 25, "target": 15, "label": "C"}, {"source": 21, "target": 25, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 19, "label": "A"}, {"source": 21, "target": 9, "label": "F"}, {"source": 22, "target": 2, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 26, "target": 16, "label": "R"}, {"source": 25, "target": 13, "label": "E"}, {"source": 21, "target": 24, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 4, "label": "N"}, {"source": 25, "target": 12, "label": "E"}]} +{"id": "170650-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you Doctor Gonzales, Doctor Stout, Eva Marie and the entire staff!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 16}, {"from": 17, "to": 25}]}, {"id": 2, "anchors": [{"from": 25, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 33}, {"from": 34, "to": 39}]}, {"id": 4, "anchors": [{"from": 39, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 71}]}, {"id": 10, "anchors": [{"from": 71, "to": 72}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 8, "label": "E"}, {"source": 12, "target": 0, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "170650-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rocky M. Lange Retired Coordinator, Clark County School District", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}, {"from": 42, "to": 48}, {"from": 49, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 64}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 5, "label": "U"}, {"source": 10, "target": 9, "label": "E"}, {"source": 9, "target": 8, "label": "E"}, {"source": 10, "target": 4, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "171120-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "this is the worst Sams club I've ever been to", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}, {"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 9, "label": "F"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 15, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 8, "label": "D"}, {"source": 12, "target": 1, "label": "S"}, {"source": 12, "target": 16, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "E"}, {"source": 16, "target": 10, "label": "R"}]} +{"id": "171255-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "what a mindblowing servicing", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 5, "target": 0, "label": "F"}, {"source": 7, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 5, "target": 6, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "171255-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They treat there employees with respect and concern and expect that they will extend the same politeness to there customers.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 123}]}, {"id": 20, "anchors": [{"from": 123, "to": 124}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 28, "target": 16, "label": "C"}, {"source": 25, "target": 7, "label": "C"}, {"source": 25, "target": 5, "label": "C"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 15, "label": "E"}, {"source": 26, "target": 9, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 14, "label": "E"}, {"source": 23, "target": 2, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "P"}, {"source": 29, "target": 18, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 12, "label": "F"}, {"source": 27, "target": 10, "label": "F"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "N"}, {"source": 22, "target": 8, "label": "L"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 11, "label": "A"}, {"source": 27, "target": 13, "label": "P"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "171877-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "they are the best orthodontics in the world.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "171877-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i went there since i was four.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 5, "label": "S"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 1, "label": "P"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "171877-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "now i will have really straight teeth.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 8, "target": 0, "label": "D"}, {"source": 10, "target": 3, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "172245-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great store great products", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "173758-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "best place for snowboard eva.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 14, "target": 2, "label": "R"}, {"source": 14, "target": 5, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 11, "target": 12, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 12, "target": 6, "label": "P"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 10, "target": 11, "label": "E"}]} +{"id": "173944-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Service", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "173944-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr Mcdonald is wonderful.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 24}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "173944-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She answers all questions asked and provides the best service i have ever seen.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 78}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 13, "label": "P"}, {"source": 18, "target": 4, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "D"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 21, "label": "H"}, {"source": 15, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 18, "label": "P"}, {"source": 20, "target": 7, "label": "E"}, {"source": 17, "target": 3, "label": "C"}, {"source": 20, "target": 8, "label": "E"}, {"source": 18, "target": 5, "label": "N"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 10, "label": "L"}]} +{"id": "173944-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have a new born daughter and she helped me with a lot.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}, {"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 9, "label": "A"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "173944-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good Job DR.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "174824-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yeah they ruined some shirts I had too.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "D"}, {"source": 13, "target": 6, "label": "S"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "174824-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "175434-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a Ralph's", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 8, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "175434-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just called this number and it is a Ralph's Market.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 5, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "C"}, {"source": 18, "target": 10, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 7, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 8, "label": "E"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 11, "label": "C"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "177779-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Brain Dead", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "177779-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only are these people completely inefficient and ineffective, but they just don't give a darn.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 10, "label": "L"}, {"source": 20, "target": 9, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 24, "target": 11, "label": "A"}, {"source": 19, "target": 0, "label": "D"}, {"source": 24, "target": 12, "label": "D"}, {"source": 21, "target": 4, "label": "C"}, {"source": 19, "target": 23, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 24, "target": 15, "label": "P"}, {"source": 19, "target": 2, "label": "S"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 7, "label": "N"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 22, "label": "C"}, {"source": 22, "target": 5, "label": "E"}, {"source": 23, "target": 8, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 25, "target": 16, "label": "E"}, {"source": 24, "target": 14, "label": "D"}]} +{"id": "177779-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is a complete embarrassment.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "178726-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent medical care!!!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 28}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 7, "target": 2, "label": "C"}, {"source": 4, "target": 7, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "178726-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommend", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "178726-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I went to this urgent care center and was blown away with their service.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}, {"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "C"}, {"source": 14, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 7, "label": "L"}, {"source": 17, "target": 4, "label": "E"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 17, "label": "A"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 18, "target": 8, "label": "F"}, {"source": 19, "target": 10, "label": "R"}]} +{"id": "178726-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Finally a convenient place close to home.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "E"}, {"source": 11, "target": 5, "label": "R"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 11, "label": "R"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 9, "label": "S"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "178726-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful staff and physician.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 2, "label": "N"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "178726-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Clean and superb.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "178726-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks for the great care!!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 9, "target": 1, "label": "R"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "178726-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will definitely go back when I need medical care.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}, {"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 5, "label": "P"}, {"source": 9, "target": 0, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 3, "label": "L"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "180886-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful Experience", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 20}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "180886-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had immense pain on a Sunday morning, with friends and family telling me that I would never find a Dentist on a Sunday.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 120}]}, {"id": 25, "anchors": [{"from": 120, "to": 121}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 23, "label": "E"}, {"source": 35, "target": 24, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 35, "target": 22, "label": "R"}, {"source": 31, "target": 14, "label": "A"}, {"source": 33, "target": 17, "label": "F"}, {"source": 29, "target": 6, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 30, "target": 11, "label": "N"}, {"source": 28, "target": 3, "label": "C"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 34, "label": "A"}, {"source": 32, "target": 16, "label": "A"}, {"source": 30, "target": 10, "label": "C"}, {"source": 32, "target": 18, "label": "D"}, {"source": 29, "target": 7, "label": "C"}, {"source": 32, "target": 33, "label": "P"}, {"source": 33, "target": 19, "label": "C"}, {"source": 31, "target": 30, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 2, "label": "E"}, {"source": 30, "target": 12, "label": "C"}, {"source": 27, "target": 9, "label": "L"}, {"source": 27, "target": 8, "label": "U"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 29, "target": 5, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 15, "label": "F"}, {"source": 31, "target": 13, "label": "P"}, {"source": 34, "target": 21, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 26, "target": 1, "label": "P"}, {"source": 29, "target": 4, "label": "R"}, {"source": 34, "target": 20, "label": "E"}]} +{"id": "180886-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Taylor was not only available on a Sunday, but also was able to immediately take care of me.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}, {"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 22, "target": 13, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 7, "label": "C"}, {"source": 24, "target": 16, "label": "R"}, {"source": 20, "target": 8, "label": "U"}, {"source": 23, "target": 15, "label": "C"}, {"source": 19, "target": 2, "label": "D"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 4, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "D"}, {"source": 22, "target": 11, "label": "F"}, {"source": 22, "target": 23, "label": "P"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 14, "label": "D"}, {"source": 24, "target": 17, "label": "C"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 12, "label": "E"}, {"source": 20, "target": 22, "label": "H"}]} +{"id": "180886-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was incredibly informative about the options I had, giving me opinions on different treatments to choose from.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 107}]}, {"id": 18, "anchors": [{"from": 108, "to": 112}]}, {"id": 19, "anchors": [{"from": 112, "to": 113}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 10, "label": "P"}, {"source": 28, "target": 16, "label": "F"}, {"source": 24, "target": 7, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 25, "label": "H"}, {"source": 22, "target": 4, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 29, "target": 18, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 19, "label": "U"}, {"source": 29, "target": 15, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 27, "label": "A"}, {"source": 20, "target": 3, "label": "S"}, {"source": 24, "target": 8, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 28, "target": 17, "label": "P"}, {"source": 23, "target": 5, "label": "E"}, {"source": 20, "target": 1, "label": "F"}, {"source": 26, "target": 11, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "U"}, {"source": 27, "target": 13, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 23, "target": 6, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 28, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 2, "label": "D"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "180886-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Coming from a person who hates the dentist in general, Dr. Taylor was the best!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 19, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 5, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "P"}, {"source": 23, "target": 13, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 12, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 22, "label": "H"}, {"source": 23, "target": 14, "label": "C"}, {"source": 16, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 6, "label": "E"}, {"source": 19, "target": 4, "label": "R"}, {"source": 18, "target": 1, "label": "R"}, {"source": 18, "target": 19, "label": "E"}, {"source": 21, "target": 8, "label": "R"}, {"source": 18, "target": 2, "label": "E"}, {"source": 22, "target": 11, "label": "A"}, {"source": 22, "target": 23, "label": "S"}]} +{"id": "180886-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He really made the visit a pain free one with excellent service!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 1, "label": "D"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 4, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 18, "label": "A"}]} +{"id": "180886-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend him to everyone!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "181696-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Winning Attorney!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 16, "to": 17}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "181696-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only 10.0 \"Perfect Score\" AVVO Rated Attorney I Have Ever Met.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}, {"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}, {"from": 52, "to": 56}, {"from": 57, "to": 61}, {"from": 62, "to": 65}]}, {"id": 10, "anchors": [{"from": 65, "to": 66}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 14, "label": "E"}, {"source": 11, "target": 4, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 11, "target": 15, "label": "E"}, {"source": 15, "target": 6, "label": "E"}, {"source": 11, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 11, "target": 9, "label": "C"}, {"source": 13, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "E"}, {"source": 11, "target": 3, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "181696-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I Highly Recommend, The Law Offices Of Dale Gribow!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 8}, {"from": 9, "to": 18}]}, {"id": 1, "anchors": [{"from": 18, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}, {"from": 24, "to": 27}, {"from": 28, "to": 35}, {"from": 36, "to": 38}, {"from": 39, "to": 43}, {"from": 44, "to": 50}]}, {"id": 3, "anchors": [{"from": 50, "to": 52}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}]} +{"id": "181748-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Be Careful Of Who Your Sales Guy Is", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 10}, {"from": 11, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 22}, {"from": 33, "to": 35}]}, {"id": 1, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 32}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 1, "label": "E"}, {"source": 3, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "181748-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think this place is probably really great especially judging by the reviews on here.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 86}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 13, "label": "R"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "D"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "E"}, {"source": 21, "target": 10, "label": "R"}, {"source": 19, "target": 18, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 4, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 11, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 6, "label": "D"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "181748-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My experience was awful though.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 4, "label": "L"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 3, "label": "S"}, {"source": 8, "target": 2, "label": "F"}]} +{"id": "181748-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It ALL had to do with the sales guy which was a young 22 year old who had admittedly only been working for 2 weeks.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 12, "label": "E"}, {"source": 30, "target": 11, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 14, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 32, "target": 21, "label": "R"}, {"source": 28, "target": 5, "label": "E"}, {"source": 31, "target": 32, "label": "D"}, {"source": 29, "target": 15, "label": "F"}, {"source": 31, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 20, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 13, "label": "E"}, {"source": 29, "target": 18, "label": "D"}, {"source": 29, "target": 17, "label": "D"}, {"source": 32, "target": 22, "label": "E"}, {"source": 32, "target": 23, "label": "C"}, {"source": 28, "target": 4, "label": "R"}, {"source": 29, "target": 9, "label": "S"}, {"source": 25, "target": 26, "label": "H"}, {"source": 26, "target": 2, "label": "F"}, {"source": 31, "target": 16, "label": "F"}, {"source": 28, "target": 7, "label": "C"}, {"source": 27, "target": 1, "label": "F"}, {"source": 29, "target": 8, "label": "F"}, {"source": 26, "target": 0, "label": "A"}, {"source": 32, "target": 24, "label": "U"}, {"source": 27, "target": 3, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 26, "target": 27, "label": "P"}, {"source": 29, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "E"}, {"source": 31, "target": 19, "label": "F"}, {"source": 28, "target": 6, "label": "E"}]} +{"id": "181748-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was extremely interested in the car and very likely would have bought it, but the sales guy I dealt with ruined the deal.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}]}, {"id": 25, "anchors": [{"from": 122, "to": 123}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 27, "target": 15, "label": "L"}, {"source": 30, "target": 12, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 13, "label": "A"}, {"source": 28, "target": 6, "label": "C"}, {"source": 28, "target": 5, "label": "E"}, {"source": 34, "target": 24, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 30, "target": 29, "label": "D"}, {"source": 30, "target": 11, "label": "F"}, {"source": 33, "target": 22, "label": "C"}, {"source": 34, "target": 23, "label": "E"}, {"source": 26, "target": 3, "label": "S"}, {"source": 31, "target": 17, "label": "E"}, {"source": 32, "target": 34, "label": "A"}, {"source": 28, "target": 4, "label": "R"}, {"source": 34, "target": 25, "label": "U"}, {"source": 27, "target": 32, "label": "H"}, {"source": 29, "target": 8, "label": "E"}, {"source": 33, "target": 21, "label": "R"}, {"source": 32, "target": 31, "label": "A"}, {"source": 27, "target": 7, "label": "L"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 1, "label": "F"}, {"source": 31, "target": 16, "label": "E"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 29, "target": 9, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 20, "label": "D"}, {"source": 31, "target": 18, "label": "E"}, {"source": 31, "target": 19, "label": "C"}, {"source": 30, "target": 10, "label": "D"}, {"source": 27, "target": 14, "label": "U"}]} +{"id": "181748-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Essentially, I told him I didn't trust him cause he was a car salesman, but he got so incredibly offended at that statement that he had to go cry to another salesman and compose himself before coming back.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 145}]}, {"id": 32, "anchors": [{"from": 146, "to": 148}]}, {"id": 33, "anchors": [{"from": 149, "to": 156}]}, {"id": 34, "anchors": [{"from": 157, "to": 165}]}, {"id": 35, "anchors": [{"from": 166, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 177}]}, {"id": 37, "anchors": [{"from": 178, "to": 185}]}, {"id": 38, "anchors": [{"from": 186, "to": 192}]}, {"id": 39, "anchors": [{"from": 193, "to": 199}]}, {"id": 40, "anchors": [{"from": 200, "to": 204}]}, {"id": 41, "anchors": [{"from": 204, "to": 205}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 55, "target": 41, "label": "U"}, {"source": 44, "target": 6, "label": "F"}, {"source": 42, "target": 0, "label": "L"}, {"source": 46, "target": 12, "label": "F"}, {"source": 52, "target": 30, "label": "D"}, {"source": 50, "target": 25, "label": "C"}, {"source": 44, "target": 8, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 48, "target": 18, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 42, "target": 17, "label": "L"}, {"source": 48, "target": 51, "label": "A"}, {"source": 44, "target": 5, "label": "A"}, {"source": 54, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 9, "label": "A"}, {"source": 52, "target": 31, "label": "P"}, {"source": 42, "target": 55, "label": "H"}, {"source": 50, "target": 24, "label": "E"}, {"source": 43, "target": 2, "label": "A"}, {"source": 53, "target": 32, "label": "R"}, {"source": 42, "target": 48, "label": "H"}, {"source": 42, "target": 35, "label": "L"}, {"source": 42, "target": 1, "label": "U"}, {"source": 45, "target": 10, "label": "P"}, {"source": 53, "target": 33, "label": "E"}, {"source": 42, "target": 43, "label": "H"}, {"source": 47, "target": 14, "label": "E"}, {"source": 42, "target": 16, "label": "U"}, {"source": 42, "target": 38, "label": "L"}, {"source": 55, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 20, "label": "E"}, {"source": 43, "target": 4, "label": "A"}, {"source": 51, "target": 28, "label": "F"}, {"source": 47, "target": 15, "label": "C"}, {"source": 47, "target": 13, "label": "E"}, {"source": 48, "target": 19, "label": "D"}, {"source": 48, "target": 22, "label": "P"}, {"source": 51, "target": 26, "label": "F"}, {"source": 49, "target": 21, "label": "C"}, {"source": 42, "target": 54, "label": "H"}, {"source": 55, "target": 40, "label": "D"}, {"source": 50, "target": 23, "label": "R"}, {"source": 54, "target": 36, "label": "P"}, {"source": 48, "target": 49, "label": "D"}, {"source": 52, "target": 29, "label": "F"}, {"source": 55, "target": 39, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 54, "target": 37, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 46, "target": 11, "label": "A"}, {"source": 48, "target": 50, "label": "A"}, {"source": 53, "target": 34, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 52, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 7, "label": "D"}, {"source": 43, "target": 3, "label": "P"}, {"source": 51, "target": 27, "label": "A"}]} +{"id": "181748-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't know if the kid had a bad day or what, but I had to sit and apologize about nothing for 10 minutes until he dropped the issue.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 45}]}, {"id": 13, "anchors": [{"from": 45, "to": 46}]}, {"id": 14, "anchors": [{"from": 47, "to": 50}]}, {"id": 15, "anchors": [{"from": 51, "to": 52}]}, {"id": 16, "anchors": [{"from": 53, "to": 56}]}, {"id": 17, "anchors": [{"from": 57, "to": 59}]}, {"id": 18, "anchors": [{"from": 60, "to": 63}]}, {"id": 19, "anchors": [{"from": 64, "to": 67}]}, {"id": 20, "anchors": [{"from": 68, "to": 77}]}, {"id": 21, "anchors": [{"from": 78, "to": 83}]}, {"id": 22, "anchors": [{"from": 84, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 98}]}, {"id": 25, "anchors": [{"from": 99, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 112}]}, {"id": 27, "anchors": [{"from": 113, "to": 115}]}, {"id": 28, "anchors": [{"from": 116, "to": 123}]}, {"id": 29, "anchors": [{"from": 124, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 133}]}, {"id": 31, "anchors": [{"from": 133, "to": 134}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 33, "target": 26, "label": "L"}, {"source": 36, "target": 10, "label": "C"}, {"source": 43, "target": 30, "label": "C"}, {"source": 41, "target": 25, "label": "C"}, {"source": 38, "target": 18, "label": "C"}, {"source": 41, "target": 23, "label": "R"}, {"source": 32, "target": 2, "label": "D"}, {"source": 35, "target": 36, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 19, "label": "L"}, {"source": 33, "target": 37, "label": "H"}, {"source": 42, "target": 27, "label": "A"}, {"source": 33, "target": 17, "label": "F"}, {"source": 36, "target": 8, "label": "E"}, {"source": 34, "target": 5, "label": "E"}, {"source": 42, "target": 28, "label": "P"}, {"source": 33, "target": 35, "label": "H"}, {"source": 32, "target": 1, "label": "F"}, {"source": 33, "target": 39, "label": "H"}, {"source": 37, "target": 14, "label": "L"}, {"source": 33, "target": 15, "label": "A"}, {"source": 39, "target": 41, "label": "D"}, {"source": 35, "target": 34, "label": "A"}, {"source": 34, "target": 6, "label": "C"}, {"source": 37, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 29, "label": "E"}, {"source": 40, "target": 21, "label": "R"}, {"source": 36, "target": 9, "label": "E"}, {"source": 43, "target": 31, "label": "U"}, {"source": 37, "target": 13, "label": "U"}, {"source": 37, "target": 12, "label": "F"}, {"source": 32, "target": 3, "label": "P"}, {"source": 33, "target": 42, "label": "H"}, {"source": 41, "target": 24, "label": "E"}, {"source": 32, "target": 0, "label": "A"}, {"source": 33, "target": 11, "label": "L"}, {"source": 42, "target": 43, "label": "A"}, {"source": 40, "target": 22, "label": "C"}, {"source": 33, "target": 38, "label": "P"}, {"source": 39, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 7, "label": "F"}, {"source": 38, "target": 16, "label": "F"}, {"source": 39, "target": 20, "label": "P"}, {"source": 33, "target": 4, "label": "L"}]} +{"id": "181748-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After that, I just tried to ignore his lack of professionalism and test drive the car.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 3, "label": "A"}, {"source": 19, "target": 18, "label": "D"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 12, "label": "L"}, {"source": 19, "target": 2, "label": "U"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 15, "label": "E"}, {"source": 19, "target": 5, "label": "D"}, {"source": 19, "target": 4, "label": "D"}, {"source": 22, "target": 10, "label": "R"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 13, "label": "P"}, {"source": 24, "target": 14, "label": "P"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "R"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "181748-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I played dumb and asked him questions that I already knew the answers to and he responded with half truths and a few falsehoods.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 127}]}, {"id": 24, "anchors": [{"from": 127, "to": 128}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 26, "target": 3, "label": "L"}, {"source": 29, "target": 11, "label": "E"}, {"source": 33, "target": 32, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 20, "label": "N"}, {"source": 27, "target": 5, "label": "A"}, {"source": 27, "target": 4, "label": "P"}, {"source": 26, "target": 14, "label": "L"}, {"source": 25, "target": 2, "label": "A"}, {"source": 31, "target": 33, "label": "C"}, {"source": 26, "target": 30, "label": "H"}, {"source": 28, "target": 8, "label": "A"}, {"source": 30, "target": 15, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 30, "target": 16, "label": "P"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 22, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 10, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 13, "label": "L"}, {"source": 31, "target": 17, "label": "R"}, {"source": 34, "target": 24, "label": "U"}, {"source": 25, "target": 1, "label": "P"}, {"source": 32, "target": 19, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 9, "label": "D"}, {"source": 27, "target": 6, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 7, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 34, "target": 23, "label": "C"}, {"source": 29, "target": 12, "label": "C"}, {"source": 33, "target": 34, "label": "C"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "181748-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For instance I asked who owned Mazda and he said with confidence that was GM, which isn't true.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 94}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 8, "label": "A"}, {"source": 26, "target": 11, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 16, "label": "F"}, {"source": 25, "target": 9, "label": "P"}, {"source": 27, "target": 14, "label": "S"}, {"source": 28, "target": 18, "label": "A"}, {"source": 21, "target": 1, "label": "C"}, {"source": 22, "target": 2, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 22, "target": 3, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 7, "label": "L"}, {"source": 28, "target": 19, "label": "A"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 20, "label": "U"}, {"source": 28, "target": 17, "label": "S"}, {"source": 24, "target": 6, "label": "A"}, {"source": 27, "target": 12, "label": "F"}, {"source": 24, "target": 5, "label": "P"}, {"source": 27, "target": 13, "label": "F"}, {"source": 21, "target": 0, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 15, "label": "U"}, {"source": 26, "target": 10, "label": "R"}, {"source": 27, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "E"}]} +{"id": "181748-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I mean, I don't care if he doesn't know, but if he pretends to know and tells me BS to my face, there's no way I'm going to trust him when matters turn to the price of the car and financing.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 12}]}, {"id": 5, "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 26}]}, {"id": 9, "anchors": [{"from": 27, "to": 31}]}, {"id": 10, "anchors": [{"from": 31, "to": 34}]}, {"id": 11, "anchors": [{"from": 35, "to": 39}]}, {"id": 12, "anchors": [{"from": 39, "to": 40}]}, {"id": 13, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 47}]}, {"id": 14, "anchors": [{"from": 48, "to": 50}]}, {"id": 15, "anchors": [{"from": 51, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 80}, {"from": 81, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 86}]}, {"id": 22, "anchors": [{"from": 87, "to": 89}]}, {"id": 23, "anchors": [{"from": 90, "to": 94}]}, {"id": 24, "anchors": [{"from": 94, "to": 95}]}, {"id": 25, "anchors": [{"from": 96, "to": 101}]}, {"id": 26, "anchors": [{"from": 101, "to": 103}]}, {"id": 27, "anchors": [{"from": 104, "to": 106}]}, {"id": 28, "anchors": [{"from": 107, "to": 110}]}, {"id": 29, "anchors": [{"from": 111, "to": 112}, {"from": 112, "to": 114}]}, {"id": 30, "anchors": [{"from": 115, "to": 120}]}, {"id": 31, "anchors": [{"from": 121, "to": 123}]}, {"id": 32, "anchors": [{"from": 124, "to": 129}]}, {"id": 33, "anchors": [{"from": 130, "to": 133}]}, {"id": 34, "anchors": [{"from": 134, "to": 138}]}, {"id": 35, "anchors": [{"from": 139, "to": 146}]}, {"id": 36, "anchors": [{"from": 147, "to": 151}]}, {"id": 37, "anchors": [{"from": 152, "to": 154}]}, {"id": 38, "anchors": [{"from": 155, "to": 158}]}, {"id": 39, "anchors": [{"from": 159, "to": 164}]}, {"id": 40, "anchors": [{"from": 165, "to": 167}]}, {"id": 41, "anchors": [{"from": 168, "to": 171}]}, {"id": 42, "anchors": [{"from": 172, "to": 175}]}, {"id": 43, "anchors": [{"from": 176, "to": 179}]}, {"id": 44, "anchors": [{"from": 180, "to": 189}]}, {"id": 45, "anchors": [{"from": 189, "to": 190}]}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 59, "target": 45, "label": "U"}, {"source": 47, "target": 56, "label": "H"}, {"source": 47, "target": 34, "label": "L"}, {"source": 47, "target": 50, "label": "H"}, {"source": 48, "target": 3, "label": "A"}, {"source": 46, "target": 0, "label": "A"}, {"source": 54, "target": 27, "label": "D"}, {"source": 51, "target": 17, "label": "P"}, {"source": 54, "target": 25, "label": "F"}, {"source": 50, "target": 14, "label": "A"}, {"source": 48, "target": 5, "label": "D"}, {"source": 47, "target": 54, "label": "H"}, {"source": 54, "target": 55, "label": "A"}, {"source": 46, "target": 1, "label": "S"}, {"source": 56, "target": 35, "label": "A"}, {"source": 48, "target": 4, "label": "F"}, {"source": 53, "target": 23, "label": "C"}, {"source": 59, "target": 43, "label": "N"}, {"source": 55, "target": 31, "label": "F"}, {"source": 47, "target": 7, "label": "L"}, {"source": 49, "target": 11, "label": "P"}, {"source": 58, "target": 59, "label": "C"}, {"source": 51, "target": 16, "label": "F"}, {"source": 47, "target": 24, "label": "U"}, {"source": 54, "target": 26, "label": "F"}, {"source": 52, "target": 20, "label": "A"}, {"source": 47, "target": 48, "label": "H"}, {"source": 49, "target": 10, "label": "D"}, {"source": 47, "target": 13, "label": "L"}, {"source": 47, "target": 49, "label": "H"}, {"source": 47, "target": 52, "label": "H"}, {"source": 56, "target": 57, "label": "A"}, {"source": 57, "target": 39, "label": "C"}, {"source": 57, "target": 37, "label": "R"}, {"source": 57, "target": 38, "label": "E"}, {"source": 58, "target": 40, "label": "R"}, {"source": 48, "target": 6, "label": "P"}, {"source": 59, "target": 42, "label": "C"}, {"source": 49, "target": 9, "label": "F"}, {"source": 55, "target": 32, "label": "P"}, {"source": 47, "target": 18, "label": "L"}, {"source": 53, "target": 22, "label": "E"}, {"source": 57, "target": 58, "label": "E"}, {"source": 56, "target": 36, "label": "P"}, {"source": 52, "target": 19, "label": "P"}, {"source": 51, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 41, "label": "E"}, {"source": 59, "target": 44, "label": "C"}, {"source": 55, "target": 29, "label": "A"}, {"source": 53, "target": 21, "label": "R"}, {"source": 50, "target": 51, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 49, "target": 8, "label": "A"}, {"source": 55, "target": 30, "label": "D"}, {"source": 55, "target": 33, "label": "A"}, {"source": 50, "target": 15, "label": "P"}, {"source": 47, "target": 2, "label": "U"}, {"source": 47, "target": 12, "label": "U"}, {"source": 47, "target": 46, "label": "H"}, {"source": 54, "target": 28, "label": "P"}]} +{"id": "181771-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the 2010 Genesis is grrrrrrrreeeaaat!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "D"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 2, "label": "A"}]} +{"id": "181771-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a proud owner of a brand new 2010 Hyundai Genesis.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 10, "label": "E"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "181771-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have never seen this car before until this lady at wal mart had it and she told me she got it here and that everyone was so nice to her.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}, {"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 137}]}, {"id": 30, "anchors": [{"from": 137, "to": 138}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 34, "target": 8, "label": "C"}, {"source": 32, "target": 14, "label": "L"}, {"source": 38, "target": 39, "label": "A"}, {"source": 37, "target": 16, "label": "P"}, {"source": 39, "target": 20, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 42, "target": 30, "label": "U"}, {"source": 31, "target": 3, "label": "P"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 41, "target": 27, "label": "S"}, {"source": 42, "target": 29, "label": "C"}, {"source": 41, "target": 40, "label": "A"}, {"source": 40, "target": 23, "label": "E"}, {"source": 35, "target": 12, "label": "P"}, {"source": 36, "target": 9, "label": "R"}, {"source": 31, "target": 2, "label": "D"}, {"source": 42, "target": 28, "label": "R"}, {"source": 38, "target": 19, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 35, "target": 13, "label": "A"}, {"source": 34, "target": 36, "label": "E"}, {"source": 41, "target": 25, "label": "F"}, {"source": 31, "target": 0, "label": "A"}, {"source": 38, "target": 18, "label": "A"}, {"source": 32, "target": 41, "label": "H"}, {"source": 32, "target": 6, "label": "L"}, {"source": 33, "target": 5, "label": "C"}, {"source": 34, "target": 7, "label": "E"}, {"source": 32, "target": 37, "label": "H"}, {"source": 36, "target": 11, "label": "C"}, {"source": 39, "target": 21, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 35, "target": 34, "label": "A"}, {"source": 37, "target": 15, "label": "A"}, {"source": 36, "target": 10, "label": "E"}, {"source": 37, "target": 17, "label": "A"}, {"source": 33, "target": 4, "label": "E"}, {"source": 41, "target": 26, "label": "D"}, {"source": 32, "target": 22, "label": "L"}, {"source": 31, "target": 1, "label": "F"}, {"source": 40, "target": 24, "label": "C"}]} +{"id": "181771-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked her who she worked with and she just told me ti was the sales manager.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 9, "label": "D"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 7, "label": "L"}, {"source": 23, "target": 15, "label": "E"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 4, "label": "A"}, {"source": 21, "target": 8, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "P"}, {"source": 18, "target": 1, "label": "P"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 11, "label": "E"}, {"source": 23, "target": 13, "label": "R"}, {"source": 20, "target": 3, "label": "R"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 10, "label": "P"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "A"}, {"source": 20, "target": 6, "label": "D"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "181771-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I took the weekend off and came in and asked for the manager who is Jeff and he remembered her right away even remembered her dog, I was a bit shocked that someone would pay that close attention.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 10}, {"from": 11, "to": 18}, {"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 129}]}, {"id": 23, "anchors": [{"from": 129, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 169}]}, {"id": 32, "anchors": [{"from": 170, "to": 173}]}, {"id": 33, "anchors": [{"from": 174, "to": 178}]}, {"id": 34, "anchors": [{"from": 179, "to": 184}]}, {"id": 35, "anchors": [{"from": 185, "to": 194}]}, {"id": 36, "anchors": [{"from": 194, "to": 195}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 50, "target": 25, "label": "F"}, {"source": 40, "target": 3, "label": "C"}, {"source": 45, "target": 16, "label": "A"}, {"source": 54, "target": 35, "label": "C"}, {"source": 50, "target": 24, "label": "A"}, {"source": 47, "target": 19, "label": "C"}, {"source": 40, "target": 4, "label": "E"}, {"source": 49, "target": 50, "label": "H"}, {"source": 49, "target": 23, "label": "U"}, {"source": 47, "target": 18, "label": "E"}, {"source": 52, "target": 53, "label": "P"}, {"source": 38, "target": 37, "label": "H"}, {"source": 54, "target": 33, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 38, "target": 39, "label": "H"}, {"source": 44, "target": 12, "label": "C"}, {"source": 44, "target": 13, "label": "N"}, {"source": 44, "target": 45, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 42, "target": 8, "label": "E"}, {"source": 38, "target": 2, "label": "L"}, {"source": 51, "target": 27, "label": "C"}, {"source": 42, "target": 9, "label": "C"}, {"source": 50, "target": 28, "label": "S"}, {"source": 51, "target": 26, "label": "E"}, {"source": 50, "target": 52, "label": "A"}, {"source": 46, "target": 20, "label": "C"}, {"source": 50, "target": 51, "label": "D"}, {"source": 54, "target": 36, "label": "U"}, {"source": 39, "target": 40, "label": "P"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 14, "label": "A"}, {"source": 48, "target": 22, "label": "C"}, {"source": 53, "target": 32, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 6, "label": "P"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 31, "label": "F"}, {"source": 46, "target": 47, "label": "E"}, {"source": 38, "target": 41, "label": "H"}, {"source": 52, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 21, "label": "E"}, {"source": 43, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 43, "label": "E"}, {"source": 52, "target": 30, "label": "A"}, {"source": 38, "target": 49, "label": "A"}, {"source": 38, "target": 5, "label": "L"}, {"source": 45, "target": 15, "label": "P"}, {"source": 52, "target": 54, "label": "A"}, {"source": 46, "target": 17, "label": "E"}, {"source": 37, "target": 0, "label": "A"}, {"source": 52, "target": 29, "label": "F"}, {"source": 46, "target": 48, "label": "E"}, {"source": 37, "target": 1, "label": "P"}, {"source": 43, "target": 11, "label": "S"}, {"source": 43, "target": 10, "label": "F"}, {"source": 42, "target": 7, "label": "R"}, {"source": 54, "target": 34, "label": "E"}]} +{"id": "181771-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We got to talking and he got me set up and I test drove with Craig and I fell head over heels for this car all I kept saying, \" was I gotta have it!\"", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}, {"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}, {"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 124}]}, {"id": 27, "anchors": [{"from": 124, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 137}]}, {"id": 32, "anchors": [{"from": 137, "to": 139}]}, {"id": 33, "anchors": [{"from": 140, "to": 144}]}, {"id": 34, "anchors": [{"from": 145, "to": 147}]}, {"id": 35, "anchors": [{"from": 147, "to": 148}]}, {"id": 36, "anchors": [{"from": 148, "to": 149}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 40, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 16, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 47, "target": 21, "label": "E"}, {"source": 38, "target": 37, "label": "H"}, {"source": 51, "target": 30, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 39, "label": "H"}, {"source": 47, "target": 48, "label": "E"}, {"source": 44, "target": 45, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 46, "target": 18, "label": "R"}, {"source": 43, "target": 13, "label": "R"}, {"source": 51, "target": 52, "label": "S"}, {"source": 44, "target": 14, "label": "C"}, {"source": 47, "target": 20, "label": "R"}, {"source": 48, "target": 23, "label": "R"}, {"source": 41, "target": 9, "label": "N"}, {"source": 51, "target": 34, "label": "F"}, {"source": 47, "target": 22, "label": "C"}, {"source": 48, "target": 24, "label": "C"}, {"source": 50, "target": 51, "label": "H"}, {"source": 39, "target": 7, "label": "A"}, {"source": 42, "target": 49, "label": "A"}, {"source": 39, "target": 6, "label": "P"}, {"source": 50, "target": 29, "label": "L"}, {"source": 41, "target": 10, "label": "C"}, {"source": 44, "target": 15, "label": "N"}, {"source": 52, "target": 33, "label": "C"}, {"source": 49, "target": 27, "label": "U"}, {"source": 38, "target": 42, "label": "H"}, {"source": 37, "target": 1, "label": "D"}, {"source": 49, "target": 25, "label": "D"}, {"source": 51, "target": 32, "label": "D"}, {"source": 49, "target": 50, "label": "A"}, {"source": 38, "target": 11, "label": "L"}, {"source": 45, "target": 17, "label": "P"}, {"source": 52, "target": 31, "label": "E"}, {"source": 39, "target": 5, "label": "A"}, {"source": 41, "target": 8, "label": "C"}, {"source": 51, "target": 36, "label": "U"}, {"source": 37, "target": 3, "label": "P"}, {"source": 37, "target": 0, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 46, "target": 19, "label": "C"}, {"source": 51, "target": 35, "label": "U"}, {"source": 49, "target": 26, "label": "P"}, {"source": 43, "target": 44, "label": "C"}, {"source": 38, "target": 4, "label": "L"}, {"source": 42, "target": 12, "label": "P"}, {"source": 37, "target": 2, "label": "F"}, {"source": 49, "target": 28, "label": "U"}, {"source": 40, "target": 41, "label": "S"}]} +{"id": "181771-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I thouhgt it would be out of my price range but they really worked with me and now I couldnt be happier.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 29, "target": 28, "label": "R"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 10, "label": "L"}, {"source": 25, "target": 16, "label": "L"}, {"source": 27, "target": 3, "label": "F"}, {"source": 32, "target": 18, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 24, "target": 1, "label": "P"}, {"source": 26, "target": 2, "label": "A"}, {"source": 28, "target": 6, "label": "F"}, {"source": 32, "target": 17, "label": "D"}, {"source": 27, "target": 4, "label": "C"}, {"source": 32, "target": 21, "label": "F"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 11, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 8, "label": "E"}, {"source": 28, "target": 5, "label": "C"}, {"source": 26, "target": 29, "label": "A"}, {"source": 29, "target": 7, "label": "E"}, {"source": 25, "target": 30, "label": "H"}, {"source": 30, "target": 12, "label": "D"}, {"source": 29, "target": 9, "label": "C"}, {"source": 30, "target": 13, "label": "P"}, {"source": 32, "target": 19, "label": "D"}, {"source": 32, "target": 23, "label": "U"}, {"source": 25, "target": 32, "label": "H"}, {"source": 26, "target": 27, "label": "P"}, {"source": 31, "target": 14, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 20, "label": "D"}, {"source": 32, "target": 22, "label": "S"}]} +{"id": "181771-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Jeff and Craig are really good at what they do and know exactly how to treat a customer.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 3, "label": "F"}, {"source": 19, "target": 1, "label": "N"}, {"source": 21, "target": 12, "label": "D"}, {"source": 22, "target": 6, "label": "R"}, {"source": 22, "target": 8, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 21, "target": 4, "label": "D"}, {"source": 19, "target": 0, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 14, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 19, "label": "A"}, {"source": 23, "target": 10, "label": "N"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "F"}, {"source": 23, "target": 9, "label": "C"}, {"source": 21, "target": 5, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 11, "label": "C"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "181771-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Definitely go see them!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "182354-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Prominent Builders NJ", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "182354-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Prominent Builders in New Jersey are one the best building contractors, I was referred to them by my friend, I am so glad I used them for my Home renovation, and addition.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 40}]}, {"id": 5, "anchors": [{"from": 41, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 70}]}, {"id": 9, "anchors": [{"from": 70, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 156}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 170}]}, {"id": 33, "anchors": [{"from": 170, "to": 171}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 44, "target": 26, "label": "R"}, {"source": 45, "target": 27, "label": "A"}, {"source": 38, "target": 6, "label": "E"}, {"source": 36, "target": 43, "label": "H"}, {"source": 34, "target": 0, "label": "C"}, {"source": 38, "target": 5, "label": "E"}, {"source": 40, "target": 14, "label": "C"}, {"source": 41, "target": 16, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 21, "label": "D"}, {"source": 44, "target": 45, "label": "C"}, {"source": 40, "target": 13, "label": "R"}, {"source": 39, "target": 11, "label": "F"}, {"source": 36, "target": 31, "label": "L"}, {"source": 36, "target": 47, "label": "H"}, {"source": 38, "target": 8, "label": "C"}, {"source": 38, "target": 7, "label": "E"}, {"source": 47, "target": 32, "label": "P"}, {"source": 47, "target": 33, "label": "U"}, {"source": 42, "target": 22, "label": "A"}, {"source": 42, "target": 19, "label": "A"}, {"source": 39, "target": 12, "label": "P"}, {"source": 41, "target": 15, "label": "R"}, {"source": 46, "target": 29, "label": "C"}, {"source": 46, "target": 28, "label": "E"}, {"source": 36, "target": 39, "label": "H"}, {"source": 34, "target": 37, "label": "E"}, {"source": 35, "target": 34, "label": "A"}, {"source": 35, "target": 3, "label": "S"}, {"source": 39, "target": 41, "label": "A"}, {"source": 36, "target": 9, "label": "U"}, {"source": 36, "target": 42, "label": "H"}, {"source": 36, "target": 30, "label": "U"}, {"source": 41, "target": 17, "label": "C"}, {"source": 43, "target": 24, "label": "P"}, {"source": 43, "target": 25, "label": "A"}, {"source": 37, "target": 1, "label": "R"}, {"source": 45, "target": 46, "label": "P"}, {"source": 42, "target": 20, "label": "F"}, {"source": 38, "target": 4, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 35, "target": 38, "label": "A"}, {"source": 36, "target": 18, "label": "U"}, {"source": 43, "target": 23, "label": "A"}, {"source": 39, "target": 10, "label": "A"}, {"source": 37, "target": 2, "label": "C"}]} +{"id": "182354-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were very professional, respectful, completed the Job on time, and well below my budget.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 25, "target": 14, "label": "D"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 4, "label": "U"}, {"source": 24, "target": 10, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 2, "label": "E"}, {"source": 20, "target": 6, "label": "U"}, {"source": 23, "target": 8, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 24, "label": "D"}, {"source": 19, "target": 1, "label": "S"}, {"source": 20, "target": 12, "label": "U"}, {"source": 23, "target": 9, "label": "C"}, {"source": 26, "target": 15, "label": "R"}, {"source": 19, "target": 5, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 20, "target": 13, "label": "L"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "182354-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mike one of owners was awesome, he explained the detailed plan, and executed on time, I am always going use them and refer them to many friends I can because of the great job they did me.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 160}]}, {"id": 34, "anchors": [{"from": 161, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 170}]}, {"id": 36, "anchors": [{"from": 171, "to": 174}]}, {"id": 37, "anchors": [{"from": 175, "to": 179}]}, {"id": 38, "anchors": [{"from": 180, "to": 183}]}, {"id": 39, "anchors": [{"from": 184, "to": 186}]}, {"id": 40, "anchors": [{"from": 186, "to": 187}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 54, "target": 27, "label": "R"}, {"source": 44, "target": 53, "label": "H"}, {"source": 47, "target": 7, "label": "A"}, {"source": 55, "target": 31, "label": "P"}, {"source": 58, "target": 37, "label": "A"}, {"source": 42, "target": 46, "label": "E"}, {"source": 46, "target": 45, "label": "E"}, {"source": 52, "target": 21, "label": "D"}, {"source": 48, "target": 11, "label": "C"}, {"source": 49, "target": 48, "label": "P"}, {"source": 53, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 52, "label": "H"}, {"source": 47, "target": 8, "label": "P"}, {"source": 48, "target": 10, "label": "E"}, {"source": 44, "target": 56, "label": "L"}, {"source": 58, "target": 39, "label": "A"}, {"source": 54, "target": 55, "label": "E"}, {"source": 52, "target": 20, "label": "D"}, {"source": 41, "target": 5, "label": "S"}, {"source": 44, "target": 13, "label": "L"}, {"source": 52, "target": 18, "label": "A"}, {"source": 50, "target": 51, "label": "D"}, {"source": 57, "target": 36, "label": "C"}, {"source": 51, "target": 15, "label": "R"}, {"source": 45, "target": 1, "label": "C"}, {"source": 50, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 24, "label": "L"}, {"source": 51, "target": 16, "label": "C"}, {"source": 52, "target": 22, "label": "P"}, {"source": 54, "target": 28, "label": "E"}, {"source": 54, "target": 29, "label": "C"}, {"source": 45, "target": 2, "label": "R"}, {"source": 43, "target": 0, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 53, "target": 54, "label": "A"}, {"source": 58, "target": 40, "label": "U"}, {"source": 49, "target": 17, "label": "U"}, {"source": 57, "target": 35, "label": "E"}, {"source": 48, "target": 9, "label": "E"}, {"source": 56, "target": 33, "label": "F"}, {"source": 41, "target": 4, "label": "F"}, {"source": 56, "target": 32, "label": "C"}, {"source": 44, "target": 47, "label": "H"}, {"source": 57, "target": 34, "label": "E"}, {"source": 44, "target": 41, "label": "H"}, {"source": 53, "target": 25, "label": "P"}, {"source": 42, "target": 43, "label": "E"}, {"source": 50, "target": 14, "label": "P"}, {"source": 43, "target": 6, "label": "U"}, {"source": 43, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 3, "label": "C"}, {"source": 53, "target": 26, "label": "A"}, {"source": 55, "target": 30, "label": "A"}, {"source": 47, "target": 49, "label": "A"}, {"source": 58, "target": 38, "label": "S"}, {"source": 52, "target": 23, "label": "A"}, {"source": 58, "target": 57, "label": "A"}, {"source": 49, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 12, "label": "U"}, {"source": 52, "target": 19, "label": "F"}, {"source": 44, "target": 58, "label": "H"}, {"source": 47, "target": 50, "label": "A"}]} +{"id": "183172-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DO NOT GO HERE!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 9}, {"from": 10, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "183172-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I went to get my nails filled Friday, by Monday 2 were broken.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 47}, {"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 18, "label": "D"}, {"source": 17, "target": 7, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 14, "target": 1, "label": "D"}, {"source": 18, "target": 9, "label": "R"}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 17, "label": "A"}, {"source": 19, "target": 12, "label": "S"}, {"source": 15, "target": 8, "label": "U"}, {"source": 14, "target": 2, "label": "F"}, {"source": 19, "target": 11, "label": "F"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "183172-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was not happy with the way they looked, very wavy, uneven edges, and with the exception of 1, there is a dip in the center of each nail.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 104}]}, {"id": 25, "anchors": [{"from": 105, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 110}]}, {"id": 27, "anchors": [{"from": 111, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 117}]}, {"id": 29, "anchors": [{"from": 118, "to": 124}]}, {"id": 30, "anchors": [{"from": 125, "to": 127}]}, {"id": 31, "anchors": [{"from": 128, "to": 132}, {"from": 133, "to": 137}]}, {"id": 32, "anchors": [{"from": 137, "to": 138}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 36, "target": 8, "label": "S"}, {"source": 44, "target": 28, "label": "E"}, {"source": 33, "target": 3, "label": "S"}, {"source": 34, "target": 15, "label": "U"}, {"source": 33, "target": 0, "label": "A"}, {"source": 41, "target": 22, "label": "U"}, {"source": 41, "target": 23, "label": "F"}, {"source": 42, "target": 18, "label": "E"}, {"source": 43, "target": 26, "label": "C"}, {"source": 39, "target": 14, "label": "C"}, {"source": 41, "target": 40, "label": "A"}, {"source": 38, "target": 12, "label": "U"}, {"source": 33, "target": 2, "label": "D"}, {"source": 38, "target": 37, "label": "C"}, {"source": 38, "target": 39, "label": "C"}, {"source": 45, "target": 32, "label": "U"}, {"source": 43, "target": 44, "label": "E"}, {"source": 35, "target": 4, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 36, "target": 38, "label": "A"}, {"source": 41, "target": 24, "label": "S"}, {"source": 35, "target": 6, "label": "C"}, {"source": 45, "target": 30, "label": "R"}, {"source": 42, "target": 20, "label": "R"}, {"source": 37, "target": 11, "label": "C"}, {"source": 44, "target": 29, "label": "C"}, {"source": 45, "target": 31, "label": "C"}, {"source": 36, "target": 9, "label": "U"}, {"source": 34, "target": 33, "label": "H"}, {"source": 36, "target": 7, "label": "A"}, {"source": 40, "target": 17, "label": "R"}, {"source": 34, "target": 36, "label": "H"}, {"source": 40, "target": 42, "label": "E"}, {"source": 44, "target": 45, "label": "E"}, {"source": 41, "target": 43, "label": "A"}, {"source": 42, "target": 19, "label": "C"}, {"source": 43, "target": 25, "label": "E"}, {"source": 34, "target": 41, "label": "H"}, {"source": 33, "target": 1, "label": "F"}, {"source": 44, "target": 27, "label": "R"}, {"source": 39, "target": 13, "label": "E"}, {"source": 37, "target": 10, "label": "E"}, {"source": 40, "target": 21, "label": "C"}, {"source": 34, "target": 16, "label": "L"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "183172-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also had a pedicure, and they cut my nails too short, one of my big toes looks like its getting infected.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 88}]}, {"id": 22, "anchors": [{"from": 88, "to": 89}]}, {"id": 23, "anchors": [{"from": 90, "to": 97}]}, {"id": 24, "anchors": [{"from": 98, "to": 106}]}, {"id": 25, "anchors": [{"from": 106, "to": 107}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 35, "target": 21, "label": "C"}, {"source": 27, "target": 13, "label": "U"}, {"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 26, "target": 28, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 5, "label": "U"}, {"source": 37, "target": 23, "label": "D"}, {"source": 34, "target": 33, "label": "A"}, {"source": 37, "target": 25, "label": "U"}, {"source": 32, "target": 15, "label": "R"}, {"source": 26, "target": 2, "label": "F"}, {"source": 33, "target": 17, "label": "E"}, {"source": 30, "target": 10, "label": "C"}, {"source": 34, "target": 19, "label": "P"}, {"source": 33, "target": 32, "label": "E"}, {"source": 36, "target": 22, "label": "E"}, {"source": 31, "target": 12, "label": "C"}, {"source": 35, "target": 20, "label": "R"}, {"source": 27, "target": 6, "label": "L"}, {"source": 34, "target": 35, "label": "A"}, {"source": 37, "target": 24, "label": "P"}, {"source": 27, "target": 34, "label": "H"}, {"source": 33, "target": 16, "label": "E"}, {"source": 35, "target": 36, "label": "E"}, {"source": 32, "target": 14, "label": "C"}, {"source": 29, "target": 8, "label": "P"}, {"source": 26, "target": 1, "label": "D"}, {"source": 28, "target": 4, "label": "C"}, {"source": 31, "target": 11, "label": "E"}, {"source": 28, "target": 3, "label": "E"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 18, "label": "C"}, {"source": 29, "target": 7, "label": "A"}, {"source": 36, "target": 37, "label": "C"}, {"source": 30, "target": 9, "label": "E"}]} +{"id": "183518-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "An Asset to Richmond", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 8}, {"from": 9, "to": 11}, {"from": 12, "to": 20}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "183518-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For a long time, one big source of entertainment missing from the Richmond City Limits was a first-run multiplex.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}, {"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 112}]}, {"id": 21, "anchors": [{"from": 112, "to": 113}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 25, "target": 7, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 27, "target": 13, "label": "E"}, {"source": 28, "target": 21, "label": "U"}, {"source": 25, "target": 26, "label": "E"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 15, "label": "F"}, {"source": 27, "target": 11, "label": "R"}, {"source": 22, "target": 2, "label": "E"}, {"source": 22, "target": 3, "label": "C"}, {"source": 27, "target": 12, "label": "E"}, {"source": 26, "target": 8, "label": "R"}, {"source": 29, "target": 18, "label": "U"}, {"source": 28, "target": 20, "label": "C"}, {"source": 22, "target": 1, "label": "E"}, {"source": 24, "target": 22, "label": "D"}, {"source": 22, "target": 0, "label": "R"}, {"source": 24, "target": 4, "label": "U"}, {"source": 27, "target": 14, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 26, "target": 9, "label": "C"}, {"source": 24, "target": 28, "label": "A"}, {"source": 24, "target": 10, "label": "S"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 17, "label": "E"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "183518-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bowtie has filled that role nicely.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 5, "label": "D"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "183518-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The theatre is in an old brick warehouse, which is a block away from the Flying Squirrels stadium.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}, {"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 22, "target": 3, "label": "R"}, {"source": 24, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 22, "target": 23, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 8, "label": "U"}, {"source": 22, "target": 24, "label": "E"}, {"source": 24, "target": 25, "label": "P"}, {"source": 24, "target": 9, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 10, "label": "F"}, {"source": 21, "target": 19, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 21, "target": 2, "label": "S"}, {"source": 22, "target": 4, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 5, "label": "E"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "183518-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owners of Bowtie manged to add something new while preserving what was already there.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 89}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 12, "label": "S"}, {"source": 20, "target": 10, "label": "P"}, {"source": 16, "target": 19, "label": "E"}, {"source": 17, "target": 4, "label": "D"}, {"source": 17, "target": 7, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 14, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 6, "label": "P"}, {"source": 17, "target": 8, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 13, "label": "D"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 2, "label": "R"}, {"source": 17, "target": 5, "label": "F"}]} +{"id": "183518-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The theatre has greatly improved the surrounding neighborhood.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 61}]}, {"id": 8, "anchors": [{"from": 61, "to": 62}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "D"}]} +{"id": "183518-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There's plenty of parking, and I've never had an issue with audience members who won't stop talking or answering their cellphones.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}, {"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 22, "label": "E"}, {"source": 31, "target": 13, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 17, "label": "D"}, {"source": 25, "target": 0, "label": "F"}, {"source": 25, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "C"}, {"source": 27, "target": 3, "label": "R"}, {"source": 32, "target": 33, "label": "H"}, {"source": 34, "target": 19, "label": "C"}, {"source": 34, "target": 20, "label": "N"}, {"source": 33, "target": 35, "label": "A"}, {"source": 33, "target": 16, "label": "D"}, {"source": 27, "target": 2, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 27, "label": "E"}, {"source": 31, "target": 12, "label": "R"}, {"source": 30, "target": 31, "label": "E"}, {"source": 26, "target": 6, "label": "L"}, {"source": 33, "target": 18, "label": "D"}, {"source": 28, "target": 4, "label": "C"}, {"source": 33, "target": 34, "label": "P"}, {"source": 35, "target": 24, "label": "U"}, {"source": 26, "target": 5, "label": "U"}, {"source": 30, "target": 10, "label": "E"}, {"source": 33, "target": 15, "label": "R"}, {"source": 29, "target": 7, "label": "A"}, {"source": 29, "target": 9, "label": "P"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 1, "label": "S"}, {"source": 31, "target": 32, "label": "E"}, {"source": 34, "target": 21, "label": "C"}, {"source": 29, "target": 8, "label": "D"}, {"source": 31, "target": 14, "label": "C"}]} +{"id": "183518-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best of all, there are no ads!!!!!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 3, "label": "U"}, {"source": 13, "target": 5, "label": "S"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 10, "label": "E"}, {"source": 13, "target": 6, "label": "D"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 1, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "183518-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just previews and the main feature.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 7, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 2, "label": "N"}]} +{"id": "183518-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Expect to pay full price, and the theatres themselves are on the small side.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 18, "target": 4, "label": "C"}, {"source": 16, "target": 18, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "S"}, {"source": 21, "target": 12, "label": "E"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 20, "target": 21, "label": "D"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "D"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 5, "label": "U"}, {"source": 16, "target": 3, "label": "D"}, {"source": 18, "target": 2, "label": "F"}]} +{"id": "183518-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But if you like going to the movies, you should love Bowtie.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 15, "target": 7, "label": "U"}, {"source": 16, "target": 5, "label": "E"}, {"source": 17, "target": 9, "label": "D"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 17, "target": 8, "label": "A"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "183518-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The mangers also play a classic movies on Sundays, you can get a beer in the lobby, and repeat customers can get discounts if they have a member card.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 150}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 40, "target": 15, "label": "R"}, {"source": 45, "target": 29, "label": "E"}, {"source": 41, "target": 21, "label": "C"}, {"source": 34, "target": 9, "label": "U"}, {"source": 42, "target": 43, "label": "P"}, {"source": 44, "target": 27, "label": "P"}, {"source": 39, "target": 14, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 28, "label": "E"}, {"source": 41, "target": 20, "label": "E"}, {"source": 33, "target": 3, "label": "P"}, {"source": 34, "target": 42, "label": "H"}, {"source": 33, "target": 36, "label": "A"}, {"source": 33, "target": 2, "label": "D"}, {"source": 34, "target": 18, "label": "U"}, {"source": 42, "target": 44, "label": "A"}, {"source": 36, "target": 7, "label": "R"}, {"source": 44, "target": 26, "label": "A"}, {"source": 43, "target": 22, "label": "F"}, {"source": 35, "target": 4, "label": "E"}, {"source": 38, "target": 12, "label": "C"}, {"source": 34, "target": 19, "label": "L"}, {"source": 33, "target": 35, "label": "A"}, {"source": 32, "target": 1, "label": "C"}, {"source": 35, "target": 6, "label": "C"}, {"source": 37, "target": 40, "label": "A"}, {"source": 43, "target": 24, "label": "C"}, {"source": 37, "target": 10, "label": "A"}, {"source": 45, "target": 31, "label": "U"}, {"source": 36, "target": 8, "label": "C"}, {"source": 34, "target": 33, "label": "H"}, {"source": 42, "target": 41, "label": "A"}, {"source": 40, "target": 17, "label": "C"}, {"source": 37, "target": 38, "label": "P"}, {"source": 42, "target": 23, "label": "A"}, {"source": 33, "target": 32, "label": "A"}, {"source": 38, "target": 11, "label": "F"}, {"source": 32, "target": 0, "label": "E"}, {"source": 44, "target": 45, "label": "A"}, {"source": 45, "target": 30, "label": "C"}, {"source": 34, "target": 37, "label": "H"}, {"source": 40, "target": 16, "label": "E"}, {"source": 44, "target": 25, "label": "R"}, {"source": 39, "target": 13, "label": "E"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "183518-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A great cinema in a great location.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "183518-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you, Bowtie!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "U"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "184290-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "wow wow wow.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "184290-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the bast cab in minneapolis", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "184731-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The World's Fair museum was pretty cool.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 9, "target": 12, "label": "E"}, {"source": 11, "target": 7, "label": "S"}, {"source": 11, "target": 5, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 2, "label": "R"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "185045-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rcommended by bees, too!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 1, "label": "R"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 4, "label": "R"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "185045-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "185045-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Joe removed a wasp nest for our condominium building and we appreciated the environmentally friendly method and prompt, friendly and informative service.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 100}]}, {"id": 15, "anchors": [{"from": 101, "to": 107}]}, {"id": 16, "anchors": [{"from": 108, "to": 111}]}, {"id": 17, "anchors": [{"from": 112, "to": 118}]}, {"id": 18, "anchors": [{"from": 118, "to": 119}]}, {"id": 19, "anchors": [{"from": 120, "to": 128}]}, {"id": 20, "anchors": [{"from": 129, "to": 132}]}, {"id": 21, "anchors": [{"from": 133, "to": 144}]}, {"id": 22, "anchors": [{"from": 145, "to": 152}]}, {"id": 23, "anchors": [{"from": 152, "to": 153}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 9, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 31, "target": 18, "label": "U"}, {"source": 26, "target": 2, "label": "E"}, {"source": 30, "target": 31, "label": "C"}, {"source": 28, "target": 11, "label": "S"}, {"source": 30, "target": 29, "label": "C"}, {"source": 32, "target": 22, "label": "C"}, {"source": 29, "target": 15, "label": "C"}, {"source": 24, "target": 1, "label": "P"}, {"source": 31, "target": 20, "label": "N"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 31, "target": 32, "label": "C"}, {"source": 27, "target": 6, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 13, "label": "E"}, {"source": 26, "target": 4, "label": "C"}, {"source": 27, "target": 5, "label": "R"}, {"source": 29, "target": 12, "label": "E"}, {"source": 29, "target": 14, "label": "E"}, {"source": 32, "target": 21, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 28, "target": 10, "label": "A"}, {"source": 30, "target": 16, "label": "N"}, {"source": 31, "target": 19, "label": "C"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "185045-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No spraying of pesticides!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "185045-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very professional.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "185045-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Reasonable rate.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "185045-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We highly recommend Joe and his wasp removal service to individual home owners and condos.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 89}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "E"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 3, "label": "C"}, {"source": 18, "target": 4, "label": "N"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 22, "label": "C"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 1, "label": "D"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 22, "target": 21, "label": "C"}, {"source": 22, "target": 13, "label": "N"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 9, "label": "R"}, {"source": 19, "target": 5, "label": "E"}]} +{"id": "185045-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He knows his bees!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "185045-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Suzanne, Vancouver", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "E"}]} +{"id": "186135-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Too Expensive", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "E"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "186135-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food's okay, but the price is outrageous.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 2, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "D"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 11, "label": "S"}, {"source": 16, "target": 9, "label": "S"}, {"source": 13, "target": 5, "label": "L"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "186235-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "wow, the representative went way above and beyond in helping me with my account set up.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}, {"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "S"}, {"source": 23, "target": 11, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 23, "target": 10, "label": "P"}, {"source": 24, "target": 12, "label": "R"}, {"source": 21, "target": 8, "label": "D"}, {"source": 20, "target": 4, "label": "D"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 22, "label": "P"}, {"source": 18, "target": 1, "label": "U"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "L"}, {"source": 22, "target": 9, "label": "F"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 5, "label": "S"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "186235-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i wish the other utilities i had to set up had people to work with like this..", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}, {"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 17, "target": 0, "label": "L"}, {"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 2, "label": "E"}, {"source": 22, "target": 10, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 20, "target": 5, "label": "D"}, {"source": 19, "target": 3, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 12, "label": "P"}, {"source": 20, "target": 7, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 6, "label": "F"}, {"source": 25, "target": 14, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "U"}, {"source": 22, "target": 9, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 23, "target": 24, "label": "A"}]} +{"id": "186275-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": ":)", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "186275-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will gladly recommend you to anyone in need of or looking for a good florist.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "anchors": [{"from": 78, "to": 79}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 1, "label": "F"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 20, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 20, "target": 7, "label": "F"}, {"source": 24, "target": 12, "label": "R"}, {"source": 18, "target": 2, "label": "D"}, {"source": 18, "target": 4, "label": "A"}, {"source": 18, "target": 3, "label": "P"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "186284-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Superb Arrangements", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 19}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "186284-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used Fancy Flowers for my late husband's funeral flowers as they had been recommended to me.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}, {"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 9, "label": "E"}, {"source": 22, "target": 13, "label": "F"}, {"source": 19, "target": 10, "label": "L"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "F"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 1, "label": "P"}, {"source": 22, "target": 14, "label": "P"}, {"source": 20, "target": 3, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 2, "label": "A"}, {"source": 23, "target": 15, "label": "R"}, {"source": 21, "target": 7, "label": "R"}, {"source": 22, "target": 11, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "186284-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am so glad that I called in to see Ana, she is a lovely girl who showed nothing but care and compassion towards me.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 45}]}, {"id": 13, "anchors": [{"from": 46, "to": 48}]}, {"id": 14, "anchors": [{"from": 49, "to": 50}]}, {"id": 15, "anchors": [{"from": 51, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 66}]}, {"id": 18, "anchors": [{"from": 67, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 116}]}, {"id": 26, "anchors": [{"from": 116, "to": 117}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 33, "target": 15, "label": "E"}, {"source": 36, "target": 23, "label": "C"}, {"source": 36, "target": 21, "label": "C"}, {"source": 33, "target": 14, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 34, "target": 18, "label": "P"}, {"source": 31, "target": 10, "label": "C"}, {"source": 35, "target": 19, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 34, "target": 17, "label": "F"}, {"source": 37, "target": 24, "label": "R"}, {"source": 27, "target": 3, "label": "S"}, {"source": 32, "target": 13, "label": "S"}, {"source": 34, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 6, "label": "C"}, {"source": 30, "target": 7, "label": "E"}, {"source": 35, "target": 20, "label": "N"}, {"source": 27, "target": 0, "label": "A"}, {"source": 29, "target": 5, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 11, "label": "U"}, {"source": 35, "target": 36, "label": "C"}, {"source": 27, "target": 1, "label": "F"}, {"source": 31, "target": 30, "label": "E"}, {"source": 34, "target": 37, "label": "A"}, {"source": 28, "target": 32, "label": "H"}, {"source": 29, "target": 8, "label": "F"}, {"source": 29, "target": 4, "label": "F"}, {"source": 37, "target": 26, "label": "U"}, {"source": 36, "target": 22, "label": "N"}, {"source": 32, "target": 12, "label": "A"}, {"source": 37, "target": 25, "label": "C"}, {"source": 29, "target": 9, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 27, "target": 2, "label": "D"}]} +{"id": "186284-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The flowers were all that I hoped they would be, I have attended several funerals of late unfortunately and the flowers I recieved from Ana outshone them all.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 153}]}, {"id": 28, "anchors": [{"from": 154, "to": 157}]}, {"id": 29, "anchors": [{"from": 157, "to": 158}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 39, "target": 18, "label": "C"}, {"source": 44, "target": 26, "label": "R"}, {"source": 30, "target": 1, "label": "C"}, {"source": 41, "target": 21, "label": "C"}, {"source": 39, "target": 17, "label": "E"}, {"source": 34, "target": 7, "label": "A"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 33, "target": 6, "label": "P"}, {"source": 44, "target": 27, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 4, "label": "F"}, {"source": 37, "target": 38, "label": "E"}, {"source": 41, "target": 20, "label": "E"}, {"source": 31, "target": 2, "label": "F"}, {"source": 42, "target": 23, "label": "P"}, {"source": 37, "target": 15, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 40, "target": 19, "label": "N"}, {"source": 42, "target": 22, "label": "A"}, {"source": 43, "target": 25, "label": "C"}, {"source": 32, "target": 36, "label": "H"}, {"source": 37, "target": 14, "label": "E"}, {"source": 36, "target": 42, "label": "A"}, {"source": 40, "target": 39, "label": "C"}, {"source": 31, "target": 30, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 43, "target": 24, "label": "R"}, {"source": 40, "target": 41, "label": "C"}, {"source": 35, "target": 8, "label": "F"}, {"source": 35, "target": 9, "label": "C"}, {"source": 36, "target": 12, "label": "F"}, {"source": 31, "target": 3, "label": "S"}, {"source": 42, "target": 28, "label": "A"}, {"source": 36, "target": 11, "label": "A"}, {"source": 33, "target": 5, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 30, "target": 0, "label": "E"}, {"source": 34, "target": 35, "label": "P"}, {"source": 36, "target": 13, "label": "P"}, {"source": 38, "target": 16, "label": "R"}, {"source": 32, "target": 10, "label": "U"}, {"source": 38, "target": 40, "label": "C"}]} +{"id": "186284-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is so talented, the flowers were arranged superbly and delicately, it is so obvious to see the difference between someone fully trained and skilled compared to others.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 160}]}, {"id": 28, "anchors": [{"from": 161, "to": 163}]}, {"id": 29, "anchors": [{"from": 164, "to": 170}]}, {"id": 30, "anchors": [{"from": 170, "to": 171}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 36, "target": 17, "label": "F"}, {"source": 35, "target": 10, "label": "N"}, {"source": 36, "target": 18, "label": "S"}, {"source": 36, "target": 15, "label": "D"}, {"source": 39, "target": 22, "label": "A"}, {"source": 36, "target": 16, "label": "D"}, {"source": 33, "target": 6, "label": "C"}, {"source": 32, "target": 31, "label": "H"}, {"source": 36, "target": 14, "label": "F"}, {"source": 37, "target": 20, "label": "C"}, {"source": 31, "target": 2, "label": "D"}, {"source": 37, "target": 38, "label": "E"}, {"source": 43, "target": 29, "label": "C"}, {"source": 32, "target": 34, "label": "H"}, {"source": 41, "target": 25, "label": "N"}, {"source": 34, "target": 33, "label": "A"}, {"source": 38, "target": 39, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 39, "target": 40, "label": "P"}, {"source": 32, "target": 4, "label": "U"}, {"source": 34, "target": 8, "label": "S"}, {"source": 32, "target": 36, "label": "H"}, {"source": 36, "target": 13, "label": "A"}, {"source": 34, "target": 7, "label": "F"}, {"source": 42, "target": 27, "label": "C"}, {"source": 32, "target": 12, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 5, "label": "E"}, {"source": 40, "target": 23, "label": "D"}, {"source": 40, "target": 41, "label": "C"}, {"source": 35, "target": 9, "label": "C"}, {"source": 31, "target": 3, "label": "S"}, {"source": 42, "target": 43, "label": "E"}, {"source": 41, "target": 26, "label": "C"}, {"source": 39, "target": 42, "label": "A"}, {"source": 43, "target": 30, "label": "U"}, {"source": 43, "target": 28, "label": "R"}, {"source": 37, "target": 19, "label": "E"}, {"source": 41, "target": 24, "label": "C"}, {"source": 38, "target": 21, "label": "R"}, {"source": 31, "target": 1, "label": "F"}, {"source": 35, "target": 11, "label": "C"}]} +{"id": "186284-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you Ana I hope to see you in the future under better circumstances.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 13}, {"from": 14, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 0, "label": "P"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 7, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 4, "label": "P"}, {"source": 16, "target": 5, "label": "A"}, {"source": 15, "target": 1, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "187163-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Linda", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "187163-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend Landscape by Hiro.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 9, "target": 4, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "187163-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent customer service and quality work.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 1, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "C"}, {"source": 9, "target": 10, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "C"}, {"source": 12, "target": 3, "label": "N"}]} +{"id": "187266-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wish this was in Saratoga--", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "187266-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were introduced to Bistro Tallulah by traveler-professional diner who happens to own the Adelphi Hotel and travels the world-- and residing in Paris,London, New York the rest of the year.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 49}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 80}]}, {"id": 12, "anchors": [{"from": 81, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 105}]}, {"id": 17, "anchors": [{"from": 106, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 117}]}, {"id": 19, "anchors": [{"from": 118, "to": 121}]}, {"id": 20, "anchors": [{"from": 122, "to": 127}]}, {"id": 21, "anchors": [{"from": 127, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 142}]}, {"id": 24, "anchors": [{"from": 143, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 151}]}, {"id": 26, "anchors": [{"from": 151, "to": 152}]}, {"id": 27, "anchors": [{"from": 152, "to": 158}]}, {"id": 28, "anchors": [{"from": 158, "to": 159}]}, {"id": 29, "anchors": [{"from": 160, "to": 163}, {"from": 164, "to": 168}]}, {"id": 30, "anchors": [{"from": 169, "to": 172}]}, {"id": 31, "anchors": [{"from": 173, "to": 177}]}, {"id": 32, "anchors": [{"from": 178, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 184}]}, {"id": 34, "anchors": [{"from": 185, "to": 189}]}, {"id": 35, "anchors": [{"from": 189, "to": 190}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 50, "target": 35, "label": "U"}, {"source": 45, "target": 18, "label": "P"}, {"source": 39, "target": 9, "label": "C"}, {"source": 48, "target": 27, "label": "E"}, {"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 5, "label": "R"}, {"source": 48, "target": 24, "label": "R"}, {"source": 49, "target": 31, "label": "C"}, {"source": 41, "target": 10, "label": "R"}, {"source": 42, "target": 12, "label": "F"}, {"source": 47, "target": 49, "label": "D"}, {"source": 37, "target": 22, "label": "L"}, {"source": 48, "target": 28, "label": "U"}, {"source": 42, "target": 44, "label": "A"}, {"source": 46, "target": 19, "label": "E"}, {"source": 46, "target": 20, "label": "C"}, {"source": 37, "target": 21, "label": "U"}, {"source": 47, "target": 48, "label": "A"}, {"source": 45, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 32, "label": "R"}, {"source": 39, "target": 40, "label": "E"}, {"source": 36, "target": 39, "label": "A"}, {"source": 43, "target": 17, "label": "N"}, {"source": 36, "target": 0, "label": "A"}, {"source": 37, "target": 47, "label": "H"}, {"source": 36, "target": 38, "label": "A"}, {"source": 41, "target": 11, "label": "P"}, {"source": 40, "target": 7, "label": "U"}, {"source": 50, "target": 34, "label": "C"}, {"source": 36, "target": 2, "label": "P"}, {"source": 37, "target": 36, "label": "H"}, {"source": 36, "target": 1, "label": "F"}, {"source": 48, "target": 25, "label": "C"}, {"source": 48, "target": 26, "label": "U"}, {"source": 41, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 42, "label": "C"}, {"source": 41, "target": 43, "label": "A"}, {"source": 42, "target": 13, "label": "P"}, {"source": 38, "target": 4, "label": "C"}, {"source": 44, "target": 15, "label": "E"}, {"source": 47, "target": 23, "label": "P"}, {"source": 47, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 14, "label": "E"}, {"source": 49, "target": 30, "label": "E"}, {"source": 49, "target": 50, "label": "E"}, {"source": 40, "target": 8, "label": "C"}, {"source": 43, "target": 45, "label": "C"}, {"source": 40, "target": 6, "label": "E"}, {"source": 50, "target": 33, "label": "E"}, {"source": 44, "target": 16, "label": "C"}, {"source": 42, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 3, "label": "R"}, {"source": 48, "target": 29, "label": "E"}, {"source": 39, "target": 41, "label": "E"}]} +{"id": "187266-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "SHE KNOWS GREAT FOOD AND DINING EXPERIENCES.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 15}, {"from": 16, "to": 20}]}, {"id": 1, "anchors": [{"from": 21, "to": 24}]}, {"id": 2, "anchors": [{"from": 25, "to": 31}]}, {"id": 3, "anchors": [{"from": 32, "to": 43}]}, {"id": 4, "anchors": [{"from": 43, "to": 44}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 1, "label": "L"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "187266-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She was dead on-- this restaurant was wonderful--- do not be put off by the one negative review on this page.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 26, "target": 11, "label": "F"}, {"source": 23, "target": 2, "label": "P"}, {"source": 29, "target": 28, "label": "R"}, {"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 9, "label": "F"}, {"source": 24, "target": 26, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 14, "label": "R"}, {"source": 32, "target": 22, "label": "U"}, {"source": 32, "target": 20, "label": "E"}, {"source": 23, "target": 1, "label": "F"}, {"source": 26, "target": 6, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 7, "label": "E"}, {"source": 31, "target": 17, "label": "C"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 32, "label": "E"}, {"source": 24, "target": 3, "label": "U"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 26, "target": 10, "label": "D"}, {"source": 27, "target": 8, "label": "U"}, {"source": 26, "target": 29, "label": "A"}, {"source": 28, "target": 12, "label": "C"}, {"source": 31, "target": 16, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "E"}, {"source": 32, "target": 19, "label": "R"}]} +{"id": "187266-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I can tell you we were pleasantly surprised -- BT has taste memory and each time back the food was consistently delicious -- same dishes -- were consistent.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 155}]}, {"id": 28, "anchors": [{"from": 155, "to": 156}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 29, "target": 31, "label": "A"}, {"source": 38, "target": 28, "label": "U"}, {"source": 37, "target": 23, "label": "E"}, {"source": 32, "target": 9, "label": "A"}, {"source": 38, "target": 26, "label": "F"}, {"source": 30, "target": 29, "label": "H"}, {"source": 31, "target": 6, "label": "D"}, {"source": 38, "target": 25, "label": "U"}, {"source": 35, "target": 34, "label": "D"}, {"source": 29, "target": 3, "label": "A"}, {"source": 32, "target": 10, "label": "F"}, {"source": 34, "target": 15, "label": "C"}, {"source": 31, "target": 5, "label": "F"}, {"source": 30, "target": 35, "label": "H"}, {"source": 30, "target": 22, "label": "U"}, {"source": 35, "target": 20, "label": "D"}, {"source": 34, "target": 14, "label": "E"}, {"source": 32, "target": 33, "label": "P"}, {"source": 35, "target": 21, "label": "S"}, {"source": 37, "target": 24, "label": "C"}, {"source": 35, "target": 19, "label": "F"}, {"source": 29, "target": 1, "label": "D"}, {"source": 36, "target": 18, "label": "C"}, {"source": 29, "target": 0, "label": "A"}, {"source": 30, "target": 8, "label": "U"}, {"source": 31, "target": 7, "label": "P"}, {"source": 30, "target": 13, "label": "L"}, {"source": 38, "target": 27, "label": "S"}, {"source": 29, "target": 2, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 38, "label": "H"}, {"source": 31, "target": 4, "label": "A"}, {"source": 35, "target": 16, "label": "D"}, {"source": 30, "target": 32, "label": "H"}, {"source": 33, "target": 11, "label": "E"}, {"source": 36, "target": 17, "label": "E"}, {"source": 33, "target": 12, "label": "C"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "187266-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our friend is a world traveler and loves unpretentious dining experiences and inspired food.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 91}]}, {"id": 14, "anchors": [{"from": 91, "to": 92}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 20, "target": 9, "label": "E"}, {"source": 16, "target": 2, "label": "S"}, {"source": 21, "target": 20, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 7, "label": "P"}, {"source": 22, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 11, "label": "N"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "L"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 8, "label": "E"}, {"source": 20, "target": 10, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "C"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "187266-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This chef knows what he is doing.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 11, "target": 3, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "187266-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Treat yourself and go-- you will go back!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}, {"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "F"}, {"source": 9, "target": 1, "label": "D"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "P"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 2, "label": "L"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 7, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "187266-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a business owner in downtown Saratoga Springs and wish this restaurant was in our town!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}]}, {"id": 17, "anchors": [{"from": 91, "to": 92}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "A"}, {"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 13, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 21, "target": 7, "label": "E"}, {"source": 21, "target": 8, "label": "C"}, {"source": 20, "target": 3, "label": "E"}, {"source": 20, "target": 2, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 18, "target": 1, "label": "S"}, {"source": 21, "target": 5, "label": "R"}, {"source": 19, "target": 22, "label": "H"}, {"source": 21, "target": 6, "label": "E"}, {"source": 19, "target": 9, "label": "L"}, {"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "187266-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The affordable rent makes it possible for an inspired chef to serve his high quality fare at affordable prices!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 110}]}, {"id": 19, "anchors": [{"from": 110, "to": 111}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 5, "label": "S"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 27, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 20, "target": 1, "label": "E"}, {"source": 27, "target": 17, "label": "E"}, {"source": 27, "target": 16, "label": "R"}, {"source": 21, "target": 4, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 21, "target": 3, "label": "D"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 13, "label": "E"}, {"source": 20, "target": 2, "label": "C"}, {"source": 23, "target": 8, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 6, "label": "R"}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 0, "label": "E"}, {"source": 23, "target": 7, "label": "E"}, {"source": 24, "target": 11, "label": "P"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 18, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 27, "target": 19, "label": "U"}]} +{"id": "187266-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Unlike Saratoga.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "187266-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I rrly seek the cehf out to introduce myself-- but the second time we went-- i made a point of asking our wait person to introduce my friend and myself to the chef to tell him just how good our meals were.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 163}]}, {"id": 35, "anchors": [{"from": 164, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 171}]}, {"id": 37, "anchors": [{"from": 172, "to": 175}]}, {"id": 38, "anchors": [{"from": 176, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 184}]}, {"id": 40, "anchors": [{"from": 185, "to": 189}]}, {"id": 41, "anchors": [{"from": 190, "to": 193}]}, {"id": 42, "anchors": [{"from": 194, "to": 199}]}, {"id": 43, "anchors": [{"from": 200, "to": 204}]}, {"id": 44, "anchors": [{"from": 204, "to": 205}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 54, "target": 23, "label": "E"}, {"source": 60, "target": 35, "label": "F"}, {"source": 59, "target": 34, "label": "C"}, {"source": 49, "target": 13, "label": "C"}, {"source": 45, "target": 47, "label": "A"}, {"source": 45, "target": 1, "label": "D"}, {"source": 52, "target": 19, "label": "E"}, {"source": 49, "target": 11, "label": "E"}, {"source": 58, "target": 59, "label": "A"}, {"source": 60, "target": 61, "label": "A"}, {"source": 47, "target": 4, "label": "C"}, {"source": 51, "target": 52, "label": "A"}, {"source": 53, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 33, "label": "E"}, {"source": 52, "target": 20, "label": "C"}, {"source": 47, "target": 3, "label": "E"}, {"source": 51, "target": 18, "label": "P"}, {"source": 48, "target": 7, "label": "P"}, {"source": 53, "target": 22, "label": "P"}, {"source": 58, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 12, "label": "E"}, {"source": 50, "target": 14, "label": "A"}, {"source": 54, "target": 55, "label": "E"}, {"source": 55, "target": 27, "label": "P"}, {"source": 54, "target": 25, "label": "C"}, {"source": 60, "target": 44, "label": "U"}, {"source": 58, "target": 31, "label": "D"}, {"source": 46, "target": 10, "label": "L"}, {"source": 60, "target": 39, "label": "D"}, {"source": 46, "target": 50, "label": "H"}, {"source": 48, "target": 6, "label": "F"}, {"source": 45, "target": 0, "label": "A"}, {"source": 50, "target": 49, "label": "D"}, {"source": 48, "target": 8, "label": "D"}, {"source": 52, "target": 21, "label": "R"}, {"source": 59, "target": 32, "label": "R"}, {"source": 62, "target": 42, "label": "C"}, {"source": 45, "target": 5, "label": "A"}, {"source": 55, "target": 26, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 58, "target": 60, "label": "A"}, {"source": 57, "target": 58, "label": "C"}, {"source": 54, "target": 24, "label": "E"}, {"source": 61, "target": 40, "label": "C"}, {"source": 51, "target": 53, "label": "A"}, {"source": 46, "target": 9, "label": "U"}, {"source": 46, "target": 16, "label": "U"}, {"source": 45, "target": 2, "label": "P"}, {"source": 57, "target": 56, "label": "C"}, {"source": 45, "target": 48, "label": "A"}, {"source": 61, "target": 38, "label": "E"}, {"source": 51, "target": 17, "label": "A"}, {"source": 46, "target": 51, "label": "H"}, {"source": 60, "target": 43, "label": "F"}, {"source": 46, "target": 45, "label": "H"}, {"source": 50, "target": 15, "label": "P"}, {"source": 60, "target": 62, "label": "A"}, {"source": 55, "target": 57, "label": "A"}, {"source": 56, "target": 29, "label": "C"}, {"source": 60, "target": 37, "label": "A"}, {"source": 48, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 36, "label": "P"}, {"source": 57, "target": 30, "label": "N"}, {"source": 62, "target": 41, "label": "E"}, {"source": 56, "target": 28, "label": "E"}]} +{"id": "187266-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cannot wait to go gain.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "P"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "F"}, {"source": 8, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "187266-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "-R. Morris .", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 4, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "P"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 0, "label": "U"}]} +{"id": "187875-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BAD COFFEE, DONT BOTHER!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "187875-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Can't you make a decent cup of coffee?", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 5, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "187875-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You charge SO MUCH, yet you use the same grounds over and over again.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}, {"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 16, "target": 18, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "U"}, {"source": 19, "target": 12, "label": "F"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "D"}, {"source": 20, "target": 18, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 20, "target": 19, "label": "R"}, {"source": 16, "target": 4, "label": "L"}, {"source": 19, "target": 11, "label": "N"}, {"source": 17, "target": 5, "label": "A"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "187875-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The coffee taste BURNT and very bitter.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 13, "label": "C"}, {"source": 11, "target": 4, "label": "N"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 1, "label": "E"}, {"source": 13, "target": 12, "label": "D"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "187875-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No amount of sugar and milk can mask it.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 8, "label": "A"}, {"source": 12, "target": 10, "label": "S"}, {"source": 15, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 4, "label": "N"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "187875-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "CHANGE THE PROCESS, PPL!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "187875-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Westfield and Rt 1 do it well, WHY CANT U????", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}, {"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}, {"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 11, "label": "A"}, {"source": 12, "target": 3, "label": "P"}, {"source": 11, "target": 0, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 11, "target": 1, "label": "N"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 5, "label": "D"}, {"source": 13, "target": 15, "label": "H"}, {"source": 11, "target": 2, "label": "C"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "188382-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a great place to shop.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "S"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "188382-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've been a regular customer at this store since it opened, and love the fact that all of the employees are friendly locals.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 34, "target": 33, "label": "E"}, {"source": 35, "target": 22, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 31, "target": 14, "label": "E"}, {"source": 34, "target": 20, "label": "C"}, {"source": 29, "target": 9, "label": "A"}, {"source": 33, "target": 17, "label": "C"}, {"source": 25, "target": 28, "label": "A"}, {"source": 29, "target": 10, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 26, "target": 30, "label": "H"}, {"source": 27, "target": 4, "label": "C"}, {"source": 32, "target": 21, "label": "F"}, {"source": 33, "target": 18, "label": "R"}, {"source": 26, "target": 25, "label": "H"}, {"source": 25, "target": 1, "label": "F"}, {"source": 27, "target": 2, "label": "E"}, {"source": 34, "target": 19, "label": "E"}, {"source": 26, "target": 8, "label": "L"}, {"source": 28, "target": 7, "label": "C"}, {"source": 32, "target": 35, "label": "S"}, {"source": 25, "target": 27, "label": "S"}, {"source": 26, "target": 12, "label": "L"}, {"source": 26, "target": 11, "label": "U"}, {"source": 27, "target": 3, "label": "E"}, {"source": 30, "target": 13, "label": "P"}, {"source": 35, "target": 24, "label": "U"}, {"source": 28, "target": 5, "label": "R"}, {"source": 26, "target": 29, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 16, "label": "F"}, {"source": 31, "target": 15, "label": "C"}, {"source": 28, "target": 6, "label": "E"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "188382-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Particularly the lady who operates the front register, she's very kind!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 2, "label": "C"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 1, "label": "E"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 17, "target": 3, "label": "F"}, {"source": 17, "target": 4, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 17, "label": "E"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 9, "label": "A"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 11, "label": "D"}, {"source": 15, "target": 8, "label": "U"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "188461-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Totally flavored", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "188461-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The statement about \"best hamburguers in town\" can be even amplifiaed to \"best hamburguers in world\" Totally worth, juicy, big, fresh, and excellent customer service!", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 121}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 165}]}, {"id": 33, "anchors": [{"from": 165, "to": 166}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 44, "target": 32, "label": "C"}, {"source": 43, "target": 28, "label": "U"}, {"source": 38, "target": 6, "label": "R"}, {"source": 36, "target": 10, "label": "F"}, {"source": 36, "target": 11, "label": "D"}, {"source": 43, "target": 26, "label": "U"}, {"source": 41, "target": 17, "label": "R"}, {"source": 37, "target": 2, "label": "R"}, {"source": 36, "target": 39, "label": "S"}, {"source": 36, "target": 8, "label": "U"}, {"source": 36, "target": 40, "label": "A"}, {"source": 44, "target": 31, "label": "E"}, {"source": 44, "target": 30, "label": "E"}, {"source": 40, "target": 13, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 43, "target": 29, "label": "N"}, {"source": 40, "target": 41, "label": "E"}, {"source": 43, "target": 24, "label": "U"}, {"source": 37, "target": 5, "label": "C"}, {"source": 44, "target": 33, "label": "U"}, {"source": 42, "target": 21, "label": "C"}, {"source": 39, "target": 12, "label": "C"}, {"source": 36, "target": 19, "label": "U"}, {"source": 40, "target": 16, "label": "C"}, {"source": 41, "target": 18, "label": "C"}, {"source": 36, "target": 43, "label": "A"}, {"source": 43, "target": 25, "label": "C"}, {"source": 42, "target": 20, "label": "E"}, {"source": 34, "target": 37, "label": "E"}, {"source": 40, "target": 14, "label": "U"}, {"source": 34, "target": 0, "label": "E"}, {"source": 37, "target": 4, "label": "E"}, {"source": 36, "target": 34, "label": "A"}, {"source": 43, "target": 23, "label": "C"}, {"source": 38, "target": 7, "label": "C"}, {"source": 43, "target": 27, "label": "C"}, {"source": 43, "target": 22, "label": "U"}, {"source": 43, "target": 42, "label": "C"}, {"source": 34, "target": 1, "label": "C"}, {"source": 37, "target": 3, "label": "U"}, {"source": 43, "target": 44, "label": "C"}, {"source": 39, "target": 9, "label": "F"}, {"source": 40, "target": 15, "label": "E"}]} +{"id": "188548-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good food, good wait staff, poor management", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 10, "target": 2, "label": "U"}, {"source": 10, "target": 13, "label": "C"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "188548-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We visited on 7/26/08 for dinner We received a gift certificate for the Mama Mia's on Greenfield Ave.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 96}, {"from": 97, "to": 100}]}, {"id": 17, "anchors": [{"from": 100, "to": 101}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 4, "label": "R"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 24, "target": 12, "label": "E"}, {"source": 19, "target": 20, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 11, "label": "R"}, {"source": 25, "target": 16, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 19, "target": 1, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 2, "label": "R"}, {"source": 24, "target": 14, "label": "R"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "188548-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food was good, and so was our waitress.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 6, "label": "S"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "E"}, {"source": 12, "target": 5, "label": "L"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 10, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "188548-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When it came time to pay the bill up front, they would not let me use any of the certificate for a tip (which I have done with any other restaurant I've gotten a gift certificate for.)", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}, {"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 136}]}, {"id": 30, "anchors": [{"from": 137, "to": 147}]}, {"id": 31, "anchors": [{"from": 148, "to": 149}, {"from": 149, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 159}]}, {"id": 33, "anchors": [{"from": 160, "to": 161}]}, {"id": 34, "anchors": [{"from": 162, "to": 166}]}, {"id": 35, "anchors": [{"from": 167, "to": 178}]}, {"id": 36, "anchors": [{"from": 179, "to": 182}]}, {"id": 37, "anchors": [{"from": 182, "to": 183}]}, {"id": 38, "anchors": [{"from": 183, "to": 184}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 40, "target": 1, "label": "F"}, {"source": 52, "target": 51, "label": "A"}, {"source": 43, "target": 14, "label": "A"}, {"source": 39, "target": 0, "label": "L"}, {"source": 46, "target": 45, "label": "E"}, {"source": 39, "target": 52, "label": "H"}, {"source": 41, "target": 5, "label": "E"}, {"source": 50, "target": 28, "label": "E"}, {"source": 48, "target": 26, "label": "P"}, {"source": 43, "target": 10, "label": "A"}, {"source": 47, "target": 21, "label": "C"}, {"source": 53, "target": 38, "label": "U"}, {"source": 49, "target": 31, "label": "C"}, {"source": 49, "target": 27, "label": "R"}, {"source": 46, "target": 22, "label": "U"}, {"source": 50, "target": 30, "label": "C"}, {"source": 43, "target": 13, "label": "D"}, {"source": 47, "target": 20, "label": "R"}, {"source": 50, "target": 29, "label": "E"}, {"source": 39, "target": 43, "label": "H"}, {"source": 43, "target": 44, "label": "P"}, {"source": 43, "target": 12, "label": "D"}, {"source": 48, "target": 23, "label": "F"}, {"source": 48, "target": 25, "label": "F"}, {"source": 48, "target": 49, "label": "A"}, {"source": 42, "target": 8, "label": "C"}, {"source": 51, "target": 33, "label": "E"}, {"source": 48, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 2, "label": "D"}, {"source": 51, "target": 34, "label": "E"}, {"source": 46, "target": 47, "label": "E"}, {"source": 39, "target": 9, "label": "U"}, {"source": 41, "target": 4, "label": "F"}, {"source": 40, "target": 41, "label": "P"}, {"source": 41, "target": 6, "label": "C"}, {"source": 48, "target": 24, "label": "A"}, {"source": 39, "target": 40, "label": "H"}, {"source": 40, "target": 42, "label": "A"}, {"source": 45, "target": 16, "label": "C"}, {"source": 43, "target": 46, "label": "A"}, {"source": 39, "target": 32, "label": "L"}, {"source": 52, "target": 53, "label": "A"}, {"source": 46, "target": 48, "label": "E"}, {"source": 49, "target": 50, "label": "E"}, {"source": 45, "target": 17, "label": "R"}, {"source": 53, "target": 37, "label": "U"}, {"source": 44, "target": 15, "label": "C"}, {"source": 51, "target": 35, "label": "C"}, {"source": 46, "target": 18, "label": "E"}, {"source": 42, "target": 7, "label": "E"}, {"source": 53, "target": 36, "label": "R"}, {"source": 40, "target": 3, "label": "F"}, {"source": 46, "target": 19, "label": "C"}, {"source": 44, "target": 11, "label": "F"}]} +{"id": "188548-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I then asked if I could have money back in cash.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 8, "label": "D"}, {"source": 12, "target": 1, "label": "L"}, {"source": 14, "target": 3, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 15, "label": "P"}, {"source": 14, "target": 4, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "188548-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The person went to go check with the manager, who was sitting at a table chatting with her friends who were eating there.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 12, "label": "P"}, {"source": 31, "target": 13, "label": "R"}, {"source": 31, "target": 14, "label": "E"}, {"source": 27, "target": 3, "label": "F"}, {"source": 27, "target": 28, "label": "P"}, {"source": 32, "target": 18, "label": "E"}, {"source": 27, "target": 25, "label": "A"}, {"source": 33, "target": 23, "label": "A"}, {"source": 30, "target": 11, "label": "F"}, {"source": 32, "target": 17, "label": "R"}, {"source": 29, "target": 9, "label": "U"}, {"source": 25, "target": 0, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 27, "target": 29, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 25, "target": 1, "label": "C"}, {"source": 31, "target": 16, "label": "C"}, {"source": 30, "target": 10, "label": "F"}, {"source": 33, "target": 22, "label": "P"}, {"source": 29, "target": 6, "label": "R"}, {"source": 33, "target": 20, "label": "F"}, {"source": 29, "target": 8, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 30, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 15, "label": "E"}, {"source": 32, "target": 19, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 5, "label": "C"}, {"source": 29, "target": 7, "label": "E"}, {"source": 28, "target": 4, "label": "F"}, {"source": 33, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 2, "label": "D"}]} +{"id": "188548-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Her answer was short and manner rather rude.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "N"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 7, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "188548-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sorry for interrupting I guess.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 8, "target": 1, "label": "R"}, {"source": 10, "target": 4, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 9, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "188548-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The cashier was also short, unapologetic and made me feel as I was wasting her time.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 23, "target": 13, "label": "F"}, {"source": 24, "target": 17, "label": "U"}, {"source": 22, "target": 8, "label": "F"}, {"source": 22, "target": 10, "label": "S"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 21, "label": "S"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 5, "label": "U"}, {"source": 21, "target": 6, "label": "C"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 16, "label": "C"}, {"source": 22, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 11, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 9, "label": "A"}, {"source": 19, "target": 2, "label": "F"}]} +{"id": "188548-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There were no other options available (I only brought my check card to cover any overage cost) and she rang it up and applied it to the gift card before telling me about the tip policy.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 160}]}, {"id": 33, "anchors": [{"from": 161, "to": 163}]}, {"id": 34, "anchors": [{"from": 164, "to": 169}]}, {"id": 35, "anchors": [{"from": 170, "to": 173}]}, {"id": 36, "anchors": [{"from": 174, "to": 177}]}, {"id": 37, "anchors": [{"from": 178, "to": 184}]}, {"id": 38, "anchors": [{"from": 184, "to": 185}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 41, "target": 42, "label": "E"}, {"source": 49, "target": 30, "label": "C"}, {"source": 46, "target": 20, "label": "A"}, {"source": 43, "target": 10, "label": "E"}, {"source": 40, "target": 13, "label": "L"}, {"source": 43, "target": 11, "label": "E"}, {"source": 39, "target": 2, "label": "D"}, {"source": 43, "target": 12, "label": "C"}, {"source": 39, "target": 0, "label": "F"}, {"source": 40, "target": 50, "label": "H"}, {"source": 41, "target": 6, "label": "U"}, {"source": 41, "target": 3, "label": "E"}, {"source": 50, "target": 32, "label": "P"}, {"source": 47, "target": 21, "label": "C"}, {"source": 44, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 27, "label": "R"}, {"source": 40, "target": 44, "label": "H"}, {"source": 45, "target": 16, "label": "E"}, {"source": 45, "target": 15, "label": "E"}, {"source": 41, "target": 4, "label": "E"}, {"source": 40, "target": 48, "label": "H"}, {"source": 44, "target": 14, "label": "P"}, {"source": 51, "target": 34, "label": "R"}, {"source": 48, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 33, "label": "A"}, {"source": 40, "target": 46, "label": "H"}, {"source": 51, "target": 37, "label": "C"}, {"source": 42, "target": 8, "label": "D"}, {"source": 42, "target": 9, "label": "P"}, {"source": 46, "target": 47, "label": "P"}, {"source": 40, "target": 31, "label": "L"}, {"source": 50, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 25, "label": "P"}, {"source": 51, "target": 38, "label": "U"}, {"source": 42, "target": 7, "label": "A"}, {"source": 40, "target": 19, "label": "L"}, {"source": 39, "target": 41, "label": "A"}, {"source": 49, "target": 29, "label": "E"}, {"source": 47, "target": 22, "label": "E"}, {"source": 40, "target": 24, "label": "L"}, {"source": 40, "target": 18, "label": "U"}, {"source": 51, "target": 35, "label": "E"}, {"source": 51, "target": 36, "label": "E"}, {"source": 39, "target": 1, "label": "S"}, {"source": 48, "target": 26, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 50, "target": 51, "label": "A"}, {"source": 49, "target": 28, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 40, "target": 39, "label": "H"}, {"source": 41, "target": 5, "label": "C"}, {"source": 46, "target": 23, "label": "A"}, {"source": 45, "target": 17, "label": "C"}]} +{"id": "188548-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will not be visiting Mama Mia's again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 6, "label": "R"}, {"source": 12, "target": 11, "label": "E"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "188548-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are other places with food just as good with management that values customers and employees much more.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 102}, {"from": 103, "to": 107}]}, {"id": 17, "anchors": [{"from": 107, "to": 108}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 6, "label": "D"}, {"source": 19, "target": 0, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 25, "target": 27, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 20, "target": 2, "label": "E"}, {"source": 28, "target": 17, "label": "U"}, {"source": 26, "target": 28, "label": "E"}, {"source": 21, "target": 4, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 11, "label": "F"}, {"source": 24, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 16, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 27, "target": 14, "label": "N"}, {"source": 19, "target": 1, "label": "S"}, {"source": 27, "target": 13, "label": "C"}, {"source": 26, "target": 25, "label": "C"}, {"source": 21, "target": 5, "label": "P"}, {"source": 23, "target": 9, "label": "R"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 20, "target": 3, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "189171-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A most outstanding, professional firm.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "190256-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was thoroughly impressed!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "190256-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a problem with the tile in my bathroom coming apart.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 18, "label": "D"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 4, "label": "R"}, {"source": 18, "target": 11, "label": "E"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "190256-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called a few different businesses in the area to get estimates , they weren't the cheapest I found but very reasonable.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 15, "label": "D"}, {"source": 25, "target": 9, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 25, "target": 12, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 26, "target": 2, "label": "E"}, {"source": 32, "target": 22, "label": "C"}, {"source": 24, "target": 1, "label": "P"}, {"source": 26, "target": 5, "label": "C"}, {"source": 31, "target": 20, "label": "N"}, {"source": 25, "target": 28, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "R"}, {"source": 31, "target": 32, "label": "C"}, {"source": 27, "target": 7, "label": "E"}, {"source": 30, "target": 16, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 4, "label": "E"}, {"source": 28, "target": 10, "label": "P"}, {"source": 30, "target": 17, "label": "E"}, {"source": 32, "target": 21, "label": "E"}, {"source": 29, "target": 31, "label": "G"}, {"source": 32, "target": 23, "label": "U"}, {"source": 28, "target": 11, "label": "A"}, {"source": 29, "target": 13, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 29, "target": 14, "label": "S"}, {"source": 24, "target": 27, "label": "A"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "190256-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best part is I got my whole bathroom remodeled for about the same price the other company's were quoting just to fix the shower tile and fixtures.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 149}]}, {"id": 28, "anchors": [{"from": 149, "to": 150}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 42, "target": 41, "label": "C"}, {"source": 37, "target": 15, "label": "E"}, {"source": 38, "target": 39, "label": "A"}, {"source": 41, "target": 25, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 32, "target": 4, "label": "A"}, {"source": 40, "target": 23, "label": "E"}, {"source": 42, "target": 26, "label": "N"}, {"source": 34, "target": 9, "label": "S"}, {"source": 38, "target": 19, "label": "P"}, {"source": 30, "target": 31, "label": "H"}, {"source": 35, "target": 10, "label": "R"}, {"source": 33, "target": 8, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 29, "target": 1, "label": "E"}, {"source": 39, "target": 21, "label": "F"}, {"source": 36, "target": 11, "label": "R"}, {"source": 39, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 38, "label": "E"}, {"source": 37, "target": 17, "label": "C"}, {"source": 40, "target": 42, "label": "C"}, {"source": 36, "target": 12, "label": "E"}, {"source": 31, "target": 29, "label": "A"}, {"source": 38, "target": 20, "label": "D"}, {"source": 29, "target": 0, "label": "E"}, {"source": 33, "target": 7, "label": "E"}, {"source": 42, "target": 27, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 3, "label": "S"}, {"source": 33, "target": 6, "label": "E"}, {"source": 41, "target": 24, "label": "E"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 28, "label": "U"}, {"source": 36, "target": 14, "label": "C"}, {"source": 37, "target": 16, "label": "E"}, {"source": 32, "target": 5, "label": "P"}, {"source": 39, "target": 22, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 38, "target": 18, "label": "F"}, {"source": 29, "target": 2, "label": "C"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "190256-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They had the work done in about half the time quoted which made me and my wife extremely happy.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 19, "label": "U"}, {"source": 25, "target": 12, "label": "P"}, {"source": 24, "target": 7, "label": "E"}, {"source": 21, "target": 25, "label": "H"}, {"source": 20, "target": 22, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 9, "label": "C"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 17, "label": "D"}, {"source": 26, "target": 14, "label": "N"}, {"source": 24, "target": 5, "label": "R"}, {"source": 26, "target": 13, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 21, "target": 10, "label": "P"}, {"source": 25, "target": 18, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 8, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 15, "label": "E"}, {"source": 26, "target": 27, "label": "C"}, {"source": 23, "target": 4, "label": "P"}]} +{"id": "190256-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have had nothing but compliments on our bathroom when guest come over- who would have guessed that one?", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}, {"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 105}]}, {"id": 19, "anchors": [{"from": 105, "to": 106}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 19, "label": "U"}, {"source": 25, "target": 17, "label": "R"}, {"source": 24, "target": 13, "label": "F"}, {"source": 21, "target": 9, "label": "L"}, {"source": 21, "target": 16, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 15, "label": "F"}, {"source": 24, "target": 12, "label": "U"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 18, "label": "C"}, {"source": 22, "target": 4, "label": "N"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 23, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 20, "target": 2, "label": "P"}, {"source": 23, "target": 6, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "P"}, {"source": 21, "target": 14, "label": "F"}]} +{"id": "190256-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very nice work and friendly guys too.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 13, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 3, "label": "N"}, {"source": 9, "target": 8, "label": "E"}, {"source": 13, "target": 4, "label": "E"}, {"source": 12, "target": 6, "label": "D"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "190256-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best money I've spent on remodeling ever.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}, {"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 13, "label": "P"}, {"source": 8, "target": 1, "label": "C"}, {"source": 13, "target": 12, "label": "E"}, {"source": 9, "target": 8, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "190256-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend any one considering home repair to give these guys a call.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "E"}, {"source": 18, "target": 6, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 12, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 4, "label": "C"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 8, "label": "F"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 5, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "D"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 7, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "190389-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "very miss informed people!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 5, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 8, "target": 6, "label": "P"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "191597-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Awsome!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "191597-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great food cheap", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "191597-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Every thing here is good.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "191597-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fish tacos are my fave simple and filling Highly recommend Mi Pueblo.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 68}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "P"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 10, "label": "E"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 8, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "191597-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gets busy so come early", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 8, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "D"}]} +{"id": "191666-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worst Service I've Ever Experienced", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}, {"from": 14, "to": 15}, {"from": 15, "to": 18}, {"from": 19, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 35}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "191666-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wish there was something good to say about the business, but unfortunately, there isn't.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 16, "label": "S"}, {"source": 23, "target": 6, "label": "F"}, {"source": 20, "target": 13, "label": "D"}, {"source": 25, "target": 9, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 22, "label": "A"}, {"source": 25, "target": 10, "label": "C"}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 21, "target": 11, "label": "U"}, {"source": 22, "target": 3, "label": "F"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 2, "label": "F"}, {"source": 25, "target": 8, "label": "R"}, {"source": 26, "target": 18, "label": "U"}, {"source": 21, "target": 19, "label": "H"}, {"source": 22, "target": 25, "label": "A"}, {"source": 26, "target": 15, "label": "F"}, {"source": 23, "target": 4, "label": "C"}, {"source": 19, "target": 1, "label": "P"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 17, "label": "A"}, {"source": 21, "target": 12, "label": "L"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "191666-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "1) Service and manners were nonexistent.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "S"}, {"source": 8, "target": 1, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "N"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 8, "target": 11, "label": "A"}]} +{"id": "191666-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "2) The employees constantly talk down to customers and are very argumentative for the sake of being argumentative.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 113}]}, {"id": 19, "anchors": [{"from": 113, "to": 114}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 20, "target": 9, "label": "L"}, {"source": 22, "target": 24, "label": "A"}, {"source": 20, "target": 1, "label": "U"}, {"source": 25, "target": 19, "label": "U"}, {"source": 25, "target": 11, "label": "D"}, {"source": 25, "target": 10, "label": "F"}, {"source": 27, "target": 15, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 6, "label": "E"}, {"source": 27, "target": 16, "label": "R"}, {"source": 26, "target": 13, "label": "R"}, {"source": 25, "target": 26, "label": "D"}, {"source": 24, "target": 8, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 2, "label": "E"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 5, "label": "C"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "U"}, {"source": 24, "target": 7, "label": "R"}, {"source": 25, "target": 18, "label": "A"}, {"source": 25, "target": 12, "label": "S"}, {"source": 20, "target": 22, "label": "H"}, {"source": 27, "target": 14, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 22, "target": 23, "label": "S"}]} +{"id": "191666-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(to both myself and customers) 3) I have never experienced so much rudeness coming from a business.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 12, "label": "P"}, {"source": 22, "target": 16, "label": "P"}, {"source": 24, "target": 3, "label": "C"}, {"source": 25, "target": 11, "label": "D"}, {"source": 25, "target": 10, "label": "F"}, {"source": 27, "target": 18, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 8, "label": "U"}, {"source": 25, "target": 9, "label": "A"}, {"source": 22, "target": 0, "label": "U"}, {"source": 22, "target": 7, "label": "A"}, {"source": 26, "target": 13, "label": "E"}, {"source": 24, "target": 4, "label": "N"}, {"source": 25, "target": 26, "label": "D"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 6, "label": "U"}, {"source": 27, "target": 19, "label": "C"}, {"source": 23, "target": 2, "label": "C"}, {"source": 23, "target": 1, "label": "R"}, {"source": 22, "target": 27, "label": "A"}, {"source": 27, "target": 17, "label": "R"}, {"source": 27, "target": 20, "label": "U"}, {"source": 22, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "191666-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "4) The business is very unorganized.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "S"}, {"source": 8, "target": 0, "label": "C"}, {"source": 10, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 11, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "191666-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The invoice is not detailed, so it is difficult to see what you are paying for.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 21, "target": 9, "label": "D"}, {"source": 18, "target": 0, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 14, "label": "F"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 22, "target": 13, "label": "A"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 4, "label": "S"}, {"source": 23, "target": 16, "label": "R"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 12, "label": "A"}, {"source": 19, "target": 2, "label": "F"}]} +{"id": "191666-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'd recommend to save your time and energy and find another greek store.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 0, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 20, "label": "H"}, {"source": 19, "target": 7, "label": "N"}, {"source": 17, "target": 3, "label": "F"}, {"source": 19, "target": 18, "label": "C"}, {"source": 17, "target": 4, "label": "P"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 1, "label": "D"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 8, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 21, "target": 11, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "192399-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Kyle with Bullwark", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "R"}, {"source": 3, "target": 4, "label": "L"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "192399-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great job!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "192399-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Listened to my problem and took care of it.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 0, "label": "P"}, {"source": 9, "target": 4, "label": "L"}, {"source": 11, "target": 1, "label": "R"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "R"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "P"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "192399-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "192713-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The finest Christmas Trees i've ever seen.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 12, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "N"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 7, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "192713-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I felt like I was in heaven when I walked through the majestic fields of this particular farm.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 93, "to": 94}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 10, "label": "R"}, {"source": 21, "target": 4, "label": "F"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "R"}, {"source": 25, "target": 14, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 19, "target": 21, "label": "A"}, {"source": 21, "target": 22, "label": "S"}, {"source": 21, "target": 3, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 1, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 23, "target": 9, "label": "P"}, {"source": 22, "target": 6, "label": "C"}]} +{"id": "192713-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The trees were in magnificent shape and the variety was astounding.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 18, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "S"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 17, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 9, "label": "F"}, {"source": 14, "target": 11, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 18, "label": "C"}, {"source": 17, "target": 6, "label": "N"}]} +{"id": "192713-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owners were entertaining and gracious.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "N"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "192713-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I especially liked the Eco friendly atmosphere and the owners love of all animals.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 12, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 4, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 7, "label": "N"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 22, "label": "C"}, {"source": 17, "target": 1, "label": "D"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 10, "label": "R"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 11, "label": "P"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 19, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 21, "target": 8, "label": "E"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "192713-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is one of the best farms I have ever been too.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 1, "label": "S"}, {"source": 16, "target": 15, "label": "E"}, {"source": 17, "target": 9, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 7, "label": "A"}]} +{"id": "192713-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would call it the Taj Mahal of the east coast!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 13, "target": 14, "label": "P"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "192713-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It put hair on my chest and thanks to the owners advice I invested vanguard, got myself a woman like Jerry, and became a republican.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 131}]}, {"id": 28, "anchors": [{"from": 131, "to": 132}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 30, "target": 24, "label": "L"}, {"source": 29, "target": 32, "label": "A"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 36, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 15, "label": "A"}, {"source": 30, "target": 33, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 37, "target": 17, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 40, "target": 25, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 31, "target": 2, "label": "C"}, {"source": 39, "target": 21, "label": "R"}, {"source": 34, "target": 8, "label": "R"}, {"source": 33, "target": 7, "label": "P"}, {"source": 32, "target": 5, "label": "C"}, {"source": 35, "target": 11, "label": "R"}, {"source": 29, "target": 31, "label": "P"}, {"source": 32, "target": 4, "label": "E"}, {"source": 38, "target": 39, "label": "E"}, {"source": 36, "target": 13, "label": "A"}, {"source": 35, "target": 10, "label": "C"}, {"source": 30, "target": 16, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 41, "target": 26, "label": "E"}, {"source": 41, "target": 28, "label": "U"}, {"source": 35, "target": 9, "label": "E"}, {"source": 30, "target": 6, "label": "L"}, {"source": 30, "target": 23, "label": "U"}, {"source": 35, "target": 12, "label": "E"}, {"source": 30, "target": 40, "label": "H"}, {"source": 29, "target": 0, "label": "A"}, {"source": 32, "target": 3, "label": "R"}, {"source": 38, "target": 19, "label": "E"}, {"source": 41, "target": 27, "label": "C"}, {"source": 36, "target": 14, "label": "P"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 22, "label": "C"}, {"source": 38, "target": 20, "label": "C"}, {"source": 37, "target": 18, "label": "D"}, {"source": 30, "target": 37, "label": "H"}, {"source": 31, "target": 1, "label": "F"}]} +{"id": "192713-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Tussey Mountain Tree Plantation!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}, {"from": 14, "to": 22}, {"from": 23, "to": 27}]}, {"id": 2, "anchors": [{"from": 28, "to": 38}]}, {"id": 3, "anchors": [{"from": 38, "to": 39}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "192737-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Professional and inspiring", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 26}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "192737-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nigel from Nidd Design has always provided a first class service, from his advice and professionalism to the quality of his design drawings and planning applications.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}, {"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 116}]}, {"id": 19, "anchors": [{"from": 117, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 130}]}, {"id": 22, "anchors": [{"from": 131, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 143}]}, {"id": 24, "anchors": [{"from": 144, "to": 152}]}, {"id": 25, "anchors": [{"from": 153, "to": 165}]}, {"id": 26, "anchors": [{"from": 165, "to": 166}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 33, "target": 11, "label": "R"}, {"source": 33, "target": 36, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 37, "target": 19, "label": "R"}, {"source": 30, "target": 2, "label": "C"}, {"source": 32, "target": 8, "label": "C"}, {"source": 33, "target": 35, "label": "C"}, {"source": 31, "target": 9, "label": "C"}, {"source": 40, "target": 26, "label": "U"}, {"source": 40, "target": 24, "label": "E"}, {"source": 29, "target": 5, "label": "P"}, {"source": 35, "target": 34, "label": "C"}, {"source": 35, "target": 15, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 29, "target": 27, "label": "A"}, {"source": 34, "target": 12, "label": "E"}, {"source": 37, "target": 20, "label": "E"}, {"source": 38, "target": 22, "label": "C"}, {"source": 34, "target": 13, "label": "C"}, {"source": 39, "target": 38, "label": "C"}, {"source": 31, "target": 33, "label": "E"}, {"source": 29, "target": 3, "label": "F"}, {"source": 27, "target": 30, "label": "E"}, {"source": 39, "target": 23, "label": "N"}, {"source": 36, "target": 16, "label": "R"}, {"source": 35, "target": 14, "label": "N"}, {"source": 31, "target": 6, "label": "E"}, {"source": 36, "target": 18, "label": "C"}, {"source": 28, "target": 29, "label": "H"}, {"source": 30, "target": 1, "label": "R"}, {"source": 37, "target": 39, "label": "C"}, {"source": 32, "target": 7, "label": "E"}, {"source": 29, "target": 4, "label": "D"}, {"source": 31, "target": 32, "label": "E"}, {"source": 39, "target": 40, "label": "C"}, {"source": 27, "target": 0, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 38, "target": 21, "label": "E"}, {"source": 36, "target": 17, "label": "E"}, {"source": 40, "target": 25, "label": "C"}]} +{"id": "192737-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "His knowledge and expertise help smooth the way with any planning application, ensuring compliance with the building regulations.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 98}]}, {"id": 15, "anchors": [{"from": 99, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 107}]}, {"id": 17, "anchors": [{"from": 108, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 128}]}, {"id": 19, "anchors": [{"from": 128, "to": 129}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 23, "label": "C"}, {"source": 25, "target": 9, "label": "E"}, {"source": 25, "target": 10, "label": "E"}, {"source": 26, "target": 14, "label": "A"}, {"source": 27, "target": 15, "label": "R"}, {"source": 21, "target": 24, "label": "A"}, {"source": 27, "target": 17, "label": "E"}, {"source": 25, "target": 11, "label": "C"}, {"source": 21, "target": 4, "label": "D"}, {"source": 22, "target": 12, "label": "U"}, {"source": 21, "target": 25, "label": "A"}, {"source": 27, "target": 16, "label": "E"}, {"source": 23, "target": 1, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 26, "target": 13, "label": "P"}, {"source": 23, "target": 2, "label": "N"}, {"source": 25, "target": 8, "label": "R"}, {"source": 21, "target": 20, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 21, "target": 5, "label": "P"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 24, "target": 7, "label": "C"}, {"source": 27, "target": 18, "label": "C"}, {"source": 27, "target": 19, "label": "U"}]} +{"id": "192737-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once you have met Nigel you will not want to work with anyone else.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "P"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 1, "label": "A"}, {"source": 16, "target": 4, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 3, "label": "P"}, {"source": 17, "target": 8, "label": "D"}, {"source": 18, "target": 11, "label": "R"}, {"source": 18, "target": 13, "label": "E"}, {"source": 18, "target": 14, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 7, "label": "D"}]} +{"id": "192737-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He really does turn your dreams into reality for your home!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 13, "target": 3, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "193257-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gets the Job Done", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 12}, {"from": 13, "to": 17}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "193257-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have utilized Mr. Pozza and his firm twice now in our family and both times have been very pleased.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 6, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 27, "target": 30, "label": "C"}, {"source": 21, "target": 22, "label": "H"}, {"source": 30, "target": 19, "label": "S"}, {"source": 22, "target": 2, "label": "P"}, {"source": 30, "target": 29, "label": "E"}, {"source": 29, "target": 15, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 28, "target": 11, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 27, "target": 26, "label": "C"}, {"source": 23, "target": 3, "label": "E"}, {"source": 24, "target": 5, "label": "N"}, {"source": 28, "target": 10, "label": "R"}, {"source": 26, "target": 8, "label": "E"}, {"source": 30, "target": 17, "label": "F"}, {"source": 29, "target": 14, "label": "E"}, {"source": 22, "target": 28, "label": "A"}, {"source": 27, "target": 13, "label": "N"}, {"source": 28, "target": 12, "label": "C"}, {"source": 24, "target": 23, "label": "C"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 27, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 30, "target": 18, "label": "D"}, {"source": 30, "target": 16, "label": "F"}]} +{"id": "193257-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would not hesitate to use him again or refer him to my family or friends.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 8, "label": "L"}, {"source": 23, "target": 14, "label": "N"}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 19, "label": "P"}, {"source": 21, "target": 9, "label": "P"}, {"source": 19, "target": 3, "label": "C"}, {"source": 20, "target": 7, "label": "D"}, {"source": 22, "target": 11, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "P"}, {"source": 17, "target": 20, "label": "A"}, {"source": 23, "target": 15, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "F"}, {"source": 20, "target": 6, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "194153-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Barb does an AMAZING JOB, she is always learning new things on how to use her hands and body, to give every person an AWESOME MASSAGE, CALL TODAY AND SCHEDULE YOU MUST SEE HER, YOU WILL FALL IN LOVE SHE IS THE BEST OF THE BEST !", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}, {"from": 210, "to": 214}, {"from": 215, "to": 217}, {"from": 218, "to": 221}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 139}, {"from": 140, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 158}, {"from": 159, "to": 162}, {"from": 163, "to": 167}, {"from": 168, "to": 171}, {"from": 172, "to": 175}, {"from": 177, "to": 180}, {"from": 181, "to": 185}, {"from": 186, "to": 190}, {"from": 191, "to": 193}, {"from": 194, "to": 198}, {"from": 199, "to": 202}, {"from": 203, "to": 205}, {"from": 206, "to": 209}]}, {"id": 32, "anchors": [{"from": 175, "to": 176}]}, {"id": 33, "anchors": [{"from": 222, "to": 226}]}, {"id": 34, "anchors": [{"from": 227, "to": 228}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 44, "target": 22, "label": "P"}, {"source": 37, "target": 4, "label": "C"}, {"source": 42, "target": 17, "label": "C"}, {"source": 45, "target": 24, "label": "C"}, {"source": 36, "target": 38, "label": "H"}, {"source": 39, "target": 11, "label": "C"}, {"source": 38, "target": 8, "label": "D"}, {"source": 47, "target": 31, "label": "C"}, {"source": 47, "target": 30, "label": "N"}, {"source": 38, "target": 40, "label": "A"}, {"source": 38, "target": 7, "label": "F"}, {"source": 39, "target": 10, "label": "E"}, {"source": 41, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 20, "label": "U"}, {"source": 44, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 46, "label": "C"}, {"source": 46, "target": 26, "label": "E"}, {"source": 42, "target": 16, "label": "E"}, {"source": 35, "target": 37, "label": "A"}, {"source": 41, "target": 15, "label": "P"}, {"source": 46, "target": 25, "label": "E"}, {"source": 41, "target": 44, "label": "A"}, {"source": 38, "target": 6, "label": "A"}, {"source": 45, "target": 47, "label": "E"}, {"source": 40, "target": 41, "label": "C"}, {"source": 35, "target": 0, "label": "A"}, {"source": 36, "target": 33, "label": "A"}, {"source": 36, "target": 5, "label": "U"}, {"source": 35, "target": 1, "label": "P"}, {"source": 41, "target": 13, "label": "D"}, {"source": 44, "target": 21, "label": "F"}, {"source": 40, "target": 12, "label": "R"}, {"source": 43, "target": 42, "label": "C"}, {"source": 38, "target": 9, "label": "P"}, {"source": 41, "target": 43, "label": "A"}, {"source": 45, "target": 23, "label": "E"}, {"source": 47, "target": 29, "label": "C"}, {"source": 47, "target": 32, "label": "U"}, {"source": 46, "target": 27, "label": "C"}, {"source": 43, "target": 18, "label": "N"}, {"source": 36, "target": 34, "label": "U"}, {"source": 47, "target": 28, "label": "U"}, {"source": 43, "target": 19, "label": "C"}, {"source": 44, "target": 45, "label": "A"}, {"source": 37, "target": 2, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 41, "target": 14, "label": "F"}, {"source": 37, "target": 3, "label": "E"}]} +{"id": "194313-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent Pizza!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "194313-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Its the only pizza place I recommend in Woodland Hills.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}, {"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 15, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "194313-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yum.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "194313-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My wife and kids can't get enough.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 14, "label": "D"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "N"}]} +{"id": "194313-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "194316-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OMG", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "194316-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OMG.. make sure to book a reservation, as this magical place is packed (in a nice way) I love that the owner walks around and cares how his customers feel about their food.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}, {"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 139}]}, {"id": 31, "anchors": [{"from": 140, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 160}]}, {"id": 34, "anchors": [{"from": 161, "to": 166}]}, {"id": 35, "anchors": [{"from": 167, "to": 171}]}, {"id": 36, "anchors": [{"from": 171, "to": 172}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 49, "target": 29, "label": "D"}, {"source": 50, "target": 30, "label": "E"}, {"source": 44, "target": 21, "label": "P"}, {"source": 44, "target": 20, "label": "A"}, {"source": 38, "target": 27, "label": "L"}, {"source": 38, "target": 44, "label": "H"}, {"source": 38, "target": 37, "label": "H"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 7, "label": "U"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 42, "target": 12, "label": "F"}, {"source": 37, "target": 1, "label": "U"}, {"source": 37, "target": 2, "label": "P"}, {"source": 42, "target": 43, "label": "D"}, {"source": 48, "target": 28, "label": "P"}, {"source": 52, "target": 35, "label": "P"}, {"source": 48, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "A"}, {"source": 43, "target": 17, "label": "E"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 47, "label": "P"}, {"source": 40, "target": 5, "label": "E"}, {"source": 51, "target": 33, "label": "R"}, {"source": 39, "target": 3, "label": "F"}, {"source": 52, "target": 36, "label": "U"}, {"source": 46, "target": 23, "label": "E"}, {"source": 39, "target": 4, "label": "P"}, {"source": 38, "target": 42, "label": "H"}, {"source": 38, "target": 48, "label": "H"}, {"source": 49, "target": 32, "label": "S"}, {"source": 41, "target": 11, "label": "C"}, {"source": 42, "target": 41, "label": "A"}, {"source": 43, "target": 16, "label": "E"}, {"source": 41, "target": 9, "label": "E"}, {"source": 49, "target": 50, "label": "A"}, {"source": 47, "target": 25, "label": "C"}, {"source": 41, "target": 10, "label": "E"}, {"source": 52, "target": 34, "label": "A"}, {"source": 42, "target": 14, "label": "U"}, {"source": 42, "target": 13, "label": "P"}, {"source": 49, "target": 51, "label": "A"}, {"source": 40, "target": 6, "label": "C"}, {"source": 47, "target": 26, "label": "E"}, {"source": 50, "target": 31, "label": "C"}, {"source": 38, "target": 19, "label": "U"}, {"source": 43, "target": 18, "label": "C"}, {"source": 43, "target": 15, "label": "R"}, {"source": 46, "target": 24, "label": "C"}, {"source": 37, "target": 0, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 51, "target": 52, "label": "C"}, {"source": 38, "target": 8, "label": "L"}, {"source": 45, "target": 22, "label": "F"}]} +{"id": "194316-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The waiters are like no other...", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "R"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "194316-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My waiter was so excellent I gave him a 75% tip, and it was worht every penny..", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}, {"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "anchors": [{"from": 77, "to": 79}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 6, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 5, "label": "A"}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 4, "label": "D"}, {"source": 22, "target": 7, "label": "A"}, {"source": 21, "target": 11, "label": "U"}, {"source": 24, "target": 14, "label": "F"}, {"source": 24, "target": 13, "label": "A"}, {"source": 19, "target": 0, "label": "E"}, {"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "E"}, {"source": 20, "target": 3, "label": "D"}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 15, "label": "S"}, {"source": 25, "target": 17, "label": "C"}, {"source": 21, "target": 12, "label": "L"}, {"source": 23, "target": 10, "label": "U"}, {"source": 25, "target": 16, "label": "E"}]} +{"id": "194316-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food was finger licking the bowel fantastic..", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 7, "label": "D"}, {"source": 11, "target": 4, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "194316-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just discovered her has a place right near my work ( Color me Phat) If you are looking for a romatic place with the best food and service in the valley Giovanni Ristorante should be your number 1 + 2 choice.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}, {"from": 61, "to": 63}, {"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 162}, {"from": 163, "to": 173}]}, {"id": 32, "anchors": [{"from": 174, "to": 180}]}, {"id": 33, "anchors": [{"from": 181, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 188}]}, {"id": 35, "anchors": [{"from": 189, "to": 195}]}, {"id": 36, "anchors": [{"from": 196, "to": 197}, {"from": 200, "to": 201}]}, {"id": 37, "anchors": [{"from": 198, "to": 199}]}, {"id": 38, "anchors": [{"from": 202, "to": 208}]}, {"id": 39, "anchors": [{"from": 208, "to": 209}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 47, "target": 19, "label": "E"}, {"source": 52, "target": 38, "label": "C"}, {"source": 51, "target": 29, "label": "E"}, {"source": 52, "target": 37, "label": "U"}, {"source": 48, "target": 51, "label": "E"}, {"source": 43, "target": 6, "label": "C"}, {"source": 49, "target": 24, "label": "E"}, {"source": 40, "target": 0, "label": "A"}, {"source": 52, "target": 39, "label": "U"}, {"source": 50, "target": 49, "label": "C"}, {"source": 50, "target": 27, "label": "C"}, {"source": 46, "target": 15, "label": "A"}, {"source": 51, "target": 30, "label": "E"}, {"source": 47, "target": 21, "label": "C"}, {"source": 42, "target": 3, "label": "A"}, {"source": 41, "target": 14, "label": "L"}, {"source": 49, "target": 23, "label": "E"}, {"source": 42, "target": 44, "label": "A"}, {"source": 45, "target": 12, "label": "E"}, {"source": 45, "target": 10, "label": "C"}, {"source": 52, "target": 35, "label": "C"}, {"source": 42, "target": 4, "label": "F"}, {"source": 41, "target": 13, "label": "U"}, {"source": 40, "target": 1, "label": "D"}, {"source": 51, "target": 28, "label": "R"}, {"source": 46, "target": 16, "label": "F"}, {"source": 48, "target": 50, "label": "C"}, {"source": 42, "target": 43, "label": "S"}, {"source": 43, "target": 5, "label": "E"}, {"source": 46, "target": 48, "label": "A"}, {"source": 46, "target": 33, "label": "F"}, {"source": 50, "target": 26, "label": "N"}, {"source": 47, "target": 20, "label": "E"}, {"source": 45, "target": 11, "label": "U"}, {"source": 44, "target": 45, "label": "E"}, {"source": 52, "target": 34, "label": "E"}, {"source": 40, "target": 42, "label": "A"}, {"source": 49, "target": 25, "label": "C"}, {"source": 52, "target": 36, "label": "E"}, {"source": 41, "target": 46, "label": "H"}, {"source": 47, "target": 18, "label": "R"}, {"source": 41, "target": 40, "label": "H"}, {"source": 44, "target": 7, "label": "R"}, {"source": 40, "target": 2, "label": "P"}, {"source": 46, "target": 32, "label": "D"}, {"source": 46, "target": 52, "label": "A"}, {"source": 51, "target": 31, "label": "C"}, {"source": 45, "target": 8, "label": "R"}, {"source": 48, "target": 22, "label": "R"}, {"source": 46, "target": 47, "label": "A"}, {"source": 45, "target": 9, "label": "E"}, {"source": 46, "target": 17, "label": "P"}]} +{"id": "194830-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The First time I walked in there with my teacup chihuahua puppy I knew I'd be here a lot.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}, {"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}, {"from": 78, "to": 82}, {"from": 83, "to": 84}, {"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 23, "label": "E"}, {"source": 19, "target": 24, "label": "H"}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 17, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 22, "target": 9, "label": "E"}, {"source": 22, "target": 10, "label": "E"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 2, "label": "C"}, {"source": 23, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "E"}, {"source": 23, "target": 13, "label": "P"}, {"source": 22, "target": 11, "label": "C"}, {"source": 23, "target": 14, "label": "A"}, {"source": 18, "target": 3, "label": "A"}, {"source": 24, "target": 15, "label": "S"}, {"source": 21, "target": 7, "label": "R"}, {"source": 17, "target": 0, "label": "E"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "194830-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pets Discount has lovely employees, a wonderful grooming service, and everything I need to keep my dog in tip top condition!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 64, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 80}, {"from": 81, "to": 82}]}, {"id": 12, "anchors": [{"from": 83, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 90}]}, {"id": 14, "anchors": [{"from": 91, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 109}]}, {"id": 19, "anchors": [{"from": 110, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 123}]}, {"id": 21, "anchors": [{"from": 123, "to": 124}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 9, "label": "U"}, {"source": 27, "target": 14, "label": "P"}, {"source": 25, "target": 5, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 3, "label": "C"}, {"source": 22, "target": 1, "label": "P"}, {"source": 23, "target": 10, "label": "L"}, {"source": 25, "target": 8, "label": "C"}, {"source": 28, "target": 15, "label": "E"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 29, "target": 20, "label": "C"}, {"source": 29, "target": 19, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 4, "label": "U"}, {"source": 26, "target": 11, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 13, "label": "F"}, {"source": 24, "target": 2, "label": "E"}, {"source": 25, "target": 7, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 21, "label": "U"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "196219-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ATE HERE A COUPLE TIMES.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 0, "label": "C"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 1, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "196219-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "IT IS NOT A HIGH END STEAK HOUSE, MORE OF THE CUISINE BRETT ENJOYS IN MISSISSIPPI.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 5}, {"from": 6, "to": 9}, {"from": 10, "to": 11}, {"from": 12, "to": 16}, {"from": 17, "to": 20}, {"from": 21, "to": 26}, {"from": 27, "to": 32}]}, {"id": 1, "anchors": [{"from": 32, "to": 33}]}, {"id": 2, "anchors": [{"from": 34, "to": 38}]}, {"id": 3, "anchors": [{"from": 39, "to": 41}]}, {"id": 4, "anchors": [{"from": 42, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 53}]}, {"id": 6, "anchors": [{"from": 54, "to": 59}]}, {"id": 7, "anchors": [{"from": 60, "to": 66}]}, {"id": 8, "anchors": [{"from": 67, "to": 69}]}, {"id": 9, "anchors": [{"from": 70, "to": 81}]}, {"id": 10, "anchors": [{"from": 81, "to": 82}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "R"}, {"source": 14, "target": 2, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 1, "label": "U"}, {"source": 14, "target": 3, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 0, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "196219-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "SO, IF YOU WANT A BURGER AND FRIES, WELL, IT IS OK.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 17}, {"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 50}]}, {"id": 14, "anchors": [{"from": 50, "to": 51}]}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "U"}, {"source": 16, "target": 14, "label": "U"}, {"source": 17, "target": 10, "label": "U"}, {"source": 15, "target": 2, "label": "L"}, {"source": 17, "target": 12, "label": "C"}, {"source": 16, "target": 3, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 4, "label": "P"}, {"source": 17, "target": 8, "label": "U"}, {"source": 16, "target": 13, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 17, "target": 11, "label": "C"}, {"source": 17, "target": 6, "label": "N"}]} +{"id": "196219-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "IF YOU WANT A LITTLE CAJUNISH FOOD - IT IS GOOD.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}, {"from": 14, "to": 20}, {"from": 21, "to": 29}, {"from": 30, "to": 34}, {"from": 37, "to": 39}, {"from": 40, "to": 42}, {"from": 43, "to": 47}]}, {"id": 4, "anchors": [{"from": 35, "to": 36}]}, {"id": 5, "anchors": [{"from": 47, "to": 48}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "A"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "196219-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "IF YOU WANT A STEAK, WELL, THIS IS NOT THE BEST IN GREEN BAY.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}, {"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}, {"from": 32, "to": 34}, {"from": 35, "to": 38}, {"from": 39, "to": 42}, {"from": 43, "to": 47}, {"from": 48, "to": 50}, {"from": 51, "to": 56}, {"from": 57, "to": 60}]}, {"id": 8, "anchors": [{"from": 60, "to": 61}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "U"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 10, "target": 1, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "196219-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OVERALL DECENT BUT IF YOU ARE EXPECTING A RUTH CHRIS TYPE STEAK, THIS IS NOT IT.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}, {"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 29}, {"from": 30, "to": 39}, {"from": 40, "to": 41}, {"from": 42, "to": 46}, {"from": 47, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 63}, {"from": 65, "to": 69}, {"from": 70, "to": 72}, {"from": 73, "to": 76}, {"from": 77, "to": 79}]}, {"id": 3, "anchors": [{"from": 63, "to": 64}]}, {"id": 4, "anchors": [{"from": 79, "to": 80}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "N"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "198455-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "198455-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a dead battery last week and called this company since they were the closest they had very quick service for a Monday morning, thanks again guys.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 131}]}, {"id": 24, "anchors": [{"from": 131, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 145}]}, {"id": 27, "anchors": [{"from": 146, "to": 150}]}, {"id": 28, "anchors": [{"from": 150, "to": 151}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 29, "target": 32, "label": "A"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 3, "label": "C"}, {"source": 30, "target": 29, "label": "H"}, {"source": 41, "target": 27, "label": "A"}, {"source": 30, "target": 33, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 10, "label": "L"}, {"source": 38, "target": 18, "label": "E"}, {"source": 39, "target": 22, "label": "E"}, {"source": 40, "target": 26, "label": "E"}, {"source": 30, "target": 35, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 31, "target": 2, "label": "E"}, {"source": 33, "target": 7, "label": "P"}, {"source": 38, "target": 17, "label": "E"}, {"source": 35, "target": 37, "label": "A"}, {"source": 32, "target": 5, "label": "C"}, {"source": 29, "target": 31, "label": "P"}, {"source": 32, "target": 4, "label": "E"}, {"source": 38, "target": 19, "label": "C"}, {"source": 37, "target": 16, "label": "S"}, {"source": 37, "target": 15, "label": "A"}, {"source": 30, "target": 40, "label": "L"}, {"source": 34, "target": 8, "label": "E"}, {"source": 41, "target": 28, "label": "U"}, {"source": 30, "target": 6, "label": "L"}, {"source": 35, "target": 11, "label": "A"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "F"}, {"source": 39, "target": 21, "label": "E"}, {"source": 39, "target": 20, "label": "R"}, {"source": 34, "target": 9, "label": "C"}, {"source": 39, "target": 23, "label": "C"}, {"source": 36, "target": 14, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 24, "label": "U"}, {"source": 30, "target": 41, "label": "H"}, {"source": 35, "target": 12, "label": "S"}, {"source": 40, "target": 25, "label": "C"}]} +{"id": "199045-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "green curry and red curry is awesome!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 8, "label": "C"}, {"source": 8, "target": 0, "label": "C"}, {"source": 9, "target": 12, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 2, "label": "N"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 5, "label": "F"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 6, "label": "S"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "199045-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "remember to ask for extra vege", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "E"}, {"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 5, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "200429-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible Service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 16}]}, {"id": 1, "anchors": [{"from": 16, "to": 17}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "200429-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I got yelled at, literally yelled at because i asked if i could pick up my car 5-10 minutes late.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 23, "target": 2, "label": "P"}, {"source": 26, "target": 7, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 32, "target": 21, "label": "R"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 25, "label": "H"}, {"source": 31, "target": 18, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 14, "label": "P"}, {"source": 29, "target": 13, "label": "D"}, {"source": 27, "target": 9, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 17, "label": "E"}, {"source": 25, "target": 5, "label": "D"}, {"source": 28, "target": 11, "label": "R"}, {"source": 25, "target": 26, "label": "D"}, {"source": 32, "target": 20, "label": "C"}, {"source": 29, "target": 12, "label": "A"}, {"source": 30, "target": 16, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 10, "label": "P"}, {"source": 24, "target": 4, "label": "U"}, {"source": 29, "target": 32, "label": "D"}, {"source": 32, "target": 31, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 3, "label": "D"}, {"source": 23, "target": 1, "label": "D"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 25, "target": 6, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "200429-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I explained that i was already on my way and i would rush to get there as soon as i could because i needed my car for work at 5am, but the guy was arguing with me saying he was gonna lock the doors right at 5:30.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}, {"from": 31, "to": 33}, {"from": 34, "to": 36}, {"from": 37, "to": 40}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}, {"from": 82, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 127}]}, {"id": 26, "anchors": [{"from": 127, "to": 129}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 172}]}, {"id": 37, "anchors": [{"from": 173, "to": 176}]}, {"id": 38, "anchors": [{"from": 177, "to": 180}]}, {"id": 39, "anchors": [{"from": 180, "to": 182}]}, {"id": 40, "anchors": [{"from": 183, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 191}]}, {"id": 42, "anchors": [{"from": 192, "to": 197}]}, {"id": 43, "anchors": [{"from": 198, "to": 203}]}, {"id": 44, "anchors": [{"from": 204, "to": 206}]}, {"id": 45, "anchors": [{"from": 207, "to": 211}]}, {"id": 46, "anchors": [{"from": 211, "to": 212}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}], "edges": [{"source": 47, "target": 0, "label": "A"}, {"source": 56, "target": 58, "label": "A"}, {"source": 61, "target": 60, "label": "A"}, {"source": 49, "target": 2, "label": "R"}, {"source": 49, "target": 5, "label": "D"}, {"source": 67, "target": 45, "label": "C"}, {"source": 48, "target": 55, "label": "H"}, {"source": 58, "target": 59, "label": "D"}, {"source": 57, "target": 20, "label": "E"}, {"source": 64, "target": 37, "label": "F"}, {"source": 65, "target": 39, "label": "D"}, {"source": 58, "target": 23, "label": "P"}, {"source": 51, "target": 7, "label": "A"}, {"source": 64, "target": 36, "label": "A"}, {"source": 66, "target": 42, "label": "C"}, {"source": 50, "target": 49, "label": "H"}, {"source": 57, "target": 21, "label": "C"}, {"source": 60, "target": 29, "label": "E"}, {"source": 49, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 6, "label": "L"}, {"source": 65, "target": 43, "label": "A"}, {"source": 59, "target": 26, "label": "C"}, {"source": 56, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 27, "label": "U"}, {"source": 48, "target": 17, "label": "L"}, {"source": 53, "target": 12, "label": "A"}, {"source": 62, "target": 33, "label": "R"}, {"source": 66, "target": 41, "label": "E"}, {"source": 49, "target": 4, "label": "F"}, {"source": 48, "target": 28, "label": "L"}, {"source": 48, "target": 56, "label": "H"}, {"source": 54, "target": 14, "label": "C"}, {"source": 51, "target": 52, "label": "P"}, {"source": 64, "target": 65, "label": "A"}, {"source": 48, "target": 61, "label": "H"}, {"source": 50, "target": 51, "label": "H"}, {"source": 64, "target": 38, "label": "P"}, {"source": 54, "target": 13, "label": "R"}, {"source": 48, "target": 15, "label": "L"}, {"source": 48, "target": 63, "label": "H"}, {"source": 65, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 56, "target": 57, "label": "A"}, {"source": 61, "target": 31, "label": "F"}, {"source": 52, "target": 9, "label": "C"}, {"source": 55, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 16, "label": "P"}, {"source": 52, "target": 8, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 63, "target": 60, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 3, "label": "A"}, {"source": 63, "target": 35, "label": "P"}, {"source": 56, "target": 19, "label": "S"}, {"source": 63, "target": 64, "label": "A"}, {"source": 51, "target": 53, "label": "A"}, {"source": 62, "target": 34, "label": "C"}, {"source": 61, "target": 62, "label": "A"}, {"source": 56, "target": 18, "label": "A"}, {"source": 65, "target": 66, "label": "A"}, {"source": 59, "target": 25, "label": "E"}, {"source": 59, "target": 24, "label": "R"}, {"source": 61, "target": 32, "label": "P"}, {"source": 53, "target": 11, "label": "P"}, {"source": 65, "target": 67, "label": "D"}, {"source": 53, "target": 10, "label": "F"}, {"source": 67, "target": 44, "label": "R"}, {"source": 60, "target": 30, "label": "C"}, {"source": 53, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 47, "label": "H"}, {"source": 47, "target": 1, "label": "P"}, {"source": 67, "target": 46, "label": "U"}, {"source": 58, "target": 22, "label": "R"}, {"source": 65, "target": 40, "label": "P"}, {"source": 47, "target": 50, "label": "A"}]} +{"id": "200429-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rude, unprofessional, just jerks.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "U"}, {"source": 9, "target": 1, "label": "U"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "200429-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Seems like all they care about is the money and getting home on time, NO care for the customers AT ALL!!!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}, {"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 20, "label": "C"}, {"source": 23, "target": 32, "label": "A"}, {"source": 25, "target": 26, "label": "C"}, {"source": 26, "target": 4, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 10, "label": "P"}, {"source": 31, "target": 13, "label": "C"}, {"source": 30, "target": 31, "label": "D"}, {"source": 29, "target": 30, "label": "C"}, {"source": 33, "target": 16, "label": "S"}, {"source": 35, "target": 19, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 1, "label": "C"}, {"source": 30, "target": 11, "label": "A"}, {"source": 33, "target": 15, "label": "A"}, {"source": 31, "target": 12, "label": "R"}, {"source": 29, "target": 9, "label": "N"}, {"source": 36, "target": 21, "label": "U"}, {"source": 25, "target": 24, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 5, "label": "R"}, {"source": 28, "target": 8, "label": "C"}, {"source": 34, "target": 36, "label": "C"}, {"source": 23, "target": 14, "label": "U"}, {"source": 27, "target": 6, "label": "S"}, {"source": 29, "target": 28, "label": "C"}, {"source": 34, "target": 17, "label": "R"}, {"source": 24, "target": 2, "label": "E"}, {"source": 35, "target": 18, "label": "E"}, {"source": 22, "target": 23, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 34, "target": 35, "label": "E"}, {"source": 28, "target": 7, "label": "E"}, {"source": 23, "target": 0, "label": "S"}]} +{"id": "200429-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Missed a whole day of work because i am now carless.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 2, "label": "E"}, {"source": 12, "target": 5, "label": "A"}, {"source": 15, "target": 7, "label": "A"}, {"source": 15, "target": 8, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 9, "label": "D"}, {"source": 12, "target": 14, "label": "D"}, {"source": 13, "target": 6, "label": "L"}, {"source": 15, "target": 10, "label": "S"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 0, "label": "P"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 1, "label": "E"}, {"source": 15, "target": 11, "label": "U"}]} +{"id": "200429-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will NEEEEEEEEEVERRRR go to this place again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}, {"from": 27, "to": 29}, {"from": 30, "to": 34}, {"from": 35, "to": 40}]}, {"id": 4, "anchors": [{"from": 41, "to": 46}]}, {"id": 5, "anchors": [{"from": 46, "to": 47}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "A"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "200566-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THE TEACHING THERE SUCKS!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 12}, {"from": 13, "to": 18}, {"from": 19, "to": 24}]}, {"id": 1, "anchors": [{"from": 24, "to": 61}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "200566-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ALL OF THE TEACHERS THERE ARE SO MEAN THEY GET MAD AT YOU FOR NOTHING!!!!!!!!!!!!!!!!!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 19}, {"from": 20, "to": 25}, {"from": 26, "to": 29}, {"from": 30, "to": 32}, {"from": 33, "to": 37}, {"from": 38, "to": 42}, {"from": 43, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 53}, {"from": 54, "to": 57}, {"from": 58, "to": 61}, {"from": 62, "to": 69}]}, {"id": 3, "anchors": [{"from": 69, "to": 88}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 2, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "200566-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THIS IS THE WORST SCHOOL IVE BEEN TO!!!!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}, {"from": 26, "to": 28}, {"from": 29, "to": 33}, {"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 3, "label": "E"}, {"source": 7, "target": 10, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 12, "label": "P"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 11, "label": "A"}]} +{"id": "200668-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "kudos to Allentown Post Office staff", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}, {"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 36}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 3, "label": "E"}, {"source": 7, "target": 1, "label": "R"}, {"source": 6, "target": 0, "label": "S"}, {"source": 7, "target": 4, "label": "C"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "200668-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff in Allentown are friendly, helpful and a delight to know..", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 15, "target": 4, "label": "F"}, {"source": 19, "target": 10, "label": "C"}, {"source": 20, "target": 12, "label": "P"}, {"source": 16, "target": 18, "label": "H"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 20, "label": "H"}, {"source": 20, "target": 11, "label": "F"}, {"source": 17, "target": 2, "label": "R"}, {"source": 16, "target": 6, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 17, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "E"}, {"source": 18, "target": 7, "label": "S"}, {"source": 15, "target": 5, "label": "S"}, {"source": 14, "target": 1, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "200957-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "200957-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been growing my hair out for 1 year plus and went in to get 1 inch taken off.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}, {"from": 28, "to": 31}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}, {"from": 38, "to": 42}, {"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}, {"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 8, "label": "L"}, {"source": 24, "target": 13, "label": "E"}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 7, "label": "C"}, {"source": 17, "target": 3, "label": "P"}, {"source": 25, "target": 16, "label": "U"}, {"source": 17, "target": 20, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 4, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "P"}, {"source": 21, "target": 9, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 10, "label": "F"}, {"source": 20, "target": 6, "label": "R"}, {"source": 25, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 21, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "200957-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I walked out with 5 inch long hair on the top, 2 inch long hair on the sides, and 1.5 in the back.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}, {"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 92}]}, {"id": 23, "anchors": [{"from": 93, "to": 97}]}, {"id": 24, "anchors": [{"from": 97, "to": 98}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 22, "label": "E"}, {"source": 33, "target": 34, "label": "C"}, {"source": 35, "target": 23, "label": "C"}, {"source": 30, "target": 9, "label": "C"}, {"source": 28, "target": 6, "label": "C"}, {"source": 32, "target": 17, "label": "C"}, {"source": 28, "target": 5, "label": "E"}, {"source": 33, "target": 32, "label": "C"}, {"source": 34, "target": 20, "label": "C"}, {"source": 35, "target": 21, "label": "R"}, {"source": 32, "target": 16, "label": "E"}, {"source": 30, "target": 11, "label": "C"}, {"source": 27, "target": 2, "label": "R"}, {"source": 29, "target": 7, "label": "R"}, {"source": 29, "target": 30, "label": "E"}, {"source": 33, "target": 18, "label": "U"}, {"source": 31, "target": 33, "label": "C"}, {"source": 31, "target": 15, "label": "R"}, {"source": 25, "target": 26, "label": "H"}, {"source": 29, "target": 8, "label": "E"}, {"source": 29, "target": 13, "label": "E"}, {"source": 29, "target": 14, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 31, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 12, "label": "E"}, {"source": 30, "target": 10, "label": "U"}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 3, "label": "E"}, {"source": 33, "target": 19, "label": "N"}, {"source": 35, "target": 24, "label": "U"}, {"source": 27, "target": 4, "label": "E"}, {"source": 34, "target": 35, "label": "E"}, {"source": 26, "target": 1, "label": "P"}]} +{"id": "200957-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My hair is uneven and it looks rediculous.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "D"}, {"source": 11, "target": 4, "label": "L"}, {"source": 12, "target": 7, "label": "S"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "200957-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This woman should be working in supercuts...if that.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 4, "label": "P"}, {"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 7, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "200957-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was a terrible experience and I hope that no one else goes through that.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 19, "label": "S"}, {"source": 21, "target": 9, "label": "D"}, {"source": 18, "target": 4, "label": "C"}, {"source": 20, "target": 7, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 8, "label": "F"}, {"source": 19, "target": 18, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 19, "target": 5, "label": "N"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 23, "target": 13, "label": "R"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 2, "label": "E"}, {"source": 21, "target": 12, "label": "P"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "200957-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do your self a favor and do not go to this establishment.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "L"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 1, "label": "E"}, {"source": 16, "target": 8, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 7, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "201156-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "PHOTOS DONE WELL", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 16}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "201156-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I Love Hellada Gallery!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "201156-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Marek Dzida the owner and photographer puts whole heart in his business - If you are into old fashion (Not Digital) quality photography this is best place in Long Beach as I think not many folks can do affordable traditional photos anymore I know Marek personaly and I will always recommend him", "tops": [53], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 106}, {"from": 107, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 135}]}, {"id": 23, "anchors": [{"from": 136, "to": 140}]}, {"id": 24, "anchors": [{"from": 141, "to": 143}]}, {"id": 25, "anchors": [{"from": 144, "to": 148}]}, {"id": 26, "anchors": [{"from": 149, "to": 154}]}, {"id": 27, "anchors": [{"from": 155, "to": 157}]}, {"id": 28, "anchors": [{"from": 158, "to": 162}, {"from": 163, "to": 168}]}, {"id": 29, "anchors": [{"from": 169, "to": 171}]}, {"id": 30, "anchors": [{"from": 172, "to": 173}]}, {"id": 31, "anchors": [{"from": 174, "to": 179}]}, {"id": 32, "anchors": [{"from": 180, "to": 183}]}, {"id": 33, "anchors": [{"from": 184, "to": 188}]}, {"id": 34, "anchors": [{"from": 189, "to": 194}]}, {"id": 35, "anchors": [{"from": 195, "to": 198}]}, {"id": 36, "anchors": [{"from": 199, "to": 201}]}, {"id": 37, "anchors": [{"from": 202, "to": 212}]}, {"id": 38, "anchors": [{"from": 213, "to": 224}]}, {"id": 39, "anchors": [{"from": 225, "to": 231}]}, {"id": 40, "anchors": [{"from": 232, "to": 239}]}, {"id": 41, "anchors": [{"from": 240, "to": 241}]}, {"id": 42, "anchors": [{"from": 242, "to": 246}]}, {"id": 43, "anchors": [{"from": 247, "to": 252}]}, {"id": 44, "anchors": [{"from": 253, "to": 262}]}, {"id": 45, "anchors": [{"from": 263, "to": 266}]}, {"id": 46, "anchors": [{"from": 267, "to": 268}]}, {"id": 47, "anchors": [{"from": 269, "to": 273}]}, {"id": 48, "anchors": [{"from": 274, "to": 280}]}, {"id": 49, "anchors": [{"from": 281, "to": 290}]}, {"id": 50, "anchors": [{"from": 291, "to": 294}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}], "edges": [{"source": 56, "target": 6, "label": "E"}, {"source": 52, "target": 51, "label": "A"}, {"source": 70, "target": 46, "label": "A"}, {"source": 70, "target": 47, "label": "F"}, {"source": 58, "target": 62, "label": "A"}, {"source": 66, "target": 67, "label": "A"}, {"source": 53, "target": 64, "label": "H"}, {"source": 65, "target": 33, "label": "E"}, {"source": 53, "target": 45, "label": "L"}, {"source": 58, "target": 59, "label": "A"}, {"source": 68, "target": 69, "label": "A"}, {"source": 53, "target": 40, "label": "L"}, {"source": 51, "target": 0, "label": "C"}, {"source": 62, "target": 26, "label": "C"}, {"source": 58, "target": 13, "label": "A"}, {"source": 53, "target": 12, "label": "L"}, {"source": 59, "target": 60, "label": "E"}, {"source": 51, "target": 55, "label": "E"}, {"source": 62, "target": 63, "label": "E"}, {"source": 55, "target": 3, "label": "N"}, {"source": 63, "target": 28, "label": "C"}, {"source": 67, "target": 38, "label": "E"}, {"source": 53, "target": 11, "label": "U"}, {"source": 65, "target": 34, "label": "C"}, {"source": 61, "target": 22, "label": "C"}, {"source": 52, "target": 5, "label": "P"}, {"source": 65, "target": 32, "label": "E"}, {"source": 66, "target": 35, "label": "D"}, {"source": 53, "target": 52, "label": "H"}, {"source": 62, "target": 25, "label": "E"}, {"source": 68, "target": 41, "label": "A"}, {"source": 66, "target": 36, "label": "S"}, {"source": 60, "target": 20, "label": "U"}, {"source": 52, "target": 56, "label": "A"}, {"source": 70, "target": 50, "label": "A"}, {"source": 60, "target": 61, "label": "E"}, {"source": 57, "target": 10, "label": "C"}, {"source": 53, "target": 29, "label": "L"}, {"source": 70, "target": 48, "label": "D"}, {"source": 69, "target": 44, "label": "P"}, {"source": 70, "target": 49, "label": "P"}, {"source": 55, "target": 4, "label": "C"}, {"source": 54, "target": 2, "label": "C"}, {"source": 60, "target": 19, "label": "E"}, {"source": 59, "target": 18, "label": "U"}, {"source": 68, "target": 42, "label": "P"}, {"source": 56, "target": 7, "label": "C"}, {"source": 61, "target": 21, "label": "E"}, {"source": 53, "target": 58, "label": "H"}, {"source": 55, "target": 54, "label": "C"}, {"source": 58, "target": 24, "label": "F"}, {"source": 64, "target": 31, "label": "P"}, {"source": 59, "target": 17, "label": "C"}, {"source": 64, "target": 30, "label": "A"}, {"source": 66, "target": 65, "label": "A"}, {"source": 53, "target": 70, "label": "H"}, {"source": 57, "target": 9, "label": "E"}, {"source": 59, "target": 16, "label": "E"}, {"source": 69, "target": 43, "label": "A"}, {"source": 60, "target": 23, "label": "C"}, {"source": 54, "target": 1, "label": "E"}, {"source": 63, "target": 27, "label": "R"}, {"source": 52, "target": 57, "label": "A"}, {"source": 64, "target": 66, "label": "A"}, {"source": 57, "target": 8, "label": "R"}, {"source": 67, "target": 39, "label": "C"}, {"source": 59, "target": 15, "label": "R"}, {"source": 58, "target": 14, "label": "S"}, {"source": 53, "target": 68, "label": "H"}, {"source": 67, "target": 37, "label": "E"}]} +{"id": "201972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great help even near closing time!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "201972-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came in to town for a week and forgot my trainers!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 2, "label": "R"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 15, "label": "D"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "E"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "201972-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oh no!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "201972-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came in 30 min before close and the staff was super helpful.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 19, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 10, "label": "S"}, {"source": 17, "target": 11, "label": "D"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "C"}, {"source": 18, "target": 7, "label": "N"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 12, "label": "A"}, {"source": 15, "target": 16, "label": "D"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "201972-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They spent a lot of time with me and got me into a great pair of shoes.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 70}]}, {"id": 17, "anchors": [{"from": 70, "to": 71}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 22, "target": 6, "label": "R"}, {"source": 20, "target": 2, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 24, "target": 14, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 21, "target": 20, "label": "E"}, {"source": 23, "target": 10, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 24, "target": 11, "label": "R"}, {"source": 25, "target": 16, "label": "C"}, {"source": 19, "target": 8, "label": "L"}, {"source": 22, "target": 7, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 4, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 9, "label": "P"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "201972-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think they may even be better than the pair I have been using this past year!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 3, "label": "F"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 21, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 20, "target": 2, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 20, "target": 4, "label": "D"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 16, "label": "C"}, {"source": 23, "target": 10, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 1, "label": "P"}, {"source": 22, "target": 7, "label": "R"}, {"source": 23, "target": 24, "label": "D"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "201972-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Run on!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "202402-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "SERVERS", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "202402-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When my server crashed, Greg worked from 7 PM until 4 AM and had my company up and running the next morning.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 107}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 13, "label": "L"}, {"source": 24, "target": 0, "label": "L"}, {"source": 26, "target": 3, "label": "P"}, {"source": 32, "target": 19, "label": "P"}, {"source": 24, "target": 27, "label": "H"}, {"source": 24, "target": 32, "label": "H"}, {"source": 30, "target": 14, "label": "P"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 1, "label": "E"}, {"source": 25, "target": 2, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 29, "target": 11, "label": "E"}, {"source": 28, "target": 8, "label": "E"}, {"source": 33, "target": 23, "label": "U"}, {"source": 27, "target": 5, "label": "A"}, {"source": 33, "target": 22, "label": "C"}, {"source": 32, "target": 33, "label": "D"}, {"source": 26, "target": 25, "label": "A"}, {"source": 24, "target": 30, "label": "H"}, {"source": 33, "target": 21, "label": "E"}, {"source": 31, "target": 16, "label": "C"}, {"source": 24, "target": 18, "label": "L"}, {"source": 27, "target": 6, "label": "P"}, {"source": 32, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "A"}, {"source": 33, "target": 20, "label": "E"}, {"source": 31, "target": 15, "label": "E"}, {"source": 24, "target": 4, "label": "U"}, {"source": 28, "target": 9, "label": "C"}, {"source": 27, "target": 29, "label": "D"}, {"source": 30, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 7, "label": "R"}, {"source": 29, "target": 12, "label": "C"}]} +{"id": "202402-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That's what I call customer service!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 1, "label": "S"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "202709-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Elmira, your the best!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "A"}, {"source": 7, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "202709-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All I can say is that Elmira you are the best Ive experienced, never before has the seamstress done a perfect job until i met you.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 68}, {"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 129}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 23, "label": "L"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 38, "target": 25, "label": "P"}, {"source": 32, "target": 5, "label": "F"}, {"source": 32, "target": 6, "label": "A"}, {"source": 33, "target": 9, "label": "E"}, {"source": 33, "target": 10, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 28, "target": 0, "label": "E"}, {"source": 34, "target": 15, "label": "D"}, {"source": 37, "target": 21, "label": "E"}, {"source": 35, "target": 16, "label": "F"}, {"source": 33, "target": 11, "label": "C"}, {"source": 35, "target": 37, "label": "A"}, {"source": 32, "target": 7, "label": "A"}, {"source": 37, "target": 20, "label": "E"}, {"source": 37, "target": 22, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 34, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 14, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 2, "label": "D"}, {"source": 38, "target": 26, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 1, "label": "C"}, {"source": 38, "target": 24, "label": "A"}, {"source": 36, "target": 18, "label": "C"}, {"source": 29, "target": 3, "label": "P"}, {"source": 35, "target": 19, "label": "P"}, {"source": 32, "target": 8, "label": "S"}, {"source": 34, "target": 13, "label": "S"}, {"source": 31, "target": 4, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 38, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 36, "target": 17, "label": "E"}, {"source": 38, "target": 27, "label": "U"}]} +{"id": "202709-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recommend you to everyone in Calgary, as she is a professional and the cost for her was low.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}, {"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 11, "label": "E"}, {"source": 22, "target": 3, "label": "R"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 8, "label": "L"}, {"source": 24, "target": 9, "label": "A"}, {"source": 25, "target": 12, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 26, "target": 13, "label": "N"}, {"source": 20, "target": 2, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 23, "target": 5, "label": "R"}, {"source": 29, "target": 19, "label": "U"}, {"source": 26, "target": 27, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 26, "label": "S"}, {"source": 24, "target": 10, "label": "F"}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 25, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 29, "label": "H"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 4, "label": "C"}, {"source": 24, "target": 28, "label": "A"}, {"source": 27, "target": 14, "label": "E"}, {"source": 29, "target": 18, "label": "S"}, {"source": 21, "target": 7, "label": "U"}]} +{"id": "203196-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "VINGAS", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "203196-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "VISAKHA INDUSTRIAL GASES PVT. LTD., location at google maps.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 11, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 6, "label": "P"}, {"source": 11, "target": 0, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 2, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "205014-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A Great Help!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "205014-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ashdown Horse Transport were fantastic!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 13}, {"from": 14, "to": 23}]}, {"id": 1, "anchors": [{"from": 24, "to": 28}]}, {"id": 2, "anchors": [{"from": 29, "to": 38}]}, {"id": 3, "anchors": [{"from": 38, "to": 39}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 4, "label": "H"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 1, "label": "F"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "A"}]} +{"id": "205014-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very friendly and ALWAY contactable even at weekends.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 10, "target": 13, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "N"}]} +{"id": "205014-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would hesitate to recommend anyone.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "205014-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks again Nina.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "205014-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "PS. Love the new website!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 0, "label": "U"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "206303-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Natasha", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "206303-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A real pleasure training with Natasha.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 7, "label": "S"}, {"source": 7, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "206303-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Always professional and reliable, sessions are good fun and suitably challenging.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 80}]}, {"id": 12, "anchors": [{"from": 80, "to": 81}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 18, "target": 11, "label": "S"}, {"source": 18, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 10, "label": "D"}, {"source": 16, "target": 9, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 14, "target": 2, "label": "N"}, {"source": 15, "target": 4, "label": "U"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 5, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 6, "label": "S"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "206303-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She really listens to what it is you would like to achieve, and I am very happy with my results.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 95}]}, {"id": 21, "anchors": [{"from": 95, "to": 96}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 4, "label": "F"}, {"source": 30, "target": 17, "label": "S"}, {"source": 22, "target": 1, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 31, "target": 19, "label": "E"}, {"source": 23, "target": 29, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 2, "label": "P"}, {"source": 29, "target": 13, "label": "N"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 10, "label": "F"}, {"source": 25, "target": 5, "label": "A"}, {"source": 25, "target": 6, "label": "S"}, {"source": 24, "target": 3, "label": "R"}, {"source": 29, "target": 30, "label": "H"}, {"source": 23, "target": 22, "label": "H"}, {"source": 30, "target": 15, "label": "F"}, {"source": 28, "target": 11, "label": "P"}, {"source": 26, "target": 7, "label": "A"}, {"source": 30, "target": 16, "label": "D"}, {"source": 30, "target": 14, "label": "A"}, {"source": 26, "target": 27, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 18, "label": "R"}, {"source": 29, "target": 12, "label": "U"}, {"source": 27, "target": 8, "label": "F"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "206303-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend her services.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "207348-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Feels like you are in Brooklyn, but people watching is entertaining.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 2, "label": "A"}, {"source": 15, "target": 1, "label": "R"}, {"source": 14, "target": 6, "label": "U"}, {"source": 17, "target": 4, "label": "R"}, {"source": 16, "target": 3, "label": "S"}, {"source": 19, "target": 10, "label": "F"}, {"source": 14, "target": 7, "label": "L"}, {"source": 13, "target": 0, "label": "P"}, {"source": 18, "target": 8, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "207629-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "207629-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been going to Warner Family for a number of years and would highly recommend it to anyone.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 26, "target": 16, "label": "A"}, {"source": 22, "target": 4, "label": "R"}, {"source": 21, "target": 26, "label": "H"}, {"source": 23, "target": 7, "label": "R"}, {"source": 24, "target": 10, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 27, "target": 19, "label": "U"}, {"source": 20, "target": 2, "label": "F"}, {"source": 24, "target": 9, "label": "C"}, {"source": 20, "target": 23, "label": "D"}, {"source": 23, "target": 8, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 26, "target": 14, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 11, "label": "C"}, {"source": 27, "target": 17, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 3, "label": "P"}, {"source": 21, "target": 12, "label": "L"}, {"source": 27, "target": 18, "label": "C"}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}]} +{"id": "207629-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've read some of the reviews below and would like to state that yes, like any other doctors office there is sometimes a wait (depending on what other patients are being seen for) and some of the tests and procedures that are ran can be costly (just like they would be for any other medical tests elsewhere if you do not have insurance)...", "tops": [71], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 127, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 178}]}, {"id": 36, "anchors": [{"from": 178, "to": 179}]}, {"id": 37, "anchors": [{"from": 180, "to": 183}]}, {"id": 38, "anchors": [{"from": 184, "to": 188}]}, {"id": 39, "anchors": [{"from": 189, "to": 191}]}, {"id": 40, "anchors": [{"from": 192, "to": 195}]}, {"id": 41, "anchors": [{"from": 196, "to": 201}]}, {"id": 42, "anchors": [{"from": 202, "to": 205}]}, {"id": 43, "anchors": [{"from": 206, "to": 216}]}, {"id": 44, "anchors": [{"from": 217, "to": 221}]}, {"id": 45, "anchors": [{"from": 222, "to": 225}]}, {"id": 46, "anchors": [{"from": 226, "to": 229}]}, {"id": 47, "anchors": [{"from": 230, "to": 233}]}, {"id": 48, "anchors": [{"from": 234, "to": 236}]}, {"id": 49, "anchors": [{"from": 237, "to": 243}]}, {"id": 50, "anchors": [{"from": 244, "to": 245}]}, {"id": 51, "anchors": [{"from": 245, "to": 249}]}, {"id": 52, "anchors": [{"from": 250, "to": 254}]}, {"id": 53, "anchors": [{"from": 255, "to": 259}]}, {"id": 54, "anchors": [{"from": 260, "to": 265}]}, {"id": 55, "anchors": [{"from": 266, "to": 268}]}, {"id": 56, "anchors": [{"from": 269, "to": 272}]}, {"id": 57, "anchors": [{"from": 273, "to": 276}]}, {"id": 58, "anchors": [{"from": 277, "to": 282}]}, {"id": 59, "anchors": [{"from": 283, "to": 290}]}, {"id": 60, "anchors": [{"from": 291, "to": 296}]}, {"id": 61, "anchors": [{"from": 297, "to": 306}]}, {"id": 62, "anchors": [{"from": 307, "to": 309}]}, {"id": 63, "anchors": [{"from": 310, "to": 313}]}, {"id": 64, "anchors": [{"from": 314, "to": 316}]}, {"id": 65, "anchors": [{"from": 317, "to": 320}]}, {"id": 66, "anchors": [{"from": 321, "to": 325}]}, {"id": 67, "anchors": [{"from": 326, "to": 335}]}, {"id": 68, "anchors": [{"from": 335, "to": 336}]}, {"id": 69, "anchors": [{"from": 336, "to": 339}]}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}], "edges": [{"source": 89, "target": 53, "label": "A"}, {"source": 91, "target": 92, "label": "S"}, {"source": 89, "target": 94, "label": "P"}, {"source": 97, "target": 66, "label": "F"}, {"source": 85, "target": 30, "label": "E"}, {"source": 93, "target": 51, "label": "R"}, {"source": 71, "target": 70, "label": "H"}, {"source": 83, "target": 89, "label": "H"}, {"source": 74, "target": 9, "label": "C"}, {"source": 87, "target": 38, "label": "C"}, {"source": 80, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 84, "target": 85, "label": "E"}, {"source": 79, "target": 17, "label": "E"}, {"source": 77, "target": 13, "label": "C"}, {"source": 83, "target": 62, "label": "L"}, {"source": 70, "target": 6, "label": "D"}, {"source": 76, "target": 78, "label": "A"}, {"source": 82, "target": 27, "label": "P"}, {"source": 70, "target": 73, "label": "A"}, {"source": 76, "target": 14, "label": "U"}, {"source": 96, "target": 65, "label": "D"}, {"source": 95, "target": 57, "label": "E"}, {"source": 75, "target": 76, "label": "A"}, {"source": 78, "target": 79, "label": "E"}, {"source": 95, "target": 60, "label": "C"}, {"source": 81, "target": 24, "label": "E"}, {"source": 88, "target": 91, "label": "E"}, {"source": 95, "target": 61, "label": "E"}, {"source": 71, "target": 80, "label": "H"}, {"source": 91, "target": 45, "label": "F"}, {"source": 78, "target": 20, "label": "C"}, {"source": 80, "target": 21, "label": "F"}, {"source": 76, "target": 77, "label": "A"}, {"source": 80, "target": 81, "label": "A"}, {"source": 89, "target": 88, "label": "A"}, {"source": 70, "target": 1, "label": "P"}, {"source": 91, "target": 48, "label": "F"}, {"source": 97, "target": 68, "label": "U"}, {"source": 88, "target": 40, "label": "E"}, {"source": 95, "target": 59, "label": "E"}, {"source": 79, "target": 16, "label": "E"}, {"source": 81, "target": 26, "label": "U"}, {"source": 86, "target": 35, "label": "D"}, {"source": 93, "target": 52, "label": "C"}, {"source": 82, "target": 84, "label": "A"}, {"source": 71, "target": 75, "label": "H"}, {"source": 70, "target": 0, "label": "A"}, {"source": 84, "target": 28, "label": "R"}, {"source": 81, "target": 25, "label": "C"}, {"source": 83, "target": 36, "label": "U"}, {"source": 96, "target": 97, "label": "P"}, {"source": 73, "target": 5, "label": "C"}, {"source": 71, "target": 7, "label": "L"}, {"source": 82, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 76, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 83, "target": 86, "label": "H"}, {"source": 80, "target": 23, "label": "D"}, {"source": 90, "target": 43, "label": "C"}, {"source": 81, "target": 83, "label": "E"}, {"source": 83, "target": 37, "label": "L"}, {"source": 90, "target": 42, "label": "N"}, {"source": 92, "target": 47, "label": "F"}, {"source": 94, "target": 54, "label": "F"}, {"source": 85, "target": 29, "label": "F"}, {"source": 87, "target": 39, "label": "R"}, {"source": 91, "target": 46, "label": "D"}, {"source": 71, "target": 32, "label": "L"}, {"source": 80, "target": 22, "label": "S"}, {"source": 86, "target": 34, "label": "P"}, {"source": 72, "target": 3, "label": "R"}, {"source": 91, "target": 44, "label": "R"}, {"source": 73, "target": 72, "label": "E"}, {"source": 86, "target": 33, "label": "F"}, {"source": 88, "target": 93, "label": "E"}, {"source": 88, "target": 90, "label": "C"}, {"source": 88, "target": 87, "label": "E"}, {"source": 79, "target": 19, "label": "R"}, {"source": 79, "target": 18, "label": "C"}, {"source": 78, "target": 15, "label": "R"}, {"source": 97, "target": 67, "label": "C"}, {"source": 77, "target": 12, "label": "F"}, {"source": 95, "target": 56, "label": "R"}, {"source": 85, "target": 31, "label": "C"}, {"source": 96, "target": 64, "label": "F"}, {"source": 75, "target": 74, "label": "P"}, {"source": 73, "target": 4, "label": "E"}, {"source": 72, "target": 2, "label": "C"}, {"source": 90, "target": 41, "label": "C"}, {"source": 95, "target": 58, "label": "E"}, {"source": 89, "target": 95, "label": "A"}, {"source": 74, "target": 8, "label": "D"}, {"source": 97, "target": 69, "label": "U"}, {"source": 76, "target": 10, "label": "F"}, {"source": 96, "target": 63, "label": "A"}, {"source": 92, "target": 49, "label": "C"}, {"source": 88, "target": 50, "label": "U"}, {"source": 83, "target": 96, "label": "H"}, {"source": 94, "target": 55, "label": "C"}, {"source": 83, "target": 82, "label": "H"}, {"source": 75, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 76, "target": 11, "label": "P"}]} +{"id": "207629-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have seen several of the providers from the office and have not once been shown anything but care and consideration.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 117}]}, {"id": 21, "anchors": [{"from": 117, "to": 118}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 15, "label": "P"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 16, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 7, "label": "R"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 3, "label": "C"}, {"source": 24, "target": 4, "label": "R"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 19, "label": "N"}, {"source": 22, "target": 2, "label": "P"}, {"source": 23, "target": 10, "label": "L"}, {"source": 25, "target": 24, "label": "E"}, {"source": 28, "target": 18, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 27, "target": 11, "label": "F"}, {"source": 28, "target": 17, "label": "N"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 13, "label": "D"}, {"source": 27, "target": 14, "label": "F"}, {"source": 27, "target": 12, "label": "D"}, {"source": 22, "target": 25, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}]} +{"id": "207629-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I cant speak for them but any tests or appointments they recommend are probably in the best interests of us (the patient) and you have the ability to decline anything that they suggest to you.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 176}]}, {"id": 35, "anchors": [{"from": 177, "to": 184}]}, {"id": 36, "anchors": [{"from": 185, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 191}]}, {"id": 38, "anchors": [{"from": 191, "to": 192}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 47, "target": 15, "label": "R"}, {"source": 48, "target": 19, "label": "R"}, {"source": 44, "target": 46, "label": "C"}, {"source": 45, "target": 47, "label": "A"}, {"source": 41, "target": 3, "label": "C"}, {"source": 48, "target": 49, "label": "E"}, {"source": 39, "target": 2, "label": "D"}, {"source": 47, "target": 48, "label": "E"}, {"source": 50, "target": 27, "label": "P"}, {"source": 40, "target": 50, "label": "H"}, {"source": 54, "target": 37, "label": "C"}, {"source": 54, "target": 38, "label": "U"}, {"source": 42, "target": 5, "label": "C"}, {"source": 40, "target": 24, "label": "U"}, {"source": 40, "target": 45, "label": "H"}, {"source": 40, "target": 25, "label": "L"}, {"source": 45, "target": 14, "label": "D"}, {"source": 50, "target": 52, "label": "A"}, {"source": 52, "target": 31, "label": "P"}, {"source": 52, "target": 32, "label": "A"}, {"source": 43, "target": 8, "label": "C"}, {"source": 44, "target": 9, "label": "N"}, {"source": 42, "target": 4, "label": "R"}, {"source": 39, "target": 0, "label": "A"}, {"source": 45, "target": 12, "label": "P"}, {"source": 51, "target": 28, "label": "E"}, {"source": 47, "target": 17, "label": "E"}, {"source": 49, "target": 22, "label": "E"}, {"source": 41, "target": 1, "label": "E"}, {"source": 53, "target": 34, "label": "A"}, {"source": 45, "target": 13, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 47, "target": 18, "label": "C"}, {"source": 49, "target": 23, "label": "C"}, {"source": 43, "target": 7, "label": "E"}, {"source": 48, "target": 20, "label": "C"}, {"source": 50, "target": 26, "label": "A"}, {"source": 52, "target": 30, "label": "F"}, {"source": 46, "target": 11, "label": "E"}, {"source": 48, "target": 21, "label": "U"}, {"source": 53, "target": 35, "label": "P"}, {"source": 53, "target": 33, "label": "F"}, {"source": 54, "target": 36, "label": "R"}, {"source": 45, "target": 44, "label": "A"}, {"source": 39, "target": 42, "label": "A"}, {"source": 52, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 43, "label": "C"}, {"source": 39, "target": 41, "label": "P"}, {"source": 51, "target": 29, "label": "C"}, {"source": 50, "target": 51, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 46, "target": 10, "label": "C"}, {"source": 40, "target": 39, "label": "H"}, {"source": 40, "target": 6, "label": "L"}, {"source": 47, "target": 16, "label": "E"}]} +{"id": "207629-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I personally have had wonderful service and if youre truely looking for a FAMILY practice...Warner Family is the place for you.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 89}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 98}, {"from": 99, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 126}]}, {"id": 23, "anchors": [{"from": 126, "to": 127}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 24, "target": 1, "label": "D"}, {"source": 25, "target": 7, "label": "L"}, {"source": 25, "target": 16, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 30, "target": 20, "label": "C"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 2, "label": "F"}, {"source": 31, "target": 22, "label": "C"}, {"source": 26, "target": 5, "label": "C"}, {"source": 25, "target": 27, "label": "H"}, {"source": 28, "target": 14, "label": "E"}, {"source": 29, "target": 17, "label": "A"}, {"source": 27, "target": 9, "label": "D"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 11, "label": "P"}, {"source": 26, "target": 4, "label": "E"}, {"source": 28, "target": 12, "label": "R"}, {"source": 24, "target": 3, "label": "P"}, {"source": 27, "target": 8, "label": "A"}, {"source": 31, "target": 21, "label": "R"}, {"source": 29, "target": 18, "label": "S"}, {"source": 28, "target": 13, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "D"}, {"source": 25, "target": 6, "label": "L"}]} +{"id": "207783-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not a clothing store", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "207783-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Be more careful when you write reviews- this is an accounting group, not Hollister the clothing store.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 18, "label": "C"}, {"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 5, "label": "P"}, {"source": 25, "target": 10, "label": "E"}, {"source": 24, "target": 9, "label": "S"}, {"source": 26, "target": 19, "label": "U"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 3, "label": "L"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 1, "label": "D"}, {"source": 26, "target": 17, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 23, "target": 24, "label": "C"}, {"source": 22, "target": 4, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 24, "target": 8, "label": "A"}, {"source": 23, "target": 7, "label": "U"}, {"source": 25, "target": 13, "label": "U"}, {"source": 23, "target": 6, "label": "C"}, {"source": 20, "target": 0, "label": "F"}]} +{"id": "208180-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good quality Indian food in a pleasant environment", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 50}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 2, "label": "A"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 3, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "208310-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Whatever you order, you will LOVE!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 4, "label": "A"}, {"source": 10, "target": 6, "label": "S"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 0, "label": "L"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "209465-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pho-nomenal!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "209465-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been eating Pho for almost my entire life and I've always gone to the Pho places in south philly and off the boulevard and even the other one in chinatown, but when i tried this pho place, it blew the other pho houses away!!", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}, {"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 148}]}, {"id": 30, "anchors": [{"from": 149, "to": 151}]}, {"id": 31, "anchors": [{"from": 152, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 166}, {"from": 167, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 173}]}, {"id": 35, "anchors": [{"from": 174, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 184}]}, {"id": 37, "anchors": [{"from": 185, "to": 188}]}, {"id": 38, "anchors": [{"from": 189, "to": 194}]}, {"id": 39, "anchors": [{"from": 194, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 198}]}, {"id": 41, "anchors": [{"from": 199, "to": 203}]}, {"id": 42, "anchors": [{"from": 204, "to": 207}]}, {"id": 43, "anchors": [{"from": 208, "to": 213}]}, {"id": 44, "anchors": [{"from": 214, "to": 217}]}, {"id": 45, "anchors": [{"from": 218, "to": 224}]}, {"id": 46, "anchors": [{"from": 225, "to": 229}]}, {"id": 47, "anchors": [{"from": 229, "to": 231}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 62, "target": 44, "label": "E"}, {"source": 56, "target": 55, "label": "A"}, {"source": 48, "target": 4, "label": "A"}, {"source": 62, "target": 43, "label": "E"}, {"source": 54, "target": 20, "label": "C"}, {"source": 51, "target": 8, "label": "E"}, {"source": 60, "target": 36, "label": "E"}, {"source": 49, "target": 56, "label": "H"}, {"source": 55, "target": 22, "label": "E"}, {"source": 49, "target": 61, "label": "H"}, {"source": 63, "target": 47, "label": "U"}, {"source": 58, "target": 31, "label": "C"}, {"source": 59, "target": 34, "label": "A"}, {"source": 51, "target": 6, "label": "E"}, {"source": 53, "target": 17, "label": "C"}, {"source": 49, "target": 59, "label": "H"}, {"source": 57, "target": 28, "label": "E"}, {"source": 48, "target": 1, "label": "F"}, {"source": 56, "target": 25, "label": "N"}, {"source": 52, "target": 11, "label": "C"}, {"source": 59, "target": 60, "label": "A"}, {"source": 55, "target": 24, "label": "C"}, {"source": 57, "target": 27, "label": "E"}, {"source": 49, "target": 21, "label": "L"}, {"source": 50, "target": 5, "label": "R"}, {"source": 53, "target": 14, "label": "R"}, {"source": 48, "target": 2, "label": "F"}, {"source": 57, "target": 26, "label": "E"}, {"source": 62, "target": 45, "label": "C"}, {"source": 48, "target": 12, "label": "D"}, {"source": 49, "target": 32, "label": "U"}, {"source": 51, "target": 9, "label": "C"}, {"source": 61, "target": 63, "label": "A"}, {"source": 48, "target": 13, "label": "D"}, {"source": 52, "target": 10, "label": "N"}, {"source": 53, "target": 16, "label": "E"}, {"source": 60, "target": 38, "label": "C"}, {"source": 48, "target": 53, "label": "A"}, {"source": 60, "target": 37, "label": "E"}, {"source": 63, "target": 46, "label": "E"}, {"source": 54, "target": 18, "label": "R"}, {"source": 54, "target": 19, "label": "E"}, {"source": 58, "target": 30, "label": "R"}, {"source": 49, "target": 48, "label": "H"}, {"source": 61, "target": 62, "label": "A"}, {"source": 55, "target": 23, "label": "E"}, {"source": 49, "target": 39, "label": "U"}, {"source": 49, "target": 33, "label": "L"}, {"source": 57, "target": 58, "label": "E"}, {"source": 57, "target": 29, "label": "C"}, {"source": 52, "target": 51, "label": "C"}, {"source": 51, "target": 7, "label": "C"}, {"source": 61, "target": 40, "label": "A"}, {"source": 48, "target": 3, "label": "P"}, {"source": 59, "target": 35, "label": "P"}, {"source": 62, "target": 42, "label": "E"}, {"source": 56, "target": 57, "label": "C"}, {"source": 61, "target": 41, "label": "P"}, {"source": 48, "target": 50, "label": "A"}, {"source": 53, "target": 15, "label": "E"}, {"source": 48, "target": 0, "label": "A"}, {"source": 53, "target": 54, "label": "E"}, {"source": 50, "target": 52, "label": "C"}]} +{"id": "209465-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "all of the pho places taste the same to me, so what seperates one from the other is the service and the price.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 109}]}, {"id": 24, "anchors": [{"from": 109, "to": 110}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 24, "label": "U"}, {"source": 30, "target": 9, "label": "C"}, {"source": 34, "target": 20, "label": "C"}, {"source": 26, "target": 3, "label": "E"}, {"source": 36, "target": 23, "label": "C"}, {"source": 33, "target": 35, "label": "C"}, {"source": 26, "target": 2, "label": "E"}, {"source": 29, "target": 6, "label": "E"}, {"source": 30, "target": 8, "label": "R"}, {"source": 25, "target": 0, "label": "C"}, {"source": 35, "target": 34, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 33, "target": 17, "label": "E"}, {"source": 35, "target": 21, "label": "N"}, {"source": 31, "target": 12, "label": "F"}, {"source": 33, "target": 18, "label": "R"}, {"source": 29, "target": 7, "label": "C"}, {"source": 36, "target": 22, "label": "E"}, {"source": 26, "target": 4, "label": "C"}, {"source": 28, "target": 10, "label": "U"}, {"source": 34, "target": 19, "label": "E"}, {"source": 28, "target": 11, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 14, "label": "C"}, {"source": 33, "target": 16, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 27, "target": 5, "label": "P"}, {"source": 27, "target": 30, "label": "A"}, {"source": 25, "target": 1, "label": "R"}, {"source": 33, "target": 15, "label": "R"}, {"source": 28, "target": 27, "label": "H"}, {"source": 31, "target": 13, "label": "P"}, {"source": 26, "target": 25, "label": "E"}]} +{"id": "209465-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service here is incredible compared to the other places.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 8, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "209465-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the only down fall of this pho house is the difficulty in finding parking in chinatown.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 17, "label": "S"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 12, "label": "D"}, {"source": 26, "target": 16, "label": "U"}, {"source": 18, "target": 19, "label": "H"}, {"source": 22, "target": 8, "label": "S"}, {"source": 26, "target": 14, "label": "R"}, {"source": 17, "target": 2, "label": "C"}, {"source": 19, "target": 20, "label": "D"}, {"source": 24, "target": 11, "label": "R"}, {"source": 17, "target": 1, "label": "E"}, {"source": 20, "target": 4, "label": "R"}, {"source": 21, "target": 6, "label": "E"}, {"source": 17, "target": 0, "label": "E"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "209465-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "remember to bring cash since they don't take debit or credit.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}, {"from": 45, "to": 50}, {"from": 51, "to": 53}, {"from": 54, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 7, "label": "D"}, {"source": 10, "target": 0, "label": "D"}, {"source": 10, "target": 3, "label": "A"}, {"source": 12, "target": 5, "label": "A"}, {"source": 13, "target": 8, "label": "P"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 2, "label": "P"}, {"source": 12, "target": 6, "label": "P"}, {"source": 11, "target": 4, "label": "L"}]} +{"id": "209465-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "hope this helps!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 0, "label": "S"}]} +{"id": "210019-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have stayed at Tanglewood for many years now.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "D"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "R"}, {"source": 13, "target": 8, "label": "E"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "210019-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We go over about 5 times a year.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}, {"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "D"}]} +{"id": "210019-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have never had a problem with the cabins.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "210019-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are always so helpful.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "210019-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The cabins have always been clean.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "P"}, {"source": 9, "target": 3, "label": "D"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "210019-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Helen is a wonderful place to take you family.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 5, "label": "L"}, {"source": 10, "target": 12, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "P"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 3, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}]} +{"id": "210019-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We recommend these cabins!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "210066-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bait and switch, untrained workers", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 6, "target": 1, "label": "N"}, {"source": 10, "target": 4, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "210066-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Called the Bonanza store 2 weeks ago, before I ripped out 350sqft of ceramic tile... was told I would need a \"dual head concrete grinder\" to remove thinset and make a nice \"finished\" look (ready for concrete stain).", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}, {"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 110}]}, {"id": 25, "anchors": [{"from": 110, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 136}]}, {"id": 29, "anchors": [{"from": 136, "to": 137}]}, {"id": 30, "anchors": [{"from": 138, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 171}]}, {"id": 37, "anchors": [{"from": 172, "to": 173}]}, {"id": 38, "anchors": [{"from": 173, "to": 181}]}, {"id": 39, "anchors": [{"from": 181, "to": 182}]}, {"id": 40, "anchors": [{"from": 183, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 189}]}, {"id": 42, "anchors": [{"from": 189, "to": 194}]}, {"id": 43, "anchors": [{"from": 195, "to": 198}]}, {"id": 44, "anchors": [{"from": 199, "to": 207}]}, {"id": 45, "anchors": [{"from": 208, "to": 213}]}, {"id": 46, "anchors": [{"from": 213, "to": 214}]}, {"id": 47, "anchors": [{"from": 214, "to": 215}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 56, "target": 58, "label": "A"}, {"source": 53, "target": 12, "label": "E"}, {"source": 58, "target": 29, "label": "U"}, {"source": 65, "target": 47, "label": "U"}, {"source": 50, "target": 2, "label": "E"}, {"source": 50, "target": 3, "label": "C"}, {"source": 55, "target": 14, "label": "R"}, {"source": 48, "target": 0, "label": "P"}, {"source": 58, "target": 59, "label": "A"}, {"source": 49, "target": 56, "label": "H"}, {"source": 64, "target": 42, "label": "S"}, {"source": 63, "target": 36, "label": "E"}, {"source": 59, "target": 24, "label": "U"}, {"source": 49, "target": 52, "label": "H"}, {"source": 59, "target": 60, "label": "E"}, {"source": 63, "target": 38, "label": "E"}, {"source": 63, "target": 40, "label": "C"}, {"source": 57, "target": 21, "label": "F"}, {"source": 54, "target": 55, "label": "E"}, {"source": 58, "target": 61, "label": "A"}, {"source": 52, "target": 10, "label": "P"}, {"source": 65, "target": 46, "label": "U"}, {"source": 59, "target": 23, "label": "E"}, {"source": 55, "target": 15, "label": "E"}, {"source": 61, "target": 30, "label": "R"}, {"source": 56, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 63, "label": "A"}, {"source": 64, "target": 65, "label": "A"}, {"source": 53, "target": 11, "label": "E"}, {"source": 60, "target": 28, "label": "C"}, {"source": 49, "target": 7, "label": "U"}, {"source": 63, "target": 41, "label": "U"}, {"source": 61, "target": 31, "label": "C"}, {"source": 63, "target": 37, "label": "U"}, {"source": 65, "target": 43, "label": "R"}, {"source": 62, "target": 34, "label": "P"}, {"source": 49, "target": 32, "label": "L"}, {"source": 56, "target": 19, "label": "P"}, {"source": 51, "target": 4, "label": "E"}, {"source": 58, "target": 57, "label": "P"}, {"source": 63, "target": 35, "label": "E"}, {"source": 49, "target": 17, "label": "U"}, {"source": 54, "target": 53, "label": "C"}, {"source": 62, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 8, "label": "L"}, {"source": 65, "target": 44, "label": "E"}, {"source": 50, "target": 1, "label": "E"}, {"source": 56, "target": 18, "label": "F"}, {"source": 49, "target": 48, "label": "H"}, {"source": 65, "target": 45, "label": "C"}, {"source": 55, "target": 16, "label": "C"}, {"source": 49, "target": 33, "label": "L"}, {"source": 51, "target": 6, "label": "R"}, {"source": 52, "target": 9, "label": "A"}, {"source": 52, "target": 54, "label": "A"}, {"source": 51, "target": 5, "label": "C"}, {"source": 58, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 27, "label": "E"}, {"source": 53, "target": 13, "label": "C"}, {"source": 56, "target": 20, "label": "A"}, {"source": 49, "target": 62, "label": "H"}, {"source": 63, "target": 39, "label": "U"}, {"source": 48, "target": 50, "label": "A"}, {"source": 63, "target": 64, "label": "E"}, {"source": 57, "target": 22, "label": "C"}, {"source": 60, "target": 26, "label": "E"}, {"source": 48, "target": 51, "label": "D"}, {"source": 60, "target": 25, "label": "E"}, {"source": 64, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "210066-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Was quoted $55 all inclusive of grinder inserts, etc.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 6, "label": "R"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 2, "label": "U"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 0, "label": "F"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 10, "label": "D"}, {"source": 15, "target": 16, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 14, "label": "E"}]} +{"id": "210066-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No problem, sounded like it's done every day.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "D"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 5, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 6, "label": "F"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "210066-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will look beautiful.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "210066-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Got the tile ripped out, call today, now all the sudden this grinder won't leave a finished look AND it's $125 PLUS around $75 for the inserts.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 107}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 124}]}, {"id": 29, "anchors": [{"from": 124, "to": 126}]}, {"id": 30, "anchors": [{"from": 127, "to": 130}]}, {"id": 31, "anchors": [{"from": 131, "to": 134}]}, {"id": 32, "anchors": [{"from": 135, "to": 142}]}, {"id": 33, "anchors": [{"from": 142, "to": 143}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 42, "target": 24, "label": "U"}, {"source": 34, "target": 36, "label": "A"}, {"source": 36, "target": 2, "label": "C"}, {"source": 40, "target": 14, "label": "C"}, {"source": 41, "target": 19, "label": "E"}, {"source": 43, "target": 26, "label": "C"}, {"source": 45, "target": 33, "label": "U"}, {"source": 35, "target": 42, "label": "H"}, {"source": 42, "target": 23, "label": "S"}, {"source": 35, "target": 21, "label": "L"}, {"source": 40, "target": 12, "label": "E"}, {"source": 38, "target": 7, "label": "E"}, {"source": 39, "target": 15, "label": "D"}, {"source": 39, "target": 9, "label": "D"}, {"source": 42, "target": 44, "label": "A"}, {"source": 42, "target": 22, "label": "A"}, {"source": 45, "target": 30, "label": "R"}, {"source": 34, "target": 5, "label": "U"}, {"source": 44, "target": 29, "label": "C"}, {"source": 37, "target": 4, "label": "E"}, {"source": 34, "target": 0, "label": "P"}, {"source": 36, "target": 1, "label": "E"}, {"source": 35, "target": 39, "label": "H"}, {"source": 39, "target": 40, "label": "D"}, {"source": 39, "target": 41, "label": "A"}, {"source": 40, "target": 13, "label": "E"}, {"source": 34, "target": 38, "label": "A"}, {"source": 40, "target": 10, "label": "R"}, {"source": 39, "target": 16, "label": "D"}, {"source": 44, "target": 45, "label": "E"}, {"source": 45, "target": 31, "label": "E"}, {"source": 34, "target": 37, "label": "A"}, {"source": 44, "target": 28, "label": "U"}, {"source": 38, "target": 6, "label": "C"}, {"source": 40, "target": 11, "label": "E"}, {"source": 43, "target": 25, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 41, "target": 20, "label": "C"}, {"source": 39, "target": 17, "label": "P"}, {"source": 37, "target": 3, "label": "C"}, {"source": 41, "target": 18, "label": "E"}, {"source": 45, "target": 32, "label": "C"}, {"source": 44, "target": 27, "label": "R"}, {"source": 35, "target": 8, "label": "U"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "210066-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I can rent another machine for like $60 that will give it a finished look.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 12, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 22, "target": 14, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 15, "label": "C"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 20, "target": 6, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "210066-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So from $55 to $260?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}, {"from": 12, "to": 14}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 7, "label": "H"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "L"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "210066-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Are they serious?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "F"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 0, "label": "S"}]} +{"id": "210066-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I feel like they didn't tell me the pitfalls before I pulled out this tile and now that I have no other options they want 5 TIMES the price?", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 123}, {"from": 124, "to": 129}, {"from": 130, "to": 133}, {"from": 134, "to": 139}]}, {"id": 27, "anchors": [{"from": 139, "to": 140}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 31, "target": 8, "label": "E"}, {"source": 38, "target": 25, "label": "P"}, {"source": 28, "target": 1, "label": "P"}, {"source": 36, "target": 19, "label": "A"}, {"source": 30, "target": 3, "label": "A"}, {"source": 31, "target": 9, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 36, "target": 21, "label": "D"}, {"source": 37, "target": 23, "label": "C"}, {"source": 34, "target": 15, "label": "C"}, {"source": 29, "target": 10, "label": "L"}, {"source": 35, "target": 34, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 0, "label": "A"}, {"source": 30, "target": 5, "label": "D"}, {"source": 38, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 27, "label": "U"}, {"source": 34, "target": 14, "label": "E"}, {"source": 32, "target": 33, "label": "P"}, {"source": 35, "target": 17, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 30, "target": 4, "label": "F"}, {"source": 38, "target": 26, "label": "A"}, {"source": 29, "target": 32, "label": "H"}, {"source": 36, "target": 20, "label": "P"}, {"source": 30, "target": 6, "label": "P"}, {"source": 38, "target": 24, "label": "A"}, {"source": 36, "target": 18, "label": "F"}, {"source": 37, "target": 22, "label": "E"}, {"source": 35, "target": 16, "label": "N"}, {"source": 32, "target": 36, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 33, "target": 13, "label": "E"}, {"source": 32, "target": 11, "label": "A"}, {"source": 30, "target": 2, "label": "R"}, {"source": 30, "target": 7, "label": "A"}, {"source": 33, "target": 12, "label": "C"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "210066-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Either these people don't know anything about what they are renting, or worse- they are bait and switching.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 107}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 19, "label": "N"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 7, "label": "R"}, {"source": 25, "target": 13, "label": "N"}, {"source": 25, "target": 12, "label": "U"}, {"source": 25, "target": 27, "label": "C"}, {"source": 26, "target": 11, "label": "P"}, {"source": 28, "target": 29, "label": "S"}, {"source": 24, "target": 3, "label": "F"}, {"source": 29, "target": 18, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 24, "target": 4, "label": "D"}, {"source": 29, "target": 20, "label": "C"}, {"source": 24, "target": 22, "label": "A"}, {"source": 26, "target": 9, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 0, "label": "R"}, {"source": 26, "target": 10, "label": "F"}, {"source": 27, "target": 14, "label": "C"}, {"source": 28, "target": 16, "label": "A"}, {"source": 24, "target": 5, "label": "P"}, {"source": 22, "target": 2, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 27, "target": 15, "label": "U"}, {"source": 29, "target": 21, "label": "U"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "210153-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Poor Taste", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "210153-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There is no lower rating for Noonan's Liquor, owners and employees.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 10, "label": "C"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 19, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 19, "target": 11, "label": "N"}, {"source": 19, "target": 9, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 0, "label": "F"}]} +{"id": "210153-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A negative number is not available.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "210153-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "CLH", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "210875-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bulwark regarding service by Eric", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 3, "label": "R"}, {"source": 5, "target": 8, "label": "E"}, {"source": 8, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "C"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "210875-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He seemed to understand how important it was for us to make sure the whole house was sprayed so he took his time.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}, {"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 1, "label": "G"}, {"source": 27, "target": 8, "label": "R"}, {"source": 26, "target": 7, "label": "S"}, {"source": 23, "target": 3, "label": "S"}, {"source": 30, "target": 16, "label": "S"}, {"source": 25, "target": 26, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 18, "label": "A"}, {"source": 32, "target": 20, "label": "E"}, {"source": 26, "target": 6, "label": "A"}, {"source": 28, "target": 10, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 31, "label": "H"}, {"source": 29, "target": 13, "label": "E"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 15, "label": "F"}, {"source": 29, "target": 14, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 11, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 5, "label": "S"}, {"source": 25, "target": 4, "label": "D"}, {"source": 23, "target": 2, "label": "F"}, {"source": 29, "target": 12, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 32, "target": 19, "label": "F"}, {"source": 31, "target": 32, "label": "P"}, {"source": 28, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 9, "label": "C"}, {"source": 24, "target": 17, "label": "L"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "210875-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "211709-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best ceviche that I'd had so far! :)", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}, {"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 0, "label": "E"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 2, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 3, "label": "A"}, {"source": 12, "target": 6, "label": "D"}]} +{"id": "211797-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "MUST READ - Do not waste your time in this store.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 4, "label": "P"}, {"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 14, "label": "D"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "211797-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "At my appointment the girl helping me was unable to adequately lace up some of the dresses.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}, {"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 20, "target": 4, "label": "C"}, {"source": 18, "target": 2, "label": "C"}, {"source": 19, "target": 24, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 20, "target": 3, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 24, "target": 23, "label": "E"}, {"source": 19, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "D"}, {"source": 18, "target": 1, "label": "E"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 6, "label": "A"}, {"source": 22, "target": 11, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 22, "label": "P"}, {"source": 21, "target": 5, "label": "P"}, {"source": 17, "target": 21, "label": "H"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "211797-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They felt like they were going to fall off of me and it was very difficult to see what I would actually look like were I to purchase some of these dresses.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}, {"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 154}]}, {"id": 31, "anchors": [{"from": 154, "to": 155}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 38, "target": 15, "label": "F"}, {"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 3, "label": "A"}, {"source": 37, "target": 12, "label": "S"}, {"source": 33, "target": 32, "label": "H"}, {"source": 33, "target": 37, "label": "H"}, {"source": 44, "target": 31, "label": "U"}, {"source": 44, "target": 43, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 38, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 19, "label": "F"}, {"source": 37, "target": 11, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 44, "target": 29, "label": "E"}, {"source": 32, "target": 34, "label": "A"}, {"source": 39, "target": 40, "label": "P"}, {"source": 35, "target": 6, "label": "F"}, {"source": 37, "target": 13, "label": "D"}, {"source": 42, "target": 26, "label": "P"}, {"source": 35, "target": 5, "label": "D"}, {"source": 41, "target": 24, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 42, "target": 25, "label": "F"}, {"source": 39, "target": 17, "label": "A"}, {"source": 35, "target": 4, "label": "F"}, {"source": 41, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 10, "label": "L"}, {"source": 41, "target": 23, "label": "S"}, {"source": 39, "target": 41, "label": "A"}, {"source": 36, "target": 9, "label": "C"}, {"source": 42, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 18, "label": "A"}, {"source": 39, "target": 22, "label": "D"}, {"source": 43, "target": 27, "label": "C"}, {"source": 39, "target": 20, "label": "D"}, {"source": 36, "target": 8, "label": "R"}, {"source": 38, "target": 16, "label": "P"}, {"source": 37, "target": 14, "label": "D"}, {"source": 35, "target": 7, "label": "P"}, {"source": 32, "target": 1, "label": "P"}, {"source": 32, "target": 0, "label": "A"}, {"source": 43, "target": 28, "label": "R"}, {"source": 35, "target": 36, "label": "A"}, {"source": 34, "target": 2, "label": "R"}, {"source": 44, "target": 30, "label": "C"}, {"source": 34, "target": 35, "label": "C"}, {"source": 40, "target": 21, "label": "C"}]} +{"id": "211797-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I thought it would be a good idea to see how a few that I liked would look like on a model (by looking the dress up online).", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 84}]}, {"id": 21, "anchors": [{"from": 85, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 92}]}, {"id": 23, "anchors": [{"from": 92, "to": 94}]}, {"id": 24, "anchors": [{"from": 95, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 112}]}, {"id": 27, "anchors": [{"from": 113, "to": 115}]}, {"id": 28, "anchors": [{"from": 116, "to": 122}]}, {"id": 29, "anchors": [{"from": 122, "to": 123}]}, {"id": 30, "anchors": [{"from": 123, "to": 124}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 37, "target": 14, "label": "A"}, {"source": 43, "target": 27, "label": "E"}, {"source": 43, "target": 28, "label": "E"}, {"source": 31, "target": 1, "label": "P"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 21, "label": "C"}, {"source": 43, "target": 26, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 37, "target": 39, "label": "A"}, {"source": 33, "target": 4, "label": "F"}, {"source": 41, "target": 20, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 34, "target": 5, "label": "E"}, {"source": 39, "target": 38, "label": "P"}, {"source": 32, "target": 22, "label": "U"}, {"source": 36, "target": 10, "label": "R"}, {"source": 40, "target": 18, "label": "R"}, {"source": 31, "target": 0, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 37, "target": 13, "label": "R"}, {"source": 33, "target": 2, "label": "A"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 23, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 43, "target": 29, "label": "U"}, {"source": 35, "target": 9, "label": "P"}, {"source": 42, "target": 24, "label": "C"}, {"source": 36, "target": 11, "label": "E"}, {"source": 35, "target": 8, "label": "F"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 43, "label": "A"}, {"source": 32, "target": 42, "label": "P"}, {"source": 34, "target": 6, "label": "E"}, {"source": 38, "target": 17, "label": "C"}, {"source": 43, "target": 30, "label": "U"}, {"source": 33, "target": 34, "label": "P"}, {"source": 43, "target": 25, "label": "E"}, {"source": 34, "target": 7, "label": "C"}, {"source": 36, "target": 12, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 41, "target": 19, "label": "R"}, {"source": 34, "target": 3, "label": "F"}, {"source": 37, "target": 15, "label": "P"}, {"source": 38, "target": 16, "label": "F"}]} +{"id": "211797-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So, as I was leaving I asked for the designer/dress name or style number associated with my top picks.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 4, "label": "F"}, {"source": 23, "target": 2, "label": "L"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 13, "label": "C"}, {"source": 23, "target": 1, "label": "U"}, {"source": 25, "target": 7, "label": "P"}, {"source": 23, "target": 0, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "R"}, {"source": 32, "target": 22, "label": "U"}, {"source": 32, "target": 20, "label": "E"}, {"source": 30, "target": 17, "label": "C"}, {"source": 31, "target": 30, "label": "P"}, {"source": 25, "target": 6, "label": "A"}, {"source": 27, "target": 10, "label": "E"}, {"source": 26, "target": 8, "label": "R"}, {"source": 32, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 11, "label": "U"}, {"source": 28, "target": 14, "label": "N"}, {"source": 25, "target": 31, "label": "A"}, {"source": 26, "target": 28, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 3, "label": "A"}, {"source": 24, "target": 5, "label": "P"}, {"source": 29, "target": 16, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 32, "target": 19, "label": "E"}, {"source": 29, "target": 15, "label": "E"}]} +{"id": "211797-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They said they were \"unable to tell me until they ordered my dress\".", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 4, "label": "U"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 8, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 18, "target": 20, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 2, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 9, "label": "L"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "211797-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hmmm... A person cannot call a company, if you have no idea its name (since the designer is unknown... SUPPOSEDLY), and order a gown without a dress name or style number.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18, "anchors": [{"from": 70, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 79}]}, {"id": 20, "anchors": [{"from": 80, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 99}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 114}]}, {"id": 26, "anchors": [{"from": 114, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 156}]}, {"id": 36, "anchors": [{"from": 157, "to": 162}]}, {"id": 37, "anchors": [{"from": 163, "to": 169}]}, {"id": 38, "anchors": [{"from": 169, "to": 170}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 39, "target": 5, "label": "D"}, {"source": 49, "target": 30, "label": "C"}, {"source": 41, "target": 3, "label": "C"}, {"source": 50, "target": 52, "label": "E"}, {"source": 43, "target": 44, "label": "A"}, {"source": 52, "target": 35, "label": "N"}, {"source": 40, "target": 18, "label": "L"}, {"source": 40, "target": 17, "label": "U"}, {"source": 52, "target": 53, "label": "C"}, {"source": 53, "target": 38, "label": "U"}, {"source": 46, "target": 45, "label": "A"}, {"source": 40, "target": 26, "label": "U"}, {"source": 43, "target": 11, "label": "A"}, {"source": 43, "target": 13, "label": "D"}, {"source": 50, "target": 31, "label": "R"}, {"source": 40, "target": 27, "label": "L"}, {"source": 48, "target": 28, "label": "P"}, {"source": 40, "target": 48, "label": "H"}, {"source": 47, "target": 23, "label": "U"}, {"source": 48, "target": 49, "label": "A"}, {"source": 47, "target": 22, "label": "C"}, {"source": 45, "target": 19, "label": "E"}, {"source": 39, "target": 0, "label": "A"}, {"source": 39, "target": 1, "label": "U"}, {"source": 42, "target": 8, "label": "C"}, {"source": 51, "target": 33, "label": "E"}, {"source": 40, "target": 46, "label": "H"}, {"source": 51, "target": 34, "label": "C"}, {"source": 40, "target": 10, "label": "L"}, {"source": 41, "target": 2, "label": "E"}, {"source": 39, "target": 6, "label": "P"}, {"source": 45, "target": 20, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 49, "target": 29, "label": "E"}, {"source": 50, "target": 32, "label": "E"}, {"source": 47, "target": 24, "label": "C"}, {"source": 39, "target": 42, "label": "A"}, {"source": 40, "target": 25, "label": "U"}, {"source": 46, "target": 21, "label": "S"}, {"source": 44, "target": 15, "label": "E"}, {"source": 52, "target": 51, "label": "C"}, {"source": 48, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 4, "label": "D"}, {"source": 40, "target": 43, "label": "H"}, {"source": 43, "target": 12, "label": "F"}, {"source": 44, "target": 16, "label": "C"}, {"source": 40, "target": 9, "label": "U"}, {"source": 40, "target": 39, "label": "H"}, {"source": 43, "target": 14, "label": "P"}, {"source": 46, "target": 47, "label": "A"}, {"source": 48, "target": 50, "label": "A"}, {"source": 42, "target": 7, "label": "E"}, {"source": 53, "target": 37, "label": "C"}, {"source": 53, "target": 36, "label": "E"}]} +{"id": "211797-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do other brides fall for this???", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 3, "label": "P"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 8, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "211797-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They either: a) don't want to give it to me because they don't want me purchasing the dress elsewhere or b) are recreating the dresses themselves (ie STEALING other designers' dress designs and \"filling the orders\" by their own seamstresses).", "tops": [53], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 43}]}, {"id": 13, "anchors": [{"from": 44, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 59}]}, {"id": 16, "anchors": [{"from": 59, "to": 62}]}, {"id": 17, "anchors": [{"from": 63, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 70}]}, {"id": 19, "anchors": [{"from": 71, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 106}]}, {"id": 25, "anchors": [{"from": 106, "to": 107}]}, {"id": 26, "anchors": [{"from": 108, "to": 111}]}, {"id": 27, "anchors": [{"from": 112, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 147}]}, {"id": 32, "anchors": [{"from": 147, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 174}]}, {"id": 36, "anchors": [{"from": 174, "to": 175}]}, {"id": 37, "anchors": [{"from": 176, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 189}]}, {"id": 39, "anchors": [{"from": 190, "to": 193}]}, {"id": 40, "anchors": [{"from": 194, "to": 195}]}, {"id": 41, "anchors": [{"from": 195, "to": 202}]}, {"id": 42, "anchors": [{"from": 203, "to": 206}]}, {"id": 43, "anchors": [{"from": 207, "to": 213}]}, {"id": 44, "anchors": [{"from": 213, "to": 214}]}, {"id": 45, "anchors": [{"from": 215, "to": 217}]}, {"id": 46, "anchors": [{"from": 218, "to": 223}]}, {"id": 47, "anchors": [{"from": 224, "to": 227}]}, {"id": 48, "anchors": [{"from": 228, "to": 240}]}, {"id": 49, "anchors": [{"from": 240, "to": 241}]}, {"id": 50, "anchors": [{"from": 241, "to": 242}]}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}], "edges": [{"source": 52, "target": 51, "label": "A"}, {"source": 52, "target": 5, "label": "F"}, {"source": 57, "target": 17, "label": "P"}, {"source": 54, "target": 3, "label": "E"}, {"source": 64, "target": 35, "label": "E"}, {"source": 57, "target": 16, "label": "D"}, {"source": 58, "target": 59, "label": "A"}, {"source": 51, "target": 0, "label": "C"}, {"source": 62, "target": 63, "label": "E"}, {"source": 57, "target": 15, "label": "F"}, {"source": 53, "target": 40, "label": "U"}, {"source": 65, "target": 41, "label": "P"}, {"source": 55, "target": 9, "label": "P"}, {"source": 58, "target": 60, "label": "D"}, {"source": 62, "target": 30, "label": "C"}, {"source": 64, "target": 38, "label": "C"}, {"source": 53, "target": 25, "label": "U"}, {"source": 60, "target": 22, "label": "C"}, {"source": 67, "target": 45, "label": "R"}, {"source": 52, "target": 4, "label": "U"}, {"source": 61, "target": 27, "label": "P"}, {"source": 60, "target": 24, "label": "C"}, {"source": 61, "target": 26, "label": "F"}, {"source": 53, "target": 13, "label": "L"}, {"source": 53, "target": 61, "label": "H"}, {"source": 53, "target": 52, "label": "H"}, {"source": 66, "target": 43, "label": "C"}, {"source": 55, "target": 56, "label": "A"}, {"source": 62, "target": 28, "label": "E"}, {"source": 64, "target": 36, "label": "U"}, {"source": 52, "target": 7, "label": "P"}, {"source": 52, "target": 2, "label": "U"}, {"source": 53, "target": 39, "label": "L"}, {"source": 56, "target": 12, "label": "C"}, {"source": 58, "target": 18, "label": "A"}, {"source": 59, "target": 21, "label": "C"}, {"source": 62, "target": 29, "label": "E"}, {"source": 62, "target": 64, "label": "E"}, {"source": 67, "target": 49, "label": "U"}, {"source": 67, "target": 48, "label": "C"}, {"source": 63, "target": 33, "label": "C"}, {"source": 63, "target": 32, "label": "E"}, {"source": 52, "target": 55, "label": "A"}, {"source": 61, "target": 62, "label": "A"}, {"source": 53, "target": 57, "label": "H"}, {"source": 65, "target": 66, "label": "A"}, {"source": 65, "target": 44, "label": "U"}, {"source": 54, "target": 6, "label": "C"}, {"source": 67, "target": 46, "label": "E"}, {"source": 67, "target": 47, "label": "E"}, {"source": 66, "target": 42, "label": "E"}, {"source": 59, "target": 20, "label": "E"}, {"source": 52, "target": 54, "label": "A"}, {"source": 51, "target": 1, "label": "R"}, {"source": 62, "target": 31, "label": "U"}, {"source": 57, "target": 14, "label": "A"}, {"source": 60, "target": 23, "label": "N"}, {"source": 64, "target": 34, "label": "E"}, {"source": 57, "target": 58, "label": "A"}, {"source": 55, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 55, "target": 10, "label": "A"}, {"source": 53, "target": 65, "label": "H"}, {"source": 56, "target": 11, "label": "R"}, {"source": 58, "target": 19, "label": "P"}, {"source": 64, "target": 37, "label": "E"}, {"source": 67, "target": 50, "label": "U"}, {"source": 55, "target": 8, "label": "F"}, {"source": 65, "target": 67, "label": "A"}]} +{"id": "211797-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm no detective but... uhh... seriously?!?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 3, "label": "A"}, {"source": 13, "target": 8, "label": "D"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "S"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "U"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "L"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "211797-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Whatever type of operation they are running, I'm not interested and if you're smart, you won't be either.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 31, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 32, "target": 22, "label": "D"}, {"source": 29, "target": 5, "label": "F"}, {"source": 31, "target": 16, "label": "S"}, {"source": 32, "target": 21, "label": "S"}, {"source": 26, "target": 32, "label": "H"}, {"source": 24, "target": 0, "label": "E"}, {"source": 24, "target": 29, "label": "E"}, {"source": 31, "target": 14, "label": "A"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 18, "label": "A"}, {"source": 30, "target": 9, "label": "F"}, {"source": 29, "target": 4, "label": "A"}, {"source": 27, "target": 2, "label": "R"}, {"source": 24, "target": 27, "label": "E"}, {"source": 25, "target": 30, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 26, "target": 13, "label": "L"}, {"source": 30, "target": 8, "label": "A"}, {"source": 29, "target": 6, "label": "S"}, {"source": 27, "target": 1, "label": "C"}, {"source": 26, "target": 17, "label": "U"}, {"source": 28, "target": 3, "label": "E"}, {"source": 25, "target": 7, "label": "U"}, {"source": 26, "target": 12, "label": "L"}, {"source": 32, "target": 19, "label": "D"}, {"source": 32, "target": 23, "label": "U"}, {"source": 30, "target": 11, "label": "S"}, {"source": 25, "target": 24, "label": "A"}, {"source": 32, "target": 20, "label": "D"}, {"source": 30, "target": 10, "label": "D"}, {"source": 31, "target": 15, "label": "F"}]} +{"id": "211797-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a waste of TIME.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 6, "target": 4, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 9, "label": "E"}, {"source": 6, "target": 0, "label": "R"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "211797-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Somehow, since she supposedly doesn't know any names of designers/dresses, after I told her the designer and dress name of the one I was comparing, she knew \"exactly which dress\" I was referring to and disagreed with my observation; she said that the bodice did come as low as the one I had on.", "tops": [61], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 65}, {"from": 66, "to": 73}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 146}]}, {"id": 29, "anchors": [{"from": 146, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 151}]}, {"id": 31, "anchors": [{"from": 152, "to": 156}]}, {"id": 32, "anchors": [{"from": 157, "to": 158}]}, {"id": 33, "anchors": [{"from": 158, "to": 165}]}, {"id": 34, "anchors": [{"from": 166, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 177}]}, {"id": 36, "anchors": [{"from": 177, "to": 178}]}, {"id": 37, "anchors": [{"from": 179, "to": 180}]}, {"id": 38, "anchors": [{"from": 181, "to": 184}]}, {"id": 39, "anchors": [{"from": 185, "to": 194}]}, {"id": 40, "anchors": [{"from": 195, "to": 197}]}, {"id": 41, "anchors": [{"from": 198, "to": 201}]}, {"id": 42, "anchors": [{"from": 202, "to": 211}]}, {"id": 43, "anchors": [{"from": 212, "to": 216}]}, {"id": 44, "anchors": [{"from": 217, "to": 219}]}, {"id": 45, "anchors": [{"from": 220, "to": 231}]}, {"id": 46, "anchors": [{"from": 231, "to": 232}]}, {"id": 47, "anchors": [{"from": 233, "to": 236}]}, {"id": 48, "anchors": [{"from": 237, "to": 241}]}, {"id": 49, "anchors": [{"from": 242, "to": 246}]}, {"id": 50, "anchors": [{"from": 247, "to": 250}]}, {"id": 51, "anchors": [{"from": 251, "to": 257}]}, {"id": 52, "anchors": [{"from": 258, "to": 261}]}, {"id": 53, "anchors": [{"from": 262, "to": 266}]}, {"id": 54, "anchors": [{"from": 267, "to": 269}, {"from": 270, "to": 273}, {"from": 274, "to": 276}]}, {"id": 55, "anchors": [{"from": 277, "to": 280}]}, {"id": 56, "anchors": [{"from": 281, "to": 284}]}, {"id": 57, "anchors": [{"from": 285, "to": 286}]}, {"id": 58, "anchors": [{"from": 287, "to": 290}]}, {"id": 59, "anchors": [{"from": 291, "to": 293}]}, {"id": 60, "anchors": [{"from": 293, "to": 294}]}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}], "edges": [{"source": 78, "target": 44, "label": "E"}, {"source": 61, "target": 75, "label": "H"}, {"source": 81, "target": 51, "label": "C"}, {"source": 62, "target": 6, "label": "D"}, {"source": 72, "target": 31, "label": "P"}, {"source": 67, "target": 20, "label": "N"}, {"source": 71, "target": 27, "label": "F"}, {"source": 62, "target": 4, "label": "D"}, {"source": 79, "target": 47, "label": "A"}, {"source": 69, "target": 71, "label": "C"}, {"source": 75, "target": 46, "label": "U"}, {"source": 82, "target": 56, "label": "E"}, {"source": 73, "target": 33, "label": "E"}, {"source": 80, "target": 53, "label": "S"}, {"source": 66, "target": 19, "label": "C"}, {"source": 76, "target": 39, "label": "C"}, {"source": 61, "target": 2, "label": "L"}, {"source": 78, "target": 43, "label": "R"}, {"source": 67, "target": 66, "label": "C"}, {"source": 62, "target": 3, "label": "A"}, {"source": 61, "target": 14, "label": "L"}, {"source": 80, "target": 49, "label": "F"}, {"source": 61, "target": 29, "label": "U"}, {"source": 80, "target": 59, "label": "D"}, {"source": 70, "target": 26, "label": "C"}, {"source": 61, "target": 62, "label": "H"}, {"source": 71, "target": 70, "label": "A"}, {"source": 75, "target": 79, "label": "H"}, {"source": 76, "target": 40, "label": "E"}, {"source": 75, "target": 41, "label": "L"}, {"source": 61, "target": 13, "label": "U"}, {"source": 80, "target": 82, "label": "A"}, {"source": 62, "target": 63, "label": "A"}, {"source": 71, "target": 28, "label": "P"}, {"source": 74, "target": 76, "label": "P"}, {"source": 68, "target": 22, "label": "C"}, {"source": 79, "target": 48, "label": "P"}, {"source": 63, "target": 64, "label": "E"}, {"source": 80, "target": 81, "label": "A"}, {"source": 80, "target": 52, "label": "F"}, {"source": 74, "target": 38, "label": "F"}, {"source": 70, "target": 24, "label": "E"}, {"source": 82, "target": 54, "label": "R"}, {"source": 72, "target": 30, "label": "A"}, {"source": 72, "target": 73, "label": "A"}, {"source": 68, "target": 21, "label": "E"}, {"source": 78, "target": 45, "label": "C"}, {"source": 64, "target": 12, "label": "U"}, {"source": 74, "target": 37, "label": "A"}, {"source": 62, "target": 5, "label": "D"}, {"source": 82, "target": 55, "label": "E"}, {"source": 65, "target": 17, "label": "A"}, {"source": 73, "target": 34, "label": "F"}, {"source": 63, "target": 8, "label": "E"}, {"source": 61, "target": 0, "label": "L"}, {"source": 65, "target": 16, "label": "P"}, {"source": 82, "target": 57, "label": "C"}, {"source": 73, "target": 35, "label": "C"}, {"source": 69, "target": 23, "label": "R"}, {"source": 67, "target": 68, "label": "C"}, {"source": 70, "target": 25, "label": "E"}, {"source": 62, "target": 7, "label": "P"}, {"source": 65, "target": 15, "label": "A"}, {"source": 72, "target": 32, "label": "U"}, {"source": 80, "target": 60, "label": "U"}, {"source": 64, "target": 10, "label": "R"}, {"source": 63, "target": 9, "label": "C"}, {"source": 61, "target": 65, "label": "H"}, {"source": 68, "target": 69, "label": "E"}, {"source": 64, "target": 11, "label": "C"}, {"source": 80, "target": 58, "label": "F"}, {"source": 75, "target": 74, "label": "H"}, {"source": 81, "target": 50, "label": "E"}, {"source": 61, "target": 36, "label": "U"}, {"source": 77, "target": 78, "label": "A"}, {"source": 61, "target": 1, "label": "U"}, {"source": 75, "target": 77, "label": "H"}, {"source": 66, "target": 18, "label": "E"}, {"source": 77, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 79, "target": 80, "label": "A"}, {"source": 77, "target": 42, "label": "P"}, {"source": 61, "target": 72, "label": "H"}, {"source": 65, "target": 67, "label": "A"}]} +{"id": "211797-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My point: Even if I was wrong, don't sit there and argue with the customer.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 9, "label": "D"}, {"source": 23, "target": 15, "label": "E"}, {"source": 19, "target": 18, "label": "D"}, {"source": 20, "target": 2, "label": "U"}, {"source": 18, "target": 0, "label": "E"}, {"source": 20, "target": 12, "label": "L"}, {"source": 19, "target": 4, "label": "A"}, {"source": 19, "target": 6, "label": "S"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 14, "label": "R"}, {"source": 21, "target": 8, "label": "F"}, {"source": 22, "target": 13, "label": "P"}, {"source": 19, "target": 5, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 10, "label": "P"}, {"source": 20, "target": 3, "label": "L"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "C"}, {"source": 21, "target": 11, "label": "A"}]} +{"id": "211797-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Say something like, \"Huh.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 0, "label": "P"}, {"source": 9, "target": 1, "label": "C"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "211797-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I didn't think so but you could be right.\"", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 7, "label": "F"}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 13, "target": 8, "label": "S"}, {"source": 13, "target": 6, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 9, "label": "U"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "211797-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Unless you want to take the \"tell the customer how wrong she is and try and force her into a dress she's obviously not loving\" approach which will likely get you... uh... nowhere.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 102}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 146}]}, {"id": 31, "anchors": [{"from": 147, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 161}]}, {"id": 34, "anchors": [{"from": 161, "to": 164}]}, {"id": 35, "anchors": [{"from": 165, "to": 167}]}, {"id": 36, "anchors": [{"from": 167, "to": 170}]}, {"id": 37, "anchors": [{"from": 171, "to": 178}]}, {"id": 38, "anchors": [{"from": 178, "to": 179}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 48, "target": 19, "label": "R"}, {"source": 49, "target": 22, "label": "A"}, {"source": 45, "target": 11, "label": "P"}, {"source": 39, "target": 0, "label": "L"}, {"source": 49, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 9, "label": "C"}, {"source": 49, "target": 24, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 48, "target": 49, "label": "E"}, {"source": 45, "target": 10, "label": "D"}, {"source": 42, "target": 6, "label": "U"}, {"source": 43, "target": 7, "label": "P"}, {"source": 47, "target": 16, "label": "N"}, {"source": 39, "target": 37, "label": "G"}, {"source": 46, "target": 47, "label": "C"}, {"source": 48, "target": 20, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 47, "target": 17, "label": "C"}, {"source": 51, "target": 52, "label": "P"}, {"source": 49, "target": 23, "label": "F"}, {"source": 52, "target": 35, "label": "C"}, {"source": 45, "target": 46, "label": "G"}, {"source": 39, "target": 36, "label": "U"}, {"source": 45, "target": 33, "label": "A"}, {"source": 45, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 27, "label": "U"}, {"source": 45, "target": 30, "label": "F"}, {"source": 41, "target": 4, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 52, "target": 32, "label": "C"}, {"source": 47, "target": 15, "label": "C"}, {"source": 45, "target": 50, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 48, "target": 21, "label": "C"}, {"source": 50, "target": 29, "label": "F"}, {"source": 46, "target": 14, "label": "N"}, {"source": 49, "target": 25, "label": "D"}, {"source": 42, "target": 43, "label": "E"}, {"source": 52, "target": 34, "label": "U"}, {"source": 39, "target": 38, "label": "U"}, {"source": 40, "target": 1, "label": "A"}, {"source": 39, "target": 40, "label": "H"}, {"source": 45, "target": 48, "label": "A"}, {"source": 44, "target": 8, "label": "E"}, {"source": 40, "target": 2, "label": "P"}, {"source": 46, "target": 13, "label": "C"}, {"source": 45, "target": 31, "label": "D"}, {"source": 45, "target": 18, "label": "A"}, {"source": 42, "target": 5, "label": "E"}, {"source": 51, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 26, "label": "P"}, {"source": 41, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 3, "label": "F"}, {"source": 50, "target": 28, "label": "C"}, {"source": 45, "target": 51, "label": "A"}, {"source": 45, "target": 12, "label": "A"}]} +{"id": "211797-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Seriously: do not waste your time.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 0, "label": "D"}, {"source": 10, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "211797-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Other shops around this city have MUCH NICER and more TRANSPARENT owners.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 13, "target": 16, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 20, "target": 19, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 18, "label": "A"}, {"source": 16, "target": 4, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 17, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "S"}, {"source": 20, "target": 12, "label": "U"}, {"source": 15, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 8, "label": "N"}, {"source": 16, "target": 3, "label": "E"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "211797-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not owners that seem like they have something to hide and know nothing about common courtesy and customer service.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 113}]}, {"id": 19, "anchors": [{"from": 113, "to": 114}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "C"}, {"source": 23, "target": 2, "label": "R"}, {"source": 24, "target": 4, "label": "R"}, {"source": 24, "target": 6, "label": "F"}, {"source": 24, "target": 5, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "U"}, {"source": 25, "target": 12, "label": "A"}, {"source": 22, "target": 0, "label": "E"}, {"source": 28, "target": 14, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 1, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 30, "target": 18, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 3, "label": "P"}, {"source": 25, "target": 8, "label": "F"}, {"source": 27, "target": 29, "label": "C"}, {"source": 26, "target": 10, "label": "N"}, {"source": 29, "target": 16, "label": "N"}, {"source": 30, "target": 17, "label": "E"}, {"source": 25, "target": 26, "label": "P"}, {"source": 29, "target": 28, "label": "C"}, {"source": 27, "target": 13, "label": "R"}, {"source": 24, "target": 7, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "211797-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I felt very much like Wedding Gallery was being dishonest and I wouldn't trust them to lace me up in another gown let alone trust them with the gown I will wear on the most important day of my life.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}, {"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 91}, {"from": 92, "to": 94}, {"from": 95, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 134}]}, {"id": 24, "anchors": [{"from": 135, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 150}]}, {"id": 28, "anchors": [{"from": 151, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 167}]}, {"id": 32, "anchors": [{"from": 168, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 182}]}, {"id": 34, "anchors": [{"from": 183, "to": 186}]}, {"id": 35, "anchors": [{"from": 187, "to": 189}]}, {"id": 36, "anchors": [{"from": 190, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 197}]}, {"id": 38, "anchors": [{"from": 197, "to": 198}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 45, "target": 15, "label": "F"}, {"source": 43, "target": 14, "label": "A"}, {"source": 46, "target": 17, "label": "R"}, {"source": 50, "target": 30, "label": "R"}, {"source": 41, "target": 3, "label": "C"}, {"source": 42, "target": 7, "label": "F"}, {"source": 48, "target": 49, "label": "E"}, {"source": 49, "target": 28, "label": "F"}, {"source": 47, "target": 23, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 48, "target": 24, "label": "R"}, {"source": 43, "target": 10, "label": "A"}, {"source": 47, "target": 20, "label": "F"}, {"source": 47, "target": 21, "label": "D"}, {"source": 48, "target": 25, "label": "E"}, {"source": 51, "target": 35, "label": "R"}, {"source": 47, "target": 22, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 44, "label": "P"}, {"source": 43, "target": 12, "label": "D"}, {"source": 44, "target": 13, "label": "C"}, {"source": 39, "target": 0, "label": "A"}, {"source": 45, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 5, "label": "A"}, {"source": 40, "target": 47, "label": "H"}, {"source": 39, "target": 1, "label": "P"}, {"source": 45, "target": 16, "label": "P"}, {"source": 48, "target": 26, "label": "C"}, {"source": 51, "target": 37, "label": "C"}, {"source": 42, "target": 41, "label": "D"}, {"source": 41, "target": 2, "label": "E"}, {"source": 50, "target": 31, "label": "E"}, {"source": 50, "target": 34, "label": "C"}, {"source": 51, "target": 38, "label": "U"}, {"source": 41, "target": 4, "label": "R"}, {"source": 43, "target": 45, "label": "A"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 32, "label": "E"}, {"source": 50, "target": 51, "label": "E"}, {"source": 39, "target": 42, "label": "A"}, {"source": 51, "target": 36, "label": "E"}, {"source": 49, "target": 29, "label": "S"}, {"source": 42, "target": 8, "label": "S"}, {"source": 40, "target": 43, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 46, "target": 18, "label": "E"}, {"source": 50, "target": 33, "label": "E"}, {"source": 40, "target": 9, "label": "L"}, {"source": 49, "target": 27, "label": "A"}, {"source": 46, "target": 19, "label": "C"}, {"source": 44, "target": 11, "label": "F"}, {"source": 42, "target": 6, "label": "F"}]} +{"id": "211844-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Favorite DD spot in the area!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 7, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "211933-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Deep tissue massage helps with pain in neck and shoulders", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 13, "target": 14, "label": "E"}, {"source": 15, "target": 8, "label": "N"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 6, "label": "R"}, {"source": 10, "target": 1, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "211933-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Seth provides deep tissue massage which has significantly reduced the pain in my neck and shoulders and added flexibility and movement back to the area.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 74}]}, {"id": 11, "anchors": [{"from": 75, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 121}]}, {"id": 19, "anchors": [{"from": 122, "to": 125}]}, {"id": 20, "anchors": [{"from": 126, "to": 134}]}, {"id": 21, "anchors": [{"from": 135, "to": 139}]}, {"id": 22, "anchors": [{"from": 140, "to": 142}]}, {"id": 23, "anchors": [{"from": 143, "to": 146}]}, {"id": 24, "anchors": [{"from": 147, "to": 151}]}, {"id": 25, "anchors": [{"from": 151, "to": 152}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 29, "target": 32, "label": "A"}, {"source": 36, "target": 20, "label": "C"}, {"source": 28, "target": 30, "label": "E"}, {"source": 32, "target": 34, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 17, "label": "P"}, {"source": 37, "target": 23, "label": "E"}, {"source": 30, "target": 29, "label": "H"}, {"source": 33, "target": 12, "label": "E"}, {"source": 35, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 22, "label": "R"}, {"source": 33, "target": 13, "label": "C"}, {"source": 29, "target": 5, "label": "R"}, {"source": 34, "target": 15, "label": "C"}, {"source": 29, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 35, "label": "H"}, {"source": 37, "target": 25, "label": "U"}, {"source": 31, "target": 10, "label": "C"}, {"source": 35, "target": 37, "label": "A"}, {"source": 35, "target": 21, "label": "D"}, {"source": 27, "target": 1, "label": "P"}, {"source": 30, "target": 16, "label": "L"}, {"source": 34, "target": 14, "label": "N"}, {"source": 27, "target": 0, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 28, "target": 2, "label": "E"}, {"source": 34, "target": 33, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 29, "target": 8, "label": "P"}, {"source": 31, "target": 9, "label": "E"}, {"source": 36, "target": 19, "label": "N"}, {"source": 36, "target": 18, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 29, "target": 7, "label": "D"}, {"source": 29, "target": 6, "label": "F"}]} +{"id": "211933-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He listens and is excellent in diagnosing, addressing and explaining the specific issues and suggesting exercises to use.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 113}]}, {"id": 17, "anchors": [{"from": 114, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 120}]}, {"id": 19, "anchors": [{"from": 120, "to": 121}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 5, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 29, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 23, "label": "P"}, {"source": 24, "target": 3, "label": "F"}, {"source": 29, "target": 19, "label": "U"}, {"source": 22, "target": 28, "label": "H"}, {"source": 21, "target": 26, "label": "P"}, {"source": 29, "target": 17, "label": "F"}, {"source": 24, "target": 25, "label": "P"}, {"source": 29, "target": 18, "label": "P"}, {"source": 24, "target": 4, "label": "D"}, {"source": 27, "target": 11, "label": "E"}, {"source": 28, "target": 15, "label": "P"}, {"source": 27, "target": 12, "label": "E"}, {"source": 22, "target": 14, "label": "L"}, {"source": 23, "target": 1, "label": "C"}, {"source": 26, "target": 9, "label": "N"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 26, "target": 10, "label": "C"}, {"source": 23, "target": 2, "label": "N"}, {"source": 21, "target": 20, "label": "A"}, {"source": 27, "target": 13, "label": "C"}, {"source": 28, "target": 16, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 21, "target": 27, "label": "A"}, {"source": 20, "target": 0, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 21, "target": 7, "label": "U"}]} +{"id": "212369-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Place is legit.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "212369-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We got upgraded to a corner suite!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "212369-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Room was amazing.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "214912-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have used Bright Futures for the last 7 years.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 8, "label": "C"}, {"source": 12, "target": 7, "label": "E"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "D"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "A"}]} +{"id": "214912-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have 3 children there and they are the Best.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 7, "label": "S"}, {"source": 11, "target": 4, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 5, "label": "L"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "214912-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are like family.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "214912-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Your children will be taken care of and loved by a professional staff.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 7, "label": "N"}, {"source": 16, "target": 17, "label": "P"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 14, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 10, "label": "E"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "215460-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beware of Sharayu", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "215460-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hopless service, at the time of booking my car a lot was promised but delivered not even one tenth of what was promised.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}, {"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 119}]}, {"id": 23, "anchors": [{"from": 119, "to": 120}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 33, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 34, "target": 20, "label": "C"}, {"source": 32, "target": 17, "label": "C"}, {"source": 30, "target": 10, "label": "R"}, {"source": 24, "target": 0, "label": "E"}, {"source": 25, "target": 2, "label": "U"}, {"source": 32, "target": 16, "label": "E"}, {"source": 31, "target": 34, "label": "A"}, {"source": 28, "target": 27, "label": "P"}, {"source": 31, "target": 22, "label": "C"}, {"source": 25, "target": 13, "label": "L"}, {"source": 33, "target": 19, "label": "R"}, {"source": 26, "target": 5, "label": "C"}, {"source": 27, "target": 6, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 24, "target": 1, "label": "C"}, {"source": 25, "target": 26, "label": "H"}, {"source": 31, "target": 15, "label": "D"}, {"source": 33, "target": 32, "label": "R"}, {"source": 29, "target": 8, "label": "E"}, {"source": 31, "target": 23, "label": "U"}, {"source": 31, "target": 12, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 7, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 11, "label": "F"}, {"source": 26, "target": 24, "label": "A"}, {"source": 29, "target": 9, "label": "C"}, {"source": 31, "target": 14, "label": "P"}, {"source": 33, "target": 18, "label": "C"}, {"source": 31, "target": 21, "label": "F"}, {"source": 25, "target": 4, "label": "L"}, {"source": 25, "target": 3, "label": "L"}]} +{"id": "215460-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Apart from that in spite of my repeated attempts I could not get in touch with the manager to even lodge an official complaint.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 126}]}, {"id": 24, "anchors": [{"from": 126, "to": 127}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 26, "target": 25, "label": "L"}, {"source": 31, "target": 13, "label": "R"}, {"source": 32, "target": 17, "label": "C"}, {"source": 28, "target": 30, "label": "P"}, {"source": 29, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 18, "label": "L"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 16, "label": "E"}, {"source": 29, "target": 6, "label": "A"}, {"source": 27, "target": 3, "label": "R"}, {"source": 28, "target": 31, "label": "A"}, {"source": 25, "target": 0, "label": "C"}, {"source": 26, "target": 33, "label": "H"}, {"source": 33, "target": 20, "label": "P"}, {"source": 32, "target": 15, "label": "R"}, {"source": 27, "target": 4, "label": "C"}, {"source": 30, "target": 10, "label": "F"}, {"source": 27, "target": 2, "label": "E"}, {"source": 34, "target": 22, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 12, "label": "C"}, {"source": 28, "target": 32, "label": "A"}, {"source": 27, "target": 5, "label": "R"}, {"source": 29, "target": 11, "label": "D"}, {"source": 29, "target": 8, "label": "P"}, {"source": 26, "target": 28, "label": "H"}, {"source": 31, "target": 14, "label": "C"}, {"source": 25, "target": 1, "label": "R"}, {"source": 33, "target": 19, "label": "D"}, {"source": 29, "target": 7, "label": "D"}, {"source": 28, "target": 9, "label": "A"}, {"source": 34, "target": 23, "label": "C"}, {"source": 33, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 27, "label": "D"}]} +{"id": "215460-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My advise to all is I have fallen into this trap ... pl ensure you dont!!!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 74}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 24, "target": 13, "label": "P"}, {"source": 22, "target": 6, "label": "F"}, {"source": 24, "target": 12, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 25, "target": 14, "label": "A"}, {"source": 20, "target": 11, "label": "U"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 22, "label": "A"}, {"source": 18, "target": 0, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 21, "label": "E"}, {"source": 23, "target": 8, "label": "R"}, {"source": 22, "target": 5, "label": "A"}, {"source": 21, "target": 2, "label": "R"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 25, "target": 15, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 4, "label": "S"}, {"source": 25, "target": 16, "label": "D"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "216281-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On time, Clean and very nice", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "U"}, {"source": 9, "target": 7, "label": "D"}, {"source": 10, "target": 4, "label": "N"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "C"}, {"source": 7, "target": 0, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 7, "target": 1, "label": "C"}]} +{"id": "216281-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called over the weekend due to clogged kitchen sink.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 4, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 11, "target": 13, "label": "D"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 15, "label": "H"}, {"source": 14, "target": 6, "label": "F"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "216281-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Scheduled appointment for 8:30 Monday morning.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 45}]}, {"id": 6, "anchors": [{"from": 45, "to": 46}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 7, "label": "P"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "216281-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rich was here before the scheduled time.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 3, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "216281-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was very clean, very nice to work with and gave a very reasonable price.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 4, "label": "U"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "P"}, {"source": 21, "target": 7, "label": "F"}, {"source": 17, "target": 1, "label": "S"}, {"source": 25, "target": 14, "label": "C"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 24, "target": 12, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 23, "label": "H"}, {"source": 25, "target": 13, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}]} +{"id": "216281-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HIGHLY recommend.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "216281-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "thanks Rich", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "A"}]} +{"id": "216281-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Seth K.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "216456-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My friend and I were to stay here for a girls night, catch up on our lives evening.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 58}, {"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 23, "label": "C"}, {"source": 24, "target": 8, "label": "R"}, {"source": 22, "target": 4, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 25, "target": 15, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 23, "target": 5, "label": "F"}, {"source": 24, "target": 9, "label": "E"}, {"source": 22, "target": 13, "label": "P"}, {"source": 24, "target": 11, "label": "C"}, {"source": 25, "target": 14, "label": "R"}, {"source": 19, "target": 0, "label": "E"}, {"source": 22, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "U"}, {"source": 23, "target": 7, "label": "A"}, {"source": 21, "target": 3, "label": "A"}, {"source": 20, "target": 19, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 20, "target": 2, "label": "N"}, {"source": 23, "target": 6, "label": "P"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "E"}, {"source": 22, "target": 25, "label": "D"}]} +{"id": "216456-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We live within 20 miles of the hotel and wanted to get away from our responsibilities for the night.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}, {"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 1, "label": "D"}, {"source": 23, "target": 10, "label": "F"}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 12, "label": "R"}, {"source": 20, "target": 8, "label": "L"}, {"source": 23, "target": 11, "label": "S"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 2, "label": "R"}, {"source": 24, "target": 25, "label": "E"}, {"source": 19, "target": 21, "label": "D"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 9, "label": "D"}, {"source": 22, "target": 3, "label": "E"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 4, "label": "C"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 16, "label": "E"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "216456-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Unfortunalty my husband and I had to put our 13 year old lab down that morning and we were not expecting this.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 109, "to": 110}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 31, "target": 13, "label": "R"}, {"source": 31, "target": 14, "label": "E"}, {"source": 28, "target": 8, "label": "E"}, {"source": 23, "target": 0, "label": "L"}, {"source": 27, "target": 5, "label": "A"}, {"source": 24, "target": 2, "label": "C"}, {"source": 30, "target": 11, "label": "C"}, {"source": 31, "target": 15, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 30, "label": "E"}, {"source": 27, "target": 6, "label": "F"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 1, "label": "E"}, {"source": 26, "target": 4, "label": "C"}, {"source": 27, "target": 7, "label": "P"}, {"source": 23, "target": 27, "label": "H"}, {"source": 32, "target": 20, "label": "P"}, {"source": 23, "target": 32, "label": "H"}, {"source": 28, "target": 9, "label": "C"}, {"source": 26, "target": 3, "label": "N"}, {"source": 32, "target": 21, "label": "A"}, {"source": 32, "target": 17, "label": "A"}, {"source": 23, "target": 16, "label": "L"}, {"source": 29, "target": 28, "label": "E"}, {"source": 32, "target": 19, "label": "D"}, {"source": 30, "target": 10, "label": "E"}, {"source": 27, "target": 31, "label": "D"}, {"source": 29, "target": 12, "label": "C"}, {"source": 26, "target": 24, "label": "C"}, {"source": 32, "target": 18, "label": "F"}]} +{"id": "216456-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My friend called the hotel to cancel our room as soon as I called her.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}, {"from": 49, "to": 53}, {"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 12, "label": "A"}, {"source": 21, "target": 13, "label": "U"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 21, "label": "C"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 18, "target": 6, "label": "P"}, {"source": 21, "target": 11, "label": "P"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "216456-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They said that we were to be charged for this room regardless because we did not cancel within the 72 hours.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 21, "label": "U"}, {"source": 24, "target": 25, "label": "D"}, {"source": 24, "target": 6, "label": "F"}, {"source": 25, "target": 4, "label": "E"}, {"source": 27, "target": 15, "label": "D"}, {"source": 28, "target": 18, "label": "E"}, {"source": 24, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "L"}, {"source": 22, "target": 1, "label": "P"}, {"source": 27, "target": 16, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 13, "label": "A"}, {"source": 26, "target": 8, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 20, "label": "C"}, {"source": 23, "target": 27, "label": "H"}, {"source": 27, "target": 14, "label": "F"}, {"source": 26, "target": 10, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 24, "target": 3, "label": "A"}, {"source": 28, "target": 19, "label": "E"}, {"source": 23, "target": 11, "label": "L"}, {"source": 27, "target": 28, "label": "D"}, {"source": 24, "target": 5, "label": "F"}]} +{"id": "216456-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called them back a few hours after putting my Bodhi down and they still wouldn't budge.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}, {"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 11, "label": "L"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 7, "label": "L"}, {"source": 23, "target": 24, "label": "P"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "E"}, {"source": 23, "target": 13, "label": "D"}, {"source": 24, "target": 14, "label": "F"}, {"source": 18, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 23, "target": 12, "label": "A"}, {"source": 20, "target": 3, "label": "R"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 2, "label": "A"}, {"source": 23, "target": 15, "label": "D"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "216456-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called 3 times to talked to a manager, never a call back.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 58, "to": 59}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 20, "target": 21, "label": "S"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 4, "label": "L"}, {"source": 21, "target": 11, "label": "E"}, {"source": 17, "target": 2, "label": "E"}, {"source": 15, "target": 17, "label": "D"}, {"source": 16, "target": 10, "label": "L"}, {"source": 16, "target": 9, "label": "U"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "216456-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I emailed 4 times, never a response.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 11, "label": "D"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 12, "target": 13, "label": "S"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "U"}, {"source": 12, "target": 5, "label": "D"}, {"source": 11, "target": 2, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "216456-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In one of the emails I attached the letter from the Vet's that expressed their sympathy, this hotel did nothing.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 111}]}, {"id": 22, "anchors": [{"from": 111, "to": 112}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 28, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 20, "label": "P"}, {"source": 28, "target": 6, "label": "P"}, {"source": 32, "target": 16, "label": "C"}, {"source": 30, "target": 14, "label": "P"}, {"source": 34, "target": 21, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 23, "target": 0, "label": "R"}, {"source": 34, "target": 33, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 31, "target": 11, "label": "C"}, {"source": 28, "target": 5, "label": "A"}, {"source": 23, "target": 27, "label": "E"}, {"source": 32, "target": 15, "label": "E"}, {"source": 27, "target": 4, "label": "C"}, {"source": 33, "target": 18, "label": "E"}, {"source": 34, "target": 22, "label": "U"}, {"source": 33, "target": 19, "label": "C"}, {"source": 31, "target": 12, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 8, "label": "C"}, {"source": 27, "target": 26, "label": "E"}, {"source": 25, "target": 34, "label": "A"}, {"source": 30, "target": 31, "label": "E"}, {"source": 30, "target": 13, "label": "F"}, {"source": 25, "target": 23, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 2, "label": "R"}, {"source": 29, "target": 7, "label": "E"}, {"source": 34, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 3, "label": "E"}, {"source": 26, "target": 1, "label": "C"}, {"source": 30, "target": 10, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 25, "target": 17, "label": "U"}]} +{"id": "216456-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I even emailed Mackinaw Tourist and nothing.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}, {"from": 24, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 4, "label": "N"}]} +{"id": "216456-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am sure this is a good place to stay from reading the other reviews, but if something unexpected happens in your life, they will not care.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 139}]}, {"id": 29, "anchors": [{"from": 139, "to": 140}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 34, "target": 8, "label": "F"}, {"source": 31, "target": 24, "label": "U"}, {"source": 38, "target": 26, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 32, "target": 4, "label": "F"}, {"source": 38, "target": 28, "label": "S"}, {"source": 37, "target": 23, "label": "C"}, {"source": 35, "target": 11, "label": "P"}, {"source": 32, "target": 3, "label": "A"}, {"source": 33, "target": 7, "label": "C"}, {"source": 38, "target": 27, "label": "D"}, {"source": 35, "target": 10, "label": "R"}, {"source": 38, "target": 29, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 38, "target": 25, "label": "A"}, {"source": 36, "target": 12, "label": "E"}, {"source": 31, "target": 20, "label": "S"}, {"source": 30, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 17, "label": "R"}, {"source": 33, "target": 5, "label": "E"}, {"source": 31, "target": 15, "label": "U"}, {"source": 37, "target": 21, "label": "R"}, {"source": 33, "target": 6, "label": "E"}, {"source": 31, "target": 38, "label": "H"}, {"source": 31, "target": 16, "label": "E"}, {"source": 30, "target": 2, "label": "S"}, {"source": 31, "target": 37, "label": "A"}, {"source": 30, "target": 32, "label": "A"}, {"source": 37, "target": 22, "label": "E"}, {"source": 36, "target": 14, "label": "C"}, {"source": 32, "target": 33, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 31, "target": 18, "label": "E"}, {"source": 34, "target": 9, "label": "P"}, {"source": 30, "target": 1, "label": "F"}]} +{"id": "217359-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This insurance co. Is a joke !!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 4, "label": "E"}, {"source": 7, "target": 1, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "P"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "217359-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have absolutely no communication skills whatsoever .", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 57}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "D"}, {"source": 9, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "217359-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "if you don't mind being robbed ,cheated or lied to then this is the company for you .", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 11, "label": "R"}, {"source": 24, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "L"}, {"source": 21, "target": 2, "label": "D"}, {"source": 24, "target": 25, "label": "D"}, {"source": 25, "target": 12, "label": "C"}, {"source": 26, "target": 14, "label": "S"}, {"source": 22, "target": 6, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 21, "target": 3, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 23, "label": "P"}, {"source": 21, "target": 1, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 28, "target": 17, "label": "R"}, {"source": 21, "target": 4, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 27, "target": 28, "label": "E"}, {"source": 22, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "N"}, {"source": 23, "target": 8, "label": "C"}, {"source": 22, "target": 5, "label": "F"}, {"source": 20, "target": 22, "label": "H"}, {"source": 26, "target": 13, "label": "A"}, {"source": 20, "target": 26, "label": "H"}, {"source": 27, "target": 15, "label": "E"}, {"source": 23, "target": 10, "label": "C"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "217359-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They will make every attempt to misinform and misrepresent themselves .", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "P"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 16, "target": 9, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 8, "label": "D"}, {"source": 15, "target": 16, "label": "C"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "F"}, {"source": 15, "target": 7, "label": "N"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "217359-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They make up excuses in hopes to confuse their policy holders with misinformation .", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 83}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 13, "target": 16, "label": "A"}, {"source": 18, "target": 7, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 5, "label": "L"}, {"source": 17, "target": 6, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 1, "label": "E"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "R"}, {"source": 13, "target": 15, "label": "P"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "217359-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "as an example they took payment for 5 out of 6 monthly plan premiums for a yearly policy and cancelled the contract for the remainder of the policy for reasons they stated was not receiving information on other licensed drivers in the household ?", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 151}]}, {"id": 29, "anchors": [{"from": 152, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 175}]}, {"id": 33, "anchors": [{"from": 176, "to": 179}]}, {"id": 34, "anchors": [{"from": 180, "to": 189}]}, {"id": 35, "anchors": [{"from": 190, "to": 201}]}, {"id": 36, "anchors": [{"from": 202, "to": 204}]}, {"id": 37, "anchors": [{"from": 205, "to": 210}]}, {"id": 38, "anchors": [{"from": 211, "to": 219}]}, {"id": 39, "anchors": [{"from": 220, "to": 227}]}, {"id": 40, "anchors": [{"from": 228, "to": 230}]}, {"id": 41, "anchors": [{"from": 231, "to": 234}]}, {"id": 42, "anchors": [{"from": 235, "to": 244}]}, {"id": 43, "anchors": [{"from": 245, "to": 246}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 62, "target": 37, "label": "E"}, {"source": 44, "target": 1, "label": "E"}, {"source": 48, "target": 8, "label": "C"}, {"source": 49, "target": 13, "label": "C"}, {"source": 46, "target": 3, "label": "A"}, {"source": 47, "target": 6, "label": "R"}, {"source": 50, "target": 16, "label": "E"}, {"source": 49, "target": 11, "label": "E"}, {"source": 45, "target": 18, "label": "L"}, {"source": 51, "target": 30, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 62, "target": 63, "label": "E"}, {"source": 52, "target": 20, "label": "E"}, {"source": 59, "target": 60, "label": "E"}, {"source": 54, "target": 32, "label": "F"}, {"source": 45, "target": 44, "label": "L"}, {"source": 53, "target": 55, "label": "E"}, {"source": 49, "target": 12, "label": "E"}, {"source": 46, "target": 49, "label": "A"}, {"source": 47, "target": 7, "label": "C"}, {"source": 49, "target": 10, "label": "E"}, {"source": 53, "target": 22, "label": "R"}, {"source": 48, "target": 9, "label": "F"}, {"source": 62, "target": 36, "label": "R"}, {"source": 60, "target": 31, "label": "E"}, {"source": 44, "target": 0, "label": "R"}, {"source": 45, "target": 57, "label": "A"}, {"source": 50, "target": 17, "label": "C"}, {"source": 55, "target": 24, "label": "C"}, {"source": 63, "target": 42, "label": "C"}, {"source": 58, "target": 59, "label": "C"}, {"source": 52, "target": 21, "label": "C"}, {"source": 46, "target": 4, "label": "P"}, {"source": 55, "target": 25, "label": "R"}, {"source": 53, "target": 56, "label": "E"}, {"source": 54, "target": 33, "label": "D"}, {"source": 45, "target": 46, "label": "H"}, {"source": 54, "target": 53, "label": "C"}, {"source": 44, "target": 2, "label": "C"}, {"source": 51, "target": 19, "label": "P"}, {"source": 46, "target": 5, "label": "A"}, {"source": 63, "target": 41, "label": "E"}, {"source": 53, "target": 26, "label": "E"}, {"source": 50, "target": 14, "label": "R"}, {"source": 55, "target": 23, "label": "E"}, {"source": 62, "target": 39, "label": "C"}, {"source": 57, "target": 58, "label": "A"}, {"source": 53, "target": 27, "label": "C"}, {"source": 54, "target": 34, "label": "P"}, {"source": 49, "target": 50, "label": "E"}, {"source": 61, "target": 62, "label": "E"}, {"source": 63, "target": 43, "label": "U"}, {"source": 62, "target": 38, "label": "E"}, {"source": 45, "target": 54, "label": "H"}, {"source": 63, "target": 40, "label": "R"}, {"source": 56, "target": 29, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 50, "target": 15, "label": "E"}, {"source": 54, "target": 61, "label": "A"}, {"source": 61, "target": 35, "label": "C"}, {"source": 49, "target": 48, "label": "R"}, {"source": 56, "target": 28, "label": "R"}, {"source": 44, "target": 51, "label": "E"}]} +{"id": "217359-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I personally provided the request on four separate occasions and they claim there is a glitch in their systems ?", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 112}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 15, "label": "C"}, {"source": 23, "target": 6, "label": "E"}, {"source": 27, "target": 17, "label": "E"}, {"source": 27, "target": 16, "label": "R"}, {"source": 21, "target": 9, "label": "L"}, {"source": 23, "target": 5, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 25, "target": 12, "label": "A"}, {"source": 20, "target": 1, "label": "D"}, {"source": 26, "target": 14, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 20, "target": 23, "label": "D"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 22, "target": 3, "label": "E"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "P"}, {"source": 22, "target": 4, "label": "C"}, {"source": 27, "target": 18, "label": "C"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 13, "label": "S"}]} +{"id": "217359-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ifa is an acronym for Im a F%#king Assh@%$e !!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 34}, {"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 10, "target": 13, "label": "A"}, {"source": 20, "target": 9, "label": "U"}, {"source": 11, "target": 16, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 15, "target": 7, "label": "E"}, {"source": 18, "target": 19, "label": "C"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 15, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 14, "target": 6, "label": "P"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 0, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 5, "label": "A"}]} +{"id": "217485-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'll admit I wasn't expecting much from this place, but they really did do a good job.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 12, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 5, "label": "P"}, {"source": 25, "target": 19, "label": "U"}, {"source": 22, "target": 2, "label": "A"}, {"source": 24, "target": 13, "label": "D"}, {"source": 23, "target": 7, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 21, "target": 10, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "D"}, {"source": 22, "target": 3, "label": "F"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 14, "label": "F"}, {"source": 25, "target": 18, "label": "C"}, {"source": 22, "target": 4, "label": "D"}, {"source": 23, "target": 8, "label": "E"}, {"source": 20, "target": 1, "label": "P"}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 17, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 25, "target": 16, "label": "E"}]} +{"id": "217485-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The chicken cordon-blu was tasty and came in a huge portion size for the money.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 20, "target": 1, "label": "E"}, {"source": 23, "target": 11, "label": "E"}, {"source": 19, "target": 6, "label": "A"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 13, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 19, "target": 5, "label": "S"}, {"source": 20, "target": 23, "label": "E"}, {"source": 20, "target": 22, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 20, "target": 24, "label": "E"}, {"source": 21, "target": 3, "label": "U"}, {"source": 20, "target": 0, "label": "E"}, {"source": 18, "target": 7, "label": "L"}, {"source": 22, "target": 8, "label": "C"}, {"source": 24, "target": 14, "label": "R"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "217485-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was a touch slow, but friendly.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "217542-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OMFG", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "217542-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I FUCKING HATE THIS PLACE EVERY TIME i GO THIS HOT CHICK SHOWS UP AND i MEAN REALLY HOT BUT SHE IS LIKE REAAAALLY DUMB AND THEN THEIR IS THIS OTHER CHICK THAT IS REALY UGLY BUT SHE IS LIKE SUPER SMART SHE COULD BE A SCIENTIST, BUT THEN THEIR IS THIS STONER WHO ALWAYS COMES HERE HIGH AND HE ALWAYS BRINGS HIS FUCKING DOG WHO IS SO HIGH FROM THE SECOND HAND SMOKE I THINK HE IS TRYING TO TALK.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}, {"from": 42, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 56}, {"from": 57, "to": 62}, {"from": 63, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 69}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 83}]}, {"id": 13, "anchors": [{"from": 84, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 113}]}, {"id": 19, "anchors": [{"from": 114, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 122}]}, {"id": 21, "anchors": [{"from": 123, "to": 127}]}, {"id": 22, "anchors": [{"from": 128, "to": 133}, {"from": 134, "to": 136}, {"from": 137, "to": 141}, {"from": 142, "to": 147}, {"from": 148, "to": 153}, {"from": 154, "to": 158}, {"from": 159, "to": 161}, {"from": 162, "to": 167}, {"from": 168, "to": 172}]}, {"id": 23, "anchors": [{"from": 173, "to": 176}]}, {"id": 24, "anchors": [{"from": 177, "to": 180}]}, {"id": 25, "anchors": [{"from": 181, "to": 183}]}, {"id": 26, "anchors": [{"from": 184, "to": 188}]}, {"id": 27, "anchors": [{"from": 189, "to": 194}]}, {"id": 28, "anchors": [{"from": 195, "to": 200}]}, {"id": 29, "anchors": [{"from": 201, "to": 204}]}, {"id": 30, "anchors": [{"from": 205, "to": 210}]}, {"id": 31, "anchors": [{"from": 211, "to": 213}]}, {"id": 32, "anchors": [{"from": 214, "to": 215}]}, {"id": 33, "anchors": [{"from": 216, "to": 225}]}, {"id": 34, "anchors": [{"from": 225, "to": 226}]}, {"id": 35, "anchors": [{"from": 227, "to": 230}]}, {"id": 36, "anchors": [{"from": 231, "to": 235}]}, {"id": 37, "anchors": [{"from": 236, "to": 241}, {"from": 242, "to": 244}, {"from": 245, "to": 249}, {"from": 250, "to": 256}, {"from": 257, "to": 260}, {"from": 261, "to": 267}, {"from": 268, "to": 273}, {"from": 274, "to": 278}, {"from": 279, "to": 283}]}, {"id": 38, "anchors": [{"from": 284, "to": 287}]}, {"id": 39, "anchors": [{"from": 288, "to": 290}]}, {"id": 40, "anchors": [{"from": 291, "to": 297}]}, {"id": 41, "anchors": [{"from": 298, "to": 304}]}, {"id": 42, "anchors": [{"from": 305, "to": 308}]}, {"id": 43, "anchors": [{"from": 309, "to": 316}]}, {"id": 44, "anchors": [{"from": 317, "to": 320}]}, {"id": 45, "anchors": [{"from": 321, "to": 324}, {"from": 325, "to": 327}, {"from": 328, "to": 330}, {"from": 331, "to": 335}, {"from": 336, "to": 340}, {"from": 341, "to": 344}, {"from": 345, "to": 351}, {"from": 352, "to": 356}, {"from": 357, "to": 362}, {"from": 363, "to": 364}, {"from": 365, "to": 370}, {"from": 371, "to": 373}, {"from": 374, "to": 376}, {"from": 377, "to": 383}, {"from": 384, "to": 386}, {"from": 387, "to": 391}]}, {"id": 46, "anchors": [{"from": 391, "to": 392}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 49, "target": 48, "label": "E"}, {"source": 57, "target": 33, "label": "C"}, {"source": 48, "target": 8, "label": "C"}, {"source": 49, "target": 13, "label": "E"}, {"source": 48, "target": 5, "label": "U"}, {"source": 56, "target": 22, "label": "C"}, {"source": 62, "target": 39, "label": "E"}, {"source": 61, "target": 38, "label": "N"}, {"source": 62, "target": 43, "label": "U"}, {"source": 50, "target": 9, "label": "L"}, {"source": 53, "target": 16, "label": "U"}, {"source": 53, "target": 55, "label": "C"}, {"source": 57, "target": 29, "label": "E"}, {"source": 59, "target": 58, "label": "E"}, {"source": 51, "target": 52, "label": "A"}, {"source": 61, "target": 37, "label": "A"}, {"source": 59, "target": 60, "label": "C"}, {"source": 55, "target": 56, "label": "C"}, {"source": 52, "target": 35, "label": "N"}, {"source": 52, "target": 53, "label": "C"}, {"source": 57, "target": 31, "label": "E"}, {"source": 48, "target": 3, "label": "E"}, {"source": 52, "target": 23, "label": "N"}, {"source": 58, "target": 27, "label": "E"}, {"source": 60, "target": 61, "label": "H"}, {"source": 49, "target": 12, "label": "E"}, {"source": 54, "target": 18, "label": "U"}, {"source": 56, "target": 21, "label": "E"}, {"source": 57, "target": 30, "label": "U"}, {"source": 63, "target": 62, "label": "E"}, {"source": 59, "target": 34, "label": "U"}, {"source": 49, "target": 10, "label": "E"}, {"source": 63, "target": 45, "label": "C"}, {"source": 58, "target": 26, "label": "U"}, {"source": 48, "target": 7, "label": "N"}, {"source": 50, "target": 51, "label": "H"}, {"source": 52, "target": 59, "label": "C"}, {"source": 54, "target": 17, "label": "E"}, {"source": 52, "target": 14, "label": "N"}, {"source": 58, "target": 25, "label": "C"}, {"source": 57, "target": 28, "label": "U"}, {"source": 47, "target": 0, "label": "E"}, {"source": 48, "target": 47, "label": "E"}, {"source": 61, "target": 63, "label": "A"}, {"source": 48, "target": 6, "label": "U"}, {"source": 48, "target": 4, "label": "E"}, {"source": 57, "target": 24, "label": "E"}, {"source": 52, "target": 57, "label": "C"}, {"source": 48, "target": 2, "label": "U"}, {"source": 55, "target": 20, "label": "N"}, {"source": 54, "target": 19, "label": "C"}, {"source": 62, "target": 44, "label": "C"}, {"source": 63, "target": 46, "label": "U"}, {"source": 55, "target": 54, "label": "C"}, {"source": 47, "target": 1, "label": "C"}, {"source": 62, "target": 40, "label": "U"}, {"source": 57, "target": 32, "label": "E"}, {"source": 62, "target": 42, "label": "E"}, {"source": 62, "target": 41, "label": "E"}, {"source": 53, "target": 15, "label": "E"}, {"source": 60, "target": 36, "label": "L"}, {"source": 52, "target": 49, "label": "C"}, {"source": 49, "target": 11, "label": "U"}]} +{"id": "217542-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ANYWAY WE DRIVE AROUND IN MY VAN AND SOLVE MYSTERYS AND SHIT", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 9}, {"from": 10, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 1, "label": "U"}, {"source": 11, "target": 0, "label": "C"}, {"source": 13, "target": 2, "label": "R"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 14, "label": "C"}, {"source": 12, "target": 8, "label": "L"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 5, "label": "N"}, {"source": 15, "target": 16, "label": "C"}, {"source": 10, "target": 11, "label": "C"}, {"source": 12, "target": 9, "label": "H"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 15, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 11, "target": 13, "label": "E"}]} +{"id": "217747-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "exelent Job", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "217747-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "\"Thank you so much for the superior job well done.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 9, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 10, "label": "P"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 6, "label": "E"}, {"source": 14, "target": 2, "label": "A"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 1, "label": "A"}, {"source": 13, "target": 0, "label": "U"}, {"source": 14, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 7, "label": "E"}]} +{"id": "217747-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We love everything about the fence.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "217747-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You company and services will be recommended by us to everyone.\"", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 16, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 4, "label": "F"}, {"source": 16, "target": 3, "label": "C"}, {"source": 16, "target": 1, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 7, "label": "R"}, {"source": 16, "target": 2, "label": "N"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 13, "label": "A"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "219262-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Furnace repair", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "219262-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tiger Heating is awesome.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "219262-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had John and Dustin working feverishly to get my exhaust motor replaced.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 5, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 2, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 6, "label": "D"}, {"source": 16, "target": 3, "label": "N"}]} +{"id": "219262-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys were absolutely professional.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "219262-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "John was here in 45 minutes after I called on a 10 below zero early Sunday morning.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 12, "label": "R"}, {"source": 21, "target": 8, "label": "P"}, {"source": 19, "target": 6, "label": "L"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 22, "label": "D"}, {"source": 24, "target": 14, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "D"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 2, "label": "S"}, {"source": 22, "target": 10, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 7, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 3, "label": "R"}, {"source": 22, "target": 11, "label": "C"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "219262-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you need someone to help you out with your heating problems, I DEFINITELY would call TIGER HEATING and AIR.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 93}, {"from": 94, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 109}]}, {"id": 19, "anchors": [{"from": 109, "to": 110}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 18, "label": "C"}, {"source": 24, "target": 12, "label": "A"}, {"source": 25, "target": 14, "label": "F"}, {"source": 20, "target": 11, "label": "U"}, {"source": 22, "target": 5, "label": "P"}, {"source": 20, "target": 0, "label": "L"}, {"source": 23, "target": 9, "label": "E"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 4, "label": "F"}, {"source": 24, "target": 13, "label": "D"}, {"source": 23, "target": 7, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 17, "label": "N"}, {"source": 21, "target": 2, "label": "P"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 6, "label": "D"}, {"source": 21, "target": 1, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "219262-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolutely a wonderful company.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "219262-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My family and I thank you!!!!!!!!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "A"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "219984-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "never response the phone call", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "220214-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think that there pretty good.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "220214-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They also don't tell you that they're going to mail you an \"application\" to be admitted to be a patient.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 103}]}, {"id": 24, "anchors": [{"from": 103, "to": 104}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 31, "target": 24, "label": "U"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "F"}, {"source": 28, "target": 15, "label": "C"}, {"source": 29, "target": 18, "label": "F"}, {"source": 31, "target": 23, "label": "C"}, {"source": 29, "target": 19, "label": "P"}, {"source": 30, "target": 21, "label": "S"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 28, "target": 14, "label": "U"}, {"source": 29, "target": 16, "label": "U"}, {"source": 29, "target": 17, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 9, "label": "D"}, {"source": 27, "target": 11, "label": "P"}, {"source": 30, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 5, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 4, "label": "P"}, {"source": 29, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 1, "label": "D"}, {"source": 27, "target": 10, "label": "F"}, {"source": 26, "target": 3, "label": "D"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 28, "target": 13, "label": "E"}, {"source": 31, "target": 22, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 7, "label": "A"}, {"source": 27, "target": 8, "label": "F"}]} +{"id": "220214-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I feel that the way some doctors offices work around here is a little bit absurd so I'm happy that these guys don't do those two things in particlular.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}, {"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 112}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 150}]}, {"id": 31, "anchors": [{"from": 150, "to": 151}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 43, "target": 18, "label": "A"}, {"source": 45, "target": 22, "label": "C"}, {"source": 33, "target": 0, "label": "A"}, {"source": 39, "target": 9, "label": "P"}, {"source": 42, "target": 13, "label": "E"}, {"source": 34, "target": 36, "label": "A"}, {"source": 35, "target": 17, "label": "L"}, {"source": 44, "target": 25, "label": "P"}, {"source": 33, "target": 1, "label": "P"}, {"source": 35, "target": 41, "label": "H"}, {"source": 43, "target": 44, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 46, "target": 28, "label": "C"}, {"source": 47, "target": 30, "label": "C"}, {"source": 44, "target": 24, "label": "D"}, {"source": 38, "target": 8, "label": "C"}, {"source": 42, "target": 16, "label": "C"}, {"source": 32, "target": 33, "label": "H"}, {"source": 36, "target": 3, "label": "E"}, {"source": 44, "target": 47, "label": "A"}, {"source": 38, "target": 37, "label": "E"}, {"source": 46, "target": 26, "label": "E"}, {"source": 43, "target": 19, "label": "P"}, {"source": 37, "target": 6, "label": "C"}, {"source": 44, "target": 46, "label": "A"}, {"source": 37, "target": 5, "label": "E"}, {"source": 47, "target": 31, "label": "U"}, {"source": 33, "target": 35, "label": "A"}, {"source": 46, "target": 27, "label": "E"}, {"source": 41, "target": 42, "label": "A"}, {"source": 47, "target": 29, "label": "R"}, {"source": 42, "target": 15, "label": "E"}, {"source": 35, "target": 43, "label": "H"}, {"source": 40, "target": 10, "label": "R"}, {"source": 39, "target": 38, "label": "A"}, {"source": 34, "target": 2, "label": "F"}, {"source": 37, "target": 7, "label": "R"}, {"source": 44, "target": 20, "label": "F"}, {"source": 34, "target": 39, "label": "A"}, {"source": 40, "target": 11, "label": "C"}, {"source": 45, "target": 21, "label": "E"}, {"source": 42, "target": 14, "label": "E"}, {"source": 44, "target": 45, "label": "A"}, {"source": 44, "target": 23, "label": "F"}, {"source": 36, "target": 4, "label": "C"}, {"source": 41, "target": 12, "label": "S"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "220214-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Usually you can be seen the same week or maybe the following week.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "D"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 18, "label": "C"}, {"source": 15, "target": 17, "label": "D"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 17, "target": 16, "label": "C"}, {"source": 17, "target": 8, "label": "N"}, {"source": 15, "target": 4, "label": "P"}, {"source": 18, "target": 9, "label": "E"}, {"source": 15, "target": 3, "label": "F"}]} +{"id": "220214-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The doctor did tell me that my male pattern baldness is due to my mothers father because the gene is exclusively passed on through maternal line but that's a common misconception (http://www.consumerreports.org/health/healthy-living/beauty-personal-care/hair-loss-10-08/hair-loss.htm).", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}, {"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 139}]}, {"id": 25, "anchors": [{"from": 140, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 153}]}, {"id": 28, "anchors": [{"from": 153, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 164}]}, {"id": 31, "anchors": [{"from": 165, "to": 178}]}, {"id": 32, "anchors": [{"from": 179, "to": 180}]}, {"id": 33, "anchors": [{"from": 180, "to": 283}]}, {"id": 34, "anchors": [{"from": 283, "to": 284}]}, {"id": 35, "anchors": [{"from": 284, "to": 285}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 42, "target": 13, "label": "C"}, {"source": 49, "target": 35, "label": "U"}, {"source": 45, "target": 47, "label": "A"}, {"source": 49, "target": 34, "label": "U"}, {"source": 38, "target": 37, "label": "H"}, {"source": 39, "target": 40, "label": "A"}, {"source": 46, "target": 21, "label": "C"}, {"source": 48, "target": 27, "label": "A"}, {"source": 37, "target": 39, "label": "A"}, {"source": 36, "target": 0, "label": "E"}, {"source": 39, "target": 5, "label": "R"}, {"source": 49, "target": 33, "label": "E"}, {"source": 49, "target": 31, "label": "C"}, {"source": 44, "target": 18, "label": "C"}, {"source": 38, "target": 45, "label": "H"}, {"source": 40, "target": 7, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 44, "target": 17, "label": "E"}, {"source": 40, "target": 8, "label": "E"}, {"source": 37, "target": 36, "label": "A"}, {"source": 49, "target": 32, "label": "U"}, {"source": 45, "target": 19, "label": "F"}, {"source": 41, "target": 42, "label": "A"}, {"source": 47, "target": 24, "label": "E"}, {"source": 46, "target": 22, "label": "R"}, {"source": 38, "target": 48, "label": "H"}, {"source": 38, "target": 41, "label": "H"}, {"source": 49, "target": 29, "label": "E"}, {"source": 48, "target": 28, "label": "S"}, {"source": 38, "target": 11, "label": "L"}, {"source": 39, "target": 10, "label": "S"}, {"source": 36, "target": 1, "label": "C"}, {"source": 42, "target": 43, "label": "E"}, {"source": 47, "target": 23, "label": "R"}, {"source": 45, "target": 44, "label": "A"}, {"source": 37, "target": 4, "label": "A"}, {"source": 38, "target": 16, "label": "L"}, {"source": 47, "target": 25, "label": "C"}, {"source": 43, "target": 14, "label": "R"}, {"source": 37, "target": 3, "label": "P"}, {"source": 43, "target": 15, "label": "C"}, {"source": 49, "target": 30, "label": "E"}, {"source": 45, "target": 46, "label": "P"}, {"source": 42, "target": 12, "label": "E"}, {"source": 40, "target": 9, "label": "C"}, {"source": 40, "target": 6, "label": "E"}, {"source": 38, "target": 26, "label": "L"}, {"source": 45, "target": 20, "label": "D"}, {"source": 37, "target": 2, "label": "F"}]} +{"id": "220214-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In general I would say that the staff is attentive and nice.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 15, "target": 13, "label": "D"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 2, "label": "C"}, {"source": 18, "target": 10, "label": "N"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 16, "target": 8, "label": "S"}, {"source": 13, "target": 0, "label": "R"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 13, "target": 1, "label": "E"}, {"source": 16, "target": 5, "label": "F"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "220214-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But then again I was nice to them so that could have been why.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 61, "to": 62}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 15, "target": 0, "label": "L"}, {"source": 16, "target": 2, "label": "D"}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 13, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 3, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 17, "target": 6, "label": "R"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "D"}, {"source": 18, "target": 10, "label": "D"}, {"source": 18, "target": 12, "label": "S"}, {"source": 18, "target": 14, "label": "U"}, {"source": 15, "target": 8, "label": "L"}, {"source": 18, "target": 11, "label": "F"}]} +{"id": "220214-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anyhow, after reading some of the other reviews it seems like some of the other reviewers are expecting mircles.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 11, "label": "R"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "P"}, {"source": 24, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 3, "label": "P"}, {"source": 24, "target": 23, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 5, "label": "R"}, {"source": 25, "target": 9, "label": "A"}, {"source": 21, "target": 18, "label": "S"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "L"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 8, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 22, "target": 25, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 20, "label": "U"}, {"source": 23, "target": 4, "label": "C"}, {"source": 21, "target": 17, "label": "F"}, {"source": 27, "target": 13, "label": "R"}, {"source": 21, "target": 1, "label": "U"}, {"source": 26, "target": 27, "label": "E"}]} +{"id": "220214-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want miracles you'll have to go to 21st St.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 17, "label": "E"}, {"source": 16, "target": 4, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 18, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 17, "target": 6, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "220214-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's a pretty typical primary care office but for the area it's very good.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "L"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 13, "label": "F"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "A"}, {"source": 22, "target": 21, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 19, "target": 3, "label": "E"}, {"source": 17, "target": 19, "label": "P"}, {"source": 21, "target": 10, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 14, "label": "D"}, {"source": 22, "target": 15, "label": "S"}, {"source": 22, "target": 12, "label": "A"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "220214-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They don't do certain things that are really annoying about other offices.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 18, "target": 10, "label": "R"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 1, "label": "D"}, {"source": 17, "target": 7, "label": "F"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 8, "label": "D"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 9, "label": "S"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "221664-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is a Rip-Off", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}, {"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "221664-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I brought a car in to have the \"check engine\" light diagnosed back in March of 2010.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 32, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 61}, {"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}, {"from": 76, "to": 78}, {"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 22, "label": "H"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 8, "label": "U"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 11, "label": "U"}, {"source": 20, "target": 5, "label": "F"}, {"source": 23, "target": 14, "label": "R"}, {"source": 19, "target": 3, "label": "C"}, {"source": 22, "target": 13, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 23, "target": 15, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 4, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 22, "target": 23, "label": "D"}]} +{"id": "221664-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They said it was \"plugs and wires\" and quoted me $330 to do the work, including parts.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}, {"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 68, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 27, "target": 17, "label": "U"}, {"source": 25, "target": 10, "label": "P"}, {"source": 23, "target": 4, "label": "U"}, {"source": 25, "target": 12, "label": "U"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 19, "label": "C"}, {"source": 23, "target": 3, "label": "S"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "P"}, {"source": 22, "target": 8, "label": "U"}, {"source": 23, "target": 2, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 6, "label": "N"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 9, "label": "L"}, {"source": 25, "target": 11, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 18, "label": "R"}, {"source": 26, "target": 13, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 24, "target": 7, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 24, "target": 5, "label": "C"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "221664-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked why so high and they said it was due to the labor of moving things out of the way.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}, {"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 28, "target": 16, "label": "C"}, {"source": 27, "target": 14, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 29, "target": 28, "label": "R"}, {"source": 25, "target": 8, "label": "A"}, {"source": 22, "target": 5, "label": "L"}, {"source": 23, "target": 2, "label": "R"}, {"source": 25, "target": 9, "label": "S"}, {"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 27, "target": 15, "label": "A"}, {"source": 29, "target": 18, "label": "E"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 29, "label": "D"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 11, "label": "E"}, {"source": 27, "target": 13, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 24, "target": 7, "label": "P"}, {"source": 26, "target": 12, "label": "C"}, {"source": 26, "target": 10, "label": "R"}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "221664-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Those things ended up being a windsheild washer fluid tank (1 screw) and the air filter canister (4 spring clips).", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 112}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 28, "target": 2, "label": "C"}, {"source": 35, "target": 23, "label": "U"}, {"source": 29, "target": 31, "label": "A"}, {"source": 32, "target": 12, "label": "C"}, {"source": 30, "target": 9, "label": "C"}, {"source": 33, "target": 15, "label": "E"}, {"source": 27, "target": 28, "label": "P"}, {"source": 29, "target": 4, "label": "P"}, {"source": 33, "target": 35, "label": "E"}, {"source": 27, "target": 25, "label": "A"}, {"source": 35, "target": 20, "label": "E"}, {"source": 25, "target": 0, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 30, "label": "C"}, {"source": 30, "target": 6, "label": "E"}, {"source": 31, "target": 33, "label": "C"}, {"source": 32, "target": 11, "label": "E"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 14, "label": "N"}, {"source": 34, "target": 17, "label": "C"}, {"source": 25, "target": 1, "label": "C"}, {"source": 30, "target": 5, "label": "E"}, {"source": 33, "target": 19, "label": "U"}, {"source": 30, "target": 7, "label": "E"}, {"source": 30, "target": 32, "label": "E"}, {"source": 35, "target": 22, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 3, "label": "E"}, {"source": 30, "target": 10, "label": "U"}, {"source": 30, "target": 8, "label": "E"}, {"source": 31, "target": 13, "label": "U"}, {"source": 35, "target": 24, "label": "U"}, {"source": 33, "target": 18, "label": "C"}, {"source": 35, "target": 21, "label": "E"}, {"source": 34, "target": 16, "label": "E"}]} +{"id": "221664-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I did the work myself for $50.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "221664-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There's no excuse for that kind of estimate.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 0, "label": "F"}, {"source": 12, "target": 8, "label": "C"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 7, "label": "R"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "223040-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love this place lots of people to talk to and school is across the street!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 8, "label": "P"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 3, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "N"}, {"source": 23, "target": 12, "label": "S"}, {"source": 22, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 23, "label": "H"}, {"source": 22, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 21, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 23, "target": 24, "label": "A"}]} +{"id": "223912-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff do occasionally get game info correct, but if your looking fot a good game and aren'ta nerd, dont ask them.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}, {"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 105, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 116}]}, {"id": 27, "anchors": [{"from": 116, "to": 117}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 13, "label": "P"}, {"source": 35, "target": 19, "label": "D"}, {"source": 34, "target": 15, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 5, "label": "E"}, {"source": 30, "target": 29, "label": "H"}, {"source": 29, "target": 4, "label": "P"}, {"source": 30, "target": 9, "label": "L"}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 0, "label": "E"}, {"source": 36, "target": 20, "label": "E"}, {"source": 37, "target": 23, "label": "F"}, {"source": 36, "target": 21, "label": "C"}, {"source": 30, "target": 35, "label": "H"}, {"source": 30, "target": 17, "label": "L"}, {"source": 33, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 22, "label": "U"}, {"source": 31, "target": 7, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 32, "target": 11, "label": "P"}, {"source": 34, "target": 14, "label": "E"}, {"source": 33, "target": 12, "label": "D"}, {"source": 32, "target": 10, "label": "A"}, {"source": 35, "target": 18, "label": "S"}, {"source": 29, "target": 2, "label": "F"}, {"source": 28, "target": 1, "label": "C"}, {"source": 31, "target": 6, "label": "E"}, {"source": 34, "target": 16, "label": "C"}, {"source": 37, "target": 26, "label": "A"}, {"source": 30, "target": 8, "label": "U"}, {"source": 37, "target": 25, "label": "P"}, {"source": 37, "target": 24, "label": "D"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 37, "label": "H"}, {"source": 30, "target": 32, "label": "H"}, {"source": 37, "target": 27, "label": "U"}, {"source": 29, "target": 3, "label": "D"}]} +{"id": "223912-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The last time I did that I was suggested to buy oblivion when I told them I was looking for a fps.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 97, "to": 98}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 27, "target": 9, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 12, "label": "L"}, {"source": 29, "target": 16, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 23, "target": 1, "label": "E"}, {"source": 26, "target": 6, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 29, "target": 17, "label": "F"}, {"source": 30, "target": 22, "label": "U"}, {"source": 30, "target": 20, "label": "E"}, {"source": 29, "target": 18, "label": "P"}, {"source": 26, "target": 7, "label": "F"}, {"source": 28, "target": 14, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 19, "label": "R"}, {"source": 26, "target": 5, "label": "F"}, {"source": 24, "target": 4, "label": "S"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 29, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 10, "label": "P"}, {"source": 23, "target": 0, "label": "E"}, {"source": 28, "target": 13, "label": "A"}, {"source": 24, "target": 23, "label": "D"}, {"source": 23, "target": 2, "label": "C"}, {"source": 24, "target": 3, "label": "A"}, {"source": 27, "target": 11, "label": "A"}, {"source": 28, "target": 15, "label": "A"}]} +{"id": "223912-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I knew what it was and told the guy that it wasn'ta fps.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 50, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 55, "to": 56}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 21, "target": 12, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 8, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 20, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 19, "target": 5, "label": "N"}, {"source": 20, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 21, "target": 9, "label": "F"}, {"source": 22, "target": 13, "label": "E"}, {"source": 21, "target": 11, "label": "S"}, {"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 3, "label": "A"}]} +{"id": "223912-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He tried to tell me it was when I told asked him if he knew what fps stood for and he had no clue.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 92}]}, {"id": 23, "anchors": [{"from": 93, "to": 97}]}, {"id": 24, "anchors": [{"from": 97, "to": 98}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 25, "target": 4, "label": "A"}, {"source": 30, "target": 13, "label": "A"}, {"source": 30, "target": 14, "label": "P"}, {"source": 34, "target": 23, "label": "A"}, {"source": 33, "target": 17, "label": "C"}, {"source": 27, "target": 5, "label": "A"}, {"source": 26, "target": 7, "label": "L"}, {"source": 29, "target": 10, "label": "P"}, {"source": 26, "target": 30, "label": "H"}, {"source": 34, "target": 20, "label": "A"}, {"source": 28, "target": 8, "label": "A"}, {"source": 33, "target": 18, "label": "E"}, {"source": 32, "target": 31, "label": "A"}, {"source": 29, "target": 11, "label": "A"}, {"source": 34, "target": 21, "label": "S"}, {"source": 26, "target": 25, "label": "H"}, {"source": 32, "target": 33, "label": "P"}, {"source": 28, "target": 9, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 19, "label": "L"}, {"source": 26, "target": 28, "label": "H"}, {"source": 34, "target": 22, "label": "D"}, {"source": 26, "target": 27, "label": "H"}, {"source": 31, "target": 15, "label": "A"}, {"source": 31, "target": 16, "label": "A"}, {"source": 26, "target": 34, "label": "H"}, {"source": 26, "target": 12, "label": "L"}, {"source": 27, "target": 6, "label": "S"}, {"source": 30, "target": 32, "label": "A"}, {"source": 25, "target": 2, "label": "F"}, {"source": 25, "target": 1, "label": "D"}, {"source": 25, "target": 3, "label": "P"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "223912-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overall they aren't very knowledge about the type of games are on the market.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 17, "target": 11, "label": "F"}, {"source": 19, "target": 7, "label": "E"}, {"source": 20, "target": 15, "label": "U"}, {"source": 19, "target": 9, "label": "R"}, {"source": 17, "target": 4, "label": "D"}, {"source": 20, "target": 12, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 14, "label": "C"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 13, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 0, "label": "D"}, {"source": 17, "target": 3, "label": "D"}]} +{"id": "224117-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Drove all the way over from the highway... closed at 7.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 13, "target": 0, "label": "S"}, {"source": 15, "target": 1, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "D"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 5, "label": "R"}, {"source": 19, "target": 11, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 16, "target": 17, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 18, "target": 9, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 19, "target": 10, "label": "R"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "224117-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Who does that?!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 2, "label": "F"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 1, "label": "S"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "224123-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ok", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "D"}]} +{"id": "224123-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "can't remember good or bad, so it must have been meh.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 53}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 8, "label": "A"}, {"source": 20, "target": 12, "label": "S"}, {"source": 15, "target": 19, "label": "A"}, {"source": 20, "target": 9, "label": "D"}, {"source": 20, "target": 13, "label": "U"}, {"source": 20, "target": 11, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "D"}, {"source": 19, "target": 3, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 6, "label": "U"}, {"source": 15, "target": 0, "label": "D"}, {"source": 19, "target": 4, "label": "N"}, {"source": 17, "target": 14, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 18, "target": 16, "label": "C"}, {"source": 14, "target": 1, "label": "P"}, {"source": 20, "target": 10, "label": "F"}]} +{"id": "224906-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "First and Last time we'll eat there", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 1, "label": "N"}, {"source": 11, "target": 7, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 8, "label": "E"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 6, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "224906-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My friend and I went there for lunch today.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 8, "label": "D"}, {"source": 11, "target": 10, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "R"}, {"source": 11, "target": 2, "label": "N"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "224906-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Neither one of us had ever been - so we thought we'd try it.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}, {"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "D"}, {"source": 18, "target": 17, "label": "E"}, {"source": 19, "target": 12, "label": "P"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 17, "target": 2, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 11, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 16, "target": 9, "label": "D"}, {"source": 19, "target": 14, "label": "U"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 0, "label": "D"}, {"source": 16, "target": 7, "label": "U"}, {"source": 17, "target": 1, "label": "C"}, {"source": 19, "target": 13, "label": "A"}, {"source": 16, "target": 6, "label": "S"}]} +{"id": "224906-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BIG MISTAKE - The food was tasteless and cold.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}, {"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 9, "target": 1, "label": "E"}, {"source": 11, "target": 12, "label": "S"}, {"source": 9, "target": 2, "label": "U"}, {"source": 11, "target": 4, "label": "F"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "224906-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We both kept trying to find something we liked.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "R"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "224906-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only thing I found edible were the potato wedges, I finally gave up, he kept trying - he found the fried wantons to be OK - His Mongolian bowl was awful.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}, {"from": 128, "to": 131}, {"from": 132, "to": 141}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}]}, {"id": 28, "anchors": [{"from": 142, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 156}]}, {"id": 31, "anchors": [{"from": 156, "to": 157}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 39, "target": 31, "label": "U"}, {"source": 41, "target": 42, "label": "E"}, {"source": 41, "target": 23, "label": "C"}, {"source": 36, "target": 3, "label": "A"}, {"source": 41, "target": 21, "label": "E"}, {"source": 41, "target": 22, "label": "E"}, {"source": 43, "target": 27, "label": "U"}, {"source": 34, "target": 10, "label": "U"}, {"source": 37, "target": 7, "label": "E"}, {"source": 40, "target": 20, "label": "P"}, {"source": 43, "target": 28, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 14, "label": "U"}, {"source": 34, "target": 38, "label": "H"}, {"source": 38, "target": 11, "label": "A"}, {"source": 32, "target": 35, "label": "E"}, {"source": 35, "target": 1, "label": "E"}, {"source": 33, "target": 6, "label": "S"}, {"source": 36, "target": 4, "label": "D"}, {"source": 38, "target": 13, "label": "P"}, {"source": 39, "target": 29, "label": "F"}, {"source": 37, "target": 8, "label": "E"}, {"source": 33, "target": 37, "label": "A"}, {"source": 35, "target": 2, "label": "C"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 39, "target": 16, "label": "D"}, {"source": 39, "target": 30, "label": "F"}, {"source": 37, "target": 9, "label": "C"}, {"source": 39, "target": 18, "label": "U"}, {"source": 32, "target": 36, "label": "E"}, {"source": 42, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 32, "label": "A"}, {"source": 32, "target": 0, "label": "E"}, {"source": 36, "target": 5, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 39, "target": 17, "label": "P"}, {"source": 42, "target": 24, "label": "F"}, {"source": 42, "target": 25, "label": "P"}, {"source": 39, "target": 15, "label": "A"}, {"source": 34, "target": 39, "label": "H"}, {"source": 39, "target": 19, "label": "A"}, {"source": 38, "target": 12, "label": "D"}, {"source": 43, "target": 26, "label": "E"}]} +{"id": "224906-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Would NOT recommend this place to anyone - in fact - save your money and go somewhere else.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}, {"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 18, "target": 2, "label": "C"}, {"source": 19, "target": 1, "label": "D"}, {"source": 25, "target": 12, "label": "C"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 9, "label": "U"}, {"source": 27, "target": 16, "label": "C"}, {"source": 26, "target": 14, "label": "P"}, {"source": 22, "target": 24, "label": "E"}, {"source": 19, "target": 18, "label": "P"}, {"source": 18, "target": 0, "label": "F"}, {"source": 24, "target": 23, "label": "P"}, {"source": 23, "target": 8, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 20, "target": 13, "label": "L"}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 5, "label": "R"}, {"source": 20, "target": 26, "label": "H"}, {"source": 27, "target": 15, "label": "E"}, {"source": 22, "target": 6, "label": "E"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "225632-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "FHS is a good high school -- c/o 1998", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 10, "label": "D"}, {"source": 14, "target": 7, "label": "A"}, {"source": 14, "target": 9, "label": "S"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 8, "label": "U"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 6, "label": "U"}]} +{"id": "225632-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I enjoyed my time at Franklin High School.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "225632-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had relatively good facilities at the time -- decent science labs, with multiple hoods and access to good equipment; nice gymnasiums, and a well-funded music department (I was in the guitar ensemble).", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 118}]}, {"id": 21, "anchors": [{"from": 118, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 147}]}, {"id": 28, "anchors": [{"from": 147, "to": 148}]}, {"id": 29, "anchors": [{"from": 148, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 173}]}, {"id": 33, "anchors": [{"from": 173, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 178}]}, {"id": 35, "anchors": [{"from": 179, "to": 181}]}, {"id": 36, "anchors": [{"from": 182, "to": 185}]}, {"id": 37, "anchors": [{"from": 186, "to": 192}]}, {"id": 38, "anchors": [{"from": 193, "to": 201}]}, {"id": 39, "anchors": [{"from": 201, "to": 202}]}, {"id": 40, "anchors": [{"from": 202, "to": 203}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 51, "target": 18, "label": "R"}, {"source": 49, "target": 13, "label": "R"}, {"source": 56, "target": 34, "label": "S"}, {"source": 54, "target": 30, "label": "E"}, {"source": 51, "target": 19, "label": "E"}, {"source": 55, "target": 28, "label": "U"}, {"source": 45, "target": 5, "label": "R"}, {"source": 52, "target": 20, "label": "C"}, {"source": 52, "target": 53, "label": "C"}, {"source": 49, "target": 14, "label": "E"}, {"source": 42, "target": 8, "label": "U"}, {"source": 54, "target": 55, "label": "E"}, {"source": 57, "target": 39, "label": "U"}, {"source": 42, "target": 41, "label": "H"}, {"source": 44, "target": 43, "label": "E"}, {"source": 57, "target": 38, "label": "C"}, {"source": 53, "target": 23, "label": "C"}, {"source": 57, "target": 40, "label": "U"}, {"source": 50, "target": 17, "label": "C"}, {"source": 57, "target": 35, "label": "R"}, {"source": 50, "target": 15, "label": "C"}, {"source": 48, "target": 49, "label": "A"}, {"source": 42, "target": 48, "label": "H"}, {"source": 45, "target": 6, "label": "E"}, {"source": 45, "target": 7, "label": "C"}, {"source": 52, "target": 54, "label": "C"}, {"source": 52, "target": 21, "label": "U"}, {"source": 49, "target": 50, "label": "C"}, {"source": 41, "target": 44, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 57, "target": 37, "label": "E"}, {"source": 54, "target": 31, "label": "C"}, {"source": 44, "target": 4, "label": "C"}, {"source": 55, "target": 29, "label": "C"}, {"source": 41, "target": 0, "label": "A"}, {"source": 46, "target": 9, "label": "E"}, {"source": 56, "target": 33, "label": "A"}, {"source": 55, "target": 27, "label": "E"}, {"source": 52, "target": 25, "label": "N"}, {"source": 48, "target": 12, "label": "U"}, {"source": 43, "target": 3, "label": "C"}, {"source": 53, "target": 22, "label": "E"}, {"source": 47, "target": 11, "label": "C"}, {"source": 47, "target": 46, "label": "E"}, {"source": 57, "target": 36, "label": "E"}, {"source": 41, "target": 1, "label": "S"}, {"source": 48, "target": 47, "label": "A"}, {"source": 50, "target": 16, "label": "N"}, {"source": 46, "target": 10, "label": "C"}, {"source": 54, "target": 56, "label": "E"}, {"source": 52, "target": 24, "label": "U"}, {"source": 49, "target": 51, "label": "E"}, {"source": 51, "target": 52, "label": "C"}, {"source": 54, "target": 26, "label": "E"}, {"source": 43, "target": 2, "label": "E"}, {"source": 54, "target": 32, "label": "U"}, {"source": 41, "target": 45, "label": "D"}]} +{"id": "225632-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now, of course, there's a new building, with presumably better facilities.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 18, "label": "C"}, {"source": 19, "target": 5, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 10, "label": "U"}, {"source": 21, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "S"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 2, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 8, "label": "E"}, {"source": 17, "target": 16, "label": "L"}, {"source": 20, "target": 21, "label": "E"}, {"source": 16, "target": 0, "label": "C"}, {"source": 16, "target": 1, "label": "U"}, {"source": 22, "target": 13, "label": "C"}, {"source": 17, "target": 4, "label": "U"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "225632-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All to the good.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "E"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 5, "label": "D"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "225632-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For those who care, a good proportion of the my class went on to 4-year colleges, many of them ranked in the top 50 of US News.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 66, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 71}]}, {"id": 18, "anchors": [{"from": 72, "to": 80}]}, {"id": 19, "anchors": [{"from": 80, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 104}]}, {"id": 25, "anchors": [{"from": 105, "to": 108}]}, {"id": 26, "anchors": [{"from": 109, "to": 112}]}, {"id": 27, "anchors": [{"from": 113, "to": 115}, {"from": 116, "to": 118}, {"from": 119, "to": 121}, {"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 126, "to": 127}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 37, "target": 15, "label": "E"}, {"source": 31, "target": 40, "label": "H"}, {"source": 30, "target": 35, "label": "P"}, {"source": 31, "target": 19, "label": "U"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 24, "label": "R"}, {"source": 34, "target": 10, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 29, "target": 32, "label": "E"}, {"source": 35, "target": 13, "label": "E"}, {"source": 30, "target": 4, "label": "U"}, {"source": 29, "target": 0, "label": "R"}, {"source": 33, "target": 7, "label": "C"}, {"source": 34, "target": 8, "label": "R"}, {"source": 33, "target": 34, "label": "E"}, {"source": 30, "target": 36, "label": "A"}, {"source": 37, "target": 17, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 41, "target": 25, "label": "E"}, {"source": 35, "target": 12, "label": "C"}, {"source": 41, "target": 26, "label": "E"}, {"source": 33, "target": 5, "label": "E"}, {"source": 39, "target": 38, "label": "E"}, {"source": 32, "target": 2, "label": "F"}, {"source": 41, "target": 28, "label": "U"}, {"source": 36, "target": 18, "label": "C"}, {"source": 29, "target": 1, "label": "C"}, {"source": 36, "target": 14, "label": "R"}, {"source": 33, "target": 6, "label": "E"}, {"source": 40, "target": 39, "label": "A"}, {"source": 41, "target": 27, "label": "C"}, {"source": 34, "target": 9, "label": "E"}, {"source": 39, "target": 22, "label": "C"}, {"source": 40, "target": 23, "label": "P"}, {"source": 34, "target": 11, "label": "C"}, {"source": 38, "target": 20, "label": "C"}, {"source": 38, "target": 21, "label": "R"}, {"source": 36, "target": 37, "label": "E"}, {"source": 32, "target": 3, "label": "S"}, {"source": 31, "target": 30, "label": "H"}, {"source": 37, "target": 16, "label": "U"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "225632-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If I remember, students went to Dartmouth, U.Penn, Duke, BU, William and Mary, Vassar, Howard, and Carnegie Mellon, among others.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}, {"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}, {"from": 79, "to": 85}, {"from": 87, "to": 93}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 107}, {"from": 108, "to": 114}]}, {"id": 23, "anchors": [{"from": 114, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 128}]}, {"id": 26, "anchors": [{"from": 128, "to": 129}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 29, "target": 32, "label": "A"}, {"source": 27, "target": 29, "label": "H"}, {"source": 32, "target": 24, "label": "R"}, {"source": 31, "target": 16, "label": "N"}, {"source": 28, "target": 2, "label": "P"}, {"source": 31, "target": 19, "label": "U"}, {"source": 31, "target": 18, "label": "U"}, {"source": 31, "target": 9, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 14, "label": "U"}, {"source": 30, "target": 31, "label": "C"}, {"source": 31, "target": 13, "label": "C"}, {"source": 31, "target": 22, "label": "C"}, {"source": 29, "target": 4, "label": "A"}, {"source": 31, "target": 12, "label": "U"}, {"source": 29, "target": 5, "label": "P"}, {"source": 31, "target": 11, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 31, "target": 7, "label": "C"}, {"source": 31, "target": 21, "label": "N"}, {"source": 31, "target": 17, "label": "C"}, {"source": 32, "target": 25, "label": "C"}, {"source": 30, "target": 6, "label": "R"}, {"source": 31, "target": 20, "label": "U"}, {"source": 29, "target": 23, "label": "U"}, {"source": 27, "target": 3, "label": "U"}, {"source": 32, "target": 26, "label": "U"}, {"source": 27, "target": 0, "label": "L"}, {"source": 28, "target": 1, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 31, "target": 8, "label": "U"}]} +{"id": "225632-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Many students went to Rutgers, including their top-ranked pharmacy program.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 12, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 17, "target": 3, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 5, "label": "U"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 19, "target": 9, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "225632-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The point is -- FHS gives you the opportunity to make it to a good college, but you need to work hard.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 101}]}, {"id": 23, "anchors": [{"from": 101, "to": 102}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 22, "label": "D"}, {"source": 25, "target": 4, "label": "A"}, {"source": 25, "target": 5, "label": "P"}, {"source": 24, "target": 0, "label": "E"}, {"source": 29, "target": 12, "label": "R"}, {"source": 30, "target": 20, "label": "F"}, {"source": 30, "target": 21, "label": "P"}, {"source": 29, "target": 15, "label": "C"}, {"source": 26, "target": 16, "label": "U"}, {"source": 26, "target": 30, "label": "H"}, {"source": 24, "target": 1, "label": "C"}, {"source": 28, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "A"}, {"source": 27, "target": 7, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 29, "target": 13, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 26, "target": 17, "label": "L"}, {"source": 28, "target": 10, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 28, "target": 9, "label": "F"}, {"source": 30, "target": 23, "label": "U"}, {"source": 30, "target": 19, "label": "D"}, {"source": 29, "target": 14, "label": "E"}, {"source": 25, "target": 2, "label": "F"}, {"source": 30, "target": 18, "label": "A"}, {"source": 28, "target": 11, "label": "A"}, {"source": 25, "target": 24, "label": "A"}, {"source": 25, "target": 3, "label": "U"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "225861-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My favorite place...", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 4, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "225861-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My daughter and I stayed here again from the 7th to the 14th of December.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "R"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "C"}, {"source": 21, "target": 14, "label": "E"}, {"source": 20, "target": 9, "label": "C"}, {"source": 21, "target": 12, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 7, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 3, "label": "C"}, {"source": 21, "target": 10, "label": "R"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 4, "label": "P"}, {"source": 19, "target": 5, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 2, "label": "N"}, {"source": 19, "target": 6, "label": "D"}]} +{"id": "225861-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "yet again it was a great stay from begiinning to end.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 7, "label": "R"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 5, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 8, "label": "P"}, {"source": 14, "target": 2, "label": "A"}, {"source": 12, "target": 0, "label": "E"}, {"source": 18, "target": 9, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 3, "label": "S"}, {"source": 13, "target": 12, "label": "L"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "225861-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Okay our room was at times noisy but we were in a mega busy city at an extremely busy time of year.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 31, "target": 21, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 29, "target": 11, "label": "E"}, {"source": 27, "target": 4, "label": "R"}, {"source": 25, "target": 7, "label": "L"}, {"source": 27, "target": 6, "label": "C"}, {"source": 24, "target": 27, "label": "D"}, {"source": 31, "target": 20, "label": "R"}, {"source": 24, "target": 3, "label": "F"}, {"source": 28, "target": 9, "label": "S"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 5, "label": "E"}, {"source": 28, "target": 8, "label": "A"}, {"source": 30, "target": 16, "label": "E"}, {"source": 29, "target": 13, "label": "E"}, {"source": 23, "target": 0, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 14, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 26, "target": 2, "label": "C"}, {"source": 30, "target": 17, "label": "E"}, {"source": 29, "target": 12, "label": "E"}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 26, "label": "E"}, {"source": 30, "target": 19, "label": "C"}, {"source": 26, "target": 1, "label": "E"}, {"source": 30, "target": 15, "label": "R"}]} +{"id": "226715-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Inford Media", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "226715-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Media, Software, Fun and Games, Website design, Web Promotion, B2B, Business Promotion, Search Engine Optimization.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}, {"from": 52, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 76}, {"from": 77, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 94}, {"from": 95, "to": 101}, {"from": 102, "to": 114}]}, {"id": 18, "anchors": [{"from": 114, "to": 115}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 24, "target": 14, "label": "U"}, {"source": 22, "target": 8, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 19, "target": 0, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 19, "target": 5, "label": "N"}, {"source": 24, "target": 12, "label": "U"}, {"source": 24, "target": 16, "label": "U"}, {"source": 24, "target": 18, "label": "U"}, {"source": 19, "target": 6, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 24, "target": 17, "label": "C"}, {"source": 19, "target": 1, "label": "U"}, {"source": 23, "target": 10, "label": "U"}, {"source": 19, "target": 2, "label": "C"}, {"source": 21, "target": 7, "label": "U"}]} +{"id": "227515-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BEST DENTIST EVER -", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "U"}]} +{"id": "227515-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very fast and efficient service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "N"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "C"}, {"source": 7, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "E"}]} +{"id": "227515-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have had several dentists in my life, but Dr. Deters is by far my favorite.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}, {"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 8, "label": "U"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 14, "label": "E"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "R"}, {"source": 20, "target": 6, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 22, "label": "S"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 9, "label": "L"}, {"source": 17, "target": 2, "label": "S"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "227515-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I never wait in the waiting room more than two minutes and the cleanings are quick and painless.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 19, "target": 22, "label": "D"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 21, "target": 3, "label": "R"}, {"source": 20, "target": 11, "label": "L"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 8, "label": "R"}, {"source": 24, "target": 25, "label": "S"}, {"source": 22, "target": 10, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 2, "label": "P"}, {"source": 22, "target": 7, "label": "R"}, {"source": 23, "target": 12, "label": "E"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "N"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "227605-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good local steakhouse, I recommend it!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 3, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}, {"source": 11, "target": 6, "label": "A"}]} +{"id": "228154-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good food and coffee with a nice atmosphere", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 12, "target": 2, "label": "N"}, {"source": 11, "target": 8, "label": "C"}, {"source": 8, "target": 12, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 11, "target": 13, "label": "E"}]} +{"id": "228731-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "prepared the road test with a driving ... prepared the road test with a driving school in edmonton, but my instructor only trained me in a narrow street, hence I took one 90 minute lesson from the Noble driving school to learn the skill of changing lane, and found them very friendly and professional.", "tops": [62], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 152}]}, {"id": 29, "anchors": [{"from": 152, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 159}]}, {"id": 31, "anchors": [{"from": 160, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 173}]}, {"id": 35, "anchors": [{"from": 174, "to": 180}]}, {"id": 36, "anchors": [{"from": 181, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 192}]}, {"id": 38, "anchors": [{"from": 193, "to": 196}]}, {"id": 39, "anchors": [{"from": 197, "to": 202}]}, {"id": 40, "anchors": [{"from": 203, "to": 210}]}, {"id": 41, "anchors": [{"from": 211, "to": 217}]}, {"id": 42, "anchors": [{"from": 218, "to": 220}]}, {"id": 43, "anchors": [{"from": 221, "to": 226}]}, {"id": 44, "anchors": [{"from": 227, "to": 230}]}, {"id": 45, "anchors": [{"from": 231, "to": 236}]}, {"id": 46, "anchors": [{"from": 237, "to": 239}]}, {"id": 47, "anchors": [{"from": 240, "to": 248}]}, {"id": 48, "anchors": [{"from": 249, "to": 253}]}, {"id": 49, "anchors": [{"from": 253, "to": 254}]}, {"id": 50, "anchors": [{"from": 255, "to": 258}]}, {"id": 51, "anchors": [{"from": 259, "to": 264}]}, {"id": 52, "anchors": [{"from": 265, "to": 269}]}, {"id": 53, "anchors": [{"from": 270, "to": 274}]}, {"id": 54, "anchors": [{"from": 275, "to": 283}]}, {"id": 55, "anchors": [{"from": 284, "to": 287}]}, {"id": 56, "anchors": [{"from": 288, "to": 300}]}, {"id": 57, "anchors": [{"from": 300, "to": 301}]}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}], "edges": [{"source": 77, "target": 45, "label": "C"}, {"source": 71, "target": 27, "label": "E"}, {"source": 71, "target": 25, "label": "R"}, {"source": 80, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 28, "label": "C"}, {"source": 63, "target": 5, "label": "E"}, {"source": 60, "target": 61, "label": "P"}, {"source": 62, "target": 49, "label": "U"}, {"source": 78, "target": 79, "label": "A"}, {"source": 79, "target": 48, "label": "C"}, {"source": 58, "target": 2, "label": "E"}, {"source": 61, "target": 58, "label": "E"}, {"source": 73, "target": 33, "label": "E"}, {"source": 75, "target": 37, "label": "R"}, {"source": 64, "target": 12, "label": "R"}, {"source": 65, "target": 14, "label": "E"}, {"source": 82, "target": 81, "label": "C"}, {"source": 62, "target": 50, "label": "L"}, {"source": 73, "target": 36, "label": "C"}, {"source": 59, "target": 11, "label": "P"}, {"source": 76, "target": 41, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 81, "target": 53, "label": "E"}, {"source": 76, "target": 78, "label": "A"}, {"source": 70, "target": 21, "label": "C"}, {"source": 73, "target": 74, "label": "E"}, {"source": 76, "target": 42, "label": "F"}, {"source": 79, "target": 47, "label": "E"}, {"source": 62, "target": 71, "label": "H"}, {"source": 63, "target": 4, "label": "R"}, {"source": 72, "target": 76, "label": "A"}, {"source": 69, "target": 23, "label": "P"}, {"source": 76, "target": 43, "label": "P"}, {"source": 82, "target": 56, "label": "C"}, {"source": 80, "target": 82, "label": "A"}, {"source": 72, "target": 32, "label": "P"}, {"source": 60, "target": 7, "label": "U"}, {"source": 71, "target": 26, "label": "E"}, {"source": 65, "target": 15, "label": "C"}, {"source": 79, "target": 46, "label": "R"}, {"source": 62, "target": 22, "label": "L"}, {"source": 62, "target": 80, "label": "H"}, {"source": 75, "target": 38, "label": "E"}, {"source": 65, "target": 13, "label": "E"}, {"source": 72, "target": 31, "label": "A"}, {"source": 82, "target": 57, "label": "U"}, {"source": 77, "target": 44, "label": "E"}, {"source": 75, "target": 41, "label": "C"}, {"source": 69, "target": 67, "label": "A"}, {"source": 66, "target": 16, "label": "R"}, {"source": 62, "target": 59, "label": "H"}, {"source": 64, "target": 65, "label": "P"}, {"source": 63, "target": 6, "label": "C"}, {"source": 67, "target": 18, "label": "U"}, {"source": 62, "target": 72, "label": "H"}, {"source": 72, "target": 73, "label": "A"}, {"source": 58, "target": 3, "label": "E"}, {"source": 68, "target": 69, "label": "C"}, {"source": 80, "target": 51, "label": "P"}, {"source": 70, "target": 20, "label": "E"}, {"source": 62, "target": 68, "label": "C"}, {"source": 60, "target": 64, "label": "A"}, {"source": 64, "target": 66, "label": "A"}, {"source": 80, "target": 52, "label": "A"}, {"source": 60, "target": 9, "label": "F"}, {"source": 75, "target": 40, "label": "E"}, {"source": 58, "target": 1, "label": "E"}, {"source": 60, "target": 10, "label": "D"}, {"source": 61, "target": 24, "label": "C"}, {"source": 72, "target": 75, "label": "A"}, {"source": 66, "target": 17, "label": "C"}, {"source": 59, "target": 60, "label": "A"}, {"source": 62, "target": 30, "label": "L"}, {"source": 75, "target": 39, "label": "E"}, {"source": 74, "target": 34, "label": "E"}, {"source": 74, "target": 35, "label": "C"}, {"source": 62, "target": 19, "label": "L"}, {"source": 78, "target": 77, "label": "P"}, {"source": 58, "target": 0, "label": "C"}, {"source": 60, "target": 63, "label": "A"}, {"source": 62, "target": 29, "label": "U"}, {"source": 81, "target": 54, "label": "C"}, {"source": 82, "target": 55, "label": "N"}, {"source": 62, "target": 70, "label": "H"}, {"source": 60, "target": 8, "label": "C"}]} +{"id": "228944-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best in Memphis", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 1, "label": "R"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 3, "label": "L"}, {"source": 4, "target": 5, "label": "H"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "228944-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This shop is by far the best I have been to.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 10, "label": "S"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 9, "label": "F"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 17, "label": "E"}]} +{"id": "228944-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have a Saab...which everything is expensive on and they have been extrememly fair and price alot lower than any other shop I called.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 133}]}, {"id": 27, "anchors": [{"from": 133, "to": 134}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 36, "target": 20, "label": "C"}, {"source": 34, "target": 36, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 32, "target": 31, "label": "H"}, {"source": 30, "target": 2, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 13, "label": "F"}, {"source": 35, "target": 18, "label": "C"}, {"source": 32, "target": 34, "label": "H"}, {"source": 35, "target": 19, "label": "E"}, {"source": 32, "target": 33, "label": "H"}, {"source": 31, "target": 5, "label": "F"}, {"source": 40, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 4, "label": "U"}, {"source": 31, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 24, "label": "A"}, {"source": 40, "target": 27, "label": "U"}, {"source": 36, "target": 35, "label": "E"}, {"source": 32, "target": 16, "label": "L"}, {"source": 30, "target": 32, "label": "E"}, {"source": 30, "target": 3, "label": "C"}, {"source": 31, "target": 6, "label": "A"}, {"source": 40, "target": 25, "label": "A"}, {"source": 31, "target": 7, "label": "F"}, {"source": 33, "target": 11, "label": "A"}, {"source": 39, "target": 38, "label": "A"}, {"source": 37, "target": 21, "label": "R"}, {"source": 28, "target": 29, "label": "H"}, {"source": 38, "target": 23, "label": "C"}, {"source": 29, "target": 0, "label": "A"}, {"source": 29, "target": 1, "label": "F"}, {"source": 34, "target": 17, "label": "P"}, {"source": 34, "target": 37, "label": "A"}, {"source": 31, "target": 8, "label": "S"}, {"source": 34, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 39, "label": "C"}, {"source": 40, "target": 26, "label": "P"}, {"source": 33, "target": 12, "label": "F"}, {"source": 33, "target": 15, "label": "P"}, {"source": 38, "target": 22, "label": "E"}, {"source": 32, "target": 10, "label": "L"}, {"source": 31, "target": 9, "label": "A"}, {"source": 33, "target": 14, "label": "D"}]} +{"id": "228944-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are the only place I would take my car peiod.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 2, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 16, "target": 6, "label": "F"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "P"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 5, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "229100-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Place!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "229100-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Love this place!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}, {"from": 10, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 17}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "229100-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Has another store in the st. charles mall.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 10, "target": 0, "label": "S"}, {"source": 11, "target": 1, "label": "E"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "E"}]} +{"id": "229100-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Place is next to carval and walmart.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 5, "label": "N"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "229100-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dont go to the one by pepco, I got confused!!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 27}]}, {"id": 8, "anchors": [{"from": 27, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 30}]}, {"id": 10, "anchors": [{"from": 31, "to": 34}]}, {"id": 11, "anchors": [{"from": 35, "to": 43}]}, {"id": 12, "anchors": [{"from": 43, "to": 46}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 18, "target": 11, "label": "C"}, {"source": 15, "target": 4, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 18, "label": "S"}, {"source": 13, "target": 0, "label": "F"}, {"source": 17, "target": 10, "label": "D"}, {"source": 16, "target": 6, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 9, "label": "A"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "229100-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bad place.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229100-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go to ATLANTIC WIRELESS!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "229100-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love them!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229142-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used Birdies for our Annual Walk Against Drugs and Alcohol event.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 9, "label": "N"}, {"source": 14, "target": 2, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 17, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 3, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 18, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "229142-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were very professional, neat and clean.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 12, "target": 11, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 12, "label": "S"}, {"source": 12, "target": 4, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "229142-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They came through on all of their promises and we had a very successful day.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 8, "label": "A"}, {"source": 17, "target": 6, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "L"}, {"source": 17, "target": 5, "label": "E"}, {"source": 20, "target": 13, "label": "C"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "P"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "229142-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will be using Bridies again.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 5, "label": "D"}]} +{"id": "229410-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Worst Experience Ever!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 20}, {"from": 21, "to": 25}]}, {"id": 1, "anchors": [{"from": 25, "to": 28}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "229410-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have worked with Ted Jurek at Decor and You, and it started out as a decent experience.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 89}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 10, "label": "L"}, {"source": 20, "target": 9, "label": "U"}, {"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 3, "label": "R"}, {"source": 24, "target": 11, "label": "A"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 24, "target": 25, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 7, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 25, "target": 13, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 8, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "R"}]} +{"id": "229410-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was referred to me by a friend, who didn't have the best experience with Ted, but said that Ted was able to make up for his lack of preparedness at the end.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 107}]}, {"id": 25, "anchors": [{"from": 108, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 115}, {"from": 116, "to": 118}]}, {"id": 27, "anchors": [{"from": 119, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 134}]}, {"id": 31, "anchors": [{"from": 135, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 158}]}, {"id": 35, "anchors": [{"from": 158, "to": 159}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 40, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 35, "label": "U"}, {"source": 42, "target": 17, "label": "C"}, {"source": 49, "target": 34, "label": "C"}, {"source": 44, "target": 45, "label": "P"}, {"source": 43, "target": 44, "label": "A"}, {"source": 37, "target": 18, "label": "U"}, {"source": 39, "target": 8, "label": "U"}, {"source": 37, "target": 19, "label": "L"}, {"source": 44, "target": 25, "label": "F"}, {"source": 41, "target": 15, "label": "C"}, {"source": 39, "target": 5, "label": "R"}, {"source": 48, "target": 31, "label": "C"}, {"source": 37, "target": 43, "label": "H"}, {"source": 43, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 33, "label": "E"}, {"source": 47, "target": 49, "label": "D"}, {"source": 43, "target": 20, "label": "P"}, {"source": 46, "target": 27, "label": "R"}, {"source": 41, "target": 13, "label": "E"}, {"source": 39, "target": 6, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 44, "target": 46, "label": "A"}, {"source": 47, "target": 29, "label": "P"}, {"source": 39, "target": 40, "label": "E"}, {"source": 36, "target": 39, "label": "A"}, {"source": 44, "target": 22, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 41, "target": 12, "label": "F"}, {"source": 48, "target": 30, "label": "R"}, {"source": 45, "target": 26, "label": "C"}, {"source": 36, "target": 38, "label": "A"}, {"source": 46, "target": 28, "label": "E"}, {"source": 42, "target": 16, "label": "R"}, {"source": 36, "target": 2, "label": "P"}, {"source": 49, "target": 32, "label": "R"}, {"source": 37, "target": 36, "label": "H"}, {"source": 46, "target": 47, "label": "E"}, {"source": 40, "target": 41, "label": "P"}, {"source": 36, "target": 1, "label": "F"}, {"source": 39, "target": 7, "label": "C"}, {"source": 44, "target": 21, "label": "F"}, {"source": 40, "target": 10, "label": "F"}, {"source": 40, "target": 11, "label": "D"}, {"source": 45, "target": 24, "label": "E"}, {"source": 40, "target": 42, "label": "A"}, {"source": 38, "target": 4, "label": "C"}, {"source": 44, "target": 23, "label": "F"}, {"source": 41, "target": 14, "label": "E"}, {"source": 38, "target": 3, "label": "R"}, {"source": 40, "target": 9, "label": "R"}]} +{"id": "229410-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I figure I would give this company a chance.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 2, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "229410-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, after giving a required $500.00 (NON REFUNDABLE) deposit before seeing any plans or ideas, I was sorry I did.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 117}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 35, "target": 24, "label": "F"}, {"source": 30, "target": 11, "label": "U"}, {"source": 32, "target": 34, "label": "C"}, {"source": 26, "target": 1, "label": "U"}, {"source": 26, "target": 31, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 28, "target": 6, "label": "U"}, {"source": 33, "target": 32, "label": "C"}, {"source": 36, "target": 23, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 26, "target": 0, "label": "L"}, {"source": 33, "target": 35, "label": "C"}, {"source": 35, "target": 20, "label": "A"}, {"source": 29, "target": 9, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 34, "target": 18, "label": "C"}, {"source": 27, "target": 3, "label": "P"}, {"source": 32, "target": 15, "label": "E"}, {"source": 29, "target": 7, "label": "C"}, {"source": 36, "target": 22, "label": "E"}, {"source": 26, "target": 2, "label": "L"}, {"source": 33, "target": 19, "label": "U"}, {"source": 31, "target": 30, "label": "A"}, {"source": 28, "target": 4, "label": "E"}, {"source": 29, "target": 8, "label": "U"}, {"source": 26, "target": 13, "label": "L"}, {"source": 35, "target": 21, "label": "S"}, {"source": 30, "target": 12, "label": "C"}, {"source": 34, "target": 16, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 28, "target": 5, "label": "C"}, {"source": 31, "target": 14, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 29, "label": "E"}, {"source": 34, "target": 17, "label": "N"}]} +{"id": "229410-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We met a couple of weeks later, Ted was late.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 15, "target": 6, "label": "R"}, {"source": 12, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 15, "label": "D"}, {"source": 14, "target": 4, "label": "R"}, {"source": 16, "target": 9, "label": "S"}, {"source": 16, "target": 10, "label": "A"}, {"source": 15, "target": 14, "label": "E"}]} +{"id": "229410-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He brought fabric books, and pictures of furniture only, which all came way over budget.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 11, "label": "F"}, {"source": 19, "target": 5, "label": "L"}, {"source": 20, "target": 2, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 4, "label": "U"}, {"source": 22, "target": 10, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 24, "target": 15, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 13, "label": "P"}, {"source": 23, "target": 14, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "229410-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "By the time we got to the budget i told him I could work with, there was basically no design.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 93}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 24, "target": 13, "label": "U"}, {"source": 23, "target": 6, "label": "A"}, {"source": 22, "target": 3, "label": "R"}, {"source": 20, "target": 0, "label": "L"}, {"source": 24, "target": 9, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 27, "target": 16, "label": "D"}, {"source": 25, "target": 11, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 7, "label": "P"}, {"source": 27, "target": 17, "label": "D"}, {"source": 28, "target": 18, "label": "C"}, {"source": 21, "target": 2, "label": "P"}, {"source": 24, "target": 25, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 1, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 15, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 27, "target": 14, "label": "F"}, {"source": 22, "target": 5, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 22, "target": 4, "label": "E"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 27, "label": "C"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "229410-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just curtains and a couple of accessories.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 13, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 8, "label": "C"}, {"source": 11, "target": 12, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "229410-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WHAT IS THAT?????", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "229410-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This company is way too expensive with nothing to show for it.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 4, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "C"}, {"source": 18, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 15, "target": 3, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 15, "target": 5, "label": "A"}, {"source": 15, "target": 13, "label": "A"}, {"source": 16, "target": 6, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 16, "label": "A"}]} +{"id": "229410-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Please everyone....take heed and don't get caught up in the hype about DECOR and YOU working with every budget...", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 30, "target": 11, "label": "E"}, {"source": 25, "target": 24, "label": "H"}, {"source": 31, "target": 13, "label": "R"}, {"source": 30, "target": 10, "label": "R"}, {"source": 32, "target": 17, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 26, "label": "P"}, {"source": 23, "target": 22, "label": "E"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 29, "label": "A"}, {"source": 33, "target": 20, "label": "C"}, {"source": 22, "target": 0, "label": "E"}, {"source": 32, "target": 16, "label": "A"}, {"source": 22, "target": 1, "label": "C"}, {"source": 33, "target": 18, "label": "R"}, {"source": 26, "target": 5, "label": "F"}, {"source": 33, "target": 21, "label": "U"}, {"source": 28, "target": 9, "label": "E"}, {"source": 25, "target": 15, "label": "L"}, {"source": 30, "target": 31, "label": "E"}, {"source": 30, "target": 12, "label": "C"}, {"source": 28, "target": 8, "label": "C"}, {"source": 24, "target": 3, "label": "S"}, {"source": 33, "target": 19, "label": "E"}, {"source": 27, "target": 7, "label": "D"}, {"source": 25, "target": 32, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 25, "target": 4, "label": "L"}, {"source": 29, "target": 28, "label": "P"}, {"source": 31, "target": 14, "label": "C"}, {"source": 23, "target": 2, "label": "U"}]} +{"id": "229410-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is just a way for them to squirm their way into your precious pocket", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 9, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 1, "label": "S"}, {"source": 21, "target": 12, "label": "E"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 7, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 4, "label": "C"}, {"source": 21, "target": 11, "label": "R"}, {"source": 20, "target": 10, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 19, "target": 8, "label": "P"}, {"source": 16, "target": 2, "label": "D"}, {"source": 17, "target": 3, "label": "E"}, {"source": 17, "target": 19, "label": "E"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "229442-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "there might be bigger and more well known bagel places in the area but Family Bagels are nice people, small shop and incredibly friendly.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}, {"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 136}]}, {"id": 24, "anchors": [{"from": 136, "to": 137}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 4, "label": "N"}, {"source": 36, "target": 20, "label": "C"}, {"source": 37, "target": 22, "label": "D"}, {"source": 30, "target": 9, "label": "C"}, {"source": 28, "target": 6, "label": "C"}, {"source": 26, "target": 32, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 17, "label": "C"}, {"source": 25, "target": 0, "label": "F"}, {"source": 35, "target": 19, "label": "E"}, {"source": 32, "target": 15, "label": "S"}, {"source": 36, "target": 21, "label": "N"}, {"source": 34, "target": 18, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 32, "target": 14, "label": "A"}, {"source": 36, "target": 37, "label": "C"}, {"source": 27, "target": 5, "label": "C"}, {"source": 25, "target": 28, "label": "D"}, {"source": 25, "target": 2, "label": "S"}, {"source": 29, "target": 7, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 27, "label": "E"}, {"source": 31, "target": 12, "label": "C"}, {"source": 25, "target": 29, "label": "A"}, {"source": 26, "target": 13, "label": "L"}, {"source": 34, "target": 33, "label": "C"}, {"source": 33, "target": 16, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 37, "target": 24, "label": "U"}, {"source": 25, "target": 31, "label": "A"}, {"source": 31, "target": 10, "label": "R"}, {"source": 31, "target": 11, "label": "E"}, {"source": 30, "target": 8, "label": "E"}, {"source": 27, "target": 3, "label": "C"}, {"source": 37, "target": 23, "label": "S"}, {"source": 25, "target": 1, "label": "D"}, {"source": 34, "target": 35, "label": "C"}]} +{"id": "229442-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "While other may be ok waiting in line at Town Bagel we are happy with the quality and service we get at Family Bagels", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 110}, {"from": 111, "to": 117}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 26, "target": 11, "label": "F"}, {"source": 31, "target": 21, "label": "C"}, {"source": 29, "target": 17, "label": "C"}, {"source": 23, "target": 5, "label": "P"}, {"source": 24, "target": 6, "label": "R"}, {"source": 31, "target": 20, "label": "R"}, {"source": 28, "target": 15, "label": "C"}, {"source": 23, "target": 1, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 19, "label": "P"}, {"source": 26, "target": 10, "label": "A"}, {"source": 26, "target": 12, "label": "S"}, {"source": 22, "target": 0, "label": "L"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 29, "label": "C"}, {"source": 22, "target": 30, "label": "H"}, {"source": 29, "target": 16, "label": "N"}, {"source": 25, "target": 8, "label": "R"}, {"source": 23, "target": 4, "label": "D"}, {"source": 23, "target": 2, "label": "D"}, {"source": 29, "target": 28, "label": "C"}, {"source": 27, "target": 13, "label": "R"}, {"source": 22, "target": 26, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 30, "target": 18, "label": "A"}, {"source": 23, "target": 3, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "229480-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "you'll love it", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "229480-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have had my back fused in 2 places.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 13, "target": 5, "label": "P"}, {"source": 12, "target": 3, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "R"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "229480-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wish that I hadn't done this.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 7, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "D"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 3, "label": "A"}]} +{"id": "229480-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "With these fusions, chiropractric isn't as successful, but it still is very helpful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 5, "label": "F"}, {"source": 17, "target": 0, "label": "R"}, {"source": 19, "target": 10, "label": "L"}, {"source": 21, "target": 12, "label": "D"}, {"source": 21, "target": 13, "label": "S"}, {"source": 22, "target": 14, "label": "E"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 4, "label": "A"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 3, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 18, "target": 6, "label": "D"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 9, "label": "U"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 11, "label": "A"}]} +{"id": "229480-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even after my fusions, my back continued to hurt, but now it doesn't hurt any more.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 12, "label": "A"}, {"source": 24, "target": 11, "label": "D"}, {"source": 19, "target": 10, "label": "L"}, {"source": 23, "target": 7, "label": "F"}, {"source": 24, "target": 25, "label": "D"}, {"source": 19, "target": 24, "label": "H"}, {"source": 24, "target": 13, "label": "F"}, {"source": 24, "target": 15, "label": "P"}, {"source": 21, "target": 2, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 19, "target": 23, "label": "H"}, {"source": 19, "target": 0, "label": "L"}, {"source": 23, "target": 8, "label": "P"}, {"source": 25, "target": 16, "label": "E"}, {"source": 23, "target": 6, "label": "D"}, {"source": 22, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 19, "target": 9, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 21, "target": 1, "label": "E"}, {"source": 23, "target": 22, "label": "A"}, {"source": 24, "target": 14, "label": "D"}]} +{"id": "229480-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would encourage anyone who is thinking of back surgery, to talk about different treatment options first with Dr. de Barros.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 114}, {"from": 115, "to": 117}, {"from": 118, "to": 124}]}, {"id": 20, "anchors": [{"from": 124, "to": 125}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 24, "target": 4, "label": "F"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 7, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 29, "label": "E"}, {"source": 21, "target": 1, "label": "D"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 8, "label": "E"}, {"source": 24, "target": 6, "label": "P"}, {"source": 22, "target": 10, "label": "U"}, {"source": 29, "target": 18, "label": "R"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 15, "label": "E"}, {"source": 21, "target": 2, "label": "P"}, {"source": 28, "target": 14, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "L"}, {"source": 28, "target": 17, "label": "R"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 13, "label": "R"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 24, "target": 5, "label": "F"}]} +{"id": "229480-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He really knows what he is talking about and will approach the different options fairly.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 87, "to": 88}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 5, "label": "F"}, {"source": 19, "target": 9, "label": "F"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 14, "label": "D"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 3, "label": "F"}, {"source": 17, "target": 8, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 4, "label": "A"}, {"source": 18, "target": 6, "label": "P"}, {"source": 19, "target": 15, "label": "U"}, {"source": 20, "target": 13, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "D"}, {"source": 20, "target": 12, "label": "E"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "229480-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You can see different treatments that a surgeon can't see, so that you can have several treatment options before you decide what to do.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 134}]}, {"id": 25, "anchors": [{"from": 134, "to": 135}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 5, "label": "F"}, {"source": 35, "target": 24, "label": "P"}, {"source": 31, "target": 9, "label": "D"}, {"source": 35, "target": 22, "label": "A"}, {"source": 35, "target": 25, "label": "U"}, {"source": 32, "target": 13, "label": "A"}, {"source": 31, "target": 8, "label": "D"}, {"source": 30, "target": 7, "label": "C"}, {"source": 35, "target": 23, "label": "F"}, {"source": 30, "target": 6, "label": "E"}, {"source": 34, "target": 20, "label": "A"}, {"source": 33, "target": 17, "label": "E"}, {"source": 27, "target": 32, "label": "H"}, {"source": 27, "target": 12, "label": "L"}, {"source": 26, "target": 2, "label": "P"}, {"source": 31, "target": 30, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 32, "target": 15, "label": "P"}, {"source": 27, "target": 11, "label": "U"}, {"source": 27, "target": 34, "label": "H"}, {"source": 33, "target": 16, "label": "E"}, {"source": 26, "target": 1, "label": "D"}, {"source": 28, "target": 4, "label": "C"}, {"source": 29, "target": 31, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 26, "target": 29, "label": "A"}, {"source": 32, "target": 14, "label": "D"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 18, "label": "C"}, {"source": 34, "target": 21, "label": "P"}, {"source": 31, "target": 10, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 27, "target": 19, "label": "L"}]} +{"id": "229623-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A friend and I recently took our 16 and 18 month olds here.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 11, "label": "E"}, {"source": 17, "target": 4, "label": "D"}, {"source": 20, "target": 7, "label": "C"}, {"source": 15, "target": 3, "label": "C"}, {"source": 19, "target": 12, "label": "C"}, {"source": 20, "target": 8, "label": "N"}, {"source": 20, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "N"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 15, "target": 14, "label": "C"}, {"source": 17, "target": 15, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 10, "label": "E"}, {"source": 14, "target": 0, "label": "E"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "229623-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "While there wasn't too much available for their age (ball pit, bouncy area and a little padded pyramid to climb on), we went right when they opened at 10 am on a winter weekday and ended up being the only ones there, so we were given a little more liberty than we would have if others had been there.", "tops": [65], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 114}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25, "anchors": [{"from": 115, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 130}]}, {"id": 29, "anchors": [{"from": 131, "to": 135}]}, {"id": 30, "anchors": [{"from": 136, "to": 140}]}, {"id": 31, "anchors": [{"from": 141, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 153}]}, {"id": 34, "anchors": [{"from": 154, "to": 156}]}, {"id": 35, "anchors": [{"from": 157, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 161}]}, {"id": 37, "anchors": [{"from": 162, "to": 168}]}, {"id": 38, "anchors": [{"from": 169, "to": 176}]}, {"id": 39, "anchors": [{"from": 177, "to": 180}]}, {"id": 40, "anchors": [{"from": 181, "to": 186}, {"from": 187, "to": 189}]}, {"id": 41, "anchors": [{"from": 190, "to": 195}]}, {"id": 42, "anchors": [{"from": 196, "to": 199}]}, {"id": 43, "anchors": [{"from": 200, "to": 204}]}, {"id": 44, "anchors": [{"from": 205, "to": 209}]}, {"id": 45, "anchors": [{"from": 210, "to": 215}]}, {"id": 46, "anchors": [{"from": 215, "to": 216}]}, {"id": 47, "anchors": [{"from": 217, "to": 219}]}, {"id": 48, "anchors": [{"from": 220, "to": 222}]}, {"id": 49, "anchors": [{"from": 223, "to": 227}]}, {"id": 50, "anchors": [{"from": 228, "to": 233}]}, {"id": 51, "anchors": [{"from": 234, "to": 235}]}, {"id": 52, "anchors": [{"from": 236, "to": 242}]}, {"id": 53, "anchors": [{"from": 243, "to": 247}]}, {"id": 54, "anchors": [{"from": 248, "to": 255}]}, {"id": 55, "anchors": [{"from": 256, "to": 260}]}, {"id": 56, "anchors": [{"from": 261, "to": 263}]}, {"id": 57, "anchors": [{"from": 264, "to": 269}]}, {"id": 58, "anchors": [{"from": 270, "to": 274}]}, {"id": 59, "anchors": [{"from": 275, "to": 277}]}, {"id": 60, "anchors": [{"from": 278, "to": 284}]}, {"id": 61, "anchors": [{"from": 285, "to": 288}]}, {"id": 62, "anchors": [{"from": 289, "to": 293}]}, {"id": 63, "anchors": [{"from": 294, "to": 299}]}, {"id": 64, "anchors": [{"from": 299, "to": 300}]}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}], "edges": [{"source": 65, "target": 85, "label": "H"}, {"source": 79, "target": 37, "label": "E"}, {"source": 65, "target": 46, "label": "U"}, {"source": 82, "target": 48, "label": "A"}, {"source": 65, "target": 39, "label": "L"}, {"source": 81, "target": 44, "label": "C"}, {"source": 78, "target": 79, "label": "A"}, {"source": 83, "target": 84, "label": "E"}, {"source": 85, "target": 87, "label": "A"}, {"source": 82, "target": 49, "label": "F"}, {"source": 66, "target": 68, "label": "A"}, {"source": 65, "target": 76, "label": "H"}, {"source": 81, "target": 43, "label": "E"}, {"source": 88, "target": 61, "label": "F"}, {"source": 83, "target": 51, "label": "E"}, {"source": 65, "target": 0, "label": "L"}, {"source": 80, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 11, "label": "E"}, {"source": 81, "target": 42, "label": "E"}, {"source": 88, "target": 63, "label": "A"}, {"source": 82, "target": 83, "label": "A"}, {"source": 72, "target": 15, "label": "C"}, {"source": 74, "target": 75, "label": "A"}, {"source": 76, "target": 78, "label": "A"}, {"source": 79, "target": 35, "label": "R"}, {"source": 84, "target": 53, "label": "C"}, {"source": 73, "target": 74, "label": "E"}, {"source": 76, "target": 30, "label": "A"}, {"source": 85, "target": 56, "label": "A"}, {"source": 65, "target": 80, "label": "H"}, {"source": 68, "target": 7, "label": "R"}, {"source": 66, "target": 67, "label": "D"}, {"source": 70, "target": 13, "label": "U"}, {"source": 83, "target": 54, "label": "C"}, {"source": 79, "target": 38, "label": "C"}, {"source": 69, "target": 8, "label": "E"}, {"source": 74, "target": 28, "label": "D"}, {"source": 76, "target": 31, "label": "P"}, {"source": 67, "target": 5, "label": "C"}, {"source": 84, "target": 52, "label": "E"}, {"source": 70, "target": 16, "label": "N"}, {"source": 66, "target": 6, "label": "S"}, {"source": 65, "target": 88, "label": "H"}, {"source": 80, "target": 41, "label": "F"}, {"source": 70, "target": 73, "label": "C"}, {"source": 80, "target": 81, "label": "A"}, {"source": 65, "target": 47, "label": "L"}, {"source": 69, "target": 71, "label": "E"}, {"source": 70, "target": 72, "label": "C"}, {"source": 73, "target": 20, "label": "C"}, {"source": 65, "target": 29, "label": "L"}, {"source": 74, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 80, "target": 40, "label": "P"}, {"source": 86, "target": 57, "label": "F"}, {"source": 65, "target": 55, "label": "L"}, {"source": 76, "target": 77, "label": "D"}, {"source": 77, "target": 33, "label": "C"}, {"source": 78, "target": 34, "label": "P"}, {"source": 65, "target": 82, "label": "H"}, {"source": 66, "target": 3, "label": "D"}, {"source": 71, "target": 12, "label": "C"}, {"source": 74, "target": 21, "label": "F"}, {"source": 75, "target": 25, "label": "U"}, {"source": 66, "target": 1, "label": "F"}, {"source": 72, "target": 14, "label": "E"}, {"source": 88, "target": 64, "label": "U"}, {"source": 77, "target": 32, "label": "R"}, {"source": 85, "target": 86, "label": "P"}, {"source": 65, "target": 66, "label": "H"}, {"source": 73, "target": 17, "label": "E"}, {"source": 73, "target": 18, "label": "E"}, {"source": 74, "target": 27, "label": "D"}, {"source": 86, "target": 58, "label": "C"}, {"source": 87, "target": 59, "label": "R"}, {"source": 82, "target": 50, "label": "P"}, {"source": 66, "target": 2, "label": "F"}, {"source": 75, "target": 24, "label": "U"}, {"source": 87, "target": 60, "label": "C"}, {"source": 67, "target": 4, "label": "E"}, {"source": 68, "target": 70, "label": "C"}, {"source": 80, "target": 45, "label": "A"}, {"source": 69, "target": 10, "label": "U"}, {"source": 75, "target": 23, "label": "R"}, {"source": 79, "target": 36, "label": "E"}, {"source": 70, "target": 69, "label": "C"}, {"source": 78, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 73, "target": 19, "label": "E"}, {"source": 75, "target": 26, "label": "C"}, {"source": 88, "target": 62, "label": "F"}, {"source": 74, "target": 22, "label": "P"}, {"source": 69, "target": 9, "label": "C"}]} +{"id": "229623-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's not the classiest place, but it was cleaner than I expected and the staff was very friendly.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "L"}, {"source": 28, "target": 18, "label": "D"}, {"source": 23, "target": 4, "label": "E"}, {"source": 25, "target": 11, "label": "R"}, {"source": 25, "target": 26, "label": "C"}, {"source": 21, "target": 2, "label": "D"}, {"source": 26, "target": 12, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 22, "target": 28, "label": "H"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 9, "label": "F"}, {"source": 23, "target": 3, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 14, "label": "L"}, {"source": 21, "target": 1, "label": "S"}, {"source": 28, "target": 19, "label": "S"}, {"source": 28, "target": 20, "label": "U"}, {"source": 26, "target": 13, "label": "P"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "U"}, {"source": 28, "target": 27, "label": "A"}, {"source": 24, "target": 8, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 15, "label": "E"}, {"source": 24, "target": 10, "label": "S"}, {"source": 28, "target": 17, "label": "F"}]} +{"id": "229623-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For $4 it was a nice break from the monotony of winter indoors with a toddler.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 2, "label": "C"}, {"source": 24, "target": 17, "label": "U"}, {"source": 20, "target": 21, "label": "P"}, {"source": 20, "target": 3, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 1, "label": "U"}, {"source": 24, "target": 16, "label": "C"}, {"source": 20, "target": 18, "label": "D"}, {"source": 24, "target": 15, "label": "E"}, {"source": 22, "target": 8, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 11, "label": "R"}, {"source": 20, "target": 4, "label": "F"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 12, "label": "E"}, {"source": 20, "target": 24, "label": "A"}, {"source": 18, "target": 0, "label": "R"}, {"source": 24, "target": 14, "label": "R"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "230176-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent Physiotherapists!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 26}]}, {"id": 1, "anchors": [{"from": 26, "to": 27}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "230176-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Kusal Goonewardena and his team of Physios are unbelievable!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 59}]}, {"id": 8, "anchors": [{"from": 59, "to": 60}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 6, "label": "F"}, {"source": 12, "target": 2, "label": "E"}, {"source": 9, "target": 12, "label": "C"}, {"source": 9, "target": 1, "label": "N"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 7, "label": "S"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 9, "target": 0, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "230176-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been suffering from back pain for over 12 years and have been to numerous specialists, physios, osteos and chiros with no help.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 133, "to": 134}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 16, "label": "C"}, {"source": 29, "target": 6, "label": "C"}, {"source": 32, "target": 34, "label": "C"}, {"source": 35, "target": 23, "label": "R"}, {"source": 34, "target": 20, "label": "C"}, {"source": 33, "target": 15, "label": "E"}, {"source": 30, "target": 7, "label": "R"}, {"source": 30, "target": 8, "label": "R"}, {"source": 34, "target": 18, "label": "C"}, {"source": 32, "target": 35, "label": "E"}, {"source": 27, "target": 3, "label": "P"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 25, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 30, "label": "D"}, {"source": 27, "target": 2, "label": "F"}, {"source": 30, "target": 10, "label": "C"}, {"source": 35, "target": 24, "label": "D"}, {"source": 31, "target": 12, "label": "F"}, {"source": 34, "target": 19, "label": "U"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 11, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 17, "label": "U"}, {"source": 35, "target": 26, "label": "U"}, {"source": 31, "target": 13, "label": "S"}, {"source": 28, "target": 31, "label": "H"}, {"source": 34, "target": 21, "label": "N"}, {"source": 34, "target": 22, "label": "C"}, {"source": 27, "target": 1, "label": "F"}, {"source": 29, "target": 5, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 14, "label": "R"}, {"source": 29, "target": 4, "label": "R"}, {"source": 30, "target": 9, "label": "E"}]} +{"id": "230176-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It took the Vigor team only 4 visits to get me feeling normal!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 18, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "E"}, {"source": 20, "target": 11, "label": "P"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "C"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "F"}, {"source": 15, "target": 13, "label": "U"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 3, "label": "E"}, {"source": 20, "target": 12, "label": "A"}, {"source": 19, "target": 9, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "230176-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And now 2 months after my last appointment I am better than ever.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 9, "label": "F"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 4, "label": "R"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 20, "label": "D"}, {"source": 16, "target": 15, "label": "L"}, {"source": 19, "target": 10, "label": "S"}, {"source": 16, "target": 19, "label": "H"}, {"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "R"}]} +{"id": "230176-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks guys!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "231203-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Okay, here's the scoop.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "231203-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'ma regular at the HH.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 22, "to": 23}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "231203-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is excellent, the serivce is horrible.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 14, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 4, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 10, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "231203-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think they're still in the mindset from when it was only smokers sitting around and drinking... not in any hurry.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}, {"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 94}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 22, "label": "U"}, {"source": 28, "target": 13, "label": "C"}, {"source": 24, "target": 17, "label": "U"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 15, "label": "N"}, {"source": 24, "target": 8, "label": "L"}, {"source": 27, "target": 10, "label": "S"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 27, "target": 9, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 2, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 11, "label": "E"}, {"source": 24, "target": 30, "label": "H"}, {"source": 28, "target": 12, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 29, "target": 14, "label": "C"}, {"source": 23, "target": 1, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 4, "label": "D"}, {"source": 31, "target": 20, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 3, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 18, "label": "D"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 16, "label": "C"}, {"source": 31, "target": 19, "label": "R"}]} +{"id": "231203-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In my experience the food has been excellent (for the most part).", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 11, "label": "E"}, {"source": 18, "target": 5, "label": "F"}, {"source": 18, "target": 8, "label": "U"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 7, "label": "S"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "231203-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, the bartenders/waitresses definately need to be re-trained (if they ever had any to begin with) and learn two things: only chat with customers when other customers are not impatiently waiting and to look around more often to see if people are waiting.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 125}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 141}]}, {"id": 29, "anchors": [{"from": 142, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 176}]}, {"id": 34, "anchors": [{"from": 177, "to": 180}]}, {"id": 35, "anchors": [{"from": 181, "to": 192}]}, {"id": 36, "anchors": [{"from": 193, "to": 200}]}, {"id": 37, "anchors": [{"from": 201, "to": 204}]}, {"id": 38, "anchors": [{"from": 205, "to": 207}]}, {"id": 39, "anchors": [{"from": 208, "to": 212}]}, {"id": 40, "anchors": [{"from": 213, "to": 219}]}, {"id": 41, "anchors": [{"from": 220, "to": 224}]}, {"id": 42, "anchors": [{"from": 225, "to": 230}]}, {"id": 43, "anchors": [{"from": 231, "to": 233}]}, {"id": 44, "anchors": [{"from": 234, "to": 237}]}, {"id": 45, "anchors": [{"from": 238, "to": 240}]}, {"id": 46, "anchors": [{"from": 241, "to": 247}]}, {"id": 47, "anchors": [{"from": 248, "to": 251}]}, {"id": 48, "anchors": [{"from": 252, "to": 259}]}, {"id": 49, "anchors": [{"from": 259, "to": 260}]}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}], "edges": [{"source": 58, "target": 22, "label": "P"}, {"source": 50, "target": 58, "label": "H"}, {"source": 51, "target": 10, "label": "S"}, {"source": 54, "target": 14, "label": "D"}, {"source": 50, "target": 54, "label": "H"}, {"source": 63, "target": 36, "label": "P"}, {"source": 63, "target": 62, "label": "A"}, {"source": 60, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 59, "label": "A"}, {"source": 60, "target": 61, "label": "A"}, {"source": 50, "target": 63, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 58, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 6, "label": "D"}, {"source": 53, "target": 5, "label": "C"}, {"source": 52, "target": 53, "label": "C"}, {"source": 64, "target": 38, "label": "F"}, {"source": 52, "target": 56, "label": "E"}, {"source": 57, "target": 18, "label": "C"}, {"source": 64, "target": 39, "label": "D"}, {"source": 55, "target": 15, "label": "F"}, {"source": 65, "target": 41, "label": "R"}, {"source": 51, "target": 9, "label": "F"}, {"source": 59, "target": 23, "label": "E"}, {"source": 50, "target": 37, "label": "L"}, {"source": 68, "target": 67, "label": "H"}, {"source": 56, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 33, "label": "F"}, {"source": 52, "target": 2, "label": "E"}, {"source": 50, "target": 0, "label": "L"}, {"source": 50, "target": 51, "label": "H"}, {"source": 56, "target": 17, "label": "F"}, {"source": 50, "target": 64, "label": "H"}, {"source": 64, "target": 44, "label": "P"}, {"source": 59, "target": 24, "label": "C"}, {"source": 50, "target": 12, "label": "L"}, {"source": 50, "target": 60, "label": "H"}, {"source": 51, "target": 7, "label": "D"}, {"source": 65, "target": 42, "label": "C"}, {"source": 67, "target": 47, "label": "F"}, {"source": 54, "target": 55, "label": "P"}, {"source": 67, "target": 48, "label": "C"}, {"source": 64, "target": 43, "label": "F"}, {"source": 50, "target": 68, "label": "A"}, {"source": 63, "target": 34, "label": "D"}, {"source": 60, "target": 26, "label": "D"}, {"source": 55, "target": 16, "label": "C"}, {"source": 62, "target": 32, "label": "C"}, {"source": 50, "target": 21, "label": "L"}, {"source": 50, "target": 1, "label": "U"}, {"source": 53, "target": 3, "label": "C"}, {"source": 51, "target": 8, "label": "F"}, {"source": 64, "target": 40, "label": "D"}, {"source": 61, "target": 28, "label": "R"}, {"source": 64, "target": 65, "label": "D"}, {"source": 54, "target": 13, "label": "A"}, {"source": 50, "target": 25, "label": "U"}, {"source": 64, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 29, "label": "C"}, {"source": 66, "target": 46, "label": "C"}, {"source": 52, "target": 11, "label": "U"}, {"source": 68, "target": 49, "label": "U"}, {"source": 63, "target": 35, "label": "D"}, {"source": 64, "target": 66, "label": "A"}, {"source": 50, "target": 30, "label": "L"}, {"source": 62, "target": 31, "label": "E"}, {"source": 66, "target": 45, "label": "R"}, {"source": 56, "target": 57, "label": "P"}, {"source": 53, "target": 4, "label": "U"}, {"source": 57, "target": 19, "label": "E"}, {"source": 50, "target": 20, "label": "U"}, {"source": 60, "target": 27, "label": "P"}]} +{"id": "231203-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In some cases the result is because of understaffing, in some cases the staff just doesn't care/know better.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 9, "label": "U"}, {"source": 30, "target": 14, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 29, "target": 11, "label": "E"}, {"source": 26, "target": 3, "label": "E"}, {"source": 28, "target": 6, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 32, "target": 19, "label": "U"}, {"source": 25, "target": 29, "label": "D"}, {"source": 30, "target": 13, "label": "E"}, {"source": 23, "target": 0, "label": "R"}, {"source": 29, "target": 12, "label": "C"}, {"source": 23, "target": 1, "label": "E"}, {"source": 25, "target": 30, "label": "A"}, {"source": 25, "target": 26, "label": "S"}, {"source": 31, "target": 16, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 32, "target": 20, "label": "C"}, {"source": 33, "target": 22, "label": "U"}, {"source": 25, "target": 23, "label": "D"}, {"source": 26, "target": 4, "label": "C"}, {"source": 33, "target": 21, "label": "C"}, {"source": 25, "target": 31, "label": "A"}, {"source": 23, "target": 2, "label": "C"}, {"source": 31, "target": 32, "label": "S"}, {"source": 25, "target": 15, "label": "D"}, {"source": 28, "target": 7, "label": "R"}, {"source": 27, "target": 5, "label": "N"}, {"source": 31, "target": 17, "label": "D"}, {"source": 32, "target": 18, "label": "C"}, {"source": 27, "target": 28, "label": "N"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "231203-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They must also get something to keep take-out warm, so it's not room temperature at best when you get it home.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 109}]}, {"id": 25, "anchors": [{"from": 109, "to": 110}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 23, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 24, "label": "C"}, {"source": 29, "target": 5, "label": "F"}, {"source": 34, "target": 21, "label": "A"}, {"source": 32, "target": 33, "label": "D"}, {"source": 29, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 25, "label": "U"}, {"source": 32, "target": 13, "label": "A"}, {"source": 30, "target": 7, "label": "C"}, {"source": 28, "target": 3, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 31, "target": 10, "label": "C"}, {"source": 26, "target": 28, "label": "P"}, {"source": 34, "target": 22, "label": "P"}, {"source": 27, "target": 32, "label": "H"}, {"source": 27, "target": 12, "label": "L"}, {"source": 33, "target": 18, "label": "R"}, {"source": 33, "target": 19, "label": "C"}, {"source": 32, "target": 16, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 27, "target": 11, "label": "U"}, {"source": 27, "target": 34, "label": "H"}, {"source": 31, "target": 30, "label": "E"}, {"source": 29, "target": 6, "label": "P"}, {"source": 26, "target": 29, "label": "A"}, {"source": 32, "target": 17, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 30, "target": 8, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 15, "label": "D"}, {"source": 26, "target": 4, "label": "A"}, {"source": 32, "target": 14, "label": "F"}, {"source": 27, "target": 20, "label": "L"}, {"source": 30, "target": 9, "label": "E"}]} +{"id": "231203-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You just have to know what you're getting into when you go.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 12, "label": "P"}, {"source": 15, "target": 16, "label": "P"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "N"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 1, "label": "D"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 2, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 5, "label": "F"}, {"source": 17, "target": 6, "label": "A"}]} +{"id": "231203-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice local pub, excellent food (especially wings), and don't go if you have a limited amount of time.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 42}, {"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 26, "target": 11, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 9, "label": "U"}, {"source": 25, "target": 10, "label": "L"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 28, "target": 20, "label": "R"}, {"source": 28, "target": 17, "label": "E"}, {"source": 23, "target": 1, "label": "E"}, {"source": 25, "target": 8, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 22, "label": "U"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 16, "label": "P"}, {"source": 24, "target": 4, "label": "D"}, {"source": 27, "target": 15, "label": "A"}, {"source": 26, "target": 12, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "U"}, {"source": 24, "target": 7, "label": "D"}, {"source": 26, "target": 13, "label": "P"}, {"source": 27, "target": 14, "label": "F"}, {"source": 29, "target": 21, "label": "C"}, {"source": 23, "target": 0, "label": "E"}, {"source": 23, "target": 2, "label": "C"}, {"source": 24, "target": 5, "label": "P"}, {"source": 29, "target": 28, "label": "E"}, {"source": 24, "target": 6, "label": "U"}]} +{"id": "231724-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rooms were outdated, dirty, and small.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "N"}, {"source": 11, "target": 5, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 3, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "231724-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was horrible.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "232106-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Clean & tidy with good atmosphere & pleasant staff.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 10, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 6, "label": "U"}, {"source": 10, "target": 1, "label": "U"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "232106-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food drastically let's the place down though", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}, {"from": 23, "to": 26}, {"from": 27, "to": 32}, {"from": 33, "to": 37}]}, {"id": 3, "anchors": [{"from": 38, "to": 44}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "L"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 2, "label": "P"}, {"source": 5, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}]} +{"id": "232157-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful service for large group", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "232157-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had my wedding luncheon at this BJs restaurant, and it was one of the best choices that I made.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 29, "target": 16, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 30, "target": 21, "label": "P"}, {"source": 29, "target": 18, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 27, "target": 13, "label": "S"}, {"source": 30, "target": 22, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 19, "label": "F"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 15, "label": "R"}, {"source": 23, "target": 1, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 14, "label": "C"}, {"source": 24, "target": 10, "label": "U"}, {"source": 26, "target": 7, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 29, "target": 28, "label": "E"}, {"source": 24, "target": 11, "label": "L"}, {"source": 25, "target": 4, "label": "C"}, {"source": 30, "target": 20, "label": "A"}, {"source": 30, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "232157-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was a great deal--we paid a certain amount per person, and my husband and I chose 4 types of pizza and the servers brought out as much as we wanted.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 101}]}, {"id": 24, "anchors": [{"from": 102, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 125}, {"from": 126, "to": 129}]}, {"id": 28, "anchors": [{"from": 130, "to": 132}, {"from": 133, "to": 137}, {"from": 138, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 150}]}, {"id": 31, "anchors": [{"from": 150, "to": 151}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 41, "target": 23, "label": "C"}, {"source": 36, "target": 10, "label": "C"}, {"source": 43, "target": 27, "label": "P"}, {"source": 44, "target": 28, "label": "R"}, {"source": 38, "target": 18, "label": "C"}, {"source": 32, "target": 1, "label": "S"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 33, "target": 32, "label": "H"}, {"source": 35, "target": 6, "label": "A"}, {"source": 34, "target": 2, "label": "E"}, {"source": 42, "target": 26, "label": "C"}, {"source": 44, "target": 45, "label": "C"}, {"source": 36, "target": 8, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 25, "label": "E"}, {"source": 33, "target": 35, "label": "H"}, {"source": 32, "target": 34, "label": "A"}, {"source": 45, "target": 29, "label": "A"}, {"source": 45, "target": 30, "label": "P"}, {"source": 33, "target": 39, "label": "H"}, {"source": 33, "target": 43, "label": "H"}, {"source": 39, "target": 19, "label": "P"}, {"source": 45, "target": 31, "label": "U"}, {"source": 36, "target": 9, "label": "E"}, {"source": 34, "target": 3, "label": "E"}, {"source": 39, "target": 38, "label": "A"}, {"source": 33, "target": 5, "label": "U"}, {"source": 33, "target": 14, "label": "L"}, {"source": 38, "target": 17, "label": "N"}, {"source": 35, "target": 7, "label": "P"}, {"source": 37, "target": 12, "label": "C"}, {"source": 37, "target": 11, "label": "R"}, {"source": 41, "target": 22, "label": "R"}, {"source": 32, "target": 0, "label": "A"}, {"source": 38, "target": 15, "label": "E"}, {"source": 33, "target": 24, "label": "L"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 13, "label": "U"}, {"source": 38, "target": 16, "label": "C"}, {"source": 40, "target": 20, "label": "E"}, {"source": 36, "target": 37, "label": "E"}, {"source": 43, "target": 42, "label": "A"}, {"source": 40, "target": 21, "label": "C"}, {"source": 34, "target": 4, "label": "C"}]} +{"id": "232157-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were also served salad and soda.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "N"}]} +{"id": "232157-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had a large party, about fifty people or so, and yet everything was served quickly and we all had a wonderful time.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 117}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 31, "target": 12, "label": "N"}, {"source": 31, "target": 10, "label": "N"}, {"source": 34, "target": 21, "label": "F"}, {"source": 34, "target": 24, "label": "C"}, {"source": 31, "target": 9, "label": "N"}, {"source": 30, "target": 8, "label": "C"}, {"source": 34, "target": 23, "label": "E"}, {"source": 31, "target": 30, "label": "C"}, {"source": 31, "target": 32, "label": "C"}, {"source": 32, "target": 14, "label": "A"}, {"source": 32, "target": 17, "label": "D"}, {"source": 26, "target": 28, "label": "P"}, {"source": 32, "target": 13, "label": "D"}, {"source": 30, "target": 7, "label": "E"}, {"source": 29, "target": 6, "label": "R"}, {"source": 33, "target": 34, "label": "S"}, {"source": 34, "target": 22, "label": "E"}, {"source": 32, "target": 16, "label": "P"}, {"source": 27, "target": 33, "label": "H"}, {"source": 28, "target": 2, "label": "E"}, {"source": 33, "target": 20, "label": "A"}, {"source": 29, "target": 31, "label": "C"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 26, "target": 1, "label": "F"}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 26, "target": 5, "label": "U"}, {"source": 31, "target": 11, "label": "U"}, {"source": 32, "target": 15, "label": "F"}, {"source": 27, "target": 18, "label": "L"}, {"source": 33, "target": 19, "label": "A"}, {"source": 34, "target": 25, "label": "U"}]} +{"id": "232157-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even though we were only supposed to have those specific types of pizza, when guests asked for a different type, it was brought out with no charge to us!", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 127}, {"from": 128, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 146}]}, {"id": 27, "anchors": [{"from": 147, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 152}]}, {"id": 29, "anchors": [{"from": 152, "to": 153}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 34, "target": 15, "label": "P"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 12, "label": "U"}, {"source": 34, "target": 14, "label": "A"}, {"source": 32, "target": 8, "label": "E"}, {"source": 37, "target": 38, "label": "E"}, {"source": 31, "target": 2, "label": "F"}, {"source": 30, "target": 31, "label": "H"}, {"source": 31, "target": 4, "label": "D"}, {"source": 31, "target": 5, "label": "F"}, {"source": 38, "target": 26, "label": "C"}, {"source": 33, "target": 11, "label": "C"}, {"source": 31, "target": 6, "label": "P"}, {"source": 31, "target": 3, "label": "D"}, {"source": 35, "target": 19, "label": "C"}, {"source": 32, "target": 9, "label": "C"}, {"source": 30, "target": 20, "label": "U"}, {"source": 37, "target": 24, "label": "R"}, {"source": 37, "target": 29, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 36, "target": 23, "label": "P"}, {"source": 33, "target": 10, "label": "R"}, {"source": 35, "target": 17, "label": "E"}, {"source": 30, "target": 36, "label": "H"}, {"source": 35, "target": 16, "label": "R"}, {"source": 30, "target": 13, "label": "L"}, {"source": 36, "target": 22, "label": "F"}, {"source": 32, "target": 7, "label": "E"}, {"source": 35, "target": 18, "label": "E"}, {"source": 37, "target": 28, "label": "C"}, {"source": 31, "target": 1, "label": "A"}, {"source": 37, "target": 27, "label": "R"}, {"source": 38, "target": 25, "label": "E"}, {"source": 30, "target": 0, "label": "L"}, {"source": 36, "target": 21, "label": "A"}]} +{"id": "232157-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I really appreciate BJs for making that special day even better with their wonderful food and service.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 26, "label": "C"}, {"source": 26, "target": 15, "label": "C"}, {"source": 26, "target": 16, "label": "N"}, {"source": 20, "target": 3, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 6, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 1, "label": "D"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 13, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 9, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 21, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 18, "label": "U"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 12, "label": "R"}]} +{"id": "232278-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You are the only one auto glass repair shop in the area I would count on.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}, {"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 20, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 10, "label": "E"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 7, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 22, "target": 23, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 17, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "234261-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Mann killed our pet", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "P"}, {"source": 6, "target": 3, "label": "E"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "234261-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yea, Dr. Mann ain't so great.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 2, "label": "A"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 3, "label": "P"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "234261-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We took our beloved kitty to him and it came back dead.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}, {"from": 45, "to": 49}, {"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 5, "label": "R"}, {"source": 15, "target": 9, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 7, "label": "L"}, {"source": 11, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "234261-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We live in the sub-division around the corner and after it happened and we brought it up at some neighborhood gatherings we discovered that several people from this neighborhood alone had pets goto Dr. Mann for surgical procedures and came back dead.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 82}, {"from": 83, "to": 85}, {"from": 86, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 109}]}, {"id": 18, "anchors": [{"from": 110, "to": 120}]}, {"id": 19, "anchors": [{"from": 121, "to": 123}]}, {"id": 20, "anchors": [{"from": 124, "to": 134}]}, {"id": 21, "anchors": [{"from": 135, "to": 139}]}, {"id": 22, "anchors": [{"from": 140, "to": 147}]}, {"id": 23, "anchors": [{"from": 148, "to": 154}]}, {"id": 24, "anchors": [{"from": 155, "to": 159}]}, {"id": 25, "anchors": [{"from": 160, "to": 164}]}, {"id": 26, "anchors": [{"from": 165, "to": 177}]}, {"id": 27, "anchors": [{"from": 178, "to": 183}]}, {"id": 28, "anchors": [{"from": 184, "to": 187}]}, {"id": 29, "anchors": [{"from": 188, "to": 192}]}, {"id": 30, "anchors": [{"from": 193, "to": 195}]}, {"id": 31, "anchors": [{"from": 195, "to": 197}]}, {"id": 32, "anchors": [{"from": 198, "to": 201}, {"from": 202, "to": 206}]}, {"id": 33, "anchors": [{"from": 207, "to": 210}]}, {"id": 34, "anchors": [{"from": 211, "to": 219}]}, {"id": 35, "anchors": [{"from": 220, "to": 230}]}, {"id": 36, "anchors": [{"from": 231, "to": 234}]}, {"id": 37, "anchors": [{"from": 235, "to": 239}]}, {"id": 38, "anchors": [{"from": 240, "to": 244}]}, {"id": 39, "anchors": [{"from": 245, "to": 249}]}, {"id": 40, "anchors": [{"from": 249, "to": 250}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 42, "target": 36, "label": "L"}, {"source": 47, "target": 15, "label": "R"}, {"source": 45, "target": 10, "label": "A"}, {"source": 54, "target": 35, "label": "C"}, {"source": 45, "target": 11, "label": "P"}, {"source": 50, "target": 23, "label": "C"}, {"source": 44, "target": 6, "label": "E"}, {"source": 47, "target": 48, "label": "E"}, {"source": 51, "target": 24, "label": "R"}, {"source": 56, "target": 38, "label": "E"}, {"source": 42, "target": 41, "label": "H"}, {"source": 52, "target": 30, "label": "P"}, {"source": 43, "target": 4, "label": "C"}, {"source": 42, "target": 55, "label": "H"}, {"source": 55, "target": 56, "label": "A"}, {"source": 51, "target": 25, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 56, "target": 39, "label": "C"}, {"source": 42, "target": 46, "label": "H"}, {"source": 50, "target": 22, "label": "E"}, {"source": 53, "target": 32, "label": "C"}, {"source": 46, "target": 13, "label": "A"}, {"source": 47, "target": 17, "label": "E"}, {"source": 48, "target": 19, "label": "A"}, {"source": 41, "target": 44, "label": "A"}, {"source": 42, "target": 9, "label": "L"}, {"source": 41, "target": 1, "label": "P"}, {"source": 49, "target": 52, "label": "A"}, {"source": 48, "target": 20, "label": "P"}, {"source": 44, "target": 7, "label": "C"}, {"source": 47, "target": 18, "label": "C"}, {"source": 53, "target": 31, "label": "R"}, {"source": 49, "target": 28, "label": "S"}, {"source": 41, "target": 0, "label": "A"}, {"source": 43, "target": 2, "label": "R"}, {"source": 42, "target": 45, "label": "H"}, {"source": 55, "target": 37, "label": "P"}, {"source": 49, "target": 50, "label": "A"}, {"source": 50, "target": 51, "label": "E"}, {"source": 42, "target": 8, "label": "L"}, {"source": 44, "target": 5, "label": "R"}, {"source": 41, "target": 43, "label": "A"}, {"source": 56, "target": 40, "label": "U"}, {"source": 52, "target": 54, "label": "A"}, {"source": 49, "target": 21, "label": "F"}, {"source": 52, "target": 29, "label": "A"}, {"source": 51, "target": 26, "label": "C"}, {"source": 49, "target": 27, "label": "D"}, {"source": 52, "target": 53, "label": "A"}, {"source": 54, "target": 33, "label": "R"}, {"source": 46, "target": 47, "label": "A"}, {"source": 47, "target": 16, "label": "E"}, {"source": 55, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 12, "label": "L"}, {"source": 43, "target": 3, "label": "E"}, {"source": 54, "target": 34, "label": "E"}, {"source": 46, "target": 14, "label": "P"}]} +{"id": "234261-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you take him here for shots, no big deal but I would never let this man apply anesthetic to my pet ever again.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 112}]}, {"id": 25, "anchors": [{"from": 112, "to": 113}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 26, "target": 31, "label": "H"}, {"source": 28, "target": 6, "label": "C"}, {"source": 31, "target": 33, "label": "A"}, {"source": 26, "target": 0, "label": "L"}, {"source": 34, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 17, "label": "C"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 12, "label": "A"}, {"source": 26, "target": 11, "label": "L"}, {"source": 31, "target": 34, "label": "A"}, {"source": 27, "target": 2, "label": "P"}, {"source": 34, "target": 18, "label": "P"}, {"source": 30, "target": 10, "label": "C"}, {"source": 36, "target": 23, "label": "R"}, {"source": 36, "target": 25, "label": "U"}, {"source": 31, "target": 14, "label": "D"}, {"source": 35, "target": 20, "label": "R"}, {"source": 34, "target": 35, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 35, "target": 22, "label": "C"}, {"source": 33, "target": 16, "label": "E"}, {"source": 32, "target": 15, "label": "C"}, {"source": 27, "target": 4, "label": "A"}, {"source": 34, "target": 36, "label": "D"}, {"source": 26, "target": 27, "label": "H"}, {"source": 36, "target": 24, "label": "C"}, {"source": 26, "target": 7, "label": "U"}, {"source": 32, "target": 13, "label": "F"}, {"source": 28, "target": 5, "label": "R"}, {"source": 35, "target": 21, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 32, "label": "P"}, {"source": 26, "target": 29, "label": "H"}, {"source": 29, "target": 8, "label": "D"}, {"source": 34, "target": 19, "label": "A"}, {"source": 30, "target": 9, "label": "E"}, {"source": 27, "target": 1, "label": "A"}]} +{"id": "234261-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oh, they also charged me for the procedure ($250) AND had the audacity to charge me a $25 'DISPOSAL' fee.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22, "anchors": [{"from": 87, "to": 89}]}, {"id": 23, "anchors": [{"from": 90, "to": 91}]}, {"id": 24, "anchors": [{"from": 91, "to": 99}]}, {"id": 25, "anchors": [{"from": 99, "to": 100}]}, {"id": 26, "anchors": [{"from": 101, "to": 104}]}, {"id": 27, "anchors": [{"from": 104, "to": 105}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 11, "label": "E"}, {"source": 29, "target": 3, "label": "D"}, {"source": 30, "target": 9, "label": "U"}, {"source": 32, "target": 16, "label": "C"}, {"source": 34, "target": 26, "label": "E"}, {"source": 29, "target": 4, "label": "P"}, {"source": 31, "target": 33, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 28, "target": 13, "label": "L"}, {"source": 34, "target": 23, "label": "U"}, {"source": 33, "target": 17, "label": "F"}, {"source": 28, "target": 12, "label": "U"}, {"source": 30, "target": 8, "label": "C"}, {"source": 34, "target": 21, "label": "U"}, {"source": 32, "target": 15, "label": "E"}, {"source": 33, "target": 18, "label": "P"}, {"source": 34, "target": 24, "label": "E"}, {"source": 28, "target": 0, "label": "L"}, {"source": 30, "target": 7, "label": "E"}, {"source": 34, "target": 22, "label": "E"}, {"source": 29, "target": 2, "label": "A"}, {"source": 29, "target": 5, "label": "A"}, {"source": 30, "target": 6, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 1, "label": "U"}, {"source": 28, "target": 31, "label": "H"}, {"source": 28, "target": 29, "label": "H"}, {"source": 30, "target": 10, "label": "U"}, {"source": 34, "target": 27, "label": "U"}, {"source": 31, "target": 14, "label": "P"}, {"source": 33, "target": 19, "label": "A"}, {"source": 34, "target": 25, "label": "U"}, {"source": 34, "target": 20, "label": "E"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "234261-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They actually itemized it as a DISPOSAL fee.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "234261-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AVOID AT ALL COSTS.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "235190-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Channel Guide", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "235190-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Believe it or not, but the channel guide has been most helpful to my family members that visit and don't know where to start when it comes to watching satellite tv.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 150}]}, {"id": 31, "anchors": [{"from": 151, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 163}]}, {"id": 33, "anchors": [{"from": 163, "to": 164}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 38, "target": 9, "label": "F"}, {"source": 45, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 38, "label": "H"}, {"source": 47, "target": 30, "label": "P"}, {"source": 34, "target": 36, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 47, "target": 27, "label": "A"}, {"source": 40, "target": 13, "label": "R"}, {"source": 37, "target": 7, "label": "E"}, {"source": 41, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "E"}, {"source": 44, "target": 46, "label": "H"}, {"source": 36, "target": 2, "label": "N"}, {"source": 46, "target": 47, "label": "H"}, {"source": 45, "target": 24, "label": "F"}, {"source": 48, "target": 32, "label": "C"}, {"source": 41, "target": 21, "label": "D"}, {"source": 45, "target": 25, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 48, "target": 33, "label": "U"}, {"source": 40, "target": 16, "label": "C"}, {"source": 35, "target": 4, "label": "U"}, {"source": 38, "target": 11, "label": "D"}, {"source": 47, "target": 28, "label": "D"}, {"source": 40, "target": 15, "label": "E"}, {"source": 37, "target": 8, "label": "C"}, {"source": 42, "target": 20, "label": "C"}, {"source": 40, "target": 14, "label": "E"}, {"source": 43, "target": 22, "label": "P"}, {"source": 34, "target": 0, "label": "P"}, {"source": 47, "target": 29, "label": "F"}, {"source": 46, "target": 26, "label": "L"}, {"source": 36, "target": 1, "label": "C"}, {"source": 42, "target": 19, "label": "N"}, {"source": 39, "target": 12, "label": "S"}, {"source": 41, "target": 43, "label": "A"}, {"source": 38, "target": 10, "label": "S"}, {"source": 36, "target": 3, "label": "C"}, {"source": 35, "target": 5, "label": "L"}, {"source": 41, "target": 17, "label": "F"}, {"source": 46, "target": 45, "label": "H"}, {"source": 42, "target": 18, "label": "C"}, {"source": 44, "target": 23, "label": "F"}, {"source": 48, "target": 31, "label": "E"}, {"source": 41, "target": 42, "label": "P"}, {"source": 35, "target": 34, "label": "H"}, {"source": 37, "target": 6, "label": "E"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "235190-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just give them guide and they can find anything they need.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "A"}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 1, "label": "D"}, {"source": 13, "target": 3, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 3, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 15, "target": 7, "label": "D"}, {"source": 17, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "P"}, {"source": 17, "target": 11, "label": "P"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "235190-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks again, Directv.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "E"}, {"source": 7, "target": 3, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 2, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "235211-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lovely People, Great Hats", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "235211-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was saddened to see the reviews that claimed World Hats Mart has poor service.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "C"}, {"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 8, "label": "P"}, {"source": 18, "target": 13, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 4, "label": "P"}, {"source": 17, "target": 9, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 10, "label": "F"}]} +{"id": "235211-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It led me to believe that the reviewers simply had difficulty tolerating people with strongly-accented English.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 93}]}, {"id": 15, "anchors": [{"from": 93, "to": 94}]}, {"id": 16, "anchors": [{"from": 94, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 110}]}, {"id": 18, "anchors": [{"from": 110, "to": 111}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "F"}, {"source": 26, "target": 15, "label": "U"}, {"source": 25, "target": 26, "label": "E"}, {"source": 20, "target": 2, "label": "A"}, {"source": 23, "target": 6, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 12, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 22, "target": 24, "label": "P"}, {"source": 26, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 8, "label": "D"}, {"source": 21, "target": 4, "label": "P"}, {"source": 20, "target": 1, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 10, "label": "E"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 11, "label": "D"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 9, "label": "F"}, {"source": 22, "target": 5, "label": "F"}, {"source": 25, "target": 17, "label": "C"}]} +{"id": "235211-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The husband and wife who run this spot are lovely people.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 16, "target": 5, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 16, "label": "E"}, {"source": 14, "target": 2, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 12, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 12, "target": 13, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 15, "target": 8, "label": "S"}, {"source": 15, "target": 18, "label": "A"}]} +{"id": "235211-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have had many conversations with them and they have always been extremely patient with me as I tried on multiple hats in search of the right costumes for my magic act.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 137}]}, {"id": 26, "anchors": [{"from": 138, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 156}]}, {"id": 29, "anchors": [{"from": 157, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 165}]}, {"id": 31, "anchors": [{"from": 166, "to": 169}]}, {"id": 32, "anchors": [{"from": 169, "to": 170}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 42, "target": 24, "label": "R"}, {"source": 33, "target": 0, "label": "A"}, {"source": 38, "target": 15, "label": "C"}, {"source": 33, "target": 2, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 23, "label": "P"}, {"source": 36, "target": 5, "label": "R"}, {"source": 42, "target": 25, "label": "E"}, {"source": 39, "target": 18, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 13, "label": "S"}, {"source": 38, "target": 14, "label": "R"}, {"source": 37, "target": 11, "label": "F"}, {"source": 35, "target": 3, "label": "E"}, {"source": 43, "target": 31, "label": "C"}, {"source": 36, "target": 6, "label": "C"}, {"source": 34, "target": 7, "label": "L"}, {"source": 34, "target": 22, "label": "L"}, {"source": 40, "target": 19, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 41, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 27, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 32, "label": "U"}, {"source": 39, "target": 17, "label": "A"}, {"source": 37, "target": 10, "label": "D"}, {"source": 43, "target": 29, "label": "E"}, {"source": 43, "target": 30, "label": "E"}, {"source": 35, "target": 36, "label": "E"}, {"source": 34, "target": 33, "label": "H"}, {"source": 42, "target": 26, "label": "E"}, {"source": 41, "target": 43, "label": "A"}, {"source": 37, "target": 8, "label": "A"}, {"source": 37, "target": 9, "label": "F"}, {"source": 37, "target": 12, "label": "D"}, {"source": 43, "target": 28, "label": "R"}, {"source": 34, "target": 41, "label": "H"}, {"source": 33, "target": 1, "label": "F"}, {"source": 34, "target": 37, "label": "H"}, {"source": 35, "target": 4, "label": "C"}, {"source": 40, "target": 20, "label": "E"}, {"source": 34, "target": 39, "label": "H"}, {"source": 40, "target": 21, "label": "C"}, {"source": 34, "target": 16, "label": "L"}]} +{"id": "235211-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recommend them highly!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "D"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "235423-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Worst Chinese I've Ever Had", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}, {"from": 10, "to": 17}, {"from": 18, "to": 19}, {"from": 19, "to": 22}, {"from": 23, "to": 27}, {"from": 28, "to": 31}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "235423-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is by far the worst chinese food I have ever had.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 12, "label": "U"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 1, "label": "S"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 10, "label": "D"}, {"source": 14, "target": 11, "label": "F"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 14, "target": 9, "label": "F"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 16, "label": "D"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "235423-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service stunk.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "235423-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called in my order and upon arriving to pick it up, they got my order confused with someone elses.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}, {"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 93}, {"from": 94, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 99, "to": 100}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 5, "label": "L"}, {"source": 23, "target": 2, "label": "R"}, {"source": 28, "target": 12, "label": "A"}, {"source": 28, "target": 18, "label": "A"}, {"source": 25, "target": 7, "label": "P"}, {"source": 30, "target": 17, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "P"}, {"source": 22, "target": 6, "label": "L"}, {"source": 21, "target": 24, "label": "A"}, {"source": 28, "target": 19, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 15, "label": "C"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 30, "label": "A"}, {"source": 22, "target": 11, "label": "U"}, {"source": 27, "target": 10, "label": "R"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 8, "label": "R"}, {"source": 23, "target": 1, "label": "C"}, {"source": 21, "target": 23, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 30, "target": 16, "label": "C"}, {"source": 29, "target": 14, "label": "E"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 24, "target": 4, "label": "C"}, {"source": 27, "target": 9, "label": "C"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "235423-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They helped about three other people before they offered to help me again.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 12, "label": "D"}, {"source": 18, "target": 11, "label": "A"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "A"}, {"source": 15, "target": 6, "label": "L"}, {"source": 17, "target": 8, "label": "P"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 10, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 9, "label": "F"}, {"source": 16, "target": 2, "label": "R"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "235423-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They also got my friends order mixed up and wanted to charger her $10 more than what she had wanted.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}, {"from": 25, "to": 30}, {"from": 31, "to": 36}, {"from": 37, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 17, "label": "F"}, {"source": 25, "target": 10, "label": "E"}, {"source": 25, "target": 12, "label": "C"}, {"source": 20, "target": 5, "label": "D"}, {"source": 21, "target": 6, "label": "L"}, {"source": 23, "target": 7, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 27, "target": 26, "label": "R"}, {"source": 20, "target": 1, "label": "D"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 23, "label": "H"}, {"source": 27, "target": 28, "label": "C"}, {"source": 26, "target": 13, "label": "C"}, {"source": 20, "target": 2, "label": "P"}, {"source": 23, "target": 8, "label": "F"}, {"source": 20, "target": 22, "label": "A"}, {"source": 28, "target": 16, "label": "A"}, {"source": 22, "target": 3, "label": "E"}, {"source": 24, "target": 9, "label": "P"}, {"source": 25, "target": 11, "label": "U"}, {"source": 28, "target": 18, "label": "P"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 4, "label": "C"}, {"source": 28, "target": 15, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "235423-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She asked for the dinner combo and they gave her two dinner plates instead.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "E"}, {"source": 18, "target": 9, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 17, "target": 2, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 13, "label": "D"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 6, "label": "L"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 14, "label": "U"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "235423-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were standing in the store for 20minutes to simply pick up an order.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 3, "label": "R"}, {"source": 18, "target": 7, "label": "E"}, {"source": 19, "target": 10, "label": "D"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 18, "label": "D"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "235423-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not to mention that the wait staff was about as pleasant as dealing with an angry bull.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 3, "label": "F"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 0, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 26, "target": 15, "label": "E"}, {"source": 23, "target": 25, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 25, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 26, "target": 13, "label": "R"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 26, "target": 14, "label": "E"}, {"source": 25, "target": 24, "label": "P"}, {"source": 22, "target": 23, "label": "C"}, {"source": 24, "target": 11, "label": "F"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 7, "label": "S"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 2, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 9, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "235423-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were abrasive and rude - when they were the ones who messed everything up.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 75}, {"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 78, "to": 79}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "E"}, {"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 3, "label": "L"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 19, "target": 8, "label": "S"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 13, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 19, "target": 7, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 5, "label": "U"}, {"source": 20, "target": 10, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 15, "target": 2, "label": "S"}, {"source": 21, "target": 12, "label": "P"}]} +{"id": "235423-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had to throw out about 80 percent of our meals because the food tasted so horrible.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}, {"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 12, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 17, "target": 19, "label": "P"}, {"source": 17, "target": 2, "label": "F"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 15, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 20, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 21, "label": "E"}, {"source": 18, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 4, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "R"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 22, "label": "A"}, {"source": 19, "target": 1, "label": "E"}]} +{"id": "235423-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I dont know how it is possible to make orange chicken, sesame chicken and kung pao chicken as well as cheese puffs taste THAT bad but China Delight accomplished that.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 93}, {"from": 94, "to": 98}, {"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 139}, {"from": 140, "to": 147}]}, {"id": 27, "anchors": [{"from": 148, "to": 160}]}, {"id": 28, "anchors": [{"from": 161, "to": 165}]}, {"id": 29, "anchors": [{"from": 165, "to": 166}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 19, "label": "R"}, {"source": 31, "target": 3, "label": "P"}, {"source": 35, "target": 15, "label": "N"}, {"source": 39, "target": 40, "label": "A"}, {"source": 39, "target": 28, "label": "A"}, {"source": 40, "target": 23, "label": "E"}, {"source": 31, "target": 2, "label": "D"}, {"source": 32, "target": 6, "label": "D"}, {"source": 34, "target": 10, "label": "E"}, {"source": 33, "target": 8, "label": "F"}, {"source": 40, "target": 41, "label": "E"}, {"source": 30, "target": 31, "label": "H"}, {"source": 41, "target": 25, "label": "N"}, {"source": 35, "target": 34, "label": "C"}, {"source": 38, "target": 39, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 40, "target": 27, "label": "C"}, {"source": 32, "target": 4, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 33, "target": 38, "label": "A"}, {"source": 33, "target": 37, "label": "A"}, {"source": 32, "target": 7, "label": "S"}, {"source": 35, "target": 12, "label": "U"}, {"source": 35, "target": 16, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 5, "label": "A"}, {"source": 37, "target": 18, "label": "C"}, {"source": 35, "target": 36, "label": "C"}, {"source": 33, "target": 9, "label": "P"}, {"source": 37, "target": 17, "label": "E"}, {"source": 41, "target": 26, "label": "C"}, {"source": 39, "target": 29, "label": "U"}, {"source": 38, "target": 20, "label": "E"}, {"source": 36, "target": 14, "label": "C"}, {"source": 34, "target": 11, "label": "C"}, {"source": 41, "target": 24, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 39, "target": 22, "label": "P"}, {"source": 31, "target": 1, "label": "F"}, {"source": 38, "target": 21, "label": "E"}]} +{"id": "235423-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only thing that was edible was the steamed rice and the vegetable lo mein was barely tolerable.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 18, "label": "U"}, {"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 10, "label": "N"}, {"source": 21, "target": 6, "label": "S"}, {"source": 19, "target": 22, "label": "E"}, {"source": 22, "target": 4, "label": "F"}, {"source": 21, "target": 16, "label": "D"}, {"source": 21, "target": 24, "label": "A"}, {"source": 22, "target": 2, "label": "P", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 5, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 3, "label": "F"}, {"source": 19, "target": 0, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 19, "label": "A"}, {"source": 21, "target": 15, "label": "F"}, {"source": 25, "target": 13, "label": "E"}, {"source": 23, "target": 9, "label": "C"}, {"source": 24, "target": 23, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 21, "target": 17, "label": "F"}, {"source": 25, "target": 12, "label": "E"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "235423-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will NEVER go here again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 3, "label": "S"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "235423-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lucky Panda in Willis is a billion times better in service and quality of the meal.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 1, "label": "R"}, {"source": 24, "target": 10, "label": "N"}, {"source": 16, "target": 19, "label": "E"}, {"source": 25, "target": 15, "label": "U"}, {"source": 21, "target": 23, "label": "E"}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 8, "label": "R"}, {"source": 25, "target": 14, "label": "C"}, {"source": 18, "target": 20, "label": "D"}, {"source": 24, "target": 11, "label": "C"}, {"source": 24, "target": 9, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 22, "target": 25, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 21, "label": "C"}, {"source": 18, "target": 16, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 25, "target": 13, "label": "E"}, {"source": 18, "target": 22, "label": "A"}, {"source": 16, "target": 0, "label": "C"}, {"source": 18, "target": 3, "label": "S"}, {"source": 25, "target": 12, "label": "R"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "235423-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have no idea how China Delight won number 1 Chinese restaurant in Montgomery - There needs to be a recount on that vote.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}, {"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 78}, {"from": 81, "to": 86}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14, "anchors": [{"from": 87, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 121}]}, {"id": 22, "anchors": [{"from": 121, "to": 122}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 21, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 1, "label": "F"}, {"source": 24, "target": 2, "label": "D"}, {"source": 29, "target": 18, "label": "C"}, {"source": 27, "target": 9, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 25, "target": 5, "label": "A"}, {"source": 25, "target": 15, "label": "F"}, {"source": 30, "target": 22, "label": "U"}, {"source": 28, "target": 11, "label": "R"}, {"source": 30, "target": 20, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 19, "label": "R"}, {"source": 26, "target": 7, "label": "C"}, {"source": 25, "target": 29, "label": "A"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 10, "label": "C"}, {"source": 27, "target": 26, "label": "E"}, {"source": 24, "target": 3, "label": "P"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 4, "label": "R"}, {"source": 27, "target": 14, "label": "C"}, {"source": 28, "target": 12, "label": "C"}, {"source": 28, "target": 13, "label": "U"}, {"source": 25, "target": 16, "label": "F"}, {"source": 25, "target": 6, "label": "P"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "235462-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hobbs on Mass.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "235462-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolutely my favorite store in Lawrence, KS", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}, {"source": 9, "target": 0, "label": "D"}, {"source": 11, "target": 7, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "S"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "235576-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Best Breakfast in Solana Beach!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 34}]}, {"id": 3, "anchors": [{"from": 34, "to": 35}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "235576-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We love T's Cafe!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 17}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 8, "label": "A"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "235576-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Without a doubt the best place to grab a tall bloody mary and some eggs benedict.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 20, "target": 3, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 6, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 23, "target": 12, "label": "N"}, {"source": 19, "target": 0, "label": "R"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 10, "label": "E"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 24, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 23, "target": 22, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 21, "target": 7, "label": "P"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "235576-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "T's has been a North County landmark for thirty years and with good reason.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}, {"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 0, "label": "C"}, {"source": 19, "target": 7, "label": "R"}, {"source": 15, "target": 1, "label": "R"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 5, "label": "E"}, {"source": 16, "target": 15, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 10, "label": "L"}, {"source": 16, "target": 2, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 19, "label": "D"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "235576-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Family owned and operated makes sure the atmosphere is relaxed and the food home-cooked with style.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 26, "label": "C"}, {"source": 20, "target": 21, "label": "P"}, {"source": 21, "target": 2, "label": "N"}, {"source": 22, "target": 14, "label": "U"}, {"source": 23, "target": 5, "label": "P"}, {"source": 21, "target": 1, "label": "C"}, {"source": 26, "target": 12, "label": "E"}, {"source": 25, "target": 10, "label": "N"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "R"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 22, "target": 15, "label": "C"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 13, "label": "C"}, {"source": 23, "target": 8, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 22, "target": 27, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "235576-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend picking up a jug of their homemade bloody mary mix - definitely the best.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}, {"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 91}]}, {"id": 16, "anchors": [{"from": 91, "to": 92}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 13, "label": "E"}, {"source": 21, "target": 7, "label": "E"}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 6, "label": "R"}, {"source": 21, "target": 14, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 12, "label": "U"}, {"source": 19, "target": 3, "label": "C"}, {"source": 22, "target": 9, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 15, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "235576-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you've been to North County, chances are it's in your favorites list already.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 79}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "S"}, {"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 22, "target": 10, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 7, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 11, "label": "S"}, {"source": 22, "target": 17, "label": "U"}, {"source": 22, "target": 16, "label": "D"}, {"source": 21, "target": 8, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 24, "label": "E"}, {"source": 19, "target": 1, "label": "A"}, {"source": 18, "target": 0, "label": "L"}, {"source": 20, "target": 4, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 9, "label": "S"}]} +{"id": "236648-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quick and Cheap", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "236648-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Walked in and was outta there in 10 mins with a really good deal i thought i was going to be paying alot because i had a DUI but with my DUI and Sr-22 they were able to get me the best deal out there.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 99}, {"from": 100, "to": 101}, {"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 128}, {"from": 129, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 147}, {"from": 148, "to": 150}]}, {"id": 32, "anchors": [{"from": 147, "to": 148}]}, {"id": 33, "anchors": [{"from": 151, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 165}]}, {"id": 36, "anchors": [{"from": 166, "to": 168}]}, {"id": 37, "anchors": [{"from": 169, "to": 172}]}, {"id": 38, "anchors": [{"from": 173, "to": 175}]}, {"id": 39, "anchors": [{"from": 176, "to": 179}]}, {"id": 40, "anchors": [{"from": 180, "to": 184}]}, {"id": 41, "anchors": [{"from": 185, "to": 189}]}, {"id": 42, "anchors": [{"from": 190, "to": 193}]}, {"id": 43, "anchors": [{"from": 194, "to": 199}]}, {"id": 44, "anchors": [{"from": 199, "to": 200}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 49, "target": 6, "label": "R"}, {"source": 50, "target": 11, "label": "E"}, {"source": 51, "target": 52, "label": "A"}, {"source": 59, "target": 43, "label": "C"}, {"source": 55, "target": 56, "label": "E"}, {"source": 45, "target": 0, "label": "C"}, {"source": 53, "target": 24, "label": "S"}, {"source": 52, "target": 17, "label": "F"}, {"source": 51, "target": 15, "label": "P"}, {"source": 49, "target": 8, "label": "C"}, {"source": 46, "target": 3, "label": "S"}, {"source": 52, "target": 20, "label": "F"}, {"source": 46, "target": 45, "label": "A"}, {"source": 55, "target": 28, "label": "E"}, {"source": 46, "target": 49, "label": "A"}, {"source": 48, "target": 5, "label": "C"}, {"source": 46, "target": 47, "label": "H"}, {"source": 47, "target": 38, "label": "A"}, {"source": 47, "target": 58, "label": "A"}, {"source": 58, "target": 39, "label": "E"}, {"source": 48, "target": 4, "label": "R"}, {"source": 50, "target": 13, "label": "C"}, {"source": 50, "target": 10, "label": "E"}, {"source": 52, "target": 21, "label": "P"}, {"source": 54, "target": 26, "label": "C"}, {"source": 56, "target": 32, "label": "U"}, {"source": 58, "target": 59, "label": "E"}, {"source": 46, "target": 50, "label": "A"}, {"source": 59, "target": 42, "label": "R"}, {"source": 50, "target": 12, "label": "E"}, {"source": 46, "target": 53, "label": "A"}, {"source": 57, "target": 37, "label": "C"}, {"source": 53, "target": 54, "label": "A"}, {"source": 46, "target": 48, "label": "A"}, {"source": 47, "target": 36, "label": "F"}, {"source": 57, "target": 35, "label": "E"}, {"source": 58, "target": 40, "label": "E"}, {"source": 56, "target": 31, "label": "C"}, {"source": 59, "target": 44, "label": "U"}, {"source": 47, "target": 27, "label": "N"}, {"source": 47, "target": 22, "label": "A"}, {"source": 47, "target": 2, "label": "N"}, {"source": 49, "target": 7, "label": "E"}, {"source": 50, "target": 51, "label": "E"}, {"source": 53, "target": 23, "label": "A"}, {"source": 45, "target": 1, "label": "E"}, {"source": 47, "target": 57, "label": "P"}, {"source": 51, "target": 14, "label": "A"}, {"source": 56, "target": 30, "label": "N"}, {"source": 54, "target": 25, "label": "E"}, {"source": 52, "target": 18, "label": "D"}, {"source": 47, "target": 34, "label": "F"}, {"source": 58, "target": 41, "label": "C"}, {"source": 56, "target": 29, "label": "C"}, {"source": 50, "target": 9, "label": "R"}, {"source": 47, "target": 55, "label": "A"}, {"source": 56, "target": 33, "label": "C"}, {"source": 52, "target": 16, "label": "A"}, {"source": 52, "target": 19, "label": "F"}]} +{"id": "238839-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is bad.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 8, "label": "S"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "238839-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's dark, dingy & dirty.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}, {"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 3, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 1, "label": "S"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "238839-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The salads are limp and the rest of the food isn't any better (ok, the nachos are not too bad!)", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 65}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 93}]}, {"id": 23, "anchors": [{"from": 93, "to": 94}]}, {"id": 24, "anchors": [{"from": 94, "to": 95}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 10, "label": "S"}, {"source": 28, "target": 6, "label": "C"}, {"source": 33, "target": 20, "label": "D"}, {"source": 28, "target": 5, "label": "E"}, {"source": 27, "target": 30, "label": "H"}, {"source": 31, "target": 14, "label": "U"}, {"source": 34, "target": 23, "label": "U"}, {"source": 30, "target": 11, "label": "D"}, {"source": 31, "target": 13, "label": "C"}, {"source": 27, "target": 4, "label": "L"}, {"source": 25, "target": 0, "label": "E"}, {"source": 33, "target": 19, "label": "F"}, {"source": 26, "target": 3, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 26, "target": 2, "label": "F"}, {"source": 29, "target": 8, "label": "E"}, {"source": 25, "target": 1, "label": "C"}, {"source": 27, "target": 16, "label": "U"}, {"source": 33, "target": 34, "label": "S"}, {"source": 27, "target": 33, "label": "H"}, {"source": 34, "target": 24, "label": "U"}, {"source": 31, "target": 15, "label": "E"}, {"source": 34, "target": 22, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 30, "target": 12, "label": "D"}, {"source": 33, "target": 32, "label": "A"}, {"source": 29, "target": 9, "label": "C"}, {"source": 33, "target": 21, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 28, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 7, "label": "R"}, {"source": 32, "target": 18, "label": "C"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "238839-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place may have been something sometime; but it way past it \"sell by date\".", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 8, "label": "L"}, {"source": 22, "target": 10, "label": "S"}, {"source": 21, "target": 22, "label": "H"}, {"source": 23, "target": 13, "label": "U"}, {"source": 23, "target": 14, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 1, "label": "C"}, {"source": 20, "target": 2, "label": "D"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 15, "label": "R"}, {"source": 20, "target": 4, "label": "S"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 11, "label": "R"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 24, "label": "D"}, {"source": 22, "target": 9, "label": "A"}, {"source": 20, "target": 5, "label": "A"}, {"source": 21, "target": 7, "label": "U"}]} +{"id": "238839-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have eaten here twice in the past year and will not go back and cannot recommend it.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 22, "label": "D"}, {"source": 26, "target": 25, "label": "P"}, {"source": 26, "target": 16, "label": "D"}, {"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "P"}, {"source": 20, "target": 3, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 7, "label": "E"}, {"source": 21, "target": 26, "label": "H"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 9, "label": "L"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "F"}, {"source": 20, "target": 4, "label": "D"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 11, "label": "D"}, {"source": 21, "target": 14, "label": "L"}, {"source": 20, "target": 2, "label": "P"}, {"source": 26, "target": 18, "label": "A"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "239035-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Le petit is the best place to get your nails done!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 14, "target": 15, "label": "S"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 6, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 8, "label": "E"}]} +{"id": "239035-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is very clean, staff is friendly, and I have never waited!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 4, "label": "U"}, {"source": 16, "target": 9, "label": "L"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "U"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 12, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 15, "target": 6, "label": "F"}, {"source": 19, "target": 13, "label": "P"}, {"source": 15, "target": 7, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "S"}, {"source": 17, "target": 2, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "F"}, {"source": 18, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "239035-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I go every other week for the shallac/gel manicure which is only $25 and it truly lasts 2 weeks!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 95}]}, {"id": 22, "anchors": [{"from": 95, "to": 96}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 3, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 25, "target": 2, "label": "E"}, {"source": 24, "target": 25, "label": "D"}, {"source": 28, "target": 12, "label": "S"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 30, "target": 31, "label": "D"}, {"source": 29, "target": 15, "label": "C"}, {"source": 24, "target": 1, "label": "P"}, {"source": 26, "target": 28, "label": "E"}, {"source": 28, "target": 14, "label": "U"}, {"source": 30, "target": 19, "label": "P"}, {"source": 28, "target": 13, "label": "D"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 7, "label": "C"}, {"source": 30, "target": 17, "label": "A"}, {"source": 29, "target": 16, "label": "N"}, {"source": 26, "target": 10, "label": "C"}, {"source": 31, "target": 20, "label": "E"}, {"source": 27, "target": 8, "label": "U"}, {"source": 28, "target": 11, "label": "F"}, {"source": 25, "target": 4, "label": "C"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "D"}, {"source": 26, "target": 27, "label": "E"}, {"source": 29, "target": 30, "label": "C"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "239035-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love it.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "239035-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pedicures are also great.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "S"}]} +{"id": "239035-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Try this place out!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 14}, {"from": 15, "to": 18}]}, {"id": 1, "anchors": [{"from": 18, "to": 19}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "239035-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I promise you will not be disappointed!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 10, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 6, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "240287-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent Service and Reasonable Prices", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 32}, {"from": 33, "to": 39}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "240287-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Boutique stores dealing in children's clothing/gifts are often outrageously priced (who wants to pay 40 dollars for a newborn onesie?)", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 132}]}, {"id": 24, "anchors": [{"from": 132, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 22, "label": "E"}, {"source": 27, "target": 9, "label": "F"}, {"source": 35, "target": 23, "label": "C"}, {"source": 29, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 8, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 32, "target": 6, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 27, "target": 11, "label": "D"}, {"source": 35, "target": 25, "label": "U"}, {"source": 34, "target": 19, "label": "C"}, {"source": 33, "target": 17, "label": "P"}, {"source": 33, "target": 35, "label": "A"}, {"source": 27, "target": 12, "label": "P"}, {"source": 33, "target": 14, "label": "F"}, {"source": 26, "target": 29, "label": "E"}, {"source": 34, "target": 18, "label": "E"}, {"source": 35, "target": 20, "label": "R"}, {"source": 30, "target": 32, "label": "E"}, {"source": 30, "target": 31, "label": "E"}, {"source": 26, "target": 0, "label": "E"}, {"source": 30, "target": 3, "label": "R"}, {"source": 33, "target": 15, "label": "D"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 33, "label": "H"}, {"source": 28, "target": 13, "label": "U"}, {"source": 26, "target": 1, "label": "C"}, {"source": 35, "target": 24, "label": "U"}, {"source": 29, "target": 2, "label": "P"}, {"source": 35, "target": 21, "label": "E"}, {"source": 31, "target": 5, "label": "R"}, {"source": 28, "target": 27, "label": "H"}, {"source": 27, "target": 10, "label": "D"}, {"source": 33, "target": 16, "label": "F"}, {"source": 32, "target": 7, "label": "U"}]} +{"id": "240287-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "but I was pleasantly surprised to find that the Purple Goose's prices are reasonable (for the SAME products found at other area boutiques, the prices were 20-25% cheaper).", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}, {"from": 55, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 86}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 137}]}, {"id": 24, "anchors": [{"from": 137, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 142}]}, {"id": 26, "anchors": [{"from": 143, "to": 149}]}, {"id": 27, "anchors": [{"from": 150, "to": 154}]}, {"id": 28, "anchors": [{"from": 155, "to": 157}, {"from": 158, "to": 160}]}, {"id": 29, "anchors": [{"from": 157, "to": 158}]}, {"id": 30, "anchors": [{"from": 160, "to": 161}]}, {"id": 31, "anchors": [{"from": 162, "to": 169}]}, {"id": 32, "anchors": [{"from": 169, "to": 170}]}, {"id": 33, "anchors": [{"from": 170, "to": 171}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 42, "target": 19, "label": "P"}, {"source": 34, "target": 45, "label": "H"}, {"source": 38, "target": 11, "label": "C"}, {"source": 44, "target": 25, "label": "E"}, {"source": 41, "target": 16, "label": "E"}, {"source": 46, "target": 31, "label": "C"}, {"source": 39, "target": 9, "label": "C"}, {"source": 37, "target": 12, "label": "S"}, {"source": 46, "target": 28, "label": "C"}, {"source": 43, "target": 20, "label": "R"}, {"source": 35, "target": 3, "label": "D"}, {"source": 45, "target": 46, "label": "A"}, {"source": 36, "target": 6, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 35, "target": 1, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 45, "target": 27, "label": "F"}, {"source": 46, "target": 30, "label": "U"}, {"source": 37, "target": 42, "label": "A"}, {"source": 35, "target": 4, "label": "P"}, {"source": 41, "target": 18, "label": "C"}, {"source": 41, "target": 15, "label": "R"}, {"source": 43, "target": 21, "label": "E"}, {"source": 43, "target": 22, "label": "E"}, {"source": 38, "target": 39, "label": "E"}, {"source": 37, "target": 40, "label": "A"}, {"source": 39, "target": 10, "label": "R"}, {"source": 40, "target": 14, "label": "U"}, {"source": 44, "target": 26, "label": "C"}, {"source": 34, "target": 0, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 46, "target": 32, "label": "U"}, {"source": 43, "target": 23, "label": "C"}, {"source": 34, "target": 24, "label": "U"}, {"source": 40, "target": 13, "label": "C"}, {"source": 34, "target": 35, "label": "H"}, {"source": 45, "target": 44, "label": "A"}, {"source": 35, "target": 2, "label": "F"}, {"source": 42, "target": 43, "label": "A"}, {"source": 38, "target": 8, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 41, "target": 17, "label": "E"}, {"source": 36, "target": 5, "label": "F"}, {"source": 46, "target": 33, "label": "U"}, {"source": 37, "target": 7, "label": "F"}, {"source": 46, "target": 29, "label": "U"}, {"source": 36, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "240287-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service was also excellent - friendly, helpful and informative without being overbearing.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 92}]}, {"id": 14, "anchors": [{"from": 92, "to": 93}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 11, "label": "R"}, {"source": 19, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "N"}, {"source": 18, "target": 7, "label": "U"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 0, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 12, "label": "D"}, {"source": 18, "target": 5, "label": "U"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 13, "label": "S"}, {"source": 17, "target": 18, "label": "P"}, {"source": 17, "target": 3, "label": "D"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "240287-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will definitely return.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "F"}, {"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "241108-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "STAY AWAY", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "E"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "241108-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "241108-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolutely rude.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "241108-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Did services I asked them NOTto do and was still charged.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "P"}, {"source": 15, "target": 6, "label": "C"}, {"source": 15, "target": 8, "label": "F"}, {"source": 14, "target": 4, "label": "D"}, {"source": 13, "target": 3, "label": "A"}, {"source": 15, "target": 7, "label": "N"}, {"source": 15, "target": 9, "label": "D"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "L"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "241739-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Barber", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "241739-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Firstly, the other reviewer clearly has never been to Nick's, or he would know that Nick only charges $13 for a haircut which is pretty much industry standard.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 158}]}, {"id": 32, "anchors": [{"from": 158, "to": 159}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 33, "target": 13, "label": "L"}, {"source": 37, "target": 14, "label": "A"}, {"source": 36, "target": 10, "label": "C"}, {"source": 38, "target": 15, "label": "F"}, {"source": 33, "target": 1, "label": "U"}, {"source": 39, "target": 22, "label": "A"}, {"source": 42, "target": 30, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 27, "label": "S"}, {"source": 34, "target": 2, "label": "E"}, {"source": 37, "target": 39, "label": "A"}, {"source": 33, "target": 37, "label": "H"}, {"source": 36, "target": 9, "label": "R"}, {"source": 33, "target": 12, "label": "U"}, {"source": 41, "target": 32, "label": "U"}, {"source": 40, "target": 41, "label": "E"}, {"source": 35, "target": 8, "label": "S"}, {"source": 40, "target": 24, "label": "E"}, {"source": 33, "target": 35, "label": "H"}, {"source": 36, "target": 11, "label": "R"}, {"source": 41, "target": 26, "label": "R"}, {"source": 35, "target": 6, "label": "F"}, {"source": 35, "target": 7, "label": "D"}, {"source": 35, "target": 5, "label": "D"}, {"source": 39, "target": 21, "label": "U"}, {"source": 41, "target": 42, "label": "A"}, {"source": 35, "target": 34, "label": "A"}, {"source": 39, "target": 17, "label": "F"}, {"source": 39, "target": 18, "label": "A"}, {"source": 34, "target": 3, "label": "E"}, {"source": 37, "target": 38, "label": "P"}, {"source": 40, "target": 23, "label": "R"}, {"source": 39, "target": 19, "label": "D"}, {"source": 41, "target": 31, "label": "C"}, {"source": 41, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 28, "label": "D"}, {"source": 35, "target": 36, "label": "A"}, {"source": 33, "target": 0, "label": "L"}, {"source": 38, "target": 16, "label": "C"}, {"source": 42, "target": 29, "label": "E"}, {"source": 39, "target": 20, "label": "P"}, {"source": 34, "target": 4, "label": "C"}, {"source": 40, "target": 25, "label": "C"}]} +{"id": "241739-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been going to Nick for 5 months now precisely because he does pay attention to detail.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 22, "label": "D"}, {"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 19, "target": 1, "label": "F"}, {"source": 22, "target": 6, "label": "R"}, {"source": 20, "target": 11, "label": "L"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 4, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 12, "label": "A"}, {"source": 20, "target": 10, "label": "G"}, {"source": 19, "target": 3, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 8, "label": "C"}, {"source": 25, "target": 17, "label": "C"}, {"source": 19, "target": 2, "label": "F"}, {"source": 25, "target": 16, "label": "R"}]} +{"id": "241739-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have terrible hair and he really takes his time to make it look right.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 16, "target": 18, "label": "P"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 4, "label": "L"}, {"source": 22, "target": 13, "label": "P"}, {"source": 22, "target": 14, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 17, "target": 10, "label": "L"}, {"source": 21, "target": 22, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 8, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 22, "target": 12, "label": "A"}, {"source": 19, "target": 6, "label": "D"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "241739-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Some of the younger kids that work there are a bit sub par, but if you wait for Nick... you'll be good.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}, {"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 102}]}, {"id": 24, "anchors": [{"from": 102, "to": 103}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 27, "target": 13, "label": "U"}, {"source": 27, "target": 14, "label": "L"}, {"source": 29, "target": 5, "label": "F"}, {"source": 26, "target": 3, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 2, "label": "E"}, {"source": 35, "target": 20, "label": "A"}, {"source": 32, "target": 11, "label": "C"}, {"source": 30, "target": 7, "label": "F"}, {"source": 33, "target": 16, "label": "P"}, {"source": 34, "target": 18, "label": "C"}, {"source": 25, "target": 0, "label": "C"}, {"source": 33, "target": 15, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 26, "target": 29, "label": "E"}, {"source": 31, "target": 12, "label": "C"}, {"source": 27, "target": 33, "label": "H"}, {"source": 35, "target": 23, "label": "S"}, {"source": 31, "target": 9, "label": "E"}, {"source": 28, "target": 26, "label": "A"}, {"source": 29, "target": 6, "label": "P"}, {"source": 35, "target": 21, "label": "A"}, {"source": 35, "target": 22, "label": "F"}, {"source": 35, "target": 24, "label": "U"}, {"source": 28, "target": 35, "label": "A"}, {"source": 25, "target": 1, "label": "R"}, {"source": 34, "target": 17, "label": "R"}, {"source": 32, "target": 10, "label": "E"}, {"source": 26, "target": 25, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 30, "target": 8, "label": "S"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "241855-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Home made product", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "A"}]} +{"id": "241855-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I sometimes go into this store just for something to do on a sunday afternoon.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}, {"from": 15, "to": 19}, {"from": 20, "to": 24}, {"from": 25, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 3, "label": "D"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 1, "label": "D"}, {"source": 16, "target": 6, "label": "F"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 8, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "241855-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love the people, the product and the service!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 7, "label": "N"}, {"source": 14, "target": 4, "label": "U"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 16, "label": "C"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "241855-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nothing compares to a home made product that really stands the test of time. -", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 21, "label": "P"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 22, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 11, "label": "C"}, {"source": 20, "target": 8, "label": "D"}, {"source": 19, "target": 5, "label": "P"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "D"}, {"source": 18, "target": 2, "label": "R"}, {"source": 19, "target": 6, "label": "A"}, {"source": 21, "target": 10, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "R"}, {"source": 22, "target": 12, "label": "R"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 13, "label": "C"}, {"source": 16, "target": 1, "label": "P"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "241855-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Brick, Ikea, and Leon's have their place.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "P"}, {"source": 11, "target": 1, "label": "U"}, {"source": 11, "target": 0, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 14, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "R"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "241855-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But furniture like this will truly be around forever.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 0, "label": "L"}, {"source": 11, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 8, "label": "D"}, {"source": 12, "target": 5, "label": "D"}, {"source": 12, "target": 4, "label": "F"}, {"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "D"}]} +{"id": "242303-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Awesome bacon egg and cheese sandwich for breakfast.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 10, "target": 13, "label": "C"}, {"source": 10, "target": 3, "label": "N"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "243369-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You are the best!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "243369-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just received from your flower store.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "243369-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are sooooo beautiful.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "243369-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you guys.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "243799-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rude Rude Rude", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 14}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "243799-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "went in there and got my dog groomed came home to an uneven dog then took him back to get evened up what a mistake!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}, {"from": 74, "to": 77}, {"from": 78, "to": 82}, {"from": 83, "to": 85}, {"from": 86, "to": 89}, {"from": 90, "to": 96}, {"from": 97, "to": 99}]}, {"id": 16, "anchors": [{"from": 100, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 106}]}, {"id": 18, "anchors": [{"from": 107, "to": 114}]}, {"id": 19, "anchors": [{"from": 114, "to": 115}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 2, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 20, "target": 0, "label": "C"}, {"source": 28, "target": 16, "label": "R"}, {"source": 24, "target": 7, "label": "A"}, {"source": 21, "target": 20, "label": "P"}, {"source": 24, "target": 4, "label": "P"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 17, "label": "E"}, {"source": 26, "target": 8, "label": "F"}, {"source": 28, "target": 18, "label": "C"}, {"source": 6, "target": 15, "label": "P"}, {"source": 27, "target": 10, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 11, "label": "E"}, {"source": 27, "target": 12, "label": "E"}, {"source": 23, "target": 3, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 6, "target": 28, "label": "A"}, {"source": 27, "target": 13, "label": "C"}, {"source": 22, "target": 14, "label": "D"}, {"source": 25, "target": 6, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 26, "target": 9, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "243799-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "she didnt even let me finish a sentence without insulting me and telling me how i should have said it!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 22, "target": 3, "label": "D"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 5, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 9, "label": "R"}, {"source": 22, "target": 4, "label": "P"}, {"source": 24, "target": 6, "label": "P"}, {"source": 33, "target": 31, "label": "P"}, {"source": 25, "target": 8, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 13, "label": "P"}, {"source": 28, "target": 27, "label": "C"}, {"source": 22, "target": 2, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 33, "label": "A"}, {"source": 33, "target": 21, "label": "U"}, {"source": 28, "target": 12, "label": "N"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 16, "label": "C"}, {"source": 33, "target": 20, "label": "A"}, {"source": 27, "target": 10, "label": "P"}, {"source": 32, "target": 19, "label": "C"}, {"source": 26, "target": 28, "label": "C"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 14, "label": "A"}, {"source": 32, "target": 17, "label": "F"}, {"source": 25, "target": 7, "label": "E"}, {"source": 31, "target": 18, "label": "F"}, {"source": 31, "target": 32, "label": "P"}, {"source": 27, "target": 11, "label": "A"}, {"source": 28, "target": 29, "label": "C"}, {"source": 30, "target": 15, "label": "R"}]} +{"id": "243799-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i wont go back!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}, {"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "243799-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "she needs to develop a personality !", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "243799-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "brought dog home and its all choppy now!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 8, "label": "D"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 1, "label": "E"}, {"source": 13, "target": 3, "label": "N"}, {"source": 14, "target": 4, "label": "A"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 12, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 0, "label": "P"}]} +{"id": "245160-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "very professional / very helpful", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "E"}, {"source": 5, "target": 10, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "245160-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the people at Fidelity Leasing were very friendly and helpful.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}, {"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "anchors": [{"from": 61, "to": 62}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 15, "label": "S"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 15, "target": 14, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "N"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "245160-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i was looking for a car but did not really know what i wanted and they were very helpful and took the time to first figure out what my needs were and showing me various options to meet those needs.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}, {"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 122}, {"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 131}, {"from": 132, "to": 134}, {"from": 135, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 145}]}, {"id": 27, "anchors": [{"from": 146, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 168}]}, {"id": 31, "anchors": [{"from": 169, "to": 176}]}, {"id": 32, "anchors": [{"from": 177, "to": 179}]}, {"id": 33, "anchors": [{"from": 180, "to": 184}]}, {"id": 34, "anchors": [{"from": 185, "to": 190}]}, {"id": 35, "anchors": [{"from": 191, "to": 196}]}, {"id": 36, "anchors": [{"from": 196, "to": 197}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 50, "target": 33, "label": "P"}, {"source": 38, "target": 27, "label": "L"}, {"source": 37, "target": 1, "label": "F"}, {"source": 38, "target": 37, "label": "H"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 4, "label": "E"}, {"source": 46, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 44, "label": "P"}, {"source": 46, "target": 23, "label": "D"}, {"source": 41, "target": 12, "label": "P"}, {"source": 49, "target": 31, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 2, "label": "P"}, {"source": 38, "target": 45, "label": "H"}, {"source": 42, "target": 15, "label": "S"}, {"source": 44, "target": 19, "label": "C"}, {"source": 48, "target": 28, "label": "P"}, {"source": 39, "target": 3, "label": "R"}, {"source": 45, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "A"}, {"source": 39, "target": 5, "label": "C"}, {"source": 38, "target": 40, "label": "H"}, {"source": 47, "target": 25, "label": "A"}, {"source": 40, "target": 10, "label": "P"}, {"source": 47, "target": 26, "label": "S"}, {"source": 38, "target": 13, "label": "L"}, {"source": 48, "target": 29, "label": "A"}, {"source": 46, "target": 22, "label": "F"}, {"source": 38, "target": 18, "label": "L"}, {"source": 40, "target": 8, "label": "D"}, {"source": 44, "target": 20, "label": "E"}, {"source": 51, "target": 34, "label": "E"}, {"source": 38, "target": 42, "label": "H"}, {"source": 38, "target": 48, "label": "H"}, {"source": 40, "target": 9, "label": "D"}, {"source": 43, "target": 16, "label": "E"}, {"source": 40, "target": 7, "label": "F"}, {"source": 44, "target": 21, "label": "C"}, {"source": 51, "target": 36, "label": "U"}, {"source": 42, "target": 14, "label": "A"}, {"source": 49, "target": 30, "label": "E"}, {"source": 50, "target": 32, "label": "F"}, {"source": 37, "target": 0, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 38, "target": 6, "label": "L"}, {"source": 50, "target": 51, "label": "A"}, {"source": 46, "target": 24, "label": "P"}, {"source": 51, "target": 35, "label": "C"}, {"source": 43, "target": 17, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 41, "target": 11, "label": "A"}]} +{"id": "245160-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "they seemed more interested in helping me find the right car rather then just make a sale.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 25, "target": 13, "label": "D"}, {"source": 23, "target": 9, "label": "E"}, {"source": 18, "target": 1, "label": "G"}, {"source": 20, "target": 2, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 24, "label": "L"}, {"source": 19, "target": 25, "label": "H"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 14, "label": "F"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 26, "label": "P"}, {"source": 22, "target": 6, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 20, "target": 3, "label": "C"}, {"source": 23, "target": 10, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "245160-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "my experience with them was great - low stress, very helpful and very personal.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 8, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 23, "label": "E"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 24, "target": 14, "label": "C"}, {"source": 23, "target": 12, "label": "N"}, {"source": 22, "target": 10, "label": "E"}, {"source": 20, "target": 6, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "E"}, {"source": 21, "target": 20, "label": "E"}, {"source": 18, "target": 16, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 24, "target": 15, "label": "U"}, {"source": 23, "target": 22, "label": "C"}, {"source": 18, "target": 4, "label": "S"}, {"source": 21, "target": 9, "label": "U"}, {"source": 19, "target": 2, "label": "R"}, {"source": 16, "target": 1, "label": "P"}]} +{"id": "245160-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "after finding the car i wanted they took the time to go over each step and making it as painless as possible.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}, {"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}, {"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 87}, {"from": 88, "to": 96}, {"from": 97, "to": 99}, {"from": 100, "to": 108}]}, {"id": 16, "anchors": [{"from": 108, "to": 109}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 10, "label": "F"}, {"source": 17, "target": 20, "label": "H"}, {"source": 22, "target": 8, "label": "E"}, {"source": 17, "target": 4, "label": "L"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "P"}, {"source": 18, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 24, "label": "H"}, {"source": 23, "target": 12, "label": "A"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 9, "label": "C"}, {"source": 21, "target": 6, "label": "A"}, {"source": 24, "target": 15, "label": "A"}, {"source": 24, "target": 14, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 13, "label": "L"}, {"source": 23, "target": 11, "label": "P"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "245160-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "from start to finish they were top notch.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 9, "label": "D"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "P"}, {"source": 12, "target": 5, "label": "S"}]} +{"id": "245160-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i would highly recommend calling these people up for your next car.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 17, "target": 9, "label": "E"}, {"source": 15, "target": 14, "label": "P"}, {"source": 17, "target": 10, "label": "E"}, {"source": 16, "target": 5, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 17, "label": "E"}, {"source": 14, "target": 1, "label": "F"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 7, "label": "R"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "245928-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rude and Untrustworthy", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 22}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "245928-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys took Customer Service 101 from a Neanderthal.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}, {"from": 25, "to": 32}, {"from": 33, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 55}]}, {"id": 7, "anchors": [{"from": 55, "to": 56}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "A"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "245928-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are especially rude to women.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "R"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "245928-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do not trust them!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "247097-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food Craving Gone and Weight Loss at Acupuncture Doctor", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}, {"from": 13, "to": 17}]}, {"id": 1, "anchors": [{"from": 18, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 33}]}, {"id": 3, "anchors": [{"from": 34, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 48}, {"from": 49, "to": 55}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "N"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "247097-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a college student.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "247097-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Before treatment, my food cravings were \"out of control\" which caused me to be stressed out.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 28, "target": 17, "label": "C"}, {"source": 23, "target": 6, "label": "F"}, {"source": 20, "target": 0, "label": "L"}, {"source": 23, "target": 24, "label": "P"}, {"source": 27, "target": 28, "label": "P"}, {"source": 26, "target": 12, "label": "F"}, {"source": 26, "target": 14, "label": "A"}, {"source": 25, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 27, "target": 15, "label": "F"}, {"source": 28, "target": 18, "label": "E"}, {"source": 27, "target": 16, "label": "F"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 2, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 8, "label": "F"}, {"source": 21, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 9, "label": "R"}, {"source": 26, "target": 13, "label": "P"}, {"source": 22, "target": 5, "label": "C"}, {"source": 22, "target": 4, "label": "E"}, {"source": 22, "target": 3, "label": "E"}, {"source": 25, "target": 11, "label": "U"}, {"source": 23, "target": 7, "label": "U"}, {"source": 23, "target": 22, "label": "A"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "247097-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I experienced a Definite Decrease in food craving (about 50%) and decrease in stress after the 1st treatment.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}, {"from": 25, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 108}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 25, "target": 5, "label": "E"}, {"source": 22, "target": 16, "label": "L"}, {"source": 29, "target": 30, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 12, "label": "N"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 27, "label": "C"}, {"source": 24, "target": 11, "label": "U"}, {"source": 30, "target": 20, "label": "U"}, {"source": 26, "target": 8, "label": "R"}, {"source": 22, "target": 29, "label": "H"}, {"source": 21, "target": 25, "label": "A"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "C"}, {"source": 30, "target": 17, "label": "E"}, {"source": 28, "target": 14, "label": "R"}, {"source": 25, "target": 4, "label": "R"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 7, "label": "U"}, {"source": 24, "target": 10, "label": "U"}, {"source": 24, "target": 23, "label": "C"}, {"source": 30, "target": 18, "label": "E"}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 23, "target": 2, "label": "E"}, {"source": 27, "target": 13, "label": "P"}]} +{"id": "247097-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I actually loss 4 pounds after my 1st treatment and 2 pounds after my 2nd treatment.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 21, "target": 7, "label": "E"}, {"source": 21, "target": 8, "label": "C"}, {"source": 25, "target": 16, "label": "U"}, {"source": 17, "target": 2, "label": "P"}, {"source": 20, "target": 22, "label": "P"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 12, "label": "L"}, {"source": 24, "target": 25, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 17, "target": 1, "label": "D"}, {"source": 24, "target": 13, "label": "A"}, {"source": 25, "target": 14, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 21, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 23, "target": 10, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 23, "target": 11, "label": "C"}, {"source": 18, "target": 5, "label": "L"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 24, "label": "H"}, {"source": 22, "target": 9, "label": "N"}]} +{"id": "247097-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was amazed.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "247097-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am now more at peace and my food craving is about 99% gone after only 3 treatments.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 26, "target": 11, "label": "R"}, {"source": 21, "target": 13, "label": "U"}, {"source": 29, "target": 17, "label": "C"}, {"source": 29, "target": 16, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 8, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 18, "label": "C"}, {"source": 21, "target": 27, "label": "H"}, {"source": 20, "target": 1, "label": "S"}, {"source": 22, "target": 3, "label": "C"}, {"source": 25, "target": 9, "label": "C"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "R"}, {"source": 24, "target": 6, "label": "N"}, {"source": 23, "target": 24, "label": "C"}, {"source": 24, "target": 5, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 4, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 12, "label": "C"}, {"source": 25, "target": 7, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 20, "target": 26, "label": "D"}, {"source": 20, "target": 10, "label": "F"}, {"source": 28, "target": 29, "label": "E"}, {"source": 28, "target": 19, "label": "U"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "247097-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Before coming to Acupuncture DOCTOR I was a big baby about needles and only came because my boyfriend's aunt recommended it.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 28}, {"from": 29, "to": 35}, {"from": 36, "to": 37}]}, {"id": 4, "anchors": [{"from": 38, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 70}]}, {"id": 11, "anchors": [{"from": 71, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 80}]}, {"id": 13, "anchors": [{"from": 81, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 101}]}, {"id": 16, "anchors": [{"from": 101, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 120}]}, {"id": 19, "anchors": [{"from": 121, "to": 123}]}, {"id": 20, "anchors": [{"from": 123, "to": 124}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 19, "label": "A"}, {"source": 23, "target": 2, "label": "R"}, {"source": 28, "target": 16, "label": "R"}, {"source": 22, "target": 4, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 26, "label": "H"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 1, "label": "P"}, {"source": 24, "target": 5, "label": "E"}, {"source": 28, "target": 14, "label": "E"}, {"source": 26, "target": 11, "label": "D"}, {"source": 29, "target": 18, "label": "P"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 25, "target": 8, "label": "R"}, {"source": 21, "target": 10, "label": "L"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 29, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 13, "label": "R"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "247097-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It hurt very little, felt more like pressure than pain.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 17, "target": 16, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 6, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 12, "target": 14, "label": "D"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "R"}, {"source": 13, "target": 15, "label": "H"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 5, "label": "S"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "247097-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What I like most about Dr. Liau is that she is very caring.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 14, "target": 17, "label": "P"}, {"source": 18, "target": 3, "label": "C"}, {"source": 19, "target": 10, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 19, "target": 8, "label": "F"}, {"source": 17, "target": 2, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 11, "label": "D"}, {"source": 16, "target": 7, "label": "S"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "247097-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She talks to you at each appointment.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "247097-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I can tell she really cares and wants to help.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 14, "target": 5, "label": "C"}, {"source": 11, "target": 13, "label": "H"}, {"source": 12, "target": 2, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 4, "label": "D"}, {"source": 14, "target": 7, "label": "D"}, {"source": 14, "target": 6, "label": "N"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 8, "label": "F"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "247097-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am SO GLAD to have found Dr. Liau.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "247097-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now I feel more confident wearing my bathing suit in the summer.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 18, "label": "D"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 4, "label": "P"}, {"source": 15, "target": 14, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "247226-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "College is a Joke and the Salon is a JOKE!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 10, "label": "U"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 13, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "S"}, {"source": 17, "target": 9, "label": "C"}, {"source": 12, "target": 16, "label": "A"}, {"source": 14, "target": 4, "label": "N"}, {"source": 12, "target": 14, "label": "S"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "247226-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Went to the school here OVER PRICED!!!!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "247226-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You do NOT learn the things you were promised.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "P"}, {"source": 13, "target": 7, "label": "F"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "247226-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You have to bring in your own models and they have to pay for you to use them if you dont then you can graduate!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}, {"from": 90, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 111}]}, {"id": 25, "anchors": [{"from": 111, "to": 112}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 33, "target": 20, "label": "S"}, {"source": 34, "target": 22, "label": "A"}, {"source": 27, "target": 30, "label": "H"}, {"source": 30, "target": 11, "label": "F"}, {"source": 29, "target": 6, "label": "E"}, {"source": 27, "target": 8, "label": "L"}, {"source": 30, "target": 9, "label": "A"}, {"source": 28, "target": 3, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 32, "target": 14, "label": "A"}, {"source": 26, "target": 28, "label": "P"}, {"source": 26, "target": 2, "label": "F"}, {"source": 34, "target": 24, "label": "P"}, {"source": 30, "target": 31, "label": "P"}, {"source": 29, "target": 7, "label": "C"}, {"source": 31, "target": 12, "label": "C"}, {"source": 31, "target": 10, "label": "F"}, {"source": 34, "target": 23, "label": "D"}, {"source": 32, "target": 16, "label": "P"}, {"source": 27, "target": 33, "label": "H"}, {"source": 27, "target": 34, "label": "H"}, {"source": 26, "target": 29, "label": "A"}, {"source": 32, "target": 13, "label": "R"}, {"source": 32, "target": 17, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 33, "target": 21, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 5, "label": "E"}, {"source": 32, "target": 15, "label": "F"}, {"source": 27, "target": 18, "label": "L"}, {"source": 33, "target": 19, "label": "A"}, {"source": 34, "target": 25, "label": "U"}, {"source": 29, "target": 4, "label": "R"}]} +{"id": "247226-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Going back after graduating your told you get a discount on services nope you dont.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 31}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 27, "label": "L"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 14, "label": "S"}, {"source": 23, "target": 5, "label": "P"}, {"source": 27, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 28, "target": 15, "label": "D"}, {"source": 25, "target": 28, "label": "H"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 19, "target": 0, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 21, "label": "H"}, {"source": 27, "target": 10, "label": "R"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 12, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 8, "label": "E"}, {"source": 24, "target": 6, "label": "A"}, {"source": 20, "target": 17, "label": "A"}, {"source": 20, "target": 1, "label": "L"}, {"source": 28, "target": 13, "label": "A"}, {"source": 28, "target": 16, "label": "U"}, {"source": 22, "target": 3, "label": "E"}, {"source": 24, "target": 7, "label": "P"}, {"source": 26, "target": 9, "label": "C"}, {"source": 22, "target": 4, "label": "C"}]} +{"id": "247226-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staff is under educated.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "247226-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Going there you learn the school does not care about the services given just about the money.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 2, "label": "A"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 12, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 3, "label": "P"}, {"source": 26, "target": 15, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 7, "label": "D"}, {"source": 19, "target": 0, "label": "P"}, {"source": 24, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 25, "label": "C"}, {"source": 20, "target": 23, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 5, "label": "C"}, {"source": 22, "target": 4, "label": "E"}, {"source": 24, "target": 10, "label": "E"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 6, "label": "F"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 9, "label": "R"}, {"source": 20, "target": 8, "label": "S"}, {"source": 25, "target": 24, "label": "A"}]} +{"id": "247226-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over priced for students to learn!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 5, "label": "P"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 3, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "F"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "247226-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beware of the nail program you are not taught to use a nail drill AT ALL you learn the old fashioned way of doing nails you will not be able to do well in a salon!!!", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 151}]}, {"id": 33, "anchors": [{"from": 152, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 156}]}, {"id": 35, "anchors": [{"from": 157, "to": 162}]}, {"id": 36, "anchors": [{"from": 162, "to": 165}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 47, "target": 32, "label": "D"}, {"source": 45, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 28, "label": "F"}, {"source": 40, "target": 5, "label": "A"}, {"source": 47, "target": 26, "label": "F"}, {"source": 38, "target": 37, "label": "H"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 14, "label": "R"}, {"source": 45, "target": 23, "label": "P"}, {"source": 47, "target": 30, "label": "F"}, {"source": 48, "target": 31, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 49, "target": 34, "label": "E"}, {"source": 39, "target": 2, "label": "E"}, {"source": 49, "target": 35, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 44, "target": 18, "label": "E"}, {"source": 49, "target": 36, "label": "U"}, {"source": 39, "target": 1, "label": "R"}, {"source": 47, "target": 25, "label": "A"}, {"source": 40, "target": 10, "label": "P"}, {"source": 37, "target": 40, "label": "A"}, {"source": 41, "target": 12, "label": "E"}, {"source": 47, "target": 27, "label": "D"}, {"source": 40, "target": 8, "label": "D"}, {"source": 40, "target": 9, "label": "F"}, {"source": 42, "target": 15, "label": "E"}, {"source": 39, "target": 3, "label": "E"}, {"source": 44, "target": 20, "label": "E"}, {"source": 45, "target": 22, "label": "R"}, {"source": 46, "target": 47, "label": "E"}, {"source": 47, "target": 48, "label": "P"}, {"source": 41, "target": 11, "label": "E"}, {"source": 39, "target": 4, "label": "C"}, {"source": 38, "target": 43, "label": "H"}, {"source": 37, "target": 0, "label": "P"}, {"source": 44, "target": 45, "label": "E"}, {"source": 44, "target": 19, "label": "E"}, {"source": 40, "target": 7, "label": "D"}, {"source": 44, "target": 21, "label": "C"}, {"source": 41, "target": 13, "label": "C"}, {"source": 43, "target": 17, "label": "P"}, {"source": 46, "target": 24, "label": "C"}, {"source": 40, "target": 6, "label": "F"}, {"source": 43, "target": 16, "label": "A"}, {"source": 47, "target": 49, "label": "A"}, {"source": 49, "target": 33, "label": "R"}, {"source": 43, "target": 42, "label": "A"}, {"source": 48, "target": 29, "label": "E"}]} +{"id": "247226-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BEWARE!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "248027-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tried Crust on Broad on 3 occasions.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 11, "label": "D"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 9, "target": 10, "label": "D"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "248027-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Twice for dinner and once for lunch Absolutely rude service every time!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "D"}, {"source": 16, "target": 5, "label": "R"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 8, "label": "P"}, {"source": 16, "target": 6, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 14, "target": 17, "label": "H"}, {"source": 13, "target": 0, "label": "C"}, {"source": 15, "target": 4, "label": "D"}, {"source": 17, "target": 9, "label": "A"}, {"source": 14, "target": 3, "label": "L"}, {"source": 14, "target": 13, "label": "L"}, {"source": 16, "target": 7, "label": "E"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "248027-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff will not even answer the phone for take out.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}, {"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 4, "label": "D"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 5, "label": "P"}, {"source": 13, "target": 3, "label": "D"}, {"source": 15, "target": 9, "label": "P"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "248027-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tonight, I called several times with no answer (Btwn 5:30 and 6 pm) and finally drove there to place my order in person.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 103}]}, {"id": 23, "anchors": [{"from": 104, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 119}]}, {"id": 26, "anchors": [{"from": 119, "to": 120}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 35, "target": 18, "label": "P"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 5, "label": "C"}, {"source": 33, "target": 10, "label": "C"}, {"source": 32, "target": 8, "label": "C"}, {"source": 35, "target": 19, "label": "A"}, {"source": 28, "target": 16, "label": "L"}, {"source": 38, "target": 25, "label": "C"}, {"source": 31, "target": 6, "label": "R"}, {"source": 37, "target": 23, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 27, "target": 29, "label": "E"}, {"source": 28, "target": 27, "label": "L"}, {"source": 38, "target": 24, "label": "R"}, {"source": 36, "target": 21, "label": "C"}, {"source": 30, "target": 4, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 35, "target": 37, "label": "A"}, {"source": 27, "target": 1, "label": "U"}, {"source": 32, "target": 9, "label": "U"}, {"source": 34, "target": 13, "label": "C"}, {"source": 28, "target": 15, "label": "U"}, {"source": 36, "target": 22, "label": "E"}, {"source": 29, "target": 30, "label": "D"}, {"source": 29, "target": 2, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 34, "target": 12, "label": "N"}, {"source": 28, "target": 35, "label": "H"}, {"source": 29, "target": 3, "label": "P"}, {"source": 38, "target": 26, "label": "U"}, {"source": 35, "target": 17, "label": "D"}, {"source": 35, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 36, "label": "E"}, {"source": 32, "target": 7, "label": "E"}, {"source": 34, "target": 11, "label": "C"}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 0, "label": "C"}, {"source": 31, "target": 14, "label": "C"}, {"source": 35, "target": 20, "label": "F"}]} +{"id": "248027-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There was not a customer to be found.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 5, "label": "F"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 2, "label": "D"}, {"source": 10, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 7, "label": "P"}]} +{"id": "248124-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pure Pilates!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "248124-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is the real thing - I have been practicing Pilates for over 7 years and would not go anywhere else.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}, {"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}, {"from": 88, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 101, "to": 102}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 23, "target": 6, "label": "F"}, {"source": 26, "target": 16, "label": "D"}, {"source": 23, "target": 7, "label": "F"}, {"source": 26, "target": 19, "label": "U"}, {"source": 22, "target": 5, "label": "U"}, {"source": 21, "target": 26, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 24, "target": 10, "label": "R"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "F"}, {"source": 26, "target": 18, "label": "D"}, {"source": 22, "target": 2, "label": "E"}, {"source": 20, "target": 1, "label": "S"}, {"source": 23, "target": 8, "label": "P"}, {"source": 23, "target": 9, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 24, "target": 12, "label": "E"}, {"source": 21, "target": 14, "label": "L"}, {"source": 24, "target": 11, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 3, "label": "E"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "D"}, {"source": 22, "target": 4, "label": "C"}, {"source": 25, "target": 17, "label": "C"}]} +{"id": "248124-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is the attention to detail and the quality of the work taught at TomiPilates that sets this studio apart from the others.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 123}]}, {"id": 23, "anchors": [{"from": 123, "to": 124}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 35, "target": 23, "label": "U"}, {"source": 34, "target": 17, "label": "E"}, {"source": 24, "target": 25, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 2, "label": "E"}, {"source": 25, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "C"}, {"source": 33, "target": 16, "label": "P"}, {"source": 34, "target": 18, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 28, "target": 4, "label": "R"}, {"source": 27, "target": 6, "label": "N"}, {"source": 27, "target": 26, "label": "C"}, {"source": 25, "target": 27, "label": "A"}, {"source": 33, "target": 35, "label": "A"}, {"source": 35, "target": 20, "label": "R"}, {"source": 29, "target": 8, "label": "C"}, {"source": 27, "target": 29, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 14, "label": "C"}, {"source": 35, "target": 22, "label": "C"}, {"source": 31, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 19, "label": "R"}, {"source": 31, "target": 12, "label": "P"}, {"source": 26, "target": 3, "label": "C"}, {"source": 28, "target": 5, "label": "C"}, {"source": 32, "target": 13, "label": "R"}, {"source": 29, "target": 7, "label": "E"}, {"source": 30, "target": 10, "label": "E"}, {"source": 33, "target": 15, "label": "R"}, {"source": 35, "target": 21, "label": "E"}, {"source": 25, "target": 1, "label": "S"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "248124-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The teachers are highly trained and are expert at handling all types of clients.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 7, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 21, "target": 11, "label": "C"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 10, "label": "E"}, {"source": 18, "target": 6, "label": "S"}, {"source": 20, "target": 8, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 12, "label": "R"}, {"source": 17, "target": 5, "label": "L"}, {"source": 17, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "P"}, {"source": 16, "target": 2, "label": "F"}, {"source": 16, "target": 3, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "248616-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Took a laptop in for a video cable to be replaced.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 9, "label": "F"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 16, "target": 8, "label": "F"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 1, "label": "E"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "248616-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything except the display worked fine before I took it in.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 55}, {"from": 56, "to": 58}, {"from": 59, "to": 61}]}, {"id": 9, "anchors": [{"from": 61, "to": 62}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 13, "target": 4, "label": "P"}, {"source": 11, "target": 10, "label": "L"}, {"source": 14, "target": 7, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "C"}, {"source": 11, "target": 14, "label": "H"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 6, "label": "L"}, {"source": 13, "target": 5, "label": "D"}, {"source": 12, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "248616-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The video cable was replaced and suddenly the motherboard was dead.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 4, "label": "P"}, {"source": 12, "target": 1, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 9, "label": "F"}, {"source": 15, "target": 10, "label": "S"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 12, "label": "A"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "248616-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Phone calls weren't returned when promised and the botched repair took a week longer than promised.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 98}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 3, "label": "D"}, {"source": 21, "target": 26, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 21, "target": 6, "label": "P"}, {"source": 25, "target": 15, "label": "F"}, {"source": 26, "target": 25, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 5, "label": "L"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 24, "target": 11, "label": "F"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 26, "target": 17, "label": "U"}, {"source": 19, "target": 4, "label": "P"}, {"source": 26, "target": 16, "label": "P"}, {"source": 22, "target": 10, "label": "C"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "249123-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No Customer Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}, {"from": 12, "to": 19}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "E"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "249123-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Employees seemed to be having a good time chatting and laughing with each other, while myself and other customers were completely ignored.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 113}]}, {"id": 20, "anchors": [{"from": 114, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 137}]}, {"id": 23, "anchors": [{"from": 137, "to": 138}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 29, "target": 13, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 30, "target": 17, "label": "N"}, {"source": 24, "target": 2, "label": "F"}, {"source": 24, "target": 3, "label": "F"}, {"source": 31, "target": 21, "label": "D"}, {"source": 24, "target": 1, "label": "G"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "U"}, {"source": 27, "target": 5, "label": "E"}, {"source": 26, "target": 28, "label": "P"}, {"source": 27, "target": 6, "label": "E"}, {"source": 30, "target": 32, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 24, "target": 26, "label": "S"}, {"source": 31, "target": 30, "label": "A"}, {"source": 25, "target": 31, "label": "H"}, {"source": 25, "target": 15, "label": "L"}, {"source": 27, "target": 7, "label": "C"}, {"source": 30, "target": 16, "label": "C"}, {"source": 28, "target": 8, "label": "C"}, {"source": 32, "target": 19, "label": "C"}, {"source": 29, "target": 12, "label": "E"}, {"source": 28, "target": 9, "label": "N"}, {"source": 26, "target": 29, "label": "A"}, {"source": 31, "target": 20, "label": "F"}, {"source": 26, "target": 4, "label": "F"}, {"source": 29, "target": 11, "label": "R"}, {"source": 24, "target": 27, "label": "A"}, {"source": 31, "target": 22, "label": "P"}]} +{"id": "249123-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Another person in the store stood there with an item and repeatedly tried to get a sales persons attention.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 24, "label": "E"}, {"source": 22, "target": 5, "label": "P"}, {"source": 25, "target": 7, "label": "R"}, {"source": 21, "target": 0, "label": "E"}, {"source": 24, "target": 2, "label": "R"}, {"source": 21, "target": 1, "label": "C"}, {"source": 28, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 25, "target": 8, "label": "E"}, {"source": 26, "target": 14, "label": "P"}, {"source": 23, "target": 10, "label": "L"}, {"source": 26, "target": 11, "label": "D"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 12, "label": "D"}, {"source": 27, "target": 16, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 28, "label": "E"}, {"source": 22, "target": 6, "label": "A"}, {"source": 28, "target": 18, "label": "R"}, {"source": 22, "target": 25, "label": "A"}, {"source": 26, "target": 13, "label": "F"}, {"source": 27, "target": 15, "label": "E"}, {"source": 24, "target": 4, "label": "C"}]} +{"id": "249123-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It wasn't until he gave up and walked out the door that someone asked Can I help you.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 84, "to": 85}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 11, "label": "C"}, {"source": 28, "target": 18, "label": "A"}, {"source": 21, "target": 3, "label": "L"}, {"source": 26, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 8, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 23, "target": 6, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 27, "target": 13, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 25, "target": 9, "label": "C"}, {"source": 22, "target": 4, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 12, "label": "F"}, {"source": 28, "target": 17, "label": "P"}, {"source": 28, "target": 16, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 2, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 20, "target": 0, "label": "F"}, {"source": 28, "target": 15, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 21, "target": 7, "label": "L"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "249889-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "great garage and customer service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "249889-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "great knowledge and prices compared to anyone in the industry.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 15, "target": 5, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 11, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 11, "target": 0, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "N"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 4, "label": "P"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "250878-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is my favorite coffee store.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "250878-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just ask American Express", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}, {"from": 18, "to": 25}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 3, "target": 0, "label": "D"}, {"source": 7, "target": 2, "label": "A"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 3, "label": "H"}, {"source": 5, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "H"}, {"source": 3, "target": 1, "label": "P"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "251475-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great People and even better service!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 8, "target": 7, "label": "C"}, {"source": 8, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 2, "label": "N"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 11, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "251475-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best to deal with!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "P"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "251475-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In a few words ... I'm pleasantly surprised that you can still find \"old school\" service out there where company care more about good name and customers than their pockets...", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}, {"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}, {"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 138}]}, {"id": 26, "anchors": [{"from": 139, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 163}]}, {"id": 30, "anchors": [{"from": 164, "to": 171}]}, {"id": 31, "anchors": [{"from": 171, "to": 174}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 35, "target": 6, "label": "D"}, {"source": 36, "target": 11, "label": "D"}, {"source": 38, "target": 15, "label": "C"}, {"source": 44, "target": 28, "label": "R"}, {"source": 42, "target": 24, "label": "E"}, {"source": 32, "target": 0, "label": "R"}, {"source": 34, "target": 4, "label": "U"}, {"source": 44, "target": 31, "label": "U"}, {"source": 44, "target": 29, "label": "E"}, {"source": 36, "target": 16, "label": "U"}, {"source": 43, "target": 26, "label": "N"}, {"source": 32, "target": 1, "label": "E"}, {"source": 42, "target": 25, "label": "C"}, {"source": 41, "target": 43, "label": "C"}, {"source": 36, "target": 39, "label": "A"}, {"source": 36, "target": 8, "label": "F"}, {"source": 39, "target": 20, "label": "A"}, {"source": 39, "target": 19, "label": "R"}, {"source": 36, "target": 38, "label": "A"}, {"source": 33, "target": 34, "label": "H"}, {"source": 32, "target": 3, "label": "C"}, {"source": 36, "target": 17, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 32, "label": "A"}, {"source": 38, "target": 14, "label": "E"}, {"source": 37, "target": 10, "label": "F"}, {"source": 35, "target": 5, "label": "A"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 27, "label": "C"}, {"source": 40, "target": 23, "label": "R"}, {"source": 36, "target": 18, "label": "D"}, {"source": 43, "target": 42, "label": "C"}, {"source": 35, "target": 7, "label": "P"}, {"source": 37, "target": 12, "label": "C"}, {"source": 39, "target": 44, "label": "A"}, {"source": 32, "target": 2, "label": "E"}, {"source": 41, "target": 40, "label": "R"}, {"source": 36, "target": 37, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 9, "label": "A"}, {"source": 36, "target": 13, "label": "U"}, {"source": 40, "target": 22, "label": "C"}, {"source": 39, "target": 21, "label": "S"}, {"source": 44, "target": 30, "label": "C"}]} +{"id": "251475-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended people / business.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "251475-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Josh!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "251755-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolutely amazing job!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "251755-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Susanna is the best dress maker/tailor I've ever come across in my whole life!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}, {"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}, {"from": 54, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 20, "target": 14, "label": "C"}, {"source": 17, "target": 9, "label": "D"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 4, "label": "E"}, {"source": 17, "target": 1, "label": "S"}, {"source": 18, "target": 7, "label": "E"}, {"source": 20, "target": 13, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 6, "label": "U"}, {"source": 17, "target": 20, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 10, "label": "D"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 12, "label": "E"}]} +{"id": "251755-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She makes every item fit you perfectly.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 6, "label": "D"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "251755-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is always so busy, too, which is a good indication of her talent.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 68}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 7, "label": "U"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 1, "label": "F"}, {"source": 22, "target": 13, "label": "R"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 22, "target": 14, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 20, "target": 8, "label": "F"}, {"source": 18, "target": 2, "label": "D"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 19, "target": 20, "label": "E"}, {"source": 22, "target": 15, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 11, "label": "E"}, {"source": 19, "target": 6, "label": "R"}, {"source": 18, "target": 4, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 9, "label": "S"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "251755-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She's the best!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "251774-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you for helping me get more healthy!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 0, "label": "P"}, {"source": 12, "target": 3, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 4, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "251774-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came in and saw Dr. Ruona about a month ago for quitting smoking.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}, {"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 3, "label": "L"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "P"}, {"source": 18, "target": 7, "label": "E"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 6, "label": "R"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 12, "label": "A"}, {"source": 14, "target": 16, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 17, "target": 18, "label": "D"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 15, "target": 10, "label": "L"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 5, "label": "A"}]} +{"id": "251774-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have to tell you that I haven't had one and don't want one.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 48}]}, {"id": 13, "anchors": [{"from": 48, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "anchors": [{"from": 60, "to": 61}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 1, "label": "F"}, {"source": 20, "target": 8, "label": "D"}, {"source": 17, "target": 19, "label": "P"}, {"source": 20, "target": 5, "label": "F"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 7, "label": "F"}, {"source": 21, "target": 13, "label": "A"}, {"source": 19, "target": 3, "label": "C"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 21, "target": 12, "label": "F"}, {"source": 21, "target": 14, "label": "P"}, {"source": 18, "target": 21, "label": "H"}, {"source": 17, "target": 4, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 18, "target": 11, "label": "L"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 6, "label": "A"}, {"source": 20, "target": 9, "label": "S"}, {"source": 21, "target": 15, "label": "A"}]} +{"id": "251774-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is the easiest thing that I have ever done and I tell all my friends that they should do it too.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 13, "label": "R"}, {"source": 25, "target": 3, "label": "E"}, {"source": 29, "target": 16, "label": "F"}, {"source": 24, "target": 27, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 29, "target": 20, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 29, "target": 18, "label": "D"}, {"source": 28, "target": 15, "label": "C"}, {"source": 26, "target": 8, "label": "D"}, {"source": 29, "target": 19, "label": "P"}, {"source": 26, "target": 6, "label": "A"}, {"source": 24, "target": 10, "label": "L"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 14, "label": "E"}, {"source": 29, "target": 22, "label": "U"}, {"source": 26, "target": 9, "label": "P"}, {"source": 29, "target": 17, "label": "A"}, {"source": 26, "target": 7, "label": "F"}, {"source": 27, "target": 12, "label": "P"}, {"source": 26, "target": 5, "label": "F"}, {"source": 24, "target": 23, "label": "H"}, {"source": 29, "target": 21, "label": "D"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 11, "label": "A"}, {"source": 23, "target": 1, "label": "S"}]} +{"id": "251774-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I sent a customer of mine to you.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}, {"from": 18, "to": 20}, {"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "251774-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Ruona, if you read this, thank you for helping me get more healthy.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}, {"from": 58, "to": 62}, {"from": 63, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 18, "target": 8, "label": "P"}, {"source": 19, "target": 11, "label": "P"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "L"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "U"}, {"source": 16, "target": 5, "label": "P"}, {"source": 16, "target": 15, "label": "A"}, {"source": 16, "target": 4, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "H"}, {"source": 17, "target": 2, "label": "U"}, {"source": 19, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "P"}, {"source": 20, "target": 12, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "251774-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I feel lighter and feel that I have more possibilities open to me now than I did before.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 11, "label": "R"}, {"source": 24, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 12, "label": "C"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 26, "target": 17, "label": "D"}, {"source": 21, "target": 2, "label": "C"}, {"source": 24, "target": 10, "label": "P"}, {"source": 19, "target": 1, "label": "G"}, {"source": 21, "target": 3, "label": "N"}, {"source": 26, "target": 14, "label": "R"}, {"source": 23, "target": 8, "label": "E"}, {"source": 26, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 7, "label": "F"}, {"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 16, "label": "P"}, {"source": 19, "target": 21, "label": "P"}, {"source": 22, "target": 5, "label": "F"}, {"source": 20, "target": 26, "label": "H"}]} +{"id": "251774-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I can't thank you enough.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 9, "target": 1, "label": "E"}, {"source": 8, "target": 4, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 2, "label": "A"}, {"source": 8, "target": 5, "label": "D"}]} +{"id": "252791-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "no feathers in stock!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "D"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}]} +{"id": "252791-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was very upset when I went to Mother Plucker, they had NO FEATHERS and the quality is TERRIBLE.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 38}, {"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 6, "label": "P"}, {"source": 23, "target": 7, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 5, "label": "A"}, {"source": 25, "target": 13, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 3, "label": "S"}, {"source": 21, "target": 4, "label": "L"}, {"source": 24, "target": 10, "label": "A"}, {"source": 26, "target": 14, "label": "N"}, {"source": 24, "target": 19, "label": "U"}, {"source": 26, "target": 25, "label": "C"}, {"source": 24, "target": 17, "label": "F"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "U"}, {"source": 24, "target": 11, "label": "P"}, {"source": 27, "target": 15, "label": "E"}, {"source": 25, "target": 12, "label": "E"}, {"source": 26, "target": 27, "label": "C"}, {"source": 24, "target": 18, "label": "A"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "252791-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had to dig in a bag to find one nice feather, what a joke!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 59}]}, {"id": 16, "anchors": [{"from": 59, "to": 60}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 13, "label": "F"}, {"source": 21, "target": 8, "label": "P"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 17, "target": 19, "label": "P"}, {"source": 17, "target": 2, "label": "F"}, {"source": 21, "target": 12, "label": "U"}, {"source": 19, "target": 3, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 7, "label": "L"}, {"source": 20, "target": 4, "label": "R"}, {"source": 19, "target": 1, "label": "E"}]} +{"id": "253807-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cheapest drinks in Keene!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 2, "label": "R"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "254908-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I hired this company to unlock my car.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 4, "label": "F"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "254908-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The price they gave was good so I said hey this seems great.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 11, "label": "P"}, {"source": 16, "target": 4, "label": "F"}, {"source": 16, "target": 7, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "D"}, {"source": 17, "target": 3, "label": "F"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 17, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 8, "label": "D"}, {"source": 18, "target": 12, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 16, "target": 9, "label": "A"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "254908-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After they showed up there was a little trouble to get my car unlocked, it took quite a bit of time but the job was well done.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}, {"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 126}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 34, "target": 15, "label": "P"}, {"source": 35, "target": 20, "label": "C"}, {"source": 28, "target": 38, "label": "H"}, {"source": 29, "target": 1, "label": "A"}, {"source": 31, "target": 5, "label": "E"}, {"source": 34, "target": 14, "label": "A"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 34, "label": "H"}, {"source": 33, "target": 10, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 37, "target": 23, "label": "C"}, {"source": 32, "target": 8, "label": "F"}, {"source": 35, "target": 16, "label": "E"}, {"source": 33, "target": 11, "label": "C"}, {"source": 32, "target": 9, "label": "P"}, {"source": 38, "target": 25, "label": "D"}, {"source": 31, "target": 7, "label": "C"}, {"source": 30, "target": 31, "label": "P"}, {"source": 28, "target": 0, "label": "L"}, {"source": 34, "target": 35, "label": "D"}, {"source": 30, "target": 4, "label": "F"}, {"source": 38, "target": 24, "label": "F"}, {"source": 38, "target": 26, "label": "S"}, {"source": 28, "target": 21, "label": "L"}, {"source": 35, "target": 36, "label": "E"}, {"source": 31, "target": 6, "label": "E"}, {"source": 36, "target": 19, "label": "R"}, {"source": 36, "target": 18, "label": "C"}, {"source": 35, "target": 17, "label": "E"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 13, "label": "U"}, {"source": 30, "target": 32, "label": "A"}, {"source": 32, "target": 12, "label": "A"}, {"source": 37, "target": 22, "label": "E"}, {"source": 29, "target": 2, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 3, "label": "F"}, {"source": 38, "target": 27, "label": "U"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "255261-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rate a church?", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "255261-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Might as well just hotpot the curb and rate the traffic light.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 1, "label": "R"}, {"source": 18, "target": 5, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 3, "label": "D"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "C"}, {"source": 14, "target": 0, "label": "S"}, {"source": 14, "target": 15, "label": "D"}, {"source": 19, "target": 10, "label": "E"}, {"source": 17, "target": 7, "label": "N"}, {"source": 14, "target": 19, "label": "A"}, {"source": 17, "target": 8, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "255261-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's a bloody church, for chrisssake!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "R"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "255261-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Big, grey and imposing.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 3, "label": "N"}, {"source": 9, "target": 6, "label": "P"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 4, "label": "C"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}]} +{"id": "255261-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go there on christian holidays for a bit of churchy grandure.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 14, "target": 2, "label": "R"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 0, "label": "P"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 17, "label": "E"}]} +{"id": "255261-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The pastor at this church is cool, I met him after some holiday service.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 20, "target": 8, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 21, "target": 13, "label": "E"}, {"source": 16, "target": 19, "label": "E"}, {"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 7, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 21, "target": 12, "label": "E"}, {"source": 20, "target": 10, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 6, "label": "S"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 2, "label": "R"}, {"source": 17, "target": 5, "label": "F"}]} +{"id": "255261-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He had a robe that was made back in the '60s.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 44, "to": 45}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "R"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "255261-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "God was pleased with that one!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "255261-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's historical for Sf, so when your aunte comes for a visit, take her there.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}, {"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 3, "label": "R"}, {"source": 22, "target": 7, "label": "E"}, {"source": 19, "target": 6, "label": "L"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 11, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 10, "label": "R"}, {"source": 18, "target": 20, "label": "A"}, {"source": 25, "target": 15, "label": "A"}, {"source": 25, "target": 16, "label": "A"}, {"source": 19, "target": 25, "label": "H"}, {"source": 19, "target": 23, "label": "H"}, {"source": 25, "target": 14, "label": "P"}, {"source": 19, "target": 13, "label": "U"}, {"source": 20, "target": 2, "label": "C"}, {"source": 18, "target": 1, "label": "S"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "U"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 9, "label": "P"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "255261-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great for the kiddies - they love the labyrinth (don't forget to tell 'em its really a 'pagen' thing!).", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}, {"from": 24, "to": 28}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 88}]}, {"id": 20, "anchors": [{"from": 88, "to": 93}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 100}]}, {"id": 23, "anchors": [{"from": 100, "to": 101}]}, {"id": 24, "anchors": [{"from": 101, "to": 102}]}, {"id": 25, "anchors": [{"from": 102, "to": 103}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 33, "target": 13, "label": "P"}, {"source": 26, "target": 0, "label": "C"}, {"source": 34, "target": 17, "label": "D"}, {"source": 35, "target": 23, "label": "U"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 4, "label": "U"}, {"source": 32, "target": 10, "label": "D"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 14, "label": "A"}, {"source": 31, "target": 9, "label": "F"}, {"source": 35, "target": 20, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 30, "target": 7, "label": "C"}, {"source": 30, "target": 6, "label": "E"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 19, "label": "U"}, {"source": 29, "target": 3, "label": "C"}, {"source": 34, "target": 15, "label": "A"}, {"source": 32, "target": 11, "label": "P"}, {"source": 26, "target": 29, "label": "E"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 1, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 35, "target": 22, "label": "C"}, {"source": 28, "target": 31, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 35, "target": 21, "label": "U"}, {"source": 27, "target": 30, "label": "A"}, {"source": 35, "target": 24, "label": "U"}, {"source": 29, "target": 5, "label": "C"}, {"source": 35, "target": 18, "label": "E"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 12, "label": "F"}, {"source": 29, "target": 2, "label": "E"}, {"source": 28, "target": 8, "label": "U"}, {"source": 34, "target": 16, "label": "P"}]} +{"id": "255261-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stop by at least once or you'll go to heck!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}, {"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 14, "target": 9, "label": "P"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "L"}, {"source": 14, "target": 7, "label": "D"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 8, "label": "F"}, {"source": 11, "target": 0, "label": "P"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "255736-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Remember seeing \"Stop Making Sense\" at Cinema 21 multiple times!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}, {"from": 22, "to": 28}, {"from": 29, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 45}, {"from": 46, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 63}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 8, "label": "C"}, {"source": 12, "target": 7, "label": "E"}, {"source": 11, "target": 4, "label": "U"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 2, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "A"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "255736-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "YAY, great theater!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 8, "label": "E"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "255757-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "they recovered the pics geeksquad deleted.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 41}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 10, "target": 5, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 9, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 4, "label": "C"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "255757-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "many thanks", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 4, "target": 5, "label": "D"}, {"source": 3, "target": 4, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "256677-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Love Hop City", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 13}]}, {"id": 1}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "256677-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is great!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "256677-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Craig and Nate are wonderful.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "N"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "256677-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I know now where to get all of my wine and beer.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 4, "label": "F"}, {"source": 15, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "N"}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 2, "label": "D"}, {"source": 15, "target": 17, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 8, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "P"}, {"source": 14, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "256677-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No need to go to a grocer again.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 1, "label": "S"}, {"source": 12, "target": 2, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "D"}, {"source": 11, "target": 0, "label": "D"}]} +{"id": "257296-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Course has come a long way!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 9, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "257296-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HCC's new nine was a little shaky at first, but the NEW grounds superintendant has done wonders for the course!!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 110}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 4, "label": "F"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 3, "label": "C"}, {"source": 26, "target": 11, "label": "L"}, {"source": 25, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "D"}, {"source": 24, "target": 23, "label": "E"}, {"source": 29, "target": 15, "label": "C"}, {"source": 30, "target": 17, "label": "P"}, {"source": 27, "target": 5, "label": "E"}, {"source": 26, "target": 30, "label": "H"}, {"source": 29, "target": 13, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 23, "target": 0, "label": "C"}, {"source": 27, "target": 7, "label": "C"}, {"source": 29, "target": 12, "label": "E"}, {"source": 28, "target": 9, "label": "C"}, {"source": 29, "target": 14, "label": "E"}, {"source": 25, "target": 6, "label": "D"}, {"source": 31, "target": 20, "label": "E"}, {"source": 25, "target": 27, "label": "S"}, {"source": 23, "target": 1, "label": "R"}, {"source": 24, "target": 2, "label": "E"}, {"source": 30, "target": 18, "label": "A"}, {"source": 30, "target": 16, "label": "F"}, {"source": 28, "target": 8, "label": "R"}, {"source": 25, "target": 24, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 26, "target": 10, "label": "U"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "257296-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The comment below definitely needs to be retracted!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 50}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 3, "label": "D"}]} +{"id": "257296-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Come back and give HCC a second chance at least!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "C"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 14, "label": "C"}, {"source": 11, "target": 0, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 2, "label": "N"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "A"}, {"source": 12, "target": 11, "label": "D"}]} +{"id": "257296-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is a great course for local golfers to be proud of and all the comments in 2008 have been very positive!!", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 25, "label": "S"}, {"source": 27, "target": 9, "label": "F"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 27, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 24, "target": 8, "label": "L"}, {"source": 27, "target": 10, "label": "S"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 31, "target": 19, "label": "S"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 15, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 32, "target": 20, "label": "E"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 17, "label": "C"}, {"source": 24, "target": 31, "label": "H"}, {"source": 23, "target": 26, "label": "A"}, {"source": 30, "target": 16, "label": "R"}, {"source": 29, "target": 13, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 12, "label": "N"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 32, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 11, "label": "C"}, {"source": 29, "target": 14, "label": "E"}, {"source": 32, "target": 21, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 18, "label": "F"}, {"source": 28, "target": 29, "label": "C"}]} +{"id": "257735-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't waste your money on the jukebox", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "E"}, {"source": 11, "target": 7, "label": "E"}, {"source": 9, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "257735-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The bartender is a douchebag and he has a little console behind the bar where he can delete songs he doesn't like, and you end up paying for it.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 113, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 129}]}, {"id": 28, "anchors": [{"from": 130, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 143}]}, {"id": 31, "anchors": [{"from": 143, "to": 144}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 43, "target": 27, "label": "E"}, {"source": 41, "target": 20, "label": "F"}, {"source": 42, "target": 25, "label": "A"}, {"source": 42, "target": 43, "label": "P"}, {"source": 43, "target": 26, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 17, "label": "E"}, {"source": 38, "target": 12, "label": "E"}, {"source": 37, "target": 38, "label": "E"}, {"source": 34, "target": 23, "label": "U"}, {"source": 38, "target": 13, "label": "C"}, {"source": 34, "target": 42, "label": "H"}, {"source": 42, "target": 44, "label": "A"}, {"source": 37, "target": 9, "label": "E"}, {"source": 41, "target": 21, "label": "D"}, {"source": 36, "target": 7, "label": "S"}, {"source": 34, "target": 14, "label": "L"}, {"source": 35, "target": 3, "label": "E"}, {"source": 39, "target": 16, "label": "P"}, {"source": 40, "target": 18, "label": "C"}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 5, "label": "L"}, {"source": 32, "target": 1, "label": "C"}, {"source": 34, "target": 24, "label": "L"}, {"source": 37, "target": 8, "label": "E"}, {"source": 41, "target": 19, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 45, "target": 31, "label": "U"}, {"source": 41, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 41, "label": "A"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 36, "target": 6, "label": "A"}, {"source": 38, "target": 11, "label": "R"}, {"source": 33, "target": 32, "label": "A"}, {"source": 33, "target": 2, "label": "S"}, {"source": 32, "target": 0, "label": "E"}, {"source": 44, "target": 45, "label": "A"}, {"source": 45, "target": 30, "label": "C"}, {"source": 44, "target": 28, "label": "P"}, {"source": 35, "target": 4, "label": "C"}, {"source": 39, "target": 15, "label": "A"}, {"source": 37, "target": 10, "label": "C"}, {"source": 34, "target": 39, "label": "H"}, {"source": 45, "target": 29, "label": "R"}, {"source": 41, "target": 22, "label": "P"}]} +{"id": "257735-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not enough seating.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "258042-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lovley food and fab chips", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 2, "label": "N"}, {"source": 8, "target": 9, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "C"}, {"source": 6, "target": 3, "label": "C"}, {"source": 9, "target": 6, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "260640-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wouldn't send my dogs there.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 11, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "F"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 11, "target": 4, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "260640-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a conversation with the woman running this place in April 2010.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}, {"from": 44, "to": 48}, {"from": 49, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 63}, {"from": 64, "to": 68}]}, {"id": 10, "anchors": [{"from": 68, "to": 69}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 13, "label": "P"}, {"source": 11, "target": 14, "label": "A"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 2, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 16, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 15, "label": "H"}, {"source": 14, "target": 5, "label": "E"}, {"source": 11, "target": 0, "label": "A"}]} +{"id": "260640-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She basically said if the children getting off the bus aren't paying to enter her building she was going to let them wander around the streets.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}, {"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 104}]}, {"id": 19, "anchors": [{"from": 105, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 116}]}, {"id": 22, "anchors": [{"from": 117, "to": 123}]}, {"id": 23, "anchors": [{"from": 124, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 142}]}, {"id": 26, "anchors": [{"from": 142, "to": 143}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 33, "target": 13, "label": "P"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 18, "label": "P"}, {"source": 33, "target": 11, "label": "D"}, {"source": 36, "target": 19, "label": "F"}, {"source": 36, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 5, "label": "C"}, {"source": 32, "target": 8, "label": "C"}, {"source": 37, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 25, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 27, "target": 2, "label": "P"}, {"source": 34, "target": 15, "label": "C"}, {"source": 35, "target": 16, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 30, "target": 4, "label": "E"}, {"source": 37, "target": 22, "label": "P"}, {"source": 31, "target": 6, "label": "P"}, {"source": 33, "target": 10, "label": "D"}, {"source": 27, "target": 29, "label": "A"}, {"source": 35, "target": 17, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 14, "label": "E"}, {"source": 31, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "L"}, {"source": 27, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 36, "target": 20, "label": "P"}, {"source": 29, "target": 3, "label": "R"}, {"source": 35, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 24, "label": "E"}, {"source": 28, "target": 33, "label": "H"}, {"source": 27, "target": 1, "label": "D"}, {"source": 38, "target": 26, "label": "U"}, {"source": 32, "target": 7, "label": "E"}, {"source": 38, "target": 23, "label": "R"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 33, "target": 12, "label": "F"}, {"source": 36, "target": 21, "label": "A"}]} +{"id": "260640-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wow, really?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "260640-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "With all the child predators out there, a busy road, cars speeding by...... and you are going to let some 4/5 year olds wonder around cause you're money hungry?", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}, {"from": 108, "to": 109}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25, "anchors": [{"from": 110, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 143}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 159}]}, {"id": 34, "anchors": [{"from": 159, "to": 160}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 35, "target": 37, "label": "H"}, {"source": 40, "target": 11, "label": "U"}, {"source": 44, "target": 25, "label": "E"}, {"source": 37, "target": 7, "label": "U"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 14, "label": "R"}, {"source": 39, "target": 8, "label": "E"}, {"source": 45, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "A"}, {"source": 43, "target": 17, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 35, "target": 0, "label": "L"}, {"source": 36, "target": 3, "label": "E"}, {"source": 35, "target": 47, "label": "H"}, {"source": 39, "target": 10, "label": "C"}, {"source": 48, "target": 33, "label": "C"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 20, "label": "F"}, {"source": 45, "target": 27, "label": "P"}, {"source": 41, "target": 13, "label": "P"}, {"source": 47, "target": 30, "label": "A"}, {"source": 44, "target": 24, "label": "U"}, {"source": 46, "target": 28, "label": "R"}, {"source": 42, "target": 15, "label": "U"}, {"source": 37, "target": 36, "label": "A"}, {"source": 37, "target": 40, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 36, "target": 2, "label": "E"}, {"source": 47, "target": 31, "label": "S"}, {"source": 44, "target": 26, "label": "C"}, {"source": 43, "target": 19, "label": "D"}, {"source": 35, "target": 43, "label": "H"}, {"source": 36, "target": 1, "label": "E"}, {"source": 35, "target": 16, "label": "L"}, {"source": 44, "target": 45, "label": "E"}, {"source": 37, "target": 38, "label": "P"}, {"source": 43, "target": 18, "label": "F"}, {"source": 43, "target": 21, "label": "P"}, {"source": 39, "target": 9, "label": "E"}, {"source": 41, "target": 12, "label": "A"}, {"source": 38, "target": 5, "label": "R"}, {"source": 38, "target": 6, "label": "C"}, {"source": 36, "target": 4, "label": "C"}, {"source": 40, "target": 39, "label": "S"}, {"source": 48, "target": 34, "label": "U"}, {"source": 46, "target": 29, "label": "C"}, {"source": 44, "target": 23, "label": "E"}, {"source": 48, "target": 32, "label": "E"}, {"source": 44, "target": 22, "label": "E"}]} +{"id": "260640-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "REAL CHRISTIAN OF YOU!!!!!!!!!!!!!!!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 39}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "260640-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Whether they pay me or not, if their parents get into an accident, stuck in traffic, etc. THE LAST THING I WOULD DO IS LET A CHILD GET RAPED BECAUSE I WASN'T PAID.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}, {"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}, {"from": 90, "to": 93}, {"from": 94, "to": 98}, {"from": 99, "to": 104}, {"from": 105, "to": 106}, {"from": 107, "to": 112}, {"from": 113, "to": 115}, {"from": 116, "to": 118}, {"from": 119, "to": 122}, {"from": 123, "to": 124}, {"from": 125, "to": 130}, {"from": 131, "to": 134}, {"from": 135, "to": 140}, {"from": 141, "to": 148}, {"from": 149, "to": 150}, {"from": 151, "to": 154}, {"from": 154, "to": 157}, {"from": 158, "to": 162}]}, {"id": 19, "anchors": [{"from": 162, "to": 163}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 0, "label": "L"}, {"source": 25, "target": 19, "label": "U"}, {"source": 22, "target": 7, "label": "E"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 10, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 2, "label": "P"}, {"source": 25, "target": 14, "label": "P"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 1, "label": "A"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 4, "label": "L"}, {"source": 25, "target": 18, "label": "A"}, {"source": 26, "target": 15, "label": "R"}, {"source": 21, "target": 3, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 23, "target": 9, "label": "P"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "262422-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good local bikeshop", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "262422-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good local bike shop .", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "E"}, {"source": 5, "target": 2, "label": "E"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "262422-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Jason and the boys can do about anything you need.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 4, "label": "D"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "C"}, {"source": 15, "target": 6, "label": "R"}, {"source": 11, "target": 1, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 5, "label": "P"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 8, "label": "A"}, {"source": 11, "target": 14, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "P"}]} +{"id": "262422-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The shop is located just off the river road .", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 4, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 2, "label": "F"}, {"source": 10, "target": 1, "label": "C"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "262441-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I phoned this company for advice on our office refurb and although we did not use them in the end(as our building contractor carried out the electrical work), they provided me with plenty of useful information over an hour phone call and subsequently we are now using PJC as our electrical maintenance contractor.", "tops": [57], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}, {"from": 58, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 132}, {"from": 133, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 140}]}, {"id": 26, "anchors": [{"from": 141, "to": 151}]}, {"id": 27, "anchors": [{"from": 152, "to": 156}]}, {"id": 28, "anchors": [{"from": 156, "to": 157}]}, {"id": 29, "anchors": [{"from": 157, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 163}]}, {"id": 31, "anchors": [{"from": 164, "to": 172}]}, {"id": 32, "anchors": [{"from": 173, "to": 175}]}, {"id": 33, "anchors": [{"from": 176, "to": 180}]}, {"id": 34, "anchors": [{"from": 181, "to": 187}]}, {"id": 35, "anchors": [{"from": 188, "to": 190}]}, {"id": 36, "anchors": [{"from": 191, "to": 197}]}, {"id": 37, "anchors": [{"from": 198, "to": 209}]}, {"id": 38, "anchors": [{"from": 210, "to": 214}]}, {"id": 39, "anchors": [{"from": 215, "to": 217}]}, {"id": 40, "anchors": [{"from": 218, "to": 222}]}, {"id": 41, "anchors": [{"from": 223, "to": 228}]}, {"id": 42, "anchors": [{"from": 229, "to": 233}]}, {"id": 43, "anchors": [{"from": 234, "to": 237}]}, {"id": 44, "anchors": [{"from": 238, "to": 250}]}, {"id": 45, "anchors": [{"from": 251, "to": 253}]}, {"id": 46, "anchors": [{"from": 254, "to": 257}]}, {"id": 47, "anchors": [{"from": 258, "to": 261}]}, {"id": 48, "anchors": [{"from": 262, "to": 267}]}, {"id": 49, "anchors": [{"from": 268, "to": 271}]}, {"id": 50, "anchors": [{"from": 272, "to": 274}]}, {"id": 51, "anchors": [{"from": 275, "to": 278}]}, {"id": 52, "anchors": [{"from": 279, "to": 289}]}, {"id": 53, "anchors": [{"from": 290, "to": 301}]}, {"id": 54, "anchors": [{"from": 302, "to": 312}]}, {"id": 55, "anchors": [{"from": 312, "to": 313}]}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}], "edges": [{"source": 56, "target": 58, "label": "A"}, {"source": 72, "target": 51, "label": "E"}, {"source": 61, "target": 13, "label": "D"}, {"source": 70, "target": 38, "label": "R"}, {"source": 56, "target": 1, "label": "P"}, {"source": 62, "target": 19, "label": "U"}, {"source": 57, "target": 44, "label": "L"}, {"source": 71, "target": 72, "label": "A"}, {"source": 62, "target": 63, "label": "E"}, {"source": 63, "target": 65, "label": "C"}, {"source": 66, "target": 26, "label": "E"}, {"source": 57, "target": 67, "label": "H"}, {"source": 71, "target": 45, "label": "A"}, {"source": 68, "target": 37, "label": "C"}, {"source": 60, "target": 7, "label": "E"}, {"source": 57, "target": 29, "label": "U"}, {"source": 56, "target": 0, "label": "A"}, {"source": 62, "target": 16, "label": "R"}, {"source": 70, "target": 39, "label": "E"}, {"source": 72, "target": 73, "label": "E"}, {"source": 71, "target": 47, "label": "D"}, {"source": 62, "target": 18, "label": "C"}, {"source": 65, "target": 64, "label": "A"}, {"source": 57, "target": 10, "label": "L"}, {"source": 71, "target": 46, "label": "F"}, {"source": 70, "target": 40, "label": "E"}, {"source": 72, "target": 50, "label": "R"}, {"source": 61, "target": 12, "label": "F"}, {"source": 67, "target": 68, "label": "A"}, {"source": 59, "target": 60, "label": "A"}, {"source": 57, "target": 71, "label": "H"}, {"source": 68, "target": 33, "label": "R"}, {"source": 68, "target": 36, "label": "E"}, {"source": 67, "target": 70, "label": "A"}, {"source": 61, "target": 15, "label": "A"}, {"source": 67, "target": 31, "label": "P"}, {"source": 71, "target": 48, "label": "P"}, {"source": 68, "target": 69, "label": "E"}, {"source": 72, "target": 54, "label": "C"}, {"source": 65, "target": 23, "label": "A"}, {"source": 56, "target": 59, "label": "A"}, {"source": 58, "target": 2, "label": "E"}, {"source": 58, "target": 3, "label": "C"}, {"source": 59, "target": 5, "label": "P"}, {"source": 63, "target": 20, "label": "R"}, {"source": 57, "target": 28, "label": "U"}, {"source": 64, "target": 21, "label": "E"}, {"source": 57, "target": 56, "label": "H"}, {"source": 70, "target": 41, "label": "E"}, {"source": 73, "target": 53, "label": "C"}, {"source": 64, "target": 22, "label": "C"}, {"source": 71, "target": 49, "label": "A"}, {"source": 65, "target": 24, "label": "P"}, {"source": 67, "target": 32, "label": "A"}, {"source": 70, "target": 42, "label": "C"}, {"source": 61, "target": 62, "label": "A"}, {"source": 57, "target": 61, "label": "H"}, {"source": 65, "target": 66, "label": "A"}, {"source": 73, "target": 52, "label": "E"}, {"source": 60, "target": 6, "label": "R"}, {"source": 66, "target": 27, "label": "C"}, {"source": 61, "target": 11, "label": "A"}, {"source": 57, "target": 43, "label": "L"}, {"source": 59, "target": 4, "label": "R"}, {"source": 72, "target": 55, "label": "U"}, {"source": 62, "target": 17, "label": "E"}, {"source": 60, "target": 8, "label": "E"}, {"source": 61, "target": 14, "label": "P"}, {"source": 66, "target": 25, "label": "E"}, {"source": 60, "target": 9, "label": "C"}, {"source": 69, "target": 35, "label": "R"}, {"source": 67, "target": 30, "label": "A"}, {"source": 69, "target": 34, "label": "C"}]} +{"id": "262441-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thoroughly recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 22}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "262722-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "recommended", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "P"}]} +{"id": "262722-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent location.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "262722-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good sports bar.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "262722-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hyatt web site improved.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "C"}, {"source": 5, "target": 1, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "262722-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Accurate check-out.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}, {"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "262722-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rooms clean.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "262722-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lifts quick, clean, accurate, and correctly sized.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 0, "label": "C"}, {"source": 13, "target": 7, "label": "N"}, {"source": 14, "target": 8, "label": "D"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "S"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "U"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "262722-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Choose this hotel over the Hilton (which is on the next block).", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 8, "label": "S"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 3, "label": "R"}, {"source": 16, "target": 0, "label": "P"}, {"source": 19, "target": 7, "label": "F"}, {"source": 17, "target": 18, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 18, "target": 6, "label": "U"}, {"source": 17, "target": 2, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 17, "target": 1, "label": "E"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "R"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "E"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "263630-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Orr's a nightmare!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "R"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "E"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 3, "label": "C"}]} +{"id": "263630-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DON'T GO!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "263630-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My boyfriend and I were woken up in the middle of the night at our campsite by drunken kids who'd arrived around 1:00 am and were drinking at the springs.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}, {"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 153}]}, {"id": 30, "anchors": [{"from": 153, "to": 154}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 23, "label": "C"}, {"source": 34, "target": 4, "label": "F"}, {"source": 43, "target": 28, "label": "E"}, {"source": 41, "target": 21, "label": "E"}, {"source": 38, "target": 15, "label": "R"}, {"source": 32, "target": 2, "label": "N"}, {"source": 41, "target": 22, "label": "E"}, {"source": 37, "target": 12, "label": "R"}, {"source": 38, "target": 40, "label": "E"}, {"source": 31, "target": 1, "label": "C"}, {"source": 31, "target": 0, "label": "E"}, {"source": 35, "target": 7, "label": "E"}, {"source": 38, "target": 16, "label": "E"}, {"source": 36, "target": 9, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 43, "target": 29, "label": "C"}, {"source": 32, "target": 31, "label": "C"}, {"source": 36, "target": 11, "label": "C"}, {"source": 42, "target": 26, "label": "P"}, {"source": 34, "target": 5, "label": "P"}, {"source": 33, "target": 34, "label": "H"}, {"source": 32, "target": 3, "label": "C"}, {"source": 42, "target": 25, "label": "F"}, {"source": 39, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 32, "label": "A"}, {"source": 36, "target": 10, "label": "E"}, {"source": 39, "target": 41, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 37, "target": 13, "label": "E"}, {"source": 40, "target": 24, "label": "L"}, {"source": 38, "target": 17, "label": "C"}, {"source": 42, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 30, "label": "U"}, {"source": 34, "target": 37, "label": "A"}, {"source": 37, "target": 14, "label": "C"}, {"source": 35, "target": 6, "label": "R"}, {"source": 42, "target": 43, "label": "A"}, {"source": 40, "target": 42, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 39, "target": 19, "label": "F"}, {"source": 35, "target": 8, "label": "C"}, {"source": 39, "target": 18, "label": "F"}, {"source": 43, "target": 27, "label": "R"}, {"source": 39, "target": 20, "label": "P"}]} +{"id": "263630-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When we complained to the management (as we were instructed to do if there were any problems), nothing happened!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 111}]}, {"id": 22, "anchors": [{"from": 111, "to": 112}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 31, "target": 22, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 9, "label": "F"}, {"source": 25, "target": 5, "label": "C"}, {"source": 25, "target": 6, "label": "U"}, {"source": 26, "target": 7, "label": "R"}, {"source": 26, "target": 8, "label": "C"}, {"source": 24, "target": 1, "label": "A"}, {"source": 25, "target": 27, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 23, "target": 0, "label": "L"}, {"source": 25, "target": 4, "label": "E"}, {"source": 29, "target": 14, "label": "F"}, {"source": 28, "target": 12, "label": "P"}, {"source": 30, "target": 17, "label": "C"}, {"source": 30, "target": 16, "label": "E"}, {"source": 23, "target": 31, "label": "H"}, {"source": 31, "target": 21, "label": "P"}, {"source": 23, "target": 18, "label": "U"}, {"source": 27, "target": 10, "label": "P"}, {"source": 23, "target": 13, "label": "L"}, {"source": 27, "target": 26, "label": "A"}, {"source": 23, "target": 19, "label": "U"}, {"source": 29, "target": 15, "label": "S"}, {"source": 28, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 20, "label": "A"}, {"source": 23, "target": 29, "label": "H"}, {"source": 28, "target": 11, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 3, "label": "R"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "263630-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then, the next morning, when we, among many other irate guests, asked to speak to the owner, he refused to do so.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 91}]}, {"id": 21, "anchors": [{"from": 91, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 112}]}, {"id": 27, "anchors": [{"from": 112, "to": 113}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 35, "target": 20, "label": "C"}, {"source": 33, "target": 12, "label": "E"}, {"source": 35, "target": 18, "label": "R"}, {"source": 30, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 10, "label": "E"}, {"source": 33, "target": 13, "label": "C"}, {"source": 31, "target": 6, "label": "R"}, {"source": 30, "target": 29, "label": "D"}, {"source": 31, "target": 14, "label": "U"}, {"source": 31, "target": 15, "label": "P"}, {"source": 31, "target": 34, "label": "A"}, {"source": 32, "target": 7, "label": "C"}, {"source": 28, "target": 30, "label": "H"}, {"source": 35, "target": 19, "label": "E"}, {"source": 36, "target": 23, "label": "D"}, {"source": 29, "target": 3, "label": "E"}, {"source": 36, "target": 25, "label": "P"}, {"source": 28, "target": 0, "label": "L"}, {"source": 36, "target": 27, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 30, "target": 5, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 4, "label": "C"}, {"source": 32, "target": 33, "label": "E"}, {"source": 28, "target": 1, "label": "U"}, {"source": 28, "target": 36, "label": "H"}, {"source": 30, "target": 21, "label": "U"}, {"source": 34, "target": 16, "label": "F"}, {"source": 34, "target": 17, "label": "P"}, {"source": 36, "target": 24, "label": "F"}, {"source": 33, "target": 9, "label": "R"}, {"source": 36, "target": 22, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 36, "target": 26, "label": "A"}, {"source": 32, "target": 8, "label": "U"}, {"source": 29, "target": 2, "label": "E"}, {"source": 33, "target": 11, "label": "E"}]} +{"id": "263630-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only that, but he told us, via his manager, that it was our responsibility to get up a second time in the middle of the night and call the night staff if the problem continued, even though his manager did nothing the first time to stop the kids.", "tops": [55], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 123}]}, {"id": 29, "anchors": [{"from": 124, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 138}]}, {"id": 32, "anchors": [{"from": 139, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 148}]}, {"id": 34, "anchors": [{"from": 149, "to": 154}]}, {"id": 35, "anchors": [{"from": 155, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 161}]}, {"id": 37, "anchors": [{"from": 162, "to": 169}]}, {"id": 38, "anchors": [{"from": 170, "to": 179}]}, {"id": 39, "anchors": [{"from": 179, "to": 180}]}, {"id": 40, "anchors": [{"from": 181, "to": 185}, {"from": 186, "to": 192}]}, {"id": 41, "anchors": [{"from": 193, "to": 196}]}, {"id": 42, "anchors": [{"from": 197, "to": 204}]}, {"id": 43, "anchors": [{"from": 205, "to": 208}]}, {"id": 44, "anchors": [{"from": 209, "to": 216}]}, {"id": 45, "anchors": [{"from": 217, "to": 220}]}, {"id": 46, "anchors": [{"from": 221, "to": 226}]}, {"id": 47, "anchors": [{"from": 227, "to": 231}]}, {"id": 48, "anchors": [{"from": 232, "to": 234}]}, {"id": 49, "anchors": [{"from": 235, "to": 239}]}, {"id": 50, "anchors": [{"from": 240, "to": 243}]}, {"id": 51, "anchors": [{"from": 244, "to": 248}]}, {"id": 52, "anchors": [{"from": 248, "to": 249}]}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}], "edges": [{"source": 61, "target": 18, "label": "F"}, {"source": 61, "target": 64, "label": "A"}, {"source": 56, "target": 6, "label": "P"}, {"source": 63, "target": 21, "label": "E"}, {"source": 65, "target": 29, "label": "C"}, {"source": 59, "target": 13, "label": "F"}, {"source": 62, "target": 19, "label": "C"}, {"source": 66, "target": 67, "label": "A"}, {"source": 64, "target": 26, "label": "C"}, {"source": 57, "target": 8, "label": "U"}, {"source": 60, "target": 16, "label": "E"}, {"source": 66, "target": 31, "label": "P"}, {"source": 71, "target": 47, "label": "C"}, {"source": 64, "target": 65, "label": "E"}, {"source": 59, "target": 14, "label": "A"}, {"source": 68, "target": 37, "label": "C"}, {"source": 70, "target": 43, "label": "P"}, {"source": 55, "target": 70, "label": "H"}, {"source": 62, "target": 20, "label": "E"}, {"source": 65, "target": 28, "label": "E"}, {"source": 56, "target": 12, "label": "U"}, {"source": 72, "target": 73, "label": "A"}, {"source": 55, "target": 66, "label": "H"}, {"source": 59, "target": 15, "label": "S"}, {"source": 55, "target": 39, "label": "U"}, {"source": 70, "target": 72, "label": "A"}, {"source": 58, "target": 11, "label": "C"}, {"source": 67, "target": 33, "label": "E"}, {"source": 61, "target": 62, "label": "P"}, {"source": 61, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 0, "label": "E"}, {"source": 59, "target": 60, "label": "A"}, {"source": 68, "target": 36, "label": "E"}, {"source": 54, "target": 2, "label": "F"}, {"source": 69, "target": 42, "label": "C"}, {"source": 60, "target": 61, "label": "E"}, {"source": 71, "target": 45, "label": "E"}, {"source": 58, "target": 9, "label": "R"}, {"source": 72, "target": 48, "label": "F"}, {"source": 56, "target": 59, "label": "A"}, {"source": 70, "target": 69, "label": "A"}, {"source": 55, "target": 56, "label": "H"}, {"source": 55, "target": 40, "label": "L"}, {"source": 63, "target": 23, "label": "C"}, {"source": 56, "target": 57, "label": "A"}, {"source": 63, "target": 22, "label": "E"}, {"source": 61, "target": 63, "label": "A"}, {"source": 68, "target": 35, "label": "R"}, {"source": 66, "target": 68, "label": "A"}, {"source": 55, "target": 54, "label": "H"}, {"source": 64, "target": 25, "label": "E"}, {"source": 67, "target": 34, "label": "C"}, {"source": 72, "target": 49, "label": "P"}, {"source": 55, "target": 30, "label": "L"}, {"source": 70, "target": 71, "label": "D"}, {"source": 57, "target": 58, "label": "E"}, {"source": 55, "target": 4, "label": "L"}, {"source": 70, "target": 44, "label": "A"}, {"source": 73, "target": 51, "label": "C"}, {"source": 57, "target": 7, "label": "C"}, {"source": 60, "target": 17, "label": "C"}, {"source": 64, "target": 24, "label": "R"}, {"source": 73, "target": 52, "label": "U"}, {"source": 55, "target": 3, "label": "U"}, {"source": 69, "target": 41, "label": "E"}, {"source": 67, "target": 32, "label": "E"}, {"source": 65, "target": 27, "label": "R"}, {"source": 73, "target": 50, "label": "E"}, {"source": 53, "target": 1, "label": "C"}, {"source": 66, "target": 38, "label": "A"}, {"source": 56, "target": 5, "label": "A"}, {"source": 71, "target": 46, "label": "E"}, {"source": 54, "target": 53, "label": "D"}, {"source": 58, "target": 10, "label": "E"}]} +{"id": "263630-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Orr is not relaxing, it's not a safe space, and the owner is awful.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 67}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 11, "label": "U"}, {"source": 19, "target": 12, "label": "L"}, {"source": 19, "target": 18, "label": "H"}, {"source": 20, "target": 6, "label": "S"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 4, "label": "U"}, {"source": 18, "target": 2, "label": "D"}, {"source": 19, "target": 23, "label": "H"}, {"source": 20, "target": 7, "label": "D"}, {"source": 23, "target": 15, "label": "F"}, {"source": 21, "target": 10, "label": "C"}, {"source": 23, "target": 16, "label": "S"}, {"source": 22, "target": 14, "label": "C"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 13, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 18, "target": 3, "label": "S"}, {"source": 23, "target": 22, "label": "A"}, {"source": 20, "target": 5, "label": "A"}]} +{"id": "263630-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To add insult to injury, he refused to refund our money.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 8, "label": "F"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 9, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 15, "target": 2, "label": "P"}, {"source": 13, "target": 0, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 4, "label": "P"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 5, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 6, "label": "A"}, {"source": 17, "target": 7, "label": "D"}]} +{"id": "263630-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't go!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "F"}, {"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "263830-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice teachers good school", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 7, "label": "P"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "263830-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are very good teachers and nice people to meet here.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "U"}, {"source": 16, "target": 5, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 1, "label": "S"}, {"source": 16, "target": 17, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 19, "target": 10, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 4, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 6, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "F"}, {"source": 15, "target": 16, "label": "E"}, {"source": 19, "target": 18, "label": "E"}, {"source": 15, "target": 14, "label": "C"}, {"source": 13, "target": 19, "label": "A"}]} +{"id": "263830-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I enjoyed very much to study here.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 4, "label": "F"}, {"source": 11, "target": 10, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 6, "label": "A"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "263830-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A good place to improve your English", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 4, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 10, "target": 6, "label": "E"}, {"source": 7, "target": 1, "label": "E"}]} +{"id": "263870-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Believe me.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "263870-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is THE premier university in Virginia.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "263870-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is also the largest.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "263870-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "With a Pizza Hut, IHOP, 3 Starbucks, Chilis, Panera, and Chipotle on campus ALONE, VCU has some of the best eating options for students.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 42}, {"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 98}]}, {"id": 24, "anchors": [{"from": 99, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 107}]}, {"id": 26, "anchors": [{"from": 108, "to": 114}]}, {"id": 27, "anchors": [{"from": 115, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 126}]}, {"id": 29, "anchors": [{"from": 127, "to": 135}]}, {"id": 30, "anchors": [{"from": 135, "to": 136}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 35, "target": 13, "label": "U"}, {"source": 42, "target": 30, "label": "U"}, {"source": 37, "target": 16, "label": "R"}, {"source": 42, "target": 29, "label": "C"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 2, "label": "E"}, {"source": 34, "target": 3, "label": "C"}, {"source": 35, "target": 6, "label": "U"}, {"source": 37, "target": 18, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 42, "target": 28, "label": "R"}, {"source": 39, "target": 23, "label": "R"}, {"source": 31, "target": 35, "label": "C"}, {"source": 38, "target": 21, "label": "S"}, {"source": 38, "target": 40, "label": "A"}, {"source": 40, "target": 24, "label": "E"}, {"source": 35, "target": 34, "label": "C"}, {"source": 35, "target": 15, "label": "C"}, {"source": 32, "target": 37, "label": "D"}, {"source": 35, "target": 4, "label": "U"}, {"source": 37, "target": 17, "label": "C"}, {"source": 35, "target": 9, "label": "U"}, {"source": 32, "target": 31, "label": "A"}, {"source": 35, "target": 10, "label": "C"}, {"source": 33, "target": 19, "label": "U"}, {"source": 40, "target": 39, "label": "E"}, {"source": 41, "target": 25, "label": "E"}, {"source": 35, "target": 12, "label": "C"}, {"source": 36, "target": 8, "label": "C"}, {"source": 36, "target": 7, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 33, "target": 38, "label": "H"}, {"source": 38, "target": 20, "label": "A"}, {"source": 40, "target": 42, "label": "E"}, {"source": 35, "target": 14, "label": "N"}, {"source": 35, "target": 11, "label": "U"}, {"source": 31, "target": 0, "label": "R"}, {"source": 41, "target": 26, "label": "C"}, {"source": 34, "target": 1, "label": "E"}, {"source": 39, "target": 22, "label": "C"}, {"source": 35, "target": 5, "label": "C"}, {"source": 40, "target": 27, "label": "C"}]} +{"id": "263870-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "VCU has the #1 art school in America, and EXCELS in healthcare and medical schooling.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 14, "label": "N"}, {"source": 19, "target": 10, "label": "L"}, {"source": 20, "target": 2, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 13, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 20, "target": 3, "label": "U"}, {"source": 26, "target": 16, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 20, "target": 6, "label": "C"}, {"source": 18, "target": 1, "label": "S"}, {"source": 20, "target": 22, "label": "E"}, {"source": 26, "target": 17, "label": "U"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 9, "label": "U"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "263870-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Rams, the VCU sports team, also made the NCAA Final 4 this year, too!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 22, "target": 16, "label": "R"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 21, "label": "E"}, {"source": 22, "target": 17, "label": "U"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 5, "label": "C"}, {"source": 20, "target": 7, "label": "D"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 9, "label": "E"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 0, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 18, "target": 1, "label": "U"}, {"source": 21, "target": 2, "label": "E"}, {"source": 20, "target": 23, "label": "D"}, {"source": 20, "target": 6, "label": "U"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 22, "target": 11, "label": "E"}, {"source": 20, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 21, "target": 3, "label": "E"}]} +{"id": "263870-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "VCU also offers high-rise living for students and professors, and the historic yet fixed-up houses in the Fan are also available to students, professors, or even people wanting to live in a safe, viable community.", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}, {"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18, "anchors": [{"from": 92, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 140}]}, {"id": 27, "anchors": [{"from": 140, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 152}]}, {"id": 29, "anchors": [{"from": 152, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 176}]}, {"id": 34, "anchors": [{"from": 177, "to": 179}]}, {"id": 35, "anchors": [{"from": 180, "to": 184}]}, {"id": 36, "anchors": [{"from": 185, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 189}]}, {"id": 38, "anchors": [{"from": 190, "to": 194}]}, {"id": 39, "anchors": [{"from": 194, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 202}]}, {"id": 41, "anchors": [{"from": 203, "to": 212}]}, {"id": 42, "anchors": [{"from": 212, "to": 213}]}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 48, "target": 7, "label": "R"}, {"source": 46, "target": 5, "label": "C"}, {"source": 44, "target": 12, "label": "L"}, {"source": 49, "target": 10, "label": "C"}, {"source": 51, "target": 50, "label": "A"}, {"source": 49, "target": 9, "label": "N"}, {"source": 51, "target": 24, "label": "P"}, {"source": 58, "target": 59, "label": "A"}, {"source": 43, "target": 2, "label": "P"}, {"source": 43, "target": 1, "label": "D"}, {"source": 55, "target": 56, "label": "C"}, {"source": 57, "target": 31, "label": "E"}, {"source": 49, "target": 8, "label": "C"}, {"source": 44, "target": 51, "label": "H"}, {"source": 54, "target": 19, "label": "R"}, {"source": 43, "target": 0, "label": "A"}, {"source": 51, "target": 23, "label": "D"}, {"source": 51, "target": 55, "label": "A"}, {"source": 44, "target": 11, "label": "U"}, {"source": 58, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 35, "label": "C"}, {"source": 47, "target": 48, "label": "A"}, {"source": 56, "target": 29, "label": "U"}, {"source": 46, "target": 4, "label": "U"}, {"source": 58, "target": 33, "label": "P"}, {"source": 46, "target": 3, "label": "E"}, {"source": 55, "target": 25, "label": "R"}, {"source": 61, "target": 40, "label": "E"}, {"source": 53, "target": 18, "label": "C"}, {"source": 58, "target": 60, "label": "A"}, {"source": 53, "target": 16, "label": "E"}, {"source": 60, "target": 38, "label": "C"}, {"source": 60, "target": 37, "label": "E"}, {"source": 54, "target": 20, "label": "E"}, {"source": 44, "target": 43, "label": "H"}, {"source": 43, "target": 45, "label": "A"}, {"source": 56, "target": 61, "label": "C"}, {"source": 47, "target": 6, "label": "S"}, {"source": 51, "target": 22, "label": "F"}, {"source": 52, "target": 53, "label": "E"}, {"source": 50, "target": 54, "label": "E"}, {"source": 57, "target": 58, "label": "E"}, {"source": 50, "target": 13, "label": "E"}, {"source": 47, "target": 45, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "C"}, {"source": 52, "target": 14, "label": "C"}, {"source": 61, "target": 42, "label": "U"}, {"source": 56, "target": 30, "label": "N"}, {"source": 53, "target": 17, "label": "U"}, {"source": 61, "target": 41, "label": "C"}, {"source": 56, "target": 27, "label": "U"}, {"source": 59, "target": 34, "label": "R"}, {"source": 45, "target": 46, "label": "P"}, {"source": 54, "target": 21, "label": "C"}, {"source": 57, "target": 32, "label": "C"}, {"source": 56, "target": 57, "label": "C"}, {"source": 56, "target": 28, "label": "C"}, {"source": 43, "target": 47, "label": "A"}, {"source": 60, "target": 36, "label": "R"}, {"source": 56, "target": 39, "label": "U"}, {"source": 53, "target": 15, "label": "E"}, {"source": 56, "target": 26, "label": "C"}, {"source": 50, "target": 52, "label": "C"}]} +{"id": "263870-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "VCU is also minutes from Downtown Richmond, Canal Walk, Carytown, Stony Point, Short Pump, and the VCU Medical Center.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}, {"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}, {"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 71}, {"from": 72, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 84}, {"from": 85, "to": 89}]}, {"id": 14, "anchors": [{"from": 89, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 94}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 117}]}, {"id": 20, "anchors": [{"from": 117, "to": 118}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 19, "label": "C"}, {"source": 22, "target": 3, "label": "S"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 14, "label": "U"}, {"source": 24, "target": 13, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 24, "target": 11, "label": "C"}, {"source": 25, "target": 20, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 12, "label": "U"}, {"source": 22, "target": 2, "label": "D"}, {"source": 23, "target": 24, "label": "C"}, {"source": 24, "target": 8, "label": "U"}, {"source": 25, "target": 17, "label": "E"}, {"source": 24, "target": 10, "label": "U"}, {"source": 25, "target": 18, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 24, "target": 6, "label": "U"}, {"source": 24, "target": 7, "label": "C"}, {"source": 25, "target": 16, "label": "E"}, {"source": 24, "target": 5, "label": "C"}, {"source": 24, "target": 15, "label": "N"}]} +{"id": "263870-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is the best university in Virginia and continuously receives rave reviews every year.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 76}]}, {"id": 12, "anchors": [{"from": 77, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 87}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 7, "label": "L"}, {"source": 15, "target": 18, "label": "A"}, {"source": 19, "target": 21, "label": "D"}, {"source": 21, "target": 13, "label": "C"}, {"source": 15, "target": 1, "label": "S"}, {"source": 18, "target": 5, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 2, "label": "E"}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "P"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "263870-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The U of R is also recommended, too!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 8, "target": 4, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "R"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "263909-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Service Great People", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}, {"from": 14, "to": 19}, {"from": 20, "to": 26}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "263909-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bisconti wanted over $300 to fix my laptop and these guys fixed it for $90!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "C"}, {"source": 21, "target": 26, "label": "A"}, {"source": 26, "target": 15, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 7, "label": "E"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 6, "label": "P"}, {"source": 26, "target": 16, "label": "C"}, {"source": 20, "target": 3, "label": "U"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 25, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 21, "target": 5, "label": "F"}, {"source": 26, "target": 17, "label": "U"}, {"source": 25, "target": 13, "label": "A"}, {"source": 23, "target": 22, "label": "C"}, {"source": 23, "target": 9, "label": "N"}, {"source": 24, "target": 10, "label": "E"}, {"source": 19, "target": 1, "label": "P"}, {"source": 22, "target": 8, "label": "C"}, {"source": 20, "target": 2, "label": "R"}]} +{"id": "263909-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Call them today!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "263909-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Had it fixed within a few days (had to order a part).", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 53}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 2, "label": "P"}, {"source": 17, "target": 7, "label": "U"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 3, "label": "R"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 8, "label": "F"}, {"source": 17, "target": 18, "label": "D"}, {"source": 16, "target": 0, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 19, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "E"}, {"source": 20, "target": 11, "label": "E"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "264993-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "An Hour Of Prego Bliss!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}, {"from": 8, "to": 10}, {"from": 11, "to": 16}, {"from": 17, "to": 22}]}, {"id": 1, "anchors": [{"from": 22, "to": 23}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "264993-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I schedule my weekly appointment here just to get a chance to lie comfortably on my tummy.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}, {"from": 50, "to": 51}, {"from": 52, "to": 58}, {"from": 59, "to": 61}, {"from": 62, "to": 65}]}, {"id": 9, "anchors": [{"from": 66, "to": 77}]}, {"id": 10, "anchors": [{"from": 78, "to": 80}]}, {"id": 11, "anchors": [{"from": 81, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 89}]}, {"id": 13, "anchors": [{"from": 89, "to": 90}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "F"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 9, "label": "D"}, {"source": 18, "target": 12, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 10, "label": "R"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "264993-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And the massages are heavenly!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 7, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "264993-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very friendly place.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "266591-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Chineese food in the area", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "266591-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food here is fresh and hot out of the Wok.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 17, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 15, "label": "S"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 5, "label": "N"}, {"source": 17, "target": 16, "label": "R"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "266591-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is cooked fast by the two chefs on duty.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "266591-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The lunch specials are more food than most people can eat for about $6.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 23, "target": 13, "label": "U"}, {"source": 20, "target": 8, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 4, "label": "D"}, {"source": 21, "target": 23, "label": "A"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 7, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 11, "label": "R"}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 9, "label": "F"}, {"source": 18, "target": 5, "label": "P"}, {"source": 19, "target": 21, "label": "C"}, {"source": 21, "target": 22, "label": "P"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "266591-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is busy every day at lunch for a reason, the service is fast and the food is great.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 29, "target": 19, "label": "A"}, {"source": 25, "target": 7, "label": "R"}, {"source": 27, "target": 14, "label": "S"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 8, "label": "E"}, {"source": 22, "target": 10, "label": "U"}, {"source": 21, "target": 23, "label": "D"}, {"source": 22, "target": 15, "label": "L"}, {"source": 21, "target": 2, "label": "P"}, {"source": 23, "target": 3, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 29, "label": "H"}, {"source": 25, "target": 9, "label": "C"}, {"source": 24, "target": 5, "label": "R"}, {"source": 27, "target": 26, "label": "A"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 11, "label": "E"}, {"source": 27, "target": 13, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 12, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 24, "target": 6, "label": "C"}, {"source": 29, "target": 18, "label": "S"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "266676-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks For A Great Job", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}, {"from": 13, "to": 18}, {"from": 19, "to": 22}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "266676-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks For The Prompt Service And Great Job You And Your Boys Have Done On Our New Solar System, The Panels On The Roof Look Great And The Power We Are Putting Back In To The Grid Is Great, Great Job Thanks", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}, {"from": 11, "to": 14}, {"from": 15, "to": 21}, {"from": 22, "to": 29}, {"from": 30, "to": 33}, {"from": 34, "to": 39}, {"from": 40, "to": 43}, {"from": 44, "to": 47}, {"from": 48, "to": 51}, {"from": 52, "to": 56}, {"from": 57, "to": 61}, {"from": 62, "to": 66}, {"from": 67, "to": 71}, {"from": 72, "to": 74}, {"from": 75, "to": 78}, {"from": 79, "to": 82}, {"from": 83, "to": 88}, {"from": 89, "to": 95}]}, {"id": 1, "anchors": [{"from": 95, "to": 96}]}, {"id": 2, "anchors": [{"from": 97, "to": 100}, {"from": 101, "to": 107}, {"from": 108, "to": 110}, {"from": 111, "to": 114}, {"from": 115, "to": 119}, {"from": 120, "to": 124}, {"from": 125, "to": 130}, {"from": 131, "to": 134}, {"from": 135, "to": 138}, {"from": 139, "to": 144}, {"from": 145, "to": 147}, {"from": 148, "to": 151}, {"from": 152, "to": 159}, {"from": 160, "to": 164}, {"from": 165, "to": 167}, {"from": 168, "to": 170}, {"from": 171, "to": 174}, {"from": 175, "to": 179}, {"from": 180, "to": 182}, {"from": 183, "to": 188}]}, {"id": 3, "anchors": [{"from": 188, "to": 189}]}, {"id": 4, "anchors": [{"from": 190, "to": 195}]}, {"id": 5, "anchors": [{"from": 196, "to": 199}]}, {"id": 6, "anchors": [{"from": 200, "to": 206}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 3, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 10, "target": 11, "label": "E"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "266955-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The finest German bedding and linens store.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "C"}, {"source": 8, "target": 1, "label": "E"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 4, "label": "N"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "266955-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quality and service come first here.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 7, "target": 1, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "267732-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So very delicious!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "267732-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "267732-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "November 7, 2010 First time eating at Caffe Bella Italia and it was a wonderful experience.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 43}, {"from": 44, "to": 49}, {"from": 50, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 60}]}, {"id": 9, "anchors": [{"from": 61, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 90}]}, {"id": 14, "anchors": [{"from": 90, "to": 91}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 0, "label": "C"}, {"source": 19, "target": 7, "label": "C"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 5, "label": "P"}, {"source": 20, "target": 10, "label": "S"}, {"source": 21, "target": 12, "label": "E"}, {"source": 17, "target": 8, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 15, "label": "D"}, {"source": 20, "target": 9, "label": "A"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 21, "target": 11, "label": "E"}, {"source": 15, "target": 1, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "267732-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "From the delectable Antipasto Misto to the Spaghetti alla Barese and the Parmigiana and ending with gelato, all was mouth watering.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 29}, {"from": 30, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 64}]}, {"id": 9, "anchors": [{"from": 65, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 94}]}, {"id": 14, "anchors": [{"from": 95, "to": 99}]}, {"id": 15, "anchors": [{"from": 100, "to": 106}]}, {"id": 16, "anchors": [{"from": 106, "to": 107}]}, {"id": 17, "anchors": [{"from": 108, "to": 111}]}, {"id": 18, "anchors": [{"from": 112, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 121}]}, {"id": 20, "anchors": [{"from": 122, "to": 130}]}, {"id": 21, "anchors": [{"from": 130, "to": 131}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 25, "target": 5, "label": "E"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 31, "target": 19, "label": "E"}, {"source": 29, "target": 14, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 23, "target": 12, "label": "L"}, {"source": 25, "target": 8, "label": "C"}, {"source": 22, "target": 2, "label": "E"}, {"source": 27, "target": 26, "label": "C"}, {"source": 27, "target": 9, "label": "N"}, {"source": 22, "target": 3, "label": "C"}, {"source": 29, "target": 13, "label": "P"}, {"source": 24, "target": 22, "label": "A"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 25, "label": "E"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 30, "target": 17, "label": "F"}, {"source": 24, "target": 30, "label": "A"}, {"source": 22, "target": 1, "label": "E"}, {"source": 27, "target": 28, "label": "C"}, {"source": 28, "target": 11, "label": "C"}, {"source": 22, "target": 0, "label": "R"}, {"source": 29, "target": 15, "label": "A"}, {"source": 25, "target": 4, "label": "R"}, {"source": 23, "target": 29, "label": "H"}, {"source": 30, "target": 18, "label": "S"}, {"source": 30, "target": 31, "label": "A"}]} +{"id": "267732-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Maybe next time they will have it.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 5, "label": "P"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 0, "label": "R"}, {"source": 8, "target": 2, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 4, "label": "F"}, {"source": 10, "target": 8, "label": "D"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "267732-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was excellent!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "267732-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sandy", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "267793-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Doc", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "267793-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr Greenwalt fixed my neck from a snowboard injury and was way more effective that a regular doctor.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 99}]}, {"id": 17, "anchors": [{"from": 99, "to": 100}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "A"}, {"source": 23, "target": 13, "label": "F"}, {"source": 24, "target": 17, "label": "U"}, {"source": 20, "target": 2, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 22, "target": 9, "label": "S"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 4, "label": "R"}, {"source": 18, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 22, "target": 10, "label": "D"}, {"source": 19, "target": 8, "label": "L"}, {"source": 19, "target": 22, "label": "H"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "D"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 12, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 3, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "267793-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He didnt prescribe pain meds or other drugs, he used his bodytalk method which is unusual but the results are undeniable.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 120}]}, {"id": 23, "anchors": [{"from": 120, "to": 121}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 12, "label": "E"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 9, "label": "U"}, {"source": 30, "target": 14, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 31, "target": 16, "label": "S"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 33, "target": 23, "label": "U"}, {"source": 30, "target": 13, "label": "E"}, {"source": 31, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 18, "label": "L"}, {"source": 28, "target": 7, "label": "E"}, {"source": 31, "target": 17, "label": "A"}, {"source": 26, "target": 5, "label": "C"}, {"source": 27, "target": 6, "label": "N"}, {"source": 27, "target": 26, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 32, "target": 20, "label": "C"}, {"source": 26, "target": 4, "label": "E"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 3, "label": "P"}, {"source": 29, "target": 10, "label": "A"}, {"source": 25, "target": 33, "label": "H"}, {"source": 27, "target": 28, "label": "C"}, {"source": 28, "target": 8, "label": "C"}, {"source": 33, "target": 32, "label": "A"}, {"source": 33, "target": 22, "label": "S"}, {"source": 33, "target": 21, "label": "F"}, {"source": 29, "target": 11, "label": "P"}, {"source": 32, "target": 19, "label": "E"}, {"source": 24, "target": 27, "label": "A"}, {"source": 31, "target": 15, "label": "F"}]} +{"id": "267793-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My neck is fixed!.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "267793-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He knows what hes doing.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 5, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "267982-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I won a golf lesson certificate with Adz through a charity auction.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 17, "target": 6, "label": "R"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 11, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 14, "target": 18, "label": "A"}]} +{"id": "267982-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The lesson was donated by the teacher Adz.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "P"}]} +{"id": "267982-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So i booked the lesson and loved it.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 11, "label": "H"}, {"source": 8, "target": 4, "label": "L"}, {"source": 11, "target": 5, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 6, "label": "A"}]} +{"id": "267982-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great teacher.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "268673-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "tricky short guy", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "268673-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The new management is tricky and talk you into getting video rental agreement.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 4, "label": "A"}, {"source": 14, "target": 2, "label": "C"}, {"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 14, "target": 1, "label": "E"}, {"source": 18, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 7, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 6, "label": "P"}, {"source": 15, "target": 3, "label": "S"}, {"source": 17, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 18, "target": 8, "label": "F"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "268673-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To my surprise $20 deposit.... New movies not on shelf..under the counter for Telugu Speaking people only... or people who spend $30 or more groceries..", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 14}, {"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26, "anchors": [{"from": 130, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 150}]}, {"id": 30, "anchors": [{"from": 150, "to": 152}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 31, "target": 7, "label": "H"}, {"source": 38, "target": 15, "label": "R"}, {"source": 42, "target": 27, "label": "N"}, {"source": 39, "target": 20, "label": "U"}, {"source": 33, "target": 1, "label": "E"}, {"source": 41, "target": 23, "label": "F"}, {"source": 33, "target": 2, "label": "E"}, {"source": 37, "target": 12, "label": "R"}, {"source": 38, "target": 18, "label": "C"}, {"source": 40, "target": 19, "label": "C"}, {"source": 38, "target": 16, "label": "E"}, {"source": 42, "target": 26, "label": "C"}, {"source": 36, "target": 9, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 31, "target": 32, "label": "H"}, {"source": 40, "target": 41, "label": "E"}, {"source": 43, "target": 29, "label": "C"}, {"source": 33, "target": 4, "label": "C"}, {"source": 34, "target": 36, "label": "E"}, {"source": 38, "target": 17, "label": "E"}, {"source": 43, "target": 42, "label": "E"}, {"source": 42, "target": 28, "label": "C"}, {"source": 35, "target": 37, "label": "A"}, {"source": 41, "target": 24, "label": "P"}, {"source": 39, "target": 40, "label": "R"}, {"source": 41, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 25, "label": "U"}, {"source": 35, "target": 34, "label": "A"}, {"source": 31, "target": 0, "label": "L"}, {"source": 34, "target": 8, "label": "E"}, {"source": 36, "target": 10, "label": "E"}, {"source": 33, "target": 3, "label": "U"}, {"source": 37, "target": 13, "label": "E"}, {"source": 34, "target": 6, "label": "E"}, {"source": 36, "target": 11, "label": "U"}, {"source": 41, "target": 43, "label": "A"}, {"source": 37, "target": 14, "label": "C"}, {"source": 31, "target": 39, "label": "H"}, {"source": 39, "target": 21, "label": "N"}, {"source": 31, "target": 30, "label": "U"}, {"source": 39, "target": 22, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 31, "target": 5, "label": "U"}]} +{"id": "268673-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That did it for me..no more Raina's.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 35}]}, {"id": 10, "anchors": [{"from": 35, "to": 36}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 3, "label": "R"}, {"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 10, "label": "U"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 15, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 15, "target": 17, "label": "A"}, {"source": 12, "target": 2, "label": "A"}, {"source": 15, "target": 14, "label": "D"}, {"source": 13, "target": 5, "label": "U"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "268673-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Besides parking is a pain..cramped and un-ruly with Kumon Parents next door....gives me heebee gee bees'", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}, {"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 104}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 24, "target": 8, "label": "R"}, {"source": 24, "target": 26, "label": "C"}, {"source": 29, "target": 16, "label": "E"}, {"source": 25, "target": 10, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 29, "target": 18, "label": "C"}, {"source": 28, "target": 27, "label": "R"}, {"source": 19, "target": 1, "label": "C"}, {"source": 22, "target": 24, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "E"}, {"source": 28, "target": 14, "label": "P"}, {"source": 27, "target": 11, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 6, "label": "N"}, {"source": 21, "target": 19, "label": "A"}, {"source": 21, "target": 2, "label": "S"}, {"source": 27, "target": 12, "label": "C"}, {"source": 22, "target": 3, "label": "E"}, {"source": 28, "target": 13, "label": "U"}, {"source": 23, "target": 7, "label": "C"}, {"source": 22, "target": 4, "label": "C"}, {"source": 29, "target": 15, "label": "E"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "268952-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful Atmosphere", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 20}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "268952-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been going there since I was a little girl and love the friendly and relaxing atmosphere.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 22, "target": 8, "label": "E"}, {"source": 19, "target": 4, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 14, "label": "C"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 5, "label": "L"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 11, "label": "N"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 6, "label": "A"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 22, "label": "C"}, {"source": 19, "target": 3, "label": "P"}, {"source": 22, "target": 10, "label": "C"}, {"source": 25, "target": 15, "label": "N"}, {"source": 24, "target": 17, "label": "C"}, {"source": 21, "target": 7, "label": "S"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "268952-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Stiefvater has always been very professional and helpful.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 60}]}, {"id": 8, "anchors": [{"from": 60, "to": 61}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 6, "label": "N"}, {"source": 12, "target": 11, "label": "C"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "268952-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend Bayside Chiropractic to anyone who is in need of a regular adjustment or is suffering from a chronic condition.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}, {"from": 26, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 118}]}, {"id": 20, "anchors": [{"from": 119, "to": 128}]}, {"id": 21, "anchors": [{"from": 128, "to": 129}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 27, "target": 14, "label": "L"}, {"source": 25, "target": 5, "label": "C"}, {"source": 29, "target": 10, "label": "R"}, {"source": 29, "target": 11, "label": "E"}, {"source": 31, "target": 20, "label": "C"}, {"source": 23, "target": 24, "label": "P"}, {"source": 24, "target": 1, "label": "F"}, {"source": 24, "target": 3, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 29, "target": 13, "label": "C"}, {"source": 27, "target": 30, "label": "H"}, {"source": 28, "target": 8, "label": "E"}, {"source": 31, "target": 19, "label": "E"}, {"source": 30, "target": 16, "label": "S"}, {"source": 26, "target": 28, "label": "P"}, {"source": 26, "target": 7, "label": "F"}, {"source": 24, "target": 25, "label": "E"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 15, "label": "F"}, {"source": 31, "target": 17, "label": "R"}, {"source": 29, "target": 12, "label": "E"}, {"source": 28, "target": 9, "label": "C"}, {"source": 25, "target": 4, "label": "R"}, {"source": 26, "target": 29, "label": "A"}, {"source": 30, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 24, "target": 2, "label": "E"}, {"source": 26, "target": 6, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 18, "label": "E"}]} +{"id": "269560-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Was there this past weekend and the guy behind the counter yelled at me and my son because we believed he left the grandma slice in the oven a little too long and the cheese got all dried out and the slice tasted more like a cracker.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 149}]}, {"id": 30, "anchors": [{"from": 150, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 173}]}, {"id": 35, "anchors": [{"from": 174, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 187}, {"from": 188, "to": 191}]}, {"id": 38, "anchors": [{"from": 192, "to": 195}]}, {"id": 39, "anchors": [{"from": 196, "to": 199}]}, {"id": 40, "anchors": [{"from": 200, "to": 205}]}, {"id": 41, "anchors": [{"from": 206, "to": 212}]}, {"id": 42, "anchors": [{"from": 213, "to": 217}]}, {"id": 43, "anchors": [{"from": 218, "to": 222}]}, {"id": 44, "anchors": [{"from": 223, "to": 224}]}, {"id": 45, "anchors": [{"from": 225, "to": 232}]}, {"id": 46, "anchors": [{"from": 232, "to": 233}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}], "edges": [{"source": 57, "target": 21, "label": "P"}, {"source": 48, "target": 5, "label": "L"}, {"source": 49, "target": 3, "label": "E"}, {"source": 57, "target": 60, "label": "D"}, {"source": 62, "target": 63, "label": "P"}, {"source": 67, "target": 45, "label": "C"}, {"source": 62, "target": 35, "label": "D"}, {"source": 51, "target": 50, "label": "A"}, {"source": 50, "target": 52, "label": "E"}, {"source": 54, "target": 14, "label": "N"}, {"source": 63, "target": 36, "label": "E"}, {"source": 47, "target": 51, "label": "A"}, {"source": 54, "target": 13, "label": "C"}, {"source": 58, "target": 22, "label": "E"}, {"source": 64, "target": 38, "label": "N"}, {"source": 49, "target": 4, "label": "C"}, {"source": 60, "target": 29, "label": "E"}, {"source": 57, "target": 20, "label": "A"}, {"source": 67, "target": 44, "label": "E"}, {"source": 59, "target": 25, "label": "R"}, {"source": 48, "target": 17, "label": "L"}, {"source": 47, "target": 49, "label": "D"}, {"source": 60, "target": 30, "label": "E"}, {"source": 66, "target": 41, "label": "C"}, {"source": 53, "target": 54, "label": "C"}, {"source": 51, "target": 11, "label": "P"}, {"source": 48, "target": 56, "label": "H"}, {"source": 60, "target": 31, "label": "C"}, {"source": 55, "target": 15, "label": "E"}, {"source": 47, "target": 0, "label": "S"}, {"source": 63, "target": 64, "label": "C"}, {"source": 64, "target": 37, "label": "C"}, {"source": 61, "target": 34, "label": "C"}, {"source": 66, "target": 67, "label": "E"}, {"source": 62, "target": 61, "label": "A"}, {"source": 56, "target": 19, "label": "P"}, {"source": 56, "target": 57, "label": "A"}, {"source": 48, "target": 62, "label": "H"}, {"source": 65, "target": 39, "label": "E"}, {"source": 52, "target": 8, "label": "R"}, {"source": 54, "target": 55, "label": "C"}, {"source": 51, "target": 53, "label": "A"}, {"source": 58, "target": 23, "label": "E"}, {"source": 56, "target": 18, "label": "A"}, {"source": 58, "target": 24, "label": "C"}, {"source": 50, "target": 7, "label": "C"}, {"source": 53, "target": 12, "label": "R"}, {"source": 55, "target": 16, "label": "C"}, {"source": 62, "target": 66, "label": "A"}, {"source": 64, "target": 65, "label": "C"}, {"source": 59, "target": 27, "label": "C"}, {"source": 52, "target": 9, "label": "E"}, {"source": 57, "target": 58, "label": "A"}, {"source": 47, "target": 1, "label": "F"}, {"source": 48, "target": 32, "label": "L"}, {"source": 50, "target": 6, "label": "E"}, {"source": 67, "target": 42, "label": "R"}, {"source": 61, "target": 33, "label": "E"}, {"source": 59, "target": 26, "label": "E"}, {"source": 65, "target": 40, "label": "C"}, {"source": 48, "target": 47, "label": "H"}, {"source": 60, "target": 28, "label": "E"}, {"source": 67, "target": 43, "label": "R"}, {"source": 52, "target": 10, "label": "C"}, {"source": 67, "target": 46, "label": "U"}, {"source": 49, "target": 2, "label": "E"}, {"source": 57, "target": 59, "label": "A"}]} +{"id": "269560-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He preceded to grab the slice off the countertop and throw it into the trash while yelling at me saying, \"you do not order what you do not know about\" and \"you don't know how pizza is made\".", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 109}]}, {"id": 23, "anchors": [{"from": 110, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 149}]}, {"id": 32, "anchors": [{"from": 149, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 156}]}, {"id": 35, "anchors": [{"from": 156, "to": 159}]}, {"id": 36, "anchors": [{"from": 160, "to": 162}]}, {"id": 37, "anchors": [{"from": 162, "to": 165}]}, {"id": 38, "anchors": [{"from": 166, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 174}]}, {"id": 40, "anchors": [{"from": 175, "to": 180}]}, {"id": 41, "anchors": [{"from": 181, "to": 183}]}, {"id": 42, "anchors": [{"from": 184, "to": 188}]}, {"id": 43, "anchors": [{"from": 188, "to": 189}]}, {"id": 44, "anchors": [{"from": 189, "to": 190}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 47, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 19, "label": "P"}, {"source": 45, "target": 47, "label": "A"}, {"source": 57, "target": 32, "label": "U"}, {"source": 51, "target": 14, "label": "C"}, {"source": 56, "target": 37, "label": "D"}, {"source": 56, "target": 30, "label": "P"}, {"source": 49, "target": 6, "label": "R"}, {"source": 47, "target": 2, "label": "F"}, {"source": 51, "target": 12, "label": "R"}, {"source": 53, "target": 18, "label": "A"}, {"source": 55, "target": 60, "label": "H"}, {"source": 49, "target": 8, "label": "C"}, {"source": 46, "target": 52, "label": "H"}, {"source": 53, "target": 21, "label": "U"}, {"source": 48, "target": 5, "label": "C"}, {"source": 59, "target": 40, "label": "C"}, {"source": 60, "target": 44, "label": "U"}, {"source": 46, "target": 9, "label": "L"}, {"source": 45, "target": 1, "label": "P"}, {"source": 53, "target": 17, "label": "R"}, {"source": 58, "target": 36, "label": "F"}, {"source": 46, "target": 50, "label": "H"}, {"source": 47, "target": 48, "label": "A"}, {"source": 45, "target": 0, "label": "A"}, {"source": 50, "target": 11, "label": "A"}, {"source": 59, "target": 39, "label": "E"}, {"source": 51, "target": 13, "label": "E"}, {"source": 53, "target": 55, "label": "A"}, {"source": 57, "target": 33, "label": "N"}, {"source": 52, "target": 16, "label": "P"}, {"source": 56, "target": 59, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 58, "target": 38, "label": "C"}, {"source": 53, "target": 20, "label": "U"}, {"source": 54, "target": 56, "label": "A"}, {"source": 55, "target": 54, "label": "H"}, {"source": 52, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 23, "label": "F"}, {"source": 60, "target": 42, "label": "P"}, {"source": 48, "target": 4, "label": "E"}, {"source": 56, "target": 29, "label": "D"}, {"source": 60, "target": 43, "label": "U"}, {"source": 57, "target": 34, "label": "U"}, {"source": 50, "target": 10, "label": "P"}, {"source": 49, "target": 7, "label": "E"}, {"source": 60, "target": 41, "label": "F"}, {"source": 56, "target": 28, "label": "F"}, {"source": 57, "target": 35, "label": "C"}, {"source": 56, "target": 27, "label": "A"}, {"source": 47, "target": 3, "label": "P"}, {"source": 56, "target": 58, "label": "D"}, {"source": 46, "target": 15, "label": "L"}, {"source": 54, "target": 22, "label": "A"}, {"source": 50, "target": 51, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 46, "target": 45, "label": "H"}, {"source": 47, "target": 49, "label": "A"}, {"source": 57, "target": 31, "label": "R"}, {"source": 54, "target": 24, "label": "D"}, {"source": 56, "target": 26, "label": "F"}, {"source": 50, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 25, "label": "P"}]} +{"id": "269560-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was very upsetting to see this kind of behavior especially in front of my four year old.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 15, "label": "E"}, {"source": 23, "target": 8, "label": "R"}, {"source": 21, "target": 4, "label": "F"}, {"source": 25, "target": 14, "label": "E"}, {"source": 20, "target": 3, "label": "S"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "R"}, {"source": 24, "target": 11, "label": "R"}, {"source": 22, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 21, "target": 5, "label": "P"}, {"source": 25, "target": 18, "label": "U"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 13, "label": "R"}, {"source": 25, "target": 17, "label": "C"}, {"source": 22, "target": 6, "label": "E"}, {"source": 25, "target": 16, "label": "E"}, {"source": 20, "target": 2, "label": "D"}, {"source": 21, "target": 10, "label": "D"}]} +{"id": "269560-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was in the process of making me a pie and when I got home, the pie was the worst I have ever seen.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 85}]}, {"id": 22, "anchors": [{"from": 86, "to": 90}]}, {"id": 23, "anchors": [{"from": 91, "to": 95}]}, {"id": 24, "anchors": [{"from": 96, "to": 100}]}, {"id": 25, "anchors": [{"from": 100, "to": 101}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 9, "label": "C"}, {"source": 34, "target": 20, "label": "C"}, {"source": 32, "target": 17, "label": "C"}, {"source": 31, "target": 13, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 26, "target": 1, "label": "S"}, {"source": 32, "target": 16, "label": "E"}, {"source": 31, "target": 12, "label": "A"}, {"source": 35, "target": 24, "label": "P"}, {"source": 29, "target": 5, "label": "R"}, {"source": 35, "target": 25, "label": "U"}, {"source": 28, "target": 2, "label": "R"}, {"source": 35, "target": 23, "label": "D"}, {"source": 33, "target": 35, "label": "A"}, {"source": 27, "target": 11, "label": "L"}, {"source": 33, "target": 18, "label": "F"}, {"source": 34, "target": 19, "label": "E"}, {"source": 33, "target": 34, "label": "S"}, {"source": 27, "target": 33, "label": "H"}, {"source": 27, "target": 10, "label": "L"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 27, "target": 31, "label": "H"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 21, "label": "A"}, {"source": 29, "target": 6, "label": "P"}, {"source": 26, "target": 0, "label": "A"}, {"source": 33, "target": 32, "label": "A"}, {"source": 31, "target": 14, "label": "P"}, {"source": 35, "target": 22, "label": "F"}, {"source": 30, "target": 8, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 7, "label": "A"}, {"source": 27, "target": 15, "label": "U"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "269560-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cheese was falling off, so oily and greasy.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}, {"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 2, "label": "P"}, {"source": 12, "target": 11, "label": "A"}, {"source": 11, "target": 6, "label": "N"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 12, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "269560-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think he did it on purpose because of my simple request for another slice of grandma that wasn't so well-done (actually, burnt).", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 121}]}, {"id": 26, "anchors": [{"from": 121, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 129}]}, {"id": 29, "anchors": [{"from": 129, "to": 130}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 31, "target": 36, "label": "H"}, {"source": 39, "target": 24, "label": "U"}, {"source": 38, "target": 15, "label": "R"}, {"source": 34, "target": 8, "label": "F"}, {"source": 37, "target": 12, "label": "R"}, {"source": 33, "target": 6, "label": "C"}, {"source": 32, "target": 4, "label": "A"}, {"source": 37, "target": 38, "label": "E"}, {"source": 35, "target": 37, "label": "E"}, {"source": 39, "target": 22, "label": "U"}, {"source": 39, "target": 23, "label": "P"}, {"source": 41, "target": 25, "label": "D"}, {"source": 41, "target": 29, "label": "U"}, {"source": 33, "target": 5, "label": "R"}, {"source": 41, "target": 27, "label": "P"}, {"source": 36, "target": 39, "label": "A"}, {"source": 41, "target": 26, "label": "U"}, {"source": 35, "target": 11, "label": "C"}, {"source": 35, "target": 10, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 32, "target": 2, "label": "A"}, {"source": 39, "target": 17, "label": "F"}, {"source": 35, "target": 9, "label": "E"}, {"source": 39, "target": 40, "label": "D"}, {"source": 41, "target": 28, "label": "U"}, {"source": 37, "target": 13, "label": "E"}, {"source": 32, "target": 3, "label": "P"}, {"source": 31, "target": 34, "label": "L"}, {"source": 30, "target": 1, "label": "P"}, {"source": 36, "target": 35, "label": "A"}, {"source": 39, "target": 41, "label": "H"}, {"source": 37, "target": 14, "label": "C"}, {"source": 39, "target": 19, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 7, "label": "C"}, {"source": 32, "target": 33, "label": "A"}, {"source": 38, "target": 16, "label": "C"}, {"source": 40, "target": 20, "label": "E"}, {"source": 39, "target": 18, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 40, "target": 21, "label": "C"}]} +{"id": "269560-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never go back to this place and I am reporting them to the better business bureau for such horrible customer relations and basically sabotaging my pizza and taking my $25.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 150}]}, {"id": 25, "anchors": [{"from": 151, "to": 153}]}, {"id": 26, "anchors": [{"from": 154, "to": 159}]}, {"id": 27, "anchors": [{"from": 160, "to": 163}]}, {"id": 28, "anchors": [{"from": 164, "to": 170}]}, {"id": 29, "anchors": [{"from": 171, "to": 173}]}, {"id": 30, "anchors": [{"from": 174, "to": 175}]}, {"id": 31, "anchors": [{"from": 175, "to": 177}]}, {"id": 32, "anchors": [{"from": 177, "to": 178}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 28, "label": "P"}, {"source": 37, "target": 15, "label": "E"}, {"source": 43, "target": 29, "label": "A"}, {"source": 33, "target": 0, "label": "A"}, {"source": 39, "target": 20, "label": "E"}, {"source": 37, "target": 12, "label": "R"}, {"source": 36, "target": 10, "label": "P"}, {"source": 42, "target": 26, "label": "C"}, {"source": 38, "target": 18, "label": "E"}, {"source": 37, "target": 38, "label": "E"}, {"source": 37, "target": 16, "label": "C"}, {"source": 33, "target": 3, "label": "P"}, {"source": 42, "target": 25, "label": "E"}, {"source": 33, "target": 2, "label": "D"}, {"source": 36, "target": 9, "label": "F"}, {"source": 36, "target": 8, "label": "A"}, {"source": 41, "target": 24, "label": "P"}, {"source": 41, "target": 23, "label": "D"}, {"source": 34, "target": 7, "label": "L"}, {"source": 35, "target": 4, "label": "R"}, {"source": 39, "target": 19, "label": "E"}, {"source": 33, "target": 35, "label": "A"}, {"source": 35, "target": 6, "label": "C"}, {"source": 37, "target": 14, "label": "E"}, {"source": 40, "target": 39, "label": "C"}, {"source": 39, "target": 21, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 43, "label": "C"}, {"source": 43, "target": 32, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 22, "label": "N"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "C"}, {"source": 38, "target": 17, "label": "R"}, {"source": 40, "target": 27, "label": "N"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 37, "target": 13, "label": "E"}, {"source": 36, "target": 11, "label": "A"}, {"source": 43, "target": 30, "label": "U"}, {"source": 43, "target": 31, "label": "A"}, {"source": 33, "target": 1, "label": "F"}, {"source": 38, "target": 40, "label": "C"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "269560-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THIS STORY IS 100% TRUE.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "U"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 11, "target": 4, "label": "U"}, {"source": 10, "target": 7, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "270502-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great staff.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "270502-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very helpful!!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "U"}]} +{"id": "270502-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They interviewed me, gave me tests in the software I included on my resume, and placed me in a position that I kept for several years.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 38, "target": 26, "label": "E"}, {"source": 38, "target": 28, "label": "U"}, {"source": 35, "target": 17, "label": "P"}, {"source": 30, "target": 29, "label": "H"}, {"source": 33, "target": 9, "label": "E"}, {"source": 33, "target": 10, "label": "C"}, {"source": 37, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 6, "label": "C"}, {"source": 38, "target": 27, "label": "C"}, {"source": 30, "target": 3, "label": "U"}, {"source": 36, "target": 20, "label": "E"}, {"source": 30, "target": 31, "label": "H"}, {"source": 36, "target": 21, "label": "C"}, {"source": 30, "target": 35, "label": "H"}, {"source": 33, "target": 8, "label": "E"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 22, "label": "F"}, {"source": 29, "target": 1, "label": "P"}, {"source": 37, "target": 38, "label": "D"}, {"source": 35, "target": 18, "label": "A"}, {"source": 31, "target": 4, "label": "P"}, {"source": 33, "target": 7, "label": "R"}, {"source": 37, "target": 23, "label": "A"}, {"source": 30, "target": 16, "label": "L"}, {"source": 29, "target": 2, "label": "A"}, {"source": 34, "target": 13, "label": "E"}, {"source": 37, "target": 24, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 12, "label": "R"}, {"source": 36, "target": 19, "label": "R"}, {"source": 29, "target": 0, "label": "A"}, {"source": 34, "target": 14, "label": "C"}, {"source": 33, "target": 11, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 15, "label": "U"}, {"source": 32, "target": 5, "label": "E"}, {"source": 38, "target": 25, "label": "R"}, {"source": 36, "target": 37, "label": "E"}]} +{"id": "270502-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Re-interviewed and am going on interviews for a new job.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "C"}, {"source": 15, "target": 6, "label": "R"}, {"source": 11, "target": 1, "label": "N"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "270502-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm really thankful for the folks at HR Office.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 4, "label": "R"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "270502-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are dependable, have great connections in the community, and are a great resource for finding a job.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 104, "to": 105}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 7, "label": "R"}, {"source": 28, "target": 16, "label": "R"}, {"source": 27, "target": 13, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 8, "label": "E"}, {"source": 22, "target": 10, "label": "U"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 5, "label": "E"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "S"}, {"source": 26, "target": 12, "label": "S"}, {"source": 24, "target": 25, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 22, "target": 11, "label": "L"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 21, "target": 2, "label": "S"}, {"source": 28, "target": 17, "label": "P"}, {"source": 22, "target": 3, "label": "U"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "H"}]} +{"id": "270502-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend them to all of my friends!!!!!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 6, "label": "R"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "270889-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staten Island Computers", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 13}, {"from": 14, "to": 23}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "270889-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Superior work - always comes through when we need him.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}, {"from": 16, "to": 22}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 41}]}, {"id": 5, "anchors": [{"from": 42, "to": 44}]}, {"id": 6, "anchors": [{"from": 45, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "U"}, {"source": 11, "target": 7, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 9, "target": 3, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 9, "target": 4, "label": "R"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "P"}]} +{"id": "270889-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have tried many different computer people until now - we will stick with Qualitech Computers!!!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 95}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "R"}, {"source": 20, "target": 9, "label": "U"}, {"source": 20, "target": 12, "label": "S"}, {"source": 21, "target": 14, "label": "E"}, {"source": 20, "target": 8, "label": "D"}, {"source": 17, "target": 2, "label": "P"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 19, "target": 6, "label": "C"}, {"source": 21, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 7, "label": "L"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "272836-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So Handy for Local La Jolla Stuff - Especially for Finding Residential Numbers", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 21}, {"from": 22, "to": 27}, {"from": 28, "to": 33}, {"from": 36, "to": 46}]}, {"id": 3, "anchors": [{"from": 34, "to": 35}]}, {"id": 4, "anchors": [{"from": 47, "to": 50}]}, {"id": 5, "anchors": [{"from": 51, "to": 58}]}, {"id": 6, "anchors": [{"from": 59, "to": 70}]}, {"id": 7, "anchors": [{"from": 71, "to": 78}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 13, "label": "E"}, {"source": 8, "target": 0, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 8, "target": 11, "label": "E"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 1, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 11, "target": 3, "label": "U"}]} +{"id": "272836-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Since moving back from college and trying to settle roots in the Village, I have referred to the La Jolla Blue Book for a ton of local numbers.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 72}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 99}, {"from": 100, "to": 105}, {"from": 106, "to": 110}, {"from": 111, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 128}]}, {"id": 24, "anchors": [{"from": 129, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 142}]}, {"id": 26, "anchors": [{"from": 142, "to": 143}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 27, "target": 13, "label": "U"}, {"source": 34, "target": 26, "label": "U"}, {"source": 35, "target": 23, "label": "R"}, {"source": 28, "target": 1, "label": "P"}, {"source": 27, "target": 30, "label": "H"}, {"source": 30, "target": 7, "label": "F"}, {"source": 30, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 9, "label": "A"}, {"source": 30, "target": 8, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 28, "target": 2, "label": "D"}, {"source": 32, "target": 14, "label": "A"}, {"source": 27, "target": 32, "label": "H"}, {"source": 33, "target": 18, "label": "E"}, {"source": 34, "target": 24, "label": "E"}, {"source": 33, "target": 19, "label": "C"}, {"source": 31, "target": 12, "label": "C"}, {"source": 32, "target": 16, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 4, "label": "C"}, {"source": 35, "target": 22, "label": "C"}, {"source": 33, "target": 17, "label": "R"}, {"source": 29, "target": 3, "label": "R"}, {"source": 31, "target": 10, "label": "R"}, {"source": 31, "target": 11, "label": "E"}, {"source": 27, "target": 5, "label": "L"}, {"source": 32, "target": 15, "label": "F"}, {"source": 27, "target": 0, "label": "L"}, {"source": 35, "target": 21, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 6, "label": "D"}, {"source": 34, "target": 35, "label": "E"}, {"source": 34, "target": 25, "label": "C"}, {"source": 34, "target": 20, "label": "R"}]} +{"id": "272836-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The white pages allowed me to get in touch with parents of my high school friends so that I could track people down one by one and the restaurant section is basically my cookbook.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}, {"from": 85, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 156}]}, {"id": 30, "anchors": [{"from": 157, "to": 166}]}, {"id": 31, "anchors": [{"from": 167, "to": 169}]}, {"id": 32, "anchors": [{"from": 170, "to": 178}]}, {"id": 33, "anchors": [{"from": 178, "to": 179}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 40, "target": 11, "label": "R"}, {"source": 42, "target": 19, "label": "P"}, {"source": 45, "target": 25, "label": "N"}, {"source": 45, "target": 24, "label": "C"}, {"source": 40, "target": 15, "label": "C"}, {"source": 35, "target": 4, "label": "A"}, {"source": 46, "target": 28, "label": "C"}, {"source": 47, "target": 29, "label": "S"}, {"source": 37, "target": 39, "label": "A"}, {"source": 44, "target": 45, "label": "C"}, {"source": 43, "target": 22, "label": "C"}, {"source": 39, "target": 9, "label": "R"}, {"source": 36, "target": 47, "label": "H"}, {"source": 38, "target": 8, "label": "C"}, {"source": 40, "target": 12, "label": "E"}, {"source": 40, "target": 41, "label": "E"}, {"source": 47, "target": 30, "label": "D"}, {"source": 37, "target": 5, "label": "F"}, {"source": 42, "target": 44, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 39, "target": 10, "label": "C"}, {"source": 48, "target": 32, "label": "C"}, {"source": 46, "target": 26, "label": "E"}, {"source": 36, "target": 16, "label": "L"}, {"source": 41, "target": 13, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 48, "target": 33, "label": "U"}, {"source": 35, "target": 37, "label": "A"}, {"source": 35, "target": 3, "label": "P"}, {"source": 39, "target": 40, "label": "E"}, {"source": 46, "target": 27, "label": "E"}, {"source": 42, "target": 18, "label": "D"}, {"source": 34, "target": 0, "label": "E"}, {"source": 35, "target": 34, "label": "A"}, {"source": 36, "target": 42, "label": "H"}, {"source": 43, "target": 21, "label": "R"}, {"source": 34, "target": 2, "label": "C"}, {"source": 42, "target": 17, "label": "A"}, {"source": 37, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 7, "label": "R"}, {"source": 34, "target": 1, "label": "E"}, {"source": 42, "target": 43, "label": "A"}, {"source": 42, "target": 20, "label": "A"}, {"source": 36, "target": 35, "label": "H"}, {"source": 44, "target": 23, "label": "R"}, {"source": 48, "target": 31, "label": "E"}, {"source": 37, "target": 6, "label": "P"}, {"source": 45, "target": 46, "label": "C"}, {"source": 41, "target": 14, "label": "C"}]} +{"id": "272836-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's really cool that so many local businesses are found so quickly in one place and I want to spread the word.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 110, "to": 111}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 38, "target": 23, "label": "U"}, {"source": 25, "target": 24, "label": "H"}, {"source": 37, "target": 19, "label": "F"}, {"source": 25, "target": 16, "label": "L"}, {"source": 24, "target": 1, "label": "F"}, {"source": 33, "target": 10, "label": "C"}, {"source": 32, "target": 9, "label": "F"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 36, "label": "H"}, {"source": 25, "target": 34, "label": "H"}, {"source": 31, "target": 32, "label": "H"}, {"source": 25, "target": 28, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 35, "target": 15, "label": "C"}, {"source": 27, "target": 5, "label": "E"}, {"source": 27, "target": 6, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "R"}, {"source": 36, "target": 17, "label": "A"}, {"source": 37, "target": 20, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 31, "label": "E"}, {"source": 35, "target": 14, "label": "E"}, {"source": 34, "target": 12, "label": "D"}, {"source": 24, "target": 3, "label": "S"}, {"source": 37, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 13, "label": "R"}, {"source": 28, "target": 29, "label": "P"}, {"source": 25, "target": 33, "label": "L"}, {"source": 38, "target": 22, "label": "C"}, {"source": 38, "target": 21, "label": "E"}, {"source": 33, "target": 11, "label": "E"}, {"source": 36, "target": 18, "label": "P"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "272836-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THX:-)", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "274106-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AMAZINGLY YUMMY!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "274106-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I just got back from france yesterday and just missed the food already!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 70}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "D"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 7, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 11, "label": "D"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 3, "label": "R"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "274106-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My sister in law told me about this amazing new crepe place in town, I was so excited I just wanted to go and test it out for my self!", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 121}]}, {"id": 28, "anchors": [{"from": 122, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 128}]}, {"id": 30, "anchors": [{"from": 129, "to": 133}]}, {"id": 31, "anchors": [{"from": 133, "to": 134}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 41, "target": 23, "label": "C"}, {"source": 37, "target": 10, "label": "E"}, {"source": 41, "target": 25, "label": "C"}, {"source": 42, "target": 30, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 26, "label": "A"}, {"source": 40, "target": 22, "label": "F"}, {"source": 37, "target": 7, "label": "E"}, {"source": 42, "target": 28, "label": "R"}, {"source": 38, "target": 13, "label": "C"}, {"source": 33, "target": 36, "label": "A"}, {"source": 35, "target": 3, "label": "C"}, {"source": 34, "target": 14, "label": "U"}, {"source": 32, "target": 35, "label": "E"}, {"source": 37, "target": 9, "label": "E"}, {"source": 39, "target": 18, "label": "S"}, {"source": 36, "target": 6, "label": "R"}, {"source": 40, "target": 20, "label": "D"}, {"source": 32, "target": 1, "label": "C"}, {"source": 35, "target": 2, "label": "R"}, {"source": 36, "target": 38, "label": "A"}, {"source": 39, "target": 16, "label": "F"}, {"source": 37, "target": 8, "label": "E"}, {"source": 37, "target": 11, "label": "C"}, {"source": 40, "target": 21, "label": "D"}, {"source": 41, "target": 24, "label": "N"}, {"source": 36, "target": 37, "label": "A"}, {"source": 39, "target": 17, "label": "D"}, {"source": 40, "target": 27, "label": "A"}, {"source": 40, "target": 41, "label": "P"}, {"source": 34, "target": 33, "label": "H"}, {"source": 40, "target": 42, "label": "A"}, {"source": 33, "target": 32, "label": "A"}, {"source": 40, "target": 19, "label": "A"}, {"source": 33, "target": 5, "label": "A"}, {"source": 32, "target": 0, "label": "E"}, {"source": 42, "target": 31, "label": "U"}, {"source": 38, "target": 12, "label": "R"}, {"source": 39, "target": 15, "label": "A"}, {"source": 42, "target": 29, "label": "E"}, {"source": 34, "target": 39, "label": "H"}, {"source": 33, "target": 4, "label": "P"}]} +{"id": "274106-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their customer service was perfect!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 35}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "274106-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their Food was better then anything I had ever tasted.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 53}]}, {"id": 9, "anchors": [{"from": 53, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 7, "label": "D"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 8, "label": "P"}, {"source": 12, "target": 9, "label": "U"}, {"source": 11, "target": 4, "label": "S"}, {"source": 11, "target": 3, "label": "D"}]} +{"id": "274106-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "EVEN IN FRANCE!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "R"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 5, "label": "A"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "274106-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend this place to anyone looking for a great atmosphere, amazing food, and great customer service!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 76}]}, {"id": 13, "anchors": [{"from": 76, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 118}]}, {"id": 21, "anchors": [{"from": 118, "to": 119}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 29, "target": 31, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 20, "label": "C"}, {"source": 24, "target": 3, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 31, "target": 19, "label": "E"}, {"source": 23, "target": 16, "label": "U"}, {"source": 23, "target": 13, "label": "U"}, {"source": 25, "target": 4, "label": "E"}, {"source": 23, "target": 17, "label": "L"}, {"source": 27, "target": 8, "label": "P"}, {"source": 28, "target": 9, "label": "R"}, {"source": 28, "target": 11, "label": "E"}, {"source": 22, "target": 24, "label": "P"}, {"source": 32, "target": 31, "label": "A"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 10, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 29, "target": 30, "label": "S"}, {"source": 23, "target": 32, "label": "H"}, {"source": 22, "target": 25, "label": "A"}, {"source": 28, "target": 12, "label": "C"}, {"source": 32, "target": 21, "label": "U"}, {"source": 23, "target": 29, "label": "H"}, {"source": 30, "target": 14, "label": "E"}, {"source": 26, "target": 6, "label": "R"}, {"source": 30, "target": 15, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "E"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "274106-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you Roll UP Crepes!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 14}, {"from": 15, "to": 17}, {"from": 18, "to": 24}]}, {"id": 2, "anchors": [{"from": 24, "to": 25}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "P"}]} +{"id": "274498-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Learn from a Cesar Gracie black belt and former ufc fighter!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}, {"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "N"}, {"source": 13, "target": 2, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 0, "label": "S"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 15, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "274498-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When i say jiu-jitsu or mma i mean it!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 29}, {"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 37, "to": 38}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 15, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 13, "label": "C"}, {"source": 15, "target": 9, "label": "A"}, {"source": 14, "target": 6, "label": "N"}, {"source": 12, "target": 14, "label": "A"}, {"source": 11, "target": 8, "label": "L"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 4, "label": "U"}, {"source": 11, "target": 0, "label": "L"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "274498-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best jiu-jitsu mma in Santa Rosa and i have the experience and belt to back it up!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}, {"from": 76, "to": 78}, {"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 19, "target": 4, "label": "C"}, {"source": 27, "target": 17, "label": "U"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 13, "label": "N"}, {"source": 19, "target": 22, "label": "E"}, {"source": 27, "target": 15, "label": "R"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 24, "label": "C"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "P"}, {"source": 21, "target": 2, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 20, "target": 8, "label": "L"}, {"source": 20, "target": 18, "label": "H"}, {"source": 27, "target": 16, "label": "P"}, {"source": 19, "target": 0, "label": "E"}, {"source": 23, "target": 9, "label": "A"}, {"source": 22, "target": 7, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 21, "target": 1, "label": "E"}, {"source": 22, "target": 6, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "274498-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When you come to ncfa you will see a real instructor that teaches and trains everyday!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 15, "label": "D"}, {"source": 18, "target": 2, "label": "P"}, {"source": 22, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "H"}, {"source": 23, "target": 13, "label": "N"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 7, "label": "P"}, {"source": 22, "target": 23, "label": "P"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 9, "label": "E"}, {"source": 20, "target": 5, "label": "A"}, {"source": 20, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 1, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "E"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "274498-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If your coach has no fights and you never see him train and sweat something is wrong!", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 22, "label": "S"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 12, "label": "N"}, {"source": 21, "target": 9, "label": "P"}, {"source": 21, "target": 8, "label": "D"}, {"source": 20, "target": 4, "label": "D"}, {"source": 21, "target": 23, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 21, "target": 7, "label": "A"}, {"source": 23, "target": 15, "label": "F"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 0, "label": "L"}, {"source": 22, "target": 24, "label": "C"}, {"source": 24, "target": 13, "label": "R"}, {"source": 19, "target": 1, "label": "E"}, {"source": 23, "target": 16, "label": "C"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "274498-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dave Terrell www.norcalfightingalliance.com", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}, {"from": 13, "to": 43}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "H"}]} +{"id": "275140-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm really surprised by the negative reviews.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "275140-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We've had about 5 repairs done on 3 different laptops.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 8, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "275140-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They've always been timely and inexpensive.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "S"}, {"source": 10, "target": 5, "label": "N"}]} +{"id": "275595-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "teeth", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "275595-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "this dentist want to pull the tooth out always.. always wants to do the cheapest for his benefit.. not unless he knows you.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}, {"from": 103, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 123}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 29, "target": 6, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 13, "label": "S"}, {"source": 30, "target": 9, "label": "U"}, {"source": 31, "target": 14, "label": "E"}, {"source": 30, "target": 8, "label": "D"}, {"source": 27, "target": 30, "label": "C"}, {"source": 32, "target": 18, "label": "E"}, {"source": 32, "target": 19, "label": "U"}, {"source": 33, "target": 23, "label": "A"}, {"source": 32, "target": 33, "label": "C"}, {"source": 30, "target": 11, "label": "D"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 15, "label": "C"}, {"source": 25, "target": 0, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 33, "target": 24, "label": "U"}, {"source": 28, "target": 4, "label": "P"}, {"source": 27, "target": 7, "label": "E"}, {"source": 25, "target": 1, "label": "C"}, {"source": 28, "target": 3, "label": "F"}, {"source": 33, "target": 22, "label": "P"}, {"source": 26, "target": 2, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 20, "label": "L"}, {"source": 32, "target": 17, "label": "E"}, {"source": 32, "target": 16, "label": "R"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 29, "target": 5, "label": "E"}, {"source": 28, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 12, "label": "F"}, {"source": 33, "target": 21, "label": "A"}, {"source": 30, "target": 10, "label": "D"}]} +{"id": "275595-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and hopefully you do not know the same people because he tells others about you payment status.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 94}]}, {"id": 16, "anchors": [{"from": 94, "to": 95}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "L"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 7, "label": "C"}, {"source": 21, "target": 13, "label": "E"}, {"source": 21, "target": 14, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 20, "target": 11, "label": "A"}, {"source": 17, "target": 4, "label": "P"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 9, "label": "A"}, {"source": 21, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 1, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 0, "label": "D"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 3, "label": "D"}]} +{"id": "275595-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Which should be a private issue", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 4, "label": "E"}, {"source": 8, "target": 5, "label": "C"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "275919-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Grocery and Daily Needs Store", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}, {"from": 18, "to": 23}, {"from": 24, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "275919-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Before using FusionRetail Before installing FusionRetail store was running on a dos based software.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 25}, {"from": 26, "to": 32}]}, {"id": 3, "anchors": [{"from": 33, "to": 43}]}, {"id": 4, "anchors": [{"from": 44, "to": 56}]}, {"id": 5, "anchors": [{"from": 57, "to": 62}]}, {"id": 6, "anchors": [{"from": 63, "to": 66}]}, {"id": 7, "anchors": [{"from": 67, "to": 74}]}, {"id": 8, "anchors": [{"from": 75, "to": 77}]}, {"id": 9, "anchors": [{"from": 78, "to": 79}]}, {"id": 10, "anchors": [{"from": 80, "to": 83}]}, {"id": 11, "anchors": [{"from": 84, "to": 89}]}, {"id": 12, "anchors": [{"from": 90, "to": 98}]}, {"id": 13, "anchors": [{"from": 98, "to": 99}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "E"}, {"source": 14, "target": 0, "label": "L"}, {"source": 19, "target": 11, "label": "E"}, {"source": 16, "target": 3, "label": "P"}, {"source": 15, "target": 1, "label": "P"}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 18, "label": "D"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "F"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 18, "target": 8, "label": "R"}]} +{"id": "275919-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were having a major problem in maintaining cash.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 6, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "275919-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Being a grocery shop, maintaining 5000 different products was a challenging job.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 0, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "U"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 9, "label": "F"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "275919-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Managing POS counter without barcoding was really a tough time.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 3, "label": "R"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 0, "label": "P"}, {"source": 12, "target": 6, "label": "D"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "275919-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How FusionRetail has overcome these issues ?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 44}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "275919-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "FusionRetail helps us to maintain the store in an organised way.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 4, "label": "P"}, {"source": 16, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 2, "label": "A"}]} +{"id": "275919-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Usage of product barcodes and smooth maintenance of inventory with proper recording of transactions like sale, purchase and returns was never easy before.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 99}]}, {"id": 14, "anchors": [{"from": 100, "to": 104}]}, {"id": 15, "anchors": [{"from": 105, "to": 109}]}, {"id": 16, "anchors": [{"from": 109, "to": 110}]}, {"id": 17, "anchors": [{"from": 111, "to": 119}]}, {"id": 18, "anchors": [{"from": 120, "to": 123}]}, {"id": 19, "anchors": [{"from": 124, "to": 131}]}, {"id": 20, "anchors": [{"from": 132, "to": 135}]}, {"id": 21, "anchors": [{"from": 136, "to": 141}]}, {"id": 22, "anchors": [{"from": 142, "to": 146}]}, {"id": 23, "anchors": [{"from": 147, "to": 153}]}, {"id": 24, "anchors": [{"from": 153, "to": 154}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 37, "target": 19, "label": "C"}, {"source": 26, "target": 25, "label": "L"}, {"source": 39, "target": 24, "label": "U"}, {"source": 34, "target": 36, "label": "A"}, {"source": 32, "target": 7, "label": "R"}, {"source": 25, "target": 27, "label": "E"}, {"source": 34, "target": 33, "label": "P"}, {"source": 33, "target": 10, "label": "E"}, {"source": 32, "target": 8, "label": "C"}, {"source": 38, "target": 20, "label": "F"}, {"source": 26, "target": 38, "label": "H"}, {"source": 35, "target": 12, "label": "R"}, {"source": 37, "target": 15, "label": "C"}, {"source": 25, "target": 0, "label": "C"}, {"source": 33, "target": 11, "label": "C"}, {"source": 28, "target": 3, "label": "C"}, {"source": 26, "target": 9, "label": "L"}, {"source": 37, "target": 17, "label": "C"}, {"source": 27, "target": 1, "label": "R"}, {"source": 30, "target": 6, "label": "C"}, {"source": 30, "target": 5, "label": "E"}, {"source": 35, "target": 13, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 27, "target": 29, "label": "C"}, {"source": 28, "target": 2, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 31, "label": "C"}, {"source": 36, "target": 14, "label": "R"}, {"source": 38, "target": 39, "label": "S"}, {"source": 26, "target": 34, "label": "H"}, {"source": 29, "target": 28, "label": "C"}, {"source": 39, "target": 23, "label": "C"}, {"source": 38, "target": 21, "label": "D"}, {"source": 29, "target": 4, "label": "N"}, {"source": 36, "target": 37, "label": "P"}, {"source": 39, "target": 22, "label": "C"}, {"source": 37, "target": 18, "label": "N"}, {"source": 37, "target": 16, "label": "U"}, {"source": 31, "target": 30, "label": "S"}]} +{"id": "275919-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How long does it take to train new people at work ?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 8, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 12, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "D"}]} +{"id": "275919-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Billing takes 15 minutes and backoffice jobs takes 1 day's training How fast your support queries get answered ?", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}, {"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 110}]}, {"id": 19, "anchors": [{"from": 111, "to": 112}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 20, "target": 22, "label": "D"}, {"source": 28, "target": 16, "label": "C"}, {"source": 25, "target": 9, "label": "E"}, {"source": 25, "target": 27, "label": "E"}, {"source": 25, "target": 12, "label": "C"}, {"source": 29, "target": 17, "label": "D"}, {"source": 29, "target": 19, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 15, "label": "E"}, {"source": 28, "target": 14, "label": "E"}, {"source": 22, "target": 2, "label": "E"}, {"source": 27, "target": 11, "label": "R"}, {"source": 29, "target": 18, "label": "P"}, {"source": 29, "target": 28, "label": "A"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 26, "target": 13, "label": "C"}, {"source": 20, "target": 1, "label": "P"}, {"source": 23, "target": 4, "label": "N"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 29, "label": "H"}, {"source": 24, "target": 7, "label": "P"}, {"source": 20, "target": 6, "label": "A"}, {"source": 26, "target": 25, "label": "E"}, {"source": 20, "target": 24, "label": "A"}, {"source": 24, "target": 8, "label": "D"}]} +{"id": "275919-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over telephone, immediate.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "U"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "D"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "275919-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On call, it takes a day to get our issues resolved.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "P"}, {"source": 14, "target": 2, "label": "U"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "R"}, {"source": 17, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 20, "label": "A"}, {"source": 16, "target": 3, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 4, "label": "P"}, {"source": 20, "target": 12, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 13, "label": "D"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "276689-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The landlord is not nice nor helpful", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 5, "label": "L"}, {"source": 8, "target": 7, "label": "A"}, {"source": 8, "target": 3, "label": "D"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "F"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "276689-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have lived in Buckingham Condominiums townhouse for 2 years.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 26}, {"from": 27, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 61}]}, {"id": 9, "anchors": [{"from": 61, "to": 62}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "D"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "R"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 6, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "276689-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love the location and the apartment!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 10, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "276689-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'ma single female and I feel safe coming home at night.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 19, "to": 22}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 20, "label": "D"}, {"source": 17, "target": 19, "label": "P"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 2, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 8, "label": "D"}, {"source": 13, "target": 0, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 19, "target": 18, "label": "E"}, {"source": 16, "target": 5, "label": "A"}, {"source": 17, "target": 16, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "E"}, {"source": 20, "target": 10, "label": "R"}]} +{"id": "276689-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The maintenance people are AWESOME!!!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "276689-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And the exterminator is very nice, also.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "L"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "S"}, {"source": 11, "target": 4, "label": "D"}, {"source": 11, "target": 10, "label": "A"}, {"source": 11, "target": 7, "label": "D"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "276689-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, you still have a few bugs, but that's going to be anywhere you go!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 40}]}, {"id": 11, "anchors": [{"from": 40, "to": 42}]}, {"id": 12, "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 70}]}, {"id": 18, "anchors": [{"from": 70, "to": 71}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 13, "label": "F"}, {"source": 22, "target": 15, "label": "D"}, {"source": 22, "target": 10, "label": "A"}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 2, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 19, "target": 8, "label": "U"}, {"source": 22, "target": 12, "label": "D"}, {"source": 22, "target": 16, "label": "A"}, {"source": 19, "target": 0, "label": "L"}, {"source": 22, "target": 14, "label": "F"}, {"source": 20, "target": 3, "label": "D"}, {"source": 20, "target": 4, "label": "P"}, {"source": 22, "target": 11, "label": "F"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 22, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 6, "label": "E"}, {"source": 19, "target": 1, "label": "U"}, {"source": 19, "target": 9, "label": "L"}, {"source": 22, "target": 17, "label": "P"}, {"source": 22, "target": 18, "label": "U"}]} +{"id": "276689-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only problem that I have experienced is the landlord.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 2, "label": "C"}, {"source": 14, "target": 4, "label": "A"}, {"source": 14, "target": 6, "label": "P"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 0, "label": "E"}, {"source": 14, "target": 5, "label": "F"}, {"source": 13, "target": 1, "label": "E"}]} +{"id": "276689-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is a pure b****!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "276689-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I know that's ugly...but she won't help you out for anything...sad story.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 43}, {"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 10, "label": "P"}, {"source": 22, "target": 16, "label": "U"}, {"source": 20, "target": 8, "label": "D"}, {"source": 22, "target": 14, "label": "E"}, {"source": 20, "target": 9, "label": "D"}, {"source": 20, "target": 13, "label": "U"}, {"source": 17, "target": 1, "label": "S"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 19, "target": 4, "label": "S"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 7, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 2, "label": "F"}]} +{"id": "276689-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Other than that, I would recommend living here. :)", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 15, "label": "P"}, {"source": 15, "target": 6, "label": "C"}, {"source": 11, "target": 0, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 12, "target": 11, "label": "R"}, {"source": 11, "target": 1, "label": "R"}, {"source": 14, "target": 3, "label": "U"}, {"source": 14, "target": 10, "label": "U"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 14, "target": 12, "label": "D"}, {"source": 15, "target": 5, "label": "F"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "277703-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best Supermarket in Bay Ridge have everything what a customer needs.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 20}, {"from": 21, "to": 23}, {"from": 24, "to": 27}, {"from": 28, "to": 33}]}, {"id": 3, "anchors": [{"from": 34, "to": 38}]}, {"id": 4, "anchors": [{"from": 39, "to": 49}]}, {"id": 5, "anchors": [{"from": 50, "to": 54}]}, {"id": 6, "anchors": [{"from": 55, "to": 56}]}, {"id": 7, "anchors": [{"from": 57, "to": 65}]}, {"id": 8, "anchors": [{"from": 66, "to": 71}]}, {"id": 9, "anchors": [{"from": 71, "to": 72}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 5, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "278775-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our company is a high end designer handbag and fashion accessories company, thus we are certainly a niche market.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 74}]}, {"id": 12, "anchors": [{"from": 74, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 14, "label": "A"}, {"source": 25, "target": 8, "label": "N"}, {"source": 21, "target": 0, "label": "E"}, {"source": 27, "target": 11, "label": "C"}, {"source": 25, "target": 27, "label": "C"}, {"source": 21, "target": 1, "label": "C"}, {"source": 28, "target": 15, "label": "F"}, {"source": 22, "target": 2, "label": "S"}, {"source": 22, "target": 21, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 24, "label": "C"}, {"source": 29, "target": 19, "label": "C"}, {"source": 27, "target": 9, "label": "E"}, {"source": 26, "target": 5, "label": "C"}, {"source": 28, "target": 16, "label": "D"}, {"source": 27, "target": 10, "label": "E"}, {"source": 24, "target": 3, "label": "E"}, {"source": 26, "target": 4, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 23, "target": 13, "label": "L"}, {"source": 23, "target": 12, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 24, "target": 26, "label": "E"}, {"source": 24, "target": 7, "label": "C"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "278775-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had been evaluating SEO providers for quite some time and finally decided to take the plunge with Stuart, and Ulistic.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 107}]}, {"id": 19, "anchors": [{"from": 107, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 13, "label": "F"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 5, "label": "C"}, {"source": 31, "target": 21, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 31, "target": 19, "label": "U"}, {"source": 30, "target": 17, "label": "R"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 31, "label": "C"}, {"source": 27, "target": 11, "label": "D"}, {"source": 31, "target": 20, "label": "N"}, {"source": 24, "target": 10, "label": "L"}, {"source": 23, "target": 1, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 14, "label": "P"}, {"source": 27, "target": 12, "label": "P"}, {"source": 23, "target": 3, "label": "P"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 2, "label": "F"}, {"source": 31, "target": 18, "label": "C"}, {"source": 23, "target": 26, "label": "D"}, {"source": 26, "target": 7, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 6, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 29, "target": 16, "label": "C"}, {"source": 29, "target": 15, "label": "E"}]} +{"id": "278775-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We made the decision for a couple of reasons.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 4, "label": "R"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 13, "target": 8, "label": "C"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 12, "label": "P"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 5, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "278775-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "1. Social Media.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 3, "to": 9}, {"from": 10, "to": 15}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "278775-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were familiar with Search Engine Optimization strategies, but new nothing about Social Media - we just heard that it was the next big thing.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}, {"from": 29, "to": 35}, {"from": 36, "to": 48}]}, {"id": 5, "anchors": [{"from": 49, "to": 59}]}, {"id": 6, "anchors": [{"from": 59, "to": 60}]}, {"id": 7, "anchors": [{"from": 61, "to": 64}]}, {"id": 8, "anchors": [{"from": 65, "to": 68}]}, {"id": 9, "anchors": [{"from": 69, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 82}]}, {"id": 11, "anchors": [{"from": 83, "to": 89}, {"from": 90, "to": 95}, {"from": 98, "to": 100}]}, {"id": 12, "anchors": [{"from": 96, "to": 97}]}, {"id": 13, "anchors": [{"from": 101, "to": 105}]}, {"id": 14, "anchors": [{"from": 106, "to": 111}]}, {"id": 15, "anchors": [{"from": 112, "to": 116}]}, {"id": 16, "anchors": [{"from": 117, "to": 119}]}, {"id": 17, "anchors": [{"from": 120, "to": 123}]}, {"id": 18, "anchors": [{"from": 124, "to": 127}]}, {"id": 19, "anchors": [{"from": 128, "to": 132}]}, {"id": 20, "anchors": [{"from": 133, "to": 136}]}, {"id": 21, "anchors": [{"from": 137, "to": 142}]}, {"id": 22, "anchors": [{"from": 142, "to": 143}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 27, "target": 14, "label": "P"}, {"source": 25, "target": 5, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 23, "target": 2, "label": "S"}, {"source": 29, "target": 16, "label": "A"}, {"source": 29, "target": 15, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 4, "label": "E"}, {"source": 28, "target": 12, "label": "U"}, {"source": 26, "target": 28, "label": "E"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 22, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 20, "label": "E"}, {"source": 30, "target": 19, "label": "E"}, {"source": 28, "target": 10, "label": "R"}, {"source": 26, "target": 8, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 11, "label": "C"}, {"source": 27, "target": 13, "label": "D"}, {"source": 27, "target": 26, "label": "A"}, {"source": 29, "target": 17, "label": "S"}, {"source": 30, "target": 18, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 7, "label": "L"}, {"source": 24, "target": 6, "label": "U"}, {"source": 25, "target": 3, "label": "R"}, {"source": 26, "target": 9, "label": "C"}]} +{"id": "278775-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "2. We really liked the fact that Stuart sets defined objectives and we meet once a month to go over our Key Performance Indicators.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 94}, {"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 130}]}, {"id": 24, "anchors": [{"from": 130, "to": 131}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 29, "target": 32, "label": "A"}, {"source": 36, "target": 24, "label": "U"}, {"source": 28, "target": 30, "label": "E"}, {"source": 29, "target": 15, "label": "D"}, {"source": 28, "target": 6, "label": "C"}, {"source": 30, "target": 29, "label": "H"}, {"source": 28, "target": 5, "label": "E"}, {"source": 36, "target": 23, "label": "C"}, {"source": 30, "target": 18, "label": "L"}, {"source": 32, "target": 33, "label": "C"}, {"source": 25, "target": 1, "label": "U"}, {"source": 37, "target": 21, "label": "E"}, {"source": 31, "target": 10, "label": "E"}, {"source": 36, "target": 20, "label": "E"}, {"source": 32, "target": 31, "label": "C"}, {"source": 32, "target": 12, "label": "N"}, {"source": 30, "target": 35, "label": "H"}, {"source": 27, "target": 4, "label": "P"}, {"source": 29, "target": 7, "label": "F"}, {"source": 29, "target": 34, "label": "D"}, {"source": 31, "target": 11, "label": "C"}, {"source": 37, "target": 22, "label": "C"}, {"source": 34, "target": 17, "label": "C"}, {"source": 33, "target": 13, "label": "A"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 3, "label": "D"}, {"source": 35, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "H"}, {"source": 33, "target": 14, "label": "P"}, {"source": 27, "target": 2, "label": "A"}, {"source": 35, "target": 19, "label": "P"}, {"source": 29, "target": 8, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 9, "label": "P"}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 37, "label": "E"}, {"source": 34, "target": 16, "label": "E"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "278775-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How has it gone so far?", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}, {"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "278775-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well we have been working with Ulistic for 1.5 months, and have 100 people following our site on Facebook, and our web site, www.designofashion.com has seen a 3 fold increase in traffic, which is significantly beating our expectations - SEO is a process that takes time and to get results this quickly is exceptional.", "tops": [58], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 105}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 123, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 147}]}, {"id": 27, "anchors": [{"from": 148, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 156}]}, {"id": 29, "anchors": [{"from": 157, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 165}]}, {"id": 32, "anchors": [{"from": 166, "to": 174}]}, {"id": 33, "anchors": [{"from": 175, "to": 177}]}, {"id": 34, "anchors": [{"from": 178, "to": 185}]}, {"id": 35, "anchors": [{"from": 185, "to": 186}]}, {"id": 36, "anchors": [{"from": 187, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 195}]}, {"id": 38, "anchors": [{"from": 196, "to": 209}]}, {"id": 39, "anchors": [{"from": 210, "to": 217}]}, {"id": 40, "anchors": [{"from": 218, "to": 221}]}, {"id": 41, "anchors": [{"from": 222, "to": 234}]}, {"id": 42, "anchors": [{"from": 235, "to": 236}]}, {"id": 43, "anchors": [{"from": 237, "to": 240}]}, {"id": 44, "anchors": [{"from": 241, "to": 243}]}, {"id": 45, "anchors": [{"from": 244, "to": 245}]}, {"id": 46, "anchors": [{"from": 246, "to": 253}]}, {"id": 47, "anchors": [{"from": 254, "to": 258}]}, {"id": 48, "anchors": [{"from": 259, "to": 264}]}, {"id": 49, "anchors": [{"from": 265, "to": 269}]}, {"id": 50, "anchors": [{"from": 270, "to": 273}]}, {"id": 51, "anchors": [{"from": 274, "to": 276}]}, {"id": 52, "anchors": [{"from": 277, "to": 280}, {"from": 281, "to": 288}]}, {"id": 53, "anchors": [{"from": 289, "to": 293}]}, {"id": 54, "anchors": [{"from": 294, "to": 301}]}, {"id": 55, "anchors": [{"from": 302, "to": 304}]}, {"id": 56, "anchors": [{"from": 305, "to": 316}]}, {"id": 57, "anchors": [{"from": 316, "to": 317}]}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}], "edges": [{"source": 68, "target": 69, "label": "A"}, {"source": 74, "target": 75, "label": "P"}, {"source": 58, "target": 25, "label": "U"}, {"source": 66, "target": 18, "label": "R"}, {"source": 59, "target": 61, "label": "D"}, {"source": 74, "target": 47, "label": "R"}, {"source": 64, "target": 16, "label": "E"}, {"source": 58, "target": 11, "label": "L"}, {"source": 72, "target": 41, "label": "E"}, {"source": 66, "target": 19, "label": "C"}, {"source": 71, "target": 44, "label": "F"}, {"source": 65, "target": 64, "label": "C"}, {"source": 65, "target": 20, "label": "U"}, {"source": 73, "target": 45, "label": "E"}, {"source": 69, "target": 35, "label": "U"}, {"source": 72, "target": 42, "label": "U"}, {"source": 58, "target": 62, "label": "H"}, {"source": 73, "target": 74, "label": "E"}, {"source": 69, "target": 30, "label": "E"}, {"source": 76, "target": 52, "label": "D"}, {"source": 61, "target": 8, "label": "E"}, {"source": 62, "target": 12, "label": "P"}, {"source": 58, "target": 65, "label": "H"}, {"source": 62, "target": 63, "label": "A"}, {"source": 68, "target": 28, "label": "P"}, {"source": 71, "target": 37, "label": "F"}, {"source": 65, "target": 21, "label": "N"}, {"source": 65, "target": 67, "label": "C"}, {"source": 69, "target": 70, "label": "E"}, {"source": 67, "target": 22, "label": "E"}, {"source": 77, "target": 57, "label": "U"}, {"source": 67, "target": 23, "label": "E"}, {"source": 58, "target": 76, "label": "H"}, {"source": 69, "target": 29, "label": "E"}, {"source": 76, "target": 77, "label": "A"}, {"source": 64, "target": 17, "label": "C"}, {"source": 69, "target": 71, "label": "E"}, {"source": 71, "target": 39, "label": "P"}, {"source": 73, "target": 46, "label": "C"}, {"source": 70, "target": 33, "label": "R"}, {"source": 76, "target": 51, "label": "F"}, {"source": 61, "target": 9, "label": "C"}, {"source": 59, "target": 4, "label": "P"}, {"source": 77, "target": 53, "label": "A"}, {"source": 58, "target": 68, "label": "H"}, {"source": 68, "target": 27, "label": "F"}, {"source": 71, "target": 73, "label": "A"}, {"source": 68, "target": 26, "label": "A"}, {"source": 71, "target": 36, "label": "R"}, {"source": 77, "target": 56, "label": "S"}, {"source": 59, "target": 1, "label": "A"}, {"source": 63, "target": 13, "label": "E"}, {"source": 74, "target": 46, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 77, "target": 55, "label": "F"}, {"source": 60, "target": 6, "label": "C"}, {"source": 58, "target": 0, "label": "L"}, {"source": 72, "target": 40, "label": "E"}, {"source": 77, "target": 54, "label": "D"}, {"source": 62, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 7, "label": "R"}, {"source": 71, "target": 72, "label": "A"}, {"source": 75, "target": 48, "label": "C"}, {"source": 59, "target": 2, "label": "F"}, {"source": 58, "target": 59, "label": "H"}, {"source": 72, "target": 43, "label": "C"}, {"source": 59, "target": 60, "label": "A"}, {"source": 75, "target": 49, "label": "E"}, {"source": 71, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 15, "label": "L"}, {"source": 70, "target": 34, "label": "C"}, {"source": 64, "target": 66, "label": "E"}, {"source": 69, "target": 32, "label": "C"}, {"source": 60, "target": 5, "label": "R"}, {"source": 69, "target": 31, "label": "E"}, {"source": 58, "target": 50, "label": "L"}, {"source": 58, "target": 10, "label": "U"}, {"source": 63, "target": 14, "label": "C"}, {"source": 67, "target": 24, "label": "C"}, {"source": 71, "target": 38, "label": "D"}, {"source": 59, "target": 3, "label": "F"}]} +{"id": "278775-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We are absolutely confident that Stuart's ethical and focused strategies will see these trends continue to grow, and our business will reap the rewards of this program.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 103}]}, {"id": 16, "anchors": [{"from": 104, "to": 106}]}, {"id": 17, "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "anchors": [{"from": 111, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 120}]}, {"id": 21, "anchors": [{"from": 121, "to": 129}]}, {"id": 22, "anchors": [{"from": 130, "to": 134}]}, {"id": 23, "anchors": [{"from": 135, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 143}]}, {"id": 25, "anchors": [{"from": 144, "to": 151}]}, {"id": 26, "anchors": [{"from": 152, "to": 154}]}, {"id": 27, "anchors": [{"from": 155, "to": 159}]}, {"id": 28, "anchors": [{"from": 160, "to": 167}]}, {"id": 29, "anchors": [{"from": 167, "to": 168}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 34, "target": 33, "label": "E"}, {"source": 39, "target": 22, "label": "F"}, {"source": 32, "target": 12, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 37, "target": 15, "label": "D"}, {"source": 37, "target": 16, "label": "F"}, {"source": 31, "target": 18, "label": "U"}, {"source": 32, "target": 11, "label": "F"}, {"source": 32, "target": 4, "label": "F"}, {"source": 33, "target": 6, "label": "R"}, {"source": 40, "target": 41, "label": "E"}, {"source": 30, "target": 2, "label": "D"}, {"source": 40, "target": 24, "label": "E"}, {"source": 39, "target": 23, "label": "P"}, {"source": 41, "target": 29, "label": "U"}, {"source": 32, "target": 37, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 41, "target": 26, "label": "R"}, {"source": 37, "target": 36, "label": "A"}, {"source": 33, "target": 5, "label": "C"}, {"source": 41, "target": 27, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 32, "target": 10, "label": "A"}, {"source": 35, "target": 9, "label": "C"}, {"source": 41, "target": 28, "label": "C"}, {"source": 35, "target": 8, "label": "N"}, {"source": 38, "target": 21, "label": "C"}, {"source": 39, "target": 38, "label": "A"}, {"source": 31, "target": 19, "label": "L"}, {"source": 38, "target": 20, "label": "E"}, {"source": 31, "target": 39, "label": "H"}, {"source": 37, "target": 17, "label": "S"}, {"source": 30, "target": 3, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 36, "target": 14, "label": "C"}, {"source": 35, "target": 7, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 1, "label": "F"}, {"source": 40, "target": 25, "label": "C"}]} +{"id": "278775-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Finally, it must be said that Stuart is a fantastic person to work with, because of his solid strategies and equally as importantly because he is a genuinely good person and a great communicator.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 142}]}, {"id": 27, "anchors": [{"from": 143, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 157}]}, {"id": 30, "anchors": [{"from": 158, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 169}]}, {"id": 32, "anchors": [{"from": 170, "to": 173}]}, {"id": 33, "anchors": [{"from": 174, "to": 175}]}, {"id": 34, "anchors": [{"from": 176, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 194}]}, {"id": 36, "anchors": [{"from": 194, "to": 195}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 40, "target": 9, "label": "E"}, {"source": 45, "target": 22, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 45, "target": 44, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 3, "label": "D"}, {"source": 48, "target": 31, "label": "C"}, {"source": 42, "target": 43, "label": "R"}, {"source": 43, "target": 16, "label": "C"}, {"source": 49, "target": 32, "label": "N"}, {"source": 37, "target": 1, "label": "U"}, {"source": 46, "target": 23, "label": "R"}, {"source": 50, "target": 34, "label": "E"}, {"source": 44, "target": 18, "label": "E"}, {"source": 40, "target": 10, "label": "E"}, {"source": 37, "target": 38, "label": "H"}, {"source": 41, "target": 13, "label": "P"}, {"source": 49, "target": 50, "label": "C"}, {"source": 41, "target": 12, "label": "F"}, {"source": 39, "target": 7, "label": "A"}, {"source": 47, "target": 27, "label": "S"}, {"source": 37, "target": 47, "label": "H"}, {"source": 42, "target": 14, "label": "C"}, {"source": 48, "target": 30, "label": "E"}, {"source": 42, "target": 15, "label": "U"}, {"source": 39, "target": 8, "label": "S"}, {"source": 45, "target": 21, "label": "N"}, {"source": 47, "target": 26, "label": "A"}, {"source": 48, "target": 28, "label": "E"}, {"source": 41, "target": 42, "label": "A"}, {"source": 50, "target": 36, "label": "U"}, {"source": 49, "target": 48, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 39, "target": 6, "label": "F"}, {"source": 37, "target": 0, "label": "L"}, {"source": 43, "target": 17, "label": "R"}, {"source": 38, "target": 5, "label": "P"}, {"source": 44, "target": 20, "label": "C"}, {"source": 44, "target": 19, "label": "E"}, {"source": 41, "target": 46, "label": "D"}, {"source": 42, "target": 45, "label": "C"}, {"source": 38, "target": 2, "label": "A"}, {"source": 37, "target": 25, "label": "L"}, {"source": 38, "target": 4, "label": "F"}, {"source": 40, "target": 11, "label": "C"}, {"source": 50, "target": 35, "label": "C"}, {"source": 46, "target": 24, "label": "C"}, {"source": 50, "target": 33, "label": "E"}, {"source": 47, "target": 49, "label": "A"}, {"source": 48, "target": 29, "label": "E"}]} +{"id": "279070-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Meal", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "279070-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Happened on to this place while out of town on business, and it was great!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "E"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 19, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "F"}, {"source": 17, "target": 10, "label": "U"}, {"source": 19, "target": 8, "label": "R"}, {"source": 19, "target": 4, "label": "R"}, {"source": 18, "target": 1, "label": "R"}, {"source": 20, "target": 14, "label": "S"}, {"source": 17, "target": 11, "label": "L"}, {"source": 20, "target": 12, "label": "A"}, {"source": 18, "target": 2, "label": "E"}]} +{"id": "279070-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food was excellent and the service was terrific.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 8, "label": "S"}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 10, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "279070-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is a cloth napkin kind of place, but I thought well worth it.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 63, "to": 64}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 15, "label": "U"}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 13, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 1, "label": "S"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 9, "label": "L"}, {"source": 18, "target": 3, "label": "E"}, {"source": 20, "target": 14, "label": "A"}, {"source": 18, "target": 19, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 6, "label": "F"}, {"source": 17, "target": 8, "label": "U"}, {"source": 20, "target": 12, "label": "D"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "279437-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent service, close to the morse redline stop.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 9, "label": "P"}, {"source": 11, "target": 14, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 10, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 11, "target": 2, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "279437-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great computer repair store, highly recommended.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 47}]}, {"id": 7, "anchors": [{"from": 47, "to": 48}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "P"}, {"source": 8, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "D"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 11, "label": "C"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "280170-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Can't say enough", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "D"}]} +{"id": "280170-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used to tan down the street before I was referred to this place by one of my friends.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}, {"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 22, "target": 8, "label": "F"}, {"source": 23, "target": 10, "label": "R"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 7, "label": "A"}, {"source": 21, "target": 4, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 18, "label": "U"}, {"source": 22, "target": 9, "label": "P"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 16, "label": "E"}, {"source": 19, "target": 3, "label": "P"}, {"source": 25, "target": 15, "label": "R"}, {"source": 24, "target": 17, "label": "C"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "280170-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WOW!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "280170-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I didn't know what I was missing.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "F"}, {"source": 11, "target": 4, "label": "A"}, {"source": 11, "target": 5, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 7, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "280170-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The lowest bed here is better than my last salons highest level.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 17, "target": 6, "label": "R"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 11, "label": "E"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 5, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 1, "label": "E"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "280170-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Salon is clean and girls are nice.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 3, "label": "N"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 6, "label": "F"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 5, "label": "F"}]} +{"id": "280340-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My girlfriend and I took a chance on this place because we didn't want to wait in line at Outback.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 97}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 26, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 25, "target": 10, "label": "L"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 29, "target": 15, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 17, "label": "R"}, {"source": 25, "target": 28, "label": "H"}, {"source": 22, "target": 0, "label": "E"}, {"source": 28, "target": 13, "label": "D"}, {"source": 22, "target": 1, "label": "C"}, {"source": 27, "target": 7, "label": "R"}, {"source": 28, "target": 14, "label": "P"}, {"source": 29, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 12, "label": "F"}, {"source": 23, "target": 3, "label": "C"}, {"source": 23, "target": 2, "label": "N"}, {"source": 23, "target": 22, "label": "C"}, {"source": 26, "target": 5, "label": "E"}, {"source": 26, "target": 4, "label": "F"}, {"source": 29, "target": 16, "label": "P"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 11, "label": "A"}, {"source": 31, "target": 19, "label": "R"}, {"source": 27, "target": 9, "label": "C"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "280340-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What an amazing find - this restaurant is a GEM.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 12, "target": 0, "label": "F"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 4, "label": "U"}, {"source": 12, "target": 7, "label": "S"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 1, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "280340-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "#1 its immaculately clean.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 5, "to": 6}]}, {"id": 4, "anchors": [{"from": 7, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "E"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "U"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "280340-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "#2 the decor is tasteful and artistic, from the comfortable chairs to the elegant light fixtures.... and (most importantly) #3 the food is FANTASTIC.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 106}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 122}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 125}]}, {"id": 25, "anchors": [{"from": 125, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 148}]}, {"id": 30, "anchors": [{"from": 148, "to": 149}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 29, "label": "A"}, {"source": 37, "target": 15, "label": "E"}, {"source": 38, "target": 19, "label": "N"}, {"source": 37, "target": 18, "label": "U"}, {"source": 31, "target": 0, "label": "U"}, {"source": 36, "target": 38, "label": "C"}, {"source": 33, "target": 4, "label": "F"}, {"source": 40, "target": 24, "label": "U"}, {"source": 31, "target": 33, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 40, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 37, "label": "C"}, {"source": 32, "target": 1, "label": "E"}, {"source": 40, "target": 28, "label": "S"}, {"source": 40, "target": 23, "label": "U"}, {"source": 35, "target": 9, "label": "R"}, {"source": 33, "target": 35, "label": "A"}, {"source": 36, "target": 40, "label": "E"}, {"source": 37, "target": 14, "label": "E"}, {"source": 35, "target": 10, "label": "E"}, {"source": 33, "target": 8, "label": "U"}, {"source": 41, "target": 42, "label": "A"}, {"source": 32, "target": 3, "label": "C"}, {"source": 42, "target": 27, "label": "C"}, {"source": 33, "target": 34, "label": "S"}, {"source": 35, "target": 12, "label": "C"}, {"source": 35, "target": 36, "label": "E"}, {"source": 37, "target": 17, "label": "E"}, {"source": 42, "target": 26, "label": "E"}, {"source": 35, "target": 11, "label": "E"}, {"source": 39, "target": 21, "label": "E"}, {"source": 32, "target": 2, "label": "E"}, {"source": 33, "target": 32, "label": "A"}, {"source": 34, "target": 5, "label": "C"}, {"source": 34, "target": 7, "label": "C"}, {"source": 39, "target": 22, "label": "C"}, {"source": 41, "target": 25, "label": "A"}, {"source": 37, "target": 16, "label": "E"}, {"source": 38, "target": 20, "label": "U"}, {"source": 34, "target": 6, "label": "N"}, {"source": 40, "target": 30, "label": "U"}, {"source": 36, "target": 13, "label": "R"}, {"source": 40, "target": 39, "label": "D"}]} +{"id": "280340-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is authentic Cuban cuisine; fresh ingredients expertly prepared and seasoned perfectly.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 91}]}, {"id": 13, "anchors": [{"from": 91, "to": 92}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 12, "label": "D"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 19, "target": 10, "label": "N"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 1, "label": "S"}, {"source": 18, "target": 19, "label": "S"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "D"}, {"source": 15, "target": 5, "label": "U"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "280340-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The portions were generous and we got out for less than the cost of one entree at some chain restaurant.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}, {"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 15, "label": "R"}, {"source": 25, "target": 9, "label": "R"}, {"source": 26, "target": 11, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 20, "target": 1, "label": "C"}, {"source": 21, "target": 3, "label": "P"}, {"source": 26, "target": 10, "label": "E"}, {"source": 29, "target": 16, "label": "E"}, {"source": 22, "target": 4, "label": "L"}, {"source": 27, "target": 26, "label": "P"}, {"source": 29, "target": 18, "label": "C"}, {"source": 24, "target": 27, "label": "C"}, {"source": 29, "target": 19, "label": "U"}, {"source": 25, "target": 8, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 12, "label": "R"}, {"source": 28, "target": 14, "label": "C"}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 28, "target": 13, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 23, "target": 6, "label": "P"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "280340-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "TRY THIS PLACE - YOU'LL LOVE IT.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}, {"from": 17, "to": 20}, {"from": 20, "to": 23}, {"from": 24, "to": 28}, {"from": 29, "to": 31}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "280663-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best DJ's In Town!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "U"}, {"source": 5, "target": 8, "label": "E"}, {"source": 8, "target": 2, "label": "R"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "280663-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wow!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "280663-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys were the best.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "280663-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were thorough, high class, and went above and beyond.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 6, "label": "U"}, {"source": 18, "target": 17, "label": "P"}, {"source": 15, "target": 2, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "S"}, {"source": 19, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 4, "label": "E"}, {"source": 19, "target": 10, "label": "N"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 3, "label": "U"}, {"source": 17, "target": 8, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "280663-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We never had to worry about a thing, and they led the way the whole time.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 4, "label": "P"}, {"source": 20, "target": 7, "label": "C"}, {"source": 23, "target": 15, "label": "E"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 18, "target": 1, "label": "D"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 8, "label": "U"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 6, "label": "E"}, {"source": 23, "target": 14, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 11, "label": "C"}, {"source": 22, "target": 13, "label": "E"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "F"}, {"source": 19, "target": 9, "label": "L"}, {"source": 21, "target": 22, "label": "P"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "280663-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They asked us things that we would have never have thought of, and took extra time to meet with us when we needed it before the wedding.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 135}]}, {"id": 28, "anchors": [{"from": 135, "to": 136}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 29, "target": 32, "label": "A"}, {"source": 37, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 3, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 39, "target": 22, "label": "A"}, {"source": 38, "target": 19, "label": "R"}, {"source": 30, "target": 39, "label": "H"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 12, "label": "U"}, {"source": 32, "target": 9, "label": "F"}, {"source": 33, "target": 10, "label": "C"}, {"source": 32, "target": 7, "label": "F"}, {"source": 32, "target": 4, "label": "F"}, {"source": 36, "target": 15, "label": "E"}, {"source": 34, "target": 11, "label": "S"}, {"source": 32, "target": 8, "label": "D"}, {"source": 30, "target": 21, "label": "L"}, {"source": 40, "target": 41, "label": "A"}, {"source": 30, "target": 35, "label": "H"}, {"source": 36, "target": 16, "label": "C"}, {"source": 31, "target": 2, "label": "E"}, {"source": 35, "target": 14, "label": "P"}, {"source": 37, "target": 38, "label": "A"}, {"source": 32, "target": 34, "label": "A"}, {"source": 35, "target": 37, "label": "A"}, {"source": 29, "target": 1, "label": "P"}, {"source": 39, "target": 23, "label": "S"}, {"source": 37, "target": 17, "label": "F"}, {"source": 39, "target": 24, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 41, "target": 26, "label": "E"}, {"source": 32, "target": 5, "label": "A"}, {"source": 35, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 28, "label": "U"}, {"source": 37, "target": 18, "label": "P"}, {"source": 30, "target": 40, "label": "H"}, {"source": 29, "target": 0, "label": "A"}, {"source": 41, "target": 27, "label": "C"}, {"source": 30, "target": 25, "label": "L"}, {"source": 33, "target": 6, "label": "F"}, {"source": 30, "target": 13, "label": "L"}, {"source": 35, "target": 36, "label": "D"}, {"source": 38, "target": 20, "label": "C"}]} +{"id": "280663-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Having a team was the best because they kept the flow of the wedding going the whole time!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 11, "label": "R"}, {"source": 19, "target": 22, "label": "A"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 10, "label": "C"}, {"source": 26, "target": 14, "label": "P"}, {"source": 25, "target": 13, "label": "C"}, {"source": 21, "target": 2, "label": "C"}, {"source": 24, "target": 9, "label": "E"}, {"source": 27, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "P"}, {"source": 23, "target": 26, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 8, "label": "P"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "F"}, {"source": 22, "target": 5, "label": "C"}, {"source": 22, "target": 4, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 1, "label": "E"}, {"source": 25, "target": 12, "label": "E"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "280663-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They may look young but don't let that fool you, as their knowledge of music far surpassed what we expected.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 29, "target": 15, "label": "R"}, {"source": 23, "target": 2, "label": "P"}, {"source": 27, "target": 14, "label": "P"}, {"source": 31, "target": 22, "label": "U"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 7, "label": "P"}, {"source": 24, "target": 4, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 5, "label": "F"}, {"source": 26, "target": 8, "label": "F"}, {"source": 28, "target": 30, "label": "A"}, {"source": 26, "target": 9, "label": "P"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 12, "label": "L"}, {"source": 24, "target": 11, "label": "U"}, {"source": 26, "target": 10, "label": "A"}, {"source": 30, "target": 19, "label": "E"}, {"source": 28, "target": 17, "label": "D"}, {"source": 24, "target": 28, "label": "H"}, {"source": 27, "target": 13, "label": "A"}, {"source": 31, "target": 21, "label": "P"}, {"source": 30, "target": 31, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 25, "target": 6, "label": "D"}, {"source": 28, "target": 27, "label": "A"}, {"source": 28, "target": 18, "label": "P"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 20, "label": "A"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 1, "label": "D"}, {"source": 29, "target": 16, "label": "C"}, {"source": 23, "target": 3, "label": "A"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "280663-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a music junkie that grew up in the 80's, and my dad worked for a record label in the 1960's.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}, {"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 31, "target": 22, "label": "U"}, {"source": 28, "target": 13, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 31, "target": 21, "label": "C"}, {"source": 25, "target": 2, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 14, "label": "P"}, {"source": 25, "target": 26, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 16, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 7, "label": "R"}, {"source": 24, "target": 29, "label": "H"}, {"source": 28, "target": 12, "label": "E"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 5, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 26, "target": 6, "label": "P"}, {"source": 30, "target": 17, "label": "E"}, {"source": 29, "target": 31, "label": "D"}, {"source": 31, "target": 20, "label": "E"}, {"source": 24, "target": 10, "label": "U"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "L"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 19, "label": "R"}, {"source": 23, "target": 1, "label": "S"}, {"source": 27, "target": 9, "label": "C"}, {"source": 30, "target": 15, "label": "R"}]} +{"id": "280663-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So we didn't expect them to even know some of the requests that we asked that night.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 84}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 8, "label": "P"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "D"}, {"source": 21, "target": 7, "label": "D"}, {"source": 24, "target": 14, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 23, "target": 11, "label": "E"}, {"source": 24, "target": 15, "label": "P"}, {"source": 20, "target": 1, "label": "A"}, {"source": 23, "target": 22, "label": "E"}, {"source": 19, "target": 0, "label": "L"}, {"source": 21, "target": 6, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 2, "label": "F"}, {"source": 22, "target": 10, "label": "R"}, {"source": 20, "target": 3, "label": "D"}, {"source": 20, "target": 4, "label": "P"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 25, "target": 18, "label": "U"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "E"}, {"source": 20, "target": 5, "label": "A"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "280663-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They just really know their stuff!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "280844-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good Service - Limited Results", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}, {"from": 15, "to": 22}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 23, "to": 30}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "E"}, {"source": 6, "target": 2, "label": "U"}]} +{"id": "280844-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Andrew was helpful and knowledgeable about acupuncture re: infertility.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 70}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 2, "label": "C"}, {"source": 13, "target": 3, "label": "N"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 15, "target": 8, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "280844-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was willing to talk to me about my specific issues and develop a plan of action.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 20, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 11, "label": "L"}, {"source": 18, "target": 1, "label": "F"}, {"source": 20, "target": 2, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 23, "target": 12, "label": "P"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "E"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 18, "target": 20, "label": "P"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 10, "label": "C"}, {"source": 25, "target": 15, "label": "R"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 7, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 22, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "280844-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The office is shared with a foot doctor and it's very sterile and medical feeling, which I liked.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 0, "label": "E"}, {"source": 22, "target": 3, "label": "S"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 1, "label": "C"}, {"source": 24, "target": 26, "label": "C"}, {"source": 23, "target": 16, "label": "U"}, {"source": 23, "target": 17, "label": "L"}, {"source": 22, "target": 21, "label": "A"}, {"source": 27, "target": 10, "label": "S"}, {"source": 26, "target": 8, "label": "N"}, {"source": 27, "target": 9, "label": "A"}, {"source": 29, "target": 13, "label": "N"}, {"source": 31, "target": 18, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 11, "label": "E"}, {"source": 23, "target": 31, "label": "H"}, {"source": 23, "target": 22, "label": "H"}, {"source": 31, "target": 20, "label": "U"}, {"source": 22, "target": 2, "label": "F"}, {"source": 31, "target": 19, "label": "P"}, {"source": 26, "target": 25, "label": "C"}, {"source": 28, "target": 12, "label": "C"}, {"source": 30, "target": 14, "label": "E"}, {"source": 29, "target": 28, "label": "C"}, {"source": 30, "target": 15, "label": "C"}, {"source": 26, "target": 27, "label": "C"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "280844-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The down side was that sometimes there was a lot of noise in the hallway from other patients/doctors.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 26, "target": 11, "label": "C"}, {"source": 21, "target": 0, "label": "E"}, {"source": 27, "target": 13, "label": "E"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 6, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 25, "target": 8, "label": "E"}, {"source": 29, "target": 19, "label": "C"}, {"source": 27, "target": 12, "label": "R"}, {"source": 21, "target": 2, "label": "C"}, {"source": 24, "target": 26, "label": "A"}, {"source": 24, "target": 7, "label": "S"}, {"source": 24, "target": 5, "label": "D"}, {"source": 25, "target": 9, "label": "C"}, {"source": 29, "target": 18, "label": "U"}, {"source": 28, "target": 15, "label": "R"}, {"source": 23, "target": 21, "label": "A"}, {"source": 27, "target": 14, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 25, "label": "E"}, {"source": 23, "target": 3, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 1, "label": "E"}, {"source": 24, "target": 28, "label": "A"}, {"source": 28, "target": 29, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 25, "target": 10, "label": "R"}]} +{"id": "280844-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I worked with Andrew for 2 months and did acupuncture and herbs.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 10, "label": "N"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 14, "target": 7, "label": "L"}, {"source": 15, "target": 2, "label": "R"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 16, "label": "D"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 4, "label": "R"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}]} +{"id": "280844-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The sessions were nice and I felt relaxed after them but did not notice any changes with my cycles.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 2, "label": "F"}, {"source": 20, "target": 1, "label": "C"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 11, "label": "F"}, {"source": 24, "target": 8, "label": "R"}, {"source": 27, "target": 17, "label": "E"}, {"source": 22, "target": 4, "label": "L"}, {"source": 27, "target": 16, "label": "R"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 12, "label": "D"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 10, "label": "L"}, {"source": 27, "target": 19, "label": "U"}, {"source": 26, "target": 14, "label": "E"}, {"source": 23, "target": 6, "label": "S"}, {"source": 24, "target": 9, "label": "C"}, {"source": 23, "target": 7, "label": "A"}, {"source": 21, "target": 3, "label": "S"}, {"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 24, "label": "D"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 27, "target": 18, "label": "C"}, {"source": 26, "target": 27, "label": "E"}]} +{"id": "280844-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I know it can take awhile for results and didn't expect a miracle, but after 2 months I felt like it was not entirely worth the cost/time.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 65}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 70}, {"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 123}]}, {"id": 27, "anchors": [{"from": 124, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 132}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}]}, {"id": 30, "anchors": [{"from": 133, "to": 137}]}, {"id": 31, "anchors": [{"from": 137, "to": 138}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 33, "target": 15, "label": "U"}, {"source": 38, "target": 39, "label": "A"}, {"source": 43, "target": 24, "label": "D"}, {"source": 34, "target": 36, "label": "A"}, {"source": 44, "target": 25, "label": "E"}, {"source": 46, "target": 28, "label": "C"}, {"source": 39, "target": 14, "label": "C"}, {"source": 33, "target": 32, "label": "H"}, {"source": 42, "target": 20, "label": "S"}, {"source": 45, "target": 46, "label": "C"}, {"source": 38, "target": 10, "label": "F"}, {"source": 33, "target": 16, "label": "L"}, {"source": 40, "target": 41, "label": "A"}, {"source": 35, "target": 3, "label": "F"}, {"source": 46, "target": 30, "label": "C"}, {"source": 37, "target": 6, "label": "C"}, {"source": 33, "target": 40, "label": "H"}, {"source": 41, "target": 18, "label": "C"}, {"source": 42, "target": 19, "label": "A"}, {"source": 38, "target": 11, "label": "D"}, {"source": 34, "target": 2, "label": "A"}, {"source": 33, "target": 34, "label": "H"}, {"source": 45, "target": 44, "label": "E"}, {"source": 44, "target": 26, "label": "C"}, {"source": 45, "target": 27, "label": "E"}, {"source": 36, "target": 8, "label": "C"}, {"source": 38, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 31, "label": "U"}, {"source": 43, "target": 45, "label": "A"}, {"source": 33, "target": 38, "label": "H"}, {"source": 33, "target": 9, "label": "L"}, {"source": 43, "target": 21, "label": "R"}, {"source": 36, "target": 5, "label": "E"}, {"source": 38, "target": 12, "label": "P"}, {"source": 33, "target": 42, "label": "H"}, {"source": 37, "target": 7, "label": "R"}, {"source": 32, "target": 1, "label": "P"}, {"source": 32, "target": 0, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 34, "target": 35, "label": "P"}, {"source": 43, "target": 22, "label": "A"}, {"source": 41, "target": 17, "label": "E"}, {"source": 35, "target": 4, "label": "C"}, {"source": 43, "target": 23, "label": "F"}, {"source": 46, "target": 29, "label": "U"}, {"source": 36, "target": 37, "label": "E"}, {"source": 39, "target": 13, "label": "E"}]} +{"id": "280844-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(I am also a little suspicious of all these glowing reviews...)", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 9, "label": "E"}, {"source": 16, "target": 2, "label": "S"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "U"}, {"source": 14, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 1, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 3, "label": "D"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "281976-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "do NOT bring your car here", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "F"}, {"source": 8, "target": 5, "label": "E"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "281976-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I got a coupon from Pennysaver for this station.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "R"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "281976-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, they accepted it.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 6, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 6, "label": "H"}, {"source": 6, "target": 1, "label": "U"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "S"}, {"source": 8, "target": 2, "label": "A"}]} +{"id": "281976-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, during the test, they did whatever they can to get my test failed.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 0, "label": "L"}, {"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 2, "label": "L"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 21, "target": 11, "label": "F"}, {"source": 21, "target": 8, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 15, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 5, "label": "U"}, {"source": 22, "target": 14, "label": "C"}, {"source": 20, "target": 7, "label": "P"}, {"source": 17, "target": 1, "label": "U"}, {"source": 21, "target": 9, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 6, "label": "A"}, {"source": 21, "target": 12, "label": "P"}, {"source": 21, "target": 10, "label": "D"}]} +{"id": "281976-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then, they sold me overpriced stuffs, such as oil tank cap, so that my car can pass it right away.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}, {"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 97}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 29, "target": 20, "label": "E"}, {"source": 28, "target": 18, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 11, "label": "C"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 5, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 22, "target": 13, "label": "L"}, {"source": 24, "target": 7, "label": "U"}, {"source": 23, "target": 2, "label": "A"}, {"source": 28, "target": 16, "label": "D"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 12, "label": "U"}, {"source": 23, "target": 3, "label": "P"}, {"source": 28, "target": 29, "label": "D"}, {"source": 26, "target": 10, "label": "C"}, {"source": 22, "target": 1, "label": "U"}, {"source": 25, "target": 8, "label": "R"}, {"source": 28, "target": 17, "label": "P"}, {"source": 28, "target": 27, "label": "A"}, {"source": 26, "target": 9, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 4, "label": "E"}, {"source": 29, "target": 21, "label": "U"}]} +{"id": "281976-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I ended up paying much more.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}, {"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 8, "label": "P"}, {"source": 7, "target": 9, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "283041-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Cookies, Cakes, and Customer Service", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}, {"from": 35, "to": 42}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 4, "label": "N"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 3, "label": "U"}]} +{"id": "283041-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was my birthday and I had a last minute idea to have a bakery cake instead of one pre-made in a convenience store, but the problem was it was the day before Valentines and when many bakeries turned me down for a plain vanilla rectangle cake, Fiona stepped up to the plate and was able to make a fantastic beautiful cake.", "tops": [63], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 77}, {"from": 78, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 116}]}, {"id": 23, "anchors": [{"from": 116, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 144}]}, {"id": 30, "anchors": [{"from": 145, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 159}]}, {"id": 33, "anchors": [{"from": 160, "to": 169}]}, {"id": 34, "anchors": [{"from": 169, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 174}]}, {"id": 36, "anchors": [{"from": 175, "to": 179}]}, {"id": 37, "anchors": [{"from": 180, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 193}]}, {"id": 39, "anchors": [{"from": 194, "to": 200}, {"from": 201, "to": 203}, {"from": 204, "to": 208}]}, {"id": 40, "anchors": [{"from": 209, "to": 212}]}, {"id": 41, "anchors": [{"from": 213, "to": 214}]}, {"id": 42, "anchors": [{"from": 215, "to": 220}]}, {"id": 43, "anchors": [{"from": 221, "to": 228}]}, {"id": 44, "anchors": [{"from": 229, "to": 238}]}, {"id": 45, "anchors": [{"from": 239, "to": 243}]}, {"id": 46, "anchors": [{"from": 243, "to": 244}]}, {"id": 47, "anchors": [{"from": 245, "to": 250}]}, {"id": 48, "anchors": [{"from": 251, "to": 258}, {"from": 259, "to": 261}]}, {"id": 49, "anchors": [{"from": 262, "to": 264}]}, {"id": 50, "anchors": [{"from": 265, "to": 268}]}, {"id": 51, "anchors": [{"from": 269, "to": 274}]}, {"id": 52, "anchors": [{"from": 275, "to": 278}]}, {"id": 53, "anchors": [{"from": 279, "to": 282}]}, {"id": 54, "anchors": [{"from": 283, "to": 287}]}, {"id": 55, "anchors": [{"from": 288, "to": 290}]}, {"id": 56, "anchors": [{"from": 291, "to": 295}]}, {"id": 57, "anchors": [{"from": 296, "to": 297}]}, {"id": 58, "anchors": [{"from": 298, "to": 307}]}, {"id": 59, "anchors": [{"from": 308, "to": 317}]}, {"id": 60, "anchors": [{"from": 318, "to": 322}]}, {"id": 61, "anchors": [{"from": 322, "to": 323}]}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}], "edges": [{"source": 68, "target": 70, "label": "A"}, {"source": 64, "target": 2, "label": "E"}, {"source": 68, "target": 69, "label": "A"}, {"source": 78, "target": 44, "label": "E"}, {"source": 63, "target": 72, "label": "A"}, {"source": 72, "target": 76, "label": "H"}, {"source": 72, "target": 35, "label": "L"}, {"source": 74, "target": 28, "label": "F"}, {"source": 83, "target": 84, "label": "E"}, {"source": 67, "target": 7, "label": "E"}, {"source": 67, "target": 9, "label": "E"}, {"source": 72, "target": 24, "label": "L"}, {"source": 71, "target": 21, "label": "E"}, {"source": 65, "target": 4, "label": "N"}, {"source": 65, "target": 64, "label": "C"}, {"source": 74, "target": 73, "label": "A"}, {"source": 63, "target": 46, "label": "U"}, {"source": 71, "target": 20, "label": "E"}, {"source": 81, "target": 82, "label": "P"}, {"source": 83, "target": 60, "label": "C"}, {"source": 70, "target": 18, "label": "C"}, {"source": 63, "target": 81, "label": "H"}, {"source": 77, "target": 37, "label": "E"}, {"source": 74, "target": 29, "label": "F"}, {"source": 71, "target": 22, "label": "C"}, {"source": 78, "target": 79, "label": "E"}, {"source": 78, "target": 40, "label": "R"}, {"source": 74, "target": 27, "label": "F"}, {"source": 81, "target": 53, "label": "F"}, {"source": 82, "target": 56, "label": "C"}, {"source": 80, "target": 50, "label": "E"}, {"source": 62, "target": 0, "label": "A"}, {"source": 84, "target": 58, "label": "E"}, {"source": 62, "target": 65, "label": "A"}, {"source": 75, "target": 32, "label": "R"}, {"source": 70, "target": 17, "label": "E"}, {"source": 84, "target": 59, "label": "C"}, {"source": 81, "target": 83, "label": "A"}, {"source": 71, "target": 19, "label": "R"}, {"source": 83, "target": 61, "label": "U"}, {"source": 72, "target": 36, "label": "L"}, {"source": 81, "target": 55, "label": "F"}, {"source": 75, "target": 30, "label": "E"}, {"source": 68, "target": 71, "label": "A"}, {"source": 82, "target": 54, "label": "E"}, {"source": 76, "target": 33, "label": "E"}, {"source": 69, "target": 15, "label": "C"}, {"source": 78, "target": 41, "label": "E"}, {"source": 72, "target": 23, "label": "U"}, {"source": 63, "target": 52, "label": "L"}, {"source": 67, "target": 6, "label": "F"}, {"source": 63, "target": 47, "label": "A"}, {"source": 79, "target": 43, "label": "C"}, {"source": 63, "target": 39, "label": "P"}, {"source": 78, "target": 45, "label": "C"}, {"source": 64, "target": 3, "label": "C"}, {"source": 62, "target": 68, "label": "A"}, {"source": 79, "target": 42, "label": "E"}, {"source": 69, "target": 13, "label": "E"}, {"source": 63, "target": 78, "label": "A"}, {"source": 73, "target": 26, "label": "C"}, {"source": 81, "target": 47, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 11, "label": "F"}, {"source": 70, "target": 16, "label": "R"}, {"source": 66, "target": 67, "label": "S"}, {"source": 72, "target": 74, "label": "H"}, {"source": 63, "target": 80, "label": "A"}, {"source": 80, "target": 49, "label": "R"}, {"source": 62, "target": 1, "label": "S"}, {"source": 75, "target": 31, "label": "C"}, {"source": 72, "target": 77, "label": "H"}, {"source": 80, "target": 51, "label": "C"}, {"source": 74, "target": 75, "label": "D"}, {"source": 83, "target": 57, "label": "E"}, {"source": 63, "target": 62, "label": "H"}, {"source": 65, "target": 66, "label": "C"}, {"source": 66, "target": 5, "label": "E"}, {"source": 68, "target": 12, "label": "P"}, {"source": 76, "target": 34, "label": "C"}, {"source": 67, "target": 8, "label": "E"}, {"source": 63, "target": 48, "label": "P"}, {"source": 69, "target": 14, "label": "E"}, {"source": 67, "target": 10, "label": "C"}, {"source": 73, "target": 25, "label": "E"}, {"source": 77, "target": 38, "label": "C"}]} +{"id": "283041-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only did it taste wonderful, but the texture was unbelievable, the frosting wasn't overly sweet to over power the cake, and the cake itself was just amazingly soft, and fluffy, and just perfect overall.", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 167}]}, {"id": 33, "anchors": [{"from": 167, "to": 168}]}, {"id": 34, "anchors": [{"from": 169, "to": 172}]}, {"id": 35, "anchors": [{"from": 173, "to": 179}]}, {"id": 36, "anchors": [{"from": 179, "to": 180}]}, {"id": 37, "anchors": [{"from": 181, "to": 184}]}, {"id": 38, "anchors": [{"from": 185, "to": 189}]}, {"id": 39, "anchors": [{"from": 190, "to": 197}]}, {"id": 40, "anchors": [{"from": 198, "to": 205}]}, {"id": 41, "anchors": [{"from": 205, "to": 206}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}], "edges": [{"source": 56, "target": 37, "label": "N"}, {"source": 52, "target": 51, "label": "A"}, {"source": 48, "target": 19, "label": "R"}, {"source": 53, "target": 30, "label": "E"}, {"source": 47, "target": 17, "label": "D"}, {"source": 57, "target": 41, "label": "U"}, {"source": 45, "target": 10, "label": "F"}, {"source": 42, "target": 1, "label": "D"}, {"source": 44, "target": 9, "label": "C"}, {"source": 50, "target": 23, "label": "C"}, {"source": 48, "target": 49, "label": "E"}, {"source": 47, "target": 16, "label": "D"}, {"source": 55, "target": 56, "label": "C"}, {"source": 43, "target": 12, "label": "U"}, {"source": 54, "target": 32, "label": "C"}, {"source": 43, "target": 7, "label": "L"}, {"source": 43, "target": 25, "label": "L"}, {"source": 51, "target": 27, "label": "C"}, {"source": 55, "target": 34, "label": "N"}, {"source": 56, "target": 36, "label": "U"}, {"source": 42, "target": 4, "label": "P"}, {"source": 43, "target": 24, "label": "U"}, {"source": 57, "target": 40, "label": "E"}, {"source": 42, "target": 3, "label": "A"}, {"source": 51, "target": 26, "label": "E"}, {"source": 43, "target": 52, "label": "H"}, {"source": 42, "target": 2, "label": "F"}, {"source": 52, "target": 28, "label": "D"}, {"source": 55, "target": 54, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 49, "target": 21, "label": "P"}, {"source": 42, "target": 5, "label": "A"}, {"source": 50, "target": 22, "label": "E"}, {"source": 49, "target": 20, "label": "F"}, {"source": 52, "target": 29, "label": "S"}, {"source": 45, "target": 11, "label": "S"}, {"source": 57, "target": 39, "label": "C"}, {"source": 57, "target": 38, "label": "E"}, {"source": 54, "target": 53, "label": "C"}, {"source": 43, "target": 42, "label": "H"}, {"source": 47, "target": 46, "label": "A"}, {"source": 55, "target": 33, "label": "U"}, {"source": 56, "target": 35, "label": "C"}, {"source": 52, "target": 55, "label": "A"}, {"source": 46, "target": 14, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 45, "target": 44, "label": "A"}, {"source": 43, "target": 47, "label": "H"}, {"source": 43, "target": 45, "label": "H"}, {"source": 42, "target": 0, "label": "D"}, {"source": 53, "target": 31, "label": "C"}, {"source": 43, "target": 6, "label": "U"}, {"source": 44, "target": 8, "label": "E"}, {"source": 46, "target": 13, "label": "E"}, {"source": 47, "target": 15, "label": "F"}, {"source": 56, "target": 57, "label": "C"}, {"source": 47, "target": 18, "label": "S"}]} +{"id": "283041-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Although I'll have to drive a little out of my way to go there, I'll gladly do it knowing that since she's been astounding to me once before that she'll always be that way!", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}, {"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}, {"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 133}, {"from": 134, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 145}]}, {"id": 30, "anchors": [{"from": 146, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 159}]}, {"id": 33, "anchors": [{"from": 160, "to": 162}]}, {"id": 34, "anchors": [{"from": 163, "to": 167}]}, {"id": 35, "anchors": [{"from": 168, "to": 171}]}, {"id": 36, "anchors": [{"from": 171, "to": 172}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 49, "target": 35, "label": "C"}, {"source": 44, "target": 18, "label": "A"}, {"source": 48, "target": 29, "label": "F"}, {"source": 42, "target": 10, "label": "C"}, {"source": 48, "target": 32, "label": "D"}, {"source": 46, "target": 24, "label": "F"}, {"source": 41, "target": 8, "label": "R"}, {"source": 48, "target": 33, "label": "F"}, {"source": 38, "target": 3, "label": "F"}, {"source": 37, "target": 43, "label": "H"}, {"source": 47, "target": 26, "label": "R"}, {"source": 46, "target": 25, "label": "S"}, {"source": 49, "target": 34, "label": "E"}, {"source": 38, "target": 42, "label": "A"}, {"source": 46, "target": 23, "label": "F"}, {"source": 46, "target": 22, "label": "A"}, {"source": 38, "target": 1, "label": "A"}, {"source": 42, "target": 41, "label": "R"}, {"source": 45, "target": 21, "label": "L"}, {"source": 48, "target": 31, "label": "D"}, {"source": 42, "target": 9, "label": "E"}, {"source": 49, "target": 36, "label": "U"}, {"source": 38, "target": 39, "label": "P"}, {"source": 44, "target": 19, "label": "P"}, {"source": 38, "target": 40, "label": "D"}, {"source": 37, "target": 38, "label": "H"}, {"source": 40, "target": 5, "label": "E"}, {"source": 37, "target": 14, "label": "U"}, {"source": 44, "target": 15, "label": "A"}, {"source": 44, "target": 16, "label": "D"}, {"source": 39, "target": 2, "label": "F"}, {"source": 45, "target": 46, "label": "H"}, {"source": 37, "target": 11, "label": "L"}, {"source": 43, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 12, "label": "P"}, {"source": 44, "target": 17, "label": "D"}, {"source": 37, "target": 0, "label": "L"}, {"source": 39, "target": 4, "label": "C"}, {"source": 40, "target": 6, "label": "C"}, {"source": 48, "target": 49, "label": "D"}, {"source": 37, "target": 44, "label": "H"}, {"source": 45, "target": 20, "label": "F"}, {"source": 45, "target": 28, "label": "L"}, {"source": 44, "target": 45, "label": "A"}, {"source": 47, "target": 27, "label": "C"}, {"source": 41, "target": 7, "label": "C"}, {"source": 45, "target": 48, "label": "H"}, {"source": 43, "target": 13, "label": "A"}, {"source": 46, "target": 47, "label": "A"}, {"source": 48, "target": 30, "label": "A"}]} +{"id": "283041-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(Also she has a really great website!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "A"}, {"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 1, "label": "D"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 11, "label": "P"}, {"source": 10, "target": 0, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "283041-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And we bought a few cookies there too, they were fantastic as well!)", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}, {"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 6, "label": "D"}, {"source": 18, "target": 9, "label": "A"}, {"source": 18, "target": 11, "label": "S"}, {"source": 16, "target": 7, "label": "D"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 10, "label": "F"}, {"source": 18, "target": 19, "label": "D"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 3, "label": "E"}, {"source": 15, "target": 8, "label": "U"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "283041-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She deserves many 5 star reviews!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 9, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "283903-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "very reasonable prices.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "283903-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "quick in & out.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}, {"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 4, "label": "P"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 4, "target": 5, "label": "E"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "283903-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "285133-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hair By Nivine in eastgardens fixed my hair after i had my hair cut and colored at another salon i felt more confident and the girls are fantastic and ive been going there now for 2 years always happy and they care about my hair had my hair done for my wedding it looked fabolous !", "tops": [59], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 132}]}, {"id": 26, "anchors": [{"from": 133, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 146}]}, {"id": 28, "anchors": [{"from": 147, "to": 150}]}, {"id": 29, "anchors": [{"from": 151, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 154}]}, {"id": 31, "anchors": [{"from": 155, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 179}]}, {"id": 36, "anchors": [{"from": 180, "to": 181}]}, {"id": 37, "anchors": [{"from": 182, "to": 187}]}, {"id": 38, "anchors": [{"from": 188, "to": 194}]}, {"id": 39, "anchors": [{"from": 195, "to": 200}]}, {"id": 40, "anchors": [{"from": 201, "to": 204}]}, {"id": 41, "anchors": [{"from": 205, "to": 209}]}, {"id": 42, "anchors": [{"from": 210, "to": 214}]}, {"id": 43, "anchors": [{"from": 215, "to": 220}]}, {"id": 44, "anchors": [{"from": 221, "to": 223}]}, {"id": 45, "anchors": [{"from": 224, "to": 228}]}, {"id": 46, "anchors": [{"from": 229, "to": 232}]}, {"id": 47, "anchors": [{"from": 233, "to": 235}]}, {"id": 48, "anchors": [{"from": 236, "to": 240}]}, {"id": 49, "anchors": [{"from": 241, "to": 245}]}, {"id": 50, "anchors": [{"from": 246, "to": 249}]}, {"id": 51, "anchors": [{"from": 250, "to": 252}]}, {"id": 52, "anchors": [{"from": 253, "to": 260}]}, {"id": 53, "anchors": [{"from": 261, "to": 263}]}, {"id": 54, "anchors": [{"from": 264, "to": 270}]}, {"id": 55, "anchors": [{"from": 271, "to": 279}]}, {"id": 56, "anchors": [{"from": 280, "to": 281}]}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}], "edges": [{"source": 68, "target": 70, "label": "A"}, {"source": 69, "target": 21, "label": "E"}, {"source": 76, "target": 35, "label": "R"}, {"source": 78, "target": 44, "label": "E"}, {"source": 75, "target": 34, "label": "C"}, {"source": 68, "target": 26, "label": "F"}, {"source": 80, "target": 47, "label": "E"}, {"source": 61, "target": 4, "label": "C"}, {"source": 83, "target": 53, "label": "A"}, {"source": 65, "target": 13, "label": "C"}, {"source": 70, "target": 23, "label": "N"}, {"source": 79, "target": 82, "label": "A"}, {"source": 59, "target": 66, "label": "H"}, {"source": 59, "target": 62, "label": "H"}, {"source": 72, "target": 27, "label": "C"}, {"source": 78, "target": 43, "label": "R"}, {"source": 65, "target": 11, "label": "E"}, {"source": 76, "target": 36, "label": "E"}, {"source": 66, "target": 15, "label": "P"}, {"source": 59, "target": 14, "label": "L"}, {"source": 59, "target": 68, "label": "H"}, {"source": 74, "target": 75, "label": "A"}, {"source": 65, "target": 12, "label": "E"}, {"source": 59, "target": 74, "label": "H"}, {"source": 83, "target": 55, "label": "A"}, {"source": 74, "target": 32, "label": "P"}, {"source": 75, "target": 33, "label": "F"}, {"source": 63, "target": 7, "label": "C"}, {"source": 59, "target": 77, "label": "H"}, {"source": 74, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 10, "label": "P"}, {"source": 77, "target": 42, "label": "S"}, {"source": 71, "target": 24, "label": "E"}, {"source": 62, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 68, "target": 19, "label": "A"}, {"source": 79, "target": 81, "label": "A"}, {"source": 62, "target": 63, "label": "A"}, {"source": 64, "target": 65, "label": "A"}, {"source": 61, "target": 3, "label": "R"}, {"source": 74, "target": 76, "label": "D"}, {"source": 57, "target": 60, "label": "E"}, {"source": 79, "target": 46, "label": "P"}, {"source": 83, "target": 56, "label": "U"}, {"source": 74, "target": 31, "label": "F"}, {"source": 80, "target": 48, "label": "C"}, {"source": 71, "target": 25, "label": "C"}, {"source": 77, "target": 41, "label": "A"}, {"source": 58, "target": 61, "label": "A"}, {"source": 78, "target": 45, "label": "C"}, {"source": 59, "target": 58, "label": "H"}, {"source": 64, "target": 9, "label": "A"}, {"source": 73, "target": 30, "label": "C"}, {"source": 62, "target": 5, "label": "P"}, {"source": 59, "target": 64, "label": "H"}, {"source": 67, "target": 16, "label": "R"}, {"source": 74, "target": 38, "label": "D"}, {"source": 59, "target": 8, "label": "L"}, {"source": 81, "target": 49, "label": "P"}, {"source": 76, "target": 37, "label": "C"}, {"source": 68, "target": 73, "label": "A"}, {"source": 74, "target": 39, "label": "A"}, {"source": 68, "target": 20, "label": "S"}, {"source": 82, "target": 52, "label": "C"}, {"source": 60, "target": 2, "label": "C"}, {"source": 81, "target": 80, "label": "A"}, {"source": 77, "target": 83, "label": "A"}, {"source": 67, "target": 18, "label": "C"}, {"source": 72, "target": 28, "label": "N"}, {"source": 57, "target": 0, "label": "C"}, {"source": 66, "target": 67, "label": "A"}, {"source": 73, "target": 72, "label": "E"}, {"source": 59, "target": 40, "label": "L"}, {"source": 82, "target": 50, "label": "R"}, {"source": 72, "target": 29, "label": "C"}, {"source": 77, "target": 79, "label": "A"}, {"source": 66, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 83, "target": 54, "label": "S"}, {"source": 77, "target": 78, "label": "A"}, {"source": 69, "target": 22, "label": "C"}, {"source": 70, "target": 69, "label": "C"}, {"source": 70, "target": 71, "label": "C"}, {"source": 58, "target": 57, "label": "A"}, {"source": 63, "target": 6, "label": "E"}, {"source": 82, "target": 51, "label": "E"}, {"source": 60, "target": 1, "label": "R"}, {"source": 67, "target": 17, "label": "E"}]} +{"id": "285133-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and there prices are really good!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 9, "label": "H"}, {"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "L"}, {"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 8, "label": "A"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "286172-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is awesome", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "S"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "286172-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great work, good price.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "U"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "286172-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Definetely going back", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}, {"from": 17, "to": 21}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "287360-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So delightful.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 2, "label": "U"}, {"source": 3, "target": 4, "label": "L"}, {"source": 4, "target": 1, "label": "C"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "287360-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a group!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "287360-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wouldn't want any other company in my time of need.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "C"}, {"source": 16, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 10, "label": "R"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 17, "label": "D"}]} +{"id": "287360-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great people!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "287360-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So professional!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "287360-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "These guys know what they're doing!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 4, "label": "A"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 5, "label": "F"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "287360-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Way to go!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "287454-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is not your usual cheap hotdog place.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}]} +{"id": "287454-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They offer a large variety of quality hotdogs and hamburgers They also offer veggie dogs.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 88}]}, {"id": 15, "anchors": [{"from": 88, "to": 89}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 19, "target": 8, "label": "N"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 20, "label": "E"}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 15, "label": "U"}, {"source": 16, "target": 17, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 5, "label": "R"}, {"source": 23, "target": 13, "label": "E"}, {"source": 19, "target": 18, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 17, "target": 11, "label": "D"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 18, "target": 6, "label": "E"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 22, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 21, "label": "C"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "287454-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The fries are of good quality, the staff is friendly.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 14, "target": 17, "label": "A"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "U"}, {"source": 14, "target": 12, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 9, "label": "F"}, {"source": 15, "target": 3, "label": "R"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "287454-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The atmosphere is your typical indie outfit with old movie posters and memorabilia from the 70's and 80's.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 105}]}, {"id": 18, "anchors": [{"from": 105, "to": 106}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 23, "target": 4, "label": "E"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 26, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 8, "label": "E"}, {"source": 24, "target": 27, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 28, "target": 14, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 26, "target": 11, "label": "N"}, {"source": 21, "target": 22, "label": "A"}, {"source": 29, "target": 18, "label": "U"}, {"source": 25, "target": 9, "label": "C"}, {"source": 27, "target": 29, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 29, "target": 16, "label": "N"}, {"source": 26, "target": 10, "label": "C"}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 2, "label": "S"}, {"source": 22, "target": 3, "label": "E"}, {"source": 29, "target": 28, "label": "C"}, {"source": 27, "target": 13, "label": "R"}, {"source": 26, "target": 12, "label": "C"}, {"source": 22, "target": 6, "label": "C"}]} +{"id": "287501-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Kliotech", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "288100-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Poor Service, Lack of Passion: Do NOT go", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}, {"from": 14, "to": 18}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 19, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 6, "label": "D"}, {"source": 8, "target": 0, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 11, "label": "E"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 7, "label": "E"}, {"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 4, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "288100-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I began seeing Dr. Romanick back in 2000 and have seen a significant decline in the quality of care, patient-doctor communication, and just the overall level of services.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}, {"from": 19, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21, "anchors": [{"from": 109, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 129}]}, {"id": 23, "anchors": [{"from": 129, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 151}]}, {"id": 28, "anchors": [{"from": 152, "to": 157}]}, {"id": 29, "anchors": [{"from": 158, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 169}]}, {"id": 31, "anchors": [{"from": 169, "to": 170}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 32, "target": 1, "label": "D"}, {"source": 32, "target": 4, "label": "D"}, {"source": 38, "target": 15, "label": "C"}, {"source": 33, "target": 32, "label": "H"}, {"source": 33, "target": 23, "label": "U"}, {"source": 37, "target": 38, "label": "E"}, {"source": 32, "target": 3, "label": "A"}, {"source": 33, "target": 7, "label": "L"}, {"source": 33, "target": 35, "label": "H"}, {"source": 32, "target": 2, "label": "P"}, {"source": 32, "target": 34, "label": "D"}, {"source": 37, "target": 13, "label": "R"}, {"source": 42, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 9, "label": "P"}, {"source": 42, "target": 41, "label": "D"}, {"source": 41, "target": 27, "label": "E"}, {"source": 40, "target": 19, "label": "E"}, {"source": 34, "target": 5, "label": "R"}, {"source": 41, "target": 25, "label": "E"}, {"source": 34, "target": 6, "label": "C"}, {"source": 41, "target": 26, "label": "E"}, {"source": 36, "target": 11, "label": "E"}, {"source": 41, "target": 30, "label": "C"}, {"source": 38, "target": 14, "label": "E"}, {"source": 36, "target": 10, "label": "E"}, {"source": 35, "target": 8, "label": "F"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 28, "label": "C"}, {"source": 40, "target": 20, "label": "U"}, {"source": 41, "target": 29, "label": "R"}, {"source": 33, "target": 42, "label": "H"}, {"source": 39, "target": 18, "label": "U"}, {"source": 32, "target": 0, "label": "A"}, {"source": 39, "target": 17, "label": "C"}, {"source": 33, "target": 24, "label": "L"}, {"source": 36, "target": 12, "label": "C"}, {"source": 42, "target": 31, "label": "U"}, {"source": 37, "target": 39, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 39, "target": 40, "label": "C"}, {"source": 39, "target": 22, "label": "P"}, {"source": 38, "target": 16, "label": "R"}, {"source": 36, "target": 37, "label": "E"}, {"source": 40, "target": 21, "label": "C"}]} +{"id": "288100-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The poor quality starts at the receptionist desk, where the staff is very impatient and lack the efficiency I once loved about the office.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 137}]}, {"id": 25, "anchors": [{"from": 137, "to": 138}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 23, "label": "E"}, {"source": 35, "target": 24, "label": "C"}, {"source": 30, "target": 13, "label": "D"}, {"source": 28, "target": 30, "label": "H"}, {"source": 31, "target": 10, "label": "E"}, {"source": 30, "target": 9, "label": "F"}, {"source": 29, "target": 6, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 34, "target": 20, "label": "D"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 11, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 30, "target": 14, "label": "S"}, {"source": 33, "target": 17, "label": "E"}, {"source": 27, "target": 3, "label": "S"}, {"source": 30, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 15, "label": "L"}, {"source": 29, "target": 7, "label": "C"}, {"source": 34, "target": 19, "label": "A"}, {"source": 32, "target": 16, "label": "P"}, {"source": 34, "target": 35, "label": "A"}, {"source": 26, "target": 2, "label": "C"}, {"source": 32, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "E"}, {"source": 27, "target": 26, "label": "A"}, {"source": 28, "target": 32, "label": "H"}, {"source": 29, "target": 5, "label": "E"}, {"source": 26, "target": 1, "label": "E"}, {"source": 33, "target": 18, "label": "C"}, {"source": 34, "target": 21, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 30, "target": 12, "label": "F"}, {"source": 35, "target": 22, "label": "R"}, {"source": 28, "target": 8, "label": "U"}, {"source": 29, "target": 4, "label": "R"}]} +{"id": "288100-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It took them nearly two months to complete a simple task, and countless calls from my part due to their lack of response and passion (not that it's a requirement for the job, but it helps to at least pretend to be helpful).", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}, {"from": 95, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 134}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 149}]}, {"id": 31, "anchors": [{"from": 150, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 173}]}, {"id": 35, "anchors": [{"from": 173, "to": 174}]}, {"id": 36, "anchors": [{"from": 175, "to": 178}]}, {"id": 37, "anchors": [{"from": 179, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 187}]}, {"id": 39, "anchors": [{"from": 188, "to": 190}]}, {"id": 40, "anchors": [{"from": 191, "to": 193}]}, {"id": 41, "anchors": [{"from": 194, "to": 199}]}, {"id": 42, "anchors": [{"from": 200, "to": 207}]}, {"id": 43, "anchors": [{"from": 208, "to": 210}]}, {"id": 44, "anchors": [{"from": 211, "to": 213}]}, {"id": 45, "anchors": [{"from": 214, "to": 221}]}, {"id": 46, "anchors": [{"from": 221, "to": 222}]}, {"id": 47, "anchors": [{"from": 222, "to": 223}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 49, "target": 25, "label": "U"}, {"source": 65, "target": 41, "label": "C"}, {"source": 56, "target": 16, "label": "E"}, {"source": 66, "target": 47, "label": "U"}, {"source": 49, "target": 35, "label": "U"}, {"source": 60, "target": 29, "label": "S"}, {"source": 63, "target": 37, "label": "A"}, {"source": 66, "target": 43, "label": "F"}, {"source": 60, "target": 61, "label": "A"}, {"source": 56, "target": 15, "label": "R"}, {"source": 64, "target": 39, "label": "R"}, {"source": 49, "target": 52, "label": "H"}, {"source": 66, "target": 45, "label": "A"}, {"source": 49, "target": 55, "label": "H"}, {"source": 60, "target": 27, "label": "F"}, {"source": 49, "target": 6, "label": "L"}, {"source": 66, "target": 46, "label": "U"}, {"source": 59, "target": 22, "label": "C"}, {"source": 49, "target": 60, "label": "H"}, {"source": 55, "target": 56, "label": "A"}, {"source": 54, "target": 14, "label": "C"}, {"source": 58, "target": 21, "label": "R"}, {"source": 52, "target": 7, "label": "P"}, {"source": 64, "target": 42, "label": "P"}, {"source": 61, "target": 31, "label": "C"}, {"source": 53, "target": 9, "label": "E"}, {"source": 51, "target": 3, "label": "E"}, {"source": 57, "target": 59, "label": "P"}, {"source": 54, "target": 13, "label": "E"}, {"source": 51, "target": 4, "label": "E"}, {"source": 62, "target": 33, "label": "E"}, {"source": 56, "target": 17, "label": "C"}, {"source": 55, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 18, "label": "L"}, {"source": 66, "target": 44, "label": "S"}, {"source": 52, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 61, "target": 30, "label": "E"}, {"source": 59, "target": 24, "label": "C"}, {"source": 48, "target": 50, "label": "P"}, {"source": 63, "target": 64, "label": "A"}, {"source": 62, "target": 32, "label": "R"}, {"source": 49, "target": 63, "label": "H"}, {"source": 62, "target": 34, "label": "C"}, {"source": 49, "target": 48, "label": "H"}, {"source": 57, "target": 19, "label": "A"}, {"source": 53, "target": 8, "label": "E"}, {"source": 58, "target": 20, "label": "C"}, {"source": 60, "target": 26, "label": "D"}, {"source": 60, "target": 28, "label": "A"}, {"source": 51, "target": 5, "label": "C"}, {"source": 59, "target": 23, "label": "N"}, {"source": 64, "target": 65, "label": "D"}, {"source": 53, "target": 10, "label": "C"}, {"source": 50, "target": 2, "label": "C"}, {"source": 65, "target": 40, "label": "E"}, {"source": 52, "target": 53, "label": "A"}, {"source": 49, "target": 36, "label": "L"}, {"source": 63, "target": 38, "label": "P"}, {"source": 60, "target": 62, "label": "A"}, {"source": 64, "target": 66, "label": "A"}, {"source": 49, "target": 12, "label": "L"}, {"source": 49, "target": 57, "label": "H"}, {"source": 48, "target": 0, "label": "A"}, {"source": 50, "target": 1, "label": "F"}, {"source": 57, "target": 58, "label": "D"}, {"source": 55, "target": 54, "label": "A"}, {"source": 48, "target": 51, "label": "D"}, {"source": 49, "target": 11, "label": "U"}]} +{"id": "288100-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also, I was promised to have my test results emailed to me, but it never happened, and after a few attempts to get Dr. Romanick on the phone to brief me on my condition, I finally gave up and went to a different doctor.", "tops": [47], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 118}, {"from": 119, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 155}]}, {"id": 34, "anchors": [{"from": 156, "to": 158}]}, {"id": 35, "anchors": [{"from": 159, "to": 168}]}, {"id": 36, "anchors": [{"from": 168, "to": 169}]}, {"id": 37, "anchors": [{"from": 170, "to": 171}]}, {"id": 38, "anchors": [{"from": 172, "to": 179}]}, {"id": 39, "anchors": [{"from": 180, "to": 184}, {"from": 185, "to": 187}]}, {"id": 40, "anchors": [{"from": 188, "to": 191}]}, {"id": 41, "anchors": [{"from": 192, "to": 196}]}, {"id": 42, "anchors": [{"from": 197, "to": 199}]}, {"id": 43, "anchors": [{"from": 200, "to": 201}]}, {"id": 44, "anchors": [{"from": 202, "to": 211}]}, {"id": 45, "anchors": [{"from": 212, "to": 218}]}, {"id": 46, "anchors": [{"from": 218, "to": 219}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}], "edges": [{"source": 61, "target": 38, "label": "D"}, {"source": 47, "target": 1, "label": "U"}, {"source": 56, "target": 55, "label": "A"}, {"source": 47, "target": 30, "label": "L"}, {"source": 47, "target": 56, "label": "H"}, {"source": 63, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 26, "label": "A"}, {"source": 57, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 32, "label": "A"}, {"source": 61, "target": 37, "label": "A"}, {"source": 55, "target": 22, "label": "E"}, {"source": 62, "target": 41, "label": "C"}, {"source": 47, "target": 19, "label": "L"}, {"source": 60, "target": 34, "label": "E"}, {"source": 62, "target": 42, "label": "R"}, {"source": 64, "target": 46, "label": "U"}, {"source": 51, "target": 8, "label": "E"}, {"source": 59, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 54, "label": "H"}, {"source": 52, "target": 10, "label": "P"}, {"source": 49, "target": 6, "label": "P"}, {"source": 58, "target": 29, "label": "C"}, {"source": 47, "target": 18, "label": "U"}, {"source": 64, "target": 44, "label": "E"}, {"source": 53, "target": 12, "label": "C"}, {"source": 47, "target": 63, "label": "H"}, {"source": 59, "target": 31, "label": "P"}, {"source": 59, "target": 60, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 50, "target": 7, "label": "A"}, {"source": 47, "target": 13, "label": "U"}, {"source": 48, "target": 4, "label": "P"}, {"source": 51, "target": 52, "label": "E"}, {"source": 57, "target": 25, "label": "P"}, {"source": 47, "target": 48, "label": "H"}, {"source": 47, "target": 0, "label": "L"}, {"source": 56, "target": 57, "label": "A"}, {"source": 47, "target": 20, "label": "L"}, {"source": 51, "target": 9, "label": "C"}, {"source": 49, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 64, "target": 45, "label": "C"}, {"source": 58, "target": 28, "label": "E"}, {"source": 48, "target": 3, "label": "F"}, {"source": 54, "target": 16, "label": "D"}, {"source": 61, "target": 39, "label": "P"}, {"source": 63, "target": 64, "label": "A"}, {"source": 49, "target": 5, "label": "F"}, {"source": 55, "target": 21, "label": "E"}, {"source": 58, "target": 27, "label": "R"}, {"source": 47, "target": 14, "label": "L"}, {"source": 54, "target": 17, "label": "P"}, {"source": 49, "target": 50, "label": "A"}, {"source": 60, "target": 33, "label": "R"}, {"source": 53, "target": 11, "label": "R"}, {"source": 56, "target": 23, "label": "P"}, {"source": 52, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 2, "label": "A"}, {"source": 57, "target": 58, "label": "A"}, {"source": 47, "target": 59, "label": "H"}, {"source": 54, "target": 15, "label": "A"}, {"source": 60, "target": 35, "label": "C"}, {"source": 50, "target": 51, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 47, "target": 36, "label": "U"}, {"source": 64, "target": 43, "label": "E"}, {"source": 63, "target": 62, "label": "P"}, {"source": 57, "target": 24, "label": "F"}, {"source": 47, "target": 40, "label": "L"}, {"source": 47, "target": 61, "label": "H"}]} +{"id": "288100-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Please do not go there if it's professional, friendly, diligent medical services you're looking for.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 99}]}, {"id": 19, "anchors": [{"from": 99, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 9, "label": "U"}, {"source": 24, "target": 13, "label": "E"}, {"source": 25, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 18, "label": "R"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "U"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 15, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "A"}, {"source": 22, "target": 7, "label": "S"}, {"source": 24, "target": 14, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 12, "label": "E"}, {"source": 23, "target": 24, "label": "C"}, {"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 5, "label": "L"}, {"source": 20, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 14, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "P"}, {"source": 25, "target": 16, "label": "F"}, {"source": 23, "target": 10, "label": "C"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "288100-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Save yourself the trouble, money and time and visit a more caring facility/doctor.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 4, "label": "U"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 23, "target": 11, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 9, "label": "P"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 8, "label": "N"}, {"source": 22, "target": 15, "label": "E"}, {"source": 22, "target": 10, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 0, "label": "P"}, {"source": 21, "target": 20, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 20, "target": 6, "label": "N"}, {"source": 18, "target": 19, "label": "A"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "288163-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Amazing Experience!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "288163-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My experience was amazing at Providence Aesthetics and Medical Spa.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}, {"from": 40, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 62}, {"from": 63, "to": 66}]}, {"id": 8, "anchors": [{"from": 66, "to": 67}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "C"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 13, "target": 6, "label": "N"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "288163-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Jana Kueck was nothing but professional.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "N"}]} +{"id": "288163-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She makes you feel like you are the most important person in the world.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 6, "label": "S"}, {"source": 21, "target": 9, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 11, "label": "R"}, {"source": 20, "target": 7, "label": "E"}, {"source": 16, "target": 17, "label": "P"}, {"source": 22, "target": 12, "label": "E"}, {"source": 19, "target": 4, "label": "R"}, {"source": 20, "target": 10, "label": "C"}, {"source": 20, "target": 22, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "A"}, {"source": 18, "target": 2, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 8, "label": "E"}, {"source": 18, "target": 3, "label": "S"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "288163-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Jana made me feel very comfortable.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 10, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "288163-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Provided me with warm blanket and has soft music playing.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 1, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 5, "label": "L"}, {"source": 15, "target": 8, "label": "E"}, {"source": 11, "target": 0, "label": "P"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "288163-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Walking in the door you are made to feel happy and relaxed.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 4, "label": "A"}, {"source": 16, "target": 7, "label": "F"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 10, "label": "N"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 1, "label": "R"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "P"}, {"source": 16, "target": 8, "label": "P"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "288163-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Equipment is state of the art.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "288163-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would reccomend anyone to go see Jana Kueck and Robin Talley to see all the many procedures they have to offer.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}, {"from": 56, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 106}]}, {"id": 19, "anchors": [{"from": 107, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 29, "target": 16, "label": "A"}, {"source": 21, "target": 2, "label": "D"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 29, "target": 18, "label": "F"}, {"source": 26, "target": 8, "label": "N"}, {"source": 25, "target": 5, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 22, "target": 10, "label": "L"}, {"source": 24, "target": 25, "label": "P"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 12, "label": "E"}, {"source": 27, "target": 11, "label": "P"}, {"source": 26, "target": 7, "label": "C"}, {"source": 21, "target": 23, "label": "P"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "F"}, {"source": 23, "target": 3, "label": "C"}, {"source": 29, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "C"}, {"source": 28, "target": 13, "label": "E"}, {"source": 29, "target": 30, "label": "P"}, {"source": 30, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 9, "label": "C"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "288894-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wrong Information", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "288894-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The address is for Noida Location not for Gurgaon Location.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}, {"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "288894-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Please update this listing in you database.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "288930-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "great! :P", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}]} +{"id": "288930-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "you get a really good view of the city and there is also attractions like simulator, short movies.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 10, "label": "F"}, {"source": 24, "target": 7, "label": "E"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 6, "label": "R"}, {"source": 20, "target": 22, "label": "P"}, {"source": 28, "target": 17, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 12, "label": "D"}, {"source": 20, "target": 4, "label": "D"}, {"source": 28, "target": 18, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 24, "target": 8, "label": "C"}, {"source": 26, "target": 14, "label": "R"}, {"source": 20, "target": 23, "label": "D"}, {"source": 27, "target": 16, "label": "U"}, {"source": 23, "target": 3, "label": "C"}, {"source": 27, "target": 28, "label": "C"}, {"source": 25, "target": 11, "label": "S"}, {"source": 25, "target": 13, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 20, "target": 24, "label": "A"}, {"source": 26, "target": 27, "label": "C"}, {"source": 28, "target": 19, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "288930-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Try the 360 restraunt u spin in the cn tower with a beautiful view the sky pod elevator is about an hour line up in the summer", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 96}, {"from": 97, "to": 99}, {"from": 100, "to": 104}, {"from": 105, "to": 109}, {"from": 110, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 126}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 15, "label": "E"}, {"source": 24, "target": 0, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 25, "target": 1, "label": "E"}, {"source": 25, "target": 2, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 31, "target": 21, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 4, "label": "E"}, {"source": 31, "target": 20, "label": "R"}, {"source": 29, "target": 18, "label": "F"}, {"source": 31, "target": 22, "label": "C"}, {"source": 30, "target": 17, "label": "C"}, {"source": 28, "target": 11, "label": "E"}, {"source": 30, "target": 16, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 27, "target": 10, "label": "R"}, {"source": 28, "target": 12, "label": "E"}, {"source": 29, "target": 13, "label": "P"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 29, "label": "C"}, {"source": 29, "target": 31, "label": "D"}, {"source": 26, "target": 7, "label": "E"}, {"source": 30, "target": 14, "label": "E"}, {"source": 26, "target": 6, "label": "R"}, {"source": 28, "target": 19, "label": "E"}, {"source": 26, "target": 9, "label": "C"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "289763-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Awesome service with a smile :)", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 4, "label": "E"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}]} +{"id": "290238-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Out of business?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 1, "label": "R"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 5, "target": 4, "label": "L"}]} +{"id": "290238-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I think this location is no longer in business.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}, {"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "D"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "S"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "290238-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you check RecWarehouse.com, they don't list this as a location.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 15, "target": 3, "label": "A"}, {"source": 15, "target": 1, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "R"}, {"source": 15, "target": 2, "label": "P"}, {"source": 16, "target": 6, "label": "P"}, {"source": 17, "target": 11, "label": "E"}, {"source": 17, "target": 12, "label": "C"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "D"}, {"source": 14, "target": 4, "label": "U"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 9, "label": "A"}]} +{"id": "290238-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You'll have to drive 10 miles down 75 to Allen.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 3, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 3, "label": "C"}, {"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 14, "label": "D"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 16, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 4, "label": "E"}]} +{"id": "290594-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What you can learn from the below 'bad experience'.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 7, "label": "U"}, {"source": 15, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "F"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "R"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "290594-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would suggest not avoiding Second Home based on the 'bad experience' review.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}, {"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "P"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 21, "target": 10, "label": "E"}, {"source": 21, "target": 12, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 16, "target": 17, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 2, "label": "C"}, {"source": 20, "target": 6, "label": "P"}, {"source": 21, "target": 11, "label": "E"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 9, "label": "U"}, {"source": 21, "target": 7, "label": "R"}, {"source": 21, "target": 8, "label": "E"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "290594-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'd probably be more inclined to board my two dogs here, seeing that they don't just take every dog coming in.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}, {"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 109}]}, {"id": 23, "anchors": [{"from": 109, "to": 110}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 32, "target": 22, "label": "D"}, {"source": 30, "target": 17, "label": "D"}, {"source": 31, "target": 20, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 30, "target": 18, "label": "P"}, {"source": 32, "target": 21, "label": "S"}, {"source": 31, "target": 19, "label": "E"}, {"source": 24, "target": 6, "label": "F"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 2, "label": "D"}, {"source": 25, "target": 29, "label": "H"}, {"source": 28, "target": 8, "label": "E"}, {"source": 32, "target": 20, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "P"}, {"source": 26, "target": 5, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 26, "target": 4, "label": "E"}, {"source": 27, "target": 7, "label": "P"}, {"source": 30, "target": 15, "label": "F"}, {"source": 28, "target": 9, "label": "E"}, {"source": 27, "target": 26, "label": "E"}, {"source": 30, "target": 13, "label": "F"}, {"source": 24, "target": 3, "label": "S"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 11, "label": "U"}, {"source": 30, "target": 16, "label": "D"}, {"source": 30, "target": 14, "label": "A"}, {"source": 32, "target": 23, "label": "U"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "290594-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've toured this place and was impressed by how clean the place was, and all the options for the dogs.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 7, "label": "R"}, {"source": 23, "target": 4, "label": "L"}, {"source": 24, "target": 3, "label": "C"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 28, "label": "S"}, {"source": 26, "target": 12, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 23, "target": 13, "label": "U"}, {"source": 23, "target": 14, "label": "L"}, {"source": 22, "target": 1, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 30, "target": 18, "label": "R"}, {"source": 25, "target": 5, "label": "F"}, {"source": 26, "target": 8, "label": "D"}, {"source": 28, "target": 15, "label": "E"}, {"source": 26, "target": 9, "label": "P"}, {"source": 30, "target": 19, "label": "E"}, {"source": 27, "target": 10, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 29, "label": "H"}, {"source": 24, "target": 2, "label": "E"}, {"source": 28, "target": 16, "label": "E"}, {"source": 25, "target": 6, "label": "P"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "290594-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's unfortunate that bmil believed that his 'perfect' dog was not given the right opportunity to prove himself.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 4}, {"from": 5, "to": 16}, {"from": 17, "to": 21}]}, {"id": 1, "anchors": [{"from": 22, "to": 26}]}, {"id": 2, "anchors": [{"from": 27, "to": 35}]}, {"id": 3, "anchors": [{"from": 36, "to": 40}]}, {"id": 4, "anchors": [{"from": 41, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 94}]}, {"id": 15, "anchors": [{"from": 95, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 103}]}, {"id": 17, "anchors": [{"from": 104, "to": 111}]}, {"id": 18, "anchors": [{"from": 111, "to": 112}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 21, "target": 3, "label": "F"}, {"source": 23, "target": 11, "label": "F"}, {"source": 24, "target": 16, "label": "P"}, {"source": 22, "target": 5, "label": "U"}, {"source": 20, "target": 1, "label": "A"}, {"source": 23, "target": 13, "label": "E"}, {"source": 24, "target": 15, "label": "F"}, {"source": 19, "target": 0, "label": "L"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 23, "label": "P"}, {"source": 24, "target": 18, "label": "U"}, {"source": 21, "target": 9, "label": "F"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 2, "label": "P"}, {"source": 24, "target": 17, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 4, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 12, "label": "E"}, {"source": 22, "target": 6, "label": "E"}, {"source": 21, "target": 10, "label": "D"}]} +{"id": "290594-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But I've done hundreds of dog introductions myself (another place, I don't work here), and owners can have unrealistic expectations and views of what they see when their dogs meet other dogs.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}, {"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 131}]}, {"id": 25, "anchors": [{"from": 132, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 154}]}, {"id": 30, "anchors": [{"from": 155, "to": 158}]}, {"id": 31, "anchors": [{"from": 159, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 169}]}, {"id": 33, "anchors": [{"from": 170, "to": 174}]}, {"id": 34, "anchors": [{"from": 175, "to": 179}]}, {"id": 35, "anchors": [{"from": 180, "to": 185}]}, {"id": 36, "anchors": [{"from": 186, "to": 190}]}, {"id": 37, "anchors": [{"from": 190, "to": 191}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 40, "target": 3, "label": "C"}, {"source": 40, "target": 4, "label": "R"}, {"source": 45, "target": 47, "label": "A"}, {"source": 48, "target": 28, "label": "A"}, {"source": 38, "target": 11, "label": "U"}, {"source": 38, "target": 44, "label": "H"}, {"source": 38, "target": 18, "label": "U"}, {"source": 44, "target": 14, "label": "D"}, {"source": 42, "target": 7, "label": "D"}, {"source": 44, "target": 13, "label": "F"}, {"source": 41, "target": 40, "label": "E"}, {"source": 38, "target": 39, "label": "H"}, {"source": 41, "target": 5, "label": "E"}, {"source": 47, "target": 48, "label": "C"}, {"source": 43, "target": 9, "label": "E"}, {"source": 42, "target": 8, "label": "U"}, {"source": 38, "target": 19, "label": "L"}, {"source": 51, "target": 37, "label": "U"}, {"source": 38, "target": 45, "label": "H"}, {"source": 45, "target": 20, "label": "A"}, {"source": 38, "target": 0, "label": "L"}, {"source": 49, "target": 32, "label": "E"}, {"source": 44, "target": 15, "label": "P"}, {"source": 49, "target": 33, "label": "C"}, {"source": 38, "target": 17, "label": "U"}, {"source": 44, "target": 12, "label": "A"}, {"source": 51, "target": 36, "label": "C"}, {"source": 48, "target": 30, "label": "P"}, {"source": 46, "target": 23, "label": "E"}, {"source": 46, "target": 22, "label": "F"}, {"source": 48, "target": 29, "label": "A"}, {"source": 45, "target": 21, "label": "D"}, {"source": 38, "target": 31, "label": "L"}, {"source": 50, "target": 34, "label": "P"}, {"source": 39, "target": 41, "label": "A"}, {"source": 44, "target": 16, "label": "A"}, {"source": 41, "target": 6, "label": "C"}, {"source": 46, "target": 26, "label": "C"}, {"source": 47, "target": 27, "label": "R"}, {"source": 51, "target": 35, "label": "E"}, {"source": 50, "target": 49, "label": "A"}, {"source": 38, "target": 50, "label": "H"}, {"source": 46, "target": 24, "label": "C"}, {"source": 45, "target": 46, "label": "P"}, {"source": 50, "target": 51, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 46, "target": 25, "label": "N"}, {"source": 39, "target": 2, "label": "P"}, {"source": 39, "target": 1, "label": "A"}, {"source": 41, "target": 42, "label": "E"}, {"source": 43, "target": 10, "label": "C"}]} +{"id": "290594-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Workers who do these introductions look at the interaction objectively; and it's good to see they are able and willing to say no if they feel there would be a problem.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 70}]}, {"id": 10, "anchors": [{"from": 70, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 78}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 166}]}, {"id": 33, "anchors": [{"from": 166, "to": 167}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 48, "target": 29, "label": "F"}, {"source": 34, "target": 0, "label": "C"}, {"source": 37, "target": 1, "label": "F"}, {"source": 40, "target": 6, "label": "R"}, {"source": 39, "target": 40, "label": "A"}, {"source": 47, "target": 30, "label": "F"}, {"source": 37, "target": 39, "label": "A"}, {"source": 44, "target": 45, "label": "C"}, {"source": 35, "target": 11, "label": "L"}, {"source": 43, "target": 17, "label": "A"}, {"source": 41, "target": 15, "label": "F"}, {"source": 39, "target": 5, "label": "P"}, {"source": 43, "target": 44, "label": "S"}, {"source": 37, "target": 2, "label": "P"}, {"source": 42, "target": 41, "label": "H"}, {"source": 46, "target": 26, "label": "A"}, {"source": 39, "target": 9, "label": "D"}, {"source": 40, "target": 7, "label": "E"}, {"source": 48, "target": 32, "label": "C"}, {"source": 44, "target": 19, "label": "C"}, {"source": 48, "target": 33, "label": "U"}, {"source": 42, "target": 46, "label": "H"}, {"source": 46, "target": 27, "label": "P"}, {"source": 45, "target": 23, "label": "C"}, {"source": 34, "target": 37, "label": "E"}, {"source": 36, "target": 34, "label": "A"}, {"source": 47, "target": 48, "label": "P"}, {"source": 36, "target": 24, "label": "D"}, {"source": 39, "target": 38, "label": "A"}, {"source": 41, "target": 16, "label": "P"}, {"source": 43, "target": 18, "label": "F"}, {"source": 47, "target": 28, "label": "A"}, {"source": 41, "target": 43, "label": "A"}, {"source": 36, "target": 10, "label": "U"}, {"source": 41, "target": 12, "label": "A"}, {"source": 41, "target": 13, "label": "F"}, {"source": 38, "target": 4, "label": "C"}, {"source": 44, "target": 20, "label": "N"}, {"source": 45, "target": 21, "label": "E"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 8, "label": "C"}, {"source": 42, "target": 25, "label": "L"}, {"source": 36, "target": 42, "label": "P"}, {"source": 46, "target": 47, "label": "A"}, {"source": 38, "target": 3, "label": "E"}, {"source": 48, "target": 31, "label": "E"}, {"source": 41, "target": 14, "label": "F"}, {"source": 45, "target": 22, "label": "F"}]} +{"id": "290594-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It sounds (according to your own statement) that they had a roomful of dogs, so they must be doing something right - and are keeping those dogs safe from potential problems.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 114}]}, {"id": 24, "anchors": [{"from": 115, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 172}]}, {"id": 34, "anchors": [{"from": 172, "to": 173}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 35, "target": 39, "label": "A"}, {"source": 36, "target": 24, "label": "U"}, {"source": 40, "target": 10, "label": "A"}, {"source": 43, "target": 18, "label": "A"}, {"source": 36, "target": 43, "label": "H"}, {"source": 38, "target": 4, "label": "R"}, {"source": 44, "target": 22, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 14, "label": "R"}, {"source": 36, "target": 8, "label": "U"}, {"source": 45, "target": 46, "label": "A"}, {"source": 37, "target": 38, "label": "E"}, {"source": 47, "target": 30, "label": "C"}, {"source": 36, "target": 40, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 48, "target": 47, "label": "R"}, {"source": 36, "target": 16, "label": "U"}, {"source": 39, "target": 6, "label": "E"}, {"source": 48, "target": 33, "label": "C"}, {"source": 46, "target": 29, "label": "C"}, {"source": 43, "target": 20, "label": "F"}, {"source": 45, "target": 27, "label": "P"}, {"source": 47, "target": 31, "label": "E"}, {"source": 45, "target": 26, "label": "F"}, {"source": 36, "target": 25, "label": "L"}, {"source": 46, "target": 28, "label": "E"}, {"source": 35, "target": 37, "label": "P"}, {"source": 41, "target": 12, "label": "E"}, {"source": 40, "target": 9, "label": "F"}, {"source": 43, "target": 19, "label": "D"}, {"source": 35, "target": 0, "label": "A"}, {"source": 48, "target": 32, "label": "E"}, {"source": 44, "target": 23, "label": "C"}, {"source": 39, "target": 7, "label": "C"}, {"source": 42, "target": 15, "label": "C"}, {"source": 43, "target": 21, "label": "P"}, {"source": 41, "target": 13, "label": "C"}, {"source": 37, "target": 2, "label": "U"}, {"source": 45, "target": 48, "label": "A"}, {"source": 37, "target": 1, "label": "C"}, {"source": 45, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 3, "label": "P"}, {"source": 36, "target": 35, "label": "H"}, {"source": 39, "target": 5, "label": "E"}, {"source": 36, "target": 45, "label": "H"}, {"source": 48, "target": 34, "label": "U"}, {"source": 36, "target": 17, "label": "L"}, {"source": 40, "target": 11, "label": "P"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "290594-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You say you work a lot, and that you have a young dog; so I have little doubt that your dog is just filled with energy to burn; and it is good of you to look for a place to take him.", "tops": [46], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 53, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 57}]}, {"id": 16, "anchors": [{"from": 58, "to": 59}]}, {"id": 17, "anchors": [{"from": 60, "to": 64}]}, {"id": 18, "anchors": [{"from": 65, "to": 71}]}, {"id": 19, "anchors": [{"from": 72, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}]}, {"id": 21, "anchors": [{"from": 83, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 94}]}, {"id": 24, "anchors": [{"from": 95, "to": 99}]}, {"id": 25, "anchors": [{"from": 100, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 111}]}, {"id": 27, "anchors": [{"from": 112, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 121}]}, {"id": 29, "anchors": [{"from": 122, "to": 126}]}, {"id": 30, "anchors": [{"from": 126, "to": 127}]}, {"id": 31, "anchors": [{"from": 128, "to": 131}]}, {"id": 32, "anchors": [{"from": 132, "to": 134}]}, {"id": 33, "anchors": [{"from": 135, "to": 137}]}, {"id": 34, "anchors": [{"from": 138, "to": 142}]}, {"id": 35, "anchors": [{"from": 143, "to": 145}]}, {"id": 36, "anchors": [{"from": 146, "to": 149}]}, {"id": 37, "anchors": [{"from": 150, "to": 152}]}, {"id": 38, "anchors": [{"from": 153, "to": 157}, {"from": 158, "to": 161}]}, {"id": 39, "anchors": [{"from": 162, "to": 163}]}, {"id": 40, "anchors": [{"from": 164, "to": 169}]}, {"id": 41, "anchors": [{"from": 170, "to": 172}]}, {"id": 42, "anchors": [{"from": 173, "to": 177}]}, {"id": 43, "anchors": [{"from": 178, "to": 181}]}, {"id": 44, "anchors": [{"from": 181, "to": 182}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}], "edges": [{"source": 59, "target": 41, "label": "F"}, {"source": 46, "target": 38, "label": "P"}, {"source": 46, "target": 58, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 58, "target": 40, "label": "C"}, {"source": 55, "target": 29, "label": "P"}, {"source": 46, "target": 7, "label": "L"}, {"source": 56, "target": 34, "label": "S"}, {"source": 51, "target": 52, "label": "A"}, {"source": 50, "target": 11, "label": "E"}, {"source": 53, "target": 21, "label": "E"}, {"source": 51, "target": 16, "label": "A"}, {"source": 46, "target": 31, "label": "L"}, {"source": 49, "target": 9, "label": "A"}, {"source": 59, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 23, "label": "F"}, {"source": 54, "target": 26, "label": "R"}, {"source": 52, "target": 20, "label": "F"}, {"source": 54, "target": 55, "label": "E"}, {"source": 48, "target": 5, "label": "C"}, {"source": 58, "target": 39, "label": "E"}, {"source": 45, "target": 1, "label": "P"}, {"source": 46, "target": 30, "label": "U"}, {"source": 54, "target": 27, "label": "C"}, {"source": 55, "target": 28, "label": "F"}, {"source": 50, "target": 13, "label": "C"}, {"source": 57, "target": 36, "label": "C"}, {"source": 49, "target": 8, "label": "F"}, {"source": 47, "target": 48, "label": "A"}, {"source": 46, "target": 49, "label": "H"}, {"source": 46, "target": 6, "label": "U"}, {"source": 45, "target": 0, "label": "A"}, {"source": 52, "target": 25, "label": "P"}, {"source": 57, "target": 35, "label": "R"}, {"source": 51, "target": 18, "label": "D"}, {"source": 56, "target": 57, "label": "A"}, {"source": 51, "target": 17, "label": "F"}, {"source": 59, "target": 44, "label": "U"}, {"source": 50, "target": 12, "label": "E"}, {"source": 52, "target": 24, "label": "D"}, {"source": 53, "target": 22, "label": "C"}, {"source": 47, "target": 2, "label": "A"}, {"source": 48, "target": 4, "label": "E"}, {"source": 56, "target": 33, "label": "F"}, {"source": 49, "target": 10, "label": "S"}, {"source": 51, "target": 19, "label": "P"}, {"source": 59, "target": 42, "label": "P"}, {"source": 46, "target": 37, "label": "F"}, {"source": 49, "target": 50, "label": "A"}, {"source": 46, "target": 59, "label": "A"}, {"source": 46, "target": 56, "label": "H"}, {"source": 47, "target": 3, "label": "P"}, {"source": 52, "target": 54, "label": "A"}, {"source": 55, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 15, "label": "L"}, {"source": 46, "target": 51, "label": "H"}, {"source": 52, "target": 53, "label": "A"}, {"source": 46, "target": 45, "label": "H"}, {"source": 59, "target": 43, "label": "A"}, {"source": 46, "target": 14, "label": "U"}, {"source": 56, "target": 32, "label": "A"}]} +{"id": "290594-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But not at a risk to other people's pets.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 8, "label": "R"}, {"source": 13, "target": 2, "label": "R"}, {"source": 12, "target": 13, "label": "S"}, {"source": 13, "target": 3, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "L"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "290594-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You were clearly given another alternative by Second Home, to board him - which might have given your dog a chance to come and go from Second Home a couple times, getting used to the place and maybe facilitating another attempt to get into daycare later.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 148}]}, {"id": 30, "anchors": [{"from": 149, "to": 155}]}, {"id": 31, "anchors": [{"from": 156, "to": 161}]}, {"id": 32, "anchors": [{"from": 161, "to": 162}]}, {"id": 33, "anchors": [{"from": 163, "to": 170}]}, {"id": 34, "anchors": [{"from": 171, "to": 175}]}, {"id": 35, "anchors": [{"from": 176, "to": 178}]}, {"id": 36, "anchors": [{"from": 179, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 188}]}, {"id": 38, "anchors": [{"from": 189, "to": 192}]}, {"id": 39, "anchors": [{"from": 193, "to": 198}]}, {"id": 40, "anchors": [{"from": 199, "to": 211}]}, {"id": 41, "anchors": [{"from": 212, "to": 219}]}, {"id": 42, "anchors": [{"from": 220, "to": 227}]}, {"id": 43, "anchors": [{"from": 228, "to": 230}]}, {"id": 44, "anchors": [{"from": 231, "to": 234}]}, {"id": 45, "anchors": [{"from": 235, "to": 239}]}, {"id": 46, "anchors": [{"from": 240, "to": 247}]}, {"id": 47, "anchors": [{"from": 248, "to": 253}]}, {"id": 48, "anchors": [{"from": 253, "to": 254}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}], "edges": [{"source": 56, "target": 58, "label": "A"}, {"source": 57, "target": 18, "label": "E"}, {"source": 55, "target": 63, "label": "H"}, {"source": 67, "target": 42, "label": "E"}, {"source": 60, "target": 24, "label": "N"}, {"source": 66, "target": 43, "label": "F"}, {"source": 67, "target": 44, "label": "C"}, {"source": 55, "target": 32, "label": "U"}, {"source": 56, "target": 16, "label": "F"}, {"source": 65, "target": 39, "label": "D"}, {"source": 50, "target": 49, "label": "H"}, {"source": 49, "target": 0, "label": "A"}, {"source": 50, "target": 9, "label": "U"}, {"source": 49, "target": 2, "label": "D"}, {"source": 55, "target": 14, "label": "F"}, {"source": 54, "target": 55, "label": "E"}, {"source": 56, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 59, "target": 62, "label": "A"}, {"source": 52, "target": 6, "label": "R"}, {"source": 56, "target": 15, "label": "D"}, {"source": 54, "target": 12, "label": "C"}, {"source": 63, "target": 57, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 19, "label": "C"}, {"source": 66, "target": 41, "label": "E"}, {"source": 66, "target": 67, "label": "P"}, {"source": 60, "target": 25, "label": "C"}, {"source": 64, "target": 37, "label": "C"}, {"source": 65, "target": 57, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 20, "label": "E"}, {"source": 55, "target": 38, "label": "L"}, {"source": 58, "target": 59, "label": "E"}, {"source": 61, "target": 26, "label": "R"}, {"source": 58, "target": 21, "label": "C"}, {"source": 68, "target": 45, "label": "R"}, {"source": 64, "target": 36, "label": "E"}, {"source": 52, "target": 8, "label": "C"}, {"source": 55, "target": 56, "label": "H"}, {"source": 49, "target": 52, "label": "A"}, {"source": 61, "target": 27, "label": "E"}, {"source": 51, "target": 4, "label": "E"}, {"source": 56, "target": 57, "label": "A"}, {"source": 59, "target": 22, "label": "R"}, {"source": 65, "target": 40, "label": "P"}, {"source": 53, "target": 54, "label": "A"}, {"source": 61, "target": 28, "label": "C"}, {"source": 62, "target": 29, "label": "E"}, {"source": 54, "target": 13, "label": "U"}, {"source": 63, "target": 64, "label": "A"}, {"source": 59, "target": 60, "label": "P"}, {"source": 50, "target": 53, "label": "H"}, {"source": 50, "target": 10, "label": "L"}, {"source": 65, "target": 47, "label": "D"}, {"source": 65, "target": 66, "label": "A"}, {"source": 62, "target": 30, "label": "E"}, {"source": 55, "target": 65, "label": "H"}, {"source": 56, "target": 17, "label": "P"}, {"source": 53, "target": 11, "label": "P"}, {"source": 49, "target": 51, "label": "A"}, {"source": 51, "target": 5, "label": "C"}, {"source": 49, "target": 1, "label": "F"}, {"source": 52, "target": 7, "label": "E"}, {"source": 65, "target": 48, "label": "U"}, {"source": 64, "target": 35, "label": "R"}, {"source": 59, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 33, "label": "D"}, {"source": 65, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 23, "label": "C"}, {"source": 66, "target": 68, "label": "E"}, {"source": 68, "target": 46, "label": "C"}, {"source": 49, "target": 3, "label": "P"}, {"source": 59, "target": 61, "label": "A"}, {"source": 53, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 34, "label": "P"}, {"source": 62, "target": 31, "label": "C"}]} +{"id": "290594-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No business is going to push customers away without good reason; so isn't it reasonable to think they might know what they're doing?", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 122}]}, {"id": 24, "anchors": [{"from": 122, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 131}]}, {"id": 26, "anchors": [{"from": 131, "to": 132}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 11, "label": "U"}, {"source": 35, "target": 24, "label": "F"}, {"source": 28, "target": 5, "label": "P"}, {"source": 28, "target": 2, "label": "F"}, {"source": 31, "target": 13, "label": "F"}, {"source": 31, "target": 33, "label": "A"}, {"source": 28, "target": 3, "label": "D"}, {"source": 33, "target": 34, "label": "A"}, {"source": 35, "target": 22, "label": "R"}, {"source": 32, "target": 16, "label": "E"}, {"source": 33, "target": 17, "label": "F"}, {"source": 30, "target": 8, "label": "R"}, {"source": 34, "target": 20, "label": "D"}, {"source": 29, "target": 12, "label": "L"}, {"source": 28, "target": 30, "label": "A"}, {"source": 35, "target": 23, "label": "A"}, {"source": 35, "target": 25, "label": "P"}, {"source": 28, "target": 6, "label": "A"}, {"source": 33, "target": 18, "label": "P"}, {"source": 30, "target": 10, "label": "C"}, {"source": 34, "target": 35, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 31, "target": 32, "label": "A"}, {"source": 35, "target": 26, "label": "U"}, {"source": 27, "target": 1, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 28, "target": 27, "label": "A"}, {"source": 28, "target": 4, "label": "F"}, {"source": 33, "target": 32, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 14, "label": "P"}, {"source": 28, "target": 7, "label": "D"}, {"source": 34, "target": 21, "label": "P"}, {"source": 29, "target": 31, "label": "H"}, {"source": 27, "target": 0, "label": "E"}, {"source": 34, "target": 19, "label": "A"}, {"source": 30, "target": 9, "label": "E"}]} +{"id": "290594-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My dogs are far from perfect, and one of them I believe would be a little much for daycare here herself (at least initially).", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 105}]}, {"id": 23, "anchors": [{"from": 105, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 123}]}, {"id": 26, "anchors": [{"from": 123, "to": 124}]}, {"id": 27, "anchors": [{"from": 124, "to": 125}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 26, "label": "U"}, {"source": 36, "target": 20, "label": "C"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 36, "label": "A"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 33, "target": 10, "label": "C"}, {"source": 36, "target": 18, "label": "R"}, {"source": 32, "target": 8, "label": "C"}, {"source": 36, "target": 19, "label": "E"}, {"source": 31, "target": 5, "label": "C"}, {"source": 28, "target": 0, "label": "E"}, {"source": 35, "target": 16, "label": "E"}, {"source": 30, "target": 6, "label": "U"}, {"source": 34, "target": 33, "label": "A"}, {"source": 29, "target": 2, "label": "S"}, {"source": 31, "target": 4, "label": "R"}, {"source": 35, "target": 13, "label": "F"}, {"source": 32, "target": 9, "label": "R"}, {"source": 30, "target": 7, "label": "L"}, {"source": 29, "target": 28, "label": "A"}, {"source": 34, "target": 12, "label": "P"}, {"source": 33, "target": 32, "label": "E"}, {"source": 34, "target": 11, "label": "A"}, {"source": 36, "target": 22, "label": "U"}, {"source": 36, "target": 21, "label": "E"}, {"source": 34, "target": 25, "label": "D"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 14, "label": "F"}, {"source": 35, "target": 17, "label": "C"}, {"source": 28, "target": 1, "label": "C"}, {"source": 37, "target": 24, "label": "C"}, {"source": 35, "target": 15, "label": "E"}, {"source": 34, "target": 27, "label": "U"}, {"source": 37, "target": 23, "label": "R"}, {"source": 36, "target": 37, "label": "E"}, {"source": 29, "target": 3, "label": "D"}]} +{"id": "290594-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Be a little more reasonable with your expectations of a place like this; and maybe don't jump to personal attacks suggesting that they don't want to work hard, just because you bruised your own ego.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 129}]}, {"id": 24, "anchors": [{"from": 130, "to": 134}]}, {"id": 25, "anchors": [{"from": 135, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 153}]}, {"id": 30, "anchors": [{"from": 154, "to": 158}]}, {"id": 31, "anchors": [{"from": 158, "to": 159}]}, {"id": 32, "anchors": [{"from": 160, "to": 164}, {"from": 165, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 176}]}, {"id": 34, "anchors": [{"from": 177, "to": 184}]}, {"id": 35, "anchors": [{"from": 185, "to": 189}]}, {"id": 36, "anchors": [{"from": 190, "to": 193}]}, {"id": 37, "anchors": [{"from": 194, "to": 197}]}, {"id": 38, "anchors": [{"from": 197, "to": 198}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 48, "target": 27, "label": "D"}, {"source": 45, "target": 47, "label": "A"}, {"source": 50, "target": 35, "label": "E"}, {"source": 42, "target": 5, "label": "R"}, {"source": 46, "target": 21, "label": "C"}, {"source": 40, "target": 32, "label": "L"}, {"source": 48, "target": 28, "label": "F"}, {"source": 44, "target": 12, "label": "C"}, {"source": 39, "target": 0, "label": "F"}, {"source": 45, "target": 46, "label": "A"}, {"source": 41, "target": 3, "label": "E"}, {"source": 40, "target": 49, "label": "H"}, {"source": 49, "target": 33, "label": "A"}, {"source": 40, "target": 45, "label": "H"}, {"source": 39, "target": 41, "label": "S"}, {"source": 48, "target": 30, "label": "D"}, {"source": 46, "target": 20, "label": "E"}, {"source": 47, "target": 22, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 48, "target": 25, "label": "F"}, {"source": 42, "target": 6, "label": "E"}, {"source": 42, "target": 7, "label": "C"}, {"source": 50, "target": 37, "label": "C"}, {"source": 43, "target": 44, "label": "E"}, {"source": 48, "target": 23, "label": "F"}, {"source": 45, "target": 17, "label": "D"}, {"source": 45, "target": 15, "label": "D"}, {"source": 40, "target": 31, "label": "U"}, {"source": 50, "target": 36, "label": "E"}, {"source": 43, "target": 8, "label": "R"}, {"source": 41, "target": 1, "label": "E"}, {"source": 41, "target": 2, "label": "E"}, {"source": 45, "target": 18, "label": "S"}, {"source": 40, "target": 14, "label": "L"}, {"source": 46, "target": 19, "label": "R"}, {"source": 40, "target": 13, "label": "U"}, {"source": 49, "target": 50, "label": "A"}, {"source": 49, "target": 34, "label": "P"}, {"source": 42, "target": 43, "label": "E"}, {"source": 45, "target": 16, "label": "F"}, {"source": 41, "target": 4, "label": "C"}, {"source": 39, "target": 42, "label": "A"}, {"source": 48, "target": 24, "label": "A"}, {"source": 44, "target": 11, "label": "R"}, {"source": 40, "target": 39, "label": "H"}, {"source": 48, "target": 26, "label": "D"}, {"source": 48, "target": 29, "label": "P"}, {"source": 43, "target": 9, "label": "E"}, {"source": 43, "target": 10, "label": "C"}, {"source": 50, "target": 38, "label": "U"}]} +{"id": "291046-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hams on Friendly ... RIP", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 16}, {"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "291046-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is the original Ham's restaurant, expanded into a regional chain in the late 80's -- but this one is no more.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 113, "to": 114}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 9, "label": "R"}, {"source": 30, "target": 11, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 31, "target": 13, "label": "R"}, {"source": 32, "target": 22, "label": "D"}, {"source": 31, "target": 14, "label": "E"}, {"source": 26, "target": 32, "label": "H"}, {"source": 26, "target": 18, "label": "L"}, {"source": 29, "target": 30, "label": "A"}, {"source": 27, "target": 6, "label": "C"}, {"source": 32, "target": 20, "label": "A"}, {"source": 32, "target": 19, "label": "A"}, {"source": 32, "target": 21, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 31, "target": 16, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 2, "label": "E"}, {"source": 30, "target": 12, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 8, "label": "P"}, {"source": 26, "target": 17, "label": "U"}, {"source": 31, "target": 15, "label": "E"}, {"source": 28, "target": 4, "label": "C"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 7, "label": "U"}, {"source": 32, "target": 24, "label": "U"}, {"source": 27, "target": 3, "label": "E"}, {"source": 30, "target": 10, "label": "E"}, {"source": 28, "target": 5, "label": "R"}, {"source": 26, "target": 29, "label": "H"}, {"source": 25, "target": 1, "label": "S"}, {"source": 32, "target": 23, "label": "S"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "291046-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Victim of hard times and I suspect failing corporate management.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "C"}, {"source": 16, "target": 5, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 17, "target": 10, "label": "U"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 14, "label": "C"}, {"source": 15, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "L"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 16, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 12, "target": 13, "label": "E"}, {"source": 17, "target": 8, "label": "E"}, {"source": 13, "target": 15, "label": "C"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "291046-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "According to news accounts, the company is struggling.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}, {"from": 10, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 7, "label": "P"}, {"source": 11, "target": 1, "label": "E"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 3, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 9, "target": 13, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "291046-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have many fond memories of my college evenings there long ago.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "E"}, {"source": 14, "target": 1, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 17, "label": "D"}]} +{"id": "291046-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So long Hams ... you will be missed.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 35}]}, {"id": 9, "anchors": [{"from": 35, "to": 36}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "F"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "A"}, {"source": 11, "target": 10, "label": "L"}, {"source": 11, "target": 4, "label": "U"}, {"source": 12, "target": 8, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 10, "target": 0, "label": "R"}]} +{"id": "291088-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am a new patient.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 18}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "291088-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have visited Dr. Cooper's office twice and I am very impressed with how friendly and polite the staff is.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}, {"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 106}]}, {"id": 20, "anchors": [{"from": 106, "to": 107}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 25, "target": 8, "label": "A"}, {"source": 21, "target": 6, "label": "D"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 24, "label": "A"}, {"source": 28, "target": 17, "label": "E"}, {"source": 24, "target": 23, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 10, "label": "D"}, {"source": 29, "target": 19, "label": "C"}, {"source": 22, "target": 15, "label": "L"}, {"source": 28, "target": 18, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 21, "target": 2, "label": "P"}, {"source": 26, "target": 13, "label": "E"}, {"source": 27, "target": 16, "label": "P"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 23, "target": 4, "label": "R"}, {"source": 26, "target": 14, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 25, "target": 9, "label": "F"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 25, "target": 11, "label": "P"}, {"source": 22, "target": 27, "label": "H"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "291088-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found the office to be very clean and professional-looking.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 9, "label": "E"}, {"source": 19, "target": 8, "label": "N"}, {"source": 19, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 20, "target": 10, "label": "U"}, {"source": 16, "target": 5, "label": "S"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 19, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 6, "label": "E"}, {"source": 20, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 19, "target": 20, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "292841-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolutely the best little motel on the coast!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 1, "label": "E"}, {"source": 10, "target": 0, "label": "D"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "D"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "292841-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've stayed at this fabulous little motel two years running, and I have to say it's one of the best lodging experiences I've ever had on the coast...and I'm even comparing it to the big resorts I've stayed at!", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}, {"from": 121, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 146}]}, {"id": 30, "anchors": [{"from": 146, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 152}]}, {"id": 32, "anchors": [{"from": 153, "to": 154}, {"from": 154, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 161}]}, {"id": 34, "anchors": [{"from": 162, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 174}]}, {"id": 36, "anchors": [{"from": 175, "to": 177}]}, {"id": 37, "anchors": [{"from": 178, "to": 181}]}, {"id": 38, "anchors": [{"from": 182, "to": 185}]}, {"id": 39, "anchors": [{"from": 186, "to": 193}]}, {"id": 40, "anchors": [{"from": 194, "to": 195}, {"from": 195, "to": 198}]}, {"id": 41, "anchors": [{"from": 199, "to": 205}]}, {"id": 42, "anchors": [{"from": 206, "to": 208}]}, {"id": 43, "anchors": [{"from": 208, "to": 209}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 44, "target": 1, "label": "P"}, {"source": 50, "target": 17, "label": "S"}, {"source": 44, "target": 0, "label": "A"}, {"source": 58, "target": 39, "label": "C"}, {"source": 48, "target": 49, "label": "P"}, {"source": 45, "target": 11, "label": "L"}, {"source": 53, "target": 24, "label": "A"}, {"source": 61, "target": 43, "label": "U"}, {"source": 45, "target": 31, "label": "L"}, {"source": 51, "target": 18, "label": "C"}, {"source": 61, "target": 42, "label": "R"}, {"source": 59, "target": 60, "label": "C"}, {"source": 52, "target": 20, "label": "E"}, {"source": 54, "target": 25, "label": "D"}, {"source": 55, "target": 28, "label": "E"}, {"source": 57, "target": 36, "label": "R"}, {"source": 54, "target": 26, "label": "P"}, {"source": 54, "target": 55, "label": "A"}, {"source": 56, "target": 35, "label": "A"}, {"source": 52, "target": 51, "label": "E"}, {"source": 50, "target": 52, "label": "A"}, {"source": 49, "target": 13, "label": "F"}, {"source": 45, "target": 30, "label": "U"}, {"source": 45, "target": 44, "label": "H"}, {"source": 46, "target": 6, "label": "C"}, {"source": 45, "target": 10, "label": "U"}, {"source": 44, "target": 46, "label": "A"}, {"source": 47, "target": 7, "label": "E"}, {"source": 57, "target": 40, "label": "C"}, {"source": 55, "target": 27, "label": "R"}, {"source": 56, "target": 34, "label": "P"}, {"source": 46, "target": 4, "label": "E"}, {"source": 45, "target": 56, "label": "H"}, {"source": 52, "target": 21, "label": "E"}, {"source": 46, "target": 3, "label": "E"}, {"source": 60, "target": 61, "label": "E"}, {"source": 56, "target": 59, "label": "A"}, {"source": 56, "target": 57, "label": "A"}, {"source": 57, "target": 37, "label": "E"}, {"source": 47, "target": 9, "label": "C"}, {"source": 46, "target": 2, "label": "R"}, {"source": 55, "target": 29, "label": "C"}, {"source": 56, "target": 33, "label": "D"}, {"source": 46, "target": 5, "label": "E"}, {"source": 52, "target": 22, "label": "C"}, {"source": 52, "target": 53, "label": "E"}, {"source": 48, "target": 12, "label": "A"}, {"source": 47, "target": 8, "label": "E"}, {"source": 57, "target": 58, "label": "E"}, {"source": 58, "target": 38, "label": "E"}, {"source": 61, "target": 41, "label": "C"}, {"source": 48, "target": 14, "label": "F"}, {"source": 53, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 23, "label": "P"}, {"source": 51, "target": 19, "label": "R"}, {"source": 50, "target": 16, "label": "F"}, {"source": 45, "target": 54, "label": "H"}, {"source": 48, "target": 50, "label": "A"}, {"source": 45, "target": 48, "label": "H"}, {"source": 44, "target": 47, "label": "D"}, {"source": 49, "target": 15, "label": "C"}, {"source": 56, "target": 32, "label": "A"}]} +{"id": "292841-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A large group of my friends and I rent almost the whole motel every year for a weekend, and the experience and stay have always been five-star.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 137}]}, {"id": 28, "anchors": [{"from": 137, "to": 138}]}, {"id": 29, "anchors": [{"from": 138, "to": 142}]}, {"id": 30, "anchors": [{"from": 142, "to": 143}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 38, "target": 15, "label": "R"}, {"source": 41, "target": 24, "label": "F"}, {"source": 33, "target": 40, "label": "C"}, {"source": 31, "target": 34, "label": "E"}, {"source": 32, "target": 19, "label": "L"}, {"source": 39, "target": 20, "label": "E"}, {"source": 34, "target": 4, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 42, "target": 30, "label": "U"}, {"source": 33, "target": 31, "label": "A"}, {"source": 32, "target": 18, "label": "U"}, {"source": 31, "target": 0, "label": "E"}, {"source": 38, "target": 16, "label": "E"}, {"source": 34, "target": 3, "label": "R"}, {"source": 42, "target": 29, "label": "C"}, {"source": 33, "target": 22, "label": "N"}, {"source": 35, "target": 7, "label": "A"}, {"source": 35, "target": 38, "label": "D"}, {"source": 32, "target": 33, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 42, "target": 27, "label": "E"}, {"source": 31, "target": 2, "label": "C"}, {"source": 41, "target": 25, "label": "D"}, {"source": 33, "target": 6, "label": "N"}, {"source": 37, "target": 13, "label": "R"}, {"source": 41, "target": 39, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 21, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 26, "label": "P"}, {"source": 36, "target": 11, "label": "E"}, {"source": 36, "target": 10, "label": "E"}, {"source": 36, "target": 9, "label": "E"}, {"source": 38, "target": 17, "label": "C"}, {"source": 31, "target": 1, "label": "E"}, {"source": 40, "target": 39, "label": "A"}, {"source": 37, "target": 14, "label": "C"}, {"source": 34, "target": 5, "label": "C"}, {"source": 35, "target": 37, "label": "D"}, {"source": 36, "target": 12, "label": "C"}, {"source": 35, "target": 8, "label": "P"}, {"source": 42, "target": 28, "label": "U"}, {"source": 40, "target": 23, "label": "P"}, {"source": 35, "target": 36, "label": "A"}]} +{"id": "292841-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The rooms are SO clean, the managers/owners are the nicest people, the place feels so homey, and the location and grounds are beautiful.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 100}]}, {"id": 23, "anchors": [{"from": 101, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 135}]}, {"id": 28, "anchors": [{"from": 135, "to": 136}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 34, "target": 10, "label": "S"}, {"source": 37, "target": 15, "label": "E"}, {"source": 38, "target": 39, "label": "A"}, {"source": 34, "target": 36, "label": "A"}, {"source": 32, "target": 3, "label": "E"}, {"source": 41, "target": 25, "label": "C"}, {"source": 33, "target": 35, "label": "C"}, {"source": 30, "target": 29, "label": "A"}, {"source": 42, "target": 27, "label": "S"}, {"source": 31, "target": 14, "label": "U"}, {"source": 37, "target": 16, "label": "C"}, {"source": 42, "target": 26, "label": "F"}, {"source": 34, "target": 33, "label": "A"}, {"source": 32, "target": 4, "label": "C"}, {"source": 36, "target": 12, "label": "E"}, {"source": 41, "target": 40, "label": "C"}, {"source": 29, "target": 0, "label": "E"}, {"source": 38, "target": 17, "label": "P"}, {"source": 31, "target": 21, "label": "L"}, {"source": 41, "target": 24, "label": "N"}, {"source": 36, "target": 11, "label": "E"}, {"source": 39, "target": 19, "label": "C"}, {"source": 31, "target": 20, "label": "U"}, {"source": 39, "target": 18, "label": "E"}, {"source": 35, "target": 9, "label": "C"}, {"source": 31, "target": 42, "label": "H"}, {"source": 42, "target": 41, "label": "A"}, {"source": 31, "target": 5, "label": "U"}, {"source": 29, "target": 1, "label": "C"}, {"source": 33, "target": 6, "label": "E"}, {"source": 40, "target": 22, "label": "E"}, {"source": 31, "target": 38, "label": "H"}, {"source": 30, "target": 2, "label": "S"}, {"source": 30, "target": 32, "label": "A"}, {"source": 42, "target": 28, "label": "U"}, {"source": 31, "target": 34, "label": "H"}, {"source": 36, "target": 13, "label": "C"}, {"source": 40, "target": 23, "label": "C"}, {"source": 35, "target": 7, "label": "C"}, {"source": 35, "target": 8, "label": "U"}, {"source": 31, "target": 30, "label": "H"}, {"source": 38, "target": 37, "label": "A"}]} +{"id": "292841-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There's a restaurant nearby (walking distance) with a great breakfast, and a market across the street.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 69}]}, {"id": 13, "anchors": [{"from": 69, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 28, "label": "C"}, {"source": 25, "target": 14, "label": "N"}, {"source": 26, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 9, "label": "R"}, {"source": 25, "target": 26, "label": "E"}, {"source": 24, "target": 5, "label": "U"}, {"source": 23, "target": 25, "label": "E"}, {"source": 28, "target": 27, "label": "P"}, {"source": 25, "target": 24, "label": "C"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 29, "target": 19, "label": "C"}, {"source": 25, "target": 8, "label": "U"}, {"source": 29, "target": 18, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 11, "label": "E"}, {"source": 25, "target": 13, "label": "U"}, {"source": 22, "target": 1, "label": "S"}, {"source": 26, "target": 12, "label": "C"}, {"source": 23, "target": 2, "label": "E"}, {"source": 24, "target": 7, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 24, "target": 4, "label": "E"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "292841-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The motel is very well maintained, and the managers are so accomodating, it's kind of like visiting family each year! ;-)", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 116}]}, {"id": 23, "anchors": [{"from": 116, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 121}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 27, "target": 13, "label": "U"}, {"source": 32, "target": 16, "label": "C"}, {"source": 35, "target": 21, "label": "R"}, {"source": 31, "target": 33, "label": "A"}, {"source": 27, "target": 30, "label": "H"}, {"source": 32, "target": 17, "label": "R"}, {"source": 30, "target": 11, "label": "D"}, {"source": 30, "target": 12, "label": "S"}, {"source": 31, "target": 15, "label": "S"}, {"source": 25, "target": 0, "label": "E"}, {"source": 33, "target": 34, "label": "E"}, {"source": 26, "target": 25, "label": "A"}, {"source": 26, "target": 2, "label": "F"}, {"source": 34, "target": 20, "label": "A"}, {"source": 34, "target": 19, "label": "P"}, {"source": 29, "target": 8, "label": "E"}, {"source": 25, "target": 1, "label": "C"}, {"source": 33, "target": 32, "label": "E"}, {"source": 30, "target": 10, "label": "F"}, {"source": 27, "target": 7, "label": "L"}, {"source": 34, "target": 35, "label": "D"}, {"source": 35, "target": 22, "label": "C"}, {"source": 27, "target": 6, "label": "U"}, {"source": 26, "target": 28, "label": "D"}, {"source": 27, "target": 23, "label": "U"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 27, "target": 31, "label": "H"}, {"source": 29, "target": 9, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 18, "label": "C"}, {"source": 27, "target": 24, "label": "U"}, {"source": 31, "target": 14, "label": "F"}, {"source": 26, "target": 5, "label": "S"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "292841-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I honestly can't rave enough about this place...it's really a hidden gem worth checking out!", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 87}, {"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 9, "label": "U"}, {"source": 19, "target": 3, "label": "D"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 1, "label": "D"}, {"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 6, "label": "R"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 15, "label": "E"}, {"source": 19, "target": 5, "label": "D"}, {"source": 23, "target": 11, "label": "S"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 23, "target": 12, "label": "D"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 25, "target": 16, "label": "C"}, {"source": 19, "target": 21, "label": "P"}, {"source": 24, "target": 17, "label": "C"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}]} +{"id": "292997-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Alto delivers on all levels.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "292997-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "From the moment you enter the restaurant, you know you are some place special.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 20, "target": 8, "label": "A"}, {"source": 18, "target": 4, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 7, "label": "U"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "L"}, {"source": 16, "target": 2, "label": "C"}, {"source": 22, "target": 13, "label": "E"}, {"source": 21, "target": 11, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 9, "label": "S"}, {"source": 18, "target": 3, "label": "A"}]} +{"id": "292997-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service is impeccable, and the food is even better.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 54}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 2, "label": "F"}, {"source": 14, "target": 5, "label": "L"}, {"source": 16, "target": 15, "label": "A"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 10, "label": "S"}, {"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 8, "label": "F"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 4, "label": "U"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 3, "label": "S"}, {"source": 16, "target": 9, "label": "D"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "292997-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend the four-course tasting menu, which gives you plenty of range and food to satisfy your appetite.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 28, "label": "E"}, {"source": 25, "target": 9, "label": "U"}, {"source": 31, "target": 16, "label": "N"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 1, "label": "D"}, {"source": 28, "target": 12, "label": "A"}, {"source": 29, "target": 13, "label": "C"}, {"source": 25, "target": 27, "label": "E"}, {"source": 33, "target": 19, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 31, "label": "C"}, {"source": 32, "target": 33, "label": "C"}, {"source": 29, "target": 14, "label": "R"}, {"source": 30, "target": 29, "label": "E"}, {"source": 28, "target": 10, "label": "F"}, {"source": 25, "target": 8, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 28, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 22, "label": "U"}, {"source": 24, "target": 0, "label": "A"}, {"source": 26, "target": 4, "label": "E"}, {"source": 27, "target": 26, "label": "E"}, {"source": 27, "target": 7, "label": "C"}, {"source": 28, "target": 11, "label": "P"}, {"source": 32, "target": 17, "label": "E"}, {"source": 26, "target": 5, "label": "U"}, {"source": 31, "target": 18, "label": "R"}, {"source": 34, "target": 21, "label": "C"}, {"source": 24, "target": 2, "label": "P"}, {"source": 31, "target": 15, "label": "C"}, {"source": 34, "target": 20, "label": "E"}, {"source": 33, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "292997-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also, if you are into wine, Alto has the depth of both region, varietal, and vintage to satisfy nearly any sommelier (or after 9pm, bring your own bottle for free...no corking fee!).", "tops": [44], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 118, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 128}]}, {"id": 29, "anchors": [{"from": 128, "to": 130}]}, {"id": 30, "anchors": [{"from": 130, "to": 131}]}, {"id": 31, "anchors": [{"from": 132, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 142}]}, {"id": 33, "anchors": [{"from": 143, "to": 146}]}, {"id": 34, "anchors": [{"from": 147, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 157}]}, {"id": 36, "anchors": [{"from": 158, "to": 162}]}, {"id": 37, "anchors": [{"from": 162, "to": 165}]}, {"id": 38, "anchors": [{"from": 165, "to": 167}]}, {"id": 39, "anchors": [{"from": 168, "to": 175}]}, {"id": 40, "anchors": [{"from": 176, "to": 179}]}, {"id": 41, "anchors": [{"from": 179, "to": 180}]}, {"id": 42, "anchors": [{"from": 180, "to": 181}]}, {"id": 43, "anchors": [{"from": 181, "to": 182}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}], "edges": [{"source": 54, "target": 25, "label": "U"}, {"source": 44, "target": 2, "label": "L"}, {"source": 44, "target": 1, "label": "U"}, {"source": 51, "target": 14, "label": "C"}, {"source": 45, "target": 3, "label": "A"}, {"source": 48, "target": 49, "label": "E"}, {"source": 58, "target": 32, "label": "E"}, {"source": 58, "target": 34, "label": "C"}, {"source": 44, "target": 52, "label": "H"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 20, "label": "F"}, {"source": 49, "target": 11, "label": "C"}, {"source": 54, "target": 56, "label": "C"}, {"source": 52, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 10, "label": "E"}, {"source": 57, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 7, "label": "U"}, {"source": 58, "target": 33, "label": "E"}, {"source": 46, "target": 5, "label": "R"}, {"source": 52, "target": 21, "label": "P"}, {"source": 51, "target": 18, "label": "N"}, {"source": 47, "target": 48, "label": "A"}, {"source": 46, "target": 6, "label": "C"}, {"source": 44, "target": 0, "label": "L"}, {"source": 53, "target": 23, "label": "E"}, {"source": 58, "target": 59, "label": "E"}, {"source": 55, "target": 27, "label": "R"}, {"source": 60, "target": 39, "label": "E"}, {"source": 44, "target": 45, "label": "H"}, {"source": 60, "target": 38, "label": "E"}, {"source": 60, "target": 41, "label": "U"}, {"source": 51, "target": 16, "label": "C"}, {"source": 51, "target": 19, "label": "C"}, {"source": 57, "target": 37, "label": "U"}, {"source": 59, "target": 36, "label": "C"}, {"source": 50, "target": 12, "label": "R"}, {"source": 44, "target": 57, "label": "H"}, {"source": 54, "target": 53, "label": "C"}, {"source": 60, "target": 42, "label": "U"}, {"source": 60, "target": 43, "label": "U"}, {"source": 44, "target": 47, "label": "H"}, {"source": 60, "target": 40, "label": "C"}, {"source": 50, "target": 51, "label": "E"}, {"source": 53, "target": 22, "label": "E"}, {"source": 51, "target": 15, "label": "U"}, {"source": 50, "target": 13, "label": "E"}, {"source": 51, "target": 17, "label": "U"}, {"source": 52, "target": 54, "label": "A"}, {"source": 57, "target": 60, "label": "A"}, {"source": 59, "target": 35, "label": "R"}, {"source": 55, "target": 26, "label": "R"}, {"source": 53, "target": 24, "label": "C"}, {"source": 47, "target": 8, "label": "A"}, {"source": 57, "target": 58, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 54, "target": 55, "label": "N"}, {"source": 57, "target": 48, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 4, "label": "S"}, {"source": 56, "target": 29, "label": "C"}, {"source": 47, "target": 9, "label": "S"}, {"source": 47, "target": 30, "label": "U"}, {"source": 57, "target": 31, "label": "P"}, {"source": 56, "target": 28, "label": "E"}]} +{"id": "292997-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "While it's not cheap, Alto will give you an experience you'll never forget.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 17, "target": 0, "label": "L"}, {"source": 21, "target": 12, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 18, "target": 3, "label": "D"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 7, "label": "F"}, {"source": 21, "target": 14, "label": "D"}, {"source": 21, "target": 15, "label": "P"}, {"source": 17, "target": 18, "label": "H"}, {"source": 17, "target": 5, "label": "U"}, {"source": 19, "target": 9, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 8, "label": "P"}, {"source": 18, "target": 4, "label": "S"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 13, "label": "F"}, {"source": 18, "target": 2, "label": "F"}, {"source": 18, "target": 1, "label": "A"}]} +{"id": "294081-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DINING AT TEXAS ROADHOUSE", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "294081-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "TEXAS ROADHOUSE HAS VERY GOOD MEALS, THAT THE MEAT COMES RIGHT OFF THE BONES.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}, {"from": 46, "to": 50}, {"from": 51, "to": 56}, {"from": 57, "to": 62}, {"from": 63, "to": 66}, {"from": 67, "to": 70}, {"from": 71, "to": 76}]}, {"id": 9, "anchors": [{"from": 76, "to": 77}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "E"}, {"source": 10, "target": 5, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 12, "target": 8, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 1, "label": "U"}, {"source": 12, "target": 6, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "294081-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "IT HAS VERY GOOD PRICES.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "294081-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ON A BAD NOTE THE WAITING AREA IS NOT ENJOYABLE OR ENOUGH SEATS.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 25}, {"from": 26, "to": 30}, {"from": 31, "to": 33}, {"from": 34, "to": 37}, {"from": 38, "to": 47}, {"from": 48, "to": 50}, {"from": 51, "to": 57}, {"from": 58, "to": 63}]}, {"id": 2, "anchors": [{"from": 63, "to": 64}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "R"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "294081-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ALSO, THERE SHOULD NOT BE PEANUTS ALL OVER THE FLOOR.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 18}, {"from": 19, "to": 22}, {"from": 23, "to": 25}, {"from": 26, "to": 33}, {"from": 34, "to": 37}, {"from": 38, "to": 42}, {"from": 43, "to": 46}, {"from": 47, "to": 52}]}, {"id": 3, "anchors": [{"from": 52, "to": 53}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "294081-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "NEXT, THERE SHOULD ONLY BE ONE PERSON BRINGING YOU YOUR FOOD.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 18}, {"from": 19, "to": 23}, {"from": 24, "to": 26}, {"from": 27, "to": 30}, {"from": 31, "to": 37}, {"from": 38, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 55}, {"from": 56, "to": 60}]}, {"id": 3, "anchors": [{"from": 60, "to": 61}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 0, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "294081-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "ITS NOT A BIG DEAL BUT I HAD TO TAKE MY SALAD HOME BECAUSE THEY FORGOT TO BRING IT.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 3}, {"from": 4, "to": 7}, {"from": 8, "to": 9}, {"from": 10, "to": 13}, {"from": 14, "to": 18}, {"from": 19, "to": 22}, {"from": 23, "to": 24}, {"from": 25, "to": 28}, {"from": 29, "to": 31}, {"from": 32, "to": 36}, {"from": 37, "to": 39}, {"from": 40, "to": 45}, {"from": 46, "to": 50}, {"from": 51, "to": 58}, {"from": 59, "to": 63}, {"from": 64, "to": 70}, {"from": 74, "to": 79}, {"from": 80, "to": 82}]}, {"id": 1, "anchors": [{"from": 71, "to": 73}]}, {"id": 2, "anchors": [{"from": 82, "to": 83}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "294081-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I HAD TO ASK THE GIRL WHO BROUGHT MY FOOD AND SHE NEVER CAME BACK TO LET ME KNOW.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 12}, {"from": 13, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 33}, {"from": 34, "to": 36}, {"from": 37, "to": 41}, {"from": 42, "to": 45}, {"from": 46, "to": 49}, {"from": 50, "to": 55}, {"from": 56, "to": 60}, {"from": 61, "to": 65}, {"from": 66, "to": 68}, {"from": 69, "to": 72}, {"from": 73, "to": 75}, {"from": 76, "to": 80}]}, {"id": 1, "anchors": [{"from": 80, "to": 81}]}, {"id": 2}], "edges": [{"source": 2, "target": 0, "label": "A"}, {"source": 2, "target": 1, "label": "U"}]} +{"id": "294081-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I HAD TO WAIT FOR MY WAITRESS.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 5}, {"from": 6, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 20}, {"from": 21, "to": 29}]}, {"id": 1, "anchors": [{"from": 29, "to": 30}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "294081-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WHEN YOU FIRST COME IN THE HOSTESS IS NOT VERY FRIENDLY,THERE IS JUST A BUNCH OF WORKERS STANDING THERE.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}, {"from": 9, "to": 14}, {"from": 15, "to": 19}, {"from": 20, "to": 22}, {"from": 23, "to": 26}, {"from": 27, "to": 34}, {"from": 35, "to": 37}, {"from": 38, "to": 41}, {"from": 42, "to": 46}, {"from": 47, "to": 55}]}, {"id": 2, "anchors": [{"from": 55, "to": 56}]}, {"id": 3, "anchors": [{"from": 56, "to": 61}]}, {"id": 4, "anchors": [{"from": 62, "to": 64}]}, {"id": 5, "anchors": [{"from": 65, "to": 69}, {"from": 70, "to": 71}, {"from": 72, "to": 77}, {"from": 78, "to": 80}, {"from": 81, "to": 88}, {"from": 89, "to": 97}, {"from": 98, "to": 103}]}, {"id": 6, "anchors": [{"from": 103, "to": 104}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 7, "target": 0, "label": "L"}, {"source": 7, "target": 1, "label": "H"}, {"source": 7, "target": 2, "label": "U"}, {"source": 7, "target": 5, "label": "H"}, {"source": 8, "target": 4, "label": "S"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "294081-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I WAS THERE ON MARCH 6TH, 2009.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 2, "label": "U"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "U"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 3, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "294081-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I WAS ALSO THERE OF JULY 4TH 2008, WHEN MY DAUGHTERS BUFFALO WINGS CAME OUT WITH A FLY ON IT.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}, {"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 21, "label": "E"}, {"source": 22, "target": 12, "label": "C"}, {"source": 23, "target": 9, "label": "E"}, {"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 1, "label": "R"}, {"source": 22, "target": 5, "label": "U"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 2, "label": "U"}, {"source": 23, "target": 8, "label": "E"}, {"source": 24, "target": 18, "label": "U"}, {"source": 24, "target": 15, "label": "E"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 16, "label": "E"}, {"source": 23, "target": 11, "label": "C"}, {"source": 24, "target": 17, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 3, "label": "E"}, {"source": 23, "target": 10, "label": "U"}]} +{"id": "294081-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "IN MY OPINION SHOULD OF JUST TOOK OFF THE PRICE OF THE WINGS FROM THE BILL.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}, {"from": 6, "to": 13}, {"from": 14, "to": 20}, {"from": 21, "to": 23}, {"from": 24, "to": 28}, {"from": 29, "to": 33}, {"from": 34, "to": 37}, {"from": 38, "to": 41}, {"from": 42, "to": 47}, {"from": 48, "to": 50}, {"from": 51, "to": 54}, {"from": 55, "to": 60}, {"from": 61, "to": 65}, {"from": 66, "to": 69}, {"from": 70, "to": 74}]}, {"id": 2, "anchors": [{"from": 74, "to": 75}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "R"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "294081-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "BUT EVERYONE HAS THERE OWN WAY!!!!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}, {"from": 13, "to": 16}, {"from": 17, "to": 22}, {"from": 23, "to": 26}, {"from": 27, "to": 30}]}, {"id": 2, "anchors": [{"from": 30, "to": 36}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "A"}, {"source": 3, "target": 0, "label": "L"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "294812-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's now called Sushi Lover.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}, {"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "294812-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food is just okay..won't crave it, but wouldn't mind coming back for a quick meal.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 44}]}, {"id": 12, "anchors": [{"from": 44, "to": 47}]}, {"id": 13, "anchors": [{"from": 48, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 81, "to": 82}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 25, "label": "P"}, {"source": 23, "target": 4, "label": "U"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 11, "label": "F"}, {"source": 28, "target": 16, "label": "R"}, {"source": 23, "target": 5, "label": "P"}, {"source": 21, "target": 2, "label": "D"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 25, "target": 13, "label": "C"}, {"source": 22, "target": 10, "label": "L"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 12, "label": "D"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 20, "label": "U"}, {"source": 21, "target": 3, "label": "S"}, {"source": 22, "target": 9, "label": "U"}, {"source": 23, "target": 6, "label": "D"}, {"source": 27, "target": 14, "label": "C"}, {"source": 24, "target": 8, "label": "A"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 7, "label": "P"}, {"source": 22, "target": 23, "label": "H"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "294978-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "not impressive enough", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "294978-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's a fine place, I'm just a little mystified about the Michelin star.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 20, "to": 22}]}, {"id": 8, "anchors": [{"from": 23, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 29}]}, {"id": 10, "anchors": [{"from": 30, "to": 36}]}, {"id": 11, "anchors": [{"from": 37, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "S"}, {"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 12, "label": "R"}, {"source": 21, "target": 23, "label": "E"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "E"}, {"source": 23, "target": 13, "label": "E"}, {"source": 20, "target": 21, "label": "D"}, {"source": 18, "target": 5, "label": "U"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 20, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "E"}, {"source": 20, "target": 7, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 11, "label": "C"}, {"source": 20, "target": 6, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "E"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "294978-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nothing wrong with it, just better options at this price point.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 0, "label": "D"}, {"source": 17, "target": 18, "label": "D"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 2, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 14, "target": 4, "label": "U"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "295288-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Just Autos Thank you!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}, {"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "295288-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Was fast and easy, Just had our car returned this morning, I would recommend these Mobile Mechanics for sure.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 89}, {"from": 90, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 108, "to": 109}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 24, "target": 5, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 29, "target": 14, "label": "F"}, {"source": 29, "target": 15, "label": "C"}, {"source": 22, "target": 28, "label": "H"}, {"source": 28, "target": 30, "label": "A"}, {"source": 25, "target": 8, "label": "C"}, {"source": 26, "target": 9, "label": "P"}, {"source": 30, "target": 17, "label": "C"}, {"source": 21, "target": 23, "label": "S"}, {"source": 30, "target": 16, "label": "E"}, {"source": 27, "target": 10, "label": "E"}, {"source": 24, "target": 6, "label": "S"}, {"source": 22, "target": 12, "label": "U"}, {"source": 23, "target": 1, "label": "C"}, {"source": 26, "target": 27, "label": "D"}, {"source": 23, "target": 3, "label": "C"}, {"source": 31, "target": 20, "label": "U"}, {"source": 21, "target": 4, "label": "U"}, {"source": 23, "target": 2, "label": "N"}, {"source": 28, "target": 13, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 25, "target": 7, "label": "E"}, {"source": 28, "target": 31, "label": "D"}, {"source": 31, "target": 18, "label": "R"}, {"source": 31, "target": 19, "label": "C"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "295288-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They certainly know what they are doing.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 10, "target": 4, "label": "A"}, {"source": 10, "target": 6, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 5, "label": "F"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "295288-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The mechanic came to our place and sorted out our cars problems, he explained the problem and was very up front and honest, it was towed to the workshop as the gearbox was not working (he explained it better).", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 63}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 77}]}, {"id": 12, "anchors": [{"from": 78, "to": 81}]}, {"id": 13, "anchors": [{"from": 82, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 115}]}, {"id": 20, "anchors": [{"from": 116, "to": 122}]}, {"id": 21, "anchors": [{"from": 122, "to": 123}]}, {"id": 22, "anchors": [{"from": 124, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 139}]}, {"id": 26, "anchors": [{"from": 140, "to": 143}]}, {"id": 27, "anchors": [{"from": 144, "to": 152}]}, {"id": 28, "anchors": [{"from": 153, "to": 155}]}, {"id": 29, "anchors": [{"from": 156, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 167}]}, {"id": 31, "anchors": [{"from": 168, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 175}]}, {"id": 33, "anchors": [{"from": 176, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 185}]}, {"id": 35, "anchors": [{"from": 185, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 197}]}, {"id": 37, "anchors": [{"from": 198, "to": 200}]}, {"id": 38, "anchors": [{"from": 201, "to": 207}]}, {"id": 39, "anchors": [{"from": 207, "to": 208}]}, {"id": 40, "anchors": [{"from": 208, "to": 209}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}], "edges": [{"source": 52, "target": 22, "label": "A"}, {"source": 49, "target": 51, "label": "S"}, {"source": 56, "target": 38, "label": "D"}, {"source": 51, "target": 19, "label": "N"}, {"source": 49, "target": 50, "label": "D"}, {"source": 44, "target": 4, "label": "P"}, {"source": 50, "target": 16, "label": "E"}, {"source": 51, "target": 18, "label": "C"}, {"source": 41, "target": 1, "label": "C"}, {"source": 51, "target": 20, "label": "C"}, {"source": 46, "target": 7, "label": "R"}, {"source": 52, "target": 23, "label": "F"}, {"source": 43, "target": 21, "label": "U"}, {"source": 49, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 56, "label": "H"}, {"source": 56, "target": 35, "label": "A"}, {"source": 43, "target": 52, "label": "H"}, {"source": 53, "target": 54, "label": "P"}, {"source": 54, "target": 27, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 50, "target": 17, "label": "C"}, {"source": 47, "target": 10, "label": "A"}, {"source": 53, "target": 55, "label": "A"}, {"source": 47, "target": 11, "label": "P"}, {"source": 56, "target": 34, "label": "U"}, {"source": 44, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 42, "label": "H"}, {"source": 55, "target": 30, "label": "C"}, {"source": 42, "target": 41, "label": "A"}, {"source": 46, "target": 8, "label": "C"}, {"source": 56, "target": 37, "label": "A"}, {"source": 49, "target": 15, "label": "F"}, {"source": 41, "target": 0, "label": "E"}, {"source": 55, "target": 29, "label": "E"}, {"source": 56, "target": 40, "label": "U"}, {"source": 55, "target": 28, "label": "R"}, {"source": 43, "target": 44, "label": "H"}, {"source": 43, "target": 47, "label": "H"}, {"source": 56, "target": 32, "label": "D"}, {"source": 56, "target": 31, "label": "F"}, {"source": 56, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 24, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 43, "target": 9, "label": "U"}, {"source": 43, "target": 49, "label": "H"}, {"source": 42, "target": 2, "label": "S"}, {"source": 56, "target": 33, "label": "P"}, {"source": 53, "target": 25, "label": "R"}, {"source": 43, "target": 14, "label": "L"}, {"source": 56, "target": 39, "label": "U"}, {"source": 45, "target": 6, "label": "C"}, {"source": 54, "target": 26, "label": "E"}, {"source": 48, "target": 12, "label": "E"}, {"source": 45, "target": 5, "label": "E"}, {"source": 48, "target": 13, "label": "C"}, {"source": 43, "target": 3, "label": "L"}, {"source": 56, "target": 36, "label": "D"}]} +{"id": "295288-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They phoned the same day, confirmed it was the gearbox quoted me the job, I gave the go ahead.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 93}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 31, "target": 19, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 1, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 9, "label": "E"}, {"source": 30, "target": 17, "label": "P"}, {"source": 29, "target": 13, "label": "E"}, {"source": 23, "target": 30, "label": "H"}, {"source": 24, "target": 3, "label": "E"}, {"source": 23, "target": 5, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 29, "target": 14, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 11, "label": "P"}, {"source": 22, "target": 24, "label": "D"}, {"source": 26, "target": 8, "label": "S"}, {"source": 26, "target": 7, "label": "A"}, {"source": 24, "target": 2, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 24, "target": 4, "label": "C"}, {"source": 30, "target": 16, "label": "A"}, {"source": 31, "target": 18, "label": "E"}, {"source": 25, "target": 6, "label": "P"}]} +{"id": "295288-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now my cars gears and brakes have never run so well... ever its like driving a new car.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 51}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 82}]}, {"id": 20, "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 25, "target": 26, "label": "C"}, {"source": 24, "target": 7, "label": "F"}, {"source": 26, "target": 5, "label": "N"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 27, "label": "D"}, {"source": 23, "target": 25, "label": "E"}, {"source": 23, "target": 1, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 30, "target": 19, "label": "E"}, {"source": 28, "target": 13, "label": "D"}, {"source": 27, "target": 10, "label": "E"}, {"source": 22, "target": 0, "label": "L"}, {"source": 28, "target": 15, "label": "P"}, {"source": 26, "target": 4, "label": "C"}, {"source": 22, "target": 12, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 16, "label": "R"}, {"source": 22, "target": 24, "label": "H"}, {"source": 28, "target": 14, "label": "F"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 2, "label": "C"}, {"source": 30, "target": 18, "label": "E"}, {"source": 24, "target": 9, "label": "P"}, {"source": 25, "target": 3, "label": "R"}, {"source": 24, "target": 8, "label": "D"}]} +{"id": "295288-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So yes, I wouldn't hesitate in recommending the team at Just Autos for easy professional car repairs,Thank you Just Autos for your help.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 100}]}, {"id": 19, "anchors": [{"from": 100, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 106}, {"from": 107, "to": 110}, {"from": 111, "to": 115}, {"from": 116, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 130}]}, {"id": 23, "anchors": [{"from": 131, "to": 135}]}, {"id": 24, "anchors": [{"from": 135, "to": 136}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 36, "target": 24, "label": "U"}, {"source": 34, "target": 15, "label": "E"}, {"source": 32, "target": 13, "label": "C"}, {"source": 36, "target": 23, "label": "C"}, {"source": 26, "target": 2, "label": "U"}, {"source": 30, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 35, "label": "H"}, {"source": 35, "target": 20, "label": "A"}, {"source": 36, "target": 21, "label": "R"}, {"source": 33, "target": 34, "label": "E"}, {"source": 29, "target": 7, "label": "F"}, {"source": 31, "target": 10, "label": "C"}, {"source": 26, "target": 6, "label": "D"}, {"source": 26, "target": 3, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 26, "target": 28, "label": "P"}, {"source": 30, "target": 29, "label": "P"}, {"source": 34, "target": 17, "label": "C"}, {"source": 25, "target": 1, "label": "C"}, {"source": 30, "target": 33, "label": "A"}, {"source": 25, "target": 0, "label": "R"}, {"source": 36, "target": 22, "label": "E"}, {"source": 33, "target": 14, "label": "R"}, {"source": 26, "target": 30, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 29, "target": 8, "label": "C"}, {"source": 31, "target": 9, "label": "E"}, {"source": 28, "target": 5, "label": "C"}, {"source": 28, "target": 4, "label": "F"}, {"source": 32, "target": 12, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 18, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 19, "label": "U"}, {"source": 34, "target": 16, "label": "E"}]} +{"id": "295491-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Skip te rest - this is the best", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 4, "label": "S"}, {"source": 10, "target": 5, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "E"}, {"source": 7, "target": 1, "label": "E"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "295491-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absolutely great !", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "295491-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Clean, updated room, friendly staff, safe location.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 16, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 14, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 1, "label": "U"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 0, "label": "C"}, {"source": 13, "target": 7, "label": "U"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 15, "label": "C"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "295491-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staff is super friendly, treat you as a friend.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 2, "label": "D"}, {"source": 13, "target": 5, "label": "P"}, {"source": 13, "target": 6, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "295491-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cannot ask for a better experience.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "295491-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will be staying here any and every time I come anywhere near.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 2, "label": "S"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 10, "label": "D"}, {"source": 13, "target": 14, "label": "L"}, {"source": 12, "target": 0, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 3, "label": "A"}, {"source": 14, "target": 5, "label": "N"}, {"source": 14, "target": 4, "label": "C"}, {"source": 16, "target": 9, "label": "D"}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "295491-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overall, Joe is a happy camper who has found a great spot.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 2, "label": "A"}, {"source": 15, "target": 8, "label": "F"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 3, "label": "S"}, {"source": 15, "target": 9, "label": "P"}, {"source": 18, "target": 11, "label": "E"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 0, "label": "D"}, {"source": 15, "target": 7, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 4, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 15, "target": 1, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "295727-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Skylight repair", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 15}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 1, "label": "P"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "295727-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My skylight was making a horrible noise when the wind blew.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 10, "label": "P"}, {"source": 13, "target": 2, "label": "F"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 7, "label": "L"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "P"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 5, "label": "E"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "295727-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "James Bateman came the day I called and fixed the problem quickly and efficiently.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 81}]}, {"id": 13, "anchors": [{"from": 81, "to": 82}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 21, "target": 13, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 21, "target": 20, "label": "R"}, {"source": 19, "target": 8, "label": "E"}, {"source": 20, "target": 11, "label": "N"}, {"source": 16, "target": 2, "label": "E"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 4, "label": "A"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 6, "label": "N"}, {"source": 17, "target": 18, "label": "P"}, {"source": 17, "target": 21, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "295727-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He also inspected my entie roof to see if there was anything else that needed attention.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 22, "target": 10, "label": "S"}, {"source": 18, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 1, "label": "D"}, {"source": 19, "target": 4, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 24, "target": 14, "label": "F"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 7, "label": "P"}, {"source": 23, "target": 11, "label": "C"}, {"source": 20, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 9, "label": "F"}, {"source": 23, "target": 12, "label": "E"}, {"source": 21, "target": 8, "label": "R"}]} +{"id": "295727-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He called the next day to see if everything was to my satisfaction.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "E"}, {"source": 15, "target": 9, "label": "F"}, {"source": 15, "target": 19, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 16, "label": "D"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 8, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 5, "label": "F"}, {"source": 19, "target": 10, "label": "R"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "295727-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When the next hailstorm blows through, I will not hesitate to contact James at Team Texas Construction.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}, {"from": 30, "to": 37}]}, {"id": 5, "anchors": [{"from": 37, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}, {"from": 84, "to": 89}]}, {"id": 15, "anchors": [{"from": 90, "to": 102}]}, {"id": 16, "anchors": [{"from": 102, "to": 103}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "P"}, {"source": 17, "target": 0, "label": "L"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 12, "label": "A"}, {"source": 17, "target": 19, "label": "H"}, {"source": 17, "target": 20, "label": "H"}, {"source": 20, "target": 8, "label": "D"}, {"source": 22, "target": 13, "label": "R"}, {"source": 22, "target": 14, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 7, "label": "F"}, {"source": 18, "target": 1, "label": "E"}, {"source": 22, "target": 15, "label": "C"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "U"}, {"source": 19, "target": 4, "label": "P"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 6, "label": "A"}]} +{"id": "295935-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very Informative website with alot of good work", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 14, "label": "E"}, {"source": 11, "target": 9, "label": "P"}, {"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 8, "label": "E"}, {"source": 12, "target": 6, "label": "R"}, {"source": 12, "target": 3, "label": "R"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "296357-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Close to my house, this is the only reason I would go to this particular QT.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 75, "to": 76}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 11, "label": "F"}, {"source": 25, "target": 12, "label": "C"}, {"source": 20, "target": 2, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 22, "label": "C"}, {"source": 22, "target": 5, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 19, "target": 18, "label": "L"}, {"source": 26, "target": 13, "label": "R"}, {"source": 18, "target": 0, "label": "C"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 8, "label": "E"}, {"source": 22, "target": 6, "label": "S"}, {"source": 18, "target": 1, "label": "R"}, {"source": 24, "target": 10, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 21, "target": 4, "label": "U"}, {"source": 26, "target": 17, "label": "U"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 3, "label": "C"}]} +{"id": "296406-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Horrible tap water.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "296406-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But no other complaints.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 5, "target": 0, "label": "L"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "299148-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Outdated but not bad", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "N"}, {"source": 5, "target": 6, "label": "C"}, {"source": 4, "target": 5, "label": "L"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "299148-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I really felt like this place was extremely outdated especially since the pictures make it look nice and modern.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 103}]}, {"id": 18, "anchors": [{"from": 104, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 28, "target": 17, "label": "C"}, {"source": 28, "target": 18, "label": "N"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 26, "label": "H"}, {"source": 28, "target": 19, "label": "C"}, {"source": 22, "target": 3, "label": "P"}, {"source": 27, "target": 16, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 25, "target": 13, "label": "C"}, {"source": 23, "target": 9, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 21, "target": 11, "label": "L"}, {"source": 22, "target": 2, "label": "D"}, {"source": 26, "target": 14, "label": "D"}, {"source": 28, "target": 20, "label": "U"}, {"source": 22, "target": 10, "label": "D"}, {"source": 27, "target": 28, "label": "C"}, {"source": 22, "target": 1, "label": "A"}, {"source": 23, "target": 8, "label": "D"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 27, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 25, "target": 12, "label": "E"}]} +{"id": "299148-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It had listed that there was a hot breakfast but all this meant is that they added a waffle maker to the common continental affair at most cheap hotels.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 130}]}, {"id": 25, "anchors": [{"from": 131, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 151}]}, {"id": 29, "anchors": [{"from": 151, "to": 152}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 30, "target": 2, "label": "P"}, {"source": 34, "target": 8, "label": "C"}, {"source": 31, "target": 36, "label": "H"}, {"source": 37, "target": 16, "label": "P"}, {"source": 40, "target": 25, "label": "R"}, {"source": 31, "target": 30, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 38, "target": 18, "label": "E"}, {"source": 33, "target": 4, "label": "F"}, {"source": 39, "target": 22, "label": "E"}, {"source": 32, "target": 33, "label": "C"}, {"source": 36, "target": 13, "label": "S"}, {"source": 40, "target": 41, "label": "E"}, {"source": 39, "target": 24, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 38, "target": 17, "label": "E"}, {"source": 34, "target": 7, "label": "E"}, {"source": 31, "target": 9, "label": "L"}, {"source": 32, "target": 3, "label": "F"}, {"source": 37, "target": 40, "label": "A"}, {"source": 38, "target": 19, "label": "C"}, {"source": 40, "target": 29, "label": "U"}, {"source": 35, "target": 10, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 41, "target": 26, "label": "E"}, {"source": 37, "target": 15, "label": "A"}, {"source": 36, "target": 12, "label": "F"}, {"source": 34, "target": 6, "label": "E"}, {"source": 37, "target": 14, "label": "F"}, {"source": 40, "target": 28, "label": "C"}, {"source": 36, "target": 35, "label": "A"}, {"source": 39, "target": 21, "label": "E"}, {"source": 41, "target": 27, "label": "C"}, {"source": 39, "target": 20, "label": "R"}, {"source": 30, "target": 32, "label": "A"}, {"source": 39, "target": 23, "label": "E"}, {"source": 33, "target": 5, "label": "S"}, {"source": 35, "target": 11, "label": "C"}, {"source": 30, "target": 1, "label": "F"}]} +{"id": "299148-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The family suite was basically two rooms with a small opening between them which worked great for us because we were two families traveling together.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 120}]}, {"id": 22, "anchors": [{"from": 121, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 139}]}, {"id": 24, "anchors": [{"from": 140, "to": 148}]}, {"id": 25, "anchors": [{"from": 148, "to": 149}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 30, "target": 9, "label": "E"}, {"source": 32, "target": 12, "label": "C"}, {"source": 27, "target": 4, "label": "D"}, {"source": 34, "target": 16, "label": "R"}, {"source": 35, "target": 19, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 5, "label": "A"}, {"source": 33, "target": 13, "label": "F"}, {"source": 29, "target": 7, "label": "R"}, {"source": 27, "target": 6, "label": "D"}, {"source": 37, "target": 25, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 31, "target": 30, "label": "P"}, {"source": 27, "target": 3, "label": "S"}, {"source": 30, "target": 10, "label": "C"}, {"source": 34, "target": 17, "label": "C"}, {"source": 33, "target": 15, "label": "A"}, {"source": 36, "target": 22, "label": "C"}, {"source": 36, "target": 21, "label": "E"}, {"source": 32, "target": 11, "label": "R"}, {"source": 26, "target": 2, "label": "C"}, {"source": 26, "target": 0, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 37, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 35, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 29, "target": 31, "label": "C"}, {"source": 33, "target": 14, "label": "P"}, {"source": 28, "target": 18, "label": "L"}, {"source": 30, "target": 8, "label": "E"}, {"source": 26, "target": 1, "label": "E"}, {"source": 37, "target": 23, "label": "S"}, {"source": 37, "target": 24, "label": "D"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 36, "target": 37, "label": "E"}, {"source": 35, "target": 20, "label": "F"}]} +{"id": "299148-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are in town and need that kind of space I say stay here but if you are looking for a little more upscale affair don't let the pictures fool you and book somewhere else.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 98}]}, {"id": 23, "anchors": [{"from": 99, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 121, "to": 124}]}, {"id": 28, "anchors": [{"from": 125, "to": 128}]}, {"id": 29, "anchors": [{"from": 129, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 159}]}, {"id": 35, "anchors": [{"from": 160, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 174}]}, {"id": 37, "anchors": [{"from": 174, "to": 175}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 39, "target": 2, "label": "S"}, {"source": 51, "target": 29, "label": "E"}, {"source": 42, "target": 10, "label": "C"}, {"source": 44, "target": 8, "label": "C"}, {"source": 42, "target": 44, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 50, "target": 49, "label": "C"}, {"source": 38, "target": 39, "label": "H"}, {"source": 48, "target": 22, "label": "E"}, {"source": 38, "target": 15, "label": "L"}, {"source": 49, "target": 28, "label": "C"}, {"source": 54, "target": 35, "label": "E"}, {"source": 43, "target": 11, "label": "A"}, {"source": 43, "target": 42, "label": "E"}, {"source": 47, "target": 20, "label": "R"}, {"source": 38, "target": 0, "label": "L"}, {"source": 47, "target": 48, "label": "A"}, {"source": 54, "target": 36, "label": "C"}, {"source": 45, "target": 14, "label": "A"}, {"source": 51, "target": 30, "label": "C"}, {"source": 46, "target": 18, "label": "F"}, {"source": 53, "target": 32, "label": "C"}, {"source": 47, "target": 26, "label": "S"}, {"source": 46, "target": 17, "label": "A"}, {"source": 47, "target": 27, "label": "D"}, {"source": 41, "target": 6, "label": "P"}, {"source": 48, "target": 23, "label": "E"}, {"source": 43, "target": 12, "label": "P"}, {"source": 38, "target": 41, "label": "H"}, {"source": 38, "target": 46, "label": "H"}, {"source": 40, "target": 3, "label": "E"}, {"source": 43, "target": 45, "label": "A"}, {"source": 47, "target": 52, "label": "A"}, {"source": 45, "target": 13, "label": "P"}, {"source": 48, "target": 21, "label": "E"}, {"source": 45, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 25, "label": "C"}, {"source": 38, "target": 5, "label": "L"}, {"source": 50, "target": 54, "label": "E"}, {"source": 52, "target": 53, "label": "E"}, {"source": 54, "target": 37, "label": "U"}, {"source": 41, "target": 43, "label": "A"}, {"source": 38, "target": 16, "label": "L"}, {"source": 53, "target": 33, "label": "N"}, {"source": 44, "target": 9, "label": "R"}, {"source": 40, "target": 4, "label": "C"}, {"source": 46, "target": 19, "label": "P"}, {"source": 53, "target": 34, "label": "C"}, {"source": 48, "target": 24, "label": "E"}, {"source": 46, "target": 47, "label": "A"}, {"source": 41, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 7, "label": "E"}, {"source": 49, "target": 51, "label": "E"}, {"source": 52, "target": 31, "label": "C"}, {"source": 39, "target": 1, "label": "A"}, {"source": 47, "target": 50, "label": "A"}]} +{"id": "299169-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Terrible customer service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 25}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "299169-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fried rice has NO flavor, it literally taste like water.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 6, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 7, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 9, "label": "R"}, {"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "299169-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I tried to return it they refused, so I had to leave without a refund and still hungry.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 23, "target": 6, "label": "A"}, {"source": 25, "target": 11, "label": "F"}, {"source": 21, "target": 8, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 29, "target": 18, "label": "D"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 4, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 9, "label": "L"}, {"source": 24, "target": 12, "label": "F"}, {"source": 26, "target": 14, "label": "P"}, {"source": 23, "target": 7, "label": "P"}, {"source": 22, "target": 5, "label": "A"}, {"source": 25, "target": 13, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "P"}, {"source": 22, "target": 3, "label": "F"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 27, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 28, "target": 17, "label": "N"}, {"source": 22, "target": 2, "label": "D"}, {"source": 24, "target": 10, "label": "A"}, {"source": 29, "target": 19, "label": "S"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 0, "label": "L"}, {"source": 27, "target": 15, "label": "E"}, {"source": 28, "target": 29, "label": "C"}]} +{"id": "299524-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quality has fallen over the years, but still the best go-to burger place on the East Bay.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 88, "to": 89}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 26, "target": 11, "label": "C"}, {"source": 23, "target": 4, "label": "E"}, {"source": 25, "target": 9, "label": "E"}, {"source": 25, "target": 10, "label": "E"}, {"source": 27, "target": 18, "label": "E"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 25, "target": 26, "label": "E"}, {"source": 27, "target": 17, "label": "E"}, {"source": 27, "target": 16, "label": "R"}, {"source": 21, "target": 23, "label": "D"}, {"source": 26, "target": 12, "label": "U"}, {"source": 21, "target": 2, "label": "P"}, {"source": 26, "target": 13, "label": "R"}, {"source": 23, "target": 3, "label": "R"}, {"source": 25, "target": 14, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "C"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 6, "label": "U"}, {"source": 27, "target": 19, "label": "C"}, {"source": 24, "target": 25, "label": "S"}, {"source": 27, "target": 20, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 24, "target": 8, "label": "D"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "302465-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "302465-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Really great service and kind staff.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 7, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 1, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "N"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 7, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 11, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 12, "target": 6, "label": "U"}, {"source": 10, "target": 12, "label": "C"}]} +{"id": "302465-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The haircut was inexpensive and so were the salon services (eyebrows were cheap!).", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}, {"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 79}]}, {"id": 13, "anchors": [{"from": 79, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 20, "target": 9, "label": "U"}, {"source": 18, "target": 4, "label": "L"}, {"source": 21, "target": 13, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 12, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 19, "target": 5, "label": "S"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 3, "label": "A"}, {"source": 19, "target": 11, "label": "F"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 2, "label": "S"}]} +{"id": "302465-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's a nice, relaxed place to get stuff done and relax.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "C"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 16, "target": 4, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "S"}, {"source": 17, "target": 8, "label": "D"}, {"source": 15, "target": 7, "label": "L"}, {"source": 16, "target": 5, "label": "E"}, {"source": 19, "target": 11, "label": "N"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "302465-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I plan on going again.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "P"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "303728-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great gym and great services.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "303922-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A+", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "303922-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent customer service and honest feedback.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 46}]}, {"id": 6, "anchors": [{"from": 46, "to": 47}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 1, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "C"}, {"source": 9, "target": 10, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "C"}, {"source": 12, "target": 3, "label": "N"}]} +{"id": "303922-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The team at Bradley Chevron kept my car running for well past its expected death!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}, {"from": 20, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 23, "target": 11, "label": "A"}, {"source": 16, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 17, "target": 23, "label": "H"}, {"source": 16, "target": 19, "label": "A"}, {"source": 16, "target": 15, "label": "A"}, {"source": 15, "target": 0, "label": "E"}, {"source": 18, "target": 2, "label": "R"}, {"source": 18, "target": 3, "label": "C"}, {"source": 20, "target": 21, "label": "D"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 10, "label": "P"}, {"source": 17, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "D"}, {"source": 19, "target": 6, "label": "C"}, {"source": 20, "target": 7, "label": "P"}, {"source": 16, "target": 4, "label": "P"}, {"source": 23, "target": 13, "label": "P"}, {"source": 23, "target": 14, "label": "U"}, {"source": 15, "target": 18, "label": "E"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "R"}]} +{"id": "303922-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are honest about 'immediate' concerns versus 'recommended' repairs and have very fair prices.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 62}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 97}]}, {"id": 18, "anchors": [{"from": 97, "to": 98}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 21, "target": 5, "label": "D"}, {"source": 21, "target": 3, "label": "R"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 23, "label": "H"}, {"source": 19, "target": 2, "label": "S"}, {"source": 22, "target": 10, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 24, "label": "E"}, {"source": 22, "target": 11, "label": "U"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 9, "label": "U"}, {"source": 21, "target": 4, "label": "U"}, {"source": 21, "target": 6, "label": "U"}, {"source": 22, "target": 8, "label": "R"}, {"source": 20, "target": 13, "label": "L"}, {"source": 25, "target": 18, "label": "U"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 12, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 23, "target": 14, "label": "S"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "303922-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Such a convenient location as well with coffee shop and bradley food and beverage right around corner.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}, {"from": 30, "to": 34}, {"from": 35, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 68}]}, {"id": 10, "anchors": [{"from": 69, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 94}]}, {"id": 14, "anchors": [{"from": 95, "to": 101}]}, {"id": 15, "anchors": [{"from": 101, "to": 102}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 19, "label": "S"}, {"source": 21, "target": 20, "label": "C"}, {"source": 17, "target": 0, "label": "R"}, {"source": 17, "target": 23, "label": "D"}, {"source": 23, "target": 12, "label": "R"}, {"source": 22, "target": 8, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 21, "target": 7, "label": "N"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 3, "label": "C"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 19, "target": 18, "label": "C"}, {"source": 18, "target": 1, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 19, "target": 4, "label": "N"}, {"source": 22, "target": 10, "label": "N"}, {"source": 22, "target": 9, "label": "C"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 2, "label": "E"}, {"source": 19, "target": 21, "label": "C"}]} +{"id": "304759-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A very nice park.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 8, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "304759-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The architecture is simplz splendid.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "305187-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Apps 4 Salad 3 Entree 3.5 Wine 5 (NOV 07)", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}, {"from": 7, "to": 12}, {"from": 13, "to": 14}, {"from": 15, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 30}, {"from": 31, "to": 32}]}, {"id": 1, "anchors": [{"from": 33, "to": 34}]}, {"id": 2, "anchors": [{"from": 34, "to": 37}, {"from": 38, "to": 40}]}, {"id": 3, "anchors": [{"from": 40, "to": 41}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "305187-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Enjoyed this cozy little spot with a group of 8 folks.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 0, "label": "S"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 3, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 1, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "305187-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service was excellent.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "305187-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food was excellent.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "305187-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wine was excellent.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "305187-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was feeling the need for some fish so I had the salmon which was very good but the steaks looked amazing and if I am in town again, I'll definitely order a steak.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 132}]}, {"id": 29, "anchors": [{"from": 132, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 135}, {"from": 135, "to": 138}]}, {"id": 31, "anchors": [{"from": 139, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 157}]}, {"id": 34, "anchors": [{"from": 158, "to": 163}]}, {"id": 35, "anchors": [{"from": 163, "to": 164}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 36, "target": 38, "label": "P"}, {"source": 44, "target": 43, "label": "A"}, {"source": 45, "target": 28, "label": "D"}, {"source": 37, "target": 40, "label": "H"}, {"source": 48, "target": 34, "label": "C"}, {"source": 45, "target": 46, "label": "A"}, {"source": 39, "target": 5, "label": "R"}, {"source": 47, "target": 31, "label": "D"}, {"source": 37, "target": 8, "label": "L"}, {"source": 37, "target": 17, "label": "L"}, {"source": 47, "target": 32, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 43, "target": 18, "label": "E"}, {"source": 37, "target": 22, "label": "L"}, {"source": 45, "target": 24, "label": "A"}, {"source": 36, "target": 2, "label": "D"}, {"source": 39, "target": 6, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 44, "target": 21, "label": "A"}, {"source": 36, "target": 39, "label": "A"}, {"source": 47, "target": 30, "label": "A"}, {"source": 36, "target": 0, "label": "A"}, {"source": 37, "target": 47, "label": "H"}, {"source": 40, "target": 10, "label": "P"}, {"source": 48, "target": 33, "label": "E"}, {"source": 40, "target": 9, "label": "A"}, {"source": 41, "target": 12, "label": "C"}, {"source": 42, "target": 14, "label": "F"}, {"source": 37, "target": 29, "label": "U"}, {"source": 42, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 45, "label": "H"}, {"source": 37, "target": 36, "label": "H"}, {"source": 46, "target": 26, "label": "R"}, {"source": 42, "target": 16, "label": "S"}, {"source": 41, "target": 11, "label": "E"}, {"source": 36, "target": 1, "label": "F"}, {"source": 48, "target": 35, "label": "U"}, {"source": 44, "target": 20, "label": "D"}, {"source": 39, "target": 7, "label": "C"}, {"source": 38, "target": 4, "label": "C"}, {"source": 46, "target": 27, "label": "C"}, {"source": 37, "target": 44, "label": "H"}, {"source": 42, "target": 13, "label": "R"}, {"source": 42, "target": 15, "label": "D"}, {"source": 43, "target": 19, "label": "C"}, {"source": 38, "target": 3, "label": "E"}, {"source": 45, "target": 25, "label": "S"}, {"source": 37, "target": 23, "label": "L"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "305187-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A perfect place for a romantic dinner.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 8, "label": "S"}, {"source": 10, "target": 11, "label": "D"}, {"source": 8, "target": 2, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "305187-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lots of \"pretty people\" dining inside.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 10, "target": 2, "label": "U"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 5, "label": "U"}, {"source": 10, "target": 9, "label": "E"}, {"source": 10, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "P"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 7, "label": "D"}, {"source": 12, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "R"}]} +{"id": "305681-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a great facility.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "305681-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great instructors!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "305681-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Most of all, my daughter loves it!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "L"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 9, "label": "E"}, {"source": 13, "target": 6, "label": "P"}, {"source": 11, "target": 3, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 13, "target": 12, "label": "A"}, {"source": 13, "target": 7, "label": "A"}]} +{"id": "306740-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Miami's best tutoring service!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 7, "target": 3, "label": "E"}, {"source": 7, "target": 6, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 4, "label": "C"}]} +{"id": "306740-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My son was able to advance a full two grades within 9 months!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 7, "label": "E"}, {"source": 16, "target": 20, "label": "D"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 20, "target": 12, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 8, "label": "C"}, {"source": 16, "target": 4, "label": "F"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 20, "target": 10, "label": "R"}, {"source": 14, "target": 0, "label": "E"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "306740-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A wonderful tutoring service for students needing help with elementary - middle school work.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 79}]}, {"id": 12, "anchors": [{"from": 80, "to": 86}]}, {"id": 13, "anchors": [{"from": 87, "to": 91}]}, {"id": 14, "anchors": [{"from": 91, "to": 92}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 21, "target": 11, "label": "C"}, {"source": 15, "target": 0, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 6, "label": "D"}, {"source": 21, "target": 10, "label": "U"}, {"source": 20, "target": 8, "label": "R"}, {"source": 15, "target": 2, "label": "E"}, {"source": 20, "target": 13, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 15, "target": 18, "label": "E"}, {"source": 20, "target": 12, "label": "E"}, {"source": 15, "target": 1, "label": "E"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "307170-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Limo Limousine service in all of Dallas", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 11, "target": 1, "label": "E"}, {"source": 12, "target": 13, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 11, "label": "E"}, {"source": 13, "target": 5, "label": "C"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "307170-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Limos company int he DFW fort Worth Metro area.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}, {"from": 42, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 52}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 14, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 14, "target": 13, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 2, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 9, "label": "E"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "307170-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I use their limo services for all of my airport car services and airport transportation needs", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 14, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 24, "target": 12, "label": "N"}, {"source": 24, "target": 13, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 21, "target": 22, "label": "C"}, {"source": 17, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 7, "label": "R"}, {"source": 20, "target": 6, "label": "C"}, {"source": 18, "target": 3, "label": "E"}, {"source": 21, "target": 20, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 21, "target": 15, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 23, "target": 10, "label": "E"}, {"source": 21, "target": 9, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 21, "target": 8, "label": "E"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "307209-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "LOCATION HAS CLOSED.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "307209-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HAS MOVED TO 4783 Bay Rd Saginaw, Michigan 48604 (989)755-1109", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}, {"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 7, "label": "U"}, {"source": 18, "target": 11, "label": "U"}, {"source": 18, "target": 12, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 18, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 5, "label": "C"}, {"source": 14, "target": 1, "label": "P"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 14, "target": 0, "label": "F"}, {"source": 15, "target": 2, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 9, "label": "U"}, {"source": 17, "target": 4, "label": "E"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "307250-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "$9.62 excluding tip with water to drink for the buffet.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 15}, {"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 3, "label": "R"}, {"source": 14, "target": 6, "label": "P"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "A"}, {"source": 11, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "307250-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worst buffet period by far.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "D"}, {"source": 6, "target": 2, "label": "C"}, {"source": 9, "target": 4, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "307250-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I want my money back!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "308088-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Internet Department is rude and insulting", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 19}]}, {"id": 1, "anchors": [{"from": 20, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 41}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 7, "target": 4, "label": "P"}, {"source": 6, "target": 5, "label": "H"}, {"source": 6, "target": 3, "label": "L"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "308088-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was looking to bring a customer to their lot to buy a car but the Internet salesperson Last name is Balazick sent me this email \"AND IF IT WAS WORTH MY TIME I WOULD OF BOTHERED ASWERING YOUR QUESTIONS.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 131}]}, {"id": 27, "anchors": [{"from": 131, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 140}, {"from": 141, "to": 144}, {"from": 145, "to": 150}, {"from": 151, "to": 153}, {"from": 154, "to": 158}, {"from": 159, "to": 160}, {"from": 161, "to": 166}, {"from": 167, "to": 169}, {"from": 170, "to": 178}, {"from": 179, "to": 187}, {"from": 188, "to": 192}, {"from": 193, "to": 202}]}, {"id": 30, "anchors": [{"from": 202, "to": 203}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 32, "target": 14, "label": "L"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 10, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 30, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 31, "target": 36, "label": "A"}, {"source": 38, "target": 16, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 41, "target": 29, "label": "A"}, {"source": 38, "target": 18, "label": "E"}, {"source": 34, "target": 5, "label": "E"}, {"source": 36, "target": 11, "label": "P"}, {"source": 32, "target": 39, "label": "H"}, {"source": 40, "target": 24, "label": "E"}, {"source": 35, "target": 7, "label": "R"}, {"source": 38, "target": 17, "label": "E"}, {"source": 31, "target": 0, "label": "A"}, {"source": 31, "target": 2, "label": "P"}, {"source": 32, "target": 41, "label": "H"}, {"source": 33, "target": 3, "label": "F"}, {"source": 32, "target": 28, "label": "L"}, {"source": 33, "target": 35, "label": "A"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 19, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 39, "target": 23, "label": "A"}, {"source": 34, "target": 6, "label": "C"}, {"source": 35, "target": 9, "label": "C"}, {"source": 39, "target": 38, "label": "A"}, {"source": 39, "target": 20, "label": "F"}, {"source": 38, "target": 15, "label": "E"}, {"source": 32, "target": 26, "label": "U"}, {"source": 39, "target": 21, "label": "A"}, {"source": 40, "target": 25, "label": "C"}, {"source": 37, "target": 12, "label": "E"}, {"source": 32, "target": 27, "label": "L"}, {"source": 39, "target": 22, "label": "P"}, {"source": 35, "target": 8, "label": "E"}, {"source": 31, "target": 1, "label": "F"}, {"source": 37, "target": 13, "label": "C"}, {"source": 33, "target": 4, "label": "P"}]} +{"id": "308088-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I MAKE MONEY NOT DEAL WITH BROKERS\" Wow, can you believe in todays tough times this dealership would be looking for any way to move vehicles.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}, {"from": 7, "to": 12}, {"from": 13, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 26}, {"from": 27, "to": 34}, {"from": 36, "to": 39}]}, {"id": 1, "anchors": [{"from": 34, "to": 35}]}, {"id": 2, "anchors": [{"from": 39, "to": 40}]}, {"id": 3, "anchors": [{"from": 41, "to": 44}]}, {"id": 4, "anchors": [{"from": 45, "to": 48}]}, {"id": 5, "anchors": [{"from": 49, "to": 56}]}, {"id": 6, "anchors": [{"from": 57, "to": 59}]}, {"id": 7, "anchors": [{"from": 60, "to": 65}]}, {"id": 8, "anchors": [{"from": 65, "to": 66}]}, {"id": 9, "anchors": [{"from": 67, "to": 72}]}, {"id": 10, "anchors": [{"from": 73, "to": 78}]}, {"id": 11, "anchors": [{"from": 79, "to": 83}]}, {"id": 12, "anchors": [{"from": 84, "to": 94}]}, {"id": 13, "anchors": [{"from": 95, "to": 100}]}, {"id": 14, "anchors": [{"from": 101, "to": 103}]}, {"id": 15, "anchors": [{"from": 104, "to": 111}]}, {"id": 16, "anchors": [{"from": 112, "to": 115}]}, {"id": 17, "anchors": [{"from": 116, "to": 119}]}, {"id": 18, "anchors": [{"from": 120, "to": 123}]}, {"id": 19, "anchors": [{"from": 124, "to": 126}]}, {"id": 20, "anchors": [{"from": 127, "to": 131}]}, {"id": 21, "anchors": [{"from": 132, "to": 140}]}, {"id": 22, "anchors": [{"from": 140, "to": 141}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 13, "label": "F"}, {"source": 31, "target": 22, "label": "U"}, {"source": 23, "target": 1, "label": "U"}, {"source": 25, "target": 4, "label": "A"}, {"source": 25, "target": 5, "label": "P"}, {"source": 31, "target": 20, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 24, "target": 19, "label": "L"}, {"source": 29, "target": 14, "label": "F"}, {"source": 29, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 31, "target": 21, "label": "A"}, {"source": 25, "target": 26, "label": "D"}, {"source": 24, "target": 31, "label": "H"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 29, "label": "H"}, {"source": 30, "target": 16, "label": "R"}, {"source": 27, "target": 11, "label": "E"}, {"source": 26, "target": 8, "label": "R"}, {"source": 30, "target": 18, "label": "C"}, {"source": 23, "target": 3, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 30, "target": 17, "label": "E"}, {"source": 26, "target": 10, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 27, "target": 12, "label": "C"}, {"source": 26, "target": 7, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 6, "label": "R"}, {"source": 31, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 28, "label": "P"}, {"source": 23, "target": 2, "label": "U"}]} +{"id": "308088-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As a previous Internet Manager I would deal with anyone looking to buy a car for a profit and not care if they came in with a broker.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}, {"from": 23, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 115}, {"from": 116, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 132}]}, {"id": 26, "anchors": [{"from": 132, "to": 133}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 27, "target": 29, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 14, "label": "R"}, {"source": 37, "target": 21, "label": "A"}, {"source": 38, "target": 25, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 8, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 22, "label": "P"}, {"source": 30, "target": 5, "label": "F"}, {"source": 32, "target": 9, "label": "P"}, {"source": 34, "target": 12, "label": "E"}, {"source": 34, "target": 13, "label": "C"}, {"source": 29, "target": 28, "label": "A"}, {"source": 32, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 6, "label": "C"}, {"source": 33, "target": 35, "label": "A"}, {"source": 36, "target": 19, "label": "S"}, {"source": 35, "target": 16, "label": "C"}, {"source": 28, "target": 2, "label": "E"}, {"source": 27, "target": 17, "label": "L"}, {"source": 28, "target": 1, "label": "E"}, {"source": 31, "target": 7, "label": "R"}, {"source": 36, "target": 18, "label": "D"}, {"source": 28, "target": 4, "label": "C"}, {"source": 28, "target": 3, "label": "E"}, {"source": 38, "target": 24, "label": "E"}, {"source": 35, "target": 15, "label": "E"}, {"source": 38, "target": 26, "label": "U"}, {"source": 27, "target": 36, "label": "H"}, {"source": 29, "target": 30, "label": "P"}, {"source": 33, "target": 11, "label": "P"}, {"source": 27, "target": 37, "label": "H"}, {"source": 27, "target": 0, "label": "L"}, {"source": 38, "target": 23, "label": "R"}, {"source": 33, "target": 10, "label": "F"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 33, "label": "A"}, {"source": 27, "target": 20, "label": "L"}, {"source": 33, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "308088-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stay away from this dealership!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 30}]}, {"id": 4, "anchors": [{"from": 30, "to": 33}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "308297-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Place!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "308297-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is one of my favorite places to eat for lunch.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 13, "target": 7, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 2, "label": "C"}, {"source": 14, "target": 3, "label": "R"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 1, "label": "S"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "E"}, {"source": 15, "target": 14, "label": "E"}]} +{"id": "308297-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They offer a good portions at a great price, it's enough food to fill you up, but you don't ever feel like you ate too much.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 76, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 88}]}, {"id": 22, "anchors": [{"from": 88, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "anchors": [{"from": 97, "to": 101}]}, {"id": 25, "anchors": [{"from": 102, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 110}]}, {"id": 27, "anchors": [{"from": 111, "to": 114}]}, {"id": 28, "anchors": [{"from": 115, "to": 118}]}, {"id": 29, "anchors": [{"from": 119, "to": 123}]}, {"id": 30, "anchors": [{"from": 123, "to": 124}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}], "edges": [{"source": 36, "target": 13, "label": "E"}, {"source": 34, "target": 8, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 1, "label": "P"}, {"source": 32, "target": 19, "label": "L"}, {"source": 33, "target": 2, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 39, "target": 26, "label": "A"}, {"source": 35, "target": 14, "label": "F"}, {"source": 40, "target": 28, "label": "E"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 18, "label": "U"}, {"source": 31, "target": 34, "label": "A"}, {"source": 37, "target": 15, "label": "C"}, {"source": 33, "target": 4, "label": "C"}, {"source": 38, "target": 24, "label": "P"}, {"source": 35, "target": 11, "label": "S"}, {"source": 32, "target": 38, "label": "H"}, {"source": 39, "target": 25, "label": "R"}, {"source": 31, "target": 0, "label": "A"}, {"source": 39, "target": 27, "label": "P"}, {"source": 36, "target": 37, "label": "C"}, {"source": 32, "target": 9, "label": "U"}, {"source": 37, "target": 16, "label": "A"}, {"source": 36, "target": 12, "label": "E"}, {"source": 34, "target": 7, "label": "E"}, {"source": 38, "target": 22, "label": "D"}, {"source": 34, "target": 5, "label": "R"}, {"source": 39, "target": 40, "label": "D"}, {"source": 38, "target": 20, "label": "A"}, {"source": 34, "target": 6, "label": "E"}, {"source": 35, "target": 10, "label": "A"}, {"source": 40, "target": 29, "label": "C"}, {"source": 38, "target": 23, "label": "D"}, {"source": 35, "target": 36, "label": "A"}, {"source": 38, "target": 21, "label": "F"}, {"source": 33, "target": 3, "label": "E"}, {"source": 35, "target": 17, "label": "A"}, {"source": 40, "target": 30, "label": "U"}]} +{"id": "308297-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Plus, it's super healthy!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "L"}, {"source": 8, "target": 4, "label": "D"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 1, "label": "U"}, {"source": 8, "target": 5, "label": "S"}]} +{"id": "308387-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called them for an estimate and they INSULTED ME WHEN I ASK THEM QUESTIONS.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}, {"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 76}]}, {"id": 14, "anchors": [{"from": 76, "to": 77}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 14, "label": "U"}, {"source": 15, "target": 1, "label": "P"}, {"source": 21, "target": 10, "label": "A"}, {"source": 16, "target": 9, "label": "L"}, {"source": 16, "target": 21, "label": "H"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 17, "target": 3, "label": "R"}, {"source": 19, "target": 18, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 19, "label": "C"}, {"source": 21, "target": 11, "label": "P"}, {"source": 20, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 19, "target": 6, "label": "N"}, {"source": 15, "target": 2, "label": "A"}, {"source": 22, "target": 13, "label": "C"}, {"source": 19, "target": 20, "label": "C"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "308387-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THEY ARE VERY RUDE AND NASTY.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 28}]}, {"id": 3, "anchors": [{"from": 28, "to": 29}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "L"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "308387-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "PLEASE DON'T USE THIS MOVING COMPANY IF YOU DON'T WANT TO: CRY, HAVE TROUBLE AND A BAD EXPERIENCE ON THE DAY OF YOUR MOVE.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 9}, {"from": 9, "to": 12}, {"from": 13, "to": 16}, {"from": 17, "to": 21}, {"from": 22, "to": 28}, {"from": 29, "to": 36}, {"from": 37, "to": 39}, {"from": 40, "to": 43}, {"from": 44, "to": 46}, {"from": 46, "to": 49}, {"from": 50, "to": 54}, {"from": 55, "to": 57}, {"from": 59, "to": 62}]}, {"id": 1, "anchors": [{"from": 57, "to": 58}]}, {"id": 2, "anchors": [{"from": 62, "to": 63}]}, {"id": 3, "anchors": [{"from": 64, "to": 68}, {"from": 69, "to": 76}]}, {"id": 4, "anchors": [{"from": 77, "to": 80}]}, {"id": 5, "anchors": [{"from": 81, "to": 82}, {"from": 83, "to": 86}, {"from": 87, "to": 97}, {"from": 98, "to": 100}, {"from": 101, "to": 104}, {"from": 105, "to": 108}, {"from": 109, "to": 111}, {"from": 112, "to": 116}, {"from": 117, "to": 121}]}, {"id": 6, "anchors": [{"from": 121, "to": 122}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "N"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 2, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "A"}]} +{"id": "308387-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THEY WILL GIVE YOU A LOW PRICE OVER THE PHONE AND ON THE DAY OF YOUR MOVE THEY WILL CHANGE THE PRICE, I GUARANTEE IT.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}, {"from": 10, "to": 14}, {"from": 15, "to": 18}, {"from": 19, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 30}, {"from": 31, "to": 35}, {"from": 36, "to": 39}, {"from": 40, "to": 45}]}, {"id": 1, "anchors": [{"from": 46, "to": 49}]}, {"id": 2, "anchors": [{"from": 50, "to": 52}]}, {"id": 3, "anchors": [{"from": 53, "to": 56}, {"from": 57, "to": 60}, {"from": 64, "to": 68}]}, {"id": 4, "anchors": [{"from": 61, "to": 63}]}, {"id": 5, "anchors": [{"from": 69, "to": 73}]}, {"id": 6, "anchors": [{"from": 74, "to": 78}, {"from": 79, "to": 83}, {"from": 84, "to": 90}, {"from": 91, "to": 94}, {"from": 95, "to": 100}]}, {"id": 7, "anchors": [{"from": 100, "to": 101}]}, {"id": 8, "anchors": [{"from": 102, "to": 103}, {"from": 104, "to": 113}, {"from": 114, "to": 116}]}, {"id": 9, "anchors": [{"from": 116, "to": 117}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 13, "target": 2, "label": "E"}, {"source": 12, "target": 1, "label": "N"}, {"source": 14, "target": 13, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 20, "target": 3, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 14, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 0, "label": "C"}, {"source": 12, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "S"}, {"source": 10, "target": 15, "label": "H"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 8, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "309168-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "love this park", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 4, "target": 0, "label": "P"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "309168-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "this is a great park to have kids birthday parties at!!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 10, "label": "R"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 15, "target": 17, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "L"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 6, "label": "P"}]} +{"id": "309258-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "slow service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "P"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "309258-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used to take my cars there all thetime, but management changes hands too frequently, the service has been slow, and they often try to \"add on\" extra services, which sometimes is not needed.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}, {"from": 23, "to": 28}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 137}]}, {"id": 29, "anchors": [{"from": 137, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 143}]}, {"id": 31, "anchors": [{"from": 143, "to": 144}]}, {"id": 32, "anchors": [{"from": 145, "to": 150}]}, {"id": 33, "anchors": [{"from": 151, "to": 159}]}, {"id": 34, "anchors": [{"from": 159, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 166}]}, {"id": 36, "anchors": [{"from": 167, "to": 176}]}, {"id": 37, "anchors": [{"from": 177, "to": 179}]}, {"id": 38, "anchors": [{"from": 180, "to": 183}]}, {"id": 39, "anchors": [{"from": 184, "to": 190}]}, {"id": 40, "anchors": [{"from": 190, "to": 191}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 51, "target": 32, "label": "E"}, {"source": 42, "target": 50, "label": "H"}, {"source": 50, "target": 24, "label": "A"}, {"source": 42, "target": 22, "label": "U"}, {"source": 44, "target": 8, "label": "C"}, {"source": 44, "target": 7, "label": "E"}, {"source": 42, "target": 10, "label": "L"}, {"source": 50, "target": 28, "label": "U"}, {"source": 41, "target": 44, "label": "D"}, {"source": 42, "target": 23, "label": "L"}, {"source": 52, "target": 39, "label": "S"}, {"source": 41, "target": 1, "label": "D"}, {"source": 42, "target": 41, "label": "H"}, {"source": 49, "target": 48, "label": "A"}, {"source": 43, "target": 5, "label": "C"}, {"source": 51, "target": 31, "label": "U"}, {"source": 52, "target": 38, "label": "D"}, {"source": 51, "target": 52, "label": "E"}, {"source": 49, "target": 21, "label": "P"}, {"source": 50, "target": 25, "label": "D"}, {"source": 49, "target": 20, "label": "F"}, {"source": 47, "target": 14, "label": "E"}, {"source": 42, "target": 9, "label": "U"}, {"source": 42, "target": 16, "label": "U"}, {"source": 52, "target": 40, "label": "U"}, {"source": 50, "target": 26, "label": "D"}, {"source": 50, "target": 29, "label": "P"}, {"source": 41, "target": 3, "label": "P"}, {"source": 47, "target": 15, "label": "C"}, {"source": 52, "target": 35, "label": "F"}, {"source": 42, "target": 49, "label": "H"}, {"source": 41, "target": 0, "label": "A"}, {"source": 46, "target": 12, "label": "E"}, {"source": 42, "target": 45, "label": "H"}, {"source": 51, "target": 30, "label": "R"}, {"source": 45, "target": 47, "label": "D"}, {"source": 51, "target": 34, "label": "U"}, {"source": 49, "target": 19, "label": "F"}, {"source": 41, "target": 2, "label": "F"}, {"source": 41, "target": 43, "label": "A"}, {"source": 52, "target": 37, "label": "F"}, {"source": 48, "target": 18, "label": "C"}, {"source": 52, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "P"}, {"source": 50, "target": 27, "label": "F"}, {"source": 46, "target": 13, "label": "C"}, {"source": 50, "target": 51, "label": "A"}, {"source": 51, "target": 33, "label": "C"}, {"source": 44, "target": 6, "label": "R"}, {"source": 48, "target": 17, "label": "E"}, {"source": 52, "target": 36, "label": "D"}, {"source": 45, "target": 11, "label": "A"}, {"source": 43, "target": 4, "label": "E"}]} +{"id": "309258-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I dont go there anymore", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 23}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 5, "label": "D"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "310018-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Natasha is the BEST photographer we have ever worked with.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 9, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 7, "label": "D"}, {"source": 15, "target": 14, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "310018-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She has a great way with children and is able to capture their personality as well as many spontaneous images.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}, {"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 109}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "P"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 24, "target": 9, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 23, "target": 26, "label": "A"}, {"source": 21, "target": 2, "label": "E"}, {"source": 26, "target": 14, "label": "R"}, {"source": 20, "target": 19, "label": "H"}, {"source": 20, "target": 7, "label": "L"}, {"source": 23, "target": 8, "label": "F"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 21, "label": "P"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 5, "label": "R"}, {"source": 25, "target": 12, "label": "E"}, {"source": 22, "target": 6, "label": "C"}]} +{"id": "310018-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You will not be disappointed with her work!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 5, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}]} +{"id": "310032-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gone downhill since change in ownership", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 39}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 7, "target": 6, "label": "H"}, {"source": 9, "target": 4, "label": "R"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "L"}, {"source": 9, "target": 5, "label": "E"}, {"source": 6, "target": 1, "label": "D"}]} +{"id": "310032-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sigh.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "P"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "310032-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used to LOVE this place.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "310032-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But now that they are part of a chain, service has slipped.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 15, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 10, "label": "F"}, {"source": 14, "target": 9, "label": "A"}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "310032-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am waiting longer at BNA for my pickups and last time I parked with them, they lost my car key.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 2, "label": "P"}, {"source": 31, "target": 22, "label": "U"}, {"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 8, "label": "C"}, {"source": 31, "target": 21, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 30, "target": 18, "label": "P"}, {"source": 27, "target": 11, "label": "C"}, {"source": 31, "target": 19, "label": "E"}, {"source": 28, "target": 13, "label": "P"}, {"source": 29, "target": 14, "label": "R"}, {"source": 29, "target": 15, "label": "C"}, {"source": 23, "target": 1, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 30, "label": "H"}, {"source": 23, "target": 26, "label": "A"}, {"source": 27, "target": 10, "label": "E"}, {"source": 24, "target": 28, "label": "H"}, {"source": 24, "target": 16, "label": "U"}, {"source": 28, "target": 29, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 30, "target": 17, "label": "A"}, {"source": 25, "target": 4, "label": "R"}, {"source": 31, "target": 20, "label": "E"}, {"source": 26, "target": 7, "label": "E"}, {"source": 24, "target": 9, "label": "L"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 3, "label": "D"}, {"source": 26, "target": 6, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 28, "target": 27, "label": "D"}]} +{"id": "310032-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lucky I had a spare with me!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "310032-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To date they have not made good by either finding the key or paying for a new one.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}, {"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 22, "label": "A"}, {"source": 20, "target": 11, "label": "L"}, {"source": 22, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 18, "label": "D"}, {"source": 19, "target": 2, "label": "A"}, {"source": 25, "target": 13, "label": "R"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 15, "label": "E"}, {"source": 19, "target": 7, "label": "D"}, {"source": 24, "target": 12, "label": "P"}, {"source": 21, "target": 6, "label": "C"}, {"source": 25, "target": 14, "label": "E"}, {"source": 19, "target": 4, "label": "D"}, {"source": 20, "target": 24, "label": "H"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 16, "label": "C"}, {"source": 19, "target": 21, "label": "P"}, {"source": 22, "target": 8, "label": "P"}, {"source": 25, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "R"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "310032-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(These new car keys are EXPENSIVE to copy, you can't just go to WalMart.)", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 5, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 19, "target": 6, "label": "S"}, {"source": 20, "target": 23, "label": "H"}, {"source": 25, "target": 26, "label": "A"}, {"source": 19, "target": 0, "label": "U"}, {"source": 19, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 23, "target": 13, "label": "D"}, {"source": 24, "target": 14, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 25, "target": 24, "label": "P"}, {"source": 23, "target": 12, "label": "D"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 17, "label": "U"}, {"source": 22, "target": 7, "label": "F"}, {"source": 26, "target": 15, "label": "R"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 9, "label": "U"}, {"source": 22, "target": 8, "label": "P"}, {"source": 21, "target": 3, "label": "E"}, {"source": 23, "target": 11, "label": "P"}, {"source": 21, "target": 1, "label": "E"}]} +{"id": "310032-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go to the website for coupons and join the club -you can get free parking.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 73}]}, {"id": 16, "anchors": [{"from": 73, "to": 74}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 1, "label": "R"}, {"source": 17, "target": 0, "label": "P"}, {"source": 19, "target": 2, "label": "E"}, {"source": 23, "target": 11, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 22, "target": 10, "label": "U"}, {"source": 20, "target": 5, "label": "C"}, {"source": 19, "target": 3, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 6, "label": "L"}, {"source": 24, "target": 15, "label": "C"}, {"source": 23, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 12, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 22, "target": 9, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 4, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "P"}]} +{"id": "310032-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, with BNA offering one day of free parking due to construction of the new rental car facility, it may be cheaper to park at BNA.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}, {"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 101}]}, {"id": 18, "anchors": [{"from": 101, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 120}]}, {"id": 23, "anchors": [{"from": 121, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 135, "to": 136}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 15, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 37, "target": 26, "label": "C"}, {"source": 35, "target": 21, "label": "F"}, {"source": 31, "target": 8, "label": "E"}, {"source": 29, "target": 4, "label": "P"}, {"source": 28, "target": 2, "label": "L"}, {"source": 35, "target": 19, "label": "A"}, {"source": 31, "target": 9, "label": "C"}, {"source": 29, "target": 3, "label": "A"}, {"source": 30, "target": 7, "label": "R"}, {"source": 36, "target": 23, "label": "F"}, {"source": 33, "target": 18, "label": "U"}, {"source": 32, "target": 34, "label": "A"}, {"source": 30, "target": 6, "label": "C"}, {"source": 35, "target": 20, "label": "D"}, {"source": 30, "target": 5, "label": "E"}, {"source": 32, "target": 11, "label": "P"}, {"source": 34, "target": 14, "label": "E"}, {"source": 34, "target": 17, "label": "C"}, {"source": 28, "target": 0, "label": "L"}, {"source": 28, "target": 10, "label": "L"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 13, "label": "E"}, {"source": 28, "target": 1, "label": "U"}, {"source": 34, "target": 12, "label": "R"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 29, "label": "H"}, {"source": 31, "target": 30, "label": "E"}, {"source": 37, "target": 25, "label": "R"}, {"source": 28, "target": 33, "label": "H"}, {"source": 33, "target": 32, "label": "A"}, {"source": 33, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "A"}, {"source": 36, "target": 22, "label": "A"}, {"source": 36, "target": 24, "label": "P"}, {"source": 34, "target": 16, "label": "E"}, {"source": 37, "target": 27, "label": "U"}]} +{"id": "311138-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Consistantly poor", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "D"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} +{"id": "311138-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A lack of organisation, coupled with the distain for its customers, makes this the worst rental agency I have used.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 24, "target": 26, "label": "P"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 13, "label": "S"}, {"source": 34, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 2, "label": "R"}, {"source": 32, "target": 16, "label": "C"}, {"source": 25, "target": 12, "label": "U"}, {"source": 31, "target": 33, "label": "A"}, {"source": 28, "target": 27, "label": "P"}, {"source": 33, "target": 34, "label": "E"}, {"source": 26, "target": 5, "label": "C"}, {"source": 34, "target": 20, "label": "F"}, {"source": 32, "target": 15, "label": "E"}, {"source": 33, "target": 17, "label": "E"}, {"source": 27, "target": 7, "label": "E"}, {"source": 34, "target": 22, "label": "U"}, {"source": 23, "target": 1, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 24, "target": 4, "label": "U"}, {"source": 23, "target": 0, "label": "E"}, {"source": 29, "target": 11, "label": "C"}, {"source": 31, "target": 32, "label": "S"}, {"source": 25, "target": 30, "label": "H"}, {"source": 29, "target": 9, "label": "R"}, {"source": 33, "target": 18, "label": "C"}, {"source": 26, "target": 6, "label": "F"}, {"source": 34, "target": 21, "label": "P"}, {"source": 29, "target": 10, "label": "E"}, {"source": 24, "target": 28, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 14, "label": "F"}, {"source": 34, "target": 19, "label": "A"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "311138-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Chasing them on issues from the day I moved in (many of them still unresolved as I left) to all sorts of farcical issues with funds, after I left. . . . as soon as I could.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}, {"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 131}]}, {"id": 27, "anchors": [{"from": 131, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 145}]}, {"id": 31, "anchors": [{"from": 145, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 148}]}, {"id": 33, "anchors": [{"from": 149, "to": 150}]}, {"id": 34, "anchors": [{"from": 151, "to": 152}]}, {"id": 35, "anchors": [{"from": 153, "to": 155}, {"from": 156, "to": 160}, {"from": 161, "to": 163}]}, {"id": 36, "anchors": [{"from": 164, "to": 165}]}, {"id": 37, "anchors": [{"from": 166, "to": 171}]}, {"id": 38, "anchors": [{"from": 171, "to": 172}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 48, "target": 19, "label": "R"}, {"source": 52, "target": 38, "label": "U"}, {"source": 39, "target": 0, "label": "P"}, {"source": 41, "target": 3, "label": "C"}, {"source": 51, "target": 52, "label": "A"}, {"source": 48, "target": 49, "label": "E"}, {"source": 40, "target": 15, "label": "L"}, {"source": 52, "target": 35, "label": "R"}, {"source": 46, "target": 45, "label": "A"}, {"source": 48, "target": 20, "label": "E"}, {"source": 39, "target": 43, "label": "A"}, {"source": 46, "target": 14, "label": "P"}, {"source": 50, "target": 25, "label": "R"}, {"source": 47, "target": 17, "label": "P"}, {"source": 47, "target": 18, "label": "U"}, {"source": 49, "target": 23, "label": "E"}, {"source": 45, "target": 12, "label": "C"}, {"source": 41, "target": 2, "label": "R"}, {"source": 51, "target": 31, "label": "U"}, {"source": 51, "target": 33, "label": "U"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 8, "label": "P"}, {"source": 40, "target": 51, "label": "H"}, {"source": 42, "target": 4, "label": "R"}, {"source": 40, "target": 47, "label": "H"}, {"source": 39, "target": 42, "label": "D"}, {"source": 44, "target": 10, "label": "C"}, {"source": 49, "target": 22, "label": "R"}, {"source": 52, "target": 36, "label": "C"}, {"source": 49, "target": 24, "label": "C"}, {"source": 45, "target": 44, "label": "E"}, {"source": 51, "target": 29, "label": "A"}, {"source": 47, "target": 16, "label": "A"}, {"source": 39, "target": 41, "label": "A"}, {"source": 48, "target": 21, "label": "C"}, {"source": 51, "target": 34, "label": "U"}, {"source": 46, "target": 13, "label": "D"}, {"source": 52, "target": 37, "label": "D"}, {"source": 43, "target": 46, "label": "A"}, {"source": 44, "target": 11, "label": "R"}, {"source": 43, "target": 7, "label": "A"}, {"source": 51, "target": 30, "label": "P"}, {"source": 42, "target": 5, "label": "E"}, {"source": 43, "target": 9, "label": "U"}, {"source": 50, "target": 26, "label": "C"}, {"source": 51, "target": 32, "label": "U"}, {"source": 40, "target": 39, "label": "H"}, {"source": 42, "target": 6, "label": "C"}, {"source": 40, "target": 28, "label": "L"}, {"source": 40, "target": 27, "label": "U"}, {"source": 39, "target": 1, "label": "A"}, {"source": 47, "target": 50, "label": "A"}]} +{"id": "311138-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you must use them, be vigilant and be ready to push, if you can go elsewhere then I would.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 79}, {"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 20, "label": "D"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 11, "label": "F"}, {"source": 25, "target": 12, "label": "P"}, {"source": 24, "target": 6, "label": "F"}, {"source": 22, "target": 5, "label": "U"}, {"source": 27, "target": 16, "label": "F"}, {"source": 26, "target": 19, "label": "A"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "A"}, {"source": 25, "target": 10, "label": "D"}, {"source": 23, "target": 1, "label": "A"}, {"source": 26, "target": 18, "label": "D"}, {"source": 23, "target": 4, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 22, "target": 14, "label": "L"}, {"source": 23, "target": 3, "label": "P"}, {"source": 22, "target": 24, "label": "H"}, {"source": 23, "target": 2, "label": "D"}, {"source": 22, "target": 8, "label": "L"}, {"source": 26, "target": 27, "label": "P"}, {"source": 22, "target": 13, "label": "U"}, {"source": 22, "target": 26, "label": "H"}, {"source": 25, "target": 9, "label": "F"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 7, "label": "C"}, {"source": 26, "target": 21, "label": "U"}]} +{"id": "311987-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not so great", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}, {"from": 7, "to": 12}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "L"}]} +{"id": "311987-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My husband just got a bike there as a gift he's only had it a month.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 68}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 11, "label": "F"}, {"source": 20, "target": 21, "label": "P"}, {"source": 18, "target": 0, "label": "E"}, {"source": 22, "target": 8, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "C"}, {"source": 23, "target": 12, "label": "D"}, {"source": 20, "target": 18, "label": "A"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 3, "label": "D"}, {"source": 24, "target": 15, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 23, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 23, "target": 24, "label": "D"}, {"source": 20, "target": 2, "label": "D"}]} +{"id": "311987-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's a nice bike and it cost a lot of money.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}, {"from": 31, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 16, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 16, "target": 18, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 17, "label": "A"}, {"source": 15, "target": 14, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 5, "label": "N"}, {"source": 18, "target": 8, "label": "C"}, {"source": 18, "target": 9, "label": "R"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "311987-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But just this week a peddle broke.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "E"}, {"source": 10, "target": 6, "label": "P"}, {"source": 10, "target": 9, "label": "D"}, {"source": 9, "target": 2, "label": "E"}, {"source": 11, "target": 5, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 10, "label": "H"}, {"source": 8, "target": 0, "label": "L"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "311987-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He took it back and they would not honor a warranty and said it was his fault because of his shoes??", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 10}, {"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 98}]}, {"id": 19, "anchors": [{"from": 98, "to": 100}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 19, "label": "U"}, {"source": 24, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 9, "label": "L"}, {"source": 29, "target": 15, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 2, "label": "L"}, {"source": 24, "target": 8, "label": "C"}, {"source": 26, "target": 12, "label": "S"}, {"source": 25, "target": 27, "label": "A"}, {"source": 30, "target": 18, "label": "C"}, {"source": 27, "target": 29, "label": "L"}, {"source": 25, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 30, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 28, "target": 14, "label": "C"}, {"source": 30, "target": 17, "label": "E"}, {"source": 29, "target": 16, "label": "R"}, {"source": 20, "target": 1, "label": "P"}, {"source": 26, "target": 11, "label": "A"}, {"source": 22, "target": 3, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 23, "target": 4, "label": "F"}, {"source": 28, "target": 13, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 20, "target": 0, "label": "A"}, {"source": 22, "target": 5, "label": "D"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "311987-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So they were going to charge him for new peddles and proceeded to put them on without even telling him the price.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 112}]}, {"id": 22, "anchors": [{"from": 112, "to": 113}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 4, "label": "F"}, {"source": 29, "target": 15, "label": "R"}, {"source": 31, "target": 22, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 13, "label": "C"}, {"source": 30, "target": 19, "label": "A"}, {"source": 24, "target": 1, "label": "A"}, {"source": 25, "target": 7, "label": "R"}, {"source": 29, "target": 16, "label": "F"}, {"source": 30, "target": 17, "label": "D"}, {"source": 31, "target": 21, "label": "C"}, {"source": 27, "target": 28, "label": "P"}, {"source": 30, "target": 18, "label": "P"}, {"source": 23, "target": 0, "label": "L"}, {"source": 26, "target": 11, "label": "P"}, {"source": 25, "target": 8, "label": "E"}, {"source": 24, "target": 2, "label": "F"}, {"source": 23, "target": 10, "label": "L"}, {"source": 24, "target": 3, "label": "D"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 14, "label": "E"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 6, "label": "A"}, {"source": 27, "target": 12, "label": "F"}, {"source": 31, "target": 20, "label": "E"}, {"source": 24, "target": 5, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 30, "label": "C"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "311987-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Which was very expensive.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "F"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "311987-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He asked for a different pair instead and they only gave him five dollars off??", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 18, "target": 2, "label": "R"}, {"source": 19, "target": 11, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "L"}, {"source": 18, "target": 3, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 14, "label": "R"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "311987-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Trek is not so great", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 20}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "D"}]} +{"id": "313126-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I gave Dr. Rohatgi 2 stars because her assistant was very pleasant.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 18}, {"from": 19, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 48}]}, {"id": 7, "anchors": [{"from": 49, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "D"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 4, "label": "L"}, {"source": 14, "target": 9, "label": "S"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 2, "label": "A"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "A"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "313126-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, I did not find her very helpful and her receptionist was rude.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "A"}, {"source": 20, "target": 10, "label": "E"}, {"source": 22, "target": 21, "label": "E"}, {"source": 19, "target": 9, "label": "N"}, {"source": 20, "target": 11, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 5, "label": "P"}, {"source": 18, "target": 7, "label": "E"}, {"source": 19, "target": 18, "label": "C"}, {"source": 17, "target": 19, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "U"}, {"source": 16, "target": 12, "label": "F"}, {"source": 16, "target": 3, "label": "F"}, {"source": 19, "target": 20, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 4, "label": "D"}, {"source": 16, "target": 22, "label": "A"}]} +{"id": "313558-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dentist you can trust", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 3, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "313558-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If possible I try the services on myself before I bring in my son.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 16, "target": 2, "label": "A"}, {"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 7, "label": "C"}, {"source": 16, "target": 18, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 17, "target": 8, "label": "L"}, {"source": 21, "target": 11, "label": "R"}, {"source": 16, "target": 15, "label": "D"}, {"source": 20, "target": 9, "label": "A"}, {"source": 15, "target": 0, "label": "R"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 3, "label": "D"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 19, "target": 6, "label": "R"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "313558-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Drs. Ali work wonders.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "313558-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Neither me nor my son haven't had a single cavity since we started dental care there.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "P"}, {"source": 24, "target": 12, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 21, "target": 24, "label": "C"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 11, "label": "L"}, {"source": 23, "target": 9, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 20, "target": 5, "label": "F"}, {"source": 18, "target": 2, "label": "R"}, {"source": 21, "target": 22, "label": "C"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 8, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "P"}, {"source": 20, "target": 23, "label": "A"}, {"source": 21, "target": 18, "label": "N"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 3, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 24, "target": 16, "label": "A"}, {"source": 20, "target": 6, "label": "D"}, {"source": 22, "target": 4, "label": "C"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "313558-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The team focus is prevention and education.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 12, "label": "S"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 5, "label": "N"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "313558-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That alone makes them unique.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 7, "target": 6, "label": "L"}, {"source": 8, "target": 2, "label": "P"}, {"source": 9, "target": 4, "label": "P"}, {"source": 6, "target": 0, "label": "F"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "313714-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Make You Feel Like a Number", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 13}, {"from": 14, "to": 18}, {"from": 19, "to": 20}, {"from": 21, "to": 27}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "313714-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stay away from Kids First West Chester.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}, {"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "313714-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You NEVER get a human on the phone.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "313714-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's impossible to get an appointment.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 2, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "313714-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And worst of all your child feels like a number not a patient.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 14, "target": 0, "label": "L"}, {"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 1, "label": "S"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "313714-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go somewhere else.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "P"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "313825-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Perfect Location plus", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 21}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 4, "label": "D"}, {"source": 4, "target": 1, "label": "E"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "313825-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I moved into the Tanglewood Apartments in late 2008 and it's been a refreshing change.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 21, "target": 12, "label": "S"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 10, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 17, "target": 20, "label": "D"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 3, "label": "E"}, {"source": 22, "target": 14, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 9, "label": "L"}, {"source": 19, "target": 2, "label": "R"}]} +{"id": "313825-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used to live at Meadowrun and that was a nightmare.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 17, "target": 9, "label": "E"}, {"source": 12, "target": 0, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 16, "target": 7, "label": "A"}, {"source": 14, "target": 3, "label": "C"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 12, "label": "H"}, {"source": 13, "target": 6, "label": "L"}, {"source": 13, "target": 16, "label": "H"}, {"source": 12, "target": 14, "label": "A"}, {"source": 16, "target": 8, "label": "S"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "313825-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The manager - Tiffany - is actually very nice so I'ma bit surprised by other comments.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 20, "target": 4, "label": "U"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 20, "target": 5, "label": "F"}, {"source": 24, "target": 13, "label": "C"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 2, "label": "U"}, {"source": 20, "target": 7, "label": "D"}, {"source": 23, "target": 25, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 23, "target": 11, "label": "S"}, {"source": 25, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 1, "label": "C"}, {"source": 19, "target": 0, "label": "E"}, {"source": 19, "target": 22, "label": "C"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 26, "target": 15, "label": "R"}, {"source": 26, "target": 18, "label": "U"}, {"source": 20, "target": 6, "label": "D"}, {"source": 20, "target": 8, "label": "S"}, {"source": 23, "target": 24, "label": "D"}]} +{"id": "313825-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She's very reachable and she has always responded quickly to any questions or requests.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 86}]}, {"id": 15, "anchors": [{"from": 86, "to": 87}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 21, "target": 20, "label": "C"}, {"source": 18, "target": 9, "label": "D"}, {"source": 18, "target": 5, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 3, "label": "S"}, {"source": 21, "target": 22, "label": "C"}, {"source": 17, "target": 4, "label": "L"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 7, "label": "D"}, {"source": 16, "target": 1, "label": "F"}, {"source": 22, "target": 14, "label": "C"}, {"source": 16, "target": 2, "label": "D"}, {"source": 21, "target": 13, "label": "N"}, {"source": 18, "target": 6, "label": "F"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 21, "label": "C"}, {"source": 19, "target": 10, "label": "R"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "313825-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Plus she plans a monthly breakfasts and other events at the clubhouse which is a nice added benefit.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 100}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 20, "target": 1, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 5, "label": "C"}, {"source": 19, "target": 0, "label": "L"}, {"source": 22, "target": 6, "label": "N"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 21, "label": "C"}, {"source": 24, "target": 9, "label": "R"}, {"source": 22, "target": 23, "label": "C"}, {"source": 25, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 8, "label": "C"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 7, "label": "E"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 12, "label": "R"}, {"source": 25, "target": 13, "label": "S"}]} +{"id": "314024-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Old time grocery, best steaks I have ever had!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 11, "label": "A"}, {"source": 15, "target": 6, "label": "A"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "F"}, {"source": 11, "target": 0, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 9, "label": "P"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 8, "label": "D"}, {"source": 11, "target": 2, "label": "E"}, {"source": 15, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 3, "label": "U"}]} +{"id": "314711-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. White is the best!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "314880-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am in love with the giant plate of nachos!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "314880-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Last time I went however, my beer was warm and the service was so-so.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}, {"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 65, "to": 66}]}, {"id": 16, "anchors": [{"from": 68, "to": 69}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 18, "label": "H"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 3, "label": "D"}, {"source": 23, "target": 11, "label": "E"}, {"source": 21, "target": 14, "label": "D"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 18, "target": 4, "label": "S"}, {"source": 19, "target": 5, "label": "U"}, {"source": 19, "target": 21, "label": "H"}, {"source": 21, "target": 8, "label": "S"}, {"source": 18, "target": 2, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 13, "label": "F"}, {"source": 17, "target": 0, "label": "E"}, {"source": 18, "target": 17, "label": "D"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "314880-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I get that careless teenager kind of treatment from some of their staff...perhaps they should hire more serious adults to help serve/cook.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 118}]}, {"id": 21, "anchors": [{"from": 119, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 126}]}, {"id": 23, "anchors": [{"from": 127, "to": 132}]}, {"id": 24, "anchors": [{"from": 132, "to": 133}]}, {"id": 25, "anchors": [{"from": 133, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 138}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 29, "target": 4, "label": "E"}, {"source": 36, "target": 24, "label": "U"}, {"source": 34, "target": 20, "label": "C"}, {"source": 32, "target": 10, "label": "R"}, {"source": 35, "target": 36, "label": "P"}, {"source": 36, "target": 23, "label": "C"}, {"source": 30, "target": 5, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "E"}, {"source": 27, "target": 29, "label": "A"}, {"source": 29, "target": 3, "label": "E"}, {"source": 32, "target": 9, "label": "C"}, {"source": 33, "target": 17, "label": "P"}, {"source": 27, "target": 1, "label": "P"}, {"source": 33, "target": 15, "label": "A"}, {"source": 33, "target": 16, "label": "D"}, {"source": 29, "target": 7, "label": "C"}, {"source": 31, "target": 12, "label": "C"}, {"source": 34, "target": 18, "label": "E"}, {"source": 34, "target": 19, "label": "E"}, {"source": 27, "target": 0, "label": "A"}, {"source": 30, "target": 6, "label": "R"}, {"source": 36, "target": 26, "label": "U"}, {"source": 28, "target": 21, "label": "L"}, {"source": 28, "target": 35, "label": "H"}, {"source": 31, "target": 11, "label": "E"}, {"source": 28, "target": 33, "label": "H"}, {"source": 36, "target": 25, "label": "C"}, {"source": 28, "target": 13, "label": "U"}, {"source": 27, "target": 31, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 35, "target": 22, "label": "D"}, {"source": 31, "target": 8, "label": "R"}, {"source": 31, "target": 32, "label": "E"}, {"source": 29, "target": 2, "label": "E"}, {"source": 33, "target": 14, "label": "D"}]} +{"id": "314938-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best pilates on the Gold Coast!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "314974-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My Favorite in McLean", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "314974-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My family loves coming to Endo Sushi.They are very nice, it is never crowded, and the food is wonderful, very delicious and fresh!", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}, {"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 129}]}, {"id": 27, "anchors": [{"from": 129, "to": 130}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 30, "target": 11, "label": "U"}, {"source": 29, "target": 31, "label": "A"}, {"source": 32, "target": 9, "label": "D"}, {"source": 30, "target": 29, "label": "H"}, {"source": 30, "target": 34, "label": "H"}, {"source": 30, "target": 33, "label": "H"}, {"source": 34, "target": 21, "label": "A"}, {"source": 36, "target": 38, "label": "C"}, {"source": 33, "target": 12, "label": "A"}, {"source": 33, "target": 13, "label": "F"}, {"source": 31, "target": 5, "label": "C"}, {"source": 32, "target": 8, "label": "F"}, {"source": 28, "target": 0, "label": "E"}, {"source": 35, "target": 37, "label": "E"}, {"source": 30, "target": 6, "label": "U"}, {"source": 38, "target": 26, "label": "C"}, {"source": 31, "target": 4, "label": "R"}, {"source": 30, "target": 17, "label": "L"}, {"source": 33, "target": 15, "label": "S"}, {"source": 38, "target": 24, "label": "C"}, {"source": 30, "target": 22, "label": "U"}, {"source": 35, "target": 19, "label": "C"}, {"source": 38, "target": 25, "label": "N"}, {"source": 32, "target": 7, "label": "A"}, {"source": 29, "target": 28, "label": "A"}, {"source": 36, "target": 23, "label": "E"}, {"source": 30, "target": 16, "label": "U"}, {"source": 29, "target": 2, "label": "D"}, {"source": 32, "target": 10, "label": "S"}, {"source": 34, "target": 35, "label": "A"}, {"source": 28, "target": 1, "label": "C"}, {"source": 29, "target": 3, "label": "P"}, {"source": 34, "target": 20, "label": "S"}, {"source": 37, "target": 36, "label": "C"}, {"source": 35, "target": 18, "label": "E"}, {"source": 30, "target": 32, "label": "H"}, {"source": 37, "target": 27, "label": "U"}, {"source": 33, "target": 14, "label": "D"}]} +{"id": "314974-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sometimes it is hard to get parking in the lot in front of the storefront, and it is on a one-way street, but the restaurant itself is NEVER overcrowded.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 89}]}, {"id": 21, "anchors": [{"from": 90, "to": 93}]}, {"id": 22, "anchors": [{"from": 93, "to": 94}]}, {"id": 23, "anchors": [{"from": 94, "to": 97}]}, {"id": 24, "anchors": [{"from": 98, "to": 104}]}, {"id": 25, "anchors": [{"from": 104, "to": 105}]}, {"id": 26, "anchors": [{"from": 106, "to": 109}]}, {"id": 27, "anchors": [{"from": 110, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 131}]}, {"id": 30, "anchors": [{"from": 132, "to": 134}]}, {"id": 31, "anchors": [{"from": 135, "to": 140}]}, {"id": 32, "anchors": [{"from": 141, "to": 152}]}, {"id": 33, "anchors": [{"from": 152, "to": 153}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 41, "target": 42, "label": "E"}, {"source": 43, "target": 27, "label": "E"}, {"source": 44, "target": 43, "label": "A"}, {"source": 44, "target": 31, "label": "D"}, {"source": 38, "target": 9, "label": "C"}, {"source": 36, "target": 4, "label": "F"}, {"source": 42, "target": 22, "label": "U"}, {"source": 34, "target": 1, "label": "F"}, {"source": 39, "target": 11, "label": "C"}, {"source": 35, "target": 44, "label": "H"}, {"source": 41, "target": 20, "label": "E"}, {"source": 34, "target": 37, "label": "P"}, {"source": 38, "target": 14, "label": "C"}, {"source": 37, "target": 5, "label": "C"}, {"source": 43, "target": 28, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 44, "target": 33, "label": "U"}, {"source": 35, "target": 25, "label": "U"}, {"source": 34, "target": 0, "label": "D"}, {"source": 40, "target": 17, "label": "A"}, {"source": 38, "target": 13, "label": "E"}, {"source": 39, "target": 12, "label": "R"}, {"source": 38, "target": 39, "label": "E"}, {"source": 42, "target": 23, "label": "C"}, {"source": 39, "target": 10, "label": "R"}, {"source": 35, "target": 26, "label": "L"}, {"source": 44, "target": 32, "label": "S"}, {"source": 35, "target": 16, "label": "L"}, {"source": 34, "target": 38, "label": "A"}, {"source": 38, "target": 7, "label": "R"}, {"source": 42, "target": 21, "label": "E"}, {"source": 34, "target": 2, "label": "F"}, {"source": 36, "target": 3, "label": "C"}, {"source": 34, "target": 6, "label": "D"}, {"source": 37, "target": 36, "label": "E"}, {"source": 35, "target": 15, "label": "U"}, {"source": 38, "target": 8, "label": "E"}, {"source": 40, "target": 18, "label": "S"}, {"source": 41, "target": 19, "label": "R"}, {"source": 41, "target": 24, "label": "C"}, {"source": 35, "target": 34, "label": "H"}, {"source": 44, "target": 30, "label": "F"}, {"source": 35, "target": 40, "label": "H"}, {"source": 44, "target": 29, "label": "D"}]} +{"id": "314974-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you cannot park in the lot, then you can park in the shopping center's garage, and walk up to Endo Sushi.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 80}]}, {"id": 19, "anchors": [{"from": 80, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 90}, {"from": 91, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 96}]}, {"id": 23, "anchors": [{"from": 97, "to": 101}, {"from": 102, "to": 107}]}, {"id": 24, "anchors": [{"from": 107, "to": 108}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 31, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 9, "label": "L"}, {"source": 25, "target": 19, "label": "U"}, {"source": 30, "target": 17, "label": "R"}, {"source": 29, "target": 18, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 32, "target": 23, "label": "C"}, {"source": 25, "target": 8, "label": "U"}, {"source": 25, "target": 28, "label": "H"}, {"source": 28, "target": 12, "label": "P"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 6, "label": "E"}, {"source": 25, "target": 0, "label": "L"}, {"source": 29, "target": 13, "label": "R"}, {"source": 26, "target": 1, "label": "A"}, {"source": 25, "target": 20, "label": "L"}, {"source": 31, "target": 21, "label": "P"}, {"source": 25, "target": 31, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 7, "label": "C"}, {"source": 30, "target": 16, "label": "C"}, {"source": 26, "target": 4, "label": "P"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 5, "label": "R"}, {"source": 29, "target": 14, "label": "E"}, {"source": 32, "target": 22, "label": "R"}, {"source": 26, "target": 3, "label": "D"}, {"source": 26, "target": 2, "label": "D"}, {"source": 32, "target": 24, "label": "U"}, {"source": 28, "target": 10, "label": "A"}, {"source": 28, "target": 11, "label": "D"}, {"source": 31, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "314974-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service is fast.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "314974-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(it's by the door, on the hostess stand)", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "anchors": [{"from": 17, "to": 18}]}, {"id": 7, "anchors": [{"from": 19, "to": 21}]}, {"id": 8, "anchors": [{"from": 22, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 39}]}, {"id": 11, "anchors": [{"from": 39, "to": 40}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 14, "target": 3, "label": "R"}, {"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "E"}, {"source": 15, "target": 7, "label": "R"}, {"source": 13, "target": 0, "label": "U"}, {"source": 13, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "U"}, {"source": 13, "target": 2, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "315763-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Love my home at Creekside", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "315763-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I moved to Creekside Apartments in August 2008 with a 6-month lease and have just extended it for another 13 months!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}, {"from": 21, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 51}]}, {"id": 7, "anchors": [{"from": 52, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 115}]}, {"id": 21, "anchors": [{"from": 115, "to": 116}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 13, "label": "F"}, {"source": 29, "target": 17, "label": "R"}, {"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 11, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 24, "target": 2, "label": "R"}, {"source": 24, "target": 3, "label": "C"}, {"source": 27, "target": 9, "label": "U"}, {"source": 29, "target": 21, "label": "U"}, {"source": 23, "target": 12, "label": "L"}, {"source": 22, "target": 1, "label": "P"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 20, "label": "C"}, {"source": 28, "target": 15, "label": "P"}, {"source": 29, "target": 19, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 29, "label": "D"}, {"source": 27, "target": 10, "label": "C"}, {"source": 23, "target": 28, "label": "H"}, {"source": 22, "target": 25, "label": "D"}, {"source": 28, "target": 14, "label": "D"}, {"source": 25, "target": 4, "label": "R"}, {"source": 28, "target": 16, "label": "A"}, {"source": 26, "target": 7, "label": "E"}, {"source": 26, "target": 6, "label": "R"}, {"source": 27, "target": 8, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 22, "target": 26, "label": "A"}]} +{"id": "315763-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The management from Julie and Janice to the work staff, esp. Edwin, are just wonderful.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}, {"from": 61, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 86}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 16, "label": "U"}, {"source": 19, "target": 17, "label": "A"}, {"source": 21, "target": 20, "label": "C"}, {"source": 21, "target": 23, "label": "E"}, {"source": 19, "target": 14, "label": "D"}, {"source": 19, "target": 13, "label": "F"}, {"source": 20, "target": 22, "label": "C"}, {"source": 19, "target": 15, "label": "P"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 9, "label": "C"}, {"source": 22, "target": 3, "label": "C"}, {"source": 22, "target": 4, "label": "N"}, {"source": 17, "target": 21, "label": "E"}, {"source": 23, "target": 24, "label": "E"}, {"source": 22, "target": 5, "label": "C"}, {"source": 23, "target": 6, "label": "R"}, {"source": 23, "target": 11, "label": "C"}, {"source": 23, "target": 7, "label": "E"}, {"source": 24, "target": 8, "label": "E"}, {"source": 17, "target": 0, "label": "E"}, {"source": 20, "target": 2, "label": "R"}, {"source": 23, "target": 10, "label": "U"}, {"source": 17, "target": 1, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "315763-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have been extremely helpful whenever I have asked for help.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 13, "target": 16, "label": "A"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "R"}, {"source": 13, "target": 2, "label": "S"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 15, "target": 5, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 7, "label": "F"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "315763-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Although the apartments are facing Stokes Street and close to the Bascom Light Rail, the location is surprisingly quiet.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 52}]}, {"id": 7, "anchors": [{"from": 53, "to": 58}]}, {"id": 8, "anchors": [{"from": 59, "to": 61}]}, {"id": 9, "anchors": [{"from": 62, "to": 65}]}, {"id": 10, "anchors": [{"from": 66, "to": 72}]}, {"id": 11, "anchors": [{"from": 73, "to": 78}]}, {"id": 12, "anchors": [{"from": 79, "to": 83}]}, {"id": 13, "anchors": [{"from": 83, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 97}]}, {"id": 16, "anchors": [{"from": 98, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 113}]}, {"id": 18, "anchors": [{"from": 114, "to": 119}]}, {"id": 19, "anchors": [{"from": 119, "to": 120}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 20, "target": 0, "label": "L"}, {"source": 25, "target": 12, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 27, "target": 16, "label": "F"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 27, "label": "H"}, {"source": 21, "target": 2, "label": "C"}, {"source": 27, "target": 17, "label": "D"}, {"source": 26, "target": 14, "label": "E"}, {"source": 22, "target": 3, "label": "F"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 18, "label": "S"}, {"source": 23, "target": 6, "label": "N"}, {"source": 23, "target": 24, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 25, "target": 8, "label": "R"}, {"source": 24, "target": 7, "label": "P"}, {"source": 20, "target": 22, "label": "H"}, {"source": 21, "target": 1, "label": "E"}, {"source": 27, "target": 19, "label": "U"}]} +{"id": "315763-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have never had any problems with loud neighbors or concerns about safety.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "R"}, {"source": 14, "target": 1, "label": "F"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 9, "label": "L"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 6, "label": "R"}, {"source": 14, "target": 2, "label": "D"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 14, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 3, "label": "F"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "315763-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The apartments are within walking distance to Trader Joe's, Whole Foods, and other stores.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}, {"from": 53, "to": 56}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}, {"from": 66, "to": 71}]}, {"id": 11, "anchors": [{"from": 71, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 89}]}, {"id": 15, "anchors": [{"from": 89, "to": 90}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 21, "target": 5, "label": "A"}, {"source": 22, "target": 6, "label": "R"}, {"source": 20, "target": 21, "label": "C"}, {"source": 22, "target": 23, "label": "E"}, {"source": 22, "target": 12, "label": "N"}, {"source": 23, "target": 8, "label": "R"}, {"source": 18, "target": 2, "label": "S"}, {"source": 24, "target": 14, "label": "C"}, {"source": 16, "target": 0, "label": "E"}, {"source": 22, "target": 11, "label": "U"}, {"source": 22, "target": 10, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "P"}, {"source": 18, "target": 16, "label": "A"}, {"source": 22, "target": 9, "label": "U"}, {"source": 19, "target": 3, "label": "R"}, {"source": 24, "target": 15, "label": "U"}, {"source": 22, "target": 24, "label": "C"}, {"source": 23, "target": 7, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 20, "label": "C"}]} +{"id": "315763-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The well-equipped, clean gym is a plus!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}, {"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "F"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "U"}, {"source": 12, "target": 9, "label": "U"}, {"source": 10, "target": 5, "label": "E"}, {"source": 10, "target": 4, "label": "U"}, {"source": 10, "target": 6, "label": "C"}, {"source": 12, "target": 8, "label": "S"}, {"source": 13, "target": 1, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "315763-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place to live if you work in and around downtown San Jose!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "R"}, {"source": 16, "target": 3, "label": "P"}, {"source": 14, "target": 13, "label": "A"}, {"source": 18, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "L"}, {"source": 15, "target": 14, "label": "H"}, {"source": 15, "target": 19, "label": "H"}, {"source": 19, "target": 11, "label": "C"}, {"source": 13, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 2, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "P"}, {"source": 15, "target": 8, "label": "L"}, {"source": 19, "target": 10, "label": "E"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "317326-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Midtown Reston has great location and luxurious environment.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 47}]}, {"id": 6, "anchors": [{"from": 48, "to": 59}]}, {"id": 7, "anchors": [{"from": 59, "to": 60}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 11, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 10, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "317326-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Really enjoyed it.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "317480-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great atmosphere, great food.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "U"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "317480-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Definitely a must.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 4, "target": 0, "label": "L"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "317594-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Dude Cut!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}, {"from": 11, "to": 14}]}, {"id": 1, "anchors": [{"from": 14, "to": 15}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "317594-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service, cool vibe, impeccable style.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 2, "label": "U"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 14, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "317594-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'ma guy with tricky hair so getting that right is job #1.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 8}]}, {"id": 4, "anchors": [{"from": 9, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "anchors": [{"from": 57, "to": 58}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 22, "target": 14, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 10, "label": "C"}, {"source": 19, "target": 4, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 22, "target": 11, "label": "F"}, {"source": 21, "target": 9, "label": "E"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 22, "target": 13, "label": "U"}, {"source": 16, "target": 1, "label": "P"}]} +{"id": "317594-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only was it a good cut but my wife and friends comment on my hair every time I leave...saying it's the best look I've ever had.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}, {"from": 118, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 126}]}, {"id": 27, "anchors": [{"from": 127, "to": 130}]}, {"id": 28, "anchors": [{"from": 130, "to": 131}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 3, "label": "E"}, {"source": 32, "target": 34, "label": "C"}, {"source": 39, "target": 26, "label": "D"}, {"source": 39, "target": 40, "label": "A"}, {"source": 29, "target": 37, "label": "H"}, {"source": 36, "target": 14, "label": "E"}, {"source": 29, "target": 0, "label": "L"}, {"source": 37, "target": 17, "label": "P"}, {"source": 38, "target": 19, "label": "P"}, {"source": 30, "target": 1, "label": "A"}, {"source": 31, "target": 4, "label": "C"}, {"source": 39, "target": 28, "label": "U"}, {"source": 40, "target": 41, "label": "E"}, {"source": 31, "target": 2, "label": "E"}, {"source": 29, "target": 5, "label": "L"}, {"source": 29, "target": 38, "label": "H"}, {"source": 35, "target": 11, "label": "R"}, {"source": 29, "target": 33, "label": "H"}, {"source": 37, "target": 16, "label": "A"}, {"source": 32, "target": 6, "label": "E"}, {"source": 36, "target": 15, "label": "C"}, {"source": 39, "target": 20, "label": "A"}, {"source": 34, "target": 8, "label": "N"}, {"source": 33, "target": 35, "label": "A"}, {"source": 33, "target": 36, "label": "D"}, {"source": 29, "target": 30, "label": "H"}, {"source": 29, "target": 18, "label": "U"}, {"source": 35, "target": 13, "label": "C"}, {"source": 39, "target": 27, "label": "F"}, {"source": 33, "target": 10, "label": "P"}, {"source": 35, "target": 12, "label": "E"}, {"source": 40, "target": 22, "label": "E"}, {"source": 33, "target": 32, "label": "A"}, {"source": 34, "target": 9, "label": "C"}, {"source": 34, "target": 7, "label": "C"}, {"source": 41, "target": 23, "label": "E"}, {"source": 41, "target": 24, "label": "C"}, {"source": 30, "target": 31, "label": "A"}, {"source": 39, "target": 21, "label": "S"}, {"source": 40, "target": 25, "label": "C"}]} +{"id": "317594-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Either I suck at my own style or Janice is a genius.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 16, "target": 6, "label": "N"}, {"source": 16, "target": 15, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 17, "label": "A"}, {"source": 14, "target": 2, "label": "R"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 16, "label": "C"}]} +{"id": "317594-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Looks like there's a lot of talent in this place.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 17, "target": 16, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 6, "label": "R"}, {"source": 15, "target": 3, "label": "S"}, {"source": 14, "target": 1, "label": "R"}, {"source": 13, "target": 0, "label": "P"}, {"source": 15, "target": 2, "label": "F"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 9, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 18, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 15, "label": "C"}]} +{"id": "317594-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worth every penny.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "317846-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Sanwiches, Great Prices", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 15}]}, {"id": 1, "anchors": [{"from": 15, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 22}, {"from": 23, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "317846-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I used to go here almost everyday since I work in the neighbourhood and loved their turkey and meatball sandwiches.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}, {"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 114}]}, {"id": 20, "anchors": [{"from": 114, "to": 115}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 7, "label": "L"}, {"source": 23, "target": 4, "label": "E"}, {"source": 21, "target": 2, "label": "F"}, {"source": 25, "target": 12, "label": "C"}, {"source": 21, "target": 3, "label": "P"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "D"}, {"source": 21, "target": 23, "label": "D"}, {"source": 26, "target": 14, "label": "P"}, {"source": 29, "target": 17, "label": "N"}, {"source": 28, "target": 15, "label": "E"}, {"source": 22, "target": 13, "label": "L"}, {"source": 30, "target": 20, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 28, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 23, "target": 5, "label": "E"}, {"source": 30, "target": 18, "label": "E"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 8, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 25, "target": 10, "label": "R"}, {"source": 29, "target": 16, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "317846-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Chicken salad salad is great too.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "E"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "S"}]} +{"id": "317846-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best of all, the staff is quick on their feet and even with long lines, usually serve you in 5 minutes or less.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 110, "to": 111}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 26, "target": 0, "label": "C"}, {"source": 34, "target": 17, "label": "D"}, {"source": 26, "target": 1, "label": "R"}, {"source": 28, "target": 7, "label": "P"}, {"source": 30, "target": 5, "label": "C"}, {"source": 33, "target": 13, "label": "R"}, {"source": 32, "target": 11, "label": "N"}, {"source": 32, "target": 33, "label": "C"}, {"source": 32, "target": 31, "label": "C"}, {"source": 33, "target": 14, "label": "E"}, {"source": 30, "target": 4, "label": "E"}, {"source": 36, "target": 23, "label": "N"}, {"source": 34, "target": 18, "label": "P"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 10, "label": "C"}, {"source": 29, "target": 16, "label": "U"}, {"source": 28, "target": 6, "label": "F"}, {"source": 29, "target": 34, "label": "H"}, {"source": 27, "target": 2, "label": "C"}, {"source": 36, "target": 22, "label": "C"}, {"source": 36, "target": 25, "label": "U"}, {"source": 35, "target": 20, "label": "R"}, {"source": 34, "target": 35, "label": "D"}, {"source": 29, "target": 28, "label": "H"}, {"source": 27, "target": 26, "label": "E"}, {"source": 28, "target": 32, "label": "A"}, {"source": 34, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 36, "label": "C"}, {"source": 31, "target": 9, "label": "E"}, {"source": 33, "target": 15, "label": "C"}, {"source": 36, "target": 24, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 28, "target": 3, "label": "U"}, {"source": 35, "target": 21, "label": "E"}, {"source": 33, "target": 12, "label": "R"}, {"source": 31, "target": 8, "label": "R"}, {"source": 34, "target": 19, "label": "A"}]} +{"id": "317846-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "For the quality, the prices ($4-$6) have to be the best in town.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}, {"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 32, "to": 33}]}, {"id": 11, "anchors": [{"from": 34, "to": 35}]}, {"id": 12, "anchors": [{"from": 36, "to": 40}]}, {"id": 13, "anchors": [{"from": 41, "to": 43}]}, {"id": 14, "anchors": [{"from": 44, "to": 46}]}, {"id": 15, "anchors": [{"from": 47, "to": 50}]}, {"id": 16, "anchors": [{"from": 51, "to": 55}]}, {"id": 17, "anchors": [{"from": 56, "to": 58}]}, {"id": 18, "anchors": [{"from": 59, "to": 63}]}, {"id": 19, "anchors": [{"from": 63, "to": 64}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 18, "label": "C"}, {"source": 23, "target": 9, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 23, "target": 4, "label": "E"}, {"source": 22, "target": 24, "label": "S"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 1, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 0, "label": "R"}, {"source": 25, "target": 15, "label": "E"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 6, "label": "U"}, {"source": 26, "target": 17, "label": "R"}, {"source": 20, "target": 2, "label": "C"}, {"source": 24, "target": 14, "label": "C"}, {"source": 22, "target": 11, "label": "U"}, {"source": 23, "target": 5, "label": "C"}, {"source": 22, "target": 20, "label": "A"}, {"source": 23, "target": 8, "label": "E"}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 25, "label": "A"}, {"source": 22, "target": 3, "label": "U"}, {"source": 23, "target": 7, "label": "U"}, {"source": 23, "target": 10, "label": "U"}]} +{"id": "317846-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff get to know regulars and do their job very well.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 11, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 18, "label": "D"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 4, "label": "P"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 6, "label": "L"}]} +{"id": "317846-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tourists like the other reviewer might not appreciate their efficiency or quality, but I certainly do.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 70}]}, {"id": 10, "anchors": [{"from": 71, "to": 73}]}, {"id": 11, "anchors": [{"from": 74, "to": 81}]}, {"id": 12, "anchors": [{"from": 81, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 86}]}, {"id": 14, "anchors": [{"from": 87, "to": 88}]}, {"id": 15, "anchors": [{"from": 89, "to": 98}]}, {"id": 16, "anchors": [{"from": 99, "to": 101}]}, {"id": 17, "anchors": [{"from": 101, "to": 102}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 15, "label": "D"}, {"source": 24, "target": 17, "label": "U"}, {"source": 19, "target": 7, "label": "P"}, {"source": 24, "target": 16, "label": "P"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 1, "label": "R"}, {"source": 21, "target": 4, "label": "C"}, {"source": 22, "target": 8, "label": "E"}, {"source": 24, "target": 14, "label": "A"}, {"source": 18, "target": 21, "label": "E"}, {"source": 19, "target": 5, "label": "D"}, {"source": 18, "target": 0, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 18, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 10, "label": "N"}, {"source": 20, "target": 12, "label": "U"}, {"source": 23, "target": 9, "label": "C"}, {"source": 20, "target": 13, "label": "L"}, {"source": 23, "target": 11, "label": "C"}, {"source": 21, "target": 3, "label": "E"}, {"source": 19, "target": 6, "label": "D"}]} +{"id": "317846-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This isn'ta TGIF or Cafe, its a lunch sandwich place and a good one at that.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 7}, {"from": 7, "to": 10}, {"from": 10, "to": 11}, {"from": 12, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 24, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 10, "label": "N"}, {"source": 19, "target": 17, "label": "A"}, {"source": 21, "target": 20, "label": "C"}, {"source": 19, "target": 5, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 4, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 23, "target": 14, "label": "R"}, {"source": 21, "target": 22, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 17, "target": 1, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "H"}, {"source": 19, "target": 23, "label": "D"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 11, "label": "E"}, {"source": 20, "target": 8, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 13, "label": "C"}]} +{"id": "319816-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AWFUL SERVICE!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 14}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "A"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "319816-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After happily visiting Sear's Automotives in the past, I was shocked at the horrible service received at their Greensboro location.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 29}, {"from": 30, "to": 41}]}, {"id": 4, "anchors": [{"from": 42, "to": 44}]}, {"id": 5, "anchors": [{"from": 45, "to": 48}]}, {"id": 6, "anchors": [{"from": 49, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 71}]}, {"id": 12, "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 84}]}, {"id": 14, "anchors": [{"from": 85, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 101}]}, {"id": 16, "anchors": [{"from": 102, "to": 104}]}, {"id": 17, "anchors": [{"from": 105, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 121}]}, {"id": 19, "anchors": [{"from": 122, "to": 130}]}, {"id": 20, "anchors": [{"from": 130, "to": 131}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 1, "label": "D"}, {"source": 25, "target": 11, "label": "R"}, {"source": 27, "target": 18, "label": "E"}, {"source": 26, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "H"}, {"source": 22, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "E"}, {"source": 27, "target": 17, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 27, "target": 16, "label": "R"}, {"source": 22, "target": 2, "label": "P"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 9, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 15, "label": "P"}, {"source": 27, "target": 19, "label": "C"}, {"source": 25, "target": 13, "label": "E"}, {"source": 22, "target": 3, "label": "A"}, {"source": 23, "target": 5, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 0, "label": "L"}, {"source": 24, "target": 8, "label": "A"}, {"source": 23, "target": 6, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 24, "target": 10, "label": "S"}, {"source": 25, "target": 12, "label": "E"}]} +{"id": "319816-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I brought my car in on a Sunday to replace a shredded tire.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 59}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "E"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 9, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "P"}, {"source": 19, "target": 10, "label": "E"}, {"source": 15, "target": 8, "label": "L"}]} +{"id": "319816-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once inside, I had to stand around for at least 10 more minutes before--FINALLY-- a technician got to me.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}, {"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 104}]}, {"id": 22, "anchors": [{"from": 104, "to": 105}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 10, "label": "C"}, {"source": 27, "target": 8, "label": "R"}, {"source": 25, "target": 16, "label": "U"}, {"source": 27, "target": 29, "label": "E"}, {"source": 24, "target": 26, "label": "D"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 15, "label": "C"}, {"source": 29, "target": 13, "label": "R"}, {"source": 27, "target": 11, "label": "E"}, {"source": 32, "target": 21, "label": "C"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 4, "label": "E"}, {"source": 23, "target": 1, "label": "C"}, {"source": 31, "target": 30, "label": "A"}, {"source": 25, "target": 31, "label": "H"}, {"source": 28, "target": 9, "label": "E"}, {"source": 32, "target": 20, "label": "R"}, {"source": 29, "target": 14, "label": "U"}, {"source": 24, "target": 7, "label": "D"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 30, "target": 17, "label": "E"}, {"source": 23, "target": 0, "label": "E"}, {"source": 24, "target": 23, "label": "D"}, {"source": 31, "target": 19, "label": "P"}, {"source": 27, "target": 12, "label": "C"}, {"source": 24, "target": 3, "label": "A"}, {"source": 24, "target": 5, "label": "F"}, {"source": 24, "target": 2, "label": "U"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "319816-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once I returned to pick up my car, you can believe I spent quite a bit MORE time standing around waiting.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}, {"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 8, "label": "A"}, {"source": 25, "target": 10, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 13, "label": "E"}, {"source": 28, "target": 21, "label": "U"}, {"source": 28, "target": 19, "label": "D"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 1, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 22, "target": 0, "label": "L"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "D"}, {"source": 26, "target": 11, "label": "A"}, {"source": 23, "target": 2, "label": "D"}, {"source": 28, "target": 18, "label": "P"}, {"source": 28, "target": 20, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 25, "target": 9, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 25, "label": "H"}, {"source": 23, "target": 3, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 27, "target": 15, "label": "E"}, {"source": 28, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "P"}]} +{"id": "319816-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had wanted to split the total between a credit card and check card since I was being reimbursed for the tire but was told this wasn't possible.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 110}]}, {"id": 22, "anchors": [{"from": 111, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 144}]}, {"id": 29, "anchors": [{"from": 144, "to": 145}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 31, "target": 35, "label": "H"}, {"source": 37, "target": 26, "label": "F"}, {"source": 35, "target": 18, "label": "P"}, {"source": 33, "target": 9, "label": "E"}, {"source": 33, "target": 10, "label": "C"}, {"source": 31, "target": 37, "label": "H"}, {"source": 37, "target": 25, "label": "A"}, {"source": 32, "target": 6, "label": "C"}, {"source": 30, "target": 2, "label": "D"}, {"source": 36, "target": 20, "label": "E"}, {"source": 37, "target": 23, "label": "F"}, {"source": 36, "target": 21, "label": "C"}, {"source": 31, "target": 11, "label": "L"}, {"source": 35, "target": 16, "label": "F"}, {"source": 33, "target": 8, "label": "E"}, {"source": 35, "target": 17, "label": "F"}, {"source": 34, "target": 12, "label": "P"}, {"source": 30, "target": 33, "label": "A"}, {"source": 33, "target": 7, "label": "R"}, {"source": 37, "target": 28, "label": "A"}, {"source": 37, "target": 29, "label": "U"}, {"source": 30, "target": 0, "label": "A"}, {"source": 37, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 24, "label": "P"}, {"source": 36, "target": 19, "label": "R"}, {"source": 35, "target": 15, "label": "A"}, {"source": 34, "target": 13, "label": "A"}, {"source": 37, "target": 27, "label": "D"}, {"source": 31, "target": 14, "label": "L"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 4, "label": "P"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 34, "label": "H"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 5, "label": "E"}, {"source": 30, "target": 3, "label": "F"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 1, "label": "F"}, {"source": 31, "target": 22, "label": "L"}]} +{"id": "319816-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once I actually got back in my car, it was dirty and had grease all over the steering wheel.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}, {"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 26, "target": 18, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 20, "target": 0, "label": "L"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 2, "label": "D"}, {"source": 21, "target": 3, "label": "P"}, {"source": 20, "target": 11, "label": "L"}, {"source": 22, "target": 4, "label": "R"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 20, "target": 23, "label": "H"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 9, "label": "S"}, {"source": 26, "target": 17, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 25, "target": 14, "label": "R"}, {"source": 24, "target": 13, "label": "A"}, {"source": 21, "target": 1, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 10, "label": "A"}, {"source": 20, "target": 7, "label": "U"}, {"source": 26, "target": 15, "label": "R"}, {"source": 24, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}]} +{"id": "319816-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OK, one bad experience...fine.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 6, "label": "D"}, {"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 11, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 5, "label": "U"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "319816-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The following Friday, I returned with my car to go ahead and replace the other 3 tires, which were worn.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 14, "label": "E"}, {"source": 25, "target": 12, "label": "L"}, {"source": 31, "target": 18, "label": "U"}, {"source": 32, "target": 21, "label": "P"}, {"source": 23, "target": 1, "label": "E"}, {"source": 32, "target": 22, "label": "U"}, {"source": 27, "target": 6, "label": "R"}, {"source": 26, "target": 5, "label": "P"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 7, "label": "E"}, {"source": 31, "target": 17, "label": "C"}, {"source": 32, "target": 20, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "U"}, {"source": 28, "target": 9, "label": "F"}, {"source": 31, "target": 15, "label": "E"}, {"source": 24, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "E"}, {"source": 29, "target": 11, "label": "C"}, {"source": 23, "target": 2, "label": "C"}, {"source": 25, "target": 30, "label": "H"}, {"source": 31, "target": 16, "label": "E"}, {"source": 32, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 13, "label": "P"}, {"source": 29, "target": 10, "label": "C"}, {"source": 28, "target": 29, "label": "P"}, {"source": 32, "target": 19, "label": "F"}, {"source": 26, "target": 4, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "319816-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would not have gone back, but I couldn't find the particular tire they'd used in stock anywhere else.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}, {"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 10, "label": "P"}, {"source": 24, "target": 1, "label": "F"}, {"source": 25, "target": 8, "label": "D"}, {"source": 28, "target": 16, "label": "P"}, {"source": 30, "target": 20, "label": "C"}, {"source": 26, "target": 12, "label": "E"}, {"source": 25, "target": 28, "label": "A"}, {"source": 29, "target": 18, "label": "C"}, {"source": 25, "target": 15, "label": "A"}, {"source": 28, "target": 30, "label": "D"}, {"source": 22, "target": 24, "label": "P"}, {"source": 30, "target": 19, "label": "E"}, {"source": 22, "target": 3, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 5, "label": "U"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 26, "label": "E"}, {"source": 26, "target": 13, "label": "C"}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 14, "label": "C"}, {"source": 25, "target": 7, "label": "A"}, {"source": 26, "target": 11, "label": "E"}, {"source": 25, "target": 9, "label": "D"}, {"source": 23, "target": 6, "label": "L"}, {"source": 24, "target": 4, "label": "C"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "319816-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once again, I waited for quite a bit before being attended to.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 9, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 10, "label": "F"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 4, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "R"}, {"source": 15, "target": 3, "label": "A"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 14, "label": "D"}, {"source": 15, "target": 2, "label": "U"}, {"source": 18, "target": 11, "label": "P"}, {"source": 15, "target": 17, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 12, "label": "R"}, {"source": 14, "target": 1, "label": "C"}, {"source": 17, "target": 8, "label": "C"}, {"source": 18, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "319816-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I got the order completed, and then questioned the technician since it came out about $40 less than I expected.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}, {"from": 76, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}, {"from": 90, "to": 94}, {"from": 95, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 110}]}, {"id": 19, "anchors": [{"from": 110, "to": 111}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 15, "label": "U"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 13, "label": "P"}, {"source": 21, "target": 6, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 27, "target": 17, "label": "A"}, {"source": 21, "target": 5, "label": "U"}, {"source": 24, "target": 9, "label": "E"}, {"source": 25, "target": 12, "label": "A"}, {"source": 26, "target": 16, "label": "C"}, {"source": 27, "target": 19, "label": "U"}, {"source": 20, "target": 1, "label": "D"}, {"source": 22, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "L"}, {"source": 23, "target": 8, "label": "P"}, {"source": 26, "target": 14, "label": "R"}, {"source": 22, "target": 3, "label": "C"}, {"source": 27, "target": 18, "label": "S"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 7, "label": "D"}, {"source": 20, "target": 4, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "319816-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He said it was the same tire, and verified this, after checking both the actual tire on my car and my service papers from earlier in the week.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 98}]}, {"id": 22, "anchors": [{"from": 99, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 121}]}, {"id": 26, "anchors": [{"from": 122, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 141}]}, {"id": 30, "anchors": [{"from": 141, "to": 142}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 32, "target": 8, "label": "L"}, {"source": 37, "target": 15, "label": "E"}, {"source": 33, "target": 3, "label": "S"}, {"source": 43, "target": 28, "label": "E"}, {"source": 31, "target": 1, "label": "P"}, {"source": 41, "target": 22, "label": "E"}, {"source": 34, "target": 4, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 32, "target": 12, "label": "L"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 14, "label": "A"}, {"source": 42, "target": 26, "label": "C"}, {"source": 37, "target": 38, "label": "E"}, {"source": 43, "target": 29, "label": "C"}, {"source": 34, "target": 5, "label": "E"}, {"source": 31, "target": 0, "label": "A"}, {"source": 37, "target": 17, "label": "C"}, {"source": 33, "target": 2, "label": "A"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 19, "label": "E"}, {"source": 32, "target": 11, "label": "U"}, {"source": 40, "target": 21, "label": "N"}, {"source": 35, "target": 9, "label": "P"}, {"source": 32, "target": 36, "label": "H"}, {"source": 40, "target": 39, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 6, "label": "C"}, {"source": 40, "target": 41, "label": "C"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 42, "label": "D"}, {"source": 42, "target": 43, "label": "E"}, {"source": 42, "target": 25, "label": "R"}, {"source": 43, "target": 30, "label": "U"}, {"source": 38, "target": 18, "label": "R"}, {"source": 35, "target": 10, "label": "A"}, {"source": 39, "target": 20, "label": "C"}, {"source": 37, "target": 16, "label": "E"}, {"source": 41, "target": 23, "label": "E"}, {"source": 41, "target": 24, "label": "C"}, {"source": 36, "target": 13, "label": "P"}, {"source": 32, "target": 7, "label": "U"}, {"source": 38, "target": 40, "label": "C"}, {"source": 43, "target": 27, "label": "R"}]} +{"id": "319816-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, when he printed out the service quote, I could see that it was NOT the correct tire, and was not even an appropriate tire for my car model.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}, {"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 105}, {"from": 131, "to": 134}, {"from": 135, "to": 137}]}, {"id": 23, "anchors": [{"from": 106, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 138, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 147}]}, {"id": 29, "anchors": [{"from": 147, "to": 148}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}], "edges": [{"source": 30, "target": 2, "label": "L"}, {"source": 37, "target": 26, "label": "C"}, {"source": 37, "target": 23, "label": "E"}, {"source": 38, "target": 27, "label": "E"}, {"source": 30, "target": 33, "label": "H"}, {"source": 34, "target": 14, "label": "S"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 7, "label": "C"}, {"source": 37, "target": 25, "label": "E"}, {"source": 35, "target": 18, "label": "C"}, {"source": 35, "target": 16, "label": "E"}, {"source": 30, "target": 1, "label": "U"}, {"source": 30, "target": 31, "label": "H"}, {"source": 33, "target": 9, "label": "A"}, {"source": 30, "target": 19, "label": "U"}, {"source": 38, "target": 29, "label": "U"}, {"source": 31, "target": 3, "label": "A"}, {"source": 33, "target": 10, "label": "D"}, {"source": 37, "target": 24, "label": "E"}, {"source": 32, "target": 6, "label": "E"}, {"source": 30, "target": 20, "label": "L"}, {"source": 36, "target": 38, "label": "A"}, {"source": 31, "target": 4, "label": "P"}, {"source": 38, "target": 28, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 34, "target": 13, "label": "A"}, {"source": 34, "target": 12, "label": "F"}, {"source": 35, "target": 17, "label": "E"}, {"source": 30, "target": 36, "label": "H"}, {"source": 35, "target": 15, "label": "E"}, {"source": 30, "target": 8, "label": "U"}, {"source": 33, "target": 11, "label": "P"}, {"source": 36, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 22, "label": "D"}, {"source": 32, "target": 5, "label": "E"}, {"source": 36, "target": 21, "label": "S"}, {"source": 30, "target": 0, "label": "L"}]} +{"id": "319816-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I pointed this out to him, at which point he said they only had one of the correct tires in stock.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}, {"from": 13, "to": 17}, {"from": 18, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 8, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 9, "label": "P"}, {"source": 23, "target": 2, "label": "R"}, {"source": 27, "target": 14, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 18, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 15, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 24, "label": "L"}, {"source": 26, "target": 10, "label": "A"}, {"source": 26, "target": 11, "label": "D"}, {"source": 28, "target": 27, "label": "E"}, {"source": 23, "target": 3, "label": "C"}, {"source": 24, "target": 5, "label": "R"}, {"source": 27, "target": 13, "label": "C"}, {"source": 26, "target": 29, "label": "A"}, {"source": 25, "target": 7, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 16, "label": "E"}, {"source": 22, "target": 4, "label": "U"}, {"source": 22, "target": 25, "label": "H"}, {"source": 24, "target": 6, "label": "C"}]} +{"id": "319816-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ok--fine.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "319816-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I got just my other rear tire replaced.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 8, "label": "C"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 5, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "319816-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They promised it'd be done within an hour, so I waited in the lobby.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 67}]}, {"id": 16, "anchors": [{"from": 67, "to": 68}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 16, "label": "U"}, {"source": 19, "target": 3, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 22, "target": 13, "label": "R"}, {"source": 17, "target": 1, "label": "P"}, {"source": 22, "target": 14, "label": "E"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 10, "label": "L"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 9, "label": "U"}, {"source": 17, "target": 0, "label": "A"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 20, "label": "D"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "P"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 11, "label": "A"}, {"source": 19, "target": 4, "label": "F"}]} +{"id": "319816-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Over two hours later (and ten minutes before they closed) my car was finally finished.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 10, "label": "P"}, {"source": 20, "target": 4, "label": "U"}, {"source": 18, "target": 2, "label": "C"}, {"source": 20, "target": 11, "label": "U"}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 14, "label": "F"}, {"source": 18, "target": 3, "label": "R"}, {"source": 18, "target": 1, "label": "E"}, {"source": 20, "target": 9, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 18, "label": "D"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 5, "label": "R"}, {"source": 20, "target": 15, "label": "D"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 21, "label": "L"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 13, "label": "C"}, {"source": 18, "target": 0, "label": "R"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "319816-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A few minutes after I left, I was called and informed that \"I\" left my wheel lock (which they should have left in the car).", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 83}]}, {"id": 21, "anchors": [{"from": 83, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 93}]}, {"id": 23, "anchors": [{"from": 94, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 113}]}, {"id": 27, "anchors": [{"from": 114, "to": 117}]}, {"id": 28, "anchors": [{"from": 118, "to": 121}]}, {"id": 29, "anchors": [{"from": 121, "to": 122}]}, {"id": 30, "anchors": [{"from": 122, "to": 123}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 37, "target": 19, "label": "C"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 3, "label": "R"}, {"source": 34, "target": 7, "label": "A"}, {"source": 34, "target": 8, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 35, "target": 10, "label": "N"}, {"source": 38, "target": 25, "label": "P"}, {"source": 31, "target": 0, "label": "E"}, {"source": 33, "target": 5, "label": "P"}, {"source": 36, "target": 14, "label": "A"}, {"source": 37, "target": 38, "label": "E"}, {"source": 37, "target": 18, "label": "E"}, {"source": 32, "target": 34, "label": "H"}, {"source": 32, "target": 33, "label": "H"}, {"source": 31, "target": 2, "label": "C"}, {"source": 36, "target": 16, "label": "P"}, {"source": 36, "target": 15, "label": "U"}, {"source": 32, "target": 6, "label": "U"}, {"source": 39, "target": 28, "label": "C"}, {"source": 33, "target": 4, "label": "A"}, {"source": 39, "target": 30, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 38, "target": 24, "label": "F"}, {"source": 35, "target": 9, "label": "C"}, {"source": 36, "target": 12, "label": "F"}, {"source": 37, "target": 17, "label": "E"}, {"source": 37, "target": 20, "label": "U"}, {"source": 39, "target": 26, "label": "R"}, {"source": 38, "target": 22, "label": "A"}, {"source": 39, "target": 29, "label": "U"}, {"source": 31, "target": 1, "label": "E"}, {"source": 38, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 23, "label": "D"}, {"source": 39, "target": 27, "label": "E"}, {"source": 34, "target": 35, "label": "P"}, {"source": 38, "target": 21, "label": "F"}, {"source": 36, "target": 13, "label": "U"}, {"source": 35, "target": 11, "label": "C"}, {"source": 32, "target": 31, "label": "L"}]} +{"id": "319816-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Of course, they would be closing in 5 minutes, so I would have to hurry up or get it the next day.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 93}]}, {"id": 22, "anchors": [{"from": 94, "to": 97}]}, {"id": 23, "anchors": [{"from": 97, "to": 98}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 24, "target": 0, "label": "L"}, {"source": 28, "target": 13, "label": "F"}, {"source": 25, "target": 4, "label": "F"}, {"source": 26, "target": 8, "label": "C"}, {"source": 29, "target": 19, "label": "A"}, {"source": 24, "target": 27, "label": "H"}, {"source": 25, "target": 5, "label": "P"}, {"source": 27, "target": 28, "label": "P"}, {"source": 24, "target": 25, "label": "H"}, {"source": 25, "target": 3, "label": "D"}, {"source": 24, "target": 9, "label": "U"}, {"source": 24, "target": 10, "label": "L"}, {"source": 25, "target": 2, "label": "A"}, {"source": 30, "target": 22, "label": "C"}, {"source": 27, "target": 29, "label": "A"}, {"source": 25, "target": 26, "label": "D"}, {"source": 24, "target": 1, "label": "U"}, {"source": 30, "target": 20, "label": "E"}, {"source": 24, "target": 15, "label": "C"}, {"source": 29, "target": 18, "label": "P"}, {"source": 29, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "D"}, {"source": 28, "target": 12, "label": "F"}, {"source": 30, "target": 21, "label": "E"}, {"source": 27, "target": 14, "label": "F"}, {"source": 30, "target": 23, "label": "U"}, {"source": 24, "target": 16, "label": "E"}, {"source": 26, "target": 7, "label": "E"}, {"source": 26, "target": 6, "label": "R"}, {"source": 27, "target": 11, "label": "A"}, {"source": 24, "target": 17, "label": "L"}]} +{"id": "319816-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Of course I couldn't make it back in time (and they apparently could not stay 5 extra minutes to wait for me).", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 9}, {"from": 10, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}, {"from": 26, "to": 28}, {"from": 29, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 79}, {"from": 80, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 105}]}, {"id": 18, "anchors": [{"from": 106, "to": 108}]}, {"id": 19, "anchors": [{"from": 108, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 25, "target": 8, "label": "A"}, {"source": 25, "target": 13, "label": "D"}, {"source": 25, "target": 11, "label": "D"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 15, "label": "F"}, {"source": 28, "target": 19, "label": "U"}, {"source": 25, "target": 12, "label": "D"}, {"source": 28, "target": 18, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 27, "target": 16, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 22, "label": "P"}, {"source": 28, "target": 17, "label": "R"}, {"source": 28, "target": 20, "label": "U"}, {"source": 27, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "P"}, {"source": 21, "target": 6, "label": "U"}, {"source": 26, "target": 10, "label": "F"}, {"source": 23, "target": 2, "label": "D"}, {"source": 21, "target": 0, "label": "L"}, {"source": 25, "target": 9, "label": "D"}, {"source": 26, "target": 14, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 24, "label": "D"}, {"source": 21, "target": 7, "label": "L"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "319816-0024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The next day, no one could find my wheel lock and that particular technician was not in.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 8, "label": "E"}, {"source": 23, "target": 13, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 20, "target": 3, "label": "U"}, {"source": 20, "target": 4, "label": "D"}, {"source": 24, "target": 15, "label": "F"}, {"source": 22, "target": 9, "label": "E"}, {"source": 24, "target": 17, "label": "S"}, {"source": 21, "target": 11, "label": "L"}, {"source": 19, "target": 0, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 7, "label": "P"}, {"source": 24, "target": 23, "label": "D"}, {"source": 20, "target": 19, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 12, "label": "E"}, {"source": 24, "target": 16, "label": "D"}, {"source": 19, "target": 1, "label": "E"}, {"source": 20, "target": 5, "label": "A"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "319816-0025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Of course, they couldn't call him either to ask about it because apparently they don't keep their employees' phone numbers (riiight), so I would have to return on Monday (driving for 3 days now with no wheel lock should I get a flat).", "tops": [54], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 107}]}, {"id": 21, "anchors": [{"from": 107, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25, "anchors": [{"from": 124, "to": 131}]}, {"id": 26, "anchors": [{"from": 131, "to": 132}]}, {"id": 27, "anchors": [{"from": 132, "to": 133}]}, {"id": 28, "anchors": [{"from": 134, "to": 136}]}, {"id": 29, "anchors": [{"from": 137, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 171}]}, {"id": 37, "anchors": [{"from": 171, "to": 178}]}, {"id": 38, "anchors": [{"from": 179, "to": 182}]}, {"id": 39, "anchors": [{"from": 183, "to": 184}]}, {"id": 40, "anchors": [{"from": 185, "to": 189}]}, {"id": 41, "anchors": [{"from": 190, "to": 193}]}, {"id": 42, "anchors": [{"from": 194, "to": 198}]}, {"id": 43, "anchors": [{"from": 199, "to": 201}]}, {"id": 44, "anchors": [{"from": 202, "to": 207}]}, {"id": 45, "anchors": [{"from": 208, "to": 212}]}, {"id": 46, "anchors": [{"from": 213, "to": 219}]}, {"id": 47, "anchors": [{"from": 220, "to": 221}]}, {"id": 48, "anchors": [{"from": 222, "to": 225}]}, {"id": 49, "anchors": [{"from": 226, "to": 227}]}, {"id": 50, "anchors": [{"from": 228, "to": 232}]}, {"id": 51, "anchors": [{"from": 232, "to": 233}]}, {"id": 52, "anchors": [{"from": 233, "to": 234}]}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}], "edges": [{"source": 61, "target": 25, "label": "D"}, {"source": 62, "target": 63, "label": "P"}, {"source": 54, "target": 61, "label": "H"}, {"source": 60, "target": 59, "label": "E"}, {"source": 58, "target": 15, "label": "A"}, {"source": 65, "target": 66, "label": "D"}, {"source": 55, "target": 5, "label": "D"}, {"source": 54, "target": 62, "label": "H"}, {"source": 69, "target": 52, "label": "U"}, {"source": 65, "target": 37, "label": "P"}, {"source": 66, "target": 38, "label": "R"}, {"source": 69, "target": 51, "label": "U"}, {"source": 63, "target": 30, "label": "F"}, {"source": 64, "target": 34, "label": "R"}, {"source": 57, "target": 11, "label": "R"}, {"source": 60, "target": 24, "label": "U"}, {"source": 66, "target": 41, "label": "E"}, {"source": 55, "target": 7, "label": "A"}, {"source": 53, "target": 0, "label": "E"}, {"source": 54, "target": 58, "label": "H"}, {"source": 54, "target": 36, "label": "U"}, {"source": 55, "target": 56, "label": "A"}, {"source": 54, "target": 42, "label": "L"}, {"source": 65, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 67, "target": 68, "label": "A"}, {"source": 68, "target": 45, "label": "C"}, {"source": 57, "target": 12, "label": "C"}, {"source": 58, "target": 16, "label": "F"}, {"source": 66, "target": 39, "label": "E"}, {"source": 55, "target": 8, "label": "D"}, {"source": 66, "target": 40, "label": "C"}, {"source": 56, "target": 57, "label": "A"}, {"source": 58, "target": 60, "label": "A"}, {"source": 54, "target": 65, "label": "H"}, {"source": 58, "target": 17, "label": "D"}, {"source": 67, "target": 46, "label": "D"}, {"source": 64, "target": 35, "label": "C"}, {"source": 54, "target": 2, "label": "U"}, {"source": 69, "target": 50, "label": "C"}, {"source": 56, "target": 10, "label": "P"}, {"source": 63, "target": 33, "label": "C"}, {"source": 59, "target": 20, "label": "C"}, {"source": 54, "target": 13, "label": "L"}, {"source": 67, "target": 48, "label": "P"}, {"source": 54, "target": 26, "label": "U"}, {"source": 55, "target": 6, "label": "P"}, {"source": 69, "target": 49, "label": "E"}, {"source": 55, "target": 3, "label": "A"}, {"source": 67, "target": 47, "label": "A"}, {"source": 54, "target": 53, "label": "L"}, {"source": 56, "target": 9, "label": "F"}, {"source": 59, "target": 19, "label": "E"}, {"source": 62, "target": 29, "label": "A"}, {"source": 62, "target": 32, "label": "F"}, {"source": 62, "target": 64, "label": "A"}, {"source": 58, "target": 14, "label": "D"}, {"source": 60, "target": 23, "label": "C"}, {"source": 67, "target": 43, "label": "D"}, {"source": 54, "target": 27, "label": "U"}, {"source": 60, "target": 22, "label": "E"}, {"source": 54, "target": 67, "label": "H"}, {"source": 60, "target": 21, "label": "U"}, {"source": 67, "target": 69, "label": "A"}, {"source": 54, "target": 55, "label": "H"}, {"source": 53, "target": 1, "label": "C"}, {"source": 58, "target": 18, "label": "P"}, {"source": 62, "target": 31, "label": "F"}, {"source": 68, "target": 44, "label": "E"}, {"source": 54, "target": 28, "label": "L"}, {"source": 55, "target": 4, "label": "D"}, {"source": 61, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "319816-0026", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On Monday I called and again it was a big to-do to find anyone who knew anything about it.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}, {"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 26, "target": 11, "label": "C"}, {"source": 23, "target": 24, "label": "P"}, {"source": 29, "target": 15, "label": "F"}, {"source": 21, "target": 1, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 24, "target": 2, "label": "C"}, {"source": 30, "target": 18, "label": "R"}, {"source": 24, "target": 3, "label": "N"}, {"source": 25, "target": 5, "label": "A"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 20, "label": "U"}, {"source": 29, "target": 17, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 8, "label": "E"}, {"source": 28, "target": 14, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 27, "target": 12, "label": "F"}, {"source": 23, "target": 21, "label": "A"}, {"source": 25, "target": 6, "label": "F"}, {"source": 26, "target": 9, "label": "E"}, {"source": 26, "target": 7, "label": "E"}, {"source": 29, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 19, "label": "C"}, {"source": 29, "target": 16, "label": "P"}, {"source": 21, "target": 0, "label": "R"}, {"source": 27, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 27, "target": 13, "label": "P"}, {"source": 24, "target": 4, "label": "C"}, {"source": 26, "target": 10, "label": "U"}]} +{"id": "319816-0027", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Supposedly they will be holding it for me this evening, but I'm sure that will also be a huge ordeal.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}, {"from": 61, "to": 63}, {"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 16, "label": "S"}, {"source": 27, "target": 18, "label": "E"}, {"source": 21, "target": 22, "label": "H"}, {"source": 26, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 17, "label": "E"}, {"source": 22, "target": 4, "label": "P"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 10, "label": "U"}, {"source": 22, "target": 5, "label": "A"}, {"source": 25, "target": 12, "label": "A"}, {"source": 26, "target": 15, "label": "D"}, {"source": 22, "target": 3, "label": "F"}, {"source": 21, "target": 11, "label": "L"}, {"source": 24, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 22, "target": 2, "label": "F"}, {"source": 26, "target": 14, "label": "F"}, {"source": 22, "target": 24, "label": "D"}, {"source": 22, "target": 1, "label": "A"}, {"source": 27, "target": 19, "label": "C"}, {"source": 23, "target": 6, "label": "R"}, {"source": 21, "target": 0, "label": "L"}, {"source": 23, "target": 7, "label": "C"}, {"source": 24, "target": 8, "label": "E"}, {"source": 26, "target": 13, "label": "F"}, {"source": 27, "target": 20, "label": "U"}]} +{"id": "319816-0029", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will never return there again (and now have some serious doubts about the quality of work they actually performed on my car).", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 121}]}, {"id": 23, "anchors": [{"from": 122, "to": 125}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 126, "to": 127}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 26, "target": 3, "label": "P"}, {"source": 31, "target": 16, "label": "R"}, {"source": 31, "target": 14, "label": "E"}, {"source": 29, "target": 11, "label": "E"}, {"source": 33, "target": 25, "label": "U"}, {"source": 26, "target": 5, "label": "D"}, {"source": 32, "target": 18, "label": "A"}, {"source": 28, "target": 30, "label": "A"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 17, "label": "C"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 33, "target": 21, "label": "R"}, {"source": 27, "target": 7, "label": "L"}, {"source": 28, "target": 9, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 32, "label": "E"}, {"source": 30, "target": 31, "label": "E"}, {"source": 33, "target": 22, "label": "E"}, {"source": 30, "target": 13, "label": "R"}, {"source": 32, "target": 20, "label": "P"}, {"source": 27, "target": 6, "label": "U"}, {"source": 28, "target": 8, "label": "D"}, {"source": 26, "target": 1, "label": "F"}, {"source": 32, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 19, "label": "D"}, {"source": 29, "target": 10, "label": "E"}, {"source": 26, "target": 4, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 12, "label": "C"}, {"source": 31, "target": 15, "label": "C"}]} +{"id": "322225-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Wine & Service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}, {"from": 13, "to": 20}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "322225-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is so great!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "322225-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have a great selection of wine from all over the world with all different prices.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 23, "label": "C"}, {"source": 19, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "E"}, {"source": 19, "target": 5, "label": "R"}, {"source": 19, "target": 2, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "E"}, {"source": 18, "target": 24, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 12, "label": "R"}, {"source": 20, "target": 21, "label": "N"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 1, "label": "S"}, {"source": 23, "target": 10, "label": "E"}, {"source": 20, "target": 19, "label": "C"}, {"source": 23, "target": 11, "label": "C"}, {"source": 23, "target": 9, "label": "R"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "322225-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The employees make you feel very comfortable and are very helpful, whether you are very knowledgeable or don't know anything at all about wine.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 107}]}, {"id": 19, "anchors": [{"from": 107, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 131}]}, {"id": 24, "anchors": [{"from": 132, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 142}]}, {"id": 26, "anchors": [{"from": 142, "to": 143}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 29, "target": 11, "label": "U"}, {"source": 35, "target": 22, "label": "E"}, {"source": 35, "target": 23, "label": "C"}, {"source": 29, "target": 17, "label": "L"}, {"source": 34, "target": 20, "label": "P"}, {"source": 31, "target": 5, "label": "E"}, {"source": 32, "target": 9, "label": "D"}, {"source": 34, "target": 18, "label": "F"}, {"source": 29, "target": 7, "label": "L"}, {"source": 34, "target": 21, "label": "A"}, {"source": 28, "target": 2, "label": "P"}, {"source": 32, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 3, "label": "A"}, {"source": 34, "target": 19, "label": "D"}, {"source": 29, "target": 12, "label": "L"}, {"source": 28, "target": 30, "label": "A"}, {"source": 33, "target": 16, "label": "S"}, {"source": 31, "target": 6, "label": "C"}, {"source": 29, "target": 33, "label": "H"}, {"source": 29, "target": 34, "label": "H"}, {"source": 33, "target": 13, "label": "A"}, {"source": 33, "target": 14, "label": "F"}, {"source": 34, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 10, "label": "A"}, {"source": 34, "target": 35, "label": "D"}, {"source": 29, "target": 28, "label": "H"}, {"source": 36, "target": 26, "label": "U"}, {"source": 29, "target": 32, "label": "H"}, {"source": 27, "target": 1, "label": "C"}, {"source": 35, "target": 36, "label": "E"}, {"source": 33, "target": 15, "label": "D"}, {"source": 28, "target": 27, "label": "A"}, {"source": 36, "target": 25, "label": "C"}, {"source": 32, "target": 8, "label": "S"}, {"source": 30, "target": 4, "label": "P"}, {"source": 36, "target": 24, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 0, "label": "E"}]} +{"id": "322225-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Check out their wine tastings every Friday night!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 11, "label": "D"}, {"source": 11, "target": 4, "label": "R"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 1, "label": "E"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "323248-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Summary: Not cheep, but very fast, and super friendly service.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 61}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 9, "label": "N"}, {"source": 19, "target": 11, "label": "E"}, {"source": 14, "target": 4, "label": "U"}, {"source": 19, "target": 12, "label": "C"}, {"source": 14, "target": 5, "label": "N"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 17, "label": "C"}, {"source": 18, "target": 19, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 16, "label": "C"}, {"source": 15, "target": 1, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 18, "label": "C"}, {"source": 15, "target": 8, "label": "U"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "323248-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Quality of work is sufficient but not outstanding.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 9, "target": 12, "label": "E"}, {"source": 11, "target": 3, "label": "S"}, {"source": 12, "target": 1, "label": "R"}, {"source": 14, "target": 7, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 14, "target": 8, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "323248-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Like all oil place changes, ask/recommend the 100 other services they have.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 19, "label": "P"}, {"source": 21, "target": 8, "label": "P"}, {"source": 16, "target": 18, "label": "H"}, {"source": 19, "target": 3, "label": "E"}, {"source": 16, "target": 20, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 23, "target": 22, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 13, "label": "A"}, {"source": 22, "target": 10, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 22, "target": 11, "label": "E"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 6, "label": "P"}, {"source": 23, "target": 24, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 24, "target": 15, "label": "U"}, {"source": 16, "target": 5, "label": "U"}, {"source": 24, "target": 14, "label": "S"}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "323248-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Will be a repeat customer with discount coupons.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "323449-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Finest??", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "323449-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Really??", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "L"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "323449-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I beg to differ.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}]} +{"id": "323449-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is marginal at best.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 4, "label": "R"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "323449-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not very welcoming and focused mostly on keeping little kids entertained.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 72}]}, {"id": 11, "anchors": [{"from": 72, "to": 73}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "D"}, {"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 10, "label": "P"}, {"source": 16, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 6, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 3, "label": "N"}, {"source": 12, "target": 2, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 7, "label": "D"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "P"}]} +{"id": "323449-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was not impressed, and quite frustrated at their lack of rating for their courses.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 22, "target": 12, "label": "C"}, {"source": 18, "target": 4, "label": "U"}, {"source": 17, "target": 3, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 11, "label": "R"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 19, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 23, "target": 13, "label": "R"}, {"source": 18, "target": 17, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 10, "label": "D"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "L"}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "323449-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I understand not wanting to put labels like 5.10 on an indoor course, because yes, it is not the same, but some clear understanding of the difficulty of one course to another is nice when you are an intermediate climber looking to improve.", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 68}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 101, "to": 102}]}, {"id": 23, "anchors": [{"from": 103, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 138}]}, {"id": 29, "anchors": [{"from": 139, "to": 149}]}, {"id": 30, "anchors": [{"from": 150, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 156}]}, {"id": 32, "anchors": [{"from": 157, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 177}]}, {"id": 36, "anchors": [{"from": 178, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 187}]}, {"id": 38, "anchors": [{"from": 188, "to": 191}]}, {"id": 39, "anchors": [{"from": 192, "to": 195}]}, {"id": 40, "anchors": [{"from": 196, "to": 198}]}, {"id": 41, "anchors": [{"from": 199, "to": 211}]}, {"id": 42, "anchors": [{"from": 212, "to": 219}]}, {"id": 43, "anchors": [{"from": 220, "to": 227}]}, {"id": 44, "anchors": [{"from": 228, "to": 230}]}, {"id": 45, "anchors": [{"from": 231, "to": 238}]}, {"id": 46, "anchors": [{"from": 238, "to": 239}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}], "edges": [{"source": 47, "target": 0, "label": "A"}, {"source": 62, "target": 43, "label": "P"}, {"source": 55, "target": 25, "label": "D"}, {"source": 59, "target": 34, "label": "E"}, {"source": 49, "target": 50, "label": "D"}, {"source": 48, "target": 55, "label": "H"}, {"source": 60, "target": 61, "label": "A"}, {"source": 58, "target": 31, "label": "E"}, {"source": 53, "target": 18, "label": "S"}, {"source": 63, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 22, "label": "U"}, {"source": 56, "target": 24, "label": "E"}, {"source": 48, "target": 13, "label": "U"}, {"source": 52, "target": 15, "label": "A"}, {"source": 48, "target": 52, "label": "H"}, {"source": 61, "target": 41, "label": "E"}, {"source": 53, "target": 19, "label": "D"}, {"source": 48, "target": 23, "label": "L"}, {"source": 49, "target": 5, "label": "P"}, {"source": 56, "target": 62, "label": "E"}, {"source": 57, "target": 28, "label": "E"}, {"source": 51, "target": 9, "label": "R"}, {"source": 49, "target": 4, "label": "F"}, {"source": 59, "target": 33, "label": "R"}, {"source": 58, "target": 35, "label": "R"}, {"source": 55, "target": 56, "label": "A"}, {"source": 50, "target": 7, "label": "R"}, {"source": 62, "target": 63, "label": "A"}, {"source": 58, "target": 59, "label": "E"}, {"source": 52, "target": 16, "label": "U"}, {"source": 48, "target": 60, "label": "H"}, {"source": 51, "target": 12, "label": "C"}, {"source": 61, "target": 40, "label": "E"}, {"source": 58, "target": 32, "label": "C"}, {"source": 63, "target": 44, "label": "F"}, {"source": 53, "target": 54, "label": "A"}, {"source": 47, "target": 2, "label": "D"}, {"source": 54, "target": 20, "label": "E"}, {"source": 58, "target": 30, "label": "R"}, {"source": 49, "target": 6, "label": "A"}, {"source": 51, "target": 10, "label": "E"}, {"source": 57, "target": 27, "label": "R"}, {"source": 55, "target": 26, "label": "P"}, {"source": 57, "target": 58, "label": "E"}, {"source": 63, "target": 46, "label": "U"}, {"source": 49, "target": 51, "label": "A"}, {"source": 47, "target": 3, "label": "P"}, {"source": 48, "target": 37, "label": "L"}, {"source": 62, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 17, "label": "E"}, {"source": 47, "target": 1, "label": "F"}, {"source": 60, "target": 39, "label": "S"}, {"source": 51, "target": 11, "label": "E"}, {"source": 52, "target": 53, "label": "A"}, {"source": 54, "target": 21, "label": "C"}, {"source": 48, "target": 47, "label": "H"}, {"source": 47, "target": 49, "label": "A"}, {"source": 48, "target": 14, "label": "L"}, {"source": 55, "target": 57, "label": "A"}, {"source": 50, "target": 8, "label": "C"}, {"source": 63, "target": 45, "label": "P"}, {"source": 60, "target": 38, "label": "A"}, {"source": 59, "target": 36, "label": "C"}, {"source": 57, "target": 29, "label": "C"}, {"source": 61, "target": 42, "label": "C"}]} +{"id": "323449-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't want to waste my time on routes set for children, but I don't want to take on something I can't handle just to strain myself to exhaustion.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 66}]}, {"id": 17, "anchors": [{"from": 66, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}, {"from": 83, "to": 85}]}, {"id": 21, "anchors": [{"from": 86, "to": 95}]}, {"id": 22, "anchors": [{"from": 96, "to": 97}]}, {"id": 23, "anchors": [{"from": 98, "to": 100}]}, {"id": 24, "anchors": [{"from": 100, "to": 103}]}, {"id": 25, "anchors": [{"from": 104, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 146}]}, {"id": 32, "anchors": [{"from": 146, "to": 147}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 36, "target": 7, "label": "C"}, {"source": 38, "target": 10, "label": "P"}, {"source": 38, "target": 39, "label": "A"}, {"source": 33, "target": 0, "label": "A"}, {"source": 42, "target": 43, "label": "P"}, {"source": 34, "target": 42, "label": "A"}, {"source": 39, "target": 11, "label": "R"}, {"source": 40, "target": 18, "label": "P"}, {"source": 37, "target": 38, "label": "E"}, {"source": 42, "target": 26, "label": "D"}, {"source": 33, "target": 3, "label": "P"}, {"source": 38, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 41, "label": "A"}, {"source": 41, "target": 19, "label": "F"}, {"source": 37, "target": 8, "label": "R"}, {"source": 33, "target": 2, "label": "D"}, {"source": 40, "target": 15, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 44, "target": 27, "label": "F"}, {"source": 42, "target": 24, "label": "A"}, {"source": 42, "target": 22, "label": "A"}, {"source": 39, "target": 12, "label": "C"}, {"source": 41, "target": 21, "label": "A"}, {"source": 34, "target": 14, "label": "L"}, {"source": 35, "target": 37, "label": "A"}, {"source": 45, "target": 32, "label": "U"}, {"source": 43, "target": 25, "label": "C"}, {"source": 40, "target": 16, "label": "F"}, {"source": 43, "target": 23, "label": "E"}, {"source": 33, "target": 35, "label": "A"}, {"source": 45, "target": 30, "label": "R"}, {"source": 44, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 31, "label": "C"}, {"source": 35, "target": 4, "label": "F"}, {"source": 35, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 36, "target": 6, "label": "E"}, {"source": 34, "target": 13, "label": "U"}, {"source": 37, "target": 9, "label": "C"}, {"source": 35, "target": 5, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 40, "target": 17, "label": "D"}, {"source": 33, "target": 1, "label": "F"}, {"source": 35, "target": 36, "label": "A"}, {"source": 44, "target": 28, "label": "P"}, {"source": 41, "target": 20, "label": "P"}, {"source": 41, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 29, "label": "D"}]} +{"id": "323449-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rate the routes, with understandable markings and a more detailed system than easy, moderate, and hard.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 82}]}, {"id": 14, "anchors": [{"from": 82, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 92}]}, {"id": 16, "anchors": [{"from": 92, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 7, "label": "N"}, {"source": 28, "target": 10, "label": "C"}, {"source": 27, "target": 11, "label": "C"}, {"source": 29, "target": 12, "label": "R"}, {"source": 24, "target": 4, "label": "R"}, {"source": 24, "target": 26, "label": "C"}, {"source": 30, "target": 17, "label": "N"}, {"source": 21, "target": 22, "label": "H"}, {"source": 20, "target": 1, "label": "E"}, {"source": 27, "target": 29, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 30, "target": 19, "label": "U"}, {"source": 30, "target": 13, "label": "C"}, {"source": 20, "target": 2, "label": "C"}, {"source": 30, "target": 18, "label": "C"}, {"source": 30, "target": 14, "label": "U"}, {"source": 23, "target": 3, "label": "U"}, {"source": 28, "target": 9, "label": "E"}, {"source": 30, "target": 16, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 27, "target": 28, "label": "E"}, {"source": 23, "target": 20, "label": "C"}, {"source": 26, "target": 25, "label": "C"}, {"source": 20, "target": 0, "label": "E"}, {"source": 25, "target": 6, "label": "C"}, {"source": 30, "target": 15, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 26, "target": 27, "label": "C"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "323449-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Again, a great outing for the kids, a frustration for an out of town climber.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 0, "label": "C"}, {"source": 25, "target": 11, "label": "R"}, {"source": 20, "target": 1, "label": "U"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 12, "label": "E"}, {"source": 23, "target": 6, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 24, "target": 10, "label": "C"}, {"source": 25, "target": 15, "label": "E"}, {"source": 23, "target": 5, "label": "R"}, {"source": 24, "target": 9, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 14, "label": "R"}, {"source": 23, "target": 8, "label": "U"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 22, "label": "E"}, {"source": 26, "target": 13, "label": "C"}, {"source": 25, "target": 16, "label": "C"}, {"source": 23, "target": 7, "label": "C"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 17, "label": "U"}, {"source": 22, "target": 21, "label": "S"}]} +{"id": "324337-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DONT ever go there, not even if your car flips.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "D"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 5, "label": "D"}, {"source": 16, "target": 15, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 10, "label": "P"}, {"source": 16, "target": 9, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 11, "label": "U"}, {"source": 12, "target": 3, "label": "A"}, {"source": 13, "target": 4, "label": "U"}]} +{"id": "324337-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Their service sucks to start off with, people are cruel and ignorant.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}, {"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "anchors": [{"from": 68, "to": 69}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 17, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "U"}, {"source": 16, "target": 5, "label": "R"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "S"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "E"}, {"source": 18, "target": 9, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 7, "label": "A"}, {"source": 18, "target": 10, "label": "N"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "324337-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm compeltly dissatisfied with their service and their products.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}, {"from": 4, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 26}]}, {"id": 2, "anchors": [{"from": 27, "to": 31}]}, {"id": 3, "anchors": [{"from": 32, "to": 37}]}, {"id": 4, "anchors": [{"from": 38, "to": 45}]}, {"id": 5, "anchors": [{"from": 46, "to": 49}]}, {"id": 6, "anchors": [{"from": 50, "to": 55}]}, {"id": 7, "anchors": [{"from": 56, "to": 64}]}, {"id": 8, "anchors": [{"from": 64, "to": 65}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 2, "label": "R"}, {"source": 13, "target": 12, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 13, "label": "C"}, {"source": 13, "target": 5, "label": "N"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "U"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 14, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "324337-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DO NOT EVER GO HERE.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 6}, {"from": 7, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 19}]}, {"id": 1, "anchors": [{"from": 19, "to": 20}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "324337-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I prefer Advanced auto parts over this crappy place with the meanest people.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "C"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 2, "label": "E"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "R"}]} +{"id": "324337-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And they THRIVE to get a customer.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "P"}, {"source": 9, "target": 2, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "F"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 0, "label": "L"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "324337-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DO NOT go here..thank you", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "P"}, {"source": 7, "target": 3, "label": "A"}, {"source": 9, "target": 6, "label": "A"}, {"source": 8, "target": 7, "label": "H"}, {"source": 7, "target": 2, "label": "P"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 0, "label": "F"}, {"source": 9, "target": 4, "label": "U"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "325292-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Food was cold", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "D"}, {"source": 4, "target": 1, "label": "F"}]} +{"id": "325292-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been here 3 to 4 times and every time food they served seems warmed up not cooked after you order it.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 74}, {"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 27, "target": 26, "label": "D"}, {"source": 25, "target": 5, "label": "R"}, {"source": 25, "target": 6, "label": "E"}, {"source": 29, "target": 19, "label": "A"}, {"source": 24, "target": 27, "label": "H"}, {"source": 28, "target": 12, "label": "A"}, {"source": 24, "target": 8, "label": "L"}, {"source": 23, "target": 3, "label": "S"}, {"source": 23, "target": 1, "label": "F"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 22, "label": "U"}, {"source": 28, "target": 16, "label": "D"}, {"source": 23, "target": 4, "label": "A"}, {"source": 28, "target": 13, "label": "D"}, {"source": 29, "target": 21, "label": "A"}, {"source": 24, "target": 29, "label": "H"}, {"source": 28, "target": 17, "label": "D"}, {"source": 24, "target": 28, "label": "H"}, {"source": 27, "target": 11, "label": "P"}, {"source": 28, "target": 15, "label": "P"}, {"source": 24, "target": 18, "label": "L"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 2, "label": "F"}, {"source": 26, "target": 10, "label": "C"}, {"source": 28, "target": 14, "label": "D"}, {"source": 26, "target": 9, "label": "E"}, {"source": 29, "target": 20, "label": "P"}, {"source": 23, "target": 25, "label": "D"}, {"source": 23, "target": 0, "label": "A"}]} +{"id": "325292-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I like my food hot both ways not warm or cold.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 45, "to": 46}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 2, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 9, "label": "N"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 17, "target": 8, "label": "C"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 7, "label": "E"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "325292-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Price and taste is good.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "N"}, {"source": 8, "target": 4, "label": "S"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "325292-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will be happy if they can serve when food is piping hot.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "A"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 12, "label": "A"}, {"source": 14, "target": 1, "label": "F"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 4, "label": "L"}, {"source": 17, "target": 9, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 15, "target": 8, "label": "L"}, {"source": 15, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "S"}, {"source": 17, "target": 11, "label": "P"}, {"source": 17, "target": 10, "label": "F"}, {"source": 14, "target": 0, "label": "A"}]} +{"id": "325292-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "KB", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "325330-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not impressed.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "325330-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overpriced and the doctor acted arrogant and rushed at a time when there was very few clients in the facility.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 7, "label": "P"}, {"source": 21, "target": 24, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 24, "target": 3, "label": "C"}, {"source": 21, "target": 1, "label": "N"}, {"source": 30, "target": 17, "label": "R"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 15, "label": "C"}, {"source": 27, "target": 13, "label": "S"}, {"source": 27, "target": 29, "label": "A"}, {"source": 28, "target": 14, "label": "E"}, {"source": 30, "target": 20, "label": "U"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 8, "label": "R"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 26, "target": 10, "label": "C"}, {"source": 27, "target": 12, "label": "F"}, {"source": 22, "target": 26, "label": "D"}, {"source": 26, "target": 9, "label": "E"}, {"source": 30, "target": 18, "label": "E"}, {"source": 27, "target": 30, "label": "A"}, {"source": 29, "target": 28, "label": "E"}, {"source": 30, "target": 19, "label": "C"}, {"source": 24, "target": 2, "label": "E"}, {"source": 25, "target": 4, "label": "C"}, {"source": 23, "target": 11, "label": "L"}, {"source": 29, "target": 16, "label": "C"}, {"source": 23, "target": 6, "label": "L"}, {"source": 21, "target": 0, "label": "C"}]} +{"id": "325330-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I won't return.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "P"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "325538-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful staff and great service !!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 10, "label": "C"}, {"source": 7, "target": 2, "label": "N"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "C"}]} +{"id": "325741-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Class act.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "325741-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was late in the day and I was worried I would get charged an arm and a leg and have to wait forever.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 102}]}, {"id": 24, "anchors": [{"from": 102, "to": 103}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 32, "target": 34, "label": "C"}, {"source": 34, "target": 21, "label": "F"}, {"source": 31, "target": 14, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 34, "target": 23, "label": "A"}, {"source": 32, "target": 33, "label": "C"}, {"source": 25, "target": 27, "label": "D"}, {"source": 27, "target": 3, "label": "R"}, {"source": 32, "target": 31, "label": "C"}, {"source": 28, "target": 9, "label": "S"}, {"source": 29, "target": 12, "label": "P"}, {"source": 34, "target": 22, "label": "S"}, {"source": 28, "target": 7, "label": "A"}, {"source": 25, "target": 2, "label": "D"}, {"source": 32, "target": 16, "label": "N"}, {"source": 34, "target": 20, "label": "F"}, {"source": 27, "target": 5, "label": "C"}, {"source": 33, "target": 17, "label": "E"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 26, "target": 6, "label": "L"}, {"source": 29, "target": 10, "label": "A"}, {"source": 29, "target": 11, "label": "D"}, {"source": 26, "target": 28, "label": "H"}, {"source": 28, "target": 8, "label": "F"}, {"source": 30, "target": 32, "label": "A"}, {"source": 30, "target": 13, "label": "P"}, {"source": 27, "target": 4, "label": "E"}, {"source": 33, "target": 18, "label": "C"}, {"source": 25, "target": 1, "label": "S"}, {"source": 32, "target": 19, "label": "N"}, {"source": 31, "target": 15, "label": "C"}, {"source": 30, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "325741-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They picked my car up in Yarmouth and towed to Bath for a great price.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "anchors": [{"from": 69, "to": 70}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "R"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 9, "label": "R"}, {"source": 16, "target": 4, "label": "A"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 11, "label": "R"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 10, "label": "C"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 16, "target": 1, "label": "P"}]} +{"id": "325741-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Would do business with them again.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 5, "label": "D"}, {"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 7, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 0, "label": "F"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "326112-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "PAT testing quick & efficient", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "C"}, {"source": 9, "target": 3, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 5, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "326112-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I rang SRD PAT testing and within 3 hours Scot had come to my premises and PAT tested all my our Spill The Whisky barn dance band equipment, and supplied a certificate for only 70p per unit.", "tops": [39], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 102}, {"from": 103, "to": 106}, {"from": 107, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 139}]}, {"id": 26, "anchors": [{"from": 139, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 153}]}, {"id": 29, "anchors": [{"from": 154, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 167}]}, {"id": 31, "anchors": [{"from": 168, "to": 171}]}, {"id": 32, "anchors": [{"from": 172, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 179}]}, {"id": 34, "anchors": [{"from": 179, "to": 180}]}, {"id": 35, "anchors": [{"from": 181, "to": 184}]}, {"id": 36, "anchors": [{"from": 185, "to": 189}]}, {"id": 37, "anchors": [{"from": 189, "to": 190}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 49, "target": 34, "label": "C"}, {"source": 48, "target": 30, "label": "C"}, {"source": 45, "target": 18, "label": "R"}, {"source": 38, "target": 1, "label": "P"}, {"source": 49, "target": 33, "label": "E"}, {"source": 47, "target": 28, "label": "P"}, {"source": 40, "target": 2, "label": "E"}, {"source": 39, "target": 5, "label": "L"}, {"source": 46, "target": 24, "label": "E"}, {"source": 38, "target": 40, "label": "A"}, {"source": 46, "target": 20, "label": "E"}, {"source": 45, "target": 46, "label": "E"}, {"source": 42, "target": 11, "label": "P"}, {"source": 39, "target": 42, "label": "H"}, {"source": 49, "target": 31, "label": "R"}, {"source": 39, "target": 27, "label": "L"}, {"source": 44, "target": 17, "label": "P"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 14, "label": "C"}, {"source": 39, "target": 44, "label": "H"}, {"source": 49, "target": 32, "label": "E"}, {"source": 46, "target": 22, "label": "E"}, {"source": 39, "target": 26, "label": "U"}, {"source": 45, "target": 19, "label": "E"}, {"source": 46, "target": 21, "label": "E"}, {"source": 42, "target": 41, "label": "D"}, {"source": 39, "target": 15, "label": "L"}, {"source": 39, "target": 47, "label": "H"}, {"source": 46, "target": 23, "label": "E"}, {"source": 46, "target": 25, "label": "C"}, {"source": 50, "target": 36, "label": "C"}, {"source": 47, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 0, "label": "A"}, {"source": 40, "target": 3, "label": "E"}, {"source": 44, "target": 16, "label": "A"}, {"source": 41, "target": 6, "label": "R"}, {"source": 43, "target": 12, "label": "R"}, {"source": 43, "target": 13, "label": "E"}, {"source": 41, "target": 8, "label": "C"}, {"source": 50, "target": 35, "label": "R"}, {"source": 40, "target": 4, "label": "C"}, {"source": 39, "target": 38, "label": "H"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 42, "target": 10, "label": "F"}, {"source": 47, "target": 49, "label": "A"}, {"source": 50, "target": 37, "label": "U"}, {"source": 42, "target": 9, "label": "A"}, {"source": 48, "target": 29, "label": "E"}, {"source": 41, "target": 7, "label": "E"}]} +{"id": "326112-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic, quick and efficient service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "C"}, {"source": 9, "target": 1, "label": "U"}, {"source": 9, "target": 3, "label": "N"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "326112-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How rare!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 3, "label": "D"}, {"source": 3, "target": 0, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "326112-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well done.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "F"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "326439-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HEAVEN ON EARTHHHHHHH!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "326439-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "MUST TRY!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "326439-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A+++", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "326439-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THIS PLACE IS THE BEST.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}, {"from": 11, "to": 13}, {"from": 14, "to": 17}, {"from": 18, "to": 22}]}, {"id": 1, "anchors": [{"from": 22, "to": 23}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "326439-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I HATED SUSHI BEFORE BUT NOW I CANT STOP EATTING IT!!!!!!!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 7}, {"from": 8, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 11, "target": 14, "label": "E"}, {"source": 12, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "C"}, {"source": 11, "target": 1, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 10, "label": "U"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 14, "target": 6, "label": "E"}, {"source": 14, "target": 8, "label": "E"}, {"source": 11, "target": 2, "label": "N"}, {"source": 17, "target": 4, "label": "E"}, {"source": 14, "target": 7, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "326439-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "NICE SERVICE, AND EXCELLENT FOOD.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 27}, {"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 3, "label": "N"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "C"}]} +{"id": "326439-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "EVERYTHING IN HERE SEEMS TO AMAZE ME!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 24}, {"from": 25, "to": 27}, {"from": 28, "to": 33}, {"from": 34, "to": 36}]}, {"id": 3, "anchors": [{"from": 36, "to": 39}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "R"}, {"source": 4, "target": 0, "label": "L"}, {"source": 4, "target": 6, "label": "H"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 5, "label": "A"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "326439-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THEIR GRILL DISHES ARE OUTTA THIS WORLD AND SUSHI IS JUST FABULOUS!!!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}, {"from": 50, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 66}]}, {"id": 9, "anchors": [{"from": 66, "to": 70}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 12, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 10, "label": "E"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 5, "label": "U"}, {"source": 10, "target": 1, "label": "U"}, {"source": 13, "target": 7, "label": "N"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "326439-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I EAT HERE AT LEAST 5 DAYS A WEEK.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}, {"from": 20, "to": 21}, {"from": 22, "to": 26}, {"from": 27, "to": 28}, {"from": 29, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 2, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "326439-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "THEY HAVE EXCELLENT SUSHI CHEF SPECIAL ROLLS FOR A FAIR PRICE AND SO IS THE GRILL ORDERS.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}, {"from": 10, "to": 19}, {"from": 20, "to": 25}, {"from": 26, "to": 30}, {"from": 31, "to": 38}, {"from": 39, "to": 44}]}, {"id": 1, "anchors": [{"from": 45, "to": 48}]}, {"id": 2, "anchors": [{"from": 49, "to": 50}, {"from": 51, "to": 55}, {"from": 56, "to": 61}]}, {"id": 3, "anchors": [{"from": 62, "to": 65}]}, {"id": 4, "anchors": [{"from": 66, "to": 68}, {"from": 69, "to": 71}, {"from": 72, "to": 75}, {"from": 76, "to": 81}, {"from": 82, "to": 88}]}, {"id": 5, "anchors": [{"from": 88, "to": 89}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 1, "label": "R"}, {"source": 8, "target": 9, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 3, "label": "N"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "326439-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A++++ !!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 38}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "U"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "326439-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "JUNO AND OPEN I LOVE YOU GUYS!!!!!!!!!!!!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 15}, {"from": 16, "to": 20}, {"from": 21, "to": 24}, {"from": 25, "to": 29}]}, {"id": 3, "anchors": [{"from": 29, "to": 43}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 4, "target": 1, "label": "N"}, {"source": 6, "target": 7, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 7, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "E"}]} +{"id": "326439-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "[no homo] :D", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 12}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "U"}, {"source": 6, "target": 2, "label": "S"}, {"source": 6, "target": 3, "label": "U"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "326649-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Trust The Midas Touch", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 15}, {"from": 16, "to": 21}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "326649-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I personally trust this Midas store with all my vehicles, I have been going there for years & would never go anywhere else!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 108}, {"from": 109, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 122, "to": 123}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 28, "target": 13, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 24, "target": 1, "label": "D"}, {"source": 29, "target": 17, "label": "C"}, {"source": 26, "target": 3, "label": "E"}, {"source": 31, "target": 22, "label": "D"}, {"source": 26, "target": 5, "label": "C"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 6, "label": "R"}, {"source": 31, "target": 20, "label": "D"}, {"source": 31, "target": 30, "label": "P"}, {"source": 27, "target": 7, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 28, "target": 14, "label": "P"}, {"source": 24, "target": 26, "label": "A"}, {"source": 31, "target": 23, "label": "U"}, {"source": 26, "target": 4, "label": "E"}, {"source": 30, "target": 19, "label": "F"}, {"source": 25, "target": 31, "label": "H"}, {"source": 28, "target": 12, "label": "F"}, {"source": 28, "target": 29, "label": "D"}, {"source": 29, "target": 16, "label": "R"}, {"source": 31, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 18, "label": "U"}, {"source": 27, "target": 8, "label": "E"}, {"source": 28, "target": 11, "label": "A"}, {"source": 28, "target": 15, "label": "A"}, {"source": 24, "target": 2, "label": "P"}, {"source": 27, "target": 9, "label": "C"}, {"source": 25, "target": 10, "label": "U"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "326649-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the staff is very personable & actually care about the customers safety rather than taking there money.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}, {"from": 72, "to": 78}, {"from": 79, "to": 83}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 71}]}, {"id": 12, "anchors": [{"from": 84, "to": 90}]}, {"id": 13, "anchors": [{"from": 91, "to": 96}]}, {"id": 14, "anchors": [{"from": 97, "to": 102}]}, {"id": 15, "anchors": [{"from": 102, "to": 103}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 17, "target": 19, "label": "D"}, {"source": 19, "target": 4, "label": "C"}, {"source": 20, "target": 9, "label": "E"}, {"source": 17, "target": 7, "label": "S"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 17, "target": 2, "label": "F"}, {"source": 21, "target": 13, "label": "A"}, {"source": 20, "target": 8, "label": "R"}, {"source": 21, "target": 14, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 20, "label": "A"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 5, "label": "U"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 21, "target": 12, "label": "P"}]} +{"id": "326649-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is however a very busy shop but there are appointments available & the staff up front will surely make sure you get back in a timely manner.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 107}, {"from": 108, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 120}, {"from": 121, "to": 125}]}, {"id": 22, "anchors": [{"from": 126, "to": 128}]}, {"id": 23, "anchors": [{"from": 129, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 144}]}, {"id": 26, "anchors": [{"from": 144, "to": 145}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 29, "target": 6, "label": "C"}, {"source": 35, "target": 23, "label": "E"}, {"source": 27, "target": 4, "label": "D"}, {"source": 28, "target": 7, "label": "L"}, {"source": 33, "target": 19, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 13, "label": "E"}, {"source": 33, "target": 17, "label": "F"}, {"source": 28, "target": 30, "label": "H"}, {"source": 31, "target": 10, "label": "E"}, {"source": 32, "target": 11, "label": "C"}, {"source": 29, "target": 3, "label": "E"}, {"source": 34, "target": 20, "label": "A"}, {"source": 31, "target": 33, "label": "E"}, {"source": 33, "target": 16, "label": "D"}, {"source": 27, "target": 29, "label": "P"}, {"source": 32, "target": 12, "label": "U"}, {"source": 30, "target": 8, "label": "F"}, {"source": 27, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 32, "target": 14, "label": "C"}, {"source": 35, "target": 26, "label": "U"}, {"source": 33, "target": 18, "label": "D"}, {"source": 30, "target": 9, "label": "S"}, {"source": 27, "target": 1, "label": "F"}, {"source": 35, "target": 25, "label": "C"}, {"source": 35, "target": 24, "label": "E"}, {"source": 29, "target": 5, "label": "E"}, {"source": 33, "target": 15, "label": "R"}, {"source": 34, "target": 21, "label": "P"}, {"source": 28, "target": 27, "label": "H"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 32, "label": "E"}, {"source": 35, "target": 22, "label": "R"}, {"source": 27, "target": 2, "label": "D"}]} +{"id": "326649-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I look at some of these other comments & laugh because people think that the world revolves around them!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 103}]}, {"id": 19, "anchors": [{"from": 103, "to": 104}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 12, "label": "P"}, {"source": 24, "target": 7, "label": "A"}, {"source": 27, "target": 15, "label": "C"}, {"source": 21, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 24, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 22, "target": 2, "label": "R"}, {"source": 28, "target": 17, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 25, "target": 11, "label": "A"}, {"source": 20, "target": 1, "label": "P"}, {"source": 21, "target": 10, "label": "L"}, {"source": 24, "target": 8, "label": "U"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 16, "label": "P"}, {"source": 24, "target": 9, "label": "P"}, {"source": 23, "target": 4, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 13, "label": "F"}, {"source": 27, "target": 14, "label": "E"}, {"source": 22, "target": 6, "label": "E"}, {"source": 22, "target": 5, "label": "E"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "326649-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Like the girl with the fuse problem...", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 10, "target": 0, "label": "R"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "326649-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Midas has the most high tech equipment in town & I guarantee you if they told you it was electrical then in deed its electrical!", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}, {"from": 49, "to": 50}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 51, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 115}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 127}]}, {"id": 25, "anchors": [{"from": 127, "to": 128}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 28, "target": 30, "label": "E"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 9, "label": "U"}, {"source": 28, "target": 6, "label": "C"}, {"source": 28, "target": 5, "label": "E"}, {"source": 33, "target": 20, "label": "R"}, {"source": 26, "target": 1, "label": "S"}, {"source": 30, "target": 10, "label": "P"}, {"source": 32, "target": 18, "label": "S"}, {"source": 30, "target": 7, "label": "R"}, {"source": 33, "target": 34, "label": "E"}, {"source": 27, "target": 25, "label": "U"}, {"source": 32, "target": 16, "label": "A"}, {"source": 29, "target": 3, "label": "E"}, {"source": 30, "target": 11, "label": "A"}, {"source": 27, "target": 12, "label": "L"}, {"source": 34, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "C"}, {"source": 31, "target": 13, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 28, "target": 2, "label": "E"}, {"source": 29, "target": 4, "label": "C"}, {"source": 33, "target": 22, "label": "E"}, {"source": 31, "target": 15, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 26, "target": 0, "label": "A"}, {"source": 30, "target": 8, "label": "E"}, {"source": 31, "target": 14, "label": "P"}, {"source": 34, "target": 23, "label": "P"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 17, "label": "F"}, {"source": 32, "target": 19, "label": "D"}, {"source": 32, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 33, "label": "A"}, {"source": 34, "target": 24, "label": "A"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "326649-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "maybe you should understand how the world works & realize you are just like any other person & not put yourself on a pedestal.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 125}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 22, "label": "E"}, {"source": 27, "target": 29, "label": "H"}, {"source": 32, "target": 34, "label": "E"}, {"source": 31, "target": 10, "label": "A"}, {"source": 29, "target": 31, "label": "A"}, {"source": 35, "target": 23, "label": "C"}, {"source": 32, "target": 16, "label": "C"}, {"source": 30, "target": 9, "label": "C"}, {"source": 28, "target": 6, "label": "C"}, {"source": 34, "target": 18, "label": "D"}, {"source": 28, "target": 5, "label": "E"}, {"source": 35, "target": 21, "label": "R"}, {"source": 30, "target": 7, "label": "C"}, {"source": 33, "target": 14, "label": "E"}, {"source": 27, "target": 4, "label": "L"}, {"source": 26, "target": 3, "label": "S"}, {"source": 26, "target": 0, "label": "D"}, {"source": 25, "target": 26, "label": "H"}, {"source": 34, "target": 20, "label": "A"}, {"source": 34, "target": 19, "label": "P"}, {"source": 29, "target": 28, "label": "A"}, {"source": 26, "target": 1, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 17, "label": "U"}, {"source": 33, "target": 15, "label": "C"}, {"source": 32, "target": 13, "label": "R"}, {"source": 30, "target": 8, "label": "U"}, {"source": 26, "target": 2, "label": "D"}, {"source": 29, "target": 30, "label": "P"}, {"source": 35, "target": 24, "label": "U"}, {"source": 31, "target": 12, "label": "D"}, {"source": 31, "target": 11, "label": "S"}]} +{"id": "326649-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will continue going to Dave at Midas because he is one of the most honest business owners in this town!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 104, "to": 105}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 27, "target": 11, "label": "C"}, {"source": 24, "target": 4, "label": "R"}, {"source": 30, "target": 20, "label": "C"}, {"source": 22, "target": 3, "label": "P"}, {"source": 26, "target": 10, "label": "S"}, {"source": 30, "target": 18, "label": "R"}, {"source": 27, "target": 12, "label": "R"}, {"source": 29, "target": 15, "label": "C"}, {"source": 22, "target": 1, "label": "F"}, {"source": 30, "target": 19, "label": "E"}, {"source": 23, "target": 8, "label": "L"}, {"source": 26, "target": 9, "label": "A"}, {"source": 26, "target": 30, "label": "A"}, {"source": 28, "target": 27, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 23, "target": 26, "label": "H"}, {"source": 29, "target": 14, "label": "E"}, {"source": 30, "target": 21, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 28, "target": 13, "label": "E"}, {"source": 28, "target": 16, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "326649-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When having your car worked on you have to trust the mechanic & this Midas is truly someone you can trust!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 27, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 24, "target": 3, "label": "C"}, {"source": 23, "target": 30, "label": "A"}, {"source": 29, "target": 13, "label": "C"}, {"source": 26, "target": 5, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 12, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 20, "label": "P"}, {"source": 22, "target": 0, "label": "L"}, {"source": 23, "target": 28, "label": "A"}, {"source": 28, "target": 10, "label": "E"}, {"source": 30, "target": 15, "label": "F"}, {"source": 23, "target": 1, "label": "P"}, {"source": 30, "target": 17, "label": "A"}, {"source": 28, "target": 14, "label": "C"}, {"source": 30, "target": 19, "label": "D"}, {"source": 30, "target": 21, "label": "U"}, {"source": 29, "target": 11, "label": "C"}, {"source": 30, "target": 16, "label": "D"}, {"source": 24, "target": 2, "label": "E"}, {"source": 30, "target": 18, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 7, "label": "F"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 4, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 27, "target": 8, "label": "F"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "327766-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Checked in real late, but staff was very kind and helpful.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 16, "target": 6, "label": "A"}, {"source": 15, "target": 1, "label": "R"}, {"source": 15, "target": 3, "label": "C"}, {"source": 18, "target": 19, "label": "C"}, {"source": 14, "target": 4, "label": "U"}, {"source": 13, "target": 15, "label": "D"}, {"source": 19, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "P"}, {"source": 13, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "N"}, {"source": 15, "target": 2, "label": "E"}, {"source": 14, "target": 5, "label": "L"}, {"source": 19, "target": 11, "label": "C"}, {"source": 14, "target": 16, "label": "H"}, {"source": 19, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 18, "label": "C"}, {"source": 16, "target": 7, "label": "S"}]} +{"id": "327766-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rooms very clean and smelled very fresh.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 8, "target": 10, "label": "A"}, {"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 8, "label": "H"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 3, "label": "L"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 11, "label": "H"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "P"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "327766-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend this hotel to anyone.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 12, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 12, "target": 5, "label": "R"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "327766-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I loved my stay here and if ever back in the area, I will be staying here again.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 79}]}, {"id": 19, "anchors": [{"from": 79, "to": 80}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 18, "label": "D"}, {"source": 25, "target": 14, "label": "F"}, {"source": 25, "target": 16, "label": "P"}, {"source": 25, "target": 19, "label": "U"}, {"source": 22, "target": 2, "label": "A"}, {"source": 21, "target": 25, "label": "H"}, {"source": 22, "target": 3, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 12, "label": "U"}, {"source": 25, "target": 15, "label": "F"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 7, "label": "D"}, {"source": 24, "target": 9, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 17, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 25, "target": 13, "label": "A"}, {"source": 20, "target": 1, "label": "P"}, {"source": 23, "target": 6, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 5, "label": "L"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}]} +{"id": "327867-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good clean store nice car wash", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 1, "label": "E"}, {"source": 8, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 4, "label": "E"}, {"source": 8, "target": 5, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "328828-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Terrible service!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 2, "label": "U"}]} +{"id": "328828-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Made an appointment to have them come to the house to discuss curtain options and give an estimate.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 98}]}, {"id": 18, "anchors": [{"from": 98, "to": 99}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 15, "label": "P"}, {"source": 28, "target": 17, "label": "C"}, {"source": 19, "target": 0, "label": "F"}, {"source": 21, "target": 3, "label": "L"}, {"source": 21, "target": 25, "label": "H"}, {"source": 27, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 12, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 22, "target": 5, "label": "A"}, {"source": 28, "target": 18, "label": "U"}, {"source": 25, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 27, "label": "H"}, {"source": 20, "target": 19, "label": "P"}, {"source": 24, "target": 9, "label": "C"}, {"source": 22, "target": 4, "label": "S"}, {"source": 21, "target": 14, "label": "L"}, {"source": 26, "target": 13, "label": "C"}, {"source": 24, "target": 7, "label": "R"}, {"source": 21, "target": 10, "label": "L"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 8, "label": "E"}, {"source": 28, "target": 16, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 6, "label": "P"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "328828-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They sent over someone who said he knows nothing about curtains and could not show me fabric options or give an estimate.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 103}]}, {"id": 19, "anchors": [{"from": 104, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 120}]}, {"id": 22, "anchors": [{"from": 120, "to": 121}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 4, "label": "F"}, {"source": 29, "target": 31, "label": "A"}, {"source": 30, "target": 14, "label": "C"}, {"source": 28, "target": 10, "label": "C"}, {"source": 32, "target": 19, "label": "P"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 3, "label": "C"}, {"source": 29, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 7, "label": "P"}, {"source": 29, "target": 13, "label": "D"}, {"source": 29, "target": 12, "label": "P"}, {"source": 26, "target": 6, "label": "A"}, {"source": 28, "target": 9, "label": "R"}, {"source": 23, "target": 25, "label": "A"}, {"source": 30, "target": 32, "label": "C"}, {"source": 24, "target": 29, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 31, "target": 17, "label": "C"}, {"source": 33, "target": 22, "label": "U"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 1, "label": "P"}, {"source": 33, "target": 21, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 28, "label": "E"}, {"source": 33, "target": 20, "label": "E"}, {"source": 31, "target": 15, "label": "E"}, {"source": 25, "target": 2, "label": "R"}, {"source": 31, "target": 16, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 5, "label": "P"}, {"source": 30, "target": 18, "label": "N"}, {"source": 24, "target": 11, "label": "L"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "328828-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I called the manager to complain, she said she KNEW the guy didn't know about curtains and that the usual lady called in sick hours earlier!", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 68, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 144}]}, {"id": 29, "anchors": [{"from": 144, "to": 145}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 37, "target": 16, "label": "P"}, {"source": 35, "target": 15, "label": "D"}, {"source": 32, "target": 3, "label": "E"}, {"source": 30, "target": 39, "label": "H"}, {"source": 38, "target": 18, "label": "C"}, {"source": 30, "target": 34, "label": "H"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 14, "label": "F"}, {"source": 31, "target": 33, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 33, "target": 6, "label": "P"}, {"source": 41, "target": 42, "label": "D"}, {"source": 35, "target": 11, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 30, "target": 31, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 40, "target": 21, "label": "E"}, {"source": 32, "target": 4, "label": "C"}, {"source": 35, "target": 37, "label": "A"}, {"source": 41, "target": 24, "label": "P"}, {"source": 30, "target": 19, "label": "L"}, {"source": 31, "target": 2, "label": "P"}, {"source": 36, "target": 12, "label": "E"}, {"source": 33, "target": 5, "label": "F"}, {"source": 42, "target": 27, "label": "C"}, {"source": 30, "target": 7, "label": "U"}, {"source": 34, "target": 35, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 38, "target": 17, "label": "R"}, {"source": 42, "target": 26, "label": "E"}, {"source": 42, "target": 25, "label": "R"}, {"source": 42, "target": 28, "label": "E"}, {"source": 40, "target": 22, "label": "E"}, {"source": 39, "target": 20, "label": "F"}, {"source": 35, "target": 10, "label": "A"}, {"source": 41, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 8, "label": "A"}, {"source": 36, "target": 13, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 1, "label": "A"}, {"source": 40, "target": 23, "label": "C"}, {"source": 30, "target": 0, "label": "L"}, {"source": 34, "target": 9, "label": "P"}]} +{"id": "328828-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Instead of rescheduling they chose to waste my time instead.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 23}]}, {"id": 2, "anchors": [{"from": 24, "to": 28}]}, {"id": 3, "anchors": [{"from": 29, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 59}]}, {"id": 9, "anchors": [{"from": 59, "to": 60}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 8, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 2, "label": "A"}, {"source": 12, "target": 4, "label": "F"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "328828-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So what was the point of the appointment!?!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "E"}, {"source": 9, "target": 0, "label": "L"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 2, "label": "S"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "328828-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "To just come over and hang out?!?", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}, {"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "F"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "E"}, {"source": 8, "target": 1, "label": "D"}, {"source": 9, "target": 4, "label": "N"}]} +{"id": "328828-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will NEVER do business with this company!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 11, "label": "P"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "R"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "328828-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "EVER!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "329692-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Instructor never showed up!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 23}, {"from": 24, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 27}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "329692-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "January 15th -- We were signed up for Saturday's 2 PM class \"Beginning Yoga with Brittany.\"", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}, {"from": 31, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 46}]}, {"id": 7, "anchors": [{"from": 46, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 70}, {"from": 71, "to": 75}, {"from": 76, "to": 80}, {"from": 81, "to": 89}]}, {"id": 13, "anchors": [{"from": 89, "to": 90}]}, {"id": 14, "anchors": [{"from": 90, "to": 91}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "A"}, {"source": 19, "target": 9, "label": "E"}, {"source": 19, "target": 10, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 13, "label": "U"}, {"source": 19, "target": 8, "label": "E"}, {"source": 17, "target": 5, "label": "R"}, {"source": 17, "target": 12, "label": "C"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 4, "label": "P"}, {"source": 18, "target": 6, "label": "C"}, {"source": 19, "target": 18, "label": "E"}, {"source": 16, "target": 3, "label": "F"}, {"source": 16, "target": 1, "label": "U"}, {"source": 17, "target": 19, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 14, "label": "U"}]} +{"id": "329692-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We even arrived 10 minutes early as the website suggests.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 9, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 12, "target": 13, "label": "D"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 10, "label": "U"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "329692-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The instructor did not show up!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}, {"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "329692-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We waited until 2:25 PM and then left.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 9, "target": 11, "label": "D"}, {"source": 13, "target": 7, "label": "P"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 12, "label": "L"}, {"source": 11, "target": 3, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "329692-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There were 2 in our group, and a 3rd person was also in the parking lot waiting for this class.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 94}]}, {"id": 21, "anchors": [{"from": 94, "to": 95}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 28, "target": 13, "label": "R"}, {"source": 25, "target": 5, "label": "C"}, {"source": 29, "target": 17, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 2, "label": "C"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 18, "label": "R"}, {"source": 23, "target": 6, "label": "U"}, {"source": 23, "target": 7, "label": "L"}, {"source": 28, "target": 15, "label": "E"}, {"source": 28, "target": 14, "label": "E"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 26, "target": 8, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 27, "label": "H"}, {"source": 26, "target": 10, "label": "C"}, {"source": 27, "target": 26, "label": "A"}, {"source": 22, "target": 0, "label": "F"}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 12, "label": "D"}, {"source": 26, "target": 9, "label": "E"}, {"source": 22, "target": 1, "label": "S"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 3, "label": "R"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "329692-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well, not much I can say except I'm very disappointed with this experience.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}, {"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "E"}, {"source": 20, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "P"}, {"source": 19, "target": 10, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "D"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 6, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 17, "target": 4, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "U"}, {"source": 17, "target": 5, "label": "D"}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "329692-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was our first visit to your studio.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 11, "label": "D"}]} +{"id": "329692-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In today's instant world, there's no reason for the instructor not to even have given us a phone call or e-mail if she was going to be late.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 139}]}, {"id": 31, "anchors": [{"from": 139, "to": 140}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 32, "target": 34, "label": "E"}, {"source": 39, "target": 20, "label": "E"}, {"source": 32, "target": 3, "label": "E"}, {"source": 32, "target": 0, "label": "R"}, {"source": 33, "target": 41, "label": "H"}, {"source": 38, "target": 13, "label": "D"}, {"source": 35, "target": 9, "label": "S"}, {"source": 41, "target": 30, "label": "A"}, {"source": 37, "target": 11, "label": "E"}, {"source": 38, "target": 14, "label": "F"}, {"source": 38, "target": 40, "label": "A"}, {"source": 36, "target": 10, "label": "R"}, {"source": 33, "target": 35, "label": "H"}, {"source": 32, "target": 4, "label": "C"}, {"source": 38, "target": 18, "label": "A"}, {"source": 35, "target": 6, "label": "F"}, {"source": 38, "target": 15, "label": "D"}, {"source": 41, "target": 29, "label": "S"}, {"source": 39, "target": 19, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 39, "target": 21, "label": "C"}, {"source": 40, "target": 39, "label": "C"}, {"source": 38, "target": 17, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 8, "label": "D"}, {"source": 40, "target": 22, "label": "N"}, {"source": 41, "target": 27, "label": "D"}, {"source": 33, "target": 32, "label": "L"}, {"source": 41, "target": 26, "label": "F"}, {"source": 33, "target": 5, "label": "U"}, {"source": 38, "target": 16, "label": "F"}, {"source": 37, "target": 12, "label": "C"}, {"source": 41, "target": 31, "label": "U"}, {"source": 33, "target": 24, "label": "L"}, {"source": 41, "target": 28, "label": "F"}, {"source": 41, "target": 25, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 34, "target": 1, "label": "C"}, {"source": 34, "target": 2, "label": "R"}, {"source": 40, "target": 23, "label": "C"}, {"source": 35, "target": 7, "label": "F"}, {"source": 38, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "329692-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As a yoga studio, I'm sure you're all aware that all actions generate karma …", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 19}, {"from": 19, "to": 21}, {"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 7, "label": "F"}, {"source": 21, "target": 12, "label": "C"}, {"source": 16, "target": 2, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 16, "target": 0, "label": "R"}, {"source": 20, "target": 14, "label": "A"}, {"source": 19, "target": 9, "label": "S"}, {"source": 18, "target": 15, "label": "U"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 11, "label": "E"}, {"source": 16, "target": 3, "label": "C"}, {"source": 20, "target": 13, "label": "P"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 17, "target": 4, "label": "U"}, {"source": 20, "target": 10, "label": "F"}, {"source": 17, "target": 5, "label": "A"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "329692-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and sometimes karma can manifest itself on a bad review on Google.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 65, "to": 66}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 14, "target": 1, "label": "D"}, {"source": 14, "target": 2, "label": "A"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 7, "label": "E"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "A"}, {"source": 14, "target": 3, "label": "D"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 4, "label": "P"}, {"source": 16, "target": 10, "label": "R"}]} +{"id": "329807-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Electrician in Florence", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 28}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "R"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "329807-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been using Steele Electric for years.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}, {"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 3, "label": "P"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 1, "label": "F"}, {"source": 9, "target": 10, "label": "D"}, {"source": 9, "target": 4, "label": "A"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "329807-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have always done a great job at a reasonable price.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 15, "target": 10, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "E"}, {"source": 15, "target": 7, "label": "R"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "329807-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "329991-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I googled restaurants in the area and Fuji Sushi came up and reviews were great so I made a carry out order of : L 17.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}, {"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 68}]}, {"id": 11, "anchors": [{"from": 69, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 97}, {"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}, {"from": 115, "to": 117}]}, {"id": 22, "anchors": [{"from": 117, "to": 118}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 31, "target": 13, "label": "E"}, {"source": 25, "target": 27, "label": "C"}, {"source": 30, "target": 11, "label": "F"}, {"source": 30, "target": 12, "label": "S"}, {"source": 32, "target": 20, "label": "U"}, {"source": 32, "target": 22, "label": "U"}, {"source": 33, "target": 19, "label": "R"}, {"source": 26, "target": 5, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 27, "target": 6, "label": "N"}, {"source": 23, "target": 2, "label": "A"}, {"source": 32, "target": 14, "label": "A"}, {"source": 33, "target": 17, "label": "E"}, {"source": 27, "target": 26, "label": "C"}, {"source": 24, "target": 30, "label": "H"}, {"source": 23, "target": 28, "label": "A"}, {"source": 32, "target": 33, "label": "P"}, {"source": 26, "target": 4, "label": "E"}, {"source": 29, "target": 9, "label": "N"}, {"source": 29, "target": 8, "label": "C"}, {"source": 23, "target": 1, "label": "P"}, {"source": 27, "target": 7, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 33, "target": 16, "label": "E"}, {"source": 32, "target": 21, "label": "A"}, {"source": 28, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A"}, {"source": 33, "target": 15, "label": "F"}, {"source": 33, "target": 18, "label": "C"}, {"source": 28, "target": 29, "label": "P"}, {"source": 25, "target": 3, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 29, "target": 10, "label": "C"}]} +{"id": "329991-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mixed Tempura.....................8.25 Shrimp or vegetable tempura & salad.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 13, "to": 34}]}, {"id": 2, "anchors": [{"from": 34, "to": 38}]}, {"id": 3, "anchors": [{"from": 39, "to": 45}]}, {"id": 4, "anchors": [{"from": 46, "to": 48}]}, {"id": 5, "anchors": [{"from": 49, "to": 58}]}, {"id": 6, "anchors": [{"from": 59, "to": 66}, {"from": 69, "to": 74}]}, {"id": 7, "anchors": [{"from": 67, "to": 68}]}, {"id": 8, "anchors": [{"from": 74, "to": 75}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 14, "target": 7, "label": "U"}, {"source": 13, "target": 12, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 9, "target": 1, "label": "U"}, {"source": 11, "target": 8, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "C"}, {"source": 13, "target": 4, "label": "N"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 9, "target": 13, "label": "C"}]} +{"id": "329991-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was very happy with the customer service and even more please with the portion size, to go box set up and quality of the food for the price.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 100}, {"from": 101, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 127}]}, {"id": 26, "anchors": [{"from": 128, "to": 131}]}, {"id": 27, "anchors": [{"from": 132, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 141}]}, {"id": 29, "anchors": [{"from": 141, "to": 142}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 37, "target": 19, "label": "C"}, {"source": 40, "target": 42, "label": "D"}, {"source": 31, "target": 36, "label": "H"}, {"source": 31, "target": 8, "label": "L"}, {"source": 41, "target": 25, "label": "C"}, {"source": 30, "target": 1, "label": "F"}, {"source": 33, "target": 9, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 10, "label": "C"}, {"source": 42, "target": 29, "label": "U"}, {"source": 32, "target": 7, "label": "C"}, {"source": 34, "target": 33, "label": "S"}, {"source": 30, "target": 2, "label": "D"}, {"source": 35, "target": 12, "label": "R"}, {"source": 35, "target": 13, "label": "E"}, {"source": 39, "target": 38, "label": "P"}, {"source": 42, "target": 27, "label": "E"}, {"source": 35, "target": 15, "label": "C"}, {"source": 42, "target": 28, "label": "C"}, {"source": 42, "target": 26, "label": "R"}, {"source": 36, "target": 39, "label": "A"}, {"source": 32, "target": 6, "label": "E"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 4, "label": "R"}, {"source": 39, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 11, "label": "A"}, {"source": 30, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 41, "label": "P"}, {"source": 31, "target": 17, "label": "L"}, {"source": 40, "target": 23, "label": "R"}, {"source": 35, "target": 14, "label": "E"}, {"source": 41, "target": 24, "label": "E"}, {"source": 31, "target": 16, "label": "U"}, {"source": 30, "target": 3, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 34, "label": "H"}, {"source": 38, "target": 20, "label": "C"}, {"source": 38, "target": 21, "label": "N"}, {"source": 32, "target": 5, "label": "E"}, {"source": 38, "target": 22, "label": "C"}, {"source": 31, "target": 30, "label": "H"}, {"source": 36, "target": 18, "label": "P"}]} +{"id": "329991-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm very happy and will definitely dine in and carry out again.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}, {"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 11, "label": "D"}, {"source": 14, "target": 9, "label": "L"}, {"source": 16, "target": 6, "label": "D"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 1, "label": "S"}, {"source": 18, "target": 10, "label": "P"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 2, "label": "E"}, {"source": 16, "target": 5, "label": "F"}, {"source": 16, "target": 17, "label": "P"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 8, "label": "E"}, {"source": 14, "target": 4, "label": "L"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 18, "label": "H"}]} +{"id": "330275-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Some of the nicest people and very good work standards", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 54}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 8, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 10, "label": "E"}, {"source": 15, "target": 16, "label": "P"}, {"source": 10, "target": 0, "label": "C"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 5, "label": "N"}, {"source": 10, "target": 1, "label": "R"}, {"source": 11, "target": 2, "label": "E"}, {"source": 15, "target": 14, "label": "D"}, {"source": 14, "target": 7, "label": "C"}, {"source": 11, "target": 3, "label": "E"}, {"source": 13, "target": 15, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "330966-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Room ok.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "D"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "330966-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Service and Client base not ok.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 9, "target": 4, "label": "D"}, {"source": 7, "target": 10, "label": "C"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "N"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "C"}]} +{"id": "330966-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have stayed in this hotel many times, and while it typically offers a decent bang for the buck, its client base largely consists of troubled youngsteers and evictees from the local, not so pleasant hood.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 96, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 154}]}, {"id": 29, "anchors": [{"from": 155, "to": 158}]}, {"id": 30, "anchors": [{"from": 159, "to": 167}]}, {"id": 31, "anchors": [{"from": 168, "to": 172}]}, {"id": 32, "anchors": [{"from": 173, "to": 176}]}, {"id": 33, "anchors": [{"from": 177, "to": 182}]}, {"id": 34, "anchors": [{"from": 182, "to": 183}]}, {"id": 35, "anchors": [{"from": 184, "to": 187}]}, {"id": 36, "anchors": [{"from": 188, "to": 190}]}, {"id": 37, "anchors": [{"from": 191, "to": 199}]}, {"id": 38, "anchors": [{"from": 200, "to": 204}]}, {"id": 39, "anchors": [{"from": 204, "to": 205}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 40, "target": 42, "label": "D"}, {"source": 40, "target": 1, "label": "F"}, {"source": 55, "target": 37, "label": "C"}, {"source": 43, "target": 13, "label": "P"}, {"source": 54, "target": 33, "label": "E"}, {"source": 41, "target": 43, "label": "H"}, {"source": 40, "target": 0, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 51, "target": 52, "label": "A"}, {"source": 50, "target": 49, "label": "C"}, {"source": 41, "target": 10, "label": "L"}, {"source": 41, "target": 9, "label": "L"}, {"source": 54, "target": 55, "label": "E"}, {"source": 43, "target": 11, "label": "A"}, {"source": 41, "target": 51, "label": "A"}, {"source": 47, "target": 25, "label": "S"}, {"source": 46, "target": 23, "label": "C"}, {"source": 41, "target": 20, "label": "U"}, {"source": 46, "target": 22, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 12, "label": "D"}, {"source": 48, "target": 26, "label": "R"}, {"source": 42, "target": 6, "label": "E"}, {"source": 42, "target": 7, "label": "C"}, {"source": 53, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 19, "label": "C"}, {"source": 54, "target": 38, "label": "C"}, {"source": 52, "target": 28, "label": "S"}, {"source": 54, "target": 39, "label": "U"}, {"source": 46, "target": 21, "label": "E"}, {"source": 48, "target": 50, "label": "C"}, {"source": 54, "target": 31, "label": "R"}, {"source": 53, "target": 54, "label": "A"}, {"source": 55, "target": 36, "label": "E"}, {"source": 47, "target": 46, "label": "A"}, {"source": 41, "target": 47, "label": "H"}, {"source": 43, "target": 45, "label": "A"}, {"source": 42, "target": 4, "label": "E"}, {"source": 53, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 18, "label": "E"}, {"source": 49, "target": 27, "label": "E"}, {"source": 42, "target": 3, "label": "R"}, {"source": 50, "target": 29, "label": "N"}, {"source": 44, "target": 15, "label": "E"}, {"source": 44, "target": 14, "label": "E"}, {"source": 41, "target": 40, "label": "H"}, {"source": 50, "target": 53, "label": "C"}, {"source": 40, "target": 2, "label": "P"}, {"source": 47, "target": 24, "label": "D"}, {"source": 42, "target": 5, "label": "E"}, {"source": 45, "target": 17, "label": "R"}, {"source": 44, "target": 16, "label": "C"}, {"source": 54, "target": 34, "label": "U"}, {"source": 53, "target": 30, "label": "S"}, {"source": 54, "target": 32, "label": "E"}, {"source": 55, "target": 35, "label": "E"}, {"source": 41, "target": 8, "label": "U"}]} +{"id": "330966-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have never considered this a real problem as I travel without kids and can fend for myself, but when I had to listen to a (non-violent) domestic fight that lasted from 1 AM to 5 AM during my last stay and I found out that the front desk was unmanned during night hours, my choice was to either waste tax payers money by calling for a yet another police dispatch to this hotel, or just get over it.", "tops": [79], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}, {"from": 98, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 123}]}, {"id": 26, "anchors": [{"from": 124, "to": 125}]}, {"id": 27, "anchors": [{"from": 125, "to": 136}]}, {"id": 28, "anchors": [{"from": 136, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 146}]}, {"id": 30, "anchors": [{"from": 147, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 157}]}, {"id": 32, "anchors": [{"from": 158, "to": 164}]}, {"id": 33, "anchors": [{"from": 165, "to": 169}]}, {"id": 34, "anchors": [{"from": 170, "to": 171}, {"from": 172, "to": 174}, {"from": 175, "to": 177}, {"from": 178, "to": 179}, {"from": 180, "to": 182}]}, {"id": 35, "anchors": [{"from": 183, "to": 189}]}, {"id": 36, "anchors": [{"from": 190, "to": 192}]}, {"id": 37, "anchors": [{"from": 193, "to": 197}]}, {"id": 38, "anchors": [{"from": 198, "to": 202}]}, {"id": 39, "anchors": [{"from": 203, "to": 206}]}, {"id": 40, "anchors": [{"from": 207, "to": 208}]}, {"id": 41, "anchors": [{"from": 209, "to": 214}, {"from": 215, "to": 218}]}, {"id": 42, "anchors": [{"from": 219, "to": 223}]}, {"id": 43, "anchors": [{"from": 224, "to": 227}]}, {"id": 44, "anchors": [{"from": 228, "to": 233}]}, {"id": 45, "anchors": [{"from": 234, "to": 238}]}, {"id": 46, "anchors": [{"from": 239, "to": 242}]}, {"id": 47, "anchors": [{"from": 243, "to": 251}]}, {"id": 48, "anchors": [{"from": 252, "to": 258}]}, {"id": 49, "anchors": [{"from": 259, "to": 264}]}, {"id": 50, "anchors": [{"from": 265, "to": 270}]}, {"id": 51, "anchors": [{"from": 270, "to": 271}]}, {"id": 52, "anchors": [{"from": 272, "to": 274}]}, {"id": 53, "anchors": [{"from": 275, "to": 281}]}, {"id": 54, "anchors": [{"from": 282, "to": 285}]}, {"id": 55, "anchors": [{"from": 286, "to": 288}]}, {"id": 56, "anchors": [{"from": 289, "to": 295}]}, {"id": 57, "anchors": [{"from": 296, "to": 301}]}, {"id": 58, "anchors": [{"from": 302, "to": 305}]}, {"id": 59, "anchors": [{"from": 306, "to": 312}]}, {"id": 60, "anchors": [{"from": 313, "to": 318}]}, {"id": 61, "anchors": [{"from": 319, "to": 321}]}, {"id": 62, "anchors": [{"from": 322, "to": 329}]}, {"id": 63, "anchors": [{"from": 330, "to": 333}]}, {"id": 64, "anchors": [{"from": 334, "to": 335}]}, {"id": 65, "anchors": [{"from": 336, "to": 339}]}, {"id": 66, "anchors": [{"from": 340, "to": 347}]}, {"id": 67, "anchors": [{"from": 348, "to": 354}]}, {"id": 68, "anchors": [{"from": 355, "to": 363}]}, {"id": 69, "anchors": [{"from": 364, "to": 366}]}, {"id": 70, "anchors": [{"from": 367, "to": 371}]}, {"id": 71, "anchors": [{"from": 372, "to": 377}]}, {"id": 72, "anchors": [{"from": 377, "to": 378}]}, {"id": 73, "anchors": [{"from": 379, "to": 381}]}, {"id": 74, "anchors": [{"from": 382, "to": 386}]}, {"id": 75, "anchors": [{"from": 387, "to": 390}, {"from": 391, "to": 395}]}, {"id": 76, "anchors": [{"from": 396, "to": 398}]}, {"id": 77, "anchors": [{"from": 398, "to": 399}]}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}, {"id": 98}, {"id": 99}, {"id": 100}, {"id": 101}, {"id": 102}, {"id": 103}, {"id": 104}, {"id": 105}, {"id": 106}, {"id": 107}], "edges": [{"source": 102, "target": 103, "label": "A"}, {"source": 88, "target": 21, "label": "F"}, {"source": 83, "target": 9, "label": "A"}, {"source": 106, "target": 69, "label": "R"}, {"source": 101, "target": 55, "label": "R"}, {"source": 95, "target": 40, "label": "A"}, {"source": 101, "target": 102, "label": "E"}, {"source": 88, "target": 23, "label": "C"}, {"source": 79, "target": 73, "label": "L"}, {"source": 93, "target": 33, "label": "R"}, {"source": 96, "target": 42, "label": "R"}, {"source": 79, "target": 61, "label": "L"}, {"source": 98, "target": 48, "label": "R"}, {"source": 100, "target": 54, "label": "S"}, {"source": 82, "target": 8, "label": "R"}, {"source": 96, "target": 47, "label": "S"}, {"source": 107, "target": 74, "label": "D"}, {"source": 85, "target": 86, "label": "A"}, {"source": 92, "target": 93, "label": "A"}, {"source": 100, "target": 101, "label": "A"}, {"source": 89, "target": 26, "label": "U"}, {"source": 102, "target": 60, "label": "A"}, {"source": 91, "target": 30, "label": "C"}, {"source": 93, "target": 34, "label": "C"}, {"source": 79, "target": 107, "label": "H"}, {"source": 89, "target": 25, "label": "E"}, {"source": 105, "target": 64, "label": "E"}, {"source": 79, "target": 13, "label": "L"}, {"source": 100, "target": 99, "label": "A"}, {"source": 80, "target": 4, "label": "A"}, {"source": 79, "target": 72, "label": "U"}, {"source": 81, "target": 5, "label": "E"}, {"source": 85, "target": 15, "label": "P"}, {"source": 78, "target": 80, "label": "A"}, {"source": 89, "target": 24, "label": "R"}, {"source": 83, "target": 84, "label": "A"}, {"source": 79, "target": 90, "label": "H"}, {"source": 78, "target": 3, "label": "P"}, {"source": 99, "target": 53, "label": "C"}, {"source": 104, "target": 105, "label": "A"}, {"source": 92, "target": 31, "label": "F"}, {"source": 79, "target": 92, "label": "H"}, {"source": 86, "target": 17, "label": "C"}, {"source": 81, "target": 82, "label": "E"}, {"source": 87, "target": 89, "label": "A"}, {"source": 79, "target": 39, "label": "L"}, {"source": 106, "target": 70, "label": "E"}, {"source": 94, "target": 38, "label": "P"}, {"source": 97, "target": 45, "label": "C"}, {"source": 104, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 106, "target": 71, "label": "C"}, {"source": 103, "target": 59, "label": "C"}, {"source": 83, "target": 10, "label": "P"}, {"source": 95, "target": 96, "label": "A"}, {"source": 89, "target": 27, "label": "E"}, {"source": 79, "target": 85, "label": "H"}, {"source": 105, "target": 68, "label": "C"}, {"source": 79, "target": 35, "label": "L"}, {"source": 92, "target": 32, "label": "S"}, {"source": 78, "target": 2, "label": "D"}, {"source": 79, "target": 100, "label": "H"}, {"source": 80, "target": 81, "label": "A"}, {"source": 96, "target": 97, "label": "A"}, {"source": 95, "target": 98, "label": "D"}, {"source": 81, "target": 6, "label": "E"}, {"source": 87, "target": 22, "label": "F"}, {"source": 96, "target": 46, "label": "F"}, {"source": 82, "target": 83, "label": "C"}, {"source": 105, "target": 67, "label": "E"}, {"source": 95, "target": 41, "label": "P"}, {"source": 107, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 79, "target": 87, "label": "H"}, {"source": 101, "target": 104, "label": "C"}, {"source": 105, "target": 63, "label": "R"}, {"source": 79, "target": 19, "label": "L"}, {"source": 84, "target": 11, "label": "R"}, {"source": 79, "target": 51, "label": "U"}, {"source": 105, "target": 66, "label": "E"}, {"source": 79, "target": 18, "label": "U"}, {"source": 107, "target": 77, "label": "U"}, {"source": 85, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 91, "target": 29, "label": "E"}, {"source": 104, "target": 106, "label": "A"}, {"source": 79, "target": 94, "label": "H"}, {"source": 87, "target": 20, "label": "A"}, {"source": 85, "target": 14, "label": "D"}, {"source": 98, "target": 49, "label": "E"}, {"source": 84, "target": 12, "label": "C"}, {"source": 99, "target": 52, "label": "E"}, {"source": 79, "target": 28, "label": "U"}, {"source": 87, "target": 88, "label": "P"}, {"source": 104, "target": 62, "label": "P"}, {"source": 102, "target": 57, "label": "P"}, {"source": 107, "target": 76, "label": "A"}, {"source": 79, "target": 78, "label": "H"}, {"source": 105, "target": 65, "label": "E"}, {"source": 86, "target": 16, "label": "R"}, {"source": 98, "target": 50, "label": "C"}, {"source": 78, "target": 1, "label": "F"}, {"source": 90, "target": 91, "label": "A"}, {"source": 94, "target": 37, "label": "D"}, {"source": 107, "target": 75, "label": "P"}, {"source": 97, "target": 43, "label": "E"}, {"source": 102, "target": 40, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 79, "target": 95, "label": "H"}, {"source": 94, "target": 36, "label": "A"}, {"source": 97, "target": 44, "label": "E"}, {"source": 101, "target": 56, "label": "C"}, {"source": 81, "target": 7, "label": "C"}, {"source": 78, "target": 0, "label": "A"}, {"source": 103, "target": 58, "label": "E"}]} +{"id": "330966-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I chose the later, but approached the front desk about the hotel policy to push over their responsibilities on local authorities, not to mention the good nights sleep i paid for but didnt get.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 110}]}, {"id": 20, "anchors": [{"from": 111, "to": 116}]}, {"id": 21, "anchors": [{"from": 117, "to": 128}]}, {"id": 22, "anchors": [{"from": 128, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 144}]}, {"id": 26, "anchors": [{"from": 145, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 153}]}, {"id": 28, "anchors": [{"from": 154, "to": 159}]}, {"id": 29, "anchors": [{"from": 159, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 166}]}, {"id": 31, "anchors": [{"from": 167, "to": 168}]}, {"id": 32, "anchors": [{"from": 169, "to": 173}]}, {"id": 33, "anchors": [{"from": 174, "to": 177}]}, {"id": 34, "anchors": [{"from": 178, "to": 181}]}, {"id": 35, "anchors": [{"from": 182, "to": 185}]}, {"id": 36, "anchors": [{"from": 185, "to": 187}]}, {"id": 37, "anchors": [{"from": 188, "to": 191}]}, {"id": 38, "anchors": [{"from": 191, "to": 192}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 44, "target": 11, "label": "E"}, {"source": 45, "target": 47, "label": "A"}, {"source": 47, "target": 19, "label": "R"}, {"source": 41, "target": 3, "label": "C"}, {"source": 44, "target": 12, "label": "E"}, {"source": 45, "target": 46, "label": "A"}, {"source": 47, "target": 21, "label": "C"}, {"source": 53, "target": 38, "label": "U"}, {"source": 49, "target": 28, "label": "C"}, {"source": 40, "target": 45, "label": "H"}, {"source": 53, "target": 37, "label": "P"}, {"source": 50, "target": 30, "label": "C"}, {"source": 43, "target": 9, "label": "C"}, {"source": 40, "target": 48, "label": "H"}, {"source": 46, "target": 16, "label": "R"}, {"source": 51, "target": 52, "label": "P"}, {"source": 45, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 49, "label": "A"}, {"source": 42, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 51, "label": "H"}, {"source": 43, "target": 44, "label": "E"}, {"source": 39, "target": 0, "label": "A"}, {"source": 40, "target": 5, "label": "L"}, {"source": 46, "target": 18, "label": "C"}, {"source": 44, "target": 13, "label": "C"}, {"source": 48, "target": 24, "label": "F"}, {"source": 39, "target": 1, "label": "P"}, {"source": 43, "target": 8, "label": "E"}, {"source": 41, "target": 2, "label": "E"}, {"source": 40, "target": 31, "label": "L"}, {"source": 40, "target": 34, "label": "L"}, {"source": 53, "target": 35, "label": "F"}, {"source": 52, "target": 32, "label": "C"}, {"source": 40, "target": 14, "label": "L"}, {"source": 48, "target": 25, "label": "P"}, {"source": 43, "target": 7, "label": "E"}, {"source": 47, "target": 20, "label": "E"}, {"source": 50, "target": 29, "label": "R"}, {"source": 39, "target": 41, "label": "A"}, {"source": 45, "target": 15, "label": "P"}, {"source": 49, "target": 27, "label": "E"}, {"source": 52, "target": 33, "label": "E"}, {"source": 42, "target": 6, "label": "P"}, {"source": 51, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 17, "label": "E"}, {"source": 40, "target": 53, "label": "H"}, {"source": 40, "target": 4, "label": "U"}, {"source": 53, "target": 36, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 49, "target": 50, "label": "E"}, {"source": 40, "target": 23, "label": "L"}, {"source": 40, "target": 22, "label": "U"}, {"source": 40, "target": 42, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 44, "target": 10, "label": "R"}, {"source": 49, "target": 26, "label": "E"}, {"source": 48, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 53, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "330966-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was told management would call me back but still waiting for that call.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 6, "label": "A"}, {"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 18, "target": 17, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 18, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 3, "label": "A"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 4, "label": "F"}, {"source": 17, "target": 5, "label": "C"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 7, "label": "D"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "330966-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will probably stay here again because its cheap and I cant afford a better hotel, but do not look forward to it and would definitely not recommend this hotel for families or single female travellers.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 117}]}, {"id": 27, "anchors": [{"from": 118, "to": 123}]}, {"id": 28, "anchors": [{"from": 124, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 148}]}, {"id": 31, "anchors": [{"from": 149, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 159}]}, {"id": 33, "anchors": [{"from": 160, "to": 163}]}, {"id": 34, "anchors": [{"from": 164, "to": 172}]}, {"id": 35, "anchors": [{"from": 173, "to": 175}]}, {"id": 36, "anchors": [{"from": 176, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 189}]}, {"id": 38, "anchors": [{"from": 190, "to": 200}]}, {"id": 39, "anchors": [{"from": 200, "to": 201}]}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 49, "target": 29, "label": "D"}, {"source": 40, "target": 1, "label": "F"}, {"source": 42, "target": 7, "label": "F"}, {"source": 41, "target": 43, "label": "H"}, {"source": 40, "target": 0, "label": "A"}, {"source": 48, "target": 30, "label": "C"}, {"source": 49, "target": 48, "label": "P"}, {"source": 44, "target": 12, "label": "E"}, {"source": 49, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 35, "label": "N"}, {"source": 41, "target": 42, "label": "H"}, {"source": 41, "target": 10, "label": "L"}, {"source": 46, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 53, "label": "C"}, {"source": 40, "target": 3, "label": "P"}, {"source": 43, "target": 11, "label": "A"}, {"source": 43, "target": 13, "label": "D"}, {"source": 49, "target": 28, "label": "D"}, {"source": 44, "target": 14, "label": "C"}, {"source": 45, "target": 16, "label": "E"}, {"source": 45, "target": 15, "label": "E"}, {"source": 43, "target": 44, "label": "P"}, {"source": 47, "target": 24, "label": "R"}, {"source": 46, "target": 21, "label": "D"}, {"source": 51, "target": 52, "label": "E"}, {"source": 48, "target": 27, "label": "F"}, {"source": 53, "target": 39, "label": "U"}, {"source": 51, "target": 33, "label": "R"}, {"source": 50, "target": 31, "label": "E"}, {"source": 40, "target": 2, "label": "D"}, {"source": 41, "target": 26, "label": "L"}, {"source": 40, "target": 4, "label": "A"}, {"source": 41, "target": 6, "label": "L"}, {"source": 46, "target": 20, "label": "F"}, {"source": 43, "target": 45, "label": "A"}, {"source": 46, "target": 22, "label": "P"}, {"source": 50, "target": 32, "label": "C"}, {"source": 49, "target": 50, "label": "A"}, {"source": 40, "target": 5, "label": "D"}, {"source": 47, "target": 25, "label": "C"}, {"source": 53, "target": 36, "label": "E"}, {"source": 42, "target": 8, "label": "P"}, {"source": 49, "target": 51, "label": "A"}, {"source": 53, "target": 37, "label": "E"}, {"source": 52, "target": 34, "label": "C"}, {"source": 41, "target": 46, "label": "H"}, {"source": 41, "target": 40, "label": "H"}, {"source": 46, "target": 47, "label": "A"}, {"source": 41, "target": 18, "label": "U"}, {"source": 41, "target": 49, "label": "H"}, {"source": 42, "target": 9, "label": "A"}, {"source": 41, "target": 19, "label": "L"}, {"source": 53, "target": 38, "label": "C"}, {"source": 46, "target": 23, "label": "A"}, {"source": 45, "target": 17, "label": "C"}]} +{"id": "331662-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice selection, very clean, friendly staff!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 9, "label": "C"}, {"source": 10, "target": 2, "label": "U"}, {"source": 13, "target": 4, "label": "C"}, {"source": 10, "target": 13, "label": "E"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "U"}, {"source": 10, "target": 14, "label": "C"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "331662-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hot Iron has become a favorite of our family.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "331662-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff are very friendly and conscientious.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 5, "label": "N"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "331662-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They always ask if you have meat in your dish, (for vegetarians like me), they scrub an area of the grill and use separate utensils to cook.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 71}]}, {"id": 16, "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 92}]}, {"id": 22, "anchors": [{"from": 93, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 99}]}, {"id": 24, "anchors": [{"from": 100, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 113}]}, {"id": 27, "anchors": [{"from": 114, "to": 122}]}, {"id": 28, "anchors": [{"from": 123, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 134}]}, {"id": 30, "anchors": [{"from": 135, "to": 139}]}, {"id": 31, "anchors": [{"from": 139, "to": 140}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 43, "target": 27, "label": "E"}, {"source": 33, "target": 25, "label": "L"}, {"source": 32, "target": 1, "label": "D"}, {"source": 38, "target": 15, "label": "C"}, {"source": 37, "target": 12, "label": "R"}, {"source": 39, "target": 40, "label": "A"}, {"source": 34, "target": 10, "label": "U"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 3, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 44, "target": 31, "label": "U"}, {"source": 40, "target": 41, "label": "E"}, {"source": 36, "target": 8, "label": "E"}, {"source": 43, "target": 28, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 34, "target": 4, "label": "A"}, {"source": 36, "target": 7, "label": "R"}, {"source": 38, "target": 14, "label": "R"}, {"source": 32, "target": 2, "label": "P"}, {"source": 32, "target": 34, "label": "A"}, {"source": 33, "target": 17, "label": "U"}, {"source": 33, "target": 39, "label": "H"}, {"source": 42, "target": 26, "label": "P"}, {"source": 35, "target": 6, "label": "C"}, {"source": 44, "target": 29, "label": "R"}, {"source": 39, "target": 19, "label": "P"}, {"source": 42, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 9, "label": "C"}, {"source": 39, "target": 18, "label": "A"}, {"source": 34, "target": 36, "label": "D"}, {"source": 35, "target": 5, "label": "F"}, {"source": 33, "target": 16, "label": "U"}, {"source": 33, "target": 42, "label": "H"}, {"source": 34, "target": 37, "label": "A"}, {"source": 41, "target": 22, "label": "R"}, {"source": 32, "target": 0, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 34, "target": 35, "label": "P"}, {"source": 41, "target": 23, "label": "E"}, {"source": 34, "target": 11, "label": "U"}, {"source": 41, "target": 24, "label": "C"}, {"source": 44, "target": 30, "label": "C"}, {"source": 40, "target": 20, "label": "E"}, {"source": 37, "target": 13, "label": "C"}, {"source": 40, "target": 21, "label": "C"}]} +{"id": "331662-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They don't just dump your ingredients on and cook either, but carefully separate meat to the hotter parts of the grill and still manage to keep the veggies from turning to mush.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 135}]}, {"id": 26, "anchors": [{"from": 136, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 160}]}, {"id": 31, "anchors": [{"from": 161, "to": 168}]}, {"id": 32, "anchors": [{"from": 169, "to": 171}]}, {"id": 33, "anchors": [{"from": 172, "to": 176}]}, {"id": 34, "anchors": [{"from": 176, "to": 177}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 44, "target": 28, "label": "E"}, {"source": 43, "target": 27, "label": "P"}, {"source": 35, "target": 1, "label": "F"}, {"source": 38, "target": 9, "label": "C"}, {"source": 41, "target": 21, "label": "E"}, {"source": 39, "target": 13, "label": "D"}, {"source": 45, "target": 31, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 40, "target": 19, "label": "C"}, {"source": 43, "target": 44, "label": "A"}, {"source": 35, "target": 3, "label": "D"}, {"source": 40, "target": 17, "label": "E"}, {"source": 40, "target": 16, "label": "R"}, {"source": 45, "target": 46, "label": "A"}, {"source": 43, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 8, "label": "N"}, {"source": 40, "target": 41, "label": "E"}, {"source": 43, "target": 26, "label": "F"}, {"source": 36, "target": 12, "label": "L"}, {"source": 37, "target": 6, "label": "C"}, {"source": 39, "target": 14, "label": "D"}, {"source": 35, "target": 4, "label": "P"}, {"source": 37, "target": 5, "label": "E"}, {"source": 35, "target": 37, "label": "A"}, {"source": 42, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 33, "label": "C"}, {"source": 39, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 32, "label": "E"}, {"source": 45, "target": 30, "label": "R"}, {"source": 39, "target": 15, "label": "P"}, {"source": 36, "target": 39, "label": "H"}, {"source": 44, "target": 29, "label": "C"}, {"source": 46, "target": 34, "label": "U"}, {"source": 40, "target": 18, "label": "E"}, {"source": 38, "target": 7, "label": "C"}, {"source": 36, "target": 23, "label": "L"}, {"source": 35, "target": 0, "label": "A"}, {"source": 36, "target": 42, "label": "H"}, {"source": 43, "target": 45, "label": "A"}, {"source": 36, "target": 11, "label": "U"}, {"source": 41, "target": 20, "label": "R"}, {"source": 41, "target": 22, "label": "C"}, {"source": 42, "target": 24, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 36, "target": 35, "label": "H"}, {"source": 42, "target": 25, "label": "P"}, {"source": 35, "target": 38, "label": "A"}, {"source": 35, "target": 2, "label": "D"}, {"source": 35, "target": 10, "label": "D"}]} +{"id": "331662-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The selection of meats, veggies and sauces is awesome too!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 10, "label": "D"}, {"source": 17, "target": 9, "label": "S"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "N"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 12, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 15, "target": 4, "label": "U"}, {"source": 15, "target": 17, "label": "A"}, {"source": 12, "target": 2, "label": "R"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "331662-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Every time we go they seem to have a different ingredient or two which keeps things interesting.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 95}]}, {"id": 17, "anchors": [{"from": 95, "to": 96}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 25, "label": "A"}, {"source": 18, "target": 0, "label": "E"}, {"source": 20, "target": 2, "label": "A"}, {"source": 24, "target": 13, "label": "F"}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 24, "label": "A"}, {"source": 25, "target": 15, "label": "E"}, {"source": 20, "target": 4, "label": "A"}, {"source": 21, "target": 6, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 9, "label": "E"}, {"source": 23, "target": 11, "label": "N"}, {"source": 20, "target": 18, "label": "D"}, {"source": 20, "target": 3, "label": "D"}, {"source": 25, "target": 16, "label": "C"}, {"source": 24, "target": 14, "label": "P"}, {"source": 23, "target": 22, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 5, "label": "S"}, {"source": 21, "target": 7, "label": "P"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "331662-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Meats are kept VERY cold, seafood smells fresh and the serving bar is VERY clean.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 80, "to": 81}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 8, "label": "A"}, {"source": 17, "target": 19, "label": "S"}, {"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 10, "label": "E"}, {"source": 21, "target": 12, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 22, "target": 13, "label": "S"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 20, "target": 7, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 11, "label": "E"}, {"source": 18, "target": 9, "label": "L"}, {"source": 20, "target": 6, "label": "A"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "331662-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Prices are reasonable, (Kids meals are around 4.99) and Wednesday's they have discount dinner prices, I believe.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}, {"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 111}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 24, "target": 2, "label": "C"}, {"source": 26, "target": 16, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 27, "target": 21, "label": "U"}, {"source": 24, "target": 5, "label": "E"}, {"source": 25, "target": 12, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 27, "target": 19, "label": "A"}, {"source": 22, "target": 8, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 23, "target": 18, "label": "U"}, {"source": 24, "target": 3, "label": "U"}, {"source": 23, "target": 27, "label": "H"}, {"source": 25, "target": 13, "label": "A"}, {"source": 22, "target": 7, "label": "F"}, {"source": 24, "target": 4, "label": "U"}, {"source": 24, "target": 6, "label": "E"}, {"source": 22, "target": 1, "label": "S"}, {"source": 23, "target": 11, "label": "L"}, {"source": 22, "target": 9, "label": "A"}, {"source": 23, "target": 10, "label": "U"}, {"source": 27, "target": 20, "label": "P"}]} +{"id": "332068-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Would not recommend I Was in a fair amount of pain for several weeks.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}]}, {"id": 14, "anchors": [{"from": 68, "to": 69}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 17, "target": 15, "label": "P"}, {"source": 19, "target": 5, "label": "R"}, {"source": 19, "target": 10, "label": "C"}, {"source": 21, "target": 14, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 12, "label": "E"}, {"source": 16, "target": 17, "label": "H"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 1, "label": "D"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 4, "label": "S"}, {"source": 18, "target": 21, "label": "D"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 3, "label": "A"}, {"source": 15, "target": 0, "label": "F"}]} +{"id": "332068-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "his clinic is very very dirty he is a real disaster to go totally not organized for every step he take .", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 104}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 16, "label": "R"}, {"source": 25, "target": 3, "label": "E"}, {"source": 25, "target": 4, "label": "E"}, {"source": 32, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "S"}, {"source": 27, "target": 9, "label": "E"}, {"source": 30, "target": 14, "label": "D"}, {"source": 26, "target": 6, "label": "A"}, {"source": 31, "target": 17, "label": "E"}, {"source": 32, "target": 19, "label": "A"}, {"source": 28, "target": 12, "label": "P"}, {"source": 22, "target": 0, "label": "E"}, {"source": 22, "target": 1, "label": "C"}, {"source": 26, "target": 7, "label": "F"}, {"source": 24, "target": 26, "label": "A"}, {"source": 29, "target": 13, "label": "E"}, {"source": 24, "target": 22, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 24, "target": 2, "label": "S"}, {"source": 32, "target": 20, "label": "P"}, {"source": 31, "target": 18, "label": "C"}, {"source": 32, "target": 21, "label": "U"}, {"source": 28, "target": 11, "label": "F"}, {"source": 27, "target": 8, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 15, "label": "P"}, {"source": 31, "target": 32, "label": "E"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "332105-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My wife and I avoided doing some fairly simple electrical re-wiring in our home for several years due to overall hassle and cost involved.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 101}, {"from": 102, "to": 104}]}, {"id": 18, "anchors": [{"from": 105, "to": 112}]}, {"id": 19, "anchors": [{"from": 113, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 123}]}, {"id": 21, "anchors": [{"from": 124, "to": 128}]}, {"id": 22, "anchors": [{"from": 129, "to": 137}]}, {"id": 23, "anchors": [{"from": 137, "to": 138}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 12, "label": "E"}, {"source": 33, "target": 32, "label": "C"}, {"source": 24, "target": 0, "label": "E"}, {"source": 32, "target": 18, "label": "E"}, {"source": 33, "target": 20, "label": "N"}, {"source": 25, "target": 3, "label": "C"}, {"source": 34, "target": 23, "label": "U"}, {"source": 25, "target": 24, "label": "C"}, {"source": 29, "target": 9, "label": "E"}, {"source": 34, "target": 33, "label": "A"}, {"source": 34, "target": 22, "label": "S"}, {"source": 26, "target": 25, "label": "A"}, {"source": 26, "target": 5, "label": "P"}, {"source": 24, "target": 1, "label": "C"}, {"source": 25, "target": 2, "label": "N"}, {"source": 30, "target": 13, "label": "C"}, {"source": 29, "target": 8, "label": "E"}, {"source": 31, "target": 16, "label": "C"}, {"source": 26, "target": 30, "label": "A"}, {"source": 33, "target": 21, "label": "C"}, {"source": 30, "target": 31, "label": "E"}, {"source": 27, "target": 34, "label": "H"}, {"source": 27, "target": 17, "label": "L"}, {"source": 26, "target": 28, "label": "D"}, {"source": 28, "target": 7, "label": "C"}, {"source": 31, "target": 15, "label": "E"}, {"source": 32, "target": 19, "label": "C"}, {"source": 26, "target": 29, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 11, "label": "R"}, {"source": 26, "target": 4, "label": "D"}, {"source": 31, "target": 14, "label": "R"}, {"source": 28, "target": 6, "label": "E"}, {"source": 29, "target": 10, "label": "C"}]} +{"id": "332105-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I finally called Matt from Bonafide and he made the project both easy for us and reasonable.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}, {"from": 22, "to": 26}, {"from": 27, "to": 35}]}, {"id": 4, "anchors": [{"from": 36, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 42}]}, {"id": 6, "anchors": [{"from": 43, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 73}]}, {"id": 12, "anchors": [{"from": 74, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 91}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 18, "target": 5, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 21, "label": "C"}, {"source": 16, "target": 0, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 13, "label": "N"}, {"source": 21, "target": 22, "label": "C"}, {"source": 16, "target": 3, "label": "A"}, {"source": 17, "target": 4, "label": "L"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 6, "label": "P"}, {"source": 24, "target": 14, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 23, "target": 24, "label": "C"}, {"source": 16, "target": 1, "label": "D"}, {"source": 24, "target": 15, "label": "U"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 11, "label": "R"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "332105-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He was prompt, knowledgable, friendly, clean and just an overall great guy who obviously cares about his business.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 113}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 26, "target": 16, "label": "D"}, {"source": 25, "target": 10, "label": "E"}, {"source": 26, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "E"}, {"source": 23, "target": 1, "label": "S"}, {"source": 24, "target": 5, "label": "U"}, {"source": 24, "target": 2, "label": "C"}, {"source": 27, "target": 21, "label": "U"}, {"source": 27, "target": 20, "label": "C"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 24, "target": 7, "label": "U"}, {"source": 24, "target": 8, "label": "C"}, {"source": 26, "target": 17, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 3, "label": "U"}, {"source": 27, "target": 18, "label": "R"}, {"source": 25, "target": 13, "label": "E"}, {"source": 26, "target": 15, "label": "R"}, {"source": 23, "target": 0, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 6, "label": "C"}, {"source": 22, "target": 23, "label": "H"}, {"source": 25, "target": 12, "label": "E"}, {"source": 24, "target": 4, "label": "C"}, {"source": 27, "target": 19, "label": "E"}, {"source": 24, "target": 9, "label": "N"}]} +{"id": "332105-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will reccommend his services however/whenever possible!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 56}]}, {"id": 9, "anchors": [{"from": 56, "to": 57}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 13, "label": "R"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 14, "label": "D"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "332476-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Amazing Pictures at an Amazing Price", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}, {"from": 31, "to": 36}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "332476-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rendy is totally amazing.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "332476-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She gave me amazing pictures at an amazing price and made my wedding day so memorable.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 8, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 14, "label": "D"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 17, "target": 20, "label": "A"}, {"source": 21, "target": 10, "label": "F"}, {"source": 20, "target": 7, "label": "E"}, {"source": 20, "target": 6, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 15, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 2, "label": "A"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 9, "label": "L"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 22, "label": "P"}]} +{"id": "332476-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She was way easy to work with and made my wedding day so easy and she got some amazing pictures, not only of me, but of my family and friends.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 111}]}, {"id": 25, "anchors": [{"from": 111, "to": 112}]}, {"id": 26, "anchors": [{"from": 113, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 119}]}, {"id": 28, "anchors": [{"from": 120, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 133}]}, {"id": 31, "anchors": [{"from": 134, "to": 141}]}, {"id": 32, "anchors": [{"from": 141, "to": 142}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 33, "target": 35, "label": "P"}, {"source": 44, "target": 28, "label": "E"}, {"source": 42, "target": 22, "label": "C"}, {"source": 41, "target": 21, "label": "E"}, {"source": 33, "target": 0, "label": "A"}, {"source": 37, "target": 10, "label": "E"}, {"source": 42, "target": 23, "label": "R"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 40, "target": 19, "label": "C"}, {"source": 44, "target": 45, "label": "C"}, {"source": 40, "target": 17, "label": "E"}, {"source": 38, "target": 12, "label": "E"}, {"source": 33, "target": 4, "label": "F"}, {"source": 40, "target": 41, "label": "E"}, {"source": 38, "target": 13, "label": "C"}, {"source": 33, "target": 2, "label": "D"}, {"source": 37, "target": 9, "label": "E"}, {"source": 35, "target": 3, "label": "E"}, {"source": 34, "target": 14, "label": "L"}, {"source": 45, "target": 32, "label": "U"}, {"source": 34, "target": 7, "label": "L"}, {"source": 36, "target": 8, "label": "F"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 16, "label": "P"}, {"source": 37, "target": 11, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 18, "label": "E"}, {"source": 45, "target": 31, "label": "C"}, {"source": 45, "target": 30, "label": "N"}, {"source": 45, "target": 29, "label": "C"}, {"source": 34, "target": 33, "label": "H"}, {"source": 34, "target": 36, "label": "H"}, {"source": 40, "target": 20, "label": "U"}, {"source": 33, "target": 6, "label": "A"}, {"source": 34, "target": 38, "label": "L"}, {"source": 33, "target": 1, "label": "F"}, {"source": 35, "target": 5, "label": "C"}, {"source": 44, "target": 27, "label": "R"}, {"source": 41, "target": 24, "label": "C"}, {"source": 34, "target": 43, "label": "H"}, {"source": 39, "target": 15, "label": "A"}, {"source": 34, "target": 26, "label": "L"}, {"source": 34, "target": 25, "label": "U"}, {"source": 34, "target": 39, "label": "H"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "332476-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is amazing.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "332476-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend her to anyone!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "332785-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks for following me around the store", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 8, "target": 7, "label": "L"}, {"source": 8, "target": 10, "label": "H"}, {"source": 10, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "C"}, {"source": 9, "target": 1, "label": "R"}, {"source": 7, "target": 9, "label": "E"}]} +{"id": "332785-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Enough said.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "332785-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't steal, I wasn't acting suspiciously.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "anchors": [{"from": 20, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 7, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "S"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "U"}, {"source": 11, "target": 2, "label": "D"}, {"source": 13, "target": 6, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 3, "label": "P"}, {"source": 11, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "332785-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was ready to buy a new jacket, a new sweater and a couple of your overpriced belts and I walked out because of your obvious lurking", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 101}]}, {"id": 23, "anchors": [{"from": 102, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 112}]}, {"id": 25, "anchors": [{"from": 113, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 133}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 32, "target": 34, "label": "C"}, {"source": 31, "target": 5, "label": "E"}, {"source": 33, "target": 9, "label": "E"}, {"source": 28, "target": 2, "label": "P"}, {"source": 33, "target": 10, "label": "E"}, {"source": 39, "target": 26, "label": "E"}, {"source": 37, "target": 23, "label": "C"}, {"source": 35, "target": 18, "label": "C"}, {"source": 32, "target": 33, "label": "C"}, {"source": 35, "target": 15, "label": "R"}, {"source": 35, "target": 16, "label": "E"}, {"source": 32, "target": 31, "label": "C"}, {"source": 39, "target": 27, "label": "C"}, {"source": 32, "target": 12, "label": "N"}, {"source": 36, "target": 21, "label": "C"}, {"source": 33, "target": 11, "label": "C"}, {"source": 28, "target": 1, "label": "F"}, {"source": 29, "target": 38, "label": "H"}, {"source": 28, "target": 30, "label": "A"}, {"source": 31, "target": 7, "label": "C"}, {"source": 28, "target": 0, "label": "A"}, {"source": 32, "target": 20, "label": "C"}, {"source": 36, "target": 22, "label": "E"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 37, "label": "L"}, {"source": 29, "target": 28, "label": "H"}, {"source": 39, "target": 25, "label": "E"}, {"source": 34, "target": 13, "label": "E"}, {"source": 31, "target": 6, "label": "E"}, {"source": 35, "target": 17, "label": "E"}, {"source": 34, "target": 14, "label": "C"}, {"source": 0, "target": 36, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 37, "target": 24, "label": "F"}, {"source": 30, "target": 4, "label": "P"}, {"source": 32, "target": 19, "label": "N"}, {"source": 30, "target": 3, "label": "F"}, {"source": 32, "target": 8, "label": "U"}, {"source": 34, "target": 35, "label": "E"}]} +{"id": "332972-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best pizza ever im fat so ive had a ton of pizza other than pizza from chicago its the best", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}, {"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 85}]}, {"id": 20, "anchors": [{"from": 85, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 95}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 14, "label": "C"}, {"source": 33, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "E"}, {"source": 25, "target": 7, "label": "L"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 13, "label": "E"}, {"source": 32, "target": 17, "label": "R"}, {"source": 24, "target": 6, "label": "P"}, {"source": 28, "target": 31, "label": "A"}, {"source": 23, "target": 1, "label": "E"}, {"source": 34, "target": 18, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 30, "label": "E"}, {"source": 33, "target": 20, "label": "P"}, {"source": 25, "target": 28, "label": "H"}, {"source": 31, "target": 15, "label": "R"}, {"source": 27, "target": 5, "label": "C"}, {"source": 28, "target": 8, "label": "A"}, {"source": 31, "target": 16, "label": "C"}, {"source": 26, "target": 4, "label": "C"}, {"source": 28, "target": 9, "label": "P"}, {"source": 34, "target": 22, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 26, "label": "E"}, {"source": 32, "target": 33, "label": "E"}, {"source": 23, "target": 0, "label": "E"}, {"source": 29, "target": 11, "label": "C"}, {"source": 23, "target": 2, "label": "C"}, {"source": 33, "target": 19, "label": "A"}, {"source": 29, "target": 10, "label": "E"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 18, "label": "C"}, {"source": 30, "target": 12, "label": "R"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "333243-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very unhappy ...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "P"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "333243-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Working with Rod Jacobsen was my first experience working with a CPA, so I did not know what to expect.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}, {"from": 17, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 49}]}, {"id": 7, "anchors": [{"from": 50, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 68}]}, {"id": 11, "anchors": [{"from": 68, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "anchors": [{"from": 102, "to": 103}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 4, "label": "A"}, {"source": 27, "target": 8, "label": "R"}, {"source": 28, "target": 16, "label": "P"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 18, "label": "F"}, {"source": 28, "target": 15, "label": "D"}, {"source": 26, "target": 6, "label": "E"}, {"source": 27, "target": 9, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 29, "target": 19, "label": "P"}, {"source": 25, "target": 5, "label": "D"}, {"source": 21, "target": 23, "label": "A"}, {"source": 29, "target": 17, "label": "A"}, {"source": 22, "target": 11, "label": "U"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 7, "label": "C"}, {"source": 22, "target": 12, "label": "L"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 22, "target": 24, "label": "H"}, {"source": 28, "target": 14, "label": "F"}, {"source": 28, "target": 13, "label": "A"}, {"source": 24, "target": 3, "label": "S"}, {"source": 23, "target": 2, "label": "C"}, {"source": 23, "target": 1, "label": "R"}, {"source": 21, "target": 0, "label": "P"}, {"source": 22, "target": 21, "label": "H"}]} +{"id": "333243-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That said - he seemed to be doing well enough.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 13, "target": 7, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 9, "label": "D"}, {"source": 13, "target": 8, "label": "D"}, {"source": 13, "target": 3, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 2, "label": "U"}, {"source": 13, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "G"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "333243-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, then I asked to amend my return to apply a credit I had just become eligible for.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 89, "to": 90}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 14, "label": "F"}, {"source": 20, "target": 1, "label": "U"}, {"source": 20, "target": 0, "label": "L"}, {"source": 26, "target": 18, "label": "R"}, {"source": 22, "target": 7, "label": "E"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 17, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 21, "target": 4, "label": "D"}, {"source": 23, "target": 10, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 5, "label": "F"}, {"source": 25, "target": 13, "label": "A"}, {"source": 20, "target": 2, "label": "L"}, {"source": 21, "target": 3, "label": "A"}, {"source": 23, "target": 9, "label": "F"}, {"source": 25, "target": 16, "label": "D"}, {"source": 22, "target": 8, "label": "C"}, {"source": 25, "target": 15, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "333243-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I expected to pay for this service, but imagine my surprise when I received a bill for MORE than what I paid to have the original return prepared.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "anchors": [{"from": 97, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 108}]}, {"id": 23, "anchors": [{"from": 109, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 146}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 42, "label": "G"}, {"source": 37, "target": 15, "label": "E"}, {"source": 31, "target": 36, "label": "H"}, {"source": 33, "target": 4, "label": "R"}, {"source": 31, "target": 8, "label": "L"}, {"source": 40, "target": 23, "label": "F"}, {"source": 38, "target": 18, "label": "C"}, {"source": 33, "target": 6, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 42, "target": 29, "label": "U"}, {"source": 37, "target": 38, "label": "E"}, {"source": 37, "target": 16, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 42, "target": 28, "label": "C"}, {"source": 31, "target": 7, "label": "U"}, {"source": 35, "target": 11, "label": "C"}, {"source": 36, "target": 13, "label": "A"}, {"source": 35, "target": 10, "label": "E"}, {"source": 30, "target": 0, "label": "A"}, {"source": 41, "target": 25, "label": "E"}, {"source": 32, "target": 2, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 33, "target": 5, "label": "E"}, {"source": 41, "target": 26, "label": "E"}, {"source": 38, "target": 17, "label": "R"}, {"source": 40, "target": 24, "label": "P"}, {"source": 32, "target": 3, "label": "P"}, {"source": 31, "target": 12, "label": "L"}, {"source": 30, "target": 1, "label": "P"}, {"source": 31, "target": 19, "label": "L"}, {"source": 39, "target": 20, "label": "F"}, {"source": 41, "target": 27, "label": "C"}, {"source": 31, "target": 39, "label": "H"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 14, "label": "P"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 34, "label": "H"}, {"source": 39, "target": 21, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 39, "target": 22, "label": "P"}, {"source": 31, "target": 30, "label": "H"}, {"source": 34, "target": 9, "label": "P"}]} +{"id": "333243-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Asked why, Rod simply told me that he had to research how to do the amendment (it was an amended to show that I had purchased a home - nothing out of the ordinary, one would think) and that took time to figure out.", "tops": [49], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 81}]}, {"id": 19, "anchors": [{"from": 82, "to": 85}]}, {"id": 20, "anchors": [{"from": 86, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 104}]}, {"id": 24, "anchors": [{"from": 105, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 125}]}, {"id": 28, "anchors": [{"from": 126, "to": 127}]}, {"id": 29, "anchors": [{"from": 128, "to": 132}]}, {"id": 30, "anchors": [{"from": 133, "to": 134}]}, {"id": 31, "anchors": [{"from": 135, "to": 142}]}, {"id": 32, "anchors": [{"from": 143, "to": 146}]}, {"id": 33, "anchors": [{"from": 147, "to": 149}]}, {"id": 34, "anchors": [{"from": 150, "to": 153}]}, {"id": 35, "anchors": [{"from": 154, "to": 162}]}, {"id": 36, "anchors": [{"from": 162, "to": 163}]}, {"id": 37, "anchors": [{"from": 164, "to": 167}]}, {"id": 38, "anchors": [{"from": 168, "to": 173}]}, {"id": 39, "anchors": [{"from": 174, "to": 179}]}, {"id": 40, "anchors": [{"from": 179, "to": 180}]}, {"id": 41, "anchors": [{"from": 181, "to": 184}]}, {"id": 42, "anchors": [{"from": 185, "to": 189}]}, {"id": 43, "anchors": [{"from": 190, "to": 194}]}, {"id": 44, "anchors": [{"from": 195, "to": 199}]}, {"id": 45, "anchors": [{"from": 200, "to": 202}]}, {"id": 46, "anchors": [{"from": 203, "to": 209}, {"from": 210, "to": 213}]}, {"id": 47, "anchors": [{"from": 213, "to": 214}]}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}], "edges": [{"source": 62, "target": 61, "label": "R"}, {"source": 61, "target": 32, "label": "C"}, {"source": 51, "target": 6, "label": "A"}, {"source": 63, "target": 37, "label": "A"}, {"source": 48, "target": 0, "label": "P"}, {"source": 66, "target": 43, "label": "F"}, {"source": 54, "target": 12, "label": "D"}, {"source": 49, "target": 65, "label": "H"}, {"source": 49, "target": 56, "label": "H"}, {"source": 49, "target": 51, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 52, "target": 53, "label": "P"}, {"source": 57, "target": 20, "label": "E"}, {"source": 58, "target": 23, "label": "P"}, {"source": 58, "target": 59, "label": "A"}, {"source": 59, "target": 26, "label": "F"}, {"source": 66, "target": 44, "label": "C"}, {"source": 52, "target": 10, "label": "F"}, {"source": 60, "target": 29, "label": "E"}, {"source": 52, "target": 7, "label": "R"}, {"source": 64, "target": 39, "label": "C"}, {"source": 58, "target": 22, "label": "F"}, {"source": 64, "target": 38, "label": "F"}, {"source": 52, "target": 8, "label": "A"}, {"source": 54, "target": 55, "label": "A"}, {"source": 60, "target": 30, "label": "U"}, {"source": 54, "target": 14, "label": "P"}, {"source": 61, "target": 33, "label": "F"}, {"source": 54, "target": 13, "label": "F"}, {"source": 65, "target": 66, "label": "P"}, {"source": 59, "target": 24, "label": "F"}, {"source": 67, "target": 46, "label": "P"}, {"source": 50, "target": 1, "label": "R"}, {"source": 65, "target": 42, "label": "F"}, {"source": 59, "target": 60, "label": "A"}, {"source": 55, "target": 15, "label": "E"}, {"source": 60, "target": 31, "label": "C"}, {"source": 49, "target": 36, "label": "U"}, {"source": 53, "target": 11, "label": "C"}, {"source": 62, "target": 35, "label": "C"}, {"source": 49, "target": 41, "label": "L"}, {"source": 56, "target": 57, "label": "A"}, {"source": 60, "target": 62, "label": "E"}, {"source": 49, "target": 17, "label": "U"}, {"source": 56, "target": 19, "label": "S"}, {"source": 49, "target": 63, "label": "H"}, {"source": 62, "target": 34, "label": "E"}, {"source": 49, "target": 48, "label": "H"}, {"source": 56, "target": 18, "label": "A"}, {"source": 55, "target": 16, "label": "C"}, {"source": 50, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 57, "target": 58, "label": "E"}, {"source": 51, "target": 4, "label": "D"}, {"source": 52, "target": 54, "label": "A"}, {"source": 50, "target": 2, "label": "U"}, {"source": 67, "target": 47, "label": "U"}, {"source": 59, "target": 25, "label": "A"}, {"source": 48, "target": 50, "label": "A"}, {"source": 63, "target": 64, "label": "P"}, {"source": 67, "target": 45, "label": "F"}, {"source": 53, "target": 9, "label": "F"}, {"source": 51, "target": 3, "label": "A"}, {"source": 51, "target": 5, "label": "P"}, {"source": 49, "target": 40, "label": "U"}, {"source": 57, "target": 21, "label": "E"}, {"source": 59, "target": 27, "label": "P"}, {"source": 60, "target": 28, "label": "E"}, {"source": 65, "target": 67, "label": "A"}]} +{"id": "333243-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well, that was strike one.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 4, "label": "S"}, {"source": 8, "target": 5, "label": "A"}, {"source": 7, "target": 0, "label": "L"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 2, "label": "A"}, {"source": 7, "target": 1, "label": "U"}]} +{"id": "333243-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wasn't going to use them again, but I was going to leave it at that.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 52}]}, {"id": 14, "anchors": [{"from": 53, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 69}]}, {"id": 18, "anchors": [{"from": 69, "to": 70}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "D"}, {"source": 22, "target": 16, "label": "R"}, {"source": 21, "target": 12, "label": "D"}, {"source": 19, "target": 1, "label": "F"}, {"source": 19, "target": 5, "label": "P"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 17, "label": "E"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 6, "label": "A"}, {"source": 19, "target": 7, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 8, "label": "U"}, {"source": 19, "target": 2, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 21, "target": 14, "label": "P"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 18, "label": "U"}, {"source": 21, "target": 13, "label": "F"}, {"source": 19, "target": 4, "label": "F"}, {"source": 21, "target": 15, "label": "A"}]} +{"id": "333243-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However, now that I have come to realize that I am going to owe the IRS $6,000+ despite doing exactly what Rod told me to do, I feel I have to voice my opinion.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 71}, {"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 115}]}, {"id": 25, "anchors": [{"from": 116, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 121}]}, {"id": 27, "anchors": [{"from": 122, "to": 124}]}, {"id": 28, "anchors": [{"from": 124, "to": 125}]}, {"id": 29, "anchors": [{"from": 126, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 134}]}, {"id": 32, "anchors": [{"from": 135, "to": 139}]}, {"id": 33, "anchors": [{"from": 140, "to": 142}]}, {"id": 34, "anchors": [{"from": 143, "to": 148}]}, {"id": 35, "anchors": [{"from": 149, "to": 151}]}, {"id": 36, "anchors": [{"from": 152, "to": 159}]}, {"id": 37, "anchors": [{"from": 159, "to": 160}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 41, "target": 17, "label": "U"}, {"source": 40, "target": 10, "label": "A"}, {"source": 38, "target": 28, "label": "U"}, {"source": 38, "target": 1, "label": "U"}, {"source": 49, "target": 37, "label": "U"}, {"source": 38, "target": 18, "label": "U"}, {"source": 39, "target": 40, "label": "A"}, {"source": 39, "target": 2, "label": "D"}, {"source": 38, "target": 39, "label": "H"}, {"source": 48, "target": 32, "label": "F"}, {"source": 48, "target": 34, "label": "C"}, {"source": 42, "target": 21, "label": "D"}, {"source": 38, "target": 19, "label": "L"}, {"source": 49, "target": 35, "label": "E"}, {"source": 40, "target": 41, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 39, "target": 4, "label": "A"}, {"source": 46, "target": 30, "label": "P"}, {"source": 40, "target": 13, "label": "F"}, {"source": 38, "target": 0, "label": "L"}, {"source": 43, "target": 22, "label": "R"}, {"source": 45, "target": 27, "label": "P"}, {"source": 44, "target": 25, "label": "A"}, {"source": 45, "target": 26, "label": "F"}, {"source": 39, "target": 5, "label": "F"}, {"source": 44, "target": 24, "label": "P"}, {"source": 39, "target": 3, "label": "F"}, {"source": 47, "target": 33, "label": "F"}, {"source": 41, "target": 16, "label": "C"}, {"source": 40, "target": 14, "label": "P"}, {"source": 46, "target": 29, "label": "A"}, {"source": 38, "target": 42, "label": "H"}, {"source": 42, "target": 20, "label": "P"}, {"source": 39, "target": 8, "label": "P"}, {"source": 43, "target": 23, "label": "C"}, {"source": 38, "target": 46, "label": "H"}, {"source": 47, "target": 48, "label": "P"}, {"source": 45, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 15, "label": "E"}, {"source": 39, "target": 7, "label": "F"}, {"source": 40, "target": 11, "label": "F"}, {"source": 40, "target": 12, "label": "D"}, {"source": 39, "target": 6, "label": "D"}, {"source": 42, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 47, "target": 49, "label": "A"}, {"source": 46, "target": 47, "label": "A"}, {"source": 49, "target": 36, "label": "C"}, {"source": 47, "target": 31, "label": "A"}, {"source": 40, "target": 9, "label": "R"}]} +{"id": "333243-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Last year, after all was said and done, I asked Rod whether my payment structure would leave me with no/little tax liability at the end of the year.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 100}]}, {"id": 21, "anchors": [{"from": 101, "to": 103}]}, {"id": 22, "anchors": [{"from": 103, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 147}]}, {"id": 32, "anchors": [{"from": 147, "to": 148}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 43, "target": 26, "label": "R"}, {"source": 43, "target": 27, "label": "E"}, {"source": 38, "target": 41, "label": "A"}, {"source": 35, "target": 37, "label": "H"}, {"source": 38, "target": 39, "label": "A"}, {"source": 42, "target": 22, "label": "U"}, {"source": 41, "target": 25, "label": "C"}, {"source": 44, "target": 30, "label": "E"}, {"source": 33, "target": 0, "label": "E"}, {"source": 43, "target": 28, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 35, "target": 4, "label": "L"}, {"source": 40, "target": 17, "label": "F"}, {"source": 35, "target": 3, "label": "L"}, {"source": 43, "target": 44, "label": "E"}, {"source": 35, "target": 9, "label": "U"}, {"source": 37, "target": 12, "label": "A"}, {"source": 34, "target": 36, "label": "P"}, {"source": 36, "target": 6, "label": "C"}, {"source": 36, "target": 7, "label": "N"}, {"source": 40, "target": 18, "label": "C"}, {"source": 39, "target": 15, "label": "E"}, {"source": 44, "target": 31, "label": "C"}, {"source": 42, "target": 23, "label": "C"}, {"source": 44, "target": 29, "label": "R"}, {"source": 33, "target": 1, "label": "C"}, {"source": 35, "target": 2, "label": "U"}, {"source": 37, "target": 10, "label": "A"}, {"source": 38, "target": 13, "label": "R"}, {"source": 37, "target": 11, "label": "P"}, {"source": 36, "target": 8, "label": "C"}, {"source": 38, "target": 40, "label": "P"}, {"source": 38, "target": 43, "label": "D"}, {"source": 34, "target": 5, "label": "F"}, {"source": 42, "target": 21, "label": "E"}, {"source": 38, "target": 19, "label": "A"}, {"source": 41, "target": 20, "label": "R"}, {"source": 41, "target": 24, "label": "E"}, {"source": 44, "target": 32, "label": "U"}, {"source": 39, "target": 16, "label": "C"}, {"source": 34, "target": 33, "label": "D"}, {"source": 39, "target": 14, "label": "E"}, {"source": 35, "target": 34, "label": "H"}, {"source": 41, "target": 42, "label": "E"}]} +{"id": "333243-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He said yes.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "333243-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I may not have to pay a penalty, yet, but this is NOT what I had in mind when hired these guys.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 36}, {"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 36, "to": 37}]}, {"id": 11, "anchors": [{"from": 42, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 89}]}, {"id": 22, "anchors": [{"from": 90, "to": 94}]}, {"id": 23, "anchors": [{"from": 94, "to": 95}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 26, "label": "P"}, {"source": 24, "target": 4, "label": "F"}, {"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 9, "label": "L"}, {"source": 24, "target": 1, "label": "D"}, {"source": 28, "target": 12, "label": "S"}, {"source": 31, "target": 20, "label": "P"}, {"source": 24, "target": 2, "label": "D"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 17, "label": "R"}, {"source": 29, "target": 14, "label": "F"}, {"source": 32, "target": 22, "label": "C"}, {"source": 26, "target": 5, "label": "C"}, {"source": 25, "target": 8, "label": "U"}, {"source": 25, "target": 28, "label": "H"}, {"source": 27, "target": 6, "label": "E"}, {"source": 28, "target": 13, "label": "D"}, {"source": 24, "target": 0, "label": "A"}, {"source": 30, "target": 18, "label": "C"}, {"source": 25, "target": 19, "label": "L"}, {"source": 25, "target": 31, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 7, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 29, "target": 15, "label": "A"}, {"source": 26, "target": 3, "label": "F"}, {"source": 31, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 21, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 29, "target": 16, "label": "P"}, {"source": 28, "target": 11, "label": "A"}, {"source": 25, "target": 10, "label": "U"}, {"source": 24, "target": 27, "label": "A"}]} +{"id": "333243-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In the words of my new accountant, THEY LET ME DOWN!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 33}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}, {"from": 40, "to": 43}, {"from": 44, "to": 46}, {"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 3, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "U"}, {"source": 13, "target": 5, "label": "E"}, {"source": 10, "target": 1, "label": "E"}, {"source": 10, "target": 0, "label": "R"}, {"source": 12, "target": 10, "label": "P"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "333628-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WHAT A GREAT DEAL THANK YOU", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}, {"from": 7, "to": 12}, {"from": 13, "to": 17}, {"from": 18, "to": 23}, {"from": 24, "to": 27}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "333672-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Car Dealer in TX", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 8, "target": 3, "label": "R"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "E"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "333672-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I purchased a nissan from this dealship.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "333672-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The sales men were very knowledgeable about every aspect of every car we looked at.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 21, "target": 11, "label": "C"}, {"source": 21, "target": 9, "label": "R"}, {"source": 20, "target": 8, "label": "C"}, {"source": 23, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "F"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 4, "label": "D"}, {"source": 21, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "R"}, {"source": 22, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "E"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 7, "label": "E"}, {"source": 18, "target": 5, "label": "S"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 16, "target": 2, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 6, "label": "R"}, {"source": 23, "target": 11, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 22, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "333672-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were very patient and helpful from showing the cars to doing the paperwork.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 80}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 16, "target": 19, "label": "A"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 18, "target": 4, "label": "N"}, {"source": 17, "target": 3, "label": "C"}, {"source": 22, "target": 10, "label": "R"}, {"source": 16, "target": 1, "label": "F"}, {"source": 22, "target": 11, "label": "P"}, {"source": 18, "target": 17, "label": "C"}, {"source": 20, "target": 7, "label": "P"}, {"source": 23, "target": 13, "label": "C"}, {"source": 16, "target": 18, "label": "S"}, {"source": 17, "target": 2, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "U"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 12, "label": "E"}, {"source": 19, "target": 20, "label": "C"}, {"source": 18, "target": 5, "label": "C"}, {"source": 21, "target": 8, "label": "E"}, {"source": 19, "target": 6, "label": "R"}]} +{"id": "333672-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The paperwork was a very easy and smooth.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 12, "label": "S"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 13, "label": "C"}, {"source": 11, "target": 8, "label": "U"}, {"source": 13, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "C"}, {"source": 14, "target": 6, "label": "N"}, {"source": 10, "target": 9, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 14, "label": "C"}]} +{"id": "333672-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They tried to run my credit score as less as possible so it won't hurt my score.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 79}]}, {"id": 18, "anchors": [{"from": 79, "to": 80}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 19, "target": 22, "label": "A"}, {"source": 20, "target": 11, "label": "L"}, {"source": 22, "target": 8, "label": "E"}, {"source": 21, "target": 5, "label": "E"}, {"source": 20, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "R"}, {"source": 21, "target": 4, "label": "E"}, {"source": 23, "target": 13, "label": "D"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 15, "label": "P"}, {"source": 24, "target": 16, "label": "E"}, {"source": 19, "target": 3, "label": "P"}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 17, "label": "C"}, {"source": 22, "target": 7, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 14, "label": "D"}]} +{"id": "333672-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overall, I was very happy with the customer service and my purchase.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 16, "target": 18, "label": "C"}, {"source": 14, "target": 0, "label": "L"}, {"source": 19, "target": 12, "label": "P"}, {"source": 17, "target": 9, "label": "C"}, {"source": 15, "target": 4, "label": "D"}, {"source": 18, "target": 19, "label": "C"}, {"source": 15, "target": 3, "label": "F"}, {"source": 18, "target": 10, "label": "N"}, {"source": 19, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "U"}, {"source": 17, "target": 7, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 17, "label": "C"}, {"source": 17, "target": 8, "label": "E"}, {"source": 16, "target": 6, "label": "R"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "P"}, {"source": 15, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "A"}]} +{"id": "333672-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you're looking to buy a car, definitely give them a call.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 59, "to": 60}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 3, "label": "P"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 11, "label": "A"}, {"source": 20, "target": 13, "label": "C"}, {"source": 15, "target": 19, "label": "H"}, {"source": 16, "target": 1, "label": "A"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 6, "label": "E"}, {"source": 17, "target": 4, "label": "F"}, {"source": 16, "target": 2, "label": "F"}, {"source": 17, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "L"}, {"source": 20, "target": 12, "label": "E"}, {"source": 15, "target": 8, "label": "U"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "333672-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have a huge inventory.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "334388-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No way.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 3, "label": "D"}, {"source": 3, "target": 0, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "334388-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm certainly no expert on asian food in fact not even a lover of Vietnamese food but I wanted to try the real things here at A Dong.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 127}, {"from": 128, "to": 132}]}, {"id": 28, "anchors": [{"from": 132, "to": 133}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 34, "target": 33, "label": "E"}, {"source": 35, "target": 19, "label": "D"}, {"source": 32, "target": 34, "label": "E"}, {"source": 37, "target": 26, "label": "R"}, {"source": 29, "target": 31, "label": "A"}, {"source": 34, "target": 15, "label": "E"}, {"source": 29, "target": 3, "label": "D"}, {"source": 30, "target": 29, "label": "H"}, {"source": 36, "target": 24, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 33, "target": 11, "label": "F"}, {"source": 35, "target": 21, "label": "P"}, {"source": 33, "target": 13, "label": "C"}, {"source": 30, "target": 35, "label": "H"}, {"source": 30, "target": 17, "label": "L"}, {"source": 31, "target": 7, "label": "C"}, {"source": 35, "target": 37, "label": "A"}, {"source": 32, "target": 9, "label": "C"}, {"source": 29, "target": 1, "label": "P"}, {"source": 35, "target": 18, "label": "A"}, {"source": 36, "target": 23, "label": "E"}, {"source": 36, "target": 22, "label": "E"}, {"source": 33, "target": 14, "label": "R"}, {"source": 29, "target": 2, "label": "D"}, {"source": 29, "target": 4, "label": "C"}, {"source": 31, "target": 6, "label": "E"}, {"source": 37, "target": 27, "label": "C"}, {"source": 34, "target": 16, "label": "C"}, {"source": 33, "target": 10, "label": "R"}, {"source": 29, "target": 0, "label": "A"}, {"source": 36, "target": 25, "label": "C"}, {"source": 37, "target": 28, "label": "U"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 5, "label": "R"}, {"source": 31, "target": 32, "label": "E"}, {"source": 32, "target": 8, "label": "R"}, {"source": 35, "target": 20, "label": "F"}]} +{"id": "334388-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cold, slimy, tasteless however is the same in all languages and foods.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 12, "label": "N"}, {"source": 15, "target": 0, "label": "C"}, {"source": 19, "target": 9, "label": "R"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 16, "target": 17, "label": "H"}, {"source": 18, "target": 7, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 15, "target": 1, "label": "U"}, {"source": 17, "target": 5, "label": "D"}, {"source": 17, "target": 6, "label": "S"}, {"source": 17, "target": 15, "label": "A"}, {"source": 15, "target": 3, "label": "U"}, {"source": 19, "target": 20, "label": "C"}, {"source": 19, "target": 10, "label": "E"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "334388-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not good, not great, and again another disappointment in Central Iowa.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}, {"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 14, "target": 2, "label": "U"}, {"source": 20, "target": 11, "label": "C"}, {"source": 16, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 18, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 17, "label": "C"}, {"source": 14, "target": 13, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 13, "target": 1, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 18, "target": 7, "label": "C"}, {"source": 16, "target": 19, "label": "P"}, {"source": 20, "target": 12, "label": "U"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 5, "label": "U"}, {"source": 16, "target": 14, "label": "A"}, {"source": 20, "target": 10, "label": "R"}]} +{"id": "334388-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How do these places stay in business.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 1, "label": "P"}, {"source": 12, "target": 6, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "P"}, {"source": 11, "target": 10, "label": "A"}, {"source": 12, "target": 5, "label": "R"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "334388-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This town needs some food soul and this is not it.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "N"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 15, "label": "C"}, {"source": 14, "target": 9, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 11, "label": "U"}, {"source": 15, "target": 3, "label": "E"}, {"source": 14, "target": 10, "label": "A"}, {"source": 14, "target": 8, "label": "F"}]} +{"id": "334808-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great deals, great pizza!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 10, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "U"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "C"}]} +{"id": "334928-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One of the better vegetarian sandwiches I've had in Seattle.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}, {"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 11, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "C"}, {"source": 16, "target": 8, "label": "R"}, {"source": 13, "target": 12, "label": "E"}, {"source": 11, "target": 1, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 4, "label": "E"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "334928-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And from a place that specializes in high quality meat, too.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 59, "to": 60}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 1, "label": "R"}, {"source": 17, "target": 9, "label": "C"}, {"source": 16, "target": 5, "label": "P"}, {"source": 17, "target": 11, "label": "E"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 0, "label": "L"}, {"source": 17, "target": 6, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 10, "label": "U"}, {"source": 16, "target": 4, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 16, "target": 17, "label": "A"}, {"source": 13, "target": 3, "label": "H"}]} +{"id": "335225-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best Salsa (hehehe)", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "U"}, {"source": 7, "target": 3, "label": "U"}, {"source": 7, "target": 2, "label": "D"}, {"source": 7, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "335225-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After my trees were cleaned up, they gave me a jar of salsa.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}, {"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 11, "label": "R"}, {"source": 14, "target": 0, "label": "L"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 2, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 10, "label": "C"}, {"source": 16, "target": 15, "label": "A"}, {"source": 19, "target": 13, "label": "U"}, {"source": 14, "target": 5, "label": "U"}, {"source": 17, "target": 8, "label": "A"}, {"source": 16, "target": 4, "label": "P"}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 17, "target": 7, "label": "P"}, {"source": 15, "target": 1, "label": "E"}, {"source": 16, "target": 3, "label": "F"}, {"source": 14, "target": 17, "label": "H"}, {"source": 17, "target": 6, "label": "A"}]} +{"id": "335225-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner warned me that it was the best salsa I would ever had, and he was right.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 81}]}, {"id": 19, "anchors": [{"from": 81, "to": 82}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 11, "label": "F"}, {"source": 20, "target": 1, "label": "C"}, {"source": 22, "target": 14, "label": "U"}, {"source": 24, "target": 7, "label": "E"}, {"source": 22, "target": 15, "label": "L"}, {"source": 25, "target": 12, "label": "D"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 25, "target": 10, "label": "A"}, {"source": 23, "target": 6, "label": "S"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 27, "target": 18, "label": "S"}, {"source": 22, "target": 27, "label": "H"}, {"source": 26, "target": 13, "label": "C"}, {"source": 25, "target": 26, "label": "P"}, {"source": 21, "target": 20, "label": "A"}, {"source": 23, "target": 4, "label": "F"}, {"source": 21, "target": 3, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 24, "target": 8, "label": "E"}, {"source": 27, "target": 17, "label": "F"}, {"source": 22, "target": 21, "label": "H"}, {"source": 23, "target": 5, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 19, "label": "U"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "335225-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No joke!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "335225-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I hate to say check them out just for the salsa, but James, I NEED another jar badly :) All kidding aside, they are a very good company, I have a hard time giving any service biz a 5 star review but they came close.", "tops": [51], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 58}]}, {"id": 14, "anchors": [{"from": 58, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 74}]}, {"id": 18, "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "anchors": [{"from": 79, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 105}]}, {"id": 24, "anchors": [{"from": 105, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 115}]}, {"id": 27, "anchors": [{"from": 116, "to": 117}]}, {"id": 28, "anchors": [{"from": 118, "to": 122}]}, {"id": 29, "anchors": [{"from": 123, "to": 127}]}, {"id": 30, "anchors": [{"from": 128, "to": 135}]}, {"id": 31, "anchors": [{"from": 135, "to": 136}]}, {"id": 32, "anchors": [{"from": 137, "to": 138}]}, {"id": 33, "anchors": [{"from": 139, "to": 143}]}, {"id": 34, "anchors": [{"from": 144, "to": 145}]}, {"id": 35, "anchors": [{"from": 146, "to": 150}]}, {"id": 36, "anchors": [{"from": 151, "to": 155}]}, {"id": 37, "anchors": [{"from": 156, "to": 162}]}, {"id": 38, "anchors": [{"from": 163, "to": 166}]}, {"id": 39, "anchors": [{"from": 167, "to": 174}]}, {"id": 40, "anchors": [{"from": 175, "to": 178}]}, {"id": 41, "anchors": [{"from": 179, "to": 180}]}, {"id": 42, "anchors": [{"from": 181, "to": 182}]}, {"id": 43, "anchors": [{"from": 183, "to": 187}]}, {"id": 44, "anchors": [{"from": 188, "to": 194}]}, {"id": 45, "anchors": [{"from": 195, "to": 198}]}, {"id": 46, "anchors": [{"from": 199, "to": 203}]}, {"id": 47, "anchors": [{"from": 204, "to": 208}, {"from": 209, "to": 214}]}, {"id": 48, "anchors": [{"from": 214, "to": 215}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}], "edges": [{"source": 69, "target": 46, "label": "A"}, {"source": 57, "target": 16, "label": "S"}, {"source": 57, "target": 19, "label": "D"}, {"source": 57, "target": 15, "label": "A"}, {"source": 60, "target": 26, "label": "S"}, {"source": 60, "target": 61, "label": "A"}, {"source": 64, "target": 35, "label": "E"}, {"source": 62, "target": 29, "label": "C"}, {"source": 68, "target": 43, "label": "E"}, {"source": 54, "target": 13, "label": "C"}, {"source": 49, "target": 0, "label": "E"}, {"source": 63, "target": 65, "label": "A"}, {"source": 68, "target": 41, "label": "E"}, {"source": 51, "target": 20, "label": "U"}, {"source": 68, "target": 42, "label": "E"}, {"source": 56, "target": 9, "label": "E"}, {"source": 65, "target": 37, "label": "P"}, {"source": 54, "target": 11, "label": "U"}, {"source": 52, "target": 2, "label": "F"}, {"source": 50, "target": 1, "label": "P"}, {"source": 50, "target": 52, "label": "A"}, {"source": 59, "target": 21, "label": "A"}, {"source": 51, "target": 31, "label": "U"}, {"source": 51, "target": 59, "label": "H"}, {"source": 68, "target": 44, "label": "C"}, {"source": 64, "target": 36, "label": "C"}, {"source": 53, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 28, "label": "E"}, {"source": 51, "target": 69, "label": "H"}, {"source": 67, "target": 68, "label": "A"}, {"source": 55, "target": 56, "label": "A"}, {"source": 67, "target": 40, "label": "R"}, {"source": 53, "target": 55, "label": "A"}, {"source": 56, "target": 8, "label": "R"}, {"source": 51, "target": 50, "label": "H"}, {"source": 64, "target": 33, "label": "F"}, {"source": 51, "target": 45, "label": "L"}, {"source": 61, "target": 27, "label": "E"}, {"source": 55, "target": 6, "label": "R"}, {"source": 56, "target": 10, "label": "C"}, {"source": 60, "target": 25, "label": "A"}, {"source": 52, "target": 3, "label": "P"}, {"source": 54, "target": 4, "label": "C"}, {"source": 69, "target": 47, "label": "S"}, {"source": 59, "target": 23, "label": "D"}, {"source": 51, "target": 24, "label": "U"}, {"source": 59, "target": 22, "label": "S"}, {"source": 58, "target": 17, "label": "E"}, {"source": 61, "target": 30, "label": "C"}, {"source": 65, "target": 66, "label": "A"}, {"source": 66, "target": 38, "label": "E"}, {"source": 58, "target": 18, "label": "C"}, {"source": 63, "target": 64, "label": "S"}, {"source": 54, "target": 12, "label": "R"}, {"source": 64, "target": 34, "label": "E"}, {"source": 50, "target": 49, "label": "A"}, {"source": 51, "target": 14, "label": "U"}, {"source": 57, "target": 58, "label": "A"}, {"source": 51, "target": 63, "label": "H"}, {"source": 66, "target": 39, "label": "C"}, {"source": 52, "target": 53, "label": "A"}, {"source": 61, "target": 62, "label": "E"}, {"source": 55, "target": 7, "label": "D"}, {"source": 51, "target": 57, "label": "H"}, {"source": 63, "target": 32, "label": "A"}, {"source": 53, "target": 5, "label": "A"}, {"source": 51, "target": 60, "label": "H"}, {"source": 53, "target": 54, "label": "P"}, {"source": 69, "target": 48, "label": "U"}, {"source": 65, "target": 67, "label": "A"}]} +{"id": "335225-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very affordable (don't call it cheap) and their trimmers were quick and courteous when I got home from work.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}]}, {"id": 22, "anchors": [{"from": 107, "to": 108}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 24, "target": 23, "label": "A"}, {"source": 27, "target": 28, "label": "S"}, {"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 11, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 25, "target": 16, "label": "L"}, {"source": 25, "target": 9, "label": "L"}, {"source": 29, "target": 19, "label": "A"}, {"source": 26, "target": 10, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 29, "label": "H"}, {"source": 28, "target": 15, "label": "C"}, {"source": 25, "target": 27, "label": "H"}, {"source": 25, "target": 8, "label": "U"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 3, "label": "D"}, {"source": 29, "target": 17, "label": "A"}, {"source": 29, "target": 18, "label": "P"}, {"source": 24, "target": 4, "label": "D"}, {"source": 23, "target": 1, "label": "C"}, {"source": 24, "target": 7, "label": "D"}, {"source": 30, "target": 20, "label": "R"}, {"source": 24, "target": 6, "label": "A"}, {"source": 28, "target": 14, "label": "N"}, {"source": 27, "target": 26, "label": "A"}, {"source": 23, "target": 0, "label": "E"}, {"source": 27, "target": 12, "label": "F"}, {"source": 24, "target": 5, "label": "P"}, {"source": 24, "target": 2, "label": "U"}]} +{"id": "335225-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And the salsa, be sure to ask for a jar and have plenty of chips around, you will need them.....", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 35}]}, {"id": 10, "anchors": [{"from": 36, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 91}]}, {"id": 22, "anchors": [{"from": 91, "to": 96}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 27, "label": "P"}, {"source": 23, "target": 25, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 28, "target": 10, "label": "C"}, {"source": 23, "target": 0, "label": "L"}, {"source": 24, "target": 2, "label": "C"}, {"source": 32, "target": 18, "label": "A"}, {"source": 25, "target": 28, "label": "A"}, {"source": 30, "target": 14, "label": "R"}, {"source": 32, "target": 22, "label": "U"}, {"source": 29, "target": 12, "label": "P"}, {"source": 26, "target": 5, "label": "C"}, {"source": 24, "target": 1, "label": "E"}, {"source": 30, "target": 13, "label": "C"}, {"source": 26, "target": 4, "label": "E"}, {"source": 29, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 9, "label": "E"}, {"source": 27, "target": 26, "label": "E"}, {"source": 29, "target": 16, "label": "D"}, {"source": 27, "target": 7, "label": "C"}, {"source": 32, "target": 20, "label": "P"}, {"source": 23, "target": 32, "label": "H"}, {"source": 23, "target": 17, "label": "U"}, {"source": 31, "target": 30, "label": "E"}, {"source": 32, "target": 21, "label": "A"}, {"source": 25, "target": 6, "label": "F"}, {"source": 23, "target": 29, "label": "H"}, {"source": 23, "target": 11, "label": "L"}, {"source": 32, "target": 19, "label": "F"}, {"source": 28, "target": 8, "label": "R"}, {"source": 25, "target": 24, "label": "A"}, {"source": 31, "target": 15, "label": "C"}, {"source": 25, "target": 3, "label": "U"}]} +{"id": "335490-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Cleanest guesthouse i have been to", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 2, "label": "D"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "R"}, {"source": 8, "target": 3, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "335490-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Stayed here for 2 nights.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "D"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "335490-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner was very friendly and helpful.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "C"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 10, "target": 2, "label": "F"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 5, "label": "N"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "335490-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The rooms were very clean and the breakfast was excellent.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 0, "label": "E"}, {"source": 12, "target": 4, "label": "P"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 6, "label": "E"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 9, "label": "S"}, {"source": 13, "target": 5, "label": "L"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "335490-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good location and off road parking made our stay very convenient.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 64}]}, {"id": 11, "anchors": [{"from": 64, "to": 65}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 2, "label": "N"}, {"source": 15, "target": 17, "label": "P"}, {"source": 13, "target": 16, "label": "C"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 12, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 17, "target": 6, "label": "F"}, {"source": 18, "target": 9, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "335815-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very poor customer service.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "E"}, {"source": 5, "target": 2, "label": "E"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "335815-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are a couple decent people working there, but the rest are VERY dishonest, as well as rude, I have yet to hear the truth come out of their mouths.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}, {"from": 84, "to": 88}, {"from": 89, "to": 91}]}, {"id": 17, "anchors": [{"from": 92, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19, "anchors": [{"from": 98, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 120}]}, {"id": 25, "anchors": [{"from": 121, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 131}, {"from": 132, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 151}]}, {"id": 30, "anchors": [{"from": 151, "to": 152}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 40, "target": 20, "label": "F"}, {"source": 39, "target": 22, "label": "F"}, {"source": 35, "target": 33, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 25, "label": "C"}, {"source": 33, "target": 2, "label": "E"}, {"source": 34, "target": 4, "label": "E"}, {"source": 38, "target": 18, "label": "U"}, {"source": 42, "target": 30, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 42, "target": 29, "label": "C"}, {"source": 42, "target": 26, "label": "C"}, {"source": 35, "target": 7, "label": "A"}, {"source": 32, "target": 39, "label": "H"}, {"source": 33, "target": 34, "label": "E"}, {"source": 32, "target": 9, "label": "L"}, {"source": 32, "target": 38, "label": "H"}, {"source": 39, "target": 40, "label": "P"}, {"source": 37, "target": 14, "label": "S"}, {"source": 37, "target": 13, "label": "D"}, {"source": 36, "target": 11, "label": "C"}, {"source": 37, "target": 36, "label": "A"}, {"source": 32, "target": 37, "label": "H"}, {"source": 31, "target": 1, "label": "S"}, {"source": 42, "target": 27, "label": "R"}, {"source": 38, "target": 17, "label": "P"}, {"source": 32, "target": 16, "label": "L"}, {"source": 31, "target": 35, "label": "A"}, {"source": 36, "target": 10, "label": "E"}, {"source": 32, "target": 15, "label": "U"}, {"source": 39, "target": 41, "label": "A"}, {"source": 37, "target": 12, "label": "F"}, {"source": 42, "target": 28, "label": "E"}, {"source": 39, "target": 42, "label": "A"}, {"source": 38, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 24, "label": "E"}, {"source": 35, "target": 6, "label": "P"}, {"source": 34, "target": 5, "label": "C"}, {"source": 31, "target": 0, "label": "F"}, {"source": 39, "target": 21, "label": "D"}, {"source": 33, "target": 3, "label": "E"}, {"source": 40, "target": 23, "label": "C"}, {"source": 32, "target": 8, "label": "U"}, {"source": 39, "target": 19, "label": "A"}]} +{"id": "336049-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not what i expected!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 0, "label": "D"}, {"source": 5, "target": 6, "label": "P"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "336049-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We read the good reviews before going and had high hopes.. but to our dismay it didnt turn out that way!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 25, "target": 12, "label": "L"}, {"source": 25, "target": 5, "label": "L"}, {"source": 26, "target": 3, "label": "E"}, {"source": 31, "target": 33, "label": "A"}, {"source": 25, "target": 7, "label": "L"}, {"source": 33, "target": 23, "label": "U"}, {"source": 26, "target": 2, "label": "E"}, {"source": 33, "target": 22, "label": "C"}, {"source": 29, "target": 9, "label": "E"}, {"source": 24, "target": 1, "label": "P"}, {"source": 25, "target": 27, "label": "H"}, {"source": 32, "target": 20, "label": "E"}, {"source": 25, "target": 28, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 21, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "C"}, {"source": 31, "target": 17, "label": "F"}, {"source": 31, "target": 30, "label": "A"}, {"source": 25, "target": 31, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 6, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 28, "target": 11, "label": "U"}, {"source": 30, "target": 13, "label": "R"}, {"source": 32, "target": 19, "label": "C"}, {"source": 31, "target": 16, "label": "A"}, {"source": 30, "target": 14, "label": "E"}, {"source": 31, "target": 18, "label": "D"}, {"source": 30, "target": 15, "label": "C"}, {"source": 31, "target": 32, "label": "P"}, {"source": 28, "target": 8, "label": "P"}, {"source": 29, "target": 10, "label": "C"}]} +{"id": "336049-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "~It took over 40 mins to be taken to our table, once there it took another 20 mins to get our orders and a further 45 mins till our starters landed on our table.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}, {"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}, {"from": 53, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 104}]}, {"id": 23, "anchors": [{"from": 105, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 114}]}, {"id": 25, "anchors": [{"from": 115, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 147}]}, {"id": 31, "anchors": [{"from": 148, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 160}]}, {"id": 34, "anchors": [{"from": 160, "to": 161}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 35, "target": 36, "label": "H"}, {"source": 51, "target": 32, "label": "E"}, {"source": 38, "target": 39, "label": "A"}, {"source": 42, "target": 19, "label": "P"}, {"source": 44, "target": 46, "label": "C"}, {"source": 35, "target": 18, "label": "L"}, {"source": 37, "target": 4, "label": "C"}, {"source": 41, "target": 16, "label": "E"}, {"source": 35, "target": 42, "label": "H"}, {"source": 35, "target": 12, "label": "L"}, {"source": 46, "target": 45, "label": "A"}, {"source": 40, "target": 41, "label": "A"}, {"source": 42, "target": 44, "label": "A"}, {"source": 39, "target": 10, "label": "C"}, {"source": 40, "target": 13, "label": "F"}, {"source": 44, "target": 22, "label": "N"}, {"source": 49, "target": 29, "label": "C"}, {"source": 43, "target": 21, "label": "C"}, {"source": 45, "target": 26, "label": "C"}, {"source": 38, "target": 5, "label": "F"}, {"source": 36, "target": 38, "label": "A"}, {"source": 38, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 50, "label": "C"}, {"source": 46, "target": 48, "label": "A"}, {"source": 45, "target": 47, "label": "E"}, {"source": 36, "target": 2, "label": "P"}, {"source": 36, "target": 37, "label": "A"}, {"source": 40, "target": 14, "label": "P"}, {"source": 47, "target": 24, "label": "E"}, {"source": 38, "target": 6, "label": "F"}, {"source": 38, "target": 7, "label": "P"}, {"source": 41, "target": 15, "label": "E"}, {"source": 35, "target": 11, "label": "U"}, {"source": 47, "target": 25, "label": "C"}, {"source": 39, "target": 8, "label": "R"}, {"source": 51, "target": 34, "label": "U"}, {"source": 39, "target": 9, "label": "E"}, {"source": 51, "target": 31, "label": "R"}, {"source": 35, "target": 0, "label": "U"}, {"source": 41, "target": 17, "label": "C"}, {"source": 45, "target": 23, "label": "E"}, {"source": 44, "target": 43, "label": "C"}, {"source": 50, "target": 49, "label": "A"}, {"source": 43, "target": 20, "label": "E"}, {"source": 48, "target": 27, "label": "R"}, {"source": 50, "target": 51, "label": "A"}, {"source": 49, "target": 28, "label": "E"}, {"source": 51, "target": 33, "label": "C"}, {"source": 50, "target": 30, "label": "P"}, {"source": 36, "target": 1, "label": "A"}, {"source": 35, "target": 40, "label": "H"}, {"source": 37, "target": 3, "label": "E"}]} +{"id": "336049-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very frustrating for a restaurant that has 1 rosette and is supposedly renowned for the service... hmm There was no canape's or amuse to keep us occupied, once we complained about the wait they took us something to nibble on but that took us getting out our chairs and wondering round to do that and it was impossible to get anyones attention.", "tops": [67], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 95}]}, {"id": 16, "anchors": [{"from": 95, "to": 98}]}, {"id": 17, "anchors": [{"from": 99, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 115}]}, {"id": 21, "anchors": [{"from": 116, "to": 124}]}, {"id": 22, "anchors": [{"from": 125, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 136}]}, {"id": 25, "anchors": [{"from": 137, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 144}]}, {"id": 27, "anchors": [{"from": 145, "to": 153}]}, {"id": 28, "anchors": [{"from": 153, "to": 154}]}, {"id": 29, "anchors": [{"from": 155, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 162}]}, {"id": 31, "anchors": [{"from": 163, "to": 173}]}, {"id": 32, "anchors": [{"from": 174, "to": 179}]}, {"id": 33, "anchors": [{"from": 180, "to": 183}]}, {"id": 34, "anchors": [{"from": 184, "to": 188}]}, {"id": 35, "anchors": [{"from": 189, "to": 193}]}, {"id": 36, "anchors": [{"from": 194, "to": 198}]}, {"id": 37, "anchors": [{"from": 199, "to": 201}]}, {"id": 38, "anchors": [{"from": 202, "to": 211}]}, {"id": 39, "anchors": [{"from": 212, "to": 214}]}, {"id": 40, "anchors": [{"from": 215, "to": 221}]}, {"id": 41, "anchors": [{"from": 222, "to": 224}]}, {"id": 42, "anchors": [{"from": 225, "to": 228}]}, {"id": 43, "anchors": [{"from": 229, "to": 233}]}, {"id": 44, "anchors": [{"from": 234, "to": 238}]}, {"id": 45, "anchors": [{"from": 239, "to": 241}]}, {"id": 46, "anchors": [{"from": 242, "to": 249}]}, {"id": 47, "anchors": [{"from": 250, "to": 253}]}, {"id": 48, "anchors": [{"from": 254, "to": 257}]}, {"id": 49, "anchors": [{"from": 258, "to": 264}]}, {"id": 50, "anchors": [{"from": 265, "to": 268}]}, {"id": 51, "anchors": [{"from": 269, "to": 278}]}, {"id": 52, "anchors": [{"from": 279, "to": 284}]}, {"id": 53, "anchors": [{"from": 285, "to": 287}]}, {"id": 54, "anchors": [{"from": 288, "to": 290}]}, {"id": 55, "anchors": [{"from": 291, "to": 295}]}, {"id": 56, "anchors": [{"from": 296, "to": 299}]}, {"id": 57, "anchors": [{"from": 300, "to": 302}]}, {"id": 58, "anchors": [{"from": 303, "to": 306}]}, {"id": 59, "anchors": [{"from": 307, "to": 317}]}, {"id": 60, "anchors": [{"from": 318, "to": 320}]}, {"id": 61, "anchors": [{"from": 321, "to": 324}]}, {"id": 62, "anchors": [{"from": 325, "to": 331}]}, {"id": 63, "anchors": [{"from": 331, "to": 332}]}, {"id": 64, "anchors": [{"from": 333, "to": 342}]}, {"id": 65, "anchors": [{"from": 342, "to": 343}]}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}], "edges": [{"source": 88, "target": 48, "label": "E"}, {"source": 72, "target": 71, "label": "C"}, {"source": 89, "target": 90, "label": "C"}, {"source": 83, "target": 39, "label": "F"}, {"source": 68, "target": 66, "label": "A"}, {"source": 94, "target": 63, "label": "R"}, {"source": 81, "target": 82, "label": "A"}, {"source": 79, "target": 31, "label": "P"}, {"source": 78, "target": 84, "label": "H"}, {"source": 94, "target": 64, "label": "C"}, {"source": 91, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 70, "target": 72, "label": "A"}, {"source": 72, "target": 9, "label": "N"}, {"source": 75, "target": 18, "label": "F"}, {"source": 92, "target": 60, "label": "F"}, {"source": 83, "target": 40, "label": "P"}, {"source": 70, "target": 5, "label": "R"}, {"source": 92, "target": 93, "label": "A"}, {"source": 78, "target": 91, "label": "H"}, {"source": 75, "target": 77, "label": "A"}, {"source": 93, "target": 62, "label": "C"}, {"source": 87, "target": 86, "label": "C"}, {"source": 78, "target": 42, "label": "L"}, {"source": 77, "target": 24, "label": "F"}, {"source": 66, "target": 69, "label": "E"}, {"source": 84, "target": 85, "label": "P"}, {"source": 75, "target": 76, "label": "A"}, {"source": 71, "target": 7, "label": "E"}, {"source": 80, "target": 33, "label": "E"}, {"source": 89, "target": 88, "label": "C"}, {"source": 90, "target": 52, "label": "D"}, {"source": 75, "target": 19, "label": "F"}, {"source": 77, "target": 25, "label": "D"}, {"source": 90, "target": 55, "label": "A"}, {"source": 79, "target": 81, "label": "A"}, {"source": 87, "target": 89, "label": "A"}, {"source": 82, "target": 38, "label": "C"}, {"source": 68, "target": 28, "label": "U"}, {"source": 68, "target": 16, "label": "U"}, {"source": 72, "target": 73, "label": "C"}, {"source": 77, "target": 27, "label": "S"}, {"source": 69, "target": 70, "label": "E"}, {"source": 78, "target": 79, "label": "H"}, {"source": 91, "target": 92, "label": "A"}, {"source": 92, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 78, "target": 29, "label": "R"}, {"source": 76, "target": 21, "label": "C"}, {"source": 84, "target": 43, "label": "F"}, {"source": 83, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 14, "label": "E"}, {"source": 79, "target": 30, "label": "A"}, {"source": 80, "target": 32, "label": "R"}, {"source": 94, "target": 65, "label": "U"}, {"source": 70, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 89, "target": 50, "label": "N"}, {"source": 83, "target": 41, "label": "D"}, {"source": 80, "target": 34, "label": "C"}, {"source": 82, "target": 37, "label": "E"}, {"source": 68, "target": 78, "label": "A"}, {"source": 67, "target": 68, "label": "H"}, {"source": 90, "target": 54, "label": "P"}, {"source": 73, "target": 10, "label": "F"}, {"source": 88, "target": 49, "label": "C"}, {"source": 73, "target": 74, "label": "A"}, {"source": 92, "target": 61, "label": "P"}, {"source": 66, "target": 1, "label": "C"}, {"source": 86, "target": 47, "label": "E"}, {"source": 75, "target": 20, "label": "D"}, {"source": 69, "target": 4, "label": "C"}, {"source": 78, "target": 56, "label": "L"}, {"source": 91, "target": 59, "label": "P"}, {"source": 91, "target": 57, "label": "A"}, {"source": 70, "target": 6, "label": "S"}, {"source": 90, "target": 51, "label": "A"}, {"source": 68, "target": 75, "label": "P"}, {"source": 74, "target": 13, "label": "R"}, {"source": 81, "target": 36, "label": "P"}, {"source": 76, "target": 22, "label": "N"}, {"source": 91, "target": 58, "label": "F"}, {"source": 69, "target": 3, "label": "E"}, {"source": 85, "target": 44, "label": "F"}, {"source": 85, "target": 45, "label": "C"}, {"source": 93, "target": 94, "label": "E"}, {"source": 86, "target": 46, "label": "C"}, {"source": 71, "target": 8, "label": "C"}, {"source": 68, "target": 17, "label": "D"}, {"source": 84, "target": 30, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 74, "target": 15, "label": "C"}, {"source": 73, "target": 12, "label": "P"}, {"source": 73, "target": 11, "label": "D"}, {"source": 81, "target": 35, "label": "A"}, {"source": 84, "target": 87, "label": "A"}, {"source": 82, "target": 83, "label": "E"}, {"source": 66, "target": 0, "label": "E"}, {"source": 69, "target": 2, "label": "R"}, {"source": 79, "target": 80, "label": "A"}, {"source": 77, "target": 26, "label": "A"}, {"source": 90, "target": 53, "label": "F"}, {"source": 76, "target": 23, "label": "C"}]} +{"id": "336049-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Scallops were overcooked and the foie gras was cold but the rest of the food was lovely.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 87}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 24, "label": "H"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 23, "target": 13, "label": "E"}, {"source": 23, "target": 22, "label": "E"}, {"source": 24, "target": 15, "label": "F"}, {"source": 18, "target": 2, "label": "S"}, {"source": 22, "target": 10, "label": "E"}, {"source": 22, "target": 12, "label": "R"}, {"source": 23, "target": 14, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 11, "label": "C"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 3, "label": "L"}, {"source": 21, "target": 8, "label": "S"}, {"source": 19, "target": 9, "label": "L"}, {"source": 24, "target": 16, "label": "S"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "336049-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On top of that though they tried to charge us service charge just to rub it it....", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 12, "label": "D"}, {"source": 23, "target": 16, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 18, "target": 1, "label": "C"}, {"source": 18, "target": 2, "label": "R"}, {"source": 23, "target": 15, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "E"}, {"source": 19, "target": 18, "label": "L"}, {"source": 19, "target": 13, "label": "L"}, {"source": 22, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 4, "label": "L"}, {"source": 19, "target": 3, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 6, "label": "D"}, {"source": 21, "target": 7, "label": "R"}, {"source": 18, "target": 0, "label": "R"}, {"source": 21, "target": 8, "label": "E"}, {"source": 20, "target": 5, "label": "A"}]} +{"id": "336049-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wouldn't go back as there are a lot of places A LOT better and cheaper.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}, {"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}, {"from": 48, "to": 51}, {"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 1, "label": "A"}, {"source": 17, "target": 5, "label": "S"}, {"source": 16, "target": 17, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "C"}, {"source": 20, "target": 11, "label": "N"}, {"source": 19, "target": 20, "label": "E"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 17, "target": 4, "label": "F"}, {"source": 18, "target": 6, "label": "E"}, {"source": 20, "target": 10, "label": "C"}, {"source": 18, "target": 7, "label": "C"}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 19, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 18, "target": 8, "label": "R"}, {"source": 15, "target": 0, "label": "F"}]} +{"id": "336285-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a Preschool!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "R"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "336285-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you want the best for your child, don't hesitate in visiting this wornderful school.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "U"}, {"source": 20, "target": 3, "label": "E"}, {"source": 21, "target": 20, "label": "P"}, {"source": 26, "target": 15, "label": "E"}, {"source": 24, "target": 13, "label": "C"}, {"source": 25, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 12, "label": "F"}, {"source": 23, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 16, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 26, "target": 14, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 25, "target": 24, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 10, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "A"}, {"source": 18, "target": 23, "label": "H"}, {"source": 26, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "L"}, {"source": 22, "target": 7, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 23, "target": 9, "label": "F"}, {"source": 23, "target": 11, "label": "P"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "336285-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is the very best in the Gables.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 7, "label": "C"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "336305-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "hard to forgive such an awful margarita and steep prices but the food can be good", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 2, "label": "P"}, {"source": 17, "target": 16, "label": "H"}, {"source": 18, "target": 1, "label": "F"}, {"source": 22, "target": 21, "label": "A"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 16, "target": 0, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 12, "label": "C"}, {"source": 17, "target": 22, "label": "H"}, {"source": 22, "target": 14, "label": "F"}, {"source": 17, "target": 10, "label": "L"}, {"source": 18, "target": 7, "label": "N"}, {"source": 20, "target": 8, "label": "E"}, {"source": 19, "target": 6, "label": "C"}, {"source": 22, "target": 13, "label": "D"}, {"source": 21, "target": 11, "label": "E"}, {"source": 22, "target": 15, "label": "S"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 20, "label": "C"}]} +{"id": "337971-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great graphic design work!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 5, "target": 8, "label": "E"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "C"}, {"source": 5, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "337971-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fresh Design Studio helped jump-start my own business by providing affordable and effective marketing materials: logo, flyers, posters ad design, and more.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 12}, {"from": 13, "to": 19}]}, {"id": 1, "anchors": [{"from": 20, "to": 26}]}, {"id": 2, "anchors": [{"from": 27, "to": 31}]}, {"id": 3, "anchors": [{"from": 31, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 66}]}, {"id": 10, "anchors": [{"from": 67, "to": 77}]}, {"id": 11, "anchors": [{"from": 78, "to": 81}]}, {"id": 12, "anchors": [{"from": 82, "to": 91}]}, {"id": 13, "anchors": [{"from": 92, "to": 101}]}, {"id": 14, "anchors": [{"from": 102, "to": 111}]}, {"id": 15, "anchors": [{"from": 111, "to": 112}]}, {"id": 16, "anchors": [{"from": 113, "to": 117}]}, {"id": 17, "anchors": [{"from": 117, "to": 118}]}, {"id": 18, "anchors": [{"from": 119, "to": 125}]}, {"id": 19, "anchors": [{"from": 125, "to": 126}]}, {"id": 20, "anchors": [{"from": 127, "to": 134}]}, {"id": 21, "anchors": [{"from": 135, "to": 137}]}, {"id": 22, "anchors": [{"from": 138, "to": 144}]}, {"id": 23, "anchors": [{"from": 144, "to": 145}]}, {"id": 24, "anchors": [{"from": 146, "to": 149}]}, {"id": 25, "anchors": [{"from": 150, "to": 154}]}, {"id": 26, "anchors": [{"from": 154, "to": 155}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 28, "label": "H"}, {"source": 28, "target": 1, "label": "P"}, {"source": 29, "target": 4, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 29, "target": 3, "label": "U"}, {"source": 32, "target": 33, "label": "C"}, {"source": 37, "target": 21, "label": "E"}, {"source": 28, "target": 31, "label": "A"}, {"source": 30, "target": 7, "label": "C"}, {"source": 35, "target": 13, "label": "E"}, {"source": 36, "target": 16, "label": "C"}, {"source": 30, "target": 6, "label": "E"}, {"source": 28, "target": 0, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 36, "target": 19, "label": "U"}, {"source": 36, "target": 37, "label": "C"}, {"source": 37, "target": 20, "label": "E"}, {"source": 37, "target": 22, "label": "C"}, {"source": 30, "target": 5, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 2, "label": "D"}, {"source": 34, "target": 11, "label": "N"}, {"source": 36, "target": 23, "label": "U"}, {"source": 34, "target": 10, "label": "C"}, {"source": 36, "target": 26, "label": "U"}, {"source": 33, "target": 9, "label": "P"}, {"source": 36, "target": 18, "label": "C"}, {"source": 35, "target": 12, "label": "E"}, {"source": 36, "target": 24, "label": "N"}, {"source": 36, "target": 25, "label": "C"}, {"source": 35, "target": 15, "label": "U"}, {"source": 36, "target": 17, "label": "U"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 8, "label": "R"}, {"source": 34, "target": 35, "label": "C"}, {"source": 35, "target": 14, "label": "C"}]} +{"id": "337971-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have unbeatable price in town and deliver on time.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "R"}, {"source": 14, "target": 15, "label": "D"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 4, "label": "R"}, {"source": 14, "target": 7, "label": "P"}, {"source": 11, "target": 2, "label": "D"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "D"}, {"source": 11, "target": 13, "label": "A"}, {"source": 12, "target": 6, "label": "L"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "337971-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I enjoy working with this architectural and graphic design firm and will recommend to anyone.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 92}]}, {"id": 15, "anchors": [{"from": 92, "to": 93}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "R"}, {"source": 21, "target": 11, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 3, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 17, "target": 10, "label": "L"}, {"source": 20, "target": 7, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 8, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 16, "target": 1, "label": "D"}, {"source": 18, "target": 19, "label": "E"}, {"source": 19, "target": 6, "label": "N"}, {"source": 21, "target": 12, "label": "P"}, {"source": 19, "target": 20, "label": "C"}, {"source": 17, "target": 21, "label": "H"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "338429-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Identity Theft", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 14}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "338429-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Myself and my fiance's identity was stolen from the office staff.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 16, "target": 18, "label": "E"}, {"source": 15, "target": 19, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 13, "target": 17, "label": "C"}, {"source": 18, "target": 3, "label": "C"}, {"source": 13, "target": 0, "label": "C"}, {"source": 16, "target": 2, "label": "E"}, {"source": 17, "target": 7, "label": "C"}, {"source": 17, "target": 16, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 8, "label": "R"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 1, "label": "N"}, {"source": 19, "target": 10, "label": "E"}, {"source": 19, "target": 12, "label": "U"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "338429-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were told by a detective and asked to check our credit for anything unusual.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 13, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 3, "label": "R"}, {"source": 19, "target": 7, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 19, "target": 8, "label": "F"}, {"source": 17, "target": 6, "label": "L"}, {"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 12, "label": "R"}, {"source": 19, "target": 9, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "338429-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Luckily they caught the crooks before they did one on us.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "A"}, {"source": 15, "target": 6, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 12, "target": 2, "label": "P"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 3, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 0, "label": "D"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 4, "label": "C"}, {"source": 13, "target": 5, "label": "L"}]} +{"id": "338429-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It was a black female that use to work in the office.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 52}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 8, "label": "P"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "F"}, {"source": 14, "target": 1, "label": "S"}, {"source": 18, "target": 10, "label": "E"}, {"source": 17, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "E"}]} +{"id": "338429-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She stole the information and gave it to another guy that did all the work.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 74, "to": 75}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 20, "target": 9, "label": "C"}, {"source": 19, "target": 6, "label": "A"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 4, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 20, "target": 7, "label": "R"}, {"source": 21, "target": 10, "label": "F"}, {"source": 22, "target": 12, "label": "R"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 8, "label": "E"}, {"source": 22, "target": 14, "label": "C"}, {"source": 20, "target": 21, "label": "E"}, {"source": 21, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 2, "label": "E"}, {"source": 21, "target": 11, "label": "S"}, {"source": 16, "target": 1, "label": "P"}]} +{"id": "338429-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The other guy was pulled over one day and a cop saw suspicious papers with names and social security numbers on it.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 111}]}, {"id": 21, "anchors": [{"from": 112, "to": 114}]}, {"id": 22, "anchors": [{"from": 114, "to": 115}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 31, "target": 16, "label": "N"}, {"source": 28, "target": 33, "label": "A"}, {"source": 32, "target": 18, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 20, "label": "R"}, {"source": 24, "target": 4, "label": "P"}, {"source": 30, "target": 31, "label": "C"}, {"source": 24, "target": 26, "label": "D"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 30, "target": 14, "label": "R"}, {"source": 23, "target": 1, "label": "E"}, {"source": 24, "target": 3, "label": "F"}, {"source": 27, "target": 9, "label": "E"}, {"source": 25, "target": 28, "label": "H"}, {"source": 31, "target": 32, "label": "C"}, {"source": 33, "target": 22, "label": "U"}, {"source": 26, "target": 7, "label": "C"}, {"source": 29, "target": 13, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 10, "label": "C"}, {"source": 29, "target": 12, "label": "A"}, {"source": 28, "target": 11, "label": "P"}, {"source": 33, "target": 21, "label": "C"}, {"source": 32, "target": 19, "label": "C"}, {"source": 23, "target": 0, "label": "E"}, {"source": 32, "target": 17, "label": "E"}, {"source": 23, "target": 2, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 25, "target": 8, "label": "L"}, {"source": 31, "target": 15, "label": "C"}]} +{"id": "338429-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thats how they were caught.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 10, "target": 3, "label": "A"}, {"source": 10, "target": 5, "label": "P"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 1, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 4, "label": "F"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "338429-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They both went to jail and a new manager was put in charge of the apartments.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "E"}, {"source": 18, "target": 2, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 19, "target": 5, "label": "L"}, {"source": 20, "target": 3, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 10, "label": "P"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 17, "target": 1, "label": "E"}, {"source": 17, "target": 0, "label": "C"}, {"source": 19, "target": 22, "label": "H"}, {"source": 24, "target": 13, "label": "R"}, {"source": 22, "target": 9, "label": "F"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 23, "label": "D"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "338429-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The apartment across from mine belonged to a gang of hookers.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 12, "target": 15, "label": "E"}, {"source": 16, "target": 4, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 6, "label": "R"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 2, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "338429-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nobody lived there.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "338429-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A girl would show up, then a guy in a nice car would show up.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 52}, {"from": 53, "to": 57}, {"from": 58, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 5, "label": "D"}, {"source": 19, "target": 9, "label": "E"}, {"source": 16, "target": 4, "label": "U"}, {"source": 17, "target": 2, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 16, "target": 13, "label": "U"}, {"source": 17, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 19, "target": 8, "label": "R"}, {"source": 19, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 16, "target": 12, "label": "D"}, {"source": 16, "target": 14, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 19, "target": 10, "label": "E"}, {"source": 18, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "338429-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Short time later the guy would leave, then the girl.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 8, "label": "L"}, {"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 12, "target": 2, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 6, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 14, "target": 7, "label": "U"}, {"source": 18, "target": 9, "label": "E"}, {"source": 13, "target": 12, "label": "D"}, {"source": 16, "target": 5, "label": "F"}, {"source": 13, "target": 16, "label": "P"}]} +{"id": "338429-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My apartment was usually quiet.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "338429-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I lived in one that did not face the parking lot.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 8, "label": "E"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 2, "label": "R"}, {"source": 15, "target": 4, "label": "F"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "S"}, {"source": 15, "target": 5, "label": "F"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 6, "label": "D"}]} +{"id": "338429-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Parking spaces are just big enough for a Mini Cooper.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 3, "label": "D"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 7, "label": "E"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "338429-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It sucked having an SUV.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 1, "label": "P"}]} +{"id": "338429-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If I found a spot, I couldnt fit in it.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 26}]}, {"id": 8, "anchors": [{"from": 26, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 38}]}, {"id": 12, "anchors": [{"from": 38, "to": 39}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 7, "label": "F"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 17, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 6, "label": "A"}, {"source": 18, "target": 10, "label": "R"}, {"source": 13, "target": 0, "label": "L"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 18, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "D"}, {"source": 15, "target": 3, "label": "E"}, {"source": 13, "target": 5, "label": "U"}, {"source": 17, "target": 9, "label": "C"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "338429-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Gates worked 30% of the time at best.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "R"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "D"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 14, "label": "D"}, {"source": 12, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 3, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "338429-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bugs were a small problem, nothing too bad.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 13, "target": 7, "label": "D"}, {"source": 11, "target": 13, "label": "H"}, {"source": 10, "target": 1, "label": "S"}, {"source": 11, "target": 10, "label": "H"}, {"source": 11, "target": 5, "label": "U"}, {"source": 10, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 3, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 13, "target": 6, "label": "A"}, {"source": 10, "target": 0, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}]} +{"id": "339176-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Prices, Great service!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "339176-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've been to this shop twice (once for an inspection and again for an oil change) and they truly live up to their name: Discount!", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 80}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}]}, {"id": 19, "anchors": [{"from": 86, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 101}, {"from": 102, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 118}]}, {"id": 25, "anchors": [{"from": 118, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 128}]}, {"id": 27, "anchors": [{"from": 128, "to": 129}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 28, "target": 1, "label": "S"}, {"source": 37, "target": 23, "label": "E"}, {"source": 29, "target": 17, "label": "U"}, {"source": 28, "target": 6, "label": "U"}, {"source": 36, "target": 19, "label": "A"}, {"source": 37, "target": 22, "label": "R"}, {"source": 32, "target": 10, "label": "C"}, {"source": 28, "target": 31, "label": "A"}, {"source": 30, "target": 4, "label": "C"}, {"source": 30, "target": 3, "label": "E"}, {"source": 37, "target": 25, "label": "U"}, {"source": 31, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 30, "label": "A"}, {"source": 36, "target": 20, "label": "D"}, {"source": 28, "target": 0, "label": "A"}, {"source": 29, "target": 36, "label": "H"}, {"source": 32, "target": 9, "label": "E"}, {"source": 29, "target": 34, "label": "H"}, {"source": 36, "target": 21, "label": "P"}, {"source": 29, "target": 18, "label": "L"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 35, "target": 16, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 24, "label": "C"}, {"source": 29, "target": 33, "label": "L"}, {"source": 32, "target": 8, "label": "R"}, {"source": 35, "target": 14, "label": "E"}, {"source": 35, "target": 15, "label": "E"}, {"source": 31, "target": 7, "label": "P"}, {"source": 28, "target": 5, "label": "D"}, {"source": 35, "target": 13, "label": "R"}, {"source": 37, "target": 26, "label": "E"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 2, "label": "R"}, {"source": 37, "target": 27, "label": "U"}, {"source": 33, "target": 11, "label": "E"}, {"source": 33, "target": 12, "label": "C"}]} +{"id": "339176-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have all kind of coupons available for car washes, oil changes, state inspection, etc.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 22, "target": 21, "label": "E"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 27, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 25, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 24, "label": "C"}, {"source": 23, "target": 7, "label": "R"}, {"source": 21, "target": 4, "label": "R"}, {"source": 24, "target": 9, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 25, "target": 17, "label": "N"}, {"source": 23, "target": 25, "label": "C"}, {"source": 20, "target": 1, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 26, "target": 11, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 25, "target": 13, "label": "U"}, {"source": 24, "target": 8, "label": "E"}, {"source": 26, "target": 12, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 22, "target": 6, "label": "C"}, {"source": 22, "target": 5, "label": "E"}, {"source": 25, "target": 10, "label": "U"}]} +{"id": "339176-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The thing is, you still get high quality service at nicely discounted rates!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 18, "target": 21, "label": "A"}, {"source": 19, "target": 7, "label": "E"}, {"source": 16, "target": 2, "label": "S"}, {"source": 22, "target": 14, "label": "U"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 15, "label": "A"}, {"source": 20, "target": 9, "label": "C"}, {"source": 15, "target": 0, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 4, "label": "A"}, {"source": 18, "target": 6, "label": "P"}, {"source": 17, "target": 3, "label": "U"}, {"source": 21, "target": 10, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 8, "label": "C"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 18, "target": 5, "label": "D"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "339176-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There is even free coffee and bottles of water if you'd like.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 60, "to": 61}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 17, "label": "A"}, {"source": 18, "target": 10, "label": "A"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "N"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 9, "label": "L"}, {"source": 18, "target": 11, "label": "F"}, {"source": 18, "target": 12, "label": "P"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 0, "label": "F"}, {"source": 17, "target": 7, "label": "R"}, {"source": 14, "target": 3, "label": "P"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 8, "label": "C"}]} +{"id": "339176-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner is a pleasant guy and I would trust my car with him or any of his workers.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 71}]}, {"id": 17, "anchors": [{"from": 72, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 83}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 4, "label": "E"}, {"source": 20, "target": 1, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 28, "target": 16, "label": "R"}, {"source": 24, "target": 7, "label": "A"}, {"source": 22, "target": 6, "label": "L"}, {"source": 28, "target": 15, "label": "C"}, {"source": 25, "target": 11, "label": "C"}, {"source": 29, "target": 18, "label": "C"}, {"source": 29, "target": 19, "label": "U"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 27, "target": 29, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 14, "label": "N"}, {"source": 21, "target": 20, "label": "A"}, {"source": 26, "target": 12, "label": "R"}, {"source": 21, "target": 2, "label": "S"}, {"source": 27, "target": 13, "label": "C"}, {"source": 24, "target": 9, "label": "P"}, {"source": 20, "target": 0, "label": "E"}, {"source": 29, "target": 28, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 27, "label": "C"}, {"source": 24, "target": 8, "label": "D"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "339176-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Top notch, all the way!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "D"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "340848-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Top notch eats!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "340848-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So here we are in Manson.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 2, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 3, "label": "R"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "340848-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Manson?", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "340848-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, Manson.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "340848-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Right near Chelan.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 2, "label": "A"}, {"source": 4, "target": 1, "label": "R"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 5, "target": 4, "label": "L"}]} +{"id": "340848-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Aka Nowheresville.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 17}]}, {"id": 1, "anchors": [{"from": 17, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "340848-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And this litttle gem of a 7-table restaurant is a complete and utterly wonderful surprise.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 7, "label": "U"}, {"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 2, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 23, "target": 11, "label": "E"}, {"source": 25, "target": 15, "label": "E"}, {"source": 24, "target": 13, "label": "N"}, {"source": 21, "target": 9, "label": "C"}, {"source": 20, "target": 23, "label": "S"}, {"source": 20, "target": 25, "label": "D"}, {"source": 19, "target": 3, "label": "C"}, {"source": 21, "target": 4, "label": "R"}, {"source": 18, "target": 20, "label": "H"}, {"source": 24, "target": 14, "label": "C"}, {"source": 23, "target": 24, "label": "C"}, {"source": 25, "target": 16, "label": "C"}, {"source": 18, "target": 0, "label": "L"}, {"source": 22, "target": 6, "label": "E"}, {"source": 22, "target": 8, "label": "C"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 10, "label": "F"}, {"source": 19, "target": 1, "label": "E"}, {"source": 21, "target": 22, "label": "E"}, {"source": 19, "target": 21, "label": "E"}]} +{"id": "340848-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A short but wide-ranging menu executed with innovative perfection in a cozy hole in the wall just off the main street.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 97}, {"from": 98, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 117}]}, {"id": 22, "anchors": [{"from": 117, "to": 118}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 32, "target": 34, "label": "E"}, {"source": 25, "target": 30, "label": "E"}, {"source": 33, "target": 17, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 32, "target": 13, "label": "E"}, {"source": 29, "target": 6, "label": "A"}, {"source": 30, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "E"}, {"source": 31, "target": 10, "label": "C"}, {"source": 27, "target": 5, "label": "C"}, {"source": 30, "target": 7, "label": "P"}, {"source": 34, "target": 22, "label": "U"}, {"source": 34, "target": 18, "label": "R"}, {"source": 34, "target": 19, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 11, "label": "R"}, {"source": 32, "target": 33, "label": "E"}, {"source": 32, "target": 14, "label": "C"}, {"source": 33, "target": 16, "label": "E"}, {"source": 31, "target": 9, "label": "E"}, {"source": 27, "target": 4, "label": "U"}, {"source": 32, "target": 12, "label": "E"}, {"source": 26, "target": 1, "label": "C"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 3, "label": "E"}, {"source": 33, "target": 15, "label": "R"}, {"source": 26, "target": 2, "label": "N"}, {"source": 23, "target": 28, "label": "C"}, {"source": 31, "target": 8, "label": "R"}, {"source": 30, "target": 31, "label": "A"}, {"source": 34, "target": 21, "label": "C"}, {"source": 26, "target": 27, "label": "C"}, {"source": 34, "target": 20, "label": "E"}]} +{"id": "340848-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic food served without pretense, very reasonably priced wine selections.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 38}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 68, "to": 78}]}, {"id": 11, "anchors": [{"from": 78, "to": 79}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 1, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 17, "target": 8, "label": "P"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 13, "target": 2, "label": "P"}, {"source": 13, "target": 12, "label": "A"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "340848-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A great place to go for dinner after a day of wine tasting.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}, {"from": 20, "to": 23}, {"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 58}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 15, "label": "D"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 2, "label": "C"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 4, "label": "P"}]} +{"id": "340891-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food tasted like rat feces", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 6, "target": 1, "label": "C"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "341397-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "these guys were fantastic!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "F"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 6, "target": 5, "label": "A"}]} +{"id": "341397-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "they fixed my garage doors in literally less than an hour.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 15, "target": 6, "label": "E"}, {"source": 15, "target": 9, "label": "E"}, {"source": 13, "target": 1, "label": "P"}, {"source": 14, "target": 4, "label": "C"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 7, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "D"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "341397-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the guy came on time and didn't take any breaks, he went straight to work and finished the job efficiently and promptly!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}, {"from": 13, "to": 15}, {"from": 16, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 119}]}, {"id": 22, "anchors": [{"from": 119, "to": 120}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 24, "label": "H"}, {"source": 29, "target": 31, "label": "A"}, {"source": 25, "target": 9, "label": "U"}, {"source": 30, "target": 14, "label": "C"}, {"source": 26, "target": 5, "label": "D"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 17, "label": "E"}, {"source": 25, "target": 28, "label": "H"}, {"source": 25, "target": 26, "label": "H"}, {"source": 29, "target": 13, "label": "R"}, {"source": 27, "target": 7, "label": "E"}, {"source": 32, "target": 21, "label": "C"}, {"source": 23, "target": 1, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 15, "label": "N"}, {"source": 28, "target": 11, "label": "P"}, {"source": 30, "target": 16, "label": "C"}, {"source": 26, "target": 6, "label": "P"}, {"source": 28, "target": 12, "label": "D"}, {"source": 29, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "C"}, {"source": 32, "target": 19, "label": "C"}, {"source": 23, "target": 0, "label": "E"}, {"source": 29, "target": 32, "label": "D"}, {"source": 29, "target": 30, "label": "P"}, {"source": 26, "target": 4, "label": "F"}, {"source": 28, "target": 10, "label": "A"}, {"source": 24, "target": 2, "label": "P"}, {"source": 25, "target": 3, "label": "L"}, {"source": 32, "target": 20, "label": "N"}, {"source": 27, "target": 8, "label": "C"}]} +{"id": "341397-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i couldn't be more happier with the way my garage looks.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 4, "label": "D"}, {"source": 17, "target": 16, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 6, "label": "R"}, {"source": 13, "target": 14, "label": "P"}, {"source": 13, "target": 17, "label": "A"}, {"source": 15, "target": 8, "label": "C"}, {"source": 14, "target": 1, "label": "F"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 9, "label": "E"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 17, "target": 11, "label": "P"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "341397-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "GREAT JOB GUYS!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "341435-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice and quiet place with cosy living room just outside the city.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 2, "label": "C"}, {"source": 17, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 16, "target": 7, "label": "C"}, {"source": 18, "target": 10, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 1, "label": "N"}, {"source": 16, "target": 17, "label": "E"}, {"source": 13, "target": 0, "label": "C"}, {"source": 18, "target": 11, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "341750-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not so good", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 3, "label": "D"}, {"source": 5, "target": 2, "label": "S"}, {"source": 3, "target": 0, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "341750-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not worth the money.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "E"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "341750-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bland and over cooked.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "C"}, {"source": 7, "target": 1, "label": "N"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 0, "label": "C"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "341750-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I felt as if I was in an over priced Olive Garden.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}, {"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 10, "label": "C"}, {"source": 15, "target": 9, "label": "E"}, {"source": 14, "target": 3, "label": "A"}, {"source": 14, "target": 2, "label": "R"}, {"source": 14, "target": 4, "label": "S"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "341750-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was hoping to have found a regular place to eat.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 9, "label": "L"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 5, "label": "P"}, {"source": 14, "target": 3, "label": "F"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 10, "label": "P"}, {"source": 15, "target": 8, "label": "C"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 16, "label": "H"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 1, "label": "F"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "341750-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But not so.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}, {"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 3, "target": 0, "label": "L"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "342807-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great, and probably the only West Indian spot worth hitting up in Nashville.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}, {"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 75}]}, {"id": 13, "anchors": [{"from": 75, "to": 76}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 10, "label": "P"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 5, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 18, "target": 12, "label": "C"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 6, "label": "E"}, {"source": 14, "target": 2, "label": "N"}, {"source": 16, "target": 7, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 14, "target": 0, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 11, "label": "R"}, {"source": 14, "target": 1, "label": "U"}, {"source": 15, "target": 14, "label": "L"}, {"source": 17, "target": 18, "label": "A"}, {"source": 16, "target": 3, "label": "E"}, {"source": 14, "target": 16, "label": "C"}]} +{"id": "342807-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was born and raised in Toronto, which has a huge West Indian (Trinidadian, Jamaican, etc) population.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "anchors": [{"from": 85, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 90, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 21, "label": "C"}, {"source": 26, "target": 6, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 24, "target": 1, "label": "F"}, {"source": 25, "target": 2, "label": "C"}, {"source": 26, "target": 5, "label": "R"}, {"source": 25, "target": 3, "label": "N"}, {"source": 29, "target": 30, "label": "E"}, {"source": 30, "target": 22, "label": "U"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 25, "label": "P"}, {"source": 28, "target": 11, "label": "E"}, {"source": 30, "target": 17, "label": "C"}, {"source": 30, "target": 20, "label": "U"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 28, "target": 12, "label": "E"}, {"source": 30, "target": 18, "label": "U"}, {"source": 28, "target": 10, "label": "E"}, {"source": 27, "target": 9, "label": "S"}, {"source": 29, "target": 14, "label": "U"}, {"source": 30, "target": 16, "label": "U"}, {"source": 30, "target": 19, "label": "N"}, {"source": 26, "target": 7, "label": "U"}, {"source": 29, "target": 28, "label": "C"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 15, "label": "C"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 8, "label": "F"}]} +{"id": "342807-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So huge in fact, that Toronto slang is influenced by and has Jamaican references, and Jamaican beef patties are staples in my high school cafeteria.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}, {"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 119}]}, {"id": 21, "anchors": [{"from": 120, "to": 122}]}, {"id": 22, "anchors": [{"from": 123, "to": 125}]}, {"id": 23, "anchors": [{"from": 126, "to": 130}]}, {"id": 24, "anchors": [{"from": 131, "to": 137}]}, {"id": 25, "anchors": [{"from": 138, "to": 147}]}, {"id": 26, "anchors": [{"from": 147, "to": 148}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 27, "target": 29, "label": "S"}, {"source": 37, "target": 23, "label": "E"}, {"source": 33, "target": 12, "label": "E"}, {"source": 34, "target": 17, "label": "E"}, {"source": 33, "target": 13, "label": "C"}, {"source": 32, "target": 11, "label": "F"}, {"source": 30, "target": 10, "label": "L"}, {"source": 31, "target": 9, "label": "D"}, {"source": 30, "target": 31, "label": "H"}, {"source": 36, "target": 21, "label": "R"}, {"source": 30, "target": 5, "label": "F"}, {"source": 34, "target": 18, "label": "C"}, {"source": 28, "target": 14, "label": "U"}, {"source": 29, "target": 3, "label": "C"}, {"source": 34, "target": 16, "label": "E"}, {"source": 28, "target": 15, "label": "L"}, {"source": 36, "target": 22, "label": "E"}, {"source": 35, "target": 34, "label": "A"}, {"source": 27, "target": 0, "label": "D"}, {"source": 36, "target": 26, "label": "U"}, {"source": 31, "target": 6, "label": "A"}, {"source": 35, "target": 20, "label": "S"}, {"source": 37, "target": 24, "label": "C"}, {"source": 35, "target": 19, "label": "F"}, {"source": 31, "target": 7, "label": "F"}, {"source": 28, "target": 35, "label": "H"}, {"source": 27, "target": 4, "label": "U"}, {"source": 27, "target": 1, "label": "D"}, {"source": 36, "target": 25, "label": "C"}, {"source": 27, "target": 30, "label": "A"}, {"source": 31, "target": 8, "label": "S"}, {"source": 35, "target": 36, "label": "A"}, {"source": 28, "target": 27, "label": "H"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 2, "label": "R"}, {"source": 36, "target": 37, "label": "E"}, {"source": 30, "target": 32, "label": "H"}]} +{"id": "342807-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anyway, I was practically raised on this stuff, and being a connoisseur of West Indian cuisine, Jamaica Way is a bit toned down to suit the American palette.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 46, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}, {"from": 104, "to": 107}]}, {"id": 20, "anchors": [{"from": 108, "to": 110}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 127}]}, {"id": 25, "anchors": [{"from": 128, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 135}]}, {"id": 27, "anchors": [{"from": 136, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 156}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 34, "target": 8, "label": "C"}, {"source": 37, "target": 15, "label": "E"}, {"source": 39, "target": 24, "label": "E"}, {"source": 32, "target": 35, "label": "H"}, {"source": 41, "target": 30, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 32, "target": 18, "label": "U"}, {"source": 38, "target": 39, "label": "D"}, {"source": 38, "target": 20, "label": "F"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 5, "label": "P"}, {"source": 35, "target": 11, "label": "P"}, {"source": 33, "target": 4, "label": "D"}, {"source": 34, "target": 6, "label": "R"}, {"source": 32, "target": 33, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 14, "label": "R"}, {"source": 32, "target": 38, "label": "H"}, {"source": 41, "target": 28, "label": "E"}, {"source": 37, "target": 17, "label": "C"}, {"source": 33, "target": 2, "label": "A"}, {"source": 32, "target": 9, "label": "U"}, {"source": 36, "target": 12, "label": "E"}, {"source": 34, "target": 7, "label": "E"}, {"source": 33, "target": 3, "label": "F"}, {"source": 31, "target": 0, "label": "S"}, {"source": 41, "target": 27, "label": "E"}, {"source": 32, "target": 40, "label": "H"}, {"source": 31, "target": 1, "label": "U"}, {"source": 32, "target": 25, "label": "L"}, {"source": 38, "target": 19, "label": "A"}, {"source": 39, "target": 21, "label": "E"}, {"source": 40, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 23, "label": "E"}, {"source": 35, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 37, "label": "E"}, {"source": 39, "target": 22, "label": "C"}, {"source": 41, "target": 29, "label": "C"}, {"source": 36, "target": 13, "label": "C"}, {"source": 35, "target": 36, "label": "A"}, {"source": 40, "target": 26, "label": "P"}, {"source": 37, "target": 16, "label": "E"}, {"source": 32, "target": 10, "label": "L"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "342807-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All you have to do to make it authentic Jamaican food, is add a whole lot of pepper.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 83}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 18, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 21, "target": 3, "label": "F"}, {"source": 23, "target": 7, "label": "F"}, {"source": 23, "target": 9, "label": "E"}, {"source": 26, "target": 19, "label": "U"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 12, "label": "F"}, {"source": 24, "target": 11, "label": "U"}, {"source": 22, "target": 2, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 22, "label": "P"}, {"source": 26, "target": 14, "label": "E"}, {"source": 24, "target": 23, "label": "P"}, {"source": 21, "target": 1, "label": "A"}, {"source": 21, "target": 5, "label": "F"}, {"source": 23, "target": 8, "label": "D"}, {"source": 27, "target": 17, "label": "R"}, {"source": 22, "target": 4, "label": "C"}, {"source": 27, "target": 15, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 23, "target": 10, "label": "C"}]} +{"id": "342807-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Alot.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 2, "label": "S"}, {"source": 4, "target": 1, "label": "U"}, {"source": 2, "target": 0, "label": "C"}]} +{"id": "342811-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly staff, but definitely some problems", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "L"}, {"source": 9, "target": 4, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 2, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 7, "target": 1, "label": "C"}]} +{"id": "342811-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "May, 2009.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 0, "label": "C"}, {"source": 5, "target": 6, "label": "A"}, {"source": 5, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 1, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "342811-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were booked at the Sheraton with a number of other out-of-town wedding guests.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 81}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 22, "target": 16, "label": "E"}, {"source": 21, "target": 3, "label": "R"}, {"source": 22, "target": 6, "label": "R"}, {"source": 22, "target": 23, "label": "E"}, {"source": 25, "target": 14, "label": "U"}, {"source": 21, "target": 5, "label": "C"}, {"source": 25, "target": 24, "label": "E"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 24, "target": 12, "label": "U"}, {"source": 22, "target": 10, "label": "E"}, {"source": 22, "target": 25, "label": "E"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 2, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "E"}, {"source": 24, "target": 13, "label": "R"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 17, "label": "C"}, {"source": 23, "target": 9, "label": "R"}, {"source": 22, "target": 18, "label": "U"}]} +{"id": "342811-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Got put into the wrong room the first night, and were quite surprised to have someone with the same room key trying to get in the door at 1:00 am!", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "anchors": [{"from": 119, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 125}]}, {"id": 26, "anchors": [{"from": 126, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 142}]}, {"id": 30, "anchors": [{"from": 143, "to": 145}]}, {"id": 31, "anchors": [{"from": 145, "to": 146}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 30, "label": "C"}, {"source": 37, "target": 22, "label": "D"}, {"source": 37, "target": 43, "label": "D"}, {"source": 32, "target": 34, "label": "P"}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 33, "target": 37, "label": "H"}, {"source": 38, "target": 12, "label": "E"}, {"source": 33, "target": 9, "label": "U"}, {"source": 38, "target": 13, "label": "C"}, {"source": 37, "target": 23, "label": "F"}, {"source": 32, "target": 36, "label": "D"}, {"source": 37, "target": 42, "label": "A"}, {"source": 37, "target": 11, "label": "F"}, {"source": 35, "target": 3, "label": "E"}, {"source": 35, "target": 4, "label": "E"}, {"source": 39, "target": 40, "label": "E"}, {"source": 37, "target": 38, "label": "D"}, {"source": 40, "target": 19, "label": "E"}, {"source": 41, "target": 25, "label": "R"}, {"source": 42, "target": 27, "label": "C"}, {"source": 40, "target": 18, "label": "E"}, {"source": 43, "target": 29, "label": "E"}, {"source": 36, "target": 8, "label": "C"}, {"source": 33, "target": 10, "label": "L"}, {"source": 36, "target": 7, "label": "E"}, {"source": 42, "target": 41, "label": "E"}, {"source": 43, "target": 31, "label": "U"}, {"source": 36, "target": 6, "label": "E"}, {"source": 40, "target": 17, "label": "R"}, {"source": 42, "target": 26, "label": "E"}, {"source": 37, "target": 14, "label": "F"}, {"source": 32, "target": 0, "label": "A"}, {"source": 37, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 16, "label": "C"}, {"source": 43, "target": 28, "label": "R"}, {"source": 35, "target": 5, "label": "C"}, {"source": 34, "target": 1, "label": "C"}, {"source": 37, "target": 15, "label": "P"}, {"source": 41, "target": 24, "label": "C"}, {"source": 34, "target": 2, "label": "R"}, {"source": 40, "target": 20, "label": "E"}, {"source": 40, "target": 21, "label": "C"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "342811-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Next day got moved into another room, on the same floor with other wedding guests.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 36, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 81, "to": 82}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 21, "target": 23, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 18, "target": 7, "label": "U"}, {"source": 24, "target": 12, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 19, "target": 2, "label": "D"}, {"source": 20, "target": 5, "label": "E"}, {"source": 23, "target": 22, "label": "P"}, {"source": 24, "target": 16, "label": "U"}, {"source": 23, "target": 10, "label": "D"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 17, "label": "D"}, {"source": 22, "target": 11, "label": "C"}, {"source": 19, "target": 3, "label": "P"}, {"source": 20, "target": 4, "label": "R"}, {"source": 23, "target": 24, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 21, "target": 8, "label": "R"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "342811-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There were 3 adults in our room but towels for only 2, no linens for sofa bed.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 77}]}, {"id": 18, "anchors": [{"from": 77, "to": 78}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 25, "target": 13, "label": "D"}, {"source": 19, "target": 0, "label": "F"}, {"source": 19, "target": 24, "label": "D"}, {"source": 19, "target": 22, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 23, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 11, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 21, "target": 2, "label": "E"}, {"source": 22, "target": 21, "label": "C"}, {"source": 24, "target": 9, "label": "R"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 1, "label": "S"}, {"source": 22, "target": 7, "label": "N"}, {"source": 20, "target": 12, "label": "U"}, {"source": 25, "target": 14, "label": "S"}, {"source": 26, "target": 15, "label": "R"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 5, "label": "E"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 4, "label": "R"}, {"source": 23, "target": 6, "label": "C"}, {"source": 22, "target": 8, "label": "C"}]} +{"id": "342811-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In the second room it took 3 tries to get all the towels and linens we requested.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 80}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 7, "label": "D"}, {"source": 23, "target": 11, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 9, "label": "P"}, {"source": 24, "target": 13, "label": "N"}, {"source": 25, "target": 15, "label": "E"}, {"source": 21, "target": 8, "label": "F"}, {"source": 20, "target": 4, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 25, "target": 14, "label": "C"}, {"source": 18, "target": 1, "label": "E"}, {"source": 20, "target": 5, "label": "P"}, {"source": 22, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 18, "label": "A"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 16, "label": "C"}, {"source": 22, "target": 24, "label": "C"}, {"source": 19, "target": 20, "label": "H"}, {"source": 24, "target": 23, "label": "C"}, {"source": 18, "target": 2, "label": "E"}, {"source": 20, "target": 21, "label": "A"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 6, "label": "A"}, {"source": 18, "target": 0, "label": "R"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "342811-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A package and some wedding cards were left in our first room.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 61}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 14, "label": "A"}, {"source": 14, "target": 17, "label": "C"}, {"source": 14, "target": 13, "label": "C"}, {"source": 14, "target": 2, "label": "N"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 6, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 7, "label": "P"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "342811-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were sent to our second room and had been opened--the ribbon-wrapped present, and all 3 envelopes.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 102}]}, {"id": 22, "anchors": [{"from": 102, "to": 103}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 30, "target": 21, "label": "C"}, {"source": 23, "target": 2, "label": "P"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 9, "label": "F"}, {"source": 24, "target": 17, "label": "U"}, {"source": 24, "target": 26, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 4, "label": "E"}, {"source": 28, "target": 15, "label": "C"}, {"source": 27, "target": 16, "label": "C"}, {"source": 26, "target": 8, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 30, "target": 22, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 14, "label": "U"}, {"source": 30, "target": 20, "label": "E"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 29, "label": "H"}, {"source": 27, "target": 12, "label": "E"}, {"source": 24, "target": 18, "label": "L"}, {"source": 26, "target": 27, "label": "A"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 11, "label": "U"}, {"source": 28, "target": 13, "label": "E"}, {"source": 24, "target": 7, "label": "L"}, {"source": 25, "target": 3, "label": "R"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "342811-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Security in the hotel seemed to be excellent, but we were never given an explanation as to why someone would open these items.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 90}, {"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 113}]}, {"id": 21, "anchors": [{"from": 114, "to": 119}]}, {"id": 22, "anchors": [{"from": 120, "to": 125}]}, {"id": 23, "anchors": [{"from": 125, "to": 126}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 31, "target": 20, "label": "C"}, {"source": 24, "target": 0, "label": "C"}, {"source": 30, "target": 17, "label": "R"}, {"source": 28, "target": 31, "label": "A"}, {"source": 25, "target": 4, "label": "G"}, {"source": 25, "target": 5, "label": "F"}, {"source": 24, "target": 27, "label": "E"}, {"source": 29, "target": 15, "label": "C"}, {"source": 32, "target": 22, "label": "C"}, {"source": 28, "target": 30, "label": "A"}, {"source": 26, "target": 9, "label": "L"}, {"source": 29, "target": 13, "label": "F"}, {"source": 27, "target": 1, "label": "R"}, {"source": 30, "target": 16, "label": "R"}, {"source": 30, "target": 18, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 2, "label": "E"}, {"source": 26, "target": 8, "label": "U"}, {"source": 25, "target": 7, "label": "S"}, {"source": 28, "target": 12, "label": "D"}, {"source": 28, "target": 32, "label": "A"}, {"source": 26, "target": 28, "label": "H"}, {"source": 29, "target": 14, "label": "E"}, {"source": 25, "target": 6, "label": "F"}, {"source": 32, "target": 21, "label": "E"}, {"source": 27, "target": 3, "label": "C"}, {"source": 32, "target": 23, "label": "U"}, {"source": 28, "target": 11, "label": "F"}, {"source": 28, "target": 10, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 25, "target": 24, "label": "A"}, {"source": 31, "target": 19, "label": "F"}]} +{"id": "342811-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A mid-afternoon \"fire drill\" was disruptive, putting everyone out of the hotel.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 43}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 78, "to": 79}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 7, "label": "C"}, {"source": 21, "target": 23, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "U"}, {"source": 23, "target": 13, "label": "E"}, {"source": 18, "target": 6, "label": "S"}, {"source": 18, "target": 5, "label": "U"}, {"source": 16, "target": 2, "label": "U"}, {"source": 16, "target": 0, "label": "E"}, {"source": 16, "target": 4, "label": "C"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 12, "label": "E"}, {"source": 18, "target": 16, "label": "A"}, {"source": 23, "target": 22, "label": "R"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 19, "target": 20, "label": "C"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "342811-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When we called the front desk about an extremely boisterous crowd in the hall outside our door quite late at night, it seemed to take the hotel staff quite a while to quiet them down.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 94}]}, {"id": 17, "anchors": [{"from": 95, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 114}]}, {"id": 21, "anchors": [{"from": 114, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 125}]}, {"id": 24, "anchors": [{"from": 126, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 155}]}, {"id": 30, "anchors": [{"from": 156, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 163}, {"from": 164, "to": 166}]}, {"id": 32, "anchors": [{"from": 167, "to": 172}]}, {"id": 33, "anchors": [{"from": 173, "to": 177}]}, {"id": 34, "anchors": [{"from": 178, "to": 182}]}, {"id": 35, "anchors": [{"from": 182, "to": 183}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}], "edges": [{"source": 36, "target": 44, "label": "H"}, {"source": 45, "target": 47, "label": "A"}, {"source": 44, "target": 23, "label": "P"}, {"source": 37, "target": 43, "label": "D"}, {"source": 37, "target": 1, "label": "A"}, {"source": 42, "target": 14, "label": "R"}, {"source": 46, "target": 28, "label": "C"}, {"source": 47, "target": 31, "label": "N"}, {"source": 47, "target": 48, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 45, "target": 46, "label": "A"}, {"source": 45, "target": 22, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 42, "target": 16, "label": "C"}, {"source": 43, "target": 19, "label": "R"}, {"source": 45, "target": 24, "label": "F"}, {"source": 37, "target": 2, "label": "P"}, {"source": 43, "target": 18, "label": "E"}, {"source": 37, "target": 38, "label": "A"}, {"source": 39, "target": 10, "label": "C"}, {"source": 46, "target": 26, "label": "E"}, {"source": 37, "target": 42, "label": "A"}, {"source": 48, "target": 32, "label": "C"}, {"source": 45, "target": 25, "label": "P"}, {"source": 43, "target": 17, "label": "E"}, {"source": 39, "target": 40, "label": "E"}, {"source": 44, "target": 22, "label": "A"}, {"source": 41, "target": 11, "label": "R"}, {"source": 43, "target": 20, "label": "C"}, {"source": 40, "target": 8, "label": "E"}, {"source": 48, "target": 33, "label": "E"}, {"source": 47, "target": 29, "label": "E"}, {"source": 46, "target": 27, "label": "E"}, {"source": 41, "target": 12, "label": "E"}, {"source": 36, "target": 21, "label": "U"}, {"source": 38, "target": 5, "label": "C"}, {"source": 42, "target": 15, "label": "E"}, {"source": 39, "target": 6, "label": "R"}, {"source": 48, "target": 35, "label": "U"}, {"source": 36, "target": 37, "label": "H"}, {"source": 41, "target": 13, "label": "C"}, {"source": 44, "target": 45, "label": "A"}, {"source": 47, "target": 30, "label": "E"}, {"source": 40, "target": 9, "label": "C"}, {"source": 38, "target": 4, "label": "E"}, {"source": 38, "target": 3, "label": "E"}, {"source": 48, "target": 34, "label": "E"}, {"source": 39, "target": 7, "label": "E"}, {"source": 36, "target": 0, "label": "L"}, {"source": 39, "target": 41, "label": "E"}]} +{"id": "342811-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff was friendly, especially the front desk female supervisor, and seemed to want to help, but too many unusual things happened to make us want to stay there again.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 67}]}, {"id": 11, "anchors": [{"from": 67, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 72}]}, {"id": 13, "anchors": [{"from": 73, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 95, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 133}]}, {"id": 25, "anchors": [{"from": 134, "to": 136}]}, {"id": 26, "anchors": [{"from": 137, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 144}]}, {"id": 28, "anchors": [{"from": 145, "to": 149}]}, {"id": 29, "anchors": [{"from": 150, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 163}]}, {"id": 32, "anchors": [{"from": 164, "to": 169}]}, {"id": 33, "anchors": [{"from": 169, "to": 170}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 46, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 13, "label": "S"}, {"source": 45, "target": 27, "label": "A"}, {"source": 38, "target": 6, "label": "E"}, {"source": 36, "target": 43, "label": "H"}, {"source": 45, "target": 28, "label": "D"}, {"source": 43, "target": 44, "label": "A"}, {"source": 46, "target": 29, "label": "F"}, {"source": 37, "target": 5, "label": "D"}, {"source": 36, "target": 4, "label": "U"}, {"source": 41, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 46, "label": "A"}, {"source": 41, "target": 15, "label": "D"}, {"source": 35, "target": 37, "label": "E"}, {"source": 38, "target": 7, "label": "E"}, {"source": 38, "target": 8, "label": "C"}, {"source": 36, "target": 40, "label": "H"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 38, "label": "A"}, {"source": 39, "target": 10, "label": "C"}, {"source": 36, "target": 12, "label": "L"}, {"source": 37, "target": 39, "label": "P"}, {"source": 42, "target": 21, "label": "C"}, {"source": 46, "target": 30, "label": "P"}, {"source": 40, "target": 35, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 34, "label": "H"}, {"source": 41, "target": 16, "label": "F"}, {"source": 42, "target": 20, "label": "E"}, {"source": 34, "target": 3, "label": "S"}, {"source": 45, "target": 25, "label": "F"}, {"source": 34, "target": 35, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 44, "target": 23, "label": "C"}, {"source": 36, "target": 11, "label": "U"}, {"source": 39, "target": 9, "label": "E"}, {"source": 34, "target": 2, "label": "F"}, {"source": 46, "target": 31, "label": "A"}, {"source": 43, "target": 24, "label": "P"}, {"source": 45, "target": 26, "label": "P"}, {"source": 43, "target": 42, "label": "D"}, {"source": 46, "target": 32, "label": "D"}, {"source": 36, "target": 19, "label": "L"}, {"source": 35, "target": 0, "label": "E"}, {"source": 46, "target": 33, "label": "U"}, {"source": 41, "target": 17, "label": "P"}, {"source": 36, "target": 18, "label": "U"}, {"source": 41, "target": 14, "label": "F"}, {"source": 35, "target": 1, "label": "C"}, {"source": 44, "target": 22, "label": "E"}]} +{"id": "343035-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent piano lessons", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 23}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "343035-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm very happy with the piano lessons Mrs. Lynda Mcmanus taught me.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}, {"from": 43, "to": 48}, {"from": 49, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 63}, {"from": 64, "to": 66}]}, {"id": 10, "anchors": [{"from": 66, "to": 67}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 4, "label": "R"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 8, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "343035-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now I'm able to play the piano pretty well.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 10, "label": "U"}, {"source": 12, "target": 13, "label": "P"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 15, "label": "D"}, {"source": 12, "target": 4, "label": "F"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 11, "target": 0, "label": "L"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "343336-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Got to love this place.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "D"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}]} +{"id": "343336-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone is relaxed and having fun!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "L"}, {"source": 7, "target": 2, "label": "A"}, {"source": 9, "target": 4, "label": "P"}, {"source": 7, "target": 1, "label": "S"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 8, "target": 7, "label": "H"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "343813-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bad Service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "343813-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Definately won't be returning.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 3, "label": "F"}, {"source": 7, "target": 0, "label": "D"}, {"source": 7, "target": 4, "label": "P"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "343813-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Travelled 40mins after calling to see if a product was in stock.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 3, "label": "L"}, {"source": 16, "target": 1, "label": "E"}, {"source": 18, "target": 8, "label": "E"}, {"source": 15, "target": 17, "label": "H"}, {"source": 19, "target": 11, "label": "R"}, {"source": 14, "target": 0, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 4, "label": "D"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 6, "label": "P"}, {"source": 18, "target": 7, "label": "R"}, {"source": 16, "target": 2, "label": "C"}, {"source": 17, "target": 10, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 5, "label": "F"}]} +{"id": "343813-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Told that they had plenty.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 1, "label": "F"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 8, "target": 2, "label": "A"}]} +{"id": "343813-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Get there and there was nothing.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 9, "target": 5, "label": "A"}, {"source": 8, "target": 2, "label": "L"}, {"source": 9, "target": 4, "label": "S"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 8, "target": 7, "label": "L"}]} +{"id": "343813-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not impressed!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "345182-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do not use this company!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "F"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "345182-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I dropped off a sheet metal piece that I needed copied due to th it was needing to be replaced.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}, {"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 24, "target": 12, "label": "A"}, {"source": 22, "target": 8, "label": "F"}, {"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 23, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 10, "label": "L"}, {"source": 22, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 5, "label": "C"}, {"source": 22, "target": 7, "label": "A"}, {"source": 25, "target": 14, "label": "P"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 2, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 17, "label": "P"}, {"source": 22, "target": 9, "label": "P"}, {"source": 25, "target": 13, "label": "F"}, {"source": 24, "target": 11, "label": "R"}, {"source": 26, "target": 16, "label": "F"}, {"source": 20, "target": 1, "label": "P"}, {"source": 26, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "H"}, {"source": 26, "target": 18, "label": "U"}, {"source": 26, "target": 15, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 24, "label": "A"}]} +{"id": "345182-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I asked if they could copy the piece I dropped off.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}, {"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 6, "label": "E"}, {"source": 14, "target": 3, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "D"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "345182-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They said it would be made exactly like the one I needed to replace.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 67}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "R"}, {"source": 22, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 10, "label": "A"}, {"source": 18, "target": 3, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 22, "target": 12, "label": "F"}, {"source": 22, "target": 13, "label": "P"}, {"source": 21, "target": 22, "label": "A"}, {"source": 17, "target": 4, "label": "F"}, {"source": 20, "target": 8, "label": "E"}, {"source": 21, "target": 20, "label": "A"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 2, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 21, "target": 11, "label": "S"}, {"source": 19, "target": 21, "label": "C"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 1, "label": "P"}, {"source": 18, "target": 5, "label": "C"}]} +{"id": "345182-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I picked it up when it was finished and was charge 30.00.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}, {"from": 9, "to": 11}, {"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 56, "to": 57}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "D"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 2, "label": "L"}, {"source": 13, "target": 3, "label": "A"}, {"source": 13, "target": 4, "label": "F"}, {"source": 13, "target": 5, "label": "P"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 9, "label": "S"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 14, "target": 7, "label": "F"}, {"source": 12, "target": 6, "label": "L"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "345182-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I got to the job and tried to insert the new piece of metal IT WOULD NOT FIT!!", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 73}, {"from": 74, "to": 77}, {"from": 78, "to": 81}, {"from": 81, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 17, "target": 0, "label": "L"}, {"source": 23, "target": 13, "label": "F"}, {"source": 22, "target": 12, "label": "C"}, {"source": 20, "target": 21, "label": "P"}, {"source": 18, "target": 2, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 23, "target": 16, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "F"}, {"source": 21, "target": 9, "label": "C"}, {"source": 20, "target": 7, "label": "D"}, {"source": 23, "target": 15, "label": "C"}, {"source": 22, "target": 10, "label": "E"}, {"source": 17, "target": 6, "label": "L"}, {"source": 23, "target": 14, "label": "E"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 11, "label": "E"}, {"source": 19, "target": 3, "label": "R"}, {"source": 20, "target": 22, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 1, "label": "A"}]} +{"id": "345182-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I took the original piece of metal and rigged it to make due since I had to complete the job.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}, {"from": 61, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 92, "to": 93}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 24, "target": 9, "label": "A"}, {"source": 25, "target": 10, "label": "F"}, {"source": 24, "target": 8, "label": "P"}, {"source": 21, "target": 26, "label": "H"}, {"source": 22, "target": 23, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 27, "target": 16, "label": "C"}, {"source": 23, "target": 5, "label": "R"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 22, "target": 2, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "F"}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 3, "label": "E"}, {"source": 26, "target": 15, "label": "F"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 27, "label": "P"}, {"source": 23, "target": 6, "label": "C"}, {"source": 26, "target": 13, "label": "A"}, {"source": 21, "target": 12, "label": "L"}, {"source": 22, "target": 4, "label": "C"}, {"source": 25, "target": 11, "label": "P"}, {"source": 21, "target": 7, "label": "L"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "345182-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I took the receipt and the metal that did not fit and asked Pomper for my money back.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 24, "target": 9, "label": "D"}, {"source": 25, "target": 11, "label": "N"}, {"source": 24, "target": 7, "label": "F"}, {"source": 25, "target": 12, "label": "C"}, {"source": 25, "target": 10, "label": "C"}, {"source": 26, "target": 15, "label": "E"}, {"source": 26, "target": 17, "label": "D"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 13, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 14, "label": "R"}, {"source": 24, "target": 8, "label": "F"}, {"source": 22, "target": 21, "label": "C"}, {"source": 22, "target": 4, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 23, "target": 24, "label": "E"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 1, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 5, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 23, "target": 6, "label": "C"}]} +{"id": "345182-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The girl at the desk was sooo rude I could not believe it!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 57, "to": 58}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 2, "label": "R"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 14, "label": "A"}, {"source": 14, "target": 17, "label": "E"}, {"source": 18, "target": 11, "label": "P"}, {"source": 18, "target": 9, "label": "D"}, {"source": 16, "target": 6, "label": "D"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 12, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 8, "label": "A"}, {"source": 16, "target": 7, "label": "P"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 14, "target": 0, "label": "E"}, {"source": 16, "target": 5, "label": "F"}]} +{"id": "345182-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She told me she could not use the piece I was returning and the company would only put it in the trash so I could not return it.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}]}, {"id": 24, "anchors": [{"from": 108, "to": 113}]}, {"id": 25, "anchors": [{"from": 114, "to": 117}]}, {"id": 26, "anchors": [{"from": 118, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 127}]}, {"id": 28, "anchors": [{"from": 127, "to": 128}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 12, "label": "L"}, {"source": 38, "target": 19, "label": "R"}, {"source": 30, "target": 39, "label": "H"}, {"source": 37, "target": 15, "label": "F"}, {"source": 30, "target": 29, "label": "H"}, {"source": 36, "target": 16, "label": "D"}, {"source": 31, "target": 33, "label": "A"}, {"source": 39, "target": 25, "label": "D"}, {"source": 32, "target": 4, "label": "F"}, {"source": 31, "target": 5, "label": "D"}, {"source": 32, "target": 6, "label": "C"}, {"source": 39, "target": 24, "label": "D"}, {"source": 39, "target": 28, "label": "U"}, {"source": 30, "target": 31, "label": "H"}, {"source": 30, "target": 22, "label": "L"}, {"source": 35, "target": 13, "label": "E"}, {"source": 33, "target": 8, "label": "C"}, {"source": 33, "target": 34, "label": "E"}, {"source": 31, "target": 3, "label": "A"}, {"source": 37, "target": 17, "label": "C"}, {"source": 29, "target": 1, "label": "P"}, {"source": 34, "target": 10, "label": "F"}, {"source": 36, "target": 18, "label": "A"}, {"source": 34, "target": 9, "label": "A"}, {"source": 36, "target": 38, "label": "A"}, {"source": 33, "target": 7, "label": "E"}, {"source": 29, "target": 2, "label": "A"}, {"source": 39, "target": 23, "label": "A"}, {"source": 39, "target": 27, "label": "A"}, {"source": 38, "target": 21, "label": "C"}, {"source": 30, "target": 36, "label": "H"}, {"source": 38, "target": 20, "label": "E"}, {"source": 29, "target": 0, "label": "A"}, {"source": 36, "target": 35, "label": "A"}, {"source": 39, "target": 26, "label": "P"}, {"source": 36, "target": 37, "label": "P"}, {"source": 31, "target": 32, "label": "P"}, {"source": 34, "target": 11, "label": "P"}, {"source": 35, "target": 14, "label": "C"}]} +{"id": "345182-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I explained I did not get what I paid for.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 4, "label": "D"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 15, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "P"}, {"source": 14, "target": 7, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 16, "label": "E"}, {"source": 13, "target": 2, "label": "A"}, {"source": 15, "target": 14, "label": "E"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "345182-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She asked me to bring the original piece back and I told her I had to use it on the job.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 79}]}, {"id": 19, "anchors": [{"from": 80, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}]}, {"id": 21, "anchors": [{"from": 87, "to": 88}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 12, "label": "A"}, {"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 7, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 22, "target": 24, "label": "A"}, {"source": 26, "target": 8, "label": "C"}, {"source": 29, "target": 15, "label": "F"}, {"source": 22, "target": 2, "label": "A"}, {"source": 30, "target": 20, "label": "C"}, {"source": 24, "target": 4, "label": "P"}, {"source": 28, "target": 17, "label": "A"}, {"source": 29, "target": 14, "label": "F"}, {"source": 22, "target": 1, "label": "P"}, {"source": 24, "target": 3, "label": "F"}, {"source": 30, "target": 18, "label": "R"}, {"source": 28, "target": 30, "label": "A"}, {"source": 30, "target": 19, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 11, "label": "P"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 9, "label": "N"}, {"source": 23, "target": 27, "label": "H"}, {"source": 26, "target": 10, "label": "C"}, {"source": 28, "target": 13, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 28, "target": 29, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 16, "label": "C"}]} +{"id": "345182-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She told me that was to bad she would do nothing to help me since she could not use or resell the piece.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 103}]}, {"id": 23, "anchors": [{"from": 103, "to": 104}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 12, "label": "P"}, {"source": 25, "target": 24, "label": "H"}, {"source": 30, "target": 13, "label": "A"}, {"source": 26, "target": 4, "label": "S"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 30, "target": 11, "label": "F"}, {"source": 24, "target": 1, "label": "P"}, {"source": 28, "target": 7, "label": "A"}, {"source": 33, "target": 20, "label": "P"}, {"source": 28, "target": 30, "label": "A"}, {"source": 26, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 14, "label": "L"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 5, "label": "F"}, {"source": 33, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 2, "label": "A"}, {"source": 25, "target": 19, "label": "L"}, {"source": 25, "target": 31, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 6, "label": "P"}, {"source": 25, "target": 33, "label": "H"}, {"source": 26, "target": 3, "label": "F"}, {"source": 34, "target": 22, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 27, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 8, "label": "F"}, {"source": 29, "target": 9, "label": "C"}, {"source": 30, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "P"}, {"source": 28, "target": 10, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 31, "target": 32, "label": "P"}, {"source": 32, "target": 16, "label": "F"}, {"source": 31, "target": 17, "label": "D"}, {"source": 32, "target": 18, "label": "C"}]} +{"id": "345182-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I said I was going to trash it also and could I at least have a credit.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}, {"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "P"}, {"source": 19, "target": 5, "label": "F"}, {"source": 19, "target": 6, "label": "P"}, {"source": 21, "target": 14, "label": "E"}, {"source": 19, "target": 2, "label": "A"}, {"source": 17, "target": 1, "label": "P"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 11, "label": "A"}, {"source": 19, "target": 7, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 13, "label": "F"}, {"source": 19, "target": 4, "label": "D"}, {"source": 21, "target": 15, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 19, "target": 3, "label": "F"}, {"source": 17, "target": 19, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 16, "label": "U"}, {"source": 20, "target": 12, "label": "D"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "345182-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "With a smirk on her face she told me NO MONEY IS BEING RETURNED and THAT IS THE WAY IT WAS.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 39}, {"from": 40, "to": 45}, {"from": 46, "to": 48}, {"from": 49, "to": 54}, {"from": 55, "to": 63}]}, {"id": 10, "anchors": [{"from": 64, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}, {"from": 73, "to": 75}, {"from": 76, "to": 79}, {"from": 80, "to": 83}, {"from": 84, "to": 86}, {"from": 87, "to": 90}]}, {"id": 12, "anchors": [{"from": 90, "to": 91}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 14, "target": 1, "label": "E"}, {"source": 18, "target": 19, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 13, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "C"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 4, "label": "E"}, {"source": 13, "target": 15, "label": "H"}, {"source": 19, "target": 10, "label": "N"}, {"source": 15, "target": 14, "label": "S"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "P"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "345182-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DO NOT USE THIS COMPANY.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "345182-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are to many people that need our business to have to put up with this unfair treatment!!!!!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}, {"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 97}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 24, "label": "P"}, {"source": 20, "target": 3, "label": "E"}, {"source": 26, "target": 15, "label": "E"}, {"source": 25, "target": 13, "label": "R"}, {"source": 24, "target": 12, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 6, "label": "P"}, {"source": 26, "target": 16, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 23, "label": "A"}, {"source": 26, "target": 14, "label": "E"}, {"source": 19, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 24, "target": 11, "label": "F"}, {"source": 18, "target": 1, "label": "S"}, {"source": 21, "target": 5, "label": "F"}, {"source": 20, "target": 21, "label": "E"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 9, "label": "F"}, {"source": 21, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "C"}, {"source": 20, "target": 2, "label": "R"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "345455-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "First Time Ballerina", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "345455-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My daughter is starting ballet this year for the first time.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 12, "target": 1, "label": "C"}, {"source": 16, "target": 8, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 15, "label": "D"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 4, "label": "S"}, {"source": 14, "target": 2, "label": "F"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 16, "label": "D"}, {"source": 14, "target": 3, "label": "D"}, {"source": 15, "target": 5, "label": "E"}]} +{"id": "345455-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'ma soccer mom so I wasn't sure what I was looking for when it comes to dancewear.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}]}, {"id": 2, "anchors": [{"from": 3, "to": 4}]}, {"id": 3, "anchors": [{"from": 5, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 24, "to": 27}]}, {"id": 9, "anchors": [{"from": 28, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 43}]}, {"id": 13, "anchors": [{"from": 44, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "anchors": [{"from": 56, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 69}]}, {"id": 18, "anchors": [{"from": 70, "to": 72}]}, {"id": 19, "anchors": [{"from": 73, "to": 82}]}, {"id": 20, "anchors": [{"from": 82, "to": 83}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 22, "target": 5, "label": "L"}, {"source": 24, "target": 7, "label": "F"}, {"source": 21, "target": 0, "label": "A"}, {"source": 28, "target": 19, "label": "C"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 12, "label": "F"}, {"source": 23, "target": 1, "label": "F"}, {"source": 25, "target": 10, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 26, "target": 14, "label": "R"}, {"source": 21, "target": 23, "label": "P"}, {"source": 28, "target": 20, "label": "U"}, {"source": 25, "target": 11, "label": "A"}, {"source": 27, "target": 17, "label": "P"}, {"source": 24, "target": 6, "label": "A"}, {"source": 22, "target": 24, "label": "H"}, {"source": 28, "target": 18, "label": "R"}, {"source": 24, "target": 9, "label": "P"}, {"source": 26, "target": 15, "label": "F"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 26, "target": 27, "label": "C"}, {"source": 24, "target": 8, "label": "D"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "345455-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff was very helpful and gave me exactly what I needed for my first time ballerina.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 24, "target": 11, "label": "S"}, {"source": 26, "target": 15, "label": "C"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 25, "target": 26, "label": "E"}, {"source": 22, "target": 6, "label": "P"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 19, "target": 2, "label": "S"}, {"source": 22, "target": 7, "label": "A"}, {"source": 24, "target": 9, "label": "F"}, {"source": 26, "target": 14, "label": "E"}, {"source": 20, "target": 5, "label": "L"}, {"source": 23, "target": 8, "label": "E"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 16, "label": "C"}, {"source": 25, "target": 13, "label": "E"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 12, "label": "R"}]} +{"id": "345455-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service at Instep was great!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "U"}, {"source": 7, "target": 10, "label": "E"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 4, "label": "S"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "345455-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend them to anyone!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "346074-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Did a great job of removing my tree in Conyers.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 5, "label": "P"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 0, "label": "P"}, {"source": 13, "target": 1, "label": "E"}]} +{"id": "346074-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks Southland.", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 16}]}, {"id": 1, "anchors": [{"from": 16, "to": 17}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "346563-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A TERRIBLE EXPERIENCE!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 10}, {"from": 11, "to": 21}]}, {"id": 1, "anchors": [{"from": 21, "to": 22}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "346563-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I remain unhappy.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "346563-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I still have noticeable scarring.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "346563-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I still have surgically induced hair loss.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 41, "to": 42}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 4, "label": "D"}, {"source": 10, "target": 2, "label": "F"}, {"source": 9, "target": 3, "label": "D"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 10, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "346563-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My results were just AWFUL.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "346563-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My post-op treatment was TERRIBLE.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 33}]}, {"id": 5, "anchors": [{"from": 33, "to": 34}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "S"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "346563-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I wouldn't recommend this place last year, and I certainly wouldn't recommend them this year.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 3, "label": "C"}, {"source": 20, "target": 9, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "D"}, {"source": 19, "target": 22, "label": "A"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 1, "label": "F"}, {"source": 23, "target": 6, "label": "E"}, {"source": 24, "target": 26, "label": "D"}, {"source": 24, "target": 13, "label": "D"}, {"source": 26, "target": 16, "label": "E"}, {"source": 25, "target": 12, "label": "F"}, {"source": 25, "target": 14, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 19, "target": 23, "label": "D"}, {"source": 20, "target": 8, "label": "U"}, {"source": 20, "target": 24, "label": "H"}, {"source": 19, "target": 2, "label": "D"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 22, "target": 5, "label": "C"}, {"source": 24, "target": 15, "label": "A"}, {"source": 22, "target": 4, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 21, "label": "P"}, {"source": 23, "target": 7, "label": "C"}]} +{"id": "346627-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic Place to buy your next vehicle", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 5, "label": "E"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "346627-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have never had a bad experience buying from Edmark.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "346627-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is car number 3 we've purchased through them.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}, {"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 2, "label": "E"}, {"source": 12, "target": 14, "label": "E"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "C"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 7, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 13, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "346627-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We trust and appreciate Scott Larson and know that he will always take good care of us and listen to our needs!", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}, {"from": 30, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 81, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 97}]}, {"id": 18, "anchors": [{"from": 98, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 104}]}, {"id": 20, "anchors": [{"from": 105, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 23, "target": 25, "label": "H"}, {"source": 26, "target": 9, "label": "F"}, {"source": 26, "target": 28, "label": "A"}, {"source": 29, "target": 17, "label": "C"}, {"source": 31, "target": 20, "label": "C"}, {"source": 31, "target": 21, "label": "U"}, {"source": 24, "target": 3, "label": "C"}, {"source": 23, "target": 5, "label": "L"}, {"source": 31, "target": 19, "label": "E"}, {"source": 24, "target": 2, "label": "N"}, {"source": 28, "target": 15, "label": "C"}, {"source": 29, "target": 18, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 1, "label": "C"}, {"source": 22, "target": 24, "label": "P"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 29, "label": "P"}, {"source": 26, "target": 7, "label": "F"}, {"source": 23, "target": 30, "label": "H"}, {"source": 26, "target": 12, "label": "D"}, {"source": 23, "target": 22, "label": "H"}, {"source": 30, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 4, "label": "A"}, {"source": 28, "target": 14, "label": "R"}, {"source": 26, "target": 10, "label": "D"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 16, "label": "L"}, {"source": 26, "target": 8, "label": "A"}, {"source": 26, "target": 27, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 25, "target": 6, "label": "P"}]} +{"id": "346627-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank you again for great customer service!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "P"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "346960-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent customer service and quality work.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 11, "target": 1, "label": "E"}, {"source": 8, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "C"}, {"source": 9, "target": 10, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 11, "target": 2, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 13, "target": 5, "label": "C"}, {"source": 10, "target": 12, "label": "C"}, {"source": 12, "target": 3, "label": "N"}]} +{"id": "346960-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They went the extra mile to repair my cowboy boots-- they had to have a special kind of paper that looked like wood grain to fix the heels.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 105}]}, {"id": 22, "anchors": [{"from": 106, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 128}]}, {"id": 27, "anchors": [{"from": 129, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 138}]}, {"id": 29, "anchors": [{"from": 138, "to": 139}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 37, "target": 19, "label": "C"}, {"source": 31, "target": 35, "label": "H"}, {"source": 37, "target": 15, "label": "E"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 3, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 36, "label": "P"}, {"source": 31, "target": 30, "label": "H"}, {"source": 42, "target": 29, "label": "U"}, {"source": 33, "target": 6, "label": "P"}, {"source": 40, "target": 23, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 40, "target": 22, "label": "R"}, {"source": 37, "target": 38, "label": "E"}, {"source": 31, "target": 33, "label": "H"}, {"source": 42, "target": 27, "label": "E"}, {"source": 42, "target": 28, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 32, "target": 4, "label": "C"}, {"source": 35, "target": 13, "label": "F"}, {"source": 41, "target": 25, "label": "F"}, {"source": 35, "target": 37, "label": "A"}, {"source": 36, "target": 12, "label": "E"}, {"source": 34, "target": 7, "label": "E"}, {"source": 37, "target": 39, "label": "E"}, {"source": 41, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 42, "label": "A"}, {"source": 30, "target": 0, "label": "A"}, {"source": 41, "target": 26, "label": "P"}, {"source": 34, "target": 8, "label": "E"}, {"source": 39, "target": 41, "label": "A"}, {"source": 35, "target": 11, "label": "A"}, {"source": 38, "target": 17, "label": "C"}, {"source": 30, "target": 1, "label": "P"}, {"source": 38, "target": 18, "label": "R"}, {"source": 39, "target": 20, "label": "F"}, {"source": 32, "target": 2, "label": "E"}, {"source": 30, "target": 32, "label": "A"}, {"source": 34, "target": 9, "label": "C"}, {"source": 36, "target": 14, "label": "C"}, {"source": 37, "target": 16, "label": "E"}, {"source": 39, "target": 21, "label": "S"}, {"source": 39, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 5, "label": "L"}, {"source": 40, "target": 24, "label": "C"}]} +{"id": "346960-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That was 4 years ago.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 4, "label": "R"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "346960-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I haven't been able to find a shoe repair place in Seattle since that has been able to do it.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 28, "target": 14, "label": "A"}, {"source": 28, "target": 16, "label": "F"}, {"source": 28, "target": 21, "label": "U"}, {"source": 28, "target": 15, "label": "F"}, {"source": 25, "target": 26, "label": "E"}, {"source": 29, "target": 19, "label": "C"}, {"source": 24, "target": 4, "label": "E"}, {"source": 22, "target": 1, "label": "F"}, {"source": 26, "target": 9, "label": "P"}, {"source": 22, "target": 24, "label": "P"}, {"source": 27, "target": 11, "label": "R"}, {"source": 26, "target": 10, "label": "A"}, {"source": 22, "target": 3, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 22, "target": 2, "label": "D"}, {"source": 23, "target": 28, "label": "H"}, {"source": 28, "target": 18, "label": "F"}, {"source": 23, "target": 13, "label": "L"}, {"source": 22, "target": 25, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 22, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "P"}, {"source": 26, "target": 8, "label": "A"}, {"source": 25, "target": 7, "label": "E"}, {"source": 22, "target": 5, "label": "F"}, {"source": 24, "target": 6, "label": "C"}, {"source": 28, "target": 20, "label": "A"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "346960-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(I've been through at least 5 places already.)", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}, {"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}, {"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 1, "label": "A"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 2, "label": "S"}, {"source": 13, "target": 3, "label": "R"}, {"source": 11, "target": 0, "label": "U"}, {"source": 12, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 9, "label": "U"}, {"source": 13, "target": 14, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 7, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "346960-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If I had time to drive to Tacoma before they closed during the work week, I would just so I could get those boots fixed properly again.", "tops": [28], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}, {"from": 87, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 97}]}, {"id": 21, "anchors": [{"from": 98, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 134}]}, {"id": 27, "anchors": [{"from": 134, "to": 135}]}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 37, "target": 21, "label": "S"}, {"source": 36, "target": 17, "label": "F"}, {"source": 29, "target": 31, "label": "A"}, {"source": 29, "target": 1, "label": "A"}, {"source": 32, "target": 9, "label": "A"}, {"source": 38, "target": 23, "label": "E"}, {"source": 35, "target": 36, "label": "P"}, {"source": 30, "target": 2, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 31, "target": 6, "label": "R"}, {"source": 39, "target": 26, "label": "E"}, {"source": 39, "target": 25, "label": "C"}, {"source": 35, "target": 16, "label": "A"}, {"source": 35, "target": 18, "label": "D"}, {"source": 37, "target": 38, "label": "A"}, {"source": 37, "target": 20, "label": "D"}, {"source": 29, "target": 5, "label": "P"}, {"source": 38, "target": 24, "label": "C"}, {"source": 31, "target": 7, "label": "C"}, {"source": 34, "target": 12, "label": "E"}, {"source": 28, "target": 15, "label": "U"}, {"source": 28, "target": 37, "label": "H"}, {"source": 28, "target": 0, "label": "L"}, {"source": 29, "target": 30, "label": "D"}, {"source": 37, "target": 39, "label": "D"}, {"source": 34, "target": 13, "label": "E"}, {"source": 28, "target": 11, "label": "L"}, {"source": 28, "target": 35, "label": "H"}, {"source": 28, "target": 29, "label": "H"}, {"source": 28, "target": 33, "label": "H"}, {"source": 28, "target": 32, "label": "H"}, {"source": 34, "target": 14, "label": "C"}, {"source": 39, "target": 27, "label": "U"}, {"source": 29, "target": 4, "label": "F"}, {"source": 36, "target": 19, "label": "C"}, {"source": 38, "target": 22, "label": "E"}, {"source": 32, "target": 10, "label": "P"}, {"source": 30, "target": 3, "label": "C"}, {"source": 28, "target": 8, "label": "L"}]} +{"id": "348247-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "happy customer", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "348247-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mr. Squeege is THE BEST.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "348247-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Prompt, Clean Windows.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}, {"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 2, "label": "C"}, {"source": 6, "target": 3, "label": "U"}, {"source": 5, "target": 6, "label": "H"}, {"source": 4, "target": 1, "label": "U"}]} +{"id": "348247-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Affordable pricing.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "348247-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly responses.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "348247-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How else can excellent be described for a business of this sort?", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}, {"from": 59, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 8, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 2, "label": "D"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 3, "label": "D"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "348247-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have been my only \"go-to\" resource since we first did business together.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 26}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 27, "to": 29}]}, {"id": 9, "anchors": [{"from": 29, "to": 30}]}, {"id": 10, "anchors": [{"from": 31, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "anchors": [{"from": 46, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 76}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 11, "label": "L"}, {"source": 20, "target": 3, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 17, "label": "U"}, {"source": 22, "target": 15, "label": "P"}, {"source": 22, "target": 16, "label": "D"}, {"source": 20, "target": 4, "label": "D"}, {"source": 18, "target": 2, "label": "S"}, {"source": 22, "target": 14, "label": "F"}, {"source": 21, "target": 10, "label": "C"}, {"source": 20, "target": 5, "label": "U"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 6, "label": "P"}, {"source": 22, "target": 13, "label": "D"}, {"source": 19, "target": 22, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 21, "target": 9, "label": "U"}, {"source": 21, "target": 8, "label": "R"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "348247-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You will find the same to be true for you.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}, {"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 6, "label": "S"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 13, "label": "A"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "348369-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Awesome!!!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "348369-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes my G1 screen is back working.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 6}, {"from": 7, "to": 8}, {"from": 8, "to": 9}, {"from": 10, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 1, "label": "F"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "D"}]} +{"id": "348369-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They was about to Charge me $129...", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}, {"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 8, "label": "H"}, {"source": 10, "target": 3, "label": "R"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "A"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "348369-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But i paid $100.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 4, "label": "A"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 1, "label": "A"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "348369-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "they save me from having to deal with Tmobile...", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 13, "label": "P"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 2, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 12, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 4, "label": "F"}, {"source": 14, "target": 8, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "348369-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tmobile want to Send of my phone and i didn't want to go thru that...", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}, {"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 66, "to": 69}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 8, "label": "A"}, {"source": 21, "target": 13, "label": "P"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "F"}, {"source": 21, "target": 14, "label": "A"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "P"}, {"source": 21, "target": 12, "label": "F"}, {"source": 19, "target": 4, "label": "R"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 7, "label": "L"}, {"source": 20, "target": 10, "label": "D"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 18, "target": 2, "label": "F"}, {"source": 16, "target": 1, "label": "P"}]} +{"id": "348369-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "3 Days For get that...", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "348369-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "348369-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would recommend them to anyone..", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "P"}, {"source": 8, "target": 3, "label": "A"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "R"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "349020-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I purchased a 2-year old certified pre-owned BMW from this dealership.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 44}, {"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 7, "label": "C"}, {"source": 16, "target": 4, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 10, "label": "E"}, {"source": 15, "target": 6, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 3, "label": "E"}, {"source": 17, "target": 12, "label": "U"}, {"source": 14, "target": 1, "label": "P"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 17, "target": 11, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 17, "target": 9, "label": "R"}, {"source": 15, "target": 8, "label": "E"}, {"source": 15, "target": 17, "label": "E"}]} +{"id": "349020-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The night I drove back home, I found that the rear window has some leakage.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 74, "to": 75}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 18, "label": "H"}, {"source": 19, "target": 6, "label": "U"}, {"source": 21, "target": 8, "label": "P"}, {"source": 24, "target": 14, "label": "E"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 18, "target": 3, "label": "P"}, {"source": 24, "target": 15, "label": "C"}, {"source": 22, "target": 13, "label": "S"}, {"source": 24, "target": 16, "label": "U"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 10, "label": "E"}, {"source": 19, "target": 21, "label": "H"}, {"source": 18, "target": 2, "label": "A"}, {"source": 22, "target": 9, "label": "F"}, {"source": 17, "target": 0, "label": "E"}, {"source": 18, "target": 17, "label": "D"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "349020-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(You can hear the wind while driving on highway.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "U"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "P"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 15, "target": 7, "label": "P"}, {"source": 12, "target": 15, "label": "H"}, {"source": 12, "target": 6, "label": "L"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "D"}]} +{"id": "349020-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very likely it needs a new window seal).", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 12, "target": 3, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 12, "target": 2, "label": "A"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 10, "label": "D"}]} +{"id": "349020-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I admit that I should have paid attention to this kind of little things while test drive.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 20, "target": 3, "label": "A"}, {"source": 23, "target": 16, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 21, "target": 12, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 20, "target": 4, "label": "D"}, {"source": 22, "target": 11, "label": "R"}, {"source": 22, "target": 9, "label": "E"}, {"source": 19, "target": 14, "label": "L"}, {"source": 20, "target": 2, "label": "F"}, {"source": 18, "target": 1, "label": "P"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 6, "label": "P"}, {"source": 23, "target": 15, "label": "P"}, {"source": 23, "target": 17, "label": "U"}, {"source": 22, "target": 10, "label": "C"}, {"source": 20, "target": 7, "label": "A"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "R"}, {"source": 19, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "349020-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(But this is a certified car from a dealer.)", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 1, "label": "L"}, {"source": 12, "target": 0, "label": "U"}, {"source": 13, "target": 2, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "S"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 14, "target": 5, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "349020-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I brought the car back the second day.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 12, "label": "D"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "349020-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They told me that this is not under warranty and want to charge me $175 just to diagnose the problem!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}, {"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 67, "to": 68}]}, {"id": 15, "anchors": [{"from": 72, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 29, "target": 17, "label": "P"}, {"source": 22, "target": 24, "label": "A"}, {"source": 28, "target": 16, "label": "F"}, {"source": 21, "target": 9, "label": "N"}, {"source": 22, "target": 2, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 4, "label": "C"}, {"source": 29, "target": 30, "label": "A"}, {"source": 28, "target": 15, "label": "D"}, {"source": 22, "target": 1, "label": "P"}, {"source": 25, "target": 8, "label": "C"}, {"source": 28, "target": 12, "label": "P"}, {"source": 23, "target": 25, "label": "A"}, {"source": 28, "target": 14, "label": "U"}, {"source": 30, "target": 20, "label": "U"}, {"source": 29, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 3, "label": "R"}, {"source": 24, "target": 29, "label": "H"}, {"source": 24, "target": 23, "label": "H"}, {"source": 23, "target": 6, "label": "D"}, {"source": 28, "target": 13, "label": "A"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 18, "label": "E"}, {"source": 21, "target": 27, "label": "E"}, {"source": 27, "target": 26, "label": "H"}, {"source": 30, "target": 19, "label": "C"}, {"source": 28, "target": 11, "label": "F"}, {"source": 25, "target": 7, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 5, "label": "S"}, {"source": 26, "target": 10, "label": "P"}]} +{"id": "349020-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Who knows how much they want me to pay to fix this thing.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 18, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 17, "label": "A"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 5, "label": "P"}, {"source": 17, "target": 4, "label": "A"}, {"source": 16, "target": 2, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 17, "target": 6, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "349020-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I walked away.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "D"}, {"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "349020-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So my advice is that NEVER TRUST THIS DEALER.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 3, "label": "S"}, {"source": 14, "target": 9, "label": "U"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 4, "label": "F"}, {"source": 10, "target": 1, "label": "E"}, {"source": 10, "target": 0, "label": "R"}, {"source": 12, "target": 10, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "349020-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "STAY AWAY AS FAR AS POSSIBLE.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}, {"from": 13, "to": 16}, {"from": 17, "to": 19}, {"from": 20, "to": 28}]}, {"id": 2, "anchors": [{"from": 28, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 0, "label": "S"}, {"source": 4, "target": 5, "label": "A"}]} +{"id": "351058-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One of the worst places", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 5, "target": 1, "label": "R"}, {"source": 5, "target": 0, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 9, "target": 5, "label": "E"}, {"source": 9, "target": 3, "label": "E"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "351058-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place and its sister store Peking Garden are the worst places to order from.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}, {"from": 39, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 1, "label": "C"}, {"source": 19, "target": 5, "label": "C"}, {"source": 16, "target": 15, "label": "C"}, {"source": 17, "target": 7, "label": "S"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 3, "label": "E"}, {"source": 15, "target": 0, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 20, "target": 19, "label": "E"}, {"source": 16, "target": 20, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 16, "target": 2, "label": "N"}, {"source": 18, "target": 23, "label": "H"}, {"source": 21, "target": 9, "label": "E"}, {"source": 22, "target": 13, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 18, "target": 11, "label": "L"}, {"source": 17, "target": 16, "label": "A"}, {"source": 23, "target": 22, "label": "D"}, {"source": 17, "target": 21, "label": "A"}, {"source": 21, "target": 8, "label": "E"}]} +{"id": "351058-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the food was horrible not cooked like it should be, they got the order wrong on a number of occasions, and once forgot about my order.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 101}]}, {"id": 21, "anchors": [{"from": 101, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 118}]}, {"id": 25, "anchors": [{"from": 119, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 133}]}, {"id": 28, "anchors": [{"from": 133, "to": 134}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 33, "target": 7, "label": "A"}, {"source": 30, "target": 4, "label": "D"}, {"source": 37, "target": 19, "label": "R"}, {"source": 31, "target": 21, "label": "U"}, {"source": 30, "target": 3, "label": "A"}, {"source": 37, "target": 20, "label": "C"}, {"source": 39, "target": 26, "label": "E"}, {"source": 33, "target": 8, "label": "D"}, {"source": 32, "target": 33, "label": "C"}, {"source": 39, "target": 28, "label": "U"}, {"source": 39, "target": 27, "label": "C"}, {"source": 34, "target": 35, "label": "S"}, {"source": 38, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 38, "target": 24, "label": "P"}, {"source": 35, "target": 13, "label": "E"}, {"source": 39, "target": 25, "label": "R"}, {"source": 35, "target": 15, "label": "C"}, {"source": 31, "target": 10, "label": "U"}, {"source": 30, "target": 5, "label": "D"}, {"source": 34, "target": 11, "label": "A"}, {"source": 36, "target": 16, "label": "R"}, {"source": 29, "target": 0, "label": "E"}, {"source": 32, "target": 6, "label": "R"}, {"source": 34, "target": 36, "label": "D"}, {"source": 35, "target": 14, "label": "E"}, {"source": 36, "target": 18, "label": "C"}, {"source": 29, "target": 1, "label": "C"}, {"source": 34, "target": 12, "label": "D"}, {"source": 31, "target": 38, "label": "H"}, {"source": 30, "target": 2, "label": "S"}, {"source": 38, "target": 23, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 31, "target": 34, "label": "H"}, {"source": 33, "target": 9, "label": "S"}, {"source": 36, "target": 37, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 36, "target": 17, "label": "E"}, {"source": 30, "target": 29, "label": "A"}, {"source": 31, "target": 22, "label": "L"}]} +{"id": "351058-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i had to call back up there two hours later and the lady (who claimed to be a manager) said my food was on the way, and she didnt offer to compensate me in any kind of way.", "tops": [43], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}, {"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 85}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 110}]}, {"id": 26, "anchors": [{"from": 111, "to": 114}]}, {"id": 27, "anchors": [{"from": 114, "to": 115}]}, {"id": 28, "anchors": [{"from": 116, "to": 119}]}, {"id": 29, "anchors": [{"from": 120, "to": 123}]}, {"id": 30, "anchors": [{"from": 124, "to": 127}]}, {"id": 31, "anchors": [{"from": 127, "to": 129}]}, {"id": 32, "anchors": [{"from": 130, "to": 135}]}, {"id": 33, "anchors": [{"from": 136, "to": 138}]}, {"id": 34, "anchors": [{"from": 139, "to": 149}]}, {"id": 35, "anchors": [{"from": 150, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 155}]}, {"id": 37, "anchors": [{"from": 156, "to": 159}]}, {"id": 38, "anchors": [{"from": 160, "to": 164}]}, {"id": 39, "anchors": [{"from": 165, "to": 167}]}, {"id": 40, "anchors": [{"from": 168, "to": 171}]}, {"id": 41, "anchors": [{"from": 171, "to": 172}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 43, "target": 28, "label": "L"}, {"source": 57, "target": 41, "label": "U"}, {"source": 43, "target": 55, "label": "H"}, {"source": 52, "target": 21, "label": "A"}, {"source": 43, "target": 27, "label": "U"}, {"source": 56, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 48, "label": "E"}, {"source": 50, "target": 18, "label": "C"}, {"source": 53, "target": 54, "label": "D"}, {"source": 44, "target": 3, "label": "C"}, {"source": 44, "target": 1, "label": "F"}, {"source": 46, "target": 47, "label": "C"}, {"source": 57, "target": 36, "label": "R"}, {"source": 50, "target": 17, "label": "E"}, {"source": 56, "target": 35, "label": "A"}, {"source": 42, "target": 2, "label": "F"}, {"source": 54, "target": 24, "label": "R"}, {"source": 55, "target": 56, "label": "A"}, {"source": 57, "target": 40, "label": "C"}, {"source": 45, "target": 6, "label": "E"}, {"source": 42, "target": 0, "label": "A"}, {"source": 45, "target": 7, "label": "C"}, {"source": 54, "target": 26, "label": "C"}, {"source": 56, "target": 34, "label": "P"}, {"source": 48, "target": 49, "label": "A"}, {"source": 42, "target": 5, "label": "A"}, {"source": 42, "target": 4, "label": "F"}, {"source": 52, "target": 22, "label": "P"}, {"source": 49, "target": 16, "label": "S"}, {"source": 58, "target": 38, "label": "C"}, {"source": 57, "target": 37, "label": "E"}, {"source": 42, "target": 46, "label": "A"}, {"source": 49, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 46, "target": 45, "label": "C"}, {"source": 43, "target": 42, "label": "H"}, {"source": 58, "target": 39, "label": "R"}, {"source": 51, "target": 20, "label": "P"}, {"source": 56, "target": 33, "label": "F"}, {"source": 51, "target": 53, "label": "A"}, {"source": 56, "target": 57, "label": "D"}, {"source": 42, "target": 44, "label": "P"}, {"source": 55, "target": 32, "label": "P"}, {"source": 49, "target": 15, "label": "F"}, {"source": 49, "target": 50, "label": "A"}, {"source": 53, "target": 23, "label": "S"}, {"source": 43, "target": 51, "label": "H"}, {"source": 53, "target": 52, "label": "A"}, {"source": 47, "target": 11, "label": "C"}, {"source": 57, "target": 58, "label": "E"}, {"source": 55, "target": 31, "label": "D"}, {"source": 54, "target": 25, "label": "E"}, {"source": 48, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 19, "label": "U"}, {"source": 55, "target": 30, "label": "F"}, {"source": 45, "target": 8, "label": "R"}, {"source": 47, "target": 10, "label": "E"}, {"source": 48, "target": 14, "label": "P"}, {"source": 48, "target": 13, "label": "F"}, {"source": 55, "target": 29, "label": "A"}, {"source": 47, "target": 12, "label": "U"}, {"source": 46, "target": 9, "label": "N"}]} +{"id": "351058-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i waited another 30 mins before receiving my food and it was cold.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "P"}, {"source": 14, "target": 9, "label": "L"}, {"source": 14, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "P"}, {"source": 18, "target": 7, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 5, "label": "L"}, {"source": 17, "target": 6, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 14, "target": 19, "label": "H"}, {"source": 19, "target": 12, "label": "S"}, {"source": 19, "target": 11, "label": "F"}, {"source": 15, "target": 16, "label": "A"}, {"source": 14, "target": 17, "label": "H"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "351058-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "in my opinon this place should be shut down by the health inspector, and anyone who is satisfied with there service and food has never eaten at a real asian restaurant.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 107}]}, {"id": 21, "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 128}]}, {"id": 25, "anchors": [{"from": 129, "to": 134}]}, {"id": 26, "anchors": [{"from": 135, "to": 140}]}, {"id": 27, "anchors": [{"from": 141, "to": 143}]}, {"id": 28, "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 167}]}, {"id": 32, "anchors": [{"from": 167, "to": 168}]}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}], "edges": [{"source": 45, "target": 29, "label": "E"}, {"source": 33, "target": 36, "label": "E"}, {"source": 41, "target": 24, "label": "F"}, {"source": 33, "target": 1, "label": "E"}, {"source": 35, "target": 13, "label": "U"}, {"source": 37, "target": 7, "label": "C"}, {"source": 40, "target": 15, "label": "C"}, {"source": 44, "target": 26, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 38, "target": 10, "label": "E"}, {"source": 42, "target": 43, "label": "C"}, {"source": 45, "target": 28, "label": "E"}, {"source": 33, "target": 2, "label": "C"}, {"source": 38, "target": 11, "label": "E"}, {"source": 34, "target": 37, "label": "P"}, {"source": 40, "target": 41, "label": "E"}, {"source": 34, "target": 33, "label": "A"}, {"source": 36, "target": 3, "label": "E"}, {"source": 35, "target": 14, "label": "L"}, {"source": 41, "target": 25, "label": "D"}, {"source": 45, "target": 27, "label": "R"}, {"source": 43, "target": 22, "label": "N"}, {"source": 45, "target": 32, "label": "U"}, {"source": 34, "target": 6, "label": "F"}, {"source": 43, "target": 21, "label": "C"}, {"source": 38, "target": 12, "label": "C"}, {"source": 45, "target": 30, "label": "E"}, {"source": 41, "target": 16, "label": "F"}, {"source": 41, "target": 44, "label": "A"}, {"source": 42, "target": 20, "label": "E"}, {"source": 37, "target": 8, "label": "E"}, {"source": 44, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 42, "label": "A"}, {"source": 45, "target": 31, "label": "C"}, {"source": 43, "target": 23, "label": "C"}, {"source": 35, "target": 39, "label": "H"}, {"source": 34, "target": 38, "label": "A"}, {"source": 33, "target": 0, "label": "R"}, {"source": 34, "target": 5, "label": "D"}, {"source": 41, "target": 18, "label": "S"}, {"source": 41, "target": 17, "label": "F"}, {"source": 38, "target": 9, "label": "R"}, {"source": 44, "target": 45, "label": "A"}, {"source": 42, "target": 19, "label": "R"}, {"source": 36, "target": 4, "label": "C"}, {"source": 35, "target": 34, "label": "H"}]} +{"id": "351561-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dumbest F'ers ever", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 1, "label": "D"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "351561-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called dominos tonight, it rang forever, I get put on hold twice without saying a word and FINALLY someone says, MAY I HELP YOU?", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}, {"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 113}]}, {"id": 22, "anchors": [{"from": 113, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 118}, {"from": 119, "to": 120}, {"from": 121, "to": 125}, {"from": 126, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 11, "label": "E"}, {"source": 26, "target": 31, "label": "H"}, {"source": 28, "target": 6, "label": "P"}, {"source": 32, "target": 17, "label": "C"}, {"source": 29, "target": 9, "label": "A"}, {"source": 26, "target": 18, "label": "L"}, {"source": 34, "target": 23, "label": "A"}, {"source": 32, "target": 16, "label": "E"}, {"source": 31, "target": 15, "label": "P"}, {"source": 29, "target": 13, "label": "D"}, {"source": 34, "target": 33, "label": "A"}, {"source": 26, "target": 14, "label": "L"}, {"source": 28, "target": 5, "label": "A"}, {"source": 34, "target": 22, "label": "U"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 4, "label": "U"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 2, "label": "E"}, {"source": 26, "target": 8, "label": "U"}, {"source": 31, "target": 32, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 30, "target": 12, "label": "C"}, {"source": 33, "target": 20, "label": "A"}, {"source": 25, "target": 1, "label": "P"}, {"source": 26, "target": 28, "label": "H"}, {"source": 26, "target": 34, "label": "H"}, {"source": 29, "target": 30, "label": "P"}, {"source": 27, "target": 3, "label": "C"}, {"source": 28, "target": 7, "label": "D"}, {"source": 30, "target": 10, "label": "E"}, {"source": 34, "target": 21, "label": "P"}, {"source": 33, "target": 19, "label": "A"}, {"source": 26, "target": 29, "label": "H"}, {"source": 31, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "351561-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So I say: I'm at the Radison Warwick hotel in Rittenhouse Square (built in 1926) do you deliver to the Warwick?", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 8, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}, {"from": 11, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 28}, {"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 57}, {"from": 58, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 79, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 110}]}, {"id": 22, "anchors": [{"from": 110, "to": 111}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 23, "target": 25, "label": "H"}, {"source": 25, "target": 4, "label": "A"}, {"source": 26, "target": 8, "label": "C"}, {"source": 24, "target": 1, "label": "A"}, {"source": 30, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 18, "label": "P"}, {"source": 23, "target": 0, "label": "L"}, {"source": 23, "target": 15, "label": "U"}, {"source": 26, "target": 5, "label": "R"}, {"source": 26, "target": 6, "label": "E"}, {"source": 31, "target": 17, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 32, "target": 22, "label": "U"}, {"source": 32, "target": 20, "label": "E"}, {"source": 28, "target": 12, "label": "P"}, {"source": 29, "target": 13, "label": "R"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 30, "label": "H"}, {"source": 32, "target": 21, "label": "C"}, {"source": 29, "target": 14, "label": "C"}, {"source": 23, "target": 3, "label": "U"}, {"source": 27, "target": 10, "label": "C"}, {"source": 28, "target": 29, "label": "D"}, {"source": 27, "target": 11, "label": "U"}, {"source": 27, "target": 9, "label": "R"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 7, "label": "E"}, {"source": 28, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 16, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 19, "label": "R"}, {"source": 24, "target": 2, "label": "P"}]} +{"id": "351561-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They say no, Warwick in New Jersey, Call New Jersey.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}, {"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 44}, {"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "E"}, {"source": 12, "target": 4, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "D"}, {"source": 11, "target": 12, "label": "A"}, {"source": 13, "target": 8, "label": "E"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "U"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "351561-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I laugh and say, no, that Warwick is in New York, but I'm at the Radison-Warwick.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}, {"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 55}, {"from": 55, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 72}, {"from": 73, "to": 80}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19, "anchors": [{"from": 80, "to": 81}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 24, "target": 9, "label": "S"}, {"source": 23, "target": 5, "label": "L"}, {"source": 26, "target": 14, "label": "A"}, {"source": 27, "target": 15, "label": "R"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 11, "label": "C"}, {"source": 23, "target": 6, "label": "U"}, {"source": 23, "target": 7, "label": "L"}, {"source": 27, "target": 18, "label": "U"}, {"source": 21, "target": 23, "label": "A"}, {"source": 20, "target": 21, "label": "H"}, {"source": 22, "target": 1, "label": "C"}, {"source": 22, "target": 3, "label": "C"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 22, "target": 2, "label": "N"}, {"source": 21, "target": 4, "label": "U"}, {"source": 23, "target": 13, "label": "L"}, {"source": 23, "target": 12, "label": "U"}, {"source": 24, "target": 8, "label": "A"}, {"source": 25, "target": 10, "label": "R"}, {"source": 27, "target": 19, "label": "U"}, {"source": 21, "target": 22, "label": "P"}]} +{"id": "351561-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And he says: You're at Warwick in Pennsylvania?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 46}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 15, "target": 8, "label": "R"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 5, "label": "S"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 15, "label": "E"}, {"source": 14, "target": 6, "label": "R"}, {"source": 13, "target": 4, "label": "A"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "U"}, {"source": 11, "target": 0, "label": "L"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "351561-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and I said, YES, CENTER CITY PHILLY, and he says, NO, Warwick is a township, If you're at a Radison in Warwick thats too far, try dominos in Pottstown.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 23}, {"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "anchors": [{"from": 44, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 52}]}, {"id": 14, "anchors": [{"from": 52, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 66}]}, {"id": 18, "anchors": [{"from": 67, "to": 75}]}, {"id": 19, "anchors": [{"from": 75, "to": 76}]}, {"id": 20, "anchors": [{"from": 77, "to": 79}]}, {"id": 21, "anchors": [{"from": 80, "to": 83}]}, {"id": 22, "anchors": [{"from": 83, "to": 86}]}, {"id": 23, "anchors": [{"from": 87, "to": 89}]}, {"id": 24, "anchors": [{"from": 90, "to": 91}]}, {"id": 25, "anchors": [{"from": 92, "to": 99}]}, {"id": 26, "anchors": [{"from": 100, "to": 102}]}, {"id": 27, "anchors": [{"from": 103, "to": 110}]}, {"id": 28, "anchors": [{"from": 111, "to": 115}]}, {"id": 29, "anchors": [{"from": 115, "to": 116}]}, {"id": 30, "anchors": [{"from": 117, "to": 120}]}, {"id": 31, "anchors": [{"from": 121, "to": 124}]}, {"id": 32, "anchors": [{"from": 124, "to": 125}]}, {"id": 33, "anchors": [{"from": 126, "to": 129}]}, {"id": 34, "anchors": [{"from": 130, "to": 137}]}, {"id": 35, "anchors": [{"from": 138, "to": 140}]}, {"id": 36, "anchors": [{"from": 141, "to": 150}]}, {"id": 37, "anchors": [{"from": 150, "to": 151}]}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}], "edges": [{"source": 38, "target": 32, "label": "U"}, {"source": 49, "target": 50, "label": "D"}, {"source": 50, "target": 30, "label": "R"}, {"source": 45, "target": 17, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 46, "target": 22, "label": "S"}, {"source": 51, "target": 52, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 38, "target": 39, "label": "H"}, {"source": 38, "target": 8, "label": "U"}, {"source": 47, "target": 48, "label": "E"}, {"source": 49, "target": 28, "label": "F"}, {"source": 41, "target": 6, "label": "E"}, {"source": 45, "target": 18, "label": "C"}, {"source": 44, "target": 16, "label": "S"}, {"source": 49, "target": 29, "label": "P"}, {"source": 38, "target": 20, "label": "L"}, {"source": 42, "target": 11, "label": "P"}, {"source": 40, "target": 5, "label": "U"}, {"source": 43, "target": 14, "label": "U"}, {"source": 38, "target": 0, "label": "L"}, {"source": 38, "target": 51, "label": "H"}, {"source": 48, "target": 26, "label": "R"}, {"source": 48, "target": 27, "label": "C"}, {"source": 49, "target": 25, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 15, "label": "A"}, {"source": 51, "target": 33, "label": "D"}, {"source": 47, "target": 24, "label": "E"}, {"source": 53, "target": 35, "label": "R"}, {"source": 38, "target": 42, "label": "H"}, {"source": 40, "target": 41, "label": "C"}, {"source": 38, "target": 46, "label": "H"}, {"source": 47, "target": 25, "label": "C"}, {"source": 52, "target": 53, "label": "E"}, {"source": 53, "target": 36, "label": "C"}, {"source": 47, "target": 23, "label": "R"}, {"source": 39, "target": 3, "label": "U"}, {"source": 38, "target": 9, "label": "L"}, {"source": 47, "target": 49, "label": "E"}, {"source": 50, "target": 31, "label": "C"}, {"source": 38, "target": 19, "label": "U"}, {"source": 46, "target": 21, "label": "A"}, {"source": 40, "target": 4, "label": "C"}, {"source": 42, "target": 10, "label": "A"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 45, "label": "A"}, {"source": 41, "target": 7, "label": "C"}, {"source": 53, "target": 37, "label": "U"}, {"source": 39, "target": 2, "label": "P"}, {"source": 46, "target": 47, "label": "A"}, {"source": 43, "target": 13, "label": "A"}, {"source": 52, "target": 34, "label": "C"}, {"source": 39, "target": 1, "label": "A"}, {"source": 42, "target": 12, "label": "U"}]} +{"id": "351561-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He says: I not know that town, I have to get to work, I'm in PHILLY.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 19}]}, {"id": 6, "anchors": [{"from": 20, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 47}]}, {"id": 14, "anchors": [{"from": 48, "to": 52}]}, {"id": 15, "anchors": [{"from": 52, "to": 53}]}, {"id": 16, "anchors": [{"from": 54, "to": 55}, {"from": 55, "to": 57}]}, {"id": 17, "anchors": [{"from": 58, "to": 60}]}, {"id": 18, "anchors": [{"from": 61, "to": 67}]}, {"id": 19, "anchors": [{"from": 67, "to": 68}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 5, "label": "P"}, {"source": 21, "target": 8, "label": "U"}, {"source": 24, "target": 9, "label": "A"}, {"source": 25, "target": 12, "label": "C"}, {"source": 25, "target": 10, "label": "F"}, {"source": 20, "target": 2, "label": "U"}, {"source": 23, "target": 6, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 24, "target": 25, "label": "P"}, {"source": 21, "target": 15, "label": "U"}, {"source": 26, "target": 13, "label": "R"}, {"source": 21, "target": 27, "label": "H"}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 4, "label": "D"}, {"source": 28, "target": 17, "label": "R"}, {"source": 24, "target": 11, "label": "F"}, {"source": 20, "target": 1, "label": "P"}, {"source": 22, "target": 3, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 19, "label": "U"}, {"source": 27, "target": 16, "label": "A"}]} +{"id": "351561-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Call dominos in your town.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 1, "label": "A"}, {"source": 8, "target": 2, "label": "R"}]} +{"id": "351561-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I SAY LISTEN: I'm at 17th and LOCUST, do you deliver there?", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 5}, {"from": 6, "to": 12}, {"from": 14, "to": 15}, {"from": 15, "to": 17}, {"from": 18, "to": 20}, {"from": 21, "to": 25}]}, {"id": 1, "anchors": [{"from": 12, "to": 13}]}, {"id": 2, "anchors": [{"from": 26, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 36}]}, {"id": 4, "anchors": [{"from": 36, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 7, "label": "P"}, {"source": 10, "target": 3, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 2, "label": "L"}, {"source": 13, "target": 6, "label": "A"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 1, "label": "U"}, {"source": 13, "target": 8, "label": "A"}]} +{"id": "351561-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He says, I have to have an exact ADDRESS.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "P"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 13, "label": "H"}, {"source": 14, "target": 4, "label": "F"}, {"source": 13, "target": 5, "label": "F"}]} +{"id": "351561-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "OK, 1701 LOCUST STREET i say.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 15}, {"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "U"}, {"source": 9, "target": 3, "label": "E"}, {"source": 7, "target": 0, "label": "U"}]} +{"id": "351561-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "he says: Why you tell me your in WARWICK TOWNSHIP?", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 28}]}, {"id": 8, "anchors": [{"from": 28, "to": 29}]}, {"id": 9, "anchors": [{"from": 30, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 40}]}, {"id": 11, "anchors": [{"from": 41, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 4, "label": "A"}, {"source": 14, "target": 2, "label": "U"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 1, "label": "P"}, {"source": 15, "target": 5, "label": "P"}, {"source": 16, "target": 7, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 16, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 14, "target": 3, "label": "L"}, {"source": 17, "target": 9, "label": "R"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "351561-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He gives the phone to a girl, she says, I have to have your address, I say, do you deliver to 17th and locust, she says, your exact address, I say 1-7-0-1 Locust, ARe you sure? she asks?", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 41}]}, {"id": 12, "anchors": [{"from": 42, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 59}]}, {"id": 16, "anchors": [{"from": 60, "to": 67}]}, {"id": 17, "anchors": [{"from": 67, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 70}]}, {"id": 19, "anchors": [{"from": 71, "to": 74}]}, {"id": 20, "anchors": [{"from": 74, "to": 75}]}, {"id": 21, "anchors": [{"from": 76, "to": 78}]}, {"id": 22, "anchors": [{"from": 79, "to": 82}]}, {"id": 23, "anchors": [{"from": 83, "to": 90}]}, {"id": 24, "anchors": [{"from": 91, "to": 93}]}, {"id": 25, "anchors": [{"from": 94, "to": 98}]}, {"id": 26, "anchors": [{"from": 99, "to": 102}]}, {"id": 27, "anchors": [{"from": 103, "to": 109}]}, {"id": 28, "anchors": [{"from": 109, "to": 110}]}, {"id": 29, "anchors": [{"from": 111, "to": 114}]}, {"id": 30, "anchors": [{"from": 115, "to": 119}]}, {"id": 31, "anchors": [{"from": 119, "to": 120}]}, {"id": 32, "anchors": [{"from": 121, "to": 125}]}, {"id": 33, "anchors": [{"from": 126, "to": 131}]}, {"id": 34, "anchors": [{"from": 132, "to": 139}]}, {"id": 35, "anchors": [{"from": 139, "to": 140}]}, {"id": 36, "anchors": [{"from": 141, "to": 142}]}, {"id": 37, "anchors": [{"from": 143, "to": 146}]}, {"id": 38, "anchors": [{"from": 147, "to": 148}, {"from": 149, "to": 150}, {"from": 151, "to": 152}, {"from": 153, "to": 154}, {"from": 155, "to": 161}]}, {"id": 39, "anchors": [{"from": 148, "to": 149}]}, {"id": 40, "anchors": [{"from": 150, "to": 151}]}, {"id": 41, "anchors": [{"from": 152, "to": 153}]}, {"id": 42, "anchors": [{"from": 161, "to": 162}]}, {"id": 43, "anchors": [{"from": 163, "to": 166}, {"from": 167, "to": 170}]}, {"id": 44, "anchors": [{"from": 171, "to": 175}]}, {"id": 45, "anchors": [{"from": 175, "to": 176}]}, {"id": 46, "anchors": [{"from": 177, "to": 180}]}, {"id": 47, "anchors": [{"from": 181, "to": 185}]}, {"id": 48, "anchors": [{"from": 185, "to": 186}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}], "edges": [{"source": 50, "target": 58, "label": "H"}, {"source": 50, "target": 54, "label": "H"}, {"source": 50, "target": 35, "label": "U"}, {"source": 50, "target": 45, "label": "U"}, {"source": 50, "target": 20, "label": "U"}, {"source": 58, "target": 59, "label": "A"}, {"source": 50, "target": 63, "label": "H"}, {"source": 58, "target": 23, "label": "P"}, {"source": 51, "target": 3, "label": "C"}, {"source": 59, "target": 60, "label": "C"}, {"source": 50, "target": 28, "label": "U"}, {"source": 50, "target": 49, "label": "H"}, {"source": 49, "target": 0, "label": "A"}, {"source": 54, "target": 11, "label": "A"}, {"source": 55, "target": 12, "label": "F"}, {"source": 64, "target": 38, "label": "C"}, {"source": 65, "target": 46, "label": "A"}, {"source": 50, "target": 10, "label": "U"}, {"source": 56, "target": 16, "label": "C"}, {"source": 55, "target": 14, "label": "C"}, {"source": 52, "target": 6, "label": "C"}, {"source": 64, "target": 44, "label": "E"}, {"source": 54, "target": 13, "label": "F"}, {"source": 60, "target": 27, "label": "C"}, {"source": 60, "target": 25, "label": "C"}, {"source": 62, "target": 32, "label": "E"}, {"source": 51, "target": 2, "label": "E"}, {"source": 50, "target": 17, "label": "U"}, {"source": 63, "target": 36, "label": "A"}, {"source": 64, "target": 40, "label": "U"}, {"source": 63, "target": 37, "label": "P"}, {"source": 64, "target": 42, "label": "U"}, {"source": 50, "target": 7, "label": "U"}, {"source": 58, "target": 22, "label": "A"}, {"source": 57, "target": 18, "label": "A"}, {"source": 49, "target": 52, "label": "A"}, {"source": 61, "target": 29, "label": "A"}, {"source": 62, "target": 33, "label": "E"}, {"source": 53, "target": 9, "label": "P"}, {"source": 54, "target": 56, "label": "A"}, {"source": 61, "target": 30, "label": "P"}, {"source": 52, "target": 4, "label": "R"}, {"source": 50, "target": 57, "label": "H"}, {"source": 63, "target": 64, "label": "A"}, {"source": 50, "target": 53, "label": "H"}, {"source": 53, "target": 8, "label": "A"}, {"source": 62, "target": 34, "label": "C"}, {"source": 54, "target": 55, "label": "P"}, {"source": 60, "target": 26, "label": "N"}, {"source": 61, "target": 62, "label": "A"}, {"source": 61, "target": 31, "label": "U"}, {"source": 49, "target": 51, "label": "A"}, {"source": 50, "target": 21, "label": "L"}, {"source": 65, "target": 48, "label": "U"}, {"source": 59, "target": 24, "label": "R"}, {"source": 50, "target": 65, "label": "H"}, {"source": 52, "target": 5, "label": "E"}, {"source": 50, "target": 61, "label": "H"}, {"source": 57, "target": 19, "label": "P"}, {"source": 56, "target": 15, "label": "E"}, {"source": 64, "target": 43, "label": "E"}, {"source": 65, "target": 47, "label": "P"}, {"source": 64, "target": 41, "label": "U"}, {"source": 64, "target": 39, "label": "U"}, {"source": 49, "target": 1, "label": "P"}]} +{"id": "351561-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "YES I am sure, well, she says, is that ON 17th STREET.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 29, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 33}]}, {"id": 10, "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}, {"from": 42, "to": 46}, {"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 11, "label": "A"}, {"source": 14, "target": 3, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 8, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 9, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 16, "target": 10, "label": "F"}, {"source": 13, "target": 2, "label": "S"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 4, "label": "L"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "351561-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, I say.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 10, "to": 11}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "U"}, {"source": 7, "target": 2, "label": "A"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "S"}]} +{"id": "351561-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "17th, like over by 16th and 15th YES, I say, one mile west of you.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 43}]}, {"id": 12, "anchors": [{"from": 43, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 48}]}, {"id": 14, "anchors": [{"from": 49, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 58}]}, {"id": 16, "anchors": [{"from": 59, "to": 61}]}, {"id": 17, "anchors": [{"from": 62, "to": 65}]}, {"id": 18, "anchors": [{"from": 65, "to": 66}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 21, "target": 26, "label": "A"}, {"source": 19, "target": 22, "label": "E"}, {"source": 26, "target": 17, "label": "C"}, {"source": 21, "target": 10, "label": "A"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 8, "label": "E"}, {"source": 21, "target": 12, "label": "U"}, {"source": 19, "target": 0, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 11, "label": "P"}, {"source": 25, "target": 14, "label": "E"}, {"source": 22, "target": 2, "label": "R"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 6, "label": "N"}, {"source": 23, "target": 3, "label": "C"}, {"source": 21, "target": 19, "label": "A"}, {"source": 25, "target": 13, "label": "E"}, {"source": 22, "target": 24, "label": "C"}, {"source": 26, "target": 18, "label": "U"}, {"source": 23, "target": 4, "label": "R"}, {"source": 21, "target": 9, "label": "U"}, {"source": 19, "target": 1, "label": "U"}, {"source": 26, "target": 25, "label": "E"}, {"source": 25, "target": 16, "label": "R"}, {"source": 24, "target": 7, "label": "C"}, {"source": 24, "target": 5, "label": "C"}]} +{"id": "351561-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You're at 7th.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 2, "label": "R"}, {"source": 6, "target": 1, "label": "S"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "351561-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am just south of Walnut.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "R"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 10, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "351561-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She says, Is that 17th like over past broad.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 8, "label": "E"}, {"source": 14, "target": 5, "label": "C"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "E"}, {"source": 13, "target": 15, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "351561-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "YES, I am west of broad.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 23}]}, {"id": 7, "anchors": [{"from": 23, "to": 24}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 2, "label": "A"}, {"source": 10, "target": 6, "label": "S"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 3, "label": "F"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "D"}, {"source": 9, "target": 0, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "351561-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Broad, I say, is 14th street and I am 3 blocks west of broad and one south of walnut.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 34}]}, {"id": 10, "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "anchors": [{"from": 38, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 46}]}, {"id": 13, "anchors": [{"from": 47, "to": 51}]}, {"id": 14, "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "anchors": [{"from": 55, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 84}]}, {"id": 21, "anchors": [{"from": 84, "to": 85}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 28, "target": 30, "label": "E"}, {"source": 25, "target": 6, "label": "E"}, {"source": 24, "target": 10, "label": "D"}, {"source": 28, "target": 21, "label": "U"}, {"source": 29, "target": 13, "label": "C"}, {"source": 27, "target": 11, "label": "C"}, {"source": 22, "target": 18, "label": "C"}, {"source": 29, "target": 14, "label": "R"}, {"source": 26, "target": 8, "label": "N"}, {"source": 30, "target": 17, "label": "C"}, {"source": 23, "target": 2, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 12, "label": "E"}, {"source": 28, "target": 27, "label": "E"}, {"source": 23, "target": 3, "label": "P"}, {"source": 24, "target": 5, "label": "S"}, {"source": 28, "target": 20, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 22, "target": 1, "label": "U"}, {"source": 26, "target": 25, "label": "C"}, {"source": 30, "target": 15, "label": "C"}, {"source": 22, "target": 4, "label": "U"}, {"source": 26, "target": 9, "label": "C"}, {"source": 22, "target": 29, "label": "E"}, {"source": 24, "target": 28, "label": "A"}, {"source": 22, "target": 23, "label": "H"}, {"source": 30, "target": 16, "label": "N"}, {"source": 22, "target": 19, "label": "R"}]} +{"id": "351561-0024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hmmm, she says, Then why are you calling here, we don't go past broad?", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 20}, {"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 45, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "anchors": [{"from": 52, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 69}]}, {"id": 17, "anchors": [{"from": 69, "to": 70}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 6, "label": "S"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 10, "label": "U"}, {"source": 23, "target": 11, "label": "A"}, {"source": 23, "target": 16, "label": "A"}, {"source": 19, "target": 2, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 19, "target": 4, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 22, "target": 7, "label": "A"}, {"source": 23, "target": 13, "label": "D"}, {"source": 20, "target": 21, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 5, "label": "L"}, {"source": 18, "target": 1, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "L"}, {"source": 19, "target": 3, "label": "P"}, {"source": 22, "target": 8, "label": "P"}, {"source": 22, "target": 9, "label": "A"}, {"source": 23, "target": 15, "label": "D"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "351561-0025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Anyway, after much yelling and cussing I hung up, grabbed a cab, and went to Geno's.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}, {"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}]}, {"id": 19, "anchors": [{"from": 83, "to": 84}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 20, "target": 10, "label": "P"}, {"source": 21, "target": 13, "label": "U"}, {"source": 26, "target": 18, "label": "R"}, {"source": 21, "target": 22, "label": "H"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 11, "label": "E"}, {"source": 26, "target": 17, "label": "C"}, {"source": 22, "target": 6, "label": "P"}, {"source": 24, "target": 12, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 2, "label": "L"}, {"source": 25, "target": 15, "label": "P"}, {"source": 21, "target": 14, "label": "L"}, {"source": 23, "target": 8, "label": "C"}, {"source": 21, "target": 5, "label": "L"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 21, "target": 9, "label": "U"}, {"source": 21, "target": 3, "label": "E"}, {"source": 25, "target": 16, "label": "F"}, {"source": 21, "target": 19, "label": "U"}, {"source": 20, "target": 24, "label": "A"}, {"source": 21, "target": 1, "label": "U"}]} +{"id": "351727-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Overpriced", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "351727-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place is identical to the Youngstown Sports Grille, so I imagine they are owned/operated by the same people.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 41}, {"from": 42, "to": 48}, {"from": 49, "to": 55}]}, {"id": 7, "anchors": [{"from": 55, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 59}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 74}]}, {"id": 12, "anchors": [{"from": 75, "to": 78}]}, {"id": 13, "anchors": [{"from": 79, "to": 84}]}, {"id": 14, "anchors": [{"from": 84, "to": 85}]}, {"id": 15, "anchors": [{"from": 85, "to": 93}]}, {"id": 16, "anchors": [{"from": 94, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 112}]}, {"id": 20, "anchors": [{"from": 112, "to": 113}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 25, "label": "H"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 28, "target": 16, "label": "R"}, {"source": 21, "target": 0, "label": "E"}, {"source": 26, "target": 12, "label": "F"}, {"source": 24, "target": 4, "label": "R"}, {"source": 21, "target": 1, "label": "C"}, {"source": 27, "target": 15, "label": "C"}, {"source": 22, "target": 2, "label": "S"}, {"source": 28, "target": 19, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 28, "target": 18, "label": "E"}, {"source": 28, "target": 17, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 25, "target": 9, "label": "A"}, {"source": 23, "target": 8, "label": "L"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 20, "label": "U"}, {"source": 26, "target": 11, "label": "A"}, {"source": 22, "target": 3, "label": "A"}, {"source": 27, "target": 13, "label": "C"}, {"source": 23, "target": 7, "label": "U"}, {"source": 26, "target": 27, "label": "P"}, {"source": 24, "target": 6, "label": "C"}, {"source": 27, "target": 14, "label": "U"}]} +{"id": "351727-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is mediocre at best, and largely overpriced given the portion size and quality.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 87, "to": 88}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 18, "label": "H"}, {"source": 25, "target": 14, "label": "N"}, {"source": 19, "target": 6, "label": "U"}, {"source": 19, "target": 7, "label": "L"}, {"source": 25, "target": 16, "label": "U"}, {"source": 24, "target": 11, "label": "E"}, {"source": 25, "target": 24, "label": "C"}, {"source": 24, "target": 13, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 20, "target": 5, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "D"}, {"source": 23, "target": 25, "label": "A"}, {"source": 21, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 10, "label": "S"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 24, "target": 12, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 19, "target": 21, "label": "H"}, {"source": 20, "target": 4, "label": "R"}, {"source": 18, "target": 2, "label": "F"}, {"source": 17, "target": 0, "label": "E"}, {"source": 18, "target": 3, "label": "S"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "351727-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't even get me started on how expensive it is to drink there.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 12, "label": "P"}, {"source": 16, "target": 3, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 10, "label": "F"}, {"source": 18, "target": 6, "label": "R"}, {"source": 18, "target": 8, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 17, "target": 5, "label": "P"}, {"source": 18, "target": 7, "label": "D"}, {"source": 19, "target": 9, "label": "A"}, {"source": 17, "target": 4, "label": "A"}, {"source": 16, "target": 0, "label": "F"}, {"source": 16, "target": 1, "label": "D"}, {"source": 16, "target": 2, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 11, "label": "F"}, {"source": 16, "target": 17, "label": "A"}, {"source": 19, "target": 13, "label": "A"}]} +{"id": "351727-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have ate here 3 times since they first opened, and the service has been poor each time, the staff always comes across as somewhat rude and slow.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 99}]}, {"id": 22, "anchors": [{"from": 100, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 112}, {"from": 113, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 140}]}, {"id": 28, "anchors": [{"from": 141, "to": 145}]}, {"id": 29, "anchors": [{"from": 145, "to": 146}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 30, "target": 2, "label": "P"}, {"source": 39, "target": 27, "label": "N"}, {"source": 33, "target": 7, "label": "A"}, {"source": 31, "target": 19, "label": "U"}, {"source": 30, "target": 3, "label": "A"}, {"source": 33, "target": 8, "label": "D"}, {"source": 34, "target": 15, "label": "F"}, {"source": 35, "target": 37, "label": "E"}, {"source": 38, "target": 24, "label": "R"}, {"source": 31, "target": 33, "label": "H"}, {"source": 31, "target": 11, "label": "L"}, {"source": 38, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 10, "label": "U"}, {"source": 31, "target": 6, "label": "L"}, {"source": 38, "target": 25, "label": "D"}, {"source": 35, "target": 38, "label": "E"}, {"source": 32, "target": 5, "label": "C"}, {"source": 31, "target": 23, "label": "L"}, {"source": 37, "target": 21, "label": "C"}, {"source": 38, "target": 39, "label": "P"}, {"source": 39, "target": 26, "label": "C"}, {"source": 37, "target": 20, "label": "E"}, {"source": 32, "target": 4, "label": "E"}, {"source": 39, "target": 28, "label": "C"}, {"source": 35, "target": 13, "label": "C"}, {"source": 30, "target": 0, "label": "A"}, {"source": 34, "target": 35, "label": "A"}, {"source": 34, "target": 14, "label": "F"}, {"source": 33, "target": 9, "label": "P"}, {"source": 34, "target": 36, "label": "D"}, {"source": 36, "target": 18, "label": "C"}, {"source": 34, "target": 16, "label": "D"}, {"source": 35, "target": 12, "label": "E"}, {"source": 39, "target": 29, "label": "U"}, {"source": 36, "target": 17, "label": "E"}, {"source": 31, "target": 34, "label": "H"}, {"source": 30, "target": 32, "label": "D"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 1, "label": "F"}, {"source": 31, "target": 22, "label": "L"}]} +{"id": "351840-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Caldwell insurance has been doing our insurance for a couple years now and they have been extremely thorough.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 89}]}, {"id": 16, "anchors": [{"from": 90, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 108}]}, {"id": 18, "anchors": [{"from": 108, "to": 109}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 20, "target": 3, "label": "F"}, {"source": 23, "target": 9, "label": "E"}, {"source": 23, "target": 7, "label": "R"}, {"source": 23, "target": 11, "label": "E"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 15, "label": "F"}, {"source": 24, "target": 17, "label": "S"}, {"source": 24, "target": 14, "label": "F"}, {"source": 24, "target": 13, "label": "A"}, {"source": 19, "target": 0, "label": "E"}, {"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 8, "label": "E"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 4, "label": "P"}, {"source": 20, "target": 23, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 16, "label": "D"}, {"source": 21, "target": 12, "label": "L"}, {"source": 22, "target": 6, "label": "C"}, {"source": 23, "target": 10, "label": "C"}, {"source": 22, "target": 5, "label": "E"}]} +{"id": "351840-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We've only had one urgent issue to deal with and they were very prompt in their response.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 89}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 22, "target": 10, "label": "A"}, {"source": 23, "target": 15, "label": "E"}, {"source": 21, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 1, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 20, "target": 5, "label": "C"}, {"source": 23, "target": 14, "label": "R"}, {"source": 18, "target": 20, "label": "A"}, {"source": 22, "target": 12, "label": "D"}, {"source": 21, "target": 8, "label": "A"}, {"source": 21, "target": 6, "label": "F"}, {"source": 18, "target": 2, "label": "S"}, {"source": 22, "target": 13, "label": "S"}, {"source": 22, "target": 11, "label": "F"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 7, "label": "P"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 9, "label": "L"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "351840-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommend!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "351950-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "local crew!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 3, "label": "H"}, {"source": 3, "target": 4, "label": "P"}, {"source": 4, "target": 0, "label": "E"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "351950-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "home team - thanks 4 playin!!!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 27}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "E"}, {"source": 8, "target": 4, "label": "E"}, {"source": 8, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 7, "target": 1, "label": "C"}]} +{"id": "352068-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Easy registration, helpful staff and fun teachers!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 49}]}, {"id": 8, "anchors": [{"from": 49, "to": 50}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 5, "label": "L"}, {"source": 11, "target": 1, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 13, "label": "E"}]} +{"id": "353684-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My favorite place to eat.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}, {"from": 12, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "353684-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Atmosphere is the best.. Italian music, candles, helpful and friendly staff... And the food is beautiful too !", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 51}]}, {"id": 9, "anchors": [{"from": 51, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 95}]}, {"id": 18, "anchors": [{"from": 96, "to": 98}]}, {"id": 19, "anchors": [{"from": 99, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 9, "label": "U"}, {"source": 25, "target": 11, "label": "N"}, {"source": 25, "target": 26, "label": "C"}, {"source": 28, "target": 21, "label": "U"}, {"source": 25, "target": 10, "label": "C"}, {"source": 26, "target": 12, "label": "E"}, {"source": 25, "target": 24, "label": "C"}, {"source": 24, "target": 5, "label": "E"}, {"source": 25, "target": 8, "label": "C"}, {"source": 24, "target": 3, "label": "E"}, {"source": 27, "target": 16, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 19, "label": "S"}, {"source": 23, "target": 15, "label": "L"}, {"source": 23, "target": 28, "label": "H"}, {"source": 26, "target": 13, "label": "C"}, {"source": 28, "target": 18, "label": "F"}, {"source": 24, "target": 4, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 23, "target": 14, "label": "U"}, {"source": 28, "target": 27, "label": "A"}, {"source": 25, "target": 7, "label": "U"}, {"source": 28, "target": 20, "label": "D"}, {"source": 22, "target": 1, "label": "S"}, {"source": 24, "target": 2, "label": "E"}, {"source": 24, "target": 6, "label": "C"}]} +{"id": "353891-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Manicure", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 14}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "353891-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place offers a great manicure and pedicure.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 13, "target": 6, "label": "N"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "U"}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "353891-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My nails looked great for the better part of 2 weeks!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 10, "label": "C"}, {"source": 12, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 15, "target": 9, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 3, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 5, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "353891-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also very friendly and the stylists are not in the \"been there/done that\" mood!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 78}]}, {"id": 18, "anchors": [{"from": 78, "to": 79}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 11, "label": "F"}, {"source": 24, "target": 8, "label": "R"}, {"source": 26, "target": 17, "label": "C"}, {"source": 20, "target": 1, "label": "E"}, {"source": 25, "target": 12, "label": "F"}, {"source": 25, "target": 14, "label": "C"}, {"source": 24, "target": 9, "label": "E"}, {"source": 26, "target": 16, "label": "U"}, {"source": 19, "target": 0, "label": "L"}, {"source": 24, "target": 25, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 20, "label": "S"}, {"source": 20, "target": 2, "label": "C"}, {"source": 23, "target": 6, "label": "S"}, {"source": 24, "target": 26, "label": "A"}, {"source": 23, "target": 7, "label": "D"}, {"source": 22, "target": 5, "label": "C"}, {"source": 22, "target": 4, "label": "E"}, {"source": 26, "target": 18, "label": "U"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 3, "label": "L"}, {"source": 24, "target": 10, "label": "U"}, {"source": 26, "target": 15, "label": "F"}, {"source": 25, "target": 13, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "354336-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hidden Gem in Alpharetta", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 24}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "354336-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This French born, French trained chef and his creative partners offer a taste fresh, locally sourced, fabulously prepared food in the most unlikely of locations.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 83}]}, {"id": 15, "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 92}]}, {"id": 17, "anchors": [{"from": 93, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 112}]}, {"id": 20, "anchors": [{"from": 113, "to": 121}]}, {"id": 21, "anchors": [{"from": 122, "to": 126}]}, {"id": 22, "anchors": [{"from": 127, "to": 129}]}, {"id": 23, "anchors": [{"from": 130, "to": 133}]}, {"id": 24, "anchors": [{"from": 134, "to": 138}]}, {"id": 25, "anchors": [{"from": 139, "to": 147}]}, {"id": 26, "anchors": [{"from": 148, "to": 150}]}, {"id": 27, "anchors": [{"from": 151, "to": 160}]}, {"id": 28, "anchors": [{"from": 160, "to": 161}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 26, "label": "R"}, {"source": 36, "target": 10, "label": "C"}, {"source": 43, "target": 28, "label": "U"}, {"source": 41, "target": 25, "label": "C"}, {"source": 33, "target": 6, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 39, "target": 21, "label": "P"}, {"source": 31, "target": 18, "label": "U"}, {"source": 40, "target": 22, "label": "R"}, {"source": 35, "target": 11, "label": "P"}, {"source": 36, "target": 8, "label": "E"}, {"source": 42, "target": 41, "label": "P"}, {"source": 32, "target": 2, "label": "C"}, {"source": 32, "target": 3, "label": "U"}, {"source": 32, "target": 35, "label": "E"}, {"source": 29, "target": 1, "label": "E"}, {"source": 35, "target": 34, "label": "C"}, {"source": 35, "target": 37, "label": "A"}, {"source": 40, "target": 42, "label": "C"}, {"source": 33, "target": 5, "label": "C"}, {"source": 38, "target": 16, "label": "D"}, {"source": 30, "target": 38, "label": "A"}, {"source": 29, "target": 0, "label": "E"}, {"source": 38, "target": 17, "label": "P"}, {"source": 34, "target": 33, "label": "C"}, {"source": 43, "target": 27, "label": "C"}, {"source": 34, "target": 7, "label": "N"}, {"source": 36, "target": 9, "label": "E"}, {"source": 37, "target": 13, "label": "E"}, {"source": 39, "target": 20, "label": "D"}, {"source": 34, "target": 36, "label": "C"}, {"source": 37, "target": 14, "label": "C"}, {"source": 31, "target": 39, "label": "H"}, {"source": 29, "target": 32, "label": "C"}, {"source": 33, "target": 4, "label": "E"}, {"source": 39, "target": 19, "label": "D"}, {"source": 42, "target": 24, "label": "D"}, {"source": 42, "target": 43, "label": "A"}, {"source": 41, "target": 23, "label": "E"}, {"source": 30, "target": 15, "label": "U"}, {"source": 37, "target": 12, "label": "E"}, {"source": 31, "target": 30, "label": "H"}, {"source": 30, "target": 29, "label": "A"}]} +{"id": "354336-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Try their weekend \"tastings\" which you can learn about by getting on their weekly email list.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 6, "label": "F"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 11, "label": "R"}, {"source": 25, "target": 26, "label": "C"}, {"source": 23, "target": 24, "label": "P"}, {"source": 22, "target": 5, "label": "U"}, {"source": 19, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 2, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 27, "target": 18, "label": "U"}, {"source": 19, "target": 0, "label": "P"}, {"source": 24, "target": 9, "label": "C"}, {"source": 24, "target": 8, "label": "F"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "A"}, {"source": 26, "target": 12, "label": "P"}, {"source": 27, "target": 13, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 25, "target": 10, "label": "R"}, {"source": 26, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 14, "label": "E"}, {"source": 21, "target": 1, "label": "E"}, {"source": 27, "target": 15, "label": "E"}]} +{"id": "354336-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's the best meal for the money you will find in all of metro Atlanta.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 70}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 22, "target": 21, "label": "E"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 19, "target": 20, "label": "E"}, {"source": 18, "target": 8, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 22, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 9, "label": "F"}, {"source": 18, "target": 1, "label": "S"}, {"source": 23, "target": 13, "label": "R"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 22, "label": "A"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "354474-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great work!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "354474-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The people at Gulf Coast Siding were very easy and clear to work with.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 24}, {"from": 25, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 64}]}, {"id": 11, "anchors": [{"from": 65, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 70}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 13, "target": 16, "label": "E"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "F"}, {"source": 15, "target": 19, "label": "H"}, {"source": 18, "target": 7, "label": "N"}, {"source": 13, "target": 1, "label": "C"}, {"source": 18, "target": 8, "label": "C"}, {"source": 13, "target": 0, "label": "E"}, {"source": 16, "target": 2, "label": "R"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 3, "label": "C"}, {"source": 18, "target": 6, "label": "C"}, {"source": 20, "target": 12, "label": "U"}, {"source": 14, "target": 17, "label": "S"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "354474-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They walked me through all the steps involved in the the installation project so that there were no surprises.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 77}]}, {"id": 13, "anchors": [{"from": 78, "to": 80}, {"from": 81, "to": 85}]}, {"id": 14, "anchors": [{"from": 86, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 96}]}, {"id": 16, "anchors": [{"from": 97, "to": 99}]}, {"id": 17, "anchors": [{"from": 100, "to": 109}]}, {"id": 18, "anchors": [{"from": 109, "to": 110}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 21, "target": 3, "label": "R"}, {"source": 23, "target": 9, "label": "E"}, {"source": 19, "target": 2, "label": "A"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 23, "target": 8, "label": "R"}, {"source": 24, "target": 15, "label": "F"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 17, "label": "A"}, {"source": 24, "target": 14, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 10, "label": "E"}, {"source": 22, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 13, "label": "L"}, {"source": 19, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "D"}, {"source": 21, "target": 22, "label": "E"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "354474-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found them extremely professional and would highly recommend them.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 45}]}, {"id": 7, "anchors": [{"from": 46, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 62}]}, {"id": 9, "anchors": [{"from": 63, "to": 67}]}, {"id": 10, "anchors": [{"from": 67, "to": 68}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 4, "label": "C"}, {"source": 15, "target": 14, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "A"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 11, "target": 2, "label": "A"}, {"source": 12, "target": 5, "label": "L"}, {"source": 12, "target": 15, "label": "H"}, {"source": 11, "target": 13, "label": "A"}, {"source": 15, "target": 7, "label": "D"}, {"source": 14, "target": 6, "label": "F"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "354474-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "354555-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "the service is quick.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "S"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "354555-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "and the people are sweet :)", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 7, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 8, "target": 3, "label": "F"}, {"source": 6, "target": 8, "label": "H"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "354860-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The best company in Phuket for creating website and e-commerce website.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 70}]}, {"id": 11, "anchors": [{"from": 70, "to": 71}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 12, "target": 15, "label": "E"}, {"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 5, "label": "R"}, {"source": 16, "target": 6, "label": "P"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 12, "target": 2, "label": "C"}, {"source": 17, "target": 8, "label": "N"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "R"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "354860-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "From first meeting with them to launch of my website, everything went smooth and on schedule.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 92}]}, {"id": 17, "anchors": [{"from": 92, "to": 93}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 26, "label": "P"}, {"source": 18, "target": 21, "label": "A"}, {"source": 27, "target": 17, "label": "U"}, {"source": 21, "target": 3, "label": "R"}, {"source": 24, "target": 11, "label": "A"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 10, "label": "U"}, {"source": 21, "target": 4, "label": "C"}, {"source": 22, "target": 6, "label": "P"}, {"source": 18, "target": 1, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 7, "label": "R"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 12, "label": "F"}, {"source": 19, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 13, "label": "C"}, {"source": 18, "target": 0, "label": "F"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "E"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 26, "target": 14, "label": "N"}, {"source": 22, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 9, "label": "C"}, {"source": 26, "target": 25, "label": "C"}, {"source": 18, "target": 22, "label": "A"}, {"source": 22, "target": 5, "label": "F"}, {"source": 27, "target": 15, "label": "E"}, {"source": 26, "target": 27, "label": "C"}]} +{"id": "354860-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended for who wants to have website.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 48}]}, {"id": 8, "anchors": [{"from": 48, "to": 49}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 10, "target": 0, "label": "D"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 4, "label": "D"}, {"source": 10, "target": 1, "label": "P"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "R"}, {"source": 11, "target": 7, "label": "S"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 6, "label": "D"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "354860-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great with SEO as well.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}, {"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 5, "target": 8, "label": "E"}, {"source": 7, "target": 9, "label": "D"}, {"source": 8, "target": 1, "label": "R"}, {"source": 9, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "C"}, {"source": 8, "target": 2, "label": "C"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 4, "label": "U"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "355325-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My favorite florist!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "355325-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came to La Crosse to go to college, and my mom would send me birthday flowers though here.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}, {"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 62}]}, {"id": 15, "anchors": [{"from": 63, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 91, "to": 92}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 23, "target": 6, "label": "F"}, {"source": 23, "target": 5, "label": "P"}, {"source": 21, "target": 8, "label": "U"}, {"source": 27, "target": 18, "label": "A"}, {"source": 21, "target": 25, "label": "H"}, {"source": 26, "target": 15, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 12, "label": "D"}, {"source": 26, "target": 16, "label": "C"}, {"source": 24, "target": 11, "label": "C"}, {"source": 21, "target": 27, "label": "H"}, {"source": 26, "target": 14, "label": "E"}, {"source": 22, "target": 2, "label": "R"}, {"source": 22, "target": 3, "label": "C"}, {"source": 21, "target": 23, "label": "H"}, {"source": 21, "target": 4, "label": "L"}, {"source": 23, "target": 7, "label": "A"}, {"source": 21, "target": 17, "label": "L"}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 25, "target": 24, "label": "A"}, {"source": 27, "target": 19, "label": "U"}]} +{"id": "355325-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were beautiful and lasted forever!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 9, "label": "S"}, {"source": 7, "target": 5, "label": "D"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 7, "label": "H"}, {"source": 9, "target": 3, "label": "N"}, {"source": 7, "target": 0, "label": "A"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "355325-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Now that I live here, this is my favorite place to grab flowers for friends and coworkers!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 11, "label": "F"}, {"source": 22, "target": 8, "label": "E"}, {"source": 20, "target": 2, "label": "A"}, {"source": 23, "target": 12, "label": "P"}, {"source": 23, "target": 13, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 20, "target": 4, "label": "S"}, {"source": 19, "target": 0, "label": "L"}, {"source": 22, "target": 9, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 25, "target": 15, "label": "C"}, {"source": 20, "target": 3, "label": "D"}, {"source": 21, "target": 6, "label": "A"}, {"source": 19, "target": 20, "label": "H"}, {"source": 19, "target": 5, "label": "U"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 10, "label": "C"}, {"source": 25, "target": 18, "label": "U"}, {"source": 20, "target": 1, "label": "F"}, {"source": 21, "target": 7, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 17, "label": "C"}, {"source": 24, "target": 14, "label": "R"}, {"source": 25, "target": 16, "label": "N"}]} +{"id": "355325-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hands down, best place in the area!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 12, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 10, "target": 0, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 1, "label": "U"}, {"source": 10, "target": 11, "label": "E"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "356361-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great service", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "356361-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A very well established service with a satisfying outcome.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 57}]}, {"id": 9, "anchors": [{"from": 57, "to": 58}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 1, "label": "E"}, {"source": 12, "target": 14, "label": "E"}, {"source": 13, "target": 2, "label": "C"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 3, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "356361-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A well communicated and will be hireing again for another projects......", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 72}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 7, "label": "D"}, {"source": 15, "target": 3, "label": "N"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 4, "label": "C"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 5, "label": "F"}, {"source": 15, "target": 2, "label": "C"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "356361-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "356705-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You were extremely polite and professional.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 42}]}, {"id": 6, "anchors": [{"from": 42, "to": 43}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 4, "label": "N"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "356705-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very Impressed.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "356705-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great electrician.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "356920-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called on a Friday at 12:30 complaining of a severe toothache.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 63}]}, {"id": 12, "anchors": [{"from": 63, "to": 64}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "R"}, {"source": 17, "target": 18, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 16, "target": 6, "label": "C"}, {"source": 15, "target": 4, "label": "C"}, {"source": 15, "target": 2, "label": "R"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 11, "label": "C"}, {"source": 13, "target": 16, "label": "D"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "P"}, {"source": 18, "target": 10, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 17, "target": 7, "label": "P"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 13, "label": "H"}, {"source": 14, "target": 17, "label": "H"}, {"source": 15, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "R"}]} +{"id": "356920-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Obina told me that his office closed at noon and that I should call him on Monday.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 11, "label": "A"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 15, "label": "R"}, {"source": 19, "target": 23, "label": "H"}, {"source": 21, "target": 5, "label": "C"}, {"source": 21, "target": 4, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 23, "target": 12, "label": "D"}, {"source": 20, "target": 6, "label": "P"}, {"source": 20, "target": 3, "label": "R"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 18, "target": 2, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 9, "label": "L"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "356920-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had been a patient of Dr. Olbina for 9 years and had spent thousands of dollars on crowns etc.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 28, "target": 16, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 25, "target": 9, "label": "E"}, {"source": 26, "target": 12, "label": "F"}, {"source": 27, "target": 15, "label": "R"}, {"source": 21, "target": 25, "label": "D"}, {"source": 21, "target": 0, "label": "A"}, {"source": 25, "target": 10, "label": "C"}, {"source": 21, "target": 1, "label": "F"}, {"source": 29, "target": 20, "label": "U"}, {"source": 29, "target": 18, "label": "C"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 28, "target": 27, "label": "E"}, {"source": 29, "target": 19, "label": "E"}, {"source": 22, "target": 11, "label": "L"}, {"source": 26, "target": 13, "label": "P"}, {"source": 24, "target": 5, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 25, "target": 8, "label": "R"}, {"source": 21, "target": 2, "label": "S"}, {"source": 24, "target": 6, "label": "E"}, {"source": 27, "target": 14, "label": "C"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 24, "target": 7, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 17, "label": "R"}]} +{"id": "356920-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are plenty of good dentists in Fernandina.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 48}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "E"}, {"source": 12, "target": 11, "label": "E"}, {"source": 10, "target": 1, "label": "S"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 3, "label": "R"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "356920-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't go to Amelia Gentle Dentistry.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 18}, {"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "357217-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A Definite No", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 2, "to": 10}, {"from": 11, "to": 13}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "357217-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Incompetent servers, kitchen and management.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 19, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 44}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 7, "label": "C"}, {"source": 8, "target": 4, "label": "N"}, {"source": 8, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "U"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "357217-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Expect either undercooked or mushy food and lackluster service.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 25}]}, {"id": 3, "anchors": [{"from": 26, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 54}]}, {"id": 8, "anchors": [{"from": 55, "to": 62}]}, {"id": 9, "anchors": [{"from": 62, "to": 63}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 2, "label": "C"}, {"source": 16, "target": 6, "label": "N"}, {"source": 15, "target": 9, "label": "U"}, {"source": 15, "target": 8, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 14, "target": 3, "label": "N"}, {"source": 15, "target": 16, "label": "E"}, {"source": 11, "target": 0, "label": "S"}, {"source": 14, "target": 15, "label": "C"}, {"source": 12, "target": 13, "label": "C"}, {"source": 13, "target": 14, "label": "C"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 1, "label": "R"}]} +{"id": "357217-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The investors put big bucks into the building but are clueless about what makes a good dining or bar experience.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 68}]}, {"id": 12, "anchors": [{"from": 69, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 96}]}, {"id": 18, "anchors": [{"from": 97, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 111}]}, {"id": 20, "anchors": [{"from": 111, "to": 112}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 25, "target": 7, "label": "C"}, {"source": 25, "target": 5, "label": "R"}, {"source": 26, "target": 9, "label": "F"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 6, "label": "E"}, {"source": 21, "target": 0, "label": "E"}, {"source": 21, "target": 1, "label": "C"}, {"source": 30, "target": 17, "label": "N"}, {"source": 28, "target": 13, "label": "P"}, {"source": 22, "target": 21, "label": "A"}, {"source": 30, "target": 31, "label": "C"}, {"source": 26, "target": 10, "label": "S"}, {"source": 22, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "C"}, {"source": 27, "target": 11, "label": "R"}, {"source": 26, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "L"}, {"source": 24, "target": 3, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 12, "label": "F"}, {"source": 23, "target": 26, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 16, "label": "C"}, {"source": 31, "target": 20, "label": "U"}, {"source": 27, "target": 28, "label": "C"}, {"source": 29, "target": 14, "label": "E"}, {"source": 22, "target": 25, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 24, "target": 4, "label": "C"}, {"source": 31, "target": 18, "label": "E"}, {"source": 29, "target": 15, "label": "E"}]} +{"id": "357217-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Even the least discriminating diner would know not to eat at Sprecher's.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 69}]}, {"id": 12, "anchors": [{"from": 69, "to": 71}]}, {"id": 13, "anchors": [{"from": 71, "to": 72}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 15, "label": "E"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 5, "label": "F"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 15, "target": 2, "label": "C"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 7, "label": "D"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 8, "label": "F"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 17, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 15, "target": 1, "label": "E"}, {"source": 14, "target": 17, "label": "H"}, {"source": 19, "target": 9, "label": "P"}, {"source": 16, "target": 3, "label": "E"}, {"source": 20, "target": 10, "label": "R"}]} +{"id": "358063-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly Efficient and overall great place for people in chronic intractable pain", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 18}]}, {"id": 1, "anchors": [{"from": 19, "to": 22}]}, {"id": 2, "anchors": [{"from": 23, "to": 30}]}, {"id": 3, "anchors": [{"from": 31, "to": 36}]}, {"id": 4, "anchors": [{"from": 37, "to": 42}]}, {"id": 5, "anchors": [{"from": 43, "to": 46}]}, {"id": 6, "anchors": [{"from": 47, "to": 53}]}, {"id": 7, "anchors": [{"from": 54, "to": 56}]}, {"id": 8, "anchors": [{"from": 57, "to": 64}]}, {"id": 9, "anchors": [{"from": 65, "to": 76}]}, {"id": 10, "anchors": [{"from": 77, "to": 81}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 15, "target": 5, "label": "R"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 11, "target": 0, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 9, "label": "E"}, {"source": 11, "target": 1, "label": "N"}, {"source": 16, "target": 10, "label": "C"}, {"source": 11, "target": 14, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 15, "target": 16, "label": "E"}, {"source": 14, "target": 4, "label": "C"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "358063-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place for people in chronic pain.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "R"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 8, "label": "P"}, {"source": 12, "target": 6, "label": "C"}]} +{"id": "358063-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staff is very friendly they treat you like a human being and not just another patient.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 5, "label": "P"}, {"source": 18, "target": 1, "label": "F"}, {"source": 18, "target": 0, "label": "A"}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 4, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 23, "target": 13, "label": "E"}, {"source": 18, "target": 2, "label": "D"}, {"source": 20, "target": 22, "label": "C"}, {"source": 20, "target": 7, "label": "R"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 10, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 21, "label": "C"}, {"source": 22, "target": 23, "label": "C"}, {"source": 21, "target": 9, "label": "E"}, {"source": 22, "target": 11, "label": "N"}, {"source": 18, "target": 19, "label": "A"}, {"source": 23, "target": 12, "label": "E"}, {"source": 21, "target": 8, "label": "E"}, {"source": 18, "target": 3, "label": "S"}]} +{"id": "358063-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very efficient at treating chronic pain!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 39}]}, {"id": 6, "anchors": [{"from": 39, "to": 40}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "U"}, {"source": 11, "target": 5, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "R"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "P"}, {"source": 11, "target": 4, "label": "E"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "358702-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Slowest, Unfriendly Sstaff on Weekends", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 19}, {"from": 20, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 29}]}, {"id": 4, "anchors": [{"from": 30, "to": 38}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 3, "label": "R"}, {"source": 6, "target": 7, "label": "A"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "358702-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There are three Starbucks locations that I frequent.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "S"}, {"source": 12, "target": 6, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "E"}, {"source": 11, "target": 2, "label": "E"}, {"source": 10, "target": 0, "label": "F"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 7, "label": "P"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "358702-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have a bit of experience watching the usual assembly line.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 59}]}, {"id": 11, "anchors": [{"from": 59, "to": 60}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 16, "label": "A"}, {"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 2, "label": "E"}, {"source": 13, "target": 14, "label": "P"}, {"source": 14, "target": 1, "label": "F"}, {"source": 16, "target": 6, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "A"}, {"source": 15, "target": 3, "label": "C"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "E"}, {"source": 13, "target": 15, "label": "D"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "358702-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also understand that weekend staffs are different than daytime staffs and not necessarily Starbucks A-team or even full-time.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "anchors": [{"from": 52, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 64}]}, {"id": 10, "anchors": [{"from": 65, "to": 71}]}, {"id": 11, "anchors": [{"from": 72, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 101}]}, {"id": 15, "anchors": [{"from": 102, "to": 103}]}, {"id": 16, "anchors": [{"from": 103, "to": 104}]}, {"id": 17, "anchors": [{"from": 104, "to": 108}]}, {"id": 18, "anchors": [{"from": 109, "to": 111}]}, {"id": 19, "anchors": [{"from": 112, "to": 116}]}, {"id": 20, "anchors": [{"from": 117, "to": 121}]}, {"id": 21, "anchors": [{"from": 121, "to": 122}]}, {"id": 22, "anchors": [{"from": 122, "to": 126}]}, {"id": 23, "anchors": [{"from": 126, "to": 127}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 23, "label": "U"}, {"source": 32, "target": 34, "label": "E"}, {"source": 34, "target": 18, "label": "N"}, {"source": 26, "target": 28, "label": "A"}, {"source": 33, "target": 15, "label": "E"}, {"source": 31, "target": 11, "label": "N"}, {"source": 24, "target": 25, "label": "H"}, {"source": 33, "target": 17, "label": "C"}, {"source": 32, "target": 13, "label": "E"}, {"source": 35, "target": 19, "label": "E"}, {"source": 35, "target": 20, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 31, "target": 30, "label": "C"}, {"source": 31, "target": 32, "label": "C"}, {"source": 26, "target": 6, "label": "S"}, {"source": 27, "target": 5, "label": "C"}, {"source": 30, "target": 10, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 29, "target": 8, "label": "R"}, {"source": 25, "target": 2, "label": "S"}, {"source": 26, "target": 27, "label": "A"}, {"source": 34, "target": 33, "label": "C"}, {"source": 32, "target": 14, "label": "C"}, {"source": 35, "target": 22, "label": "C"}, {"source": 28, "target": 7, "label": "C"}, {"source": 26, "target": 3, "label": "F"}, {"source": 29, "target": 31, "label": "C"}, {"source": 33, "target": 16, "label": "U"}, {"source": 35, "target": 21, "label": "U"}, {"source": 32, "target": 12, "label": "E"}, {"source": 27, "target": 4, "label": "E"}, {"source": 25, "target": 1, "label": "D"}, {"source": 34, "target": 35, "label": "C"}, {"source": 28, "target": 29, "label": "E"}, {"source": 30, "target": 9, "label": "E"}]} +{"id": "358702-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But this location has the worst weekend staff I've seen EVER.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}, {"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 12, "target": 14, "label": "H"}, {"source": 17, "target": 10, "label": "A"}, {"source": 17, "target": 9, "label": "P"}, {"source": 14, "target": 15, "label": "P"}, {"source": 14, "target": 3, "label": "F"}, {"source": 13, "target": 2, "label": "C"}, {"source": 17, "target": 11, "label": "U"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 6, "label": "E"}, {"source": 15, "target": 5, "label": "C"}, {"source": 16, "target": 7, "label": "C"}, {"source": 17, "target": 8, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 12, "target": 0, "label": "L"}, {"source": 13, "target": 1, "label": "E"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "359014-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good honest wrok", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "359014-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Harlan provides great service.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 29}]}, {"id": 4, "anchors": [{"from": 29, "to": 30}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "359014-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He is very knowledgeable and took the time to explain the repairs to me.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "F"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 17, "label": "H"}, {"source": 15, "target": 2, "label": "D"}, {"source": 16, "target": 8, "label": "L"}, {"source": 16, "target": 15, "label": "H"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 3, "label": "S"}, {"source": 21, "target": 13, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 16, "target": 4, "label": "L"}, {"source": 21, "target": 12, "label": "R"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "P"}, {"source": 18, "target": 5, "label": "C"}, {"source": 18, "target": 7, "label": "C"}]} +{"id": "359014-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The work on my car was done quickly and I felt I could trust his work.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 48}]}, {"id": 12, "anchors": [{"from": 49, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 69, "to": 70}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 19, "target": 5, "label": "F"}, {"source": 23, "target": 11, "label": "A"}, {"source": 19, "target": 6, "label": "P"}, {"source": 22, "target": 10, "label": "S"}, {"source": 21, "target": 4, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 7, "label": "D"}, {"source": 20, "target": 8, "label": "L"}, {"source": 24, "target": 15, "label": "C"}, {"source": 21, "target": 2, "label": "R"}, {"source": 23, "target": 12, "label": "D"}, {"source": 24, "target": 16, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 21, "target": 3, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 9, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}]} +{"id": "359014-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have nothing but fantastic things to say.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 7, "label": "P"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 0, "label": "A"}, {"source": 13, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 10, "target": 13, "label": "H"}, {"source": 13, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 3, "label": "N"}, {"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 12, "label": "C"}, {"source": 13, "target": 8, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "359014-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend his shop.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "359287-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "High guality pup food at a good price.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "D"}, {"source": 11, "target": 3, "label": "R"}, {"source": 10, "target": 2, "label": "P"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}]} +{"id": "359433-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great Place To Use The Fix appliances Plumbing Air Conditioning & Electric Problems.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 18}, {"from": 19, "to": 22}, {"from": 23, "to": 26}]}, {"id": 1, "anchors": [{"from": 27, "to": 37}]}, {"id": 2, "anchors": [{"from": 38, "to": 46}, {"from": 47, "to": 50}, {"from": 51, "to": 63}, {"from": 66, "to": 74}, {"from": 75, "to": 83}]}, {"id": 3, "anchors": [{"from": 64, "to": 65}]}, {"id": 4, "anchors": [{"from": 83, "to": 84}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 7, "target": 1, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "U"}]} +{"id": "359433-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We have used them for plumbing & A/C and they are affordable and get the work done right.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}, {"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 13, "label": "L"}, {"source": 20, "target": 3, "label": "A"}, {"source": 27, "target": 18, "label": "E"}, {"source": 21, "target": 25, "label": "H"}, {"source": 22, "target": 4, "label": "R"}, {"source": 26, "target": 15, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 6, "label": "U"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 26, "target": 16, "label": "C"}, {"source": 25, "target": 14, "label": "P"}, {"source": 25, "target": 27, "label": "A"}, {"source": 23, "target": 5, "label": "C"}, {"source": 23, "target": 8, "label": "U"}, {"source": 22, "target": 23, "label": "C"}, {"source": 24, "target": 11, "label": "F"}, {"source": 24, "target": 10, "label": "A"}, {"source": 20, "target": 2, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 12, "label": "S"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "359433-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great place 5 stars for sure.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}, {"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 6, "label": "S"}, {"source": 10, "target": 4, "label": "C"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "359433-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thanks From Bill", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 1, "label": "R"}, {"source": 6, "target": 3, "label": "E"}, {"source": 6, "target": 2, "label": "C"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "360698-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Its been a few years since I have been to Ipanema.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 49}]}, {"id": 12, "anchors": [{"from": 49, "to": 50}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 9, "label": "S"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 16, "target": 3, "label": "E"}, {"source": 14, "target": 2, "label": "F"}, {"source": 13, "target": 1, "label": "C"}, {"source": 16, "target": 4, "label": "E"}, {"source": 17, "target": 8, "label": "F"}, {"source": 18, "target": 10, "label": "R"}, {"source": 13, "target": 0, "label": "E"}, {"source": 14, "target": 16, "label": "D"}, {"source": 18, "target": 11, "label": "C"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "A"}, {"source": 14, "target": 13, "label": "A"}, {"source": 15, "target": 6, "label": "L"}]} +{"id": "360698-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But my wife and I first went there thinking it would be Brazilian food (think lots of meat), but it turned out to be a vegan restaurant!", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20, "anchors": [{"from": 91, "to": 92}]}, {"id": 21, "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "anchors": [{"from": 97, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 106}]}, {"id": 24, "anchors": [{"from": 107, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 113}]}, {"id": 26, "anchors": [{"from": 114, "to": 116}]}, {"id": 27, "anchors": [{"from": 117, "to": 118}]}, {"id": 28, "anchors": [{"from": 119, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 135}]}, {"id": 30, "anchors": [{"from": 135, "to": 136}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 23, "label": "C"}, {"source": 43, "target": 27, "label": "E"}, {"source": 38, "target": 39, "label": "A"}, {"source": 43, "target": 28, "label": "E"}, {"source": 39, "target": 17, "label": "R"}, {"source": 31, "target": 40, "label": "H"}, {"source": 34, "target": 36, "label": "A"}, {"source": 33, "target": 32, "label": "C"}, {"source": 31, "target": 19, "label": "U"}, {"source": 34, "target": 8, "label": "P"}, {"source": 33, "target": 35, "label": "C"}, {"source": 38, "target": 15, "label": "P"}, {"source": 43, "target": 29, "label": "C"}, {"source": 34, "target": 33, "label": "A"}, {"source": 32, "target": 2, "label": "C"}, {"source": 37, "target": 13, "label": "C"}, {"source": 38, "target": 18, "label": "D"}, {"source": 36, "target": 14, "label": "U"}, {"source": 32, "target": 1, "label": "E"}, {"source": 36, "target": 11, "label": "F"}, {"source": 35, "target": 4, "label": "E"}, {"source": 36, "target": 38, "label": "A"}, {"source": 34, "target": 7, "label": "F"}, {"source": 42, "target": 25, "label": "F"}, {"source": 31, "target": 21, "label": "L"}, {"source": 31, "target": 20, "label": "U"}, {"source": 31, "target": 0, "label": "L"}, {"source": 37, "target": 10, "label": "F"}, {"source": 40, "target": 22, "label": "A"}, {"source": 40, "target": 41, "label": "P"}, {"source": 43, "target": 30, "label": "U"}, {"source": 40, "target": 42, "label": "A"}, {"source": 41, "target": 24, "label": "E"}, {"source": 42, "target": 26, "label": "S"}, {"source": 34, "target": 6, "label": "D"}, {"source": 39, "target": 16, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 36, "target": 37, "label": "P"}, {"source": 31, "target": 34, "label": "H"}, {"source": 36, "target": 9, "label": "A"}, {"source": 35, "target": 5, "label": "C"}, {"source": 37, "target": 12, "label": "E"}, {"source": 33, "target": 3, "label": "N"}]} +{"id": "360698-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And, I can say, this was one of my favorite places to eat in all of Richmond.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "anchors": [{"from": 29, "to": 31}]}, {"id": 10, "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "anchors": [{"from": 35, "to": 43}]}, {"id": 12, "anchors": [{"from": 44, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 64}]}, {"id": 17, "anchors": [{"from": 65, "to": 67}]}, {"id": 18, "anchors": [{"from": 68, "to": 76}]}, {"id": 19, "anchors": [{"from": 76, "to": 77}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 26, "target": 18, "label": "C"}, {"source": 21, "target": 2, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 20, "target": 1, "label": "U"}, {"source": 20, "target": 0, "label": "L"}, {"source": 26, "target": 19, "label": "U"}, {"source": 24, "target": 11, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 23, "label": "E"}, {"source": 27, "target": 16, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 22, "target": 7, "label": "S"}, {"source": 25, "target": 14, "label": "P"}, {"source": 21, "target": 3, "label": "D"}, {"source": 25, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 20, "target": 25, "label": "H"}, {"source": 20, "target": 5, "label": "U"}, {"source": 21, "target": 4, "label": "P"}, {"source": 22, "target": 6, "label": "A"}, {"source": 26, "target": 15, "label": "R"}, {"source": 23, "target": 8, "label": "C"}, {"source": 20, "target": 13, "label": "L"}, {"source": 24, "target": 10, "label": "E"}, {"source": 27, "target": 17, "label": "R"}, {"source": 23, "target": 9, "label": "R"}, {"source": 20, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "E"}]} +{"id": "360698-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Amazing!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 8}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "360698-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't let the nondescript building entrance fool you, these are some creative and talented chefs...two thumbs way, way up!", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 96}]}, {"id": 17, "anchors": [{"from": 96, "to": 99}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 110, "to": 113}]}, {"id": 21, "anchors": [{"from": 113, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 118}, {"from": 119, "to": 121}]}, {"id": 23, "anchors": [{"from": 121, "to": 122}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 25, "target": 24, "label": "H"}, {"source": 28, "target": 13, "label": "C"}, {"source": 25, "target": 9, "label": "U"}, {"source": 24, "target": 1, "label": "D"}, {"source": 31, "target": 20, "label": "C"}, {"source": 26, "target": 3, "label": "E"}, {"source": 31, "target": 19, "label": "E"}, {"source": 26, "target": 6, "label": "E"}, {"source": 25, "target": 27, "label": "H"}, {"source": 27, "target": 29, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 32, "target": 31, "label": "A"}, {"source": 26, "target": 7, "label": "C"}, {"source": 28, "target": 12, "label": "E"}, {"source": 26, "target": 4, "label": "E"}, {"source": 30, "target": 16, "label": "C"}, {"source": 26, "target": 5, "label": "E"}, {"source": 27, "target": 11, "label": "S"}, {"source": 32, "target": 21, "label": "U"}, {"source": 24, "target": 8, "label": "A"}, {"source": 29, "target": 28, "label": "C"}, {"source": 27, "target": 10, "label": "A"}, {"source": 32, "target": 23, "label": "U"}, {"source": 25, "target": 32, "label": "H"}, {"source": 25, "target": 17, "label": "U"}, {"source": 29, "target": 14, "label": "N"}, {"source": 31, "target": 18, "label": "E"}, {"source": 24, "target": 2, "label": "P"}, {"source": 24, "target": 0, "label": "R"}, {"source": 32, "target": 22, "label": "S"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "360937-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I stopped in today @ Yards Brewery.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 5, "label": "A"}, {"source": 8, "target": 4, "label": "U"}, {"source": 10, "target": 2, "label": "R"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 1, "label": "C"}, {"source": 8, "target": 9, "label": "P"}, {"source": 9, "target": 10, "label": "E"}]} +{"id": "360937-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had a sampler of IPA, Brawler, Love Stout & ESA.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 37}, {"from": 38, "to": 43}, {"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 5, "label": "C"}, {"source": 16, "target": 8, "label": "U"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 1, "label": "P"}, {"source": 16, "target": 6, "label": "U"}, {"source": 16, "target": 7, "label": "E"}, {"source": 14, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 15, "target": 16, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 15, "target": 4, "label": "R"}]} +{"id": "360937-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All were awesome, & I had a Dogwood Grilled Cheese which was enjoyable with the fine beers.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 90}]}, {"id": 18, "anchors": [{"from": 90, "to": 91}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "U"}, {"source": 21, "target": 6, "label": "S"}, {"source": 23, "target": 11, "label": "F"}, {"source": 22, "target": 7, "label": "E"}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 5, "label": "A"}, {"source": 22, "target": 8, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 2, "label": "S"}, {"source": 20, "target": 3, "label": "U"}, {"source": 22, "target": 9, "label": "E"}, {"source": 20, "target": 21, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 13, "label": "S"}, {"source": 24, "target": 18, "label": "U"}, {"source": 23, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 19, "label": "H"}, {"source": 24, "target": 16, "label": "E"}, {"source": 22, "target": 10, "label": "C"}, {"source": 24, "target": 17, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 24, "target": 14, "label": "R"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "360937-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After my sampler & sandwich, I asked for a pint of there Nitrogen Love Stout, I must say I was impressed, with the great taste & I am a Guiness Lover so coming from me, I think this is better, its less dry & smoother!", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 110}]}, {"id": 25, "anchors": [{"from": 111, "to": 114}]}, {"id": 26, "anchors": [{"from": 115, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 126}, {"from": 129, "to": 130}]}, {"id": 28, "anchors": [{"from": 127, "to": 128}]}, {"id": 29, "anchors": [{"from": 131, "to": 133}]}, {"id": 30, "anchors": [{"from": 134, "to": 135}]}, {"id": 31, "anchors": [{"from": 136, "to": 143}]}, {"id": 32, "anchors": [{"from": 144, "to": 149}]}, {"id": 33, "anchors": [{"from": 150, "to": 152}]}, {"id": 34, "anchors": [{"from": 153, "to": 159}]}, {"id": 35, "anchors": [{"from": 160, "to": 164}]}, {"id": 36, "anchors": [{"from": 165, "to": 167}]}, {"id": 37, "anchors": [{"from": 167, "to": 168}]}, {"id": 38, "anchors": [{"from": 169, "to": 170}]}, {"id": 39, "anchors": [{"from": 171, "to": 176}]}, {"id": 40, "anchors": [{"from": 177, "to": 181}]}, {"id": 41, "anchors": [{"from": 182, "to": 184}]}, {"id": 42, "anchors": [{"from": 185, "to": 191}]}, {"id": 43, "anchors": [{"from": 191, "to": 192}]}, {"id": 44, "anchors": [{"from": 193, "to": 195}]}, {"id": 45, "anchors": [{"from": 195, "to": 196}]}, {"id": 46, "anchors": [{"from": 197, "to": 201}]}, {"id": 47, "anchors": [{"from": 202, "to": 205}, {"from": 208, "to": 216}]}, {"id": 48, "anchors": [{"from": 206, "to": 207}]}, {"id": 49, "anchors": [{"from": 216, "to": 217}]}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}], "edges": [{"source": 50, "target": 33, "label": "L"}, {"source": 54, "target": 10, "label": "C"}, {"source": 55, "target": 11, "label": "R"}, {"source": 50, "target": 16, "label": "U"}, {"source": 56, "target": 18, "label": "D"}, {"source": 55, "target": 13, "label": "E"}, {"source": 50, "target": 23, "label": "U"}, {"source": 64, "target": 42, "label": "S"}, {"source": 50, "target": 63, "label": "H"}, {"source": 51, "target": 52, "label": "A"}, {"source": 63, "target": 38, "label": "A"}, {"source": 58, "target": 25, "label": "E"}, {"source": 60, "target": 32, "label": "C"}, {"source": 62, "target": 35, "label": "R"}, {"source": 54, "target": 9, "label": "E"}, {"source": 59, "target": 58, "label": "A"}, {"source": 57, "target": 20, "label": "A"}, {"source": 56, "target": 17, "label": "A"}, {"source": 57, "target": 21, "label": "F"}, {"source": 54, "target": 55, "label": "E"}, {"source": 50, "target": 43, "label": "U"}, {"source": 60, "target": 31, "label": "E"}, {"source": 66, "target": 47, "label": "C"}, {"source": 63, "target": 39, "label": "P"}, {"source": 60, "target": 30, "label": "E"}, {"source": 55, "target": 15, "label": "C"}, {"source": 61, "target": 37, "label": "U"}, {"source": 61, "target": 34, "label": "P"}, {"source": 59, "target": 60, "label": "A"}, {"source": 50, "target": 24, "label": "L"}, {"source": 50, "target": 56, "label": "H"}, {"source": 53, "target": 6, "label": "A"}, {"source": 52, "target": 2, "label": "E"}, {"source": 50, "target": 0, "label": "L"}, {"source": 50, "target": 51, "label": "H"}, {"source": 52, "target": 1, "label": "E"}, {"source": 65, "target": 45, "label": "P"}, {"source": 56, "target": 19, "label": "P"}, {"source": 56, "target": 57, "label": "A"}, {"source": 66, "target": 46, "label": "E"}, {"source": 58, "target": 26, "label": "E"}, {"source": 53, "target": 54, "label": "A"}, {"source": 50, "target": 49, "label": "U"}, {"source": 63, "target": 64, "label": "A"}, {"source": 55, "target": 12, "label": "E"}, {"source": 50, "target": 53, "label": "H"}, {"source": 50, "target": 5, "label": "U"}, {"source": 50, "target": 59, "label": "H"}, {"source": 52, "target": 3, "label": "U"}, {"source": 64, "target": 41, "label": "F"}, {"source": 58, "target": 27, "label": "C"}, {"source": 61, "target": 62, "label": "A"}, {"source": 65, "target": 66, "label": "A"}, {"source": 53, "target": 7, "label": "P"}, {"source": 65, "target": 44, "label": "A"}, {"source": 58, "target": 28, "label": "U"}, {"source": 59, "target": 29, "label": "S"}, {"source": 61, "target": 38, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 4, "label": "C"}, {"source": 50, "target": 65, "label": "H"}, {"source": 55, "target": 14, "label": "E"}, {"source": 50, "target": 61, "label": "H"}, {"source": 62, "target": 36, "label": "C"}, {"source": 57, "target": 22, "label": "P"}, {"source": 64, "target": 40, "label": "A"}, {"source": 66, "target": 48, "label": "U"}, {"source": 54, "target": 8, "label": "R"}]} +{"id": "360937-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are in Philly you have to come check this place out!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 54}, {"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 5, "label": "A"}, {"source": 16, "target": 7, "label": "F"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 12, "label": "U"}, {"source": 13, "target": 14, "label": "H"}, {"source": 13, "target": 0, "label": "L"}, {"source": 16, "target": 6, "label": "F"}, {"source": 15, "target": 4, "label": "C"}, {"source": 13, "target": 16, "label": "H"}, {"source": 14, "target": 1, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 16, "target": 8, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 3, "label": "R"}, {"source": 16, "target": 9, "label": "P"}]} +{"id": "360937-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The only negative I have abou this place is the parking!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 18, "target": 10, "label": "C"}, {"source": 18, "target": 11, "label": "U"}, {"source": 14, "target": 17, "label": "A"}, {"source": 14, "target": 18, "label": "D"}, {"source": 12, "target": 15, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 16, "target": 4, "label": "F"}, {"source": 12, "target": 0, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 1, "label": "E"}, {"source": 18, "target": 9, "label": "E"}, {"source": 14, "target": 16, "label": "P"}, {"source": 15, "target": 2, "label": "C"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "360937-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I left with a case of BRAWLER!!!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 33, "to": 34}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "R"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "C"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "E"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "361316-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They came to my house in no time and started working on the gate.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 11, "label": "R"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 10, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 9, "label": "D"}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 18, "target": 6, "label": "E"}, {"source": 18, "target": 5, "label": "R"}, {"source": 15, "target": 18, "label": "D"}, {"source": 17, "target": 3, "label": "E"}, {"source": 20, "target": 12, "label": "E"}, {"source": 16, "target": 19, "label": "H"}, {"source": 18, "target": 7, "label": "C"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "361316-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They were very friendly and were able to explain me exactly what was wrong with it.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 82}]}, {"id": 16, "anchors": [{"from": 82, "to": 83}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 4, "label": "L"}, {"source": 19, "target": 5, "label": "F"}, {"source": 17, "target": 3, "label": "P"}, {"source": 21, "target": 13, "label": "S"}, {"source": 20, "target": 8, "label": "C"}, {"source": 21, "target": 11, "label": "F"}, {"source": 19, "target": 7, "label": "F"}, {"source": 19, "target": 10, "label": "D"}, {"source": 19, "target": 20, "label": "P"}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "E"}, {"source": 21, "target": 12, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 19, "target": 9, "label": "A"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 14, "label": "R"}, {"source": 17, "target": 2, "label": "D"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "361316-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Once they fixed it they answetred all of my questions with no hesitations and then gave me the best quote ever.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 29, "label": "L"}, {"source": 23, "target": 2, "label": "P"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 4, "label": "A"}, {"source": 26, "target": 7, "label": "R"}, {"source": 25, "target": 5, "label": "P"}, {"source": 25, "target": 28, "label": "A"}, {"source": 24, "target": 15, "label": "P"}, {"source": 23, "target": 1, "label": "A"}, {"source": 24, "target": 21, "label": "U"}, {"source": 28, "target": 11, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 22, "target": 0, "label": "L"}, {"source": 29, "target": 13, "label": "E"}, {"source": 28, "target": 10, "label": "R"}, {"source": 29, "target": 14, "label": "C"}, {"source": 24, "target": 30, "label": "A"}, {"source": 24, "target": 20, "label": "D"}, {"source": 27, "target": 26, "label": "E"}, {"source": 30, "target": 17, "label": "E"}, {"source": 22, "target": 24, "label": "H"}, {"source": 30, "target": 18, "label": "E"}, {"source": 28, "target": 12, "label": "C"}, {"source": 24, "target": 3, "label": "A"}, {"source": 30, "target": 19, "label": "C"}, {"source": 24, "target": 16, "label": "A"}, {"source": 27, "target": 8, "label": "E"}, {"source": 22, "target": 25, "label": "H"}, {"source": 22, "target": 23, "label": "H"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "361316-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I know that if my garage door needs to be repaired, I will be calling A CLASS Garage Doors", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 50}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 71}, {"from": 72, "to": 77}, {"from": 78, "to": 84}, {"from": 85, "to": 90}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 19, "target": 11, "label": "U"}, {"source": 22, "target": 13, "label": "F"}, {"source": 23, "target": 16, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 7, "label": "D"}, {"source": 25, "target": 26, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 22, "target": 15, "label": "P"}, {"source": 26, "target": 16, "label": "C"}, {"source": 22, "target": 14, "label": "F"}, {"source": 24, "target": 25, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 20, "target": 5, "label": "E"}, {"source": 21, "target": 9, "label": "F"}, {"source": 21, "target": 10, "label": "P"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 21, "label": "H"}, {"source": 19, "target": 3, "label": "L"}, {"source": 19, "target": 22, "label": "H"}, {"source": 18, "target": 19, "label": "A"}, {"source": 22, "target": 12, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "F"}]} +{"id": "361348-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "HORRIBLE!!!!!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 1, "label": "U"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "361348-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This has to be some of the worst pizza I have ever had the misfortune of ordering.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 13, "label": "E"}, {"source": 22, "target": 21, "label": "E"}, {"source": 23, "target": 10, "label": "F"}, {"source": 19, "target": 22, "label": "A"}, {"source": 21, "target": 4, "label": "C"}, {"source": 22, "target": 8, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 20, "label": "S"}, {"source": 23, "target": 12, "label": "P"}, {"source": 24, "target": 15, "label": "R"}, {"source": 25, "target": 24, "label": "E"}, {"source": 23, "target": 25, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 2, "label": "F"}, {"source": 23, "target": 9, "label": "A"}, {"source": 23, "target": 11, "label": "D"}, {"source": 25, "target": 16, "label": "C"}, {"source": 21, "target": 5, "label": "R"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 1, "label": "F"}, {"source": 25, "target": 17, "label": "U"}, {"source": 20, "target": 3, "label": "C"}, {"source": 22, "target": 6, "label": "E"}]} +{"id": "361348-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The crust was lopsided, thicker on one side than the other.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 16, "target": 18, "label": "E"}, {"source": 15, "target": 3, "label": "S"}, {"source": 18, "target": 11, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "C"}, {"source": 17, "target": 6, "label": "R"}, {"source": 15, "target": 2, "label": "F"}, {"source": 15, "target": 4, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 18, "target": 10, "label": "E"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 7, "label": "E"}, {"source": 17, "target": 8, "label": "C"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "361348-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It actually had a hole in one of the slices.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 43, "to": 44}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "D"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "361348-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "There was minimal cheese and sauce and it completely lacked flavor.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 66}]}, {"id": 11, "anchors": [{"from": 66, "to": 67}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 9, "label": "D"}, {"source": 15, "target": 7, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 13, "target": 10, "label": "A"}, {"source": 13, "target": 15, "label": "A"}, {"source": 13, "target": 8, "label": "D"}, {"source": 15, "target": 6, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 13, "target": 0, "label": "F"}, {"source": 15, "target": 14, "label": "C"}, {"source": 15, "target": 4, "label": "N"}, {"source": 15, "target": 5, "label": "C"}, {"source": 13, "target": 11, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "361348-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I know New York pizza and this is not it!!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 15}, {"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "P"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 4, "label": "A"}, {"source": 11, "target": 7, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "L"}, {"source": 11, "target": 5, "label": "S"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "361348-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was nothing like New York style pizza!!!.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}, {"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 2, "label": "C"}, {"source": 8, "target": 10, "label": "A"}, {"source": 9, "target": 8, "label": "H"}, {"source": 11, "target": 6, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 9, "target": 7, "label": "U"}, {"source": 11, "target": 3, "label": "R"}, {"source": 11, "target": 12, "label": "E"}, {"source": 8, "target": 1, "label": "S"}, {"source": 10, "target": 11, "label": "E"}, {"source": 12, "target": 4, "label": "E"}]} +{"id": "361348-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love pizza and this was a complete and utter disappointment!!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 61}]}, {"id": 11, "anchors": [{"from": 61, "to": 63}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 12, "target": 1, "label": "D"}, {"source": 12, "target": 2, "label": "S"}, {"source": 15, "target": 10, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 16, "label": "C"}, {"source": 13, "target": 3, "label": "N"}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 4, "label": "A"}, {"source": 13, "target": 12, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 18, "target": 8, "label": "N"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 7, "label": "C"}, {"source": 18, "target": 9, "label": "C"}, {"source": 17, "target": 18, "label": "C"}, {"source": 15, "target": 11, "label": "U"}, {"source": 16, "target": 5, "label": "F"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "361348-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would not suggest this pizza to anyone!!!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 13, "target": 8, "label": "U"}, {"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 10, "target": 11, "label": "P"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 12, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "R"}]} +{"id": "361545-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "One suspects that earlier reviewer works for another laundry.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 52}]}, {"id": 8, "anchors": [{"from": 53, "to": 60}]}, {"id": 9, "anchors": [{"from": 60, "to": 61}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 11, "target": 1, "label": "P"}, {"source": 12, "target": 5, "label": "P"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 2, "label": "F"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "R"}]} +{"id": "361545-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Outside of parking being at a premium, especially on discount days, The Laundry Tub is not filthy and it's no smaller than any of a dozen laundromats I've been in.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 37}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}, {"from": 72, "to": 79}, {"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 104}]}, {"id": 19, "anchors": [{"from": 104, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 117}]}, {"id": 22, "anchors": [{"from": 118, "to": 122}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 129}]}, {"id": 25, "anchors": [{"from": 130, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 149}]}, {"id": 28, "anchors": [{"from": 150, "to": 151}, {"from": 151, "to": 154}]}, {"id": 29, "anchors": [{"from": 155, "to": 159}]}, {"id": 30, "anchors": [{"from": 160, "to": 162}]}, {"id": 31, "anchors": [{"from": 162, "to": 163}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 38, "label": "H"}, {"source": 35, "target": 17, "label": "L"}, {"source": 38, "target": 21, "label": "P"}, {"source": 34, "target": 16, "label": "S"}, {"source": 41, "target": 40, "label": "E"}, {"source": 34, "target": 2, "label": "E"}, {"source": 33, "target": 37, "label": "D"}, {"source": 34, "target": 3, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 33, "target": 12, "label": "U"}, {"source": 42, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 15, "label": "D"}, {"source": 33, "target": 36, "label": "A"}, {"source": 37, "target": 8, "label": "R"}, {"source": 33, "target": 7, "label": "U"}, {"source": 42, "target": 29, "label": "F"}, {"source": 42, "target": 43, "label": "D"}, {"source": 43, "target": 30, "label": "R"}, {"source": 36, "target": 6, "label": "C"}, {"source": 38, "target": 18, "label": "A"}, {"source": 32, "target": 0, "label": "C"}, {"source": 38, "target": 19, "label": "F"}, {"source": 33, "target": 13, "label": "A"}, {"source": 38, "target": 20, "label": "D"}, {"source": 37, "target": 11, "label": "C"}, {"source": 41, "target": 25, "label": "E"}, {"source": 41, "target": 26, "label": "E"}, {"source": 34, "target": 14, "label": "F"}, {"source": 32, "target": 1, "label": "R"}, {"source": 37, "target": 9, "label": "R"}, {"source": 40, "target": 24, "label": "R"}, {"source": 43, "target": 31, "label": "U"}, {"source": 36, "target": 5, "label": "E"}, {"source": 36, "target": 4, "label": "R"}, {"source": 42, "target": 28, "label": "A"}, {"source": 39, "target": 22, "label": "R"}, {"source": 41, "target": 27, "label": "C"}, {"source": 34, "target": 32, "label": "E"}, {"source": 40, "target": 23, "label": "C"}, {"source": 35, "target": 33, "label": "H"}, {"source": 37, "target": 10, "label": "E"}, {"source": 41, "target": 42, "label": "E"}, {"source": 39, "target": 41, "label": "E"}]} +{"id": "361545-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Yes, there are bigger, but bigger isn't necessarily better.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 58}]}, {"id": 12, "anchors": [{"from": 58, "to": 59}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 3, "label": "F"}, {"source": 14, "target": 9, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 14, "target": 10, "label": "D"}, {"source": 14, "target": 7, "label": "D"}, {"source": 14, "target": 15, "label": "S"}, {"source": 15, "target": 2, "label": "F"}, {"source": 13, "target": 6, "label": "L"}, {"source": 15, "target": 4, "label": "C"}, {"source": 14, "target": 1, "label": "U"}, {"source": 16, "target": 11, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 16, "target": 12, "label": "U"}, {"source": 14, "target": 8, "label": "F"}, {"source": 14, "target": 5, "label": "U"}]} +{"id": "361545-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I availed myself of the wash 'n fold service, taking just about a year's worth of dirty clothes in and getting back neatly folded, clean clothes in clear plastic bags (I'd originally brought them in, in six large yellow garbage bags).", "tops": [48], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 44}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 129}]}, {"id": 26, "anchors": [{"from": 129, "to": 130}]}, {"id": 27, "anchors": [{"from": 131, "to": 136}]}, {"id": 28, "anchors": [{"from": 137, "to": 144}]}, {"id": 29, "anchors": [{"from": 145, "to": 147}]}, {"id": 30, "anchors": [{"from": 148, "to": 153}]}, {"id": 31, "anchors": [{"from": 154, "to": 161}]}, {"id": 32, "anchors": [{"from": 162, "to": 166}]}, {"id": 33, "anchors": [{"from": 167, "to": 168}]}, {"id": 34, "anchors": [{"from": 168, "to": 169}, {"from": 169, "to": 171}]}, {"id": 35, "anchors": [{"from": 172, "to": 182}]}, {"id": 36, "anchors": [{"from": 183, "to": 190}, {"from": 191, "to": 195}]}, {"id": 37, "anchors": [{"from": 196, "to": 198}]}, {"id": 38, "anchors": [{"from": 198, "to": 199}]}, {"id": 39, "anchors": [{"from": 200, "to": 202}]}, {"id": 40, "anchors": [{"from": 203, "to": 206}]}, {"id": 41, "anchors": [{"from": 207, "to": 212}]}, {"id": 42, "anchors": [{"from": 213, "to": 219}]}, {"id": 43, "anchors": [{"from": 220, "to": 227}]}, {"id": 44, "anchors": [{"from": 228, "to": 232}]}, {"id": 45, "anchors": [{"from": 232, "to": 233}]}, {"id": 46, "anchors": [{"from": 233, "to": 234}]}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}], "edges": [{"source": 47, "target": 0, "label": "A"}, {"source": 56, "target": 23, "label": "E"}, {"source": 49, "target": 3, "label": "R"}, {"source": 48, "target": 55, "label": "H"}, {"source": 56, "target": 24, "label": "C"}, {"source": 59, "target": 35, "label": "D"}, {"source": 61, "target": 46, "label": "U"}, {"source": 61, "target": 43, "label": "E"}, {"source": 52, "target": 13, "label": "E"}, {"source": 48, "target": 21, "label": "L"}, {"source": 51, "target": 12, "label": "R"}, {"source": 60, "target": 32, "label": "C"}, {"source": 59, "target": 38, "label": "U"}, {"source": 52, "target": 16, "label": "C"}, {"source": 49, "target": 8, "label": "C"}, {"source": 57, "target": 25, "label": "C"}, {"source": 59, "target": 58, "label": "A"}, {"source": 53, "target": 15, "label": "R"}, {"source": 58, "target": 27, "label": "E"}, {"source": 59, "target": 34, "label": "A"}, {"source": 60, "target": 31, "label": "E"}, {"source": 61, "target": 41, "label": "E"}, {"source": 60, "target": 30, "label": "E"}, {"source": 54, "target": 20, "label": "R"}, {"source": 57, "target": 26, "label": "U"}, {"source": 55, "target": 56, "label": "A"}, {"source": 51, "target": 52, "label": "E"}, {"source": 58, "target": 28, "label": "C"}, {"source": 61, "target": 40, "label": "E"}, {"source": 51, "target": 19, "label": "C"}, {"source": 55, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 9, "label": "U"}, {"source": 61, "target": 44, "label": "C"}, {"source": 47, "target": 2, "label": "D"}, {"source": 61, "target": 45, "label": "U"}, {"source": 57, "target": 59, "label": "C"}, {"source": 50, "target": 10, "label": "P"}, {"source": 49, "target": 7, "label": "E"}, {"source": 52, "target": 53, "label": "E"}, {"source": 60, "target": 29, "label": "R"}, {"source": 59, "target": 37, "label": "A"}, {"source": 49, "target": 5, "label": "E"}, {"source": 48, "target": 50, "label": "H"}, {"source": 50, "target": 11, "label": "D"}, {"source": 55, "target": 22, "label": "P"}, {"source": 59, "target": 36, "label": "P"}, {"source": 61, "target": 39, "label": "R"}, {"source": 50, "target": 51, "label": "A"}, {"source": 58, "target": 60, "label": "E"}, {"source": 49, "target": 6, "label": "E"}, {"source": 61, "target": 42, "label": "E"}, {"source": 48, "target": 47, "label": "H"}, {"source": 47, "target": 49, "label": "A"}, {"source": 55, "target": 57, "label": "A"}, {"source": 52, "target": 17, "label": "R"}, {"source": 47, "target": 1, "label": "P"}, {"source": 50, "target": 54, "label": "A"}, {"source": 49, "target": 4, "label": "E"}, {"source": 59, "target": 33, "label": "U"}, {"source": 59, "target": 61, "label": "A"}, {"source": 53, "target": 14, "label": "C"}, {"source": 50, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 18, "label": "E"}]} +{"id": "361545-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The cost was certainly reasonable and I will continue my patronage of The Laundry Tub in the future.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 73}, {"from": 74, "to": 81}, {"from": 82, "to": 85}]}, {"id": 13, "anchors": [{"from": 86, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 92}]}, {"id": 15, "anchors": [{"from": 93, "to": 99}]}, {"id": 16, "anchors": [{"from": 99, "to": 100}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 18, "label": "H"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 5, "label": "L"}, {"source": 18, "target": 3, "label": "D"}, {"source": 23, "target": 16, "label": "U"}, {"source": 18, "target": 17, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 22, "target": 11, "label": "R"}, {"source": 20, "target": 8, "label": "P"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 23, "label": "D"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 10, "label": "C"}, {"source": 23, "target": 13, "label": "R"}, {"source": 21, "target": 9, "label": "E"}, {"source": 18, "target": 4, "label": "S"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 2, "label": "F"}, {"source": 20, "target": 6, "label": "A"}, {"source": 17, "target": 0, "label": "E"}, {"source": 17, "target": 1, "label": "C"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "361545-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Didn't hurt any that they knew my name by my second visit and greeted me warmly then and on my third visit.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 106}]}, {"id": 23, "anchors": [{"from": 106, "to": 107}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 34, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 24, "label": "H"}, {"source": 32, "target": 16, "label": "C"}, {"source": 24, "target": 1, "label": "D"}, {"source": 29, "target": 11, "label": "E"}, {"source": 31, "target": 32, "label": "D"}, {"source": 30, "target": 13, "label": "N"}, {"source": 26, "target": 27, "label": "E"}, {"source": 27, "target": 5, "label": "A"}, {"source": 34, "target": 23, "label": "U"}, {"source": 24, "target": 0, "label": "F"}, {"source": 33, "target": 22, "label": "C"}, {"source": 25, "target": 34, "label": "H"}, {"source": 25, "target": 18, "label": "L"}, {"source": 34, "target": 33, "label": "S"}, {"source": 30, "target": 31, "label": "C"}, {"source": 33, "target": 19, "label": "R"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 4, "label": "F"}, {"source": 33, "target": 21, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 27, "target": 6, "label": "P"}, {"source": 30, "target": 12, "label": "C"}, {"source": 33, "target": 20, "label": "E"}, {"source": 28, "target": 8, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 26, "target": 3, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 29, "target": 9, "label": "R"}, {"source": 31, "target": 14, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 10, "label": "E"}, {"source": 24, "target": 2, "label": "P"}, {"source": 28, "target": 7, "label": "E"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "361545-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Whereas my answer to the question \"Where do you get your laundry done?\" used to be, \"At the checkout line at WalMart,\" I can honestly say the answer now is, \"At The Laundry Tub.\"", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16, "anchors": [{"from": 72, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 79}]}, {"id": 18, "anchors": [{"from": 80, "to": 82}]}, {"id": 19, "anchors": [{"from": 82, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 85}]}, {"id": 21, "anchors": [{"from": 85, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 108}]}, {"id": 26, "anchors": [{"from": 109, "to": 116}]}, {"id": 27, "anchors": [{"from": 116, "to": 117}]}, {"id": 28, "anchors": [{"from": 117, "to": 118}]}, {"id": 29, "anchors": [{"from": 119, "to": 120}]}, {"id": 30, "anchors": [{"from": 121, "to": 124}]}, {"id": 31, "anchors": [{"from": 125, "to": 133}]}, {"id": 32, "anchors": [{"from": 134, "to": 137}]}, {"id": 33, "anchors": [{"from": 138, "to": 141}]}, {"id": 34, "anchors": [{"from": 142, "to": 148}]}, {"id": 35, "anchors": [{"from": 149, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 155}]}, {"id": 37, "anchors": [{"from": 155, "to": 156}]}, {"id": 38, "anchors": [{"from": 157, "to": 158}]}, {"id": 39, "anchors": [{"from": 158, "to": 160}, {"from": 161, "to": 164}, {"from": 165, "to": 172}, {"from": 173, "to": 176}]}, {"id": 40, "anchors": [{"from": 176, "to": 177}]}, {"id": 41, "anchors": [{"from": 177, "to": 178}]}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 46, "target": 5, "label": "C"}, {"source": 44, "target": 43, "label": "A"}, {"source": 42, "target": 50, "label": "H"}, {"source": 42, "target": 0, "label": "L"}, {"source": 47, "target": 7, "label": "A"}, {"source": 50, "target": 53, "label": "A"}, {"source": 43, "target": 1, "label": "E"}, {"source": 42, "target": 47, "label": "H"}, {"source": 48, "target": 10, "label": "P"}, {"source": 49, "target": 11, "label": "E"}, {"source": 50, "target": 40, "label": "U"}, {"source": 50, "target": 28, "label": "U"}, {"source": 43, "target": 2, "label": "C"}, {"source": 42, "target": 6, "label": "U"}, {"source": 51, "target": 24, "label": "C"}, {"source": 48, "target": 13, "label": "A"}, {"source": 47, "target": 8, "label": "P"}, {"source": 54, "target": 32, "label": "C"}, {"source": 51, "target": 21, "label": "R"}, {"source": 55, "target": 34, "label": "C"}, {"source": 52, "target": 26, "label": "C"}, {"source": 45, "target": 46, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 48, "target": 49, "label": "A"}, {"source": 51, "target": 52, "label": "E"}, {"source": 50, "target": 41, "label": "U"}, {"source": 53, "target": 55, "label": "A"}, {"source": 42, "target": 44, "label": "H"}, {"source": 50, "target": 19, "label": "U"}, {"source": 46, "target": 4, "label": "E"}, {"source": 52, "target": 25, "label": "R"}, {"source": 42, "target": 15, "label": "U"}, {"source": 48, "target": 9, "label": "A"}, {"source": 45, "target": 3, "label": "R"}, {"source": 50, "target": 17, "label": "F"}, {"source": 50, "target": 27, "label": "U"}, {"source": 53, "target": 31, "label": "D"}, {"source": 50, "target": 39, "label": "A"}, {"source": 42, "target": 14, "label": "U"}, {"source": 55, "target": 33, "label": "E"}, {"source": 50, "target": 18, "label": "S"}, {"source": 54, "target": 30, "label": "F"}, {"source": 44, "target": 45, "label": "A"}, {"source": 50, "target": 16, "label": "D"}, {"source": 50, "target": 51, "label": "A"}, {"source": 49, "target": 12, "label": "C"}, {"source": 51, "target": 22, "label": "E"}, {"source": 50, "target": 36, "label": "F"}, {"source": 50, "target": 37, "label": "U"}, {"source": 51, "target": 23, "label": "E"}, {"source": 53, "target": 35, "label": "D"}, {"source": 53, "target": 54, "label": "P"}, {"source": 50, "target": 20, "label": "U"}, {"source": 53, "target": 29, "label": "A"}, {"source": 50, "target": 38, "label": "U"}]} +{"id": "362073-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great food and nice people very pleasant experience.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 51}]}, {"id": 8, "anchors": [{"from": 51, "to": 52}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 10, "target": 9, "label": "C"}, {"source": 10, "target": 4, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 11, "target": 15, "label": "E"}, {"source": 15, "target": 6, "label": "C"}, {"source": 14, "target": 2, "label": "N"}, {"source": 14, "target": 3, "label": "C"}, {"source": 11, "target": 10, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 7, "label": "C"}, {"source": 9, "target": 14, "label": "C"}]} +{"id": "363234-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent Tattoo Shop", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "363234-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recently got a tattoo done at Aztec and I could not be happier.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 65}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 7, "label": "C"}, {"source": 20, "target": 13, "label": "S"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 20, "label": "H"}, {"source": 15, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 16, "target": 8, "label": "L"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 1, "label": "D"}, {"source": 20, "target": 11, "label": "D"}, {"source": 18, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "A"}, {"source": 20, "target": 12, "label": "F"}, {"source": 18, "target": 5, "label": "S"}, {"source": 19, "target": 6, "label": "R"}, {"source": 17, "target": 3, "label": "E"}, {"source": 20, "target": 10, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "363234-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It came out better than I even imagined.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 5, "label": "D"}, {"source": 10, "target": 2, "label": "C"}, {"source": 9, "target": 13, "label": "A"}, {"source": 13, "target": 12, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 11, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "H"}, {"source": 13, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "P"}, {"source": 10, "target": 1, "label": "E"}, {"source": 12, "target": 6, "label": "C"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "363234-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The shop was great, the service was excellent and the employees were fun guys.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 18, "target": 22, "label": "H"}, {"source": 18, "target": 4, "label": "U"}, {"source": 21, "target": 11, "label": "C"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 7, "label": "F"}, {"source": 21, "target": 10, "label": "E"}, {"source": 23, "target": 13, "label": "E"}, {"source": 18, "target": 20, "label": "H"}, {"source": 16, "target": 0, "label": "E"}, {"source": 23, "target": 14, "label": "C"}, {"source": 19, "target": 6, "label": "C"}, {"source": 18, "target": 17, "label": "H"}, {"source": 22, "target": 12, "label": "S"}, {"source": 17, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "L"}, {"source": 17, "target": 3, "label": "A"}, {"source": 20, "target": 8, "label": "S"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 17, "target": 2, "label": "S"}]} +{"id": "363234-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend this shop to anyone looking to get a quality tattoo done.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 81, "to": 82}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 16, "target": 18, "label": "P"}, {"source": 20, "target": 7, "label": "C"}, {"source": 16, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 1, "label": "F"}, {"source": 16, "target": 19, "label": "A"}, {"source": 23, "target": 15, "label": "U"}, {"source": 19, "target": 4, "label": "E"}, {"source": 18, "target": 3, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 14, "label": "C"}, {"source": 21, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 6, "label": "R"}, {"source": 22, "target": 12, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 21, "target": 9, "label": "F"}, {"source": 21, "target": 10, "label": "P"}, {"source": 16, "target": 2, "label": "D"}, {"source": 17, "target": 21, "label": "A"}, {"source": 22, "target": 13, "label": "C"}]} +{"id": "363428-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pam the Pom", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}, {"from": 8, "to": 11}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "363428-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic couple of days.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 5, "target": 2, "label": "R"}, {"source": 6, "target": 3, "label": "C"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "363428-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Breathtaking views and fabulous accommodation.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 31}]}, {"id": 4, "anchors": [{"from": 32, "to": 45}]}, {"id": 5, "anchors": [{"from": 45, "to": 46}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "A"}, {"source": 8, "target": 6, "label": "C"}, {"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "N"}, {"source": 10, "target": 7, "label": "P"}, {"source": 7, "target": 8, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 5, "label": "U"}]} +{"id": "363428-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nothing too much trouble for Ian, thanks for a great stay.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 3, "label": "P"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 18, "target": 12, "label": "U"}, {"source": 14, "target": 15, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 17, "target": 18, "label": "E"}, {"source": 16, "target": 4, "label": "R"}, {"source": 15, "target": 2, "label": "C"}, {"source": 15, "target": 1, "label": "E"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 6, "label": "U"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 0, "label": "A"}, {"source": 18, "target": 9, "label": "E"}, {"source": 18, "target": 8, "label": "R"}, {"source": 18, "target": 11, "label": "C"}]} +{"id": "363482-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The food is excellent, but very overpriced.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 5, "label": "L"}, {"source": 9, "target": 1, "label": "C"}, {"source": 10, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "D"}, {"source": 12, "target": 7, "label": "S"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "363482-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "How do you run a cafe, with no refills on coffee-?", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7, "anchors": [{"from": 23, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 30}]}, {"id": 9, "anchors": [{"from": 31, "to": 38}]}, {"id": 10, "anchors": [{"from": 39, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 48}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 49, "to": 50}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 3, "label": "P"}, {"source": 18, "target": 9, "label": "S"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 4, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 1, "label": "D"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 5, "label": "C"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 7, "label": "R"}, {"source": 15, "target": 6, "label": "U"}, {"source": 14, "target": 15, "label": "H"}, {"source": 18, "target": 8, "label": "D"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 2, "label": "A"}, {"source": 15, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "R"}, {"source": 17, "target": 18, "label": "C"}, {"source": 19, "target": 12, "label": "U"}]} +{"id": "363633-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Favorite Restaurant", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 19}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 4, "label": "E"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "363633-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Best yellow curry that I have ever tasted.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "A"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "C"}, {"source": 12, "target": 5, "label": "F"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "F"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "E"}, {"source": 12, "target": 7, "label": "P"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "363633-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staff is super friendly and very attentive.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 42}]}, {"id": 7, "anchors": [{"from": 42, "to": 43}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 10, "target": 11, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 1, "label": "F"}, {"source": 10, "target": 4, "label": "N"}, {"source": 9, "target": 10, "label": "S"}, {"source": 11, "target": 7, "label": "U"}]} +{"id": "363633-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Price is also very reasonable.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "363685-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lots of rules, phantom innkeeper, last minute price was worth it.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 64, "to": 65}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 7, "label": "E"}, {"source": 16, "target": 18, "label": "C"}, {"source": 14, "target": 0, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 3, "label": "U"}, {"source": 15, "target": 2, "label": "C"}, {"source": 15, "target": 14, "label": "E"}, {"source": 20, "target": 13, "label": "U"}, {"source": 16, "target": 15, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 17, "target": 6, "label": "U"}, {"source": 14, "target": 1, "label": "R"}, {"source": 20, "target": 11, "label": "S"}, {"source": 20, "target": 19, "label": "D"}, {"source": 20, "target": 12, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 20, "target": 10, "label": "F"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "363685-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I called the \"207\" number and listened to the same recording loop 3 times before I gave up.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 87}, {"from": 88, "to": 90}]}, {"id": 19, "anchors": [{"from": 90, "to": 91}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 19, "label": "U"}, {"source": 26, "target": 18, "label": "P"}, {"source": 22, "target": 5, "label": "U"}, {"source": 24, "target": 11, "label": "E"}, {"source": 21, "target": 26, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 16, "label": "L"}, {"source": 22, "target": 2, "label": "E"}, {"source": 25, "target": 14, "label": "E"}, {"source": 23, "target": 8, "label": "P"}, {"source": 21, "target": 23, "label": "H"}, {"source": 25, "target": 15, "label": "C"}, {"source": 24, "target": 9, "label": "R"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 4, "label": "E"}, {"source": 22, "target": 3, "label": "U"}, {"source": 23, "target": 25, "label": "D"}, {"source": 24, "target": 10, "label": "E"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 17, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 6, "label": "C"}, {"source": 21, "target": 7, "label": "L"}]} +{"id": "363685-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I then called the 800 number (which was answered) and inquired about last minute rates.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 48}]}, {"id": 10, "anchors": [{"from": 48, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 86, "to": 87}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 11, "label": "L"}, {"source": 18, "target": 2, "label": "P"}, {"source": 19, "target": 10, "label": "U"}, {"source": 20, "target": 3, "label": "E"}, {"source": 24, "target": 14, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 18, "target": 1, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 20, "target": 5, "label": "C"}, {"source": 21, "target": 9, "label": "P"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 24, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "U"}, {"source": 22, "target": 12, "label": "P"}, {"source": 23, "target": 13, "label": "R"}, {"source": 23, "target": 24, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 17, "label": "U"}, {"source": 19, "target": 22, "label": "H"}, {"source": 19, "target": 18, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "363685-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They had a room with a $99 rate, which I booked.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 31, "to": 32}]}, {"id": 10, "anchors": [{"from": 33, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 40}]}, {"id": 12, "anchors": [{"from": 41, "to": 47}]}, {"id": 13, "anchors": [{"from": 47, "to": 48}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 1, "label": "F"}, {"source": 19, "target": 12, "label": "P"}, {"source": 15, "target": 16, "label": "P"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 4, "label": "R"}, {"source": 19, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 7, "label": "E"}, {"source": 19, "target": 10, "label": "F"}, {"source": 19, "target": 11, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 18, "target": 6, "label": "U"}, {"source": 17, "target": 9, "label": "U"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 19, "label": "E"}]} +{"id": "363685-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The room was supposed to be on the 2nd floor, but they put us on the 3rd.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 58}]}, {"id": 14, "anchors": [{"from": 59, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 72, "to": 73}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 6, "label": "R"}, {"source": 22, "target": 8, "label": "E"}, {"source": 21, "target": 10, "label": "U"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 15, "label": "R"}, {"source": 21, "target": 11, "label": "L"}, {"source": 20, "target": 2, "label": "F"}, {"source": 19, "target": 0, "label": "E"}, {"source": 21, "target": 23, "label": "H"}, {"source": 24, "target": 18, "label": "U"}, {"source": 20, "target": 3, "label": "D"}, {"source": 23, "target": 12, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 23, "target": 13, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 14, "label": "A"}, {"source": 24, "target": 16, "label": "E"}, {"source": 24, "target": 17, "label": "C"}, {"source": 20, "target": 4, "label": "F"}, {"source": 23, "target": 24, "label": "A"}, {"source": 20, "target": 5, "label": "S"}]} +{"id": "363685-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The email confirmation (which I read in the car) warned about large suitcases, declaring that we are innkeepers, not longshoreman.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 111}]}, {"id": 21, "anchors": [{"from": 111, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 129}]}, {"id": 24, "anchors": [{"from": 129, "to": 130}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 25, "target": 28, "label": "E"}, {"source": 30, "target": 14, "label": "C"}, {"source": 28, "target": 6, "label": "P"}, {"source": 33, "target": 18, "label": "A"}, {"source": 34, "target": 20, "label": "C"}, {"source": 25, "target": 1, "label": "E"}, {"source": 25, "target": 2, "label": "C"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 13, "label": "E"}, {"source": 26, "target": 11, "label": "P"}, {"source": 31, "target": 16, "label": "P"}, {"source": 29, "target": 7, "label": "R"}, {"source": 25, "target": 0, "label": "E"}, {"source": 35, "target": 23, "label": "A"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 21, "label": "U"}, {"source": 28, "target": 5, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 29, "target": 8, "label": "E"}, {"source": 26, "target": 30, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 31, "label": "H"}, {"source": 28, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 4, "label": "F"}, {"source": 29, "target": 9, "label": "C"}, {"source": 35, "target": 24, "label": "U"}, {"source": 27, "target": 26, "label": "H"}, {"source": 32, "target": 17, "label": "F"}, {"source": 35, "target": 22, "label": "D"}, {"source": 27, "target": 15, "label": "U"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 19, "label": "S"}, {"source": 34, "target": 35, "label": "E"}, {"source": 26, "target": 10, "label": "U"}, {"source": 30, "target": 12, "label": "R"}, {"source": 25, "target": 3, "label": "U"}]} +{"id": "363685-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "In other words, they do not help with suitcases, but they promise totes to help.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 79, "to": 80}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 21, "target": 6, "label": "D"}, {"source": 24, "target": 17, "label": "U"}, {"source": 18, "target": 15, "label": "L"}, {"source": 24, "target": 16, "label": "P"}, {"source": 20, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 3, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 20, "target": 19, "label": "P"}, {"source": 18, "target": 10, "label": "U"}, {"source": 21, "target": 22, "label": "A"}, {"source": 18, "target": 21, "label": "H"}, {"source": 23, "target": 12, "label": "A"}, {"source": 22, "target": 9, "label": "C"}, {"source": 21, "target": 5, "label": "F"}, {"source": 18, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 18, "target": 0, "label": "L"}, {"source": 22, "target": 8, "label": "R"}, {"source": 23, "target": 14, "label": "A"}, {"source": 18, "target": 11, "label": "L"}, {"source": 21, "target": 4, "label": "A"}, {"source": 18, "target": 24, "label": "H"}, {"source": 21, "target": 7, "label": "P"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "363685-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "However upon our arrival no one there (the inn was open).", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 3, "label": "D"}, {"source": 15, "target": 4, "label": "A"}, {"source": 14, "target": 2, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 7, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "L"}, {"source": 17, "target": 10, "label": "S"}, {"source": 13, "target": 6, "label": "U"}, {"source": 17, "target": 9, "label": "F"}, {"source": 13, "target": 15, "label": "H"}, {"source": 14, "target": 1, "label": "E"}, {"source": 13, "target": 17, "label": "H"}, {"source": 15, "target": 5, "label": "S"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "363685-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "So no totes.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "363685-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Finally a chambermaid stuck her head around the corner from the top of the stairs and told us sternly that we could not be accommodated until 3M, no exceptions.", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 101}]}, {"id": 19, "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "anchors": [{"from": 107, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 119}]}, {"id": 23, "anchors": [{"from": 120, "to": 122}]}, {"id": 24, "anchors": [{"from": 123, "to": 135}]}, {"id": 25, "anchors": [{"from": 136, "to": 141}]}, {"id": 26, "anchors": [{"from": 142, "to": 143}, {"from": 143, "to": 144}]}, {"id": 27, "anchors": [{"from": 144, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 149, "to": 159}]}, {"id": 30, "anchors": [{"from": 159, "to": 160}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 39, "target": 24, "label": "P"}, {"source": 31, "target": 18, "label": "L"}, {"source": 37, "target": 12, "label": "R"}, {"source": 34, "target": 4, "label": "E"}, {"source": 40, "target": 25, "label": "R"}, {"source": 39, "target": 23, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 30, "label": "U"}, {"source": 35, "target": 7, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 36, "target": 9, "label": "R"}, {"source": 31, "target": 15, "label": "L"}, {"source": 40, "target": 41, "label": "E"}, {"source": 33, "target": 3, "label": "P"}, {"source": 31, "target": 33, "label": "H"}, {"source": 33, "target": 36, "label": "A"}, {"source": 40, "target": 26, "label": "E"}, {"source": 32, "target": 2, "label": "C"}, {"source": 32, "target": 1, "label": "E"}, {"source": 41, "target": 28, "label": "E"}, {"source": 39, "target": 20, "label": "A"}, {"source": 36, "target": 11, "label": "C"}, {"source": 33, "target": 35, "label": "A"}, {"source": 40, "target": 27, "label": "U"}, {"source": 31, "target": 0, "label": "L"}, {"source": 36, "target": 10, "label": "E"}, {"source": 39, "target": 22, "label": "D"}, {"source": 37, "target": 13, "label": "E"}, {"source": 38, "target": 16, "label": "P"}, {"source": 31, "target": 38, "label": "H"}, {"source": 37, "target": 14, "label": "C"}, {"source": 31, "target": 39, "label": "H"}, {"source": 33, "target": 32, "label": "A"}, {"source": 38, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 5, "label": "C"}, {"source": 35, "target": 6, "label": "R"}, {"source": 41, "target": 29, "label": "C"}, {"source": 39, "target": 21, "label": "D"}, {"source": 39, "target": 19, "label": "F"}, {"source": 35, "target": 8, "label": "C"}, {"source": 36, "target": 37, "label": "E"}, {"source": 38, "target": 17, "label": "A"}]} +{"id": "363685-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then she was gone.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 2, "label": "F"}, {"source": 6, "target": 1, "label": "A"}, {"source": 6, "target": 0, "label": "D"}, {"source": 6, "target": 3, "label": "P"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "363685-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We returned after 3PM, found no one there, and a note from the innkeeper with directions to our room.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 72}]}, {"id": 17, "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 30, "target": 15, "label": "E"}, {"source": 26, "target": 7, "label": "D"}, {"source": 29, "target": 32, "label": "A"}, {"source": 28, "target": 30, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 28, "target": 13, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 26, "label": "H"}, {"source": 24, "target": 5, "label": "U"}, {"source": 30, "target": 14, "label": "R"}, {"source": 32, "target": 22, "label": "U"}, {"source": 32, "target": 20, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 24, "target": 29, "label": "H"}, {"source": 28, "target": 12, "label": "E"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 31, "target": 17, "label": "R"}, {"source": 23, "target": 1, "label": "P"}, {"source": 30, "target": 16, "label": "C"}, {"source": 24, "target": 23, "label": "H"}, {"source": 26, "target": 6, "label": "P"}, {"source": 31, "target": 18, "label": "C"}, {"source": 25, "target": 2, "label": "R"}, {"source": 24, "target": 10, "label": "U"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "D"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "L"}, {"source": 25, "target": 4, "label": "C"}, {"source": 27, "target": 8, "label": "E"}, {"source": 32, "target": 19, "label": "R"}, {"source": 27, "target": 9, "label": "C"}]} +{"id": "363685-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Rules in the room: #1) if you drink the soda from the fridge in your room you must prove it by leaving the can in the trash.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "anchors": [{"from": 20, "to": 21}]}, {"id": 7, "anchors": [{"from": 21, "to": 22}]}, {"id": 8, "anchors": [{"from": 23, "to": 25}]}, {"id": 9, "anchors": [{"from": 26, "to": 29}]}, {"id": 10, "anchors": [{"from": 30, "to": 35}]}, {"id": 11, "anchors": [{"from": 36, "to": 39}]}, {"id": 12, "anchors": [{"from": 40, "to": 44}]}, {"id": 13, "anchors": [{"from": 45, "to": 49}]}, {"id": 14, "anchors": [{"from": 50, "to": 53}]}, {"id": 15, "anchors": [{"from": 54, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 63}]}, {"id": 17, "anchors": [{"from": 64, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 73}]}, {"id": 19, "anchors": [{"from": 74, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 82}]}, {"id": 21, "anchors": [{"from": 83, "to": 88}]}, {"id": 22, "anchors": [{"from": 89, "to": 91}]}, {"id": 23, "anchors": [{"from": 92, "to": 94}]}, {"id": 24, "anchors": [{"from": 95, "to": 102}]}, {"id": 25, "anchors": [{"from": 103, "to": 106}]}, {"id": 26, "anchors": [{"from": 107, "to": 110}]}, {"id": 27, "anchors": [{"from": 111, "to": 113}]}, {"id": 28, "anchors": [{"from": 114, "to": 117}]}, {"id": 29, "anchors": [{"from": 118, "to": 123}]}, {"id": 30, "anchors": [{"from": 123, "to": 124}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 28, "label": "E"}, {"source": 32, "target": 31, "label": "R"}, {"source": 39, "target": 22, "label": "A"}, {"source": 40, "target": 23, "label": "F"}, {"source": 38, "target": 18, "label": "C"}, {"source": 39, "target": 40, "label": "A"}, {"source": 39, "target": 21, "label": "P"}, {"source": 31, "target": 0, "label": "C"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 2, "label": "E"}, {"source": 34, "target": 3, "label": "C"}, {"source": 35, "target": 6, "label": "A"}, {"source": 35, "target": 10, "label": "P"}, {"source": 43, "target": 29, "label": "C"}, {"source": 40, "target": 41, "label": "A"}, {"source": 37, "target": 15, "label": "C"}, {"source": 33, "target": 7, "label": "U"}, {"source": 41, "target": 42, "label": "C"}, {"source": 38, "target": 17, "label": "E"}, {"source": 32, "target": 4, "label": "U"}, {"source": 35, "target": 37, "label": "A"}, {"source": 37, "target": 13, "label": "R"}, {"source": 33, "target": 8, "label": "L"}, {"source": 33, "target": 39, "label": "H"}, {"source": 42, "target": 26, "label": "P"}, {"source": 37, "target": 14, "label": "E"}, {"source": 41, "target": 25, "label": "E"}, {"source": 36, "target": 11, "label": "E"}, {"source": 32, "target": 34, "label": "S"}, {"source": 40, "target": 24, "label": "P"}, {"source": 39, "target": 20, "label": "D"}, {"source": 31, "target": 1, "label": "E"}, {"source": 43, "target": 30, "label": "U"}, {"source": 40, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 12, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 32, "target": 5, "label": "U"}, {"source": 35, "target": 38, "label": "A"}, {"source": 38, "target": 16, "label": "R"}, {"source": 39, "target": 19, "label": "A"}, {"source": 43, "target": 27, "label": "R"}, {"source": 32, "target": 35, "label": "A"}, {"source": 35, "target": 9, "label": "A"}]} +{"id": "363685-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If they think you've taken a soda from your room home with you, they will charge you $1.50 per can.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 17, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "anchors": [{"from": 86, "to": 90}]}, {"id": 21, "anchors": [{"from": 91, "to": 94}]}, {"id": 22, "anchors": [{"from": 95, "to": 98}]}, {"id": 23, "anchors": [{"from": 98, "to": 99}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 24, "target": 0, "label": "L"}, {"source": 32, "target": 21, "label": "R"}, {"source": 24, "target": 25, "label": "H"}, {"source": 31, "target": 19, "label": "U"}, {"source": 24, "target": 14, "label": "U"}, {"source": 32, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 1, "label": "A"}, {"source": 29, "target": 9, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 31, "target": 18, "label": "A"}, {"source": 27, "target": 29, "label": "A"}, {"source": 26, "target": 3, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 24, "target": 31, "label": "H"}, {"source": 31, "target": 16, "label": "F"}, {"source": 29, "target": 8, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 2, "label": "P"}, {"source": 27, "target": 4, "label": "A"}, {"source": 28, "target": 7, "label": "C"}, {"source": 31, "target": 15, "label": "A"}, {"source": 27, "target": 5, "label": "P"}, {"source": 29, "target": 11, "label": "C"}, {"source": 31, "target": 20, "label": "A"}, {"source": 27, "target": 30, "label": "A"}, {"source": 32, "target": 23, "label": "U"}, {"source": 32, "target": 22, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 29, "target": 10, "label": "E"}, {"source": 31, "target": 17, "label": "D"}, {"source": 30, "target": 12, "label": "R"}, {"source": 28, "target": 6, "label": "E"}]} +{"id": "363685-0015", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They count the cans in the trash to make sure.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}, {"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "P"}, {"source": 12, "target": 2, "label": "E"}, {"source": 10, "target": 13, "label": "A"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "P"}, {"source": 13, "target": 4, "label": "R"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 14, "label": "H"}, {"source": 11, "target": 7, "label": "L"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "U"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "363685-0016", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "#2) If you take the shampoo products home, they will charge you $8 per item.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 2, "to": 3}]}, {"id": 3, "anchors": [{"from": 4, "to": 6}]}, {"id": 4, "anchors": [{"from": 7, "to": 10}]}, {"id": 5, "anchors": [{"from": 11, "to": 15}]}, {"id": 6, "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "anchors": [{"from": 20, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 41, "to": 42}]}, {"id": 11, "anchors": [{"from": 43, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 65, "to": 66}]}, {"id": 17, "anchors": [{"from": 67, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 75}]}, {"id": 19, "anchors": [{"from": 75, "to": 76}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 25, "target": 19, "label": "U"}, {"source": 20, "target": 10, "label": "U"}, {"source": 23, "target": 11, "label": "A"}, {"source": 22, "target": 7, "label": "E"}, {"source": 20, "target": 2, "label": "U"}, {"source": 25, "target": 17, "label": "R"}, {"source": 22, "target": 8, "label": "E"}, {"source": 23, "target": 15, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 23, "target": 13, "label": "D"}, {"source": 24, "target": 14, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "H"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 1, "label": "A"}, {"source": 25, "target": 18, "label": "C"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 22, "label": "A"}, {"source": 20, "target": 0, "label": "U"}, {"source": 22, "target": 9, "label": "C"}, {"source": 23, "target": 14, "label": "A"}, {"source": 21, "target": 5, "label": "P"}, {"source": 21, "target": 4, "label": "A"}, {"source": 20, "target": 3, "label": "L"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 6, "label": "E"}, {"source": 23, "target": 12, "label": "F"}]} +{"id": "363685-0017", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "#) If you want a late checkout, (after 11 AM) they charge you $15 for the first hour, $25 for the second hour, and after 2PM it's a full day charge.", "tops": [41], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 3, "to": 5}]}, {"id": 3, "anchors": [{"from": 6, "to": 9}]}, {"id": 4, "anchors": [{"from": 10, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 16}]}, {"id": 6, "anchors": [{"from": 17, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 30}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 33}]}, {"id": 10, "anchors": [{"from": 33, "to": 38}]}, {"id": 11, "anchors": [{"from": 39, "to": 41}, {"from": 42, "to": 44}]}, {"id": 12, "anchors": [{"from": 44, "to": 45}]}, {"id": 13, "anchors": [{"from": 46, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 57}]}, {"id": 15, "anchors": [{"from": 58, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 63}]}, {"id": 17, "anchors": [{"from": 63, "to": 65}]}, {"id": 18, "anchors": [{"from": 66, "to": 69}]}, {"id": 19, "anchors": [{"from": 70, "to": 73}]}, {"id": 20, "anchors": [{"from": 74, "to": 79}]}, {"id": 21, "anchors": [{"from": 80, "to": 84}]}, {"id": 22, "anchors": [{"from": 84, "to": 85}]}, {"id": 23, "anchors": [{"from": 86, "to": 87}]}, {"id": 24, "anchors": [{"from": 87, "to": 89}]}, {"id": 25, "anchors": [{"from": 90, "to": 93}]}, {"id": 26, "anchors": [{"from": 94, "to": 97}]}, {"id": 27, "anchors": [{"from": 98, "to": 104}]}, {"id": 28, "anchors": [{"from": 105, "to": 109}]}, {"id": 29, "anchors": [{"from": 109, "to": 110}]}, {"id": 30, "anchors": [{"from": 111, "to": 114}]}, {"id": 31, "anchors": [{"from": 115, "to": 120}]}, {"id": 32, "anchors": [{"from": 121, "to": 122}]}, {"id": 33, "anchors": [{"from": 122, "to": 124}]}, {"id": 34, "anchors": [{"from": 125, "to": 127}]}, {"id": 35, "anchors": [{"from": 127, "to": 129}]}, {"id": 36, "anchors": [{"from": 130, "to": 131}]}, {"id": 37, "anchors": [{"from": 132, "to": 136}]}, {"id": 38, "anchors": [{"from": 137, "to": 140}]}, {"id": 39, "anchors": [{"from": 141, "to": 147}]}, {"id": 40, "anchors": [{"from": 147, "to": 148}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}], "edges": [{"source": 44, "target": 11, "label": "C"}, {"source": 47, "target": 28, "label": "C"}, {"source": 41, "target": 22, "label": "U"}, {"source": 45, "target": 14, "label": "P"}, {"source": 50, "target": 38, "label": "E"}, {"source": 41, "target": 48, "label": "H"}, {"source": 50, "target": 40, "label": "U"}, {"source": 46, "target": 21, "label": "C"}, {"source": 41, "target": 42, "label": "H"}, {"source": 46, "target": 18, "label": "R"}, {"source": 47, "target": 27, "label": "E"}, {"source": 42, "target": 4, "label": "P"}, {"source": 42, "target": 3, "label": "A"}, {"source": 45, "target": 13, "label": "A"}, {"source": 45, "target": 15, "label": "A"}, {"source": 45, "target": 17, "label": "A"}, {"source": 46, "target": 20, "label": "E"}, {"source": 41, "target": 29, "label": "U"}, {"source": 46, "target": 19, "label": "E"}, {"source": 49, "target": 31, "label": "R"}, {"source": 43, "target": 8, "label": "U"}, {"source": 49, "target": 32, "label": "E"}, {"source": 43, "target": 44, "label": "E"}, {"source": 49, "target": 33, "label": "C"}, {"source": 50, "target": 39, "label": "C"}, {"source": 50, "target": 36, "label": "E"}, {"source": 43, "target": 7, "label": "C"}, {"source": 41, "target": 2, "label": "L"}, {"source": 48, "target": 34, "label": "A"}, {"source": 45, "target": 16, "label": "U"}, {"source": 43, "target": 5, "label": "E"}, {"source": 45, "target": 46, "label": "D"}, {"source": 43, "target": 6, "label": "E"}, {"source": 41, "target": 1, "label": "U"}, {"source": 41, "target": 30, "label": "L"}, {"source": 50, "target": 37, "label": "E"}, {"source": 47, "target": 24, "label": "C"}, {"source": 41, "target": 23, "label": "U"}, {"source": 41, "target": 12, "label": "U"}, {"source": 47, "target": 26, "label": "E"}, {"source": 48, "target": 49, "label": "D"}, {"source": 48, "target": 35, "label": "S"}, {"source": 42, "target": 43, "label": "A"}, {"source": 43, "target": 9, "label": "U"}, {"source": 48, "target": 50, "label": "A"}, {"source": 44, "target": 10, "label": "R"}, {"source": 47, "target": 25, "label": "R"}, {"source": 41, "target": 0, "label": "U"}, {"source": 41, "target": 45, "label": "H"}, {"source": 48, "target": 47, "label": "D"}]} +{"id": "363685-0018", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "#4) Breakfast is 8AM to 10AM.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2, "anchors": [{"from": 2, "to": 3}]}, {"id": 3, "anchors": [{"from": 4, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 18}]}, {"id": 6, "anchors": [{"from": 18, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 23}]}, {"id": 8, "anchors": [{"from": 24, "to": 26}]}, {"id": 9, "anchors": [{"from": 26, "to": 28}]}, {"id": 10, "anchors": [{"from": 28, "to": 29}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "A"}, {"source": 11, "target": 13, "label": "H"}, {"source": 11, "target": 0, "label": "U"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 2, "label": "U"}, {"source": 13, "target": 4, "label": "S"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 9, "label": "C"}]} +{"id": "363685-0019", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No earlier and no later.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 3, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 5, "target": 1, "label": "N"}, {"source": 6, "target": 5, "label": "E"}, {"source": 8, "target": 4, "label": "U"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 3, "label": "C"}, {"source": 8, "target": 6, "label": "D"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "363685-0020", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you go later, it's all cleaned up.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 19}]}, {"id": 6, "anchors": [{"from": 19, "to": 21}]}, {"id": 7, "anchors": [{"from": 22, "to": 25}]}, {"id": 8, "anchors": [{"from": 26, "to": 33}, {"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 6, "label": "F"}, {"source": 10, "target": 0, "label": "L"}, {"source": 12, "target": 5, "label": "A"}, {"source": 12, "target": 13, "label": "S"}, {"source": 11, "target": 3, "label": "D"}, {"source": 11, "target": 1, "label": "A"}, {"source": 11, "target": 2, "label": "P"}, {"source": 13, "target": 7, "label": "E"}, {"source": 10, "target": 4, "label": "U"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 12, "label": "H"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "363685-0021", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "(By whom, I don't know.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 3}, {"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 22}]}, {"id": 7, "anchors": [{"from": 22, "to": 23}]}, {"id": 8}, {"id": 9}], "edges": [{"source": 9, "target": 5, "label": "D"}, {"source": 8, "target": 0, "label": "U"}, {"source": 8, "target": 2, "label": "U"}, {"source": 9, "target": 6, "label": "P"}, {"source": 9, "target": 7, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 3, "label": "A"}, {"source": 8, "target": 1, "label": "G"}]} +{"id": "363685-0022", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I never saw anyone there.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 8, "target": 4, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 7, "target": 1, "label": "D"}]} +{"id": "363685-0023", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "All these rules are posted in the rooms.)", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 12, "target": 3, "label": "F"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 1, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 12, "target": 4, "label": "S"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "363685-0024", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Snacks: uninspired bread, tea backs, and individual coffee things for a machine that didn't exist.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 24, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 24, "target": 8, "label": "N"}, {"source": 25, "target": 5, "label": "E"}, {"source": 26, "target": 11, "label": "C"}, {"source": 28, "target": 16, "label": "F"}, {"source": 27, "target": 13, "label": "E"}, {"source": 24, "target": 26, "label": "C"}, {"source": 26, "target": 10, "label": "E"}, {"source": 28, "target": 15, "label": "F"}, {"source": 27, "target": 12, "label": "R"}, {"source": 22, "target": 24, "label": "E"}, {"source": 26, "target": 28, "label": "E"}, {"source": 24, "target": 25, "label": "C"}, {"source": 24, "target": 7, "label": "U"}, {"source": 20, "target": 21, "label": "H"}, {"source": 28, "target": 17, "label": "D"}, {"source": 21, "target": 22, "label": "A"}, {"source": 23, "target": 3, "label": "C"}, {"source": 22, "target": 0, "label": "C"}, {"source": 24, "target": 4, "label": "U"}, {"source": 22, "target": 1, "label": "U"}, {"source": 27, "target": 14, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 28, "target": 18, "label": "P"}, {"source": 24, "target": 23, "label": "C"}, {"source": 25, "target": 6, "label": "C"}, {"source": 23, "target": 2, "label": "E"}, {"source": 28, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 27, "label": "E"}, {"source": 28, "target": 19, "label": "U"}]} +{"id": "363685-0025", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I put the coffee thing in hot water and settled for a cup of weak coffee.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 72}]}, {"id": 16, "anchors": [{"from": 72, "to": 73}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 4, "label": "C"}, {"source": 18, "target": 8, "label": "L"}, {"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 2, "label": "E"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 1, "label": "P"}, {"source": 23, "target": 16, "label": "U"}, {"source": 22, "target": 23, "label": "E"}, {"source": 19, "target": 3, "label": "E"}, {"source": 20, "target": 5, "label": "R"}, {"source": 21, "target": 9, "label": "P"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 0, "label": "A"}, {"source": 23, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "E"}, {"source": 23, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "R"}, {"source": 22, "target": 11, "label": "E"}, {"source": 23, "target": 13, "label": "R"}, {"source": 18, "target": 21, "label": "H"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}]} +{"id": "363685-0026", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No wine glasses.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "363685-0027", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Room was clean, but had a weird, dated, sink/stove combo that didn't work.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 31, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 38}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 44}]}, {"id": 12, "anchors": [{"from": 44, "to": 45}]}, {"id": 13, "anchors": [{"from": 45, "to": 50}]}, {"id": 14, "anchors": [{"from": 51, "to": 56}]}, {"id": 15, "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 65}]}, {"id": 17, "anchors": [{"from": 65, "to": 68}]}, {"id": 18, "anchors": [{"from": 69, "to": 73}]}, {"id": 19, "anchors": [{"from": 73, "to": 74}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 8, "label": "U"}, {"source": 25, "target": 12, "label": "U"}, {"source": 21, "target": 22, "label": "H"}, {"source": 27, "target": 15, "label": "F"}, {"source": 23, "target": 6, "label": "E"}, {"source": 27, "target": 16, "label": "F"}, {"source": 25, "target": 11, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 27, "target": 17, "label": "D"}, {"source": 27, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 19, "label": "U"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "A"}, {"source": 21, "target": 4, "label": "L"}, {"source": 22, "target": 23, "label": "P"}, {"source": 20, "target": 2, "label": "P"}, {"source": 21, "target": 3, "label": "U"}, {"source": 24, "target": 10, "label": "U"}, {"source": 24, "target": 9, "label": "P"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "C"}, {"source": 20, "target": 0, "label": "A"}, {"source": 26, "target": 14, "label": "C"}, {"source": 27, "target": 18, "label": "P"}, {"source": 22, "target": 5, "label": "F"}, {"source": 26, "target": 25, "label": "E"}, {"source": 26, "target": 27, "label": "E"}]} +{"id": "363685-0028", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bath was clean except shower stall which had mildew problems.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 13, "target": 3, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 6, "label": "F"}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "363685-0029", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No tub.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "363685-0030", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Inn touts a shower with dual shower heads, but only one worked.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 66}]}, {"id": 13, "anchors": [{"from": 66, "to": 67}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 17, "label": "A"}, {"source": 17, "target": 7, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 13, "label": "U"}, {"source": 16, "target": 3, "label": "C"}, {"source": 15, "target": 8, "label": "U"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 9, "label": "L"}, {"source": 14, "target": 1, "label": "P"}, {"source": 18, "target": 12, "label": "P"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 11, "label": "A"}, {"source": 16, "target": 2, "label": "E"}, {"source": 18, "target": 10, "label": "D"}, {"source": 17, "target": 4, "label": "R"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 5, "label": "E"}]} +{"id": "363685-0031", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't get the rooms off the two kitchens.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 0, "label": "F"}, {"source": 11, "target": 1, "label": "C"}, {"source": 12, "target": 4, "label": "C"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 2, "label": "P"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 5, "label": "R"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 7, "label": "E"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "363685-0032", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are RIGHT OFF the kitchen so you hear everything.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}, {"from": 15, "to": 18}, {"from": 31, "to": 33}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 34, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 9, "target": 2, "label": "A"}, {"source": 9, "target": 1, "label": "S"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 3, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 4, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 6, "label": "P"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "A"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "363685-0033", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Free parking.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "363685-0034", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'd go back if I could get the last minute rate again of $99, but I wouldn't pay their rack rate.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}, {"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 73}]}, {"id": 18, "anchors": [{"from": 73, "to": 76}]}, {"id": 19, "anchors": [{"from": 77, "to": 80}]}, {"id": 20, "anchors": [{"from": 81, "to": 86}]}, {"id": 21, "anchors": [{"from": 87, "to": 91}]}, {"id": 22, "anchors": [{"from": 92, "to": 96}]}, {"id": 23, "anchors": [{"from": 96, "to": 97}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 26, "target": 28, "label": "A"}, {"source": 30, "target": 12, "label": "U"}, {"source": 31, "target": 33, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 33, "target": 23, "label": "U"}, {"source": 33, "target": 22, "label": "C"}, {"source": 24, "target": 1, "label": "P"}, {"source": 25, "target": 14, "label": "U"}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 4, "label": "F"}, {"source": 25, "target": 26, "label": "H"}, {"source": 27, "target": 5, "label": "C"}, {"source": 30, "target": 13, "label": "C"}, {"source": 33, "target": 21, "label": "E"}, {"source": 24, "target": 0, "label": "A"}, {"source": 29, "target": 10, "label": "D"}, {"source": 25, "target": 31, "label": "H"}, {"source": 25, "target": 15, "label": "L"}, {"source": 25, "target": 2, "label": "L"}, {"source": 33, "target": 20, "label": "E"}, {"source": 28, "target": 8, "label": "C"}, {"source": 32, "target": 19, "label": "C"}, {"source": 31, "target": 16, "label": "A"}, {"source": 26, "target": 29, "label": "A"}, {"source": 32, "target": 17, "label": "F"}, {"source": 31, "target": 18, "label": "D"}, {"source": 30, "target": 11, "label": "R"}, {"source": 26, "target": 27, "label": "P"}, {"source": 29, "target": 9, "label": "P"}, {"source": 31, "target": 32, "label": "P"}, {"source": 28, "target": 7, "label": "E"}, {"source": 28, "target": 6, "label": "E"}]} +{"id": "363873-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worst Apartments EVER", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 21}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "363873-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We lived here for 2 years, the first year or so was okay.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 56, "to": 57}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 6, "label": "U"}, {"source": 19, "target": 12, "label": "D"}, {"source": 17, "target": 3, "label": "R"}, {"source": 18, "target": 7, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 18, "target": 9, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 15, "target": 17, "label": "D"}, {"source": 16, "target": 10, "label": "L"}, {"source": 19, "target": 13, "label": "S"}, {"source": 19, "target": 11, "label": "D"}, {"source": 16, "target": 19, "label": "H"}, {"source": 15, "target": 2, "label": "A"}]} +{"id": "363873-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then, the more power they gave to Linda, the worse the place got.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 7, "label": "R"}, {"source": 18, "target": 5, "label": "A"}, {"source": 16, "target": 21, "label": "H"}, {"source": 16, "target": 18, "label": "H"}, {"source": 18, "target": 17, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 17, "target": 4, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 6, "label": "P"}, {"source": 20, "target": 13, "label": "C"}, {"source": 21, "target": 14, "label": "S"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 2, "label": "E"}, {"source": 21, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "E"}, {"source": 16, "target": 9, "label": "U"}, {"source": 20, "target": 12, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "363873-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We were always having our water shut off, there were always people having parties at the pool, even after it was supposed to be closed.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}, {"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 81}]}, {"id": 14, "anchors": [{"from": 82, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 89, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}, {"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 108}]}, {"id": 20, "anchors": [{"from": 109, "to": 112}]}, {"id": 21, "anchors": [{"from": 113, "to": 121}]}, {"id": 22, "anchors": [{"from": 122, "to": 124}]}, {"id": 23, "anchors": [{"from": 125, "to": 127}]}, {"id": 24, "anchors": [{"from": 128, "to": 134}]}, {"id": 25, "anchors": [{"from": 134, "to": 135}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 3, "label": "P"}, {"source": 27, "target": 17, "label": "U"}, {"source": 32, "target": 16, "label": "C"}, {"source": 33, "target": 25, "label": "U"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 22, "label": "F"}, {"source": 31, "target": 13, "label": "C"}, {"source": 32, "target": 15, "label": "E"}, {"source": 29, "target": 28, "label": "A"}, {"source": 30, "target": 11, "label": "A"}, {"source": 33, "target": 23, "label": "F"}, {"source": 31, "target": 12, "label": "F"}, {"source": 30, "target": 8, "label": "F"}, {"source": 27, "target": 7, "label": "U"}, {"source": 33, "target": 20, "label": "F"}, {"source": 28, "target": 4, "label": "E"}, {"source": 27, "target": 33, "label": "H"}, {"source": 30, "target": 9, "label": "S"}, {"source": 28, "target": 5, "label": "C"}, {"source": 26, "target": 1, "label": "F"}, {"source": 29, "target": 6, "label": "P"}, {"source": 26, "target": 29, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 26, "target": 2, "label": "D"}, {"source": 33, "target": 21, "label": "D"}, {"source": 30, "target": 32, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 33, "target": 24, "label": "P"}, {"source": 27, "target": 18, "label": "L"}, {"source": 33, "target": 19, "label": "A"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 10, "label": "D"}, {"source": 32, "target": 14, "label": "R"}]} +{"id": "363873-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The pool was supposed to close at 10 and they would have people down there until 11:45 yelling, playing music and do who-knows-what in the dark corners of the pool.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 94}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 113}]}, {"id": 22, "anchors": [{"from": 114, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25, "anchors": [{"from": 121, "to": 126}]}, {"id": 26, "anchors": [{"from": 126, "to": 127}]}, {"id": 27, "anchors": [{"from": 127, "to": 131}]}, {"id": 28, "anchors": [{"from": 132, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 143}]}, {"id": 31, "anchors": [{"from": 144, "to": 151}]}, {"id": 32, "anchors": [{"from": 152, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 163}]}, {"id": 35, "anchors": [{"from": 163, "to": 164}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 49, "target": 35, "label": "U"}, {"source": 38, "target": 21, "label": "L"}, {"source": 40, "target": 6, "label": "R"}, {"source": 49, "target": 34, "label": "C"}, {"source": 38, "target": 37, "label": "H"}, {"source": 38, "target": 18, "label": "U"}, {"source": 48, "target": 49, "label": "E"}, {"source": 48, "target": 31, "label": "C"}, {"source": 37, "target": 39, "label": "A"}, {"source": 36, "target": 0, "label": "E"}, {"source": 49, "target": 33, "label": "E"}, {"source": 44, "target": 15, "label": "R"}, {"source": 43, "target": 13, "label": "R"}, {"source": 41, "target": 44, "label": "D"}, {"source": 37, "target": 40, "label": "D"}, {"source": 38, "target": 45, "label": "H"}, {"source": 45, "target": 20, "label": "A"}, {"source": 47, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 14, "label": "C"}, {"source": 39, "target": 4, "label": "F"}, {"source": 39, "target": 5, "label": "C"}, {"source": 42, "target": 11, "label": "C"}, {"source": 47, "target": 24, "label": "U"}, {"source": 37, "target": 36, "label": "A"}, {"source": 45, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 48, "target": 30, "label": "E"}, {"source": 48, "target": 28, "label": "R"}, {"source": 47, "target": 27, "label": "D"}, {"source": 49, "target": 32, "label": "R"}, {"source": 38, "target": 41, "label": "H"}, {"source": 38, "target": 46, "label": "H"}, {"source": 46, "target": 22, "label": "P"}, {"source": 47, "target": 23, "label": "F"}, {"source": 46, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 1, "label": "C"}, {"source": 41, "target": 9, "label": "A"}, {"source": 45, "target": 19, "label": "P"}, {"source": 41, "target": 43, "label": "A"}, {"source": 41, "target": 12, "label": "A"}, {"source": 40, "target": 7, "label": "C"}, {"source": 37, "target": 3, "label": "P"}, {"source": 47, "target": 26, "label": "U"}, {"source": 42, "target": 10, "label": "F"}, {"source": 44, "target": 17, "label": "C"}, {"source": 46, "target": 47, "label": "A"}, {"source": 38, "target": 8, "label": "L"}, {"source": 41, "target": 42, "label": "P"}, {"source": 37, "target": 2, "label": "F"}, {"source": 48, "target": 29, "label": "E"}, {"source": 47, "target": 25, "label": "P"}, {"source": 44, "target": 16, "label": "E"}]} +{"id": "363873-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then, when we moved out, we cleaned the apartment top to bottom, they came back and tried to charge us for two cleaning fees (and we never got our deposit back) and past utilities (that were already paid, we have check numbers and records of this).", "tops": [54], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 27}]}, {"id": 8, "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 63}]}, {"id": 14, "anchors": [{"from": 63, "to": 64}]}, {"id": 15, "anchors": [{"from": 65, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 74}, {"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 126}]}, {"id": 27, "anchors": [{"from": 126, "to": 129}]}, {"id": 28, "anchors": [{"from": 130, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 138}]}, {"id": 30, "anchors": [{"from": 139, "to": 142}]}, {"id": 31, "anchors": [{"from": 143, "to": 146}]}, {"id": 32, "anchors": [{"from": 147, "to": 154}]}, {"id": 33, "anchors": [{"from": 155, "to": 159}]}, {"id": 34, "anchors": [{"from": 159, "to": 160}]}, {"id": 35, "anchors": [{"from": 161, "to": 164}]}, {"id": 36, "anchors": [{"from": 165, "to": 169}]}, {"id": 37, "anchors": [{"from": 170, "to": 179}]}, {"id": 38, "anchors": [{"from": 180, "to": 181}]}, {"id": 39, "anchors": [{"from": 181, "to": 185}]}, {"id": 40, "anchors": [{"from": 186, "to": 190}]}, {"id": 41, "anchors": [{"from": 191, "to": 198}]}, {"id": 42, "anchors": [{"from": 199, "to": 203}]}, {"id": 43, "anchors": [{"from": 203, "to": 204}]}, {"id": 44, "anchors": [{"from": 205, "to": 207}]}, {"id": 45, "anchors": [{"from": 208, "to": 212}]}, {"id": 46, "anchors": [{"from": 213, "to": 218}]}, {"id": 47, "anchors": [{"from": 219, "to": 226}]}, {"id": 48, "anchors": [{"from": 227, "to": 230}]}, {"id": 49, "anchors": [{"from": 231, "to": 238}]}, {"id": 50, "anchors": [{"from": 239, "to": 241}]}, {"id": 51, "anchors": [{"from": 242, "to": 246}]}, {"id": 52, "anchors": [{"from": 246, "to": 247}]}, {"id": 53, "anchors": [{"from": 247, "to": 248}]}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}], "edges": [{"source": 59, "target": 13, "label": "C"}, {"source": 58, "target": 10, "label": "E"}, {"source": 54, "target": 61, "label": "H"}, {"source": 70, "target": 47, "label": "C"}, {"source": 73, "target": 50, "label": "R"}, {"source": 65, "target": 33, "label": "E"}, {"source": 54, "target": 2, "label": "L"}, {"source": 63, "target": 23, "label": "E"}, {"source": 66, "target": 65, "label": "C"}, {"source": 57, "target": 8, "label": "P"}, {"source": 64, "target": 30, "label": "P"}, {"source": 67, "target": 68, "label": "E"}, {"source": 62, "target": 20, "label": "E"}, {"source": 61, "target": 18, "label": "P"}, {"source": 67, "target": 38, "label": "U"}, {"source": 54, "target": 0, "label": "L"}, {"source": 62, "target": 21, "label": "C"}, {"source": 72, "target": 73, "label": "A"}, {"source": 58, "target": 11, "label": "C"}, {"source": 63, "target": 22, "label": "R"}, {"source": 66, "target": 34, "label": "U"}, {"source": 54, "target": 64, "label": "H"}, {"source": 54, "target": 57, "label": "H"}, {"source": 54, "target": 14, "label": "U"}, {"source": 65, "target": 32, "label": "C"}, {"source": 66, "target": 35, "label": "N"}, {"source": 67, "target": 36, "label": "E"}, {"source": 61, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 66, "target": 67, "label": "C"}, {"source": 68, "target": 41, "label": "D"}, {"source": 63, "target": 24, "label": "E"}, {"source": 54, "target": 43, "label": "U"}, {"source": 54, "target": 69, "label": "H"}, {"source": 58, "target": 9, "label": "E"}, {"source": 57, "target": 7, "label": "A"}, {"source": 73, "target": 53, "label": "U"}, {"source": 61, "target": 63, "label": "A"}, {"source": 64, "target": 29, "label": "D"}, {"source": 59, "target": 12, "label": "R"}, {"source": 56, "target": 5, "label": "E"}, {"source": 72, "target": 49, "label": "P"}, {"source": 70, "target": 46, "label": "E"}, {"source": 55, "target": 56, "label": "P"}, {"source": 71, "target": 48, "label": "N"}, {"source": 54, "target": 26, "label": "U"}, {"source": 54, "target": 17, "label": "L"}, {"source": 60, "target": 15, "label": "A"}, {"source": 55, "target": 3, "label": "A"}, {"source": 61, "target": 62, "label": "A"}, {"source": 64, "target": 28, "label": "A"}, {"source": 69, "target": 45, "label": "P"}, {"source": 69, "target": 71, "label": "A"}, {"source": 56, "target": 4, "label": "C"}, {"source": 65, "target": 31, "label": "E"}, {"source": 73, "target": 51, "label": "C"}, {"source": 62, "target": 19, "label": "R"}, {"source": 57, "target": 58, "label": "A"}, {"source": 63, "target": 25, "label": "C"}, {"source": 73, "target": 52, "label": "U"}, {"source": 68, "target": 37, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 60, "label": "H"}, {"source": 68, "target": 40, "label": "F"}, {"source": 67, "target": 37, "label": "C"}, {"source": 64, "target": 66, "label": "A"}, {"source": 68, "target": 42, "label": "S"}, {"source": 71, "target": 72, "label": "C"}, {"source": 54, "target": 55, "label": "H"}, {"source": 60, "target": 16, "label": "P"}, {"source": 69, "target": 44, "label": "A"}, {"source": 68, "target": 39, "label": "F"}, {"source": 54, "target": 27, "label": "L"}, {"source": 54, "target": 6, "label": "U"}, {"source": 54, "target": 1, "label": "U"}, {"source": 71, "target": 70, "label": "C"}, {"source": 57, "target": 59, "label": "A"}]} +{"id": "363873-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Linda is the rudest person you will ever talk to and she sticks up for all of the trashy, rude people that live there, not the nice ones that actually give a crap about respecting others.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 77}]}, {"id": 17, "anchors": [{"from": 78, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 88}]}, {"id": 19, "anchors": [{"from": 88, "to": 89}]}, {"id": 20, "anchors": [{"from": 90, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 101}]}, {"id": 22, "anchors": [{"from": 102, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 111}]}, {"id": 24, "anchors": [{"from": 112, "to": 117}]}, {"id": 25, "anchors": [{"from": 117, "to": 118}]}, {"id": 26, "anchors": [{"from": 119, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 126}]}, {"id": 28, "anchors": [{"from": 127, "to": 131}]}, {"id": 29, "anchors": [{"from": 132, "to": 136}]}, {"id": 30, "anchors": [{"from": 137, "to": 141}]}, {"id": 31, "anchors": [{"from": 142, "to": 150}]}, {"id": 32, "anchors": [{"from": 151, "to": 155}]}, {"id": 33, "anchors": [{"from": 156, "to": 157}]}, {"id": 34, "anchors": [{"from": 158, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 168}]}, {"id": 36, "anchors": [{"from": 169, "to": 179}]}, {"id": 37, "anchors": [{"from": 180, "to": 186}]}, {"id": 38, "anchors": [{"from": 186, "to": 187}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}], "edges": [{"source": 53, "target": 54, "label": "E"}, {"source": 49, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 22, "label": "F"}, {"source": 45, "target": 17, "label": "E"}, {"source": 48, "target": 49, "label": "E"}, {"source": 42, "target": 7, "label": "D"}, {"source": 44, "target": 12, "label": "C"}, {"source": 40, "target": 50, "label": "H"}, {"source": 45, "target": 19, "label": "U"}, {"source": 41, "target": 3, "label": "E"}, {"source": 49, "target": 24, "label": "A"}, {"source": 43, "target": 11, "label": "A"}, {"source": 39, "target": 9, "label": "D"}, {"source": 45, "target": 46, "label": "E"}, {"source": 46, "target": 16, "label": "R"}, {"source": 47, "target": 48, "label": "A"}, {"source": 43, "target": 44, "label": "P"}, {"source": 55, "target": 37, "label": "A"}, {"source": 51, "target": 52, "label": "E"}, {"source": 53, "target": 33, "label": "E"}, {"source": 39, "target": 0, "label": "A"}, {"source": 44, "target": 13, "label": "E"}, {"source": 51, "target": 27, "label": "E"}, {"source": 42, "target": 5, "label": "A"}, {"source": 51, "target": 28, "label": "E"}, {"source": 55, "target": 36, "label": "P"}, {"source": 46, "target": 15, "label": "C"}, {"source": 40, "target": 10, "label": "L"}, {"source": 41, "target": 2, "label": "E"}, {"source": 47, "target": 20, "label": "P"}, {"source": 50, "target": 26, "label": "D"}, {"source": 54, "target": 35, "label": "R"}, {"source": 45, "target": 47, "label": "E"}, {"source": 52, "target": 31, "label": "D"}, {"source": 52, "target": 32, "label": "P"}, {"source": 49, "target": 23, "label": "P"}, {"source": 54, "target": 55, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 43, "target": 45, "label": "A"}, {"source": 52, "target": 30, "label": "F"}, {"source": 48, "target": 21, "label": "C"}, {"source": 45, "target": 18, "label": "E"}, {"source": 42, "target": 8, "label": "P"}, {"source": 41, "target": 4, "label": "C"}, {"source": 40, "target": 25, "label": "U"}, {"source": 42, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 1, "label": "S"}, {"source": 51, "target": 29, "label": "C"}, {"source": 55, "target": 38, "label": "U"}, {"source": 50, "target": 51, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 40, "target": 43, "label": "H"}, {"source": 53, "target": 34, "label": "C"}, {"source": 40, "target": 39, "label": "H"}, {"source": 45, "target": 14, "label": "R"}, {"source": 55, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 41, "target": 42, "label": "E"}, {"source": 42, "target": 6, "label": "F"}]} +{"id": "363873-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do not live here, you will regret it!", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 36, "to": 37}]}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 6, "label": "F"}, {"source": 12, "target": 5, "label": "A"}, {"source": 11, "target": 10, "label": "H"}, {"source": 10, "target": 1, "label": "D"}, {"source": 12, "target": 8, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 11, "target": 9, "label": "U"}, {"source": 10, "target": 2, "label": "D"}, {"source": 10, "target": 0, "label": "F"}, {"source": 12, "target": 7, "label": "S"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "364454-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A very satisfied new customer!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 1, "label": "E"}, {"source": 6, "target": 4, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 6, "target": 0, "label": "E"}, {"source": 6, "target": 9, "label": "E"}, {"source": 8, "target": 6, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 3, "label": "E"}]} +{"id": "364454-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "As a very satisfied new customer, I wholeheartedly recommend United Air Duct Cleaning.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 60}]}, {"id": 10, "anchors": [{"from": 61, "to": 67}, {"from": 68, "to": 71}, {"from": 72, "to": 76}, {"from": 77, "to": 85}]}, {"id": 11, "anchors": [{"from": 85, "to": 86}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 15, "label": "E"}, {"source": 12, "target": 1, "label": "E"}, {"source": 14, "target": 12, "label": "A"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 7, "label": "A"}, {"source": 12, "target": 0, "label": "R"}, {"source": 12, "target": 5, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 14, "target": 6, "label": "U"}, {"source": 16, "target": 8, "label": "D"}, {"source": 15, "target": 3, "label": "C"}, {"source": 16, "target": 10, "label": "A"}, {"source": 15, "target": 2, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 16, "target": 9, "label": "P"}]} +{"id": "364454-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They are professional, knowledgeable, and take meticulous care and pride in accomplishing their work.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 75}]}, {"id": 13, "anchors": [{"from": 76, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 95}]}, {"id": 15, "anchors": [{"from": 96, "to": 100}]}, {"id": 16, "anchors": [{"from": 100, "to": 101}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 4, "label": "C"}, {"source": 17, "target": 19, "label": "S"}, {"source": 18, "target": 22, "label": "H"}, {"source": 23, "target": 12, "label": "R"}, {"source": 24, "target": 14, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 21, "target": 9, "label": "C"}, {"source": 19, "target": 3, "label": "U"}, {"source": 18, "target": 5, "label": "U"}, {"source": 18, "target": 10, "label": "L"}, {"source": 17, "target": 0, "label": "A"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "L"}, {"source": 24, "target": 15, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 22, "target": 11, "label": "P"}, {"source": 20, "target": 7, "label": "P"}, {"source": 18, "target": 17, "label": "H"}, {"source": 23, "target": 13, "label": "P"}, {"source": 23, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 19, "target": 2, "label": "C"}, {"source": 17, "target": 1, "label": "F"}]} +{"id": "364454-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not only were my wife and I very pleased, but I also had the air duct quality tested professionally by the home inspector that I regularly use, before and after United Air Duct performed their work.", "tops": [36], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 52}]}, {"id": 13, "anchors": [{"from": 53, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 69}]}, {"id": 17, "anchors": [{"from": 70, "to": 77}]}, {"id": 18, "anchors": [{"from": 78, "to": 84}]}, {"id": 19, "anchors": [{"from": 85, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 106}]}, {"id": 22, "anchors": [{"from": 107, "to": 111}]}, {"id": 23, "anchors": [{"from": 112, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 142}]}, {"id": 28, "anchors": [{"from": 142, "to": 143}]}, {"id": 29, "anchors": [{"from": 144, "to": 150}, {"from": 151, "to": 154}, {"from": 155, "to": 160}]}, {"id": 30, "anchors": [{"from": 161, "to": 167}, {"from": 168, "to": 171}, {"from": 172, "to": 176}]}, {"id": 31, "anchors": [{"from": 177, "to": 186}]}, {"id": 32, "anchors": [{"from": 187, "to": 192}]}, {"id": 33, "anchors": [{"from": 193, "to": 197}]}, {"id": 34, "anchors": [{"from": 197, "to": 198}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 38, "target": 5, "label": "N"}, {"source": 45, "target": 30, "label": "A"}, {"source": 37, "target": 4, "label": "C"}, {"source": 45, "target": 31, "label": "P"}, {"source": 41, "target": 16, "label": "E"}, {"source": 44, "target": 27, "label": "P"}, {"source": 40, "target": 13, "label": "P"}, {"source": 43, "target": 20, "label": "R"}, {"source": 39, "target": 8, "label": "C"}, {"source": 36, "target": 10, "label": "L"}, {"source": 45, "target": 46, "label": "A"}, {"source": 35, "target": 2, "label": "S"}, {"source": 36, "target": 28, "label": "U"}, {"source": 44, "target": 24, "label": "F"}, {"source": 36, "target": 40, "label": "H"}, {"source": 36, "target": 29, "label": "L"}, {"source": 38, "target": 37, "label": "C"}, {"source": 42, "target": 44, "label": "A"}, {"source": 39, "target": 6, "label": "E"}, {"source": 38, "target": 39, "label": "C"}, {"source": 46, "target": 33, "label": "C"}, {"source": 43, "target": 21, "label": "E"}, {"source": 44, "target": 25, "label": "A"}, {"source": 35, "target": 1, "label": "D"}, {"source": 43, "target": 22, "label": "E"}, {"source": 46, "target": 32, "label": "E"}, {"source": 40, "target": 11, "label": "A"}, {"source": 35, "target": 0, "label": "D"}, {"source": 46, "target": 34, "label": "U"}, {"source": 43, "target": 23, "label": "C"}, {"source": 36, "target": 9, "label": "U"}, {"source": 42, "target": 41, "label": "A"}, {"source": 41, "target": 15, "label": "E"}, {"source": 40, "target": 42, "label": "A"}, {"source": 41, "target": 17, "label": "C"}, {"source": 42, "target": 19, "label": "D"}, {"source": 40, "target": 12, "label": "D"}, {"source": 42, "target": 18, "label": "P"}, {"source": 42, "target": 43, "label": "A"}, {"source": 44, "target": 26, "label": "D"}, {"source": 41, "target": 14, "label": "E"}, {"source": 36, "target": 35, "label": "H"}, {"source": 36, "target": 45, "label": "H"}, {"source": 35, "target": 38, "label": "A"}, {"source": 39, "target": 7, "label": "E"}, {"source": 37, "target": 3, "label": "E"}]} +{"id": "364454-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Based on the test results, the home inspector stated that the quality of their job was “excellent”.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 88, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 99}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 26, "target": 16, "label": "S"}, {"source": 28, "target": 13, "label": "R"}, {"source": 25, "target": 9, "label": "P"}, {"source": 29, "target": 17, "label": "U"}, {"source": 24, "target": 7, "label": "E"}, {"source": 22, "target": 5, "label": "U"}, {"source": 29, "target": 20, "label": "U"}, {"source": 28, "target": 15, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 29, "target": 19, "label": "U"}, {"source": 28, "target": 14, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 8, "label": "C"}, {"source": 23, "target": 3, "label": "E"}, {"source": 27, "target": 11, "label": "E"}, {"source": 29, "target": 18, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 28, "label": "E"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 10, "label": "F"}, {"source": 26, "target": 29, "label": "A"}, {"source": 27, "target": 12, "label": "C"}, {"source": 23, "target": 1, "label": "R"}, {"source": 21, "target": 0, "label": "P"}, {"source": 23, "target": 4, "label": "C"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 25, "label": "H"}, {"source": 23, "target": 2, "label": "E"}, {"source": 25, "target": 24, "label": "A"}]} +{"id": "365154-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Shady", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "365154-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Kelly hit the nail on the head.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 9, "target": 1, "label": "P"}, {"source": 11, "target": 5, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "365154-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "\"Dr. Shady\" is a jerk.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 4}, {"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 10, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 21}]}, {"id": 6, "anchors": [{"from": 21, "to": 22}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "U"}, {"source": 8, "target": 0, "label": "U"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 1, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 9, "target": 3, "label": "S"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "365154-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "After the way she spoke to me on my last visit, I will not be returning!!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 61}]}, {"id": 16, "anchors": [{"from": 62, "to": 71}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 23, "target": 13, "label": "F"}, {"source": 19, "target": 11, "label": "U"}, {"source": 18, "target": 2, "label": "C"}, {"source": 20, "target": 3, "label": "A"}, {"source": 22, "target": 8, "label": "E"}, {"source": 19, "target": 23, "label": "H"}, {"source": 18, "target": 1, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 19, "target": 18, "label": "L"}, {"source": 21, "target": 6, "label": "C"}, {"source": 23, "target": 15, "label": "F"}, {"source": 20, "target": 4, "label": "P"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 21, "target": 5, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "C"}, {"source": 23, "target": 16, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 7, "label": "R"}, {"source": 18, "target": 0, "label": "R"}, {"source": 23, "target": 14, "label": "D"}]} +{"id": "365154-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good luck keeping business with that stuck up attitude Dr. Shady.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 58}, {"from": 59, "to": 64}]}, {"id": 10, "anchors": [{"from": 64, "to": 65}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 13, "target": 4, "label": "L"}, {"source": 12, "target": 2, "label": "D"}, {"source": 14, "target": 15, "label": "D"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 12, "target": 3, "label": "S"}, {"source": 13, "target": 12, "label": "H"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 5, "label": "F"}]} +{"id": "365154-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You have just lost mine.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "365154-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The next time you feel like being condescending to someone, it is not going to be me!!!!!!", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 21, "target": 18, "label": "U"}, {"source": 23, "target": 6, "label": "F"}, {"source": 25, "target": 13, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 16, "label": "P"}, {"source": 24, "target": 8, "label": "R"}, {"source": 20, "target": 3, "label": "A"}, {"source": 25, "target": 14, "label": "D"}, {"source": 21, "target": 25, "label": "H"}, {"source": 21, "target": 10, "label": "U"}, {"source": 25, "target": 12, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 15, "label": "F"}, {"source": 20, "target": 4, "label": "S"}, {"source": 24, "target": 9, "label": "C"}, {"source": 19, "target": 0, "label": "E"}, {"source": 25, "target": 11, "label": "A"}, {"source": 25, "target": 17, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 20, "target": 19, "label": "D"}, {"source": 22, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 7, "label": "C"}, {"source": 22, "target": 5, "label": "R"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "365154-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Dr. Shady is inexperienced and prideful.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 26}]}, {"id": 3, "anchors": [{"from": 27, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 39}]}, {"id": 5, "anchors": [{"from": 39, "to": 40}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 3, "label": "N"}]} +{"id": "365154-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She probably does not even have 10% of the knowledge that some of the other EXPERIENCED vets do in this area.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "anchors": [{"from": 76, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 108, "to": 109}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 30, "target": 21, "label": "C"}, {"source": 28, "target": 13, "label": "R"}, {"source": 24, "target": 1, "label": "D"}, {"source": 29, "target": 17, "label": "C"}, {"source": 29, "target": 16, "label": "E"}, {"source": 24, "target": 2, "label": "D"}, {"source": 30, "target": 22, "label": "U"}, {"source": 24, "target": 3, "label": "D"}, {"source": 27, "target": 29, "label": "A"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 20, "label": "E"}, {"source": 24, "target": 4, "label": "D"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 30, "target": 19, "label": "R"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 8, "label": "R"}, {"source": 29, "target": 14, "label": "E"}, {"source": 26, "target": 9, "label": "E"}, {"source": 25, "target": 7, "label": "U"}, {"source": 28, "target": 12, "label": "C"}, {"source": 27, "target": 30, "label": "A"}, {"source": 25, "target": 6, "label": "C"}, {"source": 24, "target": 5, "label": "P"}, {"source": 27, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 28, "label": "E"}, {"source": 27, "target": 18, "label": "P"}, {"source": 26, "target": 25, "label": "E"}, {"source": 26, "target": 27, "label": "E"}, {"source": 29, "target": 15, "label": "E"}]} +{"id": "365154-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will be carefully researching vets before I take my dog someplace else.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 67}, {"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 72, "to": 73}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 4, "label": "P"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 7, "label": "A"}, {"source": 14, "target": 6, "label": "L"}, {"source": 15, "target": 12, "label": "U"}, {"source": 16, "target": 9, "label": "E"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 15, "target": 16, "label": "A"}, {"source": 16, "target": 10, "label": "C"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 11, "label": "D"}, {"source": 15, "target": 8, "label": "P"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "365154-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beautifully written reviews Doctor, but completely UNTRUE.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 27}]}, {"id": 3, "anchors": [{"from": 28, "to": 34}]}, {"id": 4, "anchors": [{"from": 34, "to": 35}]}, {"id": 5, "anchors": [{"from": 36, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 57}]}, {"id": 8, "anchors": [{"from": 57, "to": 58}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 0, "label": "D"}, {"source": 11, "target": 5, "label": "N"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 4, "label": "U"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "C"}, {"source": 11, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "E"}]} +{"id": "365630-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A+", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 2}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "365630-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would rate Fran pcs an A+ because the price was lower than everyone else, i got my computer back the next day, and the professionalism he showed was great.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}, {"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}, {"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 74}]}, {"id": 14, "anchors": [{"from": 74, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 84}]}, {"id": 18, "anchors": [{"from": 85, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 111, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 120}]}, {"id": 26, "anchors": [{"from": 121, "to": 136}]}, {"id": 27, "anchors": [{"from": 137, "to": 139}]}, {"id": 28, "anchors": [{"from": 140, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 156}]}, {"id": 31, "anchors": [{"from": 156, "to": 157}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 41, "target": 21, "label": "E"}, {"source": 34, "target": 1, "label": "F"}, {"source": 32, "target": 34, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 33, "target": 6, "label": "L"}, {"source": 33, "target": 32, "label": "H"}, {"source": 40, "target": 17, "label": "E"}, {"source": 33, "target": 37, "label": "H"}, {"source": 33, "target": 23, "label": "U"}, {"source": 42, "target": 26, "label": "C"}, {"source": 32, "target": 3, "label": "A"}, {"source": 41, "target": 20, "label": "E"}, {"source": 43, "target": 28, "label": "D"}, {"source": 42, "target": 25, "label": "E"}, {"source": 37, "target": 10, "label": "S"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 14, "label": "U"}, {"source": 43, "target": 29, "label": "F"}, {"source": 43, "target": 30, "label": "S"}, {"source": 38, "target": 13, "label": "E"}, {"source": 35, "target": 4, "label": "E"}, {"source": 43, "target": 27, "label": "A"}, {"source": 39, "target": 16, "label": "P"}, {"source": 38, "target": 12, "label": "C"}, {"source": 33, "target": 39, "label": "H"}, {"source": 37, "target": 36, "label": "A"}, {"source": 40, "target": 18, "label": "C"}, {"source": 39, "target": 41, "label": "D"}, {"source": 33, "target": 43, "label": "H"}, {"source": 36, "target": 8, "label": "C"}, {"source": 36, "target": 7, "label": "E"}, {"source": 43, "target": 31, "label": "U"}, {"source": 34, "target": 2, "label": "C"}, {"source": 38, "target": 11, "label": "R"}, {"source": 37, "target": 9, "label": "F"}, {"source": 32, "target": 0, "label": "A"}, {"source": 41, "target": 22, "label": "C"}, {"source": 33, "target": 24, "label": "L"}, {"source": 35, "target": 5, "label": "C"}, {"source": 41, "target": 19, "label": "R"}, {"source": 39, "target": 15, "label": "A"}, {"source": 43, "target": 42, "label": "A"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "365630-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He took the time to explain things to me about my computer, i would recommend you go to him.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}, {"from": 8, "to": 11}, {"from": 12, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 2, "label": "F"}, {"source": 24, "target": 11, "label": "A"}, {"source": 20, "target": 10, "label": "U"}, {"source": 21, "target": 3, "label": "P"}, {"source": 26, "target": 14, "label": "A"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 7, "label": "R"}, {"source": 27, "target": 16, "label": "R"}, {"source": 25, "target": 12, "label": "F"}, {"source": 25, "target": 13, "label": "C"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 25, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 24, "label": "H"}, {"source": 23, "target": 8, "label": "E"}, {"source": 21, "target": 22, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 26, "target": 15, "label": "P"}, {"source": 23, "target": 9, "label": "C"}, {"source": 19, "target": 1, "label": "P"}, {"source": 21, "target": 4, "label": "A"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "C"}]} +{"id": "365630-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "David", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "365688-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No meat on Burger and too much pepper.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 37}]}, {"id": 8, "anchors": [{"from": 37, "to": 38}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "D"}, {"source": 12, "target": 14, "label": "C"}, {"source": 11, "target": 2, "label": "R"}, {"source": 14, "target": 13, "label": "E"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 4, "label": "N"}, {"source": 11, "target": 12, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 13, "target": 6, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 3, "label": "C"}]} +{"id": "365688-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "no place to seat", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 5, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "F"}, {"source": 4, "target": 5, "label": "P"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "D"}, {"source": 7, "target": 3, "label": "P"}]} +{"id": "366586-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They must have read these reviews and improved!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 46, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 6, "label": "L"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 9, "target": 1, "label": "D"}, {"source": 10, "target": 9, "label": "H"}, {"source": 11, "target": 5, "label": "C"}, {"source": 9, "target": 3, "label": "P"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "P"}, {"source": 11, "target": 4, "label": "E"}, {"source": 9, "target": 2, "label": "F"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "366586-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My husband and I happened in on a whim.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 4, "label": "P"}, {"source": 13, "target": 5, "label": "D"}, {"source": 14, "target": 7, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 14, "target": 6, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 11, "target": 2, "label": "N"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 11, "target": 3, "label": "C"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 10, "label": "C"}]} +{"id": "366586-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We sat in the front dining area, it was very cozy and pleasant.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 31}]}, {"id": 7, "anchors": [{"from": 31, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 62}]}, {"id": 14, "anchors": [{"from": 62, "to": 63}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 9, "label": "F"}, {"source": 22, "target": 14, "label": "U"}, {"source": 18, "target": 5, "label": "E"}, {"source": 20, "target": 21, "label": "C"}, {"source": 19, "target": 8, "label": "A"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "R"}, {"source": 19, "target": 20, "label": "S"}, {"source": 22, "target": 12, "label": "N"}, {"source": 21, "target": 10, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 18, "label": "A"}, {"source": 15, "target": 17, "label": "P"}, {"source": 18, "target": 3, "label": "E"}, {"source": 22, "target": 11, "label": "C"}, {"source": 18, "target": 6, "label": "C"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 19, "label": "H"}, {"source": 22, "target": 13, "label": "C"}, {"source": 17, "target": 1, "label": "C"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "366586-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Our server was quite attentive and the food was fantastic.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 8, "label": "F"}, {"source": 12, "target": 3, "label": "D"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 13, "target": 15, "label": "H"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 6, "label": "E"}, {"source": 12, "target": 2, "label": "F"}, {"source": 15, "target": 9, "label": "S"}, {"source": 12, "target": 4, "label": "S"}, {"source": 13, "target": 5, "label": "L"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "366586-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My husband has been a professional chef, so he is a good judge of quality food.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 39}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 65}]}, {"id": 15, "anchors": [{"from": 66, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 78}]}, {"id": 17, "anchors": [{"from": 78, "to": 79}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 3, "label": "S"}, {"source": 24, "target": 17, "label": "U"}, {"source": 22, "target": 10, "label": "S"}, {"source": 18, "target": 0, "label": "E"}, {"source": 18, "target": 1, "label": "C"}, {"source": 21, "target": 5, "label": "E"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 11, "label": "E"}, {"source": 20, "target": 8, "label": "L"}, {"source": 21, "target": 4, "label": "E"}, {"source": 21, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "C"}, {"source": 19, "target": 18, "label": "A"}, {"source": 24, "target": 15, "label": "E"}, {"source": 20, "target": 7, "label": "U"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "E"}, {"source": 23, "target": 12, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 22, "target": 9, "label": "A"}, {"source": 24, "target": 14, "label": "R"}, {"source": 19, "target": 2, "label": "F"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "366586-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This was a flavorful, enjoyable meal for both of us.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 20}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 51}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 10, "label": "C"}, {"source": 14, "target": 2, "label": "E"}, {"source": 16, "target": 8, "label": "C"}, {"source": 16, "target": 9, "label": "R"}, {"source": 15, "target": 7, "label": "R"}, {"source": 14, "target": 4, "label": "U"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 15, "target": 16, "label": "E"}, {"source": 15, "target": 11, "label": "U"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 1, "label": "S"}]} +{"id": "366946-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Eulogic", "tops": [0], "nodes": [{"id": 0}], "edges": []} +{"id": "366946-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Good place to be on a Sunday Night.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "anchors": [{"from": 34, "to": 35}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 7, "label": "C"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 2, "label": "F"}, {"source": 12, "target": 6, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 11, "target": 3, "label": "P"}]} +{"id": "366946-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The beers were good, nice choice of beers as well, and as usual the mussels were great, the place upstairs is a nice addition to the bar downstairs.", "tops": [34], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 67}]}, {"id": 16, "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 80}]}, {"id": 18, "anchors": [{"from": 81, "to": 86}]}, {"id": 19, "anchors": [{"from": 86, "to": 87}]}, {"id": 20, "anchors": [{"from": 88, "to": 91}]}, {"id": 21, "anchors": [{"from": 92, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 111}]}, {"id": 25, "anchors": [{"from": 112, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 136}]}, {"id": 30, "anchors": [{"from": 137, "to": 147}]}, {"id": 31, "anchors": [{"from": 147, "to": 148}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 39, "target": 13, "label": "R"}, {"source": 44, "target": 28, "label": "E"}, {"source": 41, "target": 21, "label": "C"}, {"source": 43, "target": 26, "label": "C"}, {"source": 38, "target": 10, "label": "C"}, {"source": 33, "target": 2, "label": "F"}, {"source": 41, "target": 20, "label": "E"}, {"source": 36, "target": 6, "label": "P"}, {"source": 36, "target": 38, "label": "D"}, {"source": 35, "target": 3, "label": "C"}, {"source": 34, "target": 42, "label": "H"}, {"source": 42, "target": 44, "label": "A"}, {"source": 42, "target": 30, "label": "D"}, {"source": 42, "target": 43, "label": "D"}, {"source": 43, "target": 24, "label": "E"}, {"source": 40, "target": 17, "label": "F"}, {"source": 42, "target": 22, "label": "D"}, {"source": 35, "target": 4, "label": "U"}, {"source": 42, "target": 23, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 34, "target": 12, "label": "L"}, {"source": 32, "target": 1, "label": "C"}, {"source": 39, "target": 15, "label": "E"}, {"source": 37, "target": 8, "label": "C"}, {"source": 44, "target": 29, "label": "C"}, {"source": 34, "target": 19, "label": "U"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 36, "label": "C"}, {"source": 34, "target": 40, "label": "H"}, {"source": 34, "target": 33, "label": "H"}, {"source": 42, "target": 41, "label": "A"}, {"source": 36, "target": 5, "label": "E"}, {"source": 37, "target": 7, "label": "R"}, {"source": 40, "target": 39, "label": "A"}, {"source": 33, "target": 32, "label": "A"}, {"source": 38, "target": 9, "label": "R"}, {"source": 32, "target": 0, "label": "E"}, {"source": 39, "target": 16, "label": "C"}, {"source": 42, "target": 31, "label": "U"}, {"source": 40, "target": 18, "label": "S"}, {"source": 43, "target": 25, "label": "E"}, {"source": 34, "target": 11, "label": "U"}, {"source": 39, "target": 14, "label": "E"}, {"source": 44, "target": 27, "label": "R"}]} +{"id": "366946-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Filled up on too much beer and hence cannot comment on the food.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 63}]}, {"id": 13, "anchors": [{"from": 63, "to": 64}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 14, "target": 0, "label": "P"}, {"source": 14, "target": 16, "label": "A"}, {"source": 18, "target": 19, "label": "P"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 19, "target": 7, "label": "F"}, {"source": 15, "target": 14, "label": "H"}, {"source": 20, "target": 12, "label": "C"}, {"source": 18, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 20, "target": 11, "label": "E"}, {"source": 15, "target": 18, "label": "H"}, {"source": 16, "target": 17, "label": "E"}, {"source": 18, "target": 6, "label": "D"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 8, "label": "D"}, {"source": 15, "target": 5, "label": "L"}, {"source": 20, "target": 10, "label": "R"}, {"source": 16, "target": 1, "label": "R"}]} +{"id": "366946-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "But the menu had standard stuff that one would get at a Belgian Tavern.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 15, "target": 17, "label": "H"}, {"source": 18, "target": 19, "label": "P"}, {"source": 17, "target": 4, "label": "D"}, {"source": 18, "target": 7, "label": "A"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 5, "label": "S"}, {"source": 19, "target": 9, "label": "C"}, {"source": 18, "target": 20, "label": "A"}, {"source": 17, "target": 3, "label": "F"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 8, "label": "F"}, {"source": 16, "target": 2, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 18, "target": 6, "label": "F"}, {"source": 17, "target": 16, "label": "A"}, {"source": 20, "target": 12, "label": "E"}, {"source": 20, "target": 10, "label": "R"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "366946-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you are a handcraft beer person, this is a fantastic place to be.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 64}]}, {"id": 14, "anchors": [{"from": 65, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 9, "label": "F"}, {"source": 18, "target": 5, "label": "E"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 8, "label": "A"}, {"source": 19, "target": 20, "label": "S"}, {"source": 16, "target": 17, "label": "H"}, {"source": 16, "target": 0, "label": "L"}, {"source": 21, "target": 15, "label": "U"}, {"source": 20, "target": 12, "label": "C"}, {"source": 21, "target": 14, "label": "S"}, {"source": 18, "target": 3, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 1, "label": "A"}, {"source": 16, "target": 7, "label": "U"}, {"source": 16, "target": 19, "label": "H"}, {"source": 21, "target": 13, "label": "F"}, {"source": 17, "target": 2, "label": "S"}, {"source": 18, "target": 4, "label": "E"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "367586-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Well kept facility with friendly staff.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "P"}, {"source": 8, "target": 0, "label": "F"}, {"source": 9, "target": 4, "label": "E"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "368431-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ray's pizza : my favorite", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 6, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "U"}, {"source": 7, "target": 6, "label": "E"}, {"source": 7, "target": 2, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "368431-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ray's Pizza is just too good.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "anchors": [{"from": 28, "to": 29}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 6, "label": "S"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "C"}, {"source": 8, "target": 1, "label": "R"}, {"source": 11, "target": 5, "label": "D"}, {"source": 9, "target": 8, "label": "E"}, {"source": 11, "target": 7, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 11, "target": 4, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 3, "label": "F"}]} +{"id": "368431-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Luckily I live very close, so I can abuse it during week-ends...", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 25, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 56}, {"from": 57, "to": 61}]}, {"id": 13, "anchors": [{"from": 56, "to": 57}]}, {"id": 14, "anchors": [{"from": 61, "to": 64}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 18, "target": 10, "label": "A"}, {"source": 19, "target": 11, "label": "R"}, {"source": 18, "target": 7, "label": "A"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 6, "label": "L"}, {"source": 16, "target": 17, "label": "D"}, {"source": 15, "target": 14, "label": "U"}, {"source": 18, "target": 19, "label": "D"}, {"source": 17, "target": 4, "label": "C"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "A"}, {"source": 15, "target": 18, "label": "H"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 8, "label": "D"}, {"source": 18, "target": 9, "label": "P"}, {"source": 15, "target": 5, "label": "U"}]} +{"id": "369087-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The Best Service Ever!!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 8}, {"from": 9, "to": 16}, {"from": 17, "to": 21}]}, {"id": 1, "anchors": [{"from": 21, "to": 23}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "369087-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have never had better service.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 2, "label": "D"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}]} +{"id": "369087-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My car broke down and roadside towed my vehicle to Sussman Kia.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}, {"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 58}, {"from": 59, "to": 62}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 12, "target": 11, "label": "A"}, {"source": 14, "target": 5, "label": "P"}, {"source": 12, "target": 2, "label": "P"}, {"source": 11, "target": 1, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "L"}, {"source": 13, "target": 12, "label": "H"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 4, "label": "A"}]} +{"id": "369087-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They squeezed me in and had me back up and running in no time.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}, {"from": 31, "to": 35}, {"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "D"}, {"source": 14, "target": 7, "label": "L"}, {"source": 16, "target": 8, "label": "P"}, {"source": 17, "target": 9, "label": "R"}, {"source": 13, "target": 2, "label": "A"}, {"source": 17, "target": 10, "label": "E"}, {"source": 13, "target": 1, "label": "P"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 0, "label": "A"}, {"source": 14, "target": 16, "label": "H"}, {"source": 14, "target": 4, "label": "L"}, {"source": 15, "target": 6, "label": "A"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 5, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "D"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "369087-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everyone was pleasant and very helpful.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 38}]}, {"id": 6, "anchors": [{"from": 38, "to": 39}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 1, "label": "F"}, {"source": 9, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 9, "target": 3, "label": "N"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 9, "label": "S"}]} +{"id": "369087-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service department even gave me a ride home and picked me up when my car was finished.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 89}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 21, "target": 13, "label": "L"}, {"source": 22, "target": 7, "label": "E"}, {"source": 23, "target": 11, "label": "A"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 23, "target": 10, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 19, "target": 0, "label": "E"}, {"source": 25, "target": 17, "label": "S"}, {"source": 21, "target": 23, "label": "H"}, {"source": 20, "target": 3, "label": "D"}, {"source": 20, "target": 4, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 8, "label": "C"}, {"source": 25, "target": 16, "label": "F"}, {"source": 21, "target": 12, "label": "L"}, {"source": 25, "target": 24, "label": "A"}, {"source": 22, "target": 6, "label": "E"}, {"source": 19, "target": 1, "label": "E"}, {"source": 20, "target": 5, "label": "A"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "369087-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The advisor kept me up to date and informed on the progress of my vehicle.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}, {"from": 17, "to": 19}, {"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 7, "label": "R"}, {"source": 15, "target": 14, "label": "A"}, {"source": 16, "target": 5, "label": "L"}, {"source": 16, "target": 18, "label": "H"}, {"source": 20, "target": 13, "label": "U"}, {"source": 19, "target": 9, "label": "C"}, {"source": 19, "target": 8, "label": "E"}, {"source": 17, "target": 3, "label": "R"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 4, "label": "C"}, {"source": 18, "target": 6, "label": "P"}, {"source": 20, "target": 12, "label": "C"}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 19, "label": "A"}, {"source": 14, "target": 1, "label": "C"}, {"source": 18, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "R"}, {"source": 14, "target": 0, "label": "E"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "369087-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I give this dealer an A+!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 23}, {"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "369087-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will definitely be bringing my car back for service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 53}]}, {"id": 10, "anchors": [{"from": 53, "to": 54}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "D"}, {"source": 12, "target": 4, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 12, "target": 3, "label": "F"}, {"source": 14, "target": 8, "label": "R"}, {"source": 13, "target": 5, "label": "E"}, {"source": 12, "target": 7, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "369210-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I arrived at Brickell Honda on 6/4/11, I was greeted and attended to by the Sales Manager, Gustavo Guerra, in a very friendly and professional manner.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "anchors": [{"from": 42, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 94}]}, {"id": 19, "anchors": [{"from": 94, "to": 95}]}, {"id": 20, "anchors": [{"from": 96, "to": 103}, {"from": 104, "to": 110}]}, {"id": 21, "anchors": [{"from": 110, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 116}]}, {"id": 24, "anchors": [{"from": 117, "to": 121}]}, {"id": 25, "anchors": [{"from": 122, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 134}]}, {"id": 27, "anchors": [{"from": 135, "to": 147}]}, {"id": 28, "anchors": [{"from": 148, "to": 154}]}, {"id": 29, "anchors": [{"from": 154, "to": 155}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}], "edges": [{"source": 43, "target": 27, "label": "E"}, {"source": 30, "target": 12, "label": "L"}, {"source": 37, "target": 15, "label": "R"}, {"source": 30, "target": 34, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 38, "target": 22, "label": "R"}, {"source": 40, "target": 23, "label": "E"}, {"source": 42, "target": 26, "label": "N"}, {"source": 42, "target": 43, "label": "C"}, {"source": 37, "target": 20, "label": "C"}, {"source": 33, "target": 6, "label": "R"}, {"source": 40, "target": 41, "label": "E"}, {"source": 43, "target": 28, "label": "C"}, {"source": 30, "target": 31, "label": "H"}, {"source": 30, "target": 35, "label": "H"}, {"source": 33, "target": 7, "label": "C"}, {"source": 41, "target": 42, "label": "C"}, {"source": 38, "target": 39, "label": "C"}, {"source": 42, "target": 25, "label": "C"}, {"source": 32, "target": 5, "label": "C"}, {"source": 34, "target": 10, "label": "F"}, {"source": 31, "target": 2, "label": "P"}, {"source": 34, "target": 9, "label": "A"}, {"source": 32, "target": 4, "label": "E"}, {"source": 43, "target": 29, "label": "U"}, {"source": 35, "target": 13, "label": "P"}, {"source": 37, "target": 18, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 37, "target": 17, "label": "E"}, {"source": 36, "target": 14, "label": "R"}, {"source": 35, "target": 21, "label": "U"}, {"source": 37, "target": 19, "label": "U"}, {"source": 30, "target": 8, "label": "U"}, {"source": 32, "target": 3, "label": "R"}, {"source": 41, "target": 24, "label": "E"}, {"source": 36, "target": 37, "label": "E"}, {"source": 37, "target": 16, "label": "E"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 1, "label": "A"}, {"source": 39, "target": 40, "label": "C"}, {"source": 34, "target": 11, "label": "P"}, {"source": 35, "target": 38, "label": "A"}, {"source": 30, "target": 0, "label": "L"}, {"source": 35, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "369210-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I explained to him what I wanted and that I previously went to Braman Honda.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}, {"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 75, "to": 76}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 11, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 12, "label": "R"}, {"source": 18, "target": 5, "label": "A"}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 17, "target": 2, "label": "R"}, {"source": 17, "target": 18, "label": "E"}, {"source": 19, "target": 10, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 16, "target": 7, "label": "L"}, {"source": 18, "target": 6, "label": "P"}, {"source": 20, "target": 13, "label": "C"}, {"source": 19, "target": 8, "label": "F"}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 9, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 14, "label": "U"}, {"source": 18, "target": 4, "label": "R"}]} +{"id": "369210-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bramen Honda was a bit of a hassle.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 12}]}, {"id": 1, "anchors": [{"from": 13, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 9, "target": 1, "label": "S"}, {"source": 11, "target": 5, "label": "E"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "D"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "369210-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He told me \"no problem, we will match the offer or do better.\"", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 22}]}, {"id": 6, "anchors": [{"from": 22, "to": 23}]}, {"id": 7, "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 60}]}, {"id": 15, "anchors": [{"from": 60, "to": 61}]}, {"id": 16, "anchors": [{"from": 61, "to": 62}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 14, "label": "S"}, {"source": 20, "target": 9, "label": "P"}, {"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 18, "target": 22, "label": "H"}, {"source": 22, "target": 13, "label": "F"}, {"source": 21, "target": 11, "label": "C"}, {"source": 17, "target": 1, "label": "P"}, {"source": 19, "target": 4, "label": "E"}, {"source": 21, "target": 10, "label": "E"}, {"source": 20, "target": 8, "label": "F"}, {"source": 18, "target": 12, "label": "L"}, {"source": 22, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 0, "label": "A"}, {"source": 22, "target": 15, "label": "U"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 6, "label": "U"}, {"source": 17, "target": 3, "label": "U"}, {"source": 18, "target": 17, "label": "H"}, {"source": 17, "target": 19, "label": "A"}, {"source": 20, "target": 7, "label": "A"}, {"source": 17, "target": 2, "label": "A"}, {"source": 20, "target": 21, "label": "A"}]} +{"id": "369210-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Mr. Guerra gave me a better deal without any hassles nor any type of problems.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}, {"from": 4, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 77}]}, {"id": 14, "anchors": [{"from": 77, "to": 78}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 16, "target": 2, "label": "A"}, {"source": 21, "target": 20, "label": "C"}, {"source": 21, "target": 23, "label": "C"}, {"source": 21, "target": 9, "label": "N"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 23, "target": 22, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 7, "label": "E"}, {"source": 22, "target": 10, "label": "E"}, {"source": 22, "target": 12, "label": "R"}, {"source": 17, "target": 5, "label": "C"}, {"source": 18, "target": 17, "label": "C"}, {"source": 17, "target": 4, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 19, "target": 6, "label": "R"}, {"source": 22, "target": 11, "label": "C"}, {"source": 17, "target": 3, "label": "E"}, {"source": 23, "target": 14, "label": "U"}, {"source": 19, "target": 21, "label": "C"}, {"source": 16, "target": 1, "label": "P"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "369210-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Brickell Honda has been the best buying experience in the world.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}, {"from": 9, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 32}]}, {"id": 5, "anchors": [{"from": 33, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 50}]}, {"id": 7, "anchors": [{"from": 51, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 63}]}, {"id": 10, "anchors": [{"from": 63, "to": 64}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 0, "label": "A"}, {"source": 12, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 15, "target": 9, "label": "C"}, {"source": 15, "target": 7, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 4, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 5, "label": "C"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 1, "label": "F"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "369210-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I urge all St. Thomas the Apostle parishioners and all of South Florida residents to come see Gus!!!", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}, {"from": 15, "to": 21}, {"from": 22, "to": 25}, {"from": 26, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 46}]}, {"id": 5, "anchors": [{"from": 47, "to": 50}]}, {"id": 6, "anchors": [{"from": 51, "to": 54}]}, {"id": 7, "anchors": [{"from": 55, "to": 57}]}, {"id": 8, "anchors": [{"from": 58, "to": 63}]}, {"id": 9, "anchors": [{"from": 64, "to": 71}]}, {"id": 10, "anchors": [{"from": 72, "to": 81}]}, {"id": 11, "anchors": [{"from": 82, "to": 84}]}, {"id": 12, "anchors": [{"from": 85, "to": 89}]}, {"id": 13, "anchors": [{"from": 90, "to": 93}]}, {"id": 14, "anchors": [{"from": 94, "to": 97}, {"from": 97, "to": 100}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 19, "target": 10, "label": "C"}, {"source": 15, "target": 1, "label": "P"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "L"}, {"source": 20, "target": 11, "label": "F"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 4, "label": "C"}, {"source": 20, "target": 14, "label": "A"}, {"source": 18, "target": 7, "label": "R"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 2, "label": "E"}, {"source": 19, "target": 18, "label": "E"}, {"source": 17, "target": 3, "label": "E"}, {"source": 20, "target": 13, "label": "P"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 12, "label": "D"}]} +{"id": "369210-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent customer service!!!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 18}]}, {"id": 2, "anchors": [{"from": 19, "to": 26}]}, {"id": 3, "anchors": [{"from": 26, "to": 29}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 7, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "E"}]} +{"id": "369608-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The management and staff are superb.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 11, "target": 1, "label": "C"}, {"source": 8, "target": 11, "label": "C"}, {"source": 10, "target": 5, "label": "S"}, {"source": 10, "target": 7, "label": "A"}, {"source": 7, "target": 8, "label": "C"}, {"source": 10, "target": 6, "label": "U"}, {"source": 11, "target": 2, "label": "N"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}, {"source": 10, "target": 4, "label": "F"}]} +{"id": "369608-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I worked with Sam Mones who took great care of me.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 17}, {"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 15, "label": "P"}, {"source": 13, "target": 2, "label": "R"}, {"source": 13, "target": 3, "label": "C"}, {"source": 14, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 15, "target": 10, "label": "U"}, {"source": 16, "target": 6, "label": "E"}, {"source": 16, "target": 7, "label": "C"}, {"source": 16, "target": 8, "label": "R"}, {"source": 15, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "F"}]} +{"id": "369608-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is by far the best run dealership in Miami.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 4, "label": "E"}, {"source": 15, "target": 7, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 5, "label": "E"}, {"source": 14, "target": 15, "label": "D"}, {"source": 13, "target": 2, "label": "R"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 14, "target": 16, "label": "A"}, {"source": 16, "target": 8, "label": "R"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 3, "label": "D"}, {"source": 13, "target": 14, "label": "C"}]} +{"id": "369957-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "beware they will rip u off", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}, {"from": 23, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 2, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "D"}, {"source": 6, "target": 0, "label": "P"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "371300-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Never again", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 3, "target": 1, "label": "D"}, {"source": 2, "target": 3, "label": "H"}]} +{"id": "371300-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't go here unless you want to sit,order,eat and be asked to leave all in a matter of 20 minutes.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}, {"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "anchors": [{"from": 42, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 50}]}, {"id": 13, "anchors": [{"from": 51, "to": 53}]}, {"id": 14, "anchors": [{"from": 54, "to": 59}]}, {"id": 15, "anchors": [{"from": 60, "to": 62}]}, {"id": 16, "anchors": [{"from": 63, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 72}]}, {"id": 18, "anchors": [{"from": 73, "to": 75}]}, {"id": 19, "anchors": [{"from": 76, "to": 77}]}, {"id": 20, "anchors": [{"from": 78, "to": 84}]}, {"id": 21, "anchors": [{"from": 85, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 90}]}, {"id": 23, "anchors": [{"from": 91, "to": 98}]}, {"id": 24, "anchors": [{"from": 98, "to": 99}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 30, "target": 11, "label": "P"}, {"source": 26, "target": 3, "label": "L"}, {"source": 28, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 31, "label": "H"}, {"source": 28, "target": 7, "label": "P"}, {"source": 30, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 31, "target": 13, "label": "F"}, {"source": 26, "target": 29, "label": "L"}, {"source": 25, "target": 0, "label": "F"}, {"source": 31, "target": 16, "label": "P"}, {"source": 31, "target": 17, "label": "A"}, {"source": 28, "target": 6, "label": "F"}, {"source": 26, "target": 30, "label": "H"}, {"source": 33, "target": 23, "label": "C"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 21, "label": "R"}, {"source": 32, "target": 20, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 31, "target": 14, "label": "D"}, {"source": 26, "target": 8, "label": "U"}, {"source": 32, "target": 19, "label": "E"}, {"source": 31, "target": 32, "label": "A"}, {"source": 25, "target": 2, "label": "P"}, {"source": 32, "target": 33, "label": "E"}, {"source": 33, "target": 22, "label": "E"}, {"source": 27, "target": 4, "label": "A"}, {"source": 26, "target": 27, "label": "H"}, {"source": 29, "target": 9, "label": "C"}, {"source": 26, "target": 12, "label": "L"}, {"source": 27, "target": 28, "label": "A"}, {"source": 25, "target": 1, "label": "D"}, {"source": 31, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 18, "label": "R"}, {"source": 26, "target": 10, "label": "U"}, {"source": 27, "target": 5, "label": "D"}, {"source": 31, "target": 15, "label": "F"}]} +{"id": "371300-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You won't even have time to read the entire menu before being asked to order and if you ask for more time your server will wait at the table.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 83}]}, {"id": 18, "anchors": [{"from": 84, "to": 87}]}, {"id": 19, "anchors": [{"from": 88, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 100}]}, {"id": 22, "anchors": [{"from": 101, "to": 105}]}, {"id": 23, "anchors": [{"from": 106, "to": 110}]}, {"id": 24, "anchors": [{"from": 111, "to": 117}]}, {"id": 25, "anchors": [{"from": 118, "to": 122}]}, {"id": 26, "anchors": [{"from": 123, "to": 127}]}, {"id": 27, "anchors": [{"from": 128, "to": 130}]}, {"id": 28, "anchors": [{"from": 131, "to": 134}]}, {"id": 29, "anchors": [{"from": 135, "to": 140}]}, {"id": 30, "anchors": [{"from": 140, "to": 141}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 38, "target": 41, "label": "A"}, {"source": 31, "target": 1, "label": "P"}, {"source": 31, "target": 33, "label": "D"}, {"source": 42, "target": 30, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 32, "target": 17, "label": "L"}, {"source": 38, "target": 39, "label": "D"}, {"source": 42, "target": 29, "label": "C"}, {"source": 31, "target": 2, "label": "D"}, {"source": 32, "target": 34, "label": "H"}, {"source": 38, "target": 19, "label": "P"}, {"source": 39, "target": 24, "label": "C"}, {"source": 37, "target": 15, "label": "C"}, {"source": 33, "target": 4, "label": "C"}, {"source": 38, "target": 25, "label": "F"}, {"source": 32, "target": 38, "label": "H"}, {"source": 40, "target": 21, "label": "E"}, {"source": 31, "target": 0, "label": "A"}, {"source": 39, "target": 40, "label": "E"}, {"source": 38, "target": 18, "label": "A"}, {"source": 34, "target": 7, "label": "P"}, {"source": 36, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 6, "label": "L"}, {"source": 32, "target": 11, "label": "L"}, {"source": 32, "target": 36, "label": "H"}, {"source": 35, "target": 10, "label": "C"}, {"source": 42, "target": 27, "label": "R"}, {"source": 31, "target": 5, "label": "A"}, {"source": 41, "target": 42, "label": "A"}, {"source": 41, "target": 26, "label": "P"}, {"source": 32, "target": 16, "label": "L"}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 35, "target": 9, "label": "E"}, {"source": 36, "target": 12, "label": "F"}, {"source": 42, "target": 28, "label": "E"}, {"source": 37, "target": 14, "label": "F"}, {"source": 39, "target": 20, "label": "R"}, {"source": 39, "target": 23, "label": "E"}, {"source": 34, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 22, "label": "C"}, {"source": 33, "target": 3, "label": "E"}, {"source": 36, "target": 13, "label": "P"}, {"source": 35, "target": 8, "label": "E"}]} +{"id": "371300-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is the only place I have ever eaten and been told to leave because other people were waiting.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 97}]}, {"id": 19, "anchors": [{"from": 97, "to": 98}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 25, "label": "A"}, {"source": 23, "target": 6, "label": "F"}, {"source": 26, "target": 15, "label": "E"}, {"source": 22, "target": 23, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 25, "target": 13, "label": "P"}, {"source": 25, "target": 12, "label": "F"}, {"source": 21, "target": 20, "label": "H"}, {"source": 21, "target": 24, "label": "H"}, {"source": 26, "target": 16, "label": "C"}, {"source": 22, "target": 2, "label": "E"}, {"source": 21, "target": 27, "label": "H"}, {"source": 20, "target": 1, "label": "S"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "P"}, {"source": 24, "target": 10, "label": "F"}, {"source": 23, "target": 7, "label": "D"}, {"source": 21, "target": 14, "label": "L"}, {"source": 27, "target": 26, "label": "A"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 3, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "P"}, {"source": 27, "target": 17, "label": "F"}, {"source": 27, "target": 18, "label": "P"}, {"source": 23, "target": 5, "label": "A"}, {"source": 22, "target": 4, "label": "C"}, {"source": 27, "target": 19, "label": "U"}, {"source": 25, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "371300-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was told to take my coffee to go if I wanted to finish it.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 39}]}, {"id": 11, "anchors": [{"from": 40, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 59}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 18, "target": 4, "label": "P"}, {"source": 22, "target": 10, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 20, "label": "H"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 9, "label": "R"}, {"source": 18, "target": 3, "label": "F"}, {"source": 22, "target": 12, "label": "F"}, {"source": 16, "target": 18, "label": "A"}, {"source": 22, "target": 13, "label": "P"}, {"source": 22, "target": 14, "label": "A"}, {"source": 20, "target": 8, "label": "P"}, {"source": 22, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 21, "target": 10, "label": "C"}, {"source": 16, "target": 1, "label": "F"}, {"source": 19, "target": 6, "label": "C"}, {"source": 17, "target": 7, "label": "L"}, {"source": 22, "target": 11, "label": "D"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 19, "label": "A"}, {"source": 19, "target": 5, "label": "E"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "371300-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oh, and their liquor license was expired so no Bloody Mary or Mimosas.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 18, "target": 8, "label": "E"}, {"source": 20, "target": 12, "label": "N"}, {"source": 15, "target": 17, "label": "H"}, {"source": 17, "target": 7, "label": "S"}, {"source": 17, "target": 6, "label": "F"}, {"source": 16, "target": 4, "label": "E"}, {"source": 18, "target": 9, "label": "C"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 5, "label": "C"}, {"source": 17, "target": 18, "label": "D"}, {"source": 19, "target": 11, "label": "C"}, {"source": 15, "target": 2, "label": "L"}, {"source": 15, "target": 0, "label": "L"}, {"source": 15, "target": 1, "label": "U"}, {"source": 20, "target": 19, "label": "C"}, {"source": 17, "target": 16, "label": "A"}, {"source": 19, "target": 10, "label": "E"}, {"source": 16, "target": 3, "label": "E"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "371300-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Plus the drinks are self service, have fun trying to negotiate the small cafeteria space to get your coffee, juice or water.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 8}, {"from": 9, "to": 15}]}, {"id": 1, "anchors": [{"from": 16, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 32}]}, {"id": 4, "anchors": [{"from": 32, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 66}]}, {"id": 11, "anchors": [{"from": 67, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 82}]}, {"id": 13, "anchors": [{"from": 83, "to": 88}]}, {"id": 14, "anchors": [{"from": 89, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 100}]}, {"id": 17, "anchors": [{"from": 101, "to": 107}]}, {"id": 18, "anchors": [{"from": 107, "to": 108}]}, {"id": 19, "anchors": [{"from": 109, "to": 114}]}, {"id": 20, "anchors": [{"from": 115, "to": 117}]}, {"id": 21, "anchors": [{"from": 118, "to": 123}]}, {"id": 22, "anchors": [{"from": 123, "to": 124}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 26, "target": 6, "label": "C"}, {"source": 28, "target": 13, "label": "C"}, {"source": 24, "target": 27, "label": "H"}, {"source": 29, "target": 11, "label": "E"}, {"source": 32, "target": 17, "label": "C"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 32, "target": 18, "label": "U"}, {"source": 23, "target": 1, "label": "S"}, {"source": 25, "target": 3, "label": "C"}, {"source": 32, "target": 22, "label": "U"}, {"source": 23, "target": 25, "label": "A"}, {"source": 31, "target": 32, "label": "C"}, {"source": 32, "target": 21, "label": "C"}, {"source": 26, "target": 5, "label": "F"}, {"source": 28, "target": 10, "label": "E"}, {"source": 24, "target": 23, "label": "H"}, {"source": 32, "target": 19, "label": "C"}, {"source": 27, "target": 9, "label": "P"}, {"source": 24, "target": 4, "label": "U"}, {"source": 31, "target": 16, "label": "E"}, {"source": 27, "target": 30, "label": "A"}, {"source": 23, "target": 0, "label": "A"}, {"source": 27, "target": 7, "label": "D"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 14, "label": "F"}, {"source": 30, "target": 31, "label": "A"}, {"source": 30, "target": 15, "label": "P"}, {"source": 28, "target": 29, "label": "E"}, {"source": 29, "target": 12, "label": "C"}, {"source": 27, "target": 8, "label": "F"}, {"source": 32, "target": 20, "label": "N"}]} +{"id": "371300-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Go next door to the Ball Square Cafe instead.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}, {"from": 25, "to": 31}, {"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 12, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "E"}, {"source": 9, "target": 2, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 3, "label": "R"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 0, "label": "C"}, {"source": 11, "target": 6, "label": "D"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 8, "label": "S"}]} +{"id": "371492-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent service!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "371492-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am so glad that we now have a good nail shop on San Mateo Avenue!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 29}]}, {"id": 8, "anchors": [{"from": 30, "to": 31}]}, {"id": 9, "anchors": [{"from": 32, "to": 36}]}, {"id": 10, "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 46}]}, {"id": 12, "anchors": [{"from": 47, "to": 49}]}, {"id": 13, "anchors": [{"from": 50, "to": 53}, {"from": 54, "to": 59}, {"from": 60, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 17, "target": 19, "label": "D"}, {"source": 20, "target": 12, "label": "R"}, {"source": 16, "target": 0, "label": "A"}, {"source": 19, "target": 9, "label": "C"}, {"source": 17, "target": 6, "label": "D"}, {"source": 19, "target": 8, "label": "E"}, {"source": 16, "target": 3, "label": "S"}, {"source": 20, "target": 13, "label": "C"}, {"source": 18, "target": 11, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 16, "target": 1, "label": "F"}, {"source": 17, "target": 4, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 16, "target": 2, "label": "D"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 17, "label": "A"}, {"source": 18, "target": 7, "label": "F"}, {"source": 17, "target": 5, "label": "A"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "371492-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "No more having to drive to San Francisco for a great mani pedi.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}, {"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 63}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 17, "target": 9, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 10, "label": "E"}, {"source": 16, "target": 5, "label": "R"}, {"source": 15, "target": 2, "label": "D"}, {"source": 16, "target": 6, "label": "C"}, {"source": 17, "target": 12, "label": "U"}, {"source": 13, "target": 1, "label": "C"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 17, "label": "A"}, {"source": 15, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "E"}, {"source": 17, "target": 7, "label": "R"}, {"source": 17, "target": 8, "label": "E"}, {"source": 15, "target": 3, "label": "F"}, {"source": 17, "target": 11, "label": "C"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "371492-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Both Tina and Vicky are excellent.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 33}]}, {"id": 6, "anchors": [{"from": 33, "to": 34}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 5, "label": "S"}, {"source": 7, "target": 10, "label": "C"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 10, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 9, "target": 4, "label": "F"}, {"source": 9, "target": 6, "label": "U"}, {"source": 10, "target": 2, "label": "N"}]} +{"id": "371492-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will definitely refer my friends and family:)", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 45, "to": 47}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 11, "label": "C"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 1, "label": "F"}, {"source": 11, "target": 13, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 6, "label": "N"}, {"source": 13, "target": 5, "label": "C"}, {"source": 11, "target": 4, "label": "E"}]} +{"id": "372582-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Prime rib was very tough.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 25}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "F"}, {"source": 8, "target": 4, "label": "S"}]} +{"id": "372582-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Staff were pleasant.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "F"}, {"source": 5, "target": 2, "label": "S"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "372582-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Won't return.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 12}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "372665-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Is not a service office", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 4, "label": "C"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "372665-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is a delivery office only and does not take walk ins but they do have a blue box out front.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 85}, {"from": 86, "to": 89}]}, {"id": 19, "anchors": [{"from": 90, "to": 95}]}, {"id": 20, "anchors": [{"from": 95, "to": 96}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 5, "label": "L"}, {"source": 24, "target": 7, "label": "F"}, {"source": 21, "target": 0, "label": "A"}, {"source": 27, "target": 15, "label": "F"}, {"source": 22, "target": 6, "label": "L"}, {"source": 27, "target": 17, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 1, "label": "S"}, {"source": 27, "target": 16, "label": "E"}, {"source": 22, "target": 12, "label": "L"}, {"source": 24, "target": 10, "label": "A"}, {"source": 25, "target": 11, "label": "S"}, {"source": 26, "target": 14, "label": "F"}, {"source": 22, "target": 24, "label": "H"}, {"source": 24, "target": 9, "label": "P"}, {"source": 23, "target": 4, "label": "C"}, {"source": 26, "target": 27, "label": "P"}, {"source": 22, "target": 21, "label": "H"}, {"source": 22, "target": 26, "label": "H"}, {"source": 27, "target": 20, "label": "U"}, {"source": 22, "target": 25, "label": "H"}, {"source": 26, "target": 13, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 27, "target": 18, "label": "C"}, {"source": 27, "target": 19, "label": "E"}, {"source": 24, "target": 8, "label": "D"}]} +{"id": "372665-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Glad I called before I arrived with my box to ship.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 50}]}, {"id": 10, "anchors": [{"from": 50, "to": 51}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 13, "target": 4, "label": "P"}, {"source": 12, "target": 2, "label": "L"}, {"source": 15, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 8, "label": "F"}, {"source": 15, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 15, "target": 9, "label": "P"}, {"source": 12, "target": 11, "label": "H"}, {"source": 11, "target": 1, "label": "P"}, {"source": 14, "target": 7, "label": "C"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "372665-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thought adding a comment would save someone the hassle with a useless trip there.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 43}]}, {"id": 7, "anchors": [{"from": 44, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 7, "label": "E"}, {"source": 18, "target": 6, "label": "A"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 17, "label": "A"}, {"source": 18, "target": 4, "label": "D"}, {"source": 18, "target": 20, "label": "A"}, {"source": 20, "target": 13, "label": "E"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 12, "label": "C"}, {"source": 17, "target": 3, "label": "C"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 2, "label": "E"}, {"source": 20, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 5, "label": "P"}, {"source": 16, "target": 1, "label": "P"}, {"source": 20, "target": 14, "label": "U"}, {"source": 20, "target": 11, "label": "E"}]} +{"id": "372903-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic for kids", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 1, "label": "R"}, {"source": 3, "target": 4, "label": "L"}, {"source": 4, "target": 0, "label": "C"}, {"source": 4, "target": 5, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "372903-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you have children or are just a real animal lover yourself you'll love this zoo.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 82, "to": 83}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 13, "label": "F"}, {"source": 18, "target": 4, "label": "L"}, {"source": 24, "target": 17, "label": "U"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 3, "label": "A"}, {"source": 23, "target": 14, "label": "P"}, {"source": 22, "target": 23, "label": "E"}, {"source": 22, "target": 11, "label": "R"}, {"source": 18, "target": 20, "label": "H"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 16, "label": "C"}, {"source": 21, "target": 10, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 23, "target": 12, "label": "A"}, {"source": 19, "target": 1, "label": "A"}, {"source": 18, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 2, "label": "P"}, {"source": 20, "target": 21, "label": "A"}, {"source": 20, "target": 6, "label": "D"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 8, "label": "E"}, {"source": 20, "target": 5, "label": "S"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "372903-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's only $10 and in essence just one big petting zoo.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "anchors": [{"from": 14, "to": 17}]}, {"id": 6, "anchors": [{"from": 18, "to": 20}]}, {"id": 7, "anchors": [{"from": 21, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 37}]}, {"id": 10, "anchors": [{"from": 38, "to": 41}]}, {"id": 11, "anchors": [{"from": 42, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 53, "to": 54}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 9, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 16, "label": "C"}, {"source": 16, "target": 3, "label": "U"}, {"source": 19, "target": 12, "label": "C"}, {"source": 15, "target": 0, "label": "A"}, {"source": 18, "target": 7, "label": "E"}, {"source": 18, "target": 6, "label": "R"}, {"source": 15, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "E"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 19, "target": 8, "label": "R"}, {"source": 15, "target": 1, "label": "S"}, {"source": 16, "target": 2, "label": "C"}, {"source": 18, "target": 19, "label": "E"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 5, "label": "N"}, {"source": 17, "target": 18, "label": "C"}]} +{"id": "372903-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They sell feed and milk bottles at the front and I recommend you buy lots.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 73, "to": 74}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 18, "target": 2, "label": "C"}, {"source": 21, "target": 7, "label": "E"}, {"source": 23, "target": 11, "label": "A"}, {"source": 23, "target": 24, "label": "P"}, {"source": 16, "target": 20, "label": "A"}, {"source": 21, "target": 8, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 19, "label": "C"}, {"source": 24, "target": 14, "label": "E"}, {"source": 17, "target": 23, "label": "H"}, {"source": 24, "target": 13, "label": "C"}, {"source": 19, "target": 4, "label": "E"}, {"source": 18, "target": 3, "label": "N"}, {"source": 16, "target": 18, "label": "A"}, {"source": 20, "target": 22, "label": "C"}, {"source": 20, "target": 6, "label": "R"}, {"source": 22, "target": 21, "label": "C"}, {"source": 23, "target": 12, "label": "A"}, {"source": 24, "target": 15, "label": "U"}, {"source": 22, "target": 10, "label": "C"}, {"source": 16, "target": 1, "label": "P"}, {"source": 22, "target": 9, "label": "N"}]} +{"id": "372903-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We took our 7 month old and she laughed and giggled when (very harshly I might add) grabbing and 'kissed' the goats and lambs.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 58}]}, {"id": 13, "anchors": [{"from": 58, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 82}]}, {"id": 18, "anchors": [{"from": 82, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 92}]}, {"id": 20, "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "anchors": [{"from": 97, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 104}]}, {"id": 23, "anchors": [{"from": 104, "to": 105}]}, {"id": 24, "anchors": [{"from": 106, "to": 109}]}, {"id": 25, "anchors": [{"from": 110, "to": 115}]}, {"id": 26, "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "anchors": [{"from": 120, "to": 125}]}, {"id": 28, "anchors": [{"from": 125, "to": 126}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 37, "target": 19, "label": "C"}, {"source": 30, "target": 11, "label": "L"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 3, "label": "E"}, {"source": 35, "target": 17, "label": "P"}, {"source": 41, "target": 25, "label": "C"}, {"source": 30, "target": 29, "label": "H"}, {"source": 36, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 12, "label": "U"}, {"source": 33, "target": 10, "label": "C"}, {"source": 35, "target": 34, "label": "D"}, {"source": 31, "target": 5, "label": "C"}, {"source": 30, "target": 35, "label": "H"}, {"source": 33, "target": 8, "label": "C"}, {"source": 31, "target": 2, "label": "E"}, {"source": 40, "target": 24, "label": "E"}, {"source": 37, "target": 21, "label": "U"}, {"source": 37, "target": 20, "label": "N"}, {"source": 29, "target": 1, "label": "P"}, {"source": 32, "target": 7, "label": "A"}, {"source": 37, "target": 22, "label": "C"}, {"source": 32, "target": 33, "label": "P"}, {"source": 30, "target": 18, "label": "U"}, {"source": 34, "target": 13, "label": "E"}, {"source": 40, "target": 41, "label": "C"}, {"source": 31, "target": 4, "label": "E"}, {"source": 41, "target": 28, "label": "U"}, {"source": 30, "target": 6, "label": "L"}, {"source": 30, "target": 23, "label": "U"}, {"source": 35, "target": 15, "label": "A"}, {"source": 29, "target": 31, "label": "D"}, {"source": 30, "target": 36, "label": "H"}, {"source": 41, "target": 26, "label": "N"}, {"source": 29, "target": 0, "label": "A"}, {"source": 34, "target": 14, "label": "C"}, {"source": 41, "target": 27, "label": "C"}, {"source": 36, "target": 37, "label": "P"}, {"source": 30, "target": 38, "label": "H"}, {"source": 39, "target": 40, "label": "C"}, {"source": 35, "target": 16, "label": "D"}, {"source": 30, "target": 32, "label": "H"}, {"source": 33, "target": 9, "label": "N"}]} +{"id": "372903-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The animals were all very sweet and patient with her.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 5, "label": "C"}, {"source": 13, "target": 16, "label": "A"}, {"source": 15, "target": 7, "label": "C"}, {"source": 11, "target": 1, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 11, "target": 0, "label": "E"}, {"source": 15, "target": 6, "label": "N"}, {"source": 16, "target": 8, "label": "R"}, {"source": 16, "target": 9, "label": "C"}, {"source": 16, "target": 10, "label": "U"}, {"source": 15, "target": 14, "label": "C"}, {"source": 14, "target": 3, "label": "E"}, {"source": 13, "target": 11, "label": "A"}, {"source": 13, "target": 2, "label": "S"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 13, "label": "H"}]} +{"id": "372903-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Among the animals that were available to touch were pony's, camels and EVEN AN OSTRICH!!!", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 58}]}, {"id": 10, "anchors": [{"from": 58, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 75}, {"from": 76, "to": 78}, {"from": 79, "to": 86}]}, {"id": 14, "anchors": [{"from": 86, "to": 89}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 19, "target": 5, "label": "C"}, {"source": 20, "target": 12, "label": "N"}, {"source": 15, "target": 17, "label": "H"}, {"source": 16, "target": 18, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 20, "target": 11, "label": "C"}, {"source": 17, "target": 8, "label": "F"}, {"source": 20, "target": 10, "label": "U"}, {"source": 18, "target": 3, "label": "F"}, {"source": 20, "target": 9, "label": "C"}, {"source": 18, "target": 4, "label": "F"}, {"source": 16, "target": 2, "label": "E"}, {"source": 20, "target": 13, "label": "C"}, {"source": 17, "target": 20, "label": "A"}, {"source": 18, "target": 19, "label": "S"}, {"source": 17, "target": 16, "label": "S"}, {"source": 15, "target": 0, "label": "L"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 14, "label": "U"}]} +{"id": "372903-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Wonderful, inexpensive and lots of fun!", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 9, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 38, "to": 39}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "C"}, {"source": 12, "target": 6, "label": "C"}, {"source": 8, "target": 1, "label": "U"}, {"source": 8, "target": 11, "label": "E"}, {"source": 11, "target": 4, "label": "C"}, {"source": 11, "target": 3, "label": "N"}, {"source": 10, "target": 7, "label": "U"}, {"source": 11, "target": 2, "label": "C"}, {"source": 11, "target": 12, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 5, "label": "R"}]} +{"id": "374000-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "GREAT Store GREAT Service!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 17}, {"from": 18, "to": 25}]}, {"id": 2, "anchors": [{"from": 25, "to": 26}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "374000-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "“This store is great!!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 1, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 22}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 0, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 8, "target": 6, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 3, "label": "S"}, {"source": 9, "target": 5, "label": "U"}, {"source": 6, "target": 2, "label": "C"}, {"source": 6, "target": 1, "label": "E"}]} +{"id": "374000-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I love walking in and not being hassled.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 10, "target": 4, "label": "L"}, {"source": 9, "target": 11, "label": "P"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 6, "label": "F"}, {"source": 11, "target": 1, "label": "E"}, {"source": 10, "target": 9, "label": "H"}, {"source": 9, "target": 3, "label": "D"}, {"source": 12, "target": 8, "label": "U"}, {"source": 9, "target": 0, "label": "A"}, {"source": 12, "target": 5, "label": "D"}, {"source": 11, "target": 2, "label": "C"}, {"source": 10, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "S"}]} +{"id": "374000-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was there when they did a free raffle in August and I won a hard drive!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 55}]}, {"id": 13, "anchors": [{"from": 56, "to": 59}]}, {"id": 14, "anchors": [{"from": 60, "to": 61}]}, {"id": 15, "anchors": [{"from": 62, "to": 66}]}, {"id": 16, "anchors": [{"from": 67, "to": 72}]}, {"id": 17, "anchors": [{"from": 72, "to": 73}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 17, "label": "U"}, {"source": 21, "target": 7, "label": "E"}, {"source": 19, "target": 11, "label": "L"}, {"source": 20, "target": 21, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 24, "target": 14, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 20, "target": 5, "label": "F"}, {"source": 20, "target": 4, "label": "A"}, {"source": 19, "target": 23, "label": "H"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 2, "label": "S"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 15, "label": "E"}, {"source": 23, "target": 12, "label": "A"}, {"source": 23, "target": 13, "label": "P"}, {"source": 19, "target": 20, "label": "H"}, {"source": 20, "target": 22, "label": "A"}, {"source": 19, "target": 3, "label": "L"}, {"source": 22, "target": 10, "label": "C"}, {"source": 21, "target": 6, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "374000-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The reason I go back is because the employees are sooooo nice.”", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 61, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 19, "target": 7, "label": "E"}, {"source": 15, "target": 14, "label": "A"}, {"source": 18, "target": 4, "label": "C"}, {"source": 20, "target": 9, "label": "F"}, {"source": 20, "target": 13, "label": "U"}, {"source": 18, "target": 3, "label": "F"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 15, "label": "H"}, {"source": 14, "target": 17, "label": "E"}, {"source": 19, "target": 8, "label": "C"}, {"source": 15, "target": 5, "label": "S"}, {"source": 20, "target": 11, "label": "S"}, {"source": 20, "target": 12, "label": "U"}, {"source": 20, "target": 10, "label": "D"}, {"source": 17, "target": 2, "label": "A"}, {"source": 17, "target": 18, "label": "P"}, {"source": 16, "target": 6, "label": "L"}, {"source": 14, "target": 1, "label": "C"}, {"source": 14, "target": 0, "label": "E"}]} +{"id": "374344-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "AMAZING", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1}], "edges": [{"source": 1, "target": 0, "label": "U"}]} +{"id": "374344-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Absoul is the greatest donair man on the planet.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 47}]}, {"id": 9, "anchors": [{"from": 47, "to": 48}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 2, "label": "E"}, {"source": 11, "target": 0, "label": "A"}, {"source": 12, "target": 3, "label": "E"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 5, "label": "C"}, {"source": 13, "target": 7, "label": "E"}, {"source": 11, "target": 1, "label": "S"}, {"source": 13, "target": 9, "label": "U"}, {"source": 12, "target": 13, "label": "E"}, {"source": 13, "target": 6, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "374344-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Highly recommended.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2, "anchors": [{"from": 18, "to": 19}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "P"}, {"source": 4, "target": 2, "label": "U"}, {"source": 4, "target": 0, "label": "D"}]} +{"id": "374344-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you enjoy amazing things, you must go to World's Finest Donair.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 27}]}, {"id": 5, "anchors": [{"from": 27, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 49}]}, {"id": 11, "anchors": [{"from": 49, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 65}]}, {"id": 14, "anchors": [{"from": 65, "to": 66}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "R"}, {"source": 18, "target": 8, "label": "P"}, {"source": 18, "target": 6, "label": "A"}, {"source": 19, "target": 9, "label": "R"}, {"source": 19, "target": 12, "label": "E"}, {"source": 19, "target": 13, "label": "C"}, {"source": 19, "target": 20, "label": "E"}, {"source": 17, "target": 4, "label": "C"}, {"source": 16, "target": 2, "label": "P"}, {"source": 16, "target": 1, "label": "A"}, {"source": 19, "target": 14, "label": "U"}, {"source": 18, "target": 7, "label": "D"}, {"source": 15, "target": 18, "label": "H"}, {"source": 20, "target": 10, "label": "C"}, {"source": 15, "target": 0, "label": "L"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 15, "target": 5, "label": "U"}, {"source": 16, "target": 17, "label": "A"}]} +{"id": "374344-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lest you be lame!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 5, "target": 3, "label": "S"}, {"source": 5, "target": 0, "label": "A"}, {"source": 6, "target": 5, "label": "H"}, {"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 2, "label": "F"}]} +{"id": "374344-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I give this place 11/10.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}, {"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 6, "label": "U"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 2, "label": "E"}, {"source": 8, "target": 4, "label": "A"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "374344-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "3 thumbs up.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 4, "target": 2, "label": "E"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 4, "target": 1, "label": "C"}, {"source": 5, "target": 4, "label": "A"}]} +{"id": "374344-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Bon appetit!", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 11, "to": 12}]}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 4, "target": 1, "label": "S"}, {"source": 4, "target": 0, "label": "A"}, {"source": 4, "target": 2, "label": "U"}]} +{"id": "374604-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I've never felt the need to write a review or make a complaint before, but after the way I was spoken to by a member of staff at the kennels (whose name I believe to be Mrs Closs) I would now not recommend this business to anybody.", "tops": [50], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 69}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}, {"from": 75, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 104}]}, {"id": 22, "anchors": [{"from": 105, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 109}]}, {"id": 24, "anchors": [{"from": 110, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 125}]}, {"id": 27, "anchors": [{"from": 126, "to": 128}]}, {"id": 28, "anchors": [{"from": 129, "to": 132}]}, {"id": 29, "anchors": [{"from": 133, "to": 140}]}, {"id": 30, "anchors": [{"from": 141, "to": 142}]}, {"id": 31, "anchors": [{"from": 142, "to": 147}]}, {"id": 32, "anchors": [{"from": 148, "to": 152}]}, {"id": 33, "anchors": [{"from": 153, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 165}]}, {"id": 36, "anchors": [{"from": 166, "to": 168}]}, {"id": 37, "anchors": [{"from": 169, "to": 172}, {"from": 173, "to": 178}]}, {"id": 38, "anchors": [{"from": 178, "to": 179}]}, {"id": 39, "anchors": [{"from": 180, "to": 181}]}, {"id": 40, "anchors": [{"from": 182, "to": 187}]}, {"id": 41, "anchors": [{"from": 188, "to": 191}]}, {"id": 42, "anchors": [{"from": 192, "to": 195}]}, {"id": 43, "anchors": [{"from": 196, "to": 205}]}, {"id": 44, "anchors": [{"from": 206, "to": 210}]}, {"id": 45, "anchors": [{"from": 211, "to": 219}]}, {"id": 46, "anchors": [{"from": 220, "to": 222}]}, {"id": 47, "anchors": [{"from": 223, "to": 230}]}, {"id": 48, "anchors": [{"from": 230, "to": 231}]}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}], "edges": [{"source": 52, "target": 5, "label": "F"}, {"source": 56, "target": 16, "label": "E"}, {"source": 55, "target": 11, "label": "E"}, {"source": 50, "target": 54, "label": "H"}, {"source": 66, "target": 39, "label": "A"}, {"source": 62, "target": 29, "label": "C"}, {"source": 50, "target": 9, "label": "L"}, {"source": 58, "target": 59, "label": "A"}, {"source": 60, "target": 22, "label": "R"}, {"source": 62, "target": 63, "label": "E"}, {"source": 67, "target": 40, "label": "F"}, {"source": 59, "target": 60, "label": "E"}, {"source": 64, "target": 33, "label": "A"}, {"source": 50, "target": 14, "label": "U"}, {"source": 50, "target": 49, "label": "H"}, {"source": 49, "target": 0, "label": "A"}, {"source": 50, "target": 66, "label": "H"}, {"source": 66, "target": 41, "label": "D"}, {"source": 55, "target": 12, "label": "C"}, {"source": 66, "target": 69, "label": "A"}, {"source": 54, "target": 55, "label": "A"}, {"source": 69, "target": 47, "label": "C"}, {"source": 66, "target": 42, "label": "D"}, {"source": 60, "target": 24, "label": "C"}, {"source": 69, "target": 46, "label": "R"}, {"source": 53, "target": 7, "label": "E"}, {"source": 66, "target": 67, "label": "P"}, {"source": 68, "target": 45, "label": "C"}, {"source": 52, "target": 6, "label": "P"}, {"source": 62, "target": 28, "label": "E"}, {"source": 63, "target": 31, "label": "F"}, {"source": 54, "target": 13, "label": "D"}, {"source": 51, "target": 52, "label": "E"}, {"source": 69, "target": 48, "label": "U"}, {"source": 57, "target": 56, "label": "A"}, {"source": 53, "target": 8, "label": "C"}, {"source": 60, "target": 61, "label": "E"}, {"source": 61, "target": 25, "label": "R"}, {"source": 67, "target": 43, "label": "C"}, {"source": 62, "target": 27, "label": "R"}, {"source": 62, "target": 30, "label": "U"}, {"source": 64, "target": 65, "label": "A"}, {"source": 65, "target": 35, "label": "F"}, {"source": 58, "target": 20, "label": "P"}, {"source": 51, "target": 3, "label": "E"}, {"source": 58, "target": 18, "label": "A"}, {"source": 56, "target": 17, "label": "C"}, {"source": 66, "target": 68, "label": "A"}, {"source": 58, "target": 19, "label": "F"}, {"source": 52, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 50, "target": 57, "label": "H"}, {"source": 61, "target": 26, "label": "C"}, {"source": 63, "target": 64, "label": "A"}, {"source": 54, "target": 10, "label": "P"}, {"source": 65, "target": 36, "label": "S"}, {"source": 64, "target": 34, "label": "P"}, {"source": 49, "target": 2, "label": "S"}, {"source": 49, "target": 1, "label": "D"}, {"source": 49, "target": 51, "label": "A"}, {"source": 54, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 4, "label": "C"}, {"source": 59, "target": 21, "label": "R"}, {"source": 64, "target": 32, "label": "A"}, {"source": 57, "target": 58, "label": "A"}, {"source": 65, "target": 29, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 23, "label": "E"}, {"source": 65, "target": 37, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 61, "target": 62, "label": "E"}, {"source": 50, "target": 15, "label": "L"}, {"source": 68, "target": 44, "label": "E"}, {"source": 50, "target": 38, "label": "U"}]} +{"id": "374604-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If the animals are treated in the same way the customers are treated then this leaves a lot to be desired!", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 78}]}, {"id": 15, "anchors": [{"from": 79, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 28, "target": 14, "label": "A"}, {"source": 24, "target": 23, "label": "A"}, {"source": 25, "target": 5, "label": "R"}, {"source": 25, "target": 6, "label": "E"}, {"source": 29, "target": 17, "label": "C"}, {"source": 24, "target": 25, "label": "D"}, {"source": 29, "target": 16, "label": "E"}, {"source": 24, "target": 4, "label": "P"}, {"source": 23, "target": 1, "label": "E"}, {"source": 24, "target": 3, "label": "F"}, {"source": 22, "target": 28, "label": "H"}, {"source": 30, "target": 18, "label": "F"}, {"source": 25, "target": 8, "label": "C"}, {"source": 27, "target": 11, "label": "F"}, {"source": 30, "target": 20, "label": "P"}, {"source": 28, "target": 13, "label": "D"}, {"source": 22, "target": 0, "label": "L"}, {"source": 27, "target": 12, "label": "P"}, {"source": 28, "target": 15, "label": "P"}, {"source": 30, "target": 19, "label": "F"}, {"source": 28, "target": 29, "label": "A"}, {"source": 22, "target": 30, "label": "H"}, {"source": 26, "target": 10, "label": "C"}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 26, "label": "A"}, {"source": 30, "target": 21, "label": "U"}, {"source": 23, "target": 2, "label": "C"}, {"source": 26, "target": 9, "label": "E"}, {"source": 30, "target": 14, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 7, "label": "E"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "374604-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nobody should be spoken to like that regardless of how bad their day may have been or what may be going on in their private lives!", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 82}]}, {"id": 16, "anchors": [{"from": 83, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 94}]}, {"id": 19, "anchors": [{"from": 95, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 103}, {"from": 104, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 123}]}, {"id": 24, "anchors": [{"from": 124, "to": 129}]}, {"id": 25, "anchors": [{"from": 129, "to": 130}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}], "edges": [{"source": 35, "target": 22, "label": "E"}, {"source": 28, "target": 5, "label": "P"}, {"source": 35, "target": 23, "label": "E"}, {"source": 35, "target": 24, "label": "C"}, {"source": 35, "target": 21, "label": "R"}, {"source": 34, "target": 20, "label": "C"}, {"source": 34, "target": 18, "label": "F"}, {"source": 32, "target": 33, "label": "C"}, {"source": 33, "target": 17, "label": "F"}, {"source": 31, "target": 10, "label": "E"}, {"source": 29, "target": 6, "label": "E"}, {"source": 35, "target": 25, "label": "U"}, {"source": 30, "target": 7, "label": "C"}, {"source": 30, "target": 8, "label": "R"}, {"source": 27, "target": 3, "label": "P"}, {"source": 29, "target": 30, "label": "E"}, {"source": 33, "target": 19, "label": "F"}, {"source": 32, "target": 16, "label": "N"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 13, "label": "D"}, {"source": 27, "target": 2, "label": "F"}, {"source": 33, "target": 35, "label": "A"}, {"source": 31, "target": 12, "label": "C"}, {"source": 29, "target": 31, "label": "E"}, {"source": 27, "target": 0, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 15, "label": "C"}, {"source": 26, "target": 27, "label": "H"}, {"source": 31, "target": 11, "label": "E"}, {"source": 27, "target": 1, "label": "D"}, {"source": 28, "target": 4, "label": "F"}, {"source": 29, "target": 9, "label": "R"}, {"source": 33, "target": 34, "label": "P"}, {"source": 27, "target": 32, "label": "A"}, {"source": 27, "target": 28, "label": "A"}, {"source": 32, "target": 14, "label": "F"}]} +{"id": "376320-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "First trip to Canada", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 20}]}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 1, "label": "C"}, {"source": 7, "target": 2, "label": "R"}, {"source": 4, "target": 5, "label": "H"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "376320-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I recently traveled to Canada on business and had a most excellent experience.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 77}]}, {"id": 13, "anchors": [{"from": 77, "to": 78}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 11, "label": "E"}, {"source": 19, "target": 12, "label": "C"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 17, "target": 6, "label": "C"}, {"source": 18, "target": 8, "label": "S"}, {"source": 18, "target": 19, "label": "D"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "C"}, {"source": 15, "target": 18, "label": "H"}, {"source": 14, "target": 1, "label": "D"}, {"source": 14, "target": 2, "label": "P"}, {"source": 15, "target": 7, "label": "L"}, {"source": 14, "target": 17, "label": "A"}, {"source": 16, "target": 3, "label": "R"}, {"source": 19, "target": 10, "label": "E"}]} +{"id": "376320-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I work for a large retail company recently expanding our operations into Canada and had to travel to ensure all of our computer network equipment was installed properly and on time.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 90}]}, {"id": 16, "anchors": [{"from": 91, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 100}]}, {"id": 18, "anchors": [{"from": 101, "to": 107}]}, {"id": 19, "anchors": [{"from": 108, "to": 111}]}, {"id": 20, "anchors": [{"from": 112, "to": 114}]}, {"id": 21, "anchors": [{"from": 115, "to": 118}]}, {"id": 22, "anchors": [{"from": 119, "to": 127}]}, {"id": 23, "anchors": [{"from": 128, "to": 135}]}, {"id": 24, "anchors": [{"from": 136, "to": 145}]}, {"id": 25, "anchors": [{"from": 146, "to": 149}]}, {"id": 26, "anchors": [{"from": 150, "to": 159}]}, {"id": 27, "anchors": [{"from": 160, "to": 168}]}, {"id": 28, "anchors": [{"from": 169, "to": 172}]}, {"id": 29, "anchors": [{"from": 173, "to": 175}]}, {"id": 30, "anchors": [{"from": 176, "to": 180}]}, {"id": 31, "anchors": [{"from": 180, "to": 181}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 33, "target": 13, "label": "L"}, {"source": 33, "target": 25, "label": "L"}, {"source": 42, "target": 30, "label": "C"}, {"source": 37, "target": 15, "label": "F"}, {"source": 34, "target": 4, "label": "E"}, {"source": 40, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 33, "target": 32, "label": "H"}, {"source": 37, "target": 39, "label": "A"}, {"source": 33, "target": 37, "label": "H"}, {"source": 38, "target": 20, "label": "R"}, {"source": 39, "target": 22, "label": "E"}, {"source": 32, "target": 8, "label": "D"}, {"source": 39, "target": 24, "label": "C"}, {"source": 34, "target": 5, "label": "E"}, {"source": 32, "target": 7, "label": "D"}, {"source": 37, "target": 16, "label": "D"}, {"source": 41, "target": 42, "label": "C"}, {"source": 33, "target": 40, "label": "H"}, {"source": 36, "target": 11, "label": "R"}, {"source": 32, "target": 34, "label": "A"}, {"source": 37, "target": 17, "label": "F"}, {"source": 38, "target": 19, "label": "C"}, {"source": 35, "target": 10, "label": "C"}, {"source": 37, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 6, "label": "C"}, {"source": 39, "target": 38, "label": "E"}, {"source": 35, "target": 9, "label": "E"}, {"source": 37, "target": 18, "label": "P"}, {"source": 34, "target": 3, "label": "E"}, {"source": 37, "target": 14, "label": "D"}, {"source": 39, "target": 21, "label": "E"}, {"source": 41, "target": 27, "label": "C"}, {"source": 32, "target": 1, "label": "P"}, {"source": 32, "target": 0, "label": "A"}, {"source": 39, "target": 23, "label": "E"}, {"source": 36, "target": 12, "label": "C"}, {"source": 42, "target": 31, "label": "U"}, {"source": 40, "target": 26, "label": "P"}, {"source": 32, "target": 36, "label": "A"}, {"source": 40, "target": 41, "label": "D"}, {"source": 34, "target": 2, "label": "R"}, {"source": 41, "target": 28, "label": "N"}, {"source": 42, "target": 29, "label": "R"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "376320-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This can tend to be a stressful experience in itself let alone adding crossing boarders for the first time.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 87}]}, {"id": 15, "anchors": [{"from": 88, "to": 91}]}, {"id": 16, "anchors": [{"from": 92, "to": 95}]}, {"id": 17, "anchors": [{"from": 96, "to": 101}]}, {"id": 18, "anchors": [{"from": 102, "to": 106}]}, {"id": 19, "anchors": [{"from": 106, "to": 107}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 13, "label": "E"}, {"source": 20, "target": 22, "label": "P"}, {"source": 21, "target": 28, "label": "D"}, {"source": 28, "target": 17, "label": "E"}, {"source": 20, "target": 26, "label": "A"}, {"source": 24, "target": 5, "label": "E"}, {"source": 21, "target": 20, "label": "H"}, {"source": 28, "target": 18, "label": "C"}, {"source": 23, "target": 25, "label": "A"}, {"source": 22, "target": 1, "label": "F"}, {"source": 23, "target": 4, "label": "S"}, {"source": 25, "target": 9, "label": "C"}, {"source": 23, "target": 10, "label": "D"}, {"source": 28, "target": 15, "label": "R"}, {"source": 26, "target": 27, "label": "A"}, {"source": 26, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "D"}, {"source": 20, "target": 23, "label": "A"}, {"source": 25, "target": 8, "label": "R"}, {"source": 27, "target": 14, "label": "C"}, {"source": 24, "target": 6, "label": "E"}, {"source": 26, "target": 12, "label": "P"}, {"source": 20, "target": 0, "label": "A"}, {"source": 22, "target": 2, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 21, "target": 19, "label": "U"}, {"source": 23, "target": 3, "label": "F"}, {"source": 24, "target": 7, "label": "C"}]} +{"id": "376320-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was very pleased to find my accommodations and the hotel staff to be a very calming and comforting part of my trip.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 58}]}, {"id": 11, "anchors": [{"from": 59, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 100}]}, {"id": 19, "anchors": [{"from": 101, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 116}]}, {"id": 23, "anchors": [{"from": 116, "to": 117}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 32, "target": 34, "label": "C"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 14, "label": "E"}, {"source": 33, "target": 32, "label": "C"}, {"source": 24, "target": 25, "label": "H"}, {"source": 33, "target": 20, "label": "R"}, {"source": 31, "target": 21, "label": "E"}, {"source": 29, "target": 9, "label": "E"}, {"source": 31, "target": 22, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 34, "target": 18, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 25, "target": 2, "label": "D"}, {"source": 32, "target": 15, "label": "E"}, {"source": 26, "target": 5, "label": "P"}, {"source": 27, "target": 6, "label": "E"}, {"source": 30, "target": 12, "label": "F"}, {"source": 31, "target": 33, "label": "E"}, {"source": 31, "target": 23, "label": "U"}, {"source": 28, "target": 27, "label": "C"}, {"source": 25, "target": 1, "label": "F"}, {"source": 30, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 7, "label": "C"}, {"source": 28, "target": 8, "label": "N"}, {"source": 34, "target": 16, "label": "C"}, {"source": 29, "target": 11, "label": "C"}, {"source": 26, "target": 4, "label": "F"}, {"source": 25, "target": 3, "label": "S"}, {"source": 30, "target": 13, "label": "P"}, {"source": 29, "target": 10, "label": "E"}, {"source": 30, "target": 31, "label": "A"}, {"source": 31, "target": 19, "label": "C"}, {"source": 28, "target": 29, "label": "C"}, {"source": 34, "target": 17, "label": "N"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "376320-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I found the hotel to be amazingly clean, not to mention very well adorned with many pleasant surprises.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 102}]}, {"id": 19, "anchors": [{"from": 102, "to": 103}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 24, "target": 9, "label": "D"}, {"source": 21, "target": 8, "label": "U"}, {"source": 24, "target": 25, "label": "D"}, {"source": 27, "target": 15, "label": "R"}, {"source": 27, "target": 17, "label": "E"}, {"source": 26, "target": 14, "label": "P"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 22, "target": 2, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 26, "label": "A"}, {"source": 22, "target": 3, "label": "C"}, {"source": 27, "target": 16, "label": "E"}, {"source": 24, "target": 10, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 7, "label": "A"}, {"source": 20, "target": 23, "label": "A"}, {"source": 23, "target": 6, "label": "D"}, {"source": 20, "target": 1, "label": "P"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 4, "label": "F"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "P"}, {"source": 23, "target": 5, "label": "S"}, {"source": 27, "target": 18, "label": "C"}, {"source": 25, "target": 12, "label": "E"}, {"source": 27, "target": 19, "label": "U"}]} +{"id": "376320-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I completely enjoyed my whole check in experience and was impressed with the friendliness and professionalism of the staff as well as the accommodations themselves.", "tops": [25], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 89}]}, {"id": 14, "anchors": [{"from": 90, "to": 93}]}, {"id": 15, "anchors": [{"from": 94, "to": 109}]}, {"id": 16, "anchors": [{"from": 110, "to": 112}]}, {"id": 17, "anchors": [{"from": 113, "to": 116}]}, {"id": 18, "anchors": [{"from": 117, "to": 122}]}, {"id": 19, "anchors": [{"from": 123, "to": 125}, {"from": 126, "to": 130}, {"from": 131, "to": 133}]}, {"id": 20, "anchors": [{"from": 134, "to": 137}]}, {"id": 21, "anchors": [{"from": 138, "to": 152}]}, {"id": 22, "anchors": [{"from": 153, "to": 163}]}, {"id": 23, "anchors": [{"from": 163, "to": 164}]}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 24, "label": "H"}, {"source": 31, "target": 16, "label": "R"}, {"source": 24, "target": 1, "label": "D"}, {"source": 30, "target": 14, "label": "N"}, {"source": 32, "target": 22, "label": "C"}, {"source": 32, "target": 20, "label": "E"}, {"source": 31, "target": 17, "label": "E"}, {"source": 25, "target": 28, "label": "H"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 3, "label": "A"}, {"source": 27, "target": 6, "label": "R"}, {"source": 26, "target": 5, "label": "P"}, {"source": 30, "target": 13, "label": "C"}, {"source": 24, "target": 0, "label": "A"}, {"source": 24, "target": 26, "label": "A"}, {"source": 26, "target": 4, "label": "E"}, {"source": 29, "target": 31, "label": "E"}, {"source": 28, "target": 10, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 26, "target": 27, "label": "A"}, {"source": 27, "target": 7, "label": "C"}, {"source": 28, "target": 32, "label": "A"}, {"source": 28, "target": 9, "label": "F"}, {"source": 31, "target": 18, "label": "C"}, {"source": 29, "target": 12, "label": "E"}, {"source": 32, "target": 21, "label": "E"}, {"source": 32, "target": 23, "label": "U"}, {"source": 29, "target": 11, "label": "R"}, {"source": 30, "target": 15, "label": "C"}, {"source": 25, "target": 8, "label": "L"}, {"source": 32, "target": 19, "label": "R"}, {"source": 24, "target": 2, "label": "P"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "376320-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will be traveling in this area in the future and you can be assured that this experience will be helpful in my choice of hotels and Novotel will be my first selection.", "tops": [35], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 90}]}, {"id": 18, "anchors": [{"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 106}]}, {"id": 21, "anchors": [{"from": 107, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 119}]}, {"id": 24, "anchors": [{"from": 120, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 129}]}, {"id": 26, "anchors": [{"from": 130, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 141}]}, {"id": 28, "anchors": [{"from": 142, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 149}]}, {"id": 30, "anchors": [{"from": 150, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 158}]}, {"id": 32, "anchors": [{"from": 159, "to": 168}]}, {"id": 33, "anchors": [{"from": 168, "to": 169}]}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 38, "target": 39, "label": "A"}, {"source": 35, "target": 38, "label": "H"}, {"source": 34, "target": 1, "label": "F"}, {"source": 34, "target": 36, "label": "A"}, {"source": 34, "target": 3, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 43, "label": "C"}, {"source": 38, "target": 13, "label": "F"}, {"source": 44, "target": 45, "label": "C"}, {"source": 39, "target": 19, "label": "S"}, {"source": 35, "target": 10, "label": "L"}, {"source": 42, "target": 21, "label": "R"}, {"source": 45, "target": 27, "label": "C"}, {"source": 45, "target": 25, "label": "C"}, {"source": 38, "target": 11, "label": "A"}, {"source": 44, "target": 24, "label": "R"}, {"source": 38, "target": 14, "label": "P"}, {"source": 36, "target": 6, "label": "C"}, {"source": 39, "target": 15, "label": "F"}, {"source": 39, "target": 28, "label": "F"}, {"source": 41, "target": 20, "label": "S"}, {"source": 39, "target": 29, "label": "F"}, {"source": 37, "target": 8, "label": "E"}, {"source": 46, "target": 30, "label": "E"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 23, "label": "P"}, {"source": 46, "target": 32, "label": "C"}, {"source": 39, "target": 46, "label": "D"}, {"source": 39, "target": 41, "label": "A"}, {"source": 40, "target": 17, "label": "C"}, {"source": 36, "target": 5, "label": "E"}, {"source": 36, "target": 4, "label": "R"}, {"source": 37, "target": 9, "label": "C"}, {"source": 46, "target": 31, "label": "E"}, {"source": 34, "target": 2, "label": "F"}, {"source": 37, "target": 7, "label": "R"}, {"source": 34, "target": 0, "label": "A"}, {"source": 43, "target": 22, "label": "A"}, {"source": 40, "target": 16, "label": "E"}, {"source": 46, "target": 33, "label": "U"}, {"source": 39, "target": 18, "label": "F"}, {"source": 35, "target": 34, "label": "H"}, {"source": 38, "target": 12, "label": "D"}, {"source": 45, "target": 26, "label": "N"}, {"source": 34, "target": 37, "label": "D"}]} +{"id": "376320-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Please pass my appreciation to the Staff and Management for their excellent hospitality and good spirits as it helped make a stressful trip enjoyable.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 75}]}, {"id": 12, "anchors": [{"from": 76, "to": 87}]}, {"id": 13, "anchors": [{"from": 88, "to": 91}]}, {"id": 14, "anchors": [{"from": 92, "to": 96}]}, {"id": 15, "anchors": [{"from": 97, "to": 104}]}, {"id": 16, "anchors": [{"from": 105, "to": 107}]}, {"id": 17, "anchors": [{"from": 108, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 117}]}, {"id": 19, "anchors": [{"from": 118, "to": 122}]}, {"id": 20, "anchors": [{"from": 123, "to": 124}]}, {"id": 21, "anchors": [{"from": 125, "to": 134}]}, {"id": 22, "anchors": [{"from": 135, "to": 139}]}, {"id": 23, "anchors": [{"from": 140, "to": 149}]}, {"id": 24, "anchors": [{"from": 149, "to": 150}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 29, "target": 6, "label": "C"}, {"source": 28, "target": 30, "label": "C"}, {"source": 32, "target": 34, "label": "P"}, {"source": 37, "target": 23, "label": "C"}, {"source": 37, "target": 21, "label": "E"}, {"source": 25, "target": 28, "label": "A"}, {"source": 30, "target": 7, "label": "N"}, {"source": 30, "target": 8, "label": "C"}, {"source": 30, "target": 29, "label": "C"}, {"source": 35, "target": 15, "label": "C"}, {"source": 28, "target": 4, "label": "R"}, {"source": 31, "target": 32, "label": "C"}, {"source": 31, "target": 9, "label": "R"}, {"source": 37, "target": 20, "label": "E"}, {"source": 25, "target": 27, "label": "A"}, {"source": 26, "target": 36, "label": "H"}, {"source": 26, "target": 25, "label": "H"}, {"source": 27, "target": 2, "label": "E"}, {"source": 36, "target": 17, "label": "A"}, {"source": 32, "target": 10, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 34, "target": 33, "label": "C"}, {"source": 37, "target": 24, "label": "U"}, {"source": 25, "target": 1, "label": "P"}, {"source": 35, "target": 14, "label": "E"}, {"source": 25, "target": 31, "label": "A"}, {"source": 36, "target": 18, "label": "D"}, {"source": 26, "target": 16, "label": "L"}, {"source": 29, "target": 5, "label": "E"}, {"source": 27, "target": 3, "label": "C"}, {"source": 37, "target": 22, "label": "E"}, {"source": 36, "target": 19, "label": "P"}, {"source": 34, "target": 35, "label": "C"}, {"source": 33, "target": 11, "label": "E"}, {"source": 33, "target": 12, "label": "C"}, {"source": 25, "target": 0, "label": "A"}, {"source": 34, "target": 13, "label": "N"}]} +{"id": "376503-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I interviewed several contractors for a kitchen remodel.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 37}]}, {"id": 5, "anchors": [{"from": 38, "to": 39}]}, {"id": 6, "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 55}]}, {"id": 8, "anchors": [{"from": 55, "to": 56}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 5, "label": "E"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 12, "label": "A"}, {"source": 12, "target": 7, "label": "C"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 6, "label": "E"}, {"source": 12, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 11, "target": 2, "label": "E"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 3, "label": "C"}]} +{"id": "376503-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Liberty construction shows up and it's two guys...all I get is 100% sales pitch \"We're the best...we're number 50 so we must be doing something right...look at all these certificates that say we're great\".", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 20}]}, {"id": 2, "anchors": [{"from": 21, "to": 26}, {"from": 27, "to": 29}]}, {"id": 3, "anchors": [{"from": 30, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 36}]}, {"id": 5, "anchors": [{"from": 36, "to": 38}]}, {"id": 6, "anchors": [{"from": 39, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "anchors": [{"from": 66, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 83}, {"from": 83, "to": 86}, {"from": 87, "to": 90}, {"from": 91, "to": 95}]}, {"id": 19, "anchors": [{"from": 95, "to": 98}]}, {"id": 20, "anchors": [{"from": 98, "to": 100}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 110}]}, {"id": 23, "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "anchors": [{"from": 114, "to": 116}]}, {"id": 25, "anchors": [{"from": 117, "to": 119}]}, {"id": 26, "anchors": [{"from": 120, "to": 124}]}, {"id": 27, "anchors": [{"from": 125, "to": 127}]}, {"id": 28, "anchors": [{"from": 128, "to": 133}]}, {"id": 29, "anchors": [{"from": 134, "to": 143}]}, {"id": 30, "anchors": [{"from": 144, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 152}]}, {"id": 32, "anchors": [{"from": 152, "to": 156}]}, {"id": 33, "anchors": [{"from": 157, "to": 159}]}, {"id": 34, "anchors": [{"from": 160, "to": 163}]}, {"id": 35, "anchors": [{"from": 164, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 182}]}, {"id": 37, "anchors": [{"from": 183, "to": 187}]}, {"id": 38, "anchors": [{"from": 188, "to": 191}]}, {"id": 39, "anchors": [{"from": 192, "to": 194}]}, {"id": 40, "anchors": [{"from": 194, "to": 197}]}, {"id": 41, "anchors": [{"from": 198, "to": 203}]}, {"id": 42, "anchors": [{"from": 203, "to": 204}]}, {"id": 43, "anchors": [{"from": 204, "to": 205}]}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}], "edges": [{"source": 56, "target": 57, "label": "E"}, {"source": 54, "target": 23, "label": "E"}, {"source": 56, "target": 35, "label": "E"}, {"source": 50, "target": 53, "label": "A"}, {"source": 49, "target": 12, "label": "F"}, {"source": 44, "target": 1, "label": "E"}, {"source": 54, "target": 22, "label": "C"}, {"source": 58, "target": 40, "label": "C"}, {"source": 48, "target": 7, "label": "C"}, {"source": 55, "target": 25, "label": "A"}, {"source": 45, "target": 24, "label": "L"}, {"source": 52, "target": 16, "label": "C"}, {"source": 45, "target": 8, "label": "U"}, {"source": 57, "target": 42, "label": "U"}, {"source": 45, "target": 55, "label": "H"}, {"source": 50, "target": 10, "label": "A"}, {"source": 58, "target": 39, "label": "E"}, {"source": 52, "target": 51, "label": "E"}, {"source": 56, "target": 34, "label": "E"}, {"source": 45, "target": 3, "label": "L"}, {"source": 50, "target": 9, "label": "A"}, {"source": 47, "target": 48, "label": "A"}, {"source": 57, "target": 41, "label": "A"}, {"source": 56, "target": 36, "label": "C"}, {"source": 50, "target": 19, "label": "U"}, {"source": 51, "target": 13, "label": "C"}, {"source": 55, "target": 27, "label": "F"}, {"source": 47, "target": 5, "label": "S"}, {"source": 57, "target": 38, "label": "P"}, {"source": 51, "target": 15, "label": "C"}, {"source": 49, "target": 52, "label": "A"}, {"source": 46, "target": 44, "label": "A"}, {"source": 45, "target": 46, "label": "H"}, {"source": 46, "target": 32, "label": "P"}, {"source": 48, "target": 6, "label": "E"}, {"source": 52, "target": 18, "label": "C"}, {"source": 53, "target": 54, "label": "A"}, {"source": 57, "target": 36, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 0, "label": "E"}, {"source": 46, "target": 31, "label": "U"}, {"source": 44, "target": 2, "label": "C"}, {"source": 55, "target": 28, "label": "P"}, {"source": 49, "target": 50, "label": "A"}, {"source": 45, "target": 49, "label": "H"}, {"source": 47, "target": 4, "label": "A"}, {"source": 57, "target": 43, "label": "U"}, {"source": 51, "target": 14, "label": "U"}, {"source": 57, "target": 58, "label": "A"}, {"source": 55, "target": 29, "label": "D"}, {"source": 57, "target": 37, "label": "F"}, {"source": 55, "target": 30, "label": "D"}, {"source": 46, "target": 56, "label": "A"}, {"source": 53, "target": 21, "label": "S"}, {"source": 56, "target": 33, "label": "R"}, {"source": 45, "target": 47, "label": "H"}, {"source": 49, "target": 11, "label": "P"}, {"source": 55, "target": 26, "label": "D"}, {"source": 52, "target": 17, "label": "U"}, {"source": 53, "target": 20, "label": "A"}]} +{"id": "376503-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Not once did I feel listened to like they actually cared about what I wanted, all they were interested in was me signing a contract right then and there.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 109}]}, {"id": 22, "anchors": [{"from": 110, "to": 112}]}, {"id": 23, "anchors": [{"from": 113, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 122}]}, {"id": 25, "anchors": [{"from": 123, "to": 131}]}, {"id": 26, "anchors": [{"from": 132, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 146}]}, {"id": 29, "anchors": [{"from": 147, "to": 152}]}, {"id": 30, "anchors": [{"from": 152, "to": 153}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}], "edges": [{"source": 33, "target": 15, "label": "U"}, {"source": 34, "target": 36, "label": "A"}, {"source": 39, "target": 12, "label": "F"}, {"source": 44, "target": 23, "label": "P"}, {"source": 39, "target": 14, "label": "P"}, {"source": 31, "target": 1, "label": "C"}, {"source": 43, "target": 20, "label": "R"}, {"source": 31, "target": 0, "label": "E"}, {"source": 33, "target": 41, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 41, "target": 40, "label": "A"}, {"source": 40, "target": 16, "label": "R"}, {"source": 32, "target": 31, "label": "D"}, {"source": 45, "target": 25, "label": "C"}, {"source": 37, "target": 38, "label": "A"}, {"source": 36, "target": 7, "label": "R"}, {"source": 46, "target": 47, "label": "R"}, {"source": 42, "target": 19, "label": "S"}, {"source": 44, "target": 46, "label": "D"}, {"source": 32, "target": 34, "label": "A"}, {"source": 38, "target": 39, "label": "C"}, {"source": 40, "target": 42, "label": "C"}, {"source": 44, "target": 22, "label": "A"}, {"source": 43, "target": 3, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 43, "target": 21, "label": "F"}, {"source": 41, "target": 44, "label": "A"}, {"source": 47, "target": 28, "label": "N"}, {"source": 34, "target": 4, "label": "G"}, {"source": 32, "target": 2, "label": "F"}, {"source": 46, "target": 26, "label": "R"}, {"source": 39, "target": 13, "label": "A"}, {"source": 37, "target": 9, "label": "D"}, {"source": 42, "target": 18, "label": "F"}, {"source": 42, "target": 17, "label": "A"}, {"source": 37, "target": 8, "label": "A"}, {"source": 38, "target": 11, "label": "R"}, {"source": 47, "target": 29, "label": "C"}, {"source": 34, "target": 3, "label": "A"}, {"source": 34, "target": 35, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 35, "target": 6, "label": "R"}, {"source": 35, "target": 5, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 37, "target": 10, "label": "P"}, {"source": 47, "target": 27, "label": "C"}, {"source": 36, "target": 37, "label": "C"}, {"source": 47, "target": 30, "label": "U"}, {"source": 45, "target": 24, "label": "E"}]} +{"id": "376503-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very high pressured sales and with the reviews of many others bad service.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 73}]}, {"id": 13, "anchors": [{"from": 73, "to": 74}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 16, "target": 1, "label": "E"}, {"source": 18, "target": 12, "label": "C"}, {"source": 14, "target": 3, "label": "C"}, {"source": 17, "target": 18, "label": "E"}, {"source": 18, "target": 13, "label": "U"}, {"source": 18, "target": 10, "label": "E"}, {"source": 14, "target": 15, "label": "E"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 11, "label": "E"}, {"source": 15, "target": 16, "label": "C"}, {"source": 18, "target": 8, "label": "R"}, {"source": 17, "target": 7, "label": "C"}, {"source": 15, "target": 2, "label": "C"}, {"source": 18, "target": 9, "label": "E"}, {"source": 16, "target": 0, "label": "E"}, {"source": 17, "target": 5, "label": "R"}, {"source": 16, "target": 4, "label": "N"}, {"source": 16, "target": 17, "label": "C"}]} +{"id": "376503-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Find someone you trust that actually hears you and wants to do the job right.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 76, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 9, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 2, "label": "A"}, {"source": 20, "target": 5, "label": "D"}, {"source": 18, "target": 1, "label": "C"}, {"source": 20, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 0, "label": "P"}, {"source": 17, "target": 8, "label": "L"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 15, "label": "U"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 12, "label": "E"}, {"source": 20, "target": 6, "label": "P"}, {"source": 19, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 18, "target": 19, "label": "E"}, {"source": 22, "target": 14, "label": "R"}, {"source": 19, "target": 3, "label": "P"}, {"source": 20, "target": 7, "label": "A"}, {"source": 20, "target": 4, "label": "F"}, {"source": 22, "target": 13, "label": "C"}, {"source": 17, "target": 21, "label": "H"}]} +{"id": "377347-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Craft Wonderland with History", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 16}]}, {"id": 1, "anchors": [{"from": 17, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 6, "target": 1, "label": "R"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "C"}, {"source": 6, "target": 2, "label": "C"}, {"source": 5, "target": 6, "label": "E"}]} +{"id": "377347-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My first visit was so fun yesterday.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 8, "target": 0, "label": "E"}, {"source": 12, "target": 11, "label": "E"}, {"source": 12, "target": 7, "label": "U"}, {"source": 8, "target": 1, "label": "E"}, {"source": 10, "target": 12, "label": "A"}, {"source": 11, "target": 5, "label": "C"}, {"source": 8, "target": 2, "label": "C"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 4, "label": "E"}, {"source": 10, "target": 8, "label": "A"}, {"source": 12, "target": 6, "label": "C"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "377347-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I could have stayed all day and not seen all the things.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 55}]}, {"id": 12, "anchors": [{"from": 55, "to": 56}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 4, "label": "E"}, {"source": 17, "target": 9, "label": "E"}, {"source": 13, "target": 2, "label": "F"}, {"source": 17, "target": 10, "label": "E"}, {"source": 14, "target": 6, "label": "L"}, {"source": 13, "target": 1, "label": "D"}, {"source": 17, "target": 12, "label": "U"}, {"source": 15, "target": 5, "label": "C"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "P"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "P"}, {"source": 16, "target": 7, "label": "D"}, {"source": 16, "target": 17, "label": "A"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 15, "label": "D"}, {"source": 17, "target": 11, "label": "C"}]} +{"id": "377347-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I am doing origami jewelry and found exactly the right things for earrings and got many other ideas there too.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 99}]}, {"id": 18, "anchors": [{"from": 100, "to": 105}]}, {"id": 19, "anchors": [{"from": 106, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 27, "target": 14, "label": "P"}, {"source": 24, "target": 25, "label": "A"}, {"source": 28, "target": 17, "label": "C"}, {"source": 26, "target": 11, "label": "R"}, {"source": 25, "target": 9, "label": "E"}, {"source": 22, "target": 5, "label": "L"}, {"source": 27, "target": 18, "label": "A"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 1, "label": "F"}, {"source": 25, "target": 10, "label": "C"}, {"source": 25, "target": 26, "label": "E"}, {"source": 25, "target": 8, "label": "E"}, {"source": 24, "target": 6, "label": "P"}, {"source": 28, "target": 15, "label": "E"}, {"source": 22, "target": 13, "label": "L"}, {"source": 21, "target": 2, "label": "P"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "E"}, {"source": 24, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 24, "label": "H"}, {"source": 27, "target": 19, "label": "D"}, {"source": 23, "target": 4, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 25, "target": 7, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 28, "target": 16, "label": "E"}, {"source": 26, "target": 12, "label": "C"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "377347-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I bought a beginners quilling set and like making the filigree forms you can make and add to other crafts.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 105}]}, {"id": 21, "anchors": [{"from": 105, "to": 106}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 5, "label": "E"}, {"source": 29, "target": 31, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 31, "target": 21, "label": "U"}, {"source": 31, "target": 20, "label": "C"}, {"source": 24, "target": 3, "label": "C"}, {"source": 31, "target": 19, "label": "E"}, {"source": 22, "target": 1, "label": "P"}, {"source": 23, "target": 7, "label": "L"}, {"source": 30, "target": 17, "label": "C"}, {"source": 28, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 10, "label": "E"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 8, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 29, "target": 12, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 9, "label": "P"}, {"source": 25, "target": 4, "label": "R"}, {"source": 28, "target": 12, "label": "C"}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 6, "label": "C"}, {"source": 29, "target": 30, "label": "P"}, {"source": 24, "target": 2, "label": "E"}, {"source": 30, "target": 15, "label": "C"}, {"source": 27, "target": 28, "label": "A"}, {"source": 30, "target": 14, "label": "F"}, {"source": 30, "target": 16, "label": "N"}, {"source": 31, "target": 18, "label": "R"}, {"source": 29, "target": 13, "label": "A"}, {"source": 28, "target": 29, "label": "E"}]} +{"id": "377347-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The owner, Jean, has been there 31 years!", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 16}]}, {"id": 5, "anchors": [{"from": 17, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "anchors": [{"from": 40, "to": 41}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 1, "label": "C"}, {"source": 14, "target": 12, "label": "A"}, {"source": 14, "target": 15, "label": "D"}, {"source": 12, "target": 11, "label": "E"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 9, "label": "C"}, {"source": 11, "target": 0, "label": "E"}, {"source": 14, "target": 4, "label": "U"}, {"source": 14, "target": 7, "label": "P"}, {"source": 12, "target": 2, "label": "U"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 6, "label": "F"}, {"source": 15, "target": 8, "label": "E"}, {"source": 12, "target": 3, "label": "C"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "377347-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "What a history.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "R"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "377347-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She is a super sweet, lovable and well-informed woman with a great sense of humor.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 21}]}, {"id": 6, "anchors": [{"from": 22, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 39, "to": 47}]}, {"id": 11, "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 75}]}, {"id": 17, "anchors": [{"from": 76, "to": 81}]}, {"id": 18, "anchors": [{"from": 81, "to": 82}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 23, "target": 9, "label": "U"}, {"source": 24, "target": 13, "label": "E"}, {"source": 23, "target": 11, "label": "A"}, {"source": 22, "target": 5, "label": "U"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 22, "label": "C"}, {"source": 23, "target": 10, "label": "P"}, {"source": 24, "target": 12, "label": "R"}, {"source": 20, "target": 1, "label": "S"}, {"source": 24, "target": 15, "label": "C"}, {"source": 21, "target": 2, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 22, "target": 7, "label": "N"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 8, "label": "D"}, {"source": 25, "target": 18, "label": "U"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 21, "target": 3, "label": "E"}, {"source": 23, "target": 24, "label": "A"}, {"source": 22, "target": 4, "label": "C"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "R"}, {"source": 22, "target": 6, "label": "C"}]} +{"id": "377347-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I really enjoyed meeting her and happy to learn she comes from Oklahoma and has the values of a solid no bs country girl.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 101}]}, {"id": 20, "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "anchors": [{"from": 105, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 115}]}, {"id": 23, "anchors": [{"from": 116, "to": 120}]}, {"id": 24, "anchors": [{"from": 120, "to": 121}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 26, "target": 31, "label": "H"}, {"source": 32, "target": 16, "label": "C"}, {"source": 29, "target": 9, "label": "A"}, {"source": 27, "target": 6, "label": "C"}, {"source": 25, "target": 28, "label": "A"}, {"source": 31, "target": 14, "label": "S"}, {"source": 25, "target": 2, "label": "D"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 15, "label": "E"}, {"source": 33, "target": 24, "label": "U"}, {"source": 33, "target": 23, "label": "C"}, {"source": 27, "target": 4, "label": "C"}, {"source": 33, "target": 18, "label": "E"}, {"source": 33, "target": 21, "label": "E"}, {"source": 25, "target": 0, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 30, "target": 10, "label": "C"}, {"source": 26, "target": 25, "label": "H"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 12, "label": "A"}, {"source": 26, "target": 13, "label": "L"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 33, "label": "E"}, {"source": 33, "target": 22, "label": "E"}, {"source": 33, "target": 17, "label": "R"}, {"source": 33, "target": 20, "label": "E"}, {"source": 33, "target": 19, "label": "E"}, {"source": 29, "target": 30, "label": "P"}, {"source": 30, "target": 11, "label": "R"}, {"source": 28, "target": 7, "label": "F"}, {"source": 25, "target": 1, "label": "D"}, {"source": 27, "target": 5, "label": "N"}, {"source": 25, "target": 3, "label": "P"}, {"source": 31, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 8, "label": "P"}]} +{"id": "377347-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This store is a real gem and has much to offer the serious crafter or the occasional crafter.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 69}]}, {"id": 15, "anchors": [{"from": 70, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 92}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 19, "label": "A"}, {"source": 25, "target": 11, "label": "E"}, {"source": 27, "target": 17, "label": "C"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 6, "label": "L"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 13, "label": "C"}, {"source": 24, "target": 10, "label": "P"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 9, "label": "F"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 21, "target": 23, "label": "H"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 14, "label": "N"}, {"source": 22, "target": 5, "label": "C"}, {"source": 20, "target": 22, "label": "A"}, {"source": 23, "target": 8, "label": "D"}, {"source": 22, "target": 4, "label": "E"}, {"source": 22, "target": 3, "label": "E"}, {"source": 26, "target": 25, "label": "C"}, {"source": 20, "target": 2, "label": "S"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 15, "label": "E"}, {"source": 25, "target": 12, "label": "E"}, {"source": 26, "target": 27, "label": "C"}]} +{"id": "377347-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "By the way, Salmagundi (the store name) means something like smorgasbord; potpourri; motley; variety; mixed bag; miscellaneous assortment; mixture, a variety of many kinds of things.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 38}]}, {"id": 9, "anchors": [{"from": 38, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "anchors": [{"from": 56, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 72}]}, {"id": 14, "anchors": [{"from": 72, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 91}]}, {"id": 18, "anchors": [{"from": 91, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 111}]}, {"id": 23, "anchors": [{"from": 111, "to": 112}]}, {"id": 24, "anchors": [{"from": 113, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 146}]}, {"id": 28, "anchors": [{"from": 146, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 149}]}, {"id": 30, "anchors": [{"from": 150, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 165}]}, {"id": 33, "anchors": [{"from": 166, "to": 171}]}, {"id": 34, "anchors": [{"from": 172, "to": 174}]}, {"id": 35, "anchors": [{"from": 175, "to": 181}]}, {"id": 36, "anchors": [{"from": 181, "to": 182}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 54, "target": 34, "label": "R"}, {"source": 54, "target": 35, "label": "C"}, {"source": 46, "target": 49, "label": "C"}, {"source": 53, "target": 54, "label": "E"}, {"source": 50, "target": 25, "label": "C"}, {"source": 49, "target": 23, "label": "U"}, {"source": 42, "target": 10, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 47, "target": 51, "label": "A"}, {"source": 38, "target": 39, "label": "H"}, {"source": 41, "target": 6, "label": "E"}, {"source": 51, "target": 27, "label": "C"}, {"source": 40, "target": 41, "label": "E"}, {"source": 39, "target": 37, "label": "D"}, {"source": 37, "target": 1, "label": "E"}, {"source": 46, "target": 20, "label": "U"}, {"source": 40, "target": 5, "label": "U"}, {"source": 51, "target": 28, "label": "U"}, {"source": 52, "target": 30, "label": "C"}, {"source": 54, "target": 36, "label": "U"}, {"source": 50, "target": 24, "label": "E"}, {"source": 43, "target": 44, "label": "E"}, {"source": 51, "target": 52, "label": "E"}, {"source": 44, "target": 13, "label": "C"}, {"source": 48, "target": 22, "label": "C"}, {"source": 49, "target": 50, "label": "C"}, {"source": 37, "target": 0, "label": "R"}, {"source": 43, "target": 11, "label": "C"}, {"source": 45, "target": 16, "label": "U"}, {"source": 40, "target": 14, "label": "U"}, {"source": 53, "target": 31, "label": "R"}, {"source": 45, "target": 47, "label": "E"}, {"source": 53, "target": 32, "label": "E"}, {"source": 49, "target": 48, "label": "C"}, {"source": 48, "target": 21, "label": "E"}, {"source": 40, "target": 42, "label": "E"}, {"source": 53, "target": 33, "label": "C"}, {"source": 52, "target": 53, "label": "E"}, {"source": 45, "target": 18, "label": "U"}, {"source": 37, "target": 2, "label": "C"}, {"source": 39, "target": 3, "label": "U"}, {"source": 47, "target": 46, "label": "E"}, {"source": 52, "target": 29, "label": "E"}, {"source": 41, "target": 8, "label": "C"}, {"source": 42, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 40, "target": 4, "label": "C"}, {"source": 42, "target": 43, "label": "A"}, {"source": 47, "target": 26, "label": "U"}, {"source": 40, "target": 9, "label": "U"}, {"source": 40, "target": 45, "label": "E"}, {"source": 44, "target": 12, "label": "R"}, {"source": 46, "target": 19, "label": "C"}, {"source": 45, "target": 15, "label": "C"}, {"source": 45, "target": 17, "label": "C"}, {"source": 41, "target": 7, "label": "E"}]} +{"id": "377347-0012", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great name for a great store!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 28, "to": 29}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 2, "label": "R"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "377347-0013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Shop Local!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 10}]}, {"id": 1, "anchors": [{"from": 10, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "A"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}]} +{"id": "377347-0014", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Barbara Quimba 1/30/10", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 14}, {"from": 15, "to": 22}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "379701-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "VERYYYY!!!! VERYYY!! Good auto repair men.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 41, "to": 42}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 10, "target": 11, "label": "H"}, {"source": 9, "target": 2, "label": "C"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "U"}, {"source": 13, "target": 4, "label": "E"}, {"source": 13, "target": 6, "label": "E"}, {"source": 13, "target": 5, "label": "E"}, {"source": 13, "target": 7, "label": "C"}, {"source": 11, "target": 0, "label": "S", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 13, "label": "E"}, {"source": 9, "target": 0, "label": "C"}, {"source": 12, "target": 3, "label": "U"}, {"source": 12, "target": 9, "label": "E"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "379701-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Would 100% recomend to others for a great service.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "anchors": [{"from": 49, "to": 50}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 14, "target": 5, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 3, "label": "C"}, {"source": 13, "target": 2, "label": "U"}, {"source": 15, "target": 6, "label": "R"}, {"source": 15, "target": 9, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 1, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 15, "target": 7, "label": "E"}, {"source": 14, "target": 4, "label": "R"}, {"source": 12, "target": 0, "label": "P"}, {"source": 15, "target": 8, "label": "E"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "379701-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank You Barrys Auto Tech!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}, {"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}, {"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 5, "target": 1, "label": "C"}, {"source": 8, "target": 4, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 2, "label": "R"}, {"source": 6, "target": 7, "label": "H"}, {"source": 5, "target": 0, "label": "E"}, {"source": 7, "target": 5, "label": "A"}]} +{"id": "380048-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Fantastic Nova Scotia Cottage", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}, {"from": 15, "to": 21}]}, {"id": 2, "anchors": [{"from": 22, "to": 29}]}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 4, "target": 5, "label": "H"}, {"source": 5, "target": 6, "label": "A"}, {"source": 3, "target": 0, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 3, "target": 1, "label": "C"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "380048-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We had a fantastic time.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 1, "label": "F"}, {"source": 7, "target": 8, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "380048-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Such a relaxing atmosphere and inspiring architecture.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 53}]}, {"id": 7, "anchors": [{"from": 53, "to": 54}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 10, "target": 5, "label": "P"}, {"source": 9, "target": 4, "label": "L"}, {"source": 8, "target": 0, "label": "R"}, {"source": 8, "target": 1, "label": "E"}, {"source": 8, "target": 2, "label": "E"}, {"source": 10, "target": 7, "label": "U"}, {"source": 9, "target": 10, "label": "H"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 6, "label": "A"}]} +{"id": "380048-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Sand Hill park was a great beach...", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}, {"from": 5, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 0, "label": "E"}, {"source": 9, "target": 2, "label": "S"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "380048-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Nice warm water.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 15, "to": 16}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "A"}, {"source": 4, "target": 2, "label": "C"}, {"source": 4, "target": 1, "label": "E"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}]} +{"id": "380048-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Thank-You for sharing your cottage!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 10, "label": "A"}, {"source": 8, "target": 1, "label": "U"}, {"source": 9, "target": 2, "label": "R"}, {"source": 9, "target": 3, "label": "P"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "E"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "381455-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Are you kidding me?", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 6, "target": 7, "label": "A"}, {"source": 7, "target": 3, "label": "A"}, {"source": 7, "target": 2, "label": "P"}, {"source": 6, "target": 0, "label": "S"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 1, "label": "A"}]} +{"id": "381455-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I don't get it.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 14}]}, {"id": 5, "anchors": [{"from": 14, "to": 15}]}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "P"}, {"source": 7, "target": 4, "label": "A"}, {"source": 7, "target": 2, "label": "D"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}]} +{"id": "381455-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Spongy and sweet bread (microwaved?), heartless salsa, tiny dogs...", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 24}]}, {"id": 5, "anchors": [{"from": 24, "to": 34}]}, {"id": 6, "anchors": [{"from": 34, "to": 35}]}, {"id": 7, "anchors": [{"from": 35, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "anchors": [{"from": 53, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 59}]}, {"id": 13, "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "anchors": [{"from": 64, "to": 67}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 0, "label": "C"}, {"source": 19, "target": 7, "label": "U"}, {"source": 20, "target": 9, "label": "E"}, {"source": 16, "target": 15, "label": "E"}, {"source": 19, "target": 11, "label": "U"}, {"source": 19, "target": 6, "label": "U"}, {"source": 21, "target": 14, "label": "U"}, {"source": 15, "target": 2, "label": "C"}, {"source": 21, "target": 12, "label": "E"}, {"source": 19, "target": 8, "label": "U"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 5, "label": "E"}, {"source": 15, "target": 1, "label": "N"}, {"source": 17, "target": 16, "label": "E"}, {"source": 21, "target": 13, "label": "C"}, {"source": 20, "target": 10, "label": "C"}, {"source": 16, "target": 3, "label": "C"}, {"source": 19, "target": 17, "label": "C"}, {"source": 19, "target": 21, "label": "C"}, {"source": 19, "target": 20, "label": "C"}, {"source": 17, "target": 4, "label": "U"}]} +{"id": "381455-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "You order at the counter and there is a space for tip on your credit card receipt.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 24}]}, {"id": 5, "anchors": [{"from": 25, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "anchors": [{"from": 50, "to": 53}]}, {"id": 12, "anchors": [{"from": 54, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 61}]}, {"id": 14, "anchors": [{"from": 62, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 81}]}, {"id": 17, "anchors": [{"from": 81, "to": 82}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 20, "target": 4, "label": "C"}, {"source": 24, "target": 13, "label": "E"}, {"source": 24, "target": 17, "label": "U"}, {"source": 23, "target": 10, "label": "R"}, {"source": 19, "target": 5, "label": "L"}, {"source": 20, "target": 3, "label": "E"}, {"source": 21, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 8, "label": "E"}, {"source": 18, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 21, "target": 7, "label": "F"}, {"source": 18, "target": 20, "label": "A"}, {"source": 24, "target": 12, "label": "R"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 6, "label": "F"}, {"source": 21, "target": 23, "label": "A"}, {"source": 24, "target": 25, "label": "E"}, {"source": 18, "target": 1, "label": "P"}, {"source": 24, "target": 16, "label": "C"}, {"source": 25, "target": 15, "label": "C"}, {"source": 22, "target": 9, "label": "C"}, {"source": 21, "target": 22, "label": "S"}, {"source": 19, "target": 21, "label": "H"}, {"source": 23, "target": 11, "label": "C"}, {"source": 20, "target": 2, "label": "R"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "381455-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The dude who grills the retarded dogs is rude.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 45, "to": 46}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 7, "label": "F"}, {"source": 10, "target": 0, "label": "E"}, {"source": 13, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 13, "target": 2, "label": "F"}, {"source": 10, "target": 13, "label": "E"}, {"source": 12, "target": 9, "label": "U"}, {"source": 12, "target": 8, "label": "P"}, {"source": 13, "target": 3, "label": "P"}, {"source": 14, "target": 6, "label": "C"}, {"source": 14, "target": 5, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 10, "target": 1, "label": "C"}, {"source": 14, "target": 4, "label": "E"}, {"source": 12, "target": 10, "label": "A"}]} +{"id": "381455-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If this is the best that Tucson has to offer, I am outta here...", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 38}]}, {"id": 9, "anchors": [{"from": 39, "to": 44}]}, {"id": 10, "anchors": [{"from": 44, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 48, "to": 50}, {"from": 51, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 61}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "R"}, {"source": 19, "target": 5, "label": "F"}, {"source": 18, "target": 4, "label": "C"}, {"source": 21, "target": 14, "label": "C"}, {"source": 16, "target": 20, "label": "H"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 6, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 20, "target": 11, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 19, "target": 7, "label": "D"}, {"source": 21, "target": 15, "label": "U"}, {"source": 19, "target": 8, "label": "F"}, {"source": 20, "target": 12, "label": "F"}, {"source": 20, "target": 21, "label": "S"}, {"source": 18, "target": 3, "label": "E"}, {"source": 17, "target": 18, "label": "S"}, {"source": 17, "target": 1, "label": "A"}, {"source": 16, "target": 19, "label": "H"}, {"source": 19, "target": 9, "label": "P"}]} +{"id": "382073-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "FANTASTIC STORE!!!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 15}]}, {"id": 2, "anchors": [{"from": 15, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "U"}, {"source": 3, "target": 0, "label": "E"}, {"source": 5, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "382073-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I came upon this store as the building caught my eye.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}, {"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 0, "label": "A"}, {"source": 16, "target": 8, "label": "E"}, {"source": 16, "target": 9, "label": "C"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 16, "target": 10, "label": "U"}, {"source": 14, "target": 15, "label": "E"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 5, "label": "E"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 6, "label": "C"}, {"source": 15, "target": 7, "label": "P"}, {"source": 15, "target": 16, "label": "A"}]} +{"id": "382073-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's located in the huge HONKA Log Homes building, by Walmart off of Evergreen Parkway.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 30}, {"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 49}]}, {"id": 9, "anchors": [{"from": 49, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 61}, {"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 86}]}, {"id": 15, "anchors": [{"from": 86, "to": 87}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 20, "target": 11, "label": "C"}, {"source": 21, "target": 14, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 19, "target": 4, "label": "E"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 2, "label": "S"}, {"source": 19, "target": 8, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 18, "target": 16, "label": "A"}, {"source": 20, "target": 21, "label": "E"}, {"source": 19, "target": 3, "label": "R"}, {"source": 21, "target": 12, "label": "R"}, {"source": 19, "target": 9, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 0, "label": "C"}, {"source": 19, "target": 5, "label": "E"}, {"source": 20, "target": 10, "label": "R"}]} +{"id": "382073-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The store was decorated with furnishings & accessories.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 40}]}, {"id": 6, "anchors": [{"from": 41, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 54}]}, {"id": 8, "anchors": [{"from": 54, "to": 55}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 13, "label": "C"}, {"source": 12, "target": 4, "label": "R"}, {"source": 10, "target": 11, "label": "H"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 13, "target": 7, "label": "C"}, {"source": 13, "target": 6, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 9, "target": 0, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "382073-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The friendly crew working was great & very helpful.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 0, "label": "E"}, {"source": 14, "target": 13, "label": "E"}, {"source": 10, "target": 2, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 6, "label": "U"}, {"source": 14, "target": 8, "label": "C"}, {"source": 13, "target": 7, "label": "R"}, {"source": 10, "target": 1, "label": "E"}, {"source": 14, "target": 9, "label": "U"}, {"source": 12, "target": 4, "label": "S"}, {"source": 12, "target": 10, "label": "A"}, {"source": 13, "target": 5, "label": "C"}]} +{"id": "382073-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This store is what Colorado is all about.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}], "edges": [{"source": 12, "target": 4, "label": "A"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 8, "label": "U"}, {"source": 11, "target": 12, "label": "A"}, {"source": 9, "target": 1, "label": "C"}, {"source": 12, "target": 3, "label": "F"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 6, "label": "D"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 7, "label": "A"}, {"source": 12, "target": 5, "label": "S"}]} +{"id": "382073-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also, I purchased some furniture last year and all has been great!", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 66}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 14, "target": 8, "label": "L"}, {"source": 15, "target": 3, "label": "P"}, {"source": 16, "target": 5, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "D"}, {"source": 14, "target": 0, "label": "L"}, {"source": 18, "target": 10, "label": "F"}, {"source": 18, "target": 13, "label": "U"}, {"source": 15, "target": 2, "label": "A"}, {"source": 14, "target": 18, "label": "H"}, {"source": 15, "target": 16, "label": "A"}, {"source": 18, "target": 9, "label": "A"}, {"source": 16, "target": 4, "label": "E"}, {"source": 14, "target": 1, "label": "U"}, {"source": 17, "target": 6, "label": "E"}, {"source": 18, "target": 12, "label": "S"}, {"source": 17, "target": 7, "label": "C"}, {"source": 18, "target": 11, "label": "F"}]} +{"id": "382073-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's durability & look was perfect and I will definitely be adding to my collection soon!", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "anchors": [{"from": 35, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 72}]}, {"id": 14, "anchors": [{"from": 73, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 21, "target": 9, "label": "D"}, {"source": 20, "target": 1, "label": "C"}, {"source": 19, "target": 6, "label": "L"}, {"source": 20, "target": 2, "label": "U"}, {"source": 17, "target": 20, "label": "C"}, {"source": 18, "target": 17, "label": "A"}, {"source": 21, "target": 8, "label": "F"}, {"source": 18, "target": 4, "label": "F"}, {"source": 21, "target": 11, "label": "P"}, {"source": 21, "target": 10, "label": "F"}, {"source": 22, "target": 12, "label": "R"}, {"source": 18, "target": 5, "label": "S"}, {"source": 21, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 14, "label": "C"}, {"source": 21, "target": 15, "label": "D"}, {"source": 19, "target": 21, "label": "H"}, {"source": 22, "target": 13, "label": "E"}, {"source": 21, "target": 16, "label": "U"}, {"source": 17, "target": 0, "label": "E"}, {"source": 20, "target": 3, "label": "C"}, {"source": 19, "target": 18, "label": "H"}]} +{"id": "382257-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Easiest Time I ever had purchasing a car!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 7}, {"from": 8, "to": 12}, {"from": 13, "to": 14}]}, {"id": 1, "anchors": [{"from": 15, "to": 19}]}, {"id": 2, "anchors": [{"from": 20, "to": 23}]}, {"id": 3, "anchors": [{"from": 24, "to": 34}]}, {"id": 4, "anchors": [{"from": 35, "to": 36}]}, {"id": 5, "anchors": [{"from": 37, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 8, "target": 9, "label": "A"}, {"source": 9, "target": 4, "label": "E"}, {"source": 8, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "F"}, {"source": 9, "target": 5, "label": "C"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "382257-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Excellent service, Not only did they get the exact car I wanted win in 48 hours but the sales man also took me out to lunch.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}, {"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 88, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 102}]}, {"id": 21, "anchors": [{"from": 103, "to": 107}, {"from": 108, "to": 110}, {"from": 111, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 123}]}, {"id": 24, "anchors": [{"from": 123, "to": 124}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 30, "target": 11, "label": "P"}, {"source": 28, "target": 6, "label": "P"}, {"source": 26, "target": 28, "label": "A"}, {"source": 31, "target": 13, "label": "R"}, {"source": 31, "target": 14, "label": "E"}, {"source": 33, "target": 20, "label": "D"}, {"source": 26, "target": 2, "label": "U"}, {"source": 32, "target": 18, "label": "E"}, {"source": 27, "target": 30, "label": "H"}, {"source": 33, "target": 34, "label": "A"}, {"source": 30, "target": 31, "label": "D"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 25, "target": 0, "label": "E"}, {"source": 34, "target": 22, "label": "R"}, {"source": 28, "target": 5, "label": "A"}, {"source": 30, "target": 12, "label": "A"}, {"source": 26, "target": 25, "label": "A"}, {"source": 27, "target": 16, "label": "L"}, {"source": 29, "target": 8, "label": "E"}, {"source": 25, "target": 1, "label": "C"}, {"source": 33, "target": 21, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 33, "label": "H"}, {"source": 34, "target": 24, "label": "U"}, {"source": 32, "target": 19, "label": "C"}, {"source": 32, "target": 17, "label": "E"}, {"source": 29, "target": 7, "label": "E"}, {"source": 26, "target": 3, "label": "D"}, {"source": 33, "target": 32, "label": "A"}, {"source": 30, "target": 10, "label": "A"}, {"source": 29, "target": 9, "label": "C"}, {"source": 27, "target": 26, "label": "H"}, {"source": 26, "target": 4, "label": "F"}, {"source": 31, "target": 15, "label": "C"}, {"source": 34, "target": 23, "label": "C"}]} +{"id": "382257-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Very kind and reliable.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "N"}, {"source": 7, "target": 5, "label": "C"}, {"source": 7, "target": 4, "label": "U"}, {"source": 5, "target": 6, "label": "E"}, {"source": 6, "target": 8, "label": "C"}]} +{"id": "382257-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend this dealership if you would not like to hassle on price and receive friendly service.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 96}]}, {"id": 17, "anchors": [{"from": 97, "to": 104}]}, {"id": 18, "anchors": [{"from": 104, "to": 105}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 19, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 22, "target": 24, "label": "A"}, {"source": 19, "target": 1, "label": "D"}, {"source": 23, "target": 7, "label": "F"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 13, "label": "C"}, {"source": 26, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 18, "label": "U"}, {"source": 20, "target": 5, "label": "L"}, {"source": 22, "target": 8, "label": "D"}, {"source": 27, "target": 16, "label": "E"}, {"source": 24, "target": 10, "label": "F"}, {"source": 26, "target": 27, "label": "A"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 22, "target": 23, "label": "P"}, {"source": 24, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 15, "label": "P"}, {"source": 22, "target": 6, "label": "A"}, {"source": 23, "target": 9, "label": "C"}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 11, "label": "P"}, {"source": 25, "target": 12, "label": "R"}, {"source": 21, "target": 3, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 20, "target": 26, "label": "H"}, {"source": 20, "target": 14, "label": "L"}]} +{"id": "382257-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have since purchased two cars from this dealership, The first one was from Phillip and the second was from Richard.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 52}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 88}]}, {"id": 17, "anchors": [{"from": 89, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "anchors": [{"from": 104, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 116}]}, {"id": 22, "anchors": [{"from": 116, "to": 117}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}], "edges": [{"source": 25, "target": 5, "label": "C"}, {"source": 26, "target": 8, "label": "C"}, {"source": 28, "target": 19, "label": "F"}, {"source": 25, "target": 4, "label": "E"}, {"source": 30, "target": 31, "label": "C"}, {"source": 24, "target": 9, "label": "U"}, {"source": 29, "target": 14, "label": "R"}, {"source": 32, "target": 22, "label": "U"}, {"source": 31, "target": 17, "label": "E"}, {"source": 23, "target": 1, "label": "F"}, {"source": 23, "target": 25, "label": "A"}, {"source": 23, "target": 26, "label": "A"}, {"source": 27, "target": 10, "label": "E"}, {"source": 27, "target": 11, "label": "E"}, {"source": 24, "target": 28, "label": "H"}, {"source": 32, "target": 21, "label": "C"}, {"source": 23, "target": 3, "label": "P"}, {"source": 28, "target": 29, "label": "A"}, {"source": 32, "target": 20, "label": "R"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 32, "label": "A"}, {"source": 28, "target": 13, "label": "S"}, {"source": 31, "target": 18, "label": "C"}, {"source": 28, "target": 27, "label": "A"}, {"source": 23, "target": 2, "label": "D"}, {"source": 26, "target": 7, "label": "E"}, {"source": 27, "target": 12, "label": "C"}, {"source": 23, "target": 0, "label": "A"}, {"source": 26, "target": 6, "label": "R"}, {"source": 30, "target": 15, "label": "C"}, {"source": 30, "target": 16, "label": "N"}, {"source": 29, "target": 30, "label": "C"}]} +{"id": "382257-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Both were excellent sales men who put my needs first.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 52}]}, {"id": 10, "anchors": [{"from": 52, "to": 53}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 6, "label": "P"}, {"source": 13, "target": 3, "label": "E"}, {"source": 13, "target": 2, "label": "E"}, {"source": 14, "target": 9, "label": "D"}, {"source": 15, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 13, "target": 14, "label": "E"}, {"source": 14, "target": 10, "label": "U"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 1, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "384229-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "great tmobile service", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "384229-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was with verizon and I checked my service with tmobile and it was great so I thought I would try tmobile.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 76}]}, {"id": 16, "anchors": [{"from": 77, "to": 78}]}, {"id": 17, "anchors": [{"from": 79, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19, "anchors": [{"from": 89, "to": 94}]}, {"id": 20, "anchors": [{"from": 95, "to": 98}]}, {"id": 21, "anchors": [{"from": 99, "to": 106}]}, {"id": 22, "anchors": [{"from": 106, "to": 107}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}], "edges": [{"source": 28, "target": 14, "label": "A"}, {"source": 31, "target": 22, "label": "U"}, {"source": 29, "target": 17, "label": "P"}, {"source": 26, "target": 8, "label": "C"}, {"source": 31, "target": 21, "label": "C"}, {"source": 28, "target": 12, "label": "A"}, {"source": 23, "target": 2, "label": "S"}, {"source": 29, "target": 16, "label": "A"}, {"source": 24, "target": 25, "label": "H"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 20, "label": "D"}, {"source": 24, "target": 4, "label": "L"}, {"source": 24, "target": 15, "label": "L"}, {"source": 25, "target": 26, "label": "A"}, {"source": 23, "target": 1, "label": "F"}, {"source": 25, "target": 5, "label": "A"}, {"source": 25, "target": 27, "label": "A"}, {"source": 24, "target": 29, "label": "H"}, {"source": 24, "target": 28, "label": "H"}, {"source": 30, "target": 31, "label": "P"}, {"source": 27, "target": 10, "label": "C"}, {"source": 27, "target": 9, "label": "R"}, {"source": 24, "target": 23, "label": "H"}, {"source": 28, "target": 13, "label": "S"}, {"source": 26, "target": 7, "label": "E"}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 11, "label": "L"}, {"source": 30, "target": 18, "label": "A"}, {"source": 23, "target": 3, "label": "A"}, {"source": 31, "target": 19, "label": "F"}, {"source": 25, "target": 6, "label": "P"}]} +{"id": "385281-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great first experience.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "anchors": [{"from": 22, "to": 23}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "D"}, {"source": 6, "target": 3, "label": "U"}, {"source": 4, "target": 0, "label": "E"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}, {"source": 4, "target": 1, "label": "C"}]} +{"id": "385281-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I'm 22, and my hairdresser was great (and not \"old\" like one of the reviews says) - she really listened to what I wanted and gave me tons of tips on how to style my hair so I could get it to look the way I wanted it to.", "tops": [55], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}, {"from": 1, "to": 3}, {"from": 4, "to": 6}]}, {"id": 1, "anchors": [{"from": 6, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 38}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 45}]}, {"id": 10, "anchors": [{"from": 46, "to": 47}]}, {"id": 11, "anchors": [{"from": 47, "to": 50}]}, {"id": 12, "anchors": [{"from": 50, "to": 51}]}, {"id": 13, "anchors": [{"from": 52, "to": 56}]}, {"id": 14, "anchors": [{"from": 57, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 63}]}, {"id": 16, "anchors": [{"from": 64, "to": 67}]}, {"id": 17, "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 80}]}, {"id": 19, "anchors": [{"from": 80, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 83}]}, {"id": 21, "anchors": [{"from": 84, "to": 87}]}, {"id": 22, "anchors": [{"from": 88, "to": 94}]}, {"id": 23, "anchors": [{"from": 95, "to": 103}]}, {"id": 24, "anchors": [{"from": 104, "to": 106}]}, {"id": 25, "anchors": [{"from": 107, "to": 111}]}, {"id": 26, "anchors": [{"from": 112, "to": 113}]}, {"id": 27, "anchors": [{"from": 114, "to": 120}]}, {"id": 28, "anchors": [{"from": 121, "to": 124}]}, {"id": 29, "anchors": [{"from": 125, "to": 129}]}, {"id": 30, "anchors": [{"from": 130, "to": 132}]}, {"id": 31, "anchors": [{"from": 133, "to": 137}]}, {"id": 32, "anchors": [{"from": 138, "to": 140}]}, {"id": 33, "anchors": [{"from": 141, "to": 145}]}, {"id": 34, "anchors": [{"from": 146, "to": 148}]}, {"id": 35, "anchors": [{"from": 149, "to": 152}]}, {"id": 36, "anchors": [{"from": 153, "to": 155}]}, {"id": 37, "anchors": [{"from": 156, "to": 161}]}, {"id": 38, "anchors": [{"from": 162, "to": 164}]}, {"id": 39, "anchors": [{"from": 165, "to": 169}]}, {"id": 40, "anchors": [{"from": 170, "to": 172}]}, {"id": 41, "anchors": [{"from": 173, "to": 174}]}, {"id": 42, "anchors": [{"from": 175, "to": 180}]}, {"id": 43, "anchors": [{"from": 181, "to": 184}]}, {"id": 44, "anchors": [{"from": 185, "to": 187}]}, {"id": 45, "anchors": [{"from": 188, "to": 190}]}, {"id": 46, "anchors": [{"from": 191, "to": 195}]}, {"id": 47, "anchors": [{"from": 196, "to": 199}]}, {"id": 48, "anchors": [{"from": 200, "to": 203}]}, {"id": 49, "anchors": [{"from": 204, "to": 205}]}, {"id": 50, "anchors": [{"from": 206, "to": 212}]}, {"id": 51, "anchors": [{"from": 213, "to": 215}]}, {"id": 52, "anchors": [{"from": 216, "to": 218}]}, {"id": 53, "anchors": [{"from": 218, "to": 219}]}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}], "edges": [{"source": 64, "target": 21, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 58, "target": 59, "label": "A"}, {"source": 69, "target": 43, "label": "P"}, {"source": 72, "target": 50, "label": "P"}, {"source": 60, "target": 15, "label": "R"}, {"source": 60, "target": 14, "label": "C"}, {"source": 55, "target": 19, "label": "U"}, {"source": 61, "target": 23, "label": "P"}, {"source": 66, "target": 32, "label": "R"}, {"source": 67, "target": 36, "label": "F"}, {"source": 55, "target": 28, "label": "L"}, {"source": 70, "target": 45, "label": "F"}, {"source": 56, "target": 3, "label": "E"}, {"source": 59, "target": 17, "label": "C"}, {"source": 67, "target": 37, "label": "P"}, {"source": 69, "target": 44, "label": "A"}, {"source": 70, "target": 49, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 1, "label": "U"}, {"source": 57, "target": 7, "label": "U"}, {"source": 69, "target": 42, "label": "D"}, {"source": 59, "target": 13, "label": "R"}, {"source": 55, "target": 61, "label": "H"}, {"source": 72, "target": 49, "label": "A"}, {"source": 64, "target": 65, "label": "A"}, {"source": 70, "target": 46, "label": "P"}, {"source": 69, "target": 72, "label": "A"}, {"source": 55, "target": 54, "label": "H"}, {"source": 68, "target": 38, "label": "E"}, {"source": 63, "target": 27, "label": "P"}, {"source": 54, "target": 18, "label": "P"}, {"source": 61, "target": 21, "label": "A"}, {"source": 62, "target": 24, "label": "R"}, {"source": 58, "target": 11, "label": "A"}, {"source": 65, "target": 31, "label": "C"}, {"source": 72, "target": 51, "label": "A"}, {"source": 61, "target": 22, "label": "D"}, {"source": 58, "target": 9, "label": "D"}, {"source": 66, "target": 67, "label": "E"}, {"source": 55, "target": 40, "label": "L"}, {"source": 54, "target": 56, "label": "A"}, {"source": 57, "target": 58, "label": "C"}, {"source": 63, "target": 25, "label": "A"}, {"source": 58, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 63, "target": 26, "label": "A"}, {"source": 72, "target": 53, "label": "U"}, {"source": 55, "target": 69, "label": "H"}, {"source": 55, "target": 2, "label": "L"}, {"source": 69, "target": 70, "label": "A"}, {"source": 59, "target": 16, "label": "E"}, {"source": 49, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 71, "target": 48, "label": "C"}, {"source": 65, "target": 66, "label": "E"}, {"source": 66, "target": 33, "label": "C"}, {"source": 68, "target": 39, "label": "C"}, {"source": 58, "target": 12, "label": "U"}, {"source": 59, "target": 60, "label": "E"}, {"source": 67, "target": 68, "label": "A"}, {"source": 54, "target": 57, "label": "D"}, {"source": 67, "target": 34, "label": "R"}, {"source": 72, "target": 52, "label": "F"}, {"source": 71, "target": 47, "label": "E"}, {"source": 70, "target": 71, "label": "A"}, {"source": 57, "target": 6, "label": "C"}, {"source": 69, "target": 41, "label": "A"}, {"source": 54, "target": 5, "label": "F"}, {"source": 61, "target": 62, "label": "A"}, {"source": 55, "target": 64, "label": "H"}, {"source": 58, "target": 10, "label": "U"}, {"source": 56, "target": 4, "label": "C"}, {"source": 70, "target": 44, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 62, "target": 63, "label": "C"}, {"source": 54, "target": 0, "label": "A"}, {"source": 64, "target": 30, "label": "A"}, {"source": 64, "target": 29, "label": "P"}, {"source": 57, "target": 8, "label": "N"}, {"source": 55, "target": 20, "label": "U"}, {"source": 64, "target": 35, "label": "D"}]} +{"id": "385281-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She deep conditioned my hair and took the time to style it properly.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 67}]}, {"id": 13, "anchors": [{"from": 67, "to": 68}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 14, "target": 16, "label": "A"}, {"source": 19, "target": 9, "label": "F"}, {"source": 19, "target": 10, "label": "P"}, {"source": 17, "target": 18, "label": "A"}, {"source": 19, "target": 12, "label": "D"}, {"source": 18, "target": 7, "label": "E"}, {"source": 19, "target": 11, "label": "A"}, {"source": 14, "target": 2, "label": "S"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 19, "target": 13, "label": "U"}, {"source": 16, "target": 4, "label": "C"}, {"source": 17, "target": 6, "label": "P"}, {"source": 14, "target": 1, "label": "D"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 19, "label": "A"}, {"source": 15, "target": 5, "label": "L"}, {"source": 16, "target": 3, "label": "E"}]} +{"id": "385281-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "She recommended products but absolutely didn't pressure me to buy.", "tops": [13], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 39}]}, {"id": 5, "anchors": [{"from": 40, "to": 43}]}, {"id": 6, "anchors": [{"from": 43, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 55}]}, {"id": 8, "anchors": [{"from": 56, "to": 58}]}, {"id": 9, "anchors": [{"from": 59, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 65}]}, {"id": 11, "anchors": [{"from": 65, "to": 66}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 1, "label": "P"}, {"source": 14, "target": 8, "label": "A"}, {"source": 12, "target": 0, "label": "A"}, {"source": 15, "target": 10, "label": "P"}, {"source": 14, "target": 6, "label": "D"}, {"source": 13, "target": 14, "label": "H"}, {"source": 15, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "P"}, {"source": 13, "target": 3, "label": "L"}, {"source": 13, "target": 12, "label": "H"}, {"source": 15, "target": 9, "label": "F"}, {"source": 14, "target": 15, "label": "A"}, {"source": 12, "target": 2, "label": "A"}, {"source": 15, "target": 11, "label": "U"}, {"source": 14, "target": 5, "label": "F"}, {"source": 14, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 4, "label": "D"}]} +{"id": "385281-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's a cute place with a really friendly, laid-back atmosphere.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 6}]}, {"id": 3, "anchors": [{"from": 7, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "anchors": [{"from": 25, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}, {"from": 47, "to": 51}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 52, "to": 62}]}, {"id": 13, "anchors": [{"from": 62, "to": 63}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 4, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 17, "target": 10, "label": "E"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 18, "label": "E"}, {"source": 17, "target": 12, "label": "C"}, {"source": 18, "target": 7, "label": "E"}, {"source": 15, "target": 16, "label": "A"}, {"source": 15, "target": 1, "label": "S"}, {"source": 17, "target": 6, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 9, "label": "U"}, {"source": 16, "target": 2, "label": "E"}, {"source": 18, "target": 8, "label": "C"}, {"source": 16, "target": 3, "label": "E"}, {"source": 17, "target": 11, "label": "U"}, {"source": 17, "target": 5, "label": "R"}]} +{"id": "385281-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I would highly recommend it and will be going back for my next haircut.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 45}, {"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 54}]}, {"id": 10, "anchors": [{"from": 55, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 70}]}, {"id": 13, "anchors": [{"from": 70, "to": 71}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}], "edges": [{"source": 15, "target": 17, "label": "H"}, {"source": 18, "target": 13, "label": "U"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 6, "label": "F"}, {"source": 14, "target": 4, "label": "A"}, {"source": 18, "target": 12, "label": "C"}, {"source": 17, "target": 8, "label": "P"}, {"source": 18, "target": 11, "label": "E"}, {"source": 14, "target": 2, "label": "D"}, {"source": 17, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 16, "label": "P"}, {"source": 14, "target": 0, "label": "A"}, {"source": 15, "target": 14, "label": "H"}, {"source": 17, "target": 7, "label": "F"}, {"source": 16, "target": 1, "label": "F"}, {"source": 18, "target": 10, "label": "E"}, {"source": 18, "target": 9, "label": "R"}, {"source": 16, "target": 3, "label": "C"}, {"source": 15, "target": 5, "label": "L"}]} +{"id": "385281-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Oh!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "L"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "C"}]} +{"id": "385281-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "And students get $5 off, can't argue with that.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 18, "to": 19}, {"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 23, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 46}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 14, "label": "P"}, {"source": 16, "target": 9, "label": "R"}, {"source": 13, "target": 3, "label": "U"}, {"source": 16, "target": 10, "label": "C"}, {"source": 16, "target": 11, "label": "U"}, {"source": 15, "target": 16, "label": "A"}, {"source": 12, "target": 5, "label": "U"}, {"source": 15, "target": 7, "label": "D"}, {"source": 12, "target": 0, "label": "L"}, {"source": 12, "target": 15, "label": "H"}, {"source": 13, "target": 4, "label": "A"}, {"source": 13, "target": 1, "label": "A"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 13, "label": "H"}, {"source": 13, "target": 2, "label": "P"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "385436-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This is the best Mediterranean Restaurant in the West Valley, I have friend who drive from central Phx to come here.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 41}]}, {"id": 6, "anchors": [{"from": 42, "to": 44}]}, {"id": 7, "anchors": [{"from": 45, "to": 48}]}, {"id": 8, "anchors": [{"from": 49, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 60}]}, {"id": 10, "anchors": [{"from": 60, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 79}]}, {"id": 15, "anchors": [{"from": 80, "to": 85}]}, {"id": 16, "anchors": [{"from": 86, "to": 90}]}, {"id": 17, "anchors": [{"from": 91, "to": 98}]}, {"id": 18, "anchors": [{"from": 99, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 105}]}, {"id": 20, "anchors": [{"from": 106, "to": 110}, {"from": 111, "to": 115}]}, {"id": 21, "anchors": [{"from": 115, "to": 116}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 8, "label": "E"}, {"source": 29, "target": 18, "label": "C"}, {"source": 29, "target": 30, "label": "E"}, {"source": 23, "target": 10, "label": "U"}, {"source": 30, "target": 20, "label": "P"}, {"source": 24, "target": 25, "label": "E"}, {"source": 24, "target": 3, "label": "E"}, {"source": 28, "target": 15, "label": "P"}, {"source": 30, "target": 19, "label": "F"}, {"source": 23, "target": 22, "label": "H"}, {"source": 25, "target": 9, "label": "C"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 27, "target": 28, "label": "E"}, {"source": 29, "target": 16, "label": "R"}, {"source": 28, "target": 14, "label": "F"}, {"source": 26, "target": 11, "label": "A"}, {"source": 28, "target": 13, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 21, "label": "U"}, {"source": 27, "target": 13, "label": "C"}, {"source": 25, "target": 6, "label": "R"}, {"source": 26, "target": 12, "label": "P"}, {"source": 22, "target": 1, "label": "S"}, {"source": 24, "target": 2, "label": "E"}, {"source": 25, "target": 7, "label": "E"}, {"source": 30, "target": 18, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 4, "label": "E"}, {"source": 24, "target": 5, "label": "C"}, {"source": 29, "target": 17, "label": "E"}]} +{"id": "388121-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Too many kids, too many knifings, too many taserings.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 32}]}, {"id": 7, "anchors": [{"from": 32, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 15, "target": 7, "label": "U"}, {"source": 17, "target": 9, "label": "E"}, {"source": 17, "target": 10, "label": "C"}, {"source": 14, "target": 15, "label": "H"}, {"source": 12, "target": 1, "label": "C"}, {"source": 13, "target": 16, "label": "E"}, {"source": 13, "target": 2, "label": "C"}, {"source": 16, "target": 5, "label": "E"}, {"source": 13, "target": 12, "label": "E"}, {"source": 13, "target": 3, "label": "U"}, {"source": 16, "target": 6, "label": "C"}, {"source": 16, "target": 4, "label": "R"}, {"source": 12, "target": 0, "label": "E"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 8, "label": "R"}, {"source": 17, "target": 11, "label": "U"}, {"source": 15, "target": 13, "label": "A"}]} +{"id": "388799-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worth Every Penny", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 17}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "E"}]} +{"id": "388799-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My girlfriend and I ate at The Grill last night, and our experience was amazing.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 26}]}, {"id": 6, "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11, "anchors": [{"from": 49, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 79}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 21, "target": 7, "label": "E"}, {"source": 20, "target": 10, "label": "U"}, {"source": 20, "target": 11, "label": "L"}, {"source": 23, "target": 16, "label": "U"}, {"source": 20, "target": 23, "label": "H"}, {"source": 18, "target": 2, "label": "N"}, {"source": 18, "target": 3, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 14, "label": "F"}, {"source": 19, "target": 21, "label": "D"}, {"source": 22, "target": 12, "label": "E"}, {"source": 19, "target": 18, "label": "A"}, {"source": 18, "target": 17, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 21, "target": 5, "label": "R"}, {"source": 19, "target": 4, "label": "P"}, {"source": 21, "target": 6, "label": "E"}, {"source": 22, "target": 13, "label": "C"}, {"source": 23, "target": 15, "label": "S"}, {"source": 17, "target": 0, "label": "E"}, {"source": 21, "target": 8, "label": "E"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "388799-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Everything we ordered was prepared to perfection, and was presented perfectly.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "anchors": [{"from": 11, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 48}]}, {"id": 7, "anchors": [{"from": 48, "to": 49}]}, {"id": 8, "anchors": [{"from": 50, "to": 53}]}, {"id": 9, "anchors": [{"from": 54, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 67}]}, {"id": 11, "anchors": [{"from": 68, "to": 77}]}, {"id": 12, "anchors": [{"from": 77, "to": 78}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 14, "target": 8, "label": "L"}, {"source": 13, "target": 1, "label": "A"}, {"source": 13, "target": 4, "label": "C"}, {"source": 16, "target": 9, "label": "F"}, {"source": 16, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 15, "target": 5, "label": "R"}, {"source": 15, "target": 6, "label": "C"}, {"source": 13, "target": 15, "label": "A"}, {"source": 16, "target": 10, "label": "P"}, {"source": 14, "target": 13, "label": "H"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 0, "label": "A"}, {"source": 16, "target": 11, "label": "D"}, {"source": 14, "target": 16, "label": "H"}, {"source": 16, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 7, "label": "U"}, {"source": 16, "target": 12, "label": "U"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "388799-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The asparagus, seared tuna, and lobster tail were the best we ever had.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "anchors": [{"from": 13, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 61}]}, {"id": 13, "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 70, "to": 71}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 22, "target": 12, "label": "C"}, {"source": 19, "target": 4, "label": "A"}, {"source": 20, "target": 8, "label": "C"}, {"source": 18, "target": 5, "label": "U"}, {"source": 17, "target": 19, "label": "C"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 7, "label": "E"}, {"source": 22, "target": 10, "label": "E"}, {"source": 22, "target": 11, "label": "E"}, {"source": 17, "target": 2, "label": "U"}, {"source": 18, "target": 21, "label": "H"}, {"source": 21, "target": 9, "label": "F"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 22, "label": "S"}, {"source": 21, "target": 20, "label": "A"}, {"source": 19, "target": 3, "label": "P"}, {"source": 17, "target": 16, "label": "A"}, {"source": 21, "target": 13, "label": "D"}, {"source": 21, "target": 14, "label": "F"}, {"source": 16, "target": 1, "label": "C"}]} +{"id": "388799-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then the desserts came, and they were hands down the best dessert we ever had.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 43}, {"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 74, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 20, "target": 9, "label": "E"}, {"source": 21, "target": 12, "label": "A"}, {"source": 20, "target": 11, "label": "C"}, {"source": 19, "target": 20, "label": "A"}, {"source": 16, "target": 18, "label": "H"}, {"source": 16, "target": 4, "label": "U"}, {"source": 16, "target": 5, "label": "L"}, {"source": 18, "target": 17, "label": "A"}, {"source": 19, "target": 6, "label": "A"}, {"source": 16, "target": 0, "label": "L"}, {"source": 19, "target": 7, "label": "D"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 3, "label": "P"}, {"source": 17, "target": 2, "label": "C"}, {"source": 21, "target": 14, "label": "P"}, {"source": 20, "target": 21, "label": "E"}, {"source": 17, "target": 1, "label": "E"}, {"source": 19, "target": 8, "label": "P"}, {"source": 21, "target": 13, "label": "D"}, {"source": 16, "target": 19, "label": "H"}, {"source": 21, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "388799-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I will sum it up with, it was worth every penny!", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 10}, {"from": 11, "to": 13}, {"from": 14, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 21, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 29}]}, {"id": 7, "anchors": [{"from": 30, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 7, "label": "S"}, {"source": 11, "target": 2, "label": "S"}, {"source": 12, "target": 13, "label": "H"}, {"source": 11, "target": 3, "label": "D"}, {"source": 14, "target": 9, "label": "C"}, {"source": 11, "target": 1, "label": "F"}, {"source": 12, "target": 4, "label": "U"}, {"source": 13, "target": 6, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 8, "label": "E"}, {"source": 13, "target": 14, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "A"}]} +{"id": "389136-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "great!", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 1, "label": "U"}, {"source": 3, "target": 0, "label": "S"}]} +{"id": "389136-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I go Disco dancing and Cheerleading.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 10, "label": "A"}, {"source": 10, "target": 9, "label": "C"}, {"source": 9, "target": 2, "label": "E"}, {"source": 9, "target": 3, "label": "C"}, {"source": 8, "target": 0, "label": "A"}, {"source": 10, "target": 6, "label": "U"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 4, "label": "N"}, {"source": 8, "target": 1, "label": "P"}]} +{"id": "389136-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Its fab!", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 3}]}, {"id": 2, "anchors": [{"from": 4, "to": 7}]}, {"id": 3, "anchors": [{"from": 7, "to": 8}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 0, "label": "A"}, {"source": 5, "target": 1, "label": "P"}, {"source": 5, "target": 3, "label": "U"}, {"source": 5, "target": 2, "label": "A"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "389136-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "so goand get dancing!!!!!!!!!!!!!!!!!!!!!!!!!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 20}]}, {"id": 5, "anchors": [{"from": 20, "to": 45}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 9, "target": 4, "label": "P"}, {"source": 8, "target": 1, "label": "C"}, {"source": 6, "target": 0, "label": "L"}, {"source": 7, "target": 8, "label": "P"}, {"source": 6, "target": 9, "label": "H"}, {"source": 8, "target": 2, "label": "N"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}]} +{"id": "389136-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "By samantha Fox", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}, {"from": 12, "to": 15}]}, {"id": 2}, {"id": 3}, {"id": 4}], "edges": [{"source": 3, "target": 4, "label": "A"}, {"source": 4, "target": 1, "label": "C"}, {"source": 2, "target": 3, "label": "H"}, {"source": 4, "target": 0, "label": "R"}]} +{"id": "389298-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great quality doors and great quality people!", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 37}]}, {"id": 6, "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 9, "target": 8, "label": "C"}, {"source": 9, "target": 2, "label": "C"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 13, "target": 12, "label": "E"}, {"source": 12, "target": 5, "label": "C"}, {"source": 11, "target": 13, "label": "C"}, {"source": 13, "target": 6, "label": "C"}, {"source": 11, "target": 3, "label": "N"}, {"source": 13, "target": 7, "label": "U"}, {"source": 11, "target": 9, "label": "A"}, {"source": 12, "target": 4, "label": "E"}, {"source": 10, "target": 11, "label": "H"}]} +{"id": "389298-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The door is easy to use and it keeps the cold out during the winter.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "anchors": [{"from": 28, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 56}]}, {"id": 13, "anchors": [{"from": 57, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 67}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 20, "target": 9, "label": "E"}, {"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 2, "label": "F"}, {"source": 19, "target": 7, "label": "A"}, {"source": 21, "target": 11, "label": "R"}, {"source": 21, "target": 15, "label": "U"}, {"source": 18, "target": 6, "label": "L"}, {"source": 16, "target": 0, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 17, "target": 5, "label": "P"}, {"source": 17, "target": 4, "label": "F"}, {"source": 20, "target": 10, "label": "C"}, {"source": 19, "target": 21, "label": "A"}, {"source": 18, "target": 17, "label": "H"}, {"source": 21, "target": 12, "label": "R"}, {"source": 19, "target": 8, "label": "P"}, {"source": 17, "target": 16, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 17, "target": 3, "label": "D"}]} +{"id": "389298-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The sales staff and the installation staff were all easy to get along with.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 63}, {"from": 64, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 74}]}, {"id": 13, "anchors": [{"from": 74, "to": 75}]}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}], "edges": [{"source": 19, "target": 9, "label": "E"}, {"source": 14, "target": 2, "label": "C"}, {"source": 14, "target": 1, "label": "E"}, {"source": 18, "target": 5, "label": "E"}, {"source": 15, "target": 3, "label": "N"}, {"source": 17, "target": 19, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 17, "target": 13, "label": "U"}, {"source": 17, "target": 7, "label": "F"}, {"source": 19, "target": 11, "label": "C"}, {"source": 17, "target": 8, "label": "D"}, {"source": 14, "target": 0, "label": "E"}, {"source": 18, "target": 6, "label": "C"}, {"source": 17, "target": 10, "label": "F"}, {"source": 15, "target": 18, "label": "C"}, {"source": 17, "target": 12, "label": "A"}, {"source": 15, "target": 14, "label": "C"}, {"source": 17, "target": 15, "label": "A"}, {"source": 18, "target": 4, "label": "E"}]} +{"id": "389298-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend Garage Pros to my friends.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}, {"from": 26, "to": 30}]}, {"id": 4, "anchors": [{"from": 31, "to": 33}]}, {"id": 5, "anchors": [{"from": 34, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 44}]}, {"id": 7, "anchors": [{"from": 44, "to": 45}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "P"}, {"source": 9, "target": 1, "label": "D"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 3, "label": "A"}, {"source": 10, "target": 7, "label": "U"}]} +{"id": "389498-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This place has done a great job of taking care of the usual maintenance on my hooptie.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 41}, {"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 53}]}, {"id": 11, "anchors": [{"from": 54, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 74}]}, {"id": 14, "anchors": [{"from": 75, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 85}]}, {"id": 16, "anchors": [{"from": 85, "to": 86}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 20, "label": "A"}, {"source": 24, "target": 14, "label": "E"}, {"source": 21, "target": 24, "label": "A"}, {"source": 20, "target": 4, "label": "E"}, {"source": 23, "target": 11, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 19, "label": "H"}, {"source": 24, "target": 15, "label": "C"}, {"source": 20, "target": 6, "label": "C"}, {"source": 24, "target": 16, "label": "U"}, {"source": 20, "target": 5, "label": "E"}, {"source": 20, "target": 21, "label": "E"}, {"source": 23, "target": 10, "label": "E"}, {"source": 19, "target": 3, "label": "P"}, {"source": 24, "target": 13, "label": "R"}, {"source": 22, "target": 8, "label": "C"}, {"source": 21, "target": 7, "label": "R"}, {"source": 17, "target": 0, "label": "E"}, {"source": 19, "target": 2, "label": "F"}, {"source": 21, "target": 22, "label": "P"}, {"source": 17, "target": 1, "label": "C"}, {"source": 23, "target": 12, "label": "C"}]} +{"id": "389498-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I also never have to wait long for a yearly inspection sticker...and never get the usual excuses other shops always gave me...\"the inspection guy isn't here today\"....for example.", "tops": [38], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 43}]}, {"id": 10, "anchors": [{"from": 44, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 62}]}, {"id": 12, "anchors": [{"from": 62, "to": 65}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 82}]}, {"id": 17, "anchors": [{"from": 83, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 108}]}, {"id": 21, "anchors": [{"from": 109, "to": 115}]}, {"id": 22, "anchors": [{"from": 116, "to": 120}, {"from": 121, "to": 123}]}, {"id": 23, "anchors": [{"from": 123, "to": 126}]}, {"id": 24, "anchors": [{"from": 126, "to": 127}]}, {"id": 25, "anchors": [{"from": 127, "to": 130}]}, {"id": 26, "anchors": [{"from": 131, "to": 141}]}, {"id": 27, "anchors": [{"from": 142, "to": 145}]}, {"id": 28, "anchors": [{"from": 146, "to": 148}]}, {"id": 29, "anchors": [{"from": 148, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 156}]}, {"id": 31, "anchors": [{"from": 157, "to": 162}]}, {"id": 32, "anchors": [{"from": 162, "to": 163}]}, {"id": 33, "anchors": [{"from": 163, "to": 167}]}, {"id": 34, "anchors": [{"from": 167, "to": 170}]}, {"id": 35, "anchors": [{"from": 171, "to": 178}]}, {"id": 36, "anchors": [{"from": 178, "to": 179}]}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}], "edges": [{"source": 37, "target": 4, "label": "F"}, {"source": 38, "target": 23, "label": "U"}, {"source": 40, "target": 9, "label": "E"}, {"source": 44, "target": 26, "label": "E"}, {"source": 45, "target": 33, "label": "U"}, {"source": 44, "target": 25, "label": "E"}, {"source": 38, "target": 37, "label": "H"}, {"source": 44, "target": 27, "label": "C"}, {"source": 38, "target": 12, "label": "U"}, {"source": 37, "target": 6, "label": "D"}, {"source": 45, "target": 34, "label": "D"}, {"source": 37, "target": 39, "label": "P"}, {"source": 41, "target": 21, "label": "D"}, {"source": 42, "target": 16, "label": "E"}, {"source": 45, "target": 32, "label": "U"}, {"source": 39, "target": 5, "label": "C"}, {"source": 40, "target": 10, "label": "E"}, {"source": 45, "target": 30, "label": "P"}, {"source": 40, "target": 8, "label": "E"}, {"source": 41, "target": 22, "label": "A"}, {"source": 43, "target": 20, "label": "C"}, {"source": 41, "target": 15, "label": "P"}, {"source": 37, "target": 40, "label": "A"}, {"source": 38, "target": 13, "label": "L"}, {"source": 39, "target": 3, "label": "F"}, {"source": 37, "target": 2, "label": "D"}, {"source": 41, "target": 14, "label": "D"}, {"source": 41, "target": 42, "label": "A"}, {"source": 40, "target": 7, "label": "R"}, {"source": 42, "target": 17, "label": "E"}, {"source": 41, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 1, "label": "D"}, {"source": 45, "target": 28, "label": "F"}, {"source": 38, "target": 41, "label": "H"}, {"source": 38, "target": 46, "label": "H"}, {"source": 46, "target": 36, "label": "U"}, {"source": 45, "target": 44, "label": "A"}, {"source": 41, "target": 43, "label": "A"}, {"source": 45, "target": 29, "label": "D"}, {"source": 40, "target": 11, "label": "C"}, {"source": 37, "target": 0, "label": "A"}, {"source": 43, "target": 19, "label": "E"}, {"source": 38, "target": 24, "label": "U"}, {"source": 45, "target": 31, "label": "D"}, {"source": 46, "target": 45, "label": "H"}, {"source": 45, "target": 35, "label": "A"}, {"source": 42, "target": 18, "label": "C"}]} +{"id": "389498-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Today I went into Kwik Kar and there were two cars in front of me for inspection...but I was still out of there pretty quick...barely had time to read a chapter in my book.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 7}]}, {"id": 1, "anchors": [{"from": 8, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 22}, {"from": 23, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 41}]}, {"id": 7, "anchors": [{"from": 42, "to": 45}]}, {"id": 8, "anchors": [{"from": 46, "to": 50}]}, {"id": 9, "anchors": [{"from": 51, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 80}]}, {"id": 15, "anchors": [{"from": 80, "to": 83}]}, {"id": 16, "anchors": [{"from": 83, "to": 86}]}, {"id": 17, "anchors": [{"from": 87, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "anchors": [{"from": 93, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 102}, {"from": 103, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 111}]}, {"id": 22, "anchors": [{"from": 112, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 124}]}, {"id": 24, "anchors": [{"from": 124, "to": 127}]}, {"id": 25, "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "anchors": [{"from": 134, "to": 137}]}, {"id": 27, "anchors": [{"from": 138, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 145}]}, {"id": 29, "anchors": [{"from": 146, "to": 150}]}, {"id": 30, "anchors": [{"from": 151, "to": 152}]}, {"id": 31, "anchors": [{"from": 153, "to": 160}]}, {"id": 32, "anchors": [{"from": 161, "to": 163}]}, {"id": 33, "anchors": [{"from": 164, "to": 166}]}, {"id": 34, "anchors": [{"from": 167, "to": 171}]}, {"id": 35, "anchors": [{"from": 171, "to": 172}]}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}], "edges": [{"source": 47, "target": 28, "label": "F"}, {"source": 49, "target": 48, "label": "E"}, {"source": 50, "target": 30, "label": "E"}, {"source": 47, "target": 49, "label": "P"}, {"source": 37, "target": 16, "label": "L"}, {"source": 51, "target": 32, "label": "R"}, {"source": 42, "target": 10, "label": "C"}, {"source": 45, "target": 21, "label": "F"}, {"source": 39, "target": 40, "label": "A"}, {"source": 44, "target": 17, "label": "A"}, {"source": 47, "target": 51, "label": "A"}, {"source": 38, "target": 2, "label": "R"}, {"source": 44, "target": 19, "label": "D"}, {"source": 37, "target": 4, "label": "L"}, {"source": 43, "target": 13, "label": "R"}, {"source": 39, "target": 43, "label": "A"}, {"source": 40, "target": 7, "label": "E"}, {"source": 44, "target": 18, "label": "F"}, {"source": 46, "target": 23, "label": "C"}, {"source": 45, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 44, "target": 20, "label": "S"}, {"source": 46, "target": 22, "label": "E"}, {"source": 43, "target": 14, "label": "C"}, {"source": 38, "target": 3, "label": "C"}, {"source": 41, "target": 9, "label": "R"}, {"source": 49, "target": 29, "label": "C"}, {"source": 42, "target": 11, "label": "R"}, {"source": 36, "target": 0, "label": "A"}, {"source": 51, "target": 33, "label": "E"}, {"source": 39, "target": 5, "label": "F"}, {"source": 51, "target": 34, "label": "C"}, {"source": 37, "target": 47, "label": "H"}, {"source": 36, "target": 38, "label": "A"}, {"source": 48, "target": 27, "label": "C"}, {"source": 41, "target": 12, "label": "C"}, {"source": 39, "target": 6, "label": "P"}, {"source": 36, "target": 1, "label": "P"}, {"source": 45, "target": 46, "label": "D"}, {"source": 48, "target": 26, "label": "E"}, {"source": 37, "target": 36, "label": "H"}, {"source": 37, "target": 24, "label": "U"}, {"source": 39, "target": 41, "label": "A"}, {"source": 47, "target": 25, "label": "D"}, {"source": 50, "target": 31, "label": "C"}, {"source": 37, "target": 15, "label": "U"}, {"source": 37, "target": 39, "label": "H"}, {"source": 37, "target": 44, "label": "H"}, {"source": 44, "target": 45, "label": "A"}, {"source": 40, "target": 8, "label": "C"}, {"source": 51, "target": 35, "label": "U"}, {"source": 41, "target": 42, "label": "E"}, {"source": 47, "target": 50, "label": "A"}]} +{"id": "390330-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I appreciate the quick, good service and the reasonable prices and will definitely use American Pride Irrigation & Landscaping again.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 82}]}, {"id": 14, "anchors": [{"from": 83, "to": 86}]}, {"id": 15, "anchors": [{"from": 87, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 101}]}, {"id": 17, "anchors": [{"from": 102, "to": 112}, {"from": 115, "to": 126}]}, {"id": 18, "anchors": [{"from": 113, "to": 114}]}, {"id": 19, "anchors": [{"from": 127, "to": 132}]}, {"id": 20, "anchors": [{"from": 132, "to": 133}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 21, "target": 1, "label": "P"}, {"source": 27, "target": 14, "label": "P"}, {"source": 28, "target": 17, "label": "C"}, {"source": 25, "target": 5, "label": "E"}, {"source": 24, "target": 26, "label": "C"}, {"source": 21, "target": 0, "label": "A"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 25, "label": "C"}, {"source": 28, "target": 18, "label": "U"}, {"source": 28, "target": 15, "label": "E"}, {"source": 23, "target": 3, "label": "E"}, {"source": 22, "target": 11, "label": "L"}, {"source": 26, "target": 8, "label": "E"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 27, "target": 13, "label": "D"}, {"source": 24, "target": 7, "label": "N"}, {"source": 26, "target": 10, "label": "C"}, {"source": 24, "target": 4, "label": "U"}, {"source": 27, "target": 19, "label": "D"}, {"source": 27, "target": 12, "label": "F"}, {"source": 26, "target": 9, "label": "E"}, {"source": 24, "target": 23, "label": "C"}, {"source": 25, "target": 6, "label": "C"}, {"source": 27, "target": 20, "label": "U"}, {"source": 22, "target": 21, "label": "H"}, {"source": 28, "target": 16, "label": "E"}, {"source": 27, "target": 28, "label": "A"}, {"source": 23, "target": 2, "label": "E"}, {"source": 22, "target": 27, "label": "H"}]} +{"id": "391012-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Watch out for your wallet", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "A"}, {"source": 6, "target": 2, "label": "E"}, {"source": 6, "target": 3, "label": "E"}, {"source": 5, "target": 0, "label": "P"}, {"source": 4, "target": 5, "label": "H"}]} +{"id": "391012-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Watch out for your wallet!", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 13}]}, {"id": 2, "anchors": [{"from": 14, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 25}]}, {"id": 4, "anchors": [{"from": 25, "to": 26}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 7, "label": "A"}, {"source": 6, "target": 0, "label": "P"}, {"source": 7, "target": 1, "label": "R"}, {"source": 5, "target": 6, "label": "H"}, {"source": 7, "target": 4, "label": "U"}, {"source": 7, "target": 3, "label": "C"}]} +{"id": "391012-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "This company is overpriced for their services.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 45}]}, {"id": 7, "anchors": [{"from": 45, "to": 46}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 11, "target": 4, "label": "R"}, {"source": 8, "target": 0, "label": "E"}, {"source": 8, "target": 1, "label": "C"}, {"source": 11, "target": 5, "label": "E"}, {"source": 10, "target": 2, "label": "F"}, {"source": 11, "target": 6, "label": "C"}, {"source": 10, "target": 11, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "U"}, {"source": 10, "target": 8, "label": "A"}, {"source": 10, "target": 3, "label": "S"}]} +{"id": "391012-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They pride themselves on being an event and team building company for corporate clients but you better believe they are going to mark you up on that feel good premise.", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 58, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 69}]}, {"id": 12, "anchors": [{"from": 70, "to": 79}]}, {"id": 13, "anchors": [{"from": 80, "to": 87}]}, {"id": 14, "anchors": [{"from": 88, "to": 91}]}, {"id": 15, "anchors": [{"from": 92, "to": 95}]}, {"id": 16, "anchors": [{"from": 96, "to": 102}]}, {"id": 17, "anchors": [{"from": 103, "to": 110}]}, {"id": 18, "anchors": [{"from": 111, "to": 115}]}, {"id": 19, "anchors": [{"from": 116, "to": 119}]}, {"id": 20, "anchors": [{"from": 120, "to": 125}]}, {"id": 21, "anchors": [{"from": 126, "to": 128}]}, {"id": 22, "anchors": [{"from": 129, "to": 133}]}, {"id": 23, "anchors": [{"from": 134, "to": 137}]}, {"id": 24, "anchors": [{"from": 138, "to": 140}]}, {"id": 25, "anchors": [{"from": 141, "to": 143}]}, {"id": 26, "anchors": [{"from": 144, "to": 148}]}, {"id": 27, "anchors": [{"from": 149, "to": 153}]}, {"id": 28, "anchors": [{"from": 154, "to": 158}]}, {"id": 29, "anchors": [{"from": 159, "to": 166}]}, {"id": 30, "anchors": [{"from": 166, "to": 167}]}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 36, "target": 10, "label": "C"}, {"source": 32, "target": 14, "label": "L"}, {"source": 38, "target": 39, "label": "A"}, {"source": 31, "target": 1, "label": "P"}, {"source": 33, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 30, "label": "U"}, {"source": 32, "target": 31, "label": "H"}, {"source": 31, "target": 33, "label": "A"}, {"source": 40, "target": 23, "label": "A"}, {"source": 33, "target": 3, "label": "R"}, {"source": 31, "target": 2, "label": "D"}, {"source": 36, "target": 8, "label": "E"}, {"source": 40, "target": 22, "label": "P"}, {"source": 40, "target": 41, "label": "A"}, {"source": 34, "target": 5, "label": "E"}, {"source": 32, "target": 38, "label": "H"}, {"source": 35, "target": 34, "label": "C"}, {"source": 31, "target": 0, "label": "A"}, {"source": 41, "target": 28, "label": "E"}, {"source": 35, "target": 7, "label": "N"}, {"source": 40, "target": 24, "label": "D"}, {"source": 33, "target": 35, "label": "A"}, {"source": 38, "target": 16, "label": "D"}, {"source": 41, "target": 25, "label": "R"}, {"source": 41, "target": 27, "label": "E"}, {"source": 38, "target": 17, "label": "P"}, {"source": 33, "target": 37, "label": "A"}, {"source": 34, "target": 6, "label": "C"}, {"source": 41, "target": 26, "label": "E"}, {"source": 35, "target": 36, "label": "C"}, {"source": 36, "target": 9, "label": "E"}, {"source": 39, "target": 18, "label": "A"}, {"source": 38, "target": 15, "label": "A"}, {"source": 37, "target": 11, "label": "R"}, {"source": 41, "target": 29, "label": "C"}, {"source": 37, "target": 12, "label": "E"}, {"source": 39, "target": 19, "label": "F"}, {"source": 40, "target": 21, "label": "F"}, {"source": 37, "target": 13, "label": "C"}, {"source": 39, "target": 20, "label": "P"}, {"source": 33, "target": 4, "label": "P"}]} +{"id": "391012-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "On a recent event quote that I had done, they came in thousands of dollars over their local competition.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 39, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 50}]}, {"id": 12, "anchors": [{"from": 51, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 79}]}, {"id": 17, "anchors": [{"from": 80, "to": 85}]}, {"id": 18, "anchors": [{"from": 86, "to": 91}]}, {"id": 19, "anchors": [{"from": 92, "to": 103}]}, {"id": 20, "anchors": [{"from": 103, "to": 104}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 26, "target": 15, "label": "C"}, {"source": 24, "target": 7, "label": "F"}, {"source": 28, "target": 16, "label": "R"}, {"source": 27, "target": 14, "label": "R"}, {"source": 21, "target": 25, "label": "H"}, {"source": 24, "target": 8, "label": "P"}, {"source": 26, "target": 12, "label": "E"}, {"source": 28, "target": 19, "label": "C"}, {"source": 28, "target": 18, "label": "E"}, {"source": 25, "target": 28, "label": "A"}, {"source": 28, "target": 17, "label": "E"}, {"source": 25, "target": 26, "label": "A"}, {"source": 25, "target": 10, "label": "A"}, {"source": 22, "target": 2, "label": "E"}, {"source": 21, "target": 23, "label": "H"}, {"source": 22, "target": 1, "label": "E"}, {"source": 28, "target": 20, "label": "U"}, {"source": 24, "target": 6, "label": "A"}, {"source": 27, "target": 13, "label": "C"}, {"source": 22, "target": 3, "label": "E"}, {"source": 21, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "U"}, {"source": 23, "target": 24, "label": "A"}, {"source": 25, "target": 11, "label": "P"}, {"source": 22, "target": 4, "label": "C"}, {"source": 24, "target": 5, "label": "F"}, {"source": 26, "target": 27, "label": "E"}, {"source": 23, "target": 22, "label": "A"}]} +{"id": "391012-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The craziest part is that they aren't even based locally at the city I'm in- they just have 'teams' in areas through the country.", "tops": [30], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 63}]}, {"id": 13, "anchors": [{"from": 64, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 70}, {"from": 70, "to": 72}]}, {"id": 15, "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "anchors": [{"from": 75, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 81}]}, {"id": 18, "anchors": [{"from": 82, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 91}]}, {"id": 20, "anchors": [{"from": 92, "to": 93}]}, {"id": 21, "anchors": [{"from": 93, "to": 98}]}, {"id": 22, "anchors": [{"from": 98, "to": 99}]}, {"id": 23, "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "anchors": [{"from": 103, "to": 108}]}, {"id": 25, "anchors": [{"from": 109, "to": 116}]}, {"id": 26, "anchors": [{"from": 117, "to": 120}]}, {"id": 27, "anchors": [{"from": 121, "to": 128}]}, {"id": 28, "anchors": [{"from": 128, "to": 129}]}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}], "edges": [{"source": 33, "target": 11, "label": "R"}, {"source": 35, "target": 23, "label": "E"}, {"source": 35, "target": 24, "label": "C"}, {"source": 34, "target": 20, "label": "U"}, {"source": 33, "target": 12, "label": "E"}, {"source": 34, "target": 18, "label": "D"}, {"source": 34, "target": 17, "label": "A"}, {"source": 32, "target": 10, "label": "D"}, {"source": 32, "target": 4, "label": "F"}, {"source": 32, "target": 6, "label": "F"}, {"source": 36, "target": 35, "label": "P"}, {"source": 32, "target": 8, "label": "D"}, {"source": 34, "target": 19, "label": "F"}, {"source": 30, "target": 31, "label": "H"}, {"source": 32, "target": 7, "label": "D"}, {"source": 29, "target": 1, "label": "E"}, {"source": 32, "target": 9, "label": "P"}, {"source": 34, "target": 36, "label": "E"}, {"source": 32, "target": 34, "label": "A"}, {"source": 34, "target": 22, "label": "U"}, {"source": 31, "target": 29, "label": "A"}, {"source": 29, "target": 0, "label": "E"}, {"source": 33, "target": 14, "label": "C"}, {"source": 36, "target": 37, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 32, "target": 5, "label": "A"}, {"source": 31, "target": 3, "label": "S"}, {"source": 37, "target": 27, "label": "C"}, {"source": 37, "target": 25, "label": "R"}, {"source": 37, "target": 26, "label": "E"}, {"source": 34, "target": 15, "label": "R"}, {"source": 37, "target": 28, "label": "U"}, {"source": 32, "target": 33, "label": "A"}, {"source": 33, "target": 13, "label": "E"}, {"source": 34, "target": 21, "label": "C"}, {"source": 29, "target": 2, "label": "C"}, {"source": 34, "target": 16, "label": "U"}]} +{"id": "391012-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Be warned- they'll ltake you for everything they can.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 43}]}, {"id": 9, "anchors": [{"from": 44, "to": 48}]}, {"id": 10, "anchors": [{"from": 49, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}], "edges": [{"source": 16, "target": 7, "label": "R"}, {"source": 17, "target": 10, "label": "P"}, {"source": 15, "target": 6, "label": "A"}, {"source": 16, "target": 8, "label": "C"}, {"source": 13, "target": 1, "label": "P"}, {"source": 13, "target": 2, "label": "U"}, {"source": 14, "target": 3, "label": "A"}, {"source": 14, "target": 4, "label": "P"}, {"source": 13, "target": 0, "label": "F"}, {"source": 14, "target": 16, "label": "A"}, {"source": 15, "target": 5, "label": "P"}, {"source": 17, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 16, "target": 17, "label": "E"}, {"source": 14, "target": 15, "label": "A"}, {"source": 17, "target": 9, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 12, "target": 13, "label": "H"}, {"source": 17, "target": 11, "label": "U"}]} +{"id": "392826-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Extremely greasy.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 16}]}, {"id": 2, "anchors": [{"from": 16, "to": 17}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "392826-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Hit or miss on the service.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 26}]}, {"id": 6, "anchors": [{"from": 26, "to": 27}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 7, "label": "P"}, {"source": 9, "target": 10, "label": "A"}, {"source": 7, "target": 2, "label": "C"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 7, "target": 1, "label": "N"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 0, "label": "C"}, {"source": 10, "target": 5, "label": "C"}, {"source": 10, "target": 3, "label": "R"}]} +{"id": "392826-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "My fries weren't fully cooked last time I went there.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 52, "to": 53}]}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 13, "target": 2, "label": "F"}, {"source": 13, "target": 4, "label": "D"}, {"source": 12, "target": 1, "label": "C"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 16, "target": 10, "label": "A"}, {"source": 13, "target": 3, "label": "D"}, {"source": 14, "target": 13, "label": "H"}, {"source": 16, "target": 8, "label": "A"}, {"source": 16, "target": 11, "label": "U"}, {"source": 12, "target": 0, "label": "E"}, {"source": 14, "target": 16, "label": "H"}, {"source": 13, "target": 15, "label": "D"}, {"source": 13, "target": 5, "label": "P"}, {"source": 16, "target": 9, "label": "P"}, {"source": 13, "target": 12, "label": "A"}]} +{"id": "392826-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Pretty spendy for really not great quality", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}, {"from": 7, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 17}]}, {"id": 2, "anchors": [{"from": 18, "to": 24}]}, {"id": 3, "anchors": [{"from": 25, "to": 28}]}, {"id": 4, "anchors": [{"from": 29, "to": 34}]}, {"id": 5, "anchors": [{"from": 35, "to": 42}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 2, "label": "D"}, {"source": 8, "target": 0, "label": "C"}, {"source": 9, "target": 10, "label": "A"}, {"source": 9, "target": 3, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 10, "target": 4, "label": "E"}, {"source": 9, "target": 1, "label": "R"}, {"source": 10, "target": 5, "label": "C"}]} +{"id": "394662-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "this is a good place", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 20}]}, {"id": 5}, {"id": 6}, {"id": 7}], "edges": [{"source": 7, "target": 2, "label": "E"}, {"source": 6, "target": 1, "label": "F"}, {"source": 7, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "A"}, {"source": 7, "target": 4, "label": "C"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 7, "label": "S"}]} +{"id": "394662-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have been here before and the service was absoulutely great.", "tops": [12], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}, {"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 55}]}, {"id": 9, "anchors": [{"from": 56, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 62}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 14, "target": 8, "label": "D"}, {"source": 12, "target": 14, "label": "H"}, {"source": 12, "target": 4, "label": "L"}, {"source": 11, "target": 3, "label": "S"}, {"source": 11, "target": 2, "label": "F"}, {"source": 11, "target": 1, "label": "F"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 11, "label": "H"}, {"source": 14, "target": 7, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 9, "label": "A"}, {"source": 11, "target": 0, "label": "A"}, {"source": 14, "target": 13, "label": "A"}]} +{"id": "394662-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They had a great selection of colors to choose from and their seats are super comfty.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 84}]}, {"id": 16, "anchors": [{"from": 84, "to": 85}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 18, "target": 21, "label": "A"}, {"source": 19, "target": 4, "label": "C"}, {"source": 19, "target": 5, "label": "R"}, {"source": 19, "target": 2, "label": "E"}, {"source": 21, "target": 8, "label": "P"}, {"source": 18, "target": 0, "label": "A"}, {"source": 19, "target": 3, "label": "E"}, {"source": 21, "target": 7, "label": "F"}, {"source": 20, "target": 19, "label": "E"}, {"source": 23, "target": 11, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "D"}, {"source": 22, "target": 9, "label": "R"}, {"source": 18, "target": 1, "label": "P"}, {"source": 20, "target": 6, "label": "C"}, {"source": 17, "target": 18, "label": "H"}, {"source": 21, "target": 22, "label": "A"}, {"source": 22, "target": 10, "label": "N"}, {"source": 22, "target": 23, "label": "C"}, {"source": 21, "target": 6, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 16, "label": "U"}, {"source": 21, "target": 13, "label": "F"}, {"source": 23, "target": 12, "label": "C"}, {"source": 21, "target": 15, "label": "A"}]} +{"id": "394662-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I enjoy going there although i've only been there once, i will be returning toda to recieve a pair of french tips and i will only go to the best and to me the best is here.", "tops": [40], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 30}, {"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 49}]}, {"id": 9, "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 57}]}, {"id": 12, "anchors": [{"from": 58, "to": 62}]}, {"id": 13, "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 98}]}, {"id": 20, "anchors": [{"from": 99, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 117}]}, {"id": 24, "anchors": [{"from": 118, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 124}]}, {"id": 26, "anchors": [{"from": 125, "to": 129}]}, {"id": 27, "anchors": [{"from": 130, "to": 132}]}, {"id": 28, "anchors": [{"from": 133, "to": 135}]}, {"id": 29, "anchors": [{"from": 136, "to": 139}]}, {"id": 30, "anchors": [{"from": 140, "to": 144}]}, {"id": 31, "anchors": [{"from": 145, "to": 148}]}, {"id": 32, "anchors": [{"from": 149, "to": 151}]}, {"id": 33, "anchors": [{"from": 152, "to": 154}]}, {"id": 34, "anchors": [{"from": 155, "to": 158}]}, {"id": 35, "anchors": [{"from": 159, "to": 163}]}, {"id": 36, "anchors": [{"from": 164, "to": 166}]}, {"id": 37, "anchors": [{"from": 167, "to": 171}]}, {"id": 38, "anchors": [{"from": 171, "to": 172}]}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}], "edges": [{"source": 52, "target": 38, "label": "U"}, {"source": 42, "target": 7, "label": "F"}, {"source": 43, "target": 44, "label": "A"}, {"source": 48, "target": 30, "label": "C"}, {"source": 42, "target": 8, "label": "A"}, {"source": 49, "target": 31, "label": "N"}, {"source": 42, "target": 9, "label": "D"}, {"source": 50, "target": 52, "label": "A"}, {"source": 45, "target": 46, "label": "E"}, {"source": 52, "target": 36, "label": "F"}, {"source": 44, "target": 17, "label": "P"}, {"source": 50, "target": 32, "label": "R"}, {"source": 40, "target": 10, "label": "U"}, {"source": 41, "target": 3, "label": "A"}, {"source": 39, "target": 0, "label": "A"}, {"source": 45, "target": 19, "label": "C"}, {"source": 42, "target": 5, "label": "A"}, {"source": 40, "target": 47, "label": "H"}, {"source": 49, "target": 50, "label": "C"}, {"source": 39, "target": 1, "label": "P"}, {"source": 46, "target": 22, "label": "C"}, {"source": 41, "target": 2, "label": "P"}, {"source": 42, "target": 6, "label": "D"}, {"source": 46, "target": 21, "label": "E"}, {"source": 48, "target": 28, "label": "R"}, {"source": 50, "target": 51, "label": "S"}, {"source": 51, "target": 34, "label": "E"}, {"source": 43, "target": 15, "label": "D"}, {"source": 49, "target": 48, "label": "C"}, {"source": 39, "target": 41, "label": "A"}, {"source": 47, "target": 26, "label": "D"}, {"source": 45, "target": 18, "label": "E"}, {"source": 44, "target": 16, "label": "F"}, {"source": 47, "target": 25, "label": "F"}, {"source": 50, "target": 33, "label": "C"}, {"source": 46, "target": 20, "label": "R"}, {"source": 52, "target": 37, "label": "C"}, {"source": 47, "target": 27, "label": "P"}, {"source": 44, "target": 45, "label": "A"}, {"source": 40, "target": 4, "label": "L"}, {"source": 40, "target": 43, "label": "H"}, {"source": 40, "target": 23, "label": "L"}, {"source": 40, "target": 42, "label": "H"}, {"source": 40, "target": 39, "label": "H"}, {"source": 43, "target": 12, "label": "F"}, {"source": 43, "target": 14, "label": "P"}, {"source": 47, "target": 49, "label": "A"}, {"source": 51, "target": 35, "label": "C"}, {"source": 47, "target": 24, "label": "A"}, {"source": 43, "target": 13, "label": "F"}, {"source": 40, "target": 11, "label": "L"}, {"source": 48, "target": 29, "label": "E"}]} +{"id": "394662-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "i reccomend you to go and enjoy their wonderful hospitality.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 59}]}, {"id": 10, "anchors": [{"from": 59, "to": 60}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 15, "target": 8, "label": "E"}, {"source": 13, "target": 15, "label": "A"}, {"source": 15, "target": 9, "label": "C"}, {"source": 13, "target": 14, "label": "P"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 6, "label": "C"}, {"source": 13, "target": 3, "label": "F"}, {"source": 15, "target": 7, "label": "E"}, {"source": 12, "target": 2, "label": "A"}, {"source": 14, "target": 4, "label": "C"}, {"source": 14, "target": 5, "label": "N"}, {"source": 13, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 11, "target": 0, "label": "L"}, {"source": 15, "target": 10, "label": "U"}]} +{"id": "395149-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "WONDERFUL service.", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 17}]}, {"id": 2, "anchors": [{"from": 17, "to": 18}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 2, "label": "U"}, {"source": 5, "target": 1, "label": "C"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}]} +{"id": "395149-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have used them once and will use them in the future.", "tops": [14], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "anchors": [{"from": 35, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 53}]}, {"id": 12, "anchors": [{"from": 53, "to": 54}]}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}], "edges": [{"source": 15, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 14, "target": 5, "label": "L"}, {"source": 14, "target": 15, "label": "H"}, {"source": 13, "target": 4, "label": "D"}, {"source": 16, "target": 9, "label": "R"}, {"source": 15, "target": 8, "label": "A"}, {"source": 13, "target": 3, "label": "A"}, {"source": 14, "target": 13, "label": "H"}, {"source": 15, "target": 16, "label": "D"}, {"source": 13, "target": 0, "label": "A"}, {"source": 13, "target": 1, "label": "F"}, {"source": 15, "target": 7, "label": "P"}, {"source": 16, "target": 11, "label": "C"}, {"source": 16, "target": 10, "label": "E"}, {"source": 16, "target": 12, "label": "U"}, {"source": 15, "target": 6, "label": "F"}, {"source": 13, "target": 2, "label": "P"}]} +{"id": "395149-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Beautiful work, fast shipping and great communication.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 9}]}, {"id": 1, "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "anchors": [{"from": 14, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 53}]}, {"id": 8, "anchors": [{"from": 53, "to": 54}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 13, "target": 4, "label": "C"}, {"source": 12, "target": 14, "label": "C"}, {"source": 13, "target": 3, "label": "E"}, {"source": 12, "target": 9, "label": "C"}, {"source": 12, "target": 5, "label": "N"}, {"source": 11, "target": 12, "label": "A"}, {"source": 12, "target": 2, "label": "U"}, {"source": 9, "target": 1, "label": "C"}, {"source": 14, "target": 7, "label": "C"}, {"source": 14, "target": 8, "label": "U"}, {"source": 12, "target": 13, "label": "C"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "395218-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Tire Gooroo", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 11}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "395218-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "David Bundren is the Tire GooRoo.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}, {"from": 6, "to": 13}]}, {"id": 1, "anchors": [{"from": 14, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 20}]}, {"id": 3, "anchors": [{"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 32}]}, {"id": 5, "anchors": [{"from": 32, "to": 33}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 1, "label": "S"}, {"source": 8, "target": 4, "label": "C"}, {"source": 8, "target": 5, "label": "U"}, {"source": 7, "target": 8, "label": "A"}, {"source": 8, "target": 3, "label": "E"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "395640-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Don't bother.", "tops": [4], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4}, {"id": 5}], "edges": [{"source": 5, "target": 2, "label": "P"}, {"source": 5, "target": 1, "label": "D"}, {"source": 5, "target": 3, "label": "U"}, {"source": 4, "target": 5, "label": "H"}, {"source": 4, "target": 0, "label": "L"}]} +{"id": "395640-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It's impossible to understand how this place has survived.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 2, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 57}]}, {"id": 10, "anchors": [{"from": 57, "to": 58}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 2, "label": "S"}, {"source": 12, "target": 0, "label": "A"}, {"source": 14, "target": 5, "label": "D"}, {"source": 15, "target": 7, "label": "C"}, {"source": 15, "target": 6, "label": "E"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 9, "label": "S"}, {"source": 14, "target": 10, "label": "U"}, {"source": 13, "target": 3, "label": "F"}, {"source": 13, "target": 4, "label": "S"}, {"source": 14, "target": 15, "label": "A"}, {"source": 13, "target": 14, "label": "A"}, {"source": 14, "target": 8, "label": "F"}, {"source": 12, "target": 1, "label": "F"}]} +{"id": "396046-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Worst experience ever like a sardine can and the bartender downstairs is the rudest person I have ever met.", "tops": [22], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 16}]}, {"id": 2, "anchors": [{"from": 17, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 40}]}, {"id": 7, "anchors": [{"from": 41, "to": 44}]}, {"id": 8, "anchors": [{"from": 45, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 58}]}, {"id": 10, "anchors": [{"from": 59, "to": 69}]}, {"id": 11, "anchors": [{"from": 70, "to": 72}]}, {"id": 12, "anchors": [{"from": 73, "to": 76}]}, {"id": 13, "anchors": [{"from": 77, "to": 83}]}, {"id": 14, "anchors": [{"from": 84, "to": 90}]}, {"id": 15, "anchors": [{"from": 91, "to": 92}]}, {"id": 16, "anchors": [{"from": 93, "to": 97}]}, {"id": 17, "anchors": [{"from": 98, "to": 102}]}, {"id": 18, "anchors": [{"from": 103, "to": 106}]}, {"id": 19, "anchors": [{"from": 106, "to": 107}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 22, "target": 7, "label": "L"}, {"source": 20, "target": 1, "label": "C"}, {"source": 30, "target": 17, "label": "D"}, {"source": 30, "target": 18, "label": "P"}, {"source": 21, "target": 2, "label": "D"}, {"source": 28, "target": 11, "label": "S"}, {"source": 29, "target": 30, "label": "E"}, {"source": 22, "target": 28, "label": "H"}, {"source": 30, "target": 19, "label": "U"}, {"source": 24, "target": 4, "label": "E"}, {"source": 21, "target": 23, "label": "A"}, {"source": 23, "target": 3, "label": "R"}, {"source": 29, "target": 13, "label": "E"}, {"source": 30, "target": 15, "label": "A"}, {"source": 26, "target": 8, "label": "E"}, {"source": 29, "target": 14, "label": "C"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 25, "label": "C"}, {"source": 29, "target": 12, "label": "E"}, {"source": 27, "target": 26, "label": "A"}, {"source": 21, "target": 20, "label": "A"}, {"source": 20, "target": 0, "label": "E"}, {"source": 22, "target": 21, "label": "H"}, {"source": 26, "target": 9, "label": "C"}, {"source": 30, "target": 16, "label": "F"}, {"source": 25, "target": 24, "label": "A"}, {"source": 27, "target": 10, "label": "D"}, {"source": 22, "target": 27, "label": "H"}, {"source": 24, "target": 5, "label": "C"}, {"source": 25, "target": 6, "label": "P"}]} +{"id": "396046-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "DONt Go here", "tops": [1], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}, {"from": 2, "to": 4}, {"from": 5, "to": 7}, {"from": 8, "to": 12}]}, {"id": 1}, {"id": 2}], "edges": [{"source": 1, "target": 2, "label": "H"}, {"source": 2, "target": 0, "label": "A"}]} +{"id": "396874-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Restored my faith in Mechaincs.", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 8, "target": 9, "label": "E"}, {"source": 9, "target": 3, "label": "R"}, {"source": 8, "target": 1, "label": "E"}, {"source": 7, "target": 0, "label": "P"}, {"source": 8, "target": 2, "label": "C"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 9, "target": 5, "label": "U"}, {"source": 9, "target": 4, "label": "C"}]} +{"id": "396874-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I spent 3 months going from shop to shop trying to get my Ferrari to run and drive the way it should.", "tops": [24], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 50}]}, {"id": 11, "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 65}]}, {"id": 14, "anchors": [{"from": 66, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 72}]}, {"id": 16, "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "anchors": [{"from": 83, "to": 86}]}, {"id": 19, "anchors": [{"from": 87, "to": 90}]}, {"id": 20, "anchors": [{"from": 91, "to": 93}]}, {"id": 21, "anchors": [{"from": 94, "to": 100}]}, {"id": 22, "anchors": [{"from": 100, "to": 101}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 24, "target": 22, "label": "U"}, {"source": 30, "target": 12, "label": "E"}, {"source": 31, "target": 16, "label": "N"}, {"source": 24, "target": 32, "label": "H"}, {"source": 24, "target": 26, "label": "H"}, {"source": 25, "target": 2, "label": "E"}, {"source": 29, "target": 30, "label": "A"}, {"source": 25, "target": 3, "label": "C"}, {"source": 31, "target": 15, "label": "C"}, {"source": 28, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 20, "label": "A"}, {"source": 30, "target": 13, "label": "C"}, {"source": 28, "target": 8, "label": "A"}, {"source": 33, "target": 18, "label": "E"}, {"source": 31, "target": 17, "label": "C"}, {"source": 24, "target": 28, "label": "H"}, {"source": 33, "target": 19, "label": "C"}, {"source": 28, "target": 9, "label": "P"}, {"source": 27, "target": 6, "label": "P"}, {"source": 26, "target": 27, "label": "A"}, {"source": 28, "target": 29, "label": "A"}, {"source": 23, "target": 1, "label": "P"}, {"source": 27, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 4, "label": "P"}, {"source": 24, "target": 23, "label": "H"}, {"source": 27, "target": 5, "label": "R"}, {"source": 24, "target": 14, "label": "L"}, {"source": 29, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 25, "label": "D"}, {"source": 32, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 0, "label": "A"}, {"source": 24, "target": 7, "label": "L"}, {"source": 34, "target": 21, "label": "P"}, {"source": 32, "target": 33, "label": "A"}, {"source": 29, "target": 11, "label": "P"}, {"source": 24, "target": 34, "label": "H"}, {"source": 29, "target": 10, "label": "F"}, {"source": 32, "target": 31, "label": "P"}]} +{"id": "396874-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I was about to give up when I met Jason and Neal.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 14}, {"from": 15, "to": 19}, {"from": 20, "to": 22}]}, {"id": 3, "anchors": [{"from": 23, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 48, "to": 49}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 13, "label": "A"}, {"source": 10, "target": 1, "label": "F"}, {"source": 13, "target": 6, "label": "C"}, {"source": 13, "target": 9, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "P"}, {"source": 12, "target": 4, "label": "A"}, {"source": 12, "target": 5, "label": "P"}, {"source": 13, "target": 7, "label": "N"}, {"source": 11, "target": 3, "label": "L"}, {"source": 13, "target": 8, "label": "C"}]} +{"id": "396874-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They took on the challenge of making my Ferrari all I dreamed of and more.", "tops": [15], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}, {"from": 10, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 26}]}, {"id": 4, "anchors": [{"from": 27, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 39}]}, {"id": 7, "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 51}]}, {"id": 9, "anchors": [{"from": 52, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 61}]}, {"id": 11, "anchors": [{"from": 62, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 73}]}, {"id": 14, "anchors": [{"from": 73, "to": 74}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 15, "target": 16, "label": "H"}, {"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 21, "target": 12, "label": "N"}, {"source": 21, "target": 14, "label": "U"}, {"source": 16, "target": 0, "label": "A"}, {"source": 18, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 9, "label": "C"}, {"source": 20, "target": 8, "label": "R"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 4, "label": "F"}, {"source": 19, "target": 20, "label": "E"}, {"source": 21, "target": 11, "label": "R"}, {"source": 17, "target": 3, "label": "C"}, {"source": 16, "target": 17, "label": "P"}, {"source": 21, "target": 10, "label": "C"}, {"source": 21, "target": 13, "label": "C"}, {"source": 16, "target": 21, "label": "A"}, {"source": 17, "target": 1, "label": "E"}, {"source": 17, "target": 2, "label": "E"}, {"source": 18, "target": 19, "label": "A"}, {"source": 18, "target": 5, "label": "P"}]} +{"id": "396874-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The crew at The Creative Workshop went over and above the call of duty and gave me back a car I can drive anywhere and finally enjoy owning.", "tops": [29], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}, {"from": 16, "to": 24}, {"from": 25, "to": 33}]}, {"id": 4, "anchors": [{"from": 34, "to": 38}]}, {"id": 5, "anchors": [{"from": 39, "to": 43}]}, {"id": 6, "anchors": [{"from": 44, "to": 47}]}, {"id": 7, "anchors": [{"from": 48, "to": 53}]}, {"id": 8, "anchors": [{"from": 54, "to": 57}]}, {"id": 9, "anchors": [{"from": 58, "to": 62}]}, {"id": 10, "anchors": [{"from": 63, "to": 65}]}, {"id": 11, "anchors": [{"from": 66, "to": 70}]}, {"id": 12, "anchors": [{"from": 71, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "anchors": [{"from": 83, "to": 87}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 99}]}, {"id": 20, "anchors": [{"from": 100, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 114}]}, {"id": 22, "anchors": [{"from": 115, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 126}]}, {"id": 24, "anchors": [{"from": 127, "to": 132}]}, {"id": 25, "anchors": [{"from": 133, "to": 139}]}, {"id": 26, "anchors": [{"from": 139, "to": 140}]}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}], "edges": [{"source": 38, "target": 19, "label": "D"}, {"source": 37, "target": 15, "label": "E"}, {"source": 28, "target": 31, "label": "P"}, {"source": 32, "target": 6, "label": "N"}, {"source": 38, "target": 17, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 36, "target": 14, "label": "A"}, {"source": 37, "target": 38, "label": "E"}, {"source": 32, "target": 7, "label": "C"}, {"source": 31, "target": 4, "label": "C"}, {"source": 34, "target": 33, "label": "S"}, {"source": 39, "target": 24, "label": "D"}, {"source": 38, "target": 20, "label": "P"}, {"source": 35, "target": 10, "label": "R"}, {"source": 33, "target": 8, "label": "E"}, {"source": 29, "target": 12, "label": "L"}, {"source": 29, "target": 22, "label": "L"}, {"source": 32, "target": 5, "label": "C"}, {"source": 29, "target": 36, "label": "H"}, {"source": 39, "target": 26, "label": "U"}, {"source": 37, "target": 17, "label": "C"}, {"source": 38, "target": 18, "label": "A"}, {"source": 29, "target": 34, "label": "H"}, {"source": 27, "target": 30, "label": "E"}, {"source": 33, "target": 9, "label": "C"}, {"source": 27, "target": 0, "label": "E"}, {"source": 34, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 34, "target": 35, "label": "A"}, {"source": 36, "target": 37, "label": "A"}, {"source": 29, "target": 28, "label": "H"}, {"source": 39, "target": 23, "label": "D"}, {"source": 30, "target": 3, "label": "C"}, {"source": 27, "target": 1, "label": "C"}, {"source": 29, "target": 39, "label": "H"}, {"source": 28, "target": 27, "label": "A"}, {"source": 38, "target": 21, "label": "D"}, {"source": 37, "target": 16, "label": "E"}, {"source": 39, "target": 25, "label": "S"}, {"source": 31, "target": 32, "label": "E"}, {"source": 36, "target": 13, "label": "P"}, {"source": 36, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 2, "label": "R"}, {"source": 35, "target": 11, "label": "C"}, {"source": 39, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "396874-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I cannot say enough about this place.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 36}]}, {"id": 8, "anchors": [{"from": 36, "to": 37}]}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 4, "label": "D"}, {"source": 11, "target": 5, "label": "R"}, {"source": 11, "target": 6, "label": "E"}, {"source": 10, "target": 1, "label": "D"}, {"source": 10, "target": 11, "label": "A"}, {"source": 11, "target": 8, "label": "U"}, {"source": 10, "target": 3, "label": "P"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 2, "label": "D"}, {"source": 9, "target": 10, "label": "H"}, {"source": 11, "target": 7, "label": "C"}]} +{"id": "396874-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "They have restored my faith in Mechanics.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 40}]}, {"id": 7, "anchors": [{"from": 40, "to": 41}]}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 9, "target": 2, "label": "P"}, {"source": 11, "target": 5, "label": "R"}, {"source": 9, "target": 10, "label": "A"}, {"source": 11, "target": 6, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 9, "target": 1, "label": "F"}, {"source": 11, "target": 7, "label": "U"}, {"source": 9, "target": 11, "label": "A"}]} +{"id": "396874-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Do yourself a favor, call these guys first and enjoy driving your car again..", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 46}]}, {"id": 10, "anchors": [{"from": 47, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 75}]}, {"id": 15, "anchors": [{"from": 75, "to": 77}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 17, "target": 19, "label": "H"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 21, "target": 9, "label": "N"}, {"source": 21, "target": 8, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 19, "target": 5, "label": "P"}, {"source": 19, "target": 22, "label": "A"}, {"source": 19, "target": 14, "label": "D"}, {"source": 22, "target": 23, "label": "A"}, {"source": 18, "target": 3, "label": "C"}, {"source": 16, "target": 0, "label": "P"}, {"source": 16, "target": 18, "label": "A"}, {"source": 18, "target": 1, "label": "E"}, {"source": 19, "target": 15, "label": "U"}, {"source": 20, "target": 6, "label": "E"}, {"source": 19, "target": 21, "label": "D"}, {"source": 21, "target": 10, "label": "C"}, {"source": 22, "target": 11, "label": "P"}, {"source": 18, "target": 2, "label": "E"}, {"source": 23, "target": 12, "label": "E"}, {"source": 17, "target": 4, "label": "U"}, {"source": 23, "target": 13, "label": "C"}]} +{"id": "396880-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I guess you get what you pay for.", "tops": [9], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 32}]}, {"id": 8, "anchors": [{"from": 32, "to": 33}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 12, "target": 6, "label": "P"}, {"source": 12, "target": 5, "label": "A"}, {"source": 10, "target": 1, "label": "P"}, {"source": 10, "target": 11, "label": "A"}, {"source": 12, "target": 13, "label": "A"}, {"source": 11, "target": 12, "label": "A"}, {"source": 11, "target": 2, "label": "A"}, {"source": 10, "target": 0, "label": "A"}, {"source": 9, "target": 10, "label": "H"}, {"source": 13, "target": 7, "label": "R"}, {"source": 12, "target": 4, "label": "E"}, {"source": 11, "target": 3, "label": "P"}, {"source": 13, "target": 8, "label": "U"}]} +{"id": "396880-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I tried to stay here for a few nights with my girlfriend, so we asked for a single queen bed.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 15}]}, {"id": 4, "anchors": [{"from": 16, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7, "anchors": [{"from": 27, "to": 30}]}, {"id": 8, "anchors": [{"from": 31, "to": 37}]}, {"id": 9, "anchors": [{"from": 38, "to": 42}]}, {"id": 10, "anchors": [{"from": 43, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 56}]}, {"id": 12, "anchors": [{"from": 56, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 60}]}, {"id": 14, "anchors": [{"from": 61, "to": 63}]}, {"id": 15, "anchors": [{"from": 64, "to": 69}]}, {"id": 16, "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "anchors": [{"from": 74, "to": 75}]}, {"id": 18, "anchors": [{"from": 76, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 92}]}, {"id": 21, "anchors": [{"from": 92, "to": 93}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 22, "target": 0, "label": "A"}, {"source": 25, "target": 9, "label": "R"}, {"source": 22, "target": 1, "label": "D"}, {"source": 22, "target": 24, "label": "A"}, {"source": 25, "target": 10, "label": "E"}, {"source": 24, "target": 7, "label": "E"}, {"source": 26, "target": 14, "label": "A"}, {"source": 27, "target": 18, "label": "E"}, {"source": 22, "target": 3, "label": "P"}, {"source": 27, "target": 17, "label": "E"}, {"source": 25, "target": 11, "label": "C"}, {"source": 27, "target": 16, "label": "R"}, {"source": 27, "target": 21, "label": "U"}, {"source": 27, "target": 20, "label": "C"}, {"source": 24, "target": 8, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 26, "target": 27, "label": "A"}, {"source": 23, "target": 26, "label": "H"}, {"source": 24, "target": 5, "label": "R"}, {"source": 22, "target": 2, "label": "F"}, {"source": 22, "target": 4, "label": "A"}, {"source": 26, "target": 15, "label": "P"}, {"source": 23, "target": 13, "label": "L"}, {"source": 23, "target": 12, "label": "U"}, {"source": 22, "target": 25, "label": "A"}, {"source": 24, "target": 6, "label": "E"}, {"source": 27, "target": 19, "label": "E"}]} +{"id": "396880-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We got there, and we were treated to the free \"upgrade\" of a room with two double beds.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 12}]}, {"id": 3, "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 47}]}, {"id": 12, "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "anchors": [{"from": 54, "to": 55}]}, {"id": 14, "anchors": [{"from": 56, "to": 58}]}, {"id": 15, "anchors": [{"from": 59, "to": 60}]}, {"id": 16, "anchors": [{"from": 61, "to": 65}]}, {"id": 17, "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "anchors": [{"from": 71, "to": 74}]}, {"id": 19, "anchors": [{"from": 75, "to": 81}]}, {"id": 20, "anchors": [{"from": 82, "to": 86}]}, {"id": 21, "anchors": [{"from": 86, "to": 87}]}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 22, "target": 0, "label": "A"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 14, "label": "R"}, {"source": 28, "target": 21, "label": "U"}, {"source": 25, "target": 27, "label": "E"}, {"source": 25, "target": 12, "label": "C"}, {"source": 24, "target": 6, "label": "F"}, {"source": 22, "target": 2, "label": "A"}, {"source": 24, "target": 5, "label": "A"}, {"source": 25, "target": 26, "label": "E"}, {"source": 28, "target": 18, "label": "E"}, {"source": 22, "target": 1, "label": "P"}, {"source": 27, "target": 16, "label": "C"}, {"source": 23, "target": 22, "label": "H"}, {"source": 28, "target": 17, "label": "R"}, {"source": 23, "target": 3, "label": "U"}, {"source": 28, "target": 20, "label": "C"}, {"source": 27, "target": 28, "label": "E"}, {"source": 26, "target": 10, "label": "C"}, {"source": 25, "target": 8, "label": "R"}, {"source": 26, "target": 9, "label": "E"}, {"source": 25, "target": 11, "label": "U"}, {"source": 25, "target": 13, "label": "U"}, {"source": 28, "target": 19, "label": "E"}, {"source": 24, "target": 7, "label": "P"}, {"source": 27, "target": 15, "label": "E"}, {"source": 23, "target": 4, "label": "L"}]} +{"id": "396880-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Since they consider this an upgrade, they let their other rooms fill up and would not change our room.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 24}]}, {"id": 4, "anchors": [{"from": 25, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 35}]}, {"id": 6, "anchors": [{"from": 35, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 57}]}, {"id": 11, "anchors": [{"from": 58, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 75}]}, {"id": 15, "anchors": [{"from": 76, "to": 81}]}, {"id": 16, "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "anchors": [{"from": 86, "to": 92}]}, {"id": 18, "anchors": [{"from": 93, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 101}]}, {"id": 20, "anchors": [{"from": 101, "to": 102}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 25, "target": 11, "label": "E"}, {"source": 24, "target": 25, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 21, "target": 28, "label": "H"}, {"source": 23, "target": 4, "label": "E"}, {"source": 25, "target": 9, "label": "E"}, {"source": 25, "target": 26, "label": "C"}, {"source": 25, "target": 10, "label": "E"}, {"source": 24, "target": 7, "label": "A"}, {"source": 21, "target": 22, "label": "H"}, {"source": 24, "target": 8, "label": "P"}, {"source": 27, "target": 15, "label": "F"}, {"source": 28, "target": 27, "label": "P"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 23, "label": "A"}, {"source": 29, "target": 19, "label": "C"}, {"source": 22, "target": 2, "label": "P"}, {"source": 28, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 21, "target": 24, "label": "H"}, {"source": 28, "target": 16, "label": "D"}, {"source": 26, "target": 13, "label": "E"}, {"source": 23, "target": 3, "label": "E"}, {"source": 23, "target": 5, "label": "C"}, {"source": 29, "target": 18, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 21, "target": 14, "label": "L"}, {"source": 22, "target": 1, "label": "A"}, {"source": 21, "target": 6, "label": "U"}, {"source": 21, "target": 0, "label": "L"}, {"source": 26, "target": 12, "label": "C"}]} +{"id": "396880-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Then we got put in a room with a huge gap under the door....right next to the ice machine.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 15}, {"from": 16, "to": 18}, {"from": 19, "to": 20}, {"from": 21, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 60, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 77}]}, {"id": 16, "anchors": [{"from": 78, "to": 81}, {"from": 82, "to": 89}]}, {"id": 17, "anchors": [{"from": 89, "to": 90}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 19, "target": 22, "label": "D"}, {"source": 19, "target": 20, "label": "A"}, {"source": 20, "target": 7, "label": "C"}, {"source": 23, "target": 15, "label": "E"}, {"source": 19, "target": 23, "label": "A"}, {"source": 21, "target": 10, "label": "E"}, {"source": 23, "target": 14, "label": "R"}, {"source": 21, "target": 11, "label": "U"}, {"source": 18, "target": 19, "label": "H"}, {"source": 20, "target": 6, "label": "E"}, {"source": 19, "target": 2, "label": "D"}, {"source": 20, "target": 5, "label": "E"}, {"source": 22, "target": 12, "label": "E"}, {"source": 19, "target": 21, "label": "A"}, {"source": 19, "target": 1, "label": "A"}, {"source": 23, "target": 17, "label": "U"}, {"source": 18, "target": 0, "label": "L"}, {"source": 21, "target": 9, "label": "E"}, {"source": 19, "target": 3, "label": "P"}, {"source": 20, "target": 4, "label": "R"}, {"source": 22, "target": 13, "label": "C"}, {"source": 21, "target": 8, "label": "R"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "396880-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We could hear every single thing that happened outside like it was inside our room.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 46}]}, {"id": 8, "anchors": [{"from": 47, "to": 54}]}, {"id": 9, "anchors": [{"from": 55, "to": 59}]}, {"id": 10, "anchors": [{"from": 60, "to": 62}]}, {"id": 11, "anchors": [{"from": 63, "to": 66}]}, {"id": 12, "anchors": [{"from": 67, "to": 73}]}, {"id": 13, "anchors": [{"from": 74, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 82}]}, {"id": 15, "anchors": [{"from": 82, "to": 83}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 7, "label": "P"}, {"source": 19, "target": 20, "label": "A"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 18, "label": "A"}, {"source": 17, "target": 2, "label": "P"}, {"source": 16, "target": 17, "label": "H"}, {"source": 20, "target": 10, "label": "A"}, {"source": 17, "target": 0, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 17, "target": 1, "label": "D"}, {"source": 18, "target": 3, "label": "E"}, {"source": 18, "target": 4, "label": "E"}, {"source": 18, "target": 19, "label": "E"}, {"source": 21, "target": 12, "label": "R"}, {"source": 20, "target": 11, "label": "S"}, {"source": 19, "target": 5, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 6, "label": "F"}, {"source": 20, "target": 9, "label": "R"}, {"source": 20, "target": 21, "label": "A"}, {"source": 18, "target": 5, "label": "C"}, {"source": 19, "target": 8, "label": "D"}]} +{"id": "396880-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "When I finally found someone at the desk who could speak English, they moved our room, but we still did not receive the single queen we had \"reserved\"", "tops": [32], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 35}]}, {"id": 7, "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 64}]}, {"id": 12, "anchors": [{"from": 64, "to": 65}]}, {"id": 13, "anchors": [{"from": 66, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 76}]}, {"id": 15, "anchors": [{"from": 77, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 85}]}, {"id": 17, "anchors": [{"from": 85, "to": 86}]}, {"id": 18, "anchors": [{"from": 87, "to": 90}]}, {"id": 19, "anchors": [{"from": 91, "to": 93}]}, {"id": 20, "anchors": [{"from": 94, "to": 99}]}, {"id": 21, "anchors": [{"from": 100, "to": 103}]}, {"id": 22, "anchors": [{"from": 104, "to": 107}]}, {"id": 23, "anchors": [{"from": 108, "to": 115}]}, {"id": 24, "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "anchors": [{"from": 120, "to": 126}]}, {"id": 26, "anchors": [{"from": 127, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 139}]}, {"id": 29, "anchors": [{"from": 140, "to": 141}]}, {"id": 30, "anchors": [{"from": 141, "to": 149}]}, {"id": 31, "anchors": [{"from": 149, "to": 150}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}], "edges": [{"source": 41, "target": 27, "label": "A"}, {"source": 39, "target": 40, "label": "A"}, {"source": 35, "target": 6, "label": "E"}, {"source": 36, "target": 10, "label": "P"}, {"source": 33, "target": 34, "label": "A"}, {"source": 32, "target": 0, "label": "L"}, {"source": 33, "target": 3, "label": "P"}, {"source": 32, "target": 33, "label": "H"}, {"source": 37, "target": 38, "label": "A"}, {"source": 33, "target": 2, "label": "D"}, {"source": 32, "target": 39, "label": "H"}, {"source": 40, "target": 24, "label": "E"}, {"source": 39, "target": 23, "label": "P"}, {"source": 33, "target": 1, "label": "A"}, {"source": 39, "target": 21, "label": "F"}, {"source": 41, "target": 29, "label": "U"}, {"source": 32, "target": 37, "label": "H"}, {"source": 37, "target": 14, "label": "P"}, {"source": 32, "target": 12, "label": "U"}, {"source": 32, "target": 17, "label": "U"}, {"source": 39, "target": 41, "label": "A"}, {"source": 35, "target": 36, "label": "E"}, {"source": 41, "target": 30, "label": "P"}, {"source": 36, "target": 7, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 39, "target": 22, "label": "D"}, {"source": 36, "target": 11, "label": "A"}, {"source": 39, "target": 20, "label": "D"}, {"source": 37, "target": 13, "label": "A"}, {"source": 36, "target": 8, "label": "R"}, {"source": 32, "target": 18, "label": "L"}, {"source": 40, "target": 26, "label": "C"}, {"source": 38, "target": 15, "label": "E"}, {"source": 41, "target": 31, "label": "U"}, {"source": 41, "target": 28, "label": "F"}, {"source": 40, "target": 25, "label": "E"}, {"source": 36, "target": 9, "label": "D"}, {"source": 38, "target": 16, "label": "C"}, {"source": 35, "target": 7, "label": "C"}, {"source": 34, "target": 35, "label": "E"}, {"source": 39, "target": 19, "label": "A"}, {"source": 35, "target": 5, "label": "R"}, {"source": 34, "target": 4, "label": "C"}]} +{"id": "397066-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great pet care", "tops": [3], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 14}]}, {"id": 3}, {"id": 4}, {"id": 5}], "edges": [{"source": 3, "target": 4, "label": "H"}, {"source": 5, "target": 1, "label": "E"}, {"source": 4, "target": 5, "label": "A"}, {"source": 5, "target": 0, "label": "E"}, {"source": 5, "target": 2, "label": "C"}]} +{"id": "397066-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I have used Just Like Family several times now and they have provided great care for my two dogs.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 21}]}, {"id": 5, "anchors": [{"from": 22, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 42}]}, {"id": 8, "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 50}]}, {"id": 10, "anchors": [{"from": 51, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 69}]}, {"id": 13, "anchors": [{"from": 70, "to": 75}]}, {"id": 14, "anchors": [{"from": 76, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 84}]}, {"id": 16, "anchors": [{"from": 85, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 91}]}, {"id": 18, "anchors": [{"from": 92, "to": 96}]}, {"id": 19, "anchors": [{"from": 96, "to": 97}]}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 26, "target": 18, "label": "C"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 19, "label": "U"}, {"source": 23, "target": 6, "label": "E"}, {"source": 26, "target": 16, "label": "E"}, {"source": 21, "target": 9, "label": "L"}, {"source": 21, "target": 20, "label": "H"}, {"source": 25, "target": 14, "label": "C"}, {"source": 21, "target": 24, "label": "H"}, {"source": 24, "target": 12, "label": "P"}, {"source": 26, "target": 17, "label": "E"}, {"source": 24, "target": 26, "label": "A"}, {"source": 20, "target": 23, "label": "D"}, {"source": 24, "target": 11, "label": "F"}, {"source": 24, "target": 10, "label": "A"}, {"source": 22, "target": 5, "label": "C"}, {"source": 20, "target": 2, "label": "P"}, {"source": 25, "target": 13, "label": "E"}, {"source": 20, "target": 22, "label": "A"}, {"source": 22, "target": 4, "label": "E"}, {"source": 23, "target": 8, "label": "C"}, {"source": 22, "target": 3, "label": "E"}, {"source": 26, "target": 15, "label": "R"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 0, "label": "A"}]} +{"id": "397066-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Lynda is professional and has great compassion for animals.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 35}]}, {"id": 6, "anchors": [{"from": 36, "to": 46}]}, {"id": 7, "anchors": [{"from": 47, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 58}]}, {"id": 9, "anchors": [{"from": 58, "to": 59}]}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 10, "target": 2, "label": "A"}, {"source": 12, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 10, "target": 1, "label": "S"}, {"source": 11, "target": 10, "label": "H"}, {"source": 12, "target": 13, "label": "A"}, {"source": 12, "target": 14, "label": "A"}, {"source": 13, "target": 6, "label": "C"}, {"source": 10, "target": 0, "label": "A"}, {"source": 13, "target": 5, "label": "E"}, {"source": 14, "target": 7, "label": "R"}, {"source": 14, "target": 8, "label": "C"}, {"source": 12, "target": 4, "label": "S"}, {"source": 14, "target": 9, "label": "U"}, {"source": 11, "target": 3, "label": "L"}]} +{"id": "397066-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The real testament is not in how much she likes your animals but how much they like her.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "anchors": [{"from": 48, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 60}]}, {"id": 12, "anchors": [{"from": 61, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 68}]}, {"id": 14, "anchors": [{"from": 69, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 83}]}, {"id": 17, "anchors": [{"from": 84, "to": 87}]}, {"id": 18, "anchors": [{"from": 87, "to": 88}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 24, "target": 17, "label": "E"}, {"source": 21, "target": 22, "label": "D"}, {"source": 20, "target": 12, "label": "L"}, {"source": 21, "target": 24, "label": "A"}, {"source": 24, "target": 23, "label": "E"}, {"source": 21, "target": 4, "label": "D"}, {"source": 21, "target": 8, "label": "A"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 21, "label": "H"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 16, "label": "C"}, {"source": 24, "target": 18, "label": "U"}, {"source": 24, "target": 15, "label": "E"}, {"source": 21, "target": 3, "label": "S"}, {"source": 21, "target": 19, "label": "A"}, {"source": 23, "target": 10, "label": "E"}, {"source": 22, "target": 7, "label": "C"}, {"source": 20, "target": 13, "label": "L"}, {"source": 23, "target": 11, "label": "C"}, {"source": 23, "target": 9, "label": "F"}, {"source": 22, "target": 5, "label": "R"}, {"source": 22, "target": 6, "label": "E"}, {"source": 19, "target": 1, "label": "E"}, {"source": 19, "target": 2, "label": "C"}]} +{"id": "397066-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I highly recommend her.", "tops": [5], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 18}]}, {"id": 3, "anchors": [{"from": 19, "to": 22}]}, {"id": 4, "anchors": [{"from": 22, "to": 23}]}, {"id": 5}, {"id": 6}], "edges": [{"source": 6, "target": 4, "label": "U"}, {"source": 6, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "A"}, {"source": 6, "target": 1, "label": "D"}, {"source": 5, "target": 6, "label": "H"}, {"source": 6, "target": 2, "label": "P"}]} +{"id": "398152-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Con Garage", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 10}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 0, "label": "E"}, {"source": 2, "target": 3, "label": "A"}, {"source": 3, "target": 1, "label": "C"}]} +{"id": "398152-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I brought my car in for a simple emissions test.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 19}]}, {"id": 5, "anchors": [{"from": 20, "to": 23}]}, {"id": 6, "anchors": [{"from": 24, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 32}]}, {"id": 8, "anchors": [{"from": 33, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "anchors": [{"from": 47, "to": 48}]}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}], "edges": [{"source": 11, "target": 12, "label": "H"}, {"source": 12, "target": 1, "label": "P"}, {"source": 12, "target": 0, "label": "A"}, {"source": 13, "target": 2, "label": "E"}, {"source": 13, "target": 3, "label": "C"}, {"source": 12, "target": 13, "label": "A"}, {"source": 14, "target": 5, "label": "R"}, {"source": 14, "target": 10, "label": "U"}, {"source": 12, "target": 14, "label": "A"}, {"source": 14, "target": 4, "label": "R"}, {"source": 14, "target": 8, "label": "E"}, {"source": 14, "target": 7, "label": "E"}, {"source": 14, "target": 9, "label": "C"}, {"source": 14, "target": 6, "label": "E"}]} +{"id": "398152-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I guess they figured me for an easy mark, and tried to explain that my car wouldn't pass unless I replaced a hose.", "tops": [27], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "anchors": [{"from": 31, "to": 35}]}, {"id": 8, "anchors": [{"from": 36, "to": 40}]}, {"id": 9, "anchors": [{"from": 40, "to": 41}]}, {"id": 10, "anchors": [{"from": 42, "to": 45}]}, {"id": 11, "anchors": [{"from": 46, "to": 51}]}, {"id": 12, "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "anchors": [{"from": 68, "to": 70}]}, {"id": 16, "anchors": [{"from": 71, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 80}]}, {"id": 18, "anchors": [{"from": 80, "to": 83}]}, {"id": 19, "anchors": [{"from": 84, "to": 88}]}, {"id": 20, "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "anchors": [{"from": 96, "to": 97}]}, {"id": 22, "anchors": [{"from": 98, "to": 106}]}, {"id": 23, "anchors": [{"from": 107, "to": 108}]}, {"id": 24, "anchors": [{"from": 109, "to": 113}]}, {"id": 25, "anchors": [{"from": 113, "to": 114}]}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}], "edges": [{"source": 30, "target": 11, "label": "P"}, {"source": 33, "target": 16, "label": "C"}, {"source": 28, "target": 4, "label": "A"}, {"source": 26, "target": 28, "label": "A"}, {"source": 33, "target": 15, "label": "E"}, {"source": 32, "target": 34, "label": "P"}, {"source": 35, "target": 22, "label": "P"}, {"source": 27, "target": 30, "label": "H"}, {"source": 27, "target": 9, "label": "U"}, {"source": 32, "target": 35, "label": "A"}, {"source": 29, "target": 5, "label": "R"}, {"source": 29, "target": 6, "label": "E"}, {"source": 34, "target": 19, "label": "C"}, {"source": 28, "target": 3, "label": "P"}, {"source": 34, "target": 17, "label": "F"}, {"source": 30, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 32, "target": 18, "label": "D"}, {"source": 31, "target": 12, "label": "F"}, {"source": 36, "target": 23, "label": "E"}, {"source": 36, "target": 25, "label": "U"}, {"source": 35, "target": 20, "label": "R"}, {"source": 28, "target": 29, "label": "A"}, {"source": 29, "target": 8, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 27, "target": 10, "label": "L"}, {"source": 36, "target": 24, "label": "C"}, {"source": 29, "target": 7, "label": "E"}, {"source": 35, "target": 21, "label": "A"}, {"source": 26, "target": 0, "label": "A"}, {"source": 28, "target": 2, "label": "A"}, {"source": 27, "target": 26, "label": "H"}, {"source": 35, "target": 36, "label": "A"}, {"source": 31, "target": 13, "label": "P"}, {"source": 30, "target": 31, "label": "A"}, {"source": 32, "target": 33, "label": "A"}, {"source": 32, "target": 14, "label": "F"}, {"source": 26, "target": 1, "label": "P"}, {"source": 31, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "398152-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Ten minutes later, I took my car down the street and it passed the emissions test with flying colors.", "tops": [21], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 17}]}, {"id": 3, "anchors": [{"from": 17, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}, {"from": 26, "to": 28}, {"from": 29, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 37}]}, {"id": 7, "anchors": [{"from": 38, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 52}]}, {"id": 10, "anchors": [{"from": 53, "to": 55}]}, {"id": 11, "anchors": [{"from": 56, "to": 62}]}, {"id": 12, "anchors": [{"from": 63, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 81}]}, {"id": 15, "anchors": [{"from": 82, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 94, "to": 100}]}, {"id": 18, "anchors": [{"from": 100, "to": 101}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}], "edges": [{"source": 24, "target": 13, "label": "E"}, {"source": 22, "target": 7, "label": "E"}, {"source": 22, "target": 6, "label": "R"}, {"source": 21, "target": 9, "label": "L"}, {"source": 19, "target": 1, "label": "C"}, {"source": 21, "target": 20, "label": "H"}, {"source": 20, "target": 4, "label": "A"}, {"source": 20, "target": 3, "label": "U"}, {"source": 24, "target": 14, "label": "C"}, {"source": 20, "target": 5, "label": "P"}, {"source": 19, "target": 0, "label": "E"}, {"source": 24, "target": 25, "label": "E"}, {"source": 21, "target": 23, "label": "H"}, {"source": 23, "target": 10, "label": "A"}, {"source": 24, "target": 12, "label": "E"}, {"source": 20, "target": 19, "label": "D"}, {"source": 20, "target": 22, "label": "A"}, {"source": 25, "target": 15, "label": "R"}, {"source": 25, "target": 18, "label": "U"}, {"source": 22, "target": 8, "label": "C"}, {"source": 23, "target": 11, "label": "P"}, {"source": 23, "target": 24, "label": "A"}, {"source": 19, "target": 2, "label": "R"}, {"source": 25, "target": 17, "label": "C"}, {"source": 25, "target": 16, "label": "E"}]} +{"id": "398152-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If you're a fan of herpes, being ripped off, and child molesters, this is the garage for you.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 11}]}, {"id": 4, "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "anchors": [{"from": 16, "to": 18}]}, {"id": 6, "anchors": [{"from": 19, "to": 25}]}, {"id": 7, "anchors": [{"from": 25, "to": 26}]}, {"id": 8, "anchors": [{"from": 27, "to": 32}]}, {"id": 9, "anchors": [{"from": 33, "to": 39}]}, {"id": 10, "anchors": [{"from": 40, "to": 43}]}, {"id": 11, "anchors": [{"from": 43, "to": 44}]}, {"id": 12, "anchors": [{"from": 45, "to": 48}]}, {"id": 13, "anchors": [{"from": 49, "to": 54}]}, {"id": 14, "anchors": [{"from": 55, "to": 64}]}, {"id": 15, "anchors": [{"from": 64, "to": 65}]}, {"id": 16, "anchors": [{"from": 66, "to": 70}]}, {"id": 17, "anchors": [{"from": 71, "to": 73}]}, {"id": 18, "anchors": [{"from": 74, "to": 77}]}, {"id": 19, "anchors": [{"from": 78, "to": 84}]}, {"id": 20, "anchors": [{"from": 85, "to": 88}]}, {"id": 21, "anchors": [{"from": 89, "to": 92}]}, {"id": 22, "anchors": [{"from": 92, "to": 93}]}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}], "edges": [{"source": 23, "target": 24, "label": "H"}, {"source": 24, "target": 25, "label": "A"}, {"source": 26, "target": 6, "label": "C"}, {"source": 25, "target": 3, "label": "E"}, {"source": 24, "target": 1, "label": "A"}, {"source": 31, "target": 17, "label": "S"}, {"source": 27, "target": 28, "label": "P"}, {"source": 31, "target": 33, "label": "A"}, {"source": 32, "target": 18, "label": "E"}, {"source": 33, "target": 20, "label": "R"}, {"source": 23, "target": 0, "label": "L"}, {"source": 25, "target": 26, "label": "E"}, {"source": 26, "target": 5, "label": "R"}, {"source": 30, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 11, "label": "U"}, {"source": 23, "target": 12, "label": "L"}, {"source": 29, "target": 13, "label": "E"}, {"source": 23, "target": 30, "label": "H"}, {"source": 33, "target": 22, "label": "U"}, {"source": 28, "target": 10, "label": "E"}, {"source": 29, "target": 14, "label": "C"}, {"source": 24, "target": 2, "label": "S"}, {"source": 33, "target": 21, "label": "C"}, {"source": 31, "target": 32, "label": "A"}, {"source": 23, "target": 27, "label": "H"}, {"source": 30, "target": 29, "label": "S"}, {"source": 32, "target": 19, "label": "C"}, {"source": 28, "target": 9, "label": "C"}, {"source": 31, "target": 16, "label": "A"}, {"source": 23, "target": 7, "label": "U"}, {"source": 25, "target": 4, "label": "C"}, {"source": 30, "target": 15, "label": "U"}, {"source": 30, "target": 31, "label": "A"}, {"source": 27, "target": 8, "label": "F"}, {"source": 27, "target": 1, "label": "A", "properties": ["remote"], "values": [true]}]} +{"id": "398152-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "If not, go somewhere else.", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "anchors": [{"from": 11, "to": 20}]}, {"id": 5, "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "anchors": [{"from": 25, "to": 26}]}, {"id": 7}, {"id": 8}, {"id": 9}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "P"}, {"source": 7, "target": 0, "label": "L"}, {"source": 9, "target": 6, "label": "U"}, {"source": 8, "target": 2, "label": "U"}, {"source": 8, "target": 9, "label": "D"}, {"source": 9, "target": 5, "label": "E"}, {"source": 9, "target": 4, "label": "C"}, {"source": 8, "target": 1, "label": "D"}]} +{"id": "398243-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Great work and honest establishment!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 10}]}, {"id": 2, "anchors": [{"from": 11, "to": 14}]}, {"id": 3, "anchors": [{"from": 15, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 35}]}, {"id": 5, "anchors": [{"from": 35, "to": 36}]}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 3, "label": "E"}, {"source": 6, "target": 0, "label": "E"}, {"source": 7, "target": 10, "label": "C"}, {"source": 7, "target": 2, "label": "N"}, {"source": 6, "target": 1, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 9, "target": 5, "label": "U"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 4, "label": "C"}, {"source": 7, "target": 6, "label": "C"}]} +{"id": "398243-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I typically have work done on my Jeep at the dealership, but it is 6 years old now and getting charged dealership prices just didn't seem cost effective anymore.", "tops": [33], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 16}]}, {"id": 3, "anchors": [{"from": 17, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 40}]}, {"id": 9, "anchors": [{"from": 41, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 55}]}, {"id": 11, "anchors": [{"from": 55, "to": 56}]}, {"id": 12, "anchors": [{"from": 57, "to": 60}]}, {"id": 13, "anchors": [{"from": 61, "to": 63}]}, {"id": 14, "anchors": [{"from": 64, "to": 66}]}, {"id": 15, "anchors": [{"from": 67, "to": 68}]}, {"id": 16, "anchors": [{"from": 69, "to": 74}]}, {"id": 17, "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "anchors": [{"from": 79, "to": 82}]}, {"id": 19, "anchors": [{"from": 83, "to": 86}]}, {"id": 20, "anchors": [{"from": 87, "to": 94}]}, {"id": 21, "anchors": [{"from": 95, "to": 102}]}, {"id": 22, "anchors": [{"from": 103, "to": 113}]}, {"id": 23, "anchors": [{"from": 114, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 125}]}, {"id": 25, "anchors": [{"from": 126, "to": 129}]}, {"id": 26, "anchors": [{"from": 129, "to": 132}]}, {"id": 27, "anchors": [{"from": 133, "to": 137}]}, {"id": 28, "anchors": [{"from": 138, "to": 142}]}, {"id": 29, "anchors": [{"from": 143, "to": 152}]}, {"id": 30, "anchors": [{"from": 153, "to": 160}]}, {"id": 31, "anchors": [{"from": 160, "to": 161}]}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}], "edges": [{"source": 36, "target": 7, "label": "C"}, {"source": 32, "target": 1, "label": "D"}, {"source": 33, "target": 24, "label": "D"}, {"source": 38, "target": 11, "label": "U"}, {"source": 32, "target": 34, "label": "P"}, {"source": 39, "target": 40, "label": "A"}, {"source": 41, "target": 21, "label": "P"}, {"source": 38, "target": 39, "label": "H"}, {"source": 33, "target": 32, "label": "H"}, {"source": 34, "target": 3, "label": "C"}, {"source": 36, "target": 5, "label": "R"}, {"source": 44, "target": 31, "label": "U"}, {"source": 33, "target": 26, "label": "D"}, {"source": 38, "target": 19, "label": "L"}, {"source": 42, "target": 22, "label": "E"}, {"source": 37, "target": 8, "label": "R"}, {"source": 33, "target": 28, "label": "A"}, {"source": 37, "target": 9, "label": "E"}, {"source": 35, "target": 4, "label": "P"}, {"source": 35, "target": 37, "label": "A"}, {"source": 33, "target": 43, "label": "S"}, {"source": 40, "target": 15, "label": "E"}, {"source": 44, "target": 30, "label": "D"}, {"source": 39, "target": 18, "label": "D"}, {"source": 33, "target": 38, "label": "A"}, {"source": 43, "target": 25, "label": "F"}, {"source": 42, "target": 23, "label": "C"}, {"source": 44, "target": 29, "label": "C"}, {"source": 41, "target": 42, "label": "A"}, {"source": 43, "target": 27, "label": "C"}, {"source": 36, "target": 6, "label": "E"}, {"source": 39, "target": 13, "label": "A"}, {"source": 41, "target": 20, "label": "D"}, {"source": 40, "target": 17, "label": "C"}, {"source": 38, "target": 12, "label": "L"}, {"source": 34, "target": 2, "label": "F"}, {"source": 38, "target": 41, "label": "C"}, {"source": 39, "target": 14, "label": "S"}, {"source": 32, "target": 0, "label": "A"}, {"source": 35, "target": 36, "label": "A"}, {"source": 40, "target": 16, "label": "E"}, {"source": 37, "target": 10, "label": "C"}, {"source": 33, "target": 44, "label": "A"}, {"source": 32, "target": 35, "label": "A"}]} +{"id": "398243-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had tried out few place around the area and had been ripped off a few times.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}, {"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 25}]}, {"id": 5, "anchors": [{"from": 26, "to": 32}]}, {"id": 6, "anchors": [{"from": 33, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "anchors": [{"from": 46, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}, {"from": 62, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 67}]}, {"id": 13, "anchors": [{"from": 68, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 77}]}, {"id": 15, "anchors": [{"from": 77, "to": 78}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}], "edges": [{"source": 19, "target": 6, "label": "E"}, {"source": 19, "target": 7, "label": "C"}, {"source": 21, "target": 13, "label": "E"}, {"source": 19, "target": 5, "label": "R"}, {"source": 18, "target": 4, "label": "C"}, {"source": 17, "target": 20, "label": "H"}, {"source": 21, "target": 14, "label": "C"}, {"source": 17, "target": 16, "label": "H"}, {"source": 20, "target": 11, "label": "P"}, {"source": 16, "target": 0, "label": "A"}, {"source": 20, "target": 9, "label": "F"}, {"source": 16, "target": 19, "label": "A"}, {"source": 21, "target": 12, "label": "E"}, {"source": 17, "target": 8, "label": "L"}, {"source": 20, "target": 21, "label": "D"}, {"source": 16, "target": 18, "label": "A"}, {"source": 21, "target": 15, "label": "U"}, {"source": 16, "target": 2, "label": "P"}, {"source": 18, "target": 3, "label": "E"}, {"source": 16, "target": 1, "label": "F"}, {"source": 20, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 20, "target": 10, "label": "F"}]} +{"id": "398243-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I had hear great things about Phet and G&G Automotive so I decided to give him a try.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 35, "to": 38}]}, {"id": 8, "anchors": [{"from": 39, "to": 42}]}, {"id": 9, "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 69}]}, {"id": 14, "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "anchors": [{"from": 75, "to": 78}]}, {"id": 16, "anchors": [{"from": 79, "to": 80}]}, {"id": 17, "anchors": [{"from": 81, "to": 84}]}, {"id": 18, "anchors": [{"from": 84, "to": 85}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}], "edges": [{"source": 20, "target": 10, "label": "L"}, {"source": 19, "target": 0, "label": "A"}, {"source": 27, "target": 17, "label": "C"}, {"source": 25, "target": 12, "label": "P"}, {"source": 19, "target": 1, "label": "F"}, {"source": 21, "target": 4, "label": "C"}, {"source": 25, "target": 26, "label": "A"}, {"source": 26, "target": 15, "label": "A"}, {"source": 26, "target": 14, "label": "P"}, {"source": 27, "target": 18, "label": "U"}, {"source": 24, "target": 9, "label": "C"}, {"source": 20, "target": 25, "label": "H"}, {"source": 23, "target": 7, "label": "N"}, {"source": 27, "target": 16, "label": "E"}, {"source": 26, "target": 27, "label": "A"}, {"source": 25, "target": 11, "label": "A"}, {"source": 22, "target": 23, "label": "C"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 23, "target": 24, "label": "C"}, {"source": 26, "target": 11, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 2, "label": "P"}, {"source": 24, "target": 8, "label": "E"}, {"source": 26, "target": 13, "label": "F"}, {"source": 23, "target": 6, "label": "C"}, {"source": 21, "target": 3, "label": "E"}, {"source": 22, "target": 5, "label": "R"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "398243-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The service was excellent and personable.", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 25}]}, {"id": 4, "anchors": [{"from": 26, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 40}]}, {"id": 6, "anchors": [{"from": 40, "to": 41}]}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 10, "target": 4, "label": "N"}, {"source": 7, "target": 0, "label": "E"}, {"source": 10, "target": 3, "label": "C"}, {"source": 9, "target": 7, "label": "A"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "U"}, {"source": 7, "target": 1, "label": "C"}, {"source": 9, "target": 10, "label": "S"}, {"source": 10, "target": 5, "label": "C"}, {"source": 9, "target": 2, "label": "F"}]} +{"id": "398243-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He checked out what I needed to have done told me what needed be fixed before he did any work and did great repair work.", "tops": [26], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 10}, {"from": 11, "to": 14}]}, {"id": 2, "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "anchors": [{"from": 20, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 41}]}, {"id": 8, "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "anchors": [{"from": 47, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 80}]}, {"id": 16, "anchors": [{"from": 81, "to": 84}]}, {"id": 17, "anchors": [{"from": 85, "to": 88}]}, {"id": 18, "anchors": [{"from": 89, "to": 93}]}, {"id": 19, "anchors": [{"from": 94, "to": 97}]}, {"id": 20, "anchors": [{"from": 98, "to": 101}]}, {"id": 21, "anchors": [{"from": 102, "to": 107}]}, {"id": 22, "anchors": [{"from": 108, "to": 114}]}, {"id": 23, "anchors": [{"from": 115, "to": 119}]}, {"id": 24, "anchors": [{"from": 119, "to": 120}]}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}], "edges": [{"source": 26, "target": 31, "label": "H"}, {"source": 27, "target": 4, "label": "S"}, {"source": 28, "target": 7, "label": "P"}, {"source": 29, "target": 9, "label": "A"}, {"source": 34, "target": 21, "label": "E"}, {"source": 33, "target": 34, "label": "A"}, {"source": 29, "target": 30, "label": "A"}, {"source": 30, "target": 11, "label": "F"}, {"source": 31, "target": 16, "label": "P"}, {"source": 26, "target": 14, "label": "L"}, {"source": 30, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 26, "target": 33, "label": "H"}, {"source": 33, "target": 20, "label": "P"}, {"source": 28, "target": 6, "label": "F"}, {"source": 27, "target": 2, "label": "F"}, {"source": 25, "target": 27, "label": "A"}, {"source": 33, "target": 15, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 30, "target": 10, "label": "F"}, {"source": 26, "target": 25, "label": "H"}, {"source": 34, "target": 22, "label": "E"}, {"source": 28, "target": 29, "label": "A"}, {"source": 27, "target": 3, "label": "A"}, {"source": 31, "target": 32, "label": "A"}, {"source": 34, "target": 24, "label": "U"}, {"source": 25, "target": 1, "label": "P"}, {"source": 26, "target": 19, "label": "L"}, {"source": 29, "target": 8, "label": "P"}, {"source": 28, "target": 5, "label": "F"}, {"source": 31, "target": 15, "label": "A"}, {"source": 32, "target": 17, "label": "E"}, {"source": 30, "target": 13, "label": "P"}, {"source": 27, "target": 28, "label": "A"}, {"source": 32, "target": 18, "label": "C"}, {"source": 30, "target": 12, "label": "F"}, {"source": 34, "target": 23, "label": "C"}, {"source": 25, "target": 0, "label": "A"}]} +{"id": "398243-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The price was actually lower than what I had anticipated and used to compared to other places, plus he showed me the work he did when I came into pick up the car.", "tops": [37], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 28}]}, {"id": 5, "anchors": [{"from": 29, "to": 33}]}, {"id": 6, "anchors": [{"from": 34, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 56}]}, {"id": 10, "anchors": [{"from": 57, "to": 60}]}, {"id": 11, "anchors": [{"from": 61, "to": 65}]}, {"id": 12, "anchors": [{"from": 66, "to": 68}]}, {"id": 13, "anchors": [{"from": 69, "to": 77}]}, {"id": 14, "anchors": [{"from": 78, "to": 80}]}, {"id": 15, "anchors": [{"from": 81, "to": 86}]}, {"id": 16, "anchors": [{"from": 87, "to": 93}]}, {"id": 17, "anchors": [{"from": 93, "to": 94}]}, {"id": 18, "anchors": [{"from": 95, "to": 99}]}, {"id": 19, "anchors": [{"from": 100, "to": 102}]}, {"id": 20, "anchors": [{"from": 103, "to": 109}]}, {"id": 21, "anchors": [{"from": 110, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 116}]}, {"id": 23, "anchors": [{"from": 117, "to": 121}]}, {"id": 24, "anchors": [{"from": 122, "to": 124}]}, {"id": 25, "anchors": [{"from": 125, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 135}]}, {"id": 28, "anchors": [{"from": 136, "to": 140}]}, {"id": 29, "anchors": [{"from": 141, "to": 143}]}, {"id": 30, "anchors": [{"from": 143, "to": 145}]}, {"id": 31, "anchors": [{"from": 146, "to": 150}, {"from": 151, "to": 153}]}, {"id": 32, "anchors": [{"from": 154, "to": 157}]}, {"id": 33, "anchors": [{"from": 158, "to": 161}]}, {"id": 34, "anchors": [{"from": 161, "to": 162}]}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}], "edges": [{"source": 46, "target": 27, "label": "A"}, {"source": 47, "target": 28, "label": "C"}, {"source": 49, "target": 34, "label": "U"}, {"source": 48, "target": 31, "label": "P"}, {"source": 37, "target": 46, "label": "H"}, {"source": 43, "target": 44, "label": "A"}, {"source": 42, "target": 14, "label": "R"}, {"source": 48, "target": 27, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 37, "target": 43, "label": "H"}, {"source": 43, "target": 21, "label": "A"}, {"source": 37, "target": 26, "label": "L"}, {"source": 42, "target": 16, "label": "C"}, {"source": 43, "target": 20, "label": "P"}, {"source": 45, "target": 24, "label": "A"}, {"source": 36, "target": 2, "label": "F"}, {"source": 38, "target": 39, "label": "C"}, {"source": 39, "target": 40, "label": "P"}, {"source": 45, "target": 25, "label": "P"}, {"source": 49, "target": 32, "label": "E"}, {"source": 48, "target": 49, "label": "A"}, {"source": 48, "target": 30, "label": "F"}, {"source": 41, "target": 13, "label": "P"}, {"source": 49, "target": 33, "label": "C"}, {"source": 40, "target": 8, "label": "E"}, {"source": 41, "target": 12, "label": "F"}, {"source": 39, "target": 7, "label": "A"}, {"source": 36, "target": 38, "label": "A"}, {"source": 47, "target": 29, "label": "E"}, {"source": 36, "target": 4, "label": "S"}, {"source": 46, "target": 47, "label": "P"}, {"source": 41, "target": 42, "label": "A"}, {"source": 46, "target": 48, "label": "A"}, {"source": 42, "target": 15, "label": "E"}, {"source": 43, "target": 19, "label": "A"}, {"source": 37, "target": 36, "label": "H"}, {"source": 37, "target": 17, "label": "U"}, {"source": 37, "target": 18, "label": "L"}, {"source": 39, "target": 6, "label": "F"}, {"source": 44, "target": 45, "label": "E"}, {"source": 44, "target": 23, "label": "C"}, {"source": 36, "target": 3, "label": "D"}, {"source": 36, "target": 35, "label": "A"}, {"source": 41, "target": 11, "label": "D"}, {"source": 38, "target": 5, "label": "R"}, {"source": 37, "target": 10, "label": "L"}, {"source": 45, "target": 23, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 35, "target": 0, "label": "E"}, {"source": 40, "target": 9, "label": "C"}, {"source": 37, "target": 41, "label": "H"}, {"source": 35, "target": 1, "label": "C"}, {"source": 44, "target": 22, "label": "E"}]} +{"id": "398243-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Also, a week after the work, Phet called me up to see how my car was running and to let me know that they had accidentally overcharged me for part of the work and wanted to give me a refund for that amount.", "tops": [45], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 4, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 7}]}, {"id": 3, "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 22}]}, {"id": 6, "anchors": [{"from": 23, "to": 27}]}, {"id": 7, "anchors": [{"from": 27, "to": 28}]}, {"id": 8, "anchors": [{"from": 29, "to": 33}]}, {"id": 9, "anchors": [{"from": 34, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 43}, {"from": 44, "to": 46}]}, {"id": 11, "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "anchors": [{"from": 50, "to": 53}]}, {"id": 13, "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "anchors": [{"from": 58, "to": 60}]}, {"id": 15, "anchors": [{"from": 61, "to": 64}]}, {"id": 16, "anchors": [{"from": 65, "to": 68}]}, {"id": 17, "anchors": [{"from": 69, "to": 76}]}, {"id": 18, "anchors": [{"from": 77, "to": 80}]}, {"id": 19, "anchors": [{"from": 81, "to": 83}]}, {"id": 20, "anchors": [{"from": 84, "to": 87}]}, {"id": 21, "anchors": [{"from": 88, "to": 90}]}, {"id": 22, "anchors": [{"from": 91, "to": 95}]}, {"id": 23, "anchors": [{"from": 96, "to": 100}]}, {"id": 24, "anchors": [{"from": 101, "to": 105}]}, {"id": 25, "anchors": [{"from": 106, "to": 109}]}, {"id": 26, "anchors": [{"from": 110, "to": 122}]}, {"id": 27, "anchors": [{"from": 123, "to": 134}]}, {"id": 28, "anchors": [{"from": 135, "to": 137}]}, {"id": 29, "anchors": [{"from": 138, "to": 141}]}, {"id": 30, "anchors": [{"from": 142, "to": 146}]}, {"id": 31, "anchors": [{"from": 147, "to": 149}]}, {"id": 32, "anchors": [{"from": 150, "to": 153}]}, {"id": 33, "anchors": [{"from": 154, "to": 158}]}, {"id": 34, "anchors": [{"from": 159, "to": 162}]}, {"id": 35, "anchors": [{"from": 163, "to": 169}]}, {"id": 36, "anchors": [{"from": 170, "to": 172}]}, {"id": 37, "anchors": [{"from": 173, "to": 177}]}, {"id": 38, "anchors": [{"from": 178, "to": 180}]}, {"id": 39, "anchors": [{"from": 181, "to": 182}]}, {"id": 40, "anchors": [{"from": 183, "to": 189}]}, {"id": 41, "anchors": [{"from": 190, "to": 193}]}, {"id": 42, "anchors": [{"from": 194, "to": 198}]}, {"id": 43, "anchors": [{"from": 199, "to": 205}]}, {"id": 44, "anchors": [{"from": 205, "to": 206}]}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}], "edges": [{"source": 62, "target": 41, "label": "R"}, {"source": 57, "target": 33, "label": "C"}, {"source": 48, "target": 5, "label": "E"}, {"source": 48, "target": 6, "label": "C"}, {"source": 60, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 61, "label": "A"}, {"source": 45, "target": 18, "label": "L"}, {"source": 45, "target": 0, "label": "L"}, {"source": 51, "target": 11, "label": "F"}, {"source": 51, "target": 52, "label": "A"}, {"source": 62, "target": 44, "label": "U"}, {"source": 54, "target": 20, "label": "P"}, {"source": 56, "target": 27, "label": "P"}, {"source": 55, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 52, "target": 16, "label": "F"}, {"source": 61, "target": 39, "label": "E"}, {"source": 54, "target": 55, "label": "A"}, {"source": 59, "target": 24, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 60, "target": 36, "label": "F"}, {"source": 62, "target": 43, "label": "C"}, {"source": 49, "target": 50, "label": "P"}, {"source": 51, "target": 12, "label": "P"}, {"source": 54, "target": 19, "label": "F"}, {"source": 50, "target": 10, "label": "E"}, {"source": 47, "target": 48, "label": "A"}, {"source": 59, "target": 60, "label": "A"}, {"source": 55, "target": 56, "label": "A"}, {"source": 53, "target": 14, "label": "E"}, {"source": 53, "target": 15, "label": "C"}, {"source": 56, "target": 24, "label": "A"}, {"source": 54, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 51, "target": 8, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 45, "target": 34, "label": "L"}, {"source": 54, "target": 21, "label": "A"}, {"source": 56, "target": 26, "label": "D"}, {"source": 46, "target": 2, "label": "E"}, {"source": 56, "target": 57, "label": "A"}, {"source": 60, "target": 37, "label": "P"}, {"source": 61, "target": 40, "label": "C"}, {"source": 45, "target": 59, "label": "H"}, {"source": 46, "target": 4, "label": "R"}, {"source": 56, "target": 28, "label": "A"}, {"source": 45, "target": 7, "label": "U"}, {"source": 45, "target": 49, "label": "H"}, {"source": 50, "target": 9, "label": "C"}, {"source": 57, "target": 58, "label": "E"}, {"source": 49, "target": 51, "label": "A"}, {"source": 58, "target": 30, "label": "C"}, {"source": 57, "target": 32, "label": "E"}, {"source": 55, "target": 22, "label": "P"}, {"source": 45, "target": 46, "label": "L"}, {"source": 56, "target": 25, "label": "F"}, {"source": 46, "target": 3, "label": "C"}, {"source": 45, "target": 1, "label": "U"}, {"source": 59, "target": 35, "label": "P"}, {"source": 49, "target": 8, "label": "A"}, {"source": 52, "target": 13, "label": "R"}, {"source": 45, "target": 54, "label": "H"}, {"source": 60, "target": 62, "label": "A"}, {"source": 52, "target": 53, "label": "A"}, {"source": 52, "target": 17, "label": "S"}, {"source": 62, "target": 42, "label": "E"}, {"source": 57, "target": 29, "label": "R"}, {"source": 58, "target": 31, "label": "R"}, {"source": 45, "target": 47, "label": "H"}, {"source": 60, "target": 38, "label": "A"}, {"source": 56, "target": 23, "label": "F"}]} +{"id": "398243-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "That is just unheard of these days!", "tops": [8], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "anchors": [{"from": 5, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "anchors": [{"from": 21, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "anchors": [{"from": 34, "to": 35}]}, {"id": 8}, {"id": 9}, {"id": 10}], "edges": [{"source": 9, "target": 2, "label": "D"}, {"source": 9, "target": 1, "label": "S"}, {"source": 9, "target": 3, "label": "C"}, {"source": 9, "target": 0, "label": "A"}, {"source": 10, "target": 5, "label": "E"}, {"source": 8, "target": 9, "label": "H"}, {"source": 10, "target": 6, "label": "C"}, {"source": 10, "target": 7, "label": "U"}, {"source": 10, "target": 4, "label": "R"}, {"source": 9, "target": 10, "label": "D"}]} +{"id": "398243-0010", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "I grew up in a small town where you knew and trusted your mechanic and was really cynical about city auto repair shops since I moved here, but Phet has shown that there really are honest hard working mechanics around.", "tops": [42], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "anchors": [{"from": 13, "to": 14}]}, {"id": 5, "anchors": [{"from": 15, "to": 20}]}, {"id": 6, "anchors": [{"from": 21, "to": 25}]}, {"id": 7, "anchors": [{"from": 26, "to": 31}]}, {"id": 8, "anchors": [{"from": 32, "to": 35}]}, {"id": 9, "anchors": [{"from": 36, "to": 40}]}, {"id": 10, "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "anchors": [{"from": 45, "to": 52}]}, {"id": 12, "anchors": [{"from": 53, "to": 57}]}, {"id": 13, "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "anchors": [{"from": 71, "to": 74}]}, {"id": 16, "anchors": [{"from": 75, "to": 81}]}, {"id": 17, "anchors": [{"from": 82, "to": 89}]}, {"id": 18, "anchors": [{"from": 90, "to": 95}]}, {"id": 19, "anchors": [{"from": 96, "to": 100}]}, {"id": 20, "anchors": [{"from": 101, "to": 105}]}, {"id": 21, "anchors": [{"from": 106, "to": 112}]}, {"id": 22, "anchors": [{"from": 113, "to": 118}]}, {"id": 23, "anchors": [{"from": 119, "to": 124}]}, {"id": 24, "anchors": [{"from": 125, "to": 126}]}, {"id": 25, "anchors": [{"from": 127, "to": 132}, {"from": 133, "to": 137}]}, {"id": 26, "anchors": [{"from": 137, "to": 138}]}, {"id": 27, "anchors": [{"from": 139, "to": 142}]}, {"id": 28, "anchors": [{"from": 143, "to": 147}]}, {"id": 29, "anchors": [{"from": 148, "to": 151}]}, {"id": 30, "anchors": [{"from": 152, "to": 157}]}, {"id": 31, "anchors": [{"from": 158, "to": 162}]}, {"id": 32, "anchors": [{"from": 163, "to": 168}]}, {"id": 33, "anchors": [{"from": 169, "to": 175}]}, {"id": 34, "anchors": [{"from": 176, "to": 179}]}, {"id": 35, "anchors": [{"from": 180, "to": 186}]}, {"id": 36, "anchors": [{"from": 187, "to": 191}]}, {"id": 37, "anchors": [{"from": 192, "to": 199}]}, {"id": 38, "anchors": [{"from": 200, "to": 209}]}, {"id": 39, "anchors": [{"from": 210, "to": 216}]}, {"id": 40, "anchors": [{"from": 216, "to": 217}]}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}], "edges": [{"source": 42, "target": 50, "label": "H"}, {"source": 42, "target": 51, "label": "H"}, {"source": 50, "target": 24, "label": "A"}, {"source": 45, "target": 47, "label": "A"}, {"source": 51, "target": 28, "label": "A"}, {"source": 52, "target": 53, "label": "P"}, {"source": 51, "target": 52, "label": "A"}, {"source": 44, "target": 3, "label": "R"}, {"source": 52, "target": 31, "label": "F"}, {"source": 45, "target": 8, "label": "A"}, {"source": 42, "target": 14, "label": "L"}, {"source": 50, "target": 25, "label": "P"}, {"source": 44, "target": 5, "label": "E"}, {"source": 42, "target": 23, "label": "L"}, {"source": 41, "target": 43, "label": "P"}, {"source": 43, "target": 1, "label": "C"}, {"source": 48, "target": 17, "label": "P"}, {"source": 42, "target": 41, "label": "H"}, {"source": 52, "target": 39, "label": "A"}, {"source": 54, "target": 35, "label": "E"}, {"source": 53, "target": 54, "label": "C"}, {"source": 49, "target": 21, "label": "E"}, {"source": 49, "target": 22, "label": "C"}, {"source": 45, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 49, "target": 18, "label": "R"}, {"source": 48, "target": 49, "label": "A"}, {"source": 42, "target": 48, "label": "H"}, {"source": 53, "target": 32, "label": "F"}, {"source": 52, "target": 28, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 54, "target": 38, "label": "C"}, {"source": 42, "target": 26, "label": "U"}, {"source": 48, "target": 16, "label": "D"}, {"source": 54, "target": 37, "label": "E"}, {"source": 46, "target": 9, "label": "C"}, {"source": 41, "target": 44, "label": "A"}, {"source": 52, "target": 40, "label": "U"}, {"source": 49, "target": 20, "label": "E"}, {"source": 53, "target": 34, "label": "F"}, {"source": 41, "target": 0, "label": "A"}, {"source": 51, "target": 29, "label": "F"}, {"source": 42, "target": 45, "label": "H"}, {"source": 46, "target": 10, "label": "N"}, {"source": 46, "target": 11, "label": "C"}, {"source": 47, "target": 13, "label": "C"}, {"source": 49, "target": 19, "label": "E"}, {"source": 44, "target": 4, "label": "E"}, {"source": 48, "target": 15, "label": "F"}, {"source": 42, "target": 27, "label": "L"}, {"source": 53, "target": 33, "label": "D"}, {"source": 45, "target": 46, "label": "P"}, {"source": 51, "target": 30, "label": "P"}, {"source": 42, "target": 7, "label": "L"}, {"source": 52, "target": 36, "label": "D"}, {"source": 43, "target": 2, "label": "E"}, {"source": 48, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 47, "target": 12, "label": "E"}, {"source": 44, "target": 6, "label": "C"}]} +{"id": "398243-0011", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "He is my mechanic going forward!", "tops": [6], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "anchors": [{"from": 9, "to": 17}]}, {"id": 4, "anchors": [{"from": 18, "to": 23}, {"from": 24, "to": 31}]}, {"id": 5, "anchors": [{"from": 31, "to": 32}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 8, "target": 3, "label": "C"}, {"source": 7, "target": 1, "label": "S"}, {"source": 7, "target": 4, "label": "D"}, {"source": 7, "target": 8, "label": "A"}, {"source": 6, "target": 7, "label": "H"}, {"source": 7, "target": 5, "label": "U"}, {"source": 7, "target": 0, "label": "A"}, {"source": 8, "target": 2, "label": "E"}]} +{"id": "399348-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Friendly, clean and excellent location", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 8}]}, {"id": 1, "anchors": [{"from": 8, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 19}]}, {"id": 4, "anchors": [{"from": 20, "to": 29}]}, {"id": 5, "anchors": [{"from": 30, "to": 38}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 6, "target": 4, "label": "C"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "C"}, {"source": 6, "target": 1, "label": "U"}, {"source": 6, "target": 3, "label": "N"}, {"source": 8, "target": 5, "label": "S"}, {"source": 6, "target": 2, "label": "C"}]} +{"id": "399348-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The staff was very helpful, and gave us good advice on day and night time activities.", "tops": [20], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 13}]}, {"id": 3, "anchors": [{"from": 14, "to": 18}]}, {"id": 4, "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "anchors": [{"from": 26, "to": 27}]}, {"id": 6, "anchors": [{"from": 28, "to": 31}]}, {"id": 7, "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "anchors": [{"from": 40, "to": 44}]}, {"id": 10, "anchors": [{"from": 45, "to": 51}]}, {"id": 11, "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "anchors": [{"from": 55, "to": 58}]}, {"id": 13, "anchors": [{"from": 59, "to": 62}]}, {"id": 14, "anchors": [{"from": 63, "to": 68}]}, {"id": 15, "anchors": [{"from": 69, "to": 73}]}, {"id": 16, "anchors": [{"from": 74, "to": 84}]}, {"id": 17, "anchors": [{"from": 84, "to": 85}]}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 23, "target": 8, "label": "A"}, {"source": 22, "target": 7, "label": "P"}, {"source": 25, "target": 26, "label": "C"}, {"source": 26, "target": 15, "label": "C"}, {"source": 25, "target": 13, "label": "N"}, {"source": 21, "target": 4, "label": "C"}, {"source": 18, "target": 0, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 18, "target": 1, "label": "C"}, {"source": 22, "target": 23, "label": "A"}, {"source": 23, "target": 10, "label": "P"}, {"source": 19, "target": 2, "label": "S"}, {"source": 25, "target": 24, "label": "E"}, {"source": 26, "target": 14, "label": "E"}, {"source": 20, "target": 5, "label": "U"}, {"source": 19, "target": 18, "label": "A"}, {"source": 20, "target": 6, "label": "L"}, {"source": 20, "target": 19, "label": "H"}, {"source": 19, "target": 21, "label": "A"}, {"source": 24, "target": 11, "label": "R"}, {"source": 23, "target": 9, "label": "D"}, {"source": 23, "target": 17, "label": "U"}, {"source": 23, "target": 25, "label": "D"}, {"source": 21, "target": 3, "label": "E"}, {"source": 20, "target": 22, "label": "H"}, {"source": 23, "target": 16, "label": "C"}]} +{"id": "399348-0003", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Common room was comfortable and clean, very good room to read or relax. –", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 11}]}, {"id": 2, "anchors": [{"from": 12, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 27}]}, {"id": 4, "anchors": [{"from": 28, "to": 31}]}, {"id": 5, "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "anchors": [{"from": 37, "to": 38}]}, {"id": 7, "anchors": [{"from": 39, "to": 43}]}, {"id": 8, "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "anchors": [{"from": 49, "to": 53}]}, {"id": 10, "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 61}]}, {"id": 12, "anchors": [{"from": 62, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 70, "to": 71}]}, {"id": 15, "anchors": [{"from": 72, "to": 73}]}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}], "edges": [{"source": 22, "target": 21, "label": "E"}, {"source": 21, "target": 7, "label": "E"}, {"source": 23, "target": 10, "label": "F"}, {"source": 23, "target": 24, "label": "P"}, {"source": 21, "target": 8, "label": "C"}, {"source": 24, "target": 14, "label": "U"}, {"source": 24, "target": 12, "label": "N"}, {"source": 24, "target": 13, "label": "C"}, {"source": 20, "target": 5, "label": "C"}, {"source": 19, "target": 3, "label": "C"}, {"source": 18, "target": 2, "label": "S"}, {"source": 24, "target": 11, "label": "C"}, {"source": 16, "target": 0, "label": "E"}, {"source": 20, "target": 6, "label": "U"}, {"source": 17, "target": 18, "label": "H"}, {"source": 19, "target": 4, "label": "N"}, {"source": 18, "target": 16, "label": "A"}, {"source": 20, "target": 23, "label": "E"}, {"source": 20, "target": 22, "label": "E"}, {"source": 22, "target": 9, "label": "C"}, {"source": 24, "target": 15, "label": "U"}, {"source": 18, "target": 19, "label": "A"}, {"source": 16, "target": 1, "label": "C"}, {"source": 19, "target": 20, "label": "C"}]} +{"id": "399348-0004", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "A great breakfast which was included every morning until 9:30am; yummy fresh Parisian croissants.", "tops": [18], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 23}]}, {"id": 4, "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 36}]}, {"id": 6, "anchors": [{"from": 37, "to": 42}]}, {"id": 7, "anchors": [{"from": 43, "to": 50}]}, {"id": 8, "anchors": [{"from": 51, "to": 56}]}, {"id": 9, "anchors": [{"from": 57, "to": 61}]}, {"id": 10, "anchors": [{"from": 61, "to": 63}]}, {"id": 11, "anchors": [{"from": 63, "to": 64}]}, {"id": 12, "anchors": [{"from": 65, "to": 70}]}, {"id": 13, "anchors": [{"from": 71, "to": 76}]}, {"id": 14, "anchors": [{"from": 77, "to": 85}]}, {"id": 15, "anchors": [{"from": 86, "to": 96}]}, {"id": 16, "anchors": [{"from": 96, "to": 97}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}], "edges": [{"source": 20, "target": 22, "label": "D"}, {"source": 19, "target": 17, "label": "A"}, {"source": 19, "target": 11, "label": "U"}, {"source": 22, "target": 21, "label": "E"}, {"source": 20, "target": 3, "label": "F"}, {"source": 21, "target": 7, "label": "C"}, {"source": 20, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 16, "label": "U"}, {"source": 19, "target": 23, "label": "A"}, {"source": 23, "target": 13, "label": "E"}, {"source": 22, "target": 9, "label": "E"}, {"source": 18, "target": 19, "label": "H"}, {"source": 23, "target": 15, "label": "C"}, {"source": 23, "target": 14, "label": "E"}, {"source": 17, "target": 2, "label": "C"}, {"source": 17, "target": 1, "label": "E"}, {"source": 22, "target": 10, "label": "C"}, {"source": 17, "target": 20, "label": "E"}, {"source": 21, "target": 6, "label": "E"}, {"source": 20, "target": 4, "label": "F"}, {"source": 23, "target": 12, "label": "E"}, {"source": 17, "target": 0, "label": "E"}, {"source": 20, "target": 5, "label": "S"}, {"source": 21, "target": 8, "label": "R"}]} +{"id": "399348-0005", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "Comfortable and clean beds, a bit noisy when people were coming in late from a night out, but we didn't mind too much as we were also just coming in from a night out!", "tops": [31], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "anchors": [{"from": 12, "to": 15}]}, {"id": 2, "anchors": [{"from": 16, "to": 21}]}, {"id": 3, "anchors": [{"from": 22, "to": 26}]}, {"id": 4, "anchors": [{"from": 26, "to": 27}]}, {"id": 5, "anchors": [{"from": 28, "to": 29}]}, {"id": 6, "anchors": [{"from": 30, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 40, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 56}]}, {"id": 11, "anchors": [{"from": 57, "to": 63}]}, {"id": 12, "anchors": [{"from": 64, "to": 66}]}, {"id": 13, "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "anchors": [{"from": 72, "to": 76}, {"from": 77, "to": 78}, {"from": 79, "to": 84}]}, {"id": 15, "anchors": [{"from": 85, "to": 88}]}, {"id": 16, "anchors": [{"from": 88, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 96}]}, {"id": 19, "anchors": [{"from": 97, "to": 100}]}, {"id": 20, "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "anchors": [{"from": 104, "to": 108}]}, {"id": 22, "anchors": [{"from": 109, "to": 112}, {"from": 113, "to": 117}]}, {"id": 23, "anchors": [{"from": 118, "to": 120}]}, {"id": 24, "anchors": [{"from": 121, "to": 123}]}, {"id": 25, "anchors": [{"from": 124, "to": 128}]}, {"id": 26, "anchors": [{"from": 129, "to": 133}]}, {"id": 27, "anchors": [{"from": 134, "to": 138}]}, {"id": 28, "anchors": [{"from": 139, "to": 145}, {"from": 146, "to": 148}, {"from": 149, "to": 153}, {"from": 154, "to": 155}, {"from": 156, "to": 161}, {"from": 162, "to": 165}]}, {"id": 29, "anchors": [{"from": 165, "to": 166}]}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}], "edges": [{"source": 41, "target": 42, "label": "E"}, {"source": 32, "target": 30, "label": "A"}, {"source": 37, "target": 9, "label": "A"}, {"source": 39, "target": 26, "label": "D"}, {"source": 33, "target": 2, "label": "E"}, {"source": 39, "target": 40, "label": "A"}, {"source": 39, "target": 27, "label": "D"}, {"source": 39, "target": 21, "label": "P"}, {"source": 35, "target": 6, "label": "E"}, {"source": 42, "target": 29, "label": "U"}, {"source": 30, "target": 0, "label": "C"}, {"source": 31, "target": 32, "label": "H"}, {"source": 30, "target": 33, "label": "C"}, {"source": 39, "target": 25, "label": "F"}, {"source": 36, "target": 16, "label": "U"}, {"source": 42, "target": 28, "label": "C"}, {"source": 32, "target": 4, "label": "U"}, {"source": 38, "target": 13, "label": "E"}, {"source": 33, "target": 3, "label": "C"}, {"source": 37, "target": 38, "label": "D"}, {"source": 36, "target": 34, "label": "H"}, {"source": 36, "target": 8, "label": "L"}, {"source": 30, "target": 1, "label": "N"}, {"source": 36, "target": 39, "label": "H"}, {"source": 34, "target": 35, "label": "A"}, {"source": 37, "target": 11, "label": "P"}, {"source": 38, "target": 14, "label": "E"}, {"source": 37, "target": 10, "label": "F"}, {"source": 39, "target": 41, "label": "A"}, {"source": 39, "target": 18, "label": "A"}, {"source": 39, "target": 22, "label": "D"}, {"source": 40, "target": 23, "label": "R"}, {"source": 36, "target": 37, "label": "H"}, {"source": 39, "target": 20, "label": "D"}, {"source": 36, "target": 15, "label": "L"}, {"source": 32, "target": 36, "label": "A"}, {"source": 39, "target": 19, "label": "F"}, {"source": 38, "target": 12, "label": "R"}, {"source": 35, "target": 7, "label": "C"}, {"source": 36, "target": 17, "label": "L"}, {"source": 40, "target": 24, "label": "C"}, {"source": 35, "target": 5, "label": "E"}]} +{"id": "399348-0006", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "The location is really stellar!", "tops": [7], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "anchors": [{"from": 16, "to": 22}]}, {"id": 4, "anchors": [{"from": 23, "to": 30}]}, {"id": 5, "anchors": [{"from": 30, "to": 31}]}, {"id": 6}, {"id": 7}, {"id": 8}], "edges": [{"source": 7, "target": 8, "label": "H"}, {"source": 8, "target": 3, "label": "D"}, {"source": 8, "target": 6, "label": "A"}, {"source": 6, "target": 0, "label": "E"}, {"source": 8, "target": 4, "label": "A"}, {"source": 8, "target": 5, "label": "U"}, {"source": 6, "target": 1, "label": "C"}, {"source": 8, "target": 2, "label": "S"}]} +{"id": "399348-0007", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is next to Gare du Nord and a five minute walk to Sacre Coeur which is excellent for shopping.", "tops": [19], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 10}]}, {"id": 3, "anchors": [{"from": 11, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 18}, {"from": 19, "to": 21}, {"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 32}]}, {"id": 7, "anchors": [{"from": 33, "to": 37}]}, {"id": 8, "anchors": [{"from": 38, "to": 44}]}, {"id": 9, "anchors": [{"from": 45, "to": 49}]}, {"id": 10, "anchors": [{"from": 50, "to": 52}]}, {"id": 11, "anchors": [{"from": 53, "to": 58}]}, {"id": 12, "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 70}]}, {"id": 14, "anchors": [{"from": 71, "to": 73}]}, {"id": 15, "anchors": [{"from": 74, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "anchors": [{"from": 88, "to": 96}]}, {"id": 18, "anchors": [{"from": 96, "to": 97}]}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}], "edges": [{"source": 25, "target": 14, "label": "F"}, {"source": 21, "target": 3, "label": "R"}, {"source": 26, "target": 17, "label": "C"}, {"source": 24, "target": 11, "label": "E"}, {"source": 23, "target": 6, "label": "E"}, {"source": 23, "target": 25, "label": "E"}, {"source": 24, "target": 12, "label": "C"}, {"source": 24, "target": 10, "label": "R"}, {"source": 25, "target": 26, "label": "A"}, {"source": 20, "target": 2, "label": "D"}, {"source": 25, "target": 9, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 8, "label": "E"}, {"source": 22, "target": 23, "label": "C"}, {"source": 25, "target": 13, "label": "F"}, {"source": 23, "target": 24, "label": "E"}, {"source": 26, "target": 16, "label": "R"}, {"source": 19, "target": 20, "label": "H"}, {"source": 23, "target": 9, "label": "C"}, {"source": 26, "target": 18, "label": "U"}, {"source": 20, "target": 1, "label": "F"}, {"source": 23, "target": 7, "label": "E"}, {"source": 20, "target": 0, "label": "A"}, {"source": 20, "target": 21, "label": "A"}, {"source": 22, "target": 4, "label": "C"}, {"source": 22, "target": 5, "label": "N"}, {"source": 25, "target": 15, "label": "S"}, {"source": 21, "target": 22, "label": "E"}]} +{"id": "399348-0008", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "It is close to bus lines for Opera Plaza, Galleries Lafayette , and the famous flea Market.", "tops": [17], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 5}]}, {"id": 2, "anchors": [{"from": 6, "to": 11}]}, {"id": 3, "anchors": [{"from": 12, "to": 14}]}, {"id": 4, "anchors": [{"from": 15, "to": 18}]}, {"id": 5, "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "anchors": [{"from": 29, "to": 34}, {"from": 35, "to": 40}]}, {"id": 8, "anchors": [{"from": 40, "to": 41}]}, {"id": 9, "anchors": [{"from": 42, "to": 51}, {"from": 52, "to": 61}]}, {"id": 10, "anchors": [{"from": 62, "to": 63}]}, {"id": 11, "anchors": [{"from": 64, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 71}]}, {"id": 13, "anchors": [{"from": 72, "to": 78}]}, {"id": 14, "anchors": [{"from": 79, "to": 83}]}, {"id": 15, "anchors": [{"from": 84, "to": 90}]}, {"id": 16, "anchors": [{"from": 90, "to": 91}]}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}], "edges": [{"source": 19, "target": 5, "label": "C"}, {"source": 22, "target": 16, "label": "U"}, {"source": 21, "target": 8, "label": "U"}, {"source": 21, "target": 11, "label": "N"}, {"source": 20, "target": 21, "label": "C"}, {"source": 18, "target": 1, "label": "F"}, {"source": 21, "target": 7, "label": "C"}, {"source": 18, "target": 0, "label": "A"}, {"source": 22, "target": 14, "label": "E"}, {"source": 19, "target": 4, "label": "E"}, {"source": 18, "target": 20, "label": "A"}, {"source": 21, "target": 10, "label": "U"}, {"source": 21, "target": 22, "label": "C"}, {"source": 21, "target": 9, "label": "C"}, {"source": 22, "target": 15, "label": "C"}, {"source": 18, "target": 2, "label": "S"}, {"source": 20, "target": 6, "label": "R"}, {"source": 17, "target": 18, "label": "H"}, {"source": 22, "target": 12, "label": "E"}, {"source": 19, "target": 3, "label": "R"}, {"source": 22, "target": 13, "label": "E"}, {"source": 18, "target": 19, "label": "A"}]} +{"id": "399348-0009", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (11:31)", "input": "We really enjoyed our stay and would definitely stay at the Vintage Hostel again.", "tops": [16], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 9}]}, {"id": 2, "anchors": [{"from": 10, "to": 17}]}, {"id": 3, "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "anchors": [{"from": 31, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 47}]}, {"id": 8, "anchors": [{"from": 48, "to": 52}]}, {"id": 9, "anchors": [{"from": 53, "to": 55}]}, {"id": 10, "anchors": [{"from": 56, "to": 59}]}, {"id": 11, "anchors": [{"from": 60, "to": 67}]}, {"id": 12, "anchors": [{"from": 68, "to": 74}]}, {"id": 13, "anchors": [{"from": 75, "to": 80}]}, {"id": 14, "anchors": [{"from": 80, "to": 81}]}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}], "edges": [{"source": 20, "target": 10, "label": "E"}, {"source": 19, "target": 0, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 19, "target": 20, "label": "A"}, {"source": 19, "target": 13, "label": "D"}, {"source": 15, "target": 0, "label": "A"}, {"source": 16, "target": 5, "label": "L"}, {"source": 19, "target": 7, "label": "D"}, {"source": 16, "target": 15, "label": "H"}, {"source": 15, "target": 17, "label": "A"}, {"source": 17, "target": 4, "label": "C"}, {"source": 15, "target": 1, "label": "D"}, {"source": 19, "target": 18, "label": "P"}, {"source": 20, "target": 12, "label": "C"}, {"source": 19, "target": 14, "label": "U"}, {"source": 15, "target": 2, "label": "P"}, {"source": 18, "target": 8, "label": "C"}, {"source": 17, "target": 3, "label": "E"}, {"source": 18, "target": 6, "label": "F"}, {"source": 20, "target": 9, "label": "R"}, {"source": 16, "target": 19, "label": "H"}, {"source": 20, "target": 11, "label": "E"}]} diff --git a/mtool/data/score/ucca/id.mrp b/mtool/data/score/ucca/id.mrp new file mode 100644 index 0000000000000000000000000000000000000000..61baa7f422ca41b8849b90be0456e68be4d592c5 --- /dev/null +++ b/mtool/data/score/ucca/id.mrp @@ -0,0 +1,2 @@ +{"id": 72, "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-07-06", "tops": [22], "nodes": [{"id": 0}, {"id": 1}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}], "edges": [{"source": 21, "target": 2, "label": "R"}, {"source": 24, "target": 7, "label": "C"}, {"source": 23, "target": 21, "label": "T"}, {"source": 26, "target": 11, "label": "C"}, {"source": 24, "target": 25, "label": "E"}, {"source": 28, "target": 15, "label": "R"}, {"source": 28, "target": 17, "label": "C"}, {"source": 23, "target": 24, "label": "A"}, {"source": 27, "target": 14, "label": "C"}, {"source": 25, "target": 28, "label": "E"}, {"source": 22, "target": 23, "label": "H"}, {"source": 21, "target": 0, "label": "E"}, {"source": 23, "target": 4, "label": "A"}, {"source": 23, "target": 5, "label": "P"}, {"source": 25, "target": 9, "label": "E"}, {"source": 27, "target": 13, "label": "E"}, {"source": 28, "target": 29, "label": "E"}, {"source": 25, "target": 27, "label": "E"}, {"source": 24, "target": 6, "label": "E"}, {"source": 29, "target": 20, "label": "U"}, {"source": 21, "target": 1, "label": "C"}, {"source": 28, "target": 16, "label": "E"}, {"source": 23, "target": 3, "label": "U"}, {"source": 29, "target": 19, "label": "C"}, {"source": 26, "target": 12, "label": "R"}, {"source": 25, "target": 8, "label": "R"}, {"source": 27, "target": 26, "label": "E"}, {"source": 25, "target": 10, "label": "C"}, {"source": 29, "target": 18, "label": "R"}]} +{"id": 127, "flavor": 1, "framework": "ucca", "version": 1.0, "time": "2019-07-06", "tops": [78], "nodes": [{"id": 0}, {"id": 1}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}, {"id": 31}, {"id": 32}, {"id": 33}, {"id": 34}, {"id": 35}, {"id": 36}, {"id": 37}, {"id": 38}, {"id": 39}, {"id": 40}, {"id": 41}, {"id": 42}, {"id": 43}, {"id": 44}, {"id": 45}, {"id": 46}, {"id": 47}, {"id": 48}, {"id": 49}, {"id": 50}, {"id": 51}, {"id": 52}, {"id": 53}, {"id": 54}, {"id": 55}, {"id": 56}, {"id": 57}, {"id": 58}, {"id": 59}, {"id": 60}, {"id": 61}, {"id": 62}, {"id": 63}, {"id": 64}, {"id": 65}, {"id": 66}, {"id": 67}, {"id": 68}, {"id": 69}, {"id": 70}, {"id": 71}, {"id": 72}, {"id": 73}, {"id": 74}, {"id": 75}, {"id": 76}, {"id": 77}, {"id": 78}, {"id": 79}, {"id": 80}, {"id": 81}, {"id": 82}, {"id": 83}, {"id": 84}, {"id": 85}, {"id": 86}, {"id": 87}, {"id": 88}, {"id": 89}, {"id": 90}, {"id": 91}, {"id": 92}, {"id": 93}, {"id": 94}, {"id": 95}, {"id": 96}, {"id": 97}, {"id": 98}, {"id": 99}, {"id": 100}, {"id": 101}, {"id": 102}, {"id": 103}, {"id": 104}, {"id": 105}, {"id": 106}, {"id": 107}, {"id": 108}, {"id": 109}, {"id": 110}, {"id": 111}, {"id": 112}, {"id": 113}, {"id": 114}, {"id": 115}], "edges": [{"source": 110, "target": 63, "label": "R"}, {"source": 97, "target": 37, "label": "E"}, {"source": 111, "target": 68, "label": "C"}, {"source": 79, "target": 80, "label": "A"}, {"source": 80, "target": 98, "label": "H"}, {"source": 112, "target": 69, "label": "S"}, {"source": 80, "target": 0, "label": "U"}, {"source": 112, "target": 113, "label": "A"}, {"source": 109, "target": 110, "label": "E"}, {"source": 93, "target": 94, "label": "E"}, {"source": 95, "target": 32, "label": "C"}, {"source": 82, "target": 81, "label": "C"}, {"source": 111, "target": 112, "label": "E"}, {"source": 84, "target": 5, "label": "C"}, {"source": 106, "target": 55, "label": "C"}, {"source": 92, "target": 25, "label": "E"}, {"source": 103, "target": 66, "label": "N"}, {"source": 105, "target": 52, "label": "E"}, {"source": 103, "target": 56, "label": "U"}, {"source": 86, "target": 12, "label": "R"}, {"source": 105, "target": 53, "label": "C"}, {"source": 80, "target": 101, "label": "H"}, {"source": 102, "target": 48, "label": "E"}, {"source": 93, "target": 28, "label": "C"}, {"source": 82, "target": 4, "label": "N"}, {"source": 95, "target": 31, "label": "E"}, {"source": 115, "target": 76, "label": "C"}, {"source": 83, "target": 9, "label": "T"}, {"source": 108, "target": 109, "label": "A"}, {"source": 95, "target": 30, "label": "R"}, {"source": 94, "target": 95, "label": "A"}, {"source": 98, "target": 40, "label": "A"}, {"source": 82, "target": 84, "label": "C"}, {"source": 102, "target": 49, "label": "C"}, {"source": 113, "target": 114, "label": "A"}, {"source": 107, "target": 57, "label": "E"}, {"source": 91, "target": 23, "label": "P"}, {"source": 107, "target": 108, "label": "E"}, {"source": 103, "target": 65, "label": "U"}, {"source": 104, "target": 105, "label": "A"}, {"source": 113, "target": 70, "label": "R"}, {"source": 92, "target": 24, "label": "R"}, {"source": 80, "target": 96, "label": "H"}, {"source": 102, "target": 104, "label": "E"}, {"source": 115, "target": 74, "label": "R"}, {"source": 81, "target": 1, "label": "E"}, {"source": 104, "target": 50, "label": "P"}, {"source": 111, "target": 67, "label": "E"}, {"source": 115, "target": 77, "label": "U"}, {"source": 96, "target": 34, "label": "P"}, {"source": 97, "target": 36, "label": "C"}, {"source": 101, "target": 47, "label": "S"}, {"source": 83, "target": 87, "label": "A"}, {"source": 106, "target": 54, "label": "R"}, {"source": 81, "target": 3, "label": "E"}, {"source": 88, "target": 19, "label": "N"}, {"source": 99, "target": 43, "label": "C"}, {"source": 89, "target": 88, "label": "P"}, {"source": 86, "target": 10, "label": "E"}, {"source": 94, "target": 29, "label": "S"}, {"source": 80, "target": 39, "label": "L"}, {"source": 88, "target": 18, "label": "C"}, {"source": 96, "target": 97, "label": "A"}, {"source": 112, "target": 68, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 114, "target": 115, "label": "E"}, {"source": 80, "target": 22, "label": "U"}, {"source": 80, "target": 91, "label": "H"}, {"source": 103, "target": 107, "label": "C"}, {"source": 110, "target": 64, "label": "C"}, {"source": 87, "target": 86, "label": "E"}, {"source": 109, "target": 62, "label": "C"}, {"source": 97, "target": 35, "label": "E"}, {"source": 105, "target": 51, "label": "R"}, {"source": 78, "target": 79, "label": "H"}, {"source": 91, "target": 92, "label": "A"}, {"source": 80, "target": 38, "label": "U"}, {"source": 88, "target": 17, "label": "U"}, {"source": 114, "target": 73, "label": "C"}, {"source": 100, "target": 43, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 85, "target": 7, "label": "C"}, {"source": 80, "target": 33, "label": "U"}, {"source": 94, "target": 28, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 101, "target": 46, "label": "A"}, {"source": 109, "target": 60, "label": "R"}, {"source": 114, "target": 72, "label": "E"}, {"source": 113, "target": 71, "label": "P"}, {"source": 99, "target": 100, "label": "E"}, {"source": 93, "target": 27, "label": "E"}, {"source": 83, "target": 82, "label": "A"}, {"source": 86, "target": 11, "label": "C"}, {"source": 80, "target": 89, "label": "H"}, {"source": 100, "target": 44, "label": "P"}, {"source": 99, "target": 42, "label": "E"}, {"source": 98, "target": 41, "label": "P"}, {"source": 83, "target": 8, "label": "P"}, {"source": 88, "target": 16, "label": "C"}, {"source": 81, "target": 2, "label": "C"}, {"source": 80, "target": 83, "label": "H"}, {"source": 91, "target": 93, "label": "A"}, {"source": 90, "target": 21, "label": "C"}, {"source": 90, "target": 20, "label": "E"}, {"source": 108, "target": 58, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 101, "target": 103, "label": "A"}, {"source": 80, "target": 45, "label": "U"}, {"source": 92, "target": 26, "label": "C"}, {"source": 98, "target": 99, "label": "A"}, {"source": 104, "target": 49, "label": "A", "attributes": ["remote"], "values": [true]}, {"source": 103, "target": 102, "label": "C"}, {"source": 107, "target": 58, "label": "C"}, {"source": 89, "target": 90, "label": "A"}, {"source": 109, "target": 61, "label": "E"}, {"source": 85, "target": 6, "label": "R"}, {"source": 108, "target": 59, "label": "P"}, {"source": 105, "target": 106, "label": "E"}, {"source": 80, "target": 15, "label": "U"}, {"source": 115, "target": 75, "label": "E"}, {"source": 87, "target": 13, "label": "E"}, {"source": 84, "target": 85, "label": "E"}, {"source": 87, "target": 14, "label": "C"}, {"source": 103, "target": 111, "label": "C"}]} diff --git a/mtool/data/score/ucca/koller.mrp b/mtool/data/score/ucca/koller.mrp new file mode 100644 index 0000000000000000000000000000000000000000..5b0c3a691f71b24969153135db49d8ca333df0ee --- /dev/null +++ b/mtool/data/score/ucca/koller.mrp @@ -0,0 +1 @@ +{"id": "291046-0001", "framework": "ucca", "flavor": 1, "time": "2019-07-17 (10:43)", "version": "0.9", "input": "Hams on Friendly … RIP", "nodes": [{"anchors": [{"from": 0, "to": 4}], "id": 0, "label": "hams", "properties": [], "values": []}, {"anchors": [{"from": 5, "to": 7}], "id": 1, "label": "on", "properties": [], "values": []}, {"anchors": [{"from": 8, "to": 16}], "id": 2, "label": "friendly", "properties": [], "values": []}, {"anchors": [{"from": 17, "to": 20}], "id": 3, "label": "...", "properties": [], "values": []}, {"anchors": [{"from": 21, "to": 24}], "id": 4, "label": "rip", "properties": [], "values": []}, {"id": 4}, {"id": 5}, {"id": 6}], "edges": [{"source": 5, "target": 1, "label": "A"}, {"source": 5, "target": 2, "label": "S"}, {"source": 6, "target": 5, "label": "A"}, {"source": 5, "target": 3, "label": "A"}, {"source": 6, "target": 0, "label": "S"}, {"source": 6, "target": 4, "label": "U"}]} diff --git a/mtool/data/score/ucca/small.gold.mrp b/mtool/data/score/ucca/small.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..18303cc11f2c12756b934890411fca6e2d5818f6 --- /dev/null +++ b/mtool/data/score/ucca/small.gold.mrp @@ -0,0 +1 @@ +{"id": "001325-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (17:11)", "input": "Highly recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 3, "target": 1, "label": "S"}, {"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}]} diff --git a/mtool/data/score/ucca/small.gold.pdf b/mtool/data/score/ucca/small.gold.pdf new file mode 100644 index 0000000000000000000000000000000000000000..d2889d9a145da1bf854623e3eb907563dda3efe8 Binary files /dev/null and b/mtool/data/score/ucca/small.gold.pdf differ diff --git a/mtool/data/score/ucca/small.tupa.mrp b/mtool/data/score/ucca/small.tupa.mrp new file mode 100644 index 0000000000000000000000000000000000000000..6d99e1749b1b01fda78e4f52205d67d155d47bb1 --- /dev/null +++ b/mtool/data/score/ucca/small.tupa.mrp @@ -0,0 +1 @@ +{"id": "001325-0001", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (17:12)", "input": "Highly recommended", "tops": [2], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 6}]}, {"id": 1, "anchors": [{"from": 7, "to": 18}]}, {"id": 2}, {"id": 3}], "edges": [{"source": 2, "target": 3, "label": "H"}, {"source": 3, "target": 0, "label": "D"}, {"source": 3, "target": 1, "label": "P"}]} diff --git a/mtool/data/score/ucca/small.tupa.pdf b/mtool/data/score/ucca/small.tupa.pdf new file mode 100644 index 0000000000000000000000000000000000000000..86e9e548edb51cdd5bab6060c0fe482f2cec2a07 Binary files /dev/null and b/mtool/data/score/ucca/small.tupa.pdf differ diff --git a/mtool/data/score/ucca/test.gold.mrp b/mtool/data/score/ucca/test.gold.mrp new file mode 100644 index 0000000000000000000000000000000000000000..eb93fb24699833e68767fc5ebe4fdc1de339ed62 --- /dev/null +++ b/mtool/data/score/ucca/test.gold.mrp @@ -0,0 +1,2 @@ +{"id": "001325-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (15:48)", "input": "My 8 year old daughter loves this place.", "tops": [11], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}], "edges": [{"source": 12, "target": 9, "label": "A"}, {"source": 11, "target": 12, "label": "H"}, {"source": 15, "target": 7, "label": "C"}, {"source": 13, "target": 2, "label": "C"}, {"source": 12, "target": 15, "label": "A"}, {"source": 13, "target": 1, "label": "Q"}, {"source": 15, "target": 8, "label": "U"}, {"source": 10, "target": 0, "label": "A"}, {"source": 10, "target": 4, "label": "A"}, {"source": 9, "target": 10, "label": "C"}, {"source": 10, "target": 4, "label": "S"}, {"source": 14, "target": 4, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 12, "target": 5, "label": "S"}, {"source": 14, "target": 13, "label": "T"}, {"source": 15, "target": 6, "label": "E"}, {"source": 14, "target": 3, "label": "S"}, {"source": 9, "target": 14, "label": "E"}]} +{"id": "20003013", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-04-09 (14:49)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [23], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "anchors": [{"from": 13, "to": 16}]}, {"id": 4, "anchors": [{"from": 17, "to": 23}]}, {"id": 5, "anchors": [{"from": 24, "to": 31}]}, {"id": 6, "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "anchors": [{"from": 37, "to": 40}]}, {"id": 8, "anchors": [{"from": 41, "to": 50}]}, {"id": 9, "anchors": [{"from": 50, "to": 51}]}, {"id": 10, "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "anchors": [{"from": 55, "to": 59}]}, {"id": 12, "anchors": [{"from": 60, "to": 64}]}, {"id": 13, "anchors": [{"from": 65, "to": 67}]}, {"id": 14, "anchors": [{"from": 68, "to": 72}, {"from": 73, "to": 77}]}, {"id": 15, "anchors": [{"from": 78, "to": 83}]}, {"id": 16, "anchors": [{"from": 84, "to": 89}]}, {"id": 17, "anchors": [{"from": 90, "to": 93}]}, {"id": 18, "anchors": [{"from": 94, "to": 102}]}, {"id": 19, "anchors": [{"from": 103, "to": 109}]}, {"id": 20, "anchors": [{"from": 109, "to": 110}]}, {"id": 21}, {"id": 22}, {"id": 23}, {"id": 24}, {"id": 25}, {"id": 26}, {"id": 27}, {"id": 28}, {"id": 29}, {"id": 30}], "edges": [{"source": 27, "target": 16, "label": "C"}, {"source": 21, "target": 0, "label": "R"}, {"source": 30, "target": 19, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 28, "target": 29, "label": "A"}, {"source": 30, "target": 18, "label": "S"}, {"source": 24, "target": 3, "label": "R"}, {"source": 29, "target": 20, "label": "U"}, {"source": 22, "target": 26, "label": "A"}, {"source": 22, "target": 12, "label": "P"}, {"source": 23, "target": 13, "label": "U"}, {"source": 21, "target": 1, "label": "Q"}, {"source": 27, "target": 15, "label": "Q"}, {"source": 29, "target": 17, "label": "F"}, {"source": 25, "target": 7, "label": "E"}, {"source": 28, "target": 27, "label": "S"}, {"source": 22, "target": 21, "label": "A"}, {"source": 23, "target": 28, "label": "H"}, {"source": 26, "target": 10, "label": "Q"}, {"source": 22, "target": 9, "label": "U"}, {"source": 24, "target": 25, "label": "A"}, {"source": 25, "target": 6, "label": "R"}, {"source": 21, "target": 24, "label": "E"}, {"source": 26, "target": 2, "label": "C", "properties": ["remote"], "values": [true]}, {"source": 24, "target": 5, "label": "D"}, {"source": 24, "target": 2, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 22, "target": 11, "label": "F"}, {"source": 25, "target": 8, "label": "C"}, {"source": 21, "target": 2, "label": "C"}, {"source": 27, "target": 14, "label": "E"}, {"source": 29, "target": 30, "label": "E"}, {"source": 24, "target": 4, "label": "P"}, {"source": 29, "target": 19, "label": "C"}, {"source": 28, "target": 26, "label": "A", "properties": ["remote"], "values": [true]}, {"source": 23, "target": 22, "label": "H"}]} diff --git a/mtool/data/score/ucca/test.gold.pdf b/mtool/data/score/ucca/test.gold.pdf new file mode 100644 index 0000000000000000000000000000000000000000..7d37c64f6b2c585cc3c94230a55a5f8e6895a7d5 Binary files /dev/null and b/mtool/data/score/ucca/test.gold.pdf differ diff --git a/mtool/data/score/ucca/test.tupa.mrp b/mtool/data/score/ucca/test.tupa.mrp new file mode 100644 index 0000000000000000000000000000000000000000..97c1e8c47725fd8bbdc85ae963623a477d8f624a --- /dev/null +++ b/mtool/data/score/ucca/test.tupa.mrp @@ -0,0 +1,2 @@ +{"id": "001325-0002", "flavor": 1, "framework": "ucca", "version": 0.9, "time": "2019-05-29 (15:48)", "input": "My 8 year old daughter loves this place.", "tops": [10], "nodes": [{"id": 0, "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "anchors": [{"from": 3, "to": 4}]}, {"id": 2, "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "anchors": [{"from": 14, "to": 22}]}, {"id": 5, "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "anchors": [{"from": 39, "to": 40}]}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}], "edges": [{"source": 11, "target": 13, "label": "A"}, {"source": 13, "target": 7, "label": "C"}, {"source": 9, "target": 3, "label": "E"}, {"source": 13, "target": 8, "label": "U"}, {"source": 11, "target": 5, "label": "P"}, {"source": 13, "target": 6, "label": "E"}, {"source": 9, "target": 0, "label": "E"}, {"source": 10, "target": 11, "label": "H"}, {"source": 12, "target": 2, "label": "C"}, {"source": 11, "target": 9, "label": "D"}, {"source": 9, "target": 4, "label": "C"}, {"source": 12, "target": 1, "label": "E"}, {"source": 9, "target": 12, "label": "E"}]} +{"id": "20003013", "framework": "ucca", "version": 1.0, "time": "2019-07-05", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "nodes": [{"id": 23}, {"id": 0}, {"id": 1}, {"id": 2}, {"id": 3}, {"id": 4}, {"id": 5}, {"id": 6}, {"id": 7}, {"id": 8}, {"id": 9}, {"id": 10}, {"id": 11}, {"id": 12}, {"id": 13}, {"id": 14}, {"id": 15}, {"id": 16}, {"id": 17}, {"id": 18}, {"id": 19}, {"id": 20}, {"id": 21}, {"id": 23}, {"id": 24}], "edges": [{"source": 23, "target": 24, "label": "U"}, {"source": 23, "target": 23, "label": "L"}]} diff --git a/mtool/data/score/ucca/test.tupa.pdf b/mtool/data/score/ucca/test.tupa.pdf new file mode 100644 index 0000000000000000000000000000000000000000..6b64ffc32515e20d59c26877d703259e1cb259fc Binary files /dev/null and b/mtool/data/score/ucca/test.tupa.pdf differ diff --git a/mtool/data/validate/Makefile b/mtool/data/validate/Makefile new file mode 100644 index 0000000000000000000000000000000000000000..cc51fc2a40085a8749681bf024459d7bf2852485 --- /dev/null +++ b/mtool/data/validate/Makefile @@ -0,0 +1,5 @@ +.PHONY: all + +all: + time python3 -u ../../main.py --trace --trace --validate all \ + --read mrp eds/wsj.mrp $@ 2>&1 | tee eds.wsj.log diff --git a/mtool/data/validate/eds/wsj.mrp b/mtool/data/validate/eds/wsj.mrp new file mode 100644 index 0000000000000000000000000000000000000000..79679ec2ded917c5d2f0fed18da805d44fb80f02 --- /dev/null +++ b/mtool/data/validate/eds/wsj.mrp @@ -0,0 +1,87 @@ +{"id": "20001001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "tops": [10], "nodes": [{"id": 0, "label": "", "anchors": [{"from": 0, "to": 28}]}, {"id": 1, "anchors": [{"from": 0, "to": 14}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Pierre"]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Vinken"], "anchors": [{"from": 7, "to": 14}]}, {"id": 5, "label": "measure", "anchors": [{"from": 15, "to": 23}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 15, "to": 23}, {"from": 15, "to": 23}]}, {"id": 7, "label": "card", "properties": ["carg"], "values": ["61"], "anchors": [{"form": 15, "to": 17}]}, {"id": 8, "label": "_year_n_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 9, "label": "_old_a_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 10, "label": "_join_v_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "_board_n_of", "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "_as_p", "anchors": [{"from": 49, "to": 51}]}, {"id": 14, "label": "_a_q", "anchors": [{"from": 52, "to": 53}]}, {"id": 15, "label": "_nonexecutive_a_unknown", "anchors": [{"from": 54, "to": 66}]}, {"id": 16, "label": "_director_n_of", "anchors": [{"from": 67, "to": 75}]}, {"id": 17, "label": "loc_nonsp", "anchors": [{"from": 76, "to": 84}]}, {"id": 18, "label": "mofy", "properties": ["carg"], "values": ["Nov"], "anchors": [{"from": 76, "to": 80}]}, {"id": 19, "label": "def_explicit_q", "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "label": "of_p", "anchors": [{"from": 76, "to": 80}]}, {"id": 21, "label": "def_implicit_q", "anchors": [{"from": 76, "to": 80}]}, {"id": 22, "label": "dofm", "properties": ["carg"], "values": ["29"], "anchors": [{"from": 81, "to": 84}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 5, "target": 9, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 20, "target": 18, "label": "ARG2"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 19, "target": 22, "label": "BV"}, {"source": 21, "target": 18, "label": "BV"}, {"source": 9, "target": 4, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20001002", "flavor": 42, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_mister_n_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Vinken"], "anchors": [{"from": 4, "to": 10}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 14, "to": 68}]}, {"id": 7, "label": "_chairman_n_of", "anchors": [{"from": 14, "to": 22}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 9, "label": "appos", "anchors": [{"from": 26, "to": 68}]}, {"id": 10, "label": "proper_q", "anchors": [{"from": 26, "to": 40}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Elsevier"], "anchors": [{"from": 26, "to": 34}]}, {"id": 12, "label": "_nv_n_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 35, "to": 40}]}, {"id": 14, "label": "compound", "anchors": [{"from": 35, "to": 40}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 16, "label": "_dutch_a_1", "anchors": [{"from": 45, "to": 50}]}, {"id": 17, "label": "compound", "anchors": [{"from": 51, "to": 68}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 51, "to": 61}]}, {"id": 19, "label": "_publish_v_1", "anchors": [{"from": 51, "to": 61}]}, {"id": 20, "label": "nominalization", "anchors": [{"from": 51, "to": 61}]}, {"id": 21, "label": "_group_n_of", "anchors": [{"from": 62, "to": 68}]}], "edges": [{"source": 17, "target": 21, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 15, "target": 21, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 9, "target": 21, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 16, "target": 21, "label": "ARG1"}, {"source": 14, "target": 11, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 14, "target": 12, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003001", "flavor": 0, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported.", "tops": [40], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "_form_n_of", "anchors": [{"from": 2, "to": 6}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 10, "to": 59}]}, {"id": 3, "label": "_asbestos_n_1", "anchors": [{"from": 10, "to": 18}]}, {"id": 4, "label": "_once_a_1", "anchors": [{"from": 19, "to": 23}]}, {"id": 5, "label": "_use_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "_make_v_1", "anchors": [{"from": 32, "to": 36}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 37, "to": 59}]}, {"id": 8, "label": "compound", "anchors": [{"from": 37, "to": 59}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 37, "to": 41}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 37, "to": 41}]}, {"id": 11, "label": "compound", "anchors": [{"from": 42, "to": 59}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 42, "to": 51}]}, {"id": 13, "label": "_cigarette_n_1", "anchors": [{"from": 42, "to": 51}]}, {"id": 14, "label": "_filter_n_1", "anchors": [{"from": 52, "to": 59}]}, {"id": 15, "label": "_cause_v_1", "anchors": [{"from": 64, "to": 70}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 71, "to": 72}]}, {"id": 17, "label": "_high_a_1", "anchors": [{"from": 73, "to": 77}]}, {"id": 18, "label": "_percentage_n_of", "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 92, "to": 168}]}, {"id": 20, "label": "compound", "anchors": [{"from": 92, "to": 105}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 92, "to": 98}]}, {"id": 22, "label": "_cancer_n_1", "anchors": [{"from": 92, "to": 98}]}, {"id": 23, "label": "_death_n_1", "anchors": [{"from": 99, "to": 105}]}, {"id": 24, "label": "_among_p", "anchors": [{"from": 106, "to": 111}]}, {"id": 25, "label": "_a_q", "anchors": [{"from": 112, "to": 113}]}, {"id": 26, "label": "_group_n_of", "anchors": [{"from": 114, "to": 119}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 123, "to": 168}]}, {"id": 28, "label": "_worker_n_1", "anchors": [{"from": 123, "to": 130}]}, {"id": 29, "label": "_expose_v_1", "anchors": [{"from": 131, "to": 138}]}, {"id": 30, "label": "_to_p", "anchors": [{"from": 139, "to": 141}]}, {"id": 31, "label": "pron", "anchors": [{"from": 142, "to": 144}]}, {"id": 32, "label": "pronoun_q", "anchors": [{"from": 142, "to": 144}]}, {"id": 33, "label": "_more+than_a_1", "anchors": [{"from": 145, "to": 154}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 155, "to": 163}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["30"], "anchors": [{"from": 155, "to": 157}]}, {"id": 36, "label": "_year_n_1", "anchors": [{"from": 158, "to": 163}]}, {"id": 37, "label": "_ago_p", "anchors": [{"from": 164, "to": 168}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 169, "to": 180}]}, {"id": 39, "label": "_researcher_n_of", "anchors": [{"from": 169, "to": 180}]}, {"id": 40, "label": "_report_v_to", "anchors": [{"from": 181, "to": 190}]}], "edges": [{"source": 38, "target": 39, "label": "BV"}, {"source": 37, "target": 29, "label": "ARG1"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 40, "target": 39, "label": "ARG1"}, {"source": 40, "target": 15, "label": "ARG2"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 30, "target": 31, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG3"}, {"source": 33, "target": 37, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 15, "target": 1, "label": "ARG1"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 32, "target": 31, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 7, "target": 14, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 8, "target": 14, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG2"}, {"source": 37, "target": 36, "label": "ARG2"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 18, "target": 23, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 6, "target": 14, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003002", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said.", "tops": [37], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 32}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "compound", "anchors": [{"from": 4, "to": 19}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "_asbestos_n_1", "anchors": [{"from": 4, "to": 12}]}, {"id": 5, "label": "_fiber_n_1", "anchors": [{"from": 13, "to": 19}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 20, "to": 32}]}, {"id": 7, "label": "_crocidolite_n_unknown", "anchors": [{"from": 20, "to": 32}]}, {"id": 8, "label": "_unusually_x_deg", "anchors": [{"from": 36, "to": 45}]}, {"id": 9, "label": "_resilient_a_unknown", "anchors": [{"from": 46, "to": 55}]}, {"id": 10, "label": "_once_x_subord", "anchors": [{"from": 56, "to": 60}]}, {"id": 11, "label": "pron", "anchors": [{"from": 61, "to": 63}]}, {"id": 12, "label": "pronoun_q", "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "_enter_v_1", "anchors": [{"from": 64, "to": 70}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 71, "to": 74}]}, {"id": 15, "label": "_lung_n_1", "anchors": [{"from": 75, "to": 81}]}, {"id": 16, "label": "_with_x_subord", "anchors": [{"from": 82, "to": 86}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 87, "to": 113}]}, {"id": 18, "label": "_even_a_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 19, "label": "_brief_a_1", "anchors": [{"from": 92, "to": 97}]}, {"id": 20, "label": "_exposure_n_of-to", "anchors": [{"from": 98, "to": 107}]}, {"id": 21, "label": "_to_p", "anchors": [{"from": 108, "to": 110}]}, {"id": 22, "label": "pron", "anchors": [{"from": 111, "to": 113}]}, {"id": 23, "label": "pronoun_q", "anchors": [{"from": 111, "to": 113}]}, {"id": 24, "label": "_cause_v_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 122, "to": 158}]}, {"id": 26, "label": "_symptom_n_1", "anchors": [{"from": 122, "to": 130}]}, {"id": 27, "label": "_show_v_up", "anchors": [{"from": 136, "to": 140}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 144, "to": 151}]}, {"id": 29, "label": "_decade_n_1", "anchors": [{"from": 144, "to": 151}]}, {"id": 30, "label": "loc_nonsp", "anchors": [{"from": 152, "to": 158}]}, {"id": 31, "label": "time_n", "anchors": [{"from": 152, "to": 158}]}, {"id": 32, "label": "def_explicit_q", "anchors": [{"from": 152, "to": 158}]}, {"id": 33, "label": "_late_a_for", "anchors": [{"from": 152, "to": 158}]}, {"id": 34, "label": "comp", "anchors": [{"from": 152, "to": 158}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 159, "to": 170}]}, {"id": 36, "label": "_researcher_n_of", "anchors": [{"from": 159, "to": 170}]}, {"id": 37, "label": "_say_v_to", "anchors": [{"from": 171, "to": 176}]}], "edges": [{"source": 0, "target": 7, "label": "ARG2"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 9, "target": 5, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 30, "target": 31, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 37, "target": 16, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 33, "target": 31, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG2"}, {"source": 16, "target": 10, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 17, "target": 20, "label": "BV"}, {"source": 32, "target": 31, "label": "BV"}, {"source": 30, "target": 27, "label": "ARG1"}, {"source": 16, "target": 24, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 24, "target": 20, "label": "ARG1"}, {"source": 37, "target": 36, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}]} +{"id": "20003003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956.", "tops": [4711], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 82}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 0, "to": 15}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 0, "to": 9}]}, {"id": 3, "label": "_inc_n_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 5, "label": "compound", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 7, "label": "_unit_n_of", "anchors": [{"from": 20, "to": 24}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 28, "to": 54}]}, {"id": 9, "label": "compound", "anchors": [{"from": 28, "to": 42}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 28, "to": 42}]}, {"id": 11, "label": "compound", "anchors": [{"from": 28, "to": 42}]}, {"id": 12, "label": "proper_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["New"], "anchors": [{"from": 28, "to": 31}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["York"], "anchors": [{"from": 32, "to": 42}]}, {"id": 15, "label": "_base_v_1", "anchors": [{"from": 32, "to": 42}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Loews"], "anchors": [{"from": 43, "to": 48}]}, {"id": 17, "label": "_corporation_n_1", "anchors": [{"from": 49, "to": 54}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 49, "to": 54}]}, {"id": 19, "label": "compound", "anchors": [{"from": 49, "to": 54}]}, {"id": 20, "label": "_make_v_1", "anchors": [{"from": 60, "to": 65}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 66, "to": 82}]}, {"id": 22, "label": "compound", "anchors": [{"from": 66, "to": 82}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 66, "to": 70}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 66, "to": 70}]}, {"id": 25, "label": "_cigarette_n_1", "anchors": [{"from": 71, "to": 82}]}, {"id": 26, "label": "_stop_v_prd", "anchors": [{"from": 83, "to": 90}]}, {"id": 27, "label": "_use_v_1", "anchors": [{"from": 91, "to": 96}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 97, "to": 143}]}, {"id": 29, "label": "_crocidolite_n_unknown", "anchors": [{"from": 97, "to": 108}]}, {"id": 30, "label": "_in_p", "anchors": [{"from": 109, "to": 111}]}, {"id": 31, "label": "def_explicit_q", "anchors": [{"from": 112, "to": 115}]}, {"id": 32, "label": "poss", "anchors": [{"from": 112, "to": 115}]}, {"id": 33, "label": "pronoun_q", "anchors": [{"from": 112, "to": 115}]}, {"id": 34, "label": "pron", "anchors": [{"from": 112, "to": 115}]}, {"id": 35, "label": "compound", "anchors": [{"from": 116, "to": 143}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 116, "to": 125}]}, {"id": 37, "label": "named", "properties": ["carg"], "values": ["Micronite"], "anchors": [{"from": 116, "to": 125}]}, {"id": 38, "label": "compound", "anchors": [{"from": 126, "to": 143}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 126, "to": 135}]}, {"id": 40, "label": "_cigarette_n_1", "anchors": [{"from": 126, "to": 135}]}, {"id": 41, "label": "_filter_n_1", "anchors": [{"from": 136, "to": 143}]}, {"id": 42, "label": "_in_p_temp", "anchors": [{"from": 144, "to": 146}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 147, "to": 152}]}, {"id": 44, "label": "yofc", "properties": ["carg"], "values": ["1956"], "anchors": [{"from": 147, "to": 152}]}], "edges": [{"source": 0, "target": 7, "label": "ARG2"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 42, "target": 27, "label": "ARG1"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 27, "target": 2, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 20, "target": 7, "label": "ARG1"}, {"source": 31, "target": 41, "label": "BV"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 9, "target": 14, "label": "ARG2"}, {"source": 5, "target": 2, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 7, "target": 16, "label": "ARG1"}, {"source": 32, "target": 41, "label": "ARG1"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 30, "target": 41, "label": "ARG2"}, {"source": 8, "target": 16, "label": "BV"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 9, "target": 15, "label": "ARG1"}, {"source": 35, "target": 41, "label": "ARG1"}]} +{"id": "20003005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A Lorillard spokewoman said, \"This is an old story.", "tops": [5], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "compound", "anchors": [{"from": 2, "to": 22}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 2, "to": 11}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 2, "to": 11}]}, {"id": 4, "label": "_spokewoman_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 23, "to": 28}]}, {"id": 6, "label": "generic_entity", "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "_this_q_dem", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_be_v_id", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_a_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 10, "label": "_old_a_1", "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "_story_n_of", "anchors": [{"from": 45, "to": 51}]}], "edges": [{"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 4711, "target": 4, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 8, "target": 6, "label": "ARG1"}]} +{"id": "20003007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "There is no asbestos in our products now.\"", "tops": [0], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 8}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "label": "_asbestos_n_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_in_p", "anchors": [{"from": 21, "to": 23}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 5, "label": "poss", "anchors": [{"from": 24, "to": 27}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "label": "pron", "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "_product_n_1", "anchors": [{"from": 28, "to": 36}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 37, "to": 42}]}, {"id": 10, "label": "time_n", "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "label": "def_implicit_q", "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_now_a_1", "anchors": [{"from": 37, "to": 42}]}], "edges": [{"source": 6, "target": 7, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 9, "target": 0, "label": "ARG1"}, {"source": 4, "target": 4711, "label": "BV"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}]} +{"id": "20003008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes.", "tops": [9], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 61}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 8, "to": 17}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "_nor_c", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 22, "to": 25}]}, {"id": 5, "label": "_researcher_n_of", "anchors": [{"from": 26, "to": 37}]}, {"id": 6, "label": "_study_v_1", "anchors": [{"from": 42, "to": 49}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 50, "to": 53}]}, {"id": 8, "label": "_worker_n_1", "anchors": [{"from": 54, "to": 61}]}, {"id": 9, "label": "_aware_a_of", "anchors": [{"from": 67, "to": 72}]}, {"id": 10, "label": "_any_q", "anchors": [{"from": 76, "to": 79}]}, {"id": 11, "label": "_research_n_1", "anchors": [{"from": 80, "to": 88}]}, {"id": 12, "label": "_on_p", "anchors": [{"from": 89, "to": 91}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 92, "to": 123}]}, {"id": 14, "label": "_smoker_n_of", "anchors": [{"from": 92, "to": 99}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 16, "label": "compound", "anchors": [{"from": 107, "to": 123}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 107, "to": 111}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 107, "to": 111}]}, {"id": 19, "label": "_cigarette_n_1", "anchors": [{"from": 112, "to": 123}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 9, "target": 3, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG1"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20003009", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"We have no useful information on whether users are at risk,\" said James A. Talcott of Boston's Dana-Farber Cancer Institute.", "tops": [13], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 4, "to": 8}]}, {"id": 3, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 4, "label": "_useful_a_for", "anchors": [{"from": 12, "to": 18}]}, {"id": 5, "label": "_information_n_on-about", "anchors": [{"from": 19, "to": 30}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 34, "to": 61}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 34, "to": 61}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 42, "to": 47}]}, {"id": 9, "label": "_user_n_of", "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "_at_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 55, "to": 61}]}, {"id": 12, "label": "_risk_n_of", "anchors": [{"from": 55, "to": 61}]}, {"id": 13, "label": "_say_v_to", "anchors": [{"from": 62, "to": 66}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 67, "to": 125}]}, {"id": 15, "label": "compound", "anchors": [{"from": 67, "to": 83}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 67, "to": 75}]}, {"id": 17, "label": "compound", "anchors": [{"from": 67, "to": 75}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 67, "to": 72}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["James"], "anchors": [{"from": 67, "to": 72}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["A"], "anchors": [{"from": 73, "to": 75}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 76, "to": 83}]}, {"id": 22, "label": "_of_p", "anchors": [{"from": 84, "to": 86}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 87, "to": 93}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Boston"], "anchors": [{"from": 87, "to": 93}]}, {"id": 25, "label": "def_explicit_q", "anchors": [{"from": 93, "to": 95}]}, {"id": 26, "label": "poss", "anchors": [{"from": 93, "to": 95}]}, {"id": 27, "label": "compound", "anchors": [{"from": 96, "to": 125}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 96, "to": 114}]}, {"id": 29, "label": "compound", "anchors": [{"from": 96, "to": 114}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 96, "to": 107}]}, {"id": 31, "label": "compound", "anchors": [{"from": 96, "to": 107}]}, {"id": 32, "label": "proper_q", "anchors": [{"from": 96, "to": 107}]}, {"id": 33, "label": "named", "properties": ["carg"], "values": ["Dana"], "anchors": [{"from": 96, "to": 107}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Farber"], "anchors": [{"from": 96, "to": 107}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Cancer"], "anchors": [{"from": 108, "to": 114}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Institute"], "anchors": [{"from": 115, "to": 125}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 27, "target": 35, "label": "ARG2"}, {"source": 28, "target": 35, "label": "BV"}, {"source": 31, "target": 34, "label": "ARG1"}, {"source": 22, "target": 36, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 26, "target": 36, "label": "ARG1"}, {"source": 31, "target": 33, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 26, "target": 24, "label": "ARG2"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 13, "target": 21, "label": "ARG1"}, {"source": 25, "target": 36, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 30, "target": 34, "label": "BV"}, {"source": 29, "target": 34, "label": "ARG2"}, {"source": 29, "target": 35, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 27, "target": 36, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 13, "target": 2, "label": "ARG2"}, {"source": 14, "target": 21, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 32, "target": 33, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}]} +{"id": "20003010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 3, "label": "_doctor_n_1", "anchors": [{"from": 0, "to": 3}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 4, "to": 11}]}, {"id": 5, "label": "_lead_v_1", "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 16, "to": 17}]}, {"id": 7, "label": "_team_n_of", "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 26, "to": 141}]}, {"id": 9, "label": "_researcher_n_of", "anchors": [{"from": 26, "to": 37}]}, {"id": 10, "label": "_from_p", "anchors": [{"from": 38, "to": 42}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 43, "to": 141}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 13, "label": "compound", "anchors": [{"from": 47, "to": 72}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 47, "to": 62}]}, {"id": 15, "label": "compound", "anchors": [{"from": 47, "to": 62}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 47, "to": 55}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["National"], "anchors": [{"from": 47, "to": 55}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Cancer"], "anchors": [{"from": 56, "to": 62}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Institute"], "anchors": [{"from": 63, "to": 72}]}, {"id": 20, "label": "_and_c", "anchors": [{"from": 73, "to": 76}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 77, "to": 80}]}, {"id": 22, "label": "_medical_a_1", "anchors": [{"from": 81, "to": 88}]}, {"id": 23, "label": "_school_n_1", "anchors": [{"from": 89, "to": 96}]}, {"id": 24, "label": "_of_p", "anchors": [{"from": 97, "to": 99}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 100, "to": 141}]}, {"id": 26, "label": "proper_q", "anchors": [{"from": 100, "to": 118}]}, {"id": 27, "label": "compound", "anchors": [{"from": 100, "to": 118}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 100, "to": 107}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Harvard"], "anchors": [{"from": 100, "to": 107}]}, {"id": 30, "label": "named", "properties": ["carg"], "values": ["University"], "anchors": [{"from": 108, "to": 118}]}, {"id": 31, "label": "_and_c", "anchors": [{"from": 119, "to": 122}]}, {"id": 32, "label": "proper_q", "anchors": [{"from": 123, "to": 141}]}, {"id": 33, "label": "compound", "anchors": [{"from": 123, "to": 141}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 123, "to": 129}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Boston"], "anchors": [{"from": 123, "to": 129}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["University"], "anchors": [{"from": 130, "to": 141}]}], "edges": [{"source": 1, "target": 4, "label": "ARG1"}, {"source": 31, "target": 30, "label": "L-INDEX"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 13, "target": 19, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 33, "target": 35, "label": "ARG2"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 31, "target": 36, "label": "R-INDEX"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 26, "target": 30, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 24, "target": 31, "label": "ARG2"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 11, "target": 20, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 34, "target": 35, "label": "BV"}, {"source": 20, "target": 19, "label": "L-INDEX"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 12, "target": 19, "label": "BV"}, {"source": 33, "target": 36, "label": "ARG1"}, {"source": 25, "target": 31, "label": "BV"}, {"source": 32, "target": 36, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 20, "target": 23, "label": "R-INDEX"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 10, "target": 20, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003011", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The Lorillard spokeswoman said asbestos was used in \"very modest amounts\" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956.", "tops": [5], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 25}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 4, "to": 13}]}, {"id": 4, "label": "_spokeswoman_n_unknown", "anchors": [{"from": 14, "to": 25}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 26, "to": 30}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 31, "to": 39}]}, {"id": 7, "label": "_asbestos_n_1", "anchors": [{"from": 31, "to": 39}]}, {"id": 8, "label": "_use_v_1", "anchors": [{"from": 44, "to": 48}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 49, "to": 51}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 124}]}, {"id": 11, "label": "_very_x_deg", "anchors": [{"from": 52, "to": 57}]}, {"id": 12, "label": "_modest_a_1", "anchors": [{"from": 58, "to": 64}]}, {"id": 13, "label": "_amount_n_of", "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "label": "_in_p", "anchors": [{"from": 74, "to": 76}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 77, "to": 124}]}, {"id": 16, "label": "nominalization", "anchors": [{"from": 77, "to": 124}]}, {"id": 17, "label": "_make_v_1", "anchors": [{"from": 77, "to": 83}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 84, "to": 89}]}, {"id": 19, "label": "_paper_n_1", "anchors": [{"from": 84, "to": 89}]}, {"id": 20, "label": "_for_p", "anchors": [{"from": 90, "to": 93}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 94, "to": 97}]}, {"id": 22, "label": "_filter_n_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 23, "label": "_in_p", "anchors": [{"from": 106, "to": 108}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 109, "to": 112}]}, {"id": 25, "label": "_early_a_1", "anchors": [{"from": 113, "to": 118}]}, {"id": 26, "label": "year_range", "properties": ["carg"], "values": ["1950s"], "anchors": [{"from": 119, "to": 124}]}, {"id": 27, "label": "_and_c", "anchors": [{"from": 125, "to": 128}]}, {"id": 28, "label": "_replace_v_with", "anchors": [{"from": 129, "to": 137}]}, {"id": 29, "label": "_a_q", "anchors": [{"from": 143, "to": 144}]}, {"id": 30, "label": "_different_a_than-from", "anchors": [{"from": 145, "to": 154}]}, {"id": 31, "label": "comp", "anchors": [{"from": 145, "to": 154}]}, {"id": 32, "label": "_type_n_of-n", "anchors": [{"from": 155, "to": 159}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 160, "to": 162}]}, {"id": 34, "label": "_filter_n_1", "anchors": [{"from": 163, "to": 169}]}, {"id": 35, "label": "_in_p_temp", "anchors": [{"from": 170, "to": 172}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 173, "to": 178}]}, {"id": 37, "label": "yofc", "properties": ["carg"], "values": ["1956"], "anchors": [{"from": 173, "to": 178}]}], "edges": [{"source": 9, "target": 13, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG1"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 5, "target": 27, "label": "ARG2"}, {"source": 27, "target": 8, "label": "L-HNDL"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG2"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 28, "target": 7, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 27, "target": 28, "label": "R-HNDL"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 35, "target": 28, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 23, "target": 26, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG3"}, {"source": 20, "target": 17, "label": "ARG1"}]} +{"id": "20003012", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said.", "tops": [20], "nodes": [{"id": 0, "label": "_from_p_time", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 5, "to": 9}]}, {"id": 2, "label": "yofc", "properties": ["carg"], "values": ["1953"], "anchors": [{"from": 5, "to": 9}]}, {"id": 3, "label": "_to_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 13, "to": 18}]}, {"id": 5, "label": "yofc", "properties": ["carg"], "values": ["1955"], "anchors": [{"from": 13, "to": 18}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 19, "to": 30}]}, {"id": 7, "label": "card", "properties": ["carg"], "values": ["9.8"], "anchors": [{"from": 19, "to": 22}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 23, "to": 30}]}, {"id": 9, "label": "times", "anchors": [{"from": 23, "to": 30}]}, {"id": 10, "label": "compound", "anchors": [{"from": 31, "to": 46}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 31, "to": 35}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 31, "to": 35}]}, {"id": 13, "label": "_cigarette_n_1", "anchors": [{"from": 36, "to": 46}]}, {"id": 14, "label": "_with_p", "anchors": [{"from": 47, "to": 51}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 52, "to": 55}]}, {"id": 16, "label": "_filter_n_1", "anchors": [{"from": 56, "to": 63}]}, {"id": 17, "label": "_sell_v_1", "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "label": "_company_n_of", "anchors": [{"from": 79, "to": 86}]}, {"id": 20, "label": "_say_v_to", "anchors": [{"from": 87, "to": 92}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 17, "target": 13, "label": "ARG2"}, {"source": 0, "target": 17, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG3"}, {"source": 3, "target": 17, "label": "ARG1"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 17, "label": "ARG2"}]} +{"id": "20003013", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 110}]}, {"id": 1, "label": "_among_p_state", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 6, "to": 8}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["33"], "anchors": [{"from": 6, "to": 8}]}, {"id": 4, "label": "_man_n_1", "anchors": [{"from": 9, "to": 12}]}, {"id": 5, "label": "_work_v_1", "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "label": "_close_a_to", "anchors": [{"from": 24, "to": 31}]}, {"id": 7, "label": "_with_p", "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 9, "label": "_substance_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "generic_entity", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["28"], "anchors": [{"from": 52, "to": 54}]}, {"id": 13, "label": "_die_v_1", "anchors": [{"from": 60, "to": 64}]}, {"id": 14, "label": "unknown", "anchors": [{"from": 68, "to": 110}]}, {"id": 15, "label": "generic_entity", "anchors": [{"from": 68, "to": 110}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 68, "to": 110}]}, {"id": 17, "label": "much-many_a", "anchors": [{"from": 68, "to": 72}]}, {"id": 18, "label": "comp", "anchors": [{"from": 68, "to": 72}]}, {"id": 19, "label": "appos", "anchors": [{"from": 78, "to": 110}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 78, "to": 83}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 78, "to": 83}]}, {"id": 22, "label": "_time_n_of", "anchors": [{"from": 84, "to": 89}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 24, "label": "_expect_v_1", "anchors": [{"from": 94, "to": 102}]}, {"id": 25, "label": "_number_n_of", "anchors": [{"from": 103, "to": 110}]}], "edges": [{"source": 1, "target": 4, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG"}, {"source": 0, "target": 13, "label": "L-HNDL"}, {"source": 18, "target": 22, "label": "ARG2"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 1, "target": 13, "label": "ARG1"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 0, "target": 14, "label": "R-HNDL"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG1"}]} +{"id": "20003014", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer.", "tops": [14], "nodes": [{"id": 0, "label": "part_of", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 12, "to": 16}]}, {"id": 5, "label": "_survive_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "_worker_n_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "_have_v_1", "anchors": [{"from": 35, "to": 39}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 40, "to": 66}]}, {"id": 9, "label": "compound", "anchors": [{"from": 40, "to": 56}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 40, "to": 56}]}, {"id": 11, "label": "_asbestos_n_1", "anchors": [{"from": 40, "to": 56}]}, {"id": 12, "label": "_relate_v_to", "anchors": [{"from": 40, "to": 56}]}, {"id": 13, "label": "_disease_n_1", "anchors": [{"from": 57, "to": 66}]}, {"id": 14, "label": "subord", "anchors": [{"from": 67, "to": 114}]}, {"id": 15, "label": "_include_v_1", "anchors": [{"from": 67, "to": 76}]}, {"id": 16, "label": "generic_entity", "anchors": [{"from": 77, "to": 82}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 77, "to": 82}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "label": "_with_p", "anchors": [{"from": 83, "to": 87}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 88, "to": 114}]}, {"id": 21, "label": "_recent_a_1", "anchors": [{"from": 88, "to": 96}]}, {"id": 22, "label": "_diagnose_v_with", "anchors": [{"from": 97, "to": 106}]}, {"id": 23, "label": "_cancer_n_1", "anchors": [{"from": 107, "to": 114}]}], "edges": [{"source": 17, "target": 16, "label": "BV"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG2"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 19, "target": 23, "label": "ARG2"}, {"source": 8, "target": 13, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 13, "label": "ARG2"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 19, "target": 16, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 7, "target": 0, "label": "ARG1"}]} +{"id": "20003015", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said.", "tops": [28], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_total_n_of", "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "card", "properties": ["carg"], "values": ["18"], "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "_death_n_1", "anchors": [{"from": 16, "to": 22}]}, {"id": 5, "label": "_from_p", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 28, "to": 78}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 28, "to": 51}]}, {"id": 8, "label": "_malignant_a_1", "anchors": [{"from": 28, "to": 37}]}, {"id": 9, "label": "_mesothelioma_n_unknown", "anchors": [{"from": 38, "to": 51}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 78}]}, {"id": 11, "label": "implicit_conj", "anchors": [{"from": 52, "to": 78}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 52, "to": 63}]}, {"id": 13, "label": "compound", "anchors": [{"from": 52, "to": 63}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 52, "to": 56}]}, {"id": 15, "label": "_lung_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 16, "label": "_cancer_n_1", "anchors": [{"from": 57, "to": 63}]}, {"id": 17, "label": "_and_c", "anchors": [{"from": 64, "to": 67}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 68, "to": 78}]}, {"id": 19, "label": "_asbestosis_n_unknown", "anchors": [{"from": 68, "to": 78}]}, {"id": 20, "label": "_far_x_deg", "anchors": [{"from": 83, "to": 86}]}, {"id": 21, "label": "_high_a_1", "anchors": [{"from": 87, "to": 93}]}, {"id": 22, "label": "comp", "anchors": [{"from": 87, "to": 93}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 94, "to": 98}]}, {"id": 24, "label": "generic_entity", "anchors": [{"from": 94, "to": 98}]}, {"id": 25, "label": "_expect_v_1", "anchors": [{"from": 99, "to": 108}]}, {"id": 26, "label": "_the_q", "anchors": [{"from": 109, "to": 112}]}, {"id": 27, "label": "_researcher_n_of", "anchors": [{"from": 113, "to": 124}]}, {"id": 28, "label": "_say_v_to", "anchors": [{"from": 125, "to": 130}]}], "edges": [{"source": 22, "target": 21, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 6, "target": 11, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 10, "target": 17, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 28, "target": 21, "label": "ARG2"}, {"source": 21, "target": 1, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 16, "label": "L-INDEX"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 11, "target": 17, "label": "R-INDEX"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 2, "target": 4, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 12, "target": 16, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 17, "target": 19, "label": "R-INDEX"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 11, "target": 9, "label": "L-INDEX"}, {"source": 20, "target": 22, "label": "ARG1"}]} +{"id": "20003016", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"The morbidity rate is a striking finding among those of us who study asbestos-related diseases,\" said Dr. Talcott.", "tops": [21], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "compound", "anchors": [{"from": 5, "to": 19}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 5, "to": 14}]}, {"id": 3, "label": "_morbidity_n_unknown", "anchors": [{"from": 5, "to": 14}]}, {"id": 4, "label": "_rate_n_of", "anchors": [{"from": 15, "to": 19}]}, {"id": 5, "label": "_be_v_id", "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "label": "_strike_v_1", "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "_finding_n_1", "anchors": [{"from": 34, "to": 41}]}, {"id": 9, "label": "_among_p", "anchors": [{"from": 42, "to": 47}]}, {"id": 10, "label": "part_of", "anchors": [{"from": 48, "to": 53}]}, {"id": 11, "label": "_those_q_dem", "anchors": [{"from": 48, "to": 53}]}, {"id": 12, "label": "pron", "anchors": [{"from": 57, "to": 59}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 57, "to": 59}]}, {"id": 14, "label": "_study_v_1", "anchors": [{"from": 64, "to": 69}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 70, "to": 97}]}, {"id": 16, "label": "compound", "anchors": [{"from": 70, "to": 86}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 70, "to": 86}]}, {"id": 18, "label": "_asbestos_n_1", "anchors": [{"from": 70, "to": 86}]}, {"id": 19, "label": "_relate_v_to", "anchors": [{"from": 70, "to": 86}]}, {"id": 20, "label": "_disease_n_1", "anchors": [{"from": 87, "to": 97}]}, {"id": 21, "label": "_say_v_to", "anchors": [{"from": 98, "to": 102}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 103, "to": 115}]}, {"id": 23, "label": "compound", "anchors": [{"from": 103, "to": 115}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 103, "to": 106}]}, {"id": 25, "label": "_doctor_n_1", "anchors": [{"from": 103, "to": 106}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 107, "to": 115}]}], "edges": [{"source": 16, "target": 19, "label": "ARG1"}, {"source": 14, "target": 20, "label": "ARG2"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 14, "target": 10, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 11, "target": 10, "label": "BV"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG2"}, {"source": 21, "target": 26, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 15, "target": 20, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 13, "target": 12, "label": "BV"}, {"source": 21, "target": 5, "label": "ARG2"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20003017", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said.", "tops": [48], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_percentage_n_of", "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 18, "to": 95}]}, {"id": 3, "label": "compound", "anchors": [{"from": 18, "to": 36}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 18, "to": 29}]}, {"id": 5, "label": "compound", "anchors": [{"from": 18, "to": 29}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 18, "to": 22}]}, {"id": 7, "label": "_lung_n_1", "anchors": [{"from": 18, "to": 22}]}, {"id": 8, "label": "_cancer_n_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 9, "label": "_death_n_1", "anchors": [{"from": 30, "to": 36}]}, {"id": 10, "label": "_among_p", "anchors": [{"from": 37, "to": 42}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 12, "label": "_worker_n_1", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_at_p", "anchors": [{"from": 55, "to": 57}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 58, "to": 61}]}, {"id": 15, "label": "compound", "anchors": [{"from": 62, "to": 95}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 62, "to": 81}]}, {"id": 17, "label": "compound", "anchors": [{"from": 62, "to": 81}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 62, "to": 74}]}, {"id": 19, "label": "compound", "anchors": [{"from": 62, "to": 74}]}, {"id": 20, "label": "proper_q", "anchors": [{"from": 62, "to": 66}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["West"], "anchors": [{"from": 62, "to": 66}]}, {"id": 22, "label": "named", "properties": ["carg"], "values": ["Groton"], "anchors": [{"from": 67, "to": 74}]}, {"id": 23, "label": "named", "properties": ["carg"], "values": ["Massachusetts"], "anchors": [{"from": 75, "to": 81}]}, {"id": 24, "label": "compound", "anchors": [{"from": 82, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 82, "to": 87}]}, {"id": 26, "label": "_paper_n_1", "anchors": [{"from": 82, "to": 87}]}, {"id": 27, "label": "_factory_n_1", "anchors": [{"from": 88, "to": 95}]}, {"id": 28, "label": "_appear_v_to", "anchors": [{"from": 96, "to": 103}]}, {"id": 29, "label": "_be_v_id", "anchors": [{"from": 107, "to": 109}]}, {"id": 30, "label": "_the_q", "anchors": [{"from": 110, "to": 113}]}, {"id": 31, "label": "generic_entity", "anchors": [{"from": 114, "to": 121}]}, {"id": 32, "label": "_high_a_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 33, "label": "superl", "anchors": [{"from": 114, "to": 121}]}, {"id": 34, "label": "_for_p", "anchors": [{"from": 122, "to": 125}]}, {"id": 35, "label": "_any_q", "anchors": [{"from": 126, "to": 129}]}, {"id": 36, "label": "compound", "anchors": [{"from": 130, "to": 146}]}, {"id": 37, "label": "udef_q", "anchors": [{"from": 130, "to": 138}]}, {"id": 38, "label": "_asbestos_n_1", "anchors": [{"from": 130, "to": 138}]}, {"id": 39, "label": "_worker_n_1", "anchors": [{"from": 139, "to": 146}]}, {"id": 40, "label": "_study_v_1", "anchors": [{"from": 147, "to": 154}]}, {"id": 41, "label": "_in_p", "anchors": [{"from": 155, "to": 157}]}, {"id": 42, "label": "udef_q", "anchors": [{"from": 158, "to": 191}]}, {"id": 43, "label": "_western_a_1", "anchors": [{"from": 158, "to": 165}]}, {"id": 44, "label": "_industrialized_a_1", "anchors": [{"from": 166, "to": 180}]}, {"id": 45, "label": "_country_n_of", "anchors": [{"from": 181, "to": 191}]}, {"id": 46, "label": "pron", "anchors": [{"from": 192, "to": 194}]}, {"id": 47, "label": "pronoun_q", "anchors": [{"from": 192, "to": 194}]}, {"id": 48, "label": "_say_v_to", "anchors": [{"from": 195, "to": 200}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 41, "target": 45, "label": "ARG2"}, {"source": 40, "target": 39, "label": "ARG2"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 15, "target": 23, "label": "ARG2"}, {"source": 34, "target": 39, "label": "ARG2"}, {"source": 35, "target": 39, "label": "BV"}, {"source": 14, "target": 27, "label": "BV"}, {"source": 15, "target": 27, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 42, "target": 45, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 36, "target": 38, "label": "ARG2"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 24, "target": 27, "label": "ARG1"}, {"source": 48, "target": 28, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 2, "target": 9, "label": "BV"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 37, "target": 38, "label": "BV"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 44, "target": 45, "label": "ARG1"}, {"source": 16, "target": 23, "label": "BV"}, {"source": 41, "target": 40, "label": "ARG1"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 36, "target": 39, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 29, "target": 1, "label": "ARG1"}, {"source": 47, "target": 46, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 34, "target": 31, "label": "ARG1"}, {"source": 3, "target": 9, "label": "ARG1"}, {"source": 13, "target": 27, "label": "ARG2"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 48, "target": 46, "label": "ARG1"}]} +{"id": "20003018", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters.", "tops": [18], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_plant_n_1", "anchors": [{"from": 4, "to": 10}]}, {"id": 2, "label": "_own_v_1", "anchors": [{"from": 20, "to": 25}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 29, "to": 54}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 29, "to": 42}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Hollingsworth"], "anchors": [{"from": 29, "to": 42}]}, {"id": 6, "label": "_and_c", "anchors": [{"from": 43, "to": 44}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 45, "to": 54}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Vose"], "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "label": "_company_n_1", "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 50, "to": 54}]}, {"id": 11, "label": "compound", "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "label": "_under_p", "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "idiom_q_i", "anchors": [{"from": 65, "to": 73}]}, {"id": 14, "label": "_contract_n_1", "anchors": [{"from": 65, "to": 73}]}, {"id": 15, "label": "_with_p", "anchors": [{"from": 74, "to": 78}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 79, "to": 88}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Lorillard"], "anchors": [{"from": 79, "to": 88}]}, {"id": 18, "label": "_in+order+to_x", "anchors": [{"from": 89, "to": 91}]}, {"id": 19, "label": "_make_v_1", "anchors": [{"from": 92, "to": 96}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "label": "compound", "anchors": [{"from": 101, "to": 119}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 101, "to": 110}]}, {"id": 23, "label": "_cigarette_n_1", "anchors": [{"from": 101, "to": 110}]}, {"id": 24, "label": "_filter_n_1", "anchors": [{"from": 111, "to": 119}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 1, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG2"}, {"source": 15, "target": 12, "label": "ARG1"}, {"source": 6, "target": 8, "label": "R-INDEX"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 19, "target": 1, "label": "ARG1"}, {"source": 19, "target": 24, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 11, "target": 8, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG2"}, {"source": 20, "target": 24, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 18, "target": 12, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 6, "target": 5, "label": "L-INDEX"}]} +{"id": "20003019", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said.", "tops": [44], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_finding_n_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_probable_a_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_support_v_1", "anchors": [{"from": 26, "to": 33}]}, {"id": 4, "label": "generic_entity", "anchors": [{"from": 34, "to": 39}]}, {"id": 5, "label": "_those_q_dem", "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "_argue_v_with", "anchors": [{"from": 44, "to": 49}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 8, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 59, "to": 63}]}, {"id": 9, "label": "_should_v_modal", "anchors": [{"from": 64, "to": 70}]}, {"id": 10, "label": "_regulate_v_1", "anchors": [{"from": 71, "to": 79}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 12, "label": "_class_n_of", "anchors": [{"from": 84, "to": 89}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 93, "to": 123}]}, {"id": 14, "label": "_asbestos_n_1", "anchors": [{"from": 93, "to": 101}]}, {"id": 15, "label": "_include_v_1", "anchors": [{"from": 102, "to": 111}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 112, "to": 123}]}, {"id": 17, "label": "_crocidolite_n_unknown", "anchors": [{"from": 112, "to": 123}]}, {"id": 18, "label": "comp", "anchors": [{"from": 124, "to": 128}]}, {"id": 19, "label": "_stringently_a_unknown", "anchors": [{"from": 129, "to": 140}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 141, "to": 145}]}, {"id": 21, "label": "generic_entity", "anchors": [{"from": 141, "to": 145}]}, {"id": 22, "label": "appos", "anchors": [{"from": 146, "to": 186}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 146, "to": 149}]}, {"id": 24, "label": "_common_a_for", "anchors": [{"from": 150, "to": 156}]}, {"id": 25, "label": "_kind_n_of-n", "anchors": [{"from": 157, "to": 161}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 165, "to": 174}]}, {"id": 27, "label": "_asbestos_n_1", "anchors": [{"from": 165, "to": 174}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 175, "to": 186}]}, {"id": 29, "label": "_chrysotile_n_unknown", "anchors": [{"from": 175, "to": 186}]}, {"id": 30, "label": "_find_v_1", "anchors": [{"from": 187, "to": 192}]}, {"id": 31, "label": "_in_p", "anchors": [{"from": 193, "to": 195}]}, {"id": 32, "label": "_most_q", "anchors": [{"from": 196, "to": 200}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 201, "to": 208}]}, {"id": 34, "label": "_school_n_1", "anchors": [{"from": 201, "to": 208}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 209, "to": 229}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 209, "to": 212}]}, {"id": 37, "label": "_other_a_1", "anchors": [{"from": 213, "to": 218}]}, {"id": 38, "label": "_building_n_1", "anchors": [{"from": 219, "to": 229}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 230, "to": 241}]}, {"id": 40, "label": "compound", "anchors": [{"from": 230, "to": 241}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 230, "to": 233}]}, {"id": 42, "label": "_doctor_n_1", "anchors": [{"from": 230, "to": 233}]}, {"id": 43, "label": "named", "properties": ["carg"], "values": ["Talcott"], "anchors": [{"from": 234, "to": 241}]}, {"id": 44, "label": "_say_v_to", "anchors": [{"from": 242, "to": 247}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 40, "target": 43, "label": "ARG1"}, {"source": 18, "target": 30, "label": "ARG2"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 31, "target": 3, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 36, "target": 34, "label": "L-INDEX"}, {"source": 35, "target": 38, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 25, "target": 27, "label": "ARG1"}, {"source": 19, "target": 10, "label": "ARG1"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 39, "target": 43, "label": "BV"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 36, "target": 38, "label": "R-INDEX"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 30, "target": 21, "label": "ARG2"}, {"source": 30, "target": 25, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 41, "target": 42, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG1"}, {"source": 44, "target": 2, "label": "ARG2"}, {"source": 37, "target": 38, "label": "ARG1"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 32, "target": 36, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 22, "target": 29, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 44, "target": 43, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 40, "target": 42, "label": "ARG2"}, {"source": 31, "target": 36, "label": "ARG2"}]} +{"id": "20003020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 4, "to": 8}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 9, "to": 11}]}, {"id": 3, "label": "part_of", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 12, "to": 15}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 19, "to": 22}]}, {"id": 7, "label": "little-few_a", "anchors": [{"from": 23, "to": 26}]}, {"id": 8, "label": "_industrialized_a_1", "anchors": [{"from": 27, "to": 41}]}, {"id": 9, "label": "_nation_n_of", "anchors": [{"from": 42, "to": 49}]}, {"id": 10, "label": "neg", "anchors": [{"from": 55, "to": 62}]}, {"id": 11, "label": "_have_v_1", "anchors": [{"from": 63, "to": 67}]}, {"id": 12, "label": "_a_q", "anchors": [{"from": 68, "to": 69}]}, {"id": 13, "label": "_high_a_1", "anchors": [{"from": 70, "to": 76}]}, {"id": 14, "label": "comp", "anchors": [{"from": 70, "to": 76}]}, {"id": 15, "label": "_standard_n_1", "anchors": [{"from": 77, "to": 85}]}, {"id": 16, "label": "_of_p", "anchors": [{"from": 86, "to": 88}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 89, "to": 295}]}, {"id": 18, "label": "_regulation_n_1", "anchors": [{"from": 89, "to": 99}]}, {"id": 19, "label": "_for_p", "anchors": [{"from": 100, "to": 103}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 104, "to": 107}]}, {"id": 21, "label": "_smooth_a_1", "anchors": [{"from": 108, "to": 115}]}, {"id": 22, "label": "_needle_n_1", "anchors": [{"from": 116, "to": 127}]}, {"id": 23, "label": "_like_a_1", "anchors": [{"from": 116, "to": 127}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 116, "to": 127}]}, {"id": 25, "label": "_fiber_n_1", "anchors": [{"from": 128, "to": 134}]}, {"id": 26, "label": "_such+as_p", "anchors": [{"from": 135, "to": 142}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 143, "to": 154}]}, {"id": 28, "label": "_crocidolite_n_unknown", "anchors": [{"from": 143, "to": 154}]}, {"id": 29, "label": "_classify_v_as", "anchors": [{"from": 164, "to": 174}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 178, "to": 189}]}, {"id": 31, "label": "_amphobile_n_unknown", "anchors": [{"from": 178, "to": 189}]}, {"id": 32, "label": "_according+to_p", "anchors": [{"from": 190, "to": 202}]}, {"id": 33, "label": "appos", "anchors": [{"from": 203, "to": 295}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 203, "to": 221}]}, {"id": 35, "label": "compound", "anchors": [{"from": 203, "to": 221}]}, {"id": 36, "label": "proper_q", "anchors": [{"from": 203, "to": 212}]}, {"id": 37, "label": "compound", "anchors": [{"from": 203, "to": 212}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 203, "to": 209}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Brooke"], "anchors": [{"from": 203, "to": 209}]}, {"id": 40, "label": "named", "properties": ["carg"], "values": ["T"], "anchors": [{"from": 210, "to": 212}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Mossman"], "anchors": [{"from": 213, "to": 221}]}, {"id": 42, "label": "_a_q", "anchors": [{"from": 222, "to": 223}]}, {"id": 43, "label": "_professor_n_of", "anchors": [{"from": 224, "to": 233}]}, {"id": 44, "label": "udef_q", "anchors": [{"from": 237, "to": 295}]}, {"id": 45, "label": "_pathlogy_n_unknown", "anchors": [{"from": 237, "to": 245}]}, {"id": 46, "label": "_at_p", "anchors": [{"from": 246, "to": 248}]}, {"id": 47, "label": "_the_q", "anchors": [{"from": 249, "to": 252}]}, {"id": 48, "label": "compound", "anchors": [{"from": 253, "to": 282}]}, {"id": 49, "label": "udef_q", "anchors": [{"from": 253, "to": 274}]}, {"id": 50, "label": "_university_n_of", "anchors": [{"from": 253, "to": 263}]}, {"id": 51, "label": "proper_q", "anchors": [{"from": 267, "to": 274}]}, {"id": 52, "label": "named", "properties": ["carg"], "values": ["Vermont"], "anchors": [{"from": 267, "to": 274}]}, {"id": 53, "label": "_college_n_of", "anchors": [{"from": 275, "to": 282}]}, {"id": 54, "label": "proper_q", "anchors": [{"from": 286, "to": 295}]}, {"id": 55, "label": "named", "properties": ["carg"], "values": ["Medicine"], "anchors": [{"from": 286, "to": 295}]}], "edges": [{"source": 51, "target": 52, "label": "BV"}, {"source": 12, "target": 15, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 46, "target": 45, "label": "ARG1"}, {"source": 11, "target": 15, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 6, "target": 9, "label": "BV"}, {"source": 47, "target": 53, "label": "BV"}, {"source": 35, "target": 40, "label": "ARG2"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 33, "target": 41, "label": "ARG1"}, {"source": 32, "target": 29, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG1"}, {"source": 20, "target": 25, "label": "BV"}, {"source": 21, "target": 25, "label": "ARG1"}, {"source": 54, "target": 55, "label": "BV"}, {"source": 37, "target": 40, "label": "ARG1"}, {"source": 34, "target": 41, "label": "BV"}, {"source": 46, "target": 53, "label": "ARG2"}, {"source": 4, "target": 3, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 11, "target": 3, "label": "ARG1"}, {"source": 48, "target": 53, "label": "ARG1"}, {"source": 50, "target": 52, "label": "ARG1"}, {"source": 24, "target": 22, "label": "BV"}, {"source": 35, "target": 41, "label": "ARG1"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 48, "target": 50, "label": "ARG2"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 33, "target": 43, "label": "ARG2"}, {"source": 53, "target": 55, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 32, "target": 41, "label": "ARG2"}, {"source": 49, "target": 50, "label": "BV"}, {"source": 29, "target": 25, "label": "ARG2"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 42, "target": 43, "label": "BV"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG2"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 43, "target": 45, "label": "ARG1"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 36, "target": 40, "label": "BV"}, {"source": 3, "target": 9, "label": "ARG1"}]} +{"id": "20003021", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained.", "tops": [19], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 29}]}, {"id": 1, "label": "comp", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "_common_a_for", "anchors": [{"from": 5, "to": 11}]}, {"id": 3, "label": "compound", "anchors": [{"from": 12, "to": 29}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 22}]}, {"id": 5, "label": "_chrysotile_n_unknown", "anchors": [{"from": 12, "to": 22}]}, {"id": 6, "label": "_fiber_n_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 7, "label": "_curly_a_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "_and_c", "anchors": [{"from": 40, "to": 43}]}, {"id": 9, "label": "comp", "anchors": [{"from": 48, "to": 52}]}, {"id": 10, "label": "_easy_a_for", "anchors": [{"from": 53, "to": 59}]}, {"id": 11, "label": "_reject_v_as", "anchors": [{"from": 60, "to": 68}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 72, "to": 75}]}, {"id": 13, "label": "_body_n_1", "anchors": [{"from": 76, "to": 81}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 82, "to": 93}]}, {"id": 15, "label": "compound", "anchors": [{"from": 82, "to": 93}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 82, "to": 85}]}, {"id": 17, "label": "_doctor_n_1", "anchors": [{"from": 82, "to": 85}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Mossman"], "anchors": [{"from": 86, "to": 93}]}, {"id": 19, "label": "_explain_v_to", "anchors": [{"from": 94, "to": 104}]}], "edges": [{"source": 19, "target": 8, "label": "ARG2"}, {"source": 8, "target": 7, "label": "L-HNDL"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 8, "target": 11, "label": "R-HNDL"}, {"source": 11, "target": 6, "label": "ARG2"}, {"source": 0, "target": 6, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20003022", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos.", "tops": [11], "nodes": [{"id": 0, "label": "_in_p_temp", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "label": "mofy", "properties": ["carg"], "values": ["Jul"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 4, "label": "compound", "anchors": [{"from": 13, "to": 44}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 13, "to": 37}]}, {"id": 6, "label": "compound", "anchors": [{"from": 13, "to": 37}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 13, "to": 26}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Environmental"], "anchors": [{"from": 13, "to": 26}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Protection"], "anchors": [{"from": 27, "to": 37}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Agency"], "anchors": [{"from": 38, "to": 44}]}, {"id": 11, "label": "_impose_v_on", "anchors": [{"from": 45, "to": 52}]}, {"id": 12, "label": "_a_q", "anchors": [{"from": 53, "to": 54}]}, {"id": 13, "label": "_gradual_a_1", "anchors": [{"from": 55, "to": 62}]}, {"id": 14, "label": "_ban_n_1", "anchors": [{"from": 63, "to": 66}]}, {"id": 15, "label": "_virtually_x_deg", "anchors": [{"from": 70, "to": 79}]}, {"id": 16, "label": "_all_q", "anchors": [{"from": 80, "to": 83}]}, {"id": 17, "label": "_use_n_of", "anchors": [{"from": 84, "to": 88}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 92, "to": 101}]}, {"id": 19, "label": "_asbestos_n_1", "anchors": [{"from": 92, "to": 101}]}], "edges": [{"source": 12, "target": 14, "label": "BV"}, {"source": 7, "target": 8, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 11, "target": 17, "label": "ARG3"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}]} +{"id": "20003023", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed.", "tops": [13], "nodes": [{"id": 0, "label": "_by_p_temp", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 3, "to": 8}]}, {"id": 2, "label": "yofc", "properties": ["carg"], "values": ["1997"], "anchors": [{"from": 3, "to": 8}]}, {"id": 3, "label": "_almost_x_deg", "anchors": [{"from": 9, "to": 15}]}, {"id": 4, "label": "_all_q", "anchors": [{"from": 16, "to": 19}]}, {"id": 5, "label": "_remaining_a_1", "anchors": [{"from": 20, "to": 29}]}, {"id": 6, "label": "_use_n_of", "anchors": [{"from": 30, "to": 34}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 38, "to": 61}]}, {"id": 8, "label": "compound", "anchors": [{"from": 38, "to": 52}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 38, "to": 52}]}, {"id": 10, "label": "_cancer_n_1", "anchors": [{"from": 38, "to": 52}]}, {"id": 11, "label": "_cause_v_1", "anchors": [{"from": 38, "to": 52}]}, {"id": 12, "label": "_asbestos_n_1", "anchors": [{"from": 53, "to": 61}]}, {"id": 13, "label": "_outlaw_v_1", "anchors": [{"from": 70, "to": 79}]}], "edges": [{"source": 7, "target": 12, "label": "BV"}, {"source": 8, "target": 11, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 13, "target": 6, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 0, "target": 13, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 6, "target": 12, "label": "ARG1"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20003024", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s.", "tops": [16], "nodes": [{"id": 0, "label": "_about_x_deg", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "card", "properties": ["carg"], "values": ["160"], "anchors": [{"from": 6, "to": 9}]}, {"id": 3, "label": "_worker_n_1", "anchors": [{"from": 10, "to": 17}]}, {"id": 4, "label": "_at_p", "anchors": [{"from": 18, "to": 20}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 21, "to": 22}]}, {"id": 6, "label": "_factory_n_1", "anchors": [{"from": 23, "to": 30}]}, {"id": 7, "label": "_make_v_1", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 41, "to": 46}]}, {"id": 9, "label": "_paper_n_1", "anchors": [{"from": 41, "to": 46}]}, {"id": 10, "label": "_for_p", "anchors": [{"from": 47, "to": 50}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 12, "label": "compound", "anchors": [{"from": 55, "to": 67}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Kent"], "anchors": [{"from": 55, "to": 59}]}, {"id": 15, "label": "_filter_n_1", "anchors": [{"from": 60, "to": 67}]}, {"id": 16, "label": "_expose_v_to", "anchors": [{"from": 73, "to": 80}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 84, "to": 106}]}, {"id": 18, "label": "_asbestos_n_1", "anchors": [{"from": 84, "to": 92}]}, {"id": 19, "label": "_in_p", "anchors": [{"from": 93, "to": 95}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 96, "to": 99}]}, {"id": 21, "label": "year_range", "properties": ["carg"], "values": ["1950s"], "anchors": [{"from": 100, "to": 106}]}], "edges": [{"source": 12, "target": 15, "label": "ARG1"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 16, "target": 3, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 16, "target": 18, "label": "ARG3"}]} +{"id": "20003025", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Areas of the factory were particularly dusty where the crocidolite was used.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "_area_n_of", "anchors": [{"from": 0, "to": 5}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_factory_n_1", "anchors": [{"from": 13, "to": 20}]}, {"id": 4, "label": "_particular_a_1", "anchors": [{"from": 26, "to": 38}]}, {"id": 5, "label": "_dusty_a_1", "anchors": [{"from": 39, "to": 44}]}, {"id": 6, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 76}]}, {"id": 7, "label": "free_relative_q", "anchors": [{"from": 45, "to": 50}]}, {"id": 8, "label": "place_n", "anchors": [{"from": 45, "to": 50}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 45, "to": 50}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 51, "to": 54}]}, {"id": 11, "label": "_crocidolite_n_unknown", "anchors": [{"from": 55, "to": 66}]}, {"id": 12, "label": "_use_v_1", "anchors": [{"from": 71, "to": 76}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 5, "target": 1, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG2"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20003026", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters.", "tops": [17], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_worker_n_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_dump_v_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 15, "to": 58}]}, {"id": 4, "label": "_large_a_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 5, "label": "compound", "anchors": [{"from": 21, "to": 33}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "label": "_burlap_n_unknown", "anchors": [{"from": 21, "to": 27}]}, {"id": 8, "label": "_sack_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 9, "label": "_of_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 11, "label": "_import_v_1", "anchors": [{"from": 41, "to": 49}]}, {"id": 12, "label": "_material_n_1", "anchors": [{"from": 50, "to": 58}]}, {"id": 13, "label": "_into_p", "anchors": [{"from": 59, "to": 63}]}, {"id": 14, "label": "_a_q", "anchors": [{"from": 64, "to": 65}]}, {"id": 15, "label": "_huge_a_1", "anchors": [{"from": 66, "to": 70}]}, {"id": 16, "label": "_bin_n_1", "anchors": [{"from": 71, "to": 75}]}, {"id": 17, "label": "implicit_conj", "anchors": [{"from": 76, "to": 184}]}, {"id": 18, "label": "_pour_v_in", "anchors": [{"from": 76, "to": 82}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 86, "to": 111}]}, {"id": 20, "label": "compound", "anchors": [{"from": 86, "to": 111}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 86, "to": 104}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 86, "to": 92}]}, {"id": 23, "label": "_cotton_n_1", "anchors": [{"from": 86, "to": 92}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 93, "to": 104}]}, {"id": 25, "label": "_and_c", "anchors": [{"from": 93, "to": 96}]}, {"id": 26, "label": "_acetate_n_unknown", "anchors": [{"from": 97, "to": 104}]}, {"id": 27, "label": "_fiber_n_1", "anchors": [{"from": 105, "to": 111}]}, {"id": 28, "label": "_and_c", "anchors": [{"from": 112, "to": 115}]}, {"id": 29, "label": "_mechanical_a_1", "anchors": [{"from": 116, "to": 128}]}, {"id": 30, "label": "_mix_v_1", "anchors": [{"from": 129, "to": 134}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 32, "label": "_dry_a_1", "anchors": [{"from": 139, "to": 142}]}, {"id": 33, "label": "_fiber_n_1", "anchors": [{"from": 143, "to": 149}]}, {"id": 34, "label": "_in_p", "anchors": [{"from": 150, "to": 152}]}, {"id": 35, "label": "_a_q", "anchors": [{"from": 153, "to": 154}]}, {"id": 36, "label": "_process_n_of", "anchors": [{"from": 155, "to": 162}]}, {"id": 37, "label": "_use_v_1", "anchors": [{"from": 163, "to": 167}]}, {"id": 38, "label": "_make_v_1", "anchors": [{"from": 171, "to": 175}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 176, "to": 184}]}, {"id": 40, "label": "_filter_n_1", "anchors": [{"from": 176, "to": 184}]}], "edges": [{"source": 39, "target": 40, "label": "BV"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 2, "target": 13, "label": "ARG3"}, {"source": 25, "target": 23, "label": "L-INDEX"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 32, "target": 33, "label": "ARG1"}, {"source": 3, "target": 8, "label": "BV"}, {"source": 18, "target": 1, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 18, "target": 27, "label": "ARG2"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 19, "target": 27, "label": "BV"}, {"source": 30, "target": 33, "label": "ARG2"}, {"source": 25, "target": 26, "label": "R-INDEX"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 17, "target": 2, "label": "L-HNDL"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 29, "target": 30, "label": "ARG1"}, {"source": 20, "target": 27, "label": "ARG1"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 28, "target": 30, "label": "R-HNDL"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 30, "target": 1, "label": "ARG1"}, {"source": 28, "target": 18, "label": "L-HNDL"}, {"source": 24, "target": 26, "label": "BV"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 2, "target": 8, "label": "ARG2"}, {"source": 13, "target": 8, "label": "ARG1"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 37, "target": 38, "label": "ARG3"}, {"source": 37, "target": 36, "label": "ARG2"}, {"source": 17, "target": 28, "label": "R-HNDL"}, {"source": 31, "target": 33, "label": "BV"}, {"source": 11, "target": 12, "label": "ARG2"}, {"source": 34, "target": 30, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20003027", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Workers described \"clouds of blue dust\" that hung over parts of the factory, even though exhaust fans ventilated the area.", "tops": [16], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_worker_n_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_describe_v_to", "anchors": [{"from": 8, "to": 17}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 18, "to": 76}]}, {"id": 4, "label": "_cloud_n_of", "anchors": [{"from": 18, "to": 25}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 29, "to": 76}]}, {"id": 6, "label": "_blue_a_1", "anchors": [{"from": 29, "to": 33}]}, {"id": 7, "label": "_dust_n_1", "anchors": [{"from": 34, "to": 39}]}, {"id": 8, "label": "_hang_v_1", "anchors": [{"from": 45, "to": 49}]}, {"id": 9, "label": "_over_p", "anchors": [{"from": 50, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 55, "to": 76}]}, {"id": 11, "label": "_part_n_1", "anchors": [{"from": 55, "to": 60}]}, {"id": 12, "label": "_of_p", "anchors": [{"from": 61, "to": 63}]}, {"id": 13, "label": "_the_q", "anchors": [{"from": 64, "to": 67}]}, {"id": 14, "label": "_factory_n_1", "anchors": [{"from": 68, "to": 76}]}, {"id": 15, "label": "_even_x_deg", "anchors": [{"from": 77, "to": 81}]}, {"id": 16, "label": "_though_x", "anchors": [{"from": 82, "to": 88}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 89, "to": 101}]}, {"id": 18, "label": "compound", "anchors": [{"from": 89, "to": 101}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 89, "to": 96}]}, {"id": 20, "label": "_exhaust_n_1", "anchors": [{"from": 89, "to": 96}]}, {"id": 21, "label": "_fan_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 22, "label": "_ventilate_v_cause", "anchors": [{"from": 102, "to": 112}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 113, "to": 116}]}, {"id": 24, "label": "_area_n_of", "anchors": [{"from": 117, "to": 122}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 16, "target": 22, "label": "ARG2"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 16, "target": 2, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 17, "target": 21, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20003028", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"There's no question that some of those workers and managers contracted asbestos-related diseases,\" said Darrell Phillips, vice president of human resources for Hollingsworth & Vose.", "tops": [18], "nodes": [{"id": 0, "label": "_be_v_there", "anchors": [{"from": 6, "to": 8}]}, {"id": 1, "label": "_no_q", "anchors": [{"from": 9, "to": 11}]}, {"id": 2, "label": "_question_n_about", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_some_q", "anchors": [{"from": 26, "to": 30}]}, {"id": 4, "label": "part_of", "anchors": [{"from": 26, "to": 30}]}, {"id": 5, "label": "_those_q_dem", "anchors": [{"from": 34, "to": 39}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 40, "to": 47}]}, {"id": 7, "label": "_worker_n_1", "anchors": [{"from": 40, "to": 47}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 48, "to": 60}]}, {"id": 9, "label": "_and_c", "anchors": [{"from": 48, "to": 51}]}, {"id": 10, "label": "_manager_n_of", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "_contract_v_1", "anchors": [{"from": 61, "to": 71}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 72, "to": 99}]}, {"id": 13, "label": "compound", "anchors": [{"from": 72, "to": 88}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 72, "to": 88}]}, {"id": 15, "label": "_asbestos_n_1", "anchors": [{"from": 72, "to": 88}]}, {"id": 16, "label": "_relate_v_to", "anchors": [{"from": 72, "to": 88}]}, {"id": 17, "label": "_disease_n_1", "anchors": [{"from": 89, "to": 99}]}, {"id": 18, "label": "_say_v_to", "anchors": [{"from": 100, "to": 104}]}, {"id": 19, "label": "appos", "anchors": [{"from": 105, "to": 182}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 123, "to": 182}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 105, "to": 122}]}, {"id": 22, "label": "compound", "anchors": [{"from": 105, "to": 122}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 105, "to": 112}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Darrell"], "anchors": [{"from": 105, "to": 112}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Phillips"], "anchors": [{"from": 113, "to": 122}]}, {"id": 26, "label": "compound", "anchors": [{"from": 123, "to": 137}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 123, "to": 127}]}, {"id": 28, "label": "_vice_n_1", "anchors": [{"from": 123, "to": 127}]}, {"id": 29, "label": "_president_n_of", "anchors": [{"from": 128, "to": 137}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 141, "to": 182}]}, {"id": 31, "label": "_human_a_1", "anchors": [{"from": 141, "to": 146}]}, {"id": 32, "label": "_resource_n_1", "anchors": [{"from": 147, "to": 156}]}, {"id": 33, "label": "_for_p", "anchors": [{"from": 157, "to": 160}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 161, "to": 182}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 161, "to": 174}]}, {"id": 36, "label": "named", "properties": ["carg"], "values": ["Hollingsworth"], "anchors": [{"from": 161, "to": 174}]}, {"id": 37, "label": "_and_c", "anchors": [{"from": 175, "to": 176}]}, {"id": 38, "label": "proper_q", "anchors": [{"from": 177, "to": 182}]}, {"id": 39, "label": "named", "properties": ["carg"], "values": ["Vose"], "anchors": [{"from": 177, "to": 182}]}], "edges": [{"source": 20, "target": 29, "label": "BV"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 26, "target": 29, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 11, "target": 4, "label": "ARG1"}, {"source": 37, "target": 39, "label": "R-INDEX"}, {"source": 11, "target": 17, "label": "ARG2"}, {"source": 19, "target": 25, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 12, "target": 17, "label": "BV"}, {"source": 33, "target": 37, "label": "ARG2"}, {"source": 18, "target": 25, "label": "ARG1"}, {"source": 9, "target": 7, "label": "L-INDEX"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG1"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 19, "target": 29, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 0, "target": 2, "label": "ARG1"}, {"source": 9, "target": 10, "label": "R-INDEX"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 30, "target": 32, "label": "BV"}, {"source": 34, "target": 37, "label": "BV"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 18, "target": 0, "label": "ARG2"}, {"source": 37, "target": 36, "label": "L-INDEX"}]} +{"id": "20003029", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "\"But you have to recognize that these events took place 35 years ago.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "pron", "anchors": [{"from": 5, "to": 8}]}, {"id": 2, "label": "pronoun_q", "anchors": [{"from": 5, "to": 8}]}, {"id": 3, "label": "_have_v_qmodal", "anchors": [{"from": 9, "to": 13}]}, {"id": 4, "label": "_recognize_v_1", "anchors": [{"from": 17, "to": 26}]}, {"id": 5, "label": "_these_q_dem", "anchors": [{"from": 32, "to": 37}]}, {"id": 6, "label": "_event_n_item", "anchors": [{"from": 38, "to": 44}]}, {"id": 7, "label": "_take_v_1", "anchors": [{"from": 45, "to": 49}]}, {"id": 8, "label": "idiom_q_i", "anchors": [{"from": 50, "to": 55}]}, {"id": 9, "label": "_place_n_i", "anchors": [{"from": 50, "to": 55}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 56, "to": 64}]}, {"id": 11, "label": "card", "properties": ["carg"], "values": ["35"], "anchors": [{"from": 56, "to": 58}]}, {"id": 12, "label": "_year_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 13, "label": "_ago_p", "anchors": [{"from": 65, "to": 69}]}], "edges": [{"source": 7, "target": 6, "label": "ARG1"}, {"source": 2, "target": 1, "label": "BV"}, {"source": 0, "target": 3, "label": "R-HNDL"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 13, "target": 7, "label": "ARG1"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 4, "target": 1, "label": "ARG1"}]} +{"id": "20003030", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "It has no bearing on our work force today.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_have_v_1", "anchors": [{"from": 3, "to": 6}]}, {"id": 3, "label": "_no_q", "anchors": [{"from": 7, "to": 9}]}, {"id": 4, "label": "_bearing_n_1", "anchors": [{"from": 10, "to": 17}]}, {"id": 5, "label": "_on_p", "anchors": [{"from": 18, "to": 20}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 7, "label": "poss", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "pronoun_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 9, "label": "pron", "anchors": [{"from": 21, "to": 24}]}, {"id": 10, "label": "compound", "anchors": [{"from": 25, "to": 35}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 25, "to": 29}]}, {"id": 12, "label": "_work_n_1", "anchors": [{"from": 25, "to": 29}]}, {"id": 13, "label": "_force_n_1", "anchors": [{"from": 30, "to": 35}]}, {"id": 14, "label": "loc_nonsp", "anchors": [{"from": 36, "to": 42}]}, {"id": 15, "label": "time_n", "anchors": [{"from": 36, "to": 42}]}, {"id": 16, "label": "def_implicit_q", "anchors": [{"from": 36, "to": 42}]}, {"id": 17, "label": "_today_a_1", "anchors": [{"from": 36, "to": 42}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 14, "target": 2, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 7, "target": 13, "label": "ARG1"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 5, "target": 13, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}]} +{"id": "20004001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates.", "tops": [12], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 35}]}, {"id": 1, "label": "_yield_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_on_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 10, "to": 35}]}, {"id": 4, "label": "compound", "anchors": [{"from": 10, "to": 35}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 10, "to": 22}]}, {"id": 6, "label": "compound", "anchors": [{"from": 10, "to": 22}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 10, "to": 22}]}, {"id": 8, "label": "_money_n_1", "anchors": [{"from": 10, "to": 22}]}, {"id": 9, "label": "_market_n_1", "anchors": [{"from": 10, "to": 22}]}, {"id": 10, "label": "_mutual_a_1", "anchors": [{"from": 23, "to": 29}]}, {"id": 11, "label": "_fund_n_1", "anchors": [{"from": 30, "to": 35}]}, {"id": 12, "label": "_continue_v_2", "anchors": [{"from": 36, "to": 45}]}, {"id": 13, "label": "_slide_v_1", "anchors": [{"from": 49, "to": 55}]}, {"id": 14, "label": "_amid_p", "anchors": [{"from": 56, "to": 60}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 61, "to": 133}]}, {"id": 16, "label": "_sign_n_of", "anchors": [{"from": 61, "to": 66}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 72, "to": 90}]}, {"id": 18, "label": "compound", "anchors": [{"from": 72, "to": 90}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 72, "to": 81}]}, {"id": 20, "label": "_portfolio_n_1", "anchors": [{"from": 72, "to": 81}]}, {"id": 21, "label": "_manager_n_of", "anchors": [{"from": 82, "to": 90}]}, {"id": 22, "label": "_expect_v_1", "anchors": [{"from": 91, "to": 97}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 98, "to": 133}]}, {"id": 24, "label": "_further_a_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 25, "label": "comp", "anchors": [{"from": 98, "to": 105}]}, {"id": 26, "label": "_decline_n_1", "anchors": [{"from": 106, "to": 114}]}, {"id": 27, "label": "_in_p", "anchors": [{"from": 115, "to": 117}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 118, "to": 133}]}, {"id": 29, "label": "compound", "anchors": [{"from": 118, "to": 133}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 118, "to": 126}]}, {"id": 31, "label": "_interest_n_in", "anchors": [{"from": 118, "to": 126}]}, {"id": 32, "label": "_rate_n_of", "anchors": [{"from": 127, "to": 133}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 16, "target": 22, "label": "ARG1"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 4, "target": 11, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 3, "target": 11, "label": "BV"}, {"source": 13, "target": 1, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 22, "target": 26, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 17, "target": 21, "label": "BV"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}]} +{"id": "20004004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's.", "tops": [9], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 42}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_maturity_n_1", "anchors": [{"from": 8, "to": 16}]}, {"id": 3, "label": "_of_p", "anchors": [{"from": 17, "to": 19}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 5, "label": "_fund_n_1", "anchors": [{"from": 24, "to": 29}]}, {"id": 6, "label": "def_explicit_q", "anchors": [{"from": 29, "to": 30}]}, {"id": 7, "label": "poss", "anchors": [{"from": 29, "to": 30}]}, {"id": 8, "label": "_investment_n_1", "anchors": [{"from": 31, "to": 42}]}, {"id": 9, "label": "_lengthen_v_1", "anchors": [{"from": 43, "to": 53}]}, {"id": 10, "label": "_by_p_temp", "anchors": [{"from": 54, "to": 56}]}, {"id": 11, "label": "_a_q", "anchors": [{"from": 57, "to": 58}]}, {"id": 12, "label": "_day_n_of", "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "label": "_to_p", "anchors": [{"from": 63, "to": 65}]}, {"id": 14, "label": "appos", "anchors": [{"from": 66, "to": 106}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 66, "to": 74}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["41"], "anchors": [{"from": 66, "to": 68}]}, {"id": 17, "label": "_day_n_of", "anchors": [{"from": 69, "to": 74}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 19, "label": "generic_entity", "anchors": [{"from": 79, "to": 86}]}, {"id": 20, "label": "_long_a_1", "anchors": [{"from": 79, "to": 86}]}, {"id": 21, "label": "superl", "anchors": [{"from": 79, "to": 86}]}, {"id": 22, "label": "_since_p", "anchors": [{"from": 87, "to": 92}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 93, "to": 106}]}, {"id": 24, "label": "_early_a_1", "anchors": [{"from": 93, "to": 98}]}, {"id": 25, "label": "mofy", "properties": ["carg"], "values": ["Aug"], "anchors": [{"from": 99, "to": 106}]}, {"id": 26, "label": "_according+to_p", "anchors": [{"from": 107, "to": 119}]}, {"id": 27, "label": "generic_entity", "anchors": [{"from": 120, "to": 131}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 120, "to": 128}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Donoghue"], "anchors": [{"from": 120, "to": 128}]}, {"id": 30, "label": "def_explicit_q", "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "label": "poss", "anchors": [{"from": 128, "to": 131}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 3, "target": 8, "label": "ARG2"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 31, "target": 29, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 30, "target": 27, "label": "BV"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 31, "target": 27, "label": "ARG1"}, {"source": 6, "target": 8, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 26, "target": 9, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 22, "target": 19, "label": "ARG1"}, {"source": 13, "target": 9, "label": "ARG1"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 9, "target": 2, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 26, "target": 27, "label": "ARG2"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20004005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period.", "tops": [4], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 17}]}, {"id": 1, "label": "_long_a_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "comp", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 7, "to": 17}]}, {"id": 4, "label": "_think_v_1", "anchors": [{"from": 22, "to": 29}]}, {"id": 5, "label": "_indicate_v_1", "anchors": [{"from": 33, "to": 41}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 42, "to": 66}]}, {"id": 7, "label": "_declining_a_1", "anchors": [{"from": 42, "to": 51}]}, {"id": 8, "label": "compound", "anchors": [{"from": 52, "to": 66}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 10, "label": "_interest_n_in", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "_rate_n_of", "anchors": [{"from": 61, "to": 66}]}, {"id": 12, "label": "_because_x", "anchors": [{"from": 67, "to": 74}]}, {"id": 13, "label": "pron", "anchors": [{"from": 75, "to": 79}]}, {"id": 14, "label": "pronoun_q", "anchors": [{"from": 75, "to": 79}]}, {"id": 15, "label": "_permit_v_1", "anchors": [{"from": 80, "to": 86}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 87, "to": 105}]}, {"id": 17, "label": "compound", "anchors": [{"from": 87, "to": 105}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 87, "to": 96}]}, {"id": 19, "label": "_portfolio_n_1", "anchors": [{"from": 87, "to": 96}]}, {"id": 20, "label": "_manager_n_of", "anchors": [{"from": 97, "to": 105}]}, {"id": 21, "label": "_retain_v_1", "anchors": [{"from": 109, "to": 115}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 116, "to": 139}]}, {"id": 23, "label": "_relatively_x_deg", "anchors": [{"from": 116, "to": 126}]}, {"id": 24, "label": "_high_a_1", "anchors": [{"from": 127, "to": 133}]}, {"id": 25, "label": "comp", "anchors": [{"from": 127, "to": 133}]}, {"id": 26, "label": "_rate_n_of", "anchors": [{"from": 134, "to": 139}]}, {"id": 27, "label": "_for_p", "anchors": [{"from": 140, "to": 143}]}, {"id": 28, "label": "_a_q", "anchors": [{"from": 144, "to": 145}]}, {"id": 29, "label": "_long_a_1", "anchors": [{"from": 146, "to": 152}]}, {"id": 30, "label": "comp", "anchors": [{"from": 146, "to": 152}]}, {"id": 31, "label": "_period_n_of", "anchors": [{"from": 153, "to": 160}]}], "edges": [{"source": 8, "target": 11, "label": "ARG1"}, {"source": 6, "target": 11, "label": "BV"}, {"source": 23, "target": 25, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 4, "target": 12, "label": "ARG3"}, {"source": 5, "target": 11, "label": "ARG2"}, {"source": 27, "target": 21, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 14, "target": 13, "label": "BV"}, {"source": 21, "target": 26, "label": "ARG2"}, {"source": 7, "target": 11, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 28, "target": 31, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 5, "target": 3, "label": "ARG1"}, {"source": 27, "target": 31, "label": "ARG2"}, {"source": 15, "target": 21, "label": "ARG3"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 29, "target": 31, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 15, "target": 13, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner.", "tops": [10], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 1, "label": "_short_a_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "comp", "anchors": [{"from": 0, "to": 7}]}, {"id": 3, "label": "_maturity_n_1", "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "_consider_v_1", "anchors": [{"from": 23, "to": 33}]}, {"id": 5, "label": "_a_q", "anchors": [{"from": 34, "to": 35}]}, {"id": 6, "label": "_sign_n_of", "anchors": [{"from": 36, "to": 40}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 44, "to": 56}]}, {"id": 8, "label": "_rise_v_1", "anchors": [{"from": 44, "to": 50}]}, {"id": 9, "label": "_rate_n_of", "anchors": [{"from": 51, "to": 56}]}, {"id": 10, "label": "_because_x", "anchors": [{"from": 57, "to": 64}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 65, "to": 83}]}, {"id": 12, "label": "compound", "anchors": [{"from": 65, "to": 83}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 65, "to": 74}]}, {"id": 14, "label": "_portfolio_n_1", "anchors": [{"from": 65, "to": 74}]}, {"id": 15, "label": "_manager_n_of", "anchors": [{"from": 75, "to": 83}]}, {"id": 16, "label": "_can_v_modal", "anchors": [{"from": 84, "to": 87}]}, {"id": 17, "label": "_capture_v_1", "anchors": [{"from": 88, "to": 95}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 96, "to": 108}]}, {"id": 19, "label": "_high_a_1", "anchors": [{"from": 96, "to": 102}]}, {"id": 20, "label": "comp", "anchors": [{"from": 96, "to": 102}]}, {"id": 21, "label": "_rate_n_of", "anchors": [{"from": 103, "to": 108}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 109, "to": 116}]}, {"id": 23, "label": "time_n", "anchors": [{"from": 109, "to": 116}]}, {"id": 24, "label": "def_implicit_q", "anchors": [{"from": 109, "to": 116}]}, {"id": 25, "label": "_soon_p", "anchors": [{"from": 109, "to": 116}]}, {"id": 26, "label": "comp", "anchors": [{"from": 109, "to": 116}]}], "edges": [{"source": 17, "target": 21, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 22, "target": 23, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 24, "target": 23, "label": "BV"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 22, "target": 17, "label": "ARG1"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 10, "target": 4, "label": "ARG1"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG3"}, {"source": 10, "target": 16, "label": "ARG2"}]} +{"id": "20004007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days.", "tops": [26], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_maturity_n_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 3, "label": "_for_p", "anchors": [{"from": 21, "to": 24}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 25, "to": 152}]}, {"id": 5, "label": "_fund_n_1", "anchors": [{"from": 25, "to": 30}]}, {"id": 6, "label": "_open_a_1", "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "_only_x_deg", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "_to_p", "anchors": [{"from": 41, "to": 43}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 44, "to": 57}]}, {"id": 10, "label": "_institution_n_1", "anchors": [{"from": 44, "to": 57}]}, {"id": 11, "label": "_consider_v_1", "anchors": [{"from": 58, "to": 68}]}, {"id": 12, "label": "_some_q", "anchors": [{"from": 72, "to": 76}]}, {"id": 13, "label": "generic_entity", "anchors": [{"from": 72, "to": 76}]}, {"id": 14, "label": "_be_v_id", "anchors": [{"from": 80, "to": 82}]}, {"id": 15, "label": "_a_q", "anchors": [{"from": 83, "to": 84}]}, {"id": 16, "label": "_strong_a_1", "anchors": [{"from": 85, "to": 93}]}, {"id": 17, "label": "comp", "anchors": [{"from": 85, "to": 93}]}, {"id": 18, "label": "_indicator_n_of", "anchors": [{"from": 94, "to": 103}]}, {"id": 19, "label": "_because_x", "anchors": [{"from": 104, "to": 111}]}, {"id": 20, "label": "_those_q_dem", "anchors": [{"from": 112, "to": 117}]}, {"id": 21, "label": "_manager_n_of", "anchors": [{"from": 118, "to": 126}]}, {"id": 22, "label": "_watch_v_1", "anchors": [{"from": 127, "to": 132}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 133, "to": 136}]}, {"id": 24, "label": "_market_n_1", "anchors": [{"from": 137, "to": 143}]}, {"id": 25, "label": "_close_a_to", "anchors": [{"from": 144, "to": 152}]}, {"id": 26, "label": "_reach_v_1", "anchors": [{"from": 153, "to": 160}]}, {"id": 27, "label": "_a_q", "anchors": [{"from": 161, "to": 162}]}, {"id": 28, "label": "_high_a_1", "anchors": [{"from": 163, "to": 167}]}, {"id": 29, "label": "_point_n_of", "anchors": [{"from": 168, "to": 173}]}, {"id": 30, "label": "_for_p", "anchors": [{"from": 174, "to": 177}]}, {"id": 31, "label": "_the_q", "anchors": [{"from": 178, "to": 181}]}, {"id": 32, "label": "_year_n_1", "anchors": [{"from": 182, "to": 186}]}, {"id": 33, "label": "loc_nonsp", "anchors": [{"from": 190, "to": 198}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 190, "to": 198}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["33"], "anchors": [{"from": 190, "to": 192}]}, {"id": 36, "label": "_day_n_of", "anchors": [{"from": 193, "to": 198}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 30, "target": 32, "label": "ARG2"}, {"source": 11, "target": 5, "label": "ARG2"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 16, "target": 18, "label": "ARG1"}, {"source": 26, "target": 2, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 25, "target": 22, "label": "ARG1"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 14, "target": 5, "label": "ARG1"}, {"source": 19, "target": 14, "label": "ARG1"}, {"source": 30, "target": 29, "label": "ARG1"}, {"source": 33, "target": 26, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 31, "target": 32, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 14, "target": 18, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 28, "target": 29, "label": "ARG1"}, {"source": 11, "target": 19, "label": "ARG3"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20004008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields \"may blip up again before they blip down\" because of recent rises in short-term interest rates.", "tops": [0], "nodes": [{"id": 0, "label": "_nevertheless_a_1", "anchors": [{"from": 0, "to": 13}]}, {"id": 1, "label": "_say_v_to", "anchors": [{"from": 14, "to": 18}]}, {"id": 2, "label": "appos", "anchors": [{"from": 19, "to": 69}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 41, "to": 69}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 19, "to": 40}]}, {"id": 5, "label": "compound", "anchors": [{"from": 19, "to": 40}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 19, "to": 33}]}, {"id": 7, "label": "compound", "anchors": [{"from": 19, "to": 33}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 19, "to": 25}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Brenda"], "anchors": [{"from": 19, "to": 25}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Malizia"], "anchors": [{"from": 26, "to": 33}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Negus"], "anchors": [{"from": 34, "to": 40}]}, {"id": 12, "label": "_editor_n_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 13, "label": "_of_p", "anchors": [{"from": 48, "to": 50}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 51, "to": 69}]}, {"id": 15, "label": "compound", "anchors": [{"from": 51, "to": 69}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 51, "to": 61}]}, {"id": 17, "label": "compound", "anchors": [{"from": 51, "to": 61}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 51, "to": 56}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Money"], "anchors": [{"from": 51, "to": 56}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Fund"], "anchors": [{"from": 57, "to": 61}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Report"], "anchors": [{"from": 62, "to": 69}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 70, "to": 76}]}, {"id": 23, "label": "_yield_n_1", "anchors": [{"from": 70, "to": 76}]}, {"id": 24, "label": "_may_v_modal", "anchors": [{"from": 77, "to": 81}]}, {"id": 25, "label": "_blip/vb_u_unknown", "anchors": [{"from": 82, "to": 86}]}, {"id": 26, "label": "_up_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 27, "label": "_again_a_1", "anchors": [{"from": 90, "to": 95}]}, {"id": 28, "label": "_before_x_h", "anchors": [{"from": 96, "to": 102}]}, {"id": 29, "label": "pron", "anchors": [{"from": 103, "to": 107}]}, {"id": 30, "label": "pronoun_q", "anchors": [{"from": 103, "to": 107}]}, {"id": 31, "label": "_blip/vbp_u_unknown", "anchors": [{"from": 108, "to": 112}]}, {"id": 32, "label": "_down_p", "anchors": [{"from": 113, "to": 118}]}, {"id": 33, "label": "_because+of_p", "anchors": [{"from": 119, "to": 129}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 130, "to": 172}]}, {"id": 35, "label": "_recent_a_1", "anchors": [{"from": 130, "to": 136}]}, {"id": 36, "label": "_rise_n_1", "anchors": [{"from": 137, "to": 142}]}, {"id": 37, "label": "_in_p", "anchors": [{"from": 143, "to": 145}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 146, "to": 172}]}, {"id": 39, "label": "compound", "anchors": [{"from": 146, "to": 172}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 146, "to": 156}]}, {"id": 41, "label": "_short_a_of", "anchors": [{"from": 146, "to": 156}]}, {"id": 42, "label": "_term_n_of", "anchors": [{"from": 146, "to": 156}]}, {"id": 43, "label": "compound", "anchors": [{"from": 157, "to": 172}]}, {"id": 44, "label": "udef_q", "anchors": [{"from": 157, "to": 165}]}, {"id": 45, "label": "_interest_n_in", "anchors": [{"from": 157, "to": 165}]}, {"id": 46, "label": "_rate_n_of", "anchors": [{"from": 166, "to": 172}]}], "edges": [{"source": 37, "target": 46, "label": "ARG2"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 30, "target": 29, "label": "BV"}, {"source": 43, "target": 46, "label": "ARG1"}, {"source": 28, "target": 25, "label": "ARG1"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 31, "target": 29, "label": "ARG1"}, {"source": 5, "target": 11, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 33, "target": 31, "label": "ARG1"}, {"source": 41, "target": 42, "label": "ARG1"}, {"source": 39, "target": 46, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 21, "label": "ARG2"}, {"source": 38, "target": 46, "label": "BV"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 39, "target": 42, "label": "ARG2"}, {"source": 24, "target": 28, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG2"}, {"source": 1, "target": 11, "label": "ARG1"}, {"source": 1, "target": 24, "label": "ARG2"}, {"source": 4, "target": 11, "label": "BV"}, {"source": 0, "target": 1, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 14, "target": 21, "label": "BV"}, {"source": 37, "target": 36, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 25, "target": 23, "label": "ARG1"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 27, "target": 25, "label": "ARG1"}, {"source": 40, "target": 42, "label": "BV"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20004009", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%.", "tops": [19], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_yield_n_1", "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_on_p", "anchors": [{"from": 10, "to": 12}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 13, "to": 63}]}, {"id": 4, "label": "compound", "anchors": [{"from": 13, "to": 37}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 13, "to": 22}]}, {"id": 6, "label": "card", "properties": ["carg"], "values": ["6"], "anchors": [{"from": 13, "to": 22}]}, {"id": 7, "label": "_month_n_1", "anchors": [{"from": 13, "to": 22}]}, {"id": 8, "label": "compound", "anchors": [{"from": 23, "to": 37}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 23, "to": 31}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 23, "to": 31}]}, {"id": 11, "label": "_bill_n_of", "anchors": [{"from": 32, "to": 37}]}, {"id": 12, "label": "_sell_v_1", "anchors": [{"from": 38, "to": 42}]}, {"id": 13, "label": "_at_p", "anchors": [{"from": 43, "to": 45}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 46, "to": 52}]}, {"id": 15, "label": "dofw", "properties": ["carg"], "values": ["Mon"], "anchors": [{"from": 46, "to": 52}]}, {"id": 16, "label": "def_explicit_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 17, "label": "poss", "anchors": [{"from": 52, "to": 54}]}, {"id": 18, "label": "_auction_n_of", "anchors": [{"from": 55, "to": 63}]}, {"id": 19, "label": "_rise_v_1", "anchors": [{"from": 77, "to": 81}]}, {"id": 20, "label": "_to_p", "anchors": [{"from": 82, "to": 84}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 85, "to": 90}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["8.04"], "anchors": [{"from": 85, "to": 89}]}, {"id": 23, "label": "_percent_n_of", "anchors": [{"from": 89, "to": 90}]}, {"id": 24, "label": "_from_p", "anchors": [{"from": 91, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 96, "to": 102}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["7.90"], "anchors": [{"from": 96, "to": 100}]}, {"id": 27, "label": "_percent_n_of", "anchors": [{"from": 100, "to": 102}]}], "edges": [{"source": 8, "target": 11, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 21, "target": 23, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 4, "target": 11, "label": "ARG1"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 19, "target": 1, "label": "ARG1"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 20, "target": 23, "label": "ARG2"}, {"source": 24, "target": 19, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 3, "target": 11, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 12, "target": 11, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Despite recent declines in yields, investors continue to pour cash into money funds.", "tops": [9], "nodes": [{"id": 0, "label": "_despite_p", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 8, "to": 34}]}, {"id": 2, "label": "_recent_a_1", "anchors": [{"from": 8, "to": 14}]}, {"id": 3, "label": "_decline_n_1", "anchors": [{"from": 15, "to": 23}]}, {"id": 4, "label": "_in_p", "anchors": [{"from": 24, "to": 26}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 27, "to": 34}]}, {"id": 6, "label": "_yield_n_1", "anchors": [{"from": 27, "to": 34}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 35, "to": 44}]}, {"id": 8, "label": "_investor_n_1", "anchors": [{"from": 35, "to": 44}]}, {"id": 9, "label": "_continue_v_2", "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "_pour_v_1", "anchors": [{"from": 57, "to": 61}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 62, "to": 66}]}, {"id": 12, "label": "_cash_n_1", "anchors": [{"from": 62, "to": 66}]}, {"id": 13, "label": "_into_p", "anchors": [{"from": 67, "to": 71}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 72, "to": 84}]}, {"id": 15, "label": "compound", "anchors": [{"from": 72, "to": 84}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 72, "to": 77}]}, {"id": 17, "label": "_money_n_1", "anchors": [{"from": 72, "to": 77}]}, {"id": 18, "label": "_fund_n_1", "anchors": [{"from": 78, "to": 84}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 4, "target": 3, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 13, "target": 10, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}]} +{"id": "20004011", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion.", "tops": [7], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 31}]}, {"id": 1, "label": "_asset_n_1", "anchors": [{"from": 0, "to": 6}]}, {"id": 2, "label": "_of_p", "anchors": [{"from": 7, "to": 9}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 14, "to": 17}]}, {"id": 5, "label": "_taxable_a_unknown", "anchors": [{"from": 18, "to": 25}]}, {"id": 6, "label": "_fund_n_1", "anchors": [{"from": 26, "to": 31}]}, {"id": 7, "label": "_grow_v_1", "anchors": [{"from": 32, "to": 36}]}, {"id": 8, "label": "_by_p", "anchors": [{"from": 37, "to": 39}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 40, "to": 52}]}, {"id": 10, "label": "_dollar_n_1", "anchors": [{"from": 40, "to": 41}]}, {"id": 11, "label": "card", "properties": ["carg"], "values": ["1.5"], "anchors": [{"from": 41, "to": 44}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 45, "to": 52}]}, {"id": 13, "label": "times", "anchors": [{"from": 45, "to": 52}]}, {"id": 14, "label": "_during_p", "anchors": [{"from": 53, "to": 59}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 60, "to": 63}]}, {"id": 16, "label": "_late_a_for", "anchors": [{"from": 64, "to": 70}]}, {"id": 17, "label": "superl", "anchors": [{"from": 64, "to": 70}]}, {"id": 18, "label": "_week_n_1", "anchors": [{"from": 71, "to": 76}]}, {"id": 19, "label": "_to_p", "anchors": [{"from": 77, "to": 79}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 80, "to": 95}]}, {"id": 21, "label": "_dollar_n_1", "anchors": [{"from": 80, "to": 81}]}, {"id": 22, "label": "card", "properties": ["carg"], "values": ["352.7"], "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 87, "to": 95}]}, {"id": 24, "label": "times", "anchors": [{"from": 87, "to": 95}]}], "edges": [{"source": 16, "target": 18, "label": "ARG1"}, {"source": 19, "target": 7, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 12, "target": 10, "label": "ARG1"}, {"source": 13, "target": 12, "label": "ARG3"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 15, "target": 18, "label": "BV"}, {"source": 3, "target": 6, "label": "BV"}, {"source": 24, "target": 23, "label": "ARG3"}, {"source": 14, "target": 18, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG2"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG2"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 23, "target": 21, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}]} +{"id": "20004012", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates.", "tops": [0], "nodes": [{"id": 0, "label": "_typical_a_1", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 11, "to": 28}]}, {"id": 2, "label": "compound", "anchors": [{"from": 11, "to": 28}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 21}]}, {"id": 4, "label": "compound", "anchors": [{"from": 11, "to": 21}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 11, "to": 21}]}, {"id": 6, "label": "_money_n_1", "anchors": [{"from": 11, "to": 21}]}, {"id": 7, "label": "_fund_n_1", "anchors": [{"from": 11, "to": 21}]}, {"id": 8, "label": "_yield_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_beat_v_to", "anchors": [{"from": 29, "to": 33}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 34, "to": 67}]}, {"id": 11, "label": "_comparable_a_1", "anchors": [{"from": 34, "to": 44}]}, {"id": 12, "label": "compound", "anchors": [{"from": 45, "to": 67}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 45, "to": 55}]}, {"id": 14, "label": "_short_a_of", "anchors": [{"from": 45, "to": 55}]}, {"id": 15, "label": "_term_n_of", "anchors": [{"from": 45, "to": 55}]}, {"id": 16, "label": "_investment_n_1", "anchors": [{"from": 56, "to": 67}]}, {"id": 17, "label": "_because_x", "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 76, "to": 94}]}, {"id": 19, "label": "compound", "anchors": [{"from": 76, "to": 94}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 76, "to": 85}]}, {"id": 21, "label": "_portfolio_n_1", "anchors": [{"from": 76, "to": 85}]}, {"id": 22, "label": "_manager_n_of", "anchors": [{"from": 86, "to": 94}]}, {"id": 23, "label": "_can_v_modal", "anchors": [{"from": 95, "to": 98}]}, {"id": 24, "label": "_vary_v_cause", "anchors": [{"from": 99, "to": 103}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 104, "to": 114}]}, {"id": 26, "label": "_maturity_n_1", "anchors": [{"from": 104, "to": 114}]}, {"id": 27, "label": "_and_c", "anchors": [{"from": 115, "to": 118}]}, {"id": 28, "label": "_go_v_1", "anchors": [{"from": 119, "to": 121}]}, {"id": 29, "label": "_after_p", "anchors": [{"from": 122, "to": 127}]}, {"id": 30, "label": "_the_q", "anchors": [{"from": 128, "to": 131}]}, {"id": 31, "label": "_high_a_1", "anchors": [{"from": 132, "to": 139}]}, {"id": 32, "label": "superl", "anchors": [{"from": 132, "to": 139}]}, {"id": 33, "label": "_rate_n_of", "anchors": [{"from": 140, "to": 146}]}], "edges": [{"source": 12, "target": 15, "label": "ARG2"}, {"source": 17, "target": 9, "label": "ARG1"}, {"source": 27, "target": 24, "label": "L-HNDL"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 10, "target": 16, "label": "BV"}, {"source": 17, "target": 23, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 0, "target": 17, "label": "ARG1"}, {"source": 31, "target": 33, "label": "ARG1"}, {"source": 32, "target": 31, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 28, "target": 22, "label": "ARG1"}, {"source": 29, "target": 33, "label": "ARG2"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 30, "target": 33, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 2, "target": 8, "label": "ARG1"}, {"source": 23, "target": 27, "label": "ARG1"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 27, "target": 28, "label": "R-HNDL"}, {"source": 9, "target": 16, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 1, "target": 8, "label": "BV"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20004014", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier.", "tops": [19], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 49}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 0, "to": 26}]}, {"id": 2, "label": "compound", "anchors": [{"from": 0, "to": 26}]}, {"id": 3, "label": "proper_q", "anchors": [{"from": 0, "to": 18}]}, {"id": 4, "label": "compound", "anchors": [{"from": 0, "to": 18}]}, {"id": 5, "label": "proper_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Dreyfus"], "anchors": [{"from": 0, "to": 7}]}, {"id": 7, "label": "compound", "anchors": [{"from": 8, "to": 18}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 8, "to": 18}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["World-"], "anchors": [{"from": 8, "to": 18}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Wide"], "anchors": [{"from": 8, "to": 18}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Dollar"], "anchors": [{"from": 19, "to": 26}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 13, "label": "compound", "anchors": [{"from": 31, "to": 49}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 31, "to": 43}]}, {"id": 15, "label": "_top_a_1", "anchors": [{"from": 31, "to": 43}]}, {"id": 16, "label": "_yield_v_1", "anchors": [{"from": 31, "to": 43}]}, {"id": 17, "label": "nominalization", "anchors": [{"from": 31, "to": 43}]}, {"id": 18, "label": "_fund_n_1", "anchors": [{"from": 44, "to": 49}]}, {"id": 19, "label": "_have_v_1", "anchors": [{"from": 50, "to": 53}]}, {"id": 20, "label": "_a_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 21, "label": "compound", "anchors": [{"from": 56, "to": 80}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 56, "to": 65}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 56, "to": 65}]}, {"id": 24, "label": "_day_n_of", "anchors": [{"from": 56, "to": 65}]}, {"id": 25, "label": "compound", "anchors": [{"from": 66, "to": 80}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 66, "to": 74}]}, {"id": 27, "label": "_compound_n_1", "anchors": [{"from": 66, "to": 74}]}, {"id": 28, "label": "_yield_n_1", "anchors": [{"from": 75, "to": 80}]}, {"id": 29, "label": "_of_p", "anchors": [{"from": 81, "to": 83}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 84, "to": 89}]}, {"id": 31, "label": "card", "properties": ["carg"], "values": ["9.37"], "anchors": [{"from": 84, "to": 88}]}, {"id": 32, "label": "_percent_n_of", "anchors": [{"from": 88, "to": 89}]}, {"id": 33, "label": "_during_p", "anchors": [{"from": 90, "to": 96}]}, {"id": 34, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 35, "label": "_late_a_for", "anchors": [{"from": 101, "to": 107}]}, {"id": 36, "label": "superl", "anchors": [{"from": 101, "to": 107}]}, {"id": 37, "label": "_week_n_1", "anchors": [{"from": 108, "to": 113}]}, {"id": 38, "label": "_down_p", "anchors": [{"from": 114, "to": 118}]}, {"id": 39, "label": "_from_p", "anchors": [{"from": 119, "to": 123}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 124, "to": 145}]}, {"id": 41, "label": "card", "properties": ["carg"], "values": ["9.45"], "anchors": [{"from": 124, "to": 128}]}, {"id": 42, "label": "_percent_n_of", "anchors": [{"from": 128, "to": 129}]}, {"id": 43, "label": "loc_nonsp", "anchors": [{"from": 130, "to": 145}]}, {"id": 44, "label": "_a_q", "anchors": [{"from": 130, "to": 131}]}, {"id": 45, "label": "_week_n_1", "anchors": [{"from": 132, "to": 136}]}, {"id": 46, "label": "loc_nonsp", "anchors": [{"from": 137, "to": 145}]}, {"id": 47, "label": "time_n", "anchors": [{"from": 137, "to": 145}]}, {"id": 48, "label": "def_explicit_q", "anchors": [{"from": 137, "to": 145}]}, {"id": 49, "label": "_early_a_1", "anchors": [{"from": 137, "to": 145}]}, {"id": 50, "label": "comp", "anchors": [{"from": 137, "to": 145}]}], "edges": [{"source": 39, "target": 38, "label": "ARG1"}, {"source": 46, "target": 45, "label": "ARG1"}, {"source": 38, "target": 19, "label": "ARG1"}, {"source": 22, "target": 24, "label": "BV"}, {"source": 33, "target": 19, "label": "ARG1"}, {"source": 36, "target": 35, "label": "ARG1"}, {"source": 2, "target": 11, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 35, "target": 37, "label": "ARG1"}, {"source": 49, "target": 47, "label": "ARG1"}, {"source": 50, "target": 49, "label": "ARG1"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 1, "target": 11, "label": "BV"}, {"source": 0, "target": 18, "label": "ARG2"}, {"source": 46, "target": 47, "label": "ARG2"}, {"source": 21, "target": 28, "label": "ARG1"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 33, "target": 37, "label": "ARG2"}, {"source": 12, "target": 18, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 2, "target": 10, "label": "ARG2"}, {"source": 41, "target": 42, "label": "ARG1"}, {"source": 13, "target": 18, "label": "ARG1"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 20, "target": 28, "label": "BV"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 19, "target": 11, "label": "ARG1"}, {"source": 39, "target": 42, "label": "ARG2"}, {"source": 21, "target": 24, "label": "ARG2"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 19, "target": 28, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 43, "target": 42, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 30, "target": 32, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 34, "target": 37, "label": "BV"}, {"source": 40, "target": 42, "label": "BV"}, {"source": 48, "target": 47, "label": "BV"}]} +{"id": "20004015", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield.", "tops": [14], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_invest_v_in", "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "label": "_heavy_a_1", "anchors": [{"from": 11, "to": 18}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 22, "to": 51}]}, {"id": 5, "label": "compound", "anchors": [{"from": 22, "to": 40}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 22, "to": 40}]}, {"id": 7, "label": "_dollar_n_1", "anchors": [{"from": 22, "to": 40}]}, {"id": 8, "label": "_denominate_v_1", "anchors": [{"from": 22, "to": 40}]}, {"id": 9, "label": "_security_n_1", "anchors": [{"from": 41, "to": 51}]}, {"id": 10, "label": "loc_nonsp", "anchors": [{"from": 52, "to": 60}]}, {"id": 11, "label": "place_n", "anchors": [{"from": 52, "to": 60}]}, {"id": 12, "label": "def_implicit_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 13, "label": "_overseas_a_1", "anchors": [{"from": 52, "to": 60}]}, {"id": 14, "label": "_and_c", "anchors": [{"from": 61, "to": 64}]}, {"id": 15, "label": "relative_mod", "anchors": [{"from": 65, "to": 126}]}, {"id": 16, "label": "_current_a_1", "anchors": [{"from": 68, "to": 77}]}, {"id": 17, "label": "_waive_v_1", "anchors": [{"from": 78, "to": 85}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 86, "to": 102}]}, {"id": 19, "label": "compound", "anchors": [{"from": 86, "to": 102}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 86, "to": 96}]}, {"id": 21, "label": "_management_n_1", "anchors": [{"from": 86, "to": 96}]}, {"id": 22, "label": "_fee_n_1", "anchors": [{"from": 97, "to": 102}]}, {"id": 23, "label": "_boost_v_to", "anchors": [{"from": 109, "to": 115}]}, {"id": 24, "label": "def_explicit_q", "anchors": [{"from": 116, "to": 119}]}, {"id": 25, "label": "poss", "anchors": [{"from": 116, "to": 119}]}, {"id": 26, "label": "pronoun_q", "anchors": [{"from": 116, "to": 119}]}, {"id": 27, "label": "pron", "anchors": [{"from": 116, "to": 119}]}, {"id": 28, "label": "_yield_n_1", "anchors": [{"from": 120, "to": 126}]}], "edges": [{"source": 2, "target": 9, "label": "ARG2"}, {"source": 8, "target": 9, "label": "ARG2"}, {"source": 15, "target": 23, "label": "ARG2"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 4, "target": 9, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 17, "target": 0, "label": "ARG1"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 14, "target": 17, "label": "R-HNDL"}, {"source": 14, "target": 2, "label": "L-HNDL"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 10, "target": 2, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG1"}]} +{"id": "20004016", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%.", "tops": [14], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_average_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 34}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 21}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 12, "to": 21}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 12, "to": 21}]}, {"id": 6, "label": "_simple_a_for", "anchors": [{"from": 22, "to": 28}]}, {"id": 7, "label": "_yield_n_1", "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "_of_p", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 38, "to": 41}]}, {"id": 10, "label": "compound", "anchors": [{"from": 42, "to": 51}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 12, "label": "yofc", "properties": ["carg"], "values": ["400"], "anchors": [{"from": 42, "to": 45}]}, {"id": 13, "label": "_fund_n_1", "anchors": [{"from": 46, "to": 51}]}, {"id": 14, "label": "_be_v_id", "anchors": [{"from": 52, "to": 55}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 56, "to": 62}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["8.12"], "anchors": [{"from": 56, "to": 60}]}, {"id": 17, "label": "_percent_n_of", "anchors": [{"from": 60, "to": 62}]}, {"id": 18, "label": "_down_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 19, "label": "_from_p", "anchors": [{"from": 68, "to": 72}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 73, "to": 79}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["8.14"], "anchors": [{"from": 73, "to": 77}]}, {"id": 22, "label": "_percent_n_of", "anchors": [{"from": 77, "to": 79}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 18, "target": 14, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 8, "target": 13, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG2"}]} +{"id": "20004017", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 123}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "compound", "anchors": [{"from": 4, "to": 23}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 4, "to": 10}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["30-"], "anchors": [{"from": 4, "to": 10}]}, {"id": 5, "label": "_day_n_of", "anchors": [{"from": 4, "to": 10}]}, {"id": 6, "label": "_simple_a_for", "anchors": [{"from": 11, "to": 17}]}, {"id": 7, "label": "_yield_n_1", "anchors": [{"from": 18, "to": 23}]}, {"id": 8, "label": "_fall_v_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 9, "label": "_to_p", "anchors": [{"from": 29, "to": 31}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "label": "_average_a_1", "anchors": [{"from": 35, "to": 42}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["8.19"], "anchors": [{"from": 43, "to": 47}]}, {"id": 13, "label": "_percent_n_of", "anchors": [{"from": 47, "to": 48}]}, {"id": 14, "label": "_from_p", "anchors": [{"from": 49, "to": 53}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 54, "to": 60}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["8.22"], "anchors": [{"from": 54, "to": 58}]}, {"id": 17, "label": "_percent_n_of", "anchors": [{"from": 58, "to": 60}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 61, "to": 64}]}, {"id": 19, "label": "compound", "anchors": [{"from": 65, "to": 86}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 65, "to": 71}]}, {"id": 21, "label": "card", "properties": ["carg"], "values": ["30-"], "anchors": [{"from": 65, "to": 71}]}, {"id": 22, "label": "_day_n_of", "anchors": [{"from": 65, "to": 71}]}, {"id": 23, "label": "compound", "anchors": [{"from": 72, "to": 86}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 72, "to": 80}]}, {"id": 25, "label": "_compound_n_1", "anchors": [{"from": 72, "to": 80}]}, {"id": 26, "label": "_yield_n_1", "anchors": [{"from": 81, "to": 86}]}, {"id": 27, "label": "_slide_v_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 28, "label": "_to_p", "anchors": [{"from": 92, "to": 94}]}, {"id": 29, "label": "_a_q", "anchors": [{"from": 95, "to": 97}]}, {"id": 30, "label": "_average_a_1", "anchors": [{"from": 98, "to": 105}]}, {"id": 31, "label": "card", "properties": ["carg"], "values": ["8.53"], "anchors": [{"from": 106, "to": 110}]}, {"id": 32, "label": "_percent_n_of", "anchors": [{"from": 110, "to": 111}]}, {"id": 33, "label": "_from_p", "anchors": [{"from": 112, "to": 116}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 117, "to": 123}]}, {"id": 35, "label": "card", "properties": ["carg"], "values": ["8.56"], "anchors": [{"from": 117, "to": 121}]}, {"id": 36, "label": "_percent_n_of", "anchors": [{"from": 121, "to": 123}]}], "edges": [{"source": 33, "target": 27, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 9, "target": 13, "label": "ARG2"}, {"source": 30, "target": 32, "label": "ARG1"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 34, "target": 36, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 28, "target": 27, "label": "ARG1"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 29, "target": 32, "label": "BV"}, {"source": 15, "target": 17, "label": "BV"}, {"source": 35, "target": 36, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG1"}, {"source": 1, "target": 7, "label": "BV"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 31, "target": 32, "label": "ARG1"}, {"source": 0, "target": 27, "label": "R-HNDL"}, {"source": 0, "target": 8, "label": "L-HNDL"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 19, "target": 26, "label": "ARG1"}, {"source": 33, "target": 36, "label": "ARG2"}, {"source": 2, "target": 7, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 18, "target": 26, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG1"}, {"source": 28, "target": 32, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 14, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20005001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director.", "tops": [34], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 109}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 13, "to": 109}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 12}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 12}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["J.P."], "anchors": [{"from": 0, "to": 4}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Bolduc"], "anchors": [{"from": 5, "to": 12}]}, {"id": 7, "label": "compound", "anchors": [{"from": 13, "to": 26}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 13, "to": 17}]}, {"id": 9, "label": "_vice_n_1", "anchors": [{"from": 13, "to": 17}]}, {"id": 10, "label": "_chairman_n_of", "anchors": [{"from": 18, "to": 26}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 30, "to": 109}]}, {"id": 12, "label": "compound", "anchors": [{"from": 30, "to": 40}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 30, "to": 34}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 30, "to": 34}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 35, "to": 40}]}, {"id": 16, "label": "_and+company_n_1", "anchors": [{"from": 41, "to": 47}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 41, "to": 47}]}, {"id": 18, "label": "compound", "anchors": [{"from": 41, "to": 47}]}, {"id": 19, "label": "_hold_v_1", "anchors": [{"from": 54, "to": 59}]}, {"id": 20, "label": "_a_q", "anchors": [{"from": 60, "to": 61}]}, {"id": 21, "label": "compound", "anchors": [{"from": 62, "to": 76}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 62, "to": 67}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["83.4"], "anchors": [{"from": 62, "to": 66}]}, {"id": 24, "label": "_percent_n_of", "anchors": [{"from": 66, "to": 67}]}, {"id": 25, "label": "_interest_n_in", "anchors": [{"from": 68, "to": 76}]}, {"id": 26, "label": "_this_q_dem", "anchors": [{"from": 80, "to": 84}]}, {"id": 27, "label": "compound", "anchors": [{"from": 85, "to": 109}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 85, "to": 100}]}, {"id": 29, "label": "compound", "anchors": [{"from": 85, "to": 100}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 85, "to": 100}]}, {"id": 31, "label": "_energy_n_1", "anchors": [{"from": 85, "to": 100}]}, {"id": 32, "label": "_service_n_1", "anchors": [{"from": 85, "to": 100}]}, {"id": 33, "label": "_company_n_of", "anchors": [{"from": 101, "to": 109}]}, {"id": 34, "label": "_elect_v_1", "anchors": [{"from": 114, "to": 121}]}, {"id": 35, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 36, "label": "_director_n_of", "anchors": [{"from": 124, "to": 133}]}], "edges": [{"source": 1, "target": 10, "label": "BV"}, {"source": 17, "target": 16, "label": "BV"}, {"source": 22, "target": 24, "label": "BV"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 18, "target": 15, "label": "ARG1"}, {"source": 19, "target": 25, "label": "ARG2"}, {"source": 23, "target": 24, "label": "ARG1"}, {"source": 20, "target": 25, "label": "BV"}, {"source": 21, "target": 25, "label": "ARG1"}, {"source": 34, "target": 6, "label": "ARG3"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG2"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 27, "target": 33, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG1"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 0, "target": 10, "label": "ARG2"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 21, "target": 24, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 25, "target": 33, "label": "ARG1"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 19, "target": 15, "label": "ARG1"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 26, "target": 33, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20005002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_succeed_v_1", "anchors": [{"from": 3, "to": 11}]}, {"id": 3, "label": "appos", "anchors": [{"from": 12, "to": 69}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 12, "to": 32}]}, {"id": 5, "label": "compound", "anchors": [{"from": 12, "to": 32}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 12, "to": 23}]}, {"id": 7, "label": "compound", "anchors": [{"from": 12, "to": 23}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 12, "to": 20}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Terrence"], "anchors": [{"from": 12, "to": 20}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["D"], "anchors": [{"from": 21, "to": 23}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Daniel"], "anchors": [{"from": 24, "to": 32}]}, {"id": 12, "label": "_formerly_x_deg", "anchors": [{"from": 33, "to": 41}]}, {"id": 13, "label": "_a_q", "anchors": [{"from": 42, "to": 43}]}, {"id": 14, "label": "compound", "anchors": [{"from": 44, "to": 69}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 44, "to": 54}]}, {"id": 16, "label": "compound", "anchors": [{"from": 44, "to": 54}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 44, "to": 48}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 44, "to": 48}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 49, "to": 54}]}, {"id": 20, "label": "compound", "anchors": [{"from": 55, "to": 69}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 55, "to": 59}]}, {"id": 22, "label": "_vice_n_1", "anchors": [{"from": 55, "to": 59}]}, {"id": 23, "label": "_chairman_n_of", "anchors": [{"from": 60, "to": 69}]}, {"id": 24, "label": "_resign_v_1", "anchors": [{"from": 74, "to": 83}]}], "edges": [{"source": 16, "target": 19, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 2, "target": 11, "label": "ARG2"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 5, "target": 11, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 3, "target": 23, "label": "ARG2"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 13, "target": 23, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 14, "target": 23, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 11, "label": "ARG1"}, {"source": 4, "target": 11, "label": "BV"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 24, "target": 11, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG2"}]} +{"id": "20005003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "W.R. Grace holds three of Grace Energy's seven board seats.", "tops": [5], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["W.R."], "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 5, "to": 10}]}, {"id": 5, "label": "_hold_v_1", "anchors": [{"from": 11, "to": 16}]}, {"id": 6, "label": "part_of", "anchors": [{"from": 17, "to": 22}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 17, "to": 22}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 17, "to": 22}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 26, "to": 38}]}, {"id": 10, "label": "compound", "anchors": [{"from": 26, "to": 38}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 26, "to": 31}]}, {"id": 12, "label": "named", "properties": ["carg"], "values": ["Grace"], "anchors": [{"from": 26, "to": 31}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["Energy"], "anchors": [{"from": 32, "to": 38}]}, {"id": 14, "label": "def_explicit_q", "anchors": [{"from": 38, "to": 40}]}, {"id": 15, "label": "poss", "anchors": [{"from": 38, "to": 40}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["7"], "anchors": [{"from": 41, "to": 46}]}, {"id": 17, "label": "compound", "anchors": [{"from": 47, "to": 59}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 47, "to": 52}]}, {"id": 19, "label": "_board_n_of", "anchors": [{"from": 47, "to": 52}]}, {"id": 20, "label": "_seat_n_1", "anchors": [{"from": 53, "to": 59}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 16, "target": 20, "label": "ARG1"}, {"source": 7, "target": 6, "label": "BV"}, {"source": 15, "target": 20, "label": "ARG1"}, {"source": 8, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 6, "target": 20, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 9, "target": 13, "label": "BV"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 14, "target": 20, "label": "BV"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20006001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million.", "tops": [11], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 29}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 23}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 13}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 13}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Pacific"], "anchors": [{"from": 0, "to": 7}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["First"], "anchors": [{"from": 8, "to": 13}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Financial"], "anchors": [{"from": 14, "to": 23}]}, {"id": 8, "label": "_corporation_n_1", "anchors": [{"from": 24, "to": 29}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 24, "to": 29}]}, {"id": 10, "label": "compound", "anchors": [{"from": 24, "to": 29}]}, {"id": 11, "label": "_say_v_to", "anchors": [{"from": 30, "to": 34}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 35, "to": 47}]}, {"id": 13, "label": "_shareholder_n_1", "anchors": [{"from": 35, "to": 47}]}, {"id": 14, "label": "_approve_v_1", "anchors": [{"from": 48, "to": 56}]}, {"id": 15, "label": "def_explicit_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "label": "poss", "anchors": [{"from": 57, "to": 60}]}, {"id": 17, "label": "pronoun_q", "anchors": [{"from": 57, "to": 60}]}, {"id": 18, "label": "pron", "anchors": [{"from": 57, "to": 60}]}, {"id": 19, "label": "_acquisition_n_of", "anchors": [{"from": 61, "to": 72}]}, {"id": 20, "label": "_by_p", "anchors": [{"from": 73, "to": 75}]}, {"id": 21, "label": "proper_q", "anchors": [{"from": 76, "to": 105}]}, {"id": 22, "label": "compound", "anchors": [{"from": 76, "to": 89}]}, {"id": 23, "label": "proper_q", "anchors": [{"from": 76, "to": 81}]}, {"id": 24, "label": "named", "properties": ["carg"], "values": ["Royal"], "anchors": [{"from": 76, "to": 81}]}, {"id": 25, "label": "named", "properties": ["carg"], "values": ["Trustco"], "anchors": [{"from": 82, "to": 89}]}, {"id": 26, "label": "_ltd_n_1", "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 90, "to": 94}]}, {"id": 28, "label": "compound", "anchors": [{"from": 90, "to": 94}]}, {"id": 29, "label": "_of_p", "anchors": [{"from": 95, "to": 97}]}, {"id": 30, "label": "proper_q", "anchors": [{"from": 98, "to": 105}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Toronto"], "anchors": [{"from": 98, "to": 105}]}, {"id": 32, "label": "_for_p", "anchors": [{"from": 106, "to": 109}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 110, "to": 139}]}, {"id": 34, "label": "udef_q", "anchors": [{"from": 110, "to": 122}]}, {"id": 35, "label": "_dollar_n_1", "anchors": [{"from": 110, "to": 111}]}, {"id": 36, "label": "card", "properties": ["carg"], "values": ["27"], "anchors": [{"from": 111, "to": 113}]}, {"id": 37, "label": "_a_p_per", "anchors": [{"from": 114, "to": 115}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 114, "to": 115}]}, {"id": 39, "label": "_share_n_of", "anchors": [{"from": 116, "to": 122}]}, {"id": 40, "label": "_or_c", "anchors": [{"from": 123, "to": 125}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 126, "to": 139}]}, {"id": 42, "label": "_dollar_n_1", "anchors": [{"from": 126, "to": 127}]}, {"id": 43, "label": "card", "properties": ["carg"], "values": ["212"], "anchors": [{"from": 127, "to": 130}]}, {"id": 44, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 131, "to": 139}]}, {"id": 45, "label": "times", "anchors": [{"from": 131, "to": 139}]}], "edges": [{"source": 1, "target": 7, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 16, "target": 19, "label": "ARG1"}, {"source": 38, "target": 39, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 36, "target": 35, "label": "ARG1"}, {"source": 37, "target": 35, "label": "ARG1"}, {"source": 28, "target": 25, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 10, "target": 7, "label": "ARG1"}, {"source": 44, "target": 42, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 15, "target": 19, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 45, "target": 44, "label": "ARG3"}, {"source": 28, "target": 26, "label": "ARG2"}, {"source": 27, "target": 26, "label": "BV"}, {"source": 32, "target": 40, "label": "ARG2"}, {"source": 34, "target": 35, "label": "BV"}, {"source": 21, "target": 25, "label": "BV"}, {"source": 41, "target": 42, "label": "BV"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 32, "target": 14, "label": "ARG1"}, {"source": 20, "target": 25, "label": "ARG2"}, {"source": 29, "target": 25, "label": "ARG1"}, {"source": 40, "target": 42, "label": "R-INDEX"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 11, "target": 7, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 33, "target": 40, "label": "BV"}, {"source": 45, "target": 43, "label": "ARG2"}, {"source": 37, "target": 39, "label": "ARG2"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 40, "target": 35, "label": "L-INDEX"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20006002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end.", "tops": [8], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 26}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 4, "to": 10}]}, {"id": 3, "label": "_thrift_n_unknown", "anchors": [{"from": 4, "to": 10}]}, {"id": 4, "label": "compound", "anchors": [{"from": 11, "to": 26}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 11, "to": 18}]}, {"id": 6, "label": "_holding_n_1", "anchors": [{"from": 11, "to": 18}]}, {"id": 7, "label": "_company_n_of", "anchors": [{"from": 19, "to": 26}]}, {"id": 8, "label": "_say_v_to", "anchors": [{"from": 27, "to": 31}]}, {"id": 9, "label": "pron", "anchors": [{"from": 32, "to": 34}]}, {"id": 10, "label": "pronoun_q", "anchors": [{"from": 32, "to": 34}]}, {"id": 11, "label": "_expect_v_1", "anchors": [{"from": 35, "to": 42}]}, {"id": 12, "label": "_obtain_v_1", "anchors": [{"from": 46, "to": 52}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 53, "to": 72}]}, {"id": 14, "label": "_regulatory_a_1", "anchors": [{"from": 53, "to": 63}]}, {"id": 15, "label": "_approval_n_of", "anchors": [{"from": 64, "to": 72}]}, {"id": 16, "label": "_and_c", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "_complete_v_2", "anchors": [{"from": 77, "to": 85}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "_transaction_n_1", "anchors": [{"from": 90, "to": 101}]}, {"id": 20, "label": "_by_p", "anchors": [{"from": 102, "to": 104}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 105, "to": 114}]}, {"id": 22, "label": "_year+end_n_1", "anchors": [{"from": 105, "to": 114}]}], "edges": [{"source": 1, "target": 7, "label": "ARG1"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 17, "target": 9, "label": "ARG1"}, {"source": 16, "target": 12, "label": "L-HNDL"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 11, "target": 16, "label": "ARG2"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 11, "target": 9, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 16, "target": 17, "label": "R-HNDL"}, {"source": 12, "target": 9, "label": "ARG1"}, {"source": 10, "target": 9, "label": "BV"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 20, "target": 17, "label": "ARG1"}]} +{"id": "20007002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry.", "tops": [2], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 12}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Finmeccanica"], "anchors": [{"from": 0, "to": 12}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 16, "to": 18}]}, {"id": 4, "label": "_italian_a_1", "anchors": [{"from": 19, "to": 26}]}, {"id": 5, "label": "compound", "anchors": [{"from": 27, "to": 38}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 27, "to": 38}]}, {"id": 7, "label": "_state_n_of", "anchors": [{"from": 27, "to": 38}]}, {"id": 8, "label": "_own_v_1", "anchors": [{"from": 27, "to": 38}]}, {"id": 9, "label": "compound", "anchors": [{"from": 39, "to": 54}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "label": "_holding_n_1", "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "label": "_company_n_of", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_with_p", "anchors": [{"from": 55, "to": 59}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 60, "to": 109}]}, {"id": 15, "label": "_interest_n_in", "anchors": [{"from": 60, "to": 69}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 73, "to": 76}]}, {"id": 17, "label": "_mechanical_a_1", "anchors": [{"from": 77, "to": 87}]}, {"id": 18, "label": "compound", "anchors": [{"from": 88, "to": 109}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 88, "to": 99}]}, {"id": 20, "label": "_engineering_n_1", "anchors": [{"from": 88, "to": 99}]}, {"id": 21, "label": "_industry_n_1", "anchors": [{"from": 100, "to": 109}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 17, "target": 21, "label": "ARG1"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG2"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 15, "target": 21, "label": "ARG1"}, {"source": 16, "target": 21, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20007003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems.", "tops": [12], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 42}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 16}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 6}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["Bailey"], "anchors": [{"from": 0, "to": 6}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Controls"], "anchors": [{"from": 7, "to": 16}]}, {"id": 5, "label": "_base_v_1", "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 23, "to": 25}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 26, "to": 42}]}, {"id": 8, "label": "compound", "anchors": [{"from": 26, "to": 42}]}, {"id": 9, "label": "proper_q", "anchors": [{"from": 26, "to": 36}]}, {"id": 10, "label": "named", "properties": ["carg"], "values": ["Wickliffe"], "anchors": [{"from": 26, "to": 36}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Ohio"], "anchors": [{"from": 37, "to": 42}]}, {"id": 12, "label": "_make_v_1", "anchors": [{"from": 43, "to": 48}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 49, "to": 90}]}, {"id": 14, "label": "_computerize_v_1", "anchors": [{"from": 49, "to": 61}]}, {"id": 15, "label": "compound", "anchors": [{"from": 62, "to": 90}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 62, "to": 81}]}, {"id": 17, "label": "_industrial_a_1", "anchors": [{"from": 62, "to": 72}]}, {"id": 18, "label": "_control_n_of", "anchors": [{"from": 73, "to": 81}]}, {"id": 19, "label": "_system_n_of", "anchors": [{"from": 82, "to": 90}]}], "edges": [{"source": 8, "target": 11, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 12, "target": 19, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 6, "label": "ARG3"}, {"source": 5, "target": 4, "label": "ARG2"}, {"source": 15, "target": 19, "label": "ARG1"}, {"source": 7, "target": 11, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 16, "target": 18, "label": "BV"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 14, "target": 19, "label": "ARG2"}, {"source": 15, "target": 18, "label": "ARG2"}, {"source": 13, "target": 19, "label": "BV"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 12, "target": 4, "label": "ARG1"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}]} +{"id": "20007004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "It employs 2,700 people and has annual revenue of about $370 million.", "tops": [6], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_employ_v_1", "anchors": [{"from": 3, "to": 10}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 11, "to": 16}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["2,700"], "anchors": [{"from": 11, "to": 16}]}, {"id": 5, "label": "_people_n_of", "anchors": [{"from": 17, "to": 23}]}, {"id": 6, "label": "_and_c", "anchors": [{"from": 24, "to": 27}]}, {"id": 7, "label": "_have_v_1", "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 32, "to": 69}]}, {"id": 9, "label": "_annual_a_1", "anchors": [{"from": 32, "to": 38}]}, {"id": 10, "label": "_revenue_n_1", "anchors": [{"from": 39, "to": 46}]}, {"id": 11, "label": "_of_p", "anchors": [{"from": 47, "to": 49}]}, {"id": 12, "label": "_about_x_deg", "anchors": [{"from": 50, "to": 55}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 56, "to": 69}]}, {"id": 14, "label": "_dollar_n_1", "anchors": [{"from": 56, "to": 57}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["370"], "anchors": [{"from": 57, "to": 60}]}, {"id": 16, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 61, "to": 69}]}, {"id": 17, "label": "times", "anchors": [{"from": 61, "to": 69}]}], "edges": [{"source": 16, "target": 14, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 6, "target": 2, "label": "L-HNDL"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 11, "target": 14, "label": "ARG2"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 8, "target": 10, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 17, "target": 16, "label": "ARG3"}, {"source": 6, "target": 7, "label": "R-HNDL"}, {"source": 7, "target": 0, "label": "ARG1"}]} +{"id": "20008001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt.", "tops": [14], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_federal_a_1", "anchors": [{"from": 4, "to": 11}]}, {"id": 2, "label": "_government_n_of", "anchors": [{"from": 12, "to": 22}]}, {"id": 3, "label": "_suspend_v_1", "anchors": [{"from": 23, "to": 32}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 33, "to": 60}]}, {"id": 5, "label": "_sale_n_of", "anchors": [{"from": 33, "to": 38}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 42, "to": 60}]}, {"id": 7, "label": "compound", "anchors": [{"from": 42, "to": 60}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 42, "to": 46}]}, {"id": 9, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 42, "to": 46}]}, {"id": 10, "label": "compound", "anchors": [{"from": 47, "to": 60}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 47, "to": 54}]}, {"id": 12, "label": "_savings_n_1", "anchors": [{"from": 47, "to": 54}]}, {"id": 13, "label": "_bond_n_1", "anchors": [{"from": 55, "to": 60}]}, {"id": 14, "label": "_because_x", "anchors": [{"from": 61, "to": 68}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 69, "to": 77}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 69, "to": 77}]}, {"id": 17, "label": "neg", "anchors": [{"from": 78, "to": 84}]}, {"id": 18, "label": "_lift_v_cause", "anchors": [{"from": 85, "to": 91}]}, {"id": 19, "label": "_the_q", "anchors": [{"from": 92, "to": 95}]}, {"id": 20, "label": "_ceiling_n_1", "anchors": [{"from": 96, "to": 103}]}, {"id": 21, "label": "_on_p", "anchors": [{"from": 104, "to": 106}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 107, "to": 123}]}, {"id": 23, "label": "compound", "anchors": [{"from": 107, "to": 123}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 107, "to": 117}]}, {"id": 25, "label": "_government_n_of", "anchors": [{"from": 107, "to": 117}]}, {"id": 26, "label": "_debt_n_1", "anchors": [{"from": 118, "to": 123}]}], "edges": [{"source": 0, "target": 2, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 19, "target": 20, "label": "BV"}, {"source": 24, "target": 25, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 21, "target": 26, "label": "ARG2"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 14, "target": 3, "label": "ARG1"}, {"source": 7, "target": 13, "label": "ARG1"}, {"source": 5, "target": 13, "label": "ARG1"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 22, "target": 26, "label": "BV"}, {"source": 6, "target": 13, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20008002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said.", "tops": [22], "nodes": [{"id": 0, "label": "_until_x_h", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 6, "to": 14}]}, {"id": 2, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 6, "to": 14}]}, {"id": 3, "label": "_act_v_1", "anchors": [{"from": 15, "to": 20}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 21, "to": 24}]}, {"id": 5, "label": "_government_n_of", "anchors": [{"from": 25, "to": 35}]}, {"id": 6, "label": "_have_v_1", "anchors": [{"from": 36, "to": 42}]}, {"id": 7, "label": "neg", "anchors": [{"from": 36, "to": 42}]}, {"id": 8, "label": "_any_q", "anchors": [{"from": 43, "to": 46}]}, {"id": 9, "label": "_authority_n_1", "anchors": [{"from": 47, "to": 56}]}, {"id": 10, "label": "_issue_v_1", "anchors": [{"from": 60, "to": 65}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 66, "to": 99}]}, {"id": 12, "label": "_new_a_1", "anchors": [{"from": 66, "to": 69}]}, {"id": 13, "label": "compound", "anchors": [{"from": 70, "to": 86}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 70, "to": 74}]}, {"id": 15, "label": "_debt_n_1", "anchors": [{"from": 70, "to": 74}]}, {"id": 16, "label": "_obligation_n_1", "anchors": [{"from": 75, "to": 86}]}, {"id": 17, "label": "_of_p", "anchors": [{"from": 87, "to": 89}]}, {"id": 18, "label": "_any_q", "anchors": [{"from": 90, "to": 93}]}, {"id": 19, "label": "_kind_n_of-n", "anchors": [{"from": 94, "to": 99}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 100, "to": 103}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 104, "to": 112}]}, {"id": 22, "label": "_say_v_to", "anchors": [{"from": 113, "to": 118}]}], "edges": [{"source": 0, "target": 7, "label": "ARG1"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 9, "target": 10, "label": "ARG1"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG1"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 22, "target": 0, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 11, "target": 16, "label": "BV"}, {"source": 10, "target": 16, "label": "ARG2"}]} +{"id": "20008003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion.", "tops": [9], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_government_n_of", "anchors": [{"from": 4, "to": 14}]}, {"id": 2, "label": "def_explicit_q", "anchors": [{"from": 14, "to": 16}]}, {"id": 3, "label": "poss", "anchors": [{"from": 14, "to": 16}]}, {"id": 4, "label": "compound", "anchors": [{"from": 17, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 17, "to": 26}]}, {"id": 6, "label": "_borrow_v_from", "anchors": [{"from": 17, "to": 26}]}, {"id": 7, "label": "nominalization", "anchors": [{"from": 17, "to": 26}]}, {"id": 8, "label": "_authority_n_1", "anchors": [{"from": 27, "to": 36}]}, {"id": 9, "label": "_drop_v_1", "anchors": [{"from": 37, "to": 44}]}, {"id": 10, "label": "_at_p_temp", "anchors": [{"from": 45, "to": 47}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 48, "to": 64}]}, {"id": 12, "label": "compound", "anchors": [{"from": 48, "to": 64}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 48, "to": 56}]}, {"id": 14, "label": "_midnight_n_1", "anchors": [{"from": 48, "to": 56}]}, {"id": 15, "label": "dofw", "properties": ["carg"], "values": ["Tue"], "anchors": [{"from": 57, "to": 64}]}, {"id": 16, "label": "_to_p", "anchors": [{"from": 65, "to": 67}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 68, "to": 82}]}, {"id": 18, "label": "_dollar_n_1", "anchors": [{"from": 68, "to": 69}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["2.80"], "anchors": [{"from": 69, "to": 73}]}, {"id": 20, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 74, "to": 82}]}, {"id": 21, "label": "times", "anchors": [{"from": 74, "to": 82}]}, {"id": 22, "label": "_from_p", "anchors": [{"from": 83, "to": 87}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 88, "to": 103}]}, {"id": 24, "label": "_dollar_n_1", "anchors": [{"from": 88, "to": 89}]}, {"id": 25, "label": "card", "properties": ["carg"], "values": ["2.87"], "anchors": [{"from": 89, "to": 93}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 94, "to": 103}]}, {"id": 27, "label": "times", "anchors": [{"from": 94, "to": 103}]}], "edges": [{"source": 16, "target": 18, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 3, "target": 8, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 4, "target": 7, "label": "ARG2"}, {"source": 3, "target": 1, "label": "ARG2"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 4, "target": 8, "label": "ARG1"}, {"source": 27, "target": 26, "label": "ARG3"}, {"source": 21, "target": 20, "label": "ARG3"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 26, "target": 24, "label": "ARG1"}, {"source": 5, "target": 7, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 7, "target": 6, "label": "ARG1"}, {"source": 16, "target": 9, "label": "ARG1"}, {"source": 2, "target": 8, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 22, "target": 9, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 21, "target": 19, "label": "ARG2"}, {"source": 27, "target": 25, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20008004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes.", "tops": [8], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 36}]}, {"id": 1, "label": "_legislation_n_1", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "_lift_v_cause", "anchors": [{"from": 15, "to": 19}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 20, "to": 23}]}, {"id": 4, "label": "compound", "anchors": [{"from": 24, "to": 36}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 24, "to": 28}]}, {"id": 6, "label": "_debt_n_1", "anchors": [{"from": 24, "to": 28}]}, {"id": 7, "label": "_ceiling_n_1", "anchors": [{"from": 29, "to": 36}]}, {"id": 8, "label": "_ensnarl_v_unknown", "anchors": [{"from": 40, "to": 49}]}, {"id": 9, "label": "_in_p", "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "_fight_n_1", "anchors": [{"from": 57, "to": 62}]}, {"id": 12, "label": "_over_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 68, "to": 96}]}, {"id": 14, "label": "nominalization", "anchors": [{"from": 68, "to": 96}]}, {"id": 15, "label": "_cut_v_1", "anchors": [{"from": 68, "to": 75}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 76, "to": 96}]}, {"id": 17, "label": "compound", "anchors": [{"from": 76, "to": 96}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 76, "to": 89}]}, {"id": 19, "label": "compound", "anchors": [{"from": 76, "to": 89}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 76, "to": 89}]}, {"id": 21, "label": "_capital_n_1", "anchors": [{"from": 76, "to": 89}]}, {"id": 22, "label": "_gain_n_1", "anchors": [{"from": 76, "to": 89}]}, {"id": 23, "label": "_tax_n_1", "anchors": [{"from": 90, "to": 96}]}], "edges": [{"source": 15, "target": 23, "label": "ARG2"}, {"source": 4, "target": 7, "label": "ARG1"}, {"source": 8, "target": 1, "label": "ARG2"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 19, "target": 22, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 17, "target": 22, "label": "ARG2"}, {"source": 2, "target": 7, "label": "ARG2"}, {"source": 3, "target": 7, "label": "BV"}, {"source": 16, "target": 23, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 4, "target": 6, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG1"}, {"source": 18, "target": 22, "label": "BV"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 5, "target": 6, "label": "BV"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20008005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest.", "tops": [12], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named_n", "properties": ["carg"], "values": ["House"], "anchors": [{"from": 4, "to": 9}]}, {"id": 2, "label": "_vote_v_1", "anchors": [{"from": 14, "to": 19}]}, {"id": 3, "label": "_raise_v_cause", "anchors": [{"from": 23, "to": 28}]}, {"id": 4, "label": "_the_q", "anchors": [{"from": 29, "to": 32}]}, {"id": 5, "label": "_ceiling_n_1", "anchors": [{"from": 33, "to": 40}]}, {"id": 6, "label": "_to_p", "anchors": [{"from": 41, "to": 43}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 44, "to": 58}]}, {"id": 8, "label": "_dollar_n_1", "anchors": [{"from": 44, "to": 45}]}, {"id": 9, "label": "card", "properties": ["carg"], "values": ["3.1"], "anchors": [{"from": 45, "to": 48}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["1000000000000"], "anchors": [{"from": 49, "to": 58}]}, {"id": 11, "label": "times", "anchors": [{"from": 49, "to": 58}]}, {"id": 12, "label": "_but_c", "anchors": [{"from": 59, "to": 62}]}, {"id": 13, "label": "_the_q", "anchors": [{"from": 63, "to": 66}]}, {"id": 14, "label": "named_n", "properties": ["carg"], "values": ["Senate"], "anchors": [{"from": 67, "to": 73}]}, {"id": 15, "label": "neg", "anchors": [{"from": 74, "to": 79}]}, {"id": 16, "label": "_expect_v_1", "anchors": [{"from": 80, "to": 88}]}, {"id": 17, "label": "_act_v_1", "anchors": [{"from": 92, "to": 95}]}, {"id": 18, "label": "_until_p", "anchors": [{"from": 96, "to": 101}]}, {"id": 19, "label": "def_implicit_q", "anchors": [{"from": 102, "to": 106}]}, {"id": 20, "label": "_next_a_1", "anchors": [{"from": 102, "to": 106}]}, {"id": 21, "label": "_week_n_1", "anchors": [{"from": 107, "to": 111}]}, {"id": 22, "label": "_at_p", "anchors": [{"from": 112, "to": 114}]}, {"id": 23, "label": "_the_q", "anchors": [{"from": 115, "to": 118}]}, {"id": 24, "label": "generic_entity", "anchors": [{"from": 119, "to": 128}]}, {"id": 25, "label": "_early_a_1", "anchors": [{"from": 119, "to": 128}]}, {"id": 26, "label": "superl", "anchors": [{"from": 119, "to": 128}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 12, "target": 2, "label": "L-HNDL"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 16, "target": 17, "label": "ARG2"}, {"source": 25, "target": 24, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 22, "target": 17, "label": "ARG1"}, {"source": 2, "target": 3, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG3"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 26, "target": 25, "label": "ARG1"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG2"}, {"source": 17, "target": 14, "label": "ARG1"}, {"source": 12, "target": 15, "label": "R-HNDL"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20008006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then.", "tops": [2], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "named", "properties": ["carg"], "values": ["Treasury"], "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "_say_v_to", "anchors": [{"from": 13, "to": 17}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 18, "to": 21}]}, {"id": 4, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "_default_v_1", "anchors": [{"from": 32, "to": 39}]}, {"id": 6, "label": "_on_p_temp", "anchors": [{"from": 40, "to": 42}]}, {"id": 7, "label": "mofy", "properties": ["carg"], "values": ["Nov"], "anchors": [{"from": 43, "to": 47}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 43, "to": 47}]}, {"id": 9, "label": "of_p", "anchors": [{"from": 43, "to": 47}]}, {"id": 10, "label": "def_implicit_q", "anchors": [{"from": 43, "to": 47}]}, {"id": 11, "label": "dofm", "properties": ["carg"], "values": ["9"], "anchors": [{"from": 48, "to": 49}]}, {"id": 12, "label": "_if_x_then", "anchors": [{"from": 50, "to": 52}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 53, "to": 61}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Congress"], "anchors": [{"from": 53, "to": 61}]}, {"id": 15, "label": "neg", "anchors": [{"from": 62, "to": 69}]}, {"id": 16, "label": "_act_v_1", "anchors": [{"from": 70, "to": 73}]}, {"id": 17, "label": "_by_p_temp", "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "label": "time_n", "anchors": [{"from": 77, "to": 82}]}, {"id": 19, "label": "def_implicit_q", "anchors": [{"from": 77, "to": 82}]}, {"id": 20, "label": "_then_p_temp", "anchors": [{"from": 77, "to": 82}]}], "edges": [{"source": 2, "target": 1, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 20, "target": 18, "label": "ARG1"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 16, "target": 14, "label": "ARG1"}, {"source": 17, "target": 18, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 10, "target": 7, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 19, "target": 18, "label": "BV"}, {"source": 12, "target": 5, "label": "ARG1"}, {"source": 6, "target": 11, "label": "ARG2"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20009001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp.", "tops": [8], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 16}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 16}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 8}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 8}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Clark"], "anchors": [{"from": 0, "to": 5}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["J"], "anchors": [{"from": 6, "to": 8}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Vitulli"], "anchors": [{"from": 9, "to": 16}]}, {"id": 8, "label": "_name_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 21, "to": 26}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 27, "to": 48}]}, {"id": 11, "label": "_senior_a_1", "anchors": [{"from": 27, "to": 33}]}, {"id": 12, "label": "compound", "anchors": [{"from": 34, "to": 48}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 34, "to": 38}]}, {"id": 14, "label": "_vice_n_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 15, "label": "_president_n_of", "anchors": [{"from": 39, "to": 48}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 49, "to": 146}]}, {"id": 17, "label": "_and_c", "anchors": [{"from": 49, "to": 52}]}, {"id": 18, "label": "_general_a_1", "anchors": [{"from": 53, "to": 60}]}, {"id": 19, "label": "_manager_n_of", "anchors": [{"from": 61, "to": 68}]}, {"id": 20, "label": "_this_q_dem", "anchors": [{"from": 72, "to": 76}]}, {"id": 21, "label": "compound", "anchors": [{"from": 77, "to": 105}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 77, "to": 81}]}, {"id": 23, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 77, "to": 81}]}, {"id": 24, "label": "compound", "anchors": [{"from": 82, "to": 105}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 82, "to": 101}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 82, "to": 87}]}, {"id": 27, "label": "_sale_n_of", "anchors": [{"from": 82, "to": 87}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 88, "to": 101}]}, {"id": 29, "label": "_and_c", "anchors": [{"from": 88, "to": 91}]}, {"id": 30, "label": "_market_v_1", "anchors": [{"from": 92, "to": 101}]}, {"id": 31, "label": "nominalization", "anchors": [{"from": 92, "to": 101}]}, {"id": 32, "label": "_arm_n_1", "anchors": [{"from": 102, "to": 105}]}, {"id": 33, "label": "_of_p", "anchors": [{"from": 106, "to": 108}]}, {"id": 34, "label": "proper_q", "anchors": [{"from": 109, "to": 146}]}, {"id": 35, "label": "compound", "anchors": [{"from": 109, "to": 146}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 109, "to": 128}]}, {"id": 37, "label": "_japanese_a_1", "anchors": [{"from": 109, "to": 117}]}, {"id": 38, "label": "compound", "anchors": [{"from": 118, "to": 128}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 118, "to": 122}]}, {"id": 40, "label": "_automobile_n_1", "anchors": [{"from": 118, "to": 122}]}, {"id": 41, "label": "_maker_n_of", "anchors": [{"from": 123, "to": 128}]}, {"id": 42, "label": "compound", "anchors": [{"from": 129, "to": 140}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 129, "to": 134}]}, {"id": 44, "label": "named", "properties": ["carg"], "values": ["Mazda"], "anchors": [{"from": 129, "to": 134}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Motor"], "anchors": [{"from": 135, "to": 140}]}, {"id": 46, "label": "_corporation_n_1", "anchors": [{"from": 141, "to": 146}]}, {"id": 47, "label": "udef_q", "anchors": [{"from": 141, "to": 146}]}, {"id": 48, "label": "compound", "anchors": [{"from": 141, "to": 146}]}], "edges": [{"source": 29, "target": 31, "label": "R-INDEX"}, {"source": 39, "target": 40, "label": "BV"}, {"source": 37, "target": 41, "label": "ARG1"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 11, "target": 15, "label": "ARG1"}, {"source": 0, "target": 7, "label": "BV"}, {"source": 19, "target": 32, "label": "ARG1"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 33, "target": 32, "label": "ARG1"}, {"source": 48, "target": 46, "label": "ARG2"}, {"source": 10, "target": 15, "label": "BV"}, {"source": 21, "target": 32, "label": "ARG1"}, {"source": 35, "target": 45, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 17, "target": 15, "label": "L-INDEX"}, {"source": 33, "target": 45, "label": "ARG2"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 35, "target": 41, "label": "ARG2"}, {"source": 36, "target": 41, "label": "BV"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 28, "target": 31, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 25, "target": 29, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 24, "target": 29, "label": "ARG2"}, {"source": 17, "target": 19, "label": "R-INDEX"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 34, "target": 45, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 48, "target": 45, "label": "ARG1"}, {"source": 9, "target": 17, "label": "BV"}, {"source": 47, "target": 46, "label": "BV"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 31, "target": 30, "label": "ARG1"}, {"source": 8, "target": 17, "label": "ARG2"}, {"source": 29, "target": 27, "label": "L-INDEX"}, {"source": 8, "target": 7, "label": "ARG3"}, {"source": 24, "target": 32, "label": "ARG1"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 20, "target": 32, "label": "BV"}]} +{"id": "20009002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations.", "tops": [6], "nodes": [{"id": 0, "label": "_in_p_state", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "_new_a_1", "anchors": [{"from": 7, "to": 10}]}, {"id": 3, "label": "_position_n_of", "anchors": [{"from": 11, "to": 19}]}, {"id": 4, "label": "pron", "anchors": [{"from": 20, "to": 22}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 20, "to": 22}]}, {"id": 6, "label": "_oversee_v_1", "anchors": [{"from": 28, "to": 35}]}, {"id": 7, "label": "proper_q", "anchors": [{"from": 36, "to": 41}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Mazda"], "anchors": [{"from": 36, "to": 41}]}, {"id": 9, "label": "def_explicit_q", "anchors": [{"from": 41, "to": 43}]}, {"id": 10, "label": "poss", "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "label": "compound", "anchors": [{"from": 44, "to": 96}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 44, "to": 48}]}, {"id": 13, "label": "named_n", "properties": ["carg"], "values": ["US"], "anchors": [{"from": 44, "to": 48}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 49, "to": 55}]}, {"id": 15, "label": "_sale_n_of", "anchors": [{"from": 49, "to": 55}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 56, "to": 64}]}, {"id": 17, "label": "implicit_conj", "anchors": [{"from": 56, "to": 96}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 65, "to": 96}]}, {"id": 19, "label": "_service_n_1", "anchors": [{"from": 56, "to": 64}]}, {"id": 20, "label": "udef_q", "anchors": [{"from": 65, "to": 70}]}, {"id": 21, "label": "implicit_conj", "anchors": [{"from": 65, "to": 96}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 71, "to": 96}]}, {"id": 23, "label": "_part_n_1", "anchors": [{"from": 65, "to": 70}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 71, "to": 96}]}, {"id": 25, "label": "_and_c", "anchors": [{"from": 71, "to": 74}]}, {"id": 26, "label": "compound", "anchors": [{"from": 75, "to": 96}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 75, "to": 84}]}, {"id": 28, "label": "_market_v_1", "anchors": [{"from": 75, "to": 84}]}, {"id": 29, "label": "nominalization", "anchors": [{"from": 75, "to": 84}]}, {"id": 30, "label": "_operation_n_of", "anchors": [{"from": 85, "to": 96}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 26, "target": 29, "label": "ARG2"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 21, "target": 19, "label": "L-INDEX"}, {"source": 25, "target": 23, "label": "L-INDEX"}, {"source": 10, "target": 8, "label": "ARG2"}, {"source": 27, "target": 29, "label": "BV"}, {"source": 11, "target": 17, "label": "ARG1"}, {"source": 26, "target": 30, "label": "ARG1"}, {"source": 10, "target": 17, "label": "ARG1"}, {"source": 16, "target": 19, "label": "BV"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 17, "target": 15, "label": "L-INDEX"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 25, "target": 30, "label": "R-INDEX"}, {"source": 6, "target": 4, "label": "ARG1"}, {"source": 6, "target": 17, "label": "ARG2"}, {"source": 21, "target": 25, "label": "R-INDEX"}, {"source": 24, "target": 30, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 17, "target": 21, "label": "R-INDEX"}, {"source": 9, "target": 17, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 22, "target": 25, "label": "BV"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 0, "target": 6, "label": "ARG1"}]} +{"id": "20009003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division.", "tops": [11], "nodes": [{"id": 0, "label": "_previously_p", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 12, "to": 38}]}, {"id": 2, "label": "compound", "anchors": [{"from": 12, "to": 24}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 12, "to": 15}]}, {"id": 4, "label": "_mister_n_1", "anchors": [{"from": 12, "to": 15}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Vitulli"], "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "label": "measure", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 25, "to": 33}]}, {"id": 8, "label": "card", "properties": ["carg"], "values": ["43"], "anchors": [{"from": 25, "to": 27}]}, {"id": 9, "label": "_year_n_1", "anchors": [{"from": 28, "to": 33}]}, {"id": 10, "label": "_old_a_1", "anchors": [{"from": 34, "to": 38}]}, {"id": 11, "label": "_be_v_id", "anchors": [{"from": 39, "to": 42}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 43, "to": 107}]}, {"id": 13, "label": "compound", "anchors": [{"from": 43, "to": 68}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 43, "to": 60}]}, {"id": 15, "label": "_general_a_1", "anchors": [{"from": 43, "to": 50}]}, {"id": 16, "label": "_market_v_1", "anchors": [{"from": 51, "to": 60}]}, {"id": 17, "label": "nominalization", "anchors": [{"from": 51, "to": 60}]}, {"id": 18, "label": "_manager_n_of", "anchors": [{"from": 61, "to": 68}]}, {"id": 19, "label": "_of_p", "anchors": [{"from": 69, "to": 71}]}, {"id": 20, "label": "proper_q", "anchors": [{"from": 72, "to": 86}]}, {"id": 21, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 72, "to": 80}]}, {"id": 22, "label": "_corporation_n_1", "anchors": [{"from": 81, "to": 86}]}, {"id": 23, "label": "udef_q", "anchors": [{"from": 81, "to": 86}]}, {"id": 24, "label": "compound", "anchors": [{"from": 81, "to": 86}]}, {"id": 25, "label": "def_explicit_q", "anchors": [{"from": 86, "to": 88}]}, {"id": 26, "label": "poss", "anchors": [{"from": 86, "to": 88}]}, {"id": 27, "label": "compound", "anchors": [{"from": 89, "to": 107}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 89, "to": 97}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 89, "to": 97}]}, {"id": 30, "label": "_division_n_of", "anchors": [{"from": 98, "to": 107}]}], "edges": [{"source": 10, "target": 5, "label": "ARG1"}, {"source": 11, "target": 5, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 8, "target": 9, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 23, "target": 22, "label": "BV"}, {"source": 26, "target": 30, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 13, "target": 17, "label": "ARG2"}, {"source": 12, "target": 18, "label": "BV"}, {"source": 26, "target": 21, "label": "ARG2"}, {"source": 13, "target": 18, "label": "ARG1"}, {"source": 25, "target": 30, "label": "BV"}, {"source": 7, "target": 9, "label": "BV"}, {"source": 6, "target": 10, "label": "ARG1"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 11, "target": 18, "label": "ARG2"}, {"source": 19, "target": 30, "label": "ARG2"}, {"source": 20, "target": 21, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 14, "target": 17, "label": "BV"}, {"source": 24, "target": 21, "label": "ARG1"}, {"source": 19, "target": 18, "label": "ARG1"}]} +{"id": "20009004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "He had been a sales and marketing executive with Chrysler for 20 years.", "tops": [2], "nodes": [{"id": 0, "label": "pron", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "pronoun_q", "anchors": [{"from": 0, "to": 2}]}, {"id": 2, "label": "_be_v_id", "anchors": [{"from": 7, "to": 11}]}, {"id": 3, "label": "_a_q", "anchors": [{"from": 12, "to": 13}]}, {"id": 4, "label": "compound", "anchors": [{"from": 14, "to": 43}]}, {"id": 5, "label": "udef_q", "anchors": [{"from": 14, "to": 33}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 14, "to": 19}]}, {"id": 7, "label": "_sale_n_of", "anchors": [{"from": 14, "to": 19}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 20, "to": 33}]}, {"id": 9, "label": "_and_c", "anchors": [{"from": 20, "to": 23}]}, {"id": 10, "label": "_market_v_1", "anchors": [{"from": 24, "to": 33}]}, {"id": 11, "label": "nominalization", "anchors": [{"from": 24, "to": 33}]}, {"id": 12, "label": "_executive_n_1", "anchors": [{"from": 34, "to": 43}]}, {"id": 13, "label": "_with_p", "anchors": [{"from": 44, "to": 48}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 49, "to": 57}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Chrysler"], "anchors": [{"from": 49, "to": 57}]}, {"id": 16, "label": "_for_p", "anchors": [{"from": 58, "to": 61}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 62, "to": 71}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["20"], "anchors": [{"from": 62, "to": 64}]}, {"id": 19, "label": "_year_n_1", "anchors": [{"from": 65, "to": 71}]}], "edges": [{"source": 16, "target": 19, "label": "ARG2"}, {"source": 4, "target": 12, "label": "ARG1"}, {"source": 13, "target": 15, "label": "ARG2"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 9, "target": 7, "label": "L-INDEX"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 3, "target": 12, "label": "BV"}, {"source": 17, "target": 19, "label": "BV"}, {"source": 18, "target": 19, "label": "ARG1"}, {"source": 9, "target": 11, "label": "R-INDEX"}, {"source": 16, "target": 2, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 2, "target": 12, "label": "ARG2"}]} +{"id": "20010001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs.", "tops": [0], "nodes": [{"id": 0, "label": "_when_x_subord", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "_time_a_expl-for", "anchors": [{"from": 10, "to": 14}]}, {"id": 2, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 24}]}, {"id": 3, "label": "poss", "anchors": [{"from": 19, "to": 24}]}, {"id": 4, "label": "pronoun_q", "anchors": [{"from": 19, "to": 24}]}, {"id": 5, "label": "pron", "anchors": [{"from": 19, "to": 24}]}, {"id": 6, "label": "_biannual_a_unknown", "anchors": [{"from": 25, "to": 33}]}, {"id": 7, "label": "_powwow_n_unknown", "anchors": [{"from": 34, "to": 41}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 42, "to": 45}]}, {"id": 9, "label": "_nation_n_of", "anchors": [{"from": 46, "to": 52}]}, {"id": 10, "label": "def_explicit_q", "anchors": [{"from": 52, "to": 54}]}, {"id": 11, "label": "poss", "anchors": [{"from": 52, "to": 54}]}, {"id": 12, "label": "compound", "anchors": [{"from": 55, "to": 75}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 55, "to": 68}]}, {"id": 14, "label": "_manufacture_v_1", "anchors": [{"from": 55, "to": 68}]}, {"id": 15, "label": "nominalization", "anchors": [{"from": 55, "to": 68}]}, {"id": 16, "label": "_titan_n_unknown", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_typical_a_of", "anchors": [{"from": 76, "to": 85}]}, {"id": 18, "label": "_jet_v_off", "anchors": [{"from": 86, "to": 89}]}, {"id": 19, "label": "_to_p", "anchors": [{"from": 94, "to": 96}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 97, "to": 100}]}, {"id": 21, "label": "_sunny_a_1", "anchors": [{"from": 101, "to": 106}]}, {"id": 22, "label": "_confines_n_1", "anchors": [{"from": 107, "to": 115}]}, {"id": 23, "label": "_of_p", "anchors": [{"from": 116, "to": 118}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 119, "to": 164}]}, {"id": 25, "label": "compound", "anchors": [{"from": 119, "to": 131}]}, {"id": 26, "label": "udef_q", "anchors": [{"from": 119, "to": 125}]}, {"id": 27, "label": "_resort_n_1", "anchors": [{"from": 119, "to": 125}]}, {"id": 28, "label": "_town_n_1", "anchors": [{"from": 126, "to": 131}]}, {"id": 29, "label": "_like_p", "anchors": [{"from": 132, "to": 136}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 137, "to": 164}]}, {"id": 31, "label": "proper_q", "anchors": [{"from": 137, "to": 147}]}, {"id": 32, "label": "compound", "anchors": [{"from": 137, "to": 147}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 137, "to": 141}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Boca"], "anchors": [{"from": 137, "to": 141}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Raton"], "anchors": [{"from": 142, "to": 147}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 148, "to": 151}]}, {"id": 37, "label": "proper_q", "anchors": [{"from": 152, "to": 164}]}, {"id": 38, "label": "compound", "anchors": [{"from": 152, "to": 164}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 152, "to": 155}]}, {"id": 40, "label": "named", "properties": ["carg"], "values": ["Hot"], "anchors": [{"from": 152, "to": 155}]}, {"id": 41, "label": "named", "properties": ["carg"], "values": ["Springs"], "anchors": [{"from": 156, "to": 164}]}], "edges": [{"source": 39, "target": 40, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG2"}, {"source": 25, "target": 27, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 0, "target": 18, "label": "ARG1"}, {"source": 3, "target": 7, "label": "ARG1"}, {"source": 36, "target": 35, "label": "L-INDEX"}, {"source": 10, "target": 16, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 32, "target": 35, "label": "ARG1"}, {"source": 2, "target": 7, "label": "BV"}, {"source": 13, "target": 15, "label": "BV"}, {"source": 29, "target": 36, "label": "ARG2"}, {"source": 21, "target": 22, "label": "ARG1"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 11, "target": 16, "label": "ARG1"}, {"source": 19, "target": 22, "label": "ARG2"}, {"source": 30, "target": 36, "label": "BV"}, {"source": 26, "target": 27, "label": "BV"}, {"source": 17, "target": 18, "label": "ARG1"}, {"source": 38, "target": 40, "label": "ARG2"}, {"source": 25, "target": 28, "label": "ARG1"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 12, "target": 16, "label": "ARG1"}, {"source": 11, "target": 9, "label": "ARG2"}, {"source": 24, "target": 28, "label": "BV"}, {"source": 36, "target": 41, "label": "R-INDEX"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 31, "target": 35, "label": "BV"}, {"source": 23, "target": 22, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 37, "target": 41, "label": "BV"}, {"source": 38, "target": 41, "label": "ARG1"}, {"source": 6, "target": 7, "label": "ARG1"}, {"source": 23, "target": 28, "label": "ARG2"}, {"source": 20, "target": 22, "label": "BV"}, {"source": 19, "target": 18, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20010002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Not this year.", "tops": [0], "nodes": [{"id": 0, "label": "unknown", "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "label": "neg", "anchors": [{"from": 0, "to": 3}]}, {"id": 2, "label": "loc_nonsp", "anchors": [{"from": 4, "to": 14}]}, {"id": 3, "label": "_this_q_dem", "anchors": [{"from": 4, "to": 8}]}, {"id": 4, "label": "_year_n_1", "anchors": [{"from": 9, "to": 14}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG1"}]} +{"id": "20010003", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting.", "tops": [8], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "compound", "anchors": [{"from": 4, "to": 24}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 4, "to": 12}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["National"], "anchors": [{"from": 4, "to": 12}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Association"], "anchors": [{"from": 13, "to": 24}]}, {"id": 5, "label": "_of_p", "anchors": [{"from": 25, "to": 27}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 28, "to": 41}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["Manufacturers"], "anchors": [{"from": 28, "to": 41}]}, {"id": 8, "label": "_settle_v_1", "anchors": [{"from": 42, "to": 49}]}, {"id": 9, "label": "_on_p", "anchors": [{"from": 50, "to": 52}]}, {"id": 10, "label": "_the_q", "anchors": [{"from": 53, "to": 56}]}, {"id": 11, "label": "compound", "anchors": [{"from": 57, "to": 72}]}, {"id": 12, "label": "proper_q", "anchors": [{"from": 57, "to": 64}]}, {"id": 13, "label": "named", "properties": ["carg"], "values": ["Hoosier"], "anchors": [{"from": 57, "to": 64}]}, {"id": 14, "label": "_capital_n_1", "anchors": [{"from": 65, "to": 72}]}, {"id": 15, "label": "_of_p", "anchors": [{"from": 73, "to": 75}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 76, "to": 88}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 76, "to": 88}]}, {"id": 18, "label": "_for_p", "anchors": [{"from": 89, "to": 92}]}, {"id": 19, "label": "def_explicit_q", "anchors": [{"from": 93, "to": 96}]}, {"id": 20, "label": "poss", "anchors": [{"from": 93, "to": 96}]}, {"id": 21, "label": "pronoun_q", "anchors": [{"from": 93, "to": 96}]}, {"id": 22, "label": "pron", "anchors": [{"from": 93, "to": 96}]}, {"id": 23, "label": "compound", "anchors": [{"from": 97, "to": 116}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 97, "to": 101}]}, {"id": 25, "label": "season", "properties": ["carg"], "values": ["fall"], "anchors": [{"from": 97, "to": 101}]}, {"id": 26, "label": "compound", "anchors": [{"from": 102, "to": 116}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 102, "to": 107}]}, {"id": 28, "label": "_board_n_of", "anchors": [{"from": 102, "to": 107}]}, {"id": 29, "label": "_meeting_n_of", "anchors": [{"from": 108, "to": 116}]}], "edges": [{"source": 24, "target": 25, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 26, "target": 29, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 9, "target": 14, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 20, "target": 29, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 15, "target": 14, "label": "ARG1"}, {"source": 18, "target": 29, "label": "ARG2"}, {"source": 8, "target": 4, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 18, "target": 8, "label": "ARG1"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 19, "target": 29, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 23, "target": 29, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20010006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory.", "tops": [0], "nodes": [{"id": 0, "label": "_on_p", "anchors": [{"from": 0, "to": 2}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 3, "to": 6}]}, {"id": 2, "label": "compound", "anchors": [{"from": 7, "to": 20}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 7, "to": 16}]}, {"id": 4, "label": "_receive_v_1", "anchors": [{"from": 7, "to": 16}]}, {"id": 5, "label": "nominalization", "anchors": [{"from": 7, "to": 16}]}, {"id": 6, "label": "_end_n_of", "anchors": [{"from": 17, "to": 20}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 24, "to": 27}]}, {"id": 8, "label": "_message_n_of", "anchors": [{"from": 28, "to": 35}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 41, "to": 167}]}, {"id": 10, "label": "_official_n_1", "anchors": [{"from": 41, "to": 50}]}, {"id": 11, "label": "_from_p", "anchors": [{"from": 51, "to": 55}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 56, "to": 87}]}, {"id": 13, "label": "_giant_n_1", "anchors": [{"from": 56, "to": 62}]}, {"id": 14, "label": "_like_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 68, "to": 87}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 68, "to": 75}]}, {"id": 17, "label": "compound", "anchors": [{"from": 68, "to": 75}]}, {"id": 18, "label": "proper_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Du"], "anchors": [{"from": 68, "to": 70}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Pont"], "anchors": [{"from": 71, "to": 75}]}, {"id": 21, "label": "_and_c", "anchors": [{"from": 76, "to": 79}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 80, "to": 87}]}, {"id": 23, "label": "named", "properties": ["carg"], "values": ["Maytag"], "anchors": [{"from": 80, "to": 87}]}, {"id": 24, "label": "_along+with_p", "anchors": [{"from": 88, "to": 98}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 99, "to": 167}]}, {"id": 26, "label": "_less_a_1", "anchors": [{"from": 99, "to": 105}]}, {"id": 27, "label": "comp", "anchors": [{"from": 99, "to": 105}]}, {"id": 28, "label": "_known_n_unknown", "anchors": [{"from": 106, "to": 112}]}, {"id": 29, "label": "_like_p", "anchors": [{"from": 113, "to": 117}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 118, "to": 167}]}, {"id": 31, "label": "proper_q", "anchors": [{"from": 118, "to": 130}]}, {"id": 32, "label": "compound", "anchors": [{"from": 118, "to": 130}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 118, "to": 124}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Trojan"], "anchors": [{"from": 118, "to": 124}]}, {"id": 35, "label": "named", "properties": ["carg"], "values": ["Steel"], "anchors": [{"from": 125, "to": 130}]}, {"id": 36, "label": "_and_c", "anchors": [{"from": 131, "to": 134}]}, {"id": 37, "label": "_the_q", "anchors": [{"from": 135, "to": 138}]}, {"id": 38, "label": "compound", "anchors": [{"from": 139, "to": 167}]}, {"id": 39, "label": "proper_q", "anchors": [{"from": 139, "to": 158}]}, {"id": 40, "label": "compound", "anchors": [{"from": 139, "to": 158}]}, {"id": 41, "label": "proper_q", "anchors": [{"from": 139, "to": 151}]}, {"id": 42, "label": "compound", "anchors": [{"from": 139, "to": 151}]}, {"id": 43, "label": "proper_q", "anchors": [{"from": 139, "to": 145}]}, {"id": 44, "label": "named", "properties": ["carg"], "values": ["Valley"], "anchors": [{"from": 139, "to": 145}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Queen"], "anchors": [{"from": 146, "to": 151}]}, {"id": 46, "label": "named", "properties": ["carg"], "values": ["Cheese"], "anchors": [{"from": 152, "to": 158}]}, {"id": 47, "label": "named", "properties": ["carg"], "values": ["Factory"], "anchors": [{"from": 159, "to": 167}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 27, "target": 26, "label": "ARG1"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 1, "target": 6, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 15, "target": 21, "label": "BV"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 21, "target": 20, "label": "L-INDEX"}, {"source": 39, "target": 46, "label": "BV"}, {"source": 36, "target": 35, "label": "L-INDEX"}, {"source": 37, "target": 47, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 32, "target": 35, "label": "ARG1"}, {"source": 40, "target": 46, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 14, "target": 21, "label": "ARG2"}, {"source": 29, "target": 36, "label": "ARG2"}, {"source": 25, "target": 28, "label": "BV"}, {"source": 21, "target": 23, "label": "R-INDEX"}, {"source": 40, "target": 45, "label": "ARG2"}, {"source": 30, "target": 36, "label": "BV"}, {"source": 38, "target": 46, "label": "ARG2"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 24, "target": 28, "label": "ARG2"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 31, "target": 35, "label": "BV"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 26, "target": 28, "label": "ARG1"}, {"source": 38, "target": 47, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 41, "target": 45, "label": "BV"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 24, "target": 10, "label": "ARG1"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 36, "target": 47, "label": "R-INDEX"}, {"source": 0, "target": 6, "label": "ARG2"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}]} +{"id": "20010007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge.", "tops": [5], "nodes": [{"id": 0, "label": "_for_p", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 4, "to": 13}]}, {"id": 2, "label": "_starter_n_of", "anchors": [{"from": 4, "to": 13}]}, {"id": 3, "label": "_the_q", "anchors": [{"from": 14, "to": 17}]}, {"id": 4, "label": "_executive_n_1", "anchors": [{"from": 18, "to": 28}]}, {"id": 5, "label": "_join_v_1", "anchors": [{"from": 29, "to": 35}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 36, "to": 160}]}, {"id": 7, "label": "number_q", "anchors": [{"from": 36, "to": 117}]}, {"id": 8, "label": "compound", "anchors": [{"from": 36, "to": 63}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 36, "to": 59}]}, {"id": 10, "label": "compound", "anchors": [{"from": 36, "to": 59}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 36, "to": 52}]}, {"id": 12, "label": "compound", "anchors": [{"from": 36, "to": 52}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 36, "to": 49}]}, {"id": 14, "label": "compound", "anchors": [{"from": 36, "to": 49}]}, {"id": 15, "label": "proper_q", "anchors": [{"from": 36, "to": 41}]}, {"id": 16, "label": "named", "properties": ["carg"], "values": ["Mayor"], "anchors": [{"from": 36, "to": 41}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["William"], "anchors": [{"from": 42, "to": 49}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["H"], "anchors": [{"from": 50, "to": 52}]}, {"id": 19, "label": "named", "properties": ["carg"], "values": ["Hudnut"], "anchors": [{"from": 53, "to": 59}]}, {"id": 20, "label": "card", "properties": ["carg"], "values": ["III"], "anchors": [{"from": 60, "to": 63}]}, {"id": 21, "label": "_for_p", "anchors": [{"from": 64, "to": 67}]}, {"id": 22, "label": "_a_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 23, "label": "_evening_n_of", "anchors": [{"from": 71, "to": 78}]}, {"id": 24, "label": "_the_q", "anchors": [{"from": 82, "to": 85}]}, {"id": 25, "label": "compound", "anchors": [{"from": 86, "to": 117}]}, {"id": 26, "label": "proper_q", "anchors": [{"from": 86, "to": 107}]}, {"id": 27, "label": "compound", "anchors": [{"from": 86, "to": 107}]}, {"id": 28, "label": "proper_q", "anchors": [{"from": 86, "to": 98}]}, {"id": 29, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 86, "to": 98}]}, {"id": 30, "label": "named", "properties": ["carg"], "values": ["Symphony"], "anchors": [{"from": 99, "to": 107}]}, {"id": 31, "label": "named", "properties": ["carg"], "values": ["Orchestra"], "anchors": [{"from": 108, "to": 117}]}, {"id": 32, "label": "_and_c", "anchors": [{"from": 118, "to": 121}]}, {"id": 33, "label": "_a_q", "anchors": [{"from": 122, "to": 123}]}, {"id": 34, "label": "compound", "anchors": [{"from": 124, "to": 160}]}, {"id": 35, "label": "udef_q", "anchors": [{"from": 124, "to": 129}]}, {"id": 36, "label": "_guest_n_of", "anchors": [{"from": 124, "to": 129}]}, {"id": 37, "label": "compound", "anchors": [{"from": 130, "to": 160}]}, {"id": 38, "label": "udef_q", "anchors": [{"from": 130, "to": 146}]}, {"id": 39, "label": "compound", "anchors": [{"from": 130, "to": 146}]}, {"id": 40, "label": "udef_q", "anchors": [{"from": 130, "to": 146}]}, {"id": 41, "label": "_pianist-_n_unknown", "anchors": [{"from": 130, "to": 146}]}, {"id": 42, "label": "_comedian_n_unknown", "anchors": [{"from": 130, "to": 146}]}, {"id": 43, "label": "compound", "anchors": [{"from": 147, "to": 160}]}, {"id": 44, "label": "proper_q", "anchors": [{"from": 147, "to": 153}]}, {"id": 45, "label": "named", "properties": ["carg"], "values": ["Victor"], "anchors": [{"from": 147, "to": 153}]}, {"id": 46, "label": "named", "properties": ["carg"], "values": ["Borge"], "anchors": [{"from": 154, "to": 160}]}], "edges": [{"source": 37, "target": 46, "label": "ARG1"}, {"source": 34, "target": 46, "label": "ARG1"}, {"source": 14, "target": 17, "label": "ARG1"}, {"source": 9, "target": 19, "label": "BV"}, {"source": 27, "target": 29, "label": "ARG2"}, {"source": 7, "target": 20, "label": "BV"}, {"source": 27, "target": 30, "label": "ARG1"}, {"source": 32, "target": 46, "label": "R-INDEX"}, {"source": 43, "target": 46, "label": "ARG1"}, {"source": 5, "target": 32, "label": "ARG2"}, {"source": 38, "target": 42, "label": "BV"}, {"source": 37, "target": 42, "label": "ARG2"}, {"source": 0, "target": 5, "label": "ARG1"}, {"source": 6, "target": 32, "label": "BV"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 24, "target": 31, "label": "BV"}, {"source": 40, "target": 41, "label": "BV"}, {"source": 26, "target": 30, "label": "BV"}, {"source": 8, "target": 19, "label": "ARG2"}, {"source": 23, "target": 31, "label": "ARG1"}, {"source": 11, "target": 18, "label": "BV"}, {"source": 25, "target": 31, "label": "ARG1"}, {"source": 28, "target": 29, "label": "BV"}, {"source": 21, "target": 20, "label": "ARG1"}, {"source": 39, "target": 42, "label": "ARG1"}, {"source": 13, "target": 17, "label": "BV"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 10, "target": 18, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 8, "target": 20, "label": "ARG1"}, {"source": 12, "target": 17, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 25, "target": 30, "label": "ARG2"}, {"source": 44, "target": 45, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 32, "target": 20, "label": "L-INDEX"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 39, "target": 41, "label": "ARG2"}, {"source": 33, "target": 46, "label": "BV"}, {"source": 43, "target": 45, "label": "ARG2"}, {"source": 10, "target": 19, "label": "ARG1"}, {"source": 12, "target": 18, "label": "ARG1"}]} +{"id": "20010008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Champagne and dessert followed.", "tops": [6], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 21}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 9}]}, {"id": 2, "label": "_champagne_n_1", "anchors": [{"from": 0, "to": 9}]}, {"id": 3, "label": "_and_c", "anchors": [{"from": 10, "to": 13}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 14, "to": 21}]}, {"id": 5, "label": "_dessert_n_1", "anchors": [{"from": 14, "to": 21}]}, {"id": 6, "label": "_follow_v_1", "anchors": [{"from": 22, "to": 31}]}], "edges": [{"source": 3, "target": 2, "label": "L-INDEX"}, {"source": 0, "target": 3, "label": "BV"}, {"source": 3, "target": 5, "label": "R-INDEX"}, {"source": 6, "target": 3, "label": "ARG1"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20010010", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The governor couldn't make it, so the lieutenant governor welcomed the special guests.", "tops": [7], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_governor_n_1", "anchors": [{"from": 4, "to": 12}]}, {"id": 2, "label": "neg", "anchors": [{"from": 13, "to": 21}]}, {"id": 3, "label": "_can_v_modal", "anchors": [{"from": 13, "to": 21}]}, {"id": 4, "label": "_make_v_1", "anchors": [{"from": 22, "to": 26}]}, {"id": 5, "label": "pron", "anchors": [{"from": 27, "to": 30}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 27, "to": 30}]}, {"id": 7, "label": "_so_x", "anchors": [{"from": 31, "to": 33}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 34, "to": 37}]}, {"id": 9, "label": "compound", "anchors": [{"from": 38, "to": 57}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 38, "to": 48}]}, {"id": 11, "label": "_lieutenant_n_1", "anchors": [{"from": 38, "to": 48}]}, {"id": 12, "label": "_governor_n_1", "anchors": [{"from": 49, "to": 57}]}, {"id": 13, "label": "_welcome_v_1", "anchors": [{"from": 58, "to": 66}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 67, "to": 70}]}, {"id": 15, "label": "_special_a_1", "anchors": [{"from": 71, "to": 78}]}, {"id": 16, "label": "_guest_n_of", "anchors": [{"from": 79, "to": 86}]}], "edges": [{"source": 13, "target": 12, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 7, "target": 2, "label": "ARG1"}, {"source": 7, "target": 13, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 8, "target": 12, "label": "BV"}, {"source": 3, "target": 4, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 4, "target": 1, "label": "ARG1"}]} +{"id": "20010011", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors.", "tops": [5], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "compound", "anchors": [{"from": 2, "to": 18}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 2, "to": 8}]}, {"id": 3, "label": "_buffet_n_1", "anchors": [{"from": 2, "to": 8}]}, {"id": 4, "label": "_breakfast_n_1", "anchors": [{"from": 9, "to": 18}]}, {"id": 5, "label": "_hold_v_1", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "_in_p", "anchors": [{"from": 28, "to": 30}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 31, "to": 34}]}, {"id": 8, "label": "_museum_n_of", "anchors": [{"from": 35, "to": 42}]}, {"id": 9, "label": "loc_nonsp", "anchors": [{"from": 43, "to": 48}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 49, "to": 64}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 49, "to": 53}]}, {"id": 12, "label": "_food_n_1", "anchors": [{"from": 49, "to": 53}]}, {"id": 13, "label": "_and_c", "anchors": [{"from": 54, "to": 57}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 58, "to": 64}]}, {"id": 15, "label": "_drink_n_1", "anchors": [{"from": 58, "to": 64}]}, {"id": 16, "label": "_ban_v_from", "anchors": [{"from": 69, "to": 75}]}, {"id": 17, "label": "_to_p", "anchors": [{"from": 76, "to": 78}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 79, "to": 97}]}, {"id": 19, "label": "_everyday_a_1", "anchors": [{"from": 79, "to": 87}]}, {"id": 20, "label": "_visitor_n_of", "anchors": [{"from": 88, "to": 97}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 10, "target": 13, "label": "BV"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 13, "target": 12, "label": "L-INDEX"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG2"}, {"source": 18, "target": 20, "label": "BV"}, {"source": 17, "target": 20, "label": "ARG2"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 13, "target": 15, "label": "R-INDEX"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 16, "target": 13, "label": "ARG2"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 9, "target": 16, "label": "ARG1"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG2"}]} +{"id": "20010012", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race.", "tops": [0], "nodes": [{"id": 0, "label": "_then_a_1", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_in_p_state", "anchors": [{"from": 6, "to": 8}]}, {"id": 2, "label": "_the_q", "anchors": [{"from": 9, "to": 12}]}, {"id": 3, "label": "_guest_n_of", "anchors": [{"from": 13, "to": 19}]}, {"id": 4, "label": "def_explicit_q", "anchors": [{"from": 19, "to": 20}]}, {"id": 5, "label": "poss", "anchors": [{"from": 19, "to": 20}]}, {"id": 6, "label": "_honor_n_1", "anchors": [{"from": 21, "to": 27}]}, {"id": 7, "label": "_the_q", "anchors": [{"from": 28, "to": 31}]}, {"id": 8, "label": "_speedway_n_unknown", "anchors": [{"from": 32, "to": 40}]}, {"id": 9, "label": "_haul_v_out", "anchors": [{"from": 41, "to": 47}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 52, "to": 150}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 52, "to": 56}]}, {"id": 12, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "_driver_n_of", "anchors": [{"from": 57, "to": 65}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 66, "to": 150}]}, {"id": 15, "label": "implicit_conj", "anchors": [{"from": 66, "to": 150}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 66, "to": 71}]}, {"id": 17, "label": "_crew_n_of", "anchors": [{"from": 66, "to": 71}]}, {"id": 18, "label": "_and_c", "anchors": [{"from": 72, "to": 75}]}, {"id": 19, "label": "_even_x_deg", "anchors": [{"from": 76, "to": 80}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 81, "to": 84}]}, {"id": 21, "label": "_official_a_1", "anchors": [{"from": 85, "to": 93}]}, {"id": 22, "label": "compound", "anchors": [{"from": 94, "to": 120}]}, {"id": 23, "label": "number_q", "anchors": [{"from": 94, "to": 110}]}, {"id": 24, "label": "compound", "anchors": [{"from": 94, "to": 110}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 94, "to": 106}]}, {"id": 26, "label": "named", "properties": ["carg"], "values": ["Indianapolis"], "anchors": [{"from": 94, "to": 106}]}, {"id": 27, "label": "card", "properties": ["carg"], "values": ["500"], "anchors": [{"from": 107, "to": 110}]}, {"id": 28, "label": "_announcer_n_1", "anchors": [{"from": 111, "to": 120}]}, {"id": 29, "label": "_for_p", "anchors": [{"from": 121, "to": 124}]}, {"id": 30, "label": "_a_q", "anchors": [{"from": 125, "to": 126}]}, {"id": 31, "label": "compound", "anchors": [{"from": 127, "to": 150}]}, {"id": 32, "label": "udef_q", "anchors": [{"from": 127, "to": 133}]}, {"id": 33, "label": "card", "properties": ["carg"], "values": ["10-"], "anchors": [{"from": 127, "to": 133}]}, {"id": 34, "label": "_lap_n_1", "anchors": [{"from": 127, "to": 133}]}, {"id": 35, "label": "compound", "anchors": [{"from": 134, "to": 150}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 134, "to": 144}]}, {"id": 37, "label": "_exhibition_n_of", "anchors": [{"from": 134, "to": 144}]}, {"id": 38, "label": "_race_n_of", "anchors": [{"from": 145, "to": 150}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 31, "target": 34, "label": "ARG2"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 22, "target": 27, "label": "ARG2"}, {"source": 23, "target": 27, "label": "BV"}, {"source": 10, "target": 15, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 21, "target": 28, "label": "ARG1"}, {"source": 1, "target": 9, "label": "ARG1"}, {"source": 15, "target": 13, "label": "L-INDEX"}, {"source": 35, "target": 38, "label": "ARG1"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG1"}, {"source": 30, "target": 38, "label": "BV"}, {"source": 29, "target": 38, "label": "ARG2"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 22, "target": 28, "label": "ARG1"}, {"source": 18, "target": 28, "label": "R-INDEX"}, {"source": 20, "target": 28, "label": "BV"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 33, "target": 34, "label": "ARG1"}, {"source": 32, "target": 34, "label": "BV"}, {"source": 15, "target": 18, "label": "R-INDEX"}, {"source": 5, "target": 3, "label": "ARG2"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 31, "target": 38, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 18, "target": 17, "label": "L-INDEX"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 9, "target": 15, "label": "ARG2"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20010013", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers.", "tops": [11], "nodes": [{"id": 0, "label": "_after_p", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "_race_n_of", "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 38}]}, {"id": 4, "label": "compound", "anchors": [{"from": 16, "to": 38}]}, {"id": 5, "label": "number_q", "anchors": [{"from": 16, "to": 27}]}, {"id": 6, "label": "compound", "anchors": [{"from": 16, "to": 27}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 16, "to": 23}]}, {"id": 8, "label": "_fortune_n_1", "anchors": [{"from": 16, "to": 23}]}, {"id": 9, "label": "card", "properties": ["carg"], "values": ["500"], "anchors": [{"from": 24, "to": 27}]}, {"id": 10, "label": "_executive_n_1", "anchors": [{"from": 28, "to": 38}]}, {"id": 11, "label": "_drool_v_unknown", "anchors": [{"from": 39, "to": 46}]}, {"id": 12, "label": "_like_p", "anchors": [{"from": 47, "to": 51}]}, {"id": 13, "label": "udef_q", "anchors": [{"from": 52, "to": 62}]}, {"id": 14, "label": "_schoolboy_n_unknown", "anchors": [{"from": 52, "to": 62}]}, {"id": 15, "label": "_over_p", "anchors": [{"from": 63, "to": 67}]}, {"id": 16, "label": "_the_q", "anchors": [{"from": 68, "to": 71}]}, {"id": 17, "label": "udef_q", "anchors": [{"from": 72, "to": 76}]}, {"id": 18, "label": "_car_n_1", "anchors": [{"from": 72, "to": 76}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 77, "to": 89}]}, {"id": 20, "label": "_and_c", "anchors": [{"from": 77, "to": 80}]}, {"id": 21, "label": "_driver_n_of", "anchors": [{"from": 81, "to": 89}]}], "edges": [{"source": 7, "target": 8, "label": "BV"}, {"source": 15, "target": 11, "label": "ARG1"}, {"source": 20, "target": 18, "label": "L-INDEX"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 4, "target": 9, "label": "ARG2"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 0, "target": 11, "label": "ARG1"}, {"source": 6, "target": 8, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 3, "target": 10, "label": "BV"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 4, "target": 10, "label": "ARG1"}, {"source": 11, "target": 10, "label": "ARG1"}, {"source": 5, "target": 9, "label": "BV"}, {"source": 6, "target": 9, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 21, "label": "R-INDEX"}, {"source": 16, "target": 20, "label": "BV"}]} +{"id": "20010015", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again.", "tops": [10], "nodes": [{"id": 0, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 14}]}, {"id": 1, "label": "place_n", "anchors": [{"from": 0, "to": 4}]}, {"id": 2, "label": "def_implicit_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_back_p", "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "loc_nonsp", "anchors": [{"from": 5, "to": 14}]}, {"id": 5, "label": "place_n", "anchors": [{"from": 5, "to": 14}]}, {"id": 6, "label": "def_implicit_q", "anchors": [{"from": 5, "to": 14}]}, {"id": 7, "label": "_downtown_a_1", "anchors": [{"from": 5, "to": 14}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 15, "to": 18}]}, {"id": 9, "label": "_exec_n_unknown", "anchors": [{"from": 19, "to": 24}]}, {"id": 10, "label": "_squeeze_v_in", "anchors": [{"from": 25, "to": 33}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 37, "to": 64}]}, {"id": 12, "label": "_a+few_a_1", "anchors": [{"from": 37, "to": 42}]}, {"id": 13, "label": "_meeting_n_of", "anchors": [{"from": 43, "to": 51}]}, {"id": 14, "label": "_at_p", "anchors": [{"from": 52, "to": 54}]}, {"id": 15, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 16, "label": "_hotel_n_1", "anchors": [{"from": 59, "to": 64}]}, {"id": 17, "label": "_before_p", "anchors": [{"from": 65, "to": 71}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 72, "to": 97}]}, {"id": 19, "label": "nominalization", "anchors": [{"from": 72, "to": 97}]}, {"id": 20, "label": "_board_v_1", "anchors": [{"from": 72, "to": 80}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 81, "to": 84}]}, {"id": 22, "label": "_bus_n_1", "anchors": [{"from": 85, "to": 90}]}, {"id": 23, "label": "_again_a_1", "anchors": [{"from": 91, "to": 97}]}], "edges": [{"source": 2, "target": 1, "label": "BV"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 23, "target": 20, "label": "ARG1"}, {"source": 3, "target": 1, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 4, "target": 5, "label": "ARG2"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 4, "target": 1, "label": "ARG1"}, {"source": 0, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 12, "target": 13, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 0, "target": 1, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 17, "target": 10, "label": "ARG1"}, {"source": 10, "target": 13, "label": "ARG2"}, {"source": 19, "target": 20, "label": "ARG1"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}]} +{"id": "20010016", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "This time, it was for dinner and dancing -- a block away.", "tops": [0], "nodes": [{"id": 0, "label": "implicit_conj", "anchors": [{"from": 0, "to": 57}]}, {"id": 1, "label": "loc_nonsp", "anchors": [{"from": 0, "to": 10}]}, {"id": 2, "label": "_this_q_dem", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "_time_n_of", "anchors": [{"from": 5, "to": 10}]}, {"id": 4, "label": "pron", "anchors": [{"from": 11, "to": 13}]}, {"id": 5, "label": "pronoun_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "_for_p", "anchors": [{"from": 18, "to": 21}]}, {"id": 7, "label": "udef_q", "anchors": [{"from": 22, "to": 43}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 22, "to": 28}]}, {"id": 9, "label": "_dinner_n_1", "anchors": [{"from": 22, "to": 28}]}, {"id": 10, "label": "_and_c", "anchors": [{"from": 29, "to": 32}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 33, "to": 43}]}, {"id": 12, "label": "_dance_v_1", "anchors": [{"from": 33, "to": 40}]}, {"id": 13, "label": "nominalization", "anchors": [{"from": 33, "to": 40}]}, {"id": 14, "label": "unknown", "anchors": [{"from": 44, "to": 57}]}, {"id": 15, "label": "_a_q", "anchors": [{"from": 44, "to": 45}]}, {"id": 16, "label": "_block_n_of", "anchors": [{"from": 46, "to": 51}]}, {"id": 17, "label": "_away_p", "anchors": [{"from": 52, "to": 57}]}], "edges": [{"source": 15, "target": 16, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 6, "target": 10, "label": "ARG2"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 10, "target": 13, "label": "R-INDEX"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 5, "target": 4, "label": "BV"}, {"source": 7, "target": 10, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG"}, {"source": 17, "target": 16, "label": "ARG1"}, {"source": 0, "target": 6, "label": "L-HNDL"}, {"source": 10, "target": 9, "label": "L-INDEX"}, {"source": 11, "target": 13, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 0, "target": 14, "label": "R-HNDL"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 6, "target": 4, "label": "ARG1"}]} +{"id": "20010017", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce.", "tops": [27], "nodes": [{"id": 0, "label": "_under_p_state", "anchors": [{"from": 0, "to": 5}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 6, "to": 9}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 10, "to": 15}]}, {"id": 3, "label": "_star_n_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 16, "to": 25}]}, {"id": 5, "label": "_and_c", "anchors": [{"from": 16, "to": 19}]}, {"id": 6, "label": "_moon_n_1", "anchors": [{"from": 20, "to": 25}]}, {"id": 7, "label": "_of_p", "anchors": [{"from": 26, "to": 28}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 29, "to": 32}]}, {"id": 9, "label": "_renovate_v_1", "anchors": [{"from": 33, "to": 42}]}, {"id": 10, "label": "compound", "anchors": [{"from": 43, "to": 65}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 43, "to": 55}]}, {"id": 12, "label": "compound", "anchors": [{"from": 43, "to": 55}]}, {"id": 13, "label": "proper_q", "anchors": [{"from": 43, "to": 50}]}, {"id": 14, "label": "named", "properties": ["carg"], "values": ["Indiana"], "anchors": [{"from": 43, "to": 50}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Roof"], "anchors": [{"from": 51, "to": 55}]}, {"id": 16, "label": "_ballroom_n_1", "anchors": [{"from": 56, "to": 65}]}, {"id": 17, "label": "part_of", "anchors": [{"from": 66, "to": 70}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 66, "to": 70}]}, {"id": 19, "label": "card", "properties": ["carg"], "values": ["9"], "anchors": [{"from": 66, "to": 70}]}, {"id": 20, "label": "_the_q", "anchors": [{"from": 74, "to": 77}]}, {"id": 21, "label": "_hot_a_1", "anchors": [{"from": 78, "to": 85}]}, {"id": 22, "label": "superl", "anchors": [{"from": 78, "to": 85}]}, {"id": 23, "label": "_chef_n_1", "anchors": [{"from": 86, "to": 91}]}, {"id": 24, "label": "_in_p", "anchors": [{"from": 92, "to": 94}]}, {"id": 25, "label": "idiom_q_i", "anchors": [{"from": 95, "to": 99}]}, {"id": 26, "label": "_town_n_i", "anchors": [{"from": 95, "to": 99}]}, {"id": 27, "label": "_feed_v_1", "anchors": [{"from": 100, "to": 103}]}, {"id": 28, "label": "pron", "anchors": [{"from": 104, "to": 108}]}, {"id": 29, "label": "pronoun_q", "anchors": [{"from": 104, "to": 108}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 109, "to": 213}]}, {"id": 31, "label": "udef_q", "anchors": [{"from": 109, "to": 137}]}, {"id": 32, "label": "compound", "anchors": [{"from": 109, "to": 137}]}, {"id": 33, "label": "proper_q", "anchors": [{"from": 109, "to": 116}]}, {"id": 34, "label": "named", "properties": ["carg"], "values": ["Indiana"], "anchors": [{"from": 109, "to": 116}]}, {"id": 35, "label": "compound", "anchors": [{"from": 117, "to": 137}]}, {"id": 36, "label": "udef_q", "anchors": [{"from": 117, "to": 125}]}, {"id": 37, "label": "_duckling_n_1", "anchors": [{"from": 117, "to": 125}]}, {"id": 38, "label": "_mousseline_n_unknown", "anchors": [{"from": 126, "to": 137}]}, {"id": 39, "label": "udef_q", "anchors": [{"from": 138, "to": 213}]}, {"id": 40, "label": "implicit_conj", "anchors": [{"from": 138, "to": 213}]}, {"id": 41, "label": "udef_q", "anchors": [{"from": 138, "to": 155}]}, {"id": 42, "label": "compound", "anchors": [{"from": 138, "to": 155}]}, {"id": 43, "label": "udef_q", "anchors": [{"from": 138, "to": 145}]}, {"id": 44, "label": "_lobster_n_1", "anchors": [{"from": 138, "to": 145}]}, {"id": 45, "label": "_consomme_n_unknown", "anchors": [{"from": 146, "to": 155}]}, {"id": 46, "label": "udef_q", "anchors": [{"from": 156, "to": 213}]}, {"id": 47, "label": "implicit_conj", "anchors": [{"from": 156, "to": 213}]}, {"id": 48, "label": "udef_q", "anchors": [{"from": 156, "to": 167}]}, {"id": 49, "label": "compound", "anchors": [{"from": 156, "to": 167}]}, {"id": 50, "label": "udef_q", "anchors": [{"from": 156, "to": 160}]}, {"id": 51, "label": "_veal_n_unknown", "anchors": [{"from": 156, "to": 160}]}, {"id": 52, "label": "_mignon_n_unknown", "anchors": [{"from": 161, "to": 167}]}, {"id": 53, "label": "_and_c", "anchors": [{"from": 168, "to": 171}]}, {"id": 54, "label": "udef_q", "anchors": [{"from": 172, "to": 213}]}, {"id": 55, "label": "_chocolate_a_1", "anchors": [{"from": 172, "to": 181}]}, {"id": 56, "label": "_terrine_n_unknown", "anchors": [{"from": 182, "to": 189}]}, {"id": 57, "label": "_with_p", "anchors": [{"from": 190, "to": 194}]}, {"id": 58, "label": "_a_q", "anchors": [{"from": 195, "to": 196}]}, {"id": 59, "label": "compound", "anchors": [{"from": 197, "to": 213}]}, {"id": 60, "label": "udef_q", "anchors": [{"from": 197, "to": 206}]}, {"id": 61, "label": "_raspberry_n_1", "anchors": [{"from": 197, "to": 206}]}, {"id": 62, "label": "_sauce_n_1", "anchors": [{"from": 207, "to": 213}]}], "edges": [{"source": 30, "target": 40, "label": "BV"}, {"source": 43, "target": 44, "label": "BV"}, {"source": 22, "target": 21, "label": "ARG1"}, {"source": 1, "target": 5, "label": "BV"}, {"source": 32, "target": 34, "label": "ARG2"}, {"source": 35, "target": 37, "label": "ARG2"}, {"source": 12, "target": 15, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 40, "target": 47, "label": "R-INDEX"}, {"source": 0, "target": 5, "label": "ARG2"}, {"source": 33, "target": 34, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG2"}, {"source": 27, "target": 40, "label": "ARG2"}, {"source": 57, "target": 62, "label": "ARG2"}, {"source": 35, "target": 38, "label": "ARG1"}, {"source": 53, "target": 52, "label": "L-INDEX"}, {"source": 47, "target": 45, "label": "L-INDEX"}, {"source": 47, "target": 53, "label": "R-INDEX"}, {"source": 17, "target": 23, "label": "ARG1"}, {"source": 25, "target": 26, "label": "BV"}, {"source": 27, "target": 28, "label": "ARG3"}, {"source": 49, "target": 52, "label": "ARG1"}, {"source": 60, "target": 61, "label": "BV"}, {"source": 5, "target": 3, "label": "L-INDEX"}, {"source": 32, "target": 38, "label": "ARG1"}, {"source": 36, "target": 37, "label": "BV"}, {"source": 10, "target": 15, "label": "ARG2"}, {"source": 11, "target": 15, "label": "BV"}, {"source": 42, "target": 44, "label": "ARG2"}, {"source": 18, "target": 17, "label": "BV"}, {"source": 27, "target": 17, "label": "ARG1"}, {"source": 54, "target": 56, "label": "BV"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 29, "target": 28, "label": "BV"}, {"source": 59, "target": 61, "label": "ARG2"}, {"source": 0, "target": 27, "label": "ARG1"}, {"source": 59, "target": 62, "label": "ARG1"}, {"source": 7, "target": 16, "label": "ARG2"}, {"source": 21, "target": 23, "label": "ARG1"}, {"source": 39, "target": 47, "label": "BV"}, {"source": 55, "target": 56, "label": "ARG1"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 50, "target": 51, "label": "BV"}, {"source": 57, "target": 56, "label": "ARG1"}, {"source": 19, "target": 17, "label": "ARG1"}, {"source": 46, "target": 53, "label": "BV"}, {"source": 9, "target": 16, "label": "ARG2"}, {"source": 40, "target": 38, "label": "L-INDEX"}, {"source": 41, "target": 45, "label": "BV"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 42, "target": 45, "label": "ARG1"}, {"source": 53, "target": 56, "label": "R-INDEX"}, {"source": 58, "target": 62, "label": "BV"}, {"source": 5, "target": 6, "label": "R-INDEX"}, {"source": 8, "target": 16, "label": "BV"}, {"source": 20, "target": 23, "label": "BV"}, {"source": 48, "target": 52, "label": "BV"}, {"source": 49, "target": 51, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 10, "target": 16, "label": "ARG1"}, {"source": 31, "target": 38, "label": "BV"}]} +{"id": "20010018", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation.", "tops": [0], "nodes": [{"id": 0, "label": "subord", "anchors": [{"from": 0, "to": 54}]}, {"id": 1, "label": "_know_v_1", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_a_q", "anchors": [{"from": 8, "to": 9}]}, {"id": 3, "label": "_tasty_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 4, "label": "_and_c", "anchors": [{"from": 19, "to": 22}]}, {"id": 5, "label": "_free_a_1", "anchors": [{"from": 23, "to": 27}]}, {"id": 6, "label": "_meal_n_1", "anchors": [{"from": 31, "to": 35}]}, {"id": 7, "label": "_when_x_subord", "anchors": [{"from": 36, "to": 40}]}, {"id": 8, "label": "pron", "anchors": [{"from": 41, "to": 45}]}, {"id": 9, "label": "pronoun_q", "anchors": [{"from": 41, "to": 45}]}, {"id": 10, "label": "_eat_v_1", "anchors": [{"from": 46, "to": 49}]}, {"id": 11, "label": "generic_entity", "anchors": [{"from": 50, "to": 54}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 50, "to": 54}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["1"], "anchors": [{"from": 50, "to": 54}]}, {"id": 14, "label": "_the_q", "anchors": [{"from": 55, "to": 58}]}, {"id": 15, "label": "_executive_n_1", "anchors": [{"from": 59, "to": 69}]}, {"id": 16, "label": "_give_v_1", "anchors": [{"from": 70, "to": 74}]}, {"id": 17, "label": "_the_q", "anchors": [{"from": 75, "to": 78}]}, {"id": 18, "label": "_chef_n_1", "anchors": [{"from": 79, "to": 84}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 85, "to": 86}]}, {"id": 20, "label": "_stand_v_1", "anchors": [{"from": 87, "to": 95}]}, {"id": 21, "label": "_ovation_n_unknown", "anchors": [{"from": 96, "to": 104}]}], "edges": [{"source": 0, "target": 7, "label": "ARG2"}, {"source": 4, "target": 3, "label": "L-HNDL"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 12, "target": 11, "label": "BV"}, {"source": 10, "target": 8, "label": "ARG1"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 1, "target": 6, "label": "ARG2"}, {"source": 0, "target": 16, "label": "ARG1"}, {"source": 9, "target": 8, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 19, "target": 21, "label": "BV"}, {"source": 16, "target": 21, "label": "ARG2"}, {"source": 7, "target": 10, "label": "ARG2"}, {"source": 16, "target": 15, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 13, "target": 11, "label": "ARG1"}, {"source": 7, "target": 1, "label": "ARG1"}, {"source": 4, "target": 5, "label": "R-HNDL"}, {"source": 16, "target": 18, "label": "ARG3"}, {"source": 2, "target": 6, "label": "BV"}]} +{"id": "20010019", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings.", "tops": [7], "nodes": [{"id": 0, "label": "generic_entity", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 2, "label": "much-many_a", "anchors": [{"from": 0, "to": 4}]}, {"id": 3, "label": "comp", "anchors": [{"from": 0, "to": 4}]}, {"id": 4, "label": "udef_q", "anchors": [{"from": 10, "to": 20}]}, {"id": 5, "label": "_a+few_a_1", "anchors": [{"from": 10, "to": 15}]}, {"id": 6, "label": "_ceo_n_unknown", "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "_say_v_to", "anchors": [{"from": 21, "to": 24}]}, {"id": 8, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 9, "label": "compound", "anchors": [{"from": 29, "to": 49}]}, {"id": 10, "label": "udef_q", "anchors": [{"from": 29, "to": 39}]}, {"id": 11, "label": "_red_a_1", "anchors": [{"from": 29, "to": 39}]}, {"id": 12, "label": "_carpet_n_1", "anchors": [{"from": 29, "to": 39}]}, {"id": 13, "label": "_treatment_n_of", "anchors": [{"from": 40, "to": 49}]}, {"id": 14, "label": "_tempt_v_1", "anchors": [{"from": 50, "to": 56}]}, {"id": 15, "label": "pron", "anchors": [{"from": 57, "to": 61}]}, {"id": 16, "label": "pronoun_q", "anchors": [{"from": 57, "to": 61}]}, {"id": 17, "label": "_return_v_1", "anchors": [{"from": 65, "to": 71}]}, {"id": 18, "label": "_to_p", "anchors": [{"from": 72, "to": 74}]}, {"id": 19, "label": "_a_q", "anchors": [{"from": 75, "to": 76}]}, {"id": 20, "label": "compound", "anchors": [{"from": 77, "to": 91}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 77, "to": 86}]}, {"id": 22, "label": "_heartland_n_unknown", "anchors": [{"from": 77, "to": 86}]}, {"id": 23, "label": "_city_n_1", "anchors": [{"from": 87, "to": 91}]}, {"id": 24, "label": "_for_p", "anchors": [{"from": 92, "to": 95}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 96, "to": 112}]}, {"id": 26, "label": "_future_a_1", "anchors": [{"from": 96, "to": 102}]}, {"id": 27, "label": "_meeting_n_of", "anchors": [{"from": 103, "to": 112}]}], "edges": [{"source": 9, "target": 13, "label": "ARG1"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 5, "target": 6, "label": "ARG1"}, {"source": 4, "target": 6, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 10, "target": 12, "label": "BV"}, {"source": 9, "target": 12, "label": "ARG2"}, {"source": 16, "target": 15, "label": "BV"}, {"source": 19, "target": 23, "label": "BV"}, {"source": 3, "target": 2, "label": "ARG1"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 14, "target": 17, "label": "ARG3"}, {"source": 20, "target": 23, "label": "ARG1"}, {"source": 8, "target": 13, "label": "BV"}, {"source": 1, "target": 0, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 17, "target": 15, "label": "ARG1"}, {"source": 18, "target": 17, "label": "ARG1"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 3, "target": 6, "label": "ARG2"}, {"source": 24, "target": 17, "label": "ARG1"}, {"source": 2, "target": 0, "label": "ARG1"}, {"source": 18, "target": 23, "label": "ARG2"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 11, "target": 12, "label": "ARG1"}, {"source": 7, "target": 14, "label": "ARG2"}, {"source": 20, "target": 22, "label": "ARG2"}, {"source": 7, "target": 0, "label": "ARG1"}]} +{"id": "20010020", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "But for now, they're looking forward to their winter meeting -- Boca in February.", "tops": [0], "nodes": [{"id": 0, "label": "_but_c", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_for_p", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "time_n", "anchors": [{"from": 8, "to": 12}]}, {"id": 3, "label": "def_implicit_q", "anchors": [{"from": 8, "to": 12}]}, {"id": 4, "label": "_now_a_1", "anchors": [{"from": 8, "to": 12}]}, {"id": 5, "label": "pron", "anchors": [{"from": 13, "to": 17}]}, {"id": 6, "label": "pronoun_q", "anchors": [{"from": 13, "to": 17}]}, {"id": 7, "label": "_look_v_1", "anchors": [{"from": 21, "to": 28}]}, {"id": 8, "label": "_forward_p_dir", "anchors": [{"from": 29, "to": 36}]}, {"id": 9, "label": "_to_p", "anchors": [{"from": 37, "to": 39}]}, {"id": 10, "label": "appos", "anchors": [{"from": 40, "to": 68}]}, {"id": 11, "label": "def_explicit_q", "anchors": [{"from": 40, "to": 45}]}, {"id": 12, "label": "poss", "anchors": [{"from": 40, "to": 45}]}, {"id": 13, "label": "pronoun_q", "anchors": [{"from": 40, "to": 45}]}, {"id": 14, "label": "pron", "anchors": [{"from": 40, "to": 45}]}, {"id": 15, "label": "compound", "anchors": [{"from": 46, "to": 63}]}, {"id": 16, "label": "udef_q", "anchors": [{"from": 46, "to": 52}]}, {"id": 17, "label": "season", "properties": ["carg"], "values": ["winter"], "anchors": [{"from": 46, "to": 52}]}, {"id": 18, "label": "_meeting_n_of", "anchors": [{"from": 53, "to": 60}]}, {"id": 19, "label": "proper_q", "anchors": [{"from": 64, "to": 68}]}, {"id": 20, "label": "named", "properties": ["carg"], "values": ["Boca"], "anchors": [{"from": 64, "to": 68}]}, {"id": 21, "label": "_in_p_temp", "anchors": [{"from": 69, "to": 71}]}, {"id": 22, "label": "proper_q", "anchors": [{"from": 72, "to": 81}]}, {"id": 23, "label": "mofy", "properties": ["carg"], "values": ["Feb"], "anchors": [{"from": 72, "to": 81}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 1, "target": 7, "label": "ARG1"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 9, "target": 18, "label": "ARG2"}, {"source": 21, "target": 8, "label": "ARG1"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 3, "target": 2, "label": "BV"}, {"source": 11, "target": 18, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 12, "target": 14, "label": "ARG2"}, {"source": 6, "target": 5, "label": "BV"}, {"source": 10, "target": 18, "label": "ARG1"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 7, "target": 5, "label": "ARG1"}, {"source": 13, "target": 14, "label": "BV"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 4, "target": 2, "label": "ARG1"}, {"source": 10, "target": 20, "label": "ARG2"}, {"source": 0, "target": 7, "label": "R-HNDL"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 12, "target": 18, "label": "ARG1"}, {"source": 1, "target": 2, "label": "ARG2"}]} +{"id": "20011001", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday.", "tops": [19], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 0, "to": 5}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "_register_v_1", "anchors": [{"from": 12, "to": 22}]}, {"id": 6, "label": "_a_q", "anchors": [{"from": 23, "to": 24}]}, {"id": 7, "label": "compound", "anchors": [{"from": 25, "to": 38}]}, {"id": 8, "label": "udef_q", "anchors": [{"from": 25, "to": 30}]}, {"id": 9, "label": "_trade_n_of", "anchors": [{"from": 25, "to": 30}]}, {"id": 10, "label": "_deficit_n_of", "anchors": [{"from": 31, "to": 38}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 42, "to": 54}]}, {"id": 12, "label": "_dollar_n_1", "anchors": [{"from": 42, "to": 43}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["101"], "anchors": [{"from": 43, "to": 46}]}, {"id": 14, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 47, "to": 54}]}, {"id": 15, "label": "times", "anchors": [{"from": 47, "to": 54}]}, {"id": 16, "label": "_in_p_temp", "anchors": [{"from": 55, "to": 57}]}, {"id": 17, "label": "proper_q", "anchors": [{"from": 58, "to": 66}]}, {"id": 18, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 58, "to": 66}]}, {"id": 19, "label": "subord", "anchors": [{"from": 67, "to": 114}]}, {"id": 20, "label": "_reflect_v_1", "anchors": [{"from": 67, "to": 77}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 78, "to": 81}]}, {"id": 22, "label": "_country_n_of", "anchors": [{"from": 82, "to": 89}]}, {"id": 23, "label": "def_explicit_q", "anchors": [{"from": 89, "to": 91}]}, {"id": 24, "label": "poss", "anchors": [{"from": 89, "to": 91}]}, {"id": 25, "label": "_economic_a_1", "anchors": [{"from": 92, "to": 100}]}, {"id": 26, "label": "_sluggishness_n_unknown", "anchors": [{"from": 101, "to": 114}]}, {"id": 27, "label": "_according+to_p", "anchors": [{"from": 115, "to": 127}]}, {"id": 28, "label": "udef_q", "anchors": [{"from": 128, "to": 166}]}, {"id": 29, "label": "compound", "anchors": [{"from": 128, "to": 146}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 128, "to": 138}]}, {"id": 31, "label": "_government_n_of", "anchors": [{"from": 128, "to": 138}]}, {"id": 32, "label": "_figure_n_1", "anchors": [{"from": 139, "to": 146}]}, {"id": 33, "label": "_release_v_1", "anchors": [{"from": 147, "to": 155}]}, {"id": 34, "label": "loc_nonsp", "anchors": [{"from": 156, "to": 166}]}, {"id": 35, "label": "proper_q", "anchors": [{"from": 156, "to": 166}]}, {"id": 36, "label": "dofw", "properties": ["carg"], "values": ["Wed"], "anchors": [{"from": 156, "to": 166}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 16, "target": 5, "label": "ARG1"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 16, "target": 18, "label": "ARG2"}, {"source": 33, "target": 32, "label": "ARG2"}, {"source": 6, "target": 10, "label": "BV"}, {"source": 5, "target": 10, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 17, "target": 18, "label": "BV"}, {"source": 24, "target": 26, "label": "ARG1"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 28, "target": 32, "label": "BV"}, {"source": 19, "target": 5, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 7, "target": 10, "label": "ARG1"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 23, "target": 26, "label": "BV"}, {"source": 34, "target": 33, "label": "ARG1"}, {"source": 25, "target": 26, "label": "ARG1"}, {"source": 27, "target": 32, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 14, "target": 12, "label": "ARG1"}, {"source": 15, "target": 14, "label": "ARG3"}, {"source": 24, "target": 22, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG2"}, {"source": 34, "target": 36, "label": "ARG2"}, {"source": 35, "target": 36, "label": "BV"}, {"source": 29, "target": 32, "label": "ARG1"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 27, "target": 5, "label": "ARG1"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 19, "target": 20, "label": "ARG2"}, {"source": 15, "target": 13, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 20, "target": 26, "label": "ARG2"}]} +{"id": "20011004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports.", "tops": [13], "nodes": [{"id": 0, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 5}]}, {"id": 3, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 0, "to": 5}]}, {"id": 4, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 6, "to": 11}]}, {"id": 5, "label": "def_explicit_q", "anchors": [{"from": 11, "to": 13}]}, {"id": 6, "label": "poss", "anchors": [{"from": 11, "to": 13}]}, {"id": 7, "label": "_economic_a_1", "anchors": [{"from": 14, "to": 22}]}, {"id": 8, "label": "_boom_n_1", "anchors": [{"from": 23, "to": 28}]}, {"id": 9, "label": "_begin_v_1", "anchors": [{"from": 35, "to": 40}]}, {"id": 10, "label": "_in_p_temp", "anchors": [{"from": 41, "to": 43}]}, {"id": 11, "label": "proper_q", "anchors": [{"from": 44, "to": 49}]}, {"id": 12, "label": "yofc", "properties": ["carg"], "values": ["1986"], "anchors": [{"from": 44, "to": 49}]}, {"id": 13, "label": "_stop_v_1", "anchors": [{"from": 50, "to": 57}]}, {"id": 14, "label": "loc_nonsp", "anchors": [{"from": 58, "to": 67}]}, {"id": 15, "label": "_this_q_dem", "anchors": [{"from": 58, "to": 62}]}, {"id": 16, "label": "_year_n_1", "anchors": [{"from": 63, "to": 67}]}, {"id": 17, "label": "_because+of_p", "anchors": [{"from": 68, "to": 78}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 79, "to": 142}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 79, "to": 104}]}, {"id": 20, "label": "_prolonged_a_1", "anchors": [{"from": 79, "to": 88}]}, {"id": 21, "label": "compound", "anchors": [{"from": 89, "to": 104}]}, {"id": 22, "label": "udef_q", "anchors": [{"from": 89, "to": 94}]}, {"id": 23, "label": "_labor_n_1", "anchors": [{"from": 89, "to": 94}]}, {"id": 24, "label": "_dispute_n_1", "anchors": [{"from": 95, "to": 104}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 105, "to": 142}]}, {"id": 26, "label": "implicit_conj", "anchors": [{"from": 105, "to": 142}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 105, "to": 120}]}, {"id": 28, "label": "compound", "anchors": [{"from": 105, "to": 120}]}, {"id": 29, "label": "udef_q", "anchors": [{"from": 105, "to": 110}]}, {"id": 30, "label": "_trade_n_of", "anchors": [{"from": 105, "to": 110}]}, {"id": 31, "label": "_conflict_n_1", "anchors": [{"from": 111, "to": 120}]}, {"id": 32, "label": "_and_c", "anchors": [{"from": 121, "to": 124}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 125, "to": 142}]}, {"id": 34, "label": "_sluggish_a_1", "anchors": [{"from": 125, "to": 133}]}, {"id": 35, "label": "_export_n_of", "anchors": [{"from": 134, "to": 142}]}], "edges": [{"source": 27, "target": 31, "label": "BV"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 32, "target": 31, "label": "L-INDEX"}, {"source": 14, "target": 13, "label": "ARG1"}, {"source": 32, "target": 35, "label": "R-INDEX"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 28, "target": 30, "label": "ARG2"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 17, "target": 26, "label": "ARG2"}, {"source": 29, "target": 30, "label": "BV"}, {"source": 26, "target": 24, "label": "L-INDEX"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 22, "target": 23, "label": "BV"}, {"source": 17, "target": 13, "label": "ARG1"}, {"source": 25, "target": 32, "label": "BV"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 10, "target": 9, "label": "ARG1"}, {"source": 6, "target": 4, "label": "ARG2"}, {"source": 6, "target": 8, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 19, "target": 24, "label": "BV"}, {"source": 21, "target": 24, "label": "ARG1"}, {"source": 20, "target": 24, "label": "ARG1"}, {"source": 28, "target": 31, "label": "ARG1"}, {"source": 5, "target": 8, "label": "BV"}, {"source": 21, "target": 23, "label": "ARG2"}, {"source": 18, "target": 26, "label": "BV"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 13, "target": 8, "label": "ARG1"}, {"source": 14, "target": 16, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 8, "label": "ARG1"}, {"source": 26, "target": 32, "label": "R-INDEX"}]} +{"id": "20011005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Government officials said exports at the end of the year would remain under a government target of $68 billion.", "tops": [5], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 20}]}, {"id": 1, "label": "compound", "anchors": [{"from": 0, "to": 20}]}, {"id": 2, "label": "udef_q", "anchors": [{"from": 0, "to": 10}]}, {"id": 3, "label": "_government_n_of", "anchors": [{"from": 0, "to": 10}]}, {"id": 4, "label": "_official_n_1", "anchors": [{"from": 11, "to": 20}]}, {"id": 5, "label": "_say_v_to", "anchors": [{"from": 21, "to": 25}]}, {"id": 6, "label": "udef_q", "anchors": [{"from": 26, "to": 56}]}, {"id": 7, "label": "_export_n_of", "anchors": [{"from": 26, "to": 33}]}, {"id": 8, "label": "_at_p", "anchors": [{"from": 34, "to": 36}]}, {"id": 9, "label": "_the_q", "anchors": [{"from": 37, "to": 40}]}, {"id": 10, "label": "_end_n_of", "anchors": [{"from": 41, "to": 44}]}, {"id": 11, "label": "_the_q", "anchors": [{"from": 48, "to": 51}]}, {"id": 12, "label": "_year_n_1", "anchors": [{"from": 52, "to": 56}]}, {"id": 13, "label": "_would_v_modal", "anchors": [{"from": 57, "to": 62}]}, {"id": 14, "label": "_remain_v_1", "anchors": [{"from": 63, "to": 69}]}, {"id": 15, "label": "_under_p", "anchors": [{"from": 70, "to": 75}]}, {"id": 16, "label": "_a_q", "anchors": [{"from": 76, "to": 77}]}, {"id": 17, "label": "compound", "anchors": [{"from": 78, "to": 95}]}, {"id": 18, "label": "udef_q", "anchors": [{"from": 78, "to": 88}]}, {"id": 19, "label": "_government_n_of", "anchors": [{"from": 78, "to": 88}]}, {"id": 20, "label": "_target_n_of", "anchors": [{"from": 89, "to": 95}]}, {"id": 21, "label": "udef_q", "anchors": [{"from": 99, "to": 111}]}, {"id": 22, "label": "_dollar_n_1", "anchors": [{"from": 99, "to": 100}]}, {"id": 23, "label": "card", "properties": ["carg"], "values": ["68"], "anchors": [{"from": 100, "to": 102}]}, {"id": 24, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 103, "to": 111}]}, {"id": 25, "label": "times", "anchors": [{"from": 103, "to": 111}]}], "edges": [{"source": 11, "target": 12, "label": "BV"}, {"source": 1, "target": 4, "label": "ARG1"}, {"source": 20, "target": 22, "label": "ARG1"}, {"source": 0, "target": 4, "label": "BV"}, {"source": 5, "target": 4, "label": "ARG1"}, {"source": 17, "target": 20, "label": "ARG1"}, {"source": 14, "target": 7, "label": "ARG1"}, {"source": 15, "target": 20, "label": "ARG2"}, {"source": 10, "target": 12, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 8, "target": 7, "label": "ARG1"}, {"source": 9, "target": 10, "label": "BV"}, {"source": 21, "target": 22, "label": "BV"}, {"source": 25, "target": 24, "label": "ARG3"}, {"source": 5, "target": 13, "label": "ARG2"}, {"source": 1, "target": 3, "label": "ARG2"}, {"source": 14, "target": 15, "label": "ARG2"}, {"source": 18, "target": 19, "label": "BV"}, {"source": 24, "target": 22, "label": "ARG1"}, {"source": 25, "target": 23, "label": "ARG2"}, {"source": 16, "target": 20, "label": "BV"}, {"source": 17, "target": 19, "label": "ARG2"}, {"source": 8, "target": 10, "label": "ARG2"}, {"source": 2, "target": 3, "label": "BV"}, {"source": 15, "target": 7, "label": "ARG1"}, {"source": 13, "target": 14, "label": "ARG1"}]} +{"id": "20011006", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year.", "tops": [9], "nodes": [{"id": 0, "label": "_despite_p", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_the_q", "anchors": [{"from": 8, "to": 11}]}, {"id": 2, "label": "_gloomy_a_1", "anchors": [{"from": 12, "to": 18}]}, {"id": 3, "label": "_forecast_n_1", "anchors": [{"from": 19, "to": 28}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 29, "to": 40}]}, {"id": 5, "label": "compound", "anchors": [{"from": 29, "to": 40}]}, {"id": 6, "label": "proper_q", "anchors": [{"from": 29, "to": 34}]}, {"id": 7, "label": "named", "properties": ["carg"], "values": ["South"], "anchors": [{"from": 29, "to": 34}]}, {"id": 8, "label": "named", "properties": ["carg"], "values": ["Korea"], "anchors": [{"from": 35, "to": 40}]}, {"id": 9, "label": "_record_v_1", "anchors": [{"from": 45, "to": 53}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 54, "to": 55}]}, {"id": 11, "label": "compound", "anchors": [{"from": 56, "to": 69}]}, {"id": 12, "label": "udef_q", "anchors": [{"from": 56, "to": 61}]}, {"id": 13, "label": "_trade_n_of", "anchors": [{"from": 56, "to": 61}]}, {"id": 14, "label": "_surplus_n_of", "anchors": [{"from": 62, "to": 69}]}, {"id": 15, "label": "udef_q", "anchors": [{"from": 73, "to": 91}]}, {"id": 16, "label": "_dollar_n_1", "anchors": [{"from": 73, "to": 74}]}, {"id": 17, "label": "card", "properties": ["carg"], "values": ["71"], "anchors": [{"from": 74, "to": 76}]}, {"id": 18, "label": "card", "properties": ["carg"], "values": ["1000000"], "anchors": [{"from": 77, "to": 84}]}, {"id": 19, "label": "times", "anchors": [{"from": 77, "to": 84}]}, {"id": 20, "label": "comp_so", "anchors": [{"from": 85, "to": 87}]}, {"id": 21, "label": "_far_a_1", "anchors": [{"from": 88, "to": 91}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 92, "to": 102}]}, {"id": 23, "label": "_this_q_dem", "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "label": "_year_n_1", "anchors": [{"from": 97, "to": 102}]}], "edges": [{"source": 9, "target": 14, "label": "ARG2"}, {"source": 19, "target": 18, "label": "ARG3"}, {"source": 18, "target": 16, "label": "ARG1"}, {"source": 5, "target": 8, "label": "ARG1"}, {"source": 5, "target": 7, "label": "ARG2"}, {"source": 2, "target": 3, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 11, "target": 14, "label": "ARG1"}, {"source": 0, "target": 9, "label": "ARG1"}, {"source": 20, "target": 21, "label": "ARG1"}, {"source": 22, "target": 9, "label": "ARG1"}, {"source": 12, "target": 13, "label": "BV"}, {"source": 19, "target": 17, "label": "ARG2"}, {"source": 15, "target": 16, "label": "BV"}, {"source": 14, "target": 16, "label": "ARG1"}, {"source": 22, "target": 24, "label": "ARG2"}, {"source": 23, "target": 24, "label": "BV"}, {"source": 0, "target": 3, "label": "ARG2"}, {"source": 10, "target": 14, "label": "BV"}, {"source": 11, "target": 13, "label": "ARG2"}, {"source": 21, "target": 16, "label": "ARG1"}, {"source": 1, "target": 3, "label": "BV"}, {"source": 4, "target": 8, "label": "BV"}, {"source": 9, "target": 8, "label": "ARG1"}]} +{"id": "20011007", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion.", "tops": [12], "nodes": [{"id": 0, "label": "_from_p_time", "anchors": [{"from": 0, "to": 4}]}, {"id": 1, "label": "proper_q", "anchors": [{"from": 5, "to": 12}]}, {"id": 2, "label": "mofy", "properties": ["carg"], "values": ["Jan"], "anchors": [{"from": 5, "to": 12}]}, {"id": 3, "label": "_to_p", "anchors": [{"from": 13, "to": 15}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 16, "to": 24}]}, {"id": 5, "label": "mofy", "properties": ["carg"], "values": ["Oct"], "anchors": [{"from": 16, "to": 24}]}, {"id": 6, "label": "_the_q", "anchors": [{"from": 25, "to": 28}]}, {"id": 7, "label": "_nation_n_of", "anchors": [{"from": 29, "to": 35}]}, {"id": 8, "label": "def_explicit_q", "anchors": [{"from": 35, "to": 37}]}, {"id": 9, "label": "poss", "anchors": [{"from": 35, "to": 37}]}, {"id": 10, "label": "_accumulate_v_cause", "anchors": [{"from": 38, "to": 49}]}, {"id": 11, "label": "_export_n_of", "anchors": [{"from": 50, "to": 57}]}, {"id": 12, "label": "_increase_v_1", "anchors": [{"from": 58, "to": 67}]}, {"id": 13, "label": "loc_nonsp", "anchors": [{"from": 68, "to": 70}]}, {"id": 14, "label": "udef_q", "anchors": [{"from": 68, "to": 70}]}, {"id": 15, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 68, "to": 69}]}, {"id": 16, "label": "_percent_n_of", "anchors": [{"from": 69, "to": 70}]}, {"id": 17, "label": "_from_p", "anchors": [{"from": 71, "to": 75}]}, {"id": 18, "label": "_the_q", "anchors": [{"from": 76, "to": 79}]}, {"id": 19, "label": "_same_a_as", "anchors": [{"from": 80, "to": 84}]}, {"id": 20, "label": "comp_equal", "anchors": [{"from": 80, "to": 84}]}, {"id": 21, "label": "_period_n_of", "anchors": [{"from": 85, "to": 91}]}, {"id": 22, "label": "loc_nonsp", "anchors": [{"from": 92, "to": 101}]}, {"id": 23, "label": "def_implicit_q", "anchors": [{"from": 92, "to": 96}]}, {"id": 24, "label": "_last_a_1", "anchors": [{"from": 92, "to": 96}]}, {"id": 25, "label": "_year_n_1", "anchors": [{"from": 97, "to": 101}]}, {"id": 26, "label": "_to_p", "anchors": [{"from": 102, "to": 104}]}, {"id": 27, "label": "udef_q", "anchors": [{"from": 105, "to": 120}]}, {"id": 28, "label": "_dollar_n_1", "anchors": [{"from": 105, "to": 106}]}, {"id": 29, "label": "card", "properties": ["carg"], "values": ["50.45"], "anchors": [{"from": 106, "to": 111}]}, {"id": 30, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 112, "to": 120}]}, {"id": 31, "label": "times", "anchors": [{"from": 112, "to": 120}]}], "edges": [{"source": 17, "target": 21, "label": "ARG2"}, {"source": 22, "target": 12, "label": "ARG1"}, {"source": 14, "target": 16, "label": "BV"}, {"source": 22, "target": 25, "label": "ARG2"}, {"source": 18, "target": 21, "label": "BV"}, {"source": 23, "target": 25, "label": "BV"}, {"source": 15, "target": 16, "label": "ARG1"}, {"source": 31, "target": 29, "label": "ARG2"}, {"source": 31, "target": 30, "label": "ARG3"}, {"source": 8, "target": 11, "label": "BV"}, {"source": 24, "target": 25, "label": "ARG1"}, {"source": 3, "target": 12, "label": "ARG1"}, {"source": 26, "target": 12, "label": "ARG1"}, {"source": 6, "target": 7, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 13, "target": 16, "label": "ARG2"}, {"source": 0, "target": 2, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 9, "target": 7, "label": "ARG2"}, {"source": 17, "target": 12, "label": "ARG1"}, {"source": 10, "target": 11, "label": "ARG2"}, {"source": 1, "target": 2, "label": "BV"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 26, "target": 28, "label": "ARG2"}, {"source": 0, "target": 12, "label": "ARG1"}, {"source": 12, "target": 11, "label": "ARG1"}, {"source": 20, "target": 19, "label": "ARG1"}, {"source": 19, "target": 21, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG1"}, {"source": 4, "target": 5, "label": "BV"}, {"source": 30, "target": 28, "label": "ARG1"}]} +{"id": "20011008", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Imports were at $50.38 billion, up 19%.", "tops": [2], "nodes": [{"id": 0, "label": "udef_q", "anchors": [{"from": 0, "to": 7}]}, {"id": 1, "label": "_import_n_of", "anchors": [{"from": 0, "to": 7}]}, {"id": 2, "label": "_at_p", "anchors": [{"from": 13, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 16, "to": 31}]}, {"id": 4, "label": "_dollar_n_1", "anchors": [{"from": 16, "to": 17}]}, {"id": 5, "label": "card", "properties": ["carg"], "values": ["50.38"], "anchors": [{"from": 17, "to": 22}]}, {"id": 6, "label": "card", "properties": ["carg"], "values": ["1000000000"], "anchors": [{"from": 23, "to": 31}]}, {"id": 7, "label": "times", "anchors": [{"from": 23, "to": 31}]}, {"id": 8, "label": "_up_p", "anchors": [{"from": 32, "to": 34}]}, {"id": 9, "label": "udef_q", "anchors": [{"from": 35, "to": 39}]}, {"id": 10, "label": "card", "properties": ["carg"], "values": ["19"], "anchors": [{"from": 35, "to": 37}]}, {"id": 11, "label": "_percent_n_of", "anchors": [{"from": 37, "to": 39}]}], "edges": [{"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 8, "target": 11, "label": "ARG2"}, {"source": 2, "target": 1, "label": "ARG1"}, {"source": 7, "target": 6, "label": "ARG3"}, {"source": 8, "target": 2, "label": "ARG1"}, {"source": 9, "target": 11, "label": "BV"}, {"source": 10, "target": 11, "label": "ARG1"}, {"source": 0, "target": 1, "label": "BV"}, {"source": 7, "target": 5, "label": "ARG2"}, {"source": 6, "target": 4, "label": "ARG1"}]} +{"id": "20012002", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years.", "tops": [20], "nodes": [{"id": 0, "label": "_the_q", "anchors": [{"from": 0, "to": 3}]}, {"id": 1, "label": "_new_a_1", "anchors": [{"from": 4, "to": 7}]}, {"id": 2, "label": "compound", "anchors": [{"from": 8, "to": 15}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 8, "to": 10}]}, {"id": 4, "label": "_ad_n_1", "anchors": [{"from": 8, "to": 10}]}, {"id": 5, "label": "_plan_n_1", "anchors": [{"from": 11, "to": 15}]}, {"id": 6, "label": "_from_p", "anchors": [{"from": 16, "to": 20}]}, {"id": 7, "label": "appos", "anchors": [{"from": 21, "to": 65}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 21, "to": 30}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 21, "to": 30}]}, {"id": 10, "label": "_a_q", "anchors": [{"from": 31, "to": 32}]}, {"id": 11, "label": "_unit_n_of", "anchors": [{"from": 33, "to": 37}]}, {"id": 12, "label": "_the_q", "anchors": [{"from": 41, "to": 44}]}, {"id": 13, "label": "compound", "anchors": [{"from": 45, "to": 65}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 45, "to": 60}]}, {"id": 15, "label": "compound", "anchors": [{"from": 45, "to": 60}]}, {"id": 16, "label": "proper_q", "anchors": [{"from": 45, "to": 55}]}, {"id": 17, "label": "named", "properties": ["carg"], "values": ["Washington"], "anchors": [{"from": 45, "to": 55}]}, {"id": 18, "label": "named", "properties": ["carg"], "values": ["Post"], "anchors": [{"from": 56, "to": 60}]}, {"id": 19, "label": "_co_n_1", "anchors": [{"from": 61, "to": 65}]}, {"id": 20, "label": "_be_v_id", "anchors": [{"from": 66, "to": 68}]}, {"id": 21, "label": "_the_q", "anchors": [{"from": 69, "to": 72}]}, {"id": 22, "label": "ord", "properties": ["carg"], "values": ["2"], "anchors": [{"from": 73, "to": 79}]}, {"id": 23, "label": "compound", "anchors": [{"from": 80, "to": 94}]}, {"id": 24, "label": "udef_q", "anchors": [{"from": 80, "to": 89}]}, {"id": 25, "label": "_incentive_n_to", "anchors": [{"from": 80, "to": 89}]}, {"id": 26, "label": "_plan_n_1", "anchors": [{"from": 90, "to": 94}]}, {"id": 27, "label": "_the_q", "anchors": [{"from": 95, "to": 98}]}, {"id": 28, "label": "_magazine_n_1", "anchors": [{"from": 99, "to": 107}]}, {"id": 29, "label": "_offer_v_1", "anchors": [{"from": 112, "to": 119}]}, {"id": 30, "label": "udef_q", "anchors": [{"from": 120, "to": 131}]}, {"id": 31, "label": "_advertiser_n_unknown", "anchors": [{"from": 120, "to": 131}]}, {"id": 32, "label": "_in_p", "anchors": [{"from": 132, "to": 134}]}, {"id": 33, "label": "udef_q", "anchors": [{"from": 135, "to": 147}]}, {"id": 34, "label": "card", "properties": ["carg"], "values": ["3"], "anchors": [{"from": 135, "to": 140}]}, {"id": 35, "label": "_year_n_1", "anchors": [{"from": 141, "to": 147}]}], "edges": [{"source": 24, "target": 25, "label": "BV"}, {"source": 15, "target": 17, "label": "ARG2"}, {"source": 23, "target": 25, "label": "ARG2"}, {"source": 13, "target": 19, "label": "ARG1"}, {"source": 32, "target": 29, "label": "ARG1"}, {"source": 3, "target": 4, "label": "BV"}, {"source": 2, "target": 4, "label": "ARG2"}, {"source": 20, "target": 5, "label": "ARG1"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 32, "target": 35, "label": "ARG2"}, {"source": 29, "target": 31, "label": "ARG3"}, {"source": 13, "target": 18, "label": "ARG2"}, {"source": 33, "target": 35, "label": "BV"}, {"source": 7, "target": 11, "label": "ARG2"}, {"source": 11, "target": 19, "label": "ARG1"}, {"source": 12, "target": 19, "label": "BV"}, {"source": 2, "target": 5, "label": "ARG1"}, {"source": 22, "target": 26, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 0, "target": 5, "label": "BV"}, {"source": 1, "target": 5, "label": "ARG1"}, {"source": 27, "target": 28, "label": "BV"}, {"source": 6, "target": 5, "label": "ARG1"}, {"source": 15, "target": 18, "label": "ARG1"}, {"source": 23, "target": 26, "label": "ARG1"}, {"source": 29, "target": 28, "label": "ARG1"}, {"source": 6, "target": 9, "label": "ARG2"}, {"source": 29, "target": 26, "label": "ARG2"}, {"source": 7, "target": 9, "label": "ARG1"}, {"source": 14, "target": 18, "label": "BV"}, {"source": 34, "target": 35, "label": "ARG1"}, {"source": 16, "target": 17, "label": "BV"}, {"source": 30, "target": 31, "label": "BV"}, {"source": 21, "target": 26, "label": "BV"}, {"source": 20, "target": 26, "label": "ARG2"}]} +{"id": "20012004", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January.", "tops": [13], "nodes": [{"id": 0, "label": "appos", "anchors": [{"from": 0, "to": 46}]}, {"id": 1, "label": "udef_q", "anchors": [{"from": 12, "to": 46}]}, {"id": 2, "label": "proper_q", "anchors": [{"from": 0, "to": 11}]}, {"id": 3, "label": "compound", "anchors": [{"from": 0, "to": 11}]}, {"id": 4, "label": "proper_q", "anchors": [{"from": 0, "to": 4}]}, {"id": 5, "label": "named", "properties": ["carg"], "values": ["Alan"], "anchors": [{"from": 0, "to": 4}]}, {"id": 6, "label": "named", "properties": ["carg"], "values": ["Spoon"], "anchors": [{"from": 5, "to": 11}]}, {"id": 7, "label": "_recent_a_1", "anchors": [{"from": 12, "to": 20}]}, {"id": 8, "label": "_name_v_1", "anchors": [{"from": 21, "to": 26}]}, {"id": 9, "label": "compound", "anchors": [{"from": 27, "to": 46}]}, {"id": 10, "label": "proper_q", "anchors": [{"from": 27, "to": 35}]}, {"id": 11, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 27, "to": 35}]}, {"id": 12, "label": "_president_n_of", "anchors": [{"from": 36, "to": 46}]}, {"id": 13, "label": "_say_v_to", "anchors": [{"from": 47, "to": 51}]}, {"id": 14, "label": "proper_q", "anchors": [{"from": 52, "to": 60}]}, {"id": 15, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 52, "to": 60}]}, {"id": 16, "label": "def_explicit_q", "anchors": [{"from": 60, "to": 62}]}, {"id": 17, "label": "poss", "anchors": [{"from": 60, "to": 62}]}, {"id": 18, "label": "compound", "anchors": [{"from": 63, "to": 71}]}, {"id": 19, "label": "udef_q", "anchors": [{"from": 63, "to": 65}]}, {"id": 20, "label": "_ad_n_1", "anchors": [{"from": 63, "to": 65}]}, {"id": 21, "label": "_rate_n_of", "anchors": [{"from": 66, "to": 71}]}, {"id": 22, "label": "_would_v_modal", "anchors": [{"from": 72, "to": 77}]}, {"id": 23, "label": "_increase_v_1", "anchors": [{"from": 78, "to": 86}]}, {"id": 24, "label": "loc_nonsp", "anchors": [{"from": 87, "to": 89}]}, {"id": 25, "label": "udef_q", "anchors": [{"from": 87, "to": 89}]}, {"id": 26, "label": "card", "properties": ["carg"], "values": ["5"], "anchors": [{"from": 87, "to": 88}]}, {"id": 27, "label": "_percent_n_of", "anchors": [{"from": 88, "to": 89}]}, {"id": 28, "label": "_in_p_temp", "anchors": [{"from": 90, "to": 92}]}, {"id": 29, "label": "proper_q", "anchors": [{"from": 93, "to": 101}]}, {"id": 30, "label": "mofy", "properties": ["carg"], "values": ["Jan"], "anchors": [{"from": 93, "to": 101}]}], "edges": [{"source": 19, "target": 20, "label": "BV"}, {"source": 17, "target": 21, "label": "ARG1"}, {"source": 28, "target": 23, "label": "ARG1"}, {"source": 28, "target": 30, "label": "ARG2"}, {"source": 22, "target": 23, "label": "ARG1"}, {"source": 1, "target": 12, "label": "BV"}, {"source": 29, "target": 30, "label": "BV"}, {"source": 24, "target": 27, "label": "ARG2"}, {"source": 23, "target": 21, "label": "ARG1"}, {"source": 9, "target": 12, "label": "ARG1"}, {"source": 8, "target": 12, "label": "ARG2"}, {"source": 25, "target": 27, "label": "BV"}, {"source": 14, "target": 15, "label": "BV"}, {"source": 16, "target": 21, "label": "BV"}, {"source": 18, "target": 20, "label": "ARG2"}, {"source": 3, "target": 5, "label": "ARG2"}, {"source": 17, "target": 15, "label": "ARG2"}, {"source": 13, "target": 6, "label": "ARG1"}, {"source": 10, "target": 11, "label": "BV"}, {"source": 3, "target": 6, "label": "ARG1"}, {"source": 0, "target": 12, "label": "ARG2"}, {"source": 13, "target": 22, "label": "ARG2"}, {"source": 18, "target": 21, "label": "ARG1"}, {"source": 24, "target": 23, "label": "ARG1"}, {"source": 26, "target": 27, "label": "ARG1"}, {"source": 0, "target": 6, "label": "ARG1"}, {"source": 7, "target": 8, "label": "ARG1"}, {"source": 9, "target": 11, "label": "ARG2"}, {"source": 2, "target": 6, "label": "BV"}, {"source": 4, "target": 5, "label": "BV"}]} +{"id": "20012005", "flavor": 1, "framework": "eds", "version": 1.0, "time": "2019-06-19 (20:41)", "input": "A full, four-color page in Newsweek will cost $100,980.", "tops": [10], "nodes": [{"id": 0, "label": "_a_q", "anchors": [{"from": 0, "to": 1}]}, {"id": 1, "label": "_full_a_of", "anchors": [{"from": 2, "to": 7}]}, {"id": 2, "label": "compound", "anchors": [{"from": 8, "to": 23}]}, {"id": 3, "label": "udef_q", "anchors": [{"from": 8, "to": 18}]}, {"id": 4, "label": "card", "properties": ["carg"], "values": ["4"], "anchors": [{"from": 8, "to": 18}]}, {"id": 5, "label": "_color_n_1", "anchors": [{"from": 8, "to": 18}]}, {"id": 6, "label": "_page_n_1", "anchors": [{"from": 19, "to": 23}]}, {"id": 7, "label": "_in_p", "anchors": [{"from": 24, "to": 26}]}, {"id": 8, "label": "proper_q", "anchors": [{"from": 27, "to": 35}]}, {"id": 9, "label": "named", "properties": ["carg"], "values": ["Newsweek"], "anchors": [{"from": 27, "to": 35}]}, {"id": 10, "label": "_cost_v_1", "anchors": [{"from": 41, "to": 45}]}, {"id": 11, "label": "udef_q", "anchors": [{"from": 46, "to": 55}]}, {"id": 12, "label": "_dollar_n_1", "anchors": [{"from": 46, "to": 47}]}, {"id": 13, "label": "card", "properties": ["carg"], "values": ["100,980"], "anchors": [{"from": 47, "to": 55}]}], "edges": [{"source": 7, "target": 6, "label": "ARG1"}, {"source": 10, "target": 12, "label": "ARG2"}, {"source": 11, "target": 12, "label": "BV"}, {"source": 8, "target": 9, "label": "BV"}, {"source": 13, "target": 12, "label": "ARG1"}, {"source": 2, "target": 5, "label": "ARG2"}, {"source": 1, "target": 6, "label": "ARG1"}, {"source": 0, "target": 6, "label": "BV"}, {"source": 7, "target": 9, "label": "ARG2"}, {"source": 2, "target": 6, "label": "ARG1"}, {"source": 4, "target": 5, "label": "ARG1"}, {"source": 3, "target": 5, "label": "BV"}, {"source": 10, "target": 6, "label": "ARG1"}]} diff --git a/mtool/data/wsj.txt b/mtool/data/wsj.txt new file mode 100644 index 0000000000000000000000000000000000000000..9f8baae7ef6a07385e033fbfc55ef9d8646c3ddc --- /dev/null +++ b/mtool/data/wsj.txt @@ -0,0 +1,49208 @@ +20001001 Pierre Vinken, 61 years old, will join the board as a nonexecutive director Nov. 29. +20001002 Mr. Vinken is chairman of Elsevier N.V., the Dutch publishing group. +20002001 Rudolph Agnew, 55 years old and former chairman of Consolidated Gold Fields PLC, was named a nonexecutive director of this British industrial conglomerate. +20003001 A form of asbestos once used to make Kent cigarette filters has caused a high percentage of cancer deaths among a group of workers exposed to it more than 30 years ago, researchers reported. +20003002 The asbestos fiber, crocidolite, is unusually resilient once it enters the lungs, with even brief exposures to it causing symptoms that show up decades later, researchers said. +20003003 Lorillard Inc., the unit of New York-based Loews Corp. that makes Kent cigarettes, stopped using crocidolite in its Micronite cigarette filters in 1956. +20003004 Although preliminary findings were reported more than a year ago, the latest results appear in today's New England Journal of Medicine, a forum likely to bring new attention to the problem. +20003005 A Lorillard spokewoman said, "This is an old story. +20003006 We're talking about years ago before anyone heard of asbestos having any questionable properties. +20003007 There is no asbestos in our products now." +20003008 Neither Lorillard nor the researchers who studied the workers were aware of any research on smokers of the Kent cigarettes. +20003009 "We have no useful information on whether users are at risk," said James A. Talcott of Boston's Dana-Farber Cancer Institute. +20003010 Dr. Talcott led a team of researchers from the National Cancer Institute and the medical schools of Harvard University and Boston University. +20003011 The Lorillard spokeswoman said asbestos was used in "very modest amounts" in making paper for the filters in the early 1950s and replaced with a different type of filter in 1956. +20003012 From 1953 to 1955, 9.8 billion Kent cigarettes with the filters were sold, the company said. +20003013 Among 33 men who worked closely with the substance, 28 have died -- more than three times the expected number. +20003014 Four of the five surviving workers have asbestos-related diseases, including three with recently diagnosed cancer. +20003015 The total of 18 deaths from malignant mesothelioma, lung cancer and asbestosis was far higher than expected, the researchers said. +20003016 "The morbidity rate is a striking finding among those of us who study asbestos-related diseases," said Dr. Talcott. +20003017 The percentage of lung cancer deaths among the workers at the West Groton, Mass., paper factory appears to be the highest for any asbestos workers studied in Western industrialized countries, he said. +20003018 The plant, which is owned by Hollingsworth & Vose Co., was under contract with Lorillard to make the cigarette filters. +20003019 The finding probably will support those who argue that the U.S. should regulate the class of asbestos including crocidolite more stringently than the common kind of asbestos, chrysotile, found in most schools and other buildings, Dr. Talcott said. +20003020 The U.S. is one of the few industrialized nations that doesn't have a higher standard of regulation for the smooth, needle-like fibers such as crocidolite that are classified as amphobiles, according to Brooke T. Mossman, a professor of pathlogy at the University of Vermont College of Medicine. +20003021 More common chrysotile fibers are curly and are more easily rejected by the body, Dr. Mossman explained. +20003022 In July, the Environmental Protection Agency imposed a gradual ban on virtually all uses of asbestos. +20003023 By 1997, almost all remaining uses of cancer-causing asbestos will be outlawed. +20003024 About 160 workers at a factory that made paper for the Kent filters were exposed to asbestos in the 1950s. +20003025 Areas of the factory were particularly dusty where the crocidolite was used. +20003026 Workers dumped large burlap sacks of the imported material into a huge bin, poured in cotton and acetate fibers and mechanically mixed the dry fibers in a process used to make filters. +20003027 Workers described "clouds of blue dust" that hung over parts of the factory, even though exhaust fans ventilated the area. +20003028 "There's no question that some of those workers and managers contracted asbestos-related diseases," said Darrell Phillips, vice president of human resources for Hollingsworth & Vose. +20003029 "But you have to recognize that these events took place 35 years ago. +20003030 It has no bearing on our work force today. +20004001 Yields on money-market mutual funds continued to slide, amid signs that portfolio managers expect further declines in interest rates. +20004002 The average seven-day compound yield of the 400 taxable funds tracked by IBC's Money Fund Report eased a fraction of a percentage point to 8.45% from 8.47% for the week ended Tuesday. +20004003 Compound yields assume reinvestment of dividends and that the current yield continues for a year. +20004004 Average maturity of the funds' investments lengthened by a day to 41 days, the longest since early August, according to Donoghue's. +20004005 Longer maturities are thought to indicate declining interest rates because they permit portfolio managers to retain relatively higher rates for a longer period. +20004006 Shorter maturities are considered a sign of rising rates because portfolio managers can capture higher rates sooner. +20004007 The average maturity for funds open only to institutions, considered by some to be a stronger indicator because those managers watch the market closely, reached a high point for the year -- 33 days. +20004008 Nevertheless, said Brenda Malizia Negus, editor of Money Fund Report, yields "may blip up again before they blip down" because of recent rises in short-term interest rates. +20004009 The yield on six-month Treasury bills sold at Monday's auction, for example, rose to 8.04% from 7.90%. +20004010 Despite recent declines in yields, investors continue to pour cash into money funds. +20004011 Assets of the 400 taxable funds grew by $1.5 billion during the latest week, to $352.7 billion. +20004012 Typically, money-fund yields beat comparable short-term investments because portfolio managers can vary maturities and go after the highest rates. +20004013 The top money funds are currently yielding well over 9%. +20004014 Dreyfus World-Wide Dollar, the top-yielding fund, had a seven-day compound yield of 9.37% during the latest week, down from 9.45% a week earlier. +20004015 It invests heavily in dollar-denominated securities overseas and is currently waiving management fees, which boosts its yield. +20004016 The average seven-day simple yield of the 400 funds was 8.12%, down from 8.14%. +20004017 The 30-day simple yield fell to an average 8.19% from 8.22%; the 30-day compound yield slid to an average 8.53% from 8.56%. +20005001 J.P. Bolduc, vice chairman of W.R. Grace & Co., which holds a 83.4% interest in this energy-services company, was elected a director. +20005002 He succeeds Terrence D. Daniels, formerly a W.R. Grace vice chairman, who resigned. +20005003 W.R. Grace holds three of Grace Energy's seven board seats. +20006001 Pacific First Financial Corp. said shareholders approved its acquisition by Royal Trustco Ltd. of Toronto for $27 a share, or $212 million. +20006002 The thrift holding company said it expects to obtain regulatory approval and complete the transaction by year-end. +20007001 McDermott International Inc. said its Babcock & Wilcox unit completed the sale of its Bailey Controls Operations to Finmeccanica S.p.A. for $295 million. +20007002 Finmeccanica is an Italian state-owned holding company with interests in the mechanical engineering industry. +20007003 Bailey Controls, based in Wickliffe, Ohio, makes computerized industrial controls systems. +20007004 It employs 2,700 people and has annual revenue of about $370 million. +20008001 The federal government suspended sales of U.S. savings bonds because Congress hasn't lifted the ceiling on government debt. +20008002 Until Congress acts, the government hasn't any authority to issue new debt obligations of any kind, the Treasury said. +20008003 The government's borrowing authority dropped at midnight Tuesday to $2.80 trillion from $2.87 trillion. +20008004 Legislation to lift the debt ceiling is ensnarled in the fight over cutting capital-gains taxes. +20008005 The House has voted to raise the ceiling to $3.1 trillion, but the Senate isn't expected to act until next week at the earliest. +20008006 The Treasury said the U.S. will default on Nov. 9 if Congress doesn't act by then. +20009001 Clark J. Vitulli was named senior vice president and general manager of this U.S. sales and marketing arm of Japanese auto maker Mazda Motor Corp. +20009002 In the new position he will oversee Mazda's U.S. sales, service, parts and marketing operations. +20009003 Previously, Mr. Vitulli, 43 years old, was general marketing manager of Chrysler Corp.'s Chrysler division. +20009004 He had been a sales and marketing executive with Chrysler for 20 years. +20010001 When it's time for their biannual powwow, the nation's manufacturing titans typically jet off to the sunny confines of resort towns like Boca Raton and Hot Springs. +20010002 Not this year. +20010003 The National Association of Manufacturers settled on the Hoosier capital of Indianapolis for its fall board meeting. +20010004 And the city decided to treat its guests more like royalty or rock stars than factory owners. +20010005 The idea, of course: to prove to 125 corporate decision makers that the buckle on the Rust Belt isn't so rusty after all, that it's a good place for a company to expand. +20010006 On the receiving end of the message were officials from giants like Du Pont and Maytag, along with lesser knowns like Trojan Steel and the Valley Queen Cheese Factory. +20010007 For starters, the executives joined Mayor William H. Hudnut III for an evening of the Indianapolis Symphony Orchestra and a guest pianist-comedian Victor Borge. +20010008 Champagne and dessert followed. +20010009 The next morning, with a police escort, busloads of executives and their wives raced to the Indianapolis Motor Speedway, unimpeded by traffic or red lights. +20010010 The governor couldn't make it, so the lieutenant governor welcomed the special guests. +20010011 A buffet breakfast was held in the museum, where food and drinks are banned to everyday visitors. +20010012 Then, in the guests' honor, the speedway hauled out four drivers, crews and even the official Indianapolis 500 announcer for a 10-lap exhibition race. +20010013 After the race, Fortune 500 executives drooled like schoolboys over the cars and drivers. +20010014 No dummies, the drivers pointed out they still had space on their machines for another sponsor's name or two. +20010015 Back downtown, the execs squeezed in a few meetings at the hotel before boarding the buses again. +20010016 This time, it was for dinner and dancing -- a block away. +20010017 Under the stars and moons of the renovated Indiana Roof ballroom, nine of the hottest chefs in town fed them Indiana duckling mousseline, lobster consomme, veal mignon and chocolate terrine with a raspberry sauce. +20010018 Knowing a tasty -- and free -- meal when they eat one, the executives gave the chefs a standing ovation. +20010019 More than a few CEOs say the red-carpet treatment tempts them to return to a heartland city for future meetings. +20010020 But for now, they're looking forward to their winter meeting -- Boca in February. +20011001 South Korea registered a trade deficit of $101 million in October, reflecting the country's economic sluggishness, according to government figures released Wednesday. +20011002 Preliminary tallies by the Trade and Industry Ministry showed another trade deficit in October, the fifth monthly setback this year, casting a cloud on South Korea's export-oriented economy. +20011003 Exports in October stood at $5.29 billion, a mere 0.7% increase from a year earlier, while imports increased sharply to $5.39 billion, up 20% from last October. +20011004 South Korea's economic boom, which began in 1986, stopped this year because of prolonged labor disputes, trade conflicts and sluggish exports. +20011005 Government officials said exports at the end of the year would remain under a government target of $68 billion. +20011006 Despite the gloomy forecast, South Korea has recorded a trade surplus of $71 million so far this year. +20011007 From January to October, the nation's accumulated exports increased 4% from the same period last year to $50.45 billion. +20011008 Imports were at $50.38 billion, up 19%. +20012001 Newsweek, trying to keep pace with rival Time magazine, announced new advertising rates for 1990 and said it will introduce a new incentive plan for advertisers. +20012002 The new ad plan from Newsweek, a unit of the Washington Post Co., is the second incentive plan the magazine has offered advertisers in three years. +20012003 Plans that give advertisers discounts for maintaining or increasing ad spending have become permanent fixtures at the news weeklies and underscore the fierce competition between Newsweek, Time Warner Inc.'s Time magazine, and Mortimer B. Zuckerman's U.S. News & World Report. +20012004 Alan Spoon, recently named Newsweek president, said Newsweek's ad rates would increase 5% in January. +20012005 A full, four-color page in Newsweek will cost $100,980. +20012006 In mid-October, Time magazine lowered its guaranteed circulation rate base for 1990 while not increasing ad page rates; with a lower circulation base, Time's ad rate will be effectively 7.5% higher per subscriber; a full page in Time costs about $120,000. +20012007 U.S. News has yet to announce its 1990 ad rates. +20012008 Newsweek said it will introduce the Circulation Credit Plan, which awards space credits to advertisers on "renewal advertising." +20012009 The magazine will reward with "page bonuses" advertisers who in 1990 meet or exceed their 1989 spending, as long as they spent $325,000 in 1989 and $340,000 in 1990. +20012010 Mr. Spoon said the plan is not an attempt to shore up a decline in ad pages in the first nine months of 1989; Newsweek's ad pages totaled 1,620, a drop of 3.2% from last year, according to Publishers Information Bureau. +20012011 "What matters is what advertisers are paying per page, and in that department we are doing fine this fall," said Mr. Spoon. +20012012 Both Newsweek and U.S. News have been gaining circulation in recent years without heavy use of electronic giveaways to subscribers, such as telephones or watches. +20012013 However, none of the big three weeklies recorded circulation gains recently. +20012014 According to Audit Bureau of Circulations, Time, the largest newsweekly, had average circulation of 4,393,237, a decrease of 7.3%. +20012015 Newsweek's circulation for the first six months of 1989 was 3,288,453, flat from the same period last year. +20012016 U.S. News' circulation in the same time was 2,303,328, down 2.6%. +20013001 New England Electric System bowed out of the bidding for Public Service Co. of New Hampshire, saying that the risks were too high and the potential payoff too far in the future to justify a higher offer. +20013002 The move leaves United Illuminating Co. and Northeast Utilities as the remaining outside bidders for PS of New Hampshire, which also has proposed an internal reorganization plan in Chapter 11 bankruptcy proceedings under which it would remain an independent company. +20013003 New England Electric, based in Westborough, Mass., had offered $2 billion to acquire PS of New Hampshire, well below the $2.29 billion value United Illuminating places on its bid and the $2.25 billion Northeast says its bid is worth. +20013004 United Illuminating is based in New Haven, Conn., and Northeast is based in Hartford, Conn. +20013005 PS of New Hampshire, Manchester, N.H., values its internal reorganization plan at about $2.2 billion. +20013006 John Rowe, president and chief executive officer of New England Electric, said the company's return on equity could suffer if it made a higher bid and its forecasts related to PS of New Hampshire -- such as growth in electricity demand and improved operating efficiencies -- didn't come true. +20013007 "When we evaluated raising our bid, the risks seemed substantial and persistent over the next five years, and the rewards seemed a long way out. +20013008 That got hard to take," he added. +20013009 Mr. Rowe also noted that political concerns also worried New England Electric. +20013010 No matter who owns PS of New Hampshire, after it emerges from bankruptcy proceedings its rates will be among the highest in the nation, he said. +20013011 "That attracts attention . . . +20013012 it was just another one of the risk factors" that led to the company's decision to withdraw from the bidding, he added. +20013013 Wilbur Ross Jr. of Rothschild Inc., the financial adviser to the troubled company's equity holders, said the withdrawal of New England Electric might speed up the reorganization process. +20013014 The fact that New England proposed lower rate increases -- 4.8% over seven years against around 5.5% boosts proposed by the other two outside bidders -- complicated negotiations with state officials, Mr. Ross asserted. +20013015 "Now the field is less cluttered," he added. +20013016 Separately, the Federal Energy Regulatory Commission turned down for now a request by Northeast seeking approval of its possible purchase of PS of New Hampshire. +20013017 Northeast said it would refile its request and still hopes for an expedited review by the FERC so that it could complete the purchase by next summer if its bid is the one approved by the bankruptcy court. +20013018 PS of New Hampshire shares closed yesterday at $3.75, off 25 cents, in New York Stock Exchange composite trading. +20014001 Norman Ricken, 52 years old and former president and chief operating officer of Toys "R" Us Inc., and Frederick Deane Jr., 63, chairman of Signet Banking Corp., were elected directors of this consumer electronics and appliances retailing chain. +20014002 They succeed Daniel M. Rexinger, retired Circuit City executive vice president, and Robert R. Glauber, U.S. Treasury undersecretary, on the 12-member board. +20015001 Commonwealth Edison Co. was ordered to refund about $250 million to its current and former ratepayers for illegal rates collected for cost overruns on a nuclear power plant. +20015002 The refund was about $55 million more than previously ordered by the Illinois Commerce Commission and trade groups said it may be the largest ever required of a state or local utility. +20015003 State court Judge Richard Curry ordered Edison to make average refunds of about $45 to $50 each to Edison customers who have received electric service since April 1986, including about two million customers who have moved during that period. +20015004 Judge Curry ordered the refunds to begin Feb. 1 and said that he wouldn't entertain any appeals or other attempts to block his order by Commonwealth Edison. +20015005 "The refund pool . . . may not be held hostage through another round of appeals," Judge Curry said. +20015006 Commonwealth Edison said it is already appealing the underlying commission order and is considering appealing Judge Curry's order. +20015007 The exact amount of the refund will be determined next year based on actual collections made until Dec. 31 of this year. +20015008 Commonwealth Edison said the ruling could force it to slash its 1989 earnings by $1.55 a share. +20015009 For 1988, Commonwealth Edison reported earnings of $737.5 million, or $3.01 a share. +20015010 A Commonwealth Edison spokesman said that tracking down the two million customers whose addresses have changed during the past 3 1/2 years would be "an administrative nightmare." +20015011 In New York Stock Exchange composite trading yesterday, Commonwealth Edison closed at $38.375, down 12.5 cents. +20015012 The $2.5 billion Byron 1 plant near Rockford, Ill., was completed in 1985. +20015013 In a disputed 1985 ruling, the Commerce Commission said Commonwealth Edison could raise its electricity rates by $49 million to pay for the plant. +20015014 But state courts upheld a challenge by consumer groups to the commission's rate increase and found the rates illegal. +20015015 The Illinois Supreme Court ordered the commission to audit Commonwealth Edison's construction expenses and refund any unreasonable expenses. +20015016 The utility has been collecting for the plant's construction cost from its 3.1 million customers subject to a refund since 1986. +20015017 In August, the commission ruled that between $190 million and $195 million of the plant's construction cost was unreasonable and should be refunded, plus interest. +20015018 In his ruling, Judge Curry added an additional $55 million to the commission's calculations. +20015019 Last month, Judge Curry set the interest rate on the refund at 9%. +20015020 Commonwealth Edison now faces an additional court-ordered refund on its summer/winter rate differential collections that the Illinois Appellate Court has estimated at $140 million. +20015021 And consumer groups hope that Judge Curry's Byron 1 order may set a precedent for a second nuclear rate case involving Commonwealth Edison's Braidwood 2 plant. +20015022 Commonwealth Edison is seeking about $245 million in rate increases to pay for Braidwood 2. +20015023 The commission is expected to rule on the Braidwood 2 case by year end. +20015024 Last year Commonwealth Edison had to refund $72.7 million for poor performance of its LaSalle I nuclear plant. +20016001 Japan's domestic sales of cars, trucks and buses in October rose 18% from a year earlier to 500,004 units, a record for the month, the Japan Automobile Dealers' Association said. +20016002 The strong growth followed year-to-year increases of 21% in August and 12% in September. +20016003 The monthly sales have been setting records every month since March. +20016004 October sales, compared with the previous month, inched down 0.4%. +20016005 Sales of passenger cars grew 22% from a year earlier to 361,376 units. +20016006 Sales of medium-sized cars, which benefited from price reductions arising from introduction of the consumption tax, more than doubled to 30,841 units from 13,056 in October 1988. +20017001 Texas Instruments Japan Ltd., a unit of Texas Instruments Inc., said it opened a plant in South Korea to manufacture control devices. +20017002 The new plant, located in Chinchon about 60 miles from Seoul, will help meet increasing and diversifying demand for control products in South Korea, the company said. +20017003 The plant will produce control devices used in motor vehicles and household appliances. +20018001 The survival of spinoff Cray Computer Corp. as a fledgling in the supercomputer business appears to depend heavily on the creativity -- and longevity -- of its chairman and chief designer, Seymour Cray. +20018002 Not only is development of the new company's initial machine tied directly to Mr. Cray, so is its balance sheet. +20018003 Documents filed with the Securities and Exchange Commission on the pending spinoff disclosed that Cray Research Inc. will withdraw the almost $100 million in financing it is providing the new firm if Mr. Cray leaves or if the product-design project he heads is scrapped. +20018004 The documents also said that although the 64-year-old Mr. Cray has been working on the project for more than six years, the Cray-3 machine is at least another year away from a fully operational prototype. +20018005 Moreover, there have been no orders for the Cray-3 so far, though the company says it is talking with several prospects. +20018006 While many of the risks were anticipated when Minneapolis-based Cray Research first announced the spinoff in May, the strings it attached to the financing hadn't been made public until yesterday. +20018007 "We didn't have much of a choice," Cray Computer's chief financial officer, Gregory Barnum, said in an interview. +20018008 "The theory is that Seymour is the chief designer of the Cray-3, and without him it could not be completed. +20018009 Cray Research did not want to fund a project that did not include Seymour." +20018010 The documents also said that Cray Computer anticipates needing perhaps another $120 million in financing beginning next September. +20018011 But Mr. Barnum called that "a worst-case" scenario. +20018012 The filing on the details of the spinoff caused Cray Research stock to jump $2.875 yesterday to close at $38 in New York Stock Exchange composite trading. +20018013 Analysts noted yesterday that Cray Research's decision to link its $98.3 million promissory note to Mr. Cray's presence will complicate a valuation of the new company. +20018014 "It has to be considered as an additional risk for the investor," said Gary P. Smaby of Smaby Group Inc., Minneapolis. +20018015 "Cray Computer will be a concept stock," he said. +20018016 "You either believe Seymour can do it again or you don't." +20018017 Besides the designer's age, other risk factors for Mr. Cray's new company include the Cray-3's tricky, unproven chip technology. +20018018 The SEC documents describe those chips, which are made of gallium arsenide, as being so fragile and minute they will require special robotic handling equipment. +20018019 In addition, the Cray-3 will contain 16 processors -- twice as many as the largest current supercomputer. +20018020 Cray Computer also will face intense competition, not only from Cray Research, which has about 60% of the world-wide supercomputer market and which is expected to roll out the C-90 machine, a direct competitor with the Cray-3, in 1991. +20018021 The spinoff also will compete with International Business Machines Corp. and Japan's Big Three -- Hitachi Ltd., NEC Corp. and Fujitsu Ltd. +20018022 The new company said it believes there are fewer than 100 potential customers for supercomputers priced between $15 million and $30 million -- presumably the Cray-3 price range. +20018023 Under terms of the spinoff, Cray Research stockholders are to receive one Cray Computer share for every two Cray Research shares they own in a distribution expected to occur in about two weeks. +20018024 No price for the new shares has been set. +20018025 Instead, the companies will leave it up to the marketplace to decide. +20018026 Cray Computer has applied to trade on Nasdaq. +20018027 Analysts calculate Cray Computer's initial book value at about $4.75 a share. +20018028 Along with the note, Cray Research is transferring about $53 million in assets, primarily those related to the Cray-3 development, which has been a drain on Cray Research's earnings. +20018029 Pro-forma balance sheets clearly show why Cray Research favored the spinoff. +20018030 Without the Cray-3 research and development expenses, the company would have been able to report a profit of $19.3 million for the first half of 1989 rather than the $5.9 million it posted. +20018031 On the other hand, had it existed then, Cray Computer would have incurred a $20.5 million loss. +20018032 Mr. Cray, who couldn't be reached for comment, will work for the new Colorado Springs, Colo., company as an independent contractor -- the arrangement he had with Cray Research. +20018033 Regarded as the father of the supercomputer, Mr. Cray was paid $600,000 at Cray Research last year. +20018034 At Cray Computer, he will be paid $240,000. +20018035 Besides Messrs. Cray and Barnum, other senior management at the company includes Neil Davenport, 47, president and chief executive officer; Joseph M. Blanchard, 37, vice president, engineering; Malcolm A. Hammerton, 40, vice president, software; and Douglas R. Wheeland, 45, vice president, hardware. +20018036 All came from Cray Research. +20018037 Cray Computer, which currently employs 241 people, said it expects a work force of 450 by the end of 1990. +20019001 John R. Stevens, 49 years old, was named senior executive vice president and chief operating officer, both new positions. +20019002 He will continue to report to Donald Pardus, president and chief executive officer. +20019003 Mr. Stevens was executive vice president of this electric-utility holding company. +20019004 Arthur A. Hatch, 59, was named executive vice president of the company. +20019005 He was previously president of the company's Eastern Edison Co. unit. +20019006 John D. Carney, 45, was named to succeed Mr. Hatch as president of Eastern Edison. +20019007 Previously he was vice president of Eastern Edison. +20019008 Robert P. Tassinari, 63, was named senior vice president of Eastern Utilities. +20019009 He was previously vice president. +20020001 The U.S., claiming some success in its trade diplomacy, removed South Korea, Taiwan and Saudi Arabia from a list of countries it is closely watching for allegedly failing to honor U.S. patents, copyrights and other intellectual-property rights. +20020002 However, five other countries -- China, Thailand, India, Brazil and Mexico -- will remain on that so-called priority watch list as a result of an interim review, U.S. Trade Representative Carla Hills announced. +20020003 Under the new U.S. trade law, those countries could face accelerated unfair-trade investigations and stiff trade sanctions if they don't improve their protection of intellectual property by next spring. +20020004 Mrs. Hills said many of the 25 countries that she placed under varying degrees of scrutiny have made "genuine progress" on this touchy issue. +20020005 She said there is "growing realization" around the world that denial of intellectual-property rights harms all trading nations, and particularly the "creativity and inventiveness of an {offending} country's own citizens." +20020006 U.S. trade negotiators argue that countries with inadequate protections for intellectual-property rights could be hurting themselves by discouraging their own scientists and authors and by deterring U.S. high-technology firms from investing or marketing their best products there. +20020007 Mrs. Hills lauded South Korea for creating an intellectual-property task force and special enforcement teams of police officers and prosecutors trained to pursue movie and book pirates. +20020008 Seoul also has instituted effective search-and-seizure procedures to aid these teams, she said. +20020009 Taiwan has improved its standing with the U.S. by initialing a bilateral copyright agreement, amending its trademark law and introducing legislation to protect foreign movie producers from unauthorized showings of their films. +20020010 That measure could compel Taipei's growing number of small video-viewing parlors to pay movie producers for showing their films. +20020011 Saudi Arabia, for its part, has vowed to enact a copyright law compatible with international standards and to apply the law to computer software as well as to literary works, Mrs. Hills said. +20020012 These three countries aren't completely off the hook, though. +20020013 They will remain on a lower-priority list that includes 17 other countries. +20020014 Those countries -- including Japan, Italy, Canada, Greece and Spain -- are still of some concern to the U.S. but are deemed to pose less-serious problems for American patent and copyright owners than those on the "priority" list. +20020015 Gary Hoffman, a Washington lawyer specializing in intellectual-property cases, said the threat of U.S. retaliation, combined with a growing recognition that protecting intellectual property is in a country's own interest, prompted the improvements made by South Korea, Taiwan and Saudi Arabia. +20020016 "What this tells us is that U.S. trade law is working," he said. +20020017 He said Mexico could be one of the next countries to be removed from the priority list because of its efforts to craft a new patent law. +20020018 Mrs. Hills said that the U.S. is still concerned about "disturbing developments in Turkey and continuing slow progress in Malaysia." +20020019 She didn't elaborate, although earlier U.S. trade reports have complained of videocassette piracy in Malaysia and disregard for U.S. pharmaceutical patents in Turkey. +20020020 The 1988 trade act requires Mrs. Hills to issue another review of the performance of these countries by April 30. +20020021 So far, Mrs. Hills hasn't deemed any cases bad enough to merit an accelerated investigation under the so-called special 301 provision of the act. +20021001 Argentina said it will ask creditor banks to halve its foreign debt of $64 billion -- the third-highest in the developing world. +20021002 The declaration by Economy Minister Nestor Rapanelli is believed to be the first time such an action has been called for by an Argentine official of such stature. +20021003 The Latin American nation has paid very little on its debt since early last year. +20021004 "Argentina aspires to reach a reduction of 50% in the value of its external debt," Mr. Rapanelli said through his spokesman, Miguel Alurralde. +20021005 Mr. Rapanelli met in August with U.S. Assistant Treasury Secretary David Mulford. +20021006 Argentine negotiator Carlos Carballo was in Washington and New York this week to meet with banks. +20021007 Mr. Rapanelli recently has said the government of President Carlos Menem, who took office July 8, feels a significant reduction of principal and interest is the only way the debt problem may be solved. +20021008 But he has not said before that the country wants half the debt forgiven. +20022001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +20022002 THREE COMPUTERS THAT CHANGED the face of personal computing were launched in 1977. +20022003 That year the Apple II, Commodore Pet and Tandy TRS-80 came to market. +20022004 The computers were crude by today's standards. +20022005 Apple II owners, for example, had to use their television sets as screens and stored data on audiocassettes. +20022006 But Apple II was a major advance from Apple I, which was built in a garage by Stephen Wozniak and Steven Jobs for hobbyists such as the Homebrew Computer Club. +20022007 In addition, the Apple II was an affordable $1,298. +20022008 Crude as they were, these early PCs triggered explosive product development in desktop models for the home and office. +20022009 Big mainframe computers for business had been around for years. +20022010 But the new 1977 PCs -- unlike earlier built-from-kit types such as the Altair, Sol and IMSAI -- had keyboards and could store about two pages of data in their memories. +20022011 Current PCs are more than 50 times faster and have memory capacity 500 times greater than their 1977 counterparts. +20022012 There were many pioneer PC contributors. +20022013 William Gates and Paul Allen in 1975 developed an early language-housekeeper system for PCs, and Gates became an industry billionaire six years after IBM adapted one of these versions in 1981. +20022014 Alan F. Shugart, currently chairman of Seagate Technology, led the team that developed the disk drives for PCs. +20022015 Dennis Hayes and Dale Heatherington, two Atlanta engineers, were co-developers of the internal modems that allow PCs to share data via the telephone. +20022016 IBM, the world leader in computers, didn't offer its first PC until August 1981 as many other companies entered the market. +20022017 Today, PC shipments annually total some $38.3 billion world-wide. +20023001 F.H. Faulding & Co., an Australian pharmaceuticals company, said its Moleculon Inc. affiliate acquired Kalipharma Inc. for $23 million. +20023002 Kalipharma is a New Jersey-based pharmaceuticals concern that sells products under the Purepac label. +20023003 Faulding said it owns 33% of Moleculon's voting stock and has an agreement to acquire an additional 19%. +20023004 That stake, together with its convertible preferred stock holdings, gives Faulding the right to increase its interest to 70% of Moleculon's voting stock. +20024001 Oil production from Australia's Bass Strait fields will be raised by 11,000 barrels a day to about 321,000 barrels with the launch of the Whiting field, the first of five small fields scheduled to be brought into production before the end of 1990. +20024002 Esso Australia Ltd., a unit of New York-based Exxon Corp., and Broken Hill Pty. operate the fields in a joint venture. +20024003 Esso said the Whiting field started production Tuesday. +20024004 Output will be gradually increased until it reaches about 11,000 barrels a day. +20024005 The field has reserves of 21 million barrels. +20024006 Reserves for the five new fields total 50 million barrels. +20024007 The Perch and Dolphin fields are expected to start producing early next year, and the Seahorse and Tarwhine fields later next year. +20024008 Esso said the fields were developed after the Australian government decided in 1987 to make the first 30 million barrels from new fields free of excise tax. +20025001 R.P. Scherer Corp. said it completed the $10.2 million sale of its Southern Optical subsidiary to a group led by the unit's president, Thomas R. Sloan, and other managers. +20025002 Following the acquisition of R.P. Scherer by a buy-out group led by Shearson Lehman Hutton earlier this year, the maker of gelatin capsules decided to divest itself of certain of its non-encapsulating businesses. +20025003 The sale of Southern Optical is a part of the program. +20026001 The White House said President Bush has approved duty-free treatment for imports of certain types of watches that aren't produced in "significant quantities" in the U.S., the Virgin Islands and other U.S. possessions. +20026002 The action came in response to a petition filed by Timex Inc. for changes in the U.S. Generalized System of Preferences for imports from developing nations. +20026003 Previously, watch imports were denied such duty-free treatment. +20026004 Timex had requested duty-free treatment for many types of watches, covered by 58 different U.S. tariff classifications. +20026005 The White House said Mr. Bush decided to grant duty-free status for 18 categories, but turned down such treatment for other types of watches "because of the potential for material injury to watch producers located in the U.S. and the Virgin Islands." +20026006 Timex is a major U.S. producer and seller of watches, including low-priced battery-operated watches assembled in the Philippines and other developing nations covered by the U.S. tariff preferences. +20026007 U.S. trade officials said the Philippines and Thailand would be the main beneficiaries of the president's action. +20026008 Imports of the types of watches that now will be eligible for duty-free treatment totaled about $37.3 million in 1988, a relatively small share of the $1.5 billion in U.S. watch imports that year, according to an aide to U.S. Trade Representative Carla Hills. +20027001 Magna International Inc.'s chief financial officer, James McAlpine, resigned and its chairman, Frank Stronach, is stepping in to help turn the automotive-parts manufacturer around, the company said. +20027002 Mr. Stronach will direct an effort to reduce overhead and curb capital spending "until a more satisfactory level of profit is achieved and maintained," Magna said. +20027003 Stephen Akerfeldt, currently vice president finance, will succeed Mr. McAlpine. +20027004 An ambitious expansion has left Magna with excess capacity and a heavy debt load as the automotive industry enters a downturn. +20027005 The company has reported declines in operating profit in each of the past three years, despite steady sales growth. +20027006 Magna recently cut its quarterly dividend in half and the company's Class A shares are wallowing far below their 52-week high of 16.125 Canadian dollars (US$13.73). +20027007 On the Toronto Stock Exchange yesterday, Magna shares closed up 37.5 Canadian cents to C$9.625. +20027008 Mr. Stronach, founder and controlling shareholder of Magna, resigned as chief executive officer last year to seek, unsuccessfully, a seat in Canada's Parliament. +20027009 Analysts said Mr. Stronach wants to resume a more influential role in running the company. +20027010 They expect him to cut costs throughout the organization. +20027011 The company said Mr. Stronach will personally direct the restructuring, assisted by Manfred Gingl, president and chief executive. +20027012 Neither they nor Mr. McAlpine could be reached for comment. +20027013 Magna said Mr. McAlpine resigned to pursue a consulting career, with Magna as one of his clients. +20028001 Lord Chilver, 63-year-old chairman of English China Clays PLC, was named a nonexecutive director of this British chemical company. +20029001 Japanese investors nearly single-handedly bought up two new mortgage securities-based mutual funds totaling $701 million, the U.S. Federal National Mortgage Association said. +20029002 The purchases show the strong interest of Japanese investors in U.S. mortgage-based instruments, Fannie Mae's chairman, David O. Maxwell, said at a news conference. +20029003 He said more than 90% of the funds were placed with Japanese institutional investors. +20029004 The rest went to investors from France and Hong Kong. +20029005 Earlier this year, Japanese investors snapped up a similar, $570 million mortgage-backed securities mutual fund. +20029006 That fund was put together by Blackstone Group, a New York investment bank. +20029007 The latest two funds were assembled jointly by Goldman, Sachs & Co. of the U.S. and Japan's Daiwa Securities Co. +20029008 The new, seven-year funds -- one offering a fixed-rate return and the other with a floating-rate return linked to the London interbank offered rate -- offer two key advantages to Japanese investors. +20029009 First, they are designed to eliminate the risk of prepayment -- mortgage-backed securities can be retired early if interest rates decline, and such prepayment forces investors to redeploy their money at lower rates. +20029010 Second, they channel monthly mortgage payments into semiannual payments, reducing the administrative burden on investors. +20029011 By addressing those problems, Mr. Maxwell said, the new funds have become "extremely attractive to Japanese and other investors outside the U.S." +20029012 Such devices have boosted Japanese investment in mortgage-backed securities to more than 1% of the $900 billion in such instruments outstanding, and their purchases are growing at a rapid rate. +20029013 They also have become large purchasers of Fannie Mae's corporate debt, buying $2.4 billion in Fannie Mae bonds during the first nine months of the year, or almost a tenth of the total amount issued. +20030001 James L. Pate, 54-year-old executive vice president, was named a director of this oil concern, expanding the board to 14 members. +20031001 LTV Corp. said a federal bankruptcy court judge agreed to extend until March 8, 1990, the period in which the steel, aerospace and energy products company has the exclusive right to file a reorganization plan. +20031002 The company is operating under Chapter 11 of the federal Bankruptcy Code, giving it court protection from creditors' lawsuits while it attempts to work out a plan to pay its debts. +20032001 Italian chemical giant Montedison S.p.A., through its Montedison Acquisition N.V. indirect unit, began its $37-a-share tender offer for all the common shares outstanding of Erbamont N.V., a maker of pharmaceuticals incorporated in the Netherlands. +20032002 The offer, advertised in today's editions of The Wall Street Journal, is scheduled to expire at the end of November. +20032003 Montedison currently owns about 72% of Erbamont's common shares outstanding. +20032004 The offer is being launched pursuant to a previously announced agreement between the companies. +20033001 Japan's reserves of gold, convertible foreign currencies, and special drawing rights fell by a hefty $1.82 billion in October to $84.29 billion, the Finance Ministry said. +20033002 The total marks the sixth consecutive monthly decline. +20033003 The protracted downturn reflects the intensity of Bank of Japan yen-support intervention since June, when the U.S. currency temporarily surged above the 150.00 yen level. +20033004 The announcement follows a sharper $2.2 billion decline in the country's foreign reserves in September to $86.12 billion. +20034001 Pick a country, any country. +20034002 It's the latest investment craze sweeping Wall Street: a rash of new closed-end country funds, those publicly traded portfolios that invest in stocks of a single foreign country. +20034003 No fewer than 24 country funds have been launched or registered with regulators this year, triple the level of all of 1988, according to Charles E. Simon & Co., a Washington-based research firm. +20034004 The turf recently has ranged from Chile to Austria to Portugal. +20034005 Next week, the Philippine Fund's launch will be capped by a visit by Philippine President Corazon Aquino -- the first time a head of state has kicked off an issue at the Big Board here. +20034006 The next province? +20034007 "Anything's possible -- how about the New Guinea Fund?" quips George Foot, a managing partner at Newgate Management Associates of Northampton, Mass. +20034008 The recent explosion of country funds mirrors the "closed-end fund mania" of the 1920s, Mr. Foot says, when narrowly focused funds grew wildly popular. +20034009 They fell into oblivion after the 1929 crash. +20034010 Unlike traditional open-end mutual funds, most of these one-country portfolios are the "closed-end" type, issuing a fixed number of shares that trade publicly. +20034011 The surge brings to nearly 50 the number of country funds that are or soon will be listed in New York or London. +20034012 These funds now account for several billions of dollars in assets. +20034013 "People are looking to stake their claims" now before the number of available nations runs out, says Michael Porter, an analyst at Smith Barney, Harris Upham & Co., New York. +20034014 Behind all the hoopla is some heavy-duty competition. +20034015 As individual investors have turned away from the stock market over the years, securities firms have scrambled to find new products that brokers find easy to sell. +20034016 And the firms are stretching their nets far and wide to do it. +20034017 Financial planners often urge investors to diversify and to hold a smattering of international securities. +20034018 And many emerging markets have outpaced more mature markets, such as the U.S. and Japan. +20034019 Country funds offer an easy way to get a taste of foreign stocks without the hard research of seeking out individual companies. +20034020 But it doesn't take much to get burned. +20034021 Political and currency gyrations can whipsaw the funds. +20034022 Another concern: The funds' share prices tend to swing more than the broader market. +20034023 When the stock market dropped nearly 7% Oct. 13, for instance, the Mexico Fund plunged about 18% and the Spain Fund fell 16%. +20034024 And most country funds were clobbered more than most stocks after the 1987 crash. +20034025 What's so wild about the funds' frenzy right now is that many are trading at historically fat premiums to the value of their underlying portfolios. +20034026 After trading at an average discount of more than 20% in late 1987 and part of last year, country funds currently trade at an average premium of 6%. +20034027 The reason: Share prices of many of these funds this year have climbed much more sharply than the foreign stocks they hold. +20034028 It's probably worth paying a premium for funds that invest in markets that are partially closed to foreign investors, such as South Korea, some specialists say. +20034029 But some European funds recently have skyrocketed; Spain Fund has surged to a startling 120% premium. +20034030 It has been targeted by Japanese investors as a good long-term play tied to 1992's European economic integration. +20034031 And several new funds that aren't even fully invested yet have jumped to trade at big premiums. +20034032 "I'm very alarmed to see these rich valuations," says Smith Barney's Mr. Porter. +20034033 The newly fattened premiums reflect the increasingly global marketing of some country funds, Mr. Porter suggests. +20034034 Unlike many U.S. investors, those in Asia or Europe seeking foreign-stock exposure may be less resistant to paying higher prices for country funds. +20034035 "There may be an international viewpoint cast on the funds listed here," Mr. Porter says. +20034036 Nonetheless, plenty of U.S. analysts and money managers are aghast at the lofty trading levels of some country funds. +20034037 They argue that U.S. investors often can buy American depositary receipts on the big stocks in many funds; these so-called ADRs represent shares of foreign companies traded in the U.S. +20034038 That way investors can essentially buy the funds without paying the premium. +20034039 For people who insist on jumping in now to buy the funds, Newgate's Mr. Foot says: "The only advice I have for these folks is that those who come to the party late had better be ready to leave quickly. +20035001 The U.S. and Soviet Union are holding technical talks about possible repayment by Moscow of $188 million in pre-Communist Russian debts owed to the U.S. government, the State Department said. +20035002 If the debts are repaid, it could clear the way for Soviet bonds to be sold in the U.S. +20035003 However, after two meetings with the Soviets, a State Department spokesman said that it's "too early to say" whether that will happen. +20035004 Coincident with the talks, the State Department said it has permitted a Soviet bank to open a New York branch. +20035005 The branch of the Bank for Foreign Economic Affairs was approved last spring and opened in July. +20035006 But a Soviet bank here would be crippled unless Moscow found a way to settle the $188 million debt, which was lent to the country's short-lived democratic Kerensky government before the Communists seized power in 1917. +20035007 Under a 1934 law, the Johnson Debt Default Act, as amended, it's illegal for Americans to extend credit to countries in default to the U.S. government, unless they are members of the World Bank and International Monetary Fund. +20035008 The U.S.S.R. belongs to neither organization. +20035009 Moscow has settled pre-1917 debts with other countries in recent years at less than face value. +20035010 The State Department stressed the pre-1933 debts as the key to satisfying the Johnson Act. +20035011 But the Soviets might still face legal obstacles to raising money in the U.S. until they settle hundreds of millions of dollars in additional debt still outstanding from the World War II lend-lease program. +20036001 In another reflection that the growth of the economy is leveling off, the government said that orders for manufactured goods and spending on construction failed to rise in September. +20036002 Meanwhile, the National Association of Purchasing Management said its latest survey indicated that the manufacturing economy contracted in October for the sixth consecutive month. +20036003 Its index inched up to 47.6% in October from 46% in September. +20036004 Any reading below 50% suggests the manufacturing sector is generally declining. +20036005 The purchasing managers, however, also said that orders turned up in October after four months of decline. +20036006 Factories booked $236.74 billion in orders in September, nearly the same as the $236.79 billion in August, the Commerce Department said. +20036007 If not for a 59.6% surge in orders for capital goods by defense contractors, factory orders would have fallen 2.1%. +20036008 In a separate report, the department said construction spending ran at an annual rate of $415.6 billion, not significantly different from the $415.8 billion reported for August. +20036009 Private construction spending was down, but government building activity was up. +20036010 The figures in both reports were adjusted to remove the effects of usual seasonal patterns, but weren't adjusted for inflation. +20036011 Kenneth Mayland, economist for Society Corp., a Cleveland bank, said demand for exports of factory goods is beginning to taper off. +20036012 At the same time, the drop in interest rates since the spring has failed to revive the residential construction industry. +20036013 "What sector is stepping forward to pick up the slack?" he asked. +20036014 "I draw a blank." +20036015 By most measures, the nation's industrial sector is now growing very slowly -- if at all. +20036016 Factory payrolls fell in September. +20036017 So did the Federal Reserve Board's industrial-production index. +20036018 Yet many economists aren't predicting that the economy is about to slip into recession. +20036019 They cite a lack of "imbalances" that provide early warning signals of a downturn. +20036020 Inventories are closely watched for such clues, for instance. +20036021 Economists say a buildup in inventories can provoke cutbacks in production that can lead to a recession. +20036022 But yesterday's factory orders report had good news on that front: it said factory inventories fell 0.1% in September, the first decline since February 1987. +20036023 "This conforms to the `soft landing' scenario," said Elliott Platt, an economist at Donaldson, Lufkin & Jenrette Securities Corp. +20036024 "I don't see any signs that inventories are excessive." +20036025 A soft landing is an economic slowdown that eases inflation without leading to a recession. +20036026 The department said orders for nondurable goods -- those intended to last fewer than three years -- fell 0.3% in September to $109.73 billion after climbing 0.9% the month before. +20036027 Orders for durable goods were up 0.2% to $127.03 billion after rising 3.9% the month before. +20036028 The department previously estimated that durable-goods orders fell 0.1% in September. +20036029 Factory shipments fell 1.6% to $234.4 billion after rising 5.4% in August. +20036030 Shipments have been relatively level since January, the Commerce Department noted. +20036031 Manufacturers' backlogs of unfilled orders rose 0.5% in September to $497.34 billion, helped by strength in the defense capital goods sector. +20036032 Excluding these orders, backlogs declined 0.3%. +20036033 In its construction spending report, the Commerce Department said residential construction, which accounts for nearly half of all construction spending, was off 0.9% in September to an annual rate of $191.9 billion. +20036034 David Berson, economist for the Mortgage Bankers Association, predicted the drop in interest rates eventually will boost spending on single-family homes, but probably not until early next year. +20036035 Spending on private, nonresidential construction was off 2.6% to an annual rate of $99.1 billion with no sector showing strength. +20036036 Government construction spending rose 4.3% to $88 billion. +20036037 After adjusting for inflation, the Commerce Department said construction spending didn't change in September. +20036038 For the first nine months of the year, total construction spending ran about 2% above last year's level. +20036039 The government's construction spending figures contrast with a report issued earlier in the week by McGraw-Hill Inc.'s F.W. Dodge Group. +20036040 Dodge reported an 8% increase in construction contracts awarded in September. +20036041 The goverment counts money as it is spent; Dodge counts contracts when they are awarded. +20036042 The government includes money spent on residential renovation; Dodge doesn't. +20036043 Although the purchasing managers' index continues to indicate a slowing economy, it isn't signaling an imminent recession, said Robert Bretz, chairman of the association's survey committee and director of materials management at Pitney Bowes Inc., Stamford, Conn. +20036044 He said the index would have to be in the low 40% range for several months to be considered a forecast of recession. +20036045 The report offered new evidence that the nation's export growth, though still continuing, may be slowing. +20036046 Only 19% of the purchasing managers reported better export orders in October, down from 27% in September. +20036047 And 8% said export orders were down last month, compared with 6% the month before. +20036048 The purhasing managers' report also added evidence that inflation is under control. +20036049 For the fifth consecutive month, purchasing managers said prices for the goods they purchased fell. +20036050 The decline was even steeper than in September. +20036051 They also said that vendors were delivering goods more quickly in October than they had for each of the five previous months. +20036052 Economists consider that a sign that inflationary pressures are abating. +20036053 When demand is stronger than suppliers can handle and delivery times lengthen, prices tend to rise. +20036054 The purchasing managers' report is based on data provided by more than 250 purchasing executives. +20036055 Each of the survey's indicators gauges the difference between the number of purchasers reporting improvement in a particular area and the number reporting a worsening. +20036056 For the first time, the October survey polled members on imports. +20036057 It found that of the 73% who import, 10% said they imported more in October and 12% said they imported less than the previous month. +20036058 While acknowledging one month's figures don't prove a trend, Mr. Bretz said, "It does lead you to suspect imports are going down, or at least not increasing that much." +20036059 Items listed as being in short supply numbered only about a dozen, but they included one newcomer: milk and milk powder. +20036060 "It's an odd thing to put on the list," Mr. Bretz noted. +20036061 He said that for the second month in a row, food processors reported a shortage of nonfat dry milk. +20036062 They blamed increased demand for dairy products at a time of exceptionally high U.S. exports of dry milk, coupled with very low import quotas. +20036063 Pamela Sebastian in New York contributed to this article. +20036064 Here are the Commerce Department's figures for construction spending in billions of dollars at seasonally adjusted annual rates. +20036065 Here are the Commerce Department's latest figures for manufacturers in billions of dollars, seasonally adjusted. +20037001 Judging from the Americana in Haruki Murakami's "A Wild Sheep Chase" (Kodansha, 320 pages, $18.95), baby boomers on both sides of the Pacific have a lot in common. +20037002 Although set in Japan, the novel's texture is almost entirely Western, especially American. +20037003 Characters drink Salty Dogs, whistle "Johnny B. Goode" and watch Bugs Bunny reruns. +20037004 They read Mickey Spillane and talk about Groucho and Harpo. +20037005 They worry about their careers, drink too much and suffer through broken marriages and desultory affairs. +20037006 This is Japan? +20037007 For an American reader, part of the charm of this engaging novel should come in recognizing that Japan isn't the buttoned-down society of contemporary American lore. +20037008 It's also refreshing to read a Japanese author who clearly doesn't belong to the self-aggrandizing "we-Japanese" school of writers who perpetuate the notion of the unique Japanese, unfathomable by outsiders. +20037009 If "A Wild Sheep Chase" carries an implicit message for international relations, it's that the Japanese are more like us than most of us think. +20037010 That's not to say that the nutty plot of "A Wild Sheep Chase" is rooted in reality. +20037011 It's imaginative and often funny. +20037012 A disaffected, hard-drinking, nearly-30 hero sets off for snow country in search of an elusive sheep with a star on its back at the behest of a sinister, erudite mobster with a Stanford degree. +20037013 He has in tow his prescient girlfriend, whose sassy retorts mark her as anything but a docile butterfly. +20037014 Along the way, he meets a solicitous Christian chauffeur who offers the hero God's phone number; and the Sheep Man, a sweet, roughhewn figure who wears -- what else -- a sheepskin. +20037015 The 40-year-old Mr. Murakami is a publishing sensation in Japan. +20037016 A more recent novel, "Norwegian Wood" (every Japanese under 40 seems to be fluent in Beatles lyrics), has sold more than four million copies since Kodansha published it in 1987. +20037017 But he is just one of several youthful writers -- Tokyo's brat pack -- who are dominating the best-seller charts in Japan. +20037018 Their books are written in idiomatic, contemporary language and usually carry hefty dashes of Americana. +20037019 In Robert Whiting's "You Gotta Have Wa" (Macmillan, 339 pages, $17.95), the Beatles give way to baseball, in the Nipponese version we would be hard put to call a "game." +20037020 As Mr. Whiting describes it, Nipponese baseball is a "mirror of Japan's fabled virtues of hard work and harmony." +20037021 "Wa" is Japanese for "team spirit" and Japanese ballplayers have miles and miles of it. +20037022 A player's commitment to practice and team image is as important as his batting average. +20037023 Polls once named Tokyo Giants star Tatsunori Hara, a "humble, uncomplaining, obedient soul," as the male symbol of Japan. +20037024 But other than the fact that besuboru is played with a ball and a bat, it's unrecognizable: Fans politely return foul balls to stadium ushers; the strike zone expands depending on the size of the hitter; ties are permitted -- even welcomed -- since they honorably sidestep the shame of defeat; players must abide by strict rules of conduct even in their personal lives -- players for the Tokyo Giants, for example, must always wear ties when on the road. +20037025 "You Gotta Have Wa" is the often amusing chronicle of how American ballplayers, rationed to two per team, fare in Japan. +20037026 Despite the enormous sums of money they're paid to stand up at a Japanese plate, a good number decide it's not worth it and run for home. +20037027 "Funny Business" (Soho, 228 pages, $17.95) by Gary Katzenstein is anything but. +20037028 It's the petulant complaint of an impudent American whom Sony hosted for a year while he was on a Luce Fellowship in Tokyo -- to the regret of both parties. +20037029 In sometimes amusing, more often supercilious, even vicious passages, Mr. Katzenstein describes how Sony invades even the most mundane aspects of its workers' lives -- at the regimented office, where employees are assigned lunch partners -- and at "home" in the austere company dormitory run by a prying caretaker. +20037030 Some of his observations about Japanese management style are on the mark. +20037031 It's probably true that many salarymen put in unproductive overtime just for the sake of solidarity, that the system is so hierarchical that only the assistant manager can talk to the manager and the manager to the general manager, and that Sony was chary of letting a young, short-term American employee take on any responsibility. +20037032 All of this must have been enormously frustrating to Mr. Katzenstein, who went to Sony with degrees in business and computer science and was raring to invent another Walkman. +20037033 But Sony ultimately took a lesson from the American management books and fired Mr. Katzenstein, after he committed the social crime of making an appointment to see the venerable Akio Morita, founder of Sony. +20037034 It's a shame their meeting never took place. +20037035 Mr. Katzenstein certainly would have learned something, and it's even possible Mr. Morita would have too. +20037036 Ms. Kirkpatrick, the Journal's deputy editorial features editor, worked in Tokyo for three years. +20037037 More and more corners of the globe are becoming free of tobacco smoke. +20037038 In Singapore, a new law requires smokers to put out their cigarettes before entering restaurants, department stores and sports centers or face a $250 fine. +20037039 Discos and private clubs are exempt from the ban, and smoking will be permitted in bars except during meal hours, an official said. +20037040 Singapore already bans smoking in all theaters, buses, public elevators, hospitals and fast-food restaurants. +20037041 In Malaysia, Siti Zaharah Sulaiman, a deputy minister in the prime minister's office, launched a "No-Smoking Week" at the Mara Institute of Technology near Kuala Lumpur and urged other schools to ban on-campus smoking. +20037042 South Korea has different concerns. +20037043 In Seoul, officials began visiting about 26,000 cigarette stalls to remove illegal posters and signboards advertising imported cigarettes. +20037044 South Korea has opened its market to foreign cigarettes but restricts advertising to designated places. +20037045 A marketing study indicates that Hong Kong consumers are the most materialistic in the 14 major markets where the survey was carried out. +20037046 The study by the Backer Spielvogel Bates ad agency also found that the colony's consumers feel more pressured than those in any of the other surveyed markets, which include the U.S. and Japan. +20037047 The survey found that nearly half of Hong Kong consumers espouse what it identified as materialistic values, compared with about one-third in Japan and the U.S. +20037048 More than three in five said they are under a great deal of stress most of the time, compared with less than one in two U.S. consumers and one in four in Japan. +20037049 The Thai cabinet endorsed Finance Minister Pramual Sabhavasu's proposal to build a $19 million conference center for a joint meeting of the World Bank and International Monetary Fund two years from now. +20037050 The meeting, which is expected to draw 20,000 to Bangkok, was going to be held at the Central Plaza Hotel, but the government balked at the hotel's conditions for undertaking necessary expansion. +20037051 A major concern about the current plan is whether the new center can be built in such a short time. +20037052 Yasser Arafat has written to the chairman of the International Olympic Committee asking him to back a Palestinian bid to join the committee, the Palestine Liberation Organization news agency WAFA said. +20037053 An official of the Palestinian Olympic Committee said the committee first applied for membership in 1979 and renewed its application in August of this year. +20037054 The PLO in recent months has been trying to join international organizations but failed earlier this year to win membership in the World Health Organization and the World Tourism Organization. +20037055 A Beijing food-shop assistant has become the first mainland Chinese to get AIDS through sex, the People's Daily said. +20037056 It said the man, whom it did not name, had been found to have the disease after hospital tests. +20037057 Once the disease was confirmed, all the man's associates and family were tested, but none have so far been found to have AIDS, the newspaper said. +20037058 The man had for a long time had "a chaotic sex life," including relations with foreign men, the newspaper said. +20037059 The Polish government increased home electricity charges by 150% and doubled gas prices. +20037060 The official news agency PAP said the increases were intended to bring unrealistically low energy charges into line with production costs and compensate for a rise in coal prices. +20037061 In happier news, South Korea, in establishing diplomatic ties with Poland yesterday, announced $450 million in loans to the financially strapped Warsaw government. +20037062 In a victory for environmentalists, Hungary's parliament terminated a multibillion-dollar River Danube dam being built by Austrian firms. +20037063 The Nagymaros dam was designed to be twinned with another dam, now nearly complete, 100 miles upstream in Czechoslovakia. +20037064 In ending Hungary's part of the project, Parliament authorized Prime Minister Miklos Nemeth to modify a 1977 agreement with Czechoslovakia, which still wants the dam to be built. +20037065 Mr. Nemeth said in parliament that Czechoslovakia and Hungary would suffer environmental damage if the twin dams were built as planned. +20037066 Czechoslovakia said in May it could seek $2 billion from Hungary if the twindam contract were broken. +20037067 The Czech dam can't be operated solely at peak periods without the Nagymaros project. +20037068 A painting by August Strindberg set a Scandinavian price record when it sold at auction in Stockholm for $2.44 million. +20037069 "Lighthouse II" was painted in oils by the playwright in 1901 . . . +20037070 After years of decline, weddings in France showed a 2.2% upturn last year, with 6,000 more couples exchanging rings in 1988 than in the previous year, the national statistics office said. +20037071 But the number of weddings last year -- 271,124 -- was still well below the 400,000 registered in 1972, the last year of increasing marriages. +20038001 BRAMALEA Ltd. said it agreed to issue 100 million Canadian dollars (US$85.1 million) of 10.5% senior debentures due Nov. 30, 1999, together with 100,000 bond purchase warrants. +20038002 The Toronto-based real estate concern said each bond warrant entitles the holder to buy C$1,000 principal amount of debentures at par plus accrued interest to the date of purchase. +20038003 The warrants expire Nov. 30, 1990. +20038004 The issue will be swapped into fixed-rate U.S. dollars at a rate the company said is less than 9%; a spokesman declined to elaborate. +20038005 Lead underwriters for the issue are Scotia McLeod Inc. and RBC Dominion Securities Inc., both Toronto-based investment dealers. +20038006 Bramalea said it expects to complete the issue by the end of the month. +20039001 As an actor, Charles Lane isn't the inheritor of Charlie Chaplin's spirit. +20039002 Steve Martin has already laid his claim to that. +20039003 But it is Mr. Lane, as movie director, producer and writer, who has been obsessed with refitting Chaplin's Little Tramp in a contemporary way. +20039004 In 1976, as a film student at the Purchase campus of the State University of New York, Mr. Lane shot "A Place in Time," a 36-minute black-and-white film about a sketch artist, a man of the streets. +20039005 Now, 13 years later, Mr. Lane has revived his Artist in a full-length movie called "Sidewalk Stories," a poignant piece of work about a modern-day tramp. +20039006 Of course, if the film contained dialogue, Mr. Lane's Artist would be called a homeless person. +20039007 So would the Little Tramp, for that matter. +20039008 I say "contained dialogue" because "Sidewalk Stories" isn't really silent at all. +20039009 Composer Marc Marder, a college friend of Mr. Lane's who earns his living playing the double bass in classical music ensembles, has prepared an exciting, eclectic score that tells you what the characters are thinking and feeling far more precisely than intertitles, or even words, would. +20039010 Much of Mr. Lane's film takes a highly romanticized view of life on the streets (though probably no more romanticized than Mr. Chaplin's notion of the Tramp as the good-hearted free spirit). +20039011 Filmed in lovely black and white by Bill Dill, the New York streets of "Sidewalk Stories" seem benign. +20039012 On Wall Street men and women walk with great purpose, noticing one another only when they jostle for cabs. +20039013 The Artist hangs out in Greenwich Village, on a strip of Sixth Avenue populated by jugglers, magicians and other good-natured hustlers. +20039014 (This clearly is not real life: no crack dealers, no dead-eyed men selling four-year-old copies of Cosmopolitan, no one curled up in a cardboard box.) +20039015 The Artist has his routine. +20039016 He spends his days sketching passers-by, or trying to. +20039017 At night he returns to the condemned building he calls home. +20039018 His life, including his skirmishes with a competing sketch artist, seems carefree. +20039019 He is his own man. +20039020 Then, just as the Tramp is given a blind girl to cure in "City Lights," the Artist is put in charge of returning a two-year-old waif (Nicole Alysia), whose father has been murdered by thugs, to her mother. +20039021 This cute child turns out to be a blessing and a curse. +20039022 She gives the Artist a sense of purpose, but also alerts him to the serious inadequacy of his vagrant life. +20039023 The beds at the Bowery Mission seem far drearier when he has to tuck a little girl into one of them at night. +20039024 To further load the stakes, Mr. Lane dreamed up a highly improbable romance for the Artist, with a young woman who owns her own children's shop and who lives in an expensive high-rise apartment building. +20039025 This story line might resonate more strongly if Mr. Lane had as strong a presence in front of the camera as he does behind it. +20039026 Mr. Lane's final purpose isn't to glamorize the Artist's vagabond existence. +20039027 He has a point he wants to make, and he makes it, with a great deal of force. +20039028 The movie ends with sound, the sound of street people talking, and there isn't anything whimsical or enviable in those rough, beaten voices. +20039029 The French film maker Claude Chabrol has managed another kind of weird achievement with his "Story of Women." +20039030 He has made a harsh, brilliant picture -- one that's captivating -- about a character who, viewed from the most sympathetic angle, would seem disagreeable. +20039031 Yet this woman, Marie-Louise Giraud, carries historical significance, both as one of the last women to be executed in France and as a symbol of the Vichy government's hypocrisy. +20039032 While Vichy collaborated with the Germans during World War II in the deaths of thousands of Resistance fighters and Jews, its officials needed a diversionary symbolic traitor. +20039033 Marie-Louise, a small-time abortionist, was their woman. +20039034 She became an abortionist accidentally, and continued because it enabled her to buy jam, cocoa and other war-rationed goodies. +20039035 She was untrained and, in one botched job killed a client. +20039036 Her remorse was shallow and brief. +20039037 Although she was kind and playful to her children, she was dreadful to her war-damaged husband; she openly brought her lover into their home. +20039038 As presented by Mr. Chabrol, and played with thin-lipped intensity by Isabelle Huppert, Marie-Louise (called Marie Latour in the film) was not a nice person. +20039039 But she didn't deserve to have her head chopped off. +20039040 There is very little to recommend "Old Gringo," a confused rendering of the Carlos Fuentes novel of the Mexican Revolution. +20039041 Most of the picture is taken up with endless scenes of many people either fighting or eating and drinking to celebrate victory. +20039042 I mention the picture only because many bad movies have a bright spot, and this one has Gregory Peck, in a marvelously loose and energetic portrayal of an old man who wants to die the way he wants to die. +20039043 Video Tip: Before seeing "Sidewalk Stories," take a look at "City Lights," Chaplin's Tramp at his finest. +20040001 Boeing Co. said it is discussing plans with three of its regular Japanese suppliers to possibly help build a larger version of its popular 767 twin-jet. +20040002 The discussions are still in preliminary stages, and the specific details haven't been worked out between the Seattle aerospace company and Kawasaki Heavy Industries Ltd., Mitsubishi Heavy Industries Ltd. and Fuji Heavy Industries Ltd. +20040003 The three Japanese companies build the body sections of the 767, accounting for a combined 15% of the aircraft. +20040004 Japanese press reports have speculated that the Japanese contribution could rise to between 20% and 25% under the new program. +20040005 If Boeing goes ahead with the larger 767, the plane could hit the market in the mid-1990s. +20041001 This is the year the negative ad, for years a secondary presence in most political campaigns, became the main event. +20041002 The irony is that the attack commercial, after getting a boost in last year's presidential campaign, has come of age in an off-off election year with only a few contests scattered across the country. +20041003 But in the three leading political contests of 1989, the negative ads have reached new levels of hostility, raising fears that this kind of mudslinging, empty of significant issues, is ushering in a new era of campaigns without content. +20041004 "Now," says Joseph Napolitan, a pioneer in political television, "the idea is to attack first, last and always." +20041005 A trend that started with the first stirrings of politics, accelerated with the dawn of the television age and became a sometimes-tawdry art form in 1988, has reached an entirely new stage. +20041006 "To get people's attention these days," says Douglas Bailey, a political consultant, "your TV ad needs to be bold and entertaining, and, more often than not, that means confrontational. +20041007 And, unlike a few years ago, you don't even have to worry whether the ad is truthful." +20041008 In 1989, as often as not, the principal fights in the major campaigns are prompted by the ads themselves. +20041009 Take a look, then, at the main attack commercials that set the tone for Tuesday's elections in New York City, New Jersey and Virginia: +20041010 New York City: +20041011 The screen fills with a small, tight facial shot of David Dinkins, Democratic candidate for mayor of New York City. +20041012 "David Dinkins failed to file his income taxes for four straight years," says a disembodied male voice. +20041013 And then this television commercial, paid for by Republican Rudolph Giuliani's campaign and produced by Roger Ailes, the master of negative TV ads, really gets down to business. +20041014 Mr. Dinkins, the ad charges, also failed to report his campaign contributions accurately, hid his links to a failing insurance company and paid a convicted kidnapper "through a phony organization with no members, no receipts and no office." +20041015 "David Dinkins," says the kicker, "Why does he always wait until he's caught?" +20041016 "Nasty innuendoes," says John Siegal, Mr. Dinkins's issues director, "designed to prosecute a case of political corruption that simply doesn't exist." +20041017 Stung by the Giuliani ads, Mr. Dinkins's TV consultants, Robert Shrum and David Doak, finally unleashed a negative ad of their own. +20041018 The screen shows two distorted, unrecognizable photos, presumably of two politicians. +20041019 "Compare two candidates for mayor," says the announcer. +20041020 "One says he's for banning cop-killer bullets. +20041021 The other has opposed a ban on cop-killer bullets. +20041022 One claims he's pro-choice. +20041023 The other has opposed a woman's right to choose." +20041024 "Funny thing," says the kicker, "both these candidates are named Rudolph Giuliani." +20041025 Who's telling the truth? +20041026 Everybody -- and nobody. +20041027 It's a classic situation of ads that are true but not always fully accurate. +20041028 Mr. Dinkins did fail to file his income taxes for four years, but he insists he voluntarily admitted the "oversight" when he was being considered for a city job. +20041029 He was on the board of an insurance company with financial problems, but he insists he made no secret of it. +20041030 The city's Campaign Finance Board has refused to pay Mr. Dinkins $95,142 in matching funds because his campaign records are incomplete. +20041031 The campaign has blamed these reporting problems on computer errors. +20041032 And, says Mr. Dinkins, he didn't know the man his campaign paid for a get-out-the-vote effort had been convicted of kidnapping. +20041033 But, say Mr. Dinkins's managers, he did have an office and his organization did have members. +20041034 Mr. Giuliani's campaign chairman, Peter Powers, says the Dinkins ad is "deceptive." +20041035 The other side, he argues, "knows Giuliani has always been pro-choice, even though he has personal reservations. +20041036 They know he is generally opposed to cop-killer bullets, but that he had some reservations about the language in the legislation." +20041037 Virginia: +20041038 Democratic Lt. Gov. Douglas Wilder opened his gubernatorial battle with Republican Marshall Coleman with an abortion commercial produced by Frank Greer that analysts of every political persuasion agree was a tour de force. +20041039 Against a shot of Monticello superimposed on an American flag, an announcer talks about the "strong tradition of freedom and individual liberty" that Virginians have nurtured for generations. +20041040 Then, just as an image of the statue of Thomas Jefferson dissolves from the screen, the announcer continues: "On the issue of abortion, Marshall Coleman wants to take away your right to choose and give it to the politicians." +20041041 That commercial -- which said Mr. Coleman wanted to take away the right of abortion "even in cases of rape and incest," a charge Mr. Coleman denies -- changed the dynamics of the campaign, transforming it, at least in part, into a referendum on abortion. +20041042 The ad prompted Mr. Coleman, the former Virginia attorney general, to launch a series of advertisements created by Bob Goodman and designed to shake Mr. Wilder's support among the very women who were attracted by the abortion ad. +20041043 The Coleman counterattack featured a close-up of a young woman in shadows and the ad suggested that she was recalling an unpleasant courtroom ordeal. +20041044 A voice says, "C'mon, now, don't you have boyfriends?" +20041045 Then an announcer interjects: "It was Douglas Wilder who introduced a bill to force rape victims age 13 and younger to be interrogated about their private lives by lawyers for accused rapists. +20041046 So the next time Mr. Wilder talks about the rights of women, ask him about this law he tried to pass." +20041047 Mr. Wilder did introduce such legislation 17 years ago, but he did so at the request of a constituent, a common legislative technique used by lawmakers. +20041048 The legislation itself noted that it was introduced "by request," and in 1983 Mr. Wilder introduced a bill to protect rape victims from unfounded interrogation. +20041049 "People have grown tired of these ads and Coleman has gotten the stigma of being a negative campaigner," says Mark Rozell, a political scientist at Mary Washington College. +20041050 "Wilder has managed to get across the idea that Coleman will say anything to get elected governor and -- more important -- has been able to put the onus for all the negative campaigning on Coleman." +20041051 Mr. Coleman said this week that he would devote the remainder of the political season to positive campaigning, but the truce lasted only hours. +20041052 By Tuesday night, television stations were carrying new ads featuring Mr. Coleman himself raising questions about Mr. Wilder's sensitivity to rape victims. +20041053 New Jersey: +20041054 The attacks began when Democratic Rep. James Florio aired an ad featuring a drawing of Pinocchio and a photograph of Mr. Florio's rival, Republican Rep. Jim Courter. +20041055 "Remember Pinocchio?" says a female voice. +20041056 "Consider Jim Courter." +20041057 And then this commercial, produced by Bob Squier, gets down to its own mean and dirty business. +20041058 Pictures of rusted oil drums swim into focus, and the female voice purrs, "That hazardous waste on his {Mr. Courter's} property -- the neighbors are suing for consumer fraud." +20041059 And the nose on Mr. Courter's face grows. +20041060 The only fraud involved, cry Mr. Courter's partisans, is the Florio commercial itself, and so the Courter campaign has responded with its own Pinocchio commercial, produced by Mr. Ailes. +20041061 In this one, the screen fills with photographs of both candidates. +20041062 "Who's really lying?" asks a female voice. +20041063 "Florio's lying," the voice goes on, because "the barrel on Courter's land . . . contained heating oil, was cleaned up and caused no pollution." +20041064 Mr. Courter's long nose shrinks while Mr. Florio's grows. +20041065 Who's telling the truth? +20041066 Stephen Salmore, a political scientist at New Jersey's Eagleton Institute, says it's another example of an ad that's true but not fully accurate. +20041067 Barrels were dumped on the Courter property, a complaint was made, but there is no evidence the barrels were a serious threat to the environment. +20041068 Even so, according to Mr. Salmore, the ad was "devastating" because it raised questions about Mr. Courter's credibility. +20041069 But it's building on a long tradition. +20041070 In 1966, on route to a re-election rout of Democrat Frank O'Connor, GOP Gov. Nelson Rockefeller of New York appeared in person saying, "If you want to keep the crime rates high, O'Connor is your man." +20042001 A seat on the Chicago Board of Trade was sold for $350,000, down $16,000 from the previous sale last Friday. +20042002 Seats currently are quoted at $331,000, bid, and $350,000, asked. +20042003 The record price for a full membership on the exchange is $550,000, set Aug. 31, 1987. +20043001 Japanese investment in Southeast Asia is propelling the region toward economic integration. +20043002 Interviews with analysts and business people in the U.S. suggest that Japanese capital may produce the economic cooperation that Southeast Asian politicians have pursued in fits and starts for decades. +20043003 But Japan's power in the region also is sparking fears of domination and posing fresh policy questions. +20043004 The flow of Japanese funds has set in motion "a process whereby these economies will be knitted together by the great Japanese investment machine," says Robert Hormats, vice chairman of Goldman Sachs International Corp. +20043005 In the past five years, Japanese companies have tripled their commitments in Asia to $5.57 billion. +20043006 In Thailand, for example, the government's Board of Investment approved $705.6 million of Japanese investment in 1988, 10 times the U.S. investment figure for the year. +20043007 Japan's commitment in Southeast Asia also includes steep increases in foreign assistance and trade. +20043008 Asia's other cash-rich countries are following Japan's lead and pumping capital into the region. +20043009 In Taiwan and South Korea, rising wages are forcing manufacturers to seek other overseas sites for labor-intensive production. +20043010 These nations, known as Asia's "little tigers," also are contributing to Southeast Asia's integration, but their influence will remain subordinate to Japan's. +20043011 For recipient countries such as Thailand and Malaysia, the investment will provide needed jobs and spur growth. +20043012 But Asian nations' harsh memories of their military domination by Japan in the early part of this century make them fearful of falling under Japanese economic hegemony now. +20043013 Because of budget constraints in Washington, the U.S. encourages Japan to share economic burdens in the region. +20043014 But it resists yielding political ground. +20043015 In the coming decade, analysts say, U.S.-Japanese relations will be tested as Tokyo comes to terms with its new status as the region's economic behemoth. +20043016 Japan's swelling investment in Southeast Asia is part of its economic evolution. +20043017 In the past decade, Japanese manufacturers concentrated on domestic production for export. +20043018 In the 1990s, spurred by rising labor costs and the strong yen, these companies will increasingly turn themselves into multinationals with plants around the world. +20043019 To capture the investment, Southeast Asian nations will move to accommodate Japanese business. +20043020 These nations' internal decisions "will be made in a way not to offend their largest aid donor, largest private investor and largest lender," says Richard Drobnick, director of the international business and research program at the University of Southern California's Graduate School of Business. +20043021 Japanese money will help turn Southeast Asia into a more cohesive economic region. +20043022 But, analysts say, Asian cooperation isn't likely to parallel the European Common Market approach. +20043023 Rather, Japanese investment will spur integration of certain sectors, says Kent Calder, a specialist in East Asian economies at the Woodrow Wilson School for Public and Internatonal Affairs at Princeton University. +20043024 In electronics, for example, a Japanese company might make television picture tubes in Japan, assemble the sets in Malaysia and export them to Indonesia. +20043025 "The effect will be to pull Asia together not as a common market but as an integrated production zone," says Goldman Sachs's Mr. Hormats. +20043026 Countries in the region also are beginning to consider a framework for closer economic and political ties. +20043027 The economic and foreign ministers of 12 Asian and Pacific nations will meet in Australia next week to discuss global trade issues as well as regional matters such as transportation and telecommunications. +20043028 Participants will include the U.S., Australia, Canada, Japan, South Korea and New Zealand as well as the six members of the Association of Southeast Asian Nations -- Thailand, Malaysia, Singapore, Indonesia, the Philippines and Brunei. +20043029 In addition, the U.S. this year offered its own plan for cooperation around the Pacific rim in a major speech by Secretary of State James Baker, following up a proposal made in January by Australian Prime Minister Bob Hawke. +20043030 The Baker proposal reasserts Washington's intention to continue playing a leading political role in the region. +20043031 "In Asia, as in Europe, a new order is taking shape," Mr. Baker said. +20043032 "The U.S., with its regional friends, must play a crucial role in designing its architecture." +20043033 But maintaining U.S. influence will be difficult in the face of Japanese dominance in the region. +20043034 Japan not only outstrips the U.S. in investment flows but also outranks it in trade with most Southeast Asian countries (although the U.S. remains the leading trade partner for all of Asia). +20043035 Moreover, the Japanese government, now the world's largest aid donor, is pumping far more assistance into the region than the U.S. is. +20043036 While U.S. officials voice optimism about Japan's enlarged role in Asia, they also convey an undertone of caution. +20043037 "There's an understanding on the part of the U.S. that Japan has to expand its functions" in Asia, says J. Michael Farren, undersecretary of commerce for trade. +20043038 "If they approach it with a benevolent, altruistic attitude, there will be a net gain for everyone." +20043039 Some Asian nations are apprehensive about Washington's demand that Tokyo step up its military spending to ease the U.S. security burden in the region. +20043040 The issue is further complicated by uncertainty over the future of the U.S.'s leases on military bases in the Philippines and by a possible U.S. troop reduction in South Korea. +20043041 Many Asians regard a U.S. presence as a desirable counterweight to Japanese influence. +20043042 "No one wants the U.S. to pick up its marbles and go home," Mr. Hormats says. +20043043 For their part, Taiwan and South Korea are expected to step up their own investments in the next decade to try to slow the Japanese juggernaut. +20043044 "They don't want Japan to monopolize the region and sew it up," says Chong-sik Lee, professor of East Asian politics at the University of Pennsylvania. +20044001 Cathryn Rice could hardly believe her eyes. +20044002 While giving the Comprehensive Test of Basic Skills to ninth graders at Greenville High School last March 16, she spotted a student looking at crib sheets. +20044003 She had seen cheating before, but these notes were uncanny. +20044004 "A stockbroker is an example of a profession in trade and finance. . . . +20044005 At the end of World War II, Germany surrendered before Japan. . . . +20044006 The Senate-House conference committee is used when a bill is passed by the House and Senate in different forms." +20044007 Virtually word for word, the notes matched questions and answers on the social-studies section of the test the student was taking. +20044008 In fact, the student had the answers to almost all of the 40 questions in that section. +20044009 The student surrendered the notes, but not without a protest. +20044010 "My teacher said it was OK for me to use the notes on the test," he said. +20044011 The teacher in question was Nancy Yeargin -- considered by many students and parents to be one of the best at the school. +20044012 Confronted, Mrs. Yeargin admitted she had given the questions and answers two days before the examination to two low-ability geography classes. +20044013 She had gone so far as to display the questions on an overhead projector and underline the answers. +20044014 Mrs. Yeargin was fired and prosecuted under an unusual South Carolina law that makes it a crime to breach test security. +20044015 In September, she pleaded guilty and paid a $500 fine. +20044016 Her alternative was 90 days in jail. +20044017 Her story is partly one of personal downfall. +20044018 She was an unstinting teacher who won laurels and inspired students, but she will probably never teach again. +20044019 In her wake she left the bitterness and anger of a principal who was her friend and now calls her a betrayer; of colleagues who say she brought them shame; of students and parents who defended her and insist she was treated harshly; and of school-district officials stunned that despite the bald-faced nature of her actions, she became something of a local martyr. +20044020 Mrs. Yeargin's case also casts some light on the dark side of school reform, where pressures on teachers are growing and where high-stakes testing has enhanced the temptation to cheat. +20044021 The 1987 statute Mrs. Yeargin violated was designed to enforce provisions of South Carolina's school-improvement laws. +20044022 Prosecutors alleged that she was trying to bolster students' scores to win a bonus under the state's 1984 Education Improvement Act. +20044023 The bonus depended on her ability to produce higher student-test scores. +20044024 "There is incredible pressure on school systems and teachers to raise test scores," says Walt Haney, an education professor and testing specialist at Boston College. +20044025 "So efforts to beat the tests are also on the rise." +20044026 And most disturbing, it is educators, not students, who are blamed for much of the wrongdoing. +20044027 A 50-state study released in September by Friends for Education, an Albuquerque, N.M., school-research group, concluded that "outright cheating by American educators" is "common." +20044028 The group says standardized achievement test scores are greatly inflated because teachers often "teach the test" as Mrs. Yeargin did, although most are never caught. +20044029 Evidence of widespread cheating has surfaced in several states in the last year or so. +20044030 California's education department suspects adult responsibility for erasures at 40 schools that changed wrong answers to right ones on a statewide test. +20044031 After numerous occurrences of questionable teacher help to students, Texas is revising its security practices. +20044032 And sales of test-coaching booklets for classroom instruction are booming. +20044033 These materials, including Macmillan/McGraw-Hill School Publishing Co.'s Scoring High and Learning Materials -- are nothing short of sophisticated crib sheets, according to some recent academic research. +20044034 By using them, teachers -- with administrative blessing -- telegraph to students beforehand the precise areas on which a test will concentrate, and sometimes give away a few exact questions and answers. +20044035 Use of Scoring High is widespread in South Carolina and common in Greenville County, Mrs. Yeargin's school district. +20044036 Experts say there isn't another state in the country where tests mean as much as they do in South Carolina. +20044037 Under the state's Education Improvement Act, low test scores can block students' promotions or force entire districts into wrenching, state-supervised "interventions" that can mean firings. +20044038 High test scores, on the other hand, bring recognition and extra money -- a new computer lab for a school, grants for special projects, a bonus for the superintendent. +20044039 And South Carolina says it is getting results. +20044040 Since the reforms went in place, for example, no state has posted a higher rate of improvement on the Scholastic Aptitude Test than South Carolina, although the state still posts the lowest average score of the about 21 states who use the SAT as the primary college entrance examination. +20044041 Critics say South Carolina is paying a price by stressing improved test scores so much. +20044042 Friends of Education rates South Carolina one of the worst seven states in its study on academic cheating. +20044043 Says the organization's founder, John Cannell, prosecuting Mrs. Yeargin is "a way for administrators to protect themselves and look like they take cheating seriously, when in fact they don't take it seriously at all." +20044044 Paul Sandifer, director of testing for the South Carolina department of education, says Mr. Cannell's allegations of cheating "are purely without foundation," and based on unfair inferences. +20044045 Partly because of worries about potential abuse, however, he says the state will begin keeping closer track of achievement-test preparation booklets next spring. +20044046 South Carolina's reforms were designed for schools like Greenville High School. +20044047 Standing on a shaded hill in a run-down area of this old textile city, the school has educated many of South Carolina's best and brightest, including the state's last two governors, Nobel Prize winning physicist Charles Townes and actress Joanne Woodward. +20044048 But by the early 1980s, its glory had faded like the yellow bricks of its broad facade. +20044049 "It was full of violence and gangs and kids cutting class," says Linda Ward, the school's principal. +20044050 "Crime was awful, test scores were low, and there was no enrollment in honors programs." +20044051 Mrs. Ward took over in 1986, becoming the school's seventh principal in 15 years. +20044052 Her immediate predecessor suffered a nervous breakdown. +20044053 Prior to his term, a teacher bled to death in the halls, stabbed by a student. +20044054 Academically, Mrs. Ward says, the school was having trouble serving in harmony its two disparate, and evenly split, student groups: a privileged white elite from old monied neighborhoods and blacks, many of them poor, from run-down, inner city neighborhoods. +20044055 Mrs. Ward resolved to clean out "deadwood" in the school's faculty and restore safety, and she also had some new factors working in her behalf. +20044056 One was statewide school reform, which raised overall educational funding and ushered in a new public spirit for school betterment. +20044057 Another was Nancy Yeargin, who came to Greenville in 1985, full of the energy and ambitions that reformers wanted to reward. +20044058 "Being a teacher just became my life," says the 37-year-old Mrs. Yeargin, a teacher for 12 years before her dismissal. " +20044059 I loved the school, its history. +20044060 I even dreamt about school and new things to do with my students." +20044061 While Mrs. Ward fired and restructured staff and struggled to improve curriculum, Mrs. Yeargin worked 14-hour days and fast became a student favorite. +20044062 In 1986-87 and 1987-88, she applied for and won bonus pay under the reform law. +20044063 Encouraged by Mrs. Ward, Mrs. Yeargin taught honor students in the state "teacher cadet" program, a reform creation designed to encourage good students to consider teaching as a career. +20044064 She won grant money for the school, advised cheerleaders, ran the pep club, proposed and taught a new "Cultural Literacy" class in Western Civilization and was chosen by the school PTA as "Teacher of the Year." +20044065 "She was an inspirational lady; she had it all together," says Laura Dobson, a freshman at the University of South Carolina who had Mrs. Yeargin in the teacher-cadet class last year. +20044066 She says that because of Mrs. Yeargin she gave up ambitions in architecture and is studying to become a teacher. +20044067 Mary Beth Marchand, a Greenville 11th grader, also says Mrs. Yeargin inspired her to go into education. +20044068 "She taught us more in Western Civilization than I've ever learned in other classes," says Kelli Green, a Greenville senior. +20044069 In the classroom, students say, Mrs. Yeargin distinguished herself by varying teaching approaches -- forcing kids to pair up to complete classroom work or using college-bowl type competitions. +20044070 On weekends, she came to work to prepare study plans or sometimes, even to polish the furniture in her classroom. +20044071 "She just never gave it up," says Mary Marchand, Mary Beth's mother. +20044072 "You'd see her correcting homework in the stands at a football game." +20044073 Some fellow teachers, however, viewed Mrs. Yeargin as cocky and too yielding to students. +20044074 Mrs. Ward says she often defended her to colleagues who called her a grandstander. +20044075 Pressures began to build. +20044076 Friends told her she was pushing too hard. +20044077 Because of deteriorating hearing, she told colleagues she feared she might not be able to teach much longer. +20044078 Mrs. Yeargin's extra work was also helping her earn points in the state's incentive-bonus program. +20044079 But the most important source of points was student improvement on tests. +20044080 Huge gains by her students in 1987 and 1988 meant a total of $5,000 in bonuses over two years -- a meaningful addition to her annual salary of $23,000. +20044081 Winning a bonus for a third year wasn't that important to her, Mrs. Yeargin insists. +20044082 But others at Greenville High say she was eager to win -- if not for money, then for pride and recognition. +20044083 Mary Elizabeth Ariail, another social-studies teacher, says she believed Mrs. Yeargin wanted to keep her standing high so she could get a new job that wouldn't demand good hearing. +20044084 Indeed, Mrs. Yeargin was interested in a possible job with the state teacher cadet program. +20044085 Last March, after attending a teaching seminar in Washington, Mrs. Yeargin says she returned to Greenville two days before annual testing feeling that she hadn't prepared her low-ability geography students adequately. +20044086 When test booklets were passed out 48 hours ahead of time, she says she copied questions in the social studies section and gave the answers to students. +20044087 Mrs. Yeargin admits she made a big mistake but insists her motives were correct. +20044088 "I was trying to help kids in an unfair testing situation," she says. +20044089 "Only five of the 40 questions were geography questions. +20044090 The rest were history, sociology, finance -- subjects they never had." +20044091 Mrs. Yeargin says that she also wanted to help lift Greenville High School's overall test scores, usually near the bottom of 14 district high schools in rankings carried annually by local newspapers. +20044092 Mostly, she says, she wanted to prevent the damage to self-esteem that her low-ability students would suffer from doing badly on the test. +20044093 "These kids broke my heart," she says. +20044094 "A whole day goes by and no one even knows they're alive. +20044095 They desperately needed somebody who showed they cared for them, who loved them. +20044096 The last thing they needed was another drag-down blow." +20044097 School officials and prosecutors say Mrs. Yeargin is lying. +20044098 They found students in an advanced class a year earlier who said she gave them similar help, although because the case wasn't tried in court, this evidence was never presented publicly. +20044099 "That pretty much defeats any inkling that she was out to help the poor underprivileged child," says Joe Watson, the prosecutor in the case, who is also president of Greenville High School's alumni association. +20044100 Mrs. Yeargin concedes that she went over the questions in the earlier class, adding: "I wanted to help all" students. +20044101 Mr. Watson says Mrs. Yeargin never complained to school officials that the standardized test was unfair. +20044102 "Do I have much sympathy for her?" Mr. Watson asks. +20044103 "Not really. +20044104 I believe in the system. +20044105 I believe you have to use the system to change it. +20044106 What she did was like taking the law into your own hands." +20044107 Mrs. Ward says that when the cheating was discovered, she wanted to avoid the morale-damaging public disclosure that a trial would bring. +20044108 She says she offered Mrs. Yeargin a quiet resignation and thought she could help save her teaching certificate. +20044109 Mrs. Yeargin declined. +20044110 "She said something like `You just want to make it easy for the school.' +20044111 I was dumbfounded," Mrs. Ward recalls. +20044112 "It was like someone had turned a knife in me." +20044113 To the astonishment and dismay of her superiors and legal authorities -- and perhaps as a measure of the unpopularity of standardized tests -- Mrs. Yeargin won widespread local support. +20044114 The school-board hearing at which she was dismissed was crowded with students, teachers and parents who came to testify on her behalf. +20044115 Supportive callers decried unfair testing, not Mrs. Yeargin, on a local radio talk show on which she appeared. +20044116 The show didn't give the particulars of Mrs. Yeargin's offense, saying only that she helped students do better on the test. +20044117 "The message to the board of education out of all this is we've got to take a serious look at how we're doing our curriculum and our testing policies in this state," said the talk-show host. +20044118 Editorials in the Greenville newspaper allowed that Mrs. Yeargin was wrong, but also said the case showed how testing was being overused. +20044119 The radio show "enraged us," says Mrs. Ward. +20044120 Partly because of the show, Mr. Watson says, the district decided not to recommend Mrs. Yeargin for a first-time offenders program that could have expunged the charges and the conviction from her record. +20044121 And legal authorities cranked up an investigation worthy of a murder case. +20044122 Over 50 witnesses, mostly students, were interviewed. +20044123 At Greenville High School, meanwhile, some students -- especially on the cheerleading squad -- were crushed. +20044124 "It's hard to explain to a 17-year-old why someone they like had to go," says Mrs. Ward. +20044125 Soon, T-shirts appeared in the corridors that carried the school's familiar red-and-white GHS logo on the front. +20044126 On the back, the shirts read, "We have all the answers." +20044127 Many colleagues are angry at Mrs. Yeargin. +20044128 "She did a lot of harm," says Cathryn Rice, who had discovered the crib notes. +20044129 "We work damn hard at what we do for damn little pay, and what she did cast unfair aspersions on all of us." +20044130 But several teachers also say the incident casts doubt on the wisdom of evaluating teachers or schools by using standardized test scores. +20044131 Says Gayle Key, a mathematics teacher, "The incentive pay thing has opened up a can of worms. +20044132 There may be others doing what she did." +20044133 Mrs. Yeargin says she pleaded guilty because she realized it would no longer be possible to win reinstatement, and because she was afraid of further charges. +20044134 Mrs. Ward, for one, was relieved. +20044135 Despite the strong evidence against Mrs. Yeargin, popular sentiment was so strong in her favor, Mrs. Ward says, that "I'm afraid a jury wouldn't have convicted her. +20045001 Since chalk first touched slate, schoolchildren have wanted to know: What's on the test? +20045002 These days, students can often find the answer in test-coaching workbooks and worksheets their teachers give them in the weeks prior to taking standardized achievement tests. +20045003 The mathematics section of the widely used California Achievement Test asks fifth graders: "What is another name for the Roman numeral IX?" +20045004 It also asks them to add two-sevenths and three-sevenths. +20045005 Worksheets in a test-practice kit called Learning Materials, sold to schools across the country by Macmillan/McGraw-Hill School Publishing Co., contain the same questions. +20045006 In many other instances, there is almost no difference between the real test and Learning Materials. +20045007 What's more, the test and Learning Materials are both produced by the same company, Macmillan/McGraw-Hill, a joint venture of McGraw-Hill Inc. and Macmillan's parent, Britain's Maxwell Communication Corp. +20045008 Close parallels between tests and practice tests are common, some educators and researchers say. +20045009 Test-preparation booklets, software and worksheets are a booming publishing subindustry. +20045010 But some practice products are so similar to the tests themselves that critics say they represent a form of school-sponsored cheating. +20045011 "If I took {these preparation booklets} into my classroom, I'd have a hard time justifying to my students and parents that it wasn't cheating," says John Kaminski, a Traverse City, Mich., teacher who has studied test coaching. +20045012 He and other critics say such coaching aids can defeat the purpose of standardized tests, which is to gauge learning progress. +20045013 "It's as if France decided to give only French history questions to students in a European history class, and when everybody aces the test, they say their kids are good in European history," says John Cannell, an Albuquerque, N.M., psychiatrist and founder of an educational research organization, Friends for Education, which has studied standardized testing. +20045014 Standardized achievement tests are given about 10 million times a year across the country to students generally from kindergarten through eighth grade. +20045015 The most widely used of these tests are Macmillan/McGraw's CAT and Comprehensive Test of Basic Skills; the Iowa Test of Basic Skills, by Houghton Mifflin Co.; and Harcourt Brace Jovanovich Inc.'s Metropolitan Achievement Test and Stanford Achievement Test. +20045016 Sales figures of the test-prep materials aren't known, but their reach into schools is significant. +20045017 In Arizona, California, Florida, Louisiana, Maryland, New Jersey, South Carolina and Texas, educators say they are common classroom tools. +20045018 Macmillan/McGraw says "well over 10 million" of its Scoring High test-preparation books have been sold since their introduction 10 years ago, with most sales in the last five years. +20045019 About 20,000 sets of Learning Materials teachers' binders have also been sold in the past four years. +20045020 The materials in each set reach about 90 students. +20045021 Scoring High and Learning Materials are the best-selling preparation tests. +20045022 Michael Kean, director of marketing for CTB Macmillan/McGraw, the Macmillan/McGraw division that publishes Learning Materials, says it isn't aimed at improving test scores. +20045023 He also asserted that exact questions weren't replicated. +20045024 When referred to the questions that matched, he said it was coincidental. +20045025 Mr. Kaminski, the schoolteacher, and William Mehrens, a Michigan State University education professor, concluded in a study last June that CAT test versions of Scoring High and Learning Materials shouldn't be used in the classroom because of their similarity to the actual test. +20045026 They devised a 69-point scale -- awarding one point for each subskill measured on the CAT test -- to rate the closeness of test preparatives to the fifth-grade CAT. +20045027 Because many of these subskills -- the symmetry of geometrical figures, metric measurement of volume, or pie and bar graphs, for example -- are only a small part of the total fifth-grade curriculum, Mr. Kaminski says, the preparation kits wouldn't replicate too many, if their real intent was general instruction or even general familiarization with test procedures. +20045028 But Learning Materials matched on 66.5 of 69 subskills. +20045029 Scoring High matched on 64.5. +20045030 In CAT sections where students' knowledge of two-letter consonant sounds is tested, the authors noted that Scoring High concentrated on the same sounds that the test does -- to the exclusion of other sounds that fifth graders should know. +20045031 Learning Materials for the fifth-grade contains at least a dozen examples of exact matches or close parallels to test items. +20045032 Rick Brownell, senior editor of Scoring High, says that Messrs. Kaminski and Mehrens are ignoring "the need students have for becoming familiar with tests and testing format." +20045033 He said authors of Scoring High "scrupulously avoid" replicating exact questions, but he doesn't deny that some items are similar. +20045034 When Scoring High first came out in 1979, it was a publication of Random House. +20045035 McGraw-Hill was outraged. +20045036 In a 1985 advisory to educators, McGraw-Hill said Scoring High shouldn't be used because it represented a "parallel form" of the CAT and CTBS tests. +20045037 But in 1988, McGraw-Hill purchased the Random House unit that publishes Scoring High, which later became part of Macmillan/McGraw. +20045038 Messrs. Brownell and Kean say they are unaware of any efforts by McGraw-Hill to modify or discontinue Scoring High. +20046001 Alleghany Corp. said it completed the acquisition of Sacramento Savings & Loan Association from the H.N. & Frances C. Berger Foundation for $150 million. +20046002 The Sacramento-based S&L, which has 44 branch offices in north central California, had assets of $2.4 billion at the end of September. +20046003 New York-based Alleghany is an insurance and financial services concern. +20046004 The purchase price includes two ancillary companies. +20047001 The Department of Health and Human Services plans to extend its moratorium on federal funding of research involving fetal-tissue transplants. +20047002 Medical researchers believe the transplantation of small amounts of fetal tissue into humans could help treat juvenile diabetes and such degenerative diseases as Alzheimer's, Parkinson's and Huntington's. +20047003 But anti-abortionists oppose such research because they worry that the development of therapies using fetal-tissue transplants could lead to an increase in abortions. +20047004 James Mason, assistant secretary for health, said the ban on federal funding of fetal-tissue transplant research "should be continued indefinitely." +20047005 He said the ban won't stop privately funded tissue-transplant research or federally funded fetal-tissue research that doesn't involve transplants. +20047006 Department officials say that HHS Secretary Louis Sullivan will support Dr. Mason's ruling, which will be issued soon in the form of a letter to the acting director of the National Institutes of Health. +20047007 Both Dr. Mason and Dr. Sullivan oppose federal funding for abortion, as does President Bush, except in cases where a woman's life is threatened. +20047008 The controversy began in 1987 when the National Institutes of Health, aware of the policy implications of its research, asked for an HHS review of its plan to implant fetal tissue into the brain of a patient suffering from Parkinson's disease. +20047009 The department placed a moratorium on the research, pending a review of scientific, legal and ethical issues. +20047010 A majority of an NIH-appointed panel recommended late last year that the research continue under carefully controlled conditions, but the issue became embroiled in politics as anti-abortion groups continued to oppose federal funding. +20047011 The dispute has hampered the administration's efforts to recruit prominent doctors to fill prestigious posts at the helm of the NIH and the Centers for Disease Control. +20047012 Several candidates have withdrawn their names from consideration after administration officials asked them for their views on abortion and fetal-tissue transplants. +20047013 Antonio Novello, whom Mr. Bush nominated to serve as surgeon general, reportedly has assured the administration that she opposes abortion. +20047014 Dr. Novello is deputy director of the National Institute of Child Health and Human Development. +20047015 Some researchers have charged that the administration is imposing new ideological tests for top scientific posts. +20047016 Earlier this week, Dr. Sullivan tried to defuse these charges by stressing that candidates to head the NIH and the CDC will be judged by "standards of scientific and administrative excellence," not politics. +20047017 But the administration's handling of the fetal-tissue transplant issue disturbs many scientists. +20047018 "When scientific progress moves into uncharted ground, there has to be a role for society to make judgments about its applications," says Myron Genel, associate dean of the Yale Medical School. +20047019 "The disturbing thing about this abortion issue is that the debate has become polarized, so that no mechanism exists" for finding a middle ground. +20047020 Yale is one of the few medical institutions conducting privately funded research on fetal-tissue transplants. +20047021 But Dr. Genel warns that Dr. Mason's ruling may discourage private funding. +20047022 "The unavailability of federal funds, and the climate in which the decision was made, certainly don't provide any incentive for one of the more visible foundations to provide support," he said. +20047023 Despite the flap over transplants, federal funding of research involving fetal tissues will continue on a number of fronts. +20047024 "Such research may ultimately result in the ability to regenerate damaged tissues or to turn off genes that cause cancer" or to regulate genes that cause Down's syndrome, the leading cause of mental retardation, according to an NIH summary. +20047025 The NIH currently spends about $8 million annually on fetal-tissue research out of a total research budget of $8 billion. +20048001 Rekindled hope that two New England states will allow broader interstate banking boosted Nasdaq's bank stocks, but the over-the-counter market was up only slightly in lackluster trading. +20048002 The Nasdaq composite index added 1.01 to 456.64 on paltry volume of 118.6 million shares. +20048003 In terms of volume, it was an inauspicious beginning for November. +20048004 Yesterday's share turnover was well below the year's daily average of 133.8 million. +20048005 In October, the busiest month of the year so far, daily volume averaged roughly 145 million shares. +20048006 The Nasdaq 100 index of the biggest nonfinancial stocks gained 1.39 to 446.62. +20048007 The index of the 100 largest Nasdaq financial stocks rose modestly as well, gaining 1.28 to 449.04. +20048008 But the broader Nasdaq bank index, which tracks thrift issues, jumped 3.23 to 436.01. +20048009 The bank stocks got a boost when Connecticut Bank & Trust and Bank of New England said they no longer oppose pending legislation that would permit banks from other regions to merge with Connecticut and Massachusetts banks. +20048010 The two banks merged in 1985. +20048011 Bank of New England's shares are traded on the New York Stock Exchange. +20048012 The stocks of banking concerns based in Massachusetts weren't helped much by the announcement, traders said, because many of those concerns have financial problems tied to their real-estate loan portfolios, making them unattractive takeover targets. +20048013 But speculators, anticipating that Connecticut will approve a law permitting such interstate banking soon, immediately bid up shares of Connecticut banks on the news. +20048014 "A lot of the stocks that have been under water finally saw a reason to uptick," said George Jennison, head trader of banking issues in Shearson Lehman Hutton's OTC department. +20048015 The biggest beneficiary was Northeast Bancorp, which surged 7 3/4 to 69. +20048016 The Stamford, Conn., concern has agreed to a buy-out by Bank of New York in a transaction with an indicated value of about $100 a share that expires next August. +20048017 Ed Macheski, a Wilton, Conn., money manager who follows bank stocks, said the announcement effectively gives the deal "the green light." +20048018 Mr. Jennison said Northeast Bancorp also fared well because takeover stocks have returned to favor among investors. +20048019 Another OTC bank stock involved in a buy-out deal, First Constitution Financial, was higher. +20048020 It rose 7/8 to 18 1/4. +20048021 First Constitution has signed a merger agreement with WFRR L.P. and GHKM Corp., under which all of its common shares will be acquired for $25 each, or $273.5 million. +20048022 Among other Connecticut banks whose shares trade in the OTC market, Society for Savings Bancorp, based in Hartford, saw its stock rise 1 3/4 to 18 1/4. +20048023 Centerbank added 5/8 to 8 3/4; shares of NESB, a New London-based bank holding company, rose 5/8 to 5 7/8. +20048024 Among other banking issues, Pennview Savings Association leapt more than 44% with a gain of 6 5/8 to 21 5/8. +20048025 The Pennsylvania bank agreed to be acquired in a merger with Univest Corp. of Pennsylvania for $25.50 a share. +20048026 Valley Federal Savings & Loan, a California thrift issue, gained 1 to 4 1/4 after reporting a third-quarter loss of $70.7 million after an $89.9 million pretax charge mostly related to its mobile home financing unit. +20048027 Dan E. Nelms, Valley Federal's president and chief executive officer, said the one-time charge substantially eliminates future losses associated with the unit. +20048028 He said the company's core business remains strong. +20048029 He also said that after the charges, and "assuming no dramatic fluctuation in interest rates, the company expects to achieve near-record earnings in 1990." +20048030 Weisfield's surged 6 3/4 to 55 1/2 and Ratners Group's American depositary receipts, or ADRs, gained 5/8 to 12 1/4. +20048031 The two concerns said they entered into a definitive merger agreement under which Ratners will begin a tender offer for all of Weisfield's common shares for $57.50 each. +20048032 Also on the takeover front, Jaguar's ADRs rose 1/4 to 13 7/8 on turnover of 4.4 million. +20048033 Since the British auto maker became a takeover target last month, its ADRs have jumped about 78%. +20048034 After troubled Heritage Media proposed acquiring POP Radio in a stock swap, POP Radio's shares tumbled 4 to 14 3/4. +20048035 Heritage Media, which already owns about 51% of POP Radio, proposed paying POP Radio shareholders with shares of a new class of Heritage Media preferred stock that would be convertible into four shares of Heritage Media's common. +20048036 Rally's lost 1 3/4 to 21 3/4. +20048037 The restaurant operator said it has redeemed its rights issued Monday under its shareholder rights plan. +20048038 The fast-food company said its decision was based on discussions with a shareholder group, Giant Group Ltd., "in an effort to resolve certain disputes with the company." +20048039 Giant Group is led by three Rally's directors, Burt Sugarman, James M. Trotter III and William E. Trotter II, who earlier this month indicated they had a 42.5% stake in Rally's and planned to seek a majority of seats on Rally's nine-member board. +20048040 SCI Systems slipped 7/8 to 10 on volume of 858,000 shares. +20048041 The Huntsville, Ala., electronic products maker said it expects to post a "significant" loss for its fiscal first quarter ended Sept. 30. +20048042 In the year-earlier period, SCI had net income of $4.8 million, or 23 cents a share, on revenue of $225.6 million. +20049001 The Internal Revenue Service has threatened criminal sanctions against lawyers who fail to report detailed information about clients who pay them more than $10,000 in cash. +20049002 The warnings, issued to at least 100 criminal defense attorneys in several major cities in the last week, have led to an outcry by members of the organized bar, who claim the information is protected by attorney-client privilege. +20049003 The IRS warnings stem from a 1984 law that requires anyone who receives more than $10,000 in cash from a client or customer in one or more related transactions "in the course of trade or business" to report the payment on a document known as Form 8300. +20049004 The form asks for such details as the client's name, Social Security number, passport number and details about the services provided for the payment. +20049005 Failure to complete the form had been punishable as a misdemeanor until last November, when Congress determined that the crime was a felony punishable by up to 10 years in prison. +20049006 Attorneys have argued since 1985, when the law took effect, that they cannot provide information about clients who don't wish their identities to be known. +20049007 Many attorneys have returned incomplete forms to the IRS in recent years, citing attorney-client privilege. +20049008 Until last week, the IRS rarely acted on the incomplete forms. +20049009 "This form forces a lawyer to become, in effect, a witness against his client," said Neal R. Sonnett, president of the National Association of Criminal Defense Lawyers. +20049010 "The IRS is asking lawyers to red-flag a criminal problem to the government," added Mr. Sonnett, a Miami lawyer who has heard from dozens of attorneys who received letters in recent days and has himself received the computer-generated IRS forms sent by certified mail. +20049011 Mr. Sonnett said that clients who pay cash may include alleged drug dealers who don't have domestic bank accounts. +20049012 These individuals may not necessarily be under investigation when they hire lawyers. +20049013 Mr. Sonnett said there also may be other circumstances under which individuals wouldn't want the government to know they had retained criminal defense lawyers. +20049014 Filling out detailed forms about these individuals would tip the IRS off and spark action against the clients, he said. +20049015 The defense lawyers' group formed a task force this week, chaired by New York attorney Gerald Lefcourt, to deal with the matter. +20049016 The American Bar Association's House of Delegates passed a resolution in 1985 condemning the IRS reporting requirement. +20049017 Michael Ross, a New York lawyer who heads the ABA's grand jury committee, said that lawyers are prohibited by the ABA's code of ethics from disclosing information about a client except where a court orders it or to prevent the client from committing a criminal act that could result in death. +20049018 Mr. Ross said he met with officials of the IRS and the Justice Department, which would bring any enforcement actions against taxpayers, to discuss the issue last May. +20049019 At that meeting, he said, the Justice Department assured him that enforcement procedures wouldn't be threatened against attorneys without further review and advance notice. +20049020 Mr. Ross said IRS officials opposed the Justice Department's moderate stance on the matter. +20049021 But in the letters sent in recent days, Christopher J. Lezovich of the IRS computing center in Detroit, told attorneys that "failing to voluntarily submit the requested information could result in summons enforcement action being initiated." +20049022 In some cases, the IRS asked for information dating back to forms it received in 1985. +20049023 A spokesman for the IRS confirmed that "there has been correspondence mailed about incomplete 8300s," but he declined to say why the letters were sent to lawyers now. +20049024 Individuals familiar with the Justice Department's policy said that Justice officials hadn't any knowledge of the IRS's actions in the last week. +20049025 Lawyers worry that if they provide information about clients, that data could quickly end up in the hands of prosecutors. +20049026 Prosecutors need court permission to obtain the tax returns of an individual or a business. +20049027 But they have obtained 8300 forms without court permission and used the information to help develop criminal cases. +20049028 Some criminal lawyers speculated that the IRS was sending the letters to test the issue. +20049029 In a number of recent cases, federal courts have refused to recognize attorneys' assertions that information relating to fees from clients should be confidential. +20049030 THE WAR OVER FEDERAL JUDICIAL SALARIES takes a victim. +20049031 Often, judges ease into more lucrative private practice with little fanfare, but not federal Judge Raul A. Ramirez in Sacramento, Calif. +20049032 On Tuesday, the judge called a news conference to say he was quitting effective Dec. 31 to join a San Francisco law firm. +20049033 The reason: the refusal of Congress to give federal judges a raise. +20049034 "A couple of my law clerks were going to pass me in three or four years, and I was afraid I was going to have to ask them for a loan," the judge quipped in an interview. +20049035 Federal judges make $89,500 annually; in February, Congress rejected a bill that would have increased their pay by 50%. +20049036 Judge Ramirez, 44, said it is unjust for judges to make what they do. +20049037 "Judges are not getting what they deserve. +20049038 You look around at professional ballplayers or accountants . . . and nobody blinks an eye. +20049039 When you become a federal judge, all of a sudden you are relegated to a paltry sum." +20049040 At his new job, as partner in charge of federal litigation in the Sacramento office of Orrick, Herrington & Sutcliffe, he will make out much better. +20049041 The judge declined to discuss his salary in detail, but said: "I'm going to be a high-priced lawyer." +20049042 DOONESBURY CREATOR'S UNION TROUBLES are no laughing matter. +20049043 Cartoonist Garry Trudeau is suing the Writers Guild of America East for $11 million, alleging it mounted a "campaign to harass and punish" him for crossing a screenwriters' picket line. +20049044 The dispute involves Darkhorse Productions Inc., a TV production company in which Mr. Trudeau is a co-owner. +20049045 Mr. Trudeau, a Writers Guild member, also was employed as a writer for Darkhorse, which was covered by a guild collective-bargaining agreement. +20049046 The guild began a strike against the TV and movie industry in March 1988. +20049047 In his lawsuit, Mr. Trudeau says the strike illegally included Darkhorse, and the cartoonist refused to honor the strike against the company. +20049048 A spokesman for the guild said the union's lawyers are reviewing the suit. +20049049 He said disciplinary proceedings are confidential and declined to comment on whether any are being held against Mr. Trudeau. +20049050 Mr. Trudeau's attorney, Norman K. Samnick, said the harassment consists mainly of the guild's year-long threats of disciplinary action. +20049051 Mr. Samnick said a guild disciplinary hearing is scheduled next Monday in New York. +20049052 Mr. Samnick, who will go before the disciplinary panel, said the proceedings are unfair and that any punishment from the guild would be unjustified. +20049053 In addition to the damages, the suit seeks a court order preventing the guild from punishing or retaliating against Mr. Trudeau. +20049054 ABORTION RULING UPHELD: +20049055 A federal appeals court upheld a lower court ruling that the U.S. can bar the use of federal funds for family-planning programs that include abortion-related services. +20049056 A Department of Health and Human Services rule adopted in 1988 prohibits the use of so-called Title X funds for programs that assist a woman in obtaining an abortion, such as abortion counseling and referrals. +20049057 The rule also prohibits funding for activities that "encourage, promote or advocate abortion." +20049058 Title X funds are the single largest source of federal funding for family-planning services, according to the opinion by the Second U.S. Circuit Court of Appeals in New York. +20049059 The panel ruled that the restrictions don't violate the freedom of speech of health care providers and that the limits on counseling services don't violate the rights of pregnant women. +20049060 INQUIRY CLEARS TEXAS JUDGE of bias in comments on homosexual murder victims. +20049061 Dallas District Judge Jack Hampton had sparked calls for a judicial inquiry with his remarks to the press last December, two weeks after sentencing an 18-year-old defendant to 30 years in state prison for killing two homosexual men in a city park. +20049062 The judge was quoted as referring to the victims as "queers" and saying they wouldn't have been killed "if they hadn't been cruising the streets picking up teenage boys." +20049063 But Robert R. Murray, a special master appointed by the Texas Supreme Court, said Judge Hampton didn't breach any judicial standards of fairness, although he did violate the state's judicial code by commenting publicly on a pending case. +20049064 Observing that the judge "has never exhibited any bias or prejudice," Mr. Murray concluded that he "would be impartial in any case involving a homosexual or prostitute" as a victim. +20049065 Mr. Murray also said Judge Hampton's comments didn't discredit the judiciary or the administration of justice. +20049066 The report is subject to review by the State Commission on Judicial Conduct, which is empowered to impose sanctions. +20049067 GAF TRIAL goes to round three. +20049068 Attorneys in the third stock-manipulation trial of GAF Corp. began opening arguments yesterday in the Manhattan courtroom of U.S. District Judge Mary Johnson Lowe. +20049069 In an eight-count indictment, the government has charged GAF, a Wayne, N.J., specialty chemical maker, and its Vice Chairman James T. Sherwin with attempting to manipulate the common stock of Union Carbide Corp. in advance of GAF's planned sale of a large block of the stock in November 1986. +20049070 The first two GAF trials ended in mistrials earlier this year. +20049071 This trial is expected to last five weeks. +20049072 SWITCHING TO THE DEFENSE: +20049073 A former member of the prosecution team in the Iran/Contra affair joined the Chicago firm of Mayer, Brown & Platt. +20049074 Michael R. Bromwich, a member since January 1987 of the three-lawyer trial team in the prosecution of Oliver North, became a partner in the Washington, D.C., office of the 520-lawyer firm. +20049075 He will specialize in white-collar criminal defense work. +20049076 Mr. Bromwich, 35, also has served as deputy chief and chief of the narcotics unit for the U.S. attorney's office for the Southern District of New York, based in Manhattan. +20050001 Cooper Tire & Rubber Co. said it has reached an agreement in principle to buy buildings and related property in Albany, Ga., from Bridgestone/Firestone Inc. +20050002 Terms weren't disclosed. +20050003 The tire maker said the buildings consist of 1.8 million square feet of office, manufacturing and warehousing space on 353 acres of land. +20051001 Fujitsu Ltd.'s top executive took the unusual step of publicly apologizing for his company's making bids of just one yen for several local government projects, while computer rival NEC Corp. made a written apology for indulging in the same practice. +20051002 Meanwhile, business and government leaders rebuked the computer makers, and fretted about the broader statement the companies' actions make about Japanese cutthroat pricing. +20051003 Fujitsu said it bid the equivalent of less than a U.S. penny on three separate municipal contracts during the past two years. +20051004 The company also disclosed that during that period it offered 10,000 yen, or about $70, for another contract. +20051005 But Fujitsu, Japan's No. 1 computer maker, isn't alone. +20051006 NEC, one of its largest domestic competitors, said it bid one yen in two separate public auctions since 1987. +20051007 In both cases, NEC lost the contract to Fujitsu, which made the same bid and won a tie-breaking lottery. +20051008 All the contracts were for computer-system-design contracts and involved no hardware or software. +20051009 The Ministry of International Trade and Industry summoned executives from the companies to "make sure they understood" the concern about such practices, according to a government spokesman. +20051010 "These cases lead to the loss of the firms' social and international credibility," a ministry statement said. +20051011 Japan's Fair Trade Commission has said it is considering investigating the bids for possible antitrust-law violations. +20051012 "We would like to apologize for having caused huge trouble," Fujitsu President Takuma Yamamoto, read from a prepared statement as he stood before a packed news conference at his company's downtown headquarters. +20051013 The bids, he added, were "contrary to common sense." +20051014 NEC released a statement saying, "We feel sorry for having caused trouble to society," a form of apology common in Japan for companies caught in embarrassing situations. +20051015 Japanese companies have long had a reputation for sacrificing short-term profits to make a sale that may have long-term benefits. +20051016 But the growing controversy comes as many practices historically accepted as normal here -- such as politicians accepting substantial gifts from businessmen or having extramarital affairs -- are coming under close ethical scrutiny. +20051017 The fire is also fueled by growing international interest in Japanese behavior. +20051018 So far there have been no public overseas complaints about the issue. +20051019 But in one of the auctions in question, International Business Machines Corp. made a bid substantially higher than the Fujitsu offer, according to the municipality. +20051020 The low-ball bids touch on issues central to the increasingly tense trade debate. +20051021 Foreigners complain that they have limited access to government procurement in Japan, in part because Japanese companies unfairly undercut them. +20051022 The U.S. government in recent years has accused Japanese companies of excessively slashing prices on semiconductors and supercomputers -- products Fujitsu and NEC make. +20051023 Asked whether the bidding flap would hurt U.S.-Japan relations, Mr. Yamamoto said, "this will be a minus factor." +20051024 The "one-yen" controversy first came to a head last week when the city of Hiroshima announced that Fujitsu won a contract to design a computer system to map its waterworks. +20051025 The city had expected to pay about 11 million yen ($77,000), but Fujitsu essentially offered to do it for free. +20051026 Then Wednesday, Fujitsu said it made a similar bid to win a library contract in Nagano prefecture two weeks earlier. +20051027 It also said that in July, it bid 10,000 yen to design a system for the Saitama prefectural library, and two years ago, it bid one yen to plan the telecommunications system for Wakayama prefecture. +20051028 The company said it has offered to withdraw its bids in Hiroshima and Nagano. +20051029 The municipalities said they haven't decided whether to try to force the company to go through with the contracts. +20051030 Fujitsu and NEC said they were still investigating, and that knowledge of more such bids could emerge. +20051031 Mr. Yamamoto insisted that headquarters hadn't approved the bids, and that he didn't know about most of the cases until Wednesday. +20051032 Other major Japanese computer companies contacted yesterday said they have never made such bids. +20051033 "One yen is not ethical," Michio Sasaki, an official at Keidanren, the Japan Federation of Economic Organizations, said. +20051034 "Profit may be low, but at least costs should be covered. +20052001 PAPERS: +20052002 Backe Group Inc. agreed to acquire Atlantic Publications Inc., which has 30 community papers and annual sales of $7 million. +20052003 Terms weren't disclosed. +20052004 Backe is a closely held media firm run by former CBS Inc. President John Backe. +20052005 TV: +20052006 Price Communications Corp. completed the sale of four of its TV stations to NTG Inc. for $120 million in cash and notes, retaining a 10% equity stake in the new concern. +20052007 NTG was formed by Osborn Communications Corp. and Desai Capital. +20053001 Michaels Stores Inc., which owns and operates a chain of specialty retail stores, said October sales rose 14.6% to $32.8 million from $28.6 million a year earlier. +20053002 Sales in stores open more than one year rose 3% to $29.3 million from $28.4 million. +20054001 Furukawa Co. of Japan said it will acquire two construction machinery plants and a sales unit in France formerly belonging to Dresser Industries Inc. of the U.S. +20054002 The company said it made the purchase in order to locally produce hydraulically operated shovels. +20054003 Last October, the company also bought a wheel-loader manufacturing plant in Heidelberg, West Germany, from Dresser. +20054004 Furukawa said the purchase of the French and German plants together will total about 40 billion yen ($280 million). +20055001 Structural Dynamics Research Corp., which makes computer-aided engineering software, said it introduced new technology in mechanical design automation that will improve mechanical engineering productivity. +20056001 @ +20056002 Money Market Deposits-a 6.21% +20056003 a-Average rate paid yesterday by 100 large banks and thrifts in the 10 largest metropolitan areas as compiled by Bank Rate Monitor. +20056004 b-Current annual yield. +20056005 Guaranteed minimum 6%. +20057001 LSI Logic Corp. reported a surprise $35.7 million third-quarter net loss, including a special restructuring charge that reflects a continuing industry-wide slowdown in semiconductor demand. +20057002 In September, the custom-chip maker said excess capacity and lagging billings would result in an estimated $2 million to $3 million net loss for the third quarter. +20057003 But company officials said yesterday that they decided to take a $43 million pretax charge for the period to cover a restructuring of world-wide manufacturing operations, citing extended weakness in the market as well as a decision to switch to more economical production techniques. +20057004 "Over the summer months, there has been a slowing in the rate of new orders from the computer sector, our primary market," said Wilfred J. Corrigan, chairman and chief executive officer. +20057005 "In addition, recent industry forecasts for 1990 indicate a slow environment, at least until midyear." +20057006 As a result, the company said it decided to phase out its oldest capacity and "make appropriate reductions" in operating expenses. +20057007 The $35.7 million net loss equals 86 cents a share. +20057008 Not counting the extraordinary charge, the company said it would have had a net loss of $3.1 million, or seven cents a share. +20057009 A year earlier, it had profit of $7.5 million, or 18 cents a share. +20057010 Revenue rose 42% to $133.7 million from $94 million. +20057011 The charge partly reflects a switch from older five-inch to more-efficient six-inch silicon wafers with which to fabricate chips. +20057012 Related to that decision, the company said it was converting its Santa Clara, Calif., factory to a research and development facility. +20057013 A spokesman declined to speculate about possible reductions in force. +20057014 "This is a company that has invested in capacity additions more aggressively than any other company in the industry and now the industry is growing more slowly and they are suddenly poorly positioned," said Michael Stark, chip analyst at Robertson, Stephens & Co. +20057015 "I think the stock is dead money for a while." +20057016 Yesterday's announcement was made after markets closed. +20057017 U.S. chip makers are facing continued slack demand following a traditionally slow summer. +20057018 Part of the problem is that chip buyers are keeping inventories low because of jitters about the course of the U.S. economy. +20058001 INGERSOLL-RAND Co. (Woodcliff Lake, N.J.) -- +20058002 William G. Kuhns, former chairman and chief executive officer of General Public Utilities Corp., was elected a director of this maker of industrial and construction equipment, increasing board membership to 10. +20059001 The dollar posted gains against all major currencies yesterday, buoyed by persistent Japanese demand for U.S. bond issues. +20059002 While market sentiment remains cautiously bearish on the dollar based on sluggish U.S. economic indicators, dealers note that Japanese demand has helped underpin the dollar against the yen and has kept the U.S. currency from plunging below key levels against the mark. +20059003 At the same time, dealers said the U.S. unit has been locked into a relatively narrow range in recent weeks, in part because the hefty Japanese demand for dollars has been offset by the mark's strength, resulting in a stalemate. +20059004 Jay Goldinger, with Capital Insight Inc., reasons that while the mark has posted significant gains against the yen as well -- the mark climbed to 77.70 yen from 77.56 yen late Tuesday in New York -- the strength of the U.S. bond market compared to its foreign counterparts has helped lure investors to dollar-denominated bonds, rather than mark bonds. +20059005 "Dollar-yen {trade} is the driving force in the market," said Tom Trettien, a vice president with Banque Paribas in New York, "but I'm not convinced it will continue. +20059006 Who knows what will happen down the road, in three to six months, if foreign investment starts to erode?" +20059007 In late New York trading yesterday, the dollar was quoted at 1.8500 marks, up from 1.8415 marks late Tuesday, and at 143.80 yen, up from 142.85 yen late Tuesday. +20059008 Sterling was quoted at $1.5755, down from $1.5805 late Tuesday. +20059009 In Tokyo Thursday, the U.S. currency opened for trading at 143.93 yen, up from Wednesday's Tokyo close of 143.08 yen. +20059010 Douglas Madison, a corporate trader with Bank of America in Los Angeles, traced the dollar's recent solid performance against the yen to purchases of securities by Japanese insurance companies and trust banks and the sense that another wave of investment is waiting in the wings. +20059011 He contends that the perception in Japan of a vitriolic U.S. response to Sony Corp.'s announcement of its purchase of Columbia Pictures Entertainment Inc. has been temporarily mollified. +20059012 He cites the recent deal between the Mitsubishi Estate Co. and the Rockefeller Group, as well as the possible white knight role of an undisclosed Japanese company in the Georgia-Pacific Corp. takeover bid for Great Northern Nekoosa Corp. as evidence. +20059013 The forthcoming maturity in November of a 10-year Japanese government yen-denominated bond issue valued at about $16 billion has prompted speculation in the market that investors redeeming the bonds will diversify into dollar-denominated instruments, according to Mr. Madison. +20059014 It remains unclear whether the bond issue will be rolled over. +20059015 Meanwhile, traders in Tokyo say that the prospect of lower U.S. interest rates has spurred dollar buying by Japanese institutions. +20059016 They point out that these institutions want to lock in returns on high-yield U.S. Treasury debt and suggest demand for the U.S. unit will continue unabated until rates in the U.S. recede. +20059017 The market again showed little interest in further evidence of a slowing U.S. economy, and traders note that the market in recent weeks has taken its cues more from Wall Street than U.S. economic indicators. +20059018 Dealers said the dollar merely drifted lower following the release Wednesday of the U.S. purchasing managers' report. +20059019 The managers' index, which measures the health of the manufacturing sector, stood at 47.6% in October, above September's 46%, and also above average forecasts for the index of 45.3%. +20059020 Some dealers said the dollar was pressured slightly because a number of market participants had boosted their expectations in the past day and were looking for an index above 50, which indicates an expanding manufacturing economy. +20059021 But most said the index had no more than a minimal effect on trade. +20059022 On the Commodity Exchange in New York, gold for current delivery settled at $374.20 an ounce, down 50 cents. +20059023 Estimated volume was a moderate 3.5 million ounces. +20059024 In early trading in Hong Kong Thursday, gold was quoted at $374.19 an ounce. +20060001 "The Cosby Show" may have single-handedly turned around ratings at NBC since its debut in 1984, and the Huxtable family still keeps millions of viewers laughing Thursday night on the network. +20060002 But some of the TV stations that bought "Cosby" reruns for record prices two years ago aren't laughing much these days. +20060003 The reruns have helped ratings at many of the 187 network affiliates and independent TV stations that air the shows. +20060004 But the ratings are considerably below expectations, and some stations say they may not buy new episodes when their current contracts expire. +20060005 Meanwhile, stations are fuming because, many of them say, the show's distributor, Viacom Inc., is giving an ultimatum: Either sign new long-term commitments to buy future episodes or risk losing "Cosby" to a competitor. +20060006 At the same time, Viacom is trying to persuade stations to make commitments to "A Different World," a spin-off of "Cosby" whose reruns will become available in 1991. +20060007 Viacom denies it's using pressure tactics. +20060008 "We're willing to negotiate," says Dennis Gillespie, executive vice president of marketing. +20060009 "We're offering this plan now because we feel it's the right time." +20060010 But, says the general manager of a network affiliate in the Midwest, "I think if I tell them I need more time, they'll take `Cosby' across the street," +20060011 Viacom's move comes as the syndication market is being flooded with situation comedies that are still running on the networks. +20060012 One station manager says he believes Viacom's move is a "pre-emptive strike" because the company is worried that "Cosby" ratings will continue to drop in syndication over the next few years. +20060013 "Cosby" is down a full ratings point in the week of Oct. 2-8 over the same week a year ago, according to A.C. Nielsen Co. +20060014 Mr. Gillespie at Viacom says the ratings are rising. +20060015 And executives at stations in such major markets as Washington; Providence, R.I.; Cleveland; Raleigh, N.C.; Minneapolis, and Louisville, Ky., say they may very well not renew "Cosby." +20060016 Dick Lobo, the general manager of WTVJ, the NBC-owned station in Miami, for example, says the show has "been a major disappointment to us." +20060017 "At the prices we were charged, there should have been some return for the dollar. +20060018 There wasn't." +20060019 Neil Kuvin, the general manager of WHAS, the CBS affiliate in Louisville, says "Cosby" gets the station's highest ratings and he's "pleased." +20060020 But he adds, "I feel pressured, disappointed, uncomfortable and, frankly, quite angry with Viacom. +20061001 The Life Insurance Co. of Georgia has officially opened an office in Taipei. +20061002 David Wu, the company's representative in Taiwan, said Atlanta-based Life of Georgia will sell conventional life-insurance products. +20061003 Life of Georgia is part of the Nationale Nederlanden Group, based in the Netherlands. +20062001 In this era of frantic competition for ad dollars, a lot of revenue-desperate magazines are getting pretty cozy with advertisers -- fawning over them in articles and offering pages of advertorial space. +20062002 So can a magazine survive by downright thumbing its nose at major advertisers? +20062003 Garbage magazine, billed as "The Practical Journal for the Environment," is about to find out. +20062004 Founded by Brooklyn, N.Y., publishing entrepreneur Patricia Poore, Garbage made its debut this fall with the promise to give consumers the straight scoop on the U.S. waste crisis. +20062005 The magazine combines how-to pieces on topics like backyard composting, explanatory essays on such things as what happens after you flush your toilet, and hard-hitting pieces on alleged environmental offenders. +20062006 Garbage editors have dumped considerable energy into a whirling rampage through supermarket aisles in a bid to identify corporate America's good guys and bad boys. +20062007 In one feature, called "In the Dumpster," editors point out a product they deem to be a particularly bad offender. +20062008 From an advertising standpoint, the problem is these offenders are likely to be some of the same folks that are major magazine advertisers these days. +20062009 With only two issues under its belt, Garbage has alienated some would-be advertisers and raised the ire of others. +20062010 Campbell Soup, for one, is furious its Souper Combo microwave product was chastised in the premiere "In the Dumpster" column. +20062011 The magazine's editors ran a giant diagram of the product with arrows pointing to the packaging's polystyrene foam, polyproplene and polyester film -- all plastic items they say are non-biodegradable. +20062012 "It's precisely the kind of product that's created the municipal landfill monster," the editors wrote. +20062013 "I think that this magazine is not only called Garbage, but it is practicing journalistic garbage," fumes a spokesman for Campbell Soup. +20062014 He says Campbell wasn't even contacted by the magazine for the opportunity to comment. +20062015 Modifications had been made to the Souper Combo product at the time the issue was printed, he says, making it less an offender than was portrayed. +20062016 He admits, though, it isn't one of Campbell Soup's better products in terms of recyclability. +20062017 Campbell Soup, not surprisingly, doesn't have any plans to advertise in the magazine, according to its spokesman. +20062018 Some media experts question whether a young magazine can risk turning off Madison Avenue's big spenders. +20062019 "You really need the Campbell Soups of the world to be interested in your magazine if you're going to make a run of it," says Mike White, senior vice president and media director at DDB Needham, Chicago. +20062020 "The economics of magazine publishing pretty much require that you have a pretty solid base" of big-time ad spenders, he adds. +20062021 The first two issues featured ads from only a handful of big advertisers, including General Electric and Adolph Coors, but the majority were from companies like Waste Management Inc. and Bumkins International, firms that don't spend much money advertising and can't be relied on to support a magazine over the long haul. +20062022 A Waste Management spokeswoman says its ad in the premiere issue was a one-time purchase, and it doesn't have any plans to advertise in future issues. +20062023 "We don't spend much on print advertising," she says. +20062024 But Ms. Poore, the magazine's editor and publisher, contends Garbage can survive, at least initially, on subscription revenues. +20062025 Individual copies of the magazine sell for $2.95 and yearly subscriptions cost $21. +20062026 (It is, of course, printed on recycled paper.) +20062027 According to Ms. Poore, Old-House Journal Corp., her publishing company, printed and sold all 126,000 copies of the premiere issue. +20062028 The first and second issues sold out on newsstands, she says, and the magazine has orders for 93,000 subscriptions. +20062029 Asked whether potential advertisers will be scared away by the magazine's direct policy, Ms. Poore replies: "I don't know and I don't care. +20062030 I'm not saying advertising revenue isn't important," she says, "but I couldn't sleep at night" if the magazine bowed to a company because they once took out an ad. +20062031 Ad Notes. . . . +20062032 INTERPUBLIC ON TV: +20062033 Interpublic Group said its television programming operations -- which it expanded earlier this year -- agreed to supply more than 4,000 hours of original programming across Europe in 1990. +20062034 It said the programs, largely game shows, will be provided by its E.C. Television unit along with Fremantle International, a producer and distributor of game shows of which it recently bought 49%. +20062035 It said that volume makes it the largest supplier of original TV programming in Europe. +20062036 Interpublic is providing the programming in return for advertising time, which it said will be valued at more than $75 million in 1990 and $150 million in 1991. +20062037 It plans to sell the ad time to its clients at a discount. +20062038 NEW ACCOUNT: +20062039 CoreStates Financial Corp., Philadelphia, named Earle Palmer Brown & Spiro, Philadelphia, as agency of record for its $5 million account. +20062040 The business had been handled by VanSant Dugdale, Baltimore. +20062041 AT&T FAX: +20062042 American Telephone & Telegraph's General Business Systems division, New York, awarded the ad account for its Fax product line to Ogilvy & Mather, New York, a WPP Group agency. +20062043 Billings weren't disclosed for the small account, which had been serviced at Young & Rubicam, New York. +20062044 FIRST CAMPAIGN: +20062045 Enterprise Rent-A-Car Inc. breaks its first national ad campaign this week. +20062046 The St. Louis firm specializes in replacement-car rentals, those provided by insurance companies for cars damaged in accidents. +20062047 Developed by Avrett, Free & Ginsberg, New York, the $6 million campaign pitches Enterprise's consumer-driven service and its free pick-up and drop-off service. +20062048 LANDOR ASSOCIATES: +20062049 Young & Rubicam said it completed its acquisition of Landor Associates, a San Francisco identity-management firm. +20062050 ACQUISITION: +20062051 Ketchum Communications, Pittsburgh, acquired Braun & Co., a Los Angeles investor-relations and marketing-communications firm. +20062052 Terms weren't disclosed. +20063001 Sea Containers Ltd. said it might increase the price of its $70-a-share buy-back plan if pressed by Temple Holdings Ltd., which made an earlier tender offer for Sea Containers. +20063002 Sea Containers, a Hamilton, Bermuda-based shipping concern, said Tuesday that it would sell $1.1 billion of assets and use some of the proceeds to buy about 50% of its common shares for $70 apiece. +20063003 The move is designed to ward off a hostile takeover attempt by two European shipping concerns, Stena Holding AG and Tiphook PLC. +20063004 In May, the two companies, through their jointly owned holding company, Temple, offered $50 a share, or $777 million, for Sea Containers. +20063005 In August, Temple sweetened the offer to $63 a share, or $963 million. +20063006 Yesterday, Sea Containers' chief executive officer, James Sherwood, said in an interview that, under the asset-sale plan, Sea Containers would end up with a cash surplus of approximately $620 million. +20063007 About $490 million of that would be allocated to the buy-back, leaving about $130 million, he said. +20063008 That $130 million, Mr. Sherwood said, "gives us some flexibility in case Temple raises its bid. +20063009 We are able to increase our price above the $70 level if necessary. +20063010 " He declined to say, however, how much Sea Containers might raise its price. +20063011 Mr. Sherwood speculated that the leeway that Sea Containers has means that Temple would have to "substantially increase their bid if they're going to top us." +20063012 Temple, however, harshly criticized Sea Containers' plan yesterday, characterizing it as a "highly conditional device designed to entrench management, confuse shareholders and prevent them from accepting our superior cash offer." +20063013 A spokesman for Temple estimated that Sea Containers' plan -- if all the asset sales materialize -- would result in shareholders receiving only $36 to $45 a share in cash. +20063014 The lower figures, the spokesman said, would stem from preferred shares being converted to common stock and the possibility that Sea Containers' subsidiaries might be required to place their shares in the open market. +20063015 Temple added that Sea Containers is still mired in legal problems in Bermuda, where the Supreme Court has temporarily barred Sea Containers from buying back its own stock in a case brought by Stena and Tiphook. +20063016 {The court has indicated it will rule on the case by the end of the month.} +20063017 Temple also said Sea Containers' plan raises "numerous legal, regulatory, financial and fairness issues," but didn't elaborate. +20063018 Mr. Sherwood said reaction to Sea Containers' proposal has been "very positive." +20063019 In New York Stock Exchange composite trading yesterday, Sea Containers closed at $62.625, up 62.5 cents. +20064001 The Transportation Department, responding to pressure from safety advocates, took further steps to impose on light trucks and vans the safety requirements used for automobiles. +20064002 The department proposed requiring stronger roofs for light trucks and minivans, beginning with 1992 models. +20064003 It also issued a final rule requiring auto makers to equip light trucks and minivans with lap-shoulder belts for rear seats beginning in the 1992 model year. +20064004 Such belts already are required for the vehicles' front seats. +20064005 "Today's action," Transportation Secretary Samuel Skinner said, "represents another milestone in the ongoing program to promote vehicle occupant safety in light trucks and minivans through its extension of passenger car standards." +20064006 In September, the department had said it will require trucks and minivans to be equipped with the same front-seat headrests that have long been required on passenger cars. +20064007 The Big Three auto makers said the rule changes weren't surprising because Bush administration officials have long said they planned to impose car safety standards on light trucks and vans. +20064008 Safety advocates, including some members of Congress, have been urging the department for years to extend car-safety requirements to light trucks and vans, which now account for almost one-third of all vehicle sales in the U.S. +20064009 They say that many vehicles classed as commercial light trucks actually carry more people than cargo and therefore should have the same safety features as cars. +20064010 They didn't have much luck during the Reagan administration. +20064011 "But now, there seems to be a fairly systematic effort to address the problem," said Chuck Hurley, vice president of communications for the Insurance Institute for Highway Safety. +20064012 "We're in a very different regulatory environment." +20064013 Sen. John Danforth (R., Mo.) praised the department's actions, noting that rollover crashes account for almost half of all light-truck deaths. +20064014 "We could prevent many of these fatalities with minimum roof-crush standards," he said. +20064015 Sen. Danforth and others also want the department to require additional safety equipment in light trucks and minivans, including air bags or automatic seat belts in front seats and improved side-crash protection. +20064016 The department's roof-crush proposal would apply to vehicles weighing 10,000 pounds or less. +20064017 The roofs would be required to withstand a force of 1.5 times the unloaded weight of the vehicle. +20064018 During the test, the roof couldn't be depressed more than five inches. +20064019 In Detroit, a Chrysler Corp. official said the company currently has no rear-seat lap and shoulder belts in its light trucks, but plans to begin phasing them in by the end of the 1990 model year. +20064020 He said Chrysler fully expects to have them installed across its light-truck line by the Sept. 1, 1991, deadline. +20064021 Chrysler said its trucks and vans already meet the roof-crush resistance standard for cars. +20064022 John Leinonen, executive engineer of Ford Motor Co.'s auto-safety office, said Ford trucks have met car standards for roof-crush resistance since 1982. +20064023 Ford began installing the rear-seat belts in trucks with its F-series Crew Cab pickups in the 1989 model year. +20064024 The new Explorer sport-utility vehicle, set for introduction next spring, will also have the rear-seat belts. +20064025 Mr. Leinonen said he expects Ford to meet the deadline easily. +20065001 Consolidated Rail Corp. said it would spend more than $30 million on 1,000 enclosed railcars for transporting autos. +20065002 The multilevel railcars, scheduled for delivery in 1990, will be made by Thrall Manufacturing Co., a Chicago Heights, Ill., division of closely held Duchossois Industries Inc., Elmhurst, Ill. +20065003 This year, the railroad holding company acquired 850 such railcars. +20066001 Sir Peter Walters, 58-year-old chairman of British Petroleum Co. until next March, joins the board of this cement products company on Dec. 1. +20066002 Sir Peter will succeed Sir John Milne, 65, who retires as Blue Circle nonexecutive chairman on June 1. +20067001 Bank of New England Corp. said it has held talks with potential merger partners outside New England, although it added that nothing is imminent and it hasn't received any formal offers. +20067002 The discussions were disclosed as the bank holding company said that it has dropped its longstanding opposition to full interstate banking bills in Connecticut and in Massachusetts. +20067003 Later yesterday, a Massachusetts senate committee approved a bill to allow national interstate banking by banks in the state beginning in 1991. +20067004 Currently, both Massachusetts and Connecticut, where most of Bank of New England's operations are, allow interstate banking only within New England. +20067005 Richard Driscoll, vice chairman of Bank of New England, told the Dow Jones Professional Investor Report, "Certainly, there are those outside the region who think of us prospectively as a good partner. +20067006 We have, and I'm sure others have, considered what our options are, and we've had conversations with people who in the future might prove to be interesting partners." +20067007 He added, "There's nothing very hot." +20067008 Mr. Driscoll didn't elaborate about who the potential partners were or when the talks were held. +20067009 A bank spokeswoman also declined to comment on any merger-related matters, but said the company decided to drop its opposition to the interstate banking legislation because "prevailing sentiment is in favor of passage." +20067010 Bank of New England has been hit hard by the region's real-estate slump, with its net income declining 42% to $121.6 million, or 61 cents a share, in the first nine months of 1989 from the year-earlier period. +20067011 The company recently said it would sell some operations and lay off 4% of its work force, altogether reducing employment to less than 16,000 from about 18,000. +20067012 It recently signed a preliminary agreement to negotiate exclusively with the Bank of Tokyo Ltd. for the sale of part of its leasing business to the Japanese bank. +20068001 GOODY PRODUCTS Inc. cut its quarterly dividend to five cents a share from 11.5 cents a share. +20068002 The reduced dividend is payable Jan. 2 to stock of record Dec. 15. +20068003 The Kearny, N.J.-based maker of hair accessories and other cosmetic products said it cut the dividend due to its third-quarter loss of $992,000, or 15 cents a share. +20068004 In the year-ago quarter, the company reported net income of $1.9 million, or 29 cents a share. +20068005 The company also adopted an anti-takeover plan. +20069001 Michael Henderson, 51-year-old group chief executive of this U.K. metals and industrial materials maker, will become chairman in May, succeeding Ian Butler, 64, who is retiring. +20069002 Mr. Butler will remain on the board as a nonexecutive director. +20070001 Rally's Inc. said it has redeemed its rights outstanding issued Monday in its shareholder rights plan. +20070002 The company said holders of stock of record Nov. 10 will receive 1/10th of one cent a share as the redemption payment. +20070003 The fast-food company said its decision was based upon discussions with a shareholder group, Giant Group Ltd., "in an effort to resolve certain disputes with the company." +20070004 Giant Group is led by three Rally's directors, Burt Sugarman, James M. Trotter III and William E. Trotter II, who last month indicated they hold a 42.5% stake in Rally's and plan to seek a majority of seats on Rally's nine-member board. +20071001 When Warren Winiarski, proprietor of Stag's Leap Wine Cellars in Napa Valley, announced a $75 price tag for his 1985 Cask 23 Cabernet this fall, few wine shops and restaurants around the country balked. +20071002 "This is the peak of my wine-making experience," Mr. Winiarski declared when he introduced the wine at a dinner in New York, "and I wanted to single it out as such." +20071003 It is in my estimation the best wine Stag's Leap has produced, and with fewer than 700 cases available, it is sure to sell quickly. +20071004 The price is a new high for California Cabernet Sauvignon, but it is not the highest. +20071005 Diamond Creek 1985 Lake Vineyard Cabernet weighed in this fall with a sticker price of $100 a bottle. +20071006 One of the fastest growing segments of the wine market is the category of superpremiums -- wines limited in production, of exceptional quality (or so perceived, at any rate), and with exceedingly high prices. +20071007 For years, this group included a stable of classics -- Bordeaux first growths (Lafite-Rothschild, Latour, Haut-Brion, Petrus), Grand Cru Burgundies (Romanee-Conti and La Tache) deluxe Champagnes (Dom Perignon or Roederer Cristal), rarefied sweet wines (Chateau Yquem or Trockenbeerenauslesen Rieslings from Germany, and Biondi-Santi Brunello Riserva from Tuscany). +20071008 These first magnitude wines ranged in price from $40 to $125 a bottle. +20071009 In the last year or so, however, this exclusive club has taken in a host of flashy new members. +20071010 The classics have zoomed in price to meet the competition, and it almost seems that there's a race on to come up with the priciest single bottle, among current releases from every major wine region on the globe. +20071011 France can boast the lion's share of high-priced bottles. +20071012 Bordeaux's first growths from 1985 and 1986 are $60 to $80 each (except for the smallest in terms of production, Chateau Petrus, which costs around $250!). +20071013 These prices seem rather modest, however, in light of other French wines from current vintages. +20071014 Chateau Yquem, the leading Sauternes, now goes for well over $100 a bottle for a lighter vintage like 1984; the spectacularly rich 1983 runs $179. +20071015 In Champagne, some of the prestige cuvees are inching toward $100 a bottle. +20071016 The first Champagne to crack that price barrier was the 1979 Salon de Mesnil Blanc de Blancs. +20071017 The '82 Salon is $115. +20071018 Roederer Cristal at $90 a bottle sells out around the country and Taittinger's Comtes de Champagne Blanc de Blancs is encroaching upon that level. +20071019 The great reds of the Rhone Valley have soared in price as well. +20071020 E. Guigal's 1982 Cote Rotie La Landonne, for example, is $120. +20071021 None of France's wine regions can steal a march on Burgundy, however. +20071022 The six wines of the Domaine de la Romanee-Conti, 72 of the most precious acres of vineyard anywhere in the world, have commanded three-digit price tags for several years now. +20071023 With the 1985 vintage, they soared higher: La Tache, $195; Richebourg, $180; Romanee-Conti, $225. +20071024 Another small Burgundy estate, Coche-Dury, has just offered its 1987 Corton-Charlemagne for $155. +20071025 From Italy there is Angelo Gaja Barbaresco at $125 a bottle, Piero Antinori's La Solaia, a $90 Cabernet from Tuscany, and Biondi-Santi Brunello at $98. +20071026 Spain's Vega Secilia Unico 1979 (released only in its 10th year) is $70, as is Australia's Grange Hermitage 1982. +20071027 "There are certain cult wines that can command these higher prices," says Larry Shapiro of Marty's, one of the largest wine shops in Dallas. +20071028 "What's different is that it is happening with young wines just coming out. +20071029 We're seeing it partly because older vintages are growing more scarce." +20071030 Wine auctions have almost exhausted the limited supply of those wines, Mr. Shapiro continued: "We've seen a dramatic decrease in demand for wines from the '40s and '50s, which go for $300 to $400 a bottle. +20071031 Some of the newer wines, even at $90 to $100 a bottle or so, almost offer a bargain." +20071032 Take Lake Vineyard Cabernet from Diamond Creek. +20071033 It's made only in years when the grapes ripen perfectly (the last was 1979) and comes from a single acre of grapes that yielded a mere 75 cases in 1987. +20071034 Owner Al Brownstein originally planned to sell it for $60 a bottle, but when a retailer in Southern California asked, "Is that wholesale or retail?" he re-thought the matter. +20071035 Offering the wine at roughly $65 a bottle wholesale ($100 retail), he sent merchants around the country a form asking them to check one of three answers: 1) no, the wine is too high (2 responses); 2) yes, it's high but I'll take it (2 responses); 3) I'll take all I can get (58 responses). +20071036 The wine was shipped in six-bottle cases instead of the usual 12, but even at that it was spread thin, going to 62 retailers in 28 states. +20071037 "We thought it was awfully expensive," said Sterling Pratt, wine director at Schaefer's in Skokie, Ill., one of the top stores in suburban Chicago, "but there are people out there with very different opinions of value. +20071038 We got our two six-packs -- and they're gone." +20071039 Mr. Pratt remarked that he thinks steeper prices have come about because producers don't like to see a hit wine dramatically increase in price later on. +20071040 Even if there is consumer resistance at first, a wine that wins high ratings from the critics will eventually move. +20071041 "There may be sticker-shock reaction initially," said Mr. Pratt, "but as the wine is talked about and starts to sell, they eventually get excited and decide it's worth the astronomical price to add it to their collection." +20071042 "It's just sort of a one-upsmanship thing with some people," added Larry Shapiro. +20071043 "They like to talk about having the new Red Rock Terrace {one of Diamond Creek's Cabernets} or the Dunn 1985 Cabernet, or the Petrus. +20071044 Producers have seen this market opening up and they're now creating wines that appeal to these people." +20071045 That explains why the number of these wines is expanding so rapidly. +20071046 But consumers who buy at this level are also more knowledgeable than they were a few years ago. +20071047 "They won't buy if the quality is not there," said Cedric Martin of Martin Wine Cellar in New Orleans. +20071048 "Or if they feel the wine is overpriced and they can get something equally good for less." +20071049 Mr. Martin has increased prices on some wines (like Grgich Hills Chardonnay, now $32) just to slow down movement, but he is beginning to see some resistance to high-priced red Burgundies and Cabernets and Chardonnays in the $30 to $40 range. +20071050 Image has, of course, a great deal to do with what sells and what doesn't, and it can't be forced. +20071051 Wine merchants can't keep Roederer Cristal in stock, but they have to push Salon le Mesnil, even lowering the price from $115 to $90. +20071052 It's hardly a question of quality -- the 1982 Salon is a beautiful wine, but, as Mr. Pratt noted, people have their own ideas about value. +20071053 It's interesting to find that a lot of the expensive wines aren't always walking out the door. +20071054 In every major market in the U.S., for instance, you can buy '86 La Tache or Richebourg, virtually all of the first growth Bordeaux (except Petrus), as well as Opus One and Dominus from California and, at the moment, the Stag's Leap 1985 Cask 23. +20071055 With the biggest wine-buying period of the year looming as the holidays approach, it will be interesting to see how the superpremiums fare. +20071056 By January it should be fairly clear what's hot -- and what's not. +20071057 Ms. Ensrud is a free-lance wine writer in New York. +20072001 Signs of a slowing economy are increasing pressure on the Federal Reserve to cut short-term interest rates, but it isn't clear whether the central bank will do so. +20072002 A survey by the Fed's 12 district banks shows economic growth has been sluggish in recent weeks, while upward pressures on prices have moderated. +20072003 "The economy is clearly slowing," says Robert Black, president of the Richmond Federal Reserve Bank. +20072004 "If you look at the third quarter as posting roughly 2.5% growth, I do see some slowing in the fourth quarter," agrees Kansas City Fed President Roger Guffey. +20072005 Nevertheless, both Mr. Guffey and Mr. Black say the slowdown so far is no cause for concern. +20072006 "We're coming closer to achieving the stated objective of slowing the economy to a point where hopefully some downward trend in prices will occur," said Mr. Guffey. +20072007 Bush administration officials are looking to the Fed to bring down rates, and financial markets seem to be expecting easier credit as well. +20072008 "I think the market had been expecting the Fed to ease sooner and a little more than it has to date," said Robert Johnson, vice president of global markets for Bankers Trust Co. +20072009 The Fed cut the key federal funds interest rate by about 0.25 percentage point to 8.75% after the Oct. 13 stock market plunge, but has shown no sign of movement since. +20072010 The report from the Fed found that manufacturing, in particular, has been weak in recent weeks. +20072011 The Philadelphia Fed, for instance, reported that manufacturing activity "continues to decline" for the fourth month in a row. +20072012 And in the Chicago district, the report said, "a manufacturer of capital goods noted slower orders for some types, including defense equipment, petroleum equipment, food packaging machinery and material handling equipment." +20072013 Retail sales also were reported slow in most districts, particularly "for discretionary, big-ticket items such as furniture, home appliances and consumer electronics." +20072014 And construction also was described as slow in most areas. +20072015 Despite the economic slowdown, there are few clear signs that growth is coming to a halt. +20072016 As a result, Fed officials may be divided over whether to ease credit. +20072017 Several Fed governors in Washington have been pushing for easier credit; but many of the regional Fed presidents have been resisting such a move. +20072018 Mr. Black said he is "pleased" with the economy's recent performance, and doesn't see "a lot of excesses out there that would tilt us into recession." +20072019 "There is always a chance of recession," added Mr. Guffey, "but if you ask me to put a percentage on it, I would think it's well below a 50% chance. +20073001 Integra-A Hotel & Restaurant Co. said its planned rights offering to raise about $9 million was declared effective and the company will begin mailing materials to shareholders at the end of this week. +20073002 Under the offer, shareholders will receive one right for each 105 common shares owned. +20073003 Each right entitles the shareholder to buy $100 face amount of 13.5% bonds due 1993 and warrants to buy 23.5 common shares at 30 cents a share. +20073004 The rights, which expire Nov. 21, can be exercised for $100 each. +20073005 Integra, which owns and operates hotels, said that Hallwood Group Inc. has agreed to exercise any rights that aren't exercised by other shareholders. +20073006 Hallwood, a Cleveland merchant bank, owns about 11% of Integra. +20074001 Copperweld Corp., a specialty steelmaker, said 445 workers at a plant in Shelby, Ohio, began a strike after the United Steelworkers Local 3057 rejected a new contract on Tuesday. +20074002 The previous contract between Copperweld's Ohio Steel Tube division and the union expired at midnight Tuesday. +20074003 The union vote to reject the proposed pact was 230-215. +20074004 Copperweld said it doesn't expect a protracted strike. +20074005 It said it has taken measures to continue shipments during the work stoppage. +20075001 The Treasury said it plans to sell $30 billion in notes and bonds next week, but said the auctions will be postponed unless Congress acts quickly to lift the federal debt ceiling. +20075002 Michael Basham, deputy assistant secretary for federal finance, said the Treasury may wait until late Monday or even early Tuesday to announce whether the autions are to be rescheduled. +20075003 Unless it can raise money in financial markets, Mr. Basham said, the federal government won't have the cash to pay off $13.8 billion in Treasury bills that mature on Thursday. +20075004 Without congressional action, the Treasury can't sell any new securities -- even savings bonds. +20075005 But despite partisan bickering over the debt ceiling, which has become entangled in the fight over cutting capital-gains taxes, Congress is almost certain to act in time to avoid default. +20075006 "Each day that Congress fails to act . . . will cause additional disruption in our borrowing schedule, possibly resulting in higher interest costs to the taxpayer," Treasury Secretary Nicholas Brady said in a speech prepared for delivery last night to a group of bankers. +20075007 "To avoid these costs, and a possible default, immediate action is imperative." +20075008 The securities to be sold next week will raise about $10 billion in cash and redeem $20 billion in maturing notes. +20075009 The new securities, part of the federal government's regular quarterly refunding, will consist of: +20075010 -- $10 billion of three-year notes, to be auctioned Tuesday and to mature Nov. 15, 1992. +20075011 -- $10 billion of 10-year notes, to be auctioned Wednesday and to mature Nov. 15, 1999. +20075012 -- $10 billion of 30-year bonds, to be auctioned Thursday and to mature Aug. 15, 2019. +20075013 The Treasury also said it plans to sell $10 billion in 36-day cash management bills on Thursday. +20075014 They will mature Dec. 21. +20075015 None of the securities will be eligible for when-issued trading until Congress approves an increase in the debt ceiling, clearing the way for a formal offering, Mr. Basham said. +20075016 The Treasury said it needs to raise $47.5 billion in the current quarter in order to end December with a $20 billion cash balance. +20075017 Auctions held in October and those scheduled for next week will raise a total of $25.6 billion. +20075018 The remaining $21.9 billion could be raised through the sale of short-term Treasury bills, two-year notes in November and five-year notes in early December, the Treasury said. +20075019 In the first three months of 1990, the Treasury estimates that it will have to raise between $45 billion and $50 billion, assuming that it decides to aim for a $10 billion cash balance at the end of March. +20076001 Lancaster Colony Corp. said it acquired Reames Foods Inc. in a cash transaction. +20076002 Terms weren't disclosed. +20076003 Reames, a maker and marketer of frozen noodles and pre-cooked pasta based in Clive, Iowa, has annual sales of about $11 million, Lancaster said. +20077001 Investors took advantage of Tuesday's stock rally to book some profits yesterday, leaving stocks up fractionally. +20077002 Bond prices and the dollar both gained modestly. +20077003 The Dow Jones Industrial Average finished less than a point higher to close at 2645.90 in moderate trading. +20077004 But advancing issues on the New York Stock Exchange were tidily ahead of declining stocks, 847 to 644. +20077005 Long-term bond prices rose despite prospects of a huge new supply of Treasury debt this month. +20077006 Continuing demand for dollars from Japanese investors boosted the U.S. currency. +20077007 Analysts were disappointed that the enthusiasm investors showed for stocks in the wake of Georgia-Pacific's $3.18 billion bid for Great Northern Nekoosa evaporated so quickly. +20077008 The industrial average jumped more than 41 points Tuesday as speculators rushed to buy shares of potential takeover targets. +20077009 But with the end of the year in sight, money managers are eager to take profits and cut their risks of losing what for many have been exceptionally good returns in +20077010 Economic news had little effect on financial markets. +20077011 As expected, a national purchasing managers' report indicated the nation's manufacturing sector continues to contract modestly. +20077012 The Federal Reserve's Beige Book, a summary of economic conditions across the country, indicated that the overall economy remains in a pattern of sluggish growth. +20077013 In major market activity: +20077014 Stock prices rose fractionally in moderate trading. +20077015 Big Board volume totaled 154.2 million shares. +20077016 Bond prices were up. +20077017 The Treasury's benchmark 30-year bond gained about a quarter of a point, or $2.50 for each $1,000 of face amount. +20077018 The yield fell to 7.88%. +20077019 The dollar rose. +20077020 In late afternoon New York trading the currency was at 1.8500 marks and 143.80 yen compared with 1.8415 marks and 142.85 yen. +20078001 Mitsui Mining & Smelting Co. posted a 62% rise in pretax profit to 5.276 billion yen ($36.9 million) in its fiscal first half ended Sept. 30 compared with 3.253 billion yen a year earlier. +20078002 Net income more than tripled to 4.898 billion yen from 1.457 billion yen a year earlier. +20079001 Eaton Corp. said it sold its Pacific Sierra Research Corp. unit to a company formed by employees of that unit. +20079002 Terms weren't disclosed. +20079003 Pacific Sierra, based in Los Angeles, has about 200 employees and supplies professional services and advanced products to industry. +20079004 Eaton is an automotive parts, controls and aerospace electronics concern. +20080001 Investor Harold Simmons and NL Industries Inc. offered to acquire Georgia Gulf Corp. for $50 a share, or about $1.1 billion, stepping up the pressure on the commodity chemicals concern. +20080002 The offer follows an earlier proposal by NL and Mr. Simmons to help Georgia Gulf restructure or go private in a transaction that would pay shareholders $55 a share. +20080003 Georgia Gulf rebuffed that offer in September and said it would study other alternatives. +20080004 However, it hasn't yet made any proposals to shareholders. +20080005 Late yesterday, Georgia Gulf said it reviewed the NL proposal as well as interests from "third parties" regarding business combinations. +20080006 Georgia Gulf said it hasn't eliminated any alternatives and that "discussions are being held with interested parties, and work is also continuing on other various transactions." +20080007 It didn't elaborate. +20080008 Analysts saw the latest offer as proof that Mr. Simmons, an aggressive and persistent investor, won't leave Georgia Gulf alone until some kind of transaction is completed. +20080009 "He has clamped on their ankle like a pit bull," says Paul Leming, a vice president with Morgan Stanley & Co. +20080010 "He appears to be in it for the long haul." +20080011 Mr. Simmons and NL already own a 9.9% stake in Georgia Gulf. +20080012 Mr. Simmons owns 88% of Valhi Inc., which in turn owns two-thirds of NL. +20080013 NL is officially making the offer. +20080014 Mr. Leming wasn't surprised by the lower price cited by NL, saying he believes that $55 a share is "the most you can pay for Georgia Gulf before it becomes a bad acquisition." +20080015 Georgia Gulf stock rose $1.75 a share yesterday to close at $51.25 a share, while NL shares closed unchanged at $22.75 and Valhi rose 62.5 cents to $15, all in New York Stock Exchange composite trading. +20080016 J. Landis Martin, NL president and chief executive officer, said NL and Mr. Simmons cut the price they were proposing for Georgia Gulf because they initially planned a transaction that included about $250 million in equity and a substantial amount of high-yield subordinated debt. +20080017 However, the junk-bond market has collapsed in recent weeks, lessening the likelihood that such a transaction would succeed. +20080018 Now, he said, the group plans to put in "several hundred million" dollars in equity and finance the remainder with bank debt. +20080019 He also said that the group reduced its offer because it wasn't allowed to see Georgia Gulf's confidential financial information without agreeing that it wouldn't make an offer unless it had Georgia Gulf's consent. +20080020 In a letter to Georgia Gulf President Jerry R. Satrum, Mr. Martin asked Georgia Gulf to answer its offer by Tuesday. +20080021 It wasn't clear how NL and Mr. Simmons would respond if Georgia Gulf spurns them again. +20080022 Mr. Martin said they haven't yet decided what their next move would be, but he didn't rule out the possibility of a consent solicitation aimed at replacing Georgia Gulf's board. +20080023 In other transactions, Mr. Simmons has followed friendly offers with a hostile tender offer. +20080024 Although Georgia Gulf hasn't been eager to negotiate with Mr. Simmons and NL, a specialty chemicals concern, the group apparently believes the company's management is interested in some kind of transaction. +20080025 The management group owns about 18% of the stock, most purchased at nominal prices, and would stand to gain millions of dollars if the company were sold. +20080026 In the third quarter, Georgia Gulf earned $46.1 million, or $1.85 a share, down from $53 million, or $1.85 a share on fewer shares outstanding. +20080027 Sales fell to $251.2 million from $278.7 million. +20081001 A licensing company representing the University of Pennsylvania added Johnson & Johnson to its lawsuit challenging a university faculty member over rights to Retin-A acne medicine. +20081002 University Patents Inc., based in Westport, Conn., said it seeks Johnson & Johnson's profits from sales of Retin-A, estimated at $50 million, a similar amount of punitive damages and the right to license Retin-A elsewhere. +20081003 In May, University Patents filed a suit in federal court in Philadelphia against Albert M. Kligman, a researcher and professor at the University of Pennsylvania School of Medicine who developed Retin-A in the 1960s to combat acne. +20081004 Dr. Kligman patented the medicine while employed by the University, but later licensed the Retin-A to a division of Johnson & Johnson. +20081005 In New Brunswick, N.J., a Johnson & Johnson spokesman declined comment. +20082001 Criticism in the U.S. over recent Japanese acquisitions is looming ever larger in the two countries' relations. +20082002 Officials from both nations say the U.S. public's skittishness about Japanese investment could color a second round of bilateral economic talks scheduled for next week in Washington. +20082003 Not that Washington and Tokyo disagree on the Japanese acquisitions; indeed, each has come out in favor of unfettered investment in the U.S. +20082004 Where they disagree is on the subject of U.S. direct investment in Japan. +20082005 The U.S. wants the removal of what it perceives as barriers to investment; Japan denies there are real barriers. +20082006 The heated talk stirred up by recent Japanese investments in the U.S. is focusing attention on the differences in investment climate, even though it's only one of many subjects to be covered in the bilateral talks, known as the Structural Impediments Initiative. +20082007 The Japanese "should see this rhetoric as a signal of the need for a change in their own economy," says Charles Dallara, U.S. assistant Treasury secretary, who has been in Tokyo this week informally discussing the impending negotiations with government and business leaders. +20082008 "We have a long history of maintaining an open direct-investment policy," Mr. Dallara says. +20082009 "U.S. investors should have a greater opportunity at direct investment" in Japan. +20082010 The Japanese fret openly about the U.S. public's rancor. +20082011 One clear sign of Japan's nervousness came this week, when a spokesman for Japan's Foreign Ministry devoted nearly all of a regular, half-hour briefing for foreign journalists to the subject of recent Japanese investments in the U.S. +20082012 "We believe that it is vitally important for those Japanese business interests {in the U.S.} to be more aware of the emotions and concerns of the American people," said the spokesman, Taizo Watanabe. +20082013 At the same time, though, he chastised the media for paying such close attention to Japanese investment when other foreign countries, notably Britain, are acquiring more American assets. +20082014 Fears that Japanese investors are buying up America have escalated sharply in the past several weeks, with Sony Corp.'s purchase of Columbia Pictures Entertainment Inc. from Coca-Cola Co. and Mitsubishi Estate Co.'s acquisition of a 51% holding in Rockefeller Group, the owner of some of midtown Manhattan's most exclusive real estate. +20082015 Even before those moves added fuel, the fires of discontent had been well stoked by the highly publicized experience in Japan of one U.S. investor, T. Boone Pickens Jr. +20082016 The Texas oilman has acquired a 26.2% stake valued at more than $1.2 billion in an automotive-lighting company, Koito Manufacturing Co. +20082017 But he has failed to gain any influence at the company. +20082018 Koito has refused to grant Mr. Pickens seats on its board, asserting he is a greenmailer trying to pressure Koito's other shareholders into buying him out at a profit. +20082019 Mr. Pickens made considerable political hay with his troubles in Japan. +20082020 The Senate Finance Committee, chaired by a fellow Texan, Democratic Sen. Lloyd Bentsen, last month urged U.S. Trade Representative Carla Hills to use Mr. Pickens's experience in talks with Tokyo "to highlight this problem facing Americans who seek access to the Japanese capital markets." +20082021 While Mr. Dallara and Japanese officials say the question of investors' access to the U.S. and Japanese markets may get a disproportionate share of the public's attention, a number of other important economic issues will be on the table at next week's talks. +20082022 Among them are differences in savings and investment rates, corporate structures and management, and government spending. +20082023 Each side has a litany of recommendations for the other. +20082024 The U.S. says it is anxious for results. +20082025 "We feel very strongly that we really need action across the full range of issues we've identified, and we need it by next spring," Mr. Dallara says. +20082026 Both sides have agreed that the talks will be most successful if negotiators start by focusing on the areas that can be most easily changed. +20082027 But they haven't clarified what those might be. +20082028 After the first set of meetings two months ago, some U.S. officials complained that Japan hadn't come up with specific changes it was prepared to make. +20082029 The Japanese retort that the first round was too early to make concessions. +20082030 "Just to say the distribution system is wrong doesn't mean anything," says a Ministry of International Trade and Industry official. +20082031 "We need to clarify what exactly is wrong with it." +20082032 That process of sorting out specifics is likely to take time, the Japanese say, no matter how badly the U.S. wants quick results. +20082033 For instance, at the first meeting the two sides couldn't even agree on basic data used in price discussions. +20082034 Since then, a team of about 15 MITI and U.S. Commerce Department officials have crossed the globe gauging consumer prices. +20082035 By Monday, they hope to have a sheaf of documents both sides can trust. +20082036 "Little by little, there is progress," says the MITI official. +20082037 "Both sides are taking action." +20082038 Elisabeth Rubinfien contributed to this article. +20083001 While worry grows about big Japanese investments in the U.S., Japan's big trading companies are rapidly increasing their stake in America's smaller business. +20083002 For Japan, the controversial trend improves access to American markets and technology. +20083003 But for small American companies, it also provides a growing source of capital and even marketing help. +20083004 Take the deal with Candela Laser Corp., a Wayland, Mass., manufacturer of high-tech medical devices, which three years ago set its sights on Japan as an export market. +20083005 Partly to help clear the myriad obstacles facing any overseas company trying to penetrate Japan, tiny Candela turned to Mitsui & Co., one of Japan's largest trading companies, for investment. +20083006 In a joint-venture deal, Mitsui guided Candela through Tokyo's bureaucratic maze. +20083007 It eventually secured Ministry of Health import approval for two Candela laser products -- one that breaks up kidney stones and another that treats skin lesions. +20083008 At last count, Candela had sold $4 million of its medical devices in Japan. +20083009 The deal also gave Mitsui access to a high-tech medical product. +20083010 "They view this as a growth area so they went about it with a systematic approach," says Richard Olsen, a Candela vice president. +20083011 Indeed, for many Japanese trading companies, the favorite U.S. small business is one whose research and development can be milked for future Japanese use. +20083012 The Japanese companies bankroll many small U.S. companies with promising products or ideas, frequently putting their money behind projects that commercial banks won't touch. +20083013 Japanese companies have financed small and medium-sized U.S. firms for years, but in recent months, the pace has taken off. +20083014 In the first half of 1989 alone, Japanese corporations invested $214 million in minority positions in U.S. companies, a 61% rise from the figure for all of 1987, reports Venture Economics Inc. +20083015 The Needham, Mass., concern tracks investments in new businesses. +20083016 In addition, of course, some of the Japanese investments involved outright purchase of small U.S. firms. +20083017 Heightened Japanese interest in American small business parallels an acceleration of investments giving Japanese companies control of large, highly visible U.S. corporations, such as Columbia Pictures Entertainment Inc. +20083018 Only this week, it was announced that Mitsubishi Estate Co. had acquired a 51% stake in Rockefeller Group, which owns New York's prestigious Rockefeller Center. +20083019 While the small deals are far less conspicuous, they add to Japanese penetration of the U.S. market. +20083020 As the deals also improve Japanese access to American technology and market knowledge, they feed American anxieties in this area, too. +20083021 Even a low-tech product like plate glass can catch a trading company's fancy if there's a strategic fit. +20083022 Free State Glass Industries of Warrenton, Va., a small fabricator of architectural glass, was foundering under its original management. +20083023 Last year, Mitsubishi International Corp., the New York-based arm of Mitsubishi Corp., bought controlling interest in the glass company in a joint venture with Ronald Bodner, a glass industry executive and Mitsubishi consultant. +20083024 The deal is chiefly designed to give Mitsubishi a window on the U.S. glass industry, says Ichiro Wakui, an executive in Mitsubishi's general merchandise department in New York. +20083025 "It's not just a simple investment in a small company," Mr. Wakui says. +20083026 "We want to see the glass market from the inside, not the outside." +20083027 Mitsubishi's investment in Free State is "very small . . . less than $4 million," Mr. Wakui says. +20083028 Mr. Bodner declines to comment on the arrangement. +20083029 Trading companies such as Mitsubishi, Mitsui, C. Itoh & Co. and Nissho-Iwai Corp., which make many of the Japanese investments in small U.S. concerns, have no U.S. counterpart. +20083030 These vertically integrated combines, some of which got their start in Japan's feudal period, deal globally in commodities, construction and manufacturing. +20083031 They operate ships and banks. +20083032 "All the "sogo-shosha" are looking for new business," says Arthur Klauser, adviser to the president of Mitsui, U.S.A., using the Japanese term for the largest of the global trading houses. +20083033 Adds Takeshi Kondo, senior vice president of C. Itoh America Inc.: "We have a great interest in making investments, particularly in new ventures." +20083034 A host of electronics firms in California's Silicon Valley were financed with trading-company venture capital. +20083035 Profit, at least in the short term, is usually a secondary goal. +20083036 "Strategic objectives, not financial return, drive many of the deals," says a Venture Economics spokesman. +20083037 In investing on the basis of future transactions, a role often performed by merchant banks, trading companies can cut through the logjam that small-company owners often face with their local commercial banks. +20083038 "It's the classic problem of the small businessman," says Malcolm Davies, managing director of Trading Alliance Corp. of New York. +20083039 "People are queuing at the door to take his product but he doesn't have the working capital to make the thing and commercial banks are very unsympathetic. +20083040 They want assets, they want a balance sheet, which has no relation to the business a company can generate." +20083041 Adds Mitsui's Mr. Klauser: "Unlike corporations in this country, trading companies aren't so much interested in a high return on investment as they are on increasing trade flows. +20083042 To the extent they can do this, they're quite content to get a return on investment of 1% to 2%." +20083043 Mr. Klauser says Mitsui has 75 U.S. subsidiaries in which it holds 35% interest or more and the trading company hopes to double the number of its U.S. affiliates in 1990. +20083044 Sales by these subsidiaries in the fiscal year ending last March were more than $17 billion. +20083045 A 1% to 2% return on $17 billion "ain't hay," Mr. Klauser says. +20084001 Hudson General Corp.'s president and chief executive officer, Alan J. Stearn, resigned. +20084002 Mr. Stearn, 46 years old, couldn't be reached for comment. +20084003 A company spokesman declined to elaborate on the departure. +20084004 Hudson General, which provides maintenance, fueling and other services to airlines and airports, reported a loss for its most recent fiscal year and last month omitted the semiannual dividend on its common shares. +20084005 Mr. Stearn, who had been with the company more than 20 years and had been president since 1984, will act as a consultant to Hudson General. +20084006 His duties as chief executive will be assumed by Chairman Jay B. Langner. +20085001 For 10 years, Genie Driskill went to her neighborhood bank because it was convenient. +20085002 A high-balance customer that banks pine for, she didn't give much thought to the rates she was receiving, nor to the fees she was paying. +20085003 But in August, First Atlanta National Bank introduced its Crown Account, a package designed to lure customers such as Ms. Driskill. +20085004 Among other things, it included checking, safe deposit box and credit card -- all for free -- plus a good deal on installment loans. +20085005 All she had to do was put $15,000 in a certificate of deposit, or qualify for a $10,000 personal line of credit. +20085006 "I deserve something for my loyalty," she says. +20085007 She took her business to First Atlanta. +20085008 So it goes in the competitive world of consumer banking these days. +20085009 For nearly a decade, banks have competed for customers primarily with the interest rates they pay on their deposits and charge on their loans. +20085010 The competitive rates were generally offset by hefty fees on various services. +20085011 But many banks are turning away from strict price competition. +20085012 Instead, they are trying to build customer loyalty by bundling their services into packages and targeting them to small segments of the population. +20085013 "You're dead in the water if you aren't segmenting the market," says Anne Moore, president of Synergistics Research Corp., a bank consulting firm in Atlanta. +20085014 NCNB Corp. of Charlotte, N.C., recently introduced its Financial Connections Program aimed at young adults just starting careers. +20085015 The program not only offers a pre-approved car loan up to $18,000, but throws in a special cash-flow statement to help in saving money. +20085016 In September, Union Planters Corp. of Memphis, Tenn., launched The Edge account, a package designed for the "thirtysomething" crowd with services that include a credit card and line of credit with no annual fees, and a full percentage point off on installment loans. +20085017 The theory: Such individuals, many with young children, are in their prime borrowing years -- and, having borrowed from the bank, they may continue to use it for other services in later years. +20085018 For some time, banks have been aiming packages at the elderly, the demographic segment with the highest savings. +20085019 Those efforts are being stepped up. +20085020 Judie MacDonald, vice president of retail sales at Barnett Banks Inc. of Jacksonville, Fla., says the company now targets sub-segments within the market by tailoring its popular Seniors Partners Program to various life styles. +20085021 "Varying age, geography and life-style differences create numerous sub-markets," Ms. MacDonald says. +20085022 She says individual Barnett branches can add different benefits to their Seniors Partners package -- such as athletic activities or travel clubs -- to appeal to local market interests. +20085023 "An active 55-year-old in Boca Raton may care more about Senior Olympic games, while a 75-year-old in Panama City may care more about a seminar on health," she says. +20085024 Banks have tried packaging before. +20085025 In 1973, Wells Fargo & Co. of San Francisco launched the Gold Account, which included free checking, a credit card, safe-deposit box and travelers checks for a $3 monthly fee. +20085026 The concept begot a slew of copycats, but the banks stopped promoting the packages. +20085027 One big reason: thin margins. +20085028 Many banks, particularly smaller ones, were slow to computerize and couldn't target market niches that would have made the programs more profitable. +20085029 As banks' earnings were squeezed in the mid-1970s, the emphasis switched to finding ways to cut costs. +20085030 But now computers are enabling more banks to analyze their customers by age, income and geography. +20085031 They are better able to get to those segments in the wake of the deregulation that began in the late 1970s. +20085032 Deregulation has effectively removed all restrictions on what banks can pay for deposits, as well as opened up the field for new products such as high-rate CDs. +20085033 Where a bank once offered a standard passbook savings account, it began offering money-market accounts, certificates of deposit and interest-bearing checking, and staggering rates based on the size of deposits. +20085034 The competition has grown more intense as bigger banks such as Norwest Corp. of Minneapolis and Chemical Banking Corp. of New York extend their market-share battles into small towns across the nation. +20085035 "Today, a banker is worrying about local, regional and money-center {banks}, as well as thrifts and credit unions," says Ms. Moore at Synergistics Research. +20085036 "So people who weren't even thinking about targeting 10 years ago are scrambling to define their customer base." +20085037 The competition has cultivated a much savvier consumer. +20085038 "The average household will spread 19 accounts over a dozen financial institutions," says Michael P. Sullivan, who runs his own bank consulting firm in Charlotte, N.C. +20085039 "This much fragmentation makes attracting and keeping today's rate-sensitive customers costly." +20085040 Packages encourage loyalty by rewarding customers for doing the bulk of their banking in one place. +20085041 For their troubles, the banks get a larger captive audience that is less likely to move at the drop of a rate. +20085042 The more accounts customers have, Mr. Sullivan says, the more likely they are to be attracted to a package -- and to be loyal to the bank that offers it. +20085043 That can pay off down the road as customers, especially the younger ones, change from borrowers to savers/investors. +20085044 Packaging has some drawbacks. +20085045 The additional technology, personnel training and promotional effort can be expensive. +20085046 Chemical Bank spent more than $50 million to introduce its ChemPlus line, several packages aimed at different segments, in 1986, according to Thomas Jacob, senior vice president of marketing. +20085047 "It's not easy to roll out something that comprehensive, and make it pay," Mr. Jacob says. +20085048 Still, bankers expect packaging to flourish, primarily because more customers are demanding that financial services be tailored to their needs. +20085049 "These days, banking customers walk in the door expecting you to have a package especially for them," Ms. Moore says. +20085050 Some banks are already moving in that direction, according to Alvin T. Sale, marketing director at First Union Corp. in Charlotte. +20085051 First Union, he says, now has packages for seven customer groups. +20085052 Soon, it will split those into 30. +20085053 Says Mr. Sale: "I think more banks are starting to realize that we have to be more like the department store, not the boutique." +20085054 IRAs. +20086001 SHAREDATA Inc. said it will amend a registration statement filed with the Securities and Exchange Commission to delete a plan to sell 500,000 newly issued common shares. +20086002 The Chandler, Ariz., company said it will resubmit the registration to cover only the 2.3 million warrants, each exercisable for the purchase of one common share. +20086003 Currently, ShareData has about 4.1 million common shares outstanding. +20086004 ShareData develops and markets low-cost software, peripheral equipment and accessories for computers. +20087001 Five things you can do for $15,000 or less: +20087002 1. Buy a new Chevrolet. +20087003 2. Take a Hawaiian vacation. +20087004 3. Send your child to a university. +20087005 4. Buy a diamond necklace. +20087006 5. Make a lasting difference in the regulatory life of an American savings-and-loan association through the Foster Corporate Parents Plan. +20087007 Americans today spend $15,000 like pocket change -- they don't think much about it. +20087008 But for an ailing savings-and-loan association -- teetering on insolvency -- it can lead to safety from imminent demise and to a future full of promise. +20087009 Your $15,000 will help keep a needy savings and loan solvent -- and out of the federal budget deficit. +20087010 As a Foster Corporate Parent, you'll be helping a neighborhood S&L in areas crucial to its survival. +20087011 Like healthy regulatory capital. +20087012 A steady deposit base. +20087013 Performing loans. +20087014 At the same time, you'll give your Foster Savings Institution the gift of hope and freedom from the federal regulators who want to close its doors -- for good. +20087015 As a Foster Corporate Parent, you will experience the same joy felt by Robert Bass, Lewis Ranieri, William Simon and others, who find ways to help troubled savings institutions and their employees help themselves. +20087016 That builds confidence, self sufficiency, not to mention critical regulatory net worth. +20087017 Don't wait -- a savings institution needs your help now! +20087018 Every day you delay, a savings institution's health -- and the federal budget deficit -- grows worse. +20087019 Think about the good you can do for just $15,000 a month, about the cost of a mid-size Chevrolet or two semesters at a state university. +20087020 Then send your support to a savings institution that has taken a bad rap in the press and on its bottom line. +20087021 Every $15,000 you send will go a long way to boost sagging net worth and employee morale -- and keep your Foster Savings Institution off the federal budget deficit! +20087022 Mr. Baris is a lawyer in New York. +20088001 The Chicago Mercantile Exchange said it plans to institute an additional "circuit breaker" aimed at stemming market slides. +20088002 Separately, John Phelan told a closed House subcommittee meeting in Washington that he would support Securities and Exchange Commission halts of program trading during market emergencies. +20088003 But the New York Stock Exchange chairman said he doesn't support reinstating a "collar" on program trading, arguing that firms could get around such a limit. +20088004 The Chicago Merc said a new one-hour price limit would take effect in its Standard & Poor's 500 stock-index futures pit once S&P 500 futures fell 20 index points -- the equivalent of about a 150-point drop in the Dow Jones Industrial Average. +20088005 If the 20-point limit is triggered after 1:30 p.m. Chicago time, it would remain in effect until the normal close of trading at 3:15 p.m. +20088006 With the limit in effect, members would be able to execute trades at the limit price or at higher prices, but not below it. +20088007 The exchange said it decided a new circuit breaker was needed following a review of the tumultuous trading in stocks and stock-index futures on Friday Oct. 13, when the Dow Jones industrials plunged 190 points and stock-index futures prices skidded as well. +20088008 Late that afternoon the S&P 500 stock-index futures contract fell a total of 30 index points, hitting a Merc circuit breaker limit that remained in effect for the rest of the trading session. +20088009 The Merc said that its existing 30-minute, 12-point limit on S&P 500 stock-index futures trading (equal to about 100 points on the Dow Jones industrials), which was triggered Oct. 13, will remain in effect. +20088010 Leo Melamed, Merc executive committee chairman, said that the 12-point limit appeared to lessen the selling panic Oct. 13. +20088011 But when the contract reopened, the subsequent flood of sell orders that quickly knocked the contract down to the 30-point limit indicated that the intermediate limit of 20 points was needed to help keep stock and stock-index futures prices synchronized. +20088012 Several traders maintained that the Merc's 12-point circuit-breaker aggravated the market slide Oct. 13 by directing additional selling pressure to the floor of the New York Stock Exchange. +20088013 All of the changes require regulatory approval, which is expected shortly. +20088014 The exchange also said that the 30-point circuit breaker, which currently provides only a one-hour respite during market sell-offs, will become the maximum one-day limit for the S&P 500 stock-index futures contract; the one-day limit now is 50 index points. +20088015 A final modification was made to the five-point opening limit for the contract. +20088016 The Merc said that five-point limit will remain in effect for the first 10 minutes of trading. +20088017 The limit lapses under current exchange rules if contracts trade above the limit price during the opening 10 minutes of trading. +20088018 In Washington, House aides said Mr. Phelan told congressmen that the collar, which banned program trades through the Big Board's computer when the Dow Jones Industrial Average moved 50 points, didn't work well. +20088019 He said that firms could get around the collar by executing trades manually. +20088020 In a post-hearing news conference, Mr. Phelan, who has publicly expressed concern about market volatility, said he told the House finance and telecommunications subcommittee that he would support the program-trading halt proposal "providing the SEC would be comfortable with the language" in a bill. +20088021 The program-trading issue is heating up on Capitol Hill as it is on Wall Street, and several legislators want to grant the SEC the power to shut off the programs when trading becomes too volatile. +20088022 SEC Chairman Richard Breeden has said he would be willing to consider circuit breakers that have preset trigger points, but he doesn't want discretionary power to stop programs. +20088023 A House aide suggested that Mr. Phelan was so "vague and mushy" that it was the kind of meeting where people of all viewpoints could "come out feeling good." +20088024 At one point, Mr. Phelan angered the subcommittee's chairman, Rep. Edward Markey (D., Mass.), by not going much beyond what already had been reported in the morning newspapers. +20088025 "Markey said we could have done this in public" because so little sensitive information was disclosed, the aide said. +20088026 Mr. Phelan then responded that he would have been happy just writing a report to the panel, the aide added. +20088027 At another point during the hearing, Rep. Markey asked Mr. Phelan what would be discussed at a New York exchange board meeting today. +20088028 Mr. Phelan said the Big Board is likely to study the program-trading issue. +20088029 That response annoyed Rep. Markey, House aides said, and the congressman snapped back that there had been enough studies of the issue and that it was time for action on the matter. +20088030 Fifteen of the 26 subcommittee members attended the hearing, most notably Rep. John Dingell (D., Mich.), the full House Energy and Commerce Committee chairman, who has been willing to let Mr. Markey carry the legislation in recent months. +20088031 Mr. Dingell expressed concern, sources said, about jurisdictional problems in regulating program trading, which uses futures to offset stock trades. +20088032 The futures industry is regulated by the Commodity Futures Trading Commission, which reports to the Agriculture committees in both houses. +20089001 The art of change-ringing is peculiar to the English, and, like most English peculiarities, unintelligible to the rest of the world. +20089002 -- Dorothy L. Sayers, "The Nine Tailors" +20089003 ASLACTON, England +20089004 -- Of all scenes that evoke rural England, this is one of the loveliest: An ancient stone church stands amid the fields, the sound of bells cascading from its tower, calling the faithful to evensong. +20089005 The parishioners of St. Michael and All Angels stop to chat at the church door, as members here always have. +20089006 In the tower, five men and women pull rhythmically on ropes attached to the same five bells that first sounded here in 1614. +20089007 But there is also a discordant, modern note in Aslacton, though it can't be heard by the church-goers enjoying the peal of bells this cool autumn evening. +20089008 Like most of the other 6,000 churches in Britain with sets of bells, St. Michael once had its own "band" of ringers, who would herald every Sunday morning and evening service. +20089009 Now, only one local ringer remains: 64-year-old Derek Hammond. +20089010 The others here today live elsewhere. +20089011 They belong to a group of 15 ringers -- including two octogenarians and four youngsters in training -- who drive every Sunday from church to church in a sometimes-exhausting effort to keep the bells sounding in the many belfries of East Anglia. +20089012 "To ring for even one service at this tower, we have to scrape," says Mr. Hammond, a retired water-authority worker. +20089013 "We've tried to train the youngsters, but they have their discos and their dances, and they just drift away." +20089014 Mr. Hammond worries that old age and the flightiness of youth will diminish the ranks of the East Anglian group that keeps the Aslacton bells pealing. +20089015 History, after all, is not on his side. +20089016 According to a nationwide survey taken a year ago, nearly a third of England's church bells are no longer rung on Sundays because there is no one to ring them. +20089017 It is easy to see why the ancient art is on the ropes. +20089018 The less complicated version of playing tunes on bells, as do the carillons of continental Europe, is considered by the English to be childish, fit only for foreigners. +20089019 Change-ringing, a mind-boggling exercise the English invented 380 years ago, requires physical dexterity -- some bells weigh more than a ton -- combined with intense mental concentration. +20089020 Proper English bells are started off in "rounds," from the highest-pitched bell to the lowest -- a simple descending scale using, in larger churches, as many as 12 bells. +20089021 Then, at a signal, the ringers begin varying the order in which the bells sound without altering the steady rhythm of the striking. +20089022 Each variation, or change, can occur only once, the rules state. +20089023 Ringers memorize patterns of changes, known as "methods," which have odd-sounding names like Kent Treble Bob Major or Grandsire Caters. +20089024 A series of 5,000 or so changes is a "peal" and takes about three hours. +20089025 A look at a Thursday night practice at St. Mary Abbot church in the Kensington district of London gives an idea of the work involved. +20089026 Ten shirt-sleeved ringers stand in a circle, one foot ahead of the other in a prize-fighter's stance, each pulling a rope that disappears through a small hole in the high ceiling of the ringing chamber. +20089027 No one speaks, and the snaking of the ropes seems to make as much sound as the bells themselves, muffled by the ceiling. +20089028 Totally absorbed, the ringers stare straight ahead, using peripheral vision (they call it "rope-sight") to watch the other ropes and thus time their pulls. +20089029 Far above in the belfry, the huge bronze bells, mounted on wheels, swing madly through a full 360 degrees, starting and ending, surprisingly, in the inverted, or mouth-up position. +20089030 Skilled ringers use their wrists to advance or retard the next swing, so that one bell can swap places with another in the following change. +20089031 In a well-known detective-story involving church bells, English novelist Dorothy L. Sayers described ringing as a "passion {that} finds its satisfaction in mathematical completeness and mechanical perfection." +20089032 Ringers, she added, are "filled with the solemn intoxication that comes of intricate ritual faultlessly performed." +20089033 "Ringing does become a bit of an obsession," admits Stephanie Pattenden, master of the band at St. Mary Abbot and one of England's best female ringers. +20089034 It is a passion that usually stays in the tower, however. +20089035 More often than not, ringers think of the church as something stuck on the bottom of the belfry. +20089036 When their changes are completed, and after they have worked up a sweat, ringers often skip off to the local pub, leaving worship for others below. +20089037 This does not sit well with some clerics. +20089038 With membership of the Church of England steadily dwindling, strong-willed vicars are pressing equally strong-willed and often non-religious ringers to attend services. +20089039 Two years ago, the Rev. Jeremy Hummerstone, vicar of Great Torrington, Devon, got so fed up with ringers who didn't attend service he sacked the entire band; the ringers promptly set up a picket line in protest. +20089040 "They were a self-perpetuating club that treated the tower as sort of a separate premises," the Vicar Hummerstone says. +20089041 An entirely new band rings today at Great Torrington, several of whom are members of the congregation. +20089042 But there still aren't enough ringers to ring more than six of the eight bells. +20089043 At St. Mary's Church in Ilminster, Somerset, the bells have fallen silent following a dust-up over church attendance. +20089044 The vicar, W.D. Jones, refuses to talk about it, saying it would "reopen the wound." +20089045 But C.J.B. Marshall, vicar of a nearby church, feels the fault is in the stairs from the bell tower that are located next to the altar. +20089046 "So crunch, crunch, crunch, bang, bang, bang -- here come the ringers from above, making a very obvious exit while the congregation is at prayer," he says. +20089047 Vicar Marshall admits to mixed feelings about this issue, since he is both a vicar and an active bell-ringer himself. +20089048 "The sound of bells is a net to draw people into the church," he says. +20089049 "I live in hopes that the ringers themselves will be drawn into that fuller life." +20089050 The Central Council of Church Bell Ringers, a sort of parliament of ringing groups, aims to improve relations with vicars, says John C. Baldwin, president. +20089051 It hopes to speak to students at theological colleges about the joys of bell ringing and will shortly publish a booklet for every vicar in the country entitled, "The Bells in Your Care." +20089052 Says Mr. Baldwin, "We recognize that we may no longer have as high a priority in church life and experience." +20089053 Mr. Baldwin is also attacking the greater problem: lack of ringers. +20089054 One survey says that of the 100,000 trained bellringers in England today, only 40,000 of them still ring. +20089055 Also, ringers don't always live where the bells need to be rung -- like in small, rural parishes and inner-city churches. +20089056 But the council's program to attract and train ringers is only partly successful, says Mr. Baldwin. +20089057 "Right now, we're lucky if after five years we keep one new ringer out of 10," he adds. +20089058 One bright sign is that a growing number of women have entered the once male-dominated field; more than a third of the ringers today are women. +20089059 They aren't accepted everywhere, however. +20089060 The oldest bell-ringing group in the country, the Ancient Society of College Youths, founded in 1637, remains male-only, a fact that's particularly galling to women because the group is the sole source of ringers for Britain's most prestigious churches, St. Paul's Cathedral and Westminster Abbey. +20089061 This being Britain, no woman has filed an equal-opportunity suit, but the extent of the problem surfaced this summer in a series of letters to "The Ringing World," a weekly newspaper for ringers. +20089062 One writer, signing his letter as "Red-blooded, balanced male," remarked on the "frequency of women fainting in peals," and suggested that they "settle back into their traditional role of making tea at meetings." +20089063 In the torrent of replies that followed, one woman ringer from Solihull observed that "the average male ringer leaves quite a lot to be desired: badly dressed, decorated with acne and a large beer-belly, frequently unwashed and unbearably flatulent in peals." +20089064 Another women wrote from Sheffield to say that in her 60 years of ringing, "I have never known a lady to faint in the belfry. +20089065 I have seen one or two men die, bless them. +20090001 Investors unsettled by the stock market's gyrations can take some comfort in the predictable arrival of quarterly dividend checks. +20090002 That has been particularly true this year with many companies raising their payouts more than 10%. +20090003 But don't breathe too easy: Those dividend increases may signal trouble ahead for stock prices, some analysts warn. +20090004 In the past, they say, the strongest dividend growth has often come at times when the stock-market party was almost over. +20090005 That can be a trap for unwary investors, says Richard Bernstein, senior quantitative analyst at Merrill Lynch & Co. +20090006 Strong dividend growth, he says, is "the black widow of valuation" -- a reference to the female spiders that attract males and then kill them after mating. +20090007 Stephen Boesel, president of T. Rowe Price Growth and Income Fund, explains that companies raise their payouts most robustly only after the economy and corporate profits have been growing for some time. +20090008 "Invariably, those strong periods in the economy give way to recessionary environments," he says. +20090009 "And recessionary environments aren't hospitable to the stock market." +20090010 Indeed, analysts say that payouts have sometimes risen most sharply when prices were already on their way down from cyclical peaks. +20090011 In 1976, for example, dividends on the stocks in Standard & Poor's 500-stock index soared 10%, following much slower growth the year before. +20090012 The S&P index started sliding in price in September 1976, and fell 12% in 1977 -- despite a 15% expansion in dividends that year. +20090013 That pattern hasn't always held, but recent strong growth in dividends makes some market watchers anxious. +20090014 Payouts on the S&P 500 stocks rose 10% in 1988, according to Standard & Poor's Corp., and Wall Street estimates for 1989 growth are generally between 9% and 14%. +20090015 Many people believe the growth in dividends will slow next year, although a minority see double-digit gains continuing. +20090016 Meanwhile, many market watchers say recent dividend trends raise another warning flag: While dividends have risen smartly, their expansion hasn't kept pace with even stronger advances in stock prices. +20090017 As a result, the market's dividend yield -- dividends as a percentage of price -- has slid to a level that is fairly low and unenticing by historical standards. +20090018 Put another way, the decline in the yield suggests stocks have gotten pretty rich in price relative to the dividends they pay, some market analysts say. +20090019 They are keeping a close watch on the yield on the S&P 500. +20090020 The figure is currently about 3.3%, up from 3.2% before the recent market slide. +20090021 Some analysts say investors should run for the exits if a sustained market rebound pushes the yield below 3%. +20090022 A drop below that 3% benchmark "has always been a strong warning sign that stocks are fully valued," says Mr. Boesel of T. Rowe Price. +20090023 In fact, "the market has always tanked. +20090024 Always. +20090025 There's never been an exception," says Gerald W. Perritt, a Chicago investment adviser and money manager, based on a review of six decades of stock-market data. +20090026 The last time the S&P 500 yield dropped below 3% was in the summer of 1987. +20090027 Stockholders who took the hint and sold shares escaped the October debacle. +20090028 There have been only seven other times -- in 1929, 1933, 1961, 1965, 1968, 1971 and 1972 -- when the yield on the S&P 500 dropped below 3% for at least two consecutive months, Mr. Perritt found. +20090029 And in each case, he says, a sharp drop in stock prices began within a year. +20090030 Still, some market analysts say the current 3.3% reading isn't as troublesome as it might have been in years past. +20090031 "It's not a very meaningful indicator currently because corporations are not behaving in a traditional manner," says James H. Coxon, head of stock investments for Cigna Corp., the Philadelphia-based insurer. +20090032 In particular, Mr. Coxon says, businesses are paying out a smaller percentage of their profits and cash flow in the form of dividends than they have historically. +20090033 So, while stock prices may look fairly high relative to dividends, they are not excessive relative to the underlying corporate strength. +20090034 Rather than increasing dividends, some companies have used cash to buy back some of their shares, notes Steven G. Einhorn, co-chairman of the investment policy committee at Goldman, Sachs & Co. +20090035 He factors that into the market yield to get an adjusted yield of about 3.6%. +20090036 That is just a tad below the average of the past 40 years or so, he says. +20090037 What will happen to dividend growth next year? +20090038 Common wisdom suggests a single-digit rate of growth, reflecting a weakening in the economy and corporate profits. +20090039 PaineWebber Inc., for instance, is forecasting growth in S&P 500 dividends of just under 5% in 1990, down from an estimated 11% this year. +20090040 In other years in which there have been moderate economic slowdowns -- the environment the firm expects in 1990 -- the change in dividends ranged from a gain of 4% to a decline of 1% , according to PaineWebber analyst Thomas Doerflinger. +20090041 The minority argument, meanwhile, is that businesses have the financial wherewithal this time around to declare sharply higher dividends even if their earnings weaken. +20090042 Dividend growth on the order of 12% is expected by both Mr. Coxon of Cigna and Mr. Einhorn of Goldman Sachs. +20090043 Those dividend bulls argue that corporations are in the unusual position of having plenty of cash left over after paying dividends and making capital expenditures. +20090044 One indicator investors might want to watch is the monthly tally from Standard & Poor's of the number of public companies adjusting their dividends. +20090045 A total of 139 companies raised dividends in October, basically unchanged from 138 a year ago, S&P said Wednesday. +20090046 That followed four straight months in which the number of increases trailed the year-earlier pace. +20090047 While the S&P tally doesn't measure the magnitude of dividend changes, a further slippage in the number of dividend increases could be a harbinger of slower dividend growth next year. +20090048 In any case, opinion is mixed on how much of a boost the overall stock market would get even if dividend growth continues at double-digit levels. +20090049 Mr. Einhorn of Goldman Sachs estimates the stock market will deliver a 12% to 15% total return from appreciation and dividends over the next 12 months -- vs. a "cash rate of return" of perhaps 7% or 8% if dividend growth is weak. +20090050 But Mr. Boesel of T. Rowe Price, who also expects 12% growth in dividends next year, doesn't think it will help the overall market all that much. +20090051 "Having the dividend increases is a supportive element in the market outlook, but I don't think it's a main consideration," he says. +20090052 With slower economic growth and flat corporate earnings likely next year, "I wouldn't look for the market to have much upside from current levels. +20091001 Your Oct. 13 page-one story on the renewed plight of Western Union says that Western Union had lost its chance to be in the telephone business by turning down Alexander Graham Bell's offer to it of his invention, because it supposedly felt that voice communication would never replace the telegraph. +20091002 Such is hardly the case. +20091003 Bell's father-in-law, Gardner G. Hubbard, wealthy and well-connected, obtained financing to start the American Bell Telephone Co. in Boston, which even had a subsidiary in New York called the Telephone Co. of New York. +20091004 This is where Bell's patents went. +20091005 Western Union indeed wanted to get into the telephone business. +20091006 It acquired Thomas Edison's microphone patent and then immediately sued the Bell Co. claiming that the microphone invented by my grandfather, Emile Berliner, which had been sold to Bell for a princely $50,000, infringed upon Western Union's Edison patent. +20091007 When Bell established that the Berliner patent caveat was registered 10 days before Edison's application, Western Union dropped the lawsuit and agreed never to enter the telephone business -- the basis for the company's current plight. +20091008 Oliver Berliner Beverly Hills, Calif. +20092001 Troubled NBI Inc. said it fired more than half its work force and is discontinuing its hardware business to focus on its software and service operations. +20092002 The ailing company, which has reported net losses for 16 consecutive quarters, said it won't manufacture network computer systems any more and will greatly reduce its costly direct sales force. +20092003 Altogether, NBI said it will eliminate 266 jobs at its Boulder headquarters, 176 field sales jobs and 50 jobs at its Canadian and United Kingdom headquarters. +20092004 The company's work force will fall to about 400 people. +20092005 Stephen G. Jerritts, president and chief executive officer, said customers weren't willing to commit to an expensive NBI hardware systems because of the company's financial troubles. +20092006 Further, he said, the company doesn't have the capital needed to build the business over the next year or two. +20092007 "We flat ran out of financing resources," Mr. Jerritts said. +20092008 "We had to do something structurally and radically different." +20092009 As a result, he said NBI will focus on servicing its installed base of systems, trying to provide maintenance for other manufacturers and expanding its software business, using some of the applications it developed for its hardware. +20092010 The company currently offers a word-processing package for personal computers called Legend. +20092011 The company, which recently said it lacked the profits and capital to pay dividends on its Series A convertible preferred stock, said it has hired an investment banker to help it raise additional cash. +20092012 In New York Stock Exchange composite trading yesterday, NBI common closed at 93 cents a share, up 31 cents. +20093001 It was Richard Nixon's first visit to China in 1972 that set in motion the historic rapprochement between Beijing and Washington. +20093002 But the former U.S. president's sixth visit to China, during which he spoke at length with Chinese leaders, was nowhere near as successful at easing strains that have recently afflicted the Sino-U.S. relationship. +20093003 Mr. Nixon, the most prominent American to come to China since Beijing's bloody suppression of pro-democracy demonstrators in June, harped on international outrage over the massacre. +20093004 The Chinese, in turn, took aim at American "interference" in China's domestic affairs. +20093005 One official newspaper, Legal Daily, even directly criticized Mr. Nixon, who is normally referred to here as an "old friend." +20093006 The paper accused him of being a leading proponent of "peaceful evolution," a catch phrase to describe what China believes is the policy of Western countries to seduce socialist nations into the capitalist sphere. +20093007 The tension was evident on Wednesday evening during Mr. Nixon's final banquet toast, normally an opportunity for reciting platitudes about eternal friendship. +20093008 Instead, Mr. Nixon reminded his host, Chinese President Yang Shangkun, that Americans haven't forgiven China's leaders for the military assault of June 3-4 that killed hundreds, and perhaps thousands, of demonstrators. +20093009 "Many in the United States, including many friends of China, believe the crackdown was excessive and unjustified," Mr. Nixon told Mr. Yang, who was directly involved in ordering the attack. +20093010 "The events of April through June damaged the respect and confidence which most Americans previously had for the leaders of China." +20093011 The Chinese responded in an equally undiplomatic fashion. +20093012 In talks with Mr. Nixon, Chinese leaders expressed no regret for the killings, and even suggested that the U.S. was prominently involved in the demonstrations this spring. +20093013 In a meeting Tuesday, supreme leader, Deng Xiaoping, told Mr. Nixon, "Frankly speaking, the U.S. was involved too deeply in the turmoil and counterrevolutionary rebellion which occurred in Beijing not long ago. +20093014 China was the real victim and it is unjust to reprove China for it." +20093015 Despite the harsh exchanges, the U.S. and China still seem to be looking for a way to mend relations, which have deteriorated into what Mr. Nixon referred to as "the greatest crisis in Chinese-American relations" since his initial visit to China 17 years ago. +20093016 In his return toast to Mr. Nixon, Mr. Yang said the relationship had reached a "stalemate." +20093017 Relations between China and the U.S. have been tense since June 7, when Chinese dissident Fang Lizhi and his wife, Li Shuxian, took refuge in the U.S. Embassy in Beijing. +20093018 Shortly afterwards, Mr. Bush imposed a series of anti-China sanctions, including suspension of most high-level talks, which could be codified in U.S. congressional legislation in the coming weeks. +20093019 Mr. Nixon is traveling in China as a private citizen, but he has made clear that he is an unofficial envoy for the Bush administration. +20093020 Mr. Nixon met Mr. Bush and his national security adviser, Brent Scowcroft, before coming to China on Saturday. +20093021 And he plans to brief the president at the end of the week, U.S. sources said. +20093022 Mr. Nixon was to leave China today. +20093023 According to an American member of the Nixon party, the former president raised a number of controversial issues in his 20 hours of talks with top-level Chinese officials. +20093024 These included China's economic policies, human rights and the question of Mr. Fang. +20093025 Mr. Nixon also proposed that China restore its participation in the Fulbright Program, a U.S. government-funded academic exchange. +20093026 China pulled out of the program in July. +20093027 In his talks, the former president urged China's leaders to acknowledge that their nation is part of the world community and welcome the infusion of outside contacts and ideas. +20093028 "Ideas are going over borders, and there's no SDI ideological weapon that can shoot them down," he told a group of Americans at the U.S. Embassy on Wednesday. +20093029 There are no signs, however, of China's yielding on key issues. +20093030 But in one minor matter, Mr. Nixon appears to have gained a concession. +20093031 In a meeting with Premier Li Peng on Monday, Mr. Nixon said that he hoped he wouldn't encounter guards with machine guns during his visit to the U.S. Embassy. +20093032 Sure enough, when he arrived at the embassy two days later, the machine-gun-toting guards were gone -- for the first time in five months. +20093033 A few blocks away, at the U.S. ambassador's residence, the guards encircling the compound also had discarded their Uzi-model arms for the first time since early June. +20093034 But the guards there retained their pistols, and a large contingent of plainclothes police remained nearby in unmarked cars. +20093035 Moreover, police and soldiers continue to harass Americans, who have filed several protests with the Foreign Ministry in the past week. +20093036 Several times, Chinese guards have pointed their automatic rifles at young children of U.S. diplomats and clicked the trigger. +20093037 The rifles weren't loaded. +20094001 Your Oct. 6 article "Japan's Financial Firms Lure Science Graduates" states, "Industrial companies are accusing financial institutions of jeopardizing Japan's economy by raising the salary stakes for new employees." +20094002 The Japanese industrial companies should know better. +20094003 They are barking up the wrong tree, because it is basically their fault they can't attract new employees. +20094004 Takuma Yamamoto, president of Fujitsu Ltd., believes "the `money worship' among young people . . . caused the problem." +20094005 He is just passing the buck to young people. +20094006 What's wrong with asking for more money? +20094007 Money is not everything, but it is necessary, and business is not volunteer work. +20094008 It is not unethical to choose a higher-salaried job. +20094009 Unfortunately, Japanese manufacturers have neither good working conditions nor good compensation packages. +20094010 I get the impression that some Japanese managers believe working harder for less money is beautiful. +20094011 I visited a lot of major Japanese manufacturers, but I never felt I would want to be employed by any of them. +20094012 Many of them recently have been spending a lot of money on public relations and advertising to improve their images, but they should realize that the most important thing is real change, not changing people's perceptions. +20094013 If the Japanese companies are seriously considering their survival, they could do at least three things to improve the situation: raise salaries higher than those of financial institutions; improve working conditions (better offices and more vacations, for example); accept and hire more labor from outside Japan. +20094014 Hiroshi Asada +20095001 In reference to your Oct. 9 page-one article "Barbara Bush Earns Even Higher Ratings Than the President," it is regrettable that you must continually define blacks by our negatives: "Among liberals, 60% have positive views of her, while 50% approve of the president's job performance. +20095002 In part, this may reflect the fact that `she speaks a more progressive language' than her husband, as Columbia's Prof. {Ethel} Klein puts it. +20095003 Among professionals, 76% have a favorable opinion of her, compared to 62% who approve of her husband's performance. +20095004 While a quarter of black voters disapprove of Mr. Bush's handling of his job, only 15% have a negative view of his spouse." +20095005 The statistics imply that three-quarters of blacks approve of Mr. Bush's job performance and 85% of blacks approve of Mrs. Bush. +20095006 If the assumption is that it is surprising that so few blacks find Mr. and Mrs. Bush distasteful, the positive view is even more newsworthy. +20095007 Such an editorial point of view perpetuates an insidious, stereotyped perspective. +20095008 Why are we blacks continually defined by our minority and the lowest common denominator. +20095009 Preston G. Foster Birmingham, Ala. +20096001 The National Association of Securities Dealers, the self-regulatory organization for the over-the-counter securities markets, disciplined a number of firms and individuals for alleged violations of industry rules. +20096002 Two firms were expelled from the NASD, three were suspended or barred and nine were fined. +20096003 First Securities Group of California and a principal of the firm, Louis Fernando Vargas of Marina del Rey, Calif., were jointly fined $15,000 and expelled for alleged violations of reporting requirements on securities sales. +20096004 Also, Mr. Vargas was barred from association with any NASD member. +20096005 Neither First Securities, of Beverly Hills, nor Mr. Vargas could be reached for comment. +20096006 A telephone-information operator had no listing for either party. +20096007 J.L. Henry & Co., Miami, and a principal of the firm, Henry I. Otero of Miami, were jointly fined $30,000 and expelled, for alleged improper use of a customer's funds, among other things. +20096008 Also, Mr. Otero was barred from association with any NASD member. +20096009 J.L. Henry hasn't any Miami telephone listing, an operator said. +20096010 Mr. Otero, who apparently has an unpublished number, also couldn't be reached. +20096011 Biscayne Securities Corp., of Lauderhill, Fla., and a principal of the firm, Alvin Rosenblum of Plantation, Fla., were jointly fined $20,000 and given 10-day suspensions for allegedly selling securities at unfair prices. +20096012 Biscayne hasn't any telephone listing, an operator said. +20096013 Mr. Rosenblum, who apparently has an unpublished phone number, also couldn't be reached. +20096014 Triton Securities, of Danville, Calif., and a principal of the firm, Delwin George Chase, also of Danville, were jointly fined $10,000 and given 30-day suspensions as part of a settlement. +20096015 While neither admitting nor denying wrongdoing, Triton and Mr. Chase consented to findings of violations in connection with limited-partnership sales. +20096016 Officials of Triton couldn't be reached for comment. +20096017 Mr. Chase didn't return a telephone call to his office. +20096018 Crane & Co. Securities Inc., of Mount Clemens, Mich., and its president, Glenn R. Crane, of Sterling Heights, Mich., consented to a joint fine of $10,000. +20096019 Without admitting or denying wrongdoing, they consented to findings of violations of escrow and record-keeping rules. +20096020 Mr. Crane didn't return a call seeking comment. +20096021 First Commonwealth Securities Corp., of New Orleans, and its president, Kenneth J. Canepa, also of New Orleans, consented to a $10,000 fine. +20096022 Also, Mr. Canepa received a two-week suspension "in a principal capacity." +20096023 Without admitting or denying wrongdoing, they consented to findings that they had inaccurately represented the firm's net capital, maintained inaccurate books and records, and made other violations. +20096024 Mr. Canepa confirmed he had consented to the sanctions but declined to comment further. +20096025 Weatherly Securities Corp., New York, and three of its principals -- Dell Eugene Keehn and William Northy Prater Jr., both of Mercer Island, Wash., and Thomas Albert McFall, of Red Bank, N.J. -- consented to a fine of $20,000. +20096026 Without admitting or denying wrongdoing, they consented to findings that they failed to return funds owed to customers in connection with a limited-partnership offering. +20096027 Reached at his office, Mr. McFall, currently chairman, said, "An implication that we failed to return investor funds is inappropriate and inaccurate." +20096028 He described the situation as "an escrow problem, a timing issue," which he said was rapidly rectified, with no losses to customers. +20096029 W.N. Whelen & Co., of Georgetown, Del., and its president, William N. Whelen Jr., also of Georgetown, were barred from transacting principal trades for 90 days and were jointly fined $15,000. +20096030 The firm and Mr. Whelen allegedly sold securities to the public at unfair prices, among other alleged violations. +20096031 Mr. Whelen denied the firm had sold securities at unfair prices and suggested that the examination practices of the NASD need improvement. +20096032 The firm and the NASD differ over the meaning of markup and markdown, he added. +20096033 Shearson Lehman Hutton Inc., New York, which is 62%-owned by American Express Co., consented to a $10,000 fine. +20096034 Without admitting or denying wrongdoing, the firm consented to findings that it failed to respond "in a timely manner" to the NASD's requests for information in connection with a customer complaint. +20096035 A Shearson spokesman had no comment. +20096036 The following individuals were fined as indicated and barred from association with NASD members, or, where noted, suspended. +20096037 Except where noted, none of these people could be reached for comment or had any comment. +20096038 Andrew Derel Adams, Killeen, Texas, fined $15,000; John Francis Angier Jr., Reddington Shores, Fla., $15,000; Mark Anthony, Arlington Heights, Ill., $10,000 and 30-day suspension; William Stirlen, Arlington Heights, Ill., $7,500 and 30-day suspension; Fred W. Bonnell, Boulder, Colo., $2,500 and six-month suspension; Michael J. Boorse, Horsham, Pa.; David Chiodo, Dallas, $5,000, barred as a principal; Camille Chafic Cotran, London, $25,000; John William Curry, fined $5,000, ordered to disgorge $30,000, one-year suspension. +20096039 John William Davis, Colonsville, Miss., fined $200,000; Jeffrey Gerard Dompierre, Valrico, Fla., $5,000 and 10-day suspension; Eugene Michael Felten, La Canada, Calif., fined $25,000, ordered to disgorge $16,072 and suspended one year; Marion Stewart Spitler, La Canada, fined $15,000, ordered to disgorge $18,444 and suspended six months. +20096040 Mr. Felten said, "We got what amounted to a parking ticket, and by complaining about it, we ended up with a sizable fine and suspension." +20096041 The matter "didn't involve anybody's securities transactions," he added. +20096042 Victor Stanley Fishman, Longwood, Fla., fined $25,000; William Harold Floyd, Houston, $100,000; Michael Anthony Houston, Bronx, N.Y., $15,000; Amin Jalaalwalikraam, Glenham, N.Y., $60,000; Richard F. Knapp, London, $10,000 and 30-day suspension; Deborah Renee Martin, St. Louis, $15,000; Joseph Francis Muscolina Jr., Palisades Park, N.J., $15,000; Robert C. Najarian, Brooklyn Park, Minn., $15,000; Edward Robert Norwick, Nesconset, N.Y., $30,000. +20096043 Charles D. Phipps Sr., Hermitage, Pa., fined $10,000; David Scott Rankin, Lake St. Louis, Mo., $15,000; Leigh A. Sanderoff, Gaithersburg, Md., fined $45,000, ordered to disgorge $12,252; Sandra Ann Smith, Ridgefield, N.J., $15,000; James G. Spence, Aloha, Ore., $5,000 and six-month suspension; Mona Sun, Jamaica Estates, N.Y., $60,000; William Swearingen, Minneapolis, $15,000 and six-month suspension; John Bew Wong, San Francisco, $25,000; Rabia M. Zayed, San Francisco, $50,000. +20096044 The following were neither barred nor suspended: Stephanie Veselich Enright, Rolling Hills, Calif., fined $2,500 and ordered to disgorge $11,762; Stuart Lane Russel, Glendale, Calif., fined $2,500 and ordered to disgorge $14,821; Devon Nilson Dahl, Fountain Valley, Calif., fined $82,389. +20096045 Mr. Dahl, a registered representative in the insurance business, said he "screwed up" because he didn't realize he was breaking securities laws. +20096046 "Insurance agents have been forced by their companies into becoming registered reps," he said, "but they are not providing compliance and security-type training so that we can avoid stupid mistakes." +20096047 The following were barred or, where noted, suspended and consented to findings without admitting or denying wrongdoing: Edward L. Cole, Jackson, Miss., $10,000 fine; Rita Rae Cross, Denver, $2,500 fine and 30-day suspension; Thomas Richard Meinders, Colorado Springs, Colo., $2,000 fine, five-day suspension and eight-month suspension as a principal; Ronald A. Cutrer, Baton Rouge, La., $15,000 fine and one-month suspension; Karl Grant Hale, Midvale, Utah, $15,000 fine; Clinton P. Hayne, New Orleans, $7,500 fine and one-week suspension; Richard M. Kane, Coconut Creek, Fla., $250,000 fine; John B. Merrick, Aurora, Colo., $1,000 fine and 10-day suspension; John P. Miller, Baton Rouge, $2,000 fine and two-week suspension; Randolph K. Pace, New York, $10,000 fine and 90-day suspension; Brian D. Pitcher, New Providence, N.J., $30,000 fine; Wayne A. Russo, Bridgeville, Pa., $4,000 fine and 15-day suspension; Orville Leroy Sandberg, Aurora, Colo., $3,500 fine and 10-day suspension; Richard T. Marchese, Las Vegas, Nev., $5,000 and one-year suspension; Eric G. Monchecourt, Las Vegas, $5,000 and one-year suspension; and Robert Gerhard Smith, Carson City, Nev., two-year suspension. +20096048 "I wasn't ever actively engaged in any securities activities," said Mr. Cutrer. +20096049 "I never had any clients at all. +20096050 It was just a stupid mistake to get the license," he said, adding, "I'd just as soon not get into" details of the settlement. +20097001 Program traders are fond of predicting that if they are blocked in the U.S., they will simply emigrate to foreign stock markets. +20097002 But in London and Tokyo, where computer-driven trading now plays a small but growing role, traders say a number of hurdles loom. +20097003 Government officials, especially in Japan, probably would resist any onslaught of program trading by players trying to shrug off the U.S. furor over their activities and marching abroad with their business. +20097004 Japan is "very concerned" about the possible effects of program trading, a senior Japanese official said after the Oct. 13 stock plunge in New York. +20097005 U.S. stock-index futures aren't even traded in Japan now. +20097006 And because of the time difference, the Japanese and the U.S. markets' trading hours don't overlap. +20097007 It all adds up to a barrier to American-style index arbitrage, the most popular form of U.S. program trading that seeks to exploit brief differences between prices of stocks in New York and the price of a futures contract in Chicago based on those stocks. +20097008 About 11.6% of all program trading by New York Stock Exchange firms in September took place in foreign markets, according to Big Board data. +20097009 Yet it is difficult to imagine Japan racing to introduce Chicago-style stock-index futures. +20097010 Japan's Finance Ministry already is scrutinizing institutional investors' activity to see whether policy changes are needed to cope with the current level of program trading, said Makato Utsumi, vice minister for international finance. +20097011 Program trading has taken off in Japan since last year's introduction of home-market stock-index futures trading on the Tokyo and Osaka stock exchanges. +20097012 But regulators are wary. +20097013 They haven't forgotten the leap in share prices last Dec. 7, when the first bout of foreign-led index arbitrage drove stocks skyward in the last half-hour of trading, startling regulators who thought they had written enough rules to prevent such a swing. +20097014 Japan's Finance Ministry had set up mechanisms to limit how far futures prices could fall in a single session and to give market operators the authority to suspend trading in futures at any time. +20097015 "Maybe it wasn't enough," a Finance Ministry official noted after the Dec. 7 surge. +20097016 Japan's regulators have since tightened controls on index-related stock purchases. +20097017 Tokyo's leading program traders are the big U.S. securities houses, though the Japanese are playing catch-up. +20097018 Some U.S. firms, notably Salomon Inc. and Morgan Stanley Group Inc., have reaped a hefty chunk of their Japanese earnings from index arbitrage, both for customers and for their own accounts. +20097019 (Morgan Stanley last week joined a growing list of U.S. securities firms that have stopped doing index arbitrage for their own accounts.) +20097020 Both Deryck C. Maughan, who heads Salomon in Tokyo, and John S. Wadsworth, who heads Morgan Stanley there, ascribe a good part of their firms' success in Tokyo to their ability to offer sophisticated, futures-related investment strategies to big institutional clients. +20097021 They don't have plans to cut back. +20097022 "It has not been disruptive in the markets here," Mr. Maughan said. +20097023 "The real difference seems to be that the cash market here . . . is big enough and liquid enough that the futures market isn't having the same impact it does in America." +20097024 The British also are scrutinizing program trades. +20097025 Index-arbitrage trading is "something we want to watch closely," an official at London's Stock Exchange said. +20097026 "We don't think there is cause for concern at the moment." +20097027 London serves increasingly as a conduit for program trading of U.S. stocks. +20097028 Market professionals said London has several attractions. +20097029 First, the trading is done over the counter and isn't reported on either the U.S. or London stock trading tapes. +20097030 Second, it can be used to unwind positions before U.S. trading begins, but at prices pegged to the previous session's Big Board close. +20097031 In addition to the extra privacy of these trades, the transactions can often be less expensive to execute, because the parties don't have to pay a floor brokerage fee or a specialist's fee. +20097032 Still, "Much less {index-arbitrage activity} is done over here than in the U.S." said Richard Barfield, chief investment manager at Standard Life Assurance Co., which manages about #15 billion ($23.72 billion) in United Kingdom institutional funds. +20097033 Britain has two main index-arbitrage instruments. +20097034 A Financial Times-Stock Exchange 100-share index option contract is traded on the London Stock Exchange's Traded Options Market. +20097035 And an FT-SE futures contract is traded on the London International Financial Futures Exchange. +20097036 Both contracts have gained a following since the 1987 global market crash. +20097037 The average number of FT-SE option contracts traded on the London exchange has surged nearly tenfold since the contract's launch in 1984. +20097038 This year, the average of daily contracts traded totaled 9,118, up from 4,645 a year earlier and from 917 in 1984. +20097039 But a survey early this summer indicated that the volume of index-options trading was only 15% of the size of the underlying equity market, exchange officials said. +20097040 This compares with estimates that the U.S. "derivatives" market is perhaps four times as large as the underlying domestic market. +20098001 The House voted to boost the federal minimum wage for the first time since early 1981, casting a solid 382-37 vote for a compromise measure backed by President Bush. +20098002 The vote came after a debate replete with complaints from both proponents and critics of a substantial increase in the wage floor. +20098003 Advocates said the 90-cent-an-hour rise, to $4.25 an hour by April 1991, is too small for the working poor, while opponents argued that the increase will still hurt small business and cost many thousands of jobs. +20098004 But the legislation reflected a compromise agreed to on Tuesday by President Bush and Democratic leaders in Congress, after congressional Republicans urged the White House to bend a bit from its previous resistance to compromise. +20098005 So both sides accepted the compromise, which would lead to the first lifting of the minimum wage since a four-year law was enacted in 1977, raising the wage to $3.35 an hour from $2.65. +20098006 Under the measure passed yesterday, the minimum wage would rise to $3.80 next April. +20098007 The Senate plans to take up the measure quickly and is expected to pass it. +20098008 "There are no smiles about this bill," Rep. Pat Williams (D., Mont.) said during House floor debate yesterday. +20098009 But "because it's all we've got, I'm going to vote for it." +20098010 While the minimum wage had traditionally been pegged at half the average U.S. manufacturing wage, the level of $4.25 an hour in 1991 will still be less than 35% of average factory pay, Mr. Williams said. +20098011 But Rep. Marge Roukema (R., N.J.) instead praised the House's acceptance of a new youth "training" wage, a subminimum that GOP administrations have sought for many years. +20098012 Adopting a training-wage policy means "getting beyond the nickel and diming of the minimum wage," Mrs. Roukema said. +20098013 Policy makers regard the youth wage as helping to limit the loss of jobs from an increase in the minimum wage, but they have lately touted it as necessary to help impart job skills to entrants into the work force. +20098014 Labor unions and Democrats long fought the idea, but recently acceded to it in the face of Bush administration insistence. +20098015 The compromise sets the training wage at $3.35 an hour next April, and at $3.61 an hour, or 85% of the minimum wage, in April 1991. +20098016 Employers can pay the subminimum for 90 days, without restriction, to workers with less than six months of job experience, and for another 90 days if the company uses a government-certified training program for the young workers. +20098017 The training wage covers only workers who are 16 to 19 years old. +20098018 The White House previously insisted on an unrestricted six-month training wage that could be paid any time a worker of any age took a new job. +20098019 The U.S. Chamber of Commerce, still opposed to any mininum-wage increase, said the compromise plan to lift the wage floor 27% in two stages between April 1990 and April 1991 "will be impossible for many employers to accommodate and will result in the elimination of jobs for American workers and higher prices for American consumers. +20099001 Zenith Data Systems Corp., a subsidiary of Zenith Electronics Corp., received a $534 million Navy contract for software and services of microcomputers over an 84-month period. +20099002 Rockwell International Corp. won a $130.7 million Air Force contract for AC-130U gunship replacement aircraft. +20099003 Martin Marietta Corp. was given a $29.9 million Air Force contract for low-altitude navigation and targeting equipment. +20099004 Federal Data Corp. got a $29.4 million Air Force contract for intelligence data handling. +20100001 For six years, T. Marshall Hahn Jr. has made corporate acquisitions in the George Bush mode: kind and gentle. +20100002 The question now: Can he act more like hard-charging Teddy Roosevelt? +20100003 Mr. Hahn, the 62-year-old chairman and chief executive officer of Georgia-Pacific Corp. is leading the forest-product concern's unsolicited $3.19 billion bid for Great Northern Nekoosa Corp. +20100004 Nekoosa has given the offer a public cold shoulder, a reaction Mr. Hahn hasn't faced in his 18 earlier acquisitions, all of which were negotiated behind the scenes. +20100005 So far, Mr. Hahn is trying to entice Nekoosa into negotiating a friendly surrender while talking tough. +20100006 "We are prepared to pursue aggressively completion of this transaction," he says. +20100007 But a takeover battle opens up the possibility of a bidding war, with all that implies. +20100008 If a competitor enters the game, for example, Mr. Hahn could face the dilemma of paying a premium for Nekoosa or seeing the company fall into the arms of a rival. +20100009 Given that choice, associates of Mr. Hahn and industry observers say the former university president -- who has developed a reputation for not overpaying for anything -- would fold. +20100010 "There's a price above which I'm positive Marshall has the courage not to pay," says A.D. Correll, Georgia-Pacific's executive vice president for pulp and paper. +20100011 Says long-time associate Jerry Griffin, vice president, corporate development, at WTD Industries Inc.: "He isn't of the old school of winning at any cost." +20100012 He also is a consensus manager, insiders say. +20100013 The decision to make the bid for Nekoosa, for example, was made only after all six members of Georgia-Pacific's management committee signed onto the deal -- even though Mr. Hahn knew he wanted to go after the company early on, says Mr. Correll. +20100014 Associates say Mr. Hahn picked up that careful approach to management as president of Virginia Polytechnic Institute. +20100015 Assuming that post at the age of 35, he managed by consensus, as is the rule in universities, says Warren H. Strother, a university official who is researching a book on Mr. Hahn. +20100016 But he also showed a willingness to take a strong stand. +20100017 In 1970, Mr. Hahn called in state police to arrest student protesters who were occupying a university building. +20100018 That impressed Robert B. Pamplin, Georgia-Pacific's chief executive at the time, whom Mr. Hahn had met while fundraising for the institute. +20100019 In 1975, Mr. Pamplin enticed Mr. Hahn into joining the company as executive vice president in charge of chemicals; the move befuddled many in Georgia-Pacific who didn't believe a university administrator could make the transition to the corporate world. +20100020 But Mr. Hahn rose swiftly through the ranks, demonstrating a raw intelligence that he says he knew he possessed early on. +20100021 The son of a physicist, Mr. Hahn skipped first grade because his reading ability was so far above his classmates. +20100022 Moving rapidly through school, he graduated Phi Beta Kappa from the University of Kentucky at age 18, after spending only 2 1/2 years in college. +20100023 He earned his doctorate in nuclear physics from the Massachusetts Institute of Technology. +20100024 Mr. Hahn agrees that he has a "retentive" memory, but friends say that's an understatement. +20100025 They call it "photographic". +20100026 Mr. Hahn also has engineered a surprising turnaround of Georgia-Pacific. +20100027 Taking over as chief executive officer in 1983, he inherited a company that was mired in debt and hurt by a recession-inspired slide in its building-products business. +20100028 Mr. Hahn began selling non-core businesses, such as oil and gas and chemicals. +20100029 He even sold one unit that made vinyl checkbook covers. +20100030 At the same time, he began building up the pulp and paper segment of the company while refocusing building products on home repair and remodeling, rather than materials for new-home construction. +20100031 The idea was to buffet building products from cycles in new-home construction. +20100032 The formula has paid off, so far. +20100033 Georgia-Pacific's sales climbed to $9.5 billion last year, compared with $6 billion in 1983, when Mr. Hahn took the reins. +20100034 Profit from continuing operations has soared to $467 million from $75 million. +20100035 Mr. Hahn attributes the gains to the philosophy of concentrating on what a company knows best. +20100036 "The record of companies that have diversified isn't all that impressive," he says. +20100037 Nekoosa wouldn't be a diversification. +20100038 It would be a good match, Mr. Hahn and many analysts say, of two healthy companies with high-quality assets and strong cash flows. +20100039 The resulting company would be the largest forest-products concern in the world with combined sales of more than $13 billion. +20100040 But can Mr. Hahn carry it off? +20100041 In this instance, industry observers say, he is entering uncharted waters. +20100042 Says Kathryn McAuley, an analyst at First Manhattan Co.: "This is the greatest acquisition challenge he has faced. +20101001 A House-Senate conference approved major portions of a package for more than $500 million in economic aid for Poland that relies heavily on $240 million in credit and loan guarantees in fiscal 1990 in hopes of stimulating future trade and investment. +20101002 For the Agency for International Development, appropriators approved $200 million in secondary loan guarantees under an expanded trade credit insurance program, and total loan guarantees for the Overseas Private Investment Corp. are increased by $40 million over fiscal 1989 as part of the same Poland package. +20101003 The conference approved at least $55 million in direct cash and development assistance as well, and though no decision was made, both sides are committed to adding more than $200 million in economic support funds and environmental initiatives sought by the Bush administration. +20101004 The agreement on Poland contrasts with the major differences remaining over the underlying foreign aid bill, which has already provoked veto threats by the White House and is sharply confined under this year's budget. +20101005 These fiscal pressures are also a factor in shaping the Poland package, and while more ambitious authorizing legislation is still pending, the appropriations bill in conference will be more decisive on U.S. aid to Eastern Europe. +20101006 To accommodate the additional cash assistance, the House Appropriations Committee last week was required to reallocate an estimated $140 million from the Pentagon. +20101007 And though the size of the loan guarantees approved yesterday is significant, recent experience with a similar program in Central America indicates that it could take several years before the new Polish government can fully use the aid effectively. +20101008 The action on Poland came as the conference separately approved $220 million for international population planning activities, an 11% increase over fiscal 1989. +20101009 The House and Senate are divided over whether the United Nations Population Fund will receive any portion of these appropriations, but the size of the increase is itself significant. +20101010 In a second area of common concern, the world environment, an additional $15 million will be provided in development assistance to fund a series of initiatives, related both to global warming and the plight of the African elephant. +20101011 The sweeping nature of the bill draws a variety of special interest amendments, running from an import exemption for a California airplane museum to a small but intriguing struggle among sugar producing nations over the fate of Panama's quota of exports to the profitable U.S. market. +20101012 Panama was stripped of this right because of U.S. differences with the Noriega regime, but the Central American country would have received a quota of 30,537 metric tons over a 21-month period ending Sept. 30, 1990. +20101013 About a quarter of this share has already been reallocated, according to the industry, but the remaining 23,403 tons are still a lucrative target for growers because the current U.S. price of 18 cents a pound runs as much as a nickel a pound above the world rate. +20101014 The potential sales are nearly $9.3 million, and House Majority Whip William Gray (D., Pa.) began the bidding this year by proposing language that the quota be allocated to English-speaking countries of the Caribbean, such as Jamaica and Barbados. +20101015 Rep. Jerry Lewis, a conservative Californian, added a provision of his own intended to assist Bolivia, and the Senate then broadened the list further by including all countries in the U.S. Caribbean Basin initiate as well as the Philippines-backed by the powerful Hawaii Democrat Sen. Daniel Inouye. +20101016 Jamaica, wary of upsetting its Caribbean Basin allies, has apparently instructed its lobbyist to abandon the provision initially drafted by Mr. Gray, but the greater question is whether Mr. Inouye, who has strong ties to the sugar industry, is able to insert a claim by the Philippines. +20101017 In separate floor action, the House waived budget restrictions and gave quick approval to $3.18 billion in supplemental appropriations for law enforcement and anti-drug programs in fiscal 1990. +20101018 The funding is attached to an estimated $27.1 billion transportation bill that goes next to the Senate and carries with it a proposed permanent smoking ban on virtually all U.S. domestic airline flights. +20101019 The leadership hopes to move the compromise measure promptly to the White House, but in recent days, the Senate has been as likely to bounce bills back to the House. +20101020 The most recent example was a nearly $17.3 billion fiscal 1990 bill funding the State, Justice and Commerce departments. +20101021 And after losing a battle Tuesday night with the Senate Foreign Relations Committee, appropriators from both houses are expected to be forced back to conference. +20102001 Beauty Takes Backseat To Safety on Bridges +20102002 EVERYONE AGREES that most of the nation's old bridges need to be repaired or replaced. +20102003 But there's disagreement over how to do it. +20102004 Highway officials insist the ornamental railings on older bridges aren't strong enough to prevent vehicles from crashing through. +20102005 But other people don't want to lose the bridges' beautiful, sometimes historic, features. +20102006 "The primary purpose of a railing is to contain a vehicle and not to provide a scenic view," says Jack White, a planner with the Indiana Highway Department. +20102007 He and others prefer to install railings such as the "type F safety shape," a four-foot-high concrete slab with no openings. +20102008 In Richmond, Ind., the type F railing is being used to replace arched openings on the G Street Bridge. +20102009 Garret Boone, who teaches art at Earlham College, calls the new structure "just an ugly bridge" and one that blocks the view of a new park below. +20102010 In Hartford, Conn., the Charter Oak Bridge will soon be replaced, the cast-iron medallions from its railings relegated to a park. +20102011 Compromises are possible. +20102012 Citizens in Peninsula, Ohio, upset over changes to a bridge, negotiated a deal: The bottom half of the railing will be type F, while the top half will have the old bridge's floral pattern. +20102013 Similarly, highway engineers agreed to keep the old railings on the Key Bridge in Washington, D.C., as long as they could install a crash barrier between the sidewalk and the road. +20102014 Tray Bon? +20102015 Drink Carrier Competes With Cartons +20102016 PORTING POTABLES just got easier, or so claims Scypher Corp., the maker of the Cup-Tote. +20102017 The Chicago company's beverage carrier, meant to replace cardboard trays at concession stands and fast-food outlets, resembles the plastic loops used on six-packs of beer, only the loops hang from a web of strings. +20102018 The new carrier can tote as many as four cups at once. +20102019 Inventor Claire Marvin says his design virtually eliminates spilling. +20102020 Lids aren't even needed. +20102021 He also claims the carrier costs less and takes up less space than most paper carriers. +20102022 A few fast-food outlets are giving it a try. +20102023 The company acknowledges some problems. +20102024 A driver has to find something to hang the carrier on, so the company supplies a window hook. +20102025 While it breaks down in prolonged sunlight, it isn't recyclable. +20102026 And unlike some trays, there's no place for food. +20102027 Spirit of Perestroika Touches Design World +20102028 AN EXCHANGE of U.S. and Soviet designers promises change on both sides. +20102029 An exhibition of American design and architecture opened in September in Moscow and will travel to eight other Soviet cities. +20102030 The show runs the gamut, from a blender to chairs to a model of the Citicorp building. +20102031 The event continues into next year and includes an exchange program to swap design teachers at Carnegie-Mellon and Leningrad's Mutchin Institute. +20102032 Dan Droz, leader of the Carnegie-Mellon group, sees benefits all around. +20102033 The Soviets, who normally have few clients other than the state, will get "exposure to a market system," he says. +20102034 Americans will learn more about making products for the Soviets. +20102035 Mr. Droz says the Soviets could even help U.S. designers renew their sense of purpose. +20102036 "In Moscow, they kept asking us things like, `Why do you make 15 different corkscrews, when all you need is one good one?'" he says. +20102037 "They got us thinking maybe we should be helping U.S. companies improve existing products rather than always developing new ones." +20102038 Seed for Jail Solution Fails to Take Root +20102039 IT'S A TWO BIRDS with one stone deal: Eggers Group architects propose using grain elevators to house prisoners. +20102040 It would ease jail overcrowding while preserving historic structures, the company says. +20102041 But New York state, which is seeking solutions to its prison cell shortage, says "no." +20102042 Grain elevators built in the 1920s and '30s have six-inch concrete walls and a tubular shape that would easily contain semicircular cells with a control point in the middle, the New York firm says. +20102043 Many are far enough from residential areas to pass public muster, yet close enough to permit family visits. +20102044 Besides, Eggers says, grain elevators are worth preserving for aesthetic reasons -- one famed architect compared them to the pyramids of Egypt. +20102045 A number of cities -- including Minneapolis, Philadelphia and Houston -- have vacant grain elevators, Eggers says. +20102046 A medium-sized one in Brooklyn, it says, could be altered to house up to 1,000 inmates at a lower cost than building a new prison in upstate New York. +20102047 A spokesman for the state, however, calls the idea "not effective or cost efficient. +20103001 The Labor Department cited USX Corp. for numerous health and safety violations at two Pennsylvania plants, and proposed $7.3 million in fines, the largest penalty ever proposed for alleged workplace violations by an employer. +20103002 The department's Occupational Safety and Health Administration proposed fines of $6.1 million for alleged violations at the company's Fairless Hills, Pa., steel mill; that was a record for proposed penalties at any single facility. +20103003 OSHA cited nearly 1,500 alleged violations of federal electrical, crane-safety, record-keeping and other requirements. +20103004 A second citation covering the company's Clairton, Pa., coke works involved more than 200 alleged violations of electrical-safety and other requirements, for which OSHA proposed $1.2 million in fines. +20103005 Labor Secretary Elizabeth Dole said, "The magnitude of these penalties and citations is matched only by the magnitude of the hazards to workers which resulted from corporate indifference to worker safety and health, and severe cutbacks in the maintenance and repair programs needed to remove those hazards." +20103006 OSHA said there have been three worker fatalities at the two plants in the past two years and 17 deaths since 1972. +20103007 Gerard Scannell, the head of OSHA, said USX managers have known about many of the safety and health deficiencies at the plants for years, "yet have failed to take necessary action to counteract the hazards." +20103008 "Particularly flagrant," Mrs. Dole said, "are the company's numerous failures to properly record injuries at its Fairless works, in spite of the firm promise it had made in an earlier corporate-wide settlement agreement to correct such discrepancies." +20103009 That settlement was in April 1987. +20103010 A USX spokesman said the company hadn't yet received any documents from OSHA regarding the penalty or fine. +20103011 "Once we do, they will receive very serious evaluation," the spokesman said. +20103012 "No consideration is more important than the health and safety of our employees." +20103013 USX said it has been cooperating with OSHA since the agency began investigating the Clairton and Fairless works. +20103014 He said that, if and when safety problems were identified, they were corrected. +20103015 The USX citations represented the first sizable enforcement action taken by OSHA under Mr. Scannell. +20103016 He has promised stiffer fines, though the size of penalties sought by OSHA have been rising in recent years even before he took office this year. +20103017 "The big problem is that USX management has proved unwilling to devote the necessary resources and manpower to removing hazards and to safeguarding safety and health in the plants," said Linda Anku, OSHA regional administrator in Philadelphia. +20103018 USX has 15 working days to contest the citations and proposed penalties, before the independent Occupational Safety and Health Review Commission. +20103019 Before the USX case, OSHA's largest proposed fine for one employer was $4.3 million for alleged safety violations at John Morrell & Co., a meatpacking subsidiary of United Brands Co., Cincinnati. +20103020 The company is contesting the fine. +20104001 Due to an editing error, a letter to the editor in yesterday's edition from Frederick H. Hallett mistakenly identified the NRDC. +20104002 It should be the Natural Resources Defense Council. +20105001 Your Oct. 6 editorial "The Ill Homeless" referred to research by us and six of our colleagues that was reported in the Sept. 8 issue of the Journal of the American Medical Association. +20105002 Your comments implied we had discovered that the "principal cause" of homelessness is to be found in the large numbers of mentally ill and substance-abusing people in the homeless population. +20105003 We have made no such statement. +20105004 It is clear that most mentally ill people and most alcoholics do not become homeless. +20105005 The "causes" of homelessness are poorly understood and complex in any individual case. +20105006 In quoting from our research you emphasized the high prevalance of mental illness and alcoholism. +20105007 You did not note that the homeless people we examined had a multitude of physical disorders in addition to their psychiatric problems and substance abuse. +20105008 They suffered from malnutrition, chest diseases, cardiovascular disorders, skin problems, infectious diseases and the aftereffects of assaults and rape. +20105009 Homeless people not only lack safety, privacy and shelter, they also lack the elementary necessities of nutrition, cleanliness and basic health care. +20105010 In a recent report, the Institute of Medicine pointed out that certain health problems may predispose a person to homelessness, others may be a consequence of it, and a third category is composed of disorders whose treatment is difficult or impossible if a person lacks adequate shelter. +20105011 The interactions between health and homelessness are complex, defying sweeping generalizations as to "cause" or "effect." +20105012 If we look to the future, preventing homelessness is an important objective. +20105013 This will require us to develop a much more sophisticated understanding of the dynamics of homelessness than we currently possess, an understanding that can be developed only through careful study and research. +20105014 William R. Breakey M.D. Pamela J. Fischer M.D. Department of Psychiatry Johns Hopkins University School of Medicine Baltimore +20105015 A study by Tulane Prof. James Wright says homelessness is due to a complex array of problems, with the common thread of poverty. +20105016 The study shows that nearly 40% of the homeless population is made up of women and children and that only 25% of the homeless exhibits some combination of drug, alcohol and mental problems. +20105017 According to Dr. Wright, homelessness is "simultaneously a housing problem, an employment problem, a demographic problem, a problem of social disaffiliation, a mental health problem, a family violence problem, a problem created by the cutbacks in social welfare spending, a problem resulting from the decay of the traditional nuclear family, and a problem intimately connected to the recent increase in the number of persons living below the poverty level." +20105018 Leighton E. Cluff M.D. President Robert Wood Johnson Foundation Princeton, N.J. +20105019 To quote the highly regarded director of a privately funded drop-in center for the homeless in New York: "If you're homeless, you don't sleep for fear of being robbed or murdered. +20105020 After your first three weeks of sleep deprivation, you're scarcely in touch with reality any more; without psychiatric treatment, you may well be unable to fend for yourself ever again." +20105021 Some of the homeless, obviously, had pre-existing mental illness or addiction. +20105022 But many others have fallen through cracks in the economy into the grim, brutal world of our city streets. +20105023 Once there, what ways of escape are open to them other than drink, drugs or insanity? +20105024 Maxwell R.D. Vos Brooklyn, N.Y. +20105025 You dismiss as "sentimental" the view that the reduction of federal housing-assistance programs by 77% might have played a significant role in the increased number of men and women sleeping on our city streets during the Reagan-Bush years. +20105026 There is no sign that you bothered to consider the inverse of your logic: namely, that mental illness and substance abuse might be to some degree consequences rather than causes of homelessness. +20105027 Your research stopped when a convenient assertion could be made. +20105028 Robert S. Jenkins Cambridge, Mass. +20105029 Of the approximately 200 sponsors of the recent march in Washington for the homeless, you chose to cite such groups as the National Association of Home Builders and the International Union of Bricklayers and Allied Craftsmen, insinuating that the march got its major support from self-serving groups that "know a good thing when they see it," and that the crusade was based on greed or the profit motive. +20105030 But isn't the desire for profit the driving force behind those who subscribe to, and advertise in, your paper? +20105031 Why didn't you mention the YMCA or the YWCA or Catholic Charities USA or a hundred other nonprofit organizations that participated in the march? +20105032 As for the findings on the 203 Baltimore homeless who underwent psychiatric examinations, I suggest you conduct your own survey. +20105033 Choose 203 business executives, including, perhaps, someone from your own staff, and put them out on the streets, to be deprived for one month of their homes, families and income. +20105034 I would predict that within a short time most of them would find Thunderbird a satisfactory substitute for Chivas Regal and that their "normal" phobias, anxieties, depressions and substance abuse would increase dramatically. +20105035 Ruth K. Nelson Cullowhee, N.C. +20106001 ROGERS COMMUNICATIONS Inc. said it plans to raise 175 million to 180 million Canadian dollars (US$148.9 million to $153.3 million) through a private placement of perpetual preferred shares. +20106002 Perpetual preferred shares aren't retractable by the holders, the company said. +20106003 Rogers said the shares will be convertible into Class B shares, but that the company has the option to redeem the shares before a conversion takes place. +20106004 A spokesman for the Toronto cable television and telecommunications concern said the coupon rate hasn't yet been fixed, but will probably be set at around 8%. +20106005 He declined to discuss other terms of the issue. +20107001 The House passed legislation designed to make it easier for the Transportation Department to block airline leveraged buy-outs. +20107002 The final vote came after the House rejected Republican efforts to weaken the bill and approved two amendments sought by organized labor. +20107003 The Bush administration has threatened to veto such a bill because of what it views as an undesirable intrusion into the affairs of industry, but the 300-113 vote suggests that supporters have the potential to override a veto. +20107004 The broader question is where the Senate stands on the issue. +20107005 While the Senate Commerce Committee has approved legislation similar to the House bill on airline leveraged buy-outs, the measure hasn't yet come to the full floor. +20107006 Although the legislation would apply to acquisitions involving any major airline, it is aimed at giving the Transportation Department the chance to review in advance transactions financed by large amounts of debt. +20107007 "The purpose of the bill is to put the brakes on airline acquisitions that would so load a carrier up with debt that it would impede safety or a carrier's ability to compete," Rep. John Paul Hammerschmidt, (R., Ark.) said. +20107008 The bill, as it was approved by the House Public Works and Transportation Committee, would give the Transportation Department up to 50 days to review any purchase of 15% or more of the stock in an airline. +20107009 The department would be required to block the buy-out if the acquisition is likely to financially weaken a carrier so that safety would be impaired; its ability to compete would be sharply diminished; it would be put into foreign control; or if the transaction would result in the sale of airline-related assets -- unless selling such assets had an overriding public benefit. +20107010 The House approved an amendment offered by Rep. Peter DeFazio (D., Ore.) that would, in addition to the previous criteria, also require the department to block the acquisition of an airline if the added debt incurred were likely to result in a reduction in the number of the carrier's employees, or their wages or benefits. +20107011 Rep. James Traficant (D., Ohio), said the amendment, which passed 271-147, would "let the American worker know that we consider them occasionally." +20107012 But Rep. Hammerschmidt said that the provision, which he dubbed a "special interest" amendment, was likely to make the bill even more controversial. +20107013 On Tuesday, the House approved a labor-backed amendment that would require the Transportation Department to reject airline acquisitions if the person seeking to purchase a carrier had run two or more airlines previously that have filed for protection from creditors under Chapter 11 of the federal Bankruptcy Code. +20107014 The provision, called the "two-time-losers" amendment by its supporters, apparently was aimed at preventing Texas Air Corp. Chairman Frank Lorenzo from attempting to take over another airline. +20108001 Follow-up report: +20108002 You now may drop by the Voice of America offices in Washington and read the text of what the Voice is broadcasting to those 130 million people around the world who tune in to it each week. +20108003 You can even take notes -- extensive notes, for the Voice folks won't look over your shoulder -- about what you read. +20108004 You can do all this even if you're not a reporter or a researcher or a scholar or a member of Congress. +20108005 And my newspaper can print the text of those broadcasts. +20108006 Until the other day, you as an ordinary citizen of this democracy had no right to see what your government was telling your cousins around the world. +20108007 That was the law. +20108008 And I apparently had no right to print hither what the Voice was booming to yon. +20108009 It was censorship. +20108010 It was outrageous. +20108011 And it was stupid. +20108012 The theory was that the Voice is a propaganda agency and this government shouldn't propagandize its own people. +20108013 That sounds neat, but this government -- any government -- propagandizes its own people every day. +20108014 Government press releases, speeches, briefings, tours of military facilities, publications are all propaganda of sorts. +20108015 Propaganda is just information to support a viewpoint, and the beauty of a democracy is that it enables you to hear or read every viewpoint and then make up your own mind on an issue. +20108016 The restrictions on viewing and dissemination of Voice material were especially absurd: An agency in the information business was not being allowed to inform. +20108017 In June 1988, I wrote in this space about this issue. +20108018 Assuming it wasn't one of those columns that you clipped and put on the refrigerator door, I'll review the facts. +20108019 The Voice of America is a government agency that broadcasts news and views -- some might say propaganda -- in 43 languages to 130 million listeners around the world. +20108020 It does a first-rate job. +20108021 Its budget$184 million -- is paid for by you. +20108022 But a 1948 law barred the "dissemination" of that material in the U.S. +20108023 The law let scholars, reporters and researchers read texts of VOA material, only at VOA headquarters in Washington, but it barred them from copying texts. +20108024 And, of course, there's that word "dissemination." +20108025 How's that again? +20108026 "You may come by the agency to read but not copy either manually or by photocopying," a Voice official explained when I asked. +20108027 What if I tune in my short-wave radio, transcribe an editorial or program, and print it in my newspaper? +20108028 "Nor are you free to reprint such material," I was advised. +20108029 That sounded a lot like censorship, so after years of letters and conversations that went nowhere, I sued. +20108030 A couple of weeks ago, I lost the case in federal district court in Des Moines. +20108031 At least, that's the way it was reported. +20108032 And, indeed, the lawsuit was dismissed. +20108033 But I -- I like to think of it in terms of we, all of us -- won the point. +20108034 For a funny thing happened on the way to the ruling: The United States Information Agency, which runs the Voice, changed its position on three key points. +20108035 -- The USIA said that, on reflection, of course I could print anything I could get my hands on. +20108036 The word dissemination, it decided, referred only to itself. +20108037 "The USIA officially and publicly declared the absolute right of everyone except the USIA to disseminate agency program materials in the United States," my lawyer, the scholarly Mark McCormick of Des Moines, said in a memo pointing out the facts and trying to make me feel good after the press reported that I had lost. +20108038 The court noted the new USIA position but, just in case, officially found "that Congress did not intend to preclude plaintiffs from disseminating USIA information domestically." +20108039 -- The USIA said that, on reflection, anyone could view the VOA materials, not just the reporters, scholars, researchers and congressmen who are mentioned in the statute. +20108040 "The USIA publicly and officially stated in the litigation that all persons are allowed access to the materials, notwithstanding the statutory designations, because the USIA has determined that it will not check the credentials of any person appearing and requesting to see the materials," Mr. McCormick noted. +20108041 -- And the USIA said that all of us could take extensive notes. +20108042 "The agency publicly and officially declared in the lawsuit that persons who examine the materials may make notes and, while the agency position is that persons may not take verbatim notes, no one will check to determine what notes a person has taken," Mr. McCormick reported. +20108043 I had sought, in my suit, the right to print Voice material, which had been denied me, and I had sought a right to receive the information, arguing in effect that a right to print government information isn't very helpful if I have no right to get the information. +20108044 But the court disagreed. +20108045 "The First Amendment proscribes the government from passing laws abridging the right to free speech," Judge Donald O'Brien ruled. +20108046 "The First Amendment does not prescribe a duty upon the government to assure easy access to information for members of the press." +20108047 So now the situation is this: +20108048 You have a right to read Voice of America scripts if you don't mind traveling to Washington every week or so and visiting the Voice office during business hours. +20108049 I have a right to print those scripts if I go there and laboriously -- but no longer surreptitiously -- copy them out in long hand. +20108050 But neither of us can copy the material on a Xerox machine or have it sent to us. +20108051 In an era when every government agency has a public-relations machine that sends you stuff whether you want it or not, this does seem odd. +20108052 Indeed, Judge O'Brien ruled that "it would be easy to conclude that the USIA's position is `inappropriate or even stupid,'" but it's the law. +20108053 So the next step, I suspect, is to try to get the law changed. +20108054 We (I assume you're in this with me at this point) need to get three words -- "for examination only" -- eliminated from the law. +20108055 Section 501 of the United States Information and Educational Exchange Act of 1948 says Voice material shall be available to certain of us (but now, thanks to the USIA's new position, all of us) "for examination only." +20108056 If those words weren't there, the nice people at the Voice would be able to send you the information or, at the very least, let you photocopy it. +20108057 This is not a trivial issue. +20108058 "You have . . . raised important questions which ought to be answered: What does USIA say about America abroad; how do we say it; and how can American taxpayers get the answers to these questions?" a man wrote me a couple of years ago. +20108059 The man was Charles Z. Wick. +20108060 At the time, he was director of the +20108061 He had no answers then. +20108062 Now there are some. +20108063 This democracy is suddenly a little more democratic. +20108064 I feel pretty good about it. +20108065 Mr. Gartner is editor and co-owner of the Daily Tribune in Ames, Iowa, and president of NBC News in New York. +20109001 R. Gordon McGovern was forced out as Campbell Soup Co.'s president and chief executive officer, the strongest evidence yet of the power that Dorrance family members intend to wield in reshaping the troubled food company. +20109002 Herbert M. Baum, the 53-year-old president of the company's Campbell U.S.A. unit, and Edwin L. Harper, 47, the chief financial officer, will run Campbell as a team, dividing responsibilities rather evenly until a successor is named. +20109003 The board already has been searching for strong outside candidates, including food-industry executives with considerable international experience. +20109004 Wall Street reacted favorably to Mr. McGovern's departure and its implications. +20109005 In heavy trading on the New York Stock Exchange, Campbell's shares rose $3.375 to close at $47.125. +20109006 "The profit motive of the major shareholders has clearly changed for the better," said John McMillin, a food industry analyst for Prudential-Bache in New York. +20109007 Mr. McGovern was widely seen as sales, and not profit, oriented. +20109008 "New managers would think a little more like Wall Street," Mr. McMillin added. +20109009 Some of the surge in the stock's price appeared to be linked to revived takeover speculation, which has contributed to volatility of Campbell shares in recent months. +20109010 Campbell's international businesses, particularly in the U.K. and Italy, appear to be at the heart of its problems. +20109011 Growth has fallen short of targets and operating earnings are far below results in U.S. units. +20109012 For example, Campbell is a distant third in the U.K. frozen foods market, where it recently paid 24 times earnings for Freshbake Foods PLC and wound up with far more capacity than it could use. +20109013 Similarly, Campbell's Italian biscuit operation, D. Lazzaroni & Co., has been hurt by overproduction and distribution problems. +20109014 Such problems will require considerable skill to resolve. +20109015 However, neither Mr. Baum nor Mr. Harper has much international experience. +20109016 Mr. Baum, a seasoned marketer who is said to have a good rapport with Campbell employees, will have responsibility for all domestic operations except the Pepperidge Farm unit. +20109017 Mr. Harper, a veteran of several manufacturing companies who joined Campbell in 1986, will take charge of all overseas operations as well as Pepperidge. +20109018 In an joint interview yesterday, both men said they would like to be the company's next chief executive. +20109019 Mr. McGovern, 63, had been under intense pressure from the board to boost Campbell's mediocre performance to the level of other food companies. +20109020 The board is dominated by the heirs of the late John T. Dorrance Jr., who controlled about 58% of Campbell's stock when he died in April. +20109021 In recent months, Mr. Dorrance's children and other family members have pushed for improved profitability and higher returns on their equity. +20109022 In August, the company took a $343 million pretax charge against fiscal 1989 earnings when it announced a world-wide restructuring plan. +20109023 The plan calls for closing at least nine plants and eliminating about 3,600 jobs. +20109024 But analysts said early results from the reorganization have been disappointing, especially in Europe, and there were signs that the board became impatient. +20109025 Campbell officials said Mr. McGovern wasn't available yesterday to discuss the circumstances of his departure. +20109026 The company's prepared statement quoted him as saying, "The CEO succession is well along and I've decided for personal reasons to take early retirement." +20109027 But people familiar with the agenda of the board's meeting last week in London said Mr. McGovern was fired. +20109028 Mr. McGovern himself had said repeatedly that he intended to stay on until he reached the conventional retirement age of 65 in October 1991, "unless I get fired." +20109029 Campbell said Mr. McGovern had withdrawn his name as a candidate for re-election as a director at the annual shareholder meeting, scheduled for Nov. 17. +20109030 For fiscal 1989, Mr. McGovern received a salary of $877,663. +20109031 He owns about 45,000 shares of Campbell stock and has options to buy more than 100,000 additional shares. +20109032 He will be eligible for an annual pension of more than $244,000 with certain other fringe benefits. +20109033 During Mr. McGovern's nine-year term as president, the company's sales rose to $5.7 billion from $2.8 billion and net income increased to $274 million from $130 million, the statement said. +20109034 Mr. Baum said he and Mr. Harper both advocated closing some plants as long ago as early 1988. +20109035 "You've got to make the restructuring work," said Mr. Baum. +20109036 "You've got to make those savings now." +20109037 Mr. Harper expressed confidence that he and Mr. Baum can convince the board of their worthiness to run the company. +20109038 "We look upon this as a great opportunity to prove the fact that we have a tremendous management team," he said. +20109039 He predicted that the board would give the current duo until early next year before naming a new chief executive. +20109040 Mr. Baum said the two have orders to "focus on bottom-line profits" and to "take a hard look at our businesses -- what is good, what is not so good." +20109041 Analysts generally applaud the performance of Campbell U.S.A., the company's largest division, which posted 6% unit sales growth and a 15% improvement in operating profit for fiscal 1989. +20109042 "The way that we've been managing Campbell U.S.A. can hopefully spread to other areas of the company," Mr. Baum said. +20109043 In the interview at headquarters yesterday afternoon, both men exuded confidence and seemed to work well together. +20109044 "You've got two champions sitting right before you," said Mr. Baum. +20109045 "We play to win. +20110001 Wednesday, November 1, 1989 +20110002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +20110003 PRIME RATE: 10 1/2%. +20110004 The base rate on corporate loans at large U.S. money center commercial banks. +20110005 FEDERAL FUNDS: 9 1/2% high, 8 3/4% low, 8 3/4% near closing bid, 9% offered. +20110006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +20110007 Source: Fulton Prebon (U.S.A.) Inc. +20110008 DISCOUNT RATE: 7%. +20110009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +20110010 CALL MONEY: 9 3/4%. +20110011 The charge on loans to brokers on stock exchange collateral. +20110012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.55% 30 to 44 days; 8.25% 45 to 59 days; 8.45% 60 to 89 days; 8% 90 to 119 days; 7.90% 120 to 149 days; 7.80% 150 to 179 days; 7.55% 180 to 270 days. +20110013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.65% 30 days; 8.575% 60 days; 8.50% 90 days. +20110014 CERTIFICATES OF DEPOSIT: 8.07% one month; 8.06% two months; 8.04% three months; 7.95% six months; 7.88% one year. +20110015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +20110016 The minimum unit is $100,000. +20110017 Typical rates in the secondary market: 8.60% one month; 8.55% three months; 8.35% six months. +20110018 BANKERS ACCEPTANCES: 8.50% 30 days; 8.48% 60 days; 8.30% 90 days; 8.15% 120 days; 8.07% 150 days; 7.95% 180 days. +20110019 Negotiable, bank-backed business credit instruments typically financing an import order. +20110020 LONDON LATE EURODOLLARS: 8 3/4% to 8 5/8% one month; 8 13/16% to 8 11/16% two months; 8 3/4% to 8 5/8% three months; 8 5/8% to 8 1/2% four months; 8 1/2% to 8 7/16% five months; 8 1/2% to 8 3/8% six months. +20110021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 3/4% one month; 8 3/4% three months; 8 1/2% six months; 8 7/16% one year. +20110022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +20110023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +20110024 These rate indications aren't directly comparable; lending practices vary widely by location. +20110025 TREASURY BILLS: Results of the Monday, October 30, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.78% 13 weeks; 7.62% 26 weeks. +20110026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +20110027 9.82%, standard conventional fixed-rate mortgages; 8.25%, 2% rate capped one-year adjustable rate mortgages. +20110028 Source: Telerate Systems Inc. +20110029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.75%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +20110030 Source: Telerate Systems Inc. +20110031 MERRILL LYNCH READY ASSETS TRUST: 8.64%. +20110032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +20111001 Robert L. Bernstein, chairman and president of Random House Inc., announced his resignation from the publishing house he has run for 23 years. +20111002 A successor wasn't named, which fueled speculation that Mr. Bernstein may have clashed with S.I. Newhouse Jr., whose family company, Advance Publications Inc., owns Random House. +20111003 Abrupt departures aren't unheard of within the Newhouse empire. +20111004 In an interview, Mr. Bernstein said his departure "evolved out of discussions with Si Newhouse and that's the decision I reached." +20111005 He declined to elaborate, other than to say, "It just seemed the right thing to do at this minute. +20111006 Sometimes you just go with your gut." +20111007 Mr. Bernstein said he will stay until Dec. 31 and work with his successor, who is to be named soon. +20111008 Mr. Newhouse, meanwhile, insisted that he isn't unhappy with Mr. Bernstein or the performance of Random House, the largest trade publishing house in the U.S. +20111009 The company said the publisher's annual sales volume increased to $800 million from $40 million during Mr. Bernstein's tenure. +20111010 "Bob has handled the extraordinary growth of the company quite brilliantly," said Mr. Newhouse. +20111011 "The company is doing well, it's stable, it's got good people. +20111012 Bob has an agenda and this seemed like the natural time." +20111013 Publishing officials believe that while Random House has enjoyed spectacular growth and has smoothly integrated many acquisitions in recent years, some of the bigger ones haven't been absorbed so easily. +20111014 Crown Publishing Group, acquired last year, is said to be turning in disappointing results. +20111015 As a private company, Random House doesn't report its earnings. +20111016 Mr. Bernstein, who succeeded Bennett Cerf, has been only the second president of Random House since it was founded in 1925. +20111017 Speculation on his successor centers on a number of division heads at the house. +20111018 Possible candidates include Susan Petersen, president of Ballantine/Del Rey/Fawcett, Random House's huge and successful paperback division. +20111019 Some say Anthony Cheetham, head of a recently acquired British company, Century Hutchinson, could be chosen. +20111020 There is also speculation that Mr. Newhouse could bring in a powerhouse businessman or another Newhouse family member to run the business side, in combination with a publishing executive like Robert Gottlieb, who left Random House's Alfred A. Knopf to run the New Yorker, also owned by the Newhouse family. +20111021 Not included on the most-likely-successor list are Joni Evans, recruited two years ago to be publisher of adult trade books for Random House, and Sonny Mehta, president of the prestigious Alfred A. Knopf unit. +20111022 When Ms. Evans took her job, several important divisions that had reported to her predecessor weren't included partly because she didn't wish to be a full-time administrator. +20111023 Mr. Mehta is widely viewed as a brilliant editor but a less-than-brilliant administrator and his own departure was rumored recently. +20111024 Mr. Bernstein, a tall, energetic man who is widely respected as a publishing executive, has spent much of his time in recent years on human rights issues. +20112001 Congress learned during the Reagan administration that it could intimidate the executive branch by uttering again and again the same seven words: "Provided, that no funds shall be spent. . . ." +20112002 This phrase once again is found throughout the many appropriations bills now moving through Congress. +20112003 It signals Congress's attempt, under the pretext of guarding the public purse, to deny the president the funding necessary to execute certain of his duties and prerogatives specified in Article II of the Constitution. +20112004 This species of congressional action is predicated on an interpretation of the appropriations clause that is erroneous and unconstitutional. +20112005 The appropriations clause states that "No Money shall be drawn from the Treasury, but in Consequence of Appropriations made by Law. . . ." +20112006 The prevailing interpretation of the clause on Capitol Hill is that it gives Congress an omnipresent veto over every conceivable action of the president through the ability to withhold funding. +20112007 This interpretation was officially endorsed by Congress in 1987 in the Iran-Contra Report. +20112008 As partisans of congressional power understand, a "power of the purse" so broadly construed would emasculate the presidency and swallow the principle of separation of powers. +20112009 It is not supported by the text or history of the Constitution. +20112010 The framers hardly discussed the appropriations clause at the Constitutional Convention of 1787, according to Madison's notes. +20112011 To the extent they did, their concern was to ensure fiscal accountability. +20112012 Moreover, the framers believed that the nation needed a unitary executive with the independence and resources to perform the executive functions that the Confederation Congress had performed poorly under the Articles of Confederation. +20112013 It would contradict that objective if the appropriations clause (technically a limitation on legislative power) could be read as placing the president on Congress's short leash, making the executive consist of the president and every member of Congress. +20112014 As it went to the conference panel now deliberating, the appropriations bill for the executive office of the president for fiscal 1990 contained some breathtaking attempts by Congress to rewrite the Constitution under the pretext of protecting the public's money. +20112015 During the coming weeks, President Bush must decide whether to veto the bills containing them -- or, alternatively, to sign these bills into law with a statement declaring their intrusions on executive power to be in violation of Article II, and thus void and severable. +20112016 The 1990 appropriations legislation attempts to strip the president of his powers to make certain appointments as provided by Article II. +20112017 Article II places on the president the duty to nominate, "and by and with the Advice and Consent of the Senate" appoint, ambassadors, judges, and other officers of the U.S. +20112018 It also empowers the president to make recess appointments, without Senate approval: "The President shall have Power to fill up all Vacancies that may happen during the Recess of the Senate, by granting Commissions which shall expire at the End of their next Session." +20112019 Yet Section 605 of the appropriations bill for the executive office provides: "No part of any appropriation for the current fiscal year contained in this or any other Act shall be paid to any person for the filling of any position for which he or she has been nominated after the Senate has voted not to approve the nomination of said person." +20112020 Thus, with one brief passage in an appropriations bill, Congress repeals the president's power to make recess appointments under Article II. +20112021 Section 605 also imposes unconstitutional conditions on the president's ability to nominate candidates of his choosing. +20112022 The language of the appropriations rider implies that any nomination to any position of a rejected nominee will result in the president being denied funding to pay that person's salary. +20112023 The president could probably not avoid this restriction by choosing people willing to serve without pay, because the Anti-Deficiency Act prohibits voluntary service to the government. +20112024 The 1990 appropriations bills also contain a number of "muzzling" provisions that violate the recommendation clause in Article II of the Constitution. +20112025 Muzzling provisions, which might be called "blindfold laws" as well, prevent the executive branch from even looking at certain policy options, let alone from recommending them to Congress. +20112026 Such laws violate the provision in Article II that requires the president to make recommendations to Congress, but which gives the president the discretion to select the subject matter of those recommendations. +20112027 Typically, these laws seek to prevent executive branch officials from inquiring into whether certain federal programs make any economic sense or proposing more market-oriented alternatives to regulations. +20112028 Probably the most egregious example is a proviso in the appropriations bill for the executive office that prevents the president's Office of Management and Budget from subjecting agricultural marketing orders to any cost-benefit scrutiny. +20112029 There is something inherently suspect about Congress's prohibiting the executive from even studying whether public funds are being wasted in some favored program or other. +20112030 Perhaps none of the unconstitutional conditions contained in the appropriations bills for fiscal 1990 better illustrates Congress's attempt to usurp executive power than Section 609 of the executive-office bill: "None of the funds made available pursuant to the provisions of this Act shall be used to implement, administer, or enforce any regulation which has been disapproved pursuant to a resolution of disapproval duly adopted in accordance with the applicable law of the United States." +20112031 This provision amounts to a legislative veto over the president's execution of the law, since a one-house resolution could be said to be "duly adopted" even though it would require neither bicameral action in Congress nor presentation to the president for his signature or veto. +20112032 The Supreme Court's decision in INS v. Chadha held that legislative vetoes are unconstitutional. +20112033 President Bush should veto appropriations acts that contain these kinds of unconstitutional conditions on the president's ability to discharge his duties and exercise his prerogatives. +20112034 If President Bush fails to do so in his first year, he will invite Congress, for the remainder of his presidency, to rewrite Article II of the Constitution to suit its purposes. +20112035 What becomes custom in the Bush administration will only become more difficult for future presidents, including Democrats, to undo. +20112036 President Reagan learned that lesson. +20112037 By 1987, then-Speaker Jim Wright was discussing arms control in Moscow with Mikhail Gorbachev and then attempting to direct the president, through an appropriations rider, to treat the Soviets as though the Senate had ratified SALT II. +20112038 If a veto is unworkable because it would leave part of the executive branch unfunded, the president could sign the appropriations bills into law and assert a power of excision, declaring the rider restricting his Article II powers to be unconstitutional and severable. +20112039 The Constitution does not expressly give the president such power. +20112040 However, the president does have a duty not to violate the Constitution. +20112041 The question is whether his only means of defense is the veto. +20112042 Excision of appropriations riders that trespass on the president's duties and prerogative under Article II would be different from the line-item veto. +20112043 As discussed in the context of controlling federal spending, the line-item veto is characterized as a way for the president to excise perfectly constitutional provisions in a spending bill that are objectionable merely because they conflict with his policy objectives. +20112044 The excision of unconstitutional conditions in an appropriations bill would be a power of far more limited applicability. +20112045 One could argue that it is not an assertion of a item veto at all for the president, by exerting a power of excision, to resist unconstitutional conditions in legislation that violate the separation of powers. +20112046 There is no downside if the president asserts a right of excision over unconstitutional conditions in the fiscal 1990 appropriations bills. +20112047 If Congress does nothing, President Bush will have won. +20112048 If Congress takes the dispute to the Supreme Court (assuming it can establish standing to sue), President Bush might win. +20112049 In that case, he might receive an opinion from the court that is a vindication of the president's right to perform the duties and exercise the prerogatives the framers thought should be entrusted to the executive. +20112050 If President Bush loses at the court, it might be disappointing, as Morrison v. Olson was for the Reagan administration. +20112051 But the presidency would be no worse off than it is now. +20112052 Moreover, the electorate would have received a valuable civics lesson in how the separation of powers works in practice. +20112053 As it stands now, Congress presumes after the Reagan administration that the White House will take unconstitutional provisions in appropriations bills lying down. +20112054 President Bush should set things straight. +20112055 If he does not, he will help realize Madison's fear in The Federalist No. 48 of a legislature "everywhere extending the sphere of its activity and drawing all powers into its impetuous vortex." +20112056 Mr. Sidak served as an attorney in the Reagan administration. +20112057 His longer analysis of executive power and the appropriations clause is to appear in the Duke Law Journal later this year. +20113001 Despite one of the most devastating droughts on record, net cash income in the Farm Belt rose to a new high of $59.9 billion last year. +20113002 The previous record was $57.7 billion in 1987, according to the Agriculture Department. +20113003 Net cash income -- the amount left in farmers' pockets after deducting expenses from gross cash income -- increased in 33 states in 1988, as the drought cut into crop yields and drove up commodity prices, the department's Economic Research Service reported yesterday. +20113004 Most of those states set farm income records. +20113005 The worst crop damage occurred in the Midwestern Corn Belt and the northern Great Plains. +20113006 What saved many farmers from a bad year was the opportunity to reclaim large quantities of grain and other crops that they had "mortgaged" to the government under price-support loan programs. +20113007 With prices soaring, they were able to sell the reclaimed commodities at "considerable profit," the agency's 240-page report said. +20113008 In less parched areas, meanwhile, farmers who had little or no loss of production profited greatly from the higher prices. +20113009 To the surprise of some analysts, net cash income rose in some of the hardest-hit states, including Indiana, Illinois, Nebraska and the Dakotas. +20113010 Analysts attributed the increases partly to the $4 billion disaster-assistance package enacted by Congress. +20113011 Last year's record net cash income confirms the farm sector's rebound from the agricultural depression of the early 1980s. +20113012 It also helps explain the reluctance of the major farm lobbies and many lawmakers to make any significant changes in the 1985 farm program next year. +20113013 Commodity prices have been rising in recent years, with the farm price index hitting record peaks earlier this year, as the government curtailed production with land-idling programs to reduce price-depressing surpluses. +20113014 At the same time, export demand for U.S. wheat, corn and other commodities strengthened, said Keith Collins, a department analyst. +20113015 Farmers also benefited from strong livestock prices, as the nation's cattle inventory dropped close to a 30-year low. +20113016 "All of these forces came together in 1988 to benefit agriculture," Mr. Collins said. +20113017 California led the nation with $6.5 billion in net cash income last year, followed by Texas, $3.9 billion; Iowa, $3.4 billion; Florida, $3.1 billion; and Minnesota, $2.7 billion. +20113018 Iowa and Minnesota were among the few major farm states to log a decline in net cash income. +20113019 Despite federal disaster relief, the drought of 1988 was a severe financial setback for an estimated 10,000 to 15,000 farmers, according to the department. +20113020 Many lost their farms. +20113021 Department economists don't expect 1989 to be as good a year as 1988 was. +20113022 Indeed, net cash income is likely to fall this year as farm expenses rise and government payments to farmers decline. +20113023 At the same time, an increase of land under cultivation after the drought has boosted production of corn, soybeans and other commodities, causing a fall in prices that has been only partly cushioned by heavy grain buying by the Soviets. +20113024 Last year, government payments to farmers slipped to less than $14.5 billion from a record $16.7 billion in 1987. +20113025 Payments are expected to range between $9 billion and $12 billion this year. +20114001 After years of struggling, the Los Angeles Herald Examiner will publish its last edition today, shut down by its parent, Hearst Corp., following unsuccessful efforts to sell the venerable newspaper. +20114002 The demise of the 238,000-circulation Herald, once the nation's largest afternoon newspaper with circulation exceeding 700,000, turns the country's second-largest city into a one-newspaper town, at least in some senses. +20114003 The Los Angeles Times, with a circulation of more than 1.1 million, dominates the region. +20114004 But it faces stiff competition in Orange County from the Orange County Register, which sells more than 300,000 copies a day, and in the San Fernando Valley from the Los Angeles Daily News, which sells more than 170,000. +20114005 Nearby cities such as Pasadena and Long Beach also have large dailies. +20114006 In July, closely held Hearst, based in New York, put the paper on the block. +20114007 Speculation had it that the company was asking $100 million for an operation said to be losing about $20 million a year, but others said Hearst might have virtually given the paper away. +20114008 An attempted buy-out led by John J. McCabe, chief operating officer, never materialized, and a stream of what one staff member dismissed as "tire-kickers and lookee-loos" had filed through since. +20114009 The prospective buyers included investor Marvin Davis and the Toronto Sun. +20114010 The death of the Herald, a newsstand paper in a freeway town, was perhaps inevitable. +20114011 Los Angeles is a sprawling, balkanized newspaper market, and advertisers seemed to feel they could buy space in the mammoth Times, then target a particular area with one of the regional dailies. +20114012 The Herald was left in limbo. +20114013 Further, the Herald seemed torn editorially between keeping its old-time Hearst readership -- blue-collar and sports-oriented -- and trying to provide a sprightly, upscale alternative to the sometimes staid Times. +20114014 Hearst had flirted with a conversion to tabloid format for years but never executed the plan. +20114015 The Herald joins the Baltimore News-American, which folded, and the Boston Herald-American, which was sold, as cornerstones of the old Hearst newspaper empire abandoned by the company in the 1980s. +20114016 Many felt Hearst kept the paper alive as long as it did, if marginally, because of its place in family history. +20114017 Its fanciful offices were designed by architect Julia Morgan, who built the Hearst castle at San Simeon. +20114018 William Randolph Hearst had kept an apartment in the Spanish Renaissance-style building. +20114019 Analysts said the Herald's demise doesn't necessarily represent the overall condition of the newspaper industry. +20114020 "The Herald was a survivor from a bygone age," said J. Kendrick Noble, a media analyst with PaineWebber Inc. +20114021 "Actually, the long deterioration in daily newspapers shows signs of coming to an end, and the industry looks pretty healthy." +20114022 Founded as the Examiner in 1903 by Mr. Hearst, the Herald was crippled by a bitter, decade-long strike that began in 1967 and cut circulation in half. +20114023 Financially, it never recovered; editorially, it had its moments. +20114024 In 1979, Hearst hired editor James Bellows, who brightened the editorial product considerably. +20114025 He and his successor, Mary Anne Dolan, restored respect for the editorial product, and though in recent years the paper had been limping along on limited resources, its accomplishments were notable. +20114026 For example, the Herald consistently beat its much-larger rival on disclosures about Los Angeles Mayor Tom Bradley's financial dealings. +20114027 The Herald's sports coverage and arts criticism were also highly regarded. +20114028 Robert J. Danzig, vice president and general manager of Hearst Newspapers, stood up in the paper's newsroom yesterday and announced that no buyers had stepped forward and that the paper would fold, putting more than 730 full-time employees out of work. +20114029 Hearst said it would provide employees with a placement service and pay them for 60 days. +20114030 Some long-tenured employees will receive additional benefits, the company said. +20114031 Hours after the announcement, representatives of the Orange County Register were in a bar across the street recruiting. +20114032 The reaction in the newsroom was emotional. +20114033 "I've never seen so many people crying in one place at one time," said Bill Johnson, an assistant city editor. +20114034 "So Long, L.A." was chosen as the paper's final headline. +20114035 "I'm doing the main story, and I'm already two beers drunk," said reporter Andy Furillo, whom the Times hired away several years ago but who returned to the Herald out of preference. +20114036 His wife also works for the paper, as did his father. +20114037 Outside, a young pressman filling a news box with an extra edition headlined "Herald Examiner Closes" refused to take a reader's quarter. +20114038 "Forget it," he said as he handed her a paper. +20114039 "It doesn't make any difference now. +20115001 Olympia Broadcasting Corp. said it didn't make a $1.64 million semiannual interest payment due yesterday on $23.4 million of senior subordinated debentures. +20115002 The radio-station owner and programmer said it was trying to obtain additional working capital from its senior secured lenders and other financial institutions. +20115003 It said it needs to make the payment by Dec. 1 to avoid a default that could lead to an acceleration of the debt. +20115004 In September, the company said it was seeking offers for its five radio stations in order to concentrate on its programming business. +20116001 If you'd really rather have a Buick, don't leave home without the American Express card. +20116002 Or so the slogan might go. +20116003 American Express Co. and General Motors Corp.'s beleaguered Buick division are joining forces in a promotion aimed at boosting Buick's sales while encouraging broader use of the American Express card. +20116004 The companies are giving four-day vacations for two to Buick buyers who charge all or part of their down payments on the American Express green card. +20116005 They have begun sending letters explaining the program, which began Oct. 18 and will end Dec. 18, to about five million card holders. +20116006 Neither company would disclose the program's cost. +20116007 Buick approached American Express about a joint promotion because its card holders generally have a "good credit history" and are "good at making payments," says a spokeswoman for the division. +20116008 American Express also represents the upscale image "we're trying to project," she adds. +20116009 Buick has been seeking for the past few years to restore its reputation as "the doctor's car" -- a product for upscale professionals. +20116010 Sales were roughly flat in the 1989 model year compared with a year earlier, though industry sales fell. +20116011 But since the 1990 model year began Oct. 1, Buick sales have plunged 33%. +20116012 For American Express, the promotion is part of an effort to broaden the use of its card for retail sales, where the company expects to get much of the future growth in its card business. +20116013 Traditionally, the card has been used mainly for travel and entertainment expenses. +20116014 Phillip Riese, an American Express executive vice president, says the promotion with Buick is his company's first with an auto maker, but "hopefully {will be} the first of many" in the company's effort to promote its green card as "the total car-care card." +20116015 To that end, American Express has been signing up gasoline companies, car repair shops, tire companies and car dealers to accept the card. +20116016 Many auto dealers now let car buyers charge part or all of their purchase on the American Express card, but few card holders realize this, Mr. Riese says. +20116017 Until now, however, buyers who wanted to finance part of a car purchase through General Motors Acceptance Corp. couldn't put their down payment on a charge card because of possible conflicts with truth-in-lending and state disclosure laws over finance rates, says a spokesman for the GM finance arm. +20116018 But GMAC approved the Buick program, he says, because the American Express green card requires payment in full upon billing, and so doesn't carry any finance rates. +20116019 Mr. Riese says American Express considers GM and Buick "very sophisticated direct-mail marketers," so "by joining forces with them we have managed to maximize our direct-mail capability." +20116020 In addition, Buick is a relatively respected nameplate among American Express card holders, says an American Express spokeswoman. +20116021 When the company asked members in a mailing which cars they would like to get information about for possible future purchases, Buick came in fourth among U.S. cars and in the top 10 of all cars, the spokeswoman says. +20116022 American Express has more than 24 million card holders in the U.S., and over half have the green card. +20116023 GMAC screened the card-member list for holders more than 30 years old with household incomes over $45,000 who hadn't "missed any payments," the Buick spokeswoman says. +20116024 Some 3.8 million of the five million who will get letters were preapproved for credit with GMAC. +20116025 These 3.8 million people also are eligible to get one percentage point off GMAC's advertised finance rates, which start at 6.9% for two-year loan contracts. +20116026 A spokesman for Visa International's U.S. subsidiary says his company is using promotions to increase use of its cards, but doesn't have plans for a tie-in similar to the American Express-Buick link. +20116027 Three divisions at American Express are working with Buick on the promotion: the establishment services division, which is responsible for all merchants and companies that accept the card; the travel division; and the merchandise sales division. +20116028 The vacation packages include hotel accommodations and, in some cases, tours or tickets to local attractions, but not meals. +20116029 Destinations are Chicago; Honolulu; Las Vegas, Nev.; Los Angeles; Miami Beach, Fla.; New Orleans; New York; Orlando, Fla.; San Francisco; and Washington, D.C. +20116030 A buyer who chooses to fly to his destination must pay for his own ticket but gets a companion's ticket free if they fly on United Airlines. +20116031 In lieu of the vacation, buyers can choose among several prizes, including a grandfather clock or a stereo videocassette recorder. +20116032 Card holders who receive the letter also are eligible for a sweepstakes with Buick cars or a Hawaii vacation as prizes. +20116033 If they test-drive a Buick, they get an American Express calculator. +20116034 This isn't Buick's first travel-related promotion. +20116035 A few years ago, the company offered two round-trip tickets on Trans World Airlines to buyers of its Riviera luxury car. +20116036 The promotion helped Riviera sales exceed the division's forecast by more than 10%, Buick said at the time. +20117001 The United Kingdom High Court declared illegal a variety of interest-rate swap transactions and options deals between a London borough council and commercial banks. +20117002 The ruling could lead to the cancellation of huge bank debts the London Borough of Hammersmith and Fulham ran up after losing heavily on swap transactions. +20117003 As many as 70 U.K. and international banks stand to lose several hundred million pounds should the decision be upheld and set a precedent for other municipalities. +20117004 An appeal is expected. +20117005 In response to the ruling, gilt futures swiftly plunged more than a point yesterday before recovering much of the loss by the end of the session. +20117006 Gilts, or British government bonds, which also fell sharply initially, retraced some of the losses to end about 3/8 point lower. +20117007 The council, which is alleged to have engaged in over 600 deals valued at over #6 billion ($9.5 billion), lost millions of pounds from soured swap deals. +20117008 At one point, Hammersmith is reported to have accounted for as much as 10% of the sterling market in interest-rate swap dealings. +20117009 When two parties engage in an interest-rate swap, they are betting against each other on future rates. +20117010 Thus, an institution obligated to make fixed-rate interest payments on debt swaps the payments with another making floating-rate payments. +20117011 In most of the British transactions, the municipalities agreed to make floating-rate payments to banks, which would make fixed-rate payments. +20117012 As interest rates rose, municipalities owed the banks more than the banks were paying them. +20117013 The court hearing began in early October at the request of Anthony Hazell, district auditor for Hammersmith, who argued that local councils aren't vested with constitutional authority to engage in such capital-markets activities. +20117014 The council backed the audit commission's stand that the swap transactions are illegal. +20117015 Although the Hammersmith and Fulham council was by far the most active local authority engaging in such capital-markets transactions, the court decision could set a precedent for similar transactions by 77 other local councils. +20117016 "While this court ruling was only on Hammersmith, it will obviously be very persuasive in other cases of a similar nature," a solicitor representing one of the banks said. +20117017 Already, 10 local councils have refused to honor fees and payments to banks incurred during various swaps dealings. +20117018 Other financial institutions involved include Barclays Bank PLC, Midland Bank PLC, Security Pacific Corp., Chemical Banking Corp.'s Chemical Bank, Citicorp's Citibank and Mitsubishi Finance International. +20117019 If the banks exhaust all avenues of appeal, it is possible that they would seek to have the illegality ruling work both ways, some market sources said. +20117020 Banks could seek to recover payments to local authorities in instances where the banks made net payments to councils. +20117021 Officials from the various banks involved are expected to meet during the next few days to consider other arrangements with local authorities that could be questionable. +20117022 The banks have 28 days to file an appeal against the ruling and are expected to do so shortly. +20118001 In the aftermath of the stock market's gut-wrenching 190-point drop on Oct. 13, Kidder, Peabody & Co.'s 1,400 stockbrokers across the country began a telephone and letter-writing campaign aimed at quashing the country's second-largest program trader. +20118002 The target of their wrath? +20118003 Their own employer, Kidder Peabody. +20118004 Since October's minicrash, Wall Street has been shaken by an explosion of resentment against program trading, the computer-driven, lightning-fast trades of huge baskets of stocks and futures that can send stock prices reeling in minutes. +20118005 But the heated fight over program trading is about much more than a volatile stock market. +20118006 The real battle is over who will control that market and reap its huge rewards. +20118007 Program trading itself, according to many academics who have studied it, is merely caught in the middle of this battle, unfairly labeled as the evil driving force of the marketplace. +20118008 The evidence indicates that program trading didn't, in fact, cause the market's sharp fall on Oct. 13, though it may have exacerbated it. +20118009 On one side of this power struggle stand the forces in ascendency on Wall Street -- the New Guard -- consisting of high-tech computer wizards at the major brokerage firms, their pension fund clients with immense pools of money, and the traders at the fast-growing Chicago futures exchanges. +20118010 These are the main proponents of program trading. +20118011 Defending their ramparts are Wall Street's Old Guard -- the traditional, stock-picking money managers, tens of thousands of stock brokers, the New York Stock Exchange's listed companies and the clannish floor traders, known as specialists, who make markets in their stocks. +20118012 So far, Wall Street's Old Guard seems to be winning the program-trading battle, successfully mobilizing public and congressional opinion to bludgeon their tormentors. +20118013 The Chicago Mercantile Exchange, a major futures marketplace, yesterday announced the addition of another layer of trading halts designed to slow program traders during a rapidly falling stock market, and the Big Board is expected today to approve some additional restrictions on program trading. +20118014 Stung by charges that their greed is turning the stock market into a gigantic crapshoot, almost all the big investment banking houses have abandoned index arbitrage, a common form of program trading, for their own accounts in the past few days. +20118015 A few, such as giant Merrill Lynch & Co., now refuse even to do index arbitrage trades for clients. +20118016 The Old Guard's assault on program trading and its practitioners has been fierce and broad-based, in part because some Old Guard members feel their very livelihood is at stake. +20118017 Some, such as traditional money manager Neuberger & Berman, have taken out national newspaper advertisements demanding that market regulators "stop the numbers racket on Wall Street." +20118018 Big Board stock specialists, in a bold palace revolt, began shortly after Oct. 13 to telephone the corporate executives of the companies whose stock is listed on the Big Board to have them pressure the exchange to ban program trading. +20118019 Charles Wohlstetter, the chairman of Contel Corp. who is rallying other CEOs to the anti-program trading cause, says he has received "countless" letters offering support. +20118020 "They said universally, without a single exception: Don't even compromise. +20118021 Kill it," he says. +20118022 Wall Street's New Guard isn't likely to take all this lying down for long, however. +20118023 Its new products and trading techniques have been highly profitable. +20118024 Program trading money managers have gained control over a big chunk of the invested funds in this country, and the pressures on such money managers to produce consistent profits has wedded them to the ability to move rapidly in and out the market that program trading gives them. +20118025 What's more, the last time major Wall Street firms said they were getting out of program trading -- in the aftermath of the 1987 crash -- they waited a few months and then sneaked back into it. +20118026 Even some members of the Old Guard, despite their current advantage, seem to be conceding that the future belongs with the New Guard. +20118027 Last week, Robert M. Bradley, one of the Big Board's most respected floor traders and head of a major traders' organization, surrendered. +20118028 He sold his exchange seat and wrote a bitter letter to Big Board Chairman John J. Phelan Jr. in which he said the Big Board is too focused on machines, rather than people. +20118029 He said the exchange is "headed for a real crisis" if program trading isn't curbed. +20118030 "I do not want my money invested in what I consider as nothing more than a casino," Mr. Bradley wrote. +20118031 The battle has turned into a civil war at some firms and organizations, causing internal contradictions and pitting employee against employee. +20118032 At Kidder, a unit of General Electric Co., and other big brokerage firms, stockbrokers battle their own firm's program traders a few floors away. +20118033 Corporations like Contel denounce program trading, yet Contel has in the past hired pension fund managers like Bankers Trust Co. that are also big program traders. +20118034 The Big Board -- the nation's premier stock exchange -- is sharply divided between its floor traders and its top executives. +20118035 Its entrenched 49 stock specialists firms are fighting tooth and nail against programs. +20118036 But the Big Board's leadership -- over the specialists' protests -- two weeks ago began trading a new stock "basket" product designed to facilitate program trading. +20118037 "A lot of people would like to go back to 1970," before program trading, Mr. Phelan said this week. +20118038 "I would like to go back to 1970. +20118039 But we are not going back to 1970." +20118040 Again and again, program-trading's critics raise the "casino" theme. +20118041 They say greedy market manipulators have made a shambles of the nation's free-enterprise system, turning the stock market into a big gambling den, with the odds heavily stacked against the small investor. +20118042 "The public didn't come to the market to play a game; they can go to Off-Track Betting for that," says A. Brean Murray, chairman of Brean Murray, Foster Securities, a traditional money management firm. +20118043 The program traders, on the other hand, portray old-fashioned stock pickers as the Neanderthals of the industry. +20118044 Critics like Mr. Murray "are looking for witches, and people who use computers to trade are a convenient boogieman," says J. Thomas Allen, president of Advanced Investment Management Inc., a Pittsburgh firm that runs a $200 million fund that uses index arbitrage. +20118045 "Just a blind fear of the unknown is causing them to beg the regulators for protection." +20118046 For all the furor, there is nothing particularly complex about the concept of stock-index arbitrage, the most controversial type of computer-assisted program trading. +20118047 Like other forms of arbitrage, it merely seeks to take advantage of momentary discrepancies in the price of a single product -- in this case, a basket of stocks -- in different markets -- in this case the New York Stock Exchange and the Chicago futures markets. +20118048 That divergence is what stock index traders seek. +20118049 When it occurs, the traders place orders via computers to buy the basket of stocks (such as the 500 stocks that constitute the Standard & Poor's 500 stock index) in whichever market is cheaper and sell them in the more expensive market; they lock in the difference in price as profit. +20118050 Such program trades, which can involve the purchase or sale of millions of dollars of stock, occur in a matter of seconds. +20118051 A program trade of $5 million of stock typically earns a razor-thin profit of $25,000. +20118052 To keep program-trading units profitable in the eyes of senior brokerage executives, traders must seize every opportunity their computers find. +20118053 The speed with which such program trades take place and the volatile price movements they can cause are what program trading critics profess to despise. +20118054 "If you continue to do this, the investor becomes frightened -- any investor: the odd lotter, mutual funds and pension funds," says Larry Zicklin, managing partner at Neuberger & Berman. +20118055 But many experts and traders say that program trading isn't the main reason for stock-market gyrations. +20118056 "I have not seen one iota of evidence" to support restrictions on program trading, says a Vanderbilt University finance professor, Hans Stoll, an authority on the subject. +20118057 Says the Big Board's Mr. Phelan, "Volatility is greater than program trading." +20118058 The Oct. 13 plunge was triggered not by program traders, but by news of the unraveling of the $6.79 billion buy-out of UAL Corp. +20118059 Unable to unload UAL and other airline shares, takeover-stock speculators, or risk arbitragers, dumped every blue-chip stock they had. +20118060 While program trades swiftly kicked in, a "circuit breaker" that halted trading in stock futures in Chicago made some program trading impossible. +20118061 Susan Del Signore, head trader at Travelers Investment Management Co., says critics are ignoring "the role the {takeover stock} speculator is taking in the market as a source of volatility." +20118062 Many arbs are "overleveraged," she says, and they "have to sell when things look like they fall apart." +20118063 Like virtually everything on Wall Street, the program-trading battle is over money, and the traditionalists have been losing out on bundles of it to the New Guard in recent years. +20118064 Take the traditional money managers, or "stock pickers," as they are derisively known among the computer jockeys. +20118065 Traditional stock managers like to charge 50 cents to 75 cents for every $100 they manage for big institutional investors, and higher fees for smaller investors. +20118066 Yet many such managers consistently fail to even keep up with, much less beat, the returns of standard benchmarks like the S&P +20118067 Not surprisingly, old-style money managers have been losing clients to giant stock-index funds that use computers to juggle portfolios so they mirror the S&P 500. +20118068 The indexers charge only a few pennies per $100 managed. +20118069 Today, about $200 billion, or 20% of all pension-fund stock investments, is held by index funds. +20118070 The new Wall Street of computers and automated trading threatens to make dinosaurs of the 49 Big Board stock-specialist firms. +20118071 These small but influential floor brokers long have earned fat returns of 30% to 40% a year on their capital, by virtue of their monopoly in making markets in individual stocks. +20118072 The specialists see any step to electronic trading as a death knell. +20118073 And they believe the Big Board, under Mr. Phelan, has abandoned their interest. +20118074 The son of a specialist and once one himself, Mr. Phelan has nonetheless been striving -- with products like the new stock basket that his former colleagues dislike so much -- to keep index funds and other program traders from taking their business to overseas markets. +20118075 Meanwhile, specialists' trading risks have skyrocketed as a result of stock-market volatility. +20118076 "When the sell programs hit, you can hear the order printers start to go" on the Big Board trading floor, says one specialist there. +20118077 "The buyers walk away, and the specialist is left alone" as the buyer of last resort for his stable of stocks, he contends. +20118078 No one is more unhappy with program trading than the nation's stockbrokers. +20118079 They are still trying to lure back small investors spooked by the 1987 stock-market crash and the market's swings since then. +20118080 "Small investors are absolutely dismayed that Wall Street is stacking the deck against them, and these wide swings are scaring them to death," says Raymond A. Mason, chairman of regional broker Legg Mason Inc. in Baltimore. +20118081 Stockbrokers' business and pay has been falling. +20118082 Last year, the average broker earned $71,309, 24% lower than in 1987. +20118083 Corporate executives resent that their company's stock has been transformed into a nameless piece of a stock-index basket. +20118084 Index traders who buy all 500 stocks in the S&P 500 often don't even know what the companies they own actually do, complains Andrew Sigler, chairman of Champion International Corp. +20118085 "Do you make sweatshirts or sparkplugs? +20118086 Oh, you're in the paper business," is one reaction Mr. Sigler says he's gotten from his big institutional shareholders. +20118087 By this September, program traders were doing a record 13.8% of the Big Board's average daily trading volume. +20118088 Among the top practitioners were Wall Street blue bloods: Morgan Stanley & Co., Kidder Peabody, Merrill Lynch, Salomon Brothers Inc. and PaineWebber Group Inc. +20118089 But then came Oct. 13 and the negative publicity orchestrated by the Old Guard, particularly against index arbitrage. +20118090 The indexers' strategy for the moment is to hunker down and let the furor die. +20118091 "There's a lynch-mob psychology right now," says the top program-trading official at a Wall Street firm. +20118092 "Wall Street's cash cow has been gored, but I don't think anyone has proven that index arbitrage is the problem." +20118093 Too much money is at stake for program traders to give up. +20118094 For example, stock-index futures began trading in Chicago in 1982, and within two years they were the fastest-growing futures contract ever launched. +20118095 Stock futures trading has minted dozens of millionaires in their 20s and 30s. +20118096 Now, on a good day, Chicago's stock-index traders trade more dollars worth of stock futures than the Big Board trades in stock. +20118097 Now the stage is set for the battle to play out. +20118098 The anti-programmers are getting some helpful thunder from Congress. +20118099 Program traders' "power to create total panic is so great that they can't be allowed to have their way," says Rep. Edward Markey, a Massachusetts Democrat. +20118100 "We have to have a system that says to those largest investors: +20118101 `Sit down! +20118102 You will not panic, +20118103 you will not put the financial system in jeopardy.'" +20118104 But the prospects for legislation that targets program trading is unlikely anytime soon. +20118105 Many people, including the Big Board, think that it's too late to put the genie back in the bottle. +20118106 The Big Board's directors meet today to approve some program-trading restrictions, but a total ban isn't being considered, Big Board officials say. +20118107 "You're not going to stop the idea of trading a basket of stocks," says Vanderbilt's Prof. Stoll. " +20118108 Program trading is here to stay, and computers are here to stay, and we just need to understand it." +20118109 Short of a total ban, some anti-programmers have proposed several middle-ground reforms, which they say would take away certain advantages program traders currently enjoy in the marketplace that other investors don't. +20118110 One such proposal regarding stock-index futures is an increase in the margin requirement -- or the "good-faith" payment of cash needed to trade them -- to about the same level as the margin requirement for stocks. +20118111 Currently, margins on stock futures purchases are much lower -- roughly 7% compared with 50% for stocks -- making the futures market much faster and potentially more speculative. +20118112 Program trading critics also want the Federal Reserve Board, rather than the futures industry, to set such margins. +20118113 Futures traders respond that low margins help keep their markets active. +20118114 Higher margins would chase away dozens of smaller traders who help larger traders buy and sell, they say. +20118115 Another proposed reform is to have program traders answer to an "uptick rule"a reform instituted after the Great Crash of 1929 that protects against stocks being relentlessly beaten downward by those seeking to profit from lower prices, namely short sellers. +20118116 The Big Board's uptick rule prevents the short sale of a stock when the stock is falling in price. +20118117 But in 1986, program traders received what amounted to an exemption from the uptick rule in certain situations, to make it easier to link the stock and futures markets. +20118118 A reinstatement of the uptick rule for program traders would slow their activity considerably. +20118119 Program traders argue that a reinstatement of the rule would destroy the "pricing efficiency" of the futures and stock markets. +20118120 James A. White contributed to this article. +20118121 Fundamentalists Jihad +20118122 Big Board Chairman John Phelan said yesterday that he could support letting federal regulators suspend program trading during wild stock-price swings. +20118123 Thus the band-wagon psychology of recent days picks up new impetus. +20118124 Index arbitrage is a common form of program trading. +20118125 As usually practiced it takes advantage of a rather basic concept: Two separate markets in different locations, trading basically the same widgets, can't trade them for long at prices that are widely different. +20118126 In index arbitrage, the widget is the S&P 500, and its price is constantly compared between the futures market in Chicago and the stock markets largely in New York. +20118127 To profit from an index-arbitrage opportunity, someone who owns the S&P 500 widget in New York must sell it and replace it with a cheaper S&P 500 widget in Chicago. +20118128 If the money manager performing this service is being paid by his clients to match or beat the return of the S&P 500 index, he is likely to remain fully invested at all times. +20118129 (Few, if any, index-fund managers will risk leveraging performance by owning more than 100% exposure to stocks, and equally few will want to own less than a 100% position should stocks rise.) +20118130 By constantly seeking to own the cheapest widget, index-arbitrage traders hope to add between 1% and 3% to the annual return of the S&P 500. +20118131 That represents a very thin "excess" return, certainly far less than what most fundamental stock pickers claim to seek as their performance objective. +20118132 The fact that a vast majority of fundamentalist money managers fail to beat the S&P 500 may contribute to the hysteria surrounding the issue. +20118133 As more managers pursue the index-arbitrage strategy, these small opportunities between markets will be reduced and, eventually, eliminated. +20118134 The current opportunities arise because the process for executing a buy or sell order in the actual stocks that make up the S&P 500 is more cumbersome than transacting in the futures market. +20118135 The New York Stock Exchange's attempt to introduce a new portfolio basket is evidence of investors' desires to make fast and easy transactions of large numbers of shares. +20118136 So if index arbitrage is simply taking advantage of thin inefficiencies between two markets for the same widget, how did "program trading" evolve into the evil creature that is evoking the curses of so many observers? +20118137 All arguments against program trading, even those pressed without fact, conclude with three expected results after "reforms" are implemented: 1) reduced volatility, 2) a long-term investment focus, and 3) a level playing field for the small investor. +20118138 But many of these reforms are unneeded, even harmful. +20118139 Reducing volatility. +20118140 An index-arbitrage trade is never executed unless there is sufficient difference between the markets in New York and Chicago to cover all transaction costs. +20118141 Arbitrage doesn't cause volatility; it responds to it. +20118142 Think about what causes the difference in prices between the two markets for S&P 500 stocks -- usually it is large investors initiating a buy or sell in Chicago. +20118143 A large investor will likely cause the futures market to decline when he sells his futures. +20118144 Arbitrage simply transfers his selling pressure from Chicago to New York, while functioning as a buyer in Chicago. +20118145 The start of the whole process is the key-someone must fundamentally increase or decrease his ownership in widgets to make widget prices move. +20118146 Why does this large hypothetical seller trade in Chicago instead of New York? +20118147 Perhaps he is willing to sacrifice to the arbitrage trader some small profit in order to get quick and certain execution of his large trade. +20118148 In a competitive market, this investor has many ways to execute his transactions, and he will have more alternatives (both foreign and domestic) if his volume is profitable for an exchange to handle. +20118149 If not Chicago, then in New York; if not the U.S., then overseas. +20118150 Volatility surrounding his trades occurs not because of index arbitrage, but because his is a large addition or subtraction to a widget market with finite liquidity. +20118151 Eliminate arbitrage and liquidity will decline instead of rising, creating more volatility instead of less. +20118152 The speed of his transaction isn't to be feared either, because faster and cleaner execution is desirable, not loathsome. +20118153 If slowing things down could reduce volatility, stone tablets should become the trade ticket of the future. +20118154 Encouraging long-term investing. +20118155 We must be very cautious about labeling investors as "long-term" or "short-term." +20118156 Policies designed to encourage one type of investor over another are akin to placing a sign over the Big Board's door saying: "Buyers welcome, sellers please go away!" +20118157 The ultimate goal of any investor is a profit motive, and regulators should not concern themselves with whether investors are sufficiently focused on the long term. +20118158 A free market with a profit motive will attract each investor to the liquidity and risks he can tolerate. +20118159 In point of fact, volatility as measured by the annualized standard deviation of daily stock price movements has frequently been much higher than it is today. +20118160 Periods before the advent of futures or program trading were often more volatile, usually when fundamental market conditions were undergoing change (1973-75, 1937-40, and 1928-33 for example). +20118161 It is interesting to see the fundamental stock pickers scream "foul" on program trading when the markets decline, while hailing the great values still abounding as the markets rise. +20118162 Could rising volatility possibly be related to uncertainty about the economics of stocks, instead of the evil deeds of program-trading goblins? +20118163 Some of the proposed fixes for what is labeled "program-trading volatility" could be far worse than the perceived problem. +20118164 In using program trading as a whipping boy, fundamentalist investors stand to gain the high ground in wooing small investors for their existing stock-selection products. +20118165 They may, however, risk bringing some damaging interference from outside the markets themselves. +20118166 How does a nice new tax, say 5%, on any financial transaction sound? +20118167 That ought to make sure we're all thinking for the long term. +20118168 Getting a level playing field. +20118169 This argument is perhaps the most interesting one for abolishing program trading -- not because of its merits, but because of the firms championing the cause. +20118170 The loudest of these reformers are money managers who cater to smaller investors. +20118171 They continually advise their clients on which individual stocks to buy or sell, while their clients continue to hope for superior performance. +20118172 Even with mutual funds, the little investor continues to tolerate high fees, high commissions and poor performance, while index-fund managers slowly amass a better record with lower fees, lower commissions and less risk. +20118173 Yet our efforts are somehow less noble than those of an investment expert studiously devouring press clippings on each company he follows. +20118174 Almost all new regulation is introduced in the interests of protecting the little guy, and he invariably is the one least able to cope with its consequences. +20118175 If spreads available from index arbitrage are so enormous, surely any sizable mutual-fund company could profit from offering it to small investors. +20118176 The sad reality is that the retail investor continues to pursue stellar performers first, while leaving institutions to grapple with basis points of performance on large sums of money quarter by quarter. +20118177 Cost-effective index funds just aren't sexy enough to justify the high fees and commissions that retail customers frequently pay, and that institutional customers refuse to pay. +20118178 Each new trading roadblock is likely to be beaten by institutions seeking better ways to serve their high-volume clients, here or overseas. +20118179 Legislating new trading inefficiencies will only make things harder on the least sophisticated investors. +20118180 So what is next for program trading? +20118181 Left to its own devices, index arbitrage will become more and more efficient, making it harder and harder to do profitably. +20118182 Spreads will become so tight that it won't matter which market an investor chooses -- arbitrage will prevent him from gaining any temporary profit. +20118183 If government or private watchdogs insist, however, on introducing greater friction between the markets (limits on price moves, two-tiered execution, higher margin requirements, taxation, etc.), the end loser will be the markets themselves. +20118184 Instead, we ought to be inviting more liquidity with cheaper ways to trade and transfer capital among all participants. +20118185 Mr. Allen's Pittsburgh firm, Advanced Investment Management Inc., executes program trades for institutions. +20119001 Some Democrats in Congress are warning that a complicated new funding device for the two federal antitrust agencies could result in further cutbacks in a regulatory area already reduced sharply in recent years. +20119002 The funding mechanism, which has received congressional approval and is expected to be signed by President Bush, would affect the antitrust operations of the Justice Department and the Federal Trade Commission. +20119003 As a part of overall efforts to reduce spending, Congress cut by $30 million the Bush administration's request for antitrust enforcement for fiscal 1990, which began Oct. 1. +20119004 To offset the reduction, Congress approved a $20,000 fee that investors and companies will have to pay each time they make required filings to antitrust regulators about mergers, acquisitions and certain other transactions. +20119005 Some Democrats, led by Rep. Jack Brooks (D., Texas), unsuccessfully opposed the measure because they fear that the fees may not fully make up for the budget cuts. +20119006 But Justice Department and FTC officials said they expect the filing fees to make up for the budget reductions and possibly exceed them. +20119007 "It could operate to augment our budget," James Rill, the Justice Department's antitrust chief, said in an interview. +20119008 Under measures approved by both houses of Congress, the administration's request for $47 million for the Antitrust Division would be cut $15 million. +20119009 The FTC budget request of $70 million, about $34 million of which would go for antitrust enforcement, would also be cut by $15 million. +20119010 The administration had requested roughly the same amount for antitrust enforcement for fiscal 1990 as was appropriated in fiscal 1989. +20119011 The offsetting fees would apply to filings made under the Hart-Scott-Rodino Act. +20119012 Under that law, parties proposing mergers or acquisitions valued at $15 million or more must notify FTC and Justice Department antitrust regulators before completing the transactions. +20119013 Currently, the government charges nothing for such filings. +20119014 Proponents of the funding arrangement predict that, based on recent filing levels of more than 2,000 a year, the fees will yield at least $40 million this fiscal year, or $10 million more than the budget cuts. +20119015 "When you do that, there is not a cut, but there is in fact a program increase of $5 million" each for the FTC and the Justice Department, Rep. Neal Smith (D., Iowa) said during House debate. +20119016 But Rep. Don Edwards (D., Calif.) responded that a recession could stifle merger activity, reducing the amount of fees collected. +20119017 The antitrust staffs of both the FTC and Justice Department were cut more than 40% in the Reagan administration, and enforcement of major merger cases fell off drastically during that period. +20119018 "Today is not the time to signal that Congress in any way sanctions the dismal state into which antitrust enforcement has fallen," Mr. Edwards argued. +20119019 Any money in excess of $40 million collected from the fees in fiscal 1990 would go to the Treasury at large. +20119020 Corporate lawyers said the new fees wouldn't inhibit many mergers or other transactions. +20119021 Though some lawyers reported that prospective acquirers were scrambling to make filings before the fees take effect, government officials said they hadn't noticed any surge in filings. +20120001 FALL BALLOT ISSUES set a record for off-year elections. +20120002 Odd-year elections attract relatively few ballot issues. +20120003 But the 1989 fall total of 80, while well below 1988 activity, shows "a steady ratcheting up in citizen referenda and initiatives," says Patrick McGuigan, editor of Family, Law and Democracy Report. +20120004 He says the 10 citizen-sparked issues on state ballots this fall represent the most in any odd-year this decade. +20120005 Ballot questions range from a Maine initiative on banning Cruise missiles to a referendum on increasing the North Dakota income tax. +20120006 Ballot watchers say attention already is focused on the 1990 elections. +20120007 In California, two petition drives for next year's election are "essentially finished," says David Schmidt, author of "Citizen Lawmakers." +20120008 Mr. McGuigan cites three completed efforts in Oklahoma. +20120009 Hot ballot topics are expected to be abortion, the environment and insurance reform. +20120010 Taking a cue from California, more politicians will launch their campaigns by backing initiatives, says David Magleby of Brigham Young University. +20120011 PHOTOGRAPH COLLECTING gains new stature as prices rise. +20120012 Price records are being set at auctions this week. +20120013 At Christie's, a folio of 21 prints from Alfred Stieglitz's "Equivalents" series sold for $396,000, a single-lot record. +20120014 Other works also have been exceeding price estimates. +20120015 In part, prices reflect development of a market structure based on such variables as the number of prints. +20120016 This information used to be poorly documented and largely anecdotal, says Beth Gates-Warren of Sotheby's. +20120017 "There is finally some sort of sense in the market," she says. +20120018 Corporations and museums are among the serious buyers, giving greater market stability, says Robert Persky of the Photograph Collector. +20120019 "When I see prints going into the hands of institutions, I know they aren't going to come back on the market." +20120020 Most in demand: classic photographs by masters such as Stieglitz and Man Ray. +20120021 But much contemporary work is also fetching "a great deal of money," says Miles Barth of the International Center of Photography. +20120022 DIALING 900 brings callers a growing number of services. +20120023 Currently a $300 million-a-year business, 900 telephone service is expected to hit $500 million next year and near $2 billion by 1992 as uses for the service continue to expand, says Joel Gross of Donaldson, Lufkin & Jenrette Inc. +20120024 The service -- which costs the caller from 30 cents to $25 a minute -- currently is dominated by celebrity chatter, horoscopes and romance lines. +20120025 But more serious applications are in the wings, and that is where the future growth is expected. +20120026 "I'm starting to see more business transactions," says Andrea West of American Telephone & Telegraph Co., noting growing interest in use of 900 service for stock sales, software tutorials and even service contracts. +20120027 Colleges, she says, are eyeing registration through 900 service. +20120028 Charities test the waters, but they face legal barriers to electronic fund raising. +20120029 "The thing that will really break this market right open is merchandising," Ms. West says. +20120030 Much of the 800 service will "migrate to 900," predicts Jack Lawless, general manager of US Sprint's 900 product. +20120031 FAMILY PETS are improving recovery rates of patients at Columbia Hospital, Milwaukee. +20120032 Patients who receive canine or feline visitors are found to have lower blood pressure and improved appetite and be more receptive to therapy, says Mary Ann O'Loughlin, program coordinator. +20120033 TIRED OF TRIMMING? +20120034 Hammacher Schlemmer & Co. offers a fiber-optic Christmas tree that eliminates the need to string lights. +20120035 The $6,500 tree is designed to send continuously changing colored light to dozens of fiber-end bunches. +20120036 MEDICINE TRANSPLANT: Growth of Japanese trade and travel prompts Beth Israel Medical Center, New York, to set up a bilingual medical practice. +20120037 Funded by a $1 million gift from Tokio Marine & Fire Insurance, the service will follow Japanese medical protocols, including emphasis on preventative medicine. +20120038 DIAPER SERVICES make a comeback amid growing environmental concerns. +20120039 Concerned about shrinking landfills and the safety of chemicals used in super-absorbent disposables, parents are returning to the cloth diaper. +20120040 Tiny Tots Inc., Campbell, Calif., says business is up 35% in the past year. +20120041 "We're gaining 1,200 new customers each week," says Jack Mogavero of General Health Care Corp., Piscataway, N.J. +20120042 In Syracuse, N.Y., DyDee Service's new marketing push stresses environmental awareness. +20120043 Among its new customers: day-care centers that previously spurned the service. +20120044 The National Association of Diaper Services, Philadelphia, says that since January it has gotten more than 672 inquiries from people interested in starting diaper services. +20120045 Elisa Hollis launched a diaper service last year because State College, Pa., where she lives, didn't have one. +20120046 Diaper shortages this summer limited growth at Stork Diaper Services, Springfield, Mass., where business is up 25% in +20120047 Also spurring the move to cloth: diaper covers with Velcro fasteners that eliminate the need for safety pins. +20120048 BRIEFS: +20120049 Only 57.6% of New Yorkers watch the local news, the lowest viewership in the country, says a new study by Impact Resources Inc., Columbus, Ohio. . . . +20120050 FreudToy, a pillow bearing the likeness of Sigmund Freud, is marketed as a $24.95 tool for do-it-yourself analysis. +20121001 Program trading is "a racket," complains Edward Egnuss, a White Plains, N.Y., investor and electronics sales executive, "and it's not to the benefit of the small investor, that's for sure." +20121002 But although he thinks that it is hurting him, he doubts it could be stopped. +20121003 Mr. Egnuss's dislike of program trading is echoed by many small investors interviewed by Wall Street Journal reporters across the country. +20121004 But like Mr. Egnuss, few expect it to be halted entirely, and a surprising number doubt it should be. +20121005 "I think program trading is basically unfair to the individual investor," says Leo Fields, a Dallas investor. +20121006 He notes that program traders have a commission cost advantage because of the quantity of their trades, that they have a smaller margin requirement than individual investors do and that they often can figure out earlier where the market is heading. +20121007 But he blames program trading for only some of the market's volatility. +20121008 He also considers the market overvalued and cites the troubles in junk bonds. +20121009 He adds: "The market may be giving us another message, that a recession is looming." +20121010 Or, as Dorothy Arighi, an interior decorator in Arnold, Calif., puts it: "All kinds of funny things spook the market these days." +20121011 But she believes that "program trading creates deviant swings. +20121012 It's not a sound thing; there's no inherent virtue in it." +20121013 She adds that legislation curbing it would be "a darned good idea." +20121014 At the Charles Schwab & Co. office in Atlanta's Buckhead district, a group of investors voices skepticism that federal officials would curb program trading. +20121015 Citing the October 1987 crash, Glenn Miller says, "It's like the last crash -- they threatened, but no one did anything." +20121016 A. Donald Anderson, a 59-year-old Los Angeles investor who says the stock market's "fluctuations and gyrations give me the heebie-jeebies," doesn't see much point in outlawing program trading. +20121017 Those who still want to do it "will just find some way to get around" any attempt to curb it. +20121018 Similarly, Rick Wamre, a 31-year-old asset manager for a Dallas real-estate firm, would like to see program trading disappear because "I can't see that it does anything for the market or the country." +20121019 Yet he isn't in favor of new legislation. +20121020 "I think we've got enough securities laws," he says. +20121021 "I'd much rather see them dealing with interest rates and the deficit." +20121022 Peter Anthony, who runs an employment agency in New York, decries program trading as "limiting the game to a few," but he also isn't sure it should be more strictly regulated. +20121023 "I don't want to denounce it because denouncing it would be like denouncing capitalism," he explains. +20121024 And surprising numbers of small investors seem to be adapting to greater stock market volatility and say they can live with program trading. +20121025 Glenn Britta, a 25-year-old New York financial analyst who plays options for his personal account, says he is "factoring" the market's volatility "into investment decisions." +20121026 He adds that program trading "increases liquidity in the market. +20121027 You can't hold back technology." +20121028 And the practice shouldn't be stopped, he says, because "even big players aren't immune to the rigors of program trading." +20121029 Also in New York, Israel Silverman, an insurance-company lawyer, comments that program trading "increases volatility, but I don't think it should be banned. +20121030 There's no culprit here. +20121031 The market is just becoming more efficient." +20121032 Arbitraging on differences between spot and futures prices is an important part of many financial markets, he says. +20121033 He adds that his shares in a company savings plan are invested in a mutual fund, and volatility, on a given day, may hurt the fund. +20121034 But "I'm a long-term investor," he says. +20121035 "If you were a short-term investor, you might be more leery about program trading." +20121036 Jim Enzor of Atlanta defends program trading because he believes that it can bring the market back up after a plunge. +20121037 "If we have a real bad day, the program would say, `Buy,'" he explains. +20121038 "If you could get the rhythm of the program trading, you could take advantage of it." +20121039 What else can a small investor do? +20121040 Scott Taccetta, a Chicago accountant, is going into money-market funds. +20121041 Mr. Taccetta says he had just recouped the $5,000 he lost in the 1987 crash when he lost more money last Oct. 13. +20121042 Now, he plans to sell all his stocks by the first quarter of 1990. +20121043 In October, before the market dropped, Mrs. Arighi of Arnold, Calif., moved to sell the "speculative stocks" in her family trust "so we will be able to withstand all this flim-flammery" caused by program trading. +20121044 She believes that the only answer for individuals is to "buy stocks that'll weather any storm." +20121045 Lucille Gorman, an 84-year-old Chicago housewife, has become amazingly immune to stock-market jolts. +20121046 Mrs. Gorman took advantage of low prices after the 1987 crash to buy stocks and has hunted for other bargains since the Oct. 13 plunge. +20121047 "My stocks are all blue chips," she says. +20121048 "If the market goes down, I figure it's paper profits I'm losing. +20121049 On the other hand, if it goes way sky high, I always sell. +20121050 You don't want to get yourself too upset about these things. +20122001 Young's Market Co., a wholesaler of spirits, wines and other goods, said it will merge with a new corporation formed by the Underwood family, which controls Young's. +20122002 Under terms of the agreement, shareholders other than the Underwoods will receive $3,500 a share at closing, which is expected in December. +20122003 The Underwood family said that holders of more than a majority of the stock of the company have approved the transaction by written consent. +20123001 Researchers at American Telephone & Telegraph Co.'s Bell Laboratories reported they raised the electrical current-carrying capacity of new superconductor crystals by a factor of 100, moving the materials closer to commercial use. +20123002 The scientists said they created small changes in the crystal-lattice structures of the superconductors to raise the amount of current that single crystals could carry to 600,000 amps per square centimeter in a moderately strong magnetic field. +20123003 The scientists said they made the advance with yttrium-containing superconductors cooled to liquid-nitrogen temperature, or minus 321 degrees Fahrenheit. +20123004 Their report appears in today's issue of the journal Nature. +20123005 The finding marks a significant step in research on "bulk" superconductors, which are aimed at use in wires for motors, magnets, generators and other applications. +20123006 Scientists had obtained even higher current-carrying capacity in thin films of the new superconductors, but have had problems increasing the amount of current that bulk crystals could carry. +20123007 Superconductors conduct electricity without resistance when cooled. +20123008 A family of ceramic superconductors discovered during the past three years promise new technologies such as cheaper electrical generation -- but only if their current-carrying capacity can be raised. +20123009 The AT&T advance shows how one aspect of the current-carrying problem can be overcome. +20123010 But "it won't lead to imminent use" of new superconductors, cautioned Robert B. van Dover, one of the AT&T researchers. +20123011 He added that the current-carrying capacity of multi-crystal samples of superconductors remains too low for most practical uses because of so-called weak links between crystals. +20123012 Such multi-crystal materials will probably be needed for commercial applications. +20123013 Mr. van Dover said the AT&T team created the desired crystal changes by bombarding superconductor samples with neutrons, a process that creates some radioactivity in the samples and may not be feasible for large-scale commercial use. +20123014 Still, scientists breathed a collective sigh of relief about the finding, because it demonstrates how to overcome the "flux pinning" problem that earlier this year was widely publicized as undercutting new superconductors' potential. +20123015 The problem involves the motion of small magnetic fields within superconductor crystals, limiting their current-carrying capacity. +20123016 Mr. van Dover said the crystal changes his team introduced apparently pins the magnetic fields in place, preventing them from lowering current-carrying capacity. +20123017 Mr. van Dover added that researchers are trying to determine precisely what crystal changes solved the problem. +20123018 Determining that may enable them to develop better ways to introduce the needed crystal-lattice patterns. +20123019 The AT&T team also is trying to combine their latest superconductor process with "melt-textured growth," a process discovered earlier at Bell Laboratories. +20123020 The combined processes may significantly raise the current-carrying capacity of multi-crystal samples. +20124001 William C. Walbrecher Jr., an executive at San Francisco-based 1st Nationwide Bank, was named president and chief executive officer of Citadel Holding Corp. and its principal operating unit, Fidelity Federal Bank. +20124002 The appointment takes effect Nov. 13. +20124003 He succeeds James A. Taylor, who stepped down as chairman, president and chief executive in March for health reasons. +20124004 Edward L. Kane succeeded Mr. Taylor as chairman. +20124005 Separately, Citadel posted a third-quarter net loss of $2.3 million, or 68 cents a share, versus net income of $5.3 million, or $1.61 a share, a year earlier. +20124006 The latest results include some unusual write-downs, which had an after-tax impact of $4.9 million. +20124007 Those included costs associated with the potential Valley Federal Savings and Loan Association acquisition, which was terminated on Sept. 27, 1989. +20124008 In addition, operating results were hit by an increase in loan and real estate loss reserves. +20124009 In American Stock Exchange composite trading, Citadel shares closed yesterday at $45.75, down 25 cents. +20125001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +20125002 International Business Machines Corp. -- +20125003 $750 million of 8 3/8% debentures due Nov. 1, 2019, priced at 99 to yield 8.467%. +20125004 The 30-year non-callable issue was priced at a spread of 57 basis points above the Treasury's 8 1/8% bellwether long bond. +20125005 Rated triple-A by both Moody's Investors Service Inc. and Standard & Poor's Corp., the issue will be sold through underwriters led by Salomon Brothers Inc. +20125006 The size of the issue was increased from an originally planned $500 million. +20125007 Detroit -- +20125008 $130 million of general obligation distributable state aid bonds due 1991-2000 and 2009, tentatively priced by a Chemical Securities Inc. group to yield from 6.20% in 1991 to 7.272% in 2009. +20125009 There is $81.8 million of 7.20% term bonds due 2009 priced at 99 1/4 to yield 7.272%. +20125010 Serial bonds are priced to yield from 6.20% in 1991 to 7% in 2000. +20125011 The bonds are insured and triple-A-rated. +20125012 Santa Ana Community Redevelopment Agency, Calif. -- +20125013 $107 million of tax allocation bonds, 1989 Series A-D, due 1991-1999, 2009 and 2019, tentatively priced by a Donaldson Lufkin & Jenrette Securities Corp. group to yield from 6.40% in 1991 to 7.458% in 2019. +20125014 The 7 3/8% term bonds due 2009 are priced at 99 1/2 to yield 7.422%, and 7 3/8% term bonds due 2019 are priced at 99 to yield 7.458%. +20125015 Serial bonds are priced at par to yield from 6.40% in 1991 to 7.15% in 1999. +20125016 The bonds are rated single-A by S&P, according to the lead underwriter. +20125017 Maryland Community Development Administration, Department of Housing and Community Development -- +20125018 $80.8 million of single-family program bonds, 1989 fourth and fifth series, tentatively priced by a Merrill Lynch Capital Markets group to yield from 6.25% in 1992 for fourth series bonds to 7.74% in 2029 for fifth series bonds. +20125019 There is $30.9 million of fourth series bonds, the interest on which is not subject to the federal alternative minimum tax. +20125020 They mature 1992-1999, 2009 and 2017. +20125021 Fourth series serial bonds are priced at par to yield from 6.25% in 1992 to 7% in 1999. +20125022 The 7.40% term bonds due 2009 are priced to yield 7.45%, and 7.40% term bonds due 2017 are priced to yield 7.50%. +20125023 There is $49.9 million of fifth series bonds, which are subject to the federal alternative minimum tax. +20125024 They mature in 2005, 2009 and 2029. +20125025 Bonds due in 2005 have a 7 1/2% coupon and are priced at par. +20125026 The 7 5/8% bonds due 2009 are priced to yield 7.65%, and 7 5/8% bonds due 2029 are priced at 98 1/2 to yield 7.74%. +20125027 The underwriters expect a double-A rating from Moody's. +20125028 Heiwado Co. (Japan) -- +20125029 $100 million of Eurobonds due Nov. 16, 1993, with equity-purchase warrants, indicating a 3 7/8% coupon at par, via Daiwa Europe Ltd. +20125030 Each $5,000 bond carries one warrant, exercisable from Nov. 30, 1989, through Nov. 2, 1993, to buy shares at an expected premium of 2 1/2% to the closing price when terms are fixed Tuesday. +20125031 Fees 2 1/4. +20125032 Svenska Intecknings Garanti Aktiebolaget (Sweden) -- +20125033 20 billion yen of 6% Eurobonds due Nov. 21, 1994, priced at 101 3/4 to yield 6.03% less full fees, via Mitsui Finance International. +20125034 Guaranteed by Svenska Handelsbanken. +20125035 Fees 1 7/8. +20125036 Takashima & Co. (Japan) -- +20125037 50 million Swiss francs of privately placed convertible notes due March 31, 1994, with a fixed 0.25% coupon at par via Yamaichi Bank (Switzerland). +20125038 Put option March 31, 1992, at a fixed 107 7/8 to yield 3.43%. +20125039 Each 50,000 Swiss franc note is convertible from Nov. 30, 1989, to March 16, 1994 at a 5% premium over the closing share price Monday, when terms are scheduled to be fixed. +20125040 Fees 1 3/4. +20125041 Mitsubishi Pencil Co. (Japan) -- +20125042 60 million Swiss francs of privately placed convertible notes due Dec. 31, 1993, with a fixed 0.25% coupon at par via Union Bank of Switzerland. +20125043 Put option on Dec. 31, 1991, at a fixed 106 7/8 to yield 3.42%. +20125044 Each 50,000 Swiss franc note is convertible from Dec. 5, 1989, to Dec. 31, 1993, at a 5% premium over the closing share price Tuesday, when terms are scheduled to be fixed. +20125045 Fees 1 5/8. +20125046 Koizumi Sangyo Corp. (Japan) -- +20125047 20 million Swiss francs of 6 1/2% privately placed notes due Nov. 29, 1996, priced at 99 1/2 via Dai-Ichi Kangyo Bank (Schweiz). +20125048 Guarantee by Dai-Ichi Kangyo Bank Ltd. +20125049 Fees 1 3/4. +20126001 Although his team lost the World Series, San Francisco Giants owner Bob Lurie hopes to have a new home for them. +20126002 He is an avid fan of a proposition on next week's ballot to help build a replacement for Candlestick Park. +20126003 Small wonder, since he's asking San Francisco taxpayers to sink up to $100 million into the new stadium. +20126004 As San Francisco digs out from The Pretty Big One, opponents say the last thing the city can afford is an expensive new stadium. +20126005 A stadium craze is sweeping the country. +20126006 It's fueled by the increasing profitability of major-league teams. +20126007 Something like one-third of the nation's 60 largest cities are thinking about new stadiums, ranging from Cleveland to San Antonio and St. Petersburg. +20126008 Most boosters claim the new sports complexes will be moneymakers for their city. +20126009 Pepperdine University economist Dean Baim scoffs at that. +20126010 He has looked at 14 baseball and football stadiums and found that only one -- private Dodger Stadium -- brought more money into a city than it took out. +20126011 Stadiums tend to redistribute existing wealth within a community, not create more of it. +20126012 Voters generally agree when they are given a chance to decide if they want to sink their own tax dollars into a new mega-stadium. +20126013 San Francisco voters rejected a new ballpark two years ago. +20126014 Last month, Phoenix voters turned thumbs down on a $100 million stadium bond and tax proposition. +20126015 Its backers fielded every important interest on their team -- a popular mayor, the Chamber of Commerce, the major media -- and spent $100,000 on promotion. +20126016 But voters decided that if the stadium was such a good idea someone would build it himself, and rejected it 59% to 41%. +20126017 In San Francisco, its backers concede the ballpark is at best running even in the polls. +20126018 George Christopher, the former San Francisco mayor who built Candlestick Park for the Giants in the 1960s, won't endorse the new ballpark. +20126019 He says he had Candlestick built because the Giants claimed they needed 10,000 parking spaces. +20126020 Since the new park will have only 1,500 spaces, Mr. Christopher thinks backers are playing some fiscal "games" of their own with the voters. +20126021 Stadium boosters claim that without public money they would never be built. +20126022 Miami Dolphins owner Joe Robbie disagrees, and he can prove it. +20126023 Several years ago he gave up trying to persuade Miami to improve its city-owned Orange Bowl, and instead built his own $100 million coliseum with private funds. +20126024 He didn't see why the taxpayers should help build something he would then use to turn a healthy profit. +20126025 "This stadium shows that anything government can do, we can do better," Mr. Robbie says. +20126026 But to Moon Landrieu, the former New Orleans mayor who helped build that city's cavernous, money-losing Superdome, questions of who benefits or the bottom line are of little relevance. +20126027 "The Superdome is an exercise in optimism, a statement of faith," he has said. +20126028 "It is the very building of it that is important, not how much of it is used or its economics." +20126029 An Egyptian Pharaoh couldn't have justified his pyramids any better. +20126030 But civilization has moved forward since then. +20126031 Today taxpayers get to vote, most of the time, on whether they want to finance the building schemes of our modern political pharaohs, or let private money erect these playgrounds for public passions. +20127001 Reed International PLC said that net income for the six months ended Oct. 1 slipped 5% to #89.7 million ($141.9 million), or 16 pence a share, from #94.8 million ($149.9 million), or 17.3 pence a share. +20127002 The British paper, packaging and publishing concern, said profit from continuing lines fell 10% to #118 million from #130.6 million. +20127003 While there were no one-time gains or losses in the latest period, there was a one-time gain of #18 million in the 1988 period. +20127004 And while there was no profit this year from discontinued operations, last year they contributed #34 million, before tax. +20127005 Pretax profit fell 3.7% to #128 million from #133 million and was below analysts' expectations of #130 million to #135 million, but shares rose 6 pence to 388 pence in early trading yesterday in London. +20127006 Reed is paying an interim dividend of 4.6 pence, up 15% from 4 pence a year earlier. +20127007 Sales fell 20% to #722 million. +20127008 Earnings were hurt by disposal of operations in its restructuring, Reed said. +20128001 Wall Street's big securities firms face the prospect of having their credit ratings lowered. +20128002 The reason: Risks from the firms' new "merchant banking" activities are rising as revenue from the industry's traditional business erodes. +20128003 The downgrading of debt issued by CS First Boston Inc., parent of First Boston Corp., by Moody's Investors Service Inc., coupled with a Moody's announcement that Shearson Lehman Hutton Holdings Inc. is under review for a possible downgrade, sent shivers through the brokerage community this week. +20128004 With the shudders came the realization that some of Wall Street's biggest players are struggling to maintain the stellar credit standing required to finance their activities profitably. +20128005 Securities firms are among the biggest issuers of commercial paper, or short-term corporate IOUs, which they sell to finance their daily operations. +20128006 The biggest firms still retain the highest ratings on their commercial paper. +20128007 But Moody's warned that Shearson's commercial paper rating could be lowered soon, a move that would reduce Shearson's profit margins on its borrowings and signal trouble ahead for other firms. +20128008 Shearson is 62%-owned by American Express Co. +20128009 "Just as the 1980s bull market transformed the U.S. securities business, so too will the more difficult environment of the 1990s," says Christopher T. Mahoney, a Moody's vice president. +20128010 "A sweeping restructuring of the industry is possible." +20128011 Standard & Poor's Corp. says First Boston, Shearson and Drexel Burnham Lambert Inc., in particular, are likely to have difficulty shoring up their credit standing in months ahead. +20128012 What worries credit-rating concerns the most is that Wall Street firms are taking long-term risks with their own capital via leveraged buy-out and junk bond financings. +20128013 That's a departure from their traditional practice of transferring almost all financing risks to investors. +20128014 Whereas conventional securities financings are structured to be sold quickly, Wall Street's new penchant for leveraged buy-outs and junk bonds is resulting in long-term lending commitments that stretch out for months or years. +20128015 "The recent disarray in the junk bond market suggests that brokers may become longer-term creditors than they anticipated and may face long delays" in getting their money back, says Jeffrey Bowman, a vice president at S&P, which raised a warning flag for the industry in April when it downgraded CS First Boston. +20128016 "Wall Street is facing a Catch-22 situation," says Mr. Mahoney of Moody's. +20128017 Merchant banking, where firms commit their own money, "is getting riskier, and there's less of it to go around." +20128018 In addition, he says, the buy-out business is under pressure "because of the junk bond collapse," meaning that returns are likely to decline as the volume of junk-bond financings shrinks. +20128019 In a leveraged buy-out, a small group of investors acquires a company in a transaction financed largely by borrowing, with the expectation that the debt will be paid with funds generated by the acquired company's operations or sales of its assets. +20128020 In a recent report, Moody's said it "expects intense competition to occur through the rest of the century in the securities industry, which, combined with overcapacity, will create poor prospects for profitability." +20128021 It said that the "temptation for managements to ease this profit pressure by taking greater risks is an additional rating factor." +20128022 Both Moody's and S&P cited First Boston's reliance in recent years on merchant banking, which has been responsible for a significant portion of the closely held firm's profit. +20128023 The recent cash squeeze at Campeau Corp., First Boston's most lucrative client of the decade, is proving costly to First Boston because it arranged more than $3 billion of high-yield, high-risk junk financings for Campeau units. +20128024 In addition, a big loan that First Boston made to Ohio Mattress Co. wasn't repaid on time when its $450 million junk financing for a buy-out of the bedding company was withdrawn. +20128025 "These two exposures alone represent a very substantial portion of CS First Boston's equity," Moody's said. +20128026 "Total merchant banking exposures are in excess of the firm's equity." +20128027 CS First Boston, however, benefits from the backing of its largest shareholder, Credit Suisse, Switzerland's third largest bank. +20128028 Shearson also has been an aggressive participant in the leveraged buy-out business. +20128029 But its earnings became a major disappointment as its traditional retail, or individual investor, business showed no signs of rebounding from the slump that followed the October 1987 stock market crash. +20128030 In addition, Shearson's listed $2 billion of capital is overstated, according to the rating concerns, because it includes $1.7 billion of goodwill. +20128031 Shearson "really only has $300 million of capital," says Mr. Bowman of S&P. +20128032 A Shearson spokesman said the firm isn't worried. +20128033 "A year ago, Moody's also had Shearson under review for possible downgrade," he said. +20128034 "After two months of talks, our rating was maintained." +20128035 Drexel, meanwhile, already competes at a disadvantage to its big Wall Street rivals because it has a slightly lower commercial paper rating. +20128036 The collapse of junk bond prices and the cancellation of many junk bond financings apparently have taken their toll on closely held Drexel, the leading underwriter in that market. +20128037 The firm also has been hit with big financial settlements with the government stemming from its guilty plea to six felonies related to a big insider-trading scandal. +20128038 Drexel this year eliminated its retail or individual customer business, cutting the firm's workforce almost in half to just over 5,000. +20128039 Recently, Drexel circulated a private financial statement among several securities firms showing that its earnings performance has diminished this year from previous years. +20128040 The firm's capital, moreover, hasn't grown at the same rate as in the past, officials at these firms say. +20128041 Drexel remains confident of its future creditworthiness. +20128042 "We're well positioned with $1.7 billion of capital," a Drexel spokesman said. +20128043 "And as a leading investment and merchant banking firm, the fact that we are no longer subject to the uncertainties and vicissitudes of the retail business is a major plus in our view. +20128044 Moreover, we've probably been the most aggressive firm on the Street in reducing costs, which are down around 40% over the last six months. +20129001 Lewis C. Veraldi, the father of the team that created the highly successful Ford Taurus and Mercury Sable cars, retired early after experiencing recent heart problems. +20129002 Most recently, Mr. Veraldi, 59 years old, has been vice president of product and manufacturing engineering at Ford Motor Co. +20129003 But he is best known in the auto industry as the creator of a team car-development approach that produced the two midsized cars that were instrumental in helping the No. 2 auto maker record profits in recent years and in enabling the company's Ford division to eclipse General Motors Corp.'s Chevrolet division as the top-selling nameplate in the U.S. +20129004 Under the so-called Team Taurus approach, Mr. Veraldi and other Ford product planners sought the involvement of parts suppliers, assembly-line workers, auto designers and financial staff members from the initial stages of the development cycle. +20129005 The concept's goal was to eliminate bureaucracy and make Ford's product development more responsive to consumer demands. +20129006 It was later applied to other new-car programs, including those that produced the Ford Thunderbird and Mercury Cougar. +20129007 Ford Chairman Donald E. Petersen said yesterday that Mr. Veraldi has "helped to change the world's perception of American-made cars." +20129008 Mr. Veraldi worked at Ford for 40 years, holding a variety of car and parts-engineering positions. +20130001 The limits to legal absurdity stretched another notch this week when the Supreme Court refused to hear an appeal from a case that says corporate defendants must pay damages even after proving that they could not possibly have caused the harm. +20130002 We can understand and share the compassion that makes judges sometimes wish to offer a kind of Solomonic aid to those who've been hurt. +20130003 But this case is a stark lesson in how the failures of the traditional policy-making process have left the courts as the only forum this country has to debate risk, technology and innovation. +20130004 Too often now, a single court decision becomes the precedent for other, less compelling cases. +20130005 From the 1940s until 1971, some two million women took the synthetic hormone diethylstilbestrol (DES) to prevent miscarriages and morning sickness. +20130006 The drug was approved by the Food and Drug Administration and marketed by some 300 pharmaceutical companies, often under generic labels. +20130007 In the 1970s, scientists reported cancer cases among the daughters of DES users. +20130008 The cases quickly went to court, but the mothers of several thousand DES plaintiffs couldn't recall whose brand they used. +20130009 Beginning in 1980, courts in several states including California and New York decided to suspend the common-law rule that plaintiffs must prove that the defendants are the ones who are liable. +20130010 Courts made the assumption that all DES pills were essentially the same, and created a market-share test so that damages would be assessed against drug makers in the proportion of their share of the original sales. +20130011 This has some logic. +20130012 Drug makers shouldn't be able to duck liability because people couldn't identify precisely which identical drug was used. +20130013 But courts quickly tumbled down a slippery slope. +20130014 Just as all plaintiffs are not alike, it turns out that DES defendants marketed the drugs differently and may have offered different warranties. +20130015 The ultimate result came in Hymowitz v. Lilly, where the highest New York court expanded the market-share approach for the first time to say that drug makers that could prove Mindy Hymowitz's mother didn't use their pill must still pay their share of any damages. +20130016 But as Duke University law professor William Van Alstyne notes, by this reasoning a defendant could be held liable in New York for a bad apple even if he sold all his apples in California. +20130017 Despite the Supreme Court's refusal to hear the case, there are serious constitutional issues of due process and uncompensated takings from the defendants. +20130018 The big problem, however, is that there's no guarantee that this reasoning will be limited to DES or to drugs. +20130019 The problem here goes well beyond twisting legal doctrine. +20130020 The California Supreme Court last year reversed direction to make it much harder to win DES cases because the justices saw how all the pharmaceutical litigation has chilled the introduction of new drugs. +20130021 The court rejected strict liability for prescription drugs, citing the huge, hidden social costs. +20130022 "Public policy favors the development and marketing of beneficial new drugs, even though some risks, perhaps serious ones, might accompany their introduction because drugs can save lives and reduce pain and suffering," the unanimous court said. +20130023 The California justices noted that the fear of litigation already forced the only remaining anti-morning-sickness drug, Bendectin, off the U.S. market. +20130024 This raises the key issue: What to do about people who suffer serious injuries from beneficial drugs? +20130025 We now know that holding drug makers liable where there's no evidence that they or anyone else knew of any risks only means the drugs won't be available to anyone. +20130026 As liability expert Peter Huber tells us, after the Hymowitz case, if any drug maker introduces an anti-miscarriage drug "it's time to sell that company's stock short." +20130027 We also know that the tort system is a lousy way to compensate victims anyway; some win the legal lottery, others get much less and contingency-fee lawyers take a big cut either way. +20130028 DES daughters and other victims of drugs would be better off if their cases were taken out of the courts. +20130029 Congress could create a compensation program to help such victims while protecting the national interest in encouraging new drugs. +20130030 But a 1986 law that supposedly replaced lawsuits over children's vaccines with a compensation fund has predictably led to even more litigation. +20130031 Everyone by now understands that Congress is utterly incapable of writing legislation to help deserving people without its becoming some billion-dollar morass. +20130032 We have no doubt this is one reason judges in New York and justices on the Supreme Court are willing to trash the law in the DES cases. +20130033 They must figure that justice has to get done by somebody, but know it won't be done by Congress. +20131001 Odyssey Partners Limited Partnership, an investment firm, completed the purchase of May Department Stores Co.'s Caldor discount chain for $500 million plus the assumption of $52 million in debt. +20131002 Caldor, based in Norwalk, Conn., operates 118 stores in the Northeast; it reported revenue of $1.6 billion last year. +20131003 May Stores, St. Louis, runs such well-known department stores as Lord & Taylor. +20132001 N.V. DSM said net income in the third quarter jumped 63% as the company had substantially lower extraordinary charges to account for a restructuring program. +20132002 The Dutch chemical group said net income gained to 235 million guilders ($113.2 million), or 6.70 guilders a share, from 144 million guilders, or 4.10 guilders a share, a year ago. +20132003 The 32% state-owned DSM had eight million guilders of extraordinary charges in the latest quarter, mainly to reflect one-time losses in connection with the disposal of some operations. +20132004 The charges were offset in part by a gain from the sale of the company's construction division. +20132005 Last year, DSM had 71 million guilders of extraordinary charges for the restructuring program and other transactions. +20132006 The earnings growth also was fueled by the company's ability to cut net financing spending by half to around 15 million guilders. +20132007 Also, substantially lower Dutch corporate tax rates helped the company keep its tax outlay flat relative to earnings growth, the company added. +20132008 Sales, however, were little changed at 2.46 billion guilders, compared with 2.42 billion guilders. +20133001 Allergan Inc. said it received Food and Drug Administration approval to sell the PhacoFlex intraocular lens, the first foldable silicone lens available for cataract surgery. +20133002 The len's foldability enables it to be inserted in smaller incisions than are now possible for cataract surgery, the eye care and skin care concern said. +20133003 Cataracts refer to a clouding of the eye's natural lens. +20134001 A man from the Bush administration came before the House Agriculture Committee yesterday to talk about the U.S.'s intention to send some $100 million in food aid to Poland, with more to come from the EC. +20134002 The committee's members are worried what all this free food might do to the economic prospects of Poland's own farmers. +20134003 Rep. Gary Ackerman noted that past food aid had harmed farmers in El Salvador and Egypt. +20134004 However well intentioned, food transfers have the habit of growing larger and wrecking the market incentives for the recipient country's own farmers. +20134005 The First World has for some time had the bad habit of smothering other people's economies with this kind of unfocused kindness. +20134006 It should be constantly stressed that Poland's farmers mostly need a real market for their products. +20135001 Elco Industries Inc. said it expects net income in the year ending June 30, 1990, to fall below a recent analyst's estimate of $1.65 a share. +20135002 The Rockford, Ill., maker of fasteners also said it expects to post sales in the current fiscal year that are "slightly above" fiscal 1989 sales of $155 million. +20135003 The company said its industrial unit continues to face margin pressures and lower demand. +20135004 In fiscal 1989, Elco earned $7.8 million, or $1.65 a share. +20135005 The company's stock fell $1.125 to $13.625 in over-the-counter trading yesterday. +20136001 Oshkosh Truck Corp., Oshkosh, Wis., estimated earnings for its fourth quarter ended Sept. 30 fell 50% to 75% below the year-earlier $4.5 million, or 51 cents a share. +20136002 The truck maker said the significant drop in net income will result in lower earnings for the fiscal year. +20136003 In fiscal 1988, the company earned $17.3 million, or $1.92 a share, on revenue of $352.9 million. +20136004 Oshkosh Truck attributed the downturn in its earnings to higher start-up costs of its new chassis division, a softer motor-home market and higher administrative costs of compliance with government contractor regulations. +20136005 The company said it is in the process of phasing out John Deere, its current source of production for midsized motor home chassis. +20136006 In anticipation of the start-up of its new factory, the company said a larger-than-normal chassis supply has been built to carry it through the transition period. +20137001 Tokyo stocks edged up Wednesday in relatively active but unfocused trading. +20137002 London shares finished moderately higher. +20137003 At Tokyo, the Nikkei index of 225 selected issues, which gained 132 points Tuesday, added 14.99 points to 35564.43. +20137004 In early trading in Tokyo Thursday, the Nikkei index fell 63.79 points to 35500.64. +20137005 Wednesday's volume on the First Section was estimated at 900 million shares, in line with Tuesday's 909 million. +20137006 Declining issues slightly outnumbered advancing issues, 454 to 451. +20137007 Investors switched trading focus quickly as they did Tuesday, reflecting uncertainty about long-term commitments to any issue or sector, traders said. +20137008 Speculation, on the other hand, sparked buying in certain incentive-backed issues, though rumors underlying such shares eventually proved untrue. +20137009 The development, traders said, showed that there is more than ample liquidity available for investment despite the market's recent directionless trend. +20137010 Dealers led the market Wednesday by actively trading for their own accounts, observers said. +20137011 Institutions mostly remained on the sidelines because of uncertainty regarding interest rates and the dollar. +20137012 The Tokyo Stock Price Index (Topix) of all issues listed in the First Section, which gained 16.05 points Tuesday, was down 1.46 points, or 0.05%, at 2691.19. +20137013 The Second Section index, which added 6.84 points Tuesday, was up 5.92 points, or 0.16%, to close at 3648.82. +20137014 Volume in the second section was estimated at 18 million shares, up from 14 million Tuesday. +20137015 Akio Yamamoto, managing director of Nomura Investment Trust Management, said that if the U.S. federal funds rate declines to around 8.5%, institutions would acquire a clearer idea regarding the direction of the market and thus more comfortably participate in active buying. +20137016 Tokyu Group, Mitsubishi Estate and Bridgestone/Firestone, which advanced Tuesday, declined on profit-taking. +20137017 Wednesday's dominant issue was Yasuda Fire & Marine Insurance, which continued to surge on rumors of speculative buying. +20137018 It ended the day up 80 yen (56 cents) to 1,880 yen ($13.15). +20137019 Due to continuingly high gold prices tied to uncertainty about the U.S. currency, investor interest was directed toward oil and mining shares, which traders called a "defensive" action frequently taken when the dollar is expected to fall or during times of inflation. +20137020 Teikoku Oil, also stimulated by rumors of speculative buying, advanced 100 yen to 1,460. +20137021 Showa Shell gained 20 to 1,570 and Mitsubishi Oil rose 50 to 1,500. +20137022 Sumitomo Metal Mining fell five yen to 692 and Nippon Mining added 15 to 960. +20137023 Among other winners Wednesday was Nippon Shokubai, which was up 80 at 2,410. +20137024 Marubeni advanced 11 to 890. +20137025 London share prices were bolstered largely by continued gains on Wall Street and technical factors affecting demand for London's blue-chip stocks. +20137026 The Financial Times-Stock Exchange 100-share index closed 17.5 points higher at 2160.1. +20137027 It rose largely throughout the session after posting an intraday low of 2141.7 in the first 40 minutes of trading. +20137028 The index ended the day near its session high of 2163.2, which was posted within the last half-hour of trading. +20137029 Dealers said most investor interest was focused on defensive blue-chip stocks, particularly those with limited U.K. exposure. +20137030 Also, several key blue chips were pushed higher in thin volume because of a technical squeeze among market makers. +20137031 Sterling's firm tone, combined with a steady opening on Wall Street, also tempted some investors to come back to the market, dealers said. +20137032 There were concerns early in the day that Wall Street's sharp gains on Tuesday were overdone and due for a reversal. +20137033 The FT 30-share index settled 16.7 points higher at 1738.1. +20137034 Volume was 372.9 million shares, up from 334.5 million on Tuesday. +20137035 Dealers said institutions were still largely hugging the sidelines on fears that the market's recent technical rally might prove fragile. +20137036 They cited Wall Street's recent volatility and the lack of a clear indication over the market's short-term direction as factors in the institutional caution. +20137037 Jaguar, a U.K. luxury auto maker being pursued by Ford Motor and General Motors, gained 10 pence (16 cents) a share to close at 879 pence ($13.90). +20137038 It shed about 7 pence, however, after dealers said the market was disappointed that Ford didn't move to tender a bid for control of the company. +20137039 Dealers said the U.K. government's decision Tuesday to waive its protective "golden share" in the auto maker raised prospects of a bidding war between the two U.S. auto giants. +20137040 But the waiver also was seen as a signal that Ford, a major U.K. auto industry employer, was able to gain government acceptance of its bid for control of Jaguar. +20137041 Dealers said that interpretation sparked expectations of an imminent bid by Ford. +20137042 B.A.T Industries, which is being pursued by Sir James Goldsmith's Hoylake Investments, rose 9 to 753 on speculation that Hoylake will sweeten its bid, dealers said. +20137043 Like Jaguar, B.A.T also eased off its highs in afternoon dealings. +20137044 Reed International, a U.K. publishing group, gained 15 to 397 despite reporting a 3.7% drop in interim pretax profit. +20137045 Analysts said the fall in pretax profit was due to the group's recent restructuring and sale of peripheral units, and that its remaining businesses are performing well. +20137046 Dealers said the market agreed. +20137047 Stocks boosted by market-makers shopping to cover book requirements in FT-SE 100 shares included Carlton Communications, which climbed 32 to 778. +20137048 Drug companies in the key index also notched gains as market-makers searched for stock in anticipation of demand due to the sector's defensive qualities. +20137049 Wellcome gained 18 to 666 on a modest 1.1 million shares. +20137050 Glaxo, the U.K.'s largest pharmaceutical concern, advanced 23 to #14.13. +20137051 Stock prices closed higher in Stockholm, Amsterdam and Frankfurt and lower in Zurich. +20137052 Paris, Brussels, and Milan were closed for a holiday. +20137053 South African gold stocks closed marginally lower. +20137054 Elsewhere, share prices closed higher in Singapore, Taipei and Wellington, were mixed in Hong Kong, lower in Seoul and little changed in Sydney. +20137055 Manila markets were closed for a holiday. +20137056 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +20137057 To make them directly comparable, each index is based on the close of 1969 equaling 100. +20137058 The percentage change is since year-end. +20138001 The following issues were recently filed with the Securities and Exchange Commission: +20138002 Intermec Corp., offering of 1,050,000 common shares, via Goldman, Sachs & Co. and Piper, Jaffray & Hopwood Inc. +20138003 Middlesex Water Co., offering of 150,000 shares of common stock, via Legg Mason Wood Walker Inc. and Howard, Weil, Labouisse, Friedrichs Inc. +20138004 Midwesco Filter Resources Inc., initial offering of 830,000 common shares, to be offered by the company, via Chicago Corp. +20138005 Nylev Municipal Fund Inc., offering of five million common shares. +20138006 Occidental Petroleum Corp., shelf offering of $1.5 billion in senior debt securities. +20138007 Prime Motor Inns Inc., offering of up to $300 million zero coupon convertible debentures, via Drexel Burnham Lambert Inc. and Montgomery Securities. +20138008 Service Fracturing Co., proposed offering of 1.2 million shares of common stock, via Lovett Mitchell Webb & Garrison, Inc., and Blunt Ellis & Loewi Inc. +20138009 Western Gas Resources Inc., initial offering of 3,250,000 shares of common stock, of which 3,040,000 shares will be sold by the company and 210,000 shares by a holder, via Prudential-Bache Capital Funding, Smith Barney, Harris Upham & Co., and Hanifen, Imhoff Inc. +20139001 Hold the Putty! +20139002 With lipsticks, liners, lotions and creams, There are still beauty plans left to tackle: But as the years go by, it seems That before I paint, I should spackle. +20139003 -- Pat D'Amico. +20140001 Criminal charges were filed against Diceon Electronics Inc. and two company officials alleging waste disposal violations in its Chatsworth, Calif., facility. +20140002 The Los Angeles County district attorney's office filed seven felony and five misdemeanor counts charging that late last year and early this year the Irvine, Calif.-based circuit-board manufacturer illegally disposed of acid, caustic and heavy metals into the sewer system, and stored hazardous materials in leaky, unlabeled or open-top containers. +20140003 Named as defendants were Roland Matthews, president, and Peter Jonas, executive vice president and chief financial officer, as well as a former plant manager. +20140004 The company said local authorities held hearings on the allegations last spring and had returned the plant to "routine inspection" in August. +20140005 "The company does not feel that it or any of the individuals violated any criminal statute and the company expects full vindication in court." +20140006 Arraignments are scheduled for Nov. 14. +20141001 Consumer confidence stayed strong in October, despite the unsettling gyrations of the stock market. +20141002 "The sharp stock market decline in late October appears to have had little or no effect on consumers," said Fabian Linden, executive director of the Conference Board's consumer research center. +20141003 "Survey returns received after the drop in the Dow Jones average were about the same as the views expressed prior to that event." +20141004 The nonprofit, industry-supported group said its Consumer Confidence Index was 116.4 in October, barely changed from a revised 116.3 in September. +20141005 The index was 116.9 in October 1988 and in the past year has ranged from a low of 112.9 to a high of 120.7. +20141006 It uses a base of 100 in 1985. +20141007 In October, more people said that present business conditions were "good" than in September. +20141008 An equal number in each month said that employment conditions were good. +20141009 And 19.6% of consumers contacted believed business conditions will improve in the coming six months, compared with 18.3% in September. +20141010 Also, more people said conditions will worsen in the period. +20141011 (Fewer said conditions won't change.) +20141012 In October 1988, 21.1% said business conditions would improve. +20141013 In October 1989, 16.9% said more jobs will be created in the coming six months, compared with 17.4% in September and 18.6% in October 1988. +20141014 Only 26.8% in October, compared with 28.5% in September and 26.8% in October 1988, said income would increase. +20141015 "The sustained level of confidence can be attributed to the continued favorable circumstances which affect the consumer's day-to-day economic life," said Mr. Linden. +20141016 "Unemployment continues at a relatively low level, providing a sense of job security, and a low inflation rate has kept the purchasing power of the weekly paycheck reasonably strong." +20141017 The consumer confidence survey, covering 5,000 U.S. households, is conducted in the first two weeks of each month for the Conference Board by National Family Opinion Inc., a Toledo, Ohio, market researcher. +20141018 Buying plans were mixed in October, with fewer households indicating plans to buy cars and more saying they will buy homes and appliances in the coming six months. +20141019 In October, 6.7% of respondents said they will buy a car, easing from September when 8.1% anticipated a purchase. +20141020 In October 1988, 7.3% said they would buy a car. +20141021 Home purchase plans increased to 3.3% from 3.1% in the two recent months. +20141022 In October 1988, 3.7% said they would buy a house. +20141023 In 1989, home purchase plans have ranged monthly from 2.9% to 3.7% of respondents. +20141024 In October, 30.6% said they will buy appliances in the coming six months, compared with 27.4% in September and 26.5% in October 1988. +20142001 Despite a deluge of economic news, the Treasury market remained quiet but the corporate market was abuzz over International Business Machines Corp.'s huge debt offering. +20142002 "There were so many economic reports but the market didn't care about any of them," said Kathleen Camilli, a money market economist at Drexel Burnham Lambert Inc. +20142003 "So the focus turned to other fixed-income markets, corporate and mortgages in particular," she said. +20142004 IBM, the giant computer maker, offered $750 million of non-callable 30-year debentures priced to yield 8.47%, or about 1/2 percentage point higher than the yield on 30-year Treasury bonds. +20142005 The size of IBM's issue was increased from an originally planned $500 million as money managers and investors scrambled to buy the bonds. +20142006 In the investment-grade corporate market, "it's rare that you get an opportunity to buy a name that has such broad appeal and has such attractive call features," said James Ednie, a Drexel industrial bond trader. +20142007 Money managers ranked IBM's offering as the most significant investment-grade sale of the year because large issues of long-term debt by companies with triple-A credit are infrequent. +20142008 Syndicate officials at lead underwriter Salomon Brothers Inc. said the debentures were snapped by up pension funds, banks, insurance companies and other institutional investors. +20142009 In the Treasury market, investors paid scant attention to the day's economic reports, which for the most part provided a mixed view of the economy. +20142010 "Whether you thought the economy was growing weak or holding steady, yesterday's economic indicators didn't change your opinion," said Charles Lieberman, a managing director at Manufacturers Hanover Securities Corp. +20142011 The government reported that orders for manufactured goods were essentially unchanged in September while construction spending was slightly lower. +20142012 Both indicators were viewed as signs that the nation's industrial sector is growing very slowly, if at all. +20142013 A survey by the Federal Reserve's 12 district banks and the latest report by the National Association of Purchasing Management blurred that picture of the economy. +20142014 In a monthly report prepared for use at the Fed's next Federal Open Market Committee meeting on Nov. 14., the nation's central bank found that price increases have moderated and economic activity has grown at a sluggish pace in recent weeks. +20142015 Among other things, the survey found that manufacturing activity varied considerably across districts and among industries. +20142016 The Philadelphia and Cleveland districts, for example, reported declines in manufacturing activity while the Boston, Dallas and San Francisco banks noted that business expanded. +20142017 The purchasing managers index of economic activity rose in October, although it remains below 50%. +20142018 A reading below 50% indicates that the manufacturing sector is slowing while a reading above 50% suggests that the industry is expanding. +20142019 Mr. Lieberman said the diverse showing in yesterday's reports "only enhances the importance of the employment data." +20142020 The employment report, which at times has caused wide swings in bond prices, is due out tomorrow. +20142021 The average estimate of 22 economists polled by Dow Jones Capital Markets Report was that non-farm payrolls expanded by 152,000 in October. +20142022 The economists forecast a 0.1% rise in the unemployment rate to 5.4%. +20142023 Treasury Securities +20142024 In a surprise announcement, the Treasury said it will reopen the outstanding benchmark 30-year bond rather than create a new one for next week's quarterly refunding of the federal debt. +20142025 The Treasury will raise $10 billion in fresh cash by selling $30 billion of securities, including $10 billion of new three-year notes and $10 billion of new 10-year notes. +20142026 But rather than sell new 30-year bonds, the Treasury will issue $10 billion of 29year, nine-month bonds -- essentially increasing the size of the current benchmark 30-year bond that was sold at the previous refunding in August. +20142027 Credit market analysts said the decision to reopen the current benchmark, the 8 1/8% bond due August 2019, is unusual because the issue trades at a premium to its face amount. +20142028 Some dealers said the Treasury's intent is to help government bond dealers gauge investor demand for the securities, given uncertainties about when the auction will occur. +20142029 The Treasury said the refunding is contingent upon congressional and presidential passage of an increase in the federal debt ceiling. +20142030 Until such action takes places, the Treasury has no ability to issue new debt of any kind. +20142031 Meanwhile, Treasury bonds ended modestly higher in quiet trading. +20142032 The benchmark 30-year bond about 1/4 point, or $2.50 for each $1,000 face amount. +20142033 The benchmark was priced at 102 22/32 to yield 7.88% compared with 102 12/32 to yield 7.90% Tuesday. +20142034 The latest 10-year notes were quoted at 100 22/32 to yield 7.88% compared with 100 16/32 to yield 7.90%. +20142035 The discount rate on three-month Treasury bills was essentially unchanged at 7.79%, while the rate on six-month bills was slightly lower at 7.52% compared with 7.60% Tuesday. +20142036 Corporate Issues +20142037 IBM's $750 million debenture offering dominated activity in the corporate debt market. +20142038 Meanwhile, most investment-grade bonds ended unchanged to as much as 1/8 point higher. +20142039 In its latest compilation of performance statistics, Moody's Investors Service found that investment-grade bonds posted a total return of 2.7% in October while junk bonds showed a negative return of 1.5%. +20142040 Moody's said those returns compare with a 3.8% total return for longer-term Treasury notes and bonds. +20142041 Total return measures price changes and interest income. +20142042 For the year to date, Moody's said total returns were topped by the 16.5% of longer-term Treasury issues, closely followed by 15% for investment-grade bonds. +20142043 Junk bonds trailed the group again. +20142044 "Even the 7.2% return from the risk-free three-month Treasury bill has easily outdistanced the 4.1% return from junk bonds," wrote Moody's economist John Lonski in yesterday's market report. +20142045 "Little wonder that buyers for junk have been found wanting," he said. +20142046 Moody's said the average net asset value of 24 junk-bond mutual funds fell by 4.2% in October. +20142047 Mortgage-Backed Issues +20142048 Mortgage securities ended slightly higher but trailed gains in the Treasury market. +20142049 Ginnie Mae's 9% issue for November delivery finished at 98 5/8, up 2/32, and its 9 1/2% issue at 100 22/32, also up 2/32. +20142050 The Ginnie Mae 9% securities were yielding 9.32% to a 12-year average life. +20142051 Activity was light in derivative markets, with no new issues priced. +20142052 Municipal Issues +20142053 Municipal bonds were mostly unchanged to up 1/8 point in light, cautious trading prior to tomorrow's unemployment report. +20142054 A $114 million issue of health facility revenue bonds from the California Health Facilities Financing Authority was temporarily withdrawn after being tentatively priced by a First Boston Corp. group. +20142055 An official for the lead underwriter declined to comment on the reason for the delay, but market participants speculated that a number of factors, including a lack of investor interest, were responsible. +20142056 The issue could be relaunched, possibly in a restructured form, as early as next week, according to the lead underwriter. +20142057 A $107.03 million offering of Santa Ana Community Redevelopment Agency, Calif., tax allocation bonds got off to a slow start and may be repriced at lower levels today, according to an official with lead underwriter Donaldson Lufkin & Jenrette Securities Corp. +20142058 The Santa Ana bonds were tentatively priced to yield from 6.40% in 1991 to 7.458% in +20142059 Bucking the market trend, an issue of $130 million general obligation distributable state aid bonds from Detroit, Mich., apparently drew solid investor interest. +20142060 They were tentatively priced to yield from 6.20% in 1991 to 7.272% in +20142061 Foreign Bond +20142062 West German dealers said there was little interest in Treasury bonds ahead of Thursday's new government bond issue. +20142063 So far, they said, investors appear unenthusiastic about the new issue which might force the government to raise the coupon to more than 7%. +20142064 It is generally expected to be the usual 10-year, four billion mark issue. +20142065 Rumors to the contrary have been that it would be a six billion mark issue, or that the last Bund, a 7% issue due October 1999, would be increased by two billion marks. +20142066 Elsewhere: +20142067 -- In Japan, the benchmark No. 111 4.6% issue due 1998 ended on brokers screens unchanged at 95.09 to yield 5.435%. +20142068 -- In Britain, the benchmark 11 3/4% bond due 2003/2007 fell 14/32 to 111 2/32 to yield 10.19%. +20142069 The 12% notes due 1995 fell 9/32 to 103 3/8 to yield 11.10%. +20143001 Standard & Poor's Corp. lowered to double-C from triple-C the rating on about $130 million of debt. +20143002 The rating concern said the textile and clothing company's interest expense exceeds operating profit "by a wide margin" and it noted United's estimated after-tax loss of $24 million for the year ended June 30. +20144001 Travelers Corp.'s third-quarter net income rose 11%, even though claims stemming from Hurricane Hugo reduced results $40 million. +20144002 Net advanced to $94.2 million, or 89 cents a share, from $85 million, or 83 cents a share, including net realized investment gains of $31 million, up from $10 million a year ago. +20144003 But revenue declined to $3 billion from $3.2 billion. +20144004 Travelers estimated that the California earthquake last month will result in a fourth-quarter pre-tax charge of less than $10 million. +20144005 The insurer's earnings from commercial property/casualty lines fell 59% in the latest quarter, while it lost $7.2 million in its personal property/casualty business, compared with earnings of $6.1 million a year ago. +20144006 Travelers's employee benefits group, which includes its group health insurance operations, posted earnings of $24 million, compared with a loss of $3 million last year. +20144007 In the first nine months, net was $306 million, compared with a loss of $195 million in the 1988 period. +20144008 The year-ago results included a $415 million charge in the 1988 second quarter for underperforming real estate and mortgage loans. +20145001 The British Department of Trade and Industry ordered an investigation of the competitive impact of Michelin Tyre PLC's planned acquisition of National Tyre Service Ltd. +20145002 The department said it referred the takeover to the Monopolies and Mergers Commission because of the purchase's possible effects on the U.K. market for distribution of replacement tires. +20145003 BTR PLC, a U.K. industrial conglomerate, said in June it had sold its National Tyre Service business to Michelin Investment Ltd., a U.K. unit of the tire maker, for #140 million ($221.4 million). +20145004 Michelin Tyre is a unit of France's Michelin S.A. +20145005 Michelin officials couldn't immediately comment on the referral, but they noted the purchase from BTR has already been concluded. +20145006 National Tyre, which has 420 branches throughout the U.K., had 1988 pretax profit of #8.5 million. +20146001 Rep. John Dingell, an important sponsor of President Bush's clean-air bill, plans to unveil a surprise proposal that would break with the White House on a centerpiece issue: acid rain. +20146002 The Michigan Democrat's proposal, which is expected today, is described by government sources and lobbyists as significantly weaker than the Bush administration's plan to cut utility emissions that lead to acid rain. +20146003 The administration's plan could cost utilities, mainly those that use coal, up to $4 billion a year. +20146004 The proposal comes as a surprise even to administration officials and temporarily throws into chaos the House's work on clean-air legislation. +20146005 As chairman of the House Energy and Commerce Committee, Mr. Dingell has almost single-handed control over clean-air legislation. +20146006 People close to the utility industry said Mr. Dingell's proposal appears to guarantee only an estimated seven-million-ton cut in annual sulfur-dioxide emissions that lead to acid rain, though additional cuts could be ordered later. +20146007 Mr. Bush's legislative package promises to cut emissions by 10 million tons -- basically in half -- by the year 2000. +20146008 Although final details weren't available, sources said the Dingell plan would abandon the president's proposal for a cap on utilities' sulfur-dioxide emissions. +20146009 That proposal had been hailed by environmentalists but despised by utilities because they feared it would limit their growth. +20146010 It also would junk an innovative market-based system for trading emissions credits among polluters. +20146011 In addition, it is believed to offer a cost-sharing mechanism that would help subsidize the clean-up costs for the dirtiest coal-fired utilities in the country, sparing their customers from exorbitant jumps in their electric bills. +20146012 The administration, sticking to its vow of avoiding tax increases, has staunchly opposed cost-sharing. +20146013 Mr. Dingell's staff was expected to present its acid-rain alternative to other committee members, apparently in an attempt to appease Midwestern lawmakers from high-polluting states who insist on cost-sharing. +20146014 It isn't clear, however, whether support for the proposal will be broad enough to pose a serious challenge to the White House's acid-rain plan. +20146015 While the new proposal might appeal to the dirtiest utilities, it might not win the support of utilities, many in the West, that already have added expensive cleanup equipment or burn cleaner-burning fuels. +20146016 Lawmakers representing some of the cleaner utilities have been quietly working with the White House to devise ways to tinker with the administration bill to address their acid-rain concerns. +20147001 American City Business Journals Inc. said its president, Michael K. Russell, will resign rather than relocate to new headquarters in Charlotte, N.C. +20147002 Mr. Russell, who co-founded the Kansas City, Mo.-based local business publications concern here, said he would have a five-year consulting agreement with the company, which recently underwent an ownership change. +20147003 Earlier this year Shaw Publishing Inc., Charlotte, acquired 30% of American City and has an agreement to acquire a further 25% from E.W. Scripps Co. next year. +20147004 Ray Shaw, chairman of American City, said he would assume Mr. Russell's responsibilities if a successor isn't found this month. +20148001 A nickname for measures to stop the market from plunging too far too fast. +20148002 Several moves were taken following the October 1987 crash to coordinate -- and sometimes deliberately disconnect -- the stock and futures markets in times of heightened volatility. +20148003 On the Big Board, a "side car" is put into effect when the S&P futures rise or fall 12 points. +20148004 The side car routes program trades into a special computer file that scans for imbalances of buy and sell orders. +20148005 On the Chicago Mercantile Exchange, S&P 500 futures are not allowed to fall further than 12 points from the previous day's close for half an hour. +20148006 If, when trading resumes, the S&P futures fall 30 points from the previous day's close, a one-hour trading halt takes effect. +20148007 Also, the reforms allow the Big Board to halt trading for one hour if the Dow Jones Industrial Average falls 250 points, and for two more hours if the Dow slides an additional 150 points on the same day. +20148008 DOT System -- The "Designated Order Turnaround" System was launched by the New York Stock Exchange in March 1976, to offer automatic, high-speed order processing. +20148009 A faster version, the SuperDot, was launched in 1984. +20148010 Used by program traders and others to zip orders into the exchange, SuperDot handles about 80% of all orders entered at the exchange. +20148011 Futures Contracts -- Obligations to buy (for those who have purchased a contract) or deliver (for those who sold one) a quantity of the underlying commodity or financial instrument at the agreed-upon price by a certain date. +20148012 Most contracts are simply nullified by an opposite trade before they come due. +20148013 Indexing -- Many investors, mainly institutions, follow an investment strategy of buying and holding a mix of stocks to match the performance of a broad stock-market barometer such as the S&P 500. +20148014 Many institutional index funds are active program traders, swapping their stocks for futures when profitable to do so. +20148015 Program trading -- A wide range of computer-assisted portfolio trading strategies involving the simultaneous purchase or sale of 15 or more stocks. +20148016 Quant -- Generally, any Wall Street analyst who employs quantitive research techniques. +20148017 The newest breed, also called "rocket scientists" because of their backgrounds in physics and mathematics, devise the complex hedging and trading strategies that are popularly known as program trading. +20148018 Stock-index arbitrage -- Buying or selling baskets of stocks while at the same time executing offsetting trades in stock-index futures or options. +20148019 Traders profit by trying to capture fleeting price discrepancies between stocks and the index futures or options. +20148020 If stocks are temporarily "cheaper" than futures, for example, an arbitrager will buy stocks and sell futures. +20148021 Stock-index futures -- Contracts to buy or sell the cash value of a stock index by a certain date. +20148022 The cash value is determined by multiplying the index number by a specified amount. +20148023 The most common program-trading vehicles are futures contracts on Standard & poor's 500-stock index (traded on the Chicago Mercantile Exchange); the Major Market Index, a 20-stock index that mimics the Dow Jones Industrial Average (traded on the chicago Board of Trade); and the S&P 100 options (traded on the Chicago Board Options Exchange, and based on 100 stocks selected from the S&P 500). +20148024 Stock-index options -- Options give holders the right, but not the obligation, to buy (a call) or sell (a put) a specified amount of an underlying investment by a certin date at a preset price, known as the strike price. +20148025 For stock indexes, the underlying investment may be a stock-index futures contract or the cash value of a stock index. +20148026 For example, there are options on the S&P 500 futures contract and on the S&P 100 index. +20148027 Uptick -- An expression signifying that a transaction in a listed security occurred at a higher price than the previous transaction in that security. +20149001 New York financier Saul Steinberg sought federal permission to buy more than 15% of United Airlines' parent, UAL Corp., saying he might seek control of the nation's second-largest airline. +20149002 Although takeover experts said they doubted Mr. Steinberg will make a bid by himself, the application by his Reliance Group Holdings Inc. could signal his interest in helping revive a failed labor-management bid. +20149003 Such an application for federal antitrust clearance is necessary for any investor that might seek control. +20149004 But some investors have used such filings to boost the value of their stock holdings, which -- without buying more stock -- they then sold. +20149005 Takeover stock traders were puzzled by the Reliance filing and cautioned that it doesn't mean Mr. Steinberg will definitely seek control. +20149006 "Maybe he just wants to make something happen," said one takeover expert. +20149007 One investment banker said Mr. Steinberg may be trying to position himself as a friendly investor who could help UAL Chairman Stephen Wolf revive a failed labor-management bid. +20149008 Mr. Steinberg, he suggested, could replace British Airways PLC, which has withdrawn from the buy-out group. +20149009 Reliance had already bought and sold UAL stock at a big profit without making an antitrust filing before the collapse Oct. 13 of the $6.79 billion, $300-a-share labor-management buy-out. +20149010 Reliance acquired a 7% UAL stake early this year at an average cost of $110 a share, and reduced its stake to 4.7% after UAL accepted the bid at prices higher than $282 a share. +20149011 Market sources said Reliance has already sold its entire UAL stake, and thus wouldn't have any reason to file the application simply to boost the value of its stock. +20149012 But the exact amount of Reliance's current holding hasn't been formally disclosed. +20149013 The filing adds a new twist to market speculation that Coniston Partners, a New York money manager, has bought more than 5% of UAL stock and may challenge the UAL board's decision last week to remain independent. +20149014 Speculation about Coniston has caused the stock to rebound from a low of $145. +20149015 UAL's announcement came after the market closed yesterday. +20149016 In composite New York Stock Exchange trading, the shares closed at $177, up $1.50. +20149017 UAL wouldn't elaborate on a statement that it had been notified of the filing by Reliance. +20149018 Reliance confirmed the filing but wouldn't elaborate. +20149019 Some takeover experts were skeptical, saying it was possible that Mr. Steinberg made the filing only to help boost the value of any remaining Reliance stake in UAL. +20149020 Mr. Steinberg is thought to be on friendly terms with UAL's Mr. Wolf. +20149021 The investor was instrumental in tapping Mr. Wolf to run the air cargo unit of Tiger International Inc. +20149022 Mr. Wolf's success in that job helped him land the top job with UAL in December 1987. +20149023 But any potential acquirer must attempt to reach some kind of accord with the company's employees, primarily its pilots and the powerful machinists' union, which has opposed a takeover. +20150001 A.L. Williams Corp. was merged into Primerica Corp., New York, after a special meeting of Williams shareholders cleared the transaction, the companies said. +20150002 Primerica, which had owned nearly 70% of Williams, will pay about 16.7 million shares, currently valued at almost $472 million, for the rest of Williams. +20150003 The financial-services company will pay 0.82 share for each Williams share. +20150004 Williams shares, which were to be delisted from the New York Stock Exchange after the close of composite trading yesterday, closed at $23.25, off 12.5 cents. +20150005 Primerica closed at $28.25, down 50 cents. +20150006 Williams, Duluth, Ga., is an insurance and financial-services holding company. +20150007 Its subsidiaries' services are marketed by closely held A.L. Williams & Associates. +20150008 Primerica, as expected, also acquired certain assets of the agency and assumed certain of its liabilities. +20150009 Terms weren't disclosed. +20151001 Intelogic Trace Inc., San Antonio, Texas, said it bought 2.7 million shares, or about 18%, of its common stock from an unaffiliated shareholder for $3.625 a share, or $9.9 million. +20151002 The move boosts Intelogic Chairman Asher Edelman's stake to 20% from 16.2% and may help prevent Martin Ackerman from making a run at the computer-services concern. +20151003 Mr. Ackerman already is seeking to oust Mr. Edelman as chairman of Datapoint Corp., an Intelogic affiliate. +20151004 The action followed by one day an Intelogic announcement that it will retain an investment banker to explore alternatives "to maximize shareholder value," including the possible sale of the company. +20151005 In New York Stock Exchange composite trading yesterday, Intelogic shares rose 37.5 cents to close at $2.75. +20151006 Mr. Edelman declined to specify what prompted the recent moves, saying they are meant only to benefit shareholders when "the company is on a roll." +20151007 He added, "This has nothing to do with Marty Ackerman and it is not designed, particularly, to take the company private." +20151008 But Mr. Ackerman said the buy-back, and the above-market price paid, prove that Mr. Edelman is running scared. +20152001 Dow Jones & Co. said it extended its $18-a-share offer for Telerate Inc. common stock until 5 p.m. EST Nov. 9. +20152002 The offer, valued at about $576 million for the 33% of Telerate that Dow Jones doesn't already own, had been set to expire Nov. 6. +20152003 Dow Jones, which owns about 64 million of Telerate's 95 million common shares outstanding, said that about 24,000 shares have been tendered under its offer. +20152004 Telerate's two independent directors have rejected the offer as inadequate. +20152005 In composite trading on the New York Stock Exchange, Telerate shares closed at $19.50, up 12.5 cents. +20152006 Telerate provides an electronic financial information network. +20152007 Dow Jones publishes The Wall Street Journal, Barron's magazine, and community newspapers and operates financial news services and computer data bases. +20153001 Rockwell International Corp. reported flat operating earnings for the fourth quarter ended Sept. 30. +20153002 The aerospace, automotive supply, electronics and printing-press concern also indicated that the first half of fiscal 1990 could be rough. +20153003 In an interview, Donald Beall, chairman, said first-half profit certainly would trail the past year's, primarily because of weakness in the heavy-truck and passenger-car markets. +20153004 Still, he added, if the industrial sector remains relatively stable, Rockwell should be able to recover in the second half and about equal fiscal 1989's operating profit of $630.9 million. +20153005 For fiscal 1989's fourth quarter, Rockwell's net income totaled $126.1 million, or 50 cents a share. +20153006 That compares with operating earnings of $132.9 million, or 49 cents a share, the year earlier. +20153007 The prior-year period includes a one-time favorable tax adjustment on the B-1B bomber program and another gain from sale of the industrial sewing-machine business, which made net $185.9 million, or 70 cents a share. +20153008 Sales rose 4% to $3.28 billion from $3.16 billion. +20153009 Mr. Beall said that he was generally pleased with the latest numbers and cited a particularly strong showing by the company's electronics segment. +20153010 Overall, pretax electronics earnings soared 12% to $107.9 million from $96.4 million. +20153011 All four areas had higher revenue for the three months ended Sept. 30. +20153012 For the year, electronics emerged as Rockwell's largest sector in terms of sales and earnings, muscling out aerospace for the first time. +20153013 The graphics business, which also was singled out by the chairman as a positive, saw its operating earnings for the quarter jump 79% to $42.1 million from $23.5 million. +20153014 For the year, bolstered by the introduction of the Colorliner newspaper-printing press, graphics earnings almost doubled. +20153015 Aerospace earnings sagged 37% for the quarter and 15% for the year, largely due to lower B-1B program profit; the last of the bombers rolled out in April 1988. +20153016 That was partially offset by the resumption of space shuttle flights and increased demand for expendable launch-vehicle engines. +20153017 The company also took hits in the fourth quarters of 1989 and 1988 on a fixed-price weapons-modernization development program -- probably the C-130 gunship, according to analysts. +20153018 For fiscal 1989, the company posted net of $734.9 million, or $2.87 a share, down from $811.9 million, or $3.04 a share, in fiscal 1988. +20153019 Excluding one-time additions to profit in each year, earnings per share were $2.47, up 7.4% from $2.30 in fiscal 1988. +20153020 Sales for the year rose 5% to $12.52 billion from $11.95 billion in fiscal 1988. +20154001 Dell Computer Corp. said it cut prices on several of its personal computer lines by 5% to 17%. +20154002 The Austin, Texas-based company, which specializes in the direct sale of personal computers and accessories, said its price cuts include a $100 reduction on its System 210 computer with 512 kilobytes of memory, a 40-megabyte hard disk and a color monitor. +20154003 That package now sells for about $2,099. +20154004 A computer using the more-advanced Intel Corp. 386 microprocessor, with four megabytes of memory and a 100-megabyte hard disk now sells for $5,699, down from $6,799. +20154005 Personal computer prices for models using the Intel 286 and 386 microprocessors, which the Dell models use, generally have been coming down as chip prices have fallen. +20155001 World sugar futures prices soared on rumors that Brazil, a major grower and exporter, might not ship sugar this crop year and next. +20155002 Prices also were boosted by another rumor that Mexico, usually a large producer and exporter, might have to buy a large quantity of sugar. +20155003 Although traders rushed to buy futures contracts, many remained skeptical about the Brazilian development, which couldn't be confirmed, analysts said. +20155004 The March and May contracts rose to fresh life-of-contract highs of 14.54 cents and 14.28 cents at their best levels of the day. +20155005 The March delivery, which has no limits, settled at 14.53 cents, up 0.56 cent a pound. +20155006 The May contract, which also is without restraints, ended with a gain of 0.54 cent to 14.26 cents. +20155007 The July delivery rose its daily permissible limit of 0.50 cent a pound to 14.00 cents, while other contract months showed near-limit advances. +20155008 According to reports carried by various news services, the Brazilian government told its sugar producers that they won't be allowed to export sugar during the current 1989-90 season, which began May 1, and the 1990-91 season so that it can be used to produce alcohol for automobile fuel. +20155009 One analyst, Arthur Stevenson, of Prudential-Bache Securities, New York, estimated that 65% or more of Brazil's newly made automobiles run on alcohol and can't use gasoline. +20155010 "This is a demand that must be met, regardless of the price of oil," said Mr. Stevenson. +20155011 Brazil is the third-largest producer and the fifth-largest exporter of sugar in the world. +20155012 A shift to producing more alcohol and less sugar had been expected, but the latest news, if true, indicates a more drastic shift than had been anticipated. +20155013 During the current crop year, Brazil was expected to produce 6.9 million tons of sugar, a drop from 8.1 million tons in 1988-89. +20155014 Its 1989-90 exports were expected to total 645,000 tons in contrast to shipments of 1.5 million tons in +20155015 "It is these 645,000 tons that are in question for this crop year," explained Judith Ganes, analyst for Shearson Lehman Hutton, New York. +20155016 "Producers were granted the right earlier this year to ship sugar and the export licenses were expected to have begun to be issued" yesterday. +20155017 As a result, Ms. Ganes said, it is believed that little or no sugar from the 1989-90 crop has been shipped yet, even though the crop year is six months old. +20155018 More than a half of all sugar produced in Brazil goes for alcohol production, according to Ms. Ganes. +20155019 Also, there has been a switch in the past decade to planting of orange trees in areas that were previously used for cane, and this change is being felt now, she said. +20155020 Most important, Ms. Ganes noted, "Brazilian officials said that no decision has as yet been made on the suspension of exports." +20155021 Thomas Oxnard, sugar analyst for PaineWebber in Hackensack, N.J., said: "I am highly skeptical that Brazil will curtail sugar exports, particularly with the price of sugar at over 14 cents a pound." +20155022 Above all, Mr. Oxnard noted, the situation is extremely confused. +20155023 "Professional sugar people here who have strong contacts with the Brazilian sugar industry have been unable to confirm the reports or get enough information to clarify the situation," he said. +20155024 "It's the type of nervous atmosphere in which a report can be put out, such as the one saying exports will be suspended, and no one can confirm it." +20155025 Mr. Oxnard observed that the situation in Brazil is also very complicated. +20155026 On the one hand, Brazil started an ethanol program about 15 years ago to fuel a huge portion of its national fleet of cars and is now committed to this program. +20155027 "It has to weigh, on the other hand, the relatively high price of sugar it can earn on the export market in making decisions as to whether to produce sugar or alcohol," Mr. Oxnard said. +20155028 Mexico, which is normally a sugar exporter, has had production problems in the past two years, analysts said. +20155029 Last year, it had to buy sugar on the world market to meet export commitments, they noted. +20155030 This year it is expected to be a net importer and is said to be seeking to buy about 200,000 tons of sugar to meet internal needs, analysts said. +20155031 In other commodity markets yesterday: +20155032 ENERGY: +20155033 Petroleum futures were generally higher with heating oil leading the way. +20155034 On the New York Mercantile Exchange, heating oil for December delivery increased 1.25 cents to settle at 60.36 cents a gallon. +20155035 Gasoline futures were mixed to unchanged. +20155036 But the strength in heating oil helped push up crude oil. +20155037 West Texas Intermediate crude for December delivery rose 13 cents a barrel to settle at $20.07. +20155038 The firmness in heating oil was attributed to colder weather in parts of the U.S. and to the latest weekly report by the American Petroleum Institute, which showed a decline in inventories of the fuel. +20155039 GRAINS AND SOYBEANS: +20155040 Prices closed mostly higher in relatively light trading as farmers continued to withhold their crops from the marketplace in the hope of higher prices to come. +20155041 Trading was muted in part because of the observance of All Saints' Day across much of Europe. +20155042 Continued export demand also supported prices. +20155043 As an indicator of the tight grain supply situation in the U.S., market analysts said that late Tuesday the Chinese government, which often buys U.S. grains in quantity, turned instead to Britain to buy 500,000 metric tons of wheat. +20155044 Traders said prices also were supported by widespread rumors that the Soviet Union is on the verge of receiving most favored nation status from the U.S. +20155045 That designation would, among other things, provide more generous credit terms under which the Soviets could purchase grain. +20155046 The Soviets are widely believed to need additional supplies, despite running up record one-month purchases of 310 million bushels of corn in October. +20155047 COPPER: +20155048 Futures prices rose, extending Tuesday's gains. +20155049 The December contract advanced 2.50 cents a pound to $1.1650. +20155050 Buying for the most part carried over from the previous session, and traders apparently ignored reports that a Chilean mine strike may have ended almost before it began, an analyst said. +20155051 According to news service reports, most workers at the Disputado mines owned by Exxon Corp. agreed to a new two-year wage contract that includes a 5% increase and other benefits. +20155052 However, some workers haven't yet accepted the new contract and are continuing negotiations, the analyst said. +20155053 Separately, Reuter reported that the Papua-New Guinea government urged its Parliament to extend a state of emergency in copper-rich Bougainville Island for two months. +20155054 The Bougainville copper mine has been inoperative since May 15 because of attacks by native landowners who want Bougainville to secede from Papua-New Guinea. +20156001 The parent of Younkers, after failing to find a buyer for the chain of Midwestern department stores, said it will sell a stake in the chain to management and take other steps to reduce its investment in retailing. +20156002 Equitable of Iowa Cos., Des Moines, had been seeking a buyer for the 36-store Younkers chain since June, when it announced its intention to free up capital to expand its insurance business. +20156003 But Equitable said it was unable to find a buyer willing to pay what it considers "fair value" for Younkers because of recent turmoil in the bond and stock markets and in retailing. +20156004 Younkers rang up sales in 1988 of $313 million. +20156005 It operates stores mostly in Iowa and Nebraska. +20156006 Younkers management is likely to buy a 10% to 20% interest in the chain in January, said Fred S. Hubbell, Equitable's president and chief executive officer. +20156007 He said Equitable hopes to eventually reduce its stake in Younkers to less than 50%. +20157001 Tony Lama Co. said that Equus Investment II Limited Partnership has proposed changing the offer for the company to $13.65 in cash and stock from an all-cash transaction. +20157002 Under terms of the new proposal, Equus, managed by Equus Capital Corp., Houston, would pay $12 cash and one new preferred share with a liquidation preference of $1.65 a share for each of Tony Lama's 2.1 million shares outstanding. +20157003 Previously, it offered $13.65 a share in cash, or $29 million. +20157004 The El Paso, Texas, maker of Western boots and leather accessories said the preferred stock would accrue dividends at a 12% rate, but wouldn't be paid for the first two years. +20157005 The stock would be redeemed in five years, subject to terms of the surviving company's debt. +20157006 Neither Equus nor Tony Lama gave a reason for the changed offer and Tony Lama couldn't be reached for comment. +20157007 However, Tony Lama said it would promptly submit the offer to a special committee of the company's board. +20158001 Reuters Holdings PLC said Michael Reupke resigned as general manager to pursue unspecified interests, a move the news organization termed an "amicable separation." +20158002 Mr. Reupke, 52 years old and a 27-year Reuters veteran, had been the information-services company's general manager for only six months. +20158003 His appointment to that post, which has senior administrative, staff and policy responsibilities, followed a several-year tenure as Reuters's editor in chief. +20158004 No successor was named, and Mr. Reupke's duties will be split among three other senior Reuters executives, the company said. +20158005 In a telephone interview, Mr. Reupke said his departure was for "personal reasons," which he declined to specify. +20158006 "There is no business reason for my departure," nor any disagreement over policy, he added. +20158007 He also rejected reports that his departure stemmed from disappointment the general manager's post hadn't also led to a board directorship at the London-based news organization. +20158008 Mr. Reupke was one of three executives on Reuters's eight-person executive committee who didn't also serve on the company's board of directors. +20158009 "If I were choosing the people of tomorrow, I would have chosen the people who are now on the board," he said. +20158010 A Reuters spokesman said the departure reflects "no change in strategy or profits." +20158011 Mark Shepperd, an analyst at UBS Phillips & Drew in London, said, "I suspect (the departure) will be fairly irrelevant for the company. +20158012 I would be very surprised if his departure signals any change in strategy or change in profit expectations." +20158013 On London's Stock Exchange, Reuters shares rose five pence to 913 pence ($14.43). +20158014 In the U.S. over-the-counter market, American depositary shares for Reuters, each representing three shares in the London market, closed unchanged at $43.875. +20158015 The senior of the three executives who will assume Mr. Reupke's duties is Nigel Judah, 58, finance director and a Reuters board director. +20158016 Peter Holland, 45, deputy general manager, becomes director of corporate affairs. +20158017 And Patrick Mannix, 46, international technical manager, becomes director of group quality programs. +20159001 DD Acquisition Corp., a partnership of Unicorp Canada Corp.'s Kingsbridge Capital Group and Cara Operations Ltd., extended to Nov. 20 its $45-a-share offer for all Dunkin' Donuts Inc. shares outstanding. +20159002 The offer, which was due to expire yesterday, is conditional on 50.1% of Dunkin' common shares, on a fully diluted basis, being tendered and on the withdrawal of the company's poison pill rights plan. +20159003 DD Acquisition has launched a suit in a Delaware court seeking the withdrawal of Dunkin's poison pill rights and employee stock ownership plans, which it claims were put in place to deter bidders. +20159004 DD Acquisition said 2.2 million shares, or about 38.5% of the shares outstanding, have been tendered under its offer. +20159005 The partners said they already hold 15% of all shares outstanding. +20159006 Dunkin' has set Nov. 10 as the deadline for the receipt of any competing bids. +20159007 DD Acquisition said the extension is to allow this process to be completed. +20159008 Dunkin' is based in Randolph, Mass. +20159009 Cara, a food services chain operator and Unicorp, a holding company, are based in Toronto. +20160001 Savin Corp. reported a third-quarter net loss of $35.2 million, or 31 cents a share, compared with year-earlier profit of $3.8 million, or one cent a share. +20160002 A spokesman for the Stamford, Conn.based company said operations had a loss of $5.5 million for the quarter; in addition, the loss was magnified by nonrecurring charges totaling $23.5 million and $8.2 million in asset-valuation adjustments that he described as "unusual." +20160003 The charges were partly offset by a $2 million gain on the sale of investments of two joint ventures, he said. +20160004 Revenue declined 8% to $85.7 million, from $93.3 million a year earlier. +20160005 Savin cited "a general softening in the demand for office products in the market segments in which Savin competes. +20161001 Hadson Corp. said it expects to report a third-quarter net loss of $17 million to $19 million because of special reserves and continued low natural-gas prices. +20161002 The Oklahoma City energy and defense concern said it will record a $7.5 million reserve for its defense group, including a $4.7 million charge related to problems under a fixed-price development contract and $2.8 million in overhead costs that won't be reimbursed. +20161003 In addition, Hadson said it will write off about $3.5 million in costs related to international exploration leases where exploration efforts have been unsuccessful. +20161004 The company also cited interest costs and amortization of goodwill as factors in the loss. +20161005 A year earlier, net income was $2.1 million, or six cents a share, on revenue of $169.9 million. +20162001 A lack of enthusiasm with the latest economic data hampered the stock market's bid to extend Tuesday's sharp gains, as prices closed slightly higher in sluggish trading. +20162002 While renewed optimism about the outlook for takeover activity boosted several so-called deal stocks, traders said profit-taking weighed on the market, with blue-chips bearing the brunt of the selling. +20162003 The Dow Jones Industrial Average, which had jumped 41.60 points on Tuesday, drifted on either side of its previous close and finished with a gain of just 0.82 at 2645.90. +20162004 Standard & Poor's 500-Stock Index added 0.84 to 341.20; the rise was equivalent to a gain of about six points in the industrial average. +20162005 The Dow Jones Equity Market Index gained 0.99 to 319.75 and the New York Stock Exchange Composite Index went up 0.60 to 188.84. +20162006 Advancing stocks led decliners on the New York Stock Exchange by 847 to 644. +20162007 Big Board volume amounted to 154,240,000 shares, down from 176.1 million Tuesday. +20162008 The October survey of corporate purchasing managers, as expected, provided evidence that economic growth remains subdued. +20162009 An index of economic activity drawn from the survey stood last month at 47.6%; a reading above 50% would have indicated that the manufacturing sector was improving. +20162010 But with the index proving somewhat better than expected and the widely anticipated report on October employment scheduled to arrive tomorrow, stock prices firmed only modestly in response to the report and then faltered. +20162011 "This market's still going through its pains," said Philip Puccio, head of equity trading at Prudential-Bache Securities. +20162012 "The psychology is still: `We want (stocks) up, but if they don't carry we're going to sell them.'" +20162013 Uncertainty about the prospects for further action to curtail stock-index arbitrage, a form of program trading blamed for recent volatility in the market, also contributed to its lack of direction, Mr. Puccio said. +20162014 Arbitrage-related trading during the session was confined largely to a round of buy programs near the close, which helped offset the impact of profit-taking among blue chips. +20162015 Trading is expected to remain subdued as the market awaits tomorrow's release of the jobs data with the hope that it will point toward a decline in interest rates. +20162016 "I sense that some people are reluctant to stick their necks out in any aggressive way until after the figures come out," said Richard Eakle, president of Eakle Associates, Fair Haven, +20162017 Campbell Soup jumped 3 3/8 to 47 1/8 as the resignation of R. Gordon McGovern as president and chief executive officer sparked a revival of rumors that the company could become a takeover target. +20162018 Prudential-Bache Securities boosted the stock's short-term investment rating in response to the departure; analyst John McMillin said he believes the company will turn to new management "that's more financially oriented." +20162019 Other rumored takeover and restructuring candidates to attract buyers included Woolworth, which went up 1 3/4 to 59 1/2; Avon Products, up 1 3/4 to 29 1/4; Paramount Communications, up 2 to 57 7/8, and Ferro, up 2 5/8 to 28 3/4. +20162020 Upjohn, a rumored target within the drug industry, advanced 7/8 to 38 7/8. +20162021 The company said it plans a fourth-quarter charge, which it didn't specify, for an early-retirement program. +20162022 AMR climbed 1 3/4 to 73 1/8 amid rumors that New York developer Donald Trump was seeking financing to mount a new, lower offer for the parent company of American Airlines. +20162023 Mr. Trump withdrew a $120-a-share bid last month. +20162024 UAL rose 1 1/2 to 177. +20162025 Drexel Burnham Lambert analyst Michael Derchin said he sees a 70% chance that the parent of United Airlines, the target of a failed $300-a-share offer from a labor-management group, will be acquired or restructured within six months. +20162026 Georgia Gulf added 1 3/4 to 51 1/4 after NL Industries, controlled by Dallas investor Harold Simmons, offered to acquire the stock it doesn't already own for $50 a share. +20162027 NL, which closed unchanged at 22 3/4, has a stake of just under 10%. +20162028 Great Northern Nekoosa, which surged 20 1/8 Tuesday after Georgia-Pacific launched a $3.18 billion offer for the company, dropped 1 3/8 to 61 1/2 in Big Board composite trading of 5.1 million shares. +20162029 Georgia-Pacific, which went down 2 1/2 Tuesday, lost another 1/2 to 50 3/8. +20162030 Other paper and forest-products stocks closed mixed. +20162031 Mead rose 3/4 to 39 1/2, Federal Paper Board added 1/2 to 24 3/8 and Scott Paper gained 1/2 to 48 3/8, while International Paper fell 7/8 to 48 7/8, Champion International lost 3/8 to 31 1/2 and Louisiana-Pacific dropped 1/8 to 40 1/4. +20162032 Texaco rose 3/4 to 53 3/8 as 4.4 million shares changed hands. +20162033 Most of the volume came from trades designed to capture the stock's next dividend; Texaco has a yield of 5.6% and goes ex-dividend today. +20162034 Santa Fe Pacific dropped 1 1/8 to 17 3/4. +20162035 The company's proposal to sell a 20% stake in its real-estate unit for around $400 million has caused analysts to consider whether to cut their estimates of Santa Fe's asset value. +20162036 GenCorp tumbled 2 to 14. +20162037 The company forecast that fourth-quarter income from continuing operations would be "significantly" lower than a year earlier. +20162038 Allergan went up 1/2 to 19 3/8. +20162039 The Food and Drug Administration allowed the company to begin marketing a new lens for use in cataract patients. +20162040 The American Stock Exchange Market Value Index gained 1.56 to 372.14. +20162041 Volume totaled 11,390,000 shares. +20162042 Old Spaghetti Warehouse rose 1 to 16 1/8. +20162043 Its net income for the September quarter rose about 41% from a year ago. +20163001 Freeport-McMoRan Inc. said it will convert its Freeport-McMoRan Energy Partners Ltd. partnership into a publicly traded company through the exchange of units of the partnership for common shares. +20163002 The company said the restructuring isn't expected to have any impact, adverse or otherwise, on its financial results. +20163003 Freeport-McMoRan, a New Orleans-based diversified energy conglomerate, said the partnership will exchange its assets for common shares of a yet-to-be-formed entity. +20163004 Freeport-McMoRan Energy Partners will be liquidated and shares of the new company distributed to the partnership's unitholders. +20163005 Unitholders will receive two additional 55 cents-a-unit distribution payments before the trust is liquidated in early 1990, the company said. +20163006 It is expected that common shares equal to the number of units outstanding -- about 108 million on Sept. 30 -- will be issued during the first quarter of 1990. +20163007 Freeport-McMoRan, the parent company, holds roughly 80% of the units outstanding. +20164001 Nissan Motor Co., Japan's second-largest car maker, announced Wednesday that the parent concern's pretax earnings in the first half ended last Sept. 30 rose 14% to 88.32 billion yen ($618.1 million) from 77.6 billion yen a year earlier. +20164002 Nissan cited strong domestic sales against the backdrop of continuous economic expansion. +20164003 Profit surged 42% to 40.21 billion yen, or 16.09 yen a share, from 28.36 billion yen, or 11.72 yen a share. +20164004 Sales totaled 1.916 trillion yen, climbing 17% from 1.637 trillion yen in the year-earlier period. +20164005 Nissan scheduled a seven-yen interim dividend payment, unchanged. +20164006 Atsushi Muramatsu, executive vice president and chief financial officer of Nissan, said, "The company has experienced a remarkable turnaround in terms of profitability since the fiscal year ending March 1987, when the sharp and rapid appreciation of the yen caused many difficulties. +20164007 "It can be said that the trend of financial improvement has been firmly set," he added. +20165001 Heritage Media Corp., New York, said it offered to buy the shares of POP Radio Corp. it doesn't already own in a stock swap. +20165002 Heritage, which owns 51% of POP's 3.6 million shares outstanding, said it will exchange one share of a new preferred stock for each POP common share it doesn't already own. +20165003 Depending upon how many warrants and options are exercised prior to completion of the transaction, Heritage would issue between 1.8 million and 2.35 million preferred shares, a Heritage spokesman estimated. +20165004 In national over-the-counter trading yesterday, POP plunged $4 to $14.75. +20165005 The preferred stock, which would have a dividend rate of $1.76 a year, would be convertible into Heritage common at a rate of four common shares for each preferred. +20165006 New York-based POP Radio provides, through a national, in-store network, a customized music, information and advertising service which simulates live radio. +20165007 Heritage owns and operates television and radio stations and in-store advertising and promotion programs. +20166001 GenCorp Inc., hurt by a plant accident and other unexpected costs, said it expects to report that fiscal fourth-quarter profit from continuing operations will be significantly below last year's $25 million. +20166002 The Fairlawn, Ohio-based company also said that full-year profit from continuing operations will be far below last year's $148 million. +20166003 Last year's figures include a one-time loss of $12 million for restructuring and unusual items. +20166004 But the automotive parts and aerospace concern expects that net for the year ending Nov. 30 will exceed last fiscal year's net of $70 million, or $2.19 a share, primarily because of $200 million in gains from sales of discontinued operations. +20166005 Harry Millis, an analyst at McDonald & Co. in Cleveland, said GenCorp's unanticipated losses come largely from an accident at a government-owned assembly plant in Kansas, run by a private subcontractor, that makes cluster bombs for GenCorp's Aerojet Ordnance business. +20166006 Transamerica Corp., San Francisco, said third-quarter profit was essentially flat despite a large one-time gain a year earlier. +20166007 The insurance and financial services concern said profit for the quarter rose 1.1% to $93.9 million, or $1.19 a share, compared with $92.9 million, or $1.18 a share, the year earlier. +20166008 The results reflected a 24% gain in income from its finance businesses, and a 15% slide in income from insurance operations. +20166009 Transamerica said third-quarter investment gains were $10.2 million, compared with $6.4 million the year earlier. +20166010 It said insurance profit reflected a $6 million loss from Hurricane Hugo. +20166011 It also estimated that losses from the Oct. 17 earthquake in California would be no more than $6 million, and would be included in fourth-quarter results. +20167001 RMS International Inc., Hasbrouk Heights, N.J., facing a cash-flow squeeze, said it is seeking other financing sources and waivers from debenture holders. +20167002 The company said that because of softening sales it isn't in compliance with requirements that it maintain $3 million in working capital. +20167003 RMS distributes electronic devices and produces power supplies and plastic literature displays. +20167004 RMS said it had a loss of $158,666, or 10 cents a share, in the third quarter, compared with a year-earlier loss of $26,956, or two cents a share. +20167005 Sales rose to $3 million from $2.9 million. +20167006 For the nine months, the company reported a net loss of $608,413, or 39 cents a share, compared with year-earlier net income of $967,809, or 62 cents a share. +20167007 Sales rose to $9.8 million from $8.9 million. +20168001 Meridian National Corp. said it sold 750,000 shares of its common stock to the McAlpine family interests, for $1 million, or $1.35 a share. +20168002 The sale represents 10.2% of Meridian's shares outstanding. +20168003 The McAlpine family, which operates a number of multinational companies, including a London-based engineering and construction company, also lent to Meridian National $500,000. +20168004 That amount is convertible into shares of Meridian common stock at $2 a share during its one-year term. +20168005 The loan may be extended by the McAlpine group for an additional year with an increase in the conversion price to $2.50 a share. +20168006 The sale of shares to the McAlpine family along with the recent sale of 750,000 shares of Meridian stock to Haden MacLellan Holding PLC of Surrey, England and a recent public offering have increased Meridian's net worth to $8.5 million, said William Feniger, chief executive officer of Toledo, Ohio-based Meridian. +20169001 Ratners Group PLC, a fast-growing, acquisition-minded London-based jeweler, raised its price for Seattle-based specialty jeweler Weisfield's Inc. to $57.50 a share, or $62.1 million, from $50 a share, or $55 million, after another concern said it would be prepared to outbid Ratners's initial offer. +20169002 The other concern wasn't identified. +20169003 Ratners's chairman, Gerald Ratner, said the deal remains of "substantial benefit to Ratners." +20169004 In London at mid-afternoon yesterday, Ratners's shares were up 2 pence (1.26 cents), at 260 pence ($1.64). +20169005 The sweetened offer has acceptances from more than 50% of Weisfield's shareholders, and it is scheduled for completion by Dec. 10. +20169006 The acquisition of 87-store Weisfield's raises Ratners's U.S. presence to 450 stores. +20169007 About 30% of Ratners's profit already is derived from the U.S. +20170001 Carnival Cruise Lines Inc. said potential problems with the construction of two big cruise ships from Finland have been averted. +20170002 Last week, Miami-based Carnival disclosed that Waertsilae Marine Industries, the Finnish shipyard that is building Carnival's new cruise ships, planned to file for bankruptcy. +20170003 Yesterday, Carnival said a new company has been formed in Finland that will carry on Waertsilae's shipbuilding operations. +20170004 Carnival said it will be an 11% shareholder in the new company. +20170005 Carnival said the Fantasy, a 2,050-passenger ship that was slated to be delivered this month, will be delivered in January. +20170006 A second ship is now expected to be delivered late next year or early in 1991. +20170007 Carnival had expected that ship to be delivered next fall. +20170008 A planned third ship still may be built in the Finnish shipyard, or may be built elsewhere, Carnival said. +20171001 Valley Federal Savings & Loan Association took an $89.9 million charge as it reported a third-quarter loss of $70.7 million, or $12.09 a share. +20171002 The Van Nuys, Calif., thrift had net income of $132,000, or three cents a share, a year ago. +20171003 The bulk of the pretax charge is a $62 million write-off of capitalized servicing at the mobile home financing subsidiary, which the company said had been a big drain on earnings. +20171004 The company said the one-time provision would substantially eliminate all future losses at the unit. +20171005 Valley Federal also added $18 million to realestate loan reserves and eliminated $9.9 million of good will. +20171006 The thrift said that "after these charges and assuming no dramatic fluctuation in interest rates, the association expects to achieve near record earnings in 1990." +20171007 Valley Federal is currently being examined by regulators. +20171008 New loans continue to slow; they were $6.6 million in the quarter compared with $361.8 million a year ago. +20171009 The thrift has assets of $3.2 billion. +20172001 First of America Bank Corp. said it completed its acquisition of Midwest Financial Group Inc. for about $250 million. +20172002 First of America, which now has 45 banks and $12.5 billion in assets, announced an agreement to acquire the Peoria, Ill., bank holding company in January. +20172003 Midwest Financial has $2.3 billion in assets and eight banks. +20172004 The Midwest Financial subsidiary banks will continue to operate under their current names until early 1990, when each will adopt the First of America name. +20172005 Kalamazoo, Mich.-based First of America said it will eliminate the 13 management positions of the former Midwest Financial parent company. +20172006 First of America said some of the managers will take other jobs with First of America. +20172007 But it said that severance payments to those executives not staying with the company will reduce First of America's operating results for 1989 by $3 million to $4 million, or 15 cents to 20 cents a share. +20173001 Coleco Industries Inc., a once high-flying toy maker whose stock peaked at $65 a share in the early 1980s, filed a Chapter 11 reorganization plan that provides just 1.125 cents a share for common stockholders. +20173002 Under the plan, unsecured creditors, who are owed about $430 million, would receive about $92 million, or 21 cents for each dollar they are owed. +20173003 In addition, they will receive stock in the reorganized company, which will be named Ranger Industries Inc. +20173004 After these payments, about $225,000 will be available for the 20 million common shares outstanding. +20173005 The Avon, Conn., company's stock hit a high in 1983 after it unveiled its Adam home computer, but the product was plagued with glitches and the company's fortunes plunged. +20173006 But Coleco bounced back with the introduction of the Cabbage Patch dolls, whose sales hit $600 million in 1985. +20173007 But as the craze died, Coleco failed to come up with another winner and filed for bankruptcy-law protection in July 1988. +20173008 The plan was filed jointly with unsecured creditors in federal bankruptcy court in New York and must be approved by the court. +20174001 ORTEGA ENDED a truce with the Contras and said elections were threatened. +20174002 The Nicaraguan president, citing attacks by the U.S.-backed rebels, suspended a 19-month-old cease-fire and accused Bush of "promoting death." +20174003 While he reaffirmed support for the country's Feb. 25 elections, Ortega indicated that renewed U.S. military aid to the Contras could thwart the balloting. +20174004 He said U.S. assistance should be used to demobilize the rebels. +20174005 A White House spokesman condemned the truce suspension as "deplorable" but brushed off talk of renewing military funding for the insurgents. +20174006 The Contra military command, in a statement from Honduras, said Sandinista troops had launched a major offensive against the rebel forces. +20174007 East German leader Krenz called the protests in his country a "good sign," saying that many of those marching for democratic freedoms were showing support for "the renovation for socialism." +20174008 The Communist Party chief, in Moscow for talks with Soviet officials, also said East Germany would follow Gorbachev's restructuring plans. +20174009 Thousands of East Germans fled to Czechoslovakia after the East Berlin government lifted travel restrictions. +20174010 The ban on cross-border movement was imposed last month after a massive exodus of emigres to West Germany. +20174011 Also, a Communist official for the first time said the future of the Berlin Wall could be open to discussion. +20174012 Health officials plan to extend a moratorium on federal funding of research involving fetal-tissue transplants. +20174013 The assistant HHS secretary said the ban "should be continued indefinitely." +20174014 While researchers believe such transplants could help treat diseases like Alzheimer's, anti-abortionists oppose the research. +20174015 Rep. Dingell of Michigan plans to unveil today a proposal that would break with Bush's clean-air bill on the issue of emissions that lead to acid rain. +20174016 The Democrat's proposal is described by government sources and lobbyists as significantly weaker than the president's plan to cut utility emissions. +20174017 House-Senate conferees approved major portions of a package for more than $500 million in economic aid for Poland. +20174018 The plan relies heavily on $240 million in credit and loan guarantees in fiscal 1990 in hopes of stimulating future trade and investment. +20174019 South Africa accused armed Namibian nationalist guerrillas of crossing from bases in neighboring Angola, violating U.N.-supervised peace plans for the territory's independence from Pretoria. +20174020 South African troops were placed on alert. +20174021 Guerrilla leaders said Pretoria was attempting to sabotage next week's elections in Namibia. +20174022 Gunmen in Lebanon assassinated a Saudi Arabian Embassy employee, and the pro-Iranian Islamic Jihad took responsibility for the slaying to avenge the beheading of 16 terrorists by Riyadh's government in September. +20174023 Also in Beirut, a Moslem group vowed to kill Americans if the U.S. implements a policy to seize suspects abroad. +20174024 Nixon concluded five days of private talks with Chinese leaders in Beijing, but apparently failed to ease strains in Sino-U.S. ties caused by China's crackdown against pro-democracy protesters in June. +20174025 Beijing's rulers complained to the former president about U.S. "interference" in China's domestic affairs. +20174026 Mexico's President Salinas said the country's recession had ended and the economy was growing again. +20174027 In his first state of the nation address, Salinas pledged to continue his program of modernization and warned opposition politicians that impeding progress could cost them popular support. +20174028 Pakistan's Bhutto defeated the first no-confidence motion in the nation's 42-year history, surviving the vote that could have brought down her 11-month-old government. +20174029 The prime minister's opponents claimed the balloting, 12 votes short of a majority in Islamabad's 237-seat assembly, was rigged. +20174030 The White House said the shipboard meetings next month between Bush and Soviet leader Gorbachev will take place in the waters off Malta. +20174031 The location was disclosed as the U.S. began planning the issues to be discussed at the Dec. 2-3 tete-a-tete. +20174032 Bush unveiled a package of trade initiatives to help establish "economic alternatives to drug trafficking" in the Andean nations of South America. +20174033 The president's plan includes a commitment to help negotiate a new international coffee agreement. +20174034 Pan Am has subpoenaed several government agencies, including the CIA and FBI, to determine whether they were warned that a bomb had been planted aboard a jet that exploded over Scotland last December, killing 270 people. +20174035 The airline is attempting to show that Israel and West Germany warned the U.S. about the impending attack. +20174036 Died: James A. Attwood, 62, retired chairman and president of Mutual Life Insurance Co. of New York, Tuesday, in New York City, of an acute anemic condition. +20175001 Sony Corp. completed its tender offer for Columbia Pictures Entertainment Inc., with Columbia shareholders tendering 99.3% of all common shares outstanding by the Tuesday deadline. +20175002 Sony Columbia Acquisition Corp., formed for the Columbia deal, will formally take ownership of the movie studio later this month, a spokesman said. +20175003 Sony is paying $27 a share, or $3.55 billion, cash and is assuming $1.4 billion of long-term debt. +20175004 Still unresolved is Sony's effort to hire producers Jon Peters and Peter Guber to run the studio. +20175005 Sony's planned acquisition of Guber/Peters Entertainment Co. for $200 million is scheduled to close Monday. +20175006 Guber/Peters has been locked in litigation with Warner Communications Inc. in an attempt to get out of an exclusive production contract with Warner. +20175007 Both sides are in talks to settle the dispute. +20176001 Xerox Corp. has told employees in its Crum & Forster personal insurance operations that it is laying off about 300 people, or 25% of the staff. +20176002 A spokeswoman for Crum & Forster said employees were told early this week that numerous staff functions for the personal insurance lines were going to be centralized as a cost-cutting move. +20176003 She said the move would result in a after-tax charge of less than $4 million to be spread over the next three quarters. +20176004 By comparison, for the first nine months, Xerox earned $492 million, or $4.55 a share, on revenue of $12.97 billion. +20176005 Earnings at Xerox's financial-services operations actually rose slightly, but that was largely because capital gains at Crum & Forster offset Hurricane Hugo payments and the reserves set up to cover future payments. +20176006 Property/casualty insurance has been a tough business in recent quarters, as pricing has been cutthroat and natural disasters such as Hurricane Hugo and the California earthquake have resulted in huge payments. +20177001 Komatsu Ltd., a large integrated maker of construction machinery, posted a 32% unconsolidated gain in first-half pretax profit. +20177002 For the period ended Sept.30, it earned 16.68 billion yen, (US$116.7 million) up from 12.68 billion yen the year before. +20177003 Sales rose 11% to 292.32 billion yen from 263.07 billion yen. +20177004 Net income surged 31% to 7.63 billion yen from 5.82 billion yen. +20177005 Per-share net rose to 7.84 yen from 6.53 yen. +20177006 Brisk domestic demand due to increasing capital investment pushed up sales sharply in construction and industrial machinery divisions. +20177007 Domestic sales of construction machinery, such as power shovels and bulldozers rose to 142.84 billion yen from 126.15 billion yen. +20177008 Demand from Europe and Southeast Asia also grew, but due to increasing production at local plants, overseas sales edged down 2.8%. +20177009 Komatsu predicted that for the fiscal year ending March 31 sales will climb to 600 billion yen from 566.54 billion yen; pretax profit was forecast at 35 billion yen, up from 28.53 billion yen in fiscal 1989. +20177010 Net is expected to rise to 17 billion yen from 12.82 billion yen a year earlier. +20178001 ECONOMIC GROWTH APPEARS to be leveling off, latest reports suggest. +20178002 Factory orders and construction outlays were largely flat in September, while purchasing agents said manufacturing shrank further in October. +20178003 Still, many economists aren't predicting a recession anytime soon. +20178004 The Fed is coming under pressure to cut short-term interest rates due to the apparent slowing of the economy. +20178005 But it isn't clear yet whether the central bank will make such a move. +20178006 Campbell Soup forced out its president and chief executive, R. Gordon McGovern, the strongest indication yet that the Dorrance family plans to take charge of reshaping the troubled food company. +20178007 Campbell's stock rose $3.375, to $47.125, in reaction. +20178008 The Chicago Merc plans an additional "circuit breaker" to stem sharp drops in the market. +20178009 Also, Big Board Chairman Phelan said he would support SEC halts of program trading during market crises but not any revival of a "collar" on trading. +20178010 Georgia Gulf received a new takeover bid from investor Harold Simmons and NL Industries of $50 a share, or about $1.1 billion. +20178011 The offer, which follows a $55-a-share bid that was rejected in September, steps up pressure on the chemicals concern. +20178012 The minimum-wage bill worked out by Congress and Bush won easy approval in the House. +20178013 The compromise plan, which boosts the minimum wage for the first time since 1981, is expected to clear the Senate soon. +20178014 Steinberg sought clearance to buy more than 15% of United Air's parent, saying he may seek control. +20178015 Takeover experts said they doubted the financier would make a bid by himself. +20178016 An airline buy-out bill was approved by the House. +20178017 The measure would make it easier for the Transportation Department to block leveraged buy-outs in the industry. +20178018 USX was cited by OSHA for several health and safety violations at two Pennsylvania plants and may face a record fine of $7.3 million. +20178019 Random House Chairman Robert Bernstein said he is resigning from the publishing house he has run for 23 years. +20178020 A successor wasn't named. +20178021 Cray Research indicated that the survival of a spinoff company, which is developing a new supercomputer, depends heavily on its chairman and chief designer, Seymour Cray. +20178022 Light trucks and vans will face the same safety requirements as automobiles under new proposals by the Transportation Department. +20178023 The Treasury plans to sell $30 billion in notes and bonds next week but will delay the auction unless Congress quickly raises the debt ceiling. +20178024 U.S. farmers' net income rose to a record $59.9 billion last year despite one of the worst droughts ever. +20178025 Two antitrust agencies may face further cutbacks because of a complicated new funding device, some Democrats in Congress are warning. +20178026 Markets -- +20178027 Stocks: Volume 154,240,000 shares. +20178028 Dow Jones industrials 2645.90, up 0.82; transportation 1206.26, up 1.25; utilities 220.45, up 1.26. +20178029 Bonds: Shearson Lehman Hutton Treasury index 3436.58, up +20178030 Commodities: Dow Jones futures index 129.91, up 0.28; spot index 131.01, up 1.17. +20178031 Dollar: 143.80 yen, up 0.95; 1.8500 marks, up 0.0085. +20179001 Junk-bond markdowns, an ongoing Securities and Exchange Commission investigation, a Drexel Burnham Lambert connection, a fizzled buy-out rumor. +20179002 All this has cast a pall over Columbia Savings & Loan Association and its high-rolling 43-year-old chairman, Thomas Spiegel, who built the $12.7 billion Beverly Hills, Calif., thrift with high-yield junk bonds. +20179003 Bears have targeted Columbia's stock because of the thrift's exposure to the shaky junk market. +20179004 And some investors fault Mr. Spiegel's life style; he earns millions of dollars a year and flies around in Columbia's jet planes. +20179005 Columbia stock recently hit 4 1/8, after reaching 11 3/4 earlier this year on rumors that Mr. Spiegel would take the thrift private. +20179006 Moreover, junk professionals think Columbia's huge third-quarter markdown of its junk portfolio to $4.4 billion wasn't enough, meaning another markdown could be coming. +20179007 But in recent days, Columbia has edged up, closing at 5 1/4, up 3/8, yesterday on revived speculation that the thrift might restructure. +20179008 Mr. Spiegel's fans say Columbia's Southern California branches are highly salable, and the thrift has $458 million of shareholders equity underlying its assets. +20179009 That's almost $10 of equity for each Columbia share, including convertible preferred shares, though more junk markdowns would reduce the cushion. +20179010 Columbia has only about 10 million common shares in public hands. +20179011 The Spiegel family has 25% of the common and 75% of the votes. +20179012 Other big common holders are Carl Lindner's American Financial, investor Irwin Jacobs and Pacific Financial Research, though the latter cut its stake this summer. +20179013 While many problems would attend a restructuring of Columbia, investors say Mr. Spiegel is mulling such a plan to mitigate Columbia's junk problems. +20179014 Indeed, Columbia executives recently told reporters they were interested in creating a separate unit to hold Columbia's junk bonds and perhaps do merchant banking. +20179015 Columbia won't comment on all the speculation. +20179016 But like other thrifts, it's expected to seek regulators' consent to create a distinct junk-bond entity. +20179017 Plans to do this are due to be filed in a week or so. +20179018 New rules force thrifts to write down their junk to market value, then sell the bonds over five years. +20179019 That's why Columbia just wrote off $130 million of its junk and reserved $227 million for future junk losses. +20179020 But if Columbia could keep its junk bonds separate from the thrift till they mature -- at full value, unless the issuer goes bust or restructures -- the junk portfolio might do all right. +20179021 Columbia, a longtime Drexel client, won't provide current data on its junk. +20179022 But its 17 big junk holdings at year end showed only a few bonds that have been really battered. +20179023 These were Allied Stores, Western Union Telegraph, Gillett Holdings, SCI Television and Texas Air, though many other bonds in Columbia's portfolio also have lost value. +20179024 Possibly offsetting that, Columbia recently estimated it has unrealized gains on publicly traded equity investments of more than $70 million. +20179025 It also hopes for ultimate gains of as much as $300 million on equity investments in buy-outs and restructurings. +20179026 One trial balloon Mr. Spiegel is said to have floated to investors: Columbia might be broken up, as Mellon Bank was split into a good bank and a bad bank. +20179027 But Columbia's good bank would be a regulated thrift, while the bad bank would be a private investment company, holding some of Columbia's junk bonds, real estate and equity investments. +20179028 Some think Columbia's thrift, which now is seeking a new chief operating officer, might be capitalized at, say $300 million, and shopped to a commercial bank that wants a California presence. +20179029 The thrift surely could be sold for more than the value of its equity, financial industry executives say. +20179030 Meanwhile, the bad bank with the junk bonds -- and some capital -- might be spun off to Columbia shareholders, including Mr. Spiegel, who might then have a new career, investors say. +20179031 It isn't clear how much a restructuring would help Columbia stockholders. +20179032 But "the concept is workable. +20179033 You sell the good bank as an ongoing operation and use some of the proceeds to capitalize the bad bank," says thrift specialist Lewis Ranieri of Ranieri Associates in New York. +20179034 Mr. Spiegel's next career move is a subject of speculation on Wall Street. +20179035 Few people think Mr. Spiegel wants to run a bread-and-butter thrift, which current rules would force Columbia to become. +20179036 "They aren't really a thrift," says Jonathan Gray, a Sanford C. Bernstein analyst. +20179037 Of course, regulators would have to approve Columbia's reorganization. +20179038 And some investment bankers say a restructuring isn't feasible while the SEC still is scrutinizing Mr. Spiegel's past junk-bond trades. +20179039 Pauline Yoshihashi in Los Angeles contributed to this article. +20179040 Columbia Savings & Loan (NYSE; Symbol: CSV) +20179041 Business: Savings and loan +20179042 Year ended Dec. 31, 1988: Net income: $65 million; or $1.49 a share +20179043 Third quarter, Sept. 30, 1989: Net loss: $11.57 a share vs. net income: 37 cents a share +20179044 Average daily trading volume: 83,206 shares +20179045 Common shares outstanding: 19.6 million +20179046 Note: All per-share figures are fully diluted. +20180001 Genetics Institute Inc., Cambridge, Mass., said it was awarded U.S. patents for Interleukin-3 and bone morphogenetic protein. +20180002 The patent for Interleukin-3 covers materials and methods used to make the human blood cell growth factor via recombinant DNA technology. +20180003 Sandoz Ltd. has licensed certain manufacturing and marketing rights for Interleukin-3 from Genetics Institute and is conducting preclinical studies with it. +20180004 Interleukin-3 may help in treating blood cell deficiencies associated with cancer treatment, bone marrow transplants and other blood-cell disorders, Genetics Institute said. +20180005 The second patent describes bone morphogenetic protein-1, a substance that can induce formation of new cartilage. +20180006 The patent covers BMP-1 type proteins and pharmaceutical compositions and methods for treating bone or cartilage defects, Genetics Institute said. +20180007 The company added that it has filed patent applications "on a large number of different BMP proteins" and the patent on BMP-1 is the first it has received. +20180008 BMP products may be useful in fracture healing and in treating bone loss associated with periodontal disease and certain cancers, the company said. +20181001 The Bush administration's nomination of Clarence Thomas to a seat on the federal appeals court here received a blow this week when the American Bar Association gave Mr. Thomas only a "qualified" rating, rather than "well qualified." +20181002 People familiar with the Senate Judiciary Committee, which will vote on the nomination, said some liberal members of the panel are likely to question the ABA rating in hearings on the matter. +20181003 Mr. Thomas, currently chairman of the Equal Employment Opportunity Commission, would add another conservative voice to the closely divided court. +20181004 Groups have accused him of advocating policies that narrowed rights of older workers and of ignoring discrimination by large companies. +20181005 Fourteen members of the House with jurisdiction over the EEOC have said they oppose Mr. Thomas's nomination because of "serious questions about his judgment {and} respect for the law." +20181006 A senior Justice Department official, however, said the administration isn't worried about the ABA rating. +20181007 "We're pleased the ABA rated him qualified," David Runkel, the department's chief spokesman, said in an interview. +20181008 The ABA gives a "qualified" rating to nominees it believes would perform "satisfactorily" on the bench. +20181009 In contrast, the lawyers' association gives a "well qualified" rating to those "regarded as one of the best available for the vacancy. +20182001 Metallgesellschaft AG said it agreed to acquire 51% of Lentjes AG from the Ferdinand Lentjes Foundation. +20182002 Terms weren't disclosed. +20182003 Metallgesellschaft, a diversified Frankfurt, West Germany-based metals group, said it is buying the stake in the specialized engineering company to expand its production of environmental supplies for power plants. +20182004 Lentjes' product mix of specialized boilers and pipes provides a good fit with its own Lurgi G.m.b.H. plant engineering unit, the company said. +20182005 The move is part of a strategy to focus on its core metals trading, processing and plant engineering activities while shedding peripheral units, the company said. +20182006 Lentjes had 1988 sales of 800 million marks ($434.4 million) and has a current order backlog of 2.5 billion marks. +20182007 The sale comes in place of a planned initial public offering of Lentjes stock. +20182008 A plan to bring the stock to market before year end apparently was upset by the recent weakness of Frankfurt share prices. +20183001 The U.S. International Trade Commission issued preliminary rulings under the U.S. anti-dumping act that imports of sweaters from Hong Kong, Taiwan and South Korea may be injuring a domestic industry. +20183002 Because of the rulings, the Commerce Department will continue to investigate complaints by U.S. sweater makers that the imports are reaching the U.S. at unfairly low prices in violation of the U.S. anti-dumping act. +20183003 The law defines unfairly low prices as ones below the cost of production or below prices in an exporter's home market. +20183004 ITC officials said final Commerce Department and ITC rulings won't come until next March or later. +20183005 If both agencies find violations of the U.S. trade law, the U.S. would assess penalty duties on the imports, which already are subject to import quotas under bilateral textile and apparel trade agreements. +20183006 Imports of manmade-fiber sweaters in 1988 totaled about $405 million from Taiwan, $400 million from South Korea and $125 million from Hong Kong, according to the ITC. +20183007 In another action, the ITC dismissed anti-dumping act complaints filed by Du Pont Co. of Wilmington, Del., against imports of neoprene, a type of synthetic rubber, from France and West Germany. +20183008 These imports totaled about $17 million last year. +20184001 Upjohn Co. said it will offer an early retirement package to as many as 1,100 employees in a cost-cutting move expected to result in a fourth-quarter charge. +20184002 Upjohn officials said they couldn't estimate the size of the charge until they determine which employees, and how many, will participate in the retirement plan. +20184003 But the pharmaceutical company said it "anticipates the long-term savings resulting from the plan's implementation will more than offset short-term costs." +20184004 The program, available to Upjohn employees 55 years old or older, could increase an individual's retirement benefits 10% to 20%. +20184005 In addition, Upjohn is offering a one-time retirement bonus equal to six months of base pay. +20184006 Chairman Theodore Cooper called the program part of the company's two-year strategy to implement budget constraints and "an effective headcount-control program." +20184007 But some analysts questioned how much of an impact the retirement package will have, because few jobs will end up being eliminated. +20184008 "It's a cosmetic move," said Jonathan S. Gelles of Wertheim Schroder & Co. +20184009 According to Upjohn's estimates, only 50% to 60% of the 1,100 eligible employees will take advantage of the plan. +20184010 Upjohn further estimated that about 50% of the employees who leave for early retirement may be replaced. +20184011 As a result, Upjohn will likely trim only about 275 to 350 of its more than 21,000 jobs world-wide. +20184012 In composite trading on the New York Stock Exchange yesterday, Upjohn shares rose 87.5 cents to $38.875 apiece. +20184013 An Upjohn spokesman said he had "heard nothing" to suggest the early retirement package was spurred by shareholder pressure or a potential bidder for the company, which occasionally has been the target of takeover speculation. +20184014 The company earlier this year adopted a shareholder-rights plan to ward off unwanted suitors. +20184015 The spokesman said it is the first early retirement plan offered under its two-year cost-control strategy. +20184016 Earlier staff-reduction moves have trimmed about 300 jobs, the spokesman said. +20185001 INTER-TEL Inc. (Chandler, Ariz.) -- +20185002 Jerry Chapman, managing director of WayMar Associates, was elected a director of this business telecommunications software and systems concern. +20185003 He increases the board to seven. +20186001 "Feeding Frenzy" (Henry Holt, 326 pages, $19.95), a highly detailed account of the Wedtech scandal, begins on a reassuring note. +20186002 Right up front in the preface, co-author William Sternberg gives us an example of his own integrity. +20186003 When offered a free trip from the Bronx, Wedtech's home, to Washington, D.C., by one of Wedtech's principals, he tells the reader, "mindful of accepting anything of value from those I was writing about, I declined." +20186004 Any question as to why an author would believe this plaintive, high-minded note of assurance is necessary is answered by reading this book about sticky fingers and sweaty scammers. +20186005 Bribe by bribe, Mr. Sternberg and his co-author, Matthew C. Harrison Jr., lead us along the path Wedtech traveled, from its inception as a small manufacturing company to the status of full-fledged defense contractor, entrusted with the task of producing vital equipment for the Army and Navy. +20186006 The book revolves around John Mariotta, the founder of the company, and Fred Neuberger, who became his partner soon after Wedtech's creation. +20186007 Although started in 1965, Wedtech didn't really get rolling until 1975, when Mr. Neuberger discovered the federal government's Section 8(A) minority business program. +20186008 This is a Johnson-era, Great Society creation that mandates certain government contracts be awarded noncompetitively to minority businesses. +20186009 Mr. Neuberger realized that, although of Italian ancestry, Mr. Mariotta still could qualify as a minority person since he was born in Puerto Rico. +20186010 The two partners merely had to falsify the true ownership of the corporation. +20186011 Instead of 50/50 it became, on paper only, two-thirds Mariotta, one-third Neuberger, and they were in the program and off to the races. +20186012 Besides being a "minority-owned company" Wedtech was located in the South Bronx, a blighted area, made famous by Jimmy Carter in his 1976 presidential campaign. +20186013 The company plugged itself right into Carter campaign rhetoric about rebuilding the South Bronx and kept using the minority -- South Bronx angle through the Reagan '80s. +20186014 Starting with Congressman Mario Biaggi (now serving a jail sentence), the company began a career of bribing federal, state and local public officials and those close to public officials, right up to and including E. Robert Wallach, close friend and adviser to former Attorney General Ed Meese. +20186015 Wedtech didn't just use old fashioned bribery. +20186016 It made ample use of the modern techniques of influence peddling, retaining politically connected "respectable" law firms, investment bankers and political consultants, including Reagan confidant Lyn Nofzinger. +20186017 When necessary, it sought and received assistance from organized crime. +20186018 Sometimes the bribed became partners in the company. +20186019 Wedtech management used the merit system. +20186020 If you were especially helpful in a corrupt scheme you received not just cash in a bag, but equity. +20186021 If you were not an effective crook, you found yourself out in the cold, a fate that eventually befell Mr. Mariotta, the firm's semiliterate "minority" person. +20186022 But despite the sensational nature of the revelations and the breezy, easy-to-read tabloid writing style, "Feeding Frenzy" often falls short of gripping reading. +20186023 None of the scams show much ingenuity: Auditors found crookery the first day on the job. +20186024 Wedtech's scammers simply bribed them to shut up. +20186025 The scammers themselves were garden-variety low lifes, conspicuous consumers who wanted big houses, Mercedes cars, beautiful women, expensive clothes. +20186026 Among the lot of them, not one is wrestling with good and evil, or especially intelligent or even temporarily insane. +20186027 The one character at least somewhat interesting was Irving Louis Lobsenz, a pediatrician who changed his name to Rusty Kent London and became a master gambler and author of a book on blackjack. +20186028 He enters the story toward the end, just in time to get arrested. +20186029 Absorbed in doling out "Feeding Frenzy's" tidbits, the authors gloss over the root causes of Wedtech, namely the Section 8(A) federal program under whose auspices the scandal took place. +20186030 They do at least come around to saying that the courts might want to end "rigid affirmative action programs." +20186031 Programs like Section 8(A) are a little like leaving gold in the street and then expressing surprise when thieves walk by to scoop it up. +20186032 Numerous other scandals, among them the ones at HUD, have the same characteristics as Wedtech. +20186033 They take place in government programs that seem tailor-made for corruption. +20186034 Why are programs like this not eliminated? +20186035 "Feeding Frenzy" does provide a few clues. +20186036 In and around all levels of government in the U.S. are groups of people who can best be described as belonging to a political insider commercial party. +20186037 They know that whenever government is redistributing wealth, regulating commerce or maintaining a large defense establishment, there is big money to be made in influencing, brokering or selling the processes and decisions of government. +20186038 They are our version of the East bloc's Nomenklatura and they have absolutely no wish to see anything change. +20186039 How many government programs and policies exist because they line the pockets of political insiders? +20186040 This is the real issue raised by the Wedtech scandal. +20186041 Mr. Stern was chairman and chief executive officer of the New York State Urban Development Corp., 1983-85. +20187001 The Finnish government and major creditors of bankrupt shipyard Waertsilae Marine Industries Oy agreed in principle to form a new company to complete most of the troubled shipyard's backlog of 15 ships. +20187002 The new company will attempt to limit the shipyard's losses, participants said. +20187003 "The situation is that the bankruptcy court will get out of the shipbuilding business. +20187004 Everything will be taken over by the new company," said Christian Andersson, executive vice president of Oy Waertsilae, former parent of Waertsilae Marine. +20187005 Once its ownership is finalized, the new company will open talks with state-appointed receivers to buy or lease Waertsilae Marine's shipyard facilities. +20187006 Subcontractors will be offered a settlement and a swift transition to new management is expected to avert an exodus of skilled workers from Waertsilae Marine's two big shipyards, government officials said. +20187007 Under an accord signed yesterday, the government and Union Bank of Finland would become major shareholders in the new company, each injecting 100 million Finnish markkaa ($23.5 million). +20187008 Oy Waertsilae is to contribute 200 million markkaa, most of it as subordinated debt, and take a minority stake in the new company. +20187009 Customers holding contracts for Waertsilae Marine's undelivered ships are expected to subscribe most of the remaining 170 million markkaa in share capital, government officials said. +20187010 Waertsilae Marine's biggest creditor is Miami-based Carnival Cruise Lines Inc. +20187011 Carnival, which has three ships on order from Waertsilae Marine, presented claims for $1.5 billion damages in the bankruptcy court this week. +20187012 Waertsilae Marine's bankruptcy proceedings began Tuesday in a Helsinki court. +20188001 Its plans to be acquired dashed, Comprehensive Care Corp. said it plans to sell most of its psychiatric and drug abuse facilities in California and some other assets to pay its debt and provide working capital. +20188002 In all, the company hopes to repay $45 million in debt through the sales, which will completely discharge its secured debt, the company said. +20188003 In addition, the company has replaced its president and chief executive, naming W. James Nichol, head of the company's contract health services, to succeed B. Lee Karns. +20188004 Mr. Nichol said he was "extremely disappointed in the continuing deterioration of the company's operations while it attempted to conclude the reorganization during the past four months." +20188005 Concurrent with Mr. Nichol's appointment, Comprehensive Care moved its corporate headquarters from Irvine, Calif., to St. Louis, where the company maintained its contract services offices. +20188006 Mr. Karns continues as chairman. +20188007 Comprehensive Care had agreed to be acquired by closely held First Hospital Corp. of Norfolk, Va., but the sale sputtered almost from the beginning and finally collapsed last week. +20188008 In composite trading on the New York Stock Exchange yesterday, Comprehensive Care closed at $3.75 a share, up 12.5 cents. +20189001 Ralston Purina Co. reported a 47% decline in fourth-quarter earnings, reflecting restructuring costs as well as a more difficult pet food market. +20189002 The St. Louis company earned $45.2 million, or 65 cents a share, compared with $84.9 million, or $1.24 a share, a year earlier. +20189003 Sales in the latest period were $1.76 billion, a 13% increase from last year's $1.55 billion. +20189004 For the year ended Sept. 30, Ralston earned $422.5 million, or $6.44 a share, up 8.9% from $387.8 million, or $5.63 a share. +20189005 This year's results included a gain of $70.2 million on the disposal of seafood operations. +20189006 Sales for the full year were $6.6 billion, up 13% from $5.8 billion. +20189007 Ralston said its restructuring costs include the phase-out of a battery facility in Greenville, N.C., the recent closing of a Hostess cake bakery in Cincinnati and a reduction in staff throughout the company. +20189008 The battery plant, which makes rechargeable nickel cadmium and carbon zinc products, will be closed over the next year or so, a spokesman said. +20189009 Ralston attributed its fourth-quarter slump partly to higher costs of ingredients in the pet food business as well as competitive pressures, which required higher advertising spending. +20189010 For the year, pet food volume was flat, the company said. +20189011 Its cereal division realized higher operating profit on volume increases, but also spent more on promotion. +20189012 The Continental Baking business benefited from higher margins on bread and on increased cake sales, it added. +20189013 Ralston said its Eveready battery unit was hurt by continuing economic problems in South America. +20189014 Ralston shares closed yesterday at $80.50, off $1, in New York Stock Exchange composite trading. +20190001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +20190002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +20190003 Estimated and actual results involving losses are omitted. +20190004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +20190005 Otherwise, actual profit is compared with the 300-day estimate. +20191001 First Chicago Corp. said it completed its $55.1 million cash-and-stock acquisition of closely held Ravenswood Financial Corp., another Chicago bank holding company. +20192001 The record corn-buying binge by the Soviet Union is causing serious bottlenecks in the U.S. grain pipeline. +20192002 The Soviet purchases are so massive that exporters are struggling to find enough river barges and trains to move the recently harvested Midwest crop to ports for loading onto Soviet ships. +20192003 River barge rates have soared 40% this fall from a year earlier. +20192004 Railroad companies and some ports are reaping a sudden windfall of business. +20192005 And some grain analysts are predicting that corn prices might gyrate this month as exporters scrounge to find enough of the crop to meet their obligations to the Soviets. +20192006 The Soviet Union bought roughly 310 million bushels of U.S. corn in October, which is the most ever sold to the Soviet Union in one month from the U.S. +20192007 The Soviet Union wants much of it delivered by January, which would be a strain in most years. +20192008 But it is particularly difficult this autumn because of low water levels on the Mississippi River, on which flows much of the U.S. corn that is shipped overseas. +20192009 "We are shipping the most corn in that short of time period to one customer on record," said William Dunton, a U.S. Agriculture Department transportation expert. +20192010 "It is going to be real tight." +20192011 Because of persistent dry weather in the northern Plains, the water level on the upper section of the Mississippi River is so low that many river operators are already trimming the number of barges their tows push at one time. +20192012 In a few weeks, many barges probably won't be able to operate fully loaded south of St. Louis because the U.S. Army Corps of Engineers is beginning to reduce the flow of the Missouri River, which feeds into the Mississippi River. +20192013 The Army Corps is cutting the flow of the Missouri River about two weeks earlier than normal because of low water levels in the reservoirs that feed it. +20192014 Barge rates on the Mississippi River sank yesterday on speculation that widespread rain this week in the Midwest might temporarily alleviate the situation. +20192015 But the Army Corps of Engineers expects the river level to continue falling this month. +20192016 At St. Louis, the water level of the Mississippi River is already 6.5 feet below normal and it could drop an additional 2.5 feet when the flow of the Missouri River is slowed, an Army Corps spokesman said. +20192017 Similar levels hamstrung barge shipments last year in the wake of the worst drought in 50 years. +20192018 So far, the grain industry's budding logistical problems haven't been a major factor in the trading of corn contracts at the Chicago Board of Trade. +20192019 Many grain processors and exporters use the price of the corn futures contracts traded there to calculate the price they offer to buy corn from farmers. +20192020 At the Board of Trade yesterday the price of the corn contract for December delivery slipped 3.5 cents a bushel to settle at $2.375 a bushel. +20192021 Corn prices have been sluggish this fall despite the huge Soviet orders because the harvest has allowed farmers to rebuild the stockpiles depleted by the 1988 drought. +20192022 With the harvest winding down, however, some analysts are speculating that prices might jump in some regions as U.S. exporters try to gather the corn they are obligated to deliver. +20192023 Farmers are in the best position of many years to push up corn prices. +20192024 Because the drought reduced U.S. stockpiles, they have more than enough storage space for their new crop, and that permits them to wait for prices to rise. +20192025 In parts of Iowa, for example, some grain elevators are offering farmers $2.15 a bushel for corn. +20192026 Many farmers probably wouldn't sell until prices rose at least 20 cents a bushel, said Lyle Reed, president of Chicago Central & Pacific Railroad Co. of Waterloo, Iowa. +20192027 It isn't clear, however, who would win a waiting game. +20192028 Although U.S. corn stockpiles shrank by roughly half in the wake of the drought, the Agriculture Department projects that nearly one-fifth of the harvest will still be in storage before the 1990 corn harvest begins. +20192029 Some analysts are worried that reports of the grain industry's problems might spark investors to begin buying corn futures contracts -- only to see little appreciation. +20192030 "The public is buying the market when in reality there is plenty of grain to be shipped," said Bill Biedermann, Allendale Inc. research director. +20192031 Although much of this country's export corn goes to New Orleans by barge, it is possible for exporters to sidestep the Mississippi River by shipping a larger-than-normal amount of corn by train to the port. +20192032 Ports in the Great Lakes and Atlantic Coast can also relieve pressure on New Orleans. +20192033 One railroad, for example, is already increasing its grain hauling service from Indiana to Baltimore. +20192034 And it isn't clear that the Soviet Union will stay on its record buying pace. +20192035 The Soviet orders were compressed into the month of October because of delays. +20192036 The Soviet Union usually begins buying U.S. crops earlier in the fall. +20192037 But its purchases apparently were delayed by a reorganization of its agricultural bureaucracy as well as budget problems. +20192038 In other commodity markets yesterday: +20192039 ENERGY: Crude oil futures prices increased in moderate trading, but much of the action was in heating oil. +20192040 Prices rose on the news that a sizable West German refinery was damaged in a fire, tightening an already tight European market. +20192041 Heating oil for November delivery ended at 58.64 cents a gallon, up one cent on the New York Mercantile Exchange. +20192042 West Texas Intermediate for December delivery advanced 22 cents to $19.94 a barrel. +20192043 Gasoline futures continued a sell-off that began Monday. +20192044 PRECIOUS METALS: Futures prices eased as increased stability and strength came into the securities markets. +20192045 December delivery gold fell $3.20 an ounce to $377.60. +20192046 December silver declined 6.50 cents an ounce to $5.2180. +20192047 January platinum was down $5.70 an ounce at $494.50. +20192048 Precious metals, gold in particular, currently are being influenced more by stock market gyrations than the dollar as traders seek greater investment stability, according to William O'Neill, vice president of research at Elders Futures in New York. +20192049 "The recent rally in precious metals was a result of uncertainty and volatility in equities," he said. +20192050 Yesterday, the stock market rose strongly, creating a more defensive attitude among precious metals traders, he said. +20192051 Silver and platinum, which have more of an industrial nature than gold, were even weaker, he said. +20192052 Silver is also under pressure of "extremely high" inventories in warehouses of the Commodity Exchange, he said. +20192053 Yesterday, these stocks rose by 170,262 ounces to a record of 226,570,380 ounces, according to an exchange spokesman. +20192054 COPPER: Futures prices partially recovered Monday's declines because Chilean miners voted to strike. +20192055 The December contract rose 1.20 cents a pound to $1.14. +20192056 In Chile, workers at two copper mines, Los Bronces and El Soldado, which belong to the Exxon-owned Minera Disputada, yesterday voted to begin a full strike tomorrow, an analyst said. +20192057 Reasons for the walkout, the analyst said, included a number of procedural issues, such as a right to strike. +20192058 The analyst noted that also inherent in all metal markets was a sympathetic reaction to stocks. +20192059 In the case of copper, he said, the upbeat mood of stocks was reflected in demand for futures contracts because a stronger economy means greater buying interest for the metal. +20192060 Also contributing to the firmness in copper, the analyst noted, was a report by Chicago purchasing agents, which precedes the full purchasing agents' report that is due out today and gives an indication of what the full report might hold. +20192061 The Purchasing Management Association of Chicago's October index rose to 51.6% after three previous months of readings below 50%. +20192062 The September index was 47.1%. +20192063 A reading below 50% generally indicates a slowing in the industrial sector of the economy, while a reading above 50% points to expansion. +20192064 The Chicago report raised the possibility that the October survey of the National Association of Purchasing Management would also show a reading above 50%. +20193001 NCR Corp. unveiled two models of its Tower line of midrange computers and introduced advanced networking software to allow the Tower family to operate as a central hub in a network of computers. +20193002 The new software is based on Novell Inc.'s NetWare network operating system software. +20194001 USX Corp. posted a 23% drop in third-quarter profit, as improved oil results failed to offset weakness in steel and natural gas operations. +20194002 The nation's largest steelmaker earned $175 million, or 62 cents a share, compared with the year-earlier $228 million, or 80 cents a share. +20194003 The recent quarter includes pretax gains of $98 million from asset sales, while like gains in the year-earlier quarter totaled $61 million. +20194004 In the 1988 period, USX also had a $71 million after-tax gain from a tax dispute settlement. +20194005 Sales rose 5% to $4.4 billion from $4.2 billion. +20194006 The earnings drop appears particularly steep in comparison with last year's unusually strong third quarter, when the company was riding an industrywide boom in demand and pricing. +20194007 However, third-quarter operating profit fell 14%, as USX sold sizable chunks of its diversified and steel segments, eliminating income from those operations. +20194008 Among segments that continue to operate, though, the company's steel division continued to suffer from soft demand for its tubular goods serving the oil industry and other markets. +20194009 Peter Marcus, an analyst with PaineWebber Inc., said that a downturn in the appliance industry, coupled with sluggish automotive sales, hurt USX results. +20194010 Moreover, USX exports more than other steelmakers, and the overseas market has been under more severe pricing pressure. +20194011 The company attributed lower sales and earnings for the steel segment to the loss of results from the Lorain, Ohio, plant, which now is a 50-50 joint venture with Japan's Kobe Steel Ltd. +20194012 In the steel division, operating profit dropped 11% to $85 million. +20194013 Profit per ton of steel shipped dropped to about $33 a ton from $42 a ton last year and $53 a ton in the second quarter, analysts said. +20194014 Still, USX fared better than other major steelmakers, earning more per ton of steel shipped than either Bethlehem Steel Corp., which posted a 54% drop in net income, or Inland Steel Industries Inc., whose profit plummeted 70%. +20194015 In New York Stock Exchange composite trading yesterday, USX shares closed up $1.25, at $34.625, as the reported earnings exceeded projections by some analysts who hadn't expected as great a volume of asset sales. +20194016 The rise in the stock's price may also reflect the fact that USX's steel segment fared better than some other steelmakers'. +20194017 Charles Bradford, an analyst with Merrill Lynch Capital Markets, said USX may have received orders lost by competitors who were involved in labor contracts earlier this year. +20194018 He said USX also appeared to sell a richer mix of steel products, such as the more profitable pipe and galvanized coated sheet, than lower-priced structural goods. +20194019 The energy segment, with a 15% rise in operating profit, is clearly the company's strongest. +20194020 Higher crude oil prices helped boost operating profit for the Marathon Oil Co. unit to $198 million from $180 million. +20194021 The Texas Oil & Gas division continues to operate in the red, although losses narrowed to $9 million from $15 million. +20194022 USX announced in October that it was soliciting bids to sell TXO's oil and gas reserves. +20194023 Proceeds of that sale are to be used to reduce debt and buy back shares. +20194024 The company noted that it has reduced debt by $1.6 billion since the end of 1988 and bought back about 15.5 million shares of common stock since the fourth quarter of 1987. +20194025 USX has about $5.5 billion in long-term debt and 257 million shares outstanding. +20194026 The announced sale of the reserves was followed by news that investor Carl Icahn had increased his stake in USX to 13.1% and threatened a takeover or other business combination. +20194027 Mr. Icahn has said he believes USX would be worth more if broken up into steel and energy segments. +20194028 Profit for the nine months jumped 21% to $721 million, or $2.62 a share, from $598 million, or $2.07 a share. +20194029 Sales rose 10% to $13.8 billion from $12.5 billion. +20195001 John F. Barrett, 40, formerly executive vice president and chief financial officer, was named president and chief operating officer, posts which had been vacant. +20196001 Leon J. Level, vice president and chief financial officer of this computer services concern, and F. Warren McFarlan, a professor at Harvard University's Graduate School of Business, were elected directors, increasing board membership to nine. +20197001 David A. DiLoreto, president of metal container division, was named to the additional post of group vice president, packaging products, at this packaging, industrial and aerospace products concern, succeeding Delmont A. Davis, who was named president and chief operating officer in August. +20198001 Two leading constitutional-law experts said President Bush doesn't have the legal authority to exercise a line-item veto. +20198002 Professors Philip Kurland of the University of Chicago and Laurence Tribe of Harvard Law School said any effort by President Bush to claim authority for a line-item veto would contradict the text of the Constitution and the intent of its authors, as well as the views of previous presidents. +20198003 A line-item veto is a procedure that would allow a president to veto part of a big congressional spending bill without having to scuttle the entire measure. +20198004 Mr. Bush has said he would like to be able to use this procedure. +20198005 A White House spokesman said last week that the president is considering declaring that the Constitution implicitly gives him the authority for a line-item veto to provoke a test case. +20198006 But the two legal experts, responding to an inquiry by Sen. Edward Kennedy (D., Mass.), wrote in a joint letter that the president "lacks the constitutional authority to exercise a line-item veto." +20198007 The two professors represent different ends of the political spectrum -- Mr. Kurland is a conservative and Mr. Tribe is a liberal. +20198008 The two professors said the Constitution authorizes the president to veto entire bills, not partial measures. +20198009 Moreover, they said the first appropriations bill passed 200 years ago covered many different items, and there was no discussion of a line-item veto. +20198010 They also said that more than a dozen presidents have called for line-item veto authority since the Civil War, and "all have shared the view that such lawmaking power is beyond the reach" of the president. +20198011 Sen. Kennedy said in a separate statement that he supports legislation to give the president line-item veto power, but that it would be a "reckless course of action" for President Bush to claim the authority without congressional approval. +20199001 Trinity Industries Inc. said it reached a preliminary agreement to sell 500 railcar platforms to Trailer Train Co. of Chicago. +20199002 Terms weren't disclosed. +20199003 Trinity said it plans to begin delivery in the first quarter of next year. +20200001 In an Oct. 19 review of "The Misanthrope" at Chicago's Goodman Theatre ("Revitalized Classics Take the Stage in Windy City," Leisure & Arts), the role of Celimene, played by Kim Cattrall, was mistakenly attributed to Christina Haag. +20200002 Ms. Haag plays Elianti. +20201001 Rolls-Royce Motor Cars Inc. said it expects its U.S. sales to remain steady at about 1,200 cars in 1990. +20201002 The luxury auto maker last year sold 1,214 cars in the U.S. +20201003 Howard Mosher, president and chief executive officer, said he anticipates growth for the luxury auto maker in Britain and Europe, and in Far Eastern markets. +20202001 BELL INDUSTRIES Inc. increased its quarterly to 10 cents from seven cents a share. +20202002 The new rate will be payable Feb. 15. +20202003 A record date hasn't been set. +20202004 Bell, based in Los Angeles, makes and distributes electronic, computer and building products. +20203001 Investors are appealing to the Securities and Exchange Commission not to limit their access to information about stock purchases and sales by corporate insiders. +20203002 A SEC proposal to ease reporting requirements for some company executives would undermine the usefulness of information on insider trades as a stock-picking tool, individual investors and professional money managers contend. +20203003 They make the argument in letters to the agency about rule changes proposed this past summer that, among other things, would exempt many middle-management executives from reporting trades in their own companies' shares. +20203004 The proposed changes also would allow executives to report exercises of options later and less often. +20203005 Many of the letters maintain that investor confidence has been so shaken by the 1987 stock market crash -- and the markets already so stacked against the little guy -- that any decrease in information on insider-trading patterns might prompt individuals to get out of stocks altogether. +20203006 "The SEC has historically paid obeisance to the ideal of a level playing field," wrote Clyde S. McGregor of Winnetka, Ill., in one of the 92 letters the agency has received since the changes were proposed Aug. 17. +20203007 "Apparently the commission did not really believe in this ideal." +20203008 Currently, the rules force executives, directors and other corporate insiders to report purchases and sales of their companies' shares within about a month after the transaction. +20203009 But about 25% of the insiders, according to SEC figures, file their reports late. +20203010 The changes were proposed in an effort to streamline federal bureaucracy and boost compliance by the executives "who are really calling the shots," said Brian Lane, special counsel at the SEC's office of disclosure policy, which proposed the changes. +20203011 Investors, money managers and corporate officials had until today to comment on the proposals, and the issue has produced more mail than almost any other issue in memory, Mr. Lane said. +20203012 The SEC will probably vote on the proposal early next year, he said. +20203013 Not all those who wrote oppose the changes. +20203014 The Committee on Federal Regulation of Securities for the American Bar Association argues, for example, in its lengthy letter to the SEC, that the proposed changes "would substantially improve the {law} by conforming it more closely to contemporary business realities." +20203015 What the investors who oppose the proposed changes object to most is the effect they say the proposal would have on their ability to spot telltale "clusters" of trading activity -- buying or selling by more than one officer or director within a short period of time. +20203016 According to some estimates, the rule changes would cut insider filings by more than a third. +20203017 The SEC's Mr. Lane vehemently disputed those estimates. +20203018 The rules will eliminate filings policy-making divisions, such as sales, marketing, finance and research and development, Mr. Lane said. +20203019 The proposed rules also would be tougher on the insiders still required to file reports, he said. +20203020 Companies would be compelled to publish in annual proxy statements the names of insiders who fail to file reports on time. +20203021 Considered as a whole, Mr. Lane said, the filings required under the proposed rules "will be at least as effective, if not more so, for investors following transactions." +20203022 But Robert Gabele, president of Invest/Net, a North Miami, Fla., company that packages and sells the insider-trading data, said the proposal is worded so vaguely that key officials may fail to file the reports. +20203023 Many investors wrote asking the SEC to require insiders to report their purchases and sales immediately, not a month later. +20203024 But Mr. Lane said that while the SEC regulates who files, the law tells them when to do so. +20203025 Investors who want to change the required timing should write their representatives in Congress, he added. +20203026 The SEC would likely be amenable to legislation that required insiders to file transactions on a more timely basis, he said. +20204001 The nation's largest pension fund, which oversees $80 billion for college employees, plans to offer two new investment options to its 1.2 million participants. +20204002 The Teachers Insurance and Annuity Association-College Retirement Equities Fund said it will introduce a stock and bond fund that will invest in "socially responsible" companies, and a bond fund. +20204003 Both funds are expected to begin operation around March 1, subject to Securities and Exchange Commission approval. +20204004 For its employees to sign up for the options, a college also must approve the plan. +20204005 Some 4,300 institutions are part of the pension fund. +20204006 The new options carry out part of an agreement that the pension fund, under pressure to relax its strict participation rules and to provide more investment options, reached with the SEC in December. +20204007 The new "social choice" fund will shun securities of companies linked to South Africa, nuclear power and in some cases, Northern Ireland. +20204008 Also excluded will be investments in companies with "significant" business stemming from weapons manufacture, alcoholic beverages or tobacco. +20204009 Sixty percent of the fund will be invested in stocks, with the rest going into bonds or short-term investments. +20204010 The bond fund will invest in high-grade or medium-grade bonds, mortgages or asset-backed securities, including as much as 15% in foreign securities. +20204011 The fund also might buy and sell futures and options contracts, subject to approval by the New York State Insurance Department. +20204012 Under two new features, participants will be able to transfer money from the new funds to other investment funds or, if their jobs are terminated, receive cash from the funds. +20204013 The investment choices offered by the pension fund currently are limited to a stock fund, an annuity and a money-market fund. +20205001 New Brunswick Scientific Co., a maker of biotechnology instrumentation and equipment, said it adopted an anti-takeover plan giving shareholders the right to purchase shares at half price under certain conditions. +20205002 The company said the plan, under review for some time, will protect shareholders against "abusive takeover tactics. +20206001 W. Ed Tyler, 37 years old, a senior vice president at this printing concern, was elected president of its technology group, a new position. +20207001 Solo woodwind players have to be creative if they want to work a lot, because their repertoire and audience appeal are limited. +20207002 The oboist Heinz Holliger has taken a hard line about the problem: He commissions and splendidly interprets fearsome contemporary scores and does some conducting, so he doesn't have to play the same Mozart and Strauss concertos over and over again. +20207003 Richard Stoltzman has taken a gentler, more audience-friendly approach. +20207004 Years ago, he collaborated with the new music gurus Peter Serkin and Fred Sherry in the very countercultural chamber group Tashi, which won audiences over to dreaded contemporary scores like Messiaen's "Quartet for the End of Time." +20207005 Today, the pixie-like clarinetist has mostly dropped the missionary work (though a touch of the old Tashi still survives) and now goes on the road with piano, bass, a slide show, and a repertoire that ranges from light classical to light jazz to light pop, with a few notable exceptions. +20207006 Just the thing for the Vivaldi-at-brunch set, the yuppie audience that has embraced New Age as its very own easy listening. +20207007 But you can't dismiss Mr. Stoltzman's music or his motives as merely commercial and lightweight. +20207008 He believes in what he plays, and he plays superbly. +20207009 His recent appearance at the Metropolitan Museum, dubbed "A Musical Odyssey," was a case in point. +20207010 It felt more like a party, or a highly polished jam session with a few friends, than a classical concert. +20207011 Clad in his trademark black velvet suit, the soft-spoken clarinetist announced that his new album, "Inner Voices," had just been released, that his family was in the front row, and that it was his mother's birthday, so he was going to play her favorite tune from the record. +20207012 He launched into Saint-Saens's "The Swan" from "Carnival of the Animals," a favorite encore piece for cellists, with lovely, glossy tone and no bite. +20207013 Then, as if to show that he could play fast as well, he offered the second movement from Saint-Saens's Sonata for Clarinet, a whimsical, puckish tidbit that reflected the flip side of the Stoltzman personality. +20207014 And so it went through the first half: an ingeniously chosen potpourri of pieces, none longer than five minutes, none that would disturb or challenge a listener. +20207015 Mr. Stoltzman introduced his colleagues: Bill Douglas, pianist/bassoonist/composer and an old buddy from Yale, and jazz bassist Eddie Gomez. +20207016 An improvisational section was built around pieces by Mr. Douglas, beginning with "Golden Rain," a lilting, laid-back lead in to the uptempo "Sky," which gave Mr. Stoltzman the opportunity to wail in a high register and show off his fleet fingers. +20207017 Bach's "Air" followed. +20207018 Mr. Stoltzman tied the composer in by proclaiming him "the great improviser of the 18th century," and then built on the image by joining with Mr. Douglas in some Bach two-part inventions, cleverly arranged for clarinet and bassoon by Mr. Douglas. +20207019 Keeping the mood light, the two then chanted and chortled their way through some murderous polyrhythms, devised by Mr. Douglas as an alternative to Hindemith's dry theory-teaching techniques, and then, with Mr. Gomez, soared and improvised on the composer's tight "Bebop Etudes." +20207020 The end of the first half, however, brought what the standing-room-only crowd seemed to be waiting for: the pop singer Judy Collins, who appears on "Inner Voices." +20207021 Glamorous and pure-voiced as ever, Ms. Collins sang Joni Mitchell's "For Free" -- about an encounter with a street-corner clarinetist, to which Mr. Stoltzman contributed a clarinet obligatto -- and Mr. Douglas's lush setting of a Gaelic blessing, "Deep Peace." +20207022 "Deep Peace" also featured a slide show of lovely but predictable images of clouds, beaches, deserts, sunsets, etc. +20207023 It was all too mellow to be believed, but they probably would have gotten away with it, had they not felt compelled to add Ms. Collins's signature tune, "Amazing Grace," and ask for audience participation. +20207024 That went over the permissible line for warm and fuzzy feelings. +20207025 Was this why some of the audience departed before or during the second half? +20207026 Or was it because Ms. Collins had gone? +20207027 Either way it was a pity, because Mr. Stolzman offered the most substantial music of the evening just after intermission: Steve Reich's "New York Counterpoint," one of a series of Reich works that juxtapose a live performer with recorded tracks of his or her own playing. +20207028 (Mr. Reich's new "Different Trains" for string quartet uses the technique magisterially.) +20207029 Mr. Stoltzman must have worried that his audience might not be able to take it: He warned us in advance that "New York Counterpoint" lasts 11 1/2 minutes. +20207030 He also unfortunately illustrated this intricate, jazzy tapestry with Mr. Pearson's images, this time of geometric or repeating objects, in a kitschy mirroring of the musical structure that was thoroughly distracting from Mr. Reich's piece and Mr. Stoltzman's elegant execution of it. +20207031 The rest of the concert was more straight jazz and mellow sounds written by Charlie Parker, Ornette Coleman, Bill Douglas and Eddie Gomez, with pictures for the Douglas pieces. +20207032 It was enjoyable to hear accomplished jazz without having to sit in a smoke-filled club, but like the first half, much of it was easy to take and ultimately forgettable. +20207033 Is this the future of chamber music? +20207034 Managers and presenters insist that chamber music concerts are a hard sell, but can audiences really enjoy them only if the music is purged of threatening elements, served up in bite-sized morsels and accompanied by visuals? +20207035 What's next? +20207036 Slides to illustrate Shostakovich quartets? +20207037 It was not an unpleasant evening, certainly, thanks to the high level of performance, the compositional talents of Mr. Douglas, and the obvious sincerity with which Mr. Stoltzman chooses his selections. +20207038 But it was neither deep nor lasting: light entertainment that was no substitute for an evening of Brahms. +20207039 Ms. Waleson is a free-lance writer based in New York. +20208001 One of Ronald Reagan's attributes as President was that he rarely gave his blessing to the claptrap that passes for "consensus" in various international institutions. +20208002 In fact, he liberated the U.S. from one of the world's most corrupt organizations -- UNESCO. +20208003 This is the U.N. group that managed to traduce its own charter of promoting education, science and culture. +20208004 Ever since, the remaining members have been desperate for the United States to rejoin this dreadful group. +20208005 Now UNESCO apologists are lobbying President Bush to renege on President Reagan's decision to depart. +20208006 But we can think of many reasons to stay out for the foreseeable future and well beyond. +20208007 The U.S., along with Britain and Singapore, left the agency when its anti-Western ideology, financial corruption and top leadership got out of hand. +20208008 The personal antics of agency Director Amadou-Mahtar M'Bow drew much attention, such as when several of his top aides were uncovered as KGB plants and ejected from France and when a mysterious office fire was set just before Congress sent accountants to trace U.S. funds. +20208009 Mr. M'Bow was an extreme case, but even his replacement, the more personally genial Spanish biochemist Federico Mayor, has had little success at achieving reforms. +20208010 Several ridiculous projects continue, including the "New International Economic Order," which means redistributionism from the West to pay for everyone else's statism. +20208011 The Orwellian "New World Information Order" would give government officials rights against the press; journalists would be obliged to kowtow to their government, which would have licensing and censorship powers and, indeed, duties to block printing of "wrong" ideas. +20208012 UNESCO somehow converted the founding U.N. ideals of individual rights and liberty into "peoples' rights." +20208013 Million-dollar conferences were held to chew on subjects such as "ethical responsibilities of scientists in support of disarmament" and "the impact of the activities of transnational corporations." +20208014 The agency was so totally subverted from the high principles of its founding that even the Soviets now wonder about an agency that seemed so congenial to them. +20208015 Glasnost may be partly responsible, but Soviet Foreign Minister Eduard Shevardnadze last year admitted, "The exaggerated ideological approach undermined tolerance intrinsic to UNESCO." +20208016 UNESCO is now holding its biennial meetings in Paris to devise its next projects. +20208017 Mr. Mayor's hope that references to "press freedom" would survive unamended seems doomed to failure; the current phrasing is "educating the public and media to avoid manipulation." +20208018 He hasn't been able to replace the M'Bow cabal. +20208019 Soviets remain in charge of education programs, a former head of an African military tribunal for executions is in charge of culture, and a hard-line Polish communist in exile directs the human-rights and peace division. +20208020 Of the agency's 2,750 staff members, 230 are in the field working on actual projects, such as literacy and oceanographic research. +20208021 The position of the United States, which once contributed 25% of the budget, is that nothing has changed. +20208022 John Bolton, the assistant secretary of state for international organizations, told Congress that the continuing "statist, restrictive, nondemocratic" programs make rejoining any time soon "extremely unlikely." +20208023 This hasn't much bothered the UNESCO delegates, who last week couldn't even agree to raise funds by selling off a fancy 19th-century French chateau the agency somehow owns. +20208024 Other countries, including West Germany, may have a hard time justifying continued membership. +20208025 We see an even stronger argument against UNESCO than its unsurprising failure to reform. +20208026 This is that the Reagan Revolution spanning Eastern Europe and Tiananmen Square shows the power of ideas unencumbered by international civil servants or government functionaries. +20208027 Free markets, free minds and free elections have an appeal that seems to get muddled only when delivered through U.N. organizations -- which of course are made up largely of governments that fear these principles at home. +20208028 The Babelists of the United Nations are experts at obfuscation. +20208029 This can have its purposes at times, but there's no reason to cloud the importance and allure of Western concepts of freedom and justice. +20208030 We can see plenty of reasons to stay out, and none to rejoin UNESCO. +20209001 Researchers at Plant Genetic Systems N.V. in Belgium said they have developed a genetic engineering technique for creating hybrid plants for a number of key crops. +20209002 The researchers said they have isolated a plant gene that prevents the production of pollen. +20209003 The gene thus can prevent a plant from fertilizing itself. +20209004 Such so-called male-sterile plants can then be fertilized by pollen from another strain of the plant, thereby producing hybrid seed. +20209005 The new generation of plants will possess the flourishing, high-production trait known as "hybrid vigor," similar to that now seen in hybrid corn. +20209006 "The development could have a dramatic effect on farm production, especially cotton," said Murray Robinson, president of Delta & Pine Land Co., a Southwide Inc. subsidiary that is one of the largest cotton seed producers in the U.S. +20209007 On a commercial scale, the sterilization of the pollen-producing male part has only been achieved in corn and sorghum feed grains. +20209008 That's because the male part, the tassel, and the female, the ear, are some distance apart on the corn plant. +20209009 In a labor-intensive process, the seed companies cut off the tassels of each plant, making it male sterile. +20209010 They sow a row of male-fertile plants nearby, which then pollinate the male-sterile plants. +20209011 The first hybrid corn seeds produced using this mechanical approach were introduced in the 1930s and they yielded as much as 20% more corn than naturally pollinated plants. +20209012 The vast majority of the U.S. corn crop now is grown from hybrid seeds produced by seed companies. +20209013 A similar technique is almost impossible to apply to other crops, such as cotton, soybeans and rice. +20209014 The male part, the anthers of the plant, and the female, the pistils, of the same plant are within a fraction of an inch or even attached to each other. +20209015 The anthers in these plants are difficult to clip off. +20209016 In China, a great number of workers are engaged in pulling out the male organs of rice plants using tweezers, and one-third of rice produced in that country is grown from hybrid seeds. +20209017 At Plant Genetic Systems, researchers have isolated a pollen-inhibiting gene that can be inserted in a plant to confer male sterility. +20209018 Jan Leemans, research director, said this gene was successfully introduced in oil-producing rapeseed plants, a major crop in Europe and Canada, using as a carrier a "promoter gene" developed by Robert Goldberg at the University of California in Los Angeles. +20209019 The sterilizing gene is expressed just before the pollen is about to develop and it deactivates the anthers of every flower in the plant. +20209020 Mr. Leemans said this genetic manipulation doesn't hurt the growth of that plant. +20209021 The researchers also pulled off a second genetic engineering trick in order to get male-sterile plants in large enough numbers to produce a commercial hybrid seed crop. +20209022 They attached a second gene, for herbicide resistance, to the pollen-inhibiting gene. +20209023 Both genes are then inserted into a few greenhouse plants, which are then pollinated and allowed to mature and produce seed. +20209024 The laws of heredity dictate that half of the plants springing from these greenhouse-produced seeds will be male sterile and herbicide resistant and half will be male fertile and herbicide susceptible. +20209025 The application of herbicide would kill off the male-fertile plants, leaving a large field of male-sterile plants that can be cross-pollinated to produce hybrid seed. +20209026 Mr. Leemans said the hybrid rapeseeds created with this genetic engineering yield 15% to 30% more output than the commercial strains used currently. +20209027 "This technique is applicable to a wide variety of crops," he said, and added that some modifications may be necessary to accommodate the peculiarities of each type of crop. +20209028 He said the company is experimenting with the technique on alfalfa, and plans to include cotton and corn, among other crops. +20209029 He said that even though virtually all corn seeds currently planted are hybrids, the genetic approach will obviate the need for mechanical emasculation of anthers, which costs U.S. seed producers about $70 million annually. +20209030 In recent years, demand for hybrid seeds has spurred research at a number of chemical and biotechnology companies, including Monsanto Co., Shell Oil Co. and Eli Lilly & Co. +20209031 One technique developed by some of these companies involves a chemical spray supposed to kill only a plant's pollen. +20209032 But there have been problems with chemical sprays damaging plants' female reproductive organs and concern for the toxicity of such chemical sprays to humans, animals and beneficial insects. +20209033 However, Paul Johanson, Monsanto's director of plant sciences, said the company's chemical spray overcomes these problems and is "gentle on the female organ." +20209034 Biosource Genetics Corp., Vacaville, Calif., is developing a spray containing a gene that spreads from cell to cell and interferes with the genes that are responsible for producing pollen. +20209035 This gene, called "gametocide," is carried into the plant by a virus that remains active for a few days. +20209036 Robert Erwin, president of Biosource, called Plant Genetic's approach "interesting" and "novel," and "complementary rather than competitive." +20209037 "There is a large market out there hungry for hybrid seeds," he said. +20209038 Mr. Robinson of Delta & Pine, the seed producer in Scott, Miss., said Plant Genetic's success in creating genetically engineered male steriles doesn't automatically mean it would be simple to create hybrids in all crops. +20209039 That's because pollination, while easy in corn because the carrier is wind, is more complex and involves insects as carriers in crops such as cotton. +20209040 "It's one thing to say you can sterilize, and another to then successfully pollinate the plant," he said. +20209041 Nevertheless, he said, he is negotiating with Plant Genetic to acquire the technology to try breeding hybrid cotton. +20210001 A bitter conflict with global implications has erupted between Nomura Securities Co. and Industrial Bank of Japan, two of the world's most powerful financial companies. +20210002 The clash is a sign of a new toughness and divisiveness in Japan's once-cozy financial circles. +20210003 Not only are Japan's financial institutions putting their enormous clout to work; increasingly they're squaring off against one another in unprecedented public fashion. +20210004 Already, the consequences are being felt by other players in the financial markets -- even governments. +20210005 What triggered the latest clash was a skirmish over the timing of a New Zealand government bond issue. +20210006 Nomura was attempting to organize the 50 billion-yen ($352 million) borrowing in Japan at a time when many Japanese banks, led by Industrial Bank of Japan, were pressuring the Wellington government to help them recover loans made to a defunct investment bank that had been owned by New Zealand's civil-service pension fund. +20210007 Unwilling to put up new money for New Zealand until those debts are repaid, most banks refused even to play administrative roles in the new financing, forcing an embarrassed Nomura to postpone it this week. +20210008 The dispute shows clearly the global power of Japan's financial titans. +20210009 Aside from Nomura's injured pride, the biggest victim so far has been the New Zealand government. +20210010 Barred by its budget law from making any new domestic bond issues, Wellington's Debt Management Office had been casting abroad to raise the 3 billion New Zealand dollars (US$1.76 billion) to NZ$4 billion it needs to come up with by the end of its fiscal year next June 30. +20210011 With Japan's cash-flush banks aligned against it, though, raising money may be difficult. +20210012 Not only can they block Wellington from raising money in Japan, bankers here say, but as the largest underwriters in the Eurobond market, they might be able to scuttle borrowings there, too. +20210013 New Zealand's finance minister, David Caygill, lashed out at such suggestions. +20210014 He told reporters in Wellington Tuesday that the government hadn't guaranteed the loans to DFC New Zealand Ltd., an investment bank 80%-owned by the National Provident Fund, and wouldn't bail it out. +20210015 "It may very well be what the Japanese banks want," he told Radio New Zealand. +20210016 "I think it would be irresponsible and I am not about to be blackmailed by Japanese banks or any other international interests." +20210017 No less significant than the Japanese banks' attempt to cut off funds to pressure a foreign government are the implications of a confrontation between Japan securities and banking industries. +20210018 Anxiety is rising over recent government proposals to eventually lower the strict barriers that now separate -- and protect -- the two industries from each other. +20210019 Both sides are jealously guarding their turf, and relations have been at a flashpoint for months. +20210020 The banks badly want to break into all aspects of the securities business. +20210021 Meanwhile, the securities companies -- most of them smaller than the banks -- are seeking access only to limited kinds of banking that wouldn't open them to the full brunt of competition from the banks. +20210022 Nomura, the world's biggest securities company largely by virtue of its protected home field, and Industrial Bank of Japan, Japan's most innovative and aggressive bank in capital markets abroad, captain the opposing sides. +20210023 And their suspicions of each other run deep. +20210024 In the past year, both have tried to stretch the limits of their businesses. +20210025 Nomura started a credit-card venture with American Express Co. that allowed cardholders to use their Nomura securities accounts like a bank account, attracting the wrath of banks. +20210026 And Industrial Bank of Japan started up a London securities subsidiary that sells Japanese stocks to non-Japanese institutions overseas, a move that stirred the anger of the stock brokerage firms. +20210027 The New Zealand bond issue simply has brought the two institutions face-to-face. +20211001 ITEL CORP. reported third-quarter earnings, which were mistakenly shown in the Quarterly Earnings Surprises table in yesterday's edition to be lower than the average of analysts' estimates. +20211002 On a pretax basis, Itel's third-quarter earnings of 30 cents a share were actually 7.14% higher than the average of estimates. +20212001 Raymond E. Ross, 53 years old, formerly group vice president, U.S. plastics machinery, at this machine tool, plastics machinery and robots concern, was named senior vice president, industrial systems, succeeding David A. Entrekin, who resigned Monday. +20213001 John A. Conlon Jr., 45, was named a managing director at this investment-banking company. +20213002 He will be in charge of research, equity sales and trading, and the syndicate operation of Rothschild. +20213003 Mr. Conlon was executive vice president and director of the equity division of the international division of Nikko Securities Co. +20214001 As Yogi Berra might say, it's deja vu all over again. +20214002 Crouched at shortstop, Bert Campaneris, once Oakland's master thief, effortlessly scoops up a groundball and flips it to second. +20214003 In the outfield, Paul Blair, the Orioles' eight-time Gold Glove winner, elegantly shags a fly. +20214004 On the mound, former Red Sox great Luis Tiant, the wily master of 1,001 moves, throws an off-speed strike. +20214005 "Babies, kiddies," growls their manager -- a fellow named Earl Weaver, who, in a different time, handled four World Series teams and now handles the Gold Coast Suns. +20214006 "Old-time kiddies," he says. +20214007 Perhaps. +20214008 But for the next few months, these boys of summers long past are going to be reveling in an Indian summer of the soul. +20214009 Now that the baseball season is officially over, you see, it's time for a new season to begin. +20214010 Today is the debut of the Senior Professional Baseball Association, a new eight-team pro sports circuit, modeled after the highly successful senior tennis and golf tours and complete with good salaries, a cable television contract and even expansion plans. +20214011 One hundred and ninety two former greats, near greats, hardly knowns and unknowns begin a 72-game, three-month season in spring-training stadiums up and down Florida. +20214012 For everyone involved, it's one more swig of that elixir of youth, baseball. +20214013 "Someone always makes you quit," says legendary St. Louis Cardinals centerfielder Curt Flood, the league's commissioner. +20214014 "You feel you want one more -- one more at-bat, one more hit, one more game." +20214015 Until the baby-faced heroes of today reclaim these ballparks for spring training, there is one more. +20214016 And not just for the players. +20214017 It's one more for the baseball-loving lawyers, accountants and real estate developers who ponied up about $1 million each for the chance to be an owner, to step into the shoes of a Gene Autry or have a beer with Rollie Fingers. +20214018 "Nothing can be better than this," says Don Sider, owner of the West Palm Beach Tropics. +20214019 Early in the morning Mr. Sider, an estate lawyer, pores over last wills and testaments. +20214020 Midmorning, he dons an orange-and-blue uniform and, for fun, may field a bunt from Dave Kingman. +20214021 It's one more, too, for the fans who dream of a season that never ends. +20214022 "I feel like a little kid," says a gleeful Alex de Castro, a car salesman, who has stopped by a workout of the Suns to slip six Campaneris cards to the Great Man Himself to be autographed. +20214023 The league's promoters hope retirees and tourists will join die-hard fans like Mr. de Castro and pack the stands to see the seniors. +20214024 The league is the brainchild of Colorado real estate developer James Morley -- once a minor-leaguer himself -- who says he had the idea last January while lying on a beach in Australia. +20214025 When he sent letters offering 1,250 retired major leaguers the chance of another season, 730 responded. +20214026 Eventually, about 250 made the trip to Florida to compete for the available slots. +20214027 (Players have to be 35 or older, except for catchers, who are eligible at 32 because life behind the plate is so rough.) +20214028 For some players, the lure is money -- up to $15,000 a month. +20214029 Others, just released from the majors, hope the senior league will be their bridge back into the big-time. +20214030 But as they hurl fireballs that smolder rather than burn, and relive old duels in the sun, it's clear that most are there to make their fans cheer again or recapture the camaraderie of seasons past or prove to themselves and their colleagues that they still have it -- or something close to it. +20214031 "My fastball is good. +20214032 Real good," says 39-year-old Pete Broberg, working in the midday heat of the Tropics camp. +20214033 Mr. Broberg, who started with the now-defunct Washington Senators, says that when he left baseball in 1978, he "never looked back." +20214034 For a long time, he ignored baseball altogether, even the sports pages. +20214035 Now Mr. Broberg, a lawyer, claims he'd play for free. +20214036 "You can't give it up that easily," he says. +20214037 "I tried." +20214038 The nagging memory of one afternoon fourteen years ago drove Jim Gideon, a lean 36-year-old righthander to take a four-month leave from selling insurance in Texas to try out for Mr. Weaver's team. +20214039 "It doesn't replace pitching in the majors, but it proves to me that I would have been able to play if I'd stayed healthy," he says. +20214040 Back in 1975, late in the season, a then-21 Mr. Gideon made his only major league appearance, five and two-thirds innings for the Texas Rangers against the Chicago White Sox. +20214041 He gave up seven hits, walked five and didn't get a decision. +20214042 Arm troubles forced him back to the minors the next year. +20214043 "There's a satisfaction in going against the rules," offers Will McEnaney, once a stopper with Cincinnati's Big Red Machine. +20214044 He means the rule that a player can't cut it after a certain age. +20214045 These days he hustles to house-painting jobs in his Chevy pickup before and after training with the Tropics. +20214046 While sipping a beer after practice, he vividly recounts getting the Red Sox's Carl Yastrzemski to pop out to end the 1975 World Series, and repeating the feat against the Yankees' Roy White in 1976. +20214047 Some of the game's reigning philosophers dislike the idea of middle-aged men attempting a young man's sport. +20214048 "I personally don't enjoy seeing players who I remember vividly from their playing days running about and being gallant about their deficiencies," says Roger Angell, New Yorker magazine's resident baseball sage. +20214049 "I feel people should be allowed to remember players as they were." +20214050 Worse, says baseball author Lawrence Ritter, "Someone will get a heart attack and that will be the end of the whole story." +20214051 But the ballplayers disagree. +20214052 Most are trim. +20214053 Some have been training for months; others only recently left active status. +20214054 (No one has worked out the players' average age, but most appear to be in their late 30s.) +20214055 And there's pride. +20214056 "I'm not going to look stupid," vows former Pittsburgh Pirate second baseman Rennie Stennett, sweat dotting his brow as he prepares for some practice swings. +20214057 "It's going to be a tough league," promises the 47-year-old Mr. Campaneris. +20214058 "There will be a lot of malice." +20214059 Men who have played hard all their lives aren't about to change their habits, he says. +20214060 Nonetheless, one can't help wonder whether the game will be just a little bit slower. +20214061 At the weatherbeaten Pompano Beach municipal stadium, Mr. Blair, the 45-year-old former Oriole, knows his power isn't what it used to be. +20214062 So he adjusts. +20214063 He no longer crowds the plate. +20214064 He's not thinking about home runs anymore, just base hits. +20214065 Still, "how sweet it is," he says, savoring the fat sound of the well-hit line drive that bounces off the center field wall. +20214066 And don't expect many complete games by pitchers -- perhaps three out of 288, laughs Mr. Fingers, the former Oakland reliever. +20214067 Expect "tricky" stuff from pitchers, says Mr. Weaver, the manager. +20214068 Expect brushbacks but no beanballs, says Mr. McEnaney. +20214069 Even expect stolen bases, says the wiry and fit Mr. Campaneris: "If you know how to slide, it's no problem," he says. +20214070 And expect slower fastballs. +20214071 "I'm not so young anymore," concedes the cigar-chomping, 48-year-old Mr. Tiant. +20214072 "I won't be throwing 90 mph, but I will throw 80-plus," he says. +20214073 White-haired Pedro Ramos, at 54 the league's oldest player and a pitcher-coach with the Suns, has lost even more speed. +20214074 Stuffing a wad of Red Man into his cheek, he admits the fastball he brought into the majors in 1955 has become a slowball. +20214075 Its maximum velocity is 72 mph. +20214076 But he isn't worried. +20214077 He will compensate with the guile learned from his years in the majors. +20214078 He has good control. +20214079 He will keep the ball down, move it around. +20214080 After all, he says, "Even to make love, you need experience. +20215001 Alltel Corp. said it will acquire the 55% of Pond Branch Telephone Company Inc.'s cellular franchise that it doesn't own already. +20215002 Terms weren't disclosed. +20215003 Alltel holds 45% of the franchise, which has operations in Aiken, S.C., and Augusta, Ga. +20215004 Alltel, which provides local telephone service in 25 states, said it exercised its right of first refusal following an offer from an undisclosed third party to acquire the majority position in the franchise. +20216001 Stewart & Stevenson Services Inc. said it received two contracts totaling $19 million to build gas-turbine generators. +20216002 The separate contracts were from Paragould Light & Water Commission, a utility in Paragould, Ark., and PSE Inc., a cogeneration-plant operator in Houston. +20216003 Stewart & Stevenson makes equipment powered with diesel and gas turbines. +20217001 Liberty National Bancorp said its acquisition of Florence Deposit Bank, Florence, Ky., first announced in April, has been completed in a transaction valued at $13.1 million. +20217002 Liberty National exchanged about 78.64 shares of its common stock for each of Florence Deposit's 5,600 shares outstanding. +20217003 Liberty National, a bank holding company, has assets exceeding $3 billion. +20218001 Hani Zayadi was appointed president and chief executive officer of this financially troubled department store chain, effective Nov. 15, succeeding Frank Robertson, who is retiring early. +20218002 Mr. Zayadi was previously president and chief operating officer of Zellers Inc., a retail chain that is owned by Toronto-based Hudson's Bay Co., Canada's largest department store operator. +20219001 Tuesday, October 31, 1989 +20219002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +20219003 PRIME RATE: 10 1/2%. +20219004 The base rate on corporate loans at large U.S. money center commercial banks. +20219005 FEDERAL FUNDS: 9% high, 8 13/16% low, 8 7/8% near closing bid, 8 15/16% offered. +20219006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +20219007 Source: Fulton Prebon (U.S.A.) Inc. +20219008 DISCOUNT RATE: 7%. +20219009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +20219010 CALL MONEY: 9 3/4% to 10%. +20219011 The charge on loans to brokers on stock exchange collateral. +20219012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.55% 30 to 44 days; 8.25% 45 to 59 days; 8.40% 60 to 89 days; 8% 90 to 119 days; 7.90% 120 to 149 days; 7.80% 150 to 179 days; 7.55% 180 to 270 days. +20219013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.62% 30 days; 8.55% 60 days; 8.45% 90 days. +20219014 CERTIFICATES OF DEPOSIT: 8.09% one month; 8.04% two months; 8.03% three months; 7.96% six months; 7.92% one year. +20219015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +20219016 The minimum unit is $100,000. +20219017 Typical rates in the secondary market: 8.53% one month; 8.50% three months; 8.30% six months. +20219018 BANKERS ACCEPTANCES: 8.49% 30 days; 8.44% 60 days; 8.27% 90 days; 8.12% 120 days; 8.05% 150 days; 7.98% 180 days. +20219019 Negotiable, bank-backed business credit instruments typically financing an import order. +20219020 LONDON LATE EURODOLLARS: 8 3/4% to 8 5/8% one month; 8 3/4% to 8 5/8% two months; 8 11/16% to 8 9/16% three months; 8 9/16% to 8 7/16% four months; 8 1/2% to 8 3/8% five months; 8 7/16% to 8 5/16% six months. +20219021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 3/4% one month; 8 11/16% three months; 8 7/16% six months; 8 7/16% one year. +20219022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +20219023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +20219024 These rate indications aren't directly comparable; lending practices vary widely by location. +20219025 TREASURY BILLS: Results of the Monday, October 30, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.78% 13 weeks; 7.62% 26 weeks. +20219026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +20219027 9.78%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +20219028 Source: Telerate Systems Inc. +20219029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.75%, standard conventional fixed-rate mortgages; 8.75%, 6/2 rate capped one-year adjustable rate mortgages. +20219030 Source: Telerate Systems Inc. +20219031 MERRILL LYNCH READY ASSETS TRUST: 8.63%. +20219032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +20220001 Canada's gross domestic product rose an inflation-adjusted 0.3% in August, mainly as a result of service-industry growth, Statistics Canada, a federal agency, said. +20220002 The August GDP was up 2.4% from its year-earlier level. +20220003 GDP is the total value of a nation's output of goods and services. +20220004 Statistics Canada said service-industry output in August rose 0.4% from July. +20220005 Output of goods-producing industries increased 0.1%. +20220006 Separately, Statistics Canada reported that its industrial-product price index dropped 0.2% in September, its third consecutive monthly decline. +20220007 It also reported a 2.6% decline in its raw-materials price index for September. +20221001 Columbia Pictures Entertainment Inc. was dropped, effective today, from the recreational products and services industry group of the Dow Jones Equity Market Index. +20221002 Columbia Pictures is being acquired by Sony Corp., which is based in Japan. +20222001 People's Savings Financial Corp. said it will buy back as much as 10% of its 2.4 million shares outstanding because the stock is undervalued. +20222002 The holding company said it has been "unfairly associated" with other banks in New England that have had major loan losses in recent quarters. +20222003 The company said its People's Savings Bank unit doesn't have a "large exposure to construction and commercial loans that have caused the loan-loss problems in many of the banks. +20223001 A seat on the Chicago Mercantile Exchange was sold for $410,000, down $6,000 from the previous sale Oct. +20223002 Seats currently are quoted at $400,000 bid, $425,000 asked. +20223003 The record price for a full membership on the exchange is $550,000, set March 9. +20224001 In a surprise move, the British government cleared the way for a bidding war for Jaguar PLC by agreeing to remove an obstacle to a takeover of the auto maker. +20224002 Trade and Industry Secretary Nicholas Ridley told the House of Commons yesterday that he will relinquish the government's so-called golden share in the company as long as Jaguar shareholders agree. +20224003 The golden share restricts any individual holding to 15% and expires at the end of 1990. +20224004 It was in Jaguar's best interests "for the company's future to be assured and the present climate of uncertainty resolved as quickly as possible," Mr. Ridley said. +20224005 Mr. Ridley's decision fires the starting pistol for perhaps a costly contest between the world's auto giants for Britain's leading luxury-car maker. +20224006 Both General Motors Corp. and Ford Motor Co. have been trying to amass 15% stakes in Jaguar. +20224007 Ford, which already has an unwelcome 13.2% holding, is prepared to bid for the entire company and had lobbied the government to lift the takeover restrictions early. +20224008 GM has been negotiating a friendly transaction with Jaguar that likely would involve joint ventures and an eventual stake of just under 30%. +20224009 But the government's action, which caught Jaguar management flat-footed, may scuttle the GM minority deal by forcing it to fight for all of Jaguar. +20224010 "I can't believe they (GM) will let Ford have a free run," said Stephen Reitman, a European auto industry analyst at UBS-Phillips & Drew. +20224011 "I am sure they will be going for a full bid." +20224012 Many investors certainly believe a bidding war is imminent. +20224013 Jaguar shares skyrocketed yesterday after Mr. Ridley's announcement, following their temporary suspension on London's Stock Exchange. +20224014 In late trading, the shares were up a whopping 122 pence ($1.93) -- a 16.3% gain -- to a record 869 pence on very heavy volume of 9.7 million shares. +20224015 In the U.S. over-the-counter market, Jaguar shares trading as American Depositary Receipts closed at $13.625, up $1.75. +20224016 Analysts expect Ford will make the first move, perhaps today, with an initial offer of about 900 pence ($14.25) a share. +20224017 Such a proposal values Jaguar at more than #1.6 billion ($2.53 billion). +20224018 Speculation about a takeover fight has sent Jaguar shares soaring in the past six weeks. +20224019 The share price was languishing at about 400 pence before Ford's Sept. 19 announcement of its interest in a minority stake. +20224020 Ford is "in the driving seat at the moment," observed Bob Barber, an auto analyst at brokers James Capel & Co. +20224021 An aggressive Ford bid for Jaguar would put pressure on GM to make a better offer as the British company's "white knight." +20224022 Such a countermove could end Jaguar's hopes for remaining independent and British-owned. +20224023 But it isn't clear how long GM would be willing to fight Ford for Jaguar. +20224024 Because of their longstanding rivalry, GM just "wants to make sure Ford pays a huge packet for (Jaguar)," said John Lawson, an auto analyst at London's Nomura Research Institute. +20224025 People close to the GM-Jaguar talks agreed that Ford now may be able to shut out General Motors. +20224026 "It's either going to be a shootout, or there only may be one player in town," one person said. +20224027 Another person close to the talks said, "It is very hard to justify paying a silly price for Jaguar if an out-and-out bidding war were to start now." +20224028 In a statement, Jaguar's board said they "were not consulted about the (Ridley decision) in advance and were surprised at the action taken." +20224029 The statement emphasized that holders representing 75% of the shares voting at a special shareholders' meeting must agree to lift the takeover restrictions. +20224030 Jaguar officials in the U.S. noted that Ford, as Jaguar's largest shareholder, now has the power to call for such a meeting. +20224031 U.S. auto analysts also noted that Ford is in the best position to benefit from the large number of Jaguar shares that have moved over the past month into the hands of arbitragers waiting for the highest takeover bid. +20224032 Jaguar's own defenses against a hostile bid are weakened, analysts add, because fewer than 3% of its shares are owned by employees and management. +20224033 Ford officials in the U.S. declined to comment on the British government's action or on any plans to call a special Jaguar shareholders meeting. +20224034 But GM officials said they, too, were surprised by the move, which left them to "consider all our options and explore matters further." +20224035 Although GM has U.S. approval to buy up to 15% of Jaguar's stock, it hasn't yet disclosed how many shares it now owns. +20224036 In a prepared statement, GM suggested its plans for Jaguar would be more valuable in the long run than the initial windfalls investors might reap from a hostile Ford bid. +20224037 "Our intensive discussions with Jaguar, at their invitation," GM said, "have as their objectives to create a cooperative business relationship with Jaguar that would provide for the continued independence of this great British car company, to ensure a secure future for its employees and to provide an attractive long-term return for its shareholders." +20224038 Jaguar was shocked by Mr. Ridley's decision, because management had believed the government wouldn't lift the golden share without consulting the company first. +20224039 Indeed, the government is taking a calculated risk. +20224040 Mr. Ridley's announcement set off a howl of protests from members of the opposition Labor Party, who accused the Thatcher administration of backing down on promised protection for a privatized company. +20224041 The British government retained the single golden share after selling its stake in Jaguar in +20224042 The Conservative government's decision may reflect its desire to shed a politically sensitive issue well before the next election, expected in late 1991. +20224043 "It's now a very good time politically to get this over and done with," observed Daniel Jones, professor of motor industry management at the University of Cardiff in Wales. +20224044 The government, already buffeted by high interest rates and a slowing economy, has been badly hurt by last week's shake-up in Mrs. Thatcher's cabinet. +20224045 At the same time, the government didn't want to appear to favor GM by allowing a minority stake that might preclude a full bid by Ford. +20224046 Mr. Ridley hinted at this motive in answering questions from members of Parliament after his announcement. +20224047 He said he was giving up the golden share "to clear the way so the playing field is level between all contestants." +20224048 Bradley A. Stertz in Detroit contributed to this article. +20225001 Dow Chemical Co., Midland, Mich., and Eli Lilly & Co., Indianapolis, said they completed the formation of Dow Elanco, a joint venture combining their plant-sciences businesses as well as Dow's industrial pest-control business. +20225002 The companies said Dow Elanco will be the largest research-based agricultural concern in North America, with projected first-year revenue of $1.5 billion. +20225003 Dow will own 60% of the venture, with Eli Lilly holding the rest. +20225004 The venture will be based in Indianapolis. +20226001 William A. Wise, 44 years old, president of the El Paso Natural Gas Co. unit of this energy and natural-resources concern, was named to the additional post of chief executive officer, succeeding Travis H. Petty, 61, who continues as a vice chairman of the parent. +20227001 Erwin Tomash, the 67-year-old founder of this maker of data communications products and a former chairman and chief executive, resigned as a director. +20227002 Dataproducts is fighting a hostile tender offer by DPC Acquisition Partners, a group led by New York-based Crescott Investments Associates. +20227003 Under the circumstances, Dataproducts said, Mr. Tomash said he was unable to devote the time required because of other commitments. +20227004 Mr. Tomash will remain as a director emeritus. +20227005 The company had no comment on whether a replacement would be named. +20228001 Robert Q. Marston, president emeritus, University of Florida, and a director of this maker of medical devices, was named chairman. +20228002 Dr. Marston, 66 years old, succeeds Alexander T. Daignault, 72, who didn't stand for re-election due to mandatory board retirement policy. +20229001 SFE Technologies said William P. Kuehn was elected chairman and chief executive officer of this troubled electronics parts maker. +20229002 The 45-year-old Mr. Kuehn, who has a background in crisis management, succeeds Alan D. Rubendall, 45. +20229003 Jerome J. Jahn, executive vice president and chief financial officer, said Mr. Rubendall was resigning by "mutual agreement" with the board. +20229004 "He is going to pursue other interests," Mr. Jahn said. +20229005 Mr. Rubendall couldn't be reached. +20229006 Mr. Kuehn, the company said, will retain the rest of the current management team. +20229007 For the nine months ended July 29, SFE Technologies reported a net loss of $889,000 on sales of $23.4 million. +20229008 That compared with an operating loss of $1.9 million on sales of $27.4 million in the year-earlier period. +20229009 In national over-the-counter trading, SFE Technologies shares closed yesterday at 31.25 cents a share, up 6.25 cents. +20230001 Sales of new cars in Europe fell 4.2% in September from a year earlier and analysts say the market could continue to soften in the months ahead. +20230002 After a stronger-than-expected pace early this year, analysts say the market, after a series of sharp swings in recent months, now shows signs of retreating. +20230003 Statistics from 12 countries which normally account for 94% of non-communist Europe's passenger car sales showed new car registrations totaled 911,606 in September, down 21% from August and down 4.2% for the year to date. +20231001 Tokyo stocks rebounded Tuesday from two consecutive daily losses in relatively active dealings. +20231002 London shares also rose, while trading in Frankfurt, West Germany, ended higher. +20231003 In Tokyo, the Nikkei index of 225 selected issues was up 132.00 points to 35549.44. +20231004 The index fell 109.85 Monday. +20231005 Volume on the First Section was estimated at 900 million shares, up from 582 million shares Monday. +20231006 Advancing issues outnumbered decliners 542 to 362, while 208 issues were unchanged. +20231007 Small-lot buying targeted at incentive-backed issues pushed up the Nikkei. +20231008 But other sectors failed to attract investor interest and remained sluggish, making overall trading appear mixed. +20231009 Individuals and corporations, as well as dealers trading for their own account, actively bought Tuesday. +20231010 An official at Wako Securities said these investors feel the need to make quick profits, despite destabilizing external factors, such as political uncertainty tied to the ruling party's fate at next year's Lower House elections-an event which could directly affect the stock market. +20231011 The Tokyo Stock Price Index of all issues listed in the First Section, which declined 5.16 on Monday, was up 16.05, or 0.60%, at 2692.65 on Tuesday. +20231012 The Second Section index, which fell 21.44 points Monday, was up 6.84 points, or 0.19%, to close at 3642.90. +20231013 Second Section volume was estimated at 14 million shares, unchanged from Monday. +20231014 Institutional investors mostly remained on the sidelines Tuesday. +20231015 A fund manager at a life-insurance company said three factors make it difficult to read market direction. +20231016 First, he said, domestic interest rates are likely to stay at higher levels as increased anticipation of inflation followed rising consumer prices reported last week. +20231017 Second, the dollar is showing persistent strength despite a slowdown in the U.S. economy shown by economic indicators. +20231018 Third, oil prices haven't declined although supply has been increasing. +20231019 The topic that attracted participants' attention was Mitsubishi Estate's purchase of 51% of Rockefeller Center Properties, announced late Monday in New York. +20231020 Mitsubishi Estate ended the day at 2680, up 150. +20231021 The gains also sparked buying interest in other real-estate companies, traders said. +20231022 Sumitomo Realty & Development rose 40 to 2170. +20231023 Heiwa Real Estate gained 40 to 2210. +20231024 Investor focus shifted quickly, traders said. +20231025 Many of the morning-session winners turned out to be losers by afternoon. +20231026 In other stock-market news, the Tokyo Stock Exchange said that for the week ended Friday, the balance of margin buying rose 189.8 billion yen ($1.34 billion), to 7.160 trillion yen ($50.46 billion). +20231027 The balance of short positions outstanding fell 159.7 billion yen, to 779.8 billion yen. +20231028 In London, prices finished at intraday peaks, comforted by a reassuring early performance on Wall Street and news that the British government will waive its "golden share" in auto maker Jaguar. +20231029 But trading was very sketchy, as investment decision makers remain wary from gyrations and upsets of recent weeks. +20231030 "Volume has been appalling," said a dealer at a British brokerage concern. +20231031 "The market was dragged up by the scruff of its neck by Wall Street and by market makers getting caught short. +20231032 No one wants stock on their books." +20231033 Meanwhile, the broad-based Financial Times 100-share index added 30.4 points to end at 2142.6, while reaching its minimum of 2120.5 a half hour into the session. +20231034 At the close, the narrower 30-share index was up 19.7 points to 1721.4. +20231035 Volume totaled a modest 334.5 million shares, up from 257.8 million shares Monday. +20231036 The market also moved at early afternoon on news that Jaguar shares were being temporarily suspended at 746 pence ($11.80) each. +20231037 Secretary of State for Trade and Industry Nicholas Ridley said later in the day that the government would abolish its golden share in Jaguar, the luxury auto maker being stalked by General Motors and Ford Motor. +20231038 The golden share dates from Jaguar's public offering in 1984 and was designed to protect the company from takeover. +20231039 The golden share was scheduled to expire at the beginning of +20231040 But although the golden share has been waived, a hostile bidder for Jaguar would still have to alter the British concern's articles of association which ban shareholdings of more than 15%. +20231041 Jaguar shares closed at 869 pence, up 122 pence, on hefty turnover of 9.7 million shares. +20231042 As the London trading session drew to a close, the market was still listening to the parliamentary debate on the economy, with new Chancellor of the Exchequer John Major expected to clarify his approach to the British economy and currency issues. +20231043 On the Frankfurt Stock Exchange, share prices closed higher in fairly thin trading, as selective buying by foreigners helped propel prices. +20231044 The DAX index closed at 1472.76, up from 1466.29. +20231045 Despite the modest gains, traders said the market remains dull, with investors remaining cautiously on the sidelines. +20231046 Contributing to the market's reserved stance was the release later in the day of new data on the health of the U.S. economy, in the form of the U.S. index of leading indicators. +20231047 Additionally, the end of the month position-squaring might have also played a minor role, traders said. +20231048 Elsewhere, share prices closed higher in Amsterdam, Brussels, Milan and Paris. +20231049 Prices were mixed in Zurich and lower in Stockholm. +20231050 Stocks closed higher in Hong Kong, Manila, Singapore, Sydney and Wellington, but were lower in Seoul. +20231051 Taipei was closed for a holiday. +20231052 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +20231053 To make them directly comparable, each index is based on the close of 1969 equaling 100. +20231054 The percentage change is since year-end. +20232001 French consumer prices rose 0.2% in September from the previous month and were up 3.4% from a year earlier, according to definitive figures from the National Statistics Institute. +20232002 The state agency's figures confirm previous estimates and leave the index at 178.9, up from 178.5 in August and 173.1 a year earlier. +20232003 The index is based on 1980 equaling 100. +20232004 A breakdown showed that food prices were the most active part of growth with a rise of 0.6%. +20232005 An official linked the gain essentially to higher prices for beef and pork. +20232006 He said summer drought problems that had hit several southern agricultural regions had stopped being a major source of price pressure in September. +20233001 Japan's index of leading indicators rose to 63.6 in August, above the so-called boom-or-bust line of 50 for the first time since May, the Economic Planning Agency said. +20233002 The leading index recovered from July's revised level of 36.6 on strong performances in consumer durables and machinery orders, among other factors, according to an agency spokeswoman. +20233003 The index is intended to measure future economic performance. +20233004 A figure above 50 indicates the economy is likely to expand; one below 50 indicates a contraction may be ahead. +20234001 Metromedia Co. said its Metromedia Long Distance unit has been renamed Metromedia-ITT Long Distance, reflecting acquisitions from ITT Corp., which licenses its name to closely held Metromedia. +20234002 Metromedia said its unit is the fifth-largest provider of long-distance communications service in the U.S., with projected 1989 revenue of more than $550 million. +20234003 Metromedia, headed by John W. Kluge, has interests in telecommunications, robotic painting, computer software, restaurants and entertainment. +20235001 South Korean consumer prices rose 5% in the first 10 months of this year, matching the government's target for the entire year, according to the Bank of Korea and the Economic Planning Board. +20235002 According to reports released by the two government agencies, domestic consumer and wholesale prices each rose by 0.2% in October from the previous month. +20235003 As a result, consumer prices for the first 10 months of 1989 surged by 5% and wholesale prices by 1.3%. +20235004 The South Korean government had been projecting a 5% consumer price increase for the entire year. +20236001 Martin Marietta Corp. said it won a $38.2 million contract from the U.S. Postal Service to manufacture and install automated mail-sorting machines. +20236002 Under terms of the three-year contract, Martin Marietta said it will make and install 267 of the new machines at 156 postal offices. +20236003 The new machines are capable of sorting by zip code up to 10,000 large flat mail pieces, including magazines and parcels, an hour. +20237001 Thomas A. Donovan, 37 years old, formerly vice president, West Coast operations, at this hazardous-waste-site remediation concern, was named executive vice president and chief operating officer, both newly created posts, and a director, filling a vacancy. +20237002 Canonie said it anticipates naming Mr. Donovan to succeed Richard F. Brissette, 55, as president and chief executive officer, effective March 1. +20237003 Mr. Brissette will remain a Canonie board member and will be a consultant to the company. +20238001 Yields on savings-type certificates of deposit dropped slightly in the week ended yesterday. +20238002 The average yield on a six-month CD of $50,000 or less was 7.90%, compared with 7.94% a week earlier. +20238003 The average one-year savings-type CD was down to 7.99% from 8.01%, according to Banxquote Money Markets, a New York information service that tracks CD yields. +20238004 "This week was uneventful for the CD market," said Norberto Mehl, chairman of Banxquote. +20238005 "The major banks haven't even reacted to sharp rises in the three-month Treasury bill rates" in the past two weeks. +20238006 Banks that adjusted payouts on CDs in the most recent week made only fractional moves, he said. +20238007 The CD trend runs counter to the direction of short-term interest rates at the Treasury bill auction Monday. +20238008 The average six-month bill was sold with a yield of 8.04%, up from 7.90%. +20238009 The average three-month issue rose to 8.05% from 7.77%. +20238010 Typically, banks offer CD yields higher than those on Treasury bills, which are considered the safest short-term investments; banks need a competitive edge to sell their products. +20238011 But when market interest rates move up rapidly, increases in bank CD yields sometimes lag. +20238012 Most yields on short-term jumbo CDs, those with denominations over $90,000, also moved in the opposite direction of Treasury bill yields. +20238013 The average six-month yield on a jumbo CD was at 7.90%, down from 7.93%, Banxquote said. +20238014 For longer-term CDs, yields were up. +20238015 The average two-year and five-year jumbos were up 0.02 of a percentage point to 7.91% and 7.96%, respectively. +20238016 However, CDs sold through major broker-dealer networks were up slightly almost across the board. +20238017 The average six-month CD in that category added 0.05 percentage point to 8.35%, for example. +20238018 Mr. Mehl attributed the rise specifically to the Treasury bill increase. +20238019 Among the major banks surveyed by Banxquote in six regions of the country, 8.33% is the highest yield available. +20238020 It is offered by the flagship banks of New York's Manufacturers Hanover Corp. in the one-year maturity only. +20238021 The yield is offered across a range of maturities at San Francisco's BankAmerica Corp. and Wells Fargo & Co. +20238022 Just two weeks ago, BankAmerica's yields in many of those maturities was 8.61%. +20238023 Still, on average, the major California banks have the highest yields on CDs, according to Banxquote. +20238024 The average yield there on six-month issues is 8.32%. +20239001 I had to reach back to French 101 when the monsieur avec clipboard leaned over my shoulder during the coffee phase of dinner and asked whether I wanted to ride in a montgolfiere. +20239002 I was a last-minute (read interloping) attendee at a French journalism convention and so far the festivities had been taken up entirely by eating, drinking, smoking, sleeping and drinking. +20239003 The man with the clipboard represented a halfhearted attempt to introduce a bit of les sportif into our itinerary. +20239004 But as the French embody a Zen-like state of blase when it comes to athletics (try finding a Nautilus machine in Paris), my fellow conventioners were having none of it. +20239005 The diners at my table simply lit more Gauloises and scoffed at the suggestion of interrupting a perfectly good Saturday morning to go golfing or even montgolfing (ballooning to you; the brothers Montgolfier, French of course, were the world's first hot-air balloonists). +20239006 Back in the U.S.A. this kind of chi-chi airborne activity wins heartwarmingly covetous responses. +20239007 As in: "You went ballooning??!! +20239008 In France??!!" +20239009 Americans it seems have followed Malcolm Forbes's hot-air lead and taken to ballooning in a heady way. +20239010 During the past 25 years, the number of balloonists (those who have passed a Federal Aviation Authority lighter-than-air test) have swelled from a couple hundred to several thousand, with some estimates running as high as 10,000. +20239011 Some 30 balloon shows are held annually in the U.S., including the world's largest convocation of ersatz Phineas Foggs -- the nine-day Albuquerque International Balloon Fiesta that attracts some 800,000 enthusiasts and more than 500 balloons, some of which are fetchingly shaped to resemble Carmen Miranda, Garfield or a 12-story-high condom. +20239012 (The condom balloon was denied official entry status this year.) +20239013 But in Epinal, a gray 16th-century river town adjacent to France's Vosges mountain region, none of these Yankee-come-lately enthusiasms for things aloft was evident. +20239014 Ballooning at the de rigueur hour of 6 a.m. held all the attraction for most people of sunrise root-canal work. +20239015 Feeling the naggings of a culture imperative, I promptly signed up. +20239016 The first thing anybody will tell you about ballooning is that it requires zip in the way of athletic prowess, or even a measure of derring-do. +20239017 (So long as you don't look down.) +20239018 They will also tell you that even if you hate heights, you can still balloon. +20239019 (I still say don't look down. +20239020 At least not when you are ascending.) +20239021 What they won't tell you is not to go aloft in anything you don't want to get wet. +20239022 I'm not referring to the traditional champagne drenching during the back-on-terra-firma toast. +20239023 I'm talking about landing in a canal. +20239024 In a porous wicker basket. +20239025 With a pilot who speaks no English. +20239026 To wit, my maiden voyage (and novitiates are referred to as virgins) began at dawn on a dew-sodden fairway and ended at noon in a soggy field. +20239027 (Balloon flights almost always occur at dawn or dusk, when the winds are lightest.) +20239028 In between came lots of coffee drinking while watching the balloons inflate and lots of standing around deciding who would fly in what balloon and in what order (the baskets hold no more than four passengers). +20239029 When it wasn't my turn in the balloon I followed its progress from the "chase car," listening to the driver holler into a walkie-talkie. +20239030 After long stretches of this attendant ground activity came 20 or so lovely minutes of drifting above the Vosges watching the silver mists rise off the river and the French cows amble about the fields. +20239031 It's hard not to feel that God's in his heaven with this kind of bird's-eye view of the world, even if your pilote in silly plaid beret kept pointing out how "belle" it all was. +20239032 Eventually little French farmers and their little French farmwives came out of their stone houses and put their hands above their tiny eyes and squinted at us. +20239033 No wonder. +20239034 We were coming down straight into their canal. +20239035 See, the other rule of thumb about ballooning is that you can't steer. +20239036 And neither can your pilot. +20239037 You can go only up or down (by heating the balloon's air with a propane burner, which does make the top of your head feel hot) and ride the air currents. +20239038 Which makes the chase car necessary. +20239039 Most balloonists seldom go higher than 2,000 feet and most average a leisurely 5-10 miles an hour. +20239040 When the balloon is cruising along at a steady altitude there is little sense of motion. +20239041 Only when one is ascending -- or in our case descending a tad trop rapidement -- does one feel, well, airborne in a picnic basket. +20239042 "What's he doing?" hissed my companion, who was the only other English-speaking member of the convention and whose knuckles were white. +20239043 "Attention," yelled our pilot as our basket plunged into the canal. +20239044 "You bet attention," I yelled back, leaping atop the propane tanks, "I'm wearing alligator loafers!" +20239045 Our pilot simply laughed, fired up the burner and with another blast of flame lifted us, oh, a good 12-inches above the water level. +20239046 We scuttled along for a few feet before he plunged us into the drink again. +20239047 Eventually we came to rest in a soggy patch of field where we had the exquisite pleasure of scrambling out of the basket into the mud while the French half of our ballooning tag team scrambled in. +20239048 I looked at my watch. +20239049 Barely half-an-hour aloft. +20239050 Back in the chase car, we drove around some more, got stuck in a ditch, enlisted the aid of a local farmer to get out the trailer hitch and pull us out of the ditch. +20239051 We finally rendezvoused with our balloon, which had come to rest on a dirt road amid a clutch of Epinalers who watched us disassemble our craft -- another half-an-hour of non-flight activity -- that included the precision routine of yanking the balloon to the ground, punching all the air out of it, rolling it up and cramming it and the basket into the trailer. +20239052 It was the most exercise we'd had all morning and it was followed by our driving immediately to the nearest watering hole. +20239053 This meant returning to the golf course, where we watched a few French duffers maul the first tee while we sat under Cinzano umbrellas, me nursing an espresso and my ego. +20239054 A whole morning of ballooning and I had been off the ground barely 30 minutes. +20239055 Still, I figured the event's envy-quotient back in the U.S.A. was near peerless. +20239056 As for the ride back to camp, our pilot and all the other French-speaking passengers clambered into the chase car. +20239057 My American companion and I were left to ride alfresco in the wicker basket. +20239058 As we streaked by a blase gendarme, I couldn't resist rearing up on my soggy loafers and saluting. +20239059 Ms. de Vries is a free-lance writer. +20240001 Treasury Undersecretary David Mulford defended the Treasury's efforts this fall to drive down the value of the dollar, saying it helped minimize damage from the 190-point drop in the stock market Oct. 13. +20240002 Testifying before a House subcommittee, Mr. Mulford said that if the Treasury hadn't intervened in foreign-exchange markets in September and early October to reduce the dollar's value, the plunge in the stock market might have provoked a steep fall in the currency that might have "unhinged financial markets." +20240003 Mr. Mulford, responding to critics of intervention, also said intervention is "highly visible," is taken seriously by financial markets and works better than "was recognized some time ago." +20240004 Differences between the Treasury and the Federal Reserve on the usefulness of intervention to help restrain the dollar resurfaced at the hearing. +20240005 Fed Vice Chairman Manuel Johnson, who had dissented from the Treasury's policy, told lawmakers, "I became convinced about what looked to me like an attempt to push the dollar down against the fundamentals in the market." +20240006 Intervention, he added, is useful only to smooth disorderly markets, not to fundamentally influence the dollar's value. +20240007 Rep. John LaFalce (D., N.Y.) said Mr. Johnson refused to testify jointly with Mr. Mulford and instead asked to appear after the Treasury official had completed his testimony. +20240008 A Fed spokesman denied Mr. LaFalce's statement. +20240009 Mr. Mulford said reports of tension between the Treasury and Fed have been exaggerated, insisting that they involved "nuances." +20240010 Mr. Johnson also said that "in the scheme of things, these things are minor." +20240011 On other matters, Mr. Mulford said West Germany is contributing to imbalances in the world economy because of its success as an exporter. +20240012 "The solution is stronger domestic growth {in Germany}," he said. +20240013 But because the growth of the German economy has been stronger than expected, Mr. Mulford said, it's difficult for the U.S. to argue that Germany ought to adopt more stimulative monetary and fiscal policies. +20240014 Germany's trade surplus is largely with other European countries rather than with the U.S., Mr. Mulford acknowledged. +20240015 But nonetheless U.S. companies might be more successful in European markets if not for the German export push, he said. +20241001 Five officials of this investment banking firm were elected directors: E. Garrett Bewkes III, a 38-year-old managing director in the mergers and acquisitions department; Michael R. Dabney, 44, a managing director who directs the principal activities group which provides funding for leveraged acquisitions; Richard Harriton, 53, a general partner who heads the correspondent clearing services; Michael Minikes, 46, a general partner who is treasurer; and William J. Montgoris, 42, a general partner who is also senior vice president of finance and chief financial officer. +20241002 The board increased by one to 26 members. +20241003 In the past year, one inside director resigned, while three others retired. +20242001 Some U.S. allies are complaining that President Bush is pushing conventional-arms talks too quickly, creating a risk that negotiators will make errors that could affect the security of Western Europe for years. +20242002 Concerns about the pace of the Vienna talks -- which are aimed at the destruction of some 100,000 weapons, as well as major reductions and realignments of troops in central Europe -- also are being registered at the Pentagon. +20242003 Mr. Bush has called for an agreement by next September at the latest. +20242004 But some American defense officials believe the North Atlantic Treaty Organization should take more time to examine the long-term implications of the options being considered. +20242005 For one thing, Pentagon officials, who asked not to be identified, worry that the U.S. will have a much tougher time persuading Europeans to keep some short-range nuclear weapons on their soil once Soviet armored forces are thinned out. +20242006 At the same time, they contend that a reduction of NATO forces under a treaty will increase the possibility of a conventional Soviet attack unless the West retains a residual force of nuclear weapons in Europe. +20242007 Allies concerned about the deadline include the British, French and smaller NATO allies, some of whom don't have adequate staffs to provide quick answers to the questions being raised by what generally are considered the most complex arms-control talks ever attempted. +20242008 So far, no ally has complained openly, preserving the impression that NATO is in line with the Bush position that a quick agreement bringing Soviet conventional forces down to parity with NATO is the West's top bargaining priority. +20242009 But even though NATO negotiators have only 10 months left under the Bush timetable, they are still wrestling over such seemingly fundamental questions as "What is a tank?" +20242010 Five of the six categories of weapons under negotiation haven't even been defined. +20242011 Tanks currently are defined as armored vehicles weighing 25 tons or more that carry large guns. +20242012 The Soviets complicated the issue by offering to include light tanks, which are as light as 10 tons. +20242013 Oleg A. Grinevsky, the chief Soviet negotiator in the conventional-arms talks, argued that this would mean the Soviets would have to destroy some 1,800 tanks, while the U.S. would lose none because it has no light tanks in Europe. +20242014 But the issue is stickier than it seems. +20242015 France, Britain and Italy all have light tanks they would like to keep out of the talks. +20242016 And some U.S. Army analysts worry that the proposed Soviet redefinition is aimed at blocking the U.S. from developing lighter, more transportable, high-technology tanks. +20242017 Defining combat aircraft is even tougher. +20242018 The Soviets insisted that aircraft be brought into the talks, then argued for exempting some 4,000 Russian planes because they are "solely defensive." +20242019 NATO hasn't budged from its insistence that any gun-carrying plane has offensive capability. +20242020 The dispute over that issue, according to one U.S. official, is a "potential treaty stopper," and only President Bush and Soviet leader Mikhail Gorbachev may be able to resolve it. +20242021 Accounting problems raise more knotty issues. +20242022 Greece and Turkey, for example, are suspected of overstating their arsenals in hopes that they can emerge from the arms-reduction treaty with large remaining forces to deter each other. +20242023 Other nations aren't sure how many weapons they have in their own arsenals. +20242024 "It's just going to be sloppy, both on our side and theirs {the Warsaw Pact's}," says one NATO analyst. +20242025 So far, neither the Bush administration nor arms-control experts in Congress seem moved by arguments that these problems may take more time to thrash out than President Bush has allowed. +20242026 They argue that the bigger danger would be that the West would delay action so long that the Soviets might back away from the current conciliatory attitude. +20242027 "So what if you miss 50 tanks somewhere?" asks Rep. Norman Dicks (D., Wash.), a member of the House group that visited the talks in Vienna. +20242028 "The bottom line is that if we can get that {Warsaw Pact} superiority brought down to parity, we ought to keep pressing ahead as quickly as possible. +20242029 I worry more about things becoming so unraveled on the other side that they might become unable to negotiate. +20243001 International Lease Finance Corp. announced a leasing contract with charter carrier American Trans Air Inc., in a transaction involving six Boeing Co. 757-200s. +20243002 The value of the jets, including spares, is in excess of $250 million. +20243003 Two of the 757-200s are new aircraft to be delivered to American Trans Air, the main subsidiary of Amtran Inc., in December 1991 and January 1992. +20243004 Four of the planes were purchased by International Lease from Singapore Airlines in a previously announced transaction. +20243005 Delivery of the first aircraft is set for early November, a second for December and two for April 1990. +20244001 Norway's unemployment rate for October was 3.6%, unchanged from September but up from 2.6% in the same month last year. +20244002 The figure excludes a record number employed by extraordinary government work programs, the Labor Directorate announced Tuesday. +20244003 Including those in the state programs, there were 143,800 Norwegians, or about 6.5% of the work force, without permanent employment in October, up from September's 136,800. +20244004 The number of people registered as jobless at the end of October declined by 900 from September to 78,600. +20244005 Those employed in state-funded special programs increased by 7,400 to 65,200 in the same period, the Directorate said. +20244006 In October 1988, there were 40,800 fewer employed by government programs. +20245001 Coca-Cola Co., aiming to boost soft-drink volume in Singapore, said it is discussing a joint venture with Fraser & Neave Ltd., its bottling franchisee in that country. +20245002 The venture would be the latest in Coke's rapid expansion of overseas investment. +20245003 So far this year, it has put nearly $700 million into bottling operations in Australia, New Zealand and France. +20245004 The move also reflects Coke's eagerness to have a hand in developing the soft-drink markets in Pacific Basin countries. +20245005 Aside from Europe, the Pacific division is where Coke will be focusing much of its attention for years to come. +20245006 That's because when Coke looks to the Pacific area, it sees an economic and demographic gold mine. +20245007 In countries such as Taiwan, South Korea and Singapore, economies are growing, resulting in a rise in disposable income that consumers can use for soft drinks. +20245008 And unlike Europe and the U.S., where populations are aging, the Pacific Basin countries have growing proportions of youths -- the heaviest consumers of Coca-Cola and other sodas. +20245009 A Coca-Cola spokesman said it is too early to say how the joint venture would be structured, or how much the company would invest in the transaction. +20245010 In the past, however, Coke has typically taken a minority stake in such ventures. +20245011 By acquiring stakes in bottling companies in the U.S. and overseas, Coke has been able to improve bottlers' efficiency and production, and in some cases, marketing. +20245012 Coke has tended to increase its control when results were sluggish in a given country. +20245013 That doesn't appear to be the case in Singapore, a country of about three million people with a relatively high soft-drink consumption rate -- a key indicator of Coke's success in a market. +20245014 In Singapore, per-capita consumption is about one-third that of the U.S. +20245015 And combining Fraser & Neave's own soft drinks with Coca-Cola's gives the Singapore company more than half the share of the soda market there, Coke said. +20245016 Fraser & Neave, which also has interests in packaging, beer and dairy products, holds the Coke licenses for Malaysia and Brunei, where per-capita consumption isn't as high as in Singapore. +20245017 Coke could be interested in more quickly developing some of the untapped potential in those markets. +20245018 A Coke spokesman said he couldn't say whether that is the direction of the talks. +20245019 Coke said the joint-venture arrangement, which needs approval from both companies' boards, should be completed early next year. +20246001 AMERICAN BRANDS Inc., Old Greenwich, Conn., said it increased its quarterly 11% to 68 cents a share from 61 cents, payable Dec. 1 to stock of record Nov. 10. +20246002 The increase follows the company's report of strong earnings for the third quarter, and reflects what American Brands called its "tradition of sharing earnings growth" with shareholders. +20246003 American Brands is a consumer products company with core businesses in tobacco, distilled spirits and life insurance. +20246004 As of Sept. 30, American Brands had 95.2 million shares outstanding. +20247001 Giovanni Agnelli & Co. announced a transaction that will strengthen its indirect control of Fiat S.p.A. and will admit Prince Karim Aga Khan as its first non-family shareholder. +20247002 Giovanni Agnelli, a limited partnership that is the master holding company for Fiat's Agnelli family, owns approximately 75% of the shares in Istituto Finanziario Industriale, which in turn owns approximately 40% of Fiat, Italy's biggest private-sector industrial group. +20247003 The company said Maria Sole Agnelli Teodorani, sister of Fiat Chairman Giovanni Agnelli, agreed to trade her shares in IFI for new ordinary shares in the limited partnership, which will give her control of 4.67% of Giovanni Agnelli & Co. +20247004 The Aga Khan, meanwhile, agreed to trade some of his stake in Luxembourg-based Ifint S.A., another Agnelli family company, for 7.45% of Giovanni Agnelli & Co.'s capital. +20247005 His new stake would be in the form of preferred shares, which receive higher dividends but have voting rights only in extraordinary shareholders assemblies. +20247006 The Aga Khan owns 10% of Ifint's capital, while IFI owns 23%. +20247007 As a result of the transaction, which is expected to be approved at a shareholders meeting Nov. 24, Giovanni Agnelli & Co. will control 79.18% of IFI's ordinary shares. +20247008 Its capital will also be raised to 232.4 billion lire ($172.5 million) from the current 204.3 billion lire. +20247009 IFI also has nonvoting preferred shares, which are quoted on the Milan stock exchange. +20247010 The value of the two transactions wasn't disclosed, but an IFI spokesman said no cash would change hands. +20247011 The move strengthens the existing links between the Agnellis and the Aga Khan, the head of the world's Ismaili Moslems who is a longtime family friend and frequently goes sailing with Mr. Agnelli. +20247012 Mr. Agnelli and the Aga Khan also have some business ties, and a spokesman for the Agnelli company didn't rule out that the current agreement could lead to further collaboration. +20247013 For instance, Ifint earlier this year bought an 18% stake in Alisarda, the Aga Khan's airline, which flies between Italy and Sardinia. +20247014 Giovanni Agnelli & Co., which was formed in January 1987 as a way of keeping the Agnellis' controlling stake in Fiat together despite an ever-growing family tree, has been playing a more active role in the Agnelli group of late. +20247015 It raised financing of 300 billion lire for the purchase this summer by another Agnelli-related group of the food concern Galbani S.p.A., by selling a chunk of its IFI shares to Mediobanca S.p.A. +20247016 Mediobanca said during the weekend that it agreed to sell the shares back to Giovanni Agnelli for 333 billion lire. +20248001 Your Oct. 2 page-one article on people riding so-called "railbikes" on railroad tracks was a disservice to your readers. +20248002 It unfortunately encourages others to engage in a highly dangerous and illegal activity that only a very few are doing now. +20248003 And it treats such activities in a frivolous, cavalier fashion, with total indifference to common sense and public safety. +20248004 Saul Resnick +20248005 Vice President +20248006 Public Affairs +20248007 Conrail +20249001 MCI Communications Corp. said it received a three-year contract valued at more than $15 million to provide network, credit-card and other telecommunications services to Drexel Burnham Lambert Inc. +20250001 Congressional Democrats and the Bush administration agreed on a compromise minimum-wage bill, opening the way for the first wage-floor boost in more than nine years. +20250002 The agreement ended a long impasse between the congressional leaders and the White House over the wage issue. +20250003 President Bush in June vetoed a measure passed by Congress and said he wouldn't accept any minimum-wage rise that went beyond limits he set early in this year's debate on the issue. +20250004 The compromise was a somewhat softened version of what the White House had said it would accept. +20250005 Under the agreement with the House and Senate leaders, the minimum wage would rise from the current $3.35 an hour to $4.25 an hour by April 1991. +20250006 Employers could also pay a subminimum "training wage" for 90 days to new workers who are up to 19 years old, and then for another 90 days if the company institutes a specific training program for the newcomers. +20250007 White House officials were delighted that the compromise includes the concept of a training wage, which Mr. Bush has fought for throughout the year. +20250008 "For the first time in history, we have a training wage that will be part" of the nation's labor laws, said Roger Porter, assistant to the president for economic and domestic policy. +20250009 White House aides said that although they made a small compromise on the length of a training wage, the final minimum-wage increase will meet the standards set by Mr. Bush. +20250010 The bill vetoed by the president in June, which the House failed to override, would have lifted the minimum wage to $4.55 an hour by late 1991, with a training wage for up to two months, generally for a worker's first job. +20250011 Mr. Bush had been holding out for a bill boosting the wage floor to $4.25 an hour by the end of 1991, coupled with a six-month training wage for workers newly hired by any employer. +20250012 Under the compromise, the $4.25 level would be reached nine months earlier, while the training subminimum would be shorter, unless it is tied to a training plan. +20250013 Democrats argued that the training wage was a way of allowing employers to pay less than the minimum wage, while new workers need far less than six months to be trained for their jobs. +20250014 Democrats had been negotiating with some Republican congressional leaders on a compromise lately. +20250015 With congressional elections next year, GOP leaders have worried about opposing a minimum-wage rise for low-paid workers at a time when Congress is moving toward a capital-gains tax cut that would directly benefit wealthier taxpayers. +20250016 Republicans have been imploring the White House to compromise on the wage issue. +20250017 In the Senate, Edward Kennedy (D., Mass.), chairman of the Labor Committee, and Pete Domenici, (R., N.M.) ranking minority member of the Budget Committee, have been working on a compromise, and their soundings showed that the Senate appeared to be heading toward enough strength to override another Bush veto, a Democratic staff official said. +20250018 The House is scheduled to vote this week on the compromise, as a substitute to a new Democratic bill, itself watered down from last spring's version. +20250019 The Senate will probably vote not long afterward. +20250020 Some Democrats thought they might have compromised too much. +20250021 Rep. Austin Murphy (D., Pa.), chairman of the House labor standards subcommittee, said they might have done better "if we'd held their feet to the fire." +20250022 Mr. Kennedy suggested Democrats "yielded a great deal" on the size of the increase, but he cited concessions from the White House on the training wage, which he said make it "less harsh." +20250023 With only 16-year-olds to 19-year-olds eligible, 68% of workers getting less than $4.25 an hour, who are adults, won't be subject to the training wage, he said. +20250024 The AFL-CIO, which previously opposed the administration's subminimum idea, said the compromise has "adequate safeguards, so the youth are not exploited and older workers are not displaced." +20250025 Gerald F. Seib contributed to this article. +20251001 Moody's Investors Service Inc. said it lowered the ratings on about $3.2 billion of Houston Lighting & Power Co.'s securities because of the company's low levels of interest coverage and internal cash generation. +20251002 Houston Lighting is a unit of Houston Industries Inc., a utility holding company in Houston. +20251003 Downgraded by Moody's were Houston Lighting's first-mortgage bonds and secured pollution-control bonds to single-A-3 from single-A-2; unsecured pollution-control bonds to Baa-1 from single-A-3; preferred stock to single-A-3 from single-A-2; a shelf registration for preferred stock to a preliminary rating of single-A-3 from a preliminary rating of single-A-2; two shelf registrations for collateralized debt securities to a preliminary rating of single-A-3 from a preliminary rating of single-A-2, and the unit's rating for commercial paper to Prime-2 from Prime-1. +20251004 Moody's said Houston Lighting's current situation has some positive aspects, including managing "very well" the construction and commercial operation risks of Units 1 and 2 of the South Texas Project nuclear power plant. +20251005 Capital requirements will be declining and no new generating facilities will be required for several years, Moody's said. +20252001 Scott C. Smith, formerly vice president, finance, and chief financial officer of this media concern, was named senior vice president. +20252002 Mr. Smith, 39, retains the title of chief financial officer. +20253001 Armstrong World Industries Inc. agreed in principle to sell its carpet operations to Shaw Industries Inc. +20253002 The price wasn't disclosed but one analyst estimated that it was $150 million. +20253003 Armstrong, which has faced a takeover threat from the Belzberg family of Canada since July, said that disposing of the carpet business would improve "total financial performance." +20253004 The move also would allow the company to concentrate on core businesses, which include ceramic tile, floor coverings and furniture. +20253005 Moreover, such a sale could help Armstrong reassure its investors and deter the Belzbergs, who own a 9.85% stake in the Lancaster, Pa., company. +20253006 Analysts expect Armstrong to use proceeds of the sale to reduce debt, buy back stock or perhaps finance an acquisition. +20253007 The carpet division had 1988 sales of $368.3 million, or almost 14% of Armstrong's $2.68 billion total revenue. +20253008 The company has been manufacturing carpet since 1967. +20253009 Recently it upgraded its plants so that it could make stain-resistant products with higher quality dyes. +20253010 For the past year or two, the carpet division's operating profit margins have hovered around 5%, high by industry standards, but disappointing compared with the 13% to 19% margins for two of Armstrong's chief businesses, flooring and building products. +20253011 Analysts hailed the planned transaction as being beneficial to Armstrong and Shaw, the market leader in the U.S. carpet industry, with an estimated 17% to 20% share. +20253012 Shaw, based in Dalton, Ga., has annual sales of about $1.18 billion, and has economies of scale and lower raw-material costs that are expected to boost the profitability of Armstrong's brands, sold under the Armstrong and Evans-Black names. +20253013 Yesterday, in composite trading on the New York Stock Exchange, Shaw's shares closed ex-dividend at $26.125, up $2.25. +20253014 Armstrong's shares, also listed on the Big Board, closed at $39.125, up 12.5 cents. +20253015 Yesterday, Armstrong reported flat earnings for the third quarter and nine months, worsened by the stock dilution of an employee stock ownership plan adopted earlier this year. +20253016 For the quarter, earnings were $47 million, or 92 cents a share, including a one-time gain of $5.9 million. +20253017 In the year-ago quarter, earnings were $42.9 million, or 93 cents a share. +20253018 Yesterday, Armstrong announced an agreement to sell its small Applied Color Systems unit to a subsidiary of the Swiss company, Brauerei Eichof Ltd. +20253019 The price wasn't disclosed. +20253020 Armstrong expects to close the sale of the color unit in late November and the carpet sale in December, with the gains to be applied to fourth quarter or first-quarter results. +20254001 The government's primary economic-forecasting gauge rose a slight 0.2% in September, but economists said the report offered little new information on the degree to which the U.S. economy is slowing. +20254002 The small increase in the index of leading indicators, which had climbed 0.5% in August but was unchanged in July, does lend support to the view that the economy has slowed noticeably. +20254003 However, it doesn't give much of a clue as to whether a recession is on the horizon. +20254004 "I don't think it provides much new information on the economy," said Richard Rippe, economist at Dean Witter Reynolds Inc. +20254005 So far this year, the index of leading indicators has risen in four months, fallen in four months and remained unchanged in the other month. +20254006 In another report yesterday, the Commerce Department said sales of new single-family houses plunged 14% in September to an annual rate of 618,000 from 719,000 in August. +20254007 The declines were particularly pronounced in the Northeast and in the South, where Hurricane Hugo was a factor. +20254008 Although September's weakness followed two strong months for home sales, the decline supports other indications that the drop in mortgage rates earlier this year has had only a limited beneficial effect on the housing market. +20254009 The September drop was the largest since a 19% drop in January 1982, but monthly changes in this measure are even less reliable than those in other economic indicators. +20254010 Because the figures are based on a small sample, the department said it is 90% confident only that new-home sales fell somewhere between 5% and 23% during the month. +20254011 The department also said it takes four months to establish a trend. +20254012 So far this year, 534,000 newly built homes have been sold, down 4.5% from the like months of 1988. +20254013 The index of leading indicators got a major boost in September from a surge in consumer expectations as measured by the University of Michigan. +20254014 This measure had dropped sharply in August. +20254015 The Commerce Department said that as a result of a new adjustment to the formula used to calculate the index, the influence of this component has been reduced. +20254016 Of the 11 components to the index, only three others rose in September: the money supply, the length of the average work week and stock prices. +20254017 Several components that track the health of the manufacturing sector of the economy turned down in September. +20254018 These include new orders for manufactured consumer goods, lead times on vendor deliveries, orders for new plant and equipment, and backlogs of orders for durable goods. +20254019 Meanwhile, the National Association of Manufacturers said yesterday a recent poll of 53 executives on its board found that 61% don't expect a recession to occur until 1991 or later. +20254020 The remainder expect a downturn to begin sometime in +20254021 Although manufacturers often are quick to call for lower interest rates, 60% of the executives said they would prefer that the Fed keep inflation-fighting as its top priority even if that means higher rates. +20254022 The other 40% said the Fed ought to worry less about inflation and bring interest rates down. +20254023 All the figures are adjusted to remove usual seasonal patterns. +20254024 Here are the net contributions of the components of the Commerce Department's index of leading indicators. +20254025 After various adjustments, they produced a 0.5% rise in the index for August and a 0.2% rise for September. +20254026 September, and the change from August, are: from 1.11 in the previous month. +20255001 Boston Edison Co. said it will take a previously reported $60 million charge against earnings in the fourth quarter. +20255002 The charge resulted from a settlement approved yesterday by the Massachusetts Department of Public Utilities. +20255003 As expected, the settlement limits rate increases for three years and ties future charges to customers for operation of the troubled Pilgrim Nuclear Power Station to that plant's performance. +20255004 In its order, the state regulatory agency said the company "must be held accountable for the mistakes made in the management of the plant's operation." +20255005 Pilgrim had been closed for 32 months. +20256001 The average interest rate rose to 8.3875% at Citicorp's $50 million weekly auction of 91-day commercial paper, or corporate IOUs, from 8.337% at last week's sale. +20256002 Bids totaling $515 million were submitted. +20256003 Accepted bids ranged from 8.38% to 8.395%. +20256004 Citicorp also said that the average rate rose to 8.0087% at its $50 million auction of 182-day commercial paper from 7.962% at last week's sale. +20256005 Bids totaling $475 million were submitted. +20256006 Accepted bids ranged from 8% to 8.019%. +20256007 The bank holding company will auction another $50 million in each maturity next Tuesday. +20257001 An imaginative novelist writing a thriller about amateur spy-chasing might invent a Clifford Stoll, but it's unlikely. +20257002 It's also unnecessary. +20257003 Amateur spy-chaser Clifford Stoll is a real person, or as he might waggishly put it, a surreal person. +20257004 He is 37, an astronomer with impressive credentials, and something of a genius at making computers do his bidding. +20257005 He once described himself as a "Berkeley Hippie," and played the role well; obligatory ragged jeans, a thicket of long hair and rejection of all things conventional, including, for a time at least, formal marriage to his "sweetheart," Martha Matthews. +20257006 He also is an entertaining writer, combining wisecracks and wordplay with programmatic detail and lucid explanations of how computers work. +20257007 In "The Cuckoo's Egg" (Doubleday, 326 pages, $19.95), he spins a remarkable tale of his efforts over 18 months to catch a computer spy. +20257008 The result last spring was the arrest by West German authorities of five young West Germans, accused of stealing information from computers in the U.S. and Europe and selling it to the Soviet KGB. +20257009 One of them, 25-year-old Markus Hess of Hannover, allegedly used the international telecommunications network to break into more than 30 high-security computers in the U.S., searching for secrets. +20257010 He probably didn't penetrate any top-secret files, but the KGB in East Berlin was willing to pay two of his associates, Peter Carl and Dirk Brezinski, $15,000 for some of the material Hess collected. +20257011 They promised yet more for really good stuff. +20257012 Mr. Stoll draws his title from the cuckoo's habit of laying eggs in the nests of other birds, making them surrogate parents. +20257013 The computer spy had discovered that a popular editing/electronic mail program called Gnu-Emacs could do tricks with the widely used Unix operating system created by AT&T. +20257014 Using Gnu-Emacs, the spy could substitute a bogus "atrun" program for the one that routinely cleans up the Unix system every five minutes. +20257015 Once his cuckoo's egg was laid, he could enter Unix and become a "super-user," with access to everything. +20257016 Mr. Stoll was scanning the heavens at the Keck observatory of the Lawrence Berkeley Laboratory in 1986 when his grant ran low and he was asked to switch to helping run the lab's computers. +20257017 He discovered a 75-cent discrepancy in the charges made to various departments for computer time and traced it to a user named "Hunter," who had no valid billing address. +20257018 Mr. Stoll suspected the intruder was one of those precocious students who has fun breaking into computers. +20257019 But after much tracking, it became evident to Mr. Stoll, through various clues, that the hacker was not on the Berkeley campus or even in California. +20257020 Finding him became an obsession for Mr. Stoll. +20257021 He made a midnight requisition of all the printers he could lay hands on so that he could monitor all the telephone lines coming into the lab's computers. +20257022 After discovering that the hacker had taken over the dormant account of a legitimate user named Joe Sventek, he rigged up an alarm system, including a portable beeper, to alert him when Sventek came on the line. +20257023 Some nights he slept under his desk. +20257024 His boss complained about neglect of other chores. +20257025 The hacker was pawing over the Berkeley files but also using Berkeley and other easily accessible computers as stepping stones to the network of computers used by the military and national security agencies. +20257026 The White Sands missile range and CIA contractor Mitre Inc. were among the targets. +20257027 When the hacker moved, Mr. Stoll moved too, calling up other systems managers to alert them but keeping his own system open to avoid arousing suspicion. +20257028 Sometimes, if the hacker seemed to be into a sensitive file, he would drag his keychain across the terminal to create static or slow the system down to frustrate his quarry. +20257029 The FBI initially showed little interest, and he had the impression other federal security agencies were tangled up in legal red tape. +20257030 The CIA told him it does not do domestic counterespionage. +20257031 One learns a lot from this book, or seems to, about crippling federal bureaucracy. +20257032 "Seems to" because it's possible that the CIA and the National Security Agency were more interested than they let on to Mr. Stoll. +20257033 Finally, he got help. +20257034 Tymnet is a major network linking computers. +20257035 One of its international specialists, Steve White, took a quick interest in Mr. Stoll's hunt, ultimately tracing the hacker to West Germany. +20257036 The West Germans then took over and finally found Markus Hess. +20257037 Eventually, Mr. Stoll was invited to both the CIA and NSA to brief high-ranking officers on computer theft. +20257038 He savored the humor of his uncombed appearance among these buttoned-up chaps. +20257039 Back in Berkeley, he was violently scolded by a left-wing lady friend for consorting with such people. +20257040 He became angry in return. +20257041 He had developed a hatred for the hacker and a grudging appreciation of the federal "spooks" who make national security their business. +20257042 At several different levels, it's a fascinating tale. +20257043 Mr. Melloan is deputy editor of the Journal. +20258001 Mips Computer Systems Inc. today will unveil a new general-purpose computer that will compete with more expensive machines from companies such as Sun Microsystems Inc. and Digital Equipment Corp. +20258002 The closely held Sunnyvale, Calif., company also will announce an agreement to supply computers to Control Data Corp., which will sell Mips machines under its own label. +20258003 The new Mips machine, called the RC6280, will cost $150,000 for a basic system. +20258004 The computer processes 55 million instructions per second and uses only one central processing chip, unlike many rival machines using several processors. +20258005 The machine employs reduced instruction-set computing, or RISC, technology. +20258006 At that price, an analyst familiar with the machine said, the computer offers up to 10 times the performance of similar machines. +20258007 "In the price range it's a tremendously high-performing product," said Sandy Gant, an analyst at the market-research firm InfoCorp. +20258008 The machine is part of an effort by Mips to establish itself as a supplier of computers, not just of integrated-circuit technology. +20258009 Mips also wants to wedge into markets other than traditional RISC applications such as engineering; Mips said the new machine will also be used by businesses and for communications. +20258010 "This clearly demonstrates that Mips is a systems company rather than just a chip company," said Mips Vice President John Hime. +20258011 The Control Data deal is a boon for Mips because it gives the the five-year-old company one more ally as it battles more established electronic concerns such as Sun, Hewlett-Packard Co., Motorola Inc. and Intel Corp. for the emerging market for RISC machines. +20258012 RISC technology speeds up a computer by simplifying the internal software. +20258013 For Mips, which expects revenue of $100 million this year, big-name allies such as Control Data are essential to attract software developers to the company's RISC architecture. +20258014 "The thing it says about Mips is that they're on a roll right now," said Ms. Gant at InfoCorp. +20258015 "They're getting some major wins," she added. +20258016 Last month, for example, Mips agreed to supply its computers to Nixdorf Computer AG of West Germany and France's Groupe Bull. +20258017 Sony Corp., Tandem Computers Inc. and Digital Equipment have agreed to sell MIPS computers and companies such as Japan's NEC Corp. and West Germany's Siemens A.G. have agreed to make Mips chips under license. +20258018 Today's agreement gives Control Data a machine to compete against Digital and other general-purpose computer makers, said John Logan, a computer-market analyst at Aberdeen Group Inc. of Boston. +20258019 The machine is essentially a mainframe computer, he said. +20258020 "Suddenly CDC (Control Data) has a competitive product to fight back against the VAX9000," a machine Digital announced last month, he added. +20258021 Control Data, based in Minneapolis, Minn., expects its sales of Mips systems, including the new RC6280, to amount to more than $100 million by the end of 1991, Mips said. +20258022 Nixdorf, Bull and others will also sell versions of the machine, said Mips President Robert Miller. +20258023 Mips will start shipping its new machine in the first quarter of 1990, he said. +20258024 The machine uses a single processor, which makes it easier to program than competing machines using several processors. +20258025 The computer can process 13.3 million calculations called floating-point operations every second. +20258026 The machine can run software written for other Mips computers, the company said. +20259001 Another fight is brewing between Congress and the Bush administration over how to pay for the savings-and-loan bailout without adding to the federal budget deficit. +20259002 In a hearing before the House Ways and Means Committee, the General Accounting Office and the Congressional Budget Office, which both are arms of Congress, advised the new S&L bailout agency to abandon plans to raise temporary working capital through debt issued from an agency that wouldn't be counted on the federal budget. +20259003 Officials of the Resolution Trust Corp. have said privately that such a plan was the most likely alternative to raise short-term cash for the bailout. +20259004 Instead, the GAO and the Congressional Budget Office said, the RTC should consider using Treasury debt, which is less expensive and subject to oversight by Congress. +20259005 The spending could be exempted from meeting deficit-reduction targets in the Gramm-Rudman budget law. +20259006 The RTC has projected that it will require between $50 billion to $100 billion in temporary working capital. +20259007 The borrowing to raise these funds would be paid off as assets of sick thrifts are sold. +20259008 The new S&L law allows the RTC to issue notes for as much as 85% of the value of the assets it holds. +20259009 But higher interest rates paid on off-budget debt could add billions to the bailout costs, and wouldn't be subject to congressional scrutiny, Ways and Means members argued. +20259010 "To allow this massive level of unfettered federal borrowing without prior congressional approval would be irresponsible," said Rep. Fortney Stark (D., Calif.), who has introduced a bill to limit the RTC's authority to issue debt. +20259011 The RTC will have to sell or merge hundreds of insolvent thrifts over the next three years. +20259012 The new S&L bailout law allows $50 billion to be spent to sell or merge sick S&Ls and their assets, but that is a net cost. +20259013 In the meantime, the agency must raise cash to maintain assets, such as real estate, until they can be sold. +20259014 Then the short-term debt is paid off through the proceeds of selling the assets. +20259015 David Mullins, assistant secretary of the Treasury, said that the working capital is necessary to reduce the final costs of the bailout, by allowing the agency to sell savings and loans without their bad assets, then hold the assets until they can be sold under favorable conditions. +20259016 He said it hasn't yet been determined how the RTC will raise the cash, but the administration doesn't want it to be included on the federal budget, because it would "distort" the budget process by requiring either exemptions from Gramm-Rudman or big increases in the budget deficit. +20259017 But the worst possibility would be raising no working capital, he said. +20259018 "If working capital financing is not provided," he said, "the RTC may have to slow {S&L sales} or dump acquired assets through fire sales. +20260001 Panhandle Eastern Corp. said it applied, on behalf of two of its subsidiaries, to the Federal Energy Regulatory Commission for permission to build a 352-mile, $273 million pipeline system from Pittsburg County, Okla., to Independence, Miss. +20260002 The natural gas pipeline concern said the 500 million cubic feet a day capacity pipeline would be built by a proposed joint venture between two Panhandle Eastern units-Texas Eastern Transmission Corp. and Trunkline Gas Co. +20260003 Texas Eastern Transmission will build and operate the system, which will connect the Arkoma Basin with several interstate pipelines. +20261001 Now was that a quarter cup or a half cup? +20261002 Not a gripping question, unless you're the pastry chef of this city's Chez Panisse restaurant and you've just lost your priceless personal dessert notebook. +20261003 Chez Panisse was listed among the top 30 restaurants in the world this year by Connoisseur magazine. +20261004 The tattered black binder, bulging with 18 years' worth of recipes held together by rubber bands, was in chef Lindsey Shere's purse when it was stolen from her house recently. +20261005 The Berkeley police don't have any leads but doubt the crime was driven by a passion for sweets. +20261006 Instead, they figure the culprit probably took money from Ms. Shere's wallet and discarded all the tips in the five-by-eight-inch looseleaf. +20261007 Chez Panisse, whose founder, Alice Waters, is considered the inventor of the cooking style known as California cuisine and whose patrons make reservations a month in advance, hasn't exactly subjected diners to vanilla ice cream because of the theft. +20261008 For one thing, Ms. Shere can draw on her cookbook, published by Random House four years ago, which is teeming with recipes for such specialties as kiwi sherbet, gooseberry fool (a creamy dish made with crushed stewed berries) and hazelnut "oeufs a la neige." +20261009 For another, sympathetic fans have sent Ms. Shere copies of her recipes clipped from magazines over the years. +20261010 Still, the restaurant's ever-changing menu of five-course dinners -- it supposedly hasn't repeated a meal since opening in 1971 -- requires constant improvisation. +20261011 And that puts added pressure on Chez Panisse dessert-menu planners. +20261012 "We make what we know how to make," says business manager Richard Mazzera. +20261013 Many in the Bay Area's pastry community express disbelief that Ms. Shere kept only one copy of such valuable notes, but she has received moral support from Baker's Dozen, a group of California pastry chefs that meets regularly to discuss issues like how to keep meringues from weeping and how bovine eating habits affect butter texture. +20261014 Ms. Shere has offered a $500 reward for the book's return but figures she'll have to reinvent many recipes from scratch. +20261015 "It's an overwhelming job," she says. +20261016 "There are so many possible proportions when you consider how many things are made out of eggs and butter and milk. +20262001 Newport Electronics Inc. named a new slate of officers, a move that follows replacement of the company's five incumbent directors last week. +20262002 Milton B. Hollander, 60 years old, was named chief executive officer, succeeding Barrett B. Weekes. +20262003 Mr. Hollander's Stamford, Conn.-based High Technology Holding Co. acquired most of its 49.4% stake in Newport in August. +20262004 Mr. Hollander was named chairman last week, succeeding Mr. Weekes, who was among the ousted directors. +20262005 The company has declined requests to discuss the changes, but Mr. Weekes has said that Mr. Hollander wanted to have his own team. +20262006 Scott Wakeman was named president and chief operating officer of U.S. operations, titles that had been held by Mr. Weekes. +20262007 Mr. Wakeman was vice president of the instrument and controls division of closely held Omega Engineering Inc., another company controlled by Mr. Hollander. +20262008 A company spokesman didn't know Mr. Wakeman's age. +20262009 James R. Lees, 51, vice president of Newport's European operations, was named executive vice president and chief operating officer of European operations, assuming some former duties of Mr. Weekes. +20262010 Arthur B. Crozier, 34, an attorney, was named secretary, succeeding John Virtue, who was another of the ousted directors. +20263001 UNIFIRST Corp. declared a 2-for-1 stock split. +20263002 The Wilmington, Mass., garment service company also boosted its quarterly dividend 20% to three cents a share adjusted for the split. +20263003 The dividend had been five cents a share. +20263004 The split and quarterly dividend will be payable Jan. 3 to stock of record Nov. 16, the company said. +20263005 The split will raise the number of shares outstanding to about 10.2 million. +20263006 Separately, UniFirst reported that net income rose 21% to $3 million, or 29 cents a share adjusted for the split, for the fourth quarter ended Aug. 26. +20263007 A year earlier UniFirst earned $2.4 million, or 24 cents a share adjusted for the split. +20263008 Sales rose to $52.4 million from $50.1 million. +20264001 Fibreboard Corp. said it completed the previously reported sale of approximately 27,500 acres of timberland near Truckee, Calif., to closely held Sierra Pacific Industries Corp., Arcata, Calif., for $32.5 million. +20264002 The lumber, insulation and fireproofing concern said the transaction, which includes a swap of other timber interests, would result in a $13.5 million after-tax gain, to be recorded in the fourth quarter. +20265001 Healthcare International Inc. said it reached a 120-day standstill agreement with its HealthVest affiliate calling for Healthcare to pay HealthVest $5 million right away and additional amounts in the future. +20265002 Under the agreement, Healthcare, a manager of health-care facilities, said it would pay HealthVest $3.9 million in overdue rent and mortgage payments and repay $1.1 million in funds that HealthVest advanced for construction work on facilities. +20265003 In return, HealthVest agreed that it won't exercise its rights and remedies against Healthcare during the 120-day period. +20265004 After the payment, Healthcare still will be $6.5 million in arrears on rent and mortgage payments to HealthVest, a real estate investment trust whose portfolio consists largely of properties operated by Healthcare. +20265005 Healthcare has given HealthVest a 12% note for that overdue amount, to be repaid over three years. +20265006 In addition, Healthcare agreed to make monthly rent and mortgage payments of $2.7 million to $3 million to HealthVest during the standstill period, to be paid when Healthcare successfully completes asset sales. +20265007 Because Healthcare actually owes HealthVest $4.2 million in rent and mortgage payments each month, the amount due above the amount paid will be added to the three-year note. +20265008 The funds should help ease a cash bind at HealthVest, which has been unable to pay its debts because Healthcare hasn't made complete rent and mortgage payments since July. +20265009 A spokesman said HealthVest has paid two of the three banks it owed interest to in October and is in negotiations with the third bank. +20265010 Healthcare, which has been in a severe liquidity bind, said it is able to make the payments because it completed a transaction with Greenery Rehabilitation Group Inc. in which Greenery purchased stock and warrants for $500,000 and loaned Healthcare $9 million. +20265011 The loan is backed by Healthcare's 5.4% stake in HealthVest and interest in certain facilities. +20266001 I was pleased to note that your Oct. 23 Centennial Journal item recognized the money-fund concept as one of the significant events of the past century. +20266002 Actually, about two years ago, the Journal listed the creation of the money fund as one of the 10 most significant events in the world of finance in the 20th century. +20266003 But the Reserve Fund, America's first money fund, was not named, nor were the creators of the money-fund concept, Harry Brown and myself. +20266004 We innovated telephone redemptions, daily dividends, total elimination of share certificates and the constant $1 pershare pricing, all of which were painfully thought out and not the result of some inadvertence on the part of the SEC. +20266005 President +20266006 The Reserve Fund +20267001 The crowning moment in the career of Joseph F. O'Kicki came as 300 local and state dignitaries packed into his elegant, marble-columned courtroom here last year for his swearing in as President Judge of Cambria County. +20267002 Baskets of roses and potted palms adorned his bench. +20267003 The local American Legion color guard led the way. +20267004 As the judge marched down the center aisle in his flowing black robe, he was heralded by a trumpet fanfare. +20267005 To many, it was a ceremony more befitting a king than a rural judge seated in the isolated foothills of the southern Allegheny Mountains. +20267006 But then Judge O'Kicki often behaved like a man who would be king -- and, some say, an arrogant and abusive one. +20267007 While his case may be extreme, it reflects the vulnerability of many small communities to domineering judges. +20267008 Last March, nine months after the judge's swearing-in, the state attorney general's office indicted him on a sweeping array of charges alleging more than 10 years of "official oppression" in Cambria County, a depressed steel and mining community in western Pennsylvania. +20267009 The allegations, ranging from theft and bribery to coercion and lewdness, paint a disquieting picture. +20267010 According to testimony in a public, 80-page grand-jury report handed up to the state attorney general, Judge O'Kicki extorted cash from lawyers, muscled favorable loans from banks and bullied local businesses for more than a decade. +20267011 Prosecutors, in an indictment based on the grand jury's report, maintain that at various times since 1975, he owned a secret and illegal interest in a beer distributorship; plotted hidden ownership interests in real estate that presented an alleged conflict of interest; set up a dummy corporation to buy a car and obtain insurance for his former girlfriend (now his second wife); and maintained 54 accounts in six banks in Cambria County. +20267012 In testimony recorded in the grand jury report, court employees said the judge, now 59 years old, harassed his secretaries, made imperial demands on his staff and hounded anyone who crossed him. +20267013 Bailiffs claimed they were required to chauffeur him to and from work, mow his lawn, chop his wood, fix his car and even drop by his house to feed his two grown mutts, Dixie and Husky. +20267014 One former bailiff charged that the judge double-crossed him by reneging on a promise of a better paying job after pocketing a $500 bribe. +20267015 Some of the allegations are simply bizarre. +20267016 Two former secretaries told the grand jury they were summoned to the judge's chambers on separate occasions to take dictation, only to find the judge in his bikini underwear. +20267017 One secretary testified that the judge once called her to his office while wearing nothing at all. +20267018 The judge, suspended from his bench pending his trial, which began this week, vehemently denies all the allegations against him, calling them "ludicrous" and "imaginative, political demagoguery." +20267019 He blames the indictment on local political feuding, unhappiness with his aggressive efforts to clear the courthouse's docket and a vendetta by state investigators and prosecutors angered by some of his rulings against them. +20267020 "I don't know whose toes I've stepped on," says the judge. +20267021 "I'll find out, eventually, who pushed the state police buttons into action." +20267022 Even if only some of the allegations stand up, however, they provide ample testimony to the awesome power of judges in rural communities. +20267023 That power can sometimes be abused, particularly since jurists in smaller jurisdictions operate without many of the restraints that serve as corrective measures in urban areas. +20267024 Lawyers and their clients who frequently bring business to a country courthouse can expect to appear before the same judge year after year. +20267025 Fear of alienating that judge is pervasive, says Maurice Geiger, founder and director of the Rural Justice Center in Montpelier, Vt., a public interest group that researches rural justice issues. +20267026 As a result, says Mr. Geiger, lawyers think twice before appealing a judge's ruling, are reluctant to mount, or even support, challenges against him for re-election and are usually loath to file complaints that might impugn a judge's integrity. +20267027 Judge O'Kicki, a stern and forbidding-looking man, has been a fixture in the local legal community for more than two decades. +20267028 The son of an immigrant stonemason of Slovenian descent, he was raised in a small borough outside Ebensburg, the Cambria County seat, and put himself through the University of Pittsburgh Law School. +20267029 He graduated near the top of his class, serving on the school law review with Richard Thornburgh, who went on to become governor of Pennsylvania and, now, U.S. Attorney General. +20267030 It was also in law school that Mr. O'Kicki and his first wife had the first of seven daughters. +20267031 He divorced his first wife three years ago and married the daughter of his court clerk. +20267032 Last year, Pennsylvania Supreme Court Justice John P. Flaherty called Mr. O'Kicki one of the finest judges "not only in Pennsylvania but in the United States." +20267033 Clearly, the judge has had his share of accomplishments. +20267034 After practicing law locally, he was elected to his first 10-year term as judge in 1971; in 1981, he was effectively re-elected. +20267035 Six years ago, Judge O'Kicki was voted president of the Pennsylvania Conference of State Trial Judges by the state's 400 judges. +20267036 He has been considered several times for appointments to federal district and appellate court vacancies in Pennsylvania. +20267037 And when he ran unsuccessfully for a state appellate court seat in 1983, the Pennsylvania Bar Association rated him "one of the best available," after interviewing local lawyers. +20267038 "He probably was the smartest guy who ever sat on our bench," says a former president of Cambria County's 150-member bar association, who, like most lawyers in Cambria County, refuses to talk about the judge publicly. +20267039 "He's sharp as a tack. +20267040 He could grasp an issue with the blink of an eye." +20267041 For more than a decade, virtually no one complained about Judge O'Kicki. +20267042 "What about those institutions that are supposed to be the bedrock of society, the banks and the bar association. . . ?" wrote a columnist for the Tribune-Democrat, a newspaper in nearby Johnstown, shortly after the scandal became public. +20267043 "If only a banker or a lawyer had spoken out years ago, the judicial process wouldn't be under the taint it is today." +20267044 Officials with the Pennsylvania Judicial Inquiry and Review Board, the arm of the state that investigates judicial misconduct, counter that they had no inkling of anything amiss in Ebensburg. +20267045 "Nobody told us; nobody called us," says an official close to the case who asked not to be named. +20267046 "Nobody had the guts to complain." +20267047 Certainly not the lawyers. +20267048 Johnstown attorney Richard J. Green Jr. shelled out $500 in loans to the judge over five years, he said in testimony to the grand jury. +20267049 "The judge never made a pretense of repaying the money," said Mr. Green. +20267050 Eventually, Mr. Green testified, he began ducking out of his office rather than face the judge when he visited. +20267051 When Mr. Green won a $240,000 verdict in a land condemnation case against the state in June 1983, he says Judge O'Kicki unexpectedly awarded him an additional $100,000. +20267052 Mr. Green thought little of it, he told the grand jury, until the judge walked up to him after the courtroom had cleared and suggested a kickback. +20267053 "Don't you think I ought to get a commission . . . or part of your fee in this case?" Mr. Green said the judge asked him. +20267054 Appalled, Mr. Green never paid the money, he testified. +20267055 But he didn't complain to the state's Judicial Inquiry and Review Board, either, saying later that he feared retribution. +20267056 Mr. O'Kicki said he will respond to Mr. Green's allegation at his trial. +20267057 Like most of Cambria County's lawyers and residents who had dealings with the judge, Mr. Green declined to be interviewed for this article. +20267058 And no one with a complaint about the judge would allow his name to be printed. +20267059 "I don't have anything much to say, and I think that's what you're going to find from everyone else you talk to up here," says local attorney Edward F. Peduzzi. +20267060 Says another lawyer: "The practice of law is a matter of biting one's lip when you live in a small community. +20267061 One had best not dance on top of a coffin until the lid is sealed tightly shut." +20267062 The judge was considered imperious, abrasive and ambitious, those who practiced before him say. +20267063 He sipped tea sweetened with honey from his high-backed leather chair at his bench, while scribbling notes ordering spectators to stop whispering or to take off their hats in his courtroom. +20267064 Four years ago, he jailed all nine members of the Cambria County School Board for several hours after they defied his order to extend the school year by several weeks to make up for time lost during a teachers' strike. +20267065 Visitors in his chambers say he could cite precisely the years, months, weeks and days remaining until mandatory retirement would force aside the presiding president judge, giving Judge O'Kicki the seniority required to take over as the county's top court administrator. +20267066 The judge, they say, was fiercely proud of his abilities and accomplishments. +20267067 "My name is judge," Judge O'Kicki told a car salesman in Ebensburg when he bought a new red Pontiac Sunbird in October 1984, according to the grand-jury report. +20267068 The dealership dutifully recorded the sale under the name "Judge O'Kicki." +20267069 Yet, despite the judge's imperial bearing, no one ever had reason to suspect possible wrongdoing, says John Bognato, president of Cambria County's 150-member bar association. +20267070 "The arrogance of a judge, his demeanor, the way he handles people are not a basis for filing a complaint," says Mr. Bognato. +20267071 "Until this came up and hit the press, there was never any indication that he was doing anything wrong." +20267072 State investigators dispute that view now, particularly in light of the judge's various business dealings in Cambria County. +20267073 The judge came under scrutiny in late 1987, after the state attorney general's office launched an unrelated investigation into corruption in Cambria County. +20267074 The inquiry soon focused on the judge. +20267075 Even his routine business transactions caused trouble, according to the grand jury report. +20267076 When the judge bought his new Sunbird from James E. Black Pontiac-Cadillac in Ebensburg five years ago, the dealership had "certain apprehensions" about the judge's reputation, according to the grand-jury report. +20267077 The dealership took the extra step of having all the paper work for the transaction pre-approved by Ebensburg's local lender, Laurel Bank. +20267078 Then, as an additional precaution, the car dealership took the judge's photograph as he stood next to his new car with sales papers in hand -- proof that he had received the loan documents. +20267079 But when the judge received his payment book, he disavowed the deal. +20267080 "There was no loan, there is no loan, there never shall be a loan," the judge wrote the bank on his judicial stationery, according to the report. +20267081 Later, the judge went a step farther. +20267082 After Laurel Bank tried to repossess the car, a vice president asked him to intervene in an unrelated legal dispute involving a trust account. +20267083 The judge wrote again. +20267084 "I find myself in an adversary relationship with Laurel Bank, and I am not inclined to extend myself as far as any favors are concerned," the judge wrote back in a letter attached to the grand jury's report. +20267085 "Perhaps if my personal matters can be resolved with Laurel bank in the near future, I may be inclined to reconsider your request. . . ." +20267086 The judge now says it was "unfortunate" that he chose to write the letter but says "there was certainly no intent to extort there." +20267087 The bank acquiesced. +20267088 It refinanced the judge's loan, lowered its interest rate and accepted a trade-in that hadn't originally been part of the deal -- a beat up 1981 Chevy Citation the dealer had to repair before it could be resold. +20267089 The incident wasn't the only time the judge got special treatment from his local bank. +20267090 Two years later, he wrote to complain that the interest he was paying on an unsecured $10,000 loan was "absolutely onerous." +20267091 Paul L. Kane, Laurel's president at the time, quickly responded. +20267092 The bank, he wrote back, was "immediately" lowering the rate by 3.5%, "as a concession to you." +20267093 The judge says he can't discuss in detail how he will defend himself at his trial, although he contends that if he were as corrupt as state prosecutors believe, he would be far wealthier than he is. +20267094 His seven-bedroom cedar and brick house outside of Johnstown is up for sale to pay for his lawyers. +20267095 The judge says he is confident he will return to his old bench. +20267096 Already, he notes, the 76 charges originally filed against him have been trimmed to 27. +20267097 Most of the allegations no longer pending were ethics charges withdrawn by state prosecutors as part of a pre-trial agreement. +20267098 The heart of the case -- "official oppression" -- remains intact. +20267099 "If I lose, I lose my position, my career, my pension, my home and my investments," says the judge. +20267100 "My God and I know I am correct and innocent. +20268001 Many thanks for Alexander Cockburn's comic masterpiece ("U.S. Economy: A House Built on Junk-Bond Sand," Viewpoint, Oct. 19). +20268002 The use of the abominable construction practices in the Soviet Union -- as evidenced by the collapse of sand apartment blocks during the Armenian earthquake -- as a metaphor for the U.S. economic system was a sublime example of Mr. Cockburn's satirical muse. +20268003 I await his sequel: the economic and social resiliency of the San Francisco Bay area and the outstanding work of the local governments and the private charitable organizations there as metaphors for the supremacy of whatever failed system Mr. Cockburn now believes in. +20268004 It should be a scream. +20268005 William S. Smith +20269001 As a money manager and a grass-roots environmentalist, I was very disappointed to read in the premiere issue of Garbage that The Wall Street Journal uses 220,000 metric tons of newsprint each year, but that only 1.4% of it comes from recycled paper. +20269002 By contrast, the Los Angeles Times, for example, uses 83% recycled paper. +20269003 With newspapers being the largest single component of solid waste in our landfills, and with our country overflowing with trash, all sectors of our society and all types of businesses must become more responsible in our use and disposal of precious natural resources. +20269004 The Wall Street Journal is an excellent publication that I enjoy reading (and must read) daily. +20269005 Please make me and thousands of other readers more comfortable with our daily purchase of your newspaper by raising your environmental standards to your overall impeccable quality levels, and increase your use of recycled paper. +20269006 Virginia M.W. Gardiner +20270001 FIRST AMERICAN FINANCIAL Corp. declared a special dividend of one share of Class B common stock for each share of Class A common stock, payable to holders of record on Nov. 10 if the Securities and Exchange Commission approves this as the effective date of the registration statement. +20270002 Shareholders of the Santa Ana, Calif., title-insurance company approved the creation of this second class of stock, which will be traded on the national over-the-counter market and which the company said would be used for acquisitions and other general corporate purposes. +20271001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +20271002 Continental Cablevision Inc. -- +20271003 $350 million of senior subordinated debentures, due Nov. 1, 2004, was priced at par to yield 12 7/8%. +20271004 Rated single-B-1 by Moody's Investors Service Inc. and single-B by Standard & Poor's Corp., the issue, which is non-callable for five years, will be sold through underwriters led by Morgan Stanley & Co. +20271005 Beatrice Co. -- +20271006 $251 million of notes, due Nov. 1, 1997, was priced in a two-part offering through underwriters at Salomon Brothers Inc. +20271007 The size of the issue was scaled back from an originally planned $350 million. +20271008 The first part, consisting of $151 million of 13 3/4% senior subordinated reset notes, was priced at 99.75. +20271009 The rate on the notes will be reset annually to give the issue a market value of 101. +20271010 However, the maximum coupon at which the notes can be reset is 16 1/4%. +20271011 The minimum coupon is 13 3/4%. +20271012 The second part, consisting of $100 million of senior subordinated floating-rate notes, was priced at 99 3/4 to float 4.25% above the three-month London interbank offered rate. +20271013 The initial coupon on the floating-rate notes will be 12.9375%. +20271014 The issue is rated single-B-3 by Moody's and single-B-plus by S&P. +20271015 New Jersey Wastewater Treatment Trust -- +20271016 $75.1 million, two-part offering of bonds apparently was won by a Merrill Lynch Capital Markets group. +20271017 The group's bid for $40.9 million of wastewater treatment insured bonds, Series 1989 A, produced a 7.0826% true interest cost. +20271018 The Series 1989 A bonds are insured and rated triple-A by Moody's and S&P. +20271019 The group's bid for $34.2 million of wastewater treatment bonds, Series 1989 B, produced a 7.0808% true interest cost. +20271020 The Series 1989 B bonds are uninsured and rated double-A by Moody's and S&P. +20271021 Both the Series 1989 A and Series 1989 B bonds were priced to yield from 6% in 1991 to 7.15% in 2008-2009, according to a Merrill Lynch official. +20271022 Matagorda County Navigation District No. 1, Texas -- +20271023 $70.3 million of pollution control revenue bonds (Houston Lighting & Power Co. Project), due Oct. 1, 2019, were tentatively priced by a Goldman, Sachs & Co. group at 98 1/4 to yield 7.649% with a coupon of 7 1/2%. +20271024 Interest on the bonds will be treated as a preference item in calculating the federal alternative minimum tax that may be imposed on certain investors. +20271025 The bonds are insured and rated triple-A by Moody's and S&P. +20271026 Federal Home Loan Mortgage Corp. -- +20271027 $500 million of Remic mortgage securities is being offered in 11 classes by a Morgan Stanley group. +20271028 The offering, Series 109, is backed by Freddie Mac 10% securities. +20271029 Complete details weren't immediately available. +20271030 Lomas Mortgage Funding Corp. II -- +20271031 $100 million issue of collateralized mortgage obligations is being offered in four classes by a Morgan Stanley group. +20271032 The securities yield from 9.35% to 10.48% for a 30-year issue with an average life of 21.18 years. +20271033 The 10.48% yield represents a spread to the 20-year Treasury of 2.45 percentage points. +20271034 The collateral consists of collateralized whole loans with a weighted average coupon rate of 11.08% and weighted average remaining term to maturity of 28 years. +20271035 The issue is rated triple-A by S&P, Moody's and Fitch Investors Service Inc. +20271036 The issue is 6% to 7% overcollateralized, and 75% of the loans are covered by a General Electric pool policy covering losses of as much as 10% of the original principal balance of the loans. +20271037 J.C. Penney Co. -- +20271038 $350 million of JCP Master Credit Card Trust asset-backed certificates, Series B, with a final stated maturity of Oct. 15, 2001, was priced at 99.1875 to yield 9.192% with a coupon of 8.95%. +20271039 The certificates, which have an average life of 10.05 years, were priced at 1.31 percentage points over the benchmark Treasury 10-year note. +20271040 Rated triple-A by Moody's and S&P, the issue will be sold through First Boston Corp. +20271041 The issue is backed by a 12% letter of credit from Credit Suisse. +20271042 Keio Teito Electric Railway Co. (Japan) -- +20271043 $300 million of bonds due Nov. 16, 1993, with equity-purchase warrants, indicating a 3 3/4% coupon at par via Nomura International Ltd. +20271044 Each $5,000 bond carries one warrant, exercisable from Nov. 30 through Nov. 2, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Tuesday. +20271045 Diesel Kiki Co. (Japan) -- +20271046 $200 million of bonds due Nov. 16, 1994, with equity-purchase warrants, indicating a 4 1/2% coupon at par via Yamaichi International Europe Ltd. +20271047 Each $5,000 bond carries one warrant, exercisable from Nov. 30 through Nov. 2, 1994, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Monday. +20271048 Chugoku Electric Power Co. (Japan) -- +20271049 $150 million of 8 7/8% bonds due Nov. 29, 1996, priced at 101 7/8 to yield 8 7/8% less full fees via Nikko Securities Ltd. +20271050 Fees 1 7/8. +20271051 Monte dei Paschi di Siena, Singapore branch (Italian parent), via the Law Debenture Trust Corp. -- +20271052 10 billion yen ($70 million) of 6% bonds due Feb. 24, 1993, priced at 101 1/4, via Daiwa Europe Ltd. +20271053 Okobank (Finland) -- +20271054 10 billion yen of 6% bonds due Nov. 30, 1992, priced at 101.225 to yield 6.056% via IBJ International. +20272001 EG&G Inc. said it acquired Laboratorium Prof. Dr. Berthold, a German maker of scientific instruments. +20272002 Terms weren't disclosed. +20272003 The Wellesley, Mass., maker of scientific instruments and electronic parts said Berthold expects 1989 sales of more than 100 million Deutsche marks ($54.5 million) and employs about 400 people. +20272004 Berthold is based in Wildbad, West Germany, and also has operations in Belgium. +20272005 John M. Kucharski, EG&G's chairman and chief executive, said the acquisition "will extend EG&G's core technologies, strengthen its position in the European Economic Community and assure a strength and presence in the Eastern European market." +20272006 He said it especially will strengthen the company's efforts in the rapidly growing field of bio-analytical instrumentation, and in applied nuclear physics. +20272007 Separately, EG&G said it sold most of its Mason Research Institute subsidiary to Transgenic Sciences Inc., a closely held biotechnology company based in Worcester, Mass. +20272008 The sale, for $7 million in cash and securities, will leave EG&G with a 12% stake in Transgenic, executives said. +20272009 Mason is the largest toxicology lab in New England, with annual revenue of $8 million and 140 employees. +20272010 Mason serves commercial and government customers, including the National Institutes of Health. +20272011 The combined companies will become profitable by January 1990, said James P. Sherblom, Transgenic's chairman and chief executive officer. +20273001 The Internal Revenue Service said it is willing to let the U.S. Tax Court decide how much oil man William Herbert Hunt will owe the government after his assets are liquidated. +20273002 The surprise announcement came after the IRS broke off negotiations with Mr. Hunt on a settlement of the one-time tycoon's personal bankruptcy case. +20273003 Although the action removes one obstacle in the way of an overall settlement to the case, it also means that Mr. Hunt could be stripped of virtually all of his assets if the Tax Court rules against him in a 1982 case heard earlier this year in Washington, D.C. +20273004 The IRS has been seeking more than $300 million in back taxes from Mr. Hunt. +20273005 Separately, a federal judge hearing Mr. Hunt's bankruptcy case yesterday turned down a proposed $65.7 million settlement between Mr. Hunt and Minpeco S.A., another major creditor in the case. +20273006 The Peruvian minerals concern had been seeking a claim of $251 million against Mr. Hunt. +20273007 In addition to turning down the compromise, Judge Harold C. Abramson said he would allow a claim of only $19.7 million. +20273008 Minpeco attorneys said they would appeal the decision to a federal district court. +20273009 Regarding Mr. Hunt's taxes, he and the IRS have apparently agreed on a basic formula for liquidating his estate in which the IRS would get 70% of the proceeds from a liquidating trust and 30% would go to other creditors. +20273010 But they have been at odds over how much Mr. Hunt would owe the government after his assets are sold. +20273011 The IRS had demanded $90 million but Mr. Hunt would agree to no more than $60 million. +20273012 Grover Hartt III, a government lawyer, warned that Mr. Hunt stood to lose certain oil and gas properties, $200,000 in English pottery, a Colorado condominium and other assets he might have kept if he had settled with the IRS. +20273013 "But they wanted to roll the dice and we're going to let them," Mr. Hartt said. +20273014 Stephen McCartin, Mr. Hunt's attorney, said his client welcomed the gamble. +20273015 The Tax Court isn't expected to rule before early next year. +20274001 Japan has found another safe outlet for its money: U.S. home mortgages. +20274002 An increasing number of big Japanese investors are buying up U.S. home mortgages that have been pooled and packaged for sale as interest-bearing instruments known as mortgage-backed securities. +20274003 As much as 10% of new U.S. mortgage securities issued by the Federal National Mortgage Association, or Fannie Mae, and Federal Home Loan Mortgage Corp., or Freddie Mac, now flow into Japanese hands. +20274004 That may not come as a surprise to Americans who have watched the Japanese snap up properties in the U.S. from golf courses to a stake in Rockefeller Center. +20274005 But it marks a big change for the Japanese, who shunned mortgage securities after getting burned by a big downturn in interest rates a few years back. +20274006 "You can't say it's a "tsunami" (tidal wave), but we're making some headway," says Fannie Mae's chairman, David O. Maxwell, who visits Tokyo at least once a year to explain and drum up investor interest in mortgage securities. +20274007 "Interest is a great deal higher than it was a year ago." +20274008 The steady growth of the mortgage securities market in the U.S. has even triggered talk of building up a similar market here. +20274009 Evidence of the growing Japanese demand for mortgage securities abounds. +20274010 Earlier this year, Blackstone Group, a New York investment bank, had no trouble selling out a special $570 million mortgage-securities trust it created for Japanese investors. +20274011 Industrial Bank of Japan, which claims to be the biggest Japanese buyer of U.S. mortgage securities, says it will more than double its purchases this year, to an amount one official puts at several billion dollars. +20274012 And a Fannie Mae seminar this week promises to draw hundreds of prospective investors, who can be expected to channel tens of billions of dollars into the market in the next few years. +20274013 "Last year, there were only several big investors who were interested," says Kinji Kato, a vice president at the international arm of Nomura Securities Co. +20274014 "This year, some investors are changing their policies and investing a lot." +20274015 Ultimately, he says, strong demand could help to drive down interest rates on mortgage securities. +20274016 At the moment, Nomura is the only Japanese institution authorized to act as a primary seller of Fannie Mae instruments. +20274017 But other Japanese institutions say privately that they are considering asking to join the 59-dealer selling group. +20274018 These securities are attractive to Japanese investors for three reasons. +20274019 First, they are safe. +20274020 While they aren't backed by the full faith and credit of the U.S. government, as Treasury bonds are, it is widely assumed that the government would support them if necessary. +20274021 (U.S. Treasury bonds are still the dollar-denominated investment of choice for long-term Japanese investors). +20274022 Second, they are liquid. +20274023 The secondary market in federally backed mortgage securities now exceeds $900 billion, or nearly half of the $2.2 trillion in U.S. residential mortgages issued. +20274024 Third, they offer high yields. +20274025 At the moment, some offer as much as 1.6 to 1.8 percentage points over Treasury securities of similar maturities. +20274026 But there is a risk, which the Japanese discovered when they first dipped their toes into the market nearly five years ago. +20274027 Since most mortgages can be prepaid or refinanced at any time, issuers of mortgage securities retain the right to buy back their bonds before maturity. +20274028 That's a headache for long-term investors, since it forces them to reinvest their money -- usually at lower rates than the original mortgage securities carried. +20274029 "Two or three years ago, the problem was that people didn't understand the prepayment risk," says Nomura's Mr. Kato. +20274030 "So they were surprised and very disappointed by prepayment." +20274031 Compounding the trouble to Japanese investors, mortgage securities pay interest monthly, since most mortgages require homeowners to make monthly payments. +20274032 But Japanese institutional investors are used to quarterly or semiannual payments on their investments, so the monthly cash flow posed administrative problems. +20274033 As a result, Japanese investors steered clear of the mortgage securities. +20274034 But they didn't lose touch with the U.S. issuers. +20274035 Since 1985, Japanese investors have bought nearly 80% of $10 billion in Fannie Mae corporate debt issued to foreigners, money that Fannie Mae uses to buy mortgages from U.S. banks. +20274036 And Japanese investors took up nearly all of two $200 million Real Estate Mortgage Investment Conduits, a kind of collateralized mortgage obligation, that were offered to foreigners this year. +20274037 In addition, further packaging of mortgage-backed securities, such as Blackstone's fund, have reduced the effects of prepayment risk and automatically reinvest monthly payments so institutions don't have to. +20274038 Freddie Mac for years has offered a so-called participation certificate that guarantees it won't be prepaid for a set number of years and offers semiannual payments. +20275001 As Georgia-Pacific's bid for Great Northern Nekoosa has shown, uninvited takeovers are still alive despite premature reports of their demise. +20275002 Therefore, the debate about poison pills will continue to rage in the boardrooms of corporations and the halls of academia. +20275003 Although poison pills come in different colors and shapes, they usually give current shareholders the right to buy more stock of their corporation at a large discount if certain events occur -- typically, if a hostile bidder acquires more than a specified percentage of the corporation's stock. +20275004 However, these discount purchase rights may generally be redeemed at a nominal cost by the corporation's directors if they approve of a bidder. +20275005 Supporters of poison pills argue that their adoption forces bidders to negotiate with a corporation's directors, who are thereby put in a better position to pursue the long-term interests of the corporation. +20275006 Recent studies by Georgeson & Co. conclude that corporations with poison pills have experienced greater stock-price appreciation than corporations without poison pills during the past few years. +20275007 Critics of poison pills argue that they harm shareholders by letting corporate management defeat takeover bids at premium prices and by deterring premium bids from ever being made to shareholders. +20275008 These critics are backed by several academic studies showing that the adoption of poison pills reduces shareholder values not merely in the short run, but also over longer periods. +20275009 Institutional investors that must evaluate poison pills on a regular basis are interested less in this general debate than in the answers to specific questions about the corporation issuing the pill. +20275010 Does this corporation have a high-quality management team with a good track record? +20275011 Does this team have a viable strategy for improving shareholder values, and does this strategy require implementation over an extended period? +20275012 Will the adoption of this particular form of a poison pill significantly improve the chances for management to carry out this strategy? +20275013 If the answers to these questions are affirmative, then institutional investors are likely to be favorably disposed toward a specific poison pill. +20275014 However, the problem is that once most poison pills are adopted, they survive forever. +20275015 Although the current management team may be outstanding, who will be the CEO in 10 years? +20275016 Although the five-year strategy may be excellent, what will be the strategy in 25 years? +20275017 The solution to this problem is a time-limited poison pill. +20275018 The limit could range from three years to seven years, depending on the composition of the management team and the nature of its strategic plan. +20275019 At the end of this period, the poison pill would be eliminated automatically, unless a new poison pill were approved by the then-current shareholders, who would have an opportunity to evaluate the corporation's strategy and management team at that time. +20275020 One rare example of a time-limited poison pill is the shareholder rights plan adopted by Pennzoil last year after it received a huge litigation settlement from Texaco. +20275021 Pennzoil's poison pill covers five years in order to give current management enough time to put these proceeds to work in a prudent manner. +20275022 Another interesting example is the poison pill adopted recently by Pittsburgh-based National Intergroup Inc., a diversified holding company. +20275023 The State of Wisconsin Investment Board, which owned about 7% of the company's voting stock, worked with management to devise a time-limited poison pill. +20275024 This pill automatically expires after three years unless continued by a vote of the shareholders. +20275025 The attitude of the Wisconsin Investment Board reflects a growing receptivity to time-limited poison pills on the part of institutional investors, as shown by the discussions at recent meetings of the Council of Institutional Investors and my informal survey of several retirement plans with large stock positions. +20275026 More widespread time limits on poison pills would allow shareholders to evaluate a specific poison pill within the context of a specific management team's strategy. +20275027 Such concrete analysis is likely to lead to more fruitful dialogue between management and shareholders than the abstract debate about poison pills. +20275028 Mr. Pozen is the general counsel and a managing director of Fidelity Investments in Boston. +20276001 Michael Blair, former president and chief executive officer of Enfield Corp., failed to win election to the company's board at a special shareholder meeting. +20276002 Mr. Blair said after the meeting that he had filed separate lawsuits in the Ontario Supreme Court for unjust dismissal against Enfield and for libel against its largest shareholder, Canadian Express Ltd., and two executives of Hees International Bancorp Inc., which controls Canadian Express. +20276003 Holders at the meeting elected a full slate of Canadian Express nominees to Enfield's 11-member board. +20276004 Mr. Blair and Hees have been feuding for months. +20276005 Yesterday's election was a sequel to Enfield's annual meeting in June when Mr. Blair disallowed proxies in favor of two Hees nominees. +20276006 The Ontario Supreme Court overturned Mr. Blair's decision. +20276007 He later resigned from his executive positions with Enfield, saying that actions by its board "amounted to {my} dismissal." +20276008 Mr. Blair said his libel suit seeks 10 million Canadian dollars (US$8.5 million) from Canadian Express and Hees executives Manfred Walt and Willard L'Heureux. +20276009 He said his suit against Enfield seeks two years severance pay, equivalent to C$720,000. +20276010 Hees and Canadian Express executives couldn't be reached for comment. +20276011 Enfield is a holding company with interests in manufacturing concerns. +20276012 It is 38.5% owned by Canadian Express, another holding company. +20276013 Hees is a merchant bank controlled by Toronto financiers Peter and Edward Bronfman. +20276014 All the concerns are based in Toronto. +20277001 Buying 51% of Rockefeller Group Inc. is right up Mitsubishi Estate Co.'s alley in one sense: The huge Japanese real estate company is entering a long-term relationship with a similarly conservative U.S. owner of tony urban property. +20277002 But in another sense, the $846 million purchase is uncharacteristically nervy, industry analysts say. +20277003 The usually cautious giant will become the majority owner of the company that owns New York's beloved Rockefeller Center at a time when tensions over Japanese purchases of U.S. property are at an all-time high. +20277004 Officials of Rockefeller Group and Mitsubishi Estate prefer to focus on the affinities, nearly dismissing the threat of a backlash from the U.S. public. +20277005 "We think there will be positive as well as negative reactions," says Raymond Pettit, senior vice president and chief financial officer of Rockefeller Group. +20277006 "On balance, we think it will be positive." +20277007 But some Japanese government officials and businessmen worry that the prominent purchase is just the sort of deal that should be avoided for the time being. +20277008 In particular, they criticize the timing, coming as it does on the heels of Sony Corp.'s controversial purchase of Columbia Pictures Entertainment Inc. +20277009 "Officially, yes, we encourage the free flow of direct investment," says a Foreign Ministry official. +20277010 "But they didn't have to choose this particular moment." +20277011 During the past year, government officials and leading business organizations have repeatedly urged Japanese companies to refrain from flashy real estate purchases in the +20277012 Since the mid-1980s, Japan's other major real estate purchases in the U.S. include Dai-Ichi Seimei America Corp.'s $670 million purchase of an office building at 153 East 53rd St. in Manhattan in 1987 and Mitsui Fudosan Inc.'s $610 million purchase of the Exxon Building, part of Rockefeller Center, in 1986. +20277013 In Los Angeles, Arco Plaza was sold to Shuwa Corp. for $620 million in 1986, and Sumitomo Life Insurance Co. paid $300 million for Atlanta's IBM Tower last year. +20277014 Altogether, annual Japanese investment in U.S. commercial real estate grew from about $1.3 billion in 1985 to about $7.1 billion in 1988. +20277015 Many Japanese companies have taken the warnings by the country's leaders to heart and sought development partnerships rather than landmark properties. +20277016 Critics say Mitsubishi Estate's decision to buy into Rockefeller reflects the degree to which companies are irritated by the pressure to act for the good of Japan. +20277017 "Those who have no money and aren't buying think it's right to refrain, but those with money who want to buy for themselves pay no attention," says an official of the Japan-U.S. Business Council. +20277018 But to Mitsubishi Estate, the acquisition has just the elements that should win support from both sides. +20277019 First of all, it is a friendly acquisition in which Rockefeller sought out Mitsubishi Estate and asked it to buy a majority share. +20277020 Secondly, the two companies found a similarity in their business and development philosophies and intend to cooperate in a range of activities from real estate to telecommunications. +20277021 Finally, Mitsubishi Estate has no plans to interfere with Rockefeller's management beyond taking a place on the board. +20277022 "We'll continue to work with them, in keeping with the reputation of the company, and we'll rely very much on their leadership," says Mitsubishi Estate President Jotaro Takagi. +20277023 Rockefeller may well have found its match in Mitsubishi Estate, a company of long history, strong government ties and sound resources. +20277024 In asset terms, Mitsubishi Estate is the largest real estate firm in Japan. +20277025 The core of its holdings is 190,000 square meters of incredibly expensive property in the Marunouchi district, the business and financial center of Tokyo, often jokingly called "Mitsubishi Village." +20277026 The Mitsubishi family company acquired that property from the government some 100 years ago when it was a portion of samurai residential land running from the moat of the Imperial Palace east toward the hodgepodge of tiny shops and twisted alleys that made up the merchants' district. +20277027 At the time, Japan had just opened its doors to the world after about 250 years of isolation and needed a Western-style business center. +20277028 Mitsubishi built the government's dream development, the story goes, in exchange for the official decision to locate Tokyo's central railway station there. +20277029 That was just an early step in a relationship with government that has earned the Mitsubishi group the dubious moniker of "seisho," literally government-business, a title that has the pejorative connotation of doing the government's bidding, but also suggests the clout inherent in maintaining such close ties. +20277030 Mitsubishi Estate is one of the dozens of companies in today's Mitsubishi group. +20277031 It's known for its cautiousness in part because it has had little need for bold overseas ventures: In the year ended March 31, 57.4% of its total revenue came from office building management. +20277032 Its earnings can rise 10% to 12% annually simply from the natural turnover of tenants and automatic rent increases, says Graeme McDonald, an industry analyst at James Capel Pacific Ltd. +20277033 For the latest fiscal year, the company's net income jumped a robust 19% to 35.5 billion yen ($250.2 million). +20277034 For Mitsubishi Estate, the Rockefeller purchase will catapult it firmly into the overseas real estate business, the one area where it has lagged notably behind Japanese competitors such as Mitsui, which had purchased the Exxon Building. +20277035 "Japanese companies need to invest in overseas real estate for diversification," says Yoshio Shima, an industry analyst at Goldman Sachs (Japan) Corp. +20277036 Rockefeller isn't the first overseas purchase for Mitsubishi Estate -- it has already played a leading role in designing Los Angeles's Citicorp Plaza. +20277037 But the Rockefeller investment is its largest. +20277038 Nonetheless, it will barely make a dent in Mitsubishi Estate's finances, analysts say. +20277039 Mitsubishi Estate hasn't decided how it will raise the funds for the purchase, which are due in cash next April, but the Marunouchi holdings alone are estimated to have a market value of as much as 10 trillion yen to 11 trillion yen. +20277040 Moreover, as a member of the Mitsubishi group, which is headed by one of Japan's largest banks, it is sure to win a favorable loan. +20277041 Analysts say the company also could easily issue new convertible bonds or warrants. +20277042 Meanwhile, at home, Mitsubishi has control of some major projects. +20277043 It is the largest private-sector landowner of the Minato-Mirai 21 project, a multibillion-yen development in the port city of Yokohama, about an hour outside Tokyo. +20277044 The project is one of a select group of public projects opened to U.S. firms under a U.S.-Japan construction trade agreement reached last year. +20277045 The centerpiece of that complex, the Landmark Tower, will be Japan's tallest building when it is completed in 1993. +20277046 Mitsubishi is also pushing ahead with a controversial plan to redevelop Marunouchi into a business center of high-tech buildings, a project budgeted for 30 years and six trillion yen. +20278001 Time Warner Inc. and Sony Corp. may be today's public enemies, but the two entertainment giants could end up becoming partners in a number of ventures as part of a settlement of their acrimonious legal dispute over Hollywood producers Peter Guber and Jon Peters. +20278002 The Warner Bros. studio and Sony signaled they are close to a settlement yesterday, asking a Los Angeles Superior Court to postpone a hearing scheduled for tomorrow on Warner's request for a preliminary injunction blocking Mr. Guber and Mr. Peters from taking the top posts at Columbia Pictures Entertainment Inc. +20278003 In separate statements, the two sides said they want to have "further discussions." +20278004 Sony is acquiring Columbia and Guber-Peters Entertainment Co. in two separate transactions valued at more than $5 billion. +20278005 Warner Communications Inc., which is being acquired by Time Warner, has filed a $1 billion breach-of-contract suit against Sony and the two producers. +20278006 Warner has a five-year exclusive contract with Mr. Guber and Mr. Peters that requires them to make movies exclusively at the Warner Bros. studio. +20278007 The two sides in the legal battle have hurled accusations of duplicity at each other for weeks, and both Warner and Sony have accused each other of trying to sabotage each other's prospects for success in the entertainment business. +20278008 But it may amount to little more than posturing; the two have continued on-again, off-again settlement talks over the last few weeks, and people familiar with the talks say the matter could be resolved within a week. +20278009 Both Warner and Sony declined to comment on the terms of the settlement discussions. +20278010 But the people familiar with the talks said that Warner isn't expected to get any cash in the settlement. +20278011 Instead, Sony is likely to agree to let Warner participate in certain of its businesses, such as the record club of Sony's CBS Records unit. +20278012 Warner has surpassed Sony as the largest record company, but it doesn't have a powerful world-wide record club like CBS. +20278013 The two sides are also discussing certain business ventures involving cable rights to Columbia's movies. +20278014 In addition, Sony is expected to agree to swap Columbia's 35% stake in the sprawling Burbank, Calif., studio that Warner and Columbia share, in exchange for the old MGM studio lot that Warner acquired with the purchase of Lorimar Telepictures Corp. +20278015 Still, it may be tough for the two to have a smooth partnership in anything, in the wake of sworn affidavits filed over the last week. +20278016 One, for example, came from CBS Records Chairman Walter Yetnikoff, who will head a committee that will oversee Sony's entertainment division, including both records and movies. +20278017 In his affidavit, Mr. Yetnikoff accused Warner Chairman Steven J. Ross of having an "antiSony, anti-Japanese bias" and said that Mr. Ross had tried to talk him out of letting Sony buy CBS Records two years ago for that reason. +20278018 Mr. Ross, who will be chairman and co-chief executive officer of Time Warner after the merger is complete, denied that in his own affidavit, and called Mr. Yetnikoff's remarks "vicious" and his claims "reckless, irresponsible and baseless," saying Warner under his leadership has started a number of businesses in Japan. +20278019 Mr. Ross also said he enjoys "warm professional and personal relationships" with Japanese executives including Sony Chairman Akio Morita, "who has visited my home here." +20278020 But despite the acrimony between Mr. Ross and Mr. Yetnikoff, officials of the Time side of Time Warner have reportedly been increasingly interested in a settlement that might yield attractive business opportunities. +20278021 Time executives such as the company's president, N.J. Nicholas, who will eventually be co-chief executive of Time Warner alongside Mr. Ross, have no personal relationships or ego at stake in the fight over the Guber-Peters duo, and were never directly drawn into the fray. +20278022 Talks between the two sides could unravel, of course, as they have more than once since Sony announced its plans to hire Mr. Guber and Mr. Peters. +20278023 But both sides appear to be more willing now to meet each other's terms to resolve the issue. +20278024 And although Warner has said it wanted the producers to fulfill the terms of their contract, the producers said in sworn court declarations that they didn't believe the relationship could be repaired after the acrimony of the legal battle. +20278025 Any settlement is also expected to exclude Mr. Guber and Mr. Peters from any of the projects they were working on at Warner. +20278026 The Guber-Peters duo have 50 projects in various stages of development and production at Warner, including "Bonfire of the Vanities" and "A Bright Shining Lie." +20278027 But that doesn't mean Mr. Guber and Mr. Peters might not eventually get their hands on some of their projects; studios develop hundreds of movies but produce only 10 to 20 each year. +20278028 Once a studio chooses not to actually make a movie that is in development, producers are typically free to take it elsewhere. +20278029 Mr. Guber and Mr. Peters also almost certainly wouldn't be able to participate in future sequels to "Batman," the blockbuster hit they produced for Warner. +20278030 But in acquiring Guber-Peters Entertainment, Sony will actually get a piece of the profits from "Batman," since the publicly held concern gets certain revenue from the movies Mr. Guber and Mr. Peters produce. +20278031 The two producers own a combined 28% stake in Guber-Peters. +20279001 Southern Co.'s Gulf Power Co. subsidiary pleaded guilty to two felony charges of conspiracy to make illegal political contributions and tax evasion, and paid $500,000 in fines. +20279002 Gulf Power's guilty plea before U.S. District Judge Robert L. Vining yesterday marks the end of only one part of a wide-ranging inquiry of Southern Co. +20279003 The company is the subject of a federal grand jury investigation into whether its officials and its utility subsidiaries conspired to cover up their accounting for spare parts to evade federal income taxes. +20279004 "The terms announced today are strictly between the United States and Gulf Power," said U.S. Attorney Robert L. Barr. +20279005 "This is only a further step in a lengthy investigation." +20279006 The plea settlement does not allow Southern Co. to charge any of the $500,000 to its customers, or take action against employees who provided information during the federal inquiry. +20279007 Gulf Power had been under investigation for violating the Utility Holding Company Act, which prohibits public utilities from making political contributions. +20279008 In a statement, Southern Co. President Edward L. Addison said, "We believe our decision to plead (guilty) to these charges is responsible and proper. +20279009 And our action today will allow Gulf Power to avoid prolonged, distracting legal proceedings." +20279010 He did not say what effect, if any, the $500,000 fine would have on the company's earnings. +20279011 Mr. Barr said yesterday's plea by Gulf Power, which came after months of negotiations, was based on evidence that Gulf Power had set up an elaborate payment system through which it reimbursed outside vendors -- primarily three Florida advertising agencies -- for making illegal political contributions on its behalf. +20279012 The Appleyard Agency, for example, allegedly made contributions from 1982 to 1984 to various funds for political candidates, then submitted bills to Gulf Power. +20279013 The contributions were funded by monthly payments of $1,000 to $2,000 to Appleyard in the guise of a "special production fee" -- in effect, hiding the nature of the payments from the Internal Revenue Service, federal prosecutors said. +20279014 The government also indicated that former Gulf Power senior vice president Jacob F. "Jake" Horton was the mastermind behind the use of the ad agencies -- Appleyard, Dick Leonard Group II Inc. and Hemmer & Yates Corp. -- to make payments to various political candidates from 1981 to 1988. +20279015 Mr. Horton, who oversaw Gulf Power's governmental-affairs efforts, died mysteriously in a plane crash in April after learning he might be fired following the uncovering of irregularities in a company audit. +20279016 Government officials declined to say whether the investigation includes the ad agencies or the politicians involved. +20279017 In New York Stock Exchange trading, Southern Co. rose 50 cents a share to $27.125. +20280001 `Frequent Drinker' Offer Stirs Up Spirited Debate +20280002 TO GRAB a bigger piece of the declining scotch market, Seagram Co. has launched a controversial "frequent drinker" promotion for its Chivas Regal brand. +20280003 Under the program, dubbed Chivas Class, customers who send in two labels from Chivas bottles will receive an upgrade in seating class on some Trans World Airlines flights. +20280004 Repeat customers also can purchase luxury items at reduced prices. +20280005 But at a time of mounting concern over alcohol abuse, some liquor marketers consider Seagram's frequent buyer promotion risky. +20280006 "I'm surprised they're doing this," says Penn Kavanagh, president of Schieffelin & Somerset Co., which markets Johnnie Walker scotches. +20280007 "I would be very leery of anything that says if you drink more, you get more." +20280008 Others question the impact on Chivas's upscale image of a promotion that has customers soaking off labels. +20280009 "It's really bizarre," says Albert Lerman, creative director at the Wells Rich Greene ad agency. +20280010 "Chivas has an image of something you would savor, rather than guzzle." +20280011 Chivas Class isn't the first such promotion. +20280012 Last year, J&B Scotch offered 500 TWA frequent flier miles in exchange for a label. +20280013 And Dewar's gave discounts on Scottish merchandise to people who sent in bottle labels. +20280014 But the scope of Seagram's Chivas promotion sets it apart. +20280015 The current campaign is just the first leg of an aggressive three-to-five-year direct marketing plan. +20280016 Seagram says the promotion is designed to build brand loyalty rather than promote heavy drinking. +20280017 Seagram asks customers to buy only two or three bottles over a 12-month period, says Richard Shaw, vice president of U.S. direct marketing. +20280018 "We're not asking them to save up 50 proof-of-purchases. +20280019 We're not saying drink more, we're saying trade up." +20280020 Goya Concocts a Milk For Hispanic Tastes +20280021 MOST FOOD companies these days are trimming the fat and cholesterol content of their products to appeal to health-conscious consumers. +20280022 But Goya Foods Inc. believes it can milk some sales by bucking the trend. +20280023 The Secaucus, N.J., company has formed a joint venture with a distributor called La Lecheria to market a higher-fat milk targeted at Hispanic consumers. +20280024 To give Leche Fresca the creamier taste Goya says Hispanics prefer, the new brand has a butterfat content of 3.8%. +20280025 That compares with 3.5% butterfat for whole milk. +20280026 A spokesman for Borden Inc., the nation's largest milk producer, concedes Goya may be on to something. +20280027 Borden sells considerably more whole milk than reduced-fat milks in southern and Hispanic markets, he says. +20280028 Borden even tested a milk with 4% butterfat in the South, but decided the market was too small. +20280029 Goya is selling Leche Fresca in nearly 500 grocery stores and bodegas in New York and parts of New Jersey. +20280030 And it's adding 15 to 20 new outlets a day, says Greg Ricca, sales director at La Lecheria. +20280031 Because of Leche Fresca's success, he says, the joint venture is developing other dairy products tailored to Hispanic tastes. +20280032 Jewelry Makers Copy Cosmetics Sales Ploys +20280033 FOR YEARS, costume jewelry makers fought a losing battle. +20280034 Jewelry displays in department stores were often cluttered and uninspired. +20280035 And the merchandise was, well, fake. +20280036 As a result, marketers of faux gems steadily lost space in department stores to more fashionable rivals -- cosmetics makers. +20280037 But lately, retailers say, fake has become more fashionable. +20280038 And jewelry makers are beginning to use many of the same marketing tricks honed in the aggressive world of cosmetics. +20280039 Last year, the total women's fashion jewelry business topped $4.9 billion, says Karen Alberg, editor of Accessories magazine. +20280040 And it's growing fast, with annual sales gains of more than 10%. +20280041 To increase their share of that business, jewelry makers such as Crystal Brands Inc.'s Trifari and Monet units and Swank Inc., maker of Anne Klein jewelry, are launching new lines with as much fanfare as the fragrance companies. +20280042 They're hiring models to stroll the aisles sporting their jewels, and they're even beginning to borrow a perennial favorite of the beauty business -- offering a gift when consumers make a purchase. +20280043 "We've started trying just about anything to keep sales moving in the stores," says Kim Renk, a Swank vice president. +20280044 But there are limits. +20280045 Ms. Renk says retailers nixed a promotion for pins with animal motifs. +20280046 Her idea: bring in live zoo animals. +20280047 Trifari, whose national ads earlier this year included paper cutouts of its costume finery, takes a tamer approach. +20280048 The company focuses on the how-to aspects, says Andrew E. Philip, president. +20280049 Trifari now trains sales help to advise customers on the best earring styles. +20280050 But cosmetics firms still have one big marketing edge: They motivate sales people with commissions. +20280051 Jewelry makers rarely pay commissions and aren't expected to anytime soon. +20280052 Odds and Ends +20280053 DESPITE GROWING interest in the environment, U.S. consumers haven't shown much interest in refillable packages for household products. +20280054 Procter & Gamble Co. recently introduced refillable versions of four products, including Tide and Mr. Clean, in Canada, but doesn't plan to bring them to the U.S. +20280055 Marketers believe most Americans won't make the convenience trade-off. . . . +20280056 Braumeisters Ltd. tests a beer brewed with oat bran, rather than rice or corn. +20280057 Called Otto's Original Oat Bran Beer, the brew costs about $12.75 a case. +20280058 No cholesterol, of course. +20281001 Northwest Airlines settled the remaining lawsuits filed on behalf of 156 people killed in a 1987 crash, but claims against the jetliner's maker are being pursued, a federal judge said. +20281002 Northwest, a unit of NWA Inc., and McDonnell Douglas Corp., which made the MD-80 aircraft, also are pursuing counterclaims against each other in the crash near Detroit Metropolitan Airport. +20281003 Terms of the settlements for the remaining 145 lawsuits against Northwest weren't disclosed. +20281004 A total of 157 lawsuits were filed on behalf of crash victims. +20281005 U.S. District Judge Julian A. Cook Jr. announced the settlements as the jury trial was to begin yesterday. +20281006 He reset opening arguments for today. +20281007 The jury will resolve the claims against McDonnell Douglas, Northwest's claim that a defect in the aircraft caused the crash, and McDonnell Douglas' claim that the plane was improperly flown. +20281008 The National Transportation Safety Board ruled that pilots failed to set the plane's wing flaps and slats properly for takeoff and failed to make mandatory preflight checks that would have detected the error. +20281009 Also, a cockpit warning system failed to alert the pilots the flaps and slats were not set for takeoff, the NTSB said. +20281010 The only passenger who survived the crash was Cecelia Cichan, then 4, of Tempe, Ariz., whose parents and brother died in the crash. +20281011 She now lives with relatives in Alabama. +20282001 Sun Myung Moon, the Korean evangelist-industrialist who in 1954 founded the Unification Church, remains the mystery man behind a multimillion-dollar political and publishing operation based in this country and catering to the American right. +20282002 But there may be less there than meets the eye. +20282003 Mr. Moon planned to convert millions of Americans to his unique brand of Christianity -- in which he plays the role of Old Testament-style temporal, political messiah -- and then to make the U.S. part of a unified international theocracy. +20282004 His original strategy (in itself a brilliant innovation for spreading a religion) was to create new economic enterprises each time he wanted to extend and fund his various religious missions. +20282005 Tax-exempt airport and street-corner solicitations were intended only to provide start-up funds. +20282006 More stable industries were to build an economically viable infrastructure for the Moon movement in North America, as they had in Japan and South Korea. +20282007 Then he would move his movement to Europe. +20282008 But that was not to be. +20282009 Throughout the 1970s and early 1980s spokesmen for both the Unification Church and its opponents in the anticult movement gave wildly exaggerated membership figures. +20282010 Their legacy lives on. +20282011 It is still common to read in the press that the church has 10,000 or more full-time American members and 25,000 "associates." +20282012 Some estimates have gone as high as 80,000 members. +20282013 But internal church documents clearly show that at its publicity-seeking heights, as when it organized a spectacular Yankee Stadium bicentennial rally in 1976, there actually were only about 2,000 full-time Unification Church members in the U.S. +20282014 Mr. Moon's support for a Watergate-beleaguered Richard Nixon, the Koreagate scandal, and his prison sentence for income-tax evasion did not help the church's recruitment efforts. +20282015 Defections, burnouts, and abduction "deprogrammings" kept member turnover high. +20282016 That the membership number has even kept close to its 1976 size is the result of the "graying" of the church. +20282017 Many of the enthusiastic young "Moonies" of the Nixon era who remained faithful to Father Moon are now parents, producing new members by procreation rather than conversion. +20282018 The reputed wealth of the Unification Church is another matter of contention. +20282019 For a while in the 1970s it seemed Mr. Moon was on a spending spree, with such purchases as the former New Yorker Hotel and its adjacent Manhattan Center; a fishing/processing conglomerate with branches in Alaska, Massachusetts, Virginia and Louisiana; a former Christian Brothers monastery and the Seagram family mansion (both picturesquely situated on the Hudson River); shares in banks from Washington to Uruguay; a motion picture production company, and newspapers, such as the Washington Times, the New York City Tribune (originally the News World), and the successful Spanish-language Noticias del Mundo. +20282020 Yet these purchases can be misleading. +20282021 Most were obtained with huge inputs of church money from South Korea and Japan, minimum cash downpayments and sizable mortgages. +20282022 Those teams of young fund-raisers selling flowers, peanuts or begging outright at traffic intersections brought in somewhere near $20 million a year during the mid-to-late 1970s, but those revenues were a pittance compared to the costs of Mr. Moon's lavish international conferences, speaking tours, and assorted land buys. +20282023 Only his factories in Japan and Korea, employing his followers at subsistence wages and producing everything from rifles to ginseng to expensive marble vases, kept the money flowing westward. +20282024 Virginia Commonwealth University sociologist David Bromley, who more than any other researcher has delved into the complex world of Unificationist finances, has concluded that profitable operations in the U.S. have been the exceptions rather than the rule. +20282025 Likewise, journalists John Burgess and Michael Isikoff of the Washington Post have estimated that at least $800 million was transferred from Japan to the U.S. to deal with the church's annual operating losses in this country. +20282026 Mr. Moon's two English-language U.S. newspapers illustrate the scope of this financial drain. +20282027 Start-up costs for the Washington Times alone were close to $50 million, and the total amount lost in this journalistic black hole was estimated at $150 million by 1984. +20282028 Since then, Moon's organization has inaugurated a pair of high-quality glossy opinion magazines, The World and I and Insight, which are a further drain. +20282029 Insiders say that not even their editors know for sure how much these show-piece publications, along with the newspapers, have cost Mr. Moon. +20282030 Many American church-owned businesses, such as a $30 million factory to build fishing vessels, are defunct. +20282031 Some components of the American church had their budgets cut in half last year and again this year. +20282032 The relatively small academic conferences that have attracted conservative guests -- and press scrutiny -- in recent years are much more narrowly targeted and austere than the thousand-person get-togethers in fancy digs and exotic locales of years past. +20282033 I attended several of these in the dual role as a presenter of research findings as well as an investigator of my hosts. +20282034 (Mr. Moon's Paragon House eventually even published three of my co-edited books on religion and politics.) +20282035 According to veteran watchers of Unificationist affairs, such as Dr. J. Gordon Melton, director of the Institute for the Study of American Religion, almost all operations are being drastically reduced as Mr. Moon now concentrates more on developing his empire in the Far East. +20282036 "Everything," one non-"Moonie" senior consultant to the Unification Church recently told me in an interview, "is going back to Korea and Japan." +20282037 (Europe had proved even less hospitable than North America. +20282038 European politicians were less reluctant to have their governments investigate and harass new religions.) +20282039 So Mr. Moon is in retreat, refocusing on the Far East. +20282040 South Korea and Japan continue to be profitable. +20282041 Moon's Tong'Il industry conglomerate is now investing heavily in China, where church accountants have high hopes of expanding and attracting converts even in the wake of the bloody massacre in Tiananmen Square. +20282042 Panda Motors is one such investment. +20282043 According to senior consultants to the church, Mr. Moon has successfully negotiated a joint venture with the Chinese government to build an automobile-parts plant in Guangdong Province, an area of China with a substantial Korean minority. +20282044 Mr. Moon has agreed to put up $10 million a year for 25 years and keep the profits in China. +20282045 In return, he has the government's blessing to build churches and spread Unificationism in that country. +20282046 Whatever respectability and ties to intellectuals and opinion-makers the publications and conferences bring really are salvage -- not the Rev. Moon's original final goals, but the ones for which he will have to settle. +20282047 Mr. Shupe is co-author (with David G. Bromley) of "`Moonies' in America: Cult, Church, and Crusade" and "Strange Gods: The Great American Cult Scare. +20283001 The Manville Personal Injury Settlement Trust said it is considering several ways to ease a liquidity crunch that could include the sale of Manville Corp. to a third party. +20283002 In a filing with the Securities and Exchange Commission, the majority holder of Manville acknowledged that the cash portion of its initial funding of $765 million will be depleted next year, and that alternative sources of funds will be necessary to meet its obligations. +20283003 The trust, which was created as part of Manville's bankruptcy-law reorganization to compensate victims of asbestos-related diseases, ultimately expects to receive $2.5 billion from Manville, but its cash flow from investments has so far lagged behind its payments to victims. +20283004 Spokespersons for both the trust and the company refused to comment on whether any talks with a possible acquirer of Manville had actually taken place. +20283005 The trust is considering a sale of its Manville holdings, but Manville has the right of first refusal on any sales of its stock held by the trust. +20283006 Manville, a forest and building products concern, has offered to pay the trust $500 million for a majority of Manville's convertible preferred stock. +20283007 Manville and the trust are discussing the offer, but no decision has been made. +20283008 The filing also said the trust is considering a sale of Manville securities in the open market; an extraordinary dividend on the common stock; or a recapitalization of Manville. +20283009 The Soviet Union's jobless rate is soaring to 27% in some areas, Pravda said. +20283010 It said the situation is caused by efforts to streamline bloated factory payrolls. +20283011 Unemployment has reached 27.6% in Azerbaijan, 25.7% in Tadzhikistan, 22.8% in Uzbekistan, 18.8% in Turkmenia, 18% in Armenia and 16.3% in Kirgizia, the Communist Party newspaper said. +20283012 All are non-Russian republics along the southern border of the Soviet Union, and all but Kirgizia have reported rioting in the past six months. +20283013 The newspaper said it is past time for the Soviet Union to create unemployment insurance and retraining programs like those of the West. +20283014 Pravda gave no estimate for overall unemployment but said an "Association of the Unemployed" has cropped up that says the number of jobless is 23 million Soviets, or 17% of the work force. +20283015 An 11-week dispute involving Australia's 1,640 domestic pilots has slashed airline earnings and crippled much of the continent's tourist industry. +20283016 "The only people who are flying are those who have to," said Frank Moore, chairman of the Australian Tourist Industry Association. +20283017 He added: "How is a travel agent going to sell a holiday when he cannot guarantee a return flight?" +20283018 Transport giant TNT, which owns half of one of the country's two major domestic carriers, said the cost of the dispute had been heavy, cutting TNT's profits 70% to $12 million in the three months to Sept. 30. +20283019 Brazilian financier Naji Nahas, who was arrested on Monday after 102 days in hiding, is likely to be interrogated next week by the Brazilian judiciary. +20283020 Mr. Nahas, who single-handedly provoked a one-day closure of Brazil's stock markets in June when he failed to honor a debt of $31.1 million owed to his brokers, yesterday blamed his predicament on the president of the Sao Paulo stock exchange; a few days before Mr. Nahas's failure, the exchange raised the required margin on stock-margin transactions. +20283021 China's parliament ousted two Hong Kong residents from a panel drafting a new constitution for the colony. +20283022 The two, Szeto Wah and Martin Lee, were deemed unfit because they had condemned China's crackdown on its pro-democracy movement. +20283023 The committee is formulating Hong Kong's constitution for when it reverts to Chinese control in 1997, and Chinese lawmakers said the two can only return if they "abandon their antagonistic stand against the Chinese government and their attempt to nullify the Sino-British joint declaration on Hong Kong." +20283024 NUCLEAR REACTOR FOR ISRAEL? +20283025 Israeli officials confirmed that Energy Minister Moshe Shahal and his Canadian counterpart, Jake Epp, discussed a possible Israeli purchase of a $1.1 billion Canadian nuclear reactor for producing electricity. +20283026 However, a Canadian Embassy official in Tel Aviv said that Canada was unlikely to sell the Candu heavy-water reactor to Israel since Israel hasn't signed the Nuclear Non-Proliferation Treaty. +20283027 Israel has been accused in the past of using subterfuge to seek elements needed to develop nuclear weapons. +20283028 The South Korean government is signing a protocol today establishing formal diplomatic relations with Poland. +20283029 The two are also signing a trade agreement. +20283030 South Korean government officials said they don't expect that Seoul can loan money to Warsaw, but it can "offer experience." +20283031 Poland is the second Communist nation to recognize the Seoul government; South Korea established diplomatic relations with Hungary in February 1989. +20283032 Venezuela will hold a debt-equity auction Friday, with 32 potential bidders participating. +20283033 Earlier this year, Venezuela announced it was opening up debt-equity swaps to foreign investors but said the program would be limited to a net disbursement of $600 million a year. +20283034 Friday's auction will be limited to $150 million disbursed by the Central Bank to potential investors. +20283035 The office of foreign investment has authorized some $1.78 billion worth of investment proposals, said Edwin Perozo, superintendent of foreign investment. +20283036 Most of the proposals are in tourism, basic industry and fishery and agro-industry projects, he said. +20283037 Under the debt-equity program, potential investors will submit sealed bids on the percentage of discount they are willing to purchase the debt at, and the bids will be allocated based on these discount offers. +20283038 The Venezuelan central bank set a 30% floor on the bidding. +20283039 A song by American singer Tracy Chapman praising jailed black leader Nelson Mandela was banned from South African state radio and television. +20283040 The South African Broadcasting Corp. said the song "Freedom Now" was "undesirable for broadcasting." . . . +20283041 Britain's House of Commons passed a law that will force English soccer fans to carry identity cards to enter stadiums. +20283042 The "anti-hooligan" law, which would deprive troublemakers of cards, must be ratified by the House of Lords and is expected to become effective early next year. +20284001 A federal judge ruled that Imelda Marcos wasn't brought to the U.S. against her will and that marital privileges, which protect spouses from incriminating each other, don't apply in her case. +20284002 As a result, Judge John F. Keenan of New York ordered Mrs. Marcos to turn over to the court all pleadings and documents she may have filed in foreign countries in opposition to U.S. requests for evidence. +20284003 Mrs. Marcos had claimed that she didn't have to turn over the documents because she was brought here involuntarily and because providing the materials would violate her marital privilege. +20284004 In 1988, a year and a half after Mrs. Marcos and her late husband, Ferdinand Marcos, the ousted president of the Philippines, fled the Philippines for Hawaii, they were charged with racketeering, conspiracy, obstruction of justice and mail fraud in a scheme in which they allegedly embezzled more than $100 million from their homeland. +20284005 Much of the money was fraudulently concealed through purchases of prime Manhattan real estate, federal prosecutors have charged. +20284006 Mrs. Marcos's trial is expected to begin in March. +20284007 U.S. law requires criminal defendants to turn over foreign documents such as those sought in the Marcos case. +20284008 The law is meant to overcome delays caused by defendants' use of foreign procedures to block U.S. requests for records, Judge Keenan said in his opinion. +20284009 For instance, the documents could involve foreign business dealings or bank accounts. +20284010 The U.S. has charged that the Marcoses' alleged crimes involved bank accounts in the Philippines, Hong Kong, the U.S. and other countries. +20284011 On the allegation of kidnapping, Judge Keenan wrote, "The suggestion that Mrs. Marcos was brought to this country against her will is unsupported by affidavit or affirmation." +20284012 The judge also said the two marital testimonial privileges cited by Mrs. Marcos don't apply. +20284013 The first one permits a witness to refuse to testify against her spouse. +20284014 But Judge Keenan said that privilege's purpose is "fostering harmony in marriage." +20284015 Because Mr. Marcos died Sept. 28, the privilege can no longer apply, the judge said. +20284016 The second marital privilege cited by Mrs. Marcos protects confidential communications between spouses. +20284017 But Judge Keenan said that privilege is meant to protect private utterances -- not litigation papers filed with foreign governments, as Mrs. Marcos's attorneys maintained. +20284018 Though Judge Keenan threw out most of Mrs. Marcos's objections, he agreed with one of her concerns: that turning over the foreign documents could violate the defendant's constitutional right against self-incrimination. +20284019 As a result, he said he will examine the Marcos documents sought by the prosecutors to determine whether turning over the filings is self-incrimination. +20284020 Judge Keenan also directed the prosecutors to show that Mrs. Marcos's Fifth Amendment right against self-incrimination won't be violated. +20284021 Mrs. Marcos's attorney in New York, Sandor Frankel, declined to comment on the ruling. +20284022 Mrs. Marcos hasn't admitted that she filed any documents such as those sought by the government. +20284023 Charles LaBella, the assistant U.S. attorney prosecuting the Marcos case, didn't return phone calls seeking comment. +20284024 U.S. AND BRITISH LAW FIRMS announce rare joint venture in Tokyo. +20284025 Sidley & Austin, a leading Chicago-based law firm, and Ashurst Morris Crisp, a midsized London firm of solicitors, are scheduled today to announce plans to open a joint office in Tokyo. +20284026 The firms will be registered under Japanese law as foreign legal consultants and their practice with Japanese clients will be limited to advising them on matters of foreign law. +20284027 The office may also be able to advise foreign and multinational clients on international law and general matters. +20284028 The office will provide "one-stop shopping" for Japanese financial institutions and other clients seeking advice on access to the world capital markets, according to A. Bruce Schimberg, Sidley's senior banking specialist, who will move to Tokyo from Chicago to open the office next year. +20284029 The Sidley-Ashurst venture will also be staffed by another Sidley partner specializing in corporate law, a partner from Ashurst concentrating on acquisitions and a Japanese attorney. +20284030 The office will tap the resources of Sidley's 700 lawyers in the U.S., London and Singapore as well as the 400 Ashurst staff members in London and Brussels. +20284031 Ashurst is new to the Far East. +20284032 Sidley will maintain its association with the Hashidate Law Office in Tokyo. +20284033 THE UNITED AUTO WORKERS said it will seek a rehearing of a U.S. appellate court ruling against the union's claim that the state of Michigan engages in wage-discrimination against female employees. +20284034 A three-judge panel of the court in Cincinnati made the ruling Saturday. +20284035 The UAW is seeking a hearing by the full 14-judge panel. +20284036 The union sued the state in November 1985, alleging that it intentionally segregated job classifications by sex and paid employees in predominantly female jobs less than males in comparable jobs. +20284037 The UAW also charged that the state applied its own standards for determining pay in a discriminatory manner. +20284038 In November 1987, a district court judge in Detroit ruled against the UAW. +20284039 The union is the bargaining representative for more than 20,000 Michigan state employees. +20284040 NEW JERSEY MERGER: +20284041 One of the largest law firms in central New Jersey has been created through the merger of Norris, McLaughlin & Marcus, a 41-lawyer firm, and Manger, Kalison, McBride & Webb, a health-care specialty law firm with 14 lawyers. +20284042 Norris McLaughlin is a general-practice firm that has expanded recently into such specialties as banking, labor and environmental work. +20284043 The merged firm will carry Norris McLaughlin's name. +20284044 DRUG WARS: +20284045 A Texas legislator proposes color-coding drivers' licenses of some drug offenders. +20284046 The bill would authorize courts to order the licenses as a condition of probation. +20284047 State Senator J.E. "Buster" Brown, a Republican who is running for Texas attorney general, introduced the bill. +20284048 He said an altered license would be an "embarrassment" to teenagers and young adults and would act as a deterrant to drug use. +20284049 Richard Avena, executive director of the Texas Civil Liberties Union, called the proposal "political gimmickry," and said it fails to recognize the drug problem as a health issue. +20285001 The amendment, offered by Rep. Douglas Bosco (D., Calif.), was approved 283-132 during debate on a bill designed to strengthen the Transportation Department's authority in dealing with leveraged buy-outs of airlines. +20285002 The bill would require the agency to block the acquisition of 15% or more of an airline's stock if the purchase threatened safety, reduced the carrier's ability to compete, or put the airline under foreign control. +20285003 Debate on the legislation, which faces a veto threat from President Bush, is to continue today. +20285004 The amendment would require the department to block the purchase of a major airline by anyone who has run two or more carriers that have filed for protection from creditors under Chapter 11 of the Bankruptcy Code. +20285005 In 1983, Texas Air's Continental Airlines filed for bankruptcy. +20285006 Earlier this year, Texas Air's Eastern Airlines filed for bankruptcy. +20285007 "This ought to be subtitled the `Don't let Frank Lorenzo take over another airline' amendment," said Rep. James Oberstar (D., Minn.), chairman of the House aviation subcommittee, who argued that the provision was unnecessary because the bill already would give the department ample power to block undesirable deals. +20286001 For years, a strict regimen governed the staff meetings at Nissan Motor Co.'s technical center in Tokyo's western suburbs. +20286002 Employees wore identification badges listing not only their names but also their dates of hire. +20286003 No one could voice an opinion until everybody with more seniority had spoken first, so younger employees -- often the most enthusiastic and innovative -- seldom spoke up at all. +20286004 But in 1986, the badges and the "don't speak out of turn" rule were abolished -- early steps in a cultural revolution still rolling on with all the subtlety of a freight train. +20286005 In recent years, Nissan has instituted flex-time work schedules and allowed employees to dress casually, even in blue jeans. +20286006 A rule forbidding staffers to own competitors' cars has been lifted, and now many designers drive foreign cars to get useful ideas. +20286007 Nissan's decades-old corporate song filled with references to Mount Fuji has been scrapped in favor of a snappy tune sung by a popular Japanese vocalist. +20286008 And in a Japanese corporate first, Nissan recently opened the first coed company dormitory for single employees at the suburban Tokyo technical center. +20286009 "We had lots of internal debate about this one," concedes Tadahiko Fukuyama, a senior public-relations official. +20286010 "But in the end, top management decided to follow the voice of the younger generation." +20286011 This corporate glasnost is a big reason Nissan, after years of making lackluster cars and lousy profits, has loosened up its rigid ways and now is riding a string of hits, ranging from the sleek Maxima sedan and Porsche-like 300ZX to the whimsically nostalgic Pao, a minicar sold only in Japan. +20286012 The company's turnaround is far from complete; many crucial tests are just beginning. +20286013 But its surprising progress so far holds important lessons for companies in trouble. +20286014 The big one: A company's culture can't be radically changed unless top management first admits that things have gone badly awry and then publicly leads the charge. +20286015 Atsushi Muramatsu, Nissan's executive vice president for finance, helped set the tone in December 1986, when the company was heading toward the first operating loss by a Japanese auto maker since the nation's postwar recovery. +20286016 "This is a time of self-criticism to discover what is wrong with us," he said. +20286017 Yutaka Kume, who took the helm as Nissan's president in June 1985, added simply, "I am deeply disappointed." +20286018 No wonder. +20286019 Nissan, Japan's second-largest auto maker and the world's fourth-largest, was getting beat up not only by its bigger rival, Toyota Motor Corp., but also by Honda Motor Co., the most successful Japanese car company in the U.S. but a relative pipsqueak in Japan. +20286020 Nissan's market share in Japan had been dropping year by year since the beginning of the decade. +20286021 Its U.S. sales sagged, partly because of price increases due to the rising yen. +20286022 Worst of all, Nissan was preoccupied with management infighting, cronyism and corporate rigidity. +20286023 Consider the experience of Satoko Kitada, a 30-year-old designer of vehicle interiors who joined Nissan in 1982. +20286024 At that time, tasks were assigned strictly on the basis of seniority. +20286025 "The oldest designer got to work on the dashboard," she recalls. +20286026 "The next level down did doors. +20286027 If a new person got to work on part of the speedometer, that was a big deal." +20286028 This system produced boring, boxy cars that consumers just weren't buying. +20286029 Desperately hoping to spark sales, Nissan transferred 5,000 middle managers and plant workers to dealerships. +20286030 Meanwhile, President Kume ordered everyone from top executives to rookie designers to go "town watching," to visit chic parts of Tokyo to try to gain insights into developing cars for trend-setters. +20286031 Some town-watching excursions were downright comic. +20286032 One group of middle-aged manufacturing men from the company's Zama plant outside Tokyo was supposed to check out a trendy restaurant in the city. +20286033 But when they arrived at the door, all were afraid to go in, fearing that they would be out of place. +20286034 Other trips were more productive. +20286035 Mr. Kume himself visited Honda's headquarters in Tokyo's upscale Aoyama district. +20286036 He liked the well-lighted lobby display of Honda's cars and trucks so much that he had Nissan's gloomy lobby exhibit refurbished. +20286037 Later, Nissan borrowed other Honda practices, including an engineering "idea contest" to promote inventiveness. +20286038 One engineer developed a "crab car" that moves sideways. +20286039 Such sudden cultural shifts may come across as a bit forced, but they seem to be genuine -- so much so, in fact, that some older employees have resisted. +20286040 Nissan handled the die-hards in a typically Japanese fashion: They weren't fired but instead "were neglected," says Kouji Hori, the personnel manager at the Nissan Technical Center. +20286041 Despite the pain of adjusting, the cultural revolution has begun to yield exciting cars. +20286042 A year ago, the company completely revamped its near-luxury sedan, the $17,699 Maxima, which competes against a broad range of upscale sedans; it replaced its boxy, pug-nosed body with sleek, aerodynamic lines. +20286043 Since then, Nissan also has launched new versions of the $13,249 240SX sporty coupe and 300ZX sports car. +20286044 The restyled 300ZX costs as much as $33,000 and is squared off against the Porche 944, which begins at $41,900. +20286045 Besides new styling, the new Nissans have more powerful engines and more sophisticated suspension systems. +20286046 All three new models are outselling their predecessors by wide margins. +20286047 In its home market, Nissan has grabbed attention with limited-production minicars featuring styling odd enough to be cute. +20286048 One is the Pao, a tiny coupe with a peelback canvas top and tilted headlights that give it a droopy-eyed look. +20286049 Nissan initially planned to sell just 10,000 Paos, but sales have passed 50,000, and there's a one-year waiting list for the car. +20286050 Then, there's the S-Cargo, an offbeat delivery van with a snail-like body that inspired its name. +20286051 Nissan helped develop a Tokyo restaurant with both vehicles as its design theme. +20286052 The chairs are S-Cargo seats, and a gift shop sells such items as alarm clocks styled like the Pao's oversized speedometer. +20286053 All these vehicles have sharply improved Nissan's morale and image -- but haven't done much for its market share. +20286054 Nissan had 29% of the Japanese car market in 1980 before beginning a depressing eight-year slide that continued through last year. +20286055 Strong sales so far this year are certain to turn the tide, but even the 25% market share that Nissan expects in 1989 will leave it far below its position at the beginning of the decade. +20286056 Nissan concedes that it won't recoup all its market-share losses in Japan until at least 1995, and even that timetable might prove optimistic. +20286057 "Everyone else is going to catch up" with Nissan's innovative designs, says A. Rama Krishna, auto analyst at First Boston (Japan) Ltd. +20286058 Nissan's pace of new-model hits will slow, he adds, just as arch-rival Toyota unleashes its own batch of new cars. +20286059 Likewise, in the U.S., Nissan has grabbed 5.2% of the car market so far this year, up from 4.5% a year ago. +20286060 But even that brings Nissan only to the share it had in 1987, and leaves the company behind its high of 5.5% in 1980 and 1982. +20286061 Why? +20286062 So far, Nissan's new-model successes are mostly specialized vehicles with limited sales potential. +20286063 In compact and subcompact cars, the bread-and-butter sales generators for Japanese auto makers, Nissan still trails Toyota and Honda. +20286064 Nissan hopes that that will start to change this fall, with its new version of the Stanza compact sedan. +20286065 The Stanza has been a nonentity compared with Honda's hugely successful Accord and Toyota's Camry. +20286066 But this year, Honda has revamped the Accord and made it a midsized car. +20286067 Nissan instead has kept its new Stanza a bit smaller than that and cut the base price 6%; at $11,450, Stanza prices start $749 below the predecessor model yet have a more-powerful engine. +20286068 Accord prices start at $12,345. +20286069 Nissan's risk is that its low-base-price strategy might get lost amid the highly publicized rebates being offered by Detroit's Big Three. +20286070 But "on a new car, a rebate doesn't work well" because it cheapens the vehicle's image, contends Thomas D. Mignanelli, executive vice president of Nissan's U.S. sales arm. +20286071 Even if the new Stanza succeeds, Nissan will remain behind in the subcompact segment, where its Sentra doesn't measure up to the Honda Civic and Toyota Corolla. +20286072 Nissan will introduce a completely revamped Sentra next fall. +20286073 At the opposite end of the market, Nissan launches its luxury Infiniti division on Nov. 8 -- three years after Honda pioneered Japanese luxury cars and two months after Toyota's Lexus went on sale. +20286074 Nissan started advertising Infiniti fully eight months before the cars hit American showrooms. +20286075 The ads featured fences, rocks and pussy-willow buds -- almost anything but the cars themselves. +20286076 The ads have generated some laughs but also plenty of attention because they are so unlike any other U.S. auto advertising. +20286077 On the other hand, Nissan's sales goals for Infiniti are modest compared with Toyota's targets for Lexus. +20286078 Nissan will build only about 3,500 of the $38,000 Infiniti Q45 sedans each month, sending about 2,000 of them to the U.S. and keeping the rest for sale in Japan. +20286079 Toyota wants to sell about 49,000 Lexus LS400 sedans next year in the U.S. alone. +20286080 "When I saw the Lexus sales projections, I got worried," confesses Takashi Oka, who led the Infiniti development team. +20286081 But on reflection, Mr. Oka says, he concluded that Nissan is being prudent in following its slow-startup strategy instead of simply copying Lexus. +20286082 "Infiniti is Nissan's big business move for the 21st century, and we're in no hurry to generate large profits right away," Mr. Oka says. +20286083 Despite plans to add two new Infiniti models next year, bringing the total to four, Infiniti won't show profits for at least five years, he adds. +20286084 These days Nissan can afford that strategy, even though profits aren't exactly robust. +20286085 Nissan had record net income of 114.63 billion yen ($868 million) in the fiscal year ended last March 31, a remarkable recovery from the 20.39 billion yen of two years earlier, when the company lost money on operations. +20286086 Nissan has increased earnings more than market share by cutting costs and by taking advantage of a general surge in Japanese car sales. +20286087 But Nissan expects to earn only 120 billion yen in the current fiscal year, a modest increase of 4.7%. +20286088 The big reason: For all its cost-cutting, Nissan remains less efficient than Toyota. +20286089 In its last fiscal year, Nissan's profit represented just 2.3% of sales, compared with 4.3% at Toyota. +20286090 To help close the gap, Nissan recently established a top-level cost-cutting committee. +20286091 Nissan is the world's only auto maker currently building vehicles in all three of the world's key economic arenas -- the U.S., Japan and Europe. +20286092 That gives it an enviable strategic advantage, at least until its rivals catch up, but also plenty of managerial headaches. +20286093 For example, Nissan's U.S. operations include 10 separate subsidiaries -- for manufacturing, sales, design, research, etc. -- that report separately back to Japan. +20286094 And in July, Nissan's Tennessee manufacturing plant beat back a United Auto Workers organizing effort with aggressive tactics that have left some workers bitter. +20286095 "We are in a transitional phase from being a Japanese company to becoming an international company based in Japan," says Mr. Muramatsu, the executive vice president. +20286096 He promises that Nissan will soon establish a holding company overseeing all U.S. operations, just as it's doing in Europe. +20286097 Perhaps the biggest challenge, however, will be to prevent a return to its former corporate rigidity as its recovery continues. +20286098 Already, personnel officials are talking about the need for a "Phase Two" cultural-reform effort of some sort. +20286099 "We are still only half way through the turnaround of this company, and there are many more things to do," President Kume says. +20286100 He adds, however, that "the momentum we have generated is unstoppable. +20287001 As expected, Warner Bros. Records said it agreed to form a recorded-music and music-publishing joint venture with former MCA Records Chairman Irving Azoff. +20287002 Warner said it will provide financing for the venture, but didn't disclose terms. +20287003 Mr. Azoff hasn't named the company yet, but any records it produces will be distributed by Warner. +20287004 Warner is part of Warner Communications Inc., which is in the process of being acquired by Time Warner Inc. +20287005 Mr. Azoff resigned as head of MCA Records, a unit of MCA Inc., in September, and had been discussing a joint venture with both Warner and MCA. +20287006 In a statement yesterday, Mr. Azoff said he chose Warner, the largest record company, because "their standing in the entertainment industry is second to none. +20288001 President Bush and Soviet leader Mikhail Gorbachev will hold an informal meeting in early December, a move that should give both leaders a political boost at home. +20288002 The White House is purposely not calling the meeting a summit so that there won't be any expectation of detailed negotiations or agreements. +20288003 Rather, senior administration officials said that the unexpected meeting was scheduled at Mr. Bush's request because of his preference for conducting diplomacy through highly personal and informal meetings with other leaders. +20288004 The two leaders will meet on Dec. 2 and 3, alternating the two days of meetings between a U.S. and a Soviet naval vessel in the Mediterranean Sea. +20288005 The unusual seaborne meeting won't disrupt plans for a formal summit meeting next spring or summer, at which an arms-control treaty is likely to be completed. +20288006 In announcing the meeting yesterday, Mr. Bush told reporters at the White House that neither he nor Mr. Gorbachev expects any "substantial decisions or agreements." +20288007 Instead, he said that the purpose is simply for the two to get "better acquainted" and discuss a wide range of issues without a formal agenda. +20288008 Despite the informal nature of the session and the calculated effort to hold down expectations, the meeting could pay significant political dividends for both leaders. +20288009 Mr. Gorbachev badly needs a diversion from the serious economic problems and ethnic unrest he faces at home. +20288010 American officials have said that a meeting with the leader of the U.S. could help bolster his stature among Soviet politicians and academics, whose support he needs. +20288011 For his part, Mr. Bush has been criticized regularly at home for moving too slowly and cautiously in reacting to Mr. Gorbachev's reforms and the historic moves away from communism in Eastern Europe. +20288012 A face-to-face meeting with Mr. Gorbachev should damp such criticism, though it will hardly eliminate it. +20288013 Senate Majority Leader George Mitchell (D., Maine), who has been the most prominent Democratic critic of Mr. Bush's handling of the Soviet relationship, praised the president for arranging the meeting. +20288014 But he added: "The mere fact of a meeting doesn't deal with the substance of policy." +20288015 Mr. Bush said that the December meeting, which was announced simultaneously in Moscow, will be held in the unusual setting of ships at sea to hold down the "fanfare" and force the two sides to limit participation to just small groups of advisers. +20288016 "By doing it in this manner we can have, I would say, more time without the press of social activities or mandatory joint appearances, things of that nature for public consumption," Mr. Bush said. +20288017 Soviet Foreign Minister Eduard Shevardnadze, at a news conference in Moscow, said, "As the two sides plan to hold a full-scale summit in late spring-early summer next year, they found it useful, I would say even necessary, to hold an interim informal meeting." +20288018 Although no specific agreements are expected, Mr. Shevardnadze said "that doesn't mean they will be without an agenda." +20288019 If the two leaders cover the subjects that have been featured in lower level U.S.-Soviet meetings, their talks would include human rights, Soviet reforms, regional disputes, relations with allies, economic cooperation, arms control, and joint efforts to fight narcotics, terrorism and pollution. +20288020 The president specifically mentioned U.S. economic advice to Moscow as a possible topic. +20288021 Mr. Gorbachev has for months been publicly urging the U.S. to drop its restrictions on Soviet trade. +20288022 He recently told a small group of American businessmen in Moscow that he hoped to sign a general trade agreement with the U.S., possibly at the 1990 summit. +20288023 The Soviets hope a trade agreement would give them Most-Favored Nation status, which would lower the tariffs on Soviet exports to the U.S. +20288024 In an unusually candid article about the latest economic woe -- unemployment -- Pravda yesterday reported that three million Soviets have lost their jobs as a result of perestroika and the number could grow to 16 million by the year 2005. +20288025 Economists in Moscow are now proposing that the state start a system of unemployment benefits. +20288026 But one Bush administration official knowledgeable about the summit plan cautioned against assuming that there will be bold new initiatives on the Soviet economy or other issues. +20288027 "Don't take this as some big opening for major movement on economic cooperation, or arms control, or the environment," he said. +20288028 "Those things will all come up, but in a fairly informal way." +20288029 Instead, this official said, "This is vintage George Bush. +20288030 This was George Bush's own idea. +20288031 It's George Bush wanting to meet a foreign leader and talk to him directly." +20288032 Aside from the Soviet economic plight and talks on cutting strategic and chemical arms, one other issue the Soviets are likely to want to raise is naval force reductions. +20288033 Western analysts say that, given the meeting's setting at sea, Gorbachev is unlikely to pass up the opportunity to press once again for negotiated cuts in the navies of both the North Atlantic Treaty Organization and the Warsaw Pact. +20288034 That theme has been a recurring one for Soviet military officials for much of this year. +20288035 They argue that as the Kremlin follows through on announced plans to cut land forces -- the Soviets' area of greatest strength -- the U.S. should show more willingness to cut sea forces -- Washington's area of greatest superiority. +20288036 One of the reasons Bush administration aides are anxious to insist that the coming meeting will be informal is to avoid comparisons with the last such loosely structured superpower gathering, former President Reagan's 1986 meeting with Mr. Gorbachev in Reykjavik, Iceland. +20288037 That meeting sent shivers through the Western alliance because Mr. Reagan was pulled into discussing the possible elimination of nuclear weapons without consulting American allies. +20288038 Mr. Bush said that he initiated talks with the Soviets on the informal meeting by sending a proposal to Mr. Gorbachev last July, which the Soviet leader readily accepted. +20288039 But word of the possible session was closely held by the president and a handful of top aides, and word of it didn't reach many second-level officials until the past few days. +20288040 Indeed, many senior officials had been insisting for weeks that Mr. Bush wasn't interested in such an informal get-together. +20288041 Though President Bush's political critics at home have been urging him to open a more direct dialogue with Mr. Gorbachev, it actually was the arguments of leaders within the Soviet bloc itself that led the president to seek the December meeting. +20288042 Mr. Bush decided he wanted the meeting after talking in Europe in July with the leaders of Poland and Hungary, who urged him to support Mr. Gorbachev's efforts to transform the Soviet system and to urge him to loosen his grip on Eastern Europe, a senior aide said. +20288043 While flying home from those discussions, Mr. Bush drafted a letter to Mr. Gorbachev suggesting an informal get-together to precede their formal summit next year. +20288044 Peter Gumbel in Moscow contributed to this article. +20289001 Banca Nazionale del Lavoro said its potential losses from lending to Iraq could reach 1.175 trillion lire ($872 million), marking the bank's first quantification of potential costs of unauthorized lending by its Atlanta branch. +20289002 BNL previously reported that its Georgia branch had taken on loan commitments topping $3 billion without the Rome-based management's approval. +20289003 State-owned BNL, Italy's largest bank, has filed charges against the branch's former manager, Christopher Drogoul, and a former branch vice president, alleging fraud and breach of their fiduciary duties. +20289004 BNL also said that its board had approved "after an in-depth discussion," a letter to the Bank of Italy outlining measures the state-owned bank has taken or plans to take to improve controls on its foreign branches. +20289005 The central bank had ordered BNL to come up with a suitable program by yesterday. +20289006 Bank of Italy has also ordered BNL to shore up its capital base to account for potential foreign loan losses, and the Rome bank has outlined a 3 trillion lire capital-raising operation. +20289007 BNL was unable to elaborate on what measures were planned by the bank to improve controls on its branches abroad. +20290001 Hardly a day passes without news photos of the police dragging limp protesters from some building or thoroughfare in one of our cities. +20290002 Of recent note are the activities of the pro- and anti-abortionists, anti-nuclear activists, animal rights protesters, college students concerned about racism, anti-apartheid groups, various self-styled "environmentalists" and those dissatisfied with the pace of the war against AIDS. +20290003 Maybe he didn't start it, but Mohandas Gandhi certainly provided a recognizable beginning to non-violent civil disobedience as we know it today. +20290004 The Mahatma, or "great souled one," instigated several campaigns of passive resistance against the British government in India. +20290005 Unfortunately, according to Webster's Biographical Dictionary, "His policies went beyond his control and resulted . . . in riots and disturbances" and later a renewed campaign of civil disobedience "resulted in rioting and a second imprisonment." +20290006 I am not a proponent of everything Gandhi did, but some of his law breaking was justified because India was then under occupation by a foreign power, and Indians were not able to participate fully in decisions that vitally affected them. +20290007 It is difficult, however, to justify civil disobedience, non-violent or not, where citizens have full recourse to the ballot box to effect change. +20290008 Where truly representative governments are safeguarded by constitutional protections of human rights and an independent judiciary to construe those rights, there is no excuse for breaking the law because some individual or group disagrees with it. +20290009 There may be a few cases where the law breaking is well pinpointed and so completely non-invasive of the rights of others that it is difficult to criticize it. +20290010 The case of Rosa Parks, the black woman who refused to sit at the back of the bus, comes to mind as an illustration. +20290011 But most cases of non-violent civil disobedience are not nearly so benign. +20290012 The public has a tendency to equate lawful demonstrations with non-violent civil disobedience. +20290013 It is true that both are non-violent, but there is a fundamental difference between them. +20290014 Lawful demonstrations, such as peaceful picketing and other assemblages that do not disturb the peace or cause a public nuisance or interfere with the rights of others, are rights guaranteed by any truly free system of government. +20290015 Civil disobedience, violent or non-violent, is intentional law breaking. +20290016 The subject of this discussion is non-violent civil disobedience; but, before we get on with that, let me make just a few tangential remarks about lawful demonstrations. +20290017 They are useful to call public attention to grievances, but they have little value in educating anyone about the issues in dispute. +20290018 The delight of television in dramatic confrontation encourages overuse of slogans chanted through bullhorns, militant gestures, accusatory signs and other emotionally inspired tactics. +20290019 Civilized discourse and an environment where compromise can begin are lost in a hostile posture abetted by superficial media interviews. +20290020 At best, demonstrations are overused and boringly uninformative; at worst, they can become the stimuli that lead to law breaking. +20290021 Demonstrations are particularly apt to degenerate into criminal conduct when they leave the site of the grievance and become mobile. +20290022 Petty criminals and street people looking for excitement attach themselves like remora to the fringes of the crowd and use the protest as an excuse for rock throwing, auto trashing, arson, window breaking, looting, pocket picking and general hooliganism. +20290023 Soon the whole purpose of the demonstration is lost in mob mania. +20290024 There are better ways to promote a cause. +20290025 Where non-violent civil disobedience is the centerpiece, rather than a lawful demonstration that may only attract crime, it is difficult to justify. +20290026 Some find no harm in the misdemeanors of trespass, minor property destruction, blocking traffic and the like. +20290027 They say these are small prices to pay for galvanizing action for the all-important cause. +20290028 The crimes may appear small, but the prices can be huge. +20290029 Here are two cases to illustrate. +20290030 Assume a neighborhood demonstration to protest speeding on a certain road or a careless accident involving a police car. +20290031 The protesters lie down in the street, blocking traffic, and will not move until the authorities carry them away. +20290032 Assume that someone caught in the jam has a heart attack. +20290033 There is no way to get an ambulance in quickly to move him to a hospital. +20290034 He dies. +20290035 The demonstration was non-violent and involved only a simple misdemeanor, but its impact on that individual was violent and terminal. +20290036 Assume that a TV network is airing a celebrity interview program with a live audience. +20290037 The politician appearing is highly controversial and has recently generated a good deal of rancor amid certain groups. +20290038 In a planned protest against his appearance, several members of the studio audience chain themselves in front of the TV cameras in such a way that the program cannot continue. +20290039 The network must refund money to the advertisers and loses considerable revenue and prestige. +20290040 The demonstrators have been non-violent, but the result of their trespasses has been to seriously impair the rights of others unconnected with their dispute. +20290041 It might be alleged that TV has done more than its share to popularize and promote non-violent civil disobedience, so the second situation hypothesized above would be simply a case of "chickens coming home to roost." +20290042 Or maybe the TV network would lose nothing. +20290043 Geraldo or Phil would probably pull up another camera and interview the chained protesters. +20290044 Let us look for a moment at another type of non-violent civil disobedience that only harms other people indirectly, yet does irreparable damage to the nation as a whole. +20290045 I am referring to those young men who chose to disobey their country's call to arms during the Vietnam war and fled to Canada or some other sanctuary to avoid combat. +20290046 Their cowardly acts of civil disobedience, which they tried to hide under the cloak of outrage at a war they characterized as "immoral," weakened the national fabric and threw additional burdens on those who served honorably in that conflict. +20290047 Even more at fault are those leaders in and out of government who urged and supported their defections, thereby giving great help and comfort to the enemy propagandists. +20290048 It is amazing that the ensuing mass executions in Vietnam and Cambodia do not weight more heavily on minds so morally fine-tuned. +20290049 Worse, it remained to a well-meaning but naive president of the United States to administer the final infamy upon those who fought and died in Vietnam. +20290050 Under the guise of "healing the wounds of the nation," President Carter pardoned thousands of draft evaders, thus giving dignity to their allegations of the war's "immorality." +20290051 The precedent having been set, who can complain if future generations called upon to defend the U.S. yield to the temptation to avoid the danger of combat by simply declaring the war immoral and hiding until it is over? +20290052 Finally, I think it important to point out the extraordinarily high visibility of non-violent civil disobedience in these days of intensive media coverage. +20290053 Give television a chance to cover live any breaking of the law, and no second invitation will be required. +20290054 This brings into question the motives of those who lead civil disobedience demonstrations. +20290055 Do they want the spotlight for themselves or for their cause? +20290056 Here is a good rule of thumb: If the movement produced the leader, the chance that he is sincere is much greater than if the leader produced the movement. +20290057 In either case, ask yourself whether you have become better informed on the issues under protest by watching the act of civil disobedience. +20290058 If you have not, it is probable that a thorough airing of the dispute by calm and rational debate would have been the better course. +20290059 Mr. Agnew was vice president of the U.S. from 1969 until he resigned in 1973. +20291001 Gov. George Deukmejian and key legislators agreed to back a temporary one-quarter-cent increase in the state sales tax to raise $800 million for repairs and relief associated with last month's earthquake. +20291002 The tax increase, which will be considered at a special session of the state legislature that begins tomorrow, would cover only part of the estimated $4 billion to $6 billion in total damage caused by the Oct. 17 quake. +20291003 Aside from as much as $3.45 billion in recently approved federal aid, the state is expected to draw from a gubernatorial emergency fund that currently stands at an estimated $700 million. +20291004 "I am not aware that there is anything but bipartisan agreement for the general outline" of the revenue-raising plan, said a spokesman for the governor, after a Monday meeting with legislative leaders over the quake-relief question. +20291005 The tax increase -- on top of the current six-cent per dollar sales tax -- would become effective this Dec. 1 and expire Dec. 31, 1990. +20291006 The sales-tax plan was preferred over an alternative that would have boosted the state gasoline tax. +20291007 Some legislators expressed concern that a gas-tax increase would take too long and possibly damage chances of a major gas-tax-increasing ballot initiative that voters will consider next June. +20292001 Despite continuing problems in its newsprint business, Kimberly-Clark Corp. posted a 20% gain in third-quarter net income. +20292002 The consumer-products and newsprint company said net rose to $108.8 million, or $1.35 a share, from $90.5 million, or $1.12 a share, a year ago. +20292003 Sales rose 6.2% to $1.45 billion from $1.37 billion. +20292004 After a flat second quarter tied largely to lower newsprint earnings, Kimberly-Clark attributed the gain to improved results in its consumer businesses in North America, Brazil and Korea. +20292005 Those gains came from higher prices, particularly for disposable diapers and tissue products, and from increased sales, primarily for feminine-care products, the company said. +20292006 Newsprint results continued to be depressed, the company added, because of industrywide price discounting. +20292007 The quarter-to-quarter comparison was also enhanced by charges taken in the year-earlier period, including $11 million related to the modernization of a pulp and newsprint mill in Alabama. +20292008 In the 1989 period also, interest expense and tax rates were lower than a year ago. +20292009 In the first nine months, profit rose 10% to $313.2 million, or $3.89 a share, from $283.9 million, or $3.53 a share. +20292010 Sales rose 6.7% to $4.27 billion from $4 billion. +20292011 In New York Stock Exchange composite trading, Kimberly-Clark closed at $66.50 a share, up $1.50. +20293001 INTENSIVE AUDITS are coming to 55,500 taxpayers as research guinea pigs. +20293002 This is the year: Unsuspecting filers of 1988 personal returns are being picked randomly for thorough audits to help the IRS update its criteria for enforcement, audit selection, and use of resources. +20293003 The last Taxpayer Compliance Measurement Program survey covered 1985 returns. +20293004 The 1988-return project starts Jan. 1 and is to be done by May 31, 1991. +20293005 Specially trained IRS agents will look for under-reported income and unsupported deductions and credits. +20293006 The agents will make more than routine inquiries about such items as marital status and dependents; they want to look at living standards and business assets. +20293007 But they also are to see that taxpayers get all allowable tax benefits and to ask if filers who sought IRS aid were satisfied with it. +20293008 Courts have ruled that taxpayers must submit to TCMP audits, but the IRS will excuse from the fullscale rigors anyone who was audited without change for either 1986 or 1987. +20293009 Rewards have been suggested -- but never adopted -- for filers who come through TCMP audits without change. +20293010 PENALTY OVERHAUL is still likely, congressional sources say. +20293011 Long-debated proposals to simplify the more than 150 civil penalties and make them fairer and easier to administer are in the House tax bill. +20293012 But they were stripped from the Senate bill after staffers estimated penalty revenue would fall by $216 million over five years. +20293013 Still, congressional aides say penalty reform is a strong candidate for enactment, even if not this time around, although some provisions may be modified. +20293014 Sen. Pryor (D., Ark.), a leader on the issue who generally backs the House plan, wants some changes -- for one, separate sanctions for negligence and large misstatements of tax owed, not a single penalty. +20293015 He would ease the proposed penalties for delayed payroll-tax deposits and for faulty Form 1099 and other reports that taxpayers correct voluntarily. +20293016 The General Accounting Office urges Congress to ensure that all penalties retain their force as deterrents. +20293017 TAXPAYERS' RIGHTS are defined by a growing number of states. +20293018 The 1988 tax act created a federal bill of rights spelling out IRS duties to protect taxpayers' rights in the assessment and collection of taxes. +20293019 States are following suit. +20293020 California enacted a rights law in 1988. +20293021 In 1989, Illinois, Kansas, Ohio, Oregon and South Carolina have adopted rights laws, the Federation of Tax Administrators, a state officials' group, reports; the features vary. +20293022 And taxpayer groups are urging legislation in many other states. +20293023 One group is the Committee on State Taxation, which comprises 330 multistate corporations and advises the Council of State Chambers of Commerce. +20293024 The group's Mark Cahoon says its efforts begun in 1989 have led to the introduction of bills in Massachusetts, Minnesota and Colorado to establish evenhanded procedures affecting all kinds of taxpayers. +20293025 The group also seeks uniformity among states in provisions for taxpayers' rights. +20293026 This week, New York City announced a 10-point policy patterned on the federal bill of rights for taxpayers. +20293027 THE MILEAGE RATE allowed for business use of a car in 1989 has risen to 25.5 cents a mile for the first 15,000 from 24 cents in 1988, the IRS says; the rate stays 11 cents for each added mile. +20293028 Also unaltered: 12 cents for charitable activities and nine cents for medical and moving costs. +20293029 IRA BALANCES could be used to qualify for bank services under a bill entered by Reps. Chandler (R., Wash.) and Andrews (D., Texas). +20293030 The bill would thwart a recent Labor Department opinion that investing individual-retirement-account funds to earn free checking violates the law. +20293031 HUGO FELLED vast timberlands. +20293032 South Carolina's congressional delegation has entered Senate and House bills to provide special casualty-loss treatment and other tax relief for timber growers in the hurricane disaster areas. +20293033 HE RODE HIS HOBBY, but he couldn't milk it, the Tax Court says. +20293034 The court often weighs deductions of sideline-business costs: Do they stem from a profit-seeking activity or a nondeductible hobby? +20293035 But it's rare to see both functions in one case. +20293036 Charles O. Givens of Mount Vernon, Ind.-investment broker, ex-accountant, and son of a former stable owner-bred Tennessee Walking Horses for six years, raised cattle for four, and never made a profit on either. +20293037 He claimed losses totaling $42,455 -- and the IRS denied them all. +20293038 Special Judge Galloway noted that Givens managed horse-breeding in a businesslike way: He kept detailed accounts, practiced soil conservation, enhanced his experience by consulting experts, spent several hours a day doing chores, and dropped the sideline when his best brood mare died. +20293039 Yet he took little businesslike care with his cattle: He had no prior experience and didn't seek business counsel about them. +20293040 The judge said Givens may deduct his $30,180 of losses from horse breeding, but rejected the $12,275 in deductions from the cattle operation. +20293041 BRIEFS: +20293042 The IRS already is doing intensive TCMP audits of 19,000 returns for 1987 and fiscal 1988 filed by corporations with under $10 million in assets. . . . +20293043 President Bush says he will name Donald E. Kirkendall to the new Treasury post of inspector general, which has responsibilities for the IRS. . . . +20293044 The U.S. and Finland signed an income-tax treaty, subject to ratification. +20294001 An arbitrator awarded Eastern Airlines pilots between $60 million and $100 million in back pay, a decision that could complicate the carrier's bankruptcy-law reorganization. +20294002 Eastern, a unit of Texas Air Corp., said it is examining the ruling to determine if it can appeal. +20294003 It's unclear whether Eastern will succeed in overturning the arbitrator's decision, made in a long-simmering "pay parity" dispute that predates both the carrier's Chapter 11 petition and its 1986 acquisition by Texas Air. +20294004 All Eastern's previous court efforts to head off the pilots' demands have failed. +20294005 An Eastern spokesman said he doesn't expect that the arbitrator's ruling "will have any overall material effect on the company's strategic plan." +20294006 Bankruptcy experts said the law isn't clear on how such an arbitration ruling can affect a company's case. +20294007 Like any other creditor, the pilots will have to apply to the court for payment of their claim. +20294008 That may leave a lot of leeway for U.S. Bankruptcy Judge Burton R. Lifland to decide what, if anything, the pilots actually collect. +20294009 In August, he issued the ruling that let the pilots pursue their back-pay grievance before the arbitrator. +20294010 The pilots' contract with Eastern calls for a mutually acceptable private arbitrator to resolve such grievances. +20294011 In a statement to employees, Eastern said the company was disappointed by the ruling. +20294012 "The obligation is totally unwarranted," the statement said. +20294013 James Linsey, a lawyer for the Air Line Pilots Association, said the pilots were extremely pleased. +20294014 "This is a blow not only to Eastern but to the creditors committee," he said. +20294015 Eastern's creditors committee, along with the company, has consistently opposed the pilots' claim, which if paid would have to come out of money both hope to use to pay off other bankruptcy claims. +20294016 Eastern and its creditors are in the final, delicate stages of negotiating a second reorganization plan to pay off the airline's debts. +20294017 An earlier plan, which had received the creditors' approval in July, fell apart when Eastern changed its business plan. +20294018 It isn't known whether the pilot claim was figured into either plan. +20294019 The dispute between Eastern and its pilots is over a "pay parity" clause in the pilots' contract. +20294020 The clause was part of an agreement in which pilots accepted a substantial pay cut as long as no other labor group got a raise. +20294021 Shortly after Texas Air took control of Eastern, some Machinists union supervisors received a 20% pay raise. +20294022 The pilots argued that this triggered a pay raise for them. +20294023 Eastern has disputed the claim, but a federal district court, an appeals court and now the arbitrator have all sided with the pilots. +20294024 The two sides don't even agree about how much money is at issue. +20294025 The pilots put the amount as high as $100 million, the company at $65 million. +20294026 Another arbitrator is hearing another pay parity case between Eastern and its pilots, resulting from a similar set of circumstances involving a separate pay raise granted another union. +20294027 A decision on that case isn't expected before mid-November. +20294028 Ironically, many of the pilots involved have left Eastern or are still striking the carrier, which filed for bankruptcy protection March 9. +20294029 About 800 have crossed the picket lines and returned to work. +20295001 Few people in the advertising business have raised as many hackles as Alvin A. Achenbaum. +20295002 The general public may not know his name, but he's famous -- make that infamous -- in advertising circles: A marketing consultant, he pioneered slashing ad agency commissions, to the delight of advertising clients and the dismay of agencies. +20295003 Now, after beating them, Mr. Achenbaum is joining them. +20295004 Backer Spielvogel Bates Worldwide named Mr. Achenbaum, 62, vice chairman of professional services, reporting directly to Carl Spielvogel, chairman and chief executive officer. +20295005 He joins Nov. 13, dissolving his consulting firm, Canter, Achenbaum Associates. +20295006 In years past, the ad industry's most distinguished executives didn't hesitate to excorciate Mr. Achenbaum. +20295007 They have since mellowed, although one senior Young & Rubicam executive, echoing others, said: "I think ad agencies owe Carl {Spielvogel} a vote of thanks for getting him out of the consulting business." +20295008 But industry executives also believe hiring Mr. Achenbaum is a shrewd move for Backer Spielvogel, a unit of Saatchi & Saatchi. +20295009 Mr. Achenbaum has counted among his clients some of the most visible blue-chip advertisers in the country, including Nissan, Toyota, Seagram and Backer Spielvogel clients Hyundai and J.P. Morgan. +20295010 At Backer Spielvogel, he will work with clients and potential clients on marketing strategies; aside from agency compensation issues, he helped Nissan, for example, come up with its positioning and pricing for its new Infiniti line. +20295011 His client contacts, meanwhile, could prove a gold mine for an agency that has had few new business wins of late. +20295012 "I've done over 40 ad agency searches {for clients}, so I have a pretty good notion of what clients are interested in when they look for an agency," Mr. Achenbaum said. +20295013 As a consultant, he has given seminars at agencies including Ogilvy & Mather on how to win new business. +20295014 Mr. Spielvogel said he hopes Mr. Achenbaum will do some strategic consulting at the agency for "non-clients, in hopes that they become clients." +20295015 At Backer Spielvogel, Mr. Spielvogel's hallmark has been personal involvement with all major clients. +20295016 He pampers them; he invites them to fabulous parties; he strokes them. +20295017 Mr. Achenbaum, too, delves into his clients' business. +20295018 "Carl has a much higher degree of intimacy with his clients than is ordinary for an agency his size. +20295019 And with Al's record of being a delver and a detail guy, you can see how the two fit," said Alan Gottesman, an analyst with PaineWebber. +20295020 Mr. Achenbaum's move follows the announcement last month that his consulting partner, Stanley Canter, 66, would retire. +20295021 When the announcement came out, "I picked up the phone and said, `Why don't you come to us?'" Mr. Spielvogel said. +20295022 Mr. Achenbaum, who had been considering paring down his firm or merging it with another small consulting outfit, soon agreed. +20295023 The two men are longtime friends and tennis partners, having met about 25 years ago. +20295024 Before becoming a consultant in 1974, Mr. Achenbaum was a senior executive at J. Walter Thompson Co. +20295025 He spent most of his career formulating marketing strategies, but became best-known for chipping away at ad agency compensation. +20295026 Ad agencies typically earned a straight 15% commission; if a client spent $100 million on TV time, the agency made $15 million. +20295027 But Mr. Achenbaum pioneered negotiated fees, which often worked out to less than 15%. +20295028 More recently, he negotiated "indemnification" clauses in which an ad agency in some cases must pay a client if it drops the account. +20295029 He ultimately became so well-known for cutting compensation, however, that clients didn't seek him out for anything else. +20295030 "I was very frustrated," he said. +20295031 "The fact of the matter is, I am a marketer. +20295032 That's another reason {for the Backer Spielvogel job}. +20295033 It struck me as a way to get back to what I really want to do." +20295034 Mr. Spielvogel added pointedly: "The pressure on commissions didn't begin with Al Achenbaum." +20295035 Mr. Spielvogel said Mr. Achenbaum will work with clients to determine the mix of promotion, merchandising, publicity and other marketing outlets, and to integrate those services. +20295036 He will concentrate on, among others, J.P. Morgan and Hyundai. +20295037 Mr. Achenbaum helped Morgan in its recent agency search, and he has a long relationship with Hyundai, which is having severe troubles, including declining sales. +20295038 "The trail of revenue is increasingly going away from pure advertising, and going towards other services," Mr. Spielvogel said. +20295039 Instead of being just an ad agency, he said: "We have redefined our mission here. +20295040 Our mission is to help our clients grow, and to use every tool of marketing communications to accomplish that." +20295041 Industry executives are wishing Mr. Achenbaum well. +20295042 Leonard Matthews, then-president of the American Association of Advertising Agencies, called Mr. Achenbaum a "quisling" in an incendiary 1987 speech. +20295043 Yesterday, Mr. Matthews, now a consultant with the Stamford, Conn., firm Matthews & Johnston, quipped, "I think he'll be very good at that {new job}. +20295044 And much better at that than at {the price-cutting} he's been doing recently." +20295045 Cotton Inc. Campaign +20295046 Cotton Inc., the fiber company that represents cotton growers, will begin a new ad campaign, developed by Ogilvy & Mather, Thanksgiving Day. +20295047 J. Nicholas Hahn, Cotton Inc.'s president and chief executive, was an outspoken critic of WPP Group's acquisition of Ogilvy Group earlier this year. +20295048 During the takeover, Mr. Hahn said he would put his account up for review if WPP's bid were successful, but he didn't. +20295049 Cotton Inc.'s new $9 million campaign calls cotton the "Fabric of Our Lives." +20295050 The campaign replaces its "Take Comfort in Cotton" ads and marks the end of its national cooperative advertising efforts. +20295051 For years, the company's ads were tied in with pitches for Cannon sheets or Martex towels, for example, and an announcer at the end of the ads would tell customers where to "find the true performance label." +20295052 With the new TV spots, Ogilvy & Mather has opted for a family style with lots of laughter, hugs and tears. +20295053 "We're making a fairly obvious plea for some emotional reaction," says Tom Rost, creative director at Ogilvy & Mather. +20295054 Cotton Inc. will spend nearly $2 million on broadcasting on Thanksgiving Day alone, advertising on such programs as "Good Morning America," "Macy's Thanksgiving Day Parade" and the NFL holiday game. +20295055 Frank Mingo Dies at 49 +20295056 Frank L. Mingo, one of the pioneers of advertising targeted at black audiences, died at the age of 49 after a stroke. +20295057 Mr. Mingo was chief executive officer of the Mingo Group, which he founded in 1977 and which created ads for the black market. +20295058 Clients include Miller Brewing Co. and General Motors. +20295059 Mr. Mingo was hospitalized Sept. 23 and died Monday, according to Samuel J. Chisholm, the agency's president and chief operating officer. +20295060 Ad Notes. . . . +20295061 EARNINGS: +20295062 Omnicom Group Inc., New York, reported third-quarter net income rose 54% to $5.6 million, or 22 cents a share, from $3.6 million, or 15 cents a share, a year earlier. +20295063 Revenue increased 20% to $246.6 million from $204.8 million. +20296001 Prime Minister Lee Kuan Yew, Singapore's leader and one of Asia's leading statesmen for 30 years, recently announced his intention to retire next year -- though not necessarily to end his influence. +20296002 The prime minister, whose hair is thinning and gray and whose face has a perpetual pallor, nonetheless continues to display an energy, a precision of thought and a willingness to say publicly what most other Asian leaders dare say only privately. +20296003 The 66-year-old Mr. Lee recently spent an hour discussing the state of Asia and the world with two Journal reporters in his plainly furnished, wood-paneled office. +20296004 The interview did not touch on Singapore's domestic affairs. +20296005 Skipping personal pleasantries, Mr. Lee picked up exactly where he left off several months earlier -- before the government crackdown in China -- when he had warned that the orthodox leadership in Beijing feared a plurality of views. +20296006 Excerpts follow: +20296007 On China's turmoil: "It is a very unhappy scene," he said. +20296008 "It took Zhao Ziyang (former premier and party chief) 10 years to build a team of economists who understood how the Western economies work and now that team is part in exile, part being rusticated and part missing." +20296009 Rebuilding that team, Mr. Lee predicted, will take another 10 years. +20296010 "That's very sad for China and for Asia because China could have been a good engine for growth, not just for Hong Kong and Taiwan but for Japan, Korea and the rest of Asia." +20296011 On similarities between China and the Soviet Union: "In important particulars, the Soviets are different from the Chinese. +20296012 They are already industrialized. . . . +20296013 Their problem is one of inefficiency of an industrial economy. +20296014 The Chinese problem is much greater -- it's how to industrialize to begin with." +20296015 Asked if the Soviets, like Chinese officials, won't one day face a similar conflict between the desire to liberalize economically and yet retain political control, Mr. Lee said, "I would think that the Soviets face a deeper dilemma because they have been more in blinkers than the Chinese -- I mean keeping their people cut off from the outside world." +20296016 Mikhail Gorbachev, he said, is ahead of China's leaders in his awareness of the world. +20296017 "But I think the Soviet peoples are more introverted than the Chinese." +20296018 Regardless, he said, he still believes the Soviet Union, while falling far short of the efficiency of a Western economy, may well manage to improve considerably. +20296019 On Asia-Pacific prosperity: "If America can keep up the present situation -- her markets open for another 15 years, with adjustments, and Japan can grow and not cut back, and so too, Korea, Taiwan, Hong Kong, Singapore, ASEAN, Australia and New Zealand -- then in 15 years, the economies of these countries would be totally restructured to be able to almost sustain growth by themselves." +20296020 In such an arrangement, "all benefit," he said. +20296021 "And if the Europeans come in, they benefit too. +20296022 It's not a zero-sum game." +20296023 Asked about the possibility of greater economic cooperation among Asia-Pacific nations, which will be discussed Nov. 6 and 7 at a ministerial meeting in Canberra, Mr. Lee said the goal "is to have a free and open world trading system." +20296024 An Asian bloc isn't intended, he said. +20296025 "That's not possible." +20296026 On U.S.-Japan relations: "I'm encouraged. +20296027 I think the earlier strident notes struck by {U.S. Commerce Secretary Robert} Mosbacher and {U.S. Trade Representative} Carla Hills have been more rounded. +20296028 I believe the U.S. is becoming more patient and circumspect," he said. +20296029 "It's the total relationship that is important." +20296030 The total relationship, as Mr. Lee sees it, is "the flow of dollars to the U.S. to fund the deficits, the investments the Japanese are making in the U.S. in order to satisfy American demand that American products consumed in America should be made as much as possible in America by Americans with Japanese technology and capital." +20296031 Japan's recent political turbulence, Mr. Lee said, may mean Japan will slow market adjustments. +20296032 "They'll be more timorous in tackling their own voters, like opening up more to agricultural imports from America, hurting their farmers." +20296033 On U.S. military presence in Asia: Asked if his offer to allow the American military to use facilities in Singapore would help preserve America's presence in the region at bases in the Philippines, he said, "What we have done is make it easier for the Philippines to continue to host American bases without it being said they are lackeys of the imperialists and the only ones in Asia or in Southeast Asia. +20296034 We are willing to share the political burden of being host to America, an imperial power. +20296035 We think it isn't such a great burden, that it carries no stigma, and we are prepared to do it." +20296036 On U.S.-Philippine relations: "It's such a mixed-up relationship going back into history. . . . +20296037 I really do not understand how it is that Filipinos feel so passionately involved in this father figure that they want to dispose of and yet they need. +20296038 I just don't understand it. +20296039 My relationships with the British are totally different. +20296040 They lorded it over me. +20296041 They did me some good. +20296042 They did themselves even more good. +20296043 They let me down when the Japanese came down {during World War II}. . . . +20296044 I don't feel down or done in because I show British serials on my television network or read their books. +20296045 I mean it is a normal adult relationship. +20296046 "But the Filipinos and the Americans, when I talk to them, there's so much passion about Filipino manhood being diminished as a result of being squatted upon by the Americans and so on. +20296047 The occasional Englishman tries to put on airs but we let it pass. . . . +20296048 It's just comic when they try to pretend they're still the master race." +20296049 Mr. Lee added that the Filipinos are "making it very difficult" for the U.S. military presence to last beyond five or 10 years. +20296050 On military alternatives if the U.S. pulls back: "The Soviets already are present. +20296051 I suppose sooner or later, the Japanese would have to fill up a large part of the gap on the naval side. +20296052 Maybe the Chinese, maybe even the Indians." +20296053 On economic consequences of a diminished U.S. presence: "America is the only major power in recent history that has used its military might to sustain a system that enables all participants to equally benefit without her as the provider of the security taking royalties." +20296054 Asked why so few nations seem to share his views of America, he said, "Many people see it that way. +20296055 But they have just taken it for granted." +20296056 On Cambodia: "Let's assume that {former Cambodian leader Prince Norodom} Sihanouk does what the press wants him to do and joins up with {Vietnamese-backed Cambodian leader} Hun Sen. +20296057 Is the trouble over? +20296058 Can Sihanouk and Hun Sen knock off the Khmer Rouge still supported by China? +20296059 He can't. +20296060 "What is the way forward? +20296061 To get the Khmer Rouge as part of a process for elections. +20296062 And when they lose, then we can expect China to stop aid. +20296063 Let's put it bluntly. +20296064 The Chinese cannot be seen to have made use of the Khmer Rouge and then discard them." +20296065 Ms. House is vice president of Dow Jones International Group. +20296066 Mr. Wain is editor of The Asian Wall Street Journal. +20297001 Everything looked good as neurosurgeon Walter Levy and colleagues carefully cut away a woman's spinal tumor at the Cleveland Clinic in 1978. +20297002 Using small electrical shocks applied to her feet, they were able to monitor sensory nerves. +20297003 The shocks generated nerve impulses that traveled via spine to brain and showed up clearly on a brain-wave monitor, indicating no damage to the delicate spinal tissue. +20297004 Then, says Dr. Levy, "she woke up paralyzed." +20297005 The damage was to her motor nerves, which couldn't be monitored along with the sensory nerves, he explains. +20297006 The tragedy, he adds, "galvanized me" to look for a way to prevent similar cases. +20297007 Dr. Levy's answer may come with a new kind of magnetic brain probe, a device that he and dozens of U.S. researchers are studying with great hope. +20297008 Besides holding the promise of safer spinal surgery, the probe could improve the diagnosis of brain and nerve disorders such as strokes and multiple sclerosis. +20297009 Perhaps most exciting, the device is thrusting open a window to the workings of the brain. +20297010 The probe, which is painless, non-invasive and apparently harmless, employs strong magnetic fields to induce small whirlwinds of electricity within the brain. +20297011 If positioned over the brain's motor-control area, the hand-held electromagnets generate nerve impulses that zip down motor nerves and activate muscles, making, say, a finger twitch. +20297012 In principle, they will enable doctors to check the body's motor system the way an electrician tests a home's electrical circuits by running current through them. +20297013 "Until now, we've had no objective way of measuring motor function," says Keith Chiappa, a neurologist conducting clinical tests with the devices at Boston's Massachusetts General Hospital. +20297014 "All we could do was tell a patient, `squeeze my fingers as hard as you can' or `raise your arm.' +20297015 " Under the best circumstances such tests are subjective; when a patient is unconscious, they don't work at all. +20297016 Magnetic brain tweaking started in the early 1900s, when researchers produced flashes of light in the visual field with magnets. +20297017 In the 1960s, Mayo Clinic researchers developed magnetic devices to stimulate motor nerves in the hand and other limbs. +20297018 But for brain tests, the unwieldy machines "would have required patients to stand on their heads," says Reginald Bickford, a researcher at the University of California at San Diego. +20297019 The field took off in 1985 after scientists at Britain's Sheffield University developed a handy, compact magnet for brain stimulation. +20297020 Since then, at least two commercial versions have been put on the U.S. market, and an estimated 500 have been sold. +20297021 In August, a Chicago conference on such devices attracted more than 100 researchers, who reported studies on everything from brain mapping to physical therapy. +20297022 "We don't feel we can use {the devices} routinely in surgery yet, but we're getting close," says Dr. Levy, who is now with the University of Pittsburgh. +20297023 A problem, he adds, is that anesthetized brains are more resistant to magnetic stimulation than awake ones. +20297024 The devices could help indicate when surgery would help, says Charles Tator, a University of Toronto neurosurgeon. +20297025 For example, paralyzed car-crash victims occasionally have some intact spinal tissues that, if preserved by emergency surgery, enable partial recovery. +20297026 But such operations typically aren't performed because there is no sign right after an injury that surgery would be beneficial. +20297027 "The cost {of magnetic stimulators} would seem like peanuts if we could retrieve limb function" in such people, Dr. Tator says. +20297028 Scientists caution there is a chance the magnet technique might spark seizures in epileptics. +20297029 But no significant problems have been reported among hundreds of people tested with the devices. +20297030 The main sensation, besides feeling like a puppet jerked with invisible strings, is "like a rap on the head," says Sam Bridgers, a neurologist who has studied the brain stimulators at Yale University. +20297031 One apparent side effect is a minor increase in a brain hormone. +20297032 And some doctors who have conducted hours of tests on themselves report temporary headaches. +20297033 At least two companies, Cadwell Laboratories Inc. of Kennewick, Wash., and Novametrix Medical Systems Inc. of Wallingford, Conn., now sell versions of the magnetic devices. +20297034 The machines, which at $12,500 are inexpensive by medical standards, haven't been approved in the U.S. for marketing as brain stimulators but are sold for stimulating nerves in the hand, legs and other non-brain areas. +20297035 Researchers can apply for permission to use the probes for brain studies. +20297036 At the University of Kentucky, a team led by Dean Currier, a physical therapy researcher, is testing the stimulators in conjunction with electric shocks to induce muscle contractions to help prevent wasting of thigh muscles after knee surgery. +20297037 Similarly, a Purdue University team led by heart researcher W.A. Tacker hopes to develop ways to magnetically induce cardiac muscle contractions. +20297038 The devices might someday serve as temporary pacemakers or restarters for stopped hearts, says Dr. Tacker, whose prototype was dubbed the "Tacker whacker." +20297039 The devices' most remarkable possibilities, though, involve the brain. +20297040 Probing with the stimulators, National Institutes of Health scientists recently showed how the brain reorganizes motor-control resources after an amputation. +20297041 Similar studies are expected to reveal how stroke patients' brains regroup -- a first step toward finding ways to bolster that process and speed rehabilitation. +20297042 Scientists also are exploring memory and perception with the new machines. +20297043 At the State University of New York at Brooklyn, researchers flash two groups of different letters on a computer screen in front of human guinea pigs. +20297044 Between flashes, certain areas in subjects' brains are jolted with a magnetic stimulator. +20297045 When the jolt is timed just right, the subjects don't recall seeing the first group of letters. +20297046 "Where does that first stimulus go?" exclaims SUNY neurologist Paul Maccabee. +20297047 "Trying to answer that is suggesting all kinds of theories," such as precisely where and how the brain processes incoming signals from the eyes. +20297048 He and others say that the machines are weak enough that they don't jeopardize the memory. +20297049 Both the SUNY team and researchers at the National Magnet Laboratory in Cambridge, Mass., are working with more potent magnetic brain stimulators. +20297050 Among other things, the stronger devices may be able to summon forth half-forgotten memories and induce mood changes, neurologists say. +20298001 Du Pont Co., Hewlett-Packard Co. and Los Alamos National Laboratory said they signed a three-year, $11 million agreement to collaborate on superconductor research. +20298002 The collaboration will include at least 25 researchers and will be aimed primarily at developing thin films of high-temperature superconductors for use in electronics, the companies said. +20298003 The materials, discovered during the past three years, conduct electricity without resistance and promise smaller, faster computers and other new technologies. +20298004 Joint-research programs have proliferated as U.S. companies seek to spread the risks and costs of commercializing new superconductors and to meet the challenges posed by foreign consortia, especially in Japan. +20298005 The latest research pact bolsters Du Pont's growing portfolio of investments in superconductors. +20298006 The Wilmington, Del., chemicals concern previously signed research superconductor agreements with Oak Ridge National Laboratory and with Argonne National Laboratory. +20298007 Last year, Du Pont agreed to pay $4.5 million for rights to superconductor work at the University of Houston. +20298008 Hewlett-Packard is a Palo Alto, Calif., computer maker. +20298009 The Los Alamos laboratory is one of three U.S. Department of Energy national laboratories designed as pilot centers to foster joint industry-government programs to speed the transfer of new superconductors to the marketplace. +20299001 J.C. PENNEY Co., Dallas, said it issued $350 million of securities backed by credit-card receivables. +20299002 The offering was priced with an 8.95% coupon rate at 99.1875% to yield 9.19%. +20299003 The retailer said the securities are expected to be rated triple-A by Standard & Poor's Corp. and Aaa by Moody's Investors Service Inc. +20299004 They pay interest only for 115 months, with principal payments beginning thereafter. +20299005 The expected average life of the certificates is 10 years, with the final scheduled payment in October, 2001. +20299006 First Boston Corp. is sole underwriter. +20299007 As part of the transaction, J.C. Penney will sell a portion of its credit-card receivables to its JCP Receivables Inc. unit, which will then transfer them to a master trust. +20299008 The trust will issue the certificates. +20299009 Credit support will be provided by a letter of credit facility from Credit Suisse in favor of the trustee, Fuji Bank & Trust Co., for the benefit of the certificate holders. +20299010 J.C. Penney will continue to service the receivables. +20300001 Battle-tested Japanese industrial managers here always buck up nervous newcomers with the tale of the first of their countrymen to visit Mexico, a boatload of samurai warriors blown ashore 375 years ago. +20300002 "From the beginning, it took a man with extraordinary qualities to succeed in Mexico," says Kimihide Takimura, president of Mitsui group's Kensetsu Engineering Inc. unit. +20300003 Here in this new center for Japanese assembly plants just across the border from San Diego, turnover is dizzying, infrastructure shoddy, bureaucracy intense. +20300004 Even after-hours drag; "karaoke" bars, where Japanese revelers sing over recorded music, are prohibited by Mexico's powerful musicians union. +20300005 Still, 20 Japanese companies, including giants such as Sanyo Industries Corp., Matsushita Electronics Components Corp. and Sony Corp. have set up shop in the state of Northern Baja California. +20300006 Keeping the Japanese happy will be one of the most important tasks facing conservative leader Ernesto Ruffo when he takes office Nov. 1, as the first opposition governor in Mexico's modern history. +20300007 Mexico, with its desperate need for investment, and Japan, with its huge budget surplus, would seem like a perfect match. +20300008 But the two countries remain separated by a cultural barrier wider than the ocean. +20300009 Conservative Japanese investors are put off by what they consider Mexico's restrictive investment regulations and loose work habits. +20300010 From the Mexicans' viewpoint, vaunted tactics of methodical Japanese managers don't count for much in a land where a saying says "there are no fixed rules." +20300011 Japan ranks as only the fourth largest foreign investor in Mexico, with 5% of the total investments. +20300012 That is just 1% of all the money Japan has invested abroad. +20300013 Mexican President Carlos Salinas de Gortari would like to change that. +20300014 The young president so admires Japanese discipline that he sends his children to a Japanese school in Mexico City. +20300015 He already has finagled a $2 billion loan from the Japanese government. +20300016 But Mexico urgently needs more help. +20300017 Mr. Salinas's unpopular Institutional Revolutionary Party, or PRI, faces congressional elections in 1991. +20300018 For the PRI to stand a chance, Mr. Salinas has to press on with an economic program that so far has succeeded in lowering inflation and providing moderate economic growth. +20300019 But maintaining the key components of his strategy -- a stable exchange rate and high level of imports -- will consume enormous amounts of foreign exchange. +20300020 Mr. Salinas needs big investment inflows -- quickly. +20300021 The problem is that Japanese businesses make decisions with a view well beyond the coming months that weigh so heavily on Mr. Salinas. +20300022 "The Japanese will come to Mexico, but not immediately," says Kazushige Suzuki, director-general of the Japanese External Trade Organization in Mexico. +20300023 If not now, when? +20300024 "When the fruit is ripe, it falls from the tree by itself," he says. +20300025 Pressed on the matter, he is more specific. +20300026 "There will be big Japanese investments probably five to 10 years from now." +20300027 Ryukichi Imai, Japan's ambassador to Mexico, agrees that Mexico may be too eager. +20300028 "There seems to be a presumption in some sectors of (Mexico's) government that there is a lot of Japanese money waiting behind the gate, and that by slightly opening the gate, that money will enter Mexico. +20300029 I don't think that is the case." +20300030 Mexican officials maintain the Japanese reserve is only a result of unfamiliarity. +20300031 "Because of distance, it takes a while for them to appreciate the economic stability we've achieved," says one economic policymaker. +20300032 Mexico is sending a number of missions to Japan looking for a major breakthrough investment in telecommunications, petrochemicals or tourism. +20300033 It is hoped that other Japanese would then follow the leader. +20300034 But Japanese investors say that their reluctance to invest stems not only from concerns about Mexico's economic outlook, but also reservations about Mexico's recently revamped investment law. +20300035 Unable to get a new law through a congress with a strong leftist bloc, Mexico jury-rigged the existing law's regulations. +20300036 It created special 20-year trusts to allow foreigners 100% ownership in some once-closed industries. +20300037 It also made artful use of semantics, redefining as non-strategic industries some that had been in the national domain. +20300038 "Those devices don't give sufficient certainty to our bosses in Japan," says Yasuo Nakamura, representative of the Industrial Bank of Japan. +20300039 Mr. Nakamura cites the case of a customer who wants to build a giant tourism complex in Baja and has been trying for eight years to get around Mexican restrictions on foreign ownership of beachfront property. +20300040 He could develop the beach through a trust, but instead is trying have his grandson become a naturalized Mexican so his family gains direct control. +20300041 Some say the best hope for the Mexicans is catching the eye of Japan by promoting the one industry the Japanese clearly like -- the border assembly plants, known as "maquiladoras," which are open to 100% foreign control. +20300042 "We must do more to help the Japanese here in Baja if we want them to invest elsewhere," says Mr. Ruffo, the governor-elect of the National Action Party and himself a succesful businessman. +20300043 Plant operators are heartened by Mr. Ruffo's pledge to cut corruption associated with the ruling party officials. +20300044 But Mr. Ruffo frets that an even bigger problem could be protectionism from the U.S., where some politicians oppose what they consider Japanese efforts to use maquiladoras to crack the U.S. market through the back door. +20301001 Shaken by tumbling stock prices and pessimistic projections of U.S. economic growth, currency analysts around the world have toned down their assessments of the dollar's near-term performance. +20301002 Most of the 10 analysts polled last week by Dow Jones International News Service in Frankfurt, Tokyo, London and New York expect the U.S. dollar to ease only mildly in November. +20301003 Opinion is mixed over its three-month prospects. +20301004 Half of those polled see the currency trending lower over the next three months, while the others forecast a modest rebound after the New Year. +20301005 In late afternoon New York trading yesterday, the dollar stood at 1.8415 West German marks, up from 1.8340 marks late Monday, and at 142.85 yen, up from 141.90 yen late Monday. +20301006 A month ago, a similar survey predicted the dollar would be trading at 1.8690 marks and 139.75 yen by the end of October. +20301007 Sterling was trading at $1.5805, down from $1.5820 late Monday. +20301008 In Tokyo Wednesday, the U.S. currency was trading at about 142.95 yen at midmorning, up from 142.80 yen at the opening and up from Tuesday's Tokyo close of 142.15 yen. +20301009 The average of estimates of the 10 economists polled puts the dollar around 1.8200 marks at the end of November and at 141.33 yen. +20301010 By late January, the consensus calls for the dollar to be trading around 1.8200 marks and near 142 yen. +20301011 Those with a bullish view see the dollar trading up near 1.9000 marks and 145 yen, while the dollar bears see the U.S. currency trading around 1.7600 marks and 138 yen. +20301012 A number of those polled predict the dollar will slip as the Federal Reserve eases interest rates. +20301013 David Owen, an economist at Kleinwort Benson & Co. in London, said he expects further cuts in short-term U.S. rates in an effort to encourage a narrowing of the trade gap and to ensure a soft landing in the U.S. economy. +20301014 Robert White, a vice president and manager of corporate trade at First Interstate of California, agreed with that view and predicted the U.S. federal funds rate will drop to between 7 3/4% and 8% within 60 days from its current level at 8 13/16%. +20301015 Fed funds is the rate banks charge each other on overnight loans; the Fed influences the rate by adding or draining reserves from the banking system. +20301016 Mr. White also predicted a half-point cut in the U.S. discount rate in the near future. +20301017 The discount rate, currently 7%, is the rate the Fed charges member banks for loans, using government securities as collateral. +20301018 He expects such a cut "because of problems in several sectors of the economy, particularly real estate and automobiles." +20301019 Bolstering his argument, the Commerce Department reported yesterday that new home sales for September were down 14% from August's revised 3.1% fall. +20301020 The drop marked the largest monthly tumble since a 19% slide in January 1982. +20301021 In last month's survey, a number of currency analysts predicted the dollar would be pressured by a narrowing of interest rate differentials between the U.S. and West Germany. +20301022 Indeed, in early October the West German central bank raised its discount and Lombard rates by a full percentage point. +20301023 Several other European central banks, notably in Britain, followed the West German Bundesbank's lead by raising their own key rates. +20301024 And a week later, Japan raised its official discount rate by a half point to 3.75%. +20301025 The Japanese discount rate is the central bank's base rate on loans to commercial banks. +20301026 After a surprisingly sharp widening in the U.S. August merchandise trade deficit -- $10.77 billion from a revised $8.24 billion in July and well above expectations -- and a startling 190-point drop in stock prices on Oct. 13, the Federal Reserve relaxed short-term interest rates, knocking fed funds from around 9% to 8 3/4%. +20301027 But predictions that central banks of the Group of Seven (G-7) major industrial nations would continue their massive dollar sales went astray, as the market drove the dollar downward on its own, reacting to Wall Street's plunge and subsequent price volatility, lower U.S. interest rates and signs of a slowing U.S. economy. +20301028 G-7 consists of the U.S., Japan, Britain, West Germany, Canada, France and Italy. +20301029 Tomoshige Kakita, senior deputy manager in the treasury department of Mitsui Bank Ltd. in Tokyo, suggested that uncertainty about U.S. stocks and bonds has made Japanese investors leery of holding those securities in the near term, thus damping dollar demand. +20301030 But, Mr. Kakita added, once U.S. equities regain some stability, players will move back into dollar-denominated investments, especially Treasury bonds, whose value rises when interest rates decline. +20301031 Mr. Kakita said the key dollar-yen exchange rate is at 135 yen. +20301032 "If 135 is broken, some panic will be seen," he predicted, explaining that Japanese institutions are comfortable with the dollar anywhere between current levels and 135 yen. +20301033 Jens-Uwe Fischer, a senior trader at Manufacturers Hanover Trust Co. in Frankfurt, said he expects the dollar to recover within the next three months to around 1.88 marks as U.S. economic data, particularly U.S. trade figures, level off. +20301034 He contended that the Fed won't ease rates further, but predicted Bundesbank officials will relax key rates in West Germany. +20301035 Alfred Zapfel, chief trader at Bank of Boston in Frankfurt, took an opposite stance. +20301036 He said he expects U.S. interest rates to decline, dragging the dollar down to around 1.80 marks by the end of January after a short-lived dash to 1.87 marks by the end of November. +20301037 West German interest rates, he said, will remain unchanged. +20301038 "But I'm not one of these great dollar bears you see more of these days," Mr. Zapfel said. +20301039 "I can't really see it dropping far below 1.80 marks." +20301040 Scott Greene, chief foreign exchange dealer with Julius Baer & Co. in New York, fits the description of a "great dollar bear." +20301041 He predicted the U.S. unit will skid below 1.80 marks to around 1.78 marks this month and 1.75 marks by the beginning of the new year. +20301042 "We're finally seeing the culmination of all the recessionary buildup of the last few months," he said, noting a continuing downward trend in U.S. interest rates, a shaky stock market and "gloomier economic times ahead" all signal a significantly lower dollar. +20301043 In the wake of British Chancellor of the Exchequer Nigel Lawson's surprise resignation and sterling's subsequent nose-dive, most analysts had little good to say about the pound's near-term prospects. +20301044 Mr. Owen of Kleinwort Benson suggested that the new chancellor, John Major, will take a tough line in his autumn statement later this month, helping to underpin the pound. +20301045 But, he warned, the currency will remain at risk. +20301046 On the Commodity Exchange in New York, gold for current delivery dropped $3.10 to $374.70 an ounce in moderate trading. +20301047 Estimated volume was 3.5 million ounces. +20301048 In early trading in Hong Kong Wednesday, gold was quoted at $373.80 an ounce. +20301049 Christopher Hill in Tokyo, Nicholas Hastings in London, Erik Kirschbaum in Frankfurt and Caitlin Randall and Douglas Appell in New York contributed to this article. +20302001 West Germany will repeal the unpopular turnover tax on securities transactions as of Jan. 1, 1991, Economics Minister Helmut Haussmann said. +20302002 He said the government will also repeal the 1% transaction tax on the first-time purchase of stakes in companies. +20302003 The announcement follows several comments by government officials that the government will speed up the repeal of the tax, which was originally scheduled to fall with the start of the single internal market in the European Community at the end of 1992. +20302004 The securities-turnover tax has been long criticized by the West German financial community because it tends to drive securities trading and other banking activities out of Frankfurt into rival financial centers, especially London, where trading transactions isn't taxed. +20302005 The tax has raised less than one billion marks ($545.3 million) annually in recent years, but the government has been reluctant to abolish the levy for budgetary concerns. +20302006 In the interview, Mr. Haussmann didn't specify the amount of revenue the government will lose after the tax disappears. +20302007 The new date means that the tax will be officially repealed before the end of the current parliamentary term at the end of 1990 and guarantees its abolition even if the current center-right coalition loses the elections in December 1990. +20303001 Earlier this year, President Bush made a final "take-it-or-leave it" offer on the minimum wage: an increase to $4.25 an hour over three years, and only if accompanied by a lower wage for the first six months of a job. +20303002 Now, the White House has decided to accept the higher wage over only two years. +20303003 The sub-minimum wage would apply only to first-time teen-age workers for 90 days. +20303004 The White House had enough votes to sustain a veto but chose to avoid a confrontation. +20303005 The only permanent losers will be the 200,000 or so workers everyone agrees will be priced out of a job at the $4.25 rate Congress is likely to approve today. +20303006 It is compromises such as this that convince Washington's liberals that if they simply stay the course, this administration will stray from its own course on this and other issues. +20304001 The head trader of Chemical Banking Corp.'s interest-rate options group has left the company, following valuation errors that resulted in a $33 million charge against its third-quarter results. +20304002 Chemical said Steven Edelson resigned recently, but one individual close to the situation said the resignation was forced. +20304003 Mr. Edelson couldn't be reached for comment. +20304004 A separate inquiry by Chemical cleared Mr. Edelson of allegations that he had been lavishly entertained by a New York money broker. +20304005 That inquiry hasn't resolved similar allegations involving another Chemical options trader. +20304006 In other personnel changes stemming from problems in its options unit: +20304007 -- Chemical named James Kennedy, a trader in swaps contracts for the bank, to assume Mr. Edelson's duties and to be trading manager for derivative products, including swaps and interest-rate options. +20304008 -- Lee Wakeman, vice president in charge of options research who discovered the valuation errors and was asked by senior management to straighten out the mess, resigned to take a position in asset and liability management at Continental Bank in Chicago. +20304009 Mr. Wakeman, whom Chemical tried to keep, didn't return calls for comment. +20304010 Separately, Chemical confirmed that it took an undisclosed charge in the second quarter for losses on forward-rate agreements involving foreign currency written by its branch in Frankfurt, West Germany. +20304011 A Chemical spokeswoman said the second-quarter charge was "not material" and that no personnel changes were made as a result. +20304012 The spokeswoman said the Frankfurt situation was "totally different" from problems in the interest-rate options unit. +20304013 According to individuals familiar with the situation, the Frankfurt loss stemmed from a computer program for calculating prices on forward-rate agreements that failed to envision an interest-rate environment where short-term rates were equal to or higher than long-term rates. +20304014 While the incidents involving interest-rate options and forward-rate agreements are unrelated, some observers say they echo a 1987 incident in which Bankers Trust New York Corp. restated the value of its foreign exchange options contracts downward by about $80 million. +20304015 These complex products require close monitoring because each must be valued separately in light of current market conditions. +20304016 In an interest-rate options contract, a client pays a fee to a bank for custom-tailored protection against adverse interest-rate swings for a specified period. +20304017 In a forward-rate agreement, a client agrees to an exchange rate on a future currency transaction. +20304018 Some competitors maintain the interestrate option loss, in particular, may have resulted more from Chemical's taking large and often contrarian positions than a valuation problem. +20304019 Started three years ago, Chemical's interest-rate options group was a leading force in the field. +20304020 From 1987 to 1988, the value of Chemical's option contracts outstanding mushroomed to $37 billion from $17 billion. +20304021 More importantly, the volume of options written exceeded those purchased by almost 2-to-1. +20304022 With such a lopsided book of options, traders say, Chemical was more vulnerable to erroneous valuation assumptions. +20304023 The Chemical spokeswoman said the bank has examined its methodologies and internal controls. +20304024 "We consider our internal controls to have worked well," she said, adding that some procedures have been strengthened. +20304025 Its valuation methodologies, she said, "are recognized as some of the best on the Street. +20304026 Not a lot was needed to be done. +20305001 When Thomas W. Wathen went big league last year, he acquired a treasure-trove of Americana along with a well-known but ailing security business: Pinkerton's Inc. +20305002 There was a wanted poster offering "Rewards for the Arrest of Express and Train Robbers Frank James and Jesse W. James" and the original Pinkerton's logo with an open eye and the inscription "We Never Sleep," which inspired the phrase "private eye." +20305003 Then there were two gold watches once owned by Allan Pinkerton, who founded the company in Chicago in 1850. +20305004 But there were supposed to be three, Mr. Wathen's company claims. +20305005 The missing watch is emblematic of the problems Mr. Wathen encountered in building his closely held California Plant Protection Security Service into the largest detective and security agency in the U.S. through acquisitions. +20305006 The ever-optimistic Mr. Wathen has learned that while acquiring a big brand-name company can be a shortcut to growth, it can also bring a host of unforeseen problems. +20305007 "We cleared out a lot of rats' nests," says the 60-year-old security veteran. +20305008 Mr. Wathen, who started his career as an Air Force investigator and worked as a security officer for several large companies, built his California Plant Protection from a tiny mom-and-pop security patrol firm here in the San Fernando Valley. +20305009 He joined the firm in 1963 and bought it from the owners the next year. +20305010 Over the next 20 years, California Plant Protection opened 125 offices around the country. +20305011 Yet although California Plant Protection was netting bigger and bigger clients -- the firm provided security for the 1984 Summer Olympics in Los Angeles -- it still didn't have the name recognition of Pinkerton's. +20305012 So when American Brands Inc. decided to sell the unit in 1987 as part of a divestiture of its food and security industries operations, Mr. Wathen saw a chance to accomplish several objectives. +20305013 He decided he could easily merge Pinkerton's operations with his own while slashing overhead costs because the two already operated in many of the same cities. +20305014 He could acquire a staff of loyal Pinkerton's employees, many of whom had spent their entire careers with the firm, he could eliminate a competitor and he could get the name recognition he'd wanted. +20305015 Mr. Wathen also relished the chance to demonstrate an entrepreneur like himself, who'd spent his whole career in the security business, could run Pinkerton's better than an unfocused conglomerate or investment banker. +20305016 "The security business is my favorite subject. +20305017 I love this business," he says. +20305018 "Most of the LBO guys don't know how to run a business anyway." +20305019 But there were hitches, not the least of which was that, Mr. Wathen says, he proceeded almost blindly in doing the $95 million acquisition, which was completed in January 1988. +20305020 "We weren't allowed to do any due diligence because of competitive reasons. +20305021 If we had, it might have scared us off," he says. +20305022 Five years of rapid expansion under American Brands, with an emphasis on marketing the agency's services instead of improving them, had hurt Pinkerton's profits, Mr. Wathen claims. +20305023 He says his team couldn't tell whether accounts receivable had been paid or not. +20305024 Pinkerton's had locked itself into low-price contracts to win new business, with no hope of profitability until the contracts expired, he adds. +20305025 And regional offices were "egregiously overstaffed," he claims. +20305026 One office had 19 people doing the work of three, "and half of the employees had company automobiles." +20305027 American Brands declined to comment on Mr. Wathen's accusations. +20305028 The acquisition combined the country's second-largest security company, Pinkerton's, with 1987 sales of $410 million, and the fourth largest, California Plant Protection, with $250 million in sales, creating the industry's biggest firm, which took on the Pinkerton's name. +20305029 Even after divesting itself of $120 million of unprofitable business, the new Pinkerton's will have sales of about $610 million this year and operating profit roughly double the industry average of 2%-3% of sales, says Lloyd Greif of Sutro & Co. in Los Angeles, which arranged the Pinkerton's acquisition. +20305030 Mr. Wathen says his turnaround strategy has been simple: just hack away at the fat. +20305031 He began by closing 120 of the combined companies' 260 offices in two months, eliminating about 31% of the company's 2,500-person adminstrative staff, including more than 100 sales positions. +20305032 He shut down the company's tony New York headquarters. +20305033 Pinkerton's world headquarters today is a nondescript, two-story office building across the street from the small Van Nuys Airport. +20305034 Next, Mr. Wathen raised Pinkerton's rates, which were 75-cents-an-hour lower than California Plant Protection's average rate of around $8.63. +20305035 And he got rid of low-margin businesses that just weren't making money for the company. +20305036 Mr. Wathen, who says Pinkerton's had a loss of nearly $8 million in 1987 under American Brands, boasts that he's made Pinkerton's profitable again. +20305037 But Mr. Wathen's team still must pay down about $82 million of long-term bank debt from the acquisition within the next four years. +20305038 Last year, earnings of the combined companies didn't cover debt service and Pinkerton's was forced to borrow $20 million of subordinated debt. +20305039 "We wouldn't have had to refinance if a lot of the problems hadn't been there," Mr. Wathen says. +20305040 This year, Mr. Wathen says the firm will be able to service debt and still turn a modest profit. +20305041 Now Pinkerton's could become entangled in a protracted legal fracas with its former parent. +20305042 The company recently filed suit in state court in Los Angeles against American Brands, seeking at least $40 million in damages from the Old Greenwich, Conn.-based company. +20305043 The suit alleges that American Brands misrepresented the financial condition of Pinkerton's before the sale, failed to disclose pending lawsuits and material contracts in which Pinkerton's was in default, hadn't registered the Pinkerton's name and trademark in the United Kingdom and didn't tell California Plant Protection about some labor controversies. +20305044 "We have previously had discussions with representatives of Pinkerton's Inc. concerning the {sale of the company} and we concluded that we did not have liability under the contract," says American Brands. +20305045 "As this is now a litigation matter, we have no further comment." +20305046 And then there's the case of the missing gold watch. +20305047 The lawsuit alleges that an inventory of Pinkerton's memorabilia disclosed that one of the watches hadn't been forked over by American Brands. +20305048 "American Brand's failure to surrender the gold watch has damaged new Pinkerton's in an amount as yet {to be} determined and deprived it of a valuable artifact for which it had bargained," the suit charges. +20305049 The key to Pinkerton's future will be sticking to what it does best -- being a security company, says Mr. Wathen. +20305050 The company is also renewing its emphasis on investigations, particularly undercover investigations for corporations. +20305051 Although investigations now account for only about 5% of Pinkerton's total revenue, that side of the business has traditionally been the more "glamorous" of the two and it carries historical and sentimental value. +20305052 (Author Dashiell Hammett, who wrote "The Maltese Falcon," was a former Pinkerton's detective.) +20305053 American Brands "just had a different approach," Mr. Wathen says. +20305054 "Their approach didn't work; mine is. +20306001 Farm prices in October edged up 0.7% from September as raw milk prices continued their rise, the Agriculture Department said. +20306002 Milk sold to the nation's dairy plants and dealers averaged $14.50 for each hundred pounds, up 50 cents from September and up $1.50 from October 1988, the department said. +20306003 Commercial vegetables, led by lettuce and tomatoes, rose 19% in October; oranges and other fruits rose 5%. +20306004 Broiler prices fell 6.5 cents in October to 30.6 cents a pound, while turkey prices rose 1.2 cents a pound to 38.5 cents. +20306005 Egg prices averaged 64.2 cents a dozen, down 0.2 cent from September. +20306006 Hogs rose $3.40 to $46.80 a hundredweight in October, while beef cattle slipped 80 cents to $67.40 for each hundred pounds and calves dropped 90 cents to $90.20. +20306007 Soybeans averaged $5.28 a bushel, down 42 cents from September; corn averaged $2.20, down seven cents, and sorghum grain averaged $3.61 for each hundred pounds, down 19 cents, according to the department. +20307001 Paramount Communications Inc., New York, completed the sale of its Associates Corp. consumer and commercial finance subsidiary to a unit of Ford Motor Co. for $3.35 billion. +20307002 Paramount, which agreed to sell the unit in July, said it would realize net proceeds from the sale of $2.6 billion, with an after-tax gain of $1.2 billion. +20307003 Paramount said the gain would be recorded in its fourth quarter, which ended yesterday. +20307004 Paramount said the sale "completes the strategic restructuring" it began in 1983, and would enable it to focus on its entertainment and publishing businesses. +20307005 Ford said in July it planned to operate Associates, based in Dallas, as a separate entity in its Ford Financial Services Group. +20307006 Paramount said Associates has about $14 billion in total assets, making it third-largest in terms of assets among independent finance companies in the U.S. +20308001 Sea Containers Ltd., in a long-awaited move to repel a hostile takeover bid, said it will sell $1.1 billion of assets and use some of the proceeds to buy about 50% of its common shares for $70 apiece. +20308002 Together with the 3.6 million shares currently controlled by management, subsidiaries and directors, the completed tender offer would give Sea Containers a controlling stake. +20308003 Describing itself as "asset rich," Sea Containers said it will move immediately to sell two ports, various ferries, ferry services, containers, and other investments. +20308004 Of the proceeds, $500 million will be used to fund its tender offer. +20308005 Sea Containers added that the recapitalization plan will reduce its debt by more than $500 million. +20308006 The company, which has 13.8 million common shares outstanding, said in mid-June that it was considering a restructuring to ward off a hostile takeover attempt by two European shipping concerns. +20308007 In late May, Stena Holding AG and Tiphook PLC, launched a $50-a-share, or $777 million, tender offer for the Hamilton, Bermuda-based Sea Containers. +20308008 In mid-August, the companies, through their jointly owned holding company, Temple Holdings Ltd., sweetened the offer to $63 a share, or $963 million. +20308009 Officials for Temple declined to comment. +20308010 News of the restructuring plan sent Sea Containers' shares up $1 to $62 in New York Stock Exchange composite trading. +20308011 Walter Kirchberger, an analyst with PaineWebber Inc., said that offering holders a higher, $70-a-share price is "a fairly effective method of blocking" the Stena-Tiphook bid. +20308012 Michael Carstens, an analyst with Tucker Anthony & R.L. Day, added that the sale of assets would allow Sea Containers to focus on its core container businesses. +20308013 For holders who decide not to tender their shares, Sea Containers will issue one share of preferred stock with a stated value of $25, plus a cash dividend on the common stock. +20308014 The company said its directors, management and subsidiaries will remain long-term investors and won't tender any of their shares under the offer. +20308015 Sea Containers said the offer will proceed after the Bermuda Supreme Court lifts or modifies an interim injunction restraining the company from buying its shares. +20308016 That injunction resulted from litigation between Temple and Sea Containers last May. +20308017 The company said the court has indicated it will make a decision on or about Nov. 27. +20308018 Sea Containers will soon set a date for its annual shareholder meeting to seek holder approval for the offer. +20309001 You'd think all the stories about well-heeled communities and developers getting HUD grants would prompt Congress to tighten up on upscale housing subsidies. +20309002 No way. +20309003 Congress has just made it easier for the affluent to qualify for insured loans from the deficit-ridden Federal Housing Administration. +20309004 It appears that the only thing Congress is learning from the HUD story is how to enlarge its control of the honey pot going to special interests. +20309005 Right now, the largest loan the FHA can insure in high-cost housing markets is $101,250. +20309006 Last week, housing lobbies persuaded Congress to raise the ceiling to $124,875, making FHA loans more accessible to the well-to-do. +20309007 But it does that at the cost of deepening the taxpayer's exposure if the FHA is forced to pay for more loans going sour. +20309008 This is no idle fearlast year the FHA lost $4.2 billion in loan defaults. +20309009 But the higher mortgage ceiling is only the starter kit for what Senator Alan Cranston and Majority Leader George Mitchell have in mind for housing. +20309010 The Senate Banking Committee will begin hearings next week on their proposal to expand existing federal housing programs. +20309011 Other Senators want to lower the down payments required on FHA-insured loans. +20309012 That would be a formula for ensuring even more FHA red ink. +20309013 Experience has shown that the most important element in predicting a housing-loan default is the down payment. +20309014 Because a purchaser can use an FHA loan to finance all points and closing costs, the FHA can wind up lending more than a house is worth. +20309015 If housing prices continue to fall, many borrowers would be better off walking away from their homes and leaving taxpayers with the losses. +20309016 Much the same thing happened with busted S&Ls, a problem Congress just "solved" with a $166 billion bailout. +20309017 We hear that HUD Secretary Jack Kemp is toying with going along with some of the Cranston-Mitchell proposals. +20309018 That sounds like a formula for ensuring that he gets dragged into the next HUD tar pit. +20309019 A group of 27 Senators has written Mr. Kemp urging him to reject Cranston-Mitchell and focus on programs that empower the poor rather than create vast new government obligations. +20309020 But even if he agrees, Mr. Kemp doesn't write the nation's housing law -- Congress does. +20309021 And the majority of Members cynically view the current discrediting of HUD as mainly a chance to shove through their own slate of projects. +20309022 Exhibit A is last week's House vote to fund 40 pet projects out of the same discretionary fund that is at the heart of the HUD scandal. +20309023 None of the grants had been requested by HUD, judged competitively or were the subject of a single hearing. +20309024 More and more observers now realize that the key to ending future HUD scandals lies in forcing Congress to clean up its own act. +20309025 This week, a Baltimore Sun editorial said the Lantos subcommittee on HUD should forget about Sam Pierce's testimony for the moment and call some other witnesses: the various congressional sponsors of the 40 pork-barrel projects. +20309026 The Sun concluded that Mr. Pierce is only part of the problem -- and a part that's gone. +20309027 "If HUD is to be reformed," it concluded, Members of Congress will "have to start looking into, and doing something about, the practices of their colleagues." +20309028 Of course, self-reform is about the last thing this Congress is interested in. +20309029 Proponents of expanding FHA programs say they merely want to help home buyers who are frozen out of high-priced markets. +20309030 But the FHA program is hemorrhaging bad loans. +20309031 Jack Kemp has submitted a package of reforms, and they are surely headed for the Capitol Hill sausage-grinder. +20309032 Like the S&L mess before it, this is a problem Congress should be solving, not ignoring. +20310001 Gillette Co., Boston, said it is planning to restructure its South African subsidiary. +20310002 Under the plan, Gillette South Africa will sell manufacturing facilities in Springs, South Africa, and its business in toiletries and plastic bags to Twins Pharmaceuticals Ltd., an affiliate of Anglo American Corp., a South African company. +20310003 Terms were not disclosed. +20310004 A final agreement has not been signed, and the moves will not have a material effect on the company, Gillette said. +20310005 The company said it is part of a continuing world-wide restructuring in which it has downsized or sold operations in several countries. +20310006 Gillette said its continued presence in South Africa "enables it to make meaningful contributions to South African society, to the lives of its employees and to the communities in which it operates." +20310007 Gillette South Africa employs about 250 people. +20310008 About 60% of the work force will continue with Gillette or transfer to Twins Pharmaceuticals, the company said. +20311001 The Soviet legislature approved a 1990 budget yesterday that halves its huge deficit with cuts in defense spending and capital outlays while striving to improve supplies to frustrated consumers. +20311002 The vote to approve was +20311003 A proposal to raise prices of beer, tobacco and luxuries was rejected 338-44. +20311004 Soviet President Mikhail S. Gorbachev told the legislators they had made a good start, but that the most difficult work was still ahead. +20311005 The Tass news agency said the 1990 budget anticipates income of 429.9 billion rubles (US$693.4 billion) and expenditures of 489.9 billion rubles (US$790.2 billion). +20311006 Those figures are almost exactly what the government proposed to legislators in September. +20311007 If the government can stick with them, it will be able to halve this year's 120 billion ruble (US$193 billion) deficit. +20311008 Officials proposed a cut in the defense budget this year to 70.9 billion rubles (US$114.3 billion) from 77.3 billion rubles (US$125 billion) as well as large cuts in outlays for new factories and equipment. +20311009 Tass said the final budget and economic plan calls for a sharp increase in the production of consumer goods. +20312001 Trial and Terror +20312002 At times I sequester my mind When I must think with precision, Detached from all other thoughts While trying to reach a decision. +20312003 But often nothing's resolved, To my frustration and fury: With pros and cons in limbo, I feel like a hung jury. +20312004 -- Arnold J. Zarett. +20312005 Daffynition +20312006 Rodeo applause: broncs cheer. +20312007 -- Marvin Alisky. +20313001 Ocean Drilling & Exploration Co. will sell its contract-drilling business, and took a $50.9 million loss from discontinued operations in the third quarter because of the planned sale. +20313002 The New Orleans oil and gas exploration and diving operations company added that it doesn't expect any further adverse financial impact from the restructuring. +20313003 In the third quarter, the company, which is 61%-owned by Murphy Oil Corp. of Arkansas, had a net loss of $46.9 million, or 91 cents a share, compared with a restated loss of $9 million, or 18 cents a share, a year ago. +20313004 The latest period had profit from continuing operations of $4 million. +20313005 Revenue gained 13% to $77.3 million from $68.5 million. +20313006 Ocean Drilling said it will offer 15% to 20% of the contract-drilling business through an initial public offering in the near future. +20313007 It has long been rumored that Ocean Drilling would sell the unit to concentrate on its core oil and gas business. +20313008 Ocean Drilling said it won't hold any shares of the new company after the restructuring. +20314001 After 20 years of pushing labor proposals to overhaul the nation's health-care system, Bert Seidman of the AFL-CIO is finding interest from an unlikely quarter: big business. +20314002 Corporate leaders, frustrated by double-digit increases in health-care costs, are beginning to sound like liberal Democrats. +20314003 Failure to check rising medical costs ultimately could "lead some of us who today are free-market advocates to re-examine our thinking and positions with respect to government-sponsored national health insurance," Arthur Puccini, a General Electric Co. vice president, warned earlier this year. +20314004 The pocketbook impact of health benefits has driven business and labor to a surprising consensus. +20314005 Both the AFL-CIO and the National Association of Manufacturers are calling for measures to control rising costs, improve quality and provide care to the 31 million Americans who currently lack health insurance. +20314006 Agreement on these points is a long way from a specific program, and nobody expects the U.S. to rush toward radical restructuring of the health-care system. +20314007 But there are signs that labor-management cooperation could change the politics of health-care legislation and the economics of medicine. +20314008 "I can't remember a time when virtually everyone can agree on what the problem is," says Mr. Seidman, who heads the AFL-CIO's department dealing with health matters. +20314009 Because the Bush administration isn't taking the initiative on health issues, business executives are dealing with congressional Democrats who champion health-care revision. +20314010 "Business across the country is spending more time addressing this issue," says Sen. Edward Kennedy (D., Mass.). +20314011 "It's a bottom-line issue." +20314012 Business complained earlier this year when Sen. Kennedy introduced a bill that would require employers to provide a minimum level of health insurance to workers but doesn't contain cost-control measures. +20314013 Partly in response, a bipartisan group of senators from the finance and labor committees is drafting a plan to attract broader support. +20314014 It will feature a cost-containment provision designed to keep expanded benefits from fueling higher care prices. +20314015 At 11.1% of gross national product, U.S. health costs already are the highest in the world. +20314016 By contrast, Japan's equal 6.7% of GNP, a nation's total output of goods and services. +20314017 Management and labor worry that the gap makes U.S. companies less competitive. +20314018 Chrysler Corp. estimates that health costs add $700 to the price of each of its cars, about $300 to $500 more per car than foreign competitors pay for health. +20314019 "The cost of health care is eroding standards of living and sapping industrial strength," complains Walter Maher, a Chrysler health-and-benefits specialist. +20314020 Labor is upset because many companies are using higher employee insurance premiums, deductibles and co-payments to deflect surging medical costs to workers. +20314021 Health benefits are contentious issues in the strikes against Pittston Co. and Nynex Corp. +20314022 In their new contract this year, American Telephone & Telegraph Co. and the Communications Workers of America agreed to look for "prompt and lasting national solutions" to rising health-care costs. +20314023 Some analysts are cynical about the new corporate interest in health-care overhaul. +20314024 Carl Schramm, president of the Health Insurance Association of America, scoffs at "capitalists who want to socialize the entire financing system" for health. +20314025 "They hope they can buy some government cost discipline," but this is a false hope, Mr. Schramm says. +20314026 He asserts that government has done an even worse job of controlling its health bill than business. +20314027 So far neither the Bush administration nor Congress is prepared to lead the way toward revamping health care. +20314028 The administration lacks a comprehensive health-care policy. +20314029 Congress still is struggling to dismantle the unpopular Catastrophic Care Act of 1988, which boosted benefits for the elderly and taxed them to pay for the new coverage. +20314030 A bipartisan commission established by Congress and headed by Sen. John Rockefeller (D., W.Va.) is scheduled to present new plans for dealing with the uninsured and long-term care for the elderly by next March 1. +20314031 A quadrennial commission appointed by Health and Human Services Secretary Louis Sullivan is taking a broad look at the economics of Medicare for the elderly, Medicaid for the poor and the health system in general. +20314032 It is expected to report next summer. +20314033 "No magic bullet will be discovered next year, an election year," says Rep. Fortney Stark (D., Calif.) +20314034 But 1991 could be a window for action. +20314035 The pressure for change will rise with costs. +20314036 "I think employers are really going to be the ones to push for major change," says Sharon Canner, a health expert at NAM. +20314037 Any major attempt to revamp the health-care system is likely to trigger opposition from politically powerful interest groups, particularly the American Medical Association, and perhaps from the public as well, if Congress takes steps that patients fear will limit the availability of care. +20314038 The NAM embraces efforts, which both the administration and the medical profession have begun, to measure the effectiveness of medical treatments and then to draft medical-practice guidelines. +20314039 Advocates hope that such standards will improve treatment while limiting unnecessary tests and medical procedures. +20314040 HHS Secretary Sullivan estimates that as much as 25% of the medical procedures performed each year may be inappropriate or unnecessary. +20314041 Limiting care won't be easy or popular. +20314042 "To slow the rise in total spending, it will be necessary to reduce per-capita use of services," the NAM warns in a policy statement. +20314043 This will "require us to define -- and redefine -- what is `necessary' or `appropriate' care. +20314044 This involves trade-offs and {it} cuts against the grain of existing consumer and even provider conceptions of what is `necessary.'" +20314045 The AFL-CIO also embraces treatment guidelines. +20314046 In addition, it's toying with an approach that would impose health-expenditure ceilings or budgets on the government as a whole and on individual states as a way to slow health-care spending. +20314047 At a meeting here on Nov. 15, the labor federation plans to launch a major effort to build grass-roots support for health-care overhaul. +20315001 Stelco Inc. said it plans to shut down three Toronto-area plants, moving their fastener operations to a leased facility in Brantford, Ontario. +20315002 The company said the fastener business "has been under severe cost pressures for some time." +20315003 The fasteners, nuts and bolts, are sold to the North American auto market. +20315004 A company spokesman declined to estimate the impact of the closures on earnings. +20315005 He said the new facility will employ 500 of the existing 600 employees. +20315006 The steelmaker employs about 16,000 people. +20315007 Stelco said it has an option to lease a 350,000-square-foot building in Brantford and proposes to spend 24.5 million Canadian dollars (US$20.9 million) on the facility. +20315008 The three existing plants and their land will be sold. +20316001 First Security Corp. said it tentatively agreed to acquire Deseret Bancorp. for stock valued at about $18 million. +20316002 Terms call for First Security to issue about 0.55 share of its stock for each Deseret share held, or a total of about 550,000 First Security shares. +20316003 It has about 12.3 million shares outstanding. +20316004 Deseret, with about $100 million in assets, is the parent of the Deseret Bank, which has six offices and headquarters at Pleasant Grove, Utah. +20316005 The purchase price is equal to about 1.65 times Deseret's roughly $10.7 million book value, or assets less liabilities. +20316006 Salt Lake City-based First Security, with $5.4 billion in assets, said the agreement is subject to shareholder and regulatory approval, and that it hopes to complete the transaction early next year. +20317001 Georgia-Pacific Corp.'s unsolicited $3.19 billion bid for Great Northern Nekoosa Corp. was hailed by Wall Street despite a cool reception by the target company. +20317002 William R. Laidig, Nekoosa's chairman, chief executive officer and president, characterized the $58-a-share bid as "uninvited" and said Nekoosa's board would consider the offer "in due course." +20317003 T. Marshall Hahn Jr., Georgia-Pacific's chairman and chief executive, said in an interview that all terms of the offer are negotiable. +20317004 He added that he had spoken with Mr. Laidig, whom he referred to as a friend, by telephone Monday evening. +20317005 "I'm hopeful that we'll have further discussions," Mr. Hahn said. +20317006 On Wall Street, takeover stock traders bid Nekoosa's stock well above the Georgia-Pacific bid, assuming that Nekoosa's will either be sold to a rival bidder or to Georgia-Pacific at a higher price -- as much as $75 a share, according to some estimates. +20317007 Yesterday, Nekoosa common closed in composite New York Stock Exchange trading at $62.875, up $20.125, on volume of almost 6.3 million shares. +20317008 Georgia-Pacific closed down $2.50, at $50.875 in Big Board trading. +20317009 Takeover stock traders noted that with the junk-bond market in disarray, Georgia-Pacific's bid is an indication of where the takeover game is headed: namely, industrial companies can continue bidding for one another, but financial buyers such as leveraged buy-out firms will be at a disadvantage in obtaining financing. +20317010 "The way the world is shaping up, the strategic buyer is going to be the rule and the financial buyer is going to be the exception," said one trader. +20317011 For the paper industry specifically, most analysts said the deal will spur a wave of paper-company takeovers, possibly involving such companies as Union Camp Corp., Federal Paperboard Co. and Mead Corp. +20317012 The analysts argued that Georgia-Pacific's offer, the first hostile bid ever among major players in the paper industry, ends the unwritten taboo on hostile bids, and will push managements to look closely at the industry's several attractive takeover candidates. +20317013 "Consolidation has been long overdue. +20317014 It was just the culture of the industry that kept it from happening. +20317015 The Georgia-Pacific offer has definitely changed the landscape," said Gary Palmero of Oppenheimer & Co. +20317016 Added Mark Rogers of Prudential-Bache Securities Inc.: "It's much easier to be second." +20317017 A Georgia-Pacific acquisition of Nekoosa would create the largest U.S. forest-products company. +20317018 Based on 1988 sales, Georgia-Pacific ranked third at $9.51 billion, behind Weyerhaeuser Co. at $10 billion and International Paper Co. at $9.53 billion. +20317019 Nekoosa ranked 11th with sales of $3.59 billion. +20317020 The combined company would have had 1988 sales of $13.1 billion. +20317021 But such a combination also presents great risks. +20317022 At a time when most analysts and industry consultants say pulp and paper prices are heading for a dive, adding capacity and debt could squeeze Georgia-Pacific if the industry declines more than the company expects. +20317023 Moreover, any unexpected strengthening of the dollar would hurt Georgia-Pacific because two of Nekoosa's major product lines -- containerboard, which is used to make shipping boxes, and market pulp -- are exported in large quantities. +20317024 "Nobody knows how deep the cycle is going to be," said Rod Young, vice president of Resource Information Systems Inc., a Bedford, Mass., economic-forecasting firm. +20317025 "Depending on how far down you go, it may be difficult to pay off that debt." +20317026 One person familiar with Georgia-Pacific said the acquisition would more than double the company's debt of almost $3 billion. +20317027 It also could be a drag on Georgia-Pacific earnings because the roughly $1.5 billion in goodwill -- the amount by which the bid exceeds Nekoosa's book value of $1.5 billion -- will have to be subtracted from earnings over a period of decades. +20317028 Georgia-Pacific's Mr. Hahn said that a combined operation would allow savings in many ways. +20317029 The two companies each produce market pulp, containerboard and white paper. +20317030 That means goods could be manufactured closer to customers, saving shipping costs, he said. +20317031 Moreover, production runs would be longer, cutting inefficiencies from adjusting machinery between production cycles. +20317032 And Georgia-Pacific could save money in selling pulp, because the company uses its own sales organization while Nekoosa employs higher-cost agents. +20317033 Mr. Hahn said Georgia-Pacific has accounted in its strategy for a "significant downturn" in the pulp and paper industry, an event that he said would temporarily dilute earnings. +20317034 But he said that even under those conditions, the company still would realize a savings of tens of millions of dollars in the first year following a merger. +20317035 "The fit is so good, we see this as a time of opportunity," he said. +20317036 Georgia-Pacific, which has suspended its stock-repurchase program, would finance the acquisition with all bank debt, provided by banks led by BankAmerica Corp. +20317037 Georgia-Pacific owns 349,900 Nekoosa shares and would need federal antitrust clearance to buy more than $15 million worth. +20317038 U.S. clearance also is needed for the proposed acquisition. +20317039 For Nekoosa, defense options may be undercut somewhat by the precarious state of the junk-bond market, which limits how much value the target could reach in a debt-financed recapitalization. +20317040 The company's chairman, Mr. Laidig, and a group of advisers met at the offices of Wachtel Lipton Rosen & Katz, a law firm specializing in takeover defense. +20317041 Nekoosa also is being advised by Goldman, Sachs & Co. +20317042 Georgia-Pacific's advisers are Wasserstein, Perella & Co., which stands to receive a $15 million fee if the takeover succeeds, and the law firm of Shearman & Sterling. +20317043 People familiar with Nekoosa said its board isn't likely to meet before the week after next to respond to the bid. +20317044 The board has 10 business days to respond. +20317045 In addition to the usual array of defenses, including a so-called poison pill and a staggered board, Nekoosa has another takeover defense: a Maine state law barring hostile bidders from merging acquired businesses for five years. +20317046 Nekoosa is incorporated in Maine. +20317047 Georgia-Pacific has filed a lawsuit in federal court in Maine challenging the poison pill and the Maine merger law. +20317048 Nekoosa's poison pill allows shareholders to vote to rescind it, but Georgia-Pacific isn't likely to pursue such a course immediately because that would take 90 to 120 days, and wouldn't affect the provisions of the Maine law. +20317049 Among companies mentioned by analysts as possible counterbidders for Nekoosa are International Paper, Weyerhaeuser, Canadian Pacific Ltd. and MacMillan Bloedel Ltd. +20317050 "I'm sure everybody else is putting pencil to paper," said Kathryn McAuley, an analyst with First Manhattan Co. +20317051 International Paper and Weyerhaeuser declined to comment. +20317052 Canadian Pacific couldn't be reached for comment, and MacMillan Bloedel said it hasn't any plans to make a bid for Nekoosa. +20317053 Investors were quick to spot other potential takeover candidates, all of which have strong cash flows and low-cost operations. +20317054 Among paper company stocks that rallied on the Big Board because of the offer were Union Camp, up $2.75 to $37.75, Federal Paperboard, up $1.75 to $27.875, Mead, up $2.375 to $38.75, and Temple Inland Inc., up $3.75 to $62.25. +20317055 In over-the-counter national trading, Bowater Inc. jumped $1.50 to $27.50. +20317056 Some analysts argued that there won't be a flurry of takeovers because the industry's continuing capacity-expansion program is eating up available cash. +20317057 Moreover, some analysts said they expect a foreign paper company with deeper pockets than Georgia-Pacific to end up acquiring Nekoosa, signaling to the rest of the industry that hostile bids are unproductive. +20317058 "This is a one-time event," said Lawrence Ross of PaineWebber Inc., referring to the Georgia-Pacific bid. +20317059 But many analysts believe that, given the attractiveness of paper companies' cash flows, as well as the frantic consolidation of the paper industry in Europe, there will be at least a few more big hostile bids for U.S. companies within the next several months. +20317060 The buyers, these analysts added, could be either foreign or other U.S.concerns. +20317061 "The Georgia-Pacific bid may open the door to a new era of consolidation" in the paper industry, said Mark Devario of Shearson Lehman Hutton Inc. +20317062 "I don't think anyone is now immune from takeover," said Robert Schneider of Duff & Phelps Inc., Chicago. +20317063 He added: "Every paper company management has to be saying to itself, `Before someone comes after me, I'm going to go after somebody.'" +20317064 Prudential-Bache's Mr. Rodgers said he doesn't see the industry's capacity-expansion program hindering takeover activity. +20317065 Several projects, he said, are still on the drawing board. +20317066 Moreover, "it's a lot cheaper and quicker to buy a plant than to build one." +20317067 Indeed, a number of analysts said that Japanese paper companies are hungry to acquire additional manufacturing capacity anywhere in the world. +20317068 Some predicted that Nekoosa will end up being owned by a Japanese company. +20317069 Meanwhile, Shearson Lehman's Mr. Devario said that, to stay competitive, the U.S. paper industry needs to catch up with the European industry. +20317070 Since the most-recent wave of friendly takeovers was completed in the U.S. in 1986, there have been more than 100 mergers and acquisitions within the European paper industry, he said. +20318001 Lyphomed Inc., Rosemont, Ill., and Medco Research Inc., Los Angeles, said the Food and Drug Administration granted full marketing approval for a new drug for the treatment of a condition in which the heart beats between 150 and 200 beats a minute. +20318002 The condition, known as paroxysmal supraventricular tachycardia, leads to dizziness and fainting. +20318003 The typical healthy heart beats 70 times a minute. +20318004 The drug, called adenocard, returns the heart to a normal rhythm within seconds, according to Lyphomed. +20318005 Medco Research developed the drug and licensed it to Lyphomed for sale in the U.S. and Canada. +20319001 Private industry's labor costs rose 1.2% in the third quarter, matching the second-quarter pace, as health insurance costs continued to soar, the Labor Department said. +20319002 The increase in wage and benefit costs in the third quarter was greater than the 1% rise reported for the third quarter of 1988. +20319003 "Wage increases and overall compensation increases are beginning to curl upward a little bit," said Audrey Freedman, a labor economist at the Conference Board, a business research organization. +20319004 "One would have thought this would have happened two or three years ago as the labor market tightened. +20319005 It is a considerably delayed reaction and it's not a severe one at all," she added. +20319006 The new data underscored the severity of the nation's health-care cost problem. +20319007 In the 12 months ended in September, wages and salaries of private-sector workers rose 4.4%, while health insurance costs spurted by 13.7%. +20319008 The consumer price index climbed 4.3% in the same period. +20319009 Despite the big increases in health-care costs, wages still account for a far greater share of overall labor costs. +20319010 The overall private-sector employment cost index, which includes both wages and benefits, rose 4.7% in the 12 months ended in September, compared with 4.5% for both the 12 months ended in June and the 12 months ended September 1988. +20319011 Labor costs are climbing at a far more rapid pace in the health care industry than in other industries. +20319012 For instance, wages of private-sector hospital workers leaped 6.6% in the 12 months ended in September, compared with 4.4% for workers in all industries. +20319013 In the third quarter, wages and salaries in all private industry rose 1.2%, compared with 1% increases in both the second quarter and in the third quarter of 1988. +20319014 For the past five years, unions haven't managed to win wage increases as large as those granted to nonunion workers. +20319015 For private-sector union workers, the cost of wages and benefits rose 0.9% in the third quarter. +20319016 For nonunion workers, the costs rose 1.4%. +20319017 Labor costs continued to rise more rapidly in service industries than in goods-producing industries, the report showed. +20319018 It also found them rising much more in the Northeast than elsewhere. +20319019 Including employees of state and local -- but not the federal -- governments, the employment cost index rose 1.6% in the third quarter, compared with a 1.3% rise in the same quarter in 1988. +20319020 The index rose 1.1% in the second quarter. +20319021 For the 12 months ended in September, this index was up 5.1%. +20319022 It rose 4.8% for the 12 months ended in June and 4.7% in the 12 months ended in September 1988. +20319023 Unlike most economic indicators, none of these figures are adjusted for seasonal variations. +20320001 DeSoto Inc. said it is dismissing 200 employees as part of a restructuring aimed at producing pretax savings of $10 million annually. +20320002 Under the plan, DeSoto said it will sell certain assets and businesses that don't meet strategic and profitability objectives. +20320003 The Des Plaines, Ill., chemical coatings concern, which has about 2,000 employees world-wide, said it plans to sell its domestic rigid container packaging and flexible adhesives businesses, and its Chicago Heights, Ill., resin plant. +20320004 The company said it plans to use the sale proceeds to invest in business opportunities more closely identified with the company's "refocused direction. +20321001 StatesWest Airlines, Phoenix, Ariz., said it withdrew its offer to acquire Mesa Airlines because the Farmington, N.M., carrier didn't respond to its offer by the close of business yesterday, a deadline StatesWest had set for a response. +20321002 However, StatesWest isn't abandoning its pursuit of the much-larger Mesa. +20321003 StatesWest, which has a 7.25% stake in Mesa, said it may purchase more Mesa stock or make a tender offer directly to Mesa shareholders. +20321004 StatesWest had proposed acquiring Mesa for $7 a share and one share of a new series of StatesWest 6% convertible preferred stock it values at $3 a share. +20321005 Earlier, Mesa had rejected a general proposal from StatesWest to combine the two carriers in some way. +20321006 StatesWest serves 10 cities in California, Arizona and Nevada. +20321007 Mesa flies to 42 cities in New Mexico, Arizona, Wyoming, Colorado and Texas. +20322001 A shiny new takeover deal sparked a big rally in stock prices, which buoyed the dollar. +20322002 Bond prices also edged higher. +20322003 Georgia-Pacific's $3.18 billion bid for Great Northern Nekoosa helped drive the Dow Jones Industrial Average up 41.60 points, to 2645.08, in active trading. +20322004 The dollar drew strength from the stock market's climb. +20322005 Long-term bond prices rose despite trepidation about what a key economic report will show today. +20322006 Analysts said the offer for Great Northern Nekoosa broke the pall that settled over the takeover business for the past three weeks in the wake of the collapsed UAL Corp. buy-out. +20322007 Great Northern Nekoosa soared $20.125 a share, to $62.875, substantially above the $58 a share Georgia-Pacific is offering. +20322008 That indicates speculators are betting a higher offer is in the wings. +20322009 Prices of other paper makers rose sharply, although Georgia-Pacific fell $2.50 a share, to $50.875. +20322010 Despite all the furor over program trading, program trading played a big role in yesterday's rally. +20322011 Some traders point out that as the big brokerage firms back out of program trading for their own accounts or for clients, opportunities increase for others to engage in the controversial practice. +20322012 That's what happened yesterday. +20322013 The rally notwithstanding, there are plenty of worries about the short-term course of stock prices. +20322014 A slowing economy and its effect on corporate earnings is the foremost concern of many traders and analysts. +20322015 Unless the Federal Reserve eases interest rates soon to stimulate the economy, profits could remain disappointing. +20322016 Yesterday's major economic news -- a 0.2% rise in the September index of leading economic indicators -- had little impact on financial markets. +20322017 But the next important piece of news on the economy's health -- this morning's release of the national purchasing manager's survey for October -- could prompt investors into action. +20322018 A report late yesterday that the Chicago-area purchasing managers survey showed increased economic activity in that part of the country cut into bond-price gains. +20322019 If the national survey confirms a pickup in the manufacturing sector, it could further depress bond prices while bolstering stock prices and the dollar. +20322020 Meanwhile, bond investors are laboring under the onus of a national debt ceiling debate. +20322021 Although the Treasury is expected to announce details of its November quarterly refunding operation today, the Nov. 79 schedule could be delayed unless Congress and the president act soon to lift the nation's debt ceiling. +20322022 In major market activity: +20322023 Stock prices rallied in active trading. +20322024 Volume on the New York Stock Exchange totaled 176.1 million shares. +20322025 Advancing issues on the Big Board surged ahead of decliners 1,111 to +20322026 Bond prices rose. +20322027 The Treasury's benchmark 30-year bond gained less than a quarter of a point, or less than $2.50 for each $1,000 of face amount. +20322028 The yield on the issue slipped to 7.91%. +20322029 The dollar gained against most foreign currencies. +20322030 In late afternoon New York trading, the dollar was at 1.8415 marks and 142.85 yen compared with 1.8340 marks and 141.90 yen late Monday. +20323001 Bouygues S.A., a diversified construction concern based in Paris, said its consolidated profit for the 1989 first half, after payments to minority interests, surged to 188 million French francs ($30.2 million) from 65 million francs a year earlier. +20323002 Revenue rose 21% to 22.61 billion francs from 18.69 billion francs. +20323003 The company didn't specify reasons for the strong earnings gain. +20323004 But Bouygues said its first-half profit isn't indicative of the full-year trend because of the highly seasonal nature of many of the company's activities. +20323005 For all of 1988, Bouygues had consolidated profit of 519 million francs, after payments to minority interests, on revenue of 50 billion francs. +20323006 The group has forecast 1989 revenue of 56.9 billion francs. +20324001 QVC Network Inc. said it completed its acquisition of CVN Cos. for about $423 million. +20324002 QVC agreed to pay $19 and one-eighth QVC share for each of CVN's 20 million fully diluted shares. +20324003 The acquisition brings together the two largest competitors to Home Shopping Network Inc., which now reaches more viewers than any other company in the video shopping industry. +20324004 Among them, Home Shopping, QVC and CVN already control most of that young and fast-growing market, which last year had sales of about $1.4 billion. +20325001 Coast Savings Financial Inc. reported a third-quarter loss, citing a previously announced capital restructuring program. +20325002 The Los Angeles thrift holding company said it had a loss of $92.2 million, or $6.98 a share, for the quarter ended Sept. 30. +20325003 Coast earned $10.2 million, or 67 cents a share, in the year-ago quarter. +20325004 The year-ago results have been restated to comply with government regulations. +20325005 The restructuring program is designed to increase the company's tangible capital ratio. +20325006 It includes removing $242 million in good will from the books, issuing $150 million in preferred stock and commencing an exchange offer for $52 million in convertible bonds. +20325007 During the third quarter, the company charged about $46 million against earnings in reducing goodwill, added $20 million to its general loan loss reserves and established a $30 million reserve for its high-yield bond portfolio. +20325008 The company said its junk-bond portfolio after these moves had been reduced to less than 1% of assets. +20326001 Philip Morris Cos. is launching a massive corporate advertising campaign that will put the tobacco giant's name in TV commercials for the first time since the early 1950s, when it stopped advertising its namesake cigarette brand on television. +20326002 The campaign, a patriotic celebration of the 200th anniversary of the Bill of Rights, doesn't mention cigarettes or smoking; cigarette ads have been prohibited on television since 1971. +20326003 But even before it begins, the campaign is drawing fire from anti-smoking advocates, who criticize Philip Morris's attempt to bolster its beleaguered image by wrapping itself in the document that is a cornerstone of American democracy. +20326004 Philip Morris, which became the U.S.'s largest food company last year with its $12.9 billion acquisition of Kraft Inc., seems determined to evolve beyond its roots in Marlboro country. +20326005 The company's research suggests that its name recognition among most consumers remains unusually low, although its array of brands -- including Maxwell House coffee, Jell-O, Cheez Whiz, and Miller beer -- blanket supermarket shelves. +20326006 The company is expected to spend about $30 million a year on its two-year corporate campaign, created by WPP Group's Ogilvy & Mather unit in New York. +20326007 The initial spots will appear during morning and prime-time news shows. +20326008 Philip Morris hopes that by taking its Bill of Rights theme to the airwaves, in addition to publications, it will reach the broadest possible audience. +20326009 Until now, its corporate ads, mainly promoting its sponsorship of the arts, have appeared almost exclusively in newspapers and magazines. +20326010 "Most people -- whether in Toledo, Tucson or Topeka -- haven't got a clue who we are," says Guy L. Smith, Philip Morris's vice president of corporate affairs. +20326011 "If they think well of the company through our support of the Bill of Rights, it follows they'll think well of our products." +20326012 Mr. Smith says the Bill of Rights commercial, which trumpets the themes of liberty and freedom of expression, isn't designed to have any special appeal for smokers. +20326013 Although Philip Morris typically tries to defend the rights of smokers with free-choice arguments, "this has nothing to do with cigarettes, nor will it ever," the spokesman says. +20326014 But some anti-smoking activists disagree, expressing anger at what they see as the company's attempt to purchase innocence by association. +20326015 "I'm outraged because this company is portraying itself at the heart of American culture and political freedom and in fact it's a killer," says Michael Pertschuk, former chairman of the Federal Trade Commission and a tobacco-industry critic. +20326016 "It should be treated like the Medellin {drug} mafia, not the Founding Fathers." +20326017 Mr. Pertschuk adds that the new commercial dovetails perfectly with major aspects of Philip Morris's political strategy. +20326018 These include trying to protect its print advertising by invoking the First Amendment, and wooing blacks by portraying itself as a protector of civil rights. +20326019 (The commercial features, among others, the voice of Martin Luther King Jr., the slain civil rights leader.) +20326020 Many marketers say Philip Morris's approach will be effective, but they agree that the ads' implied smoking message is unmistakable. +20326021 "This is clever, subliminal advertising that really says, `Smokers have rights, too,'" says Al Ries, chairman of Trout & Ries Inc., a Greenwich, Conn., marketing strategy firm. +20326022 "This is designed to get the wagons in a circle and defend the smoking franchise." +20326023 Richard Winger, a partner at Boston Consulting Group, adds: "It's very popular to drape yourself in the flag these days. +20326024 If you can do that and at the same time send a message that supports your business, that's brilliant." +20326025 RJR Nabisco Inc. and American Brands Inc. say they have no plans to follow Philip Morris's lead. +20326026 (Indeed, RJR Nabisco is currently under fire for having sent 80-second videotapes touting its Now brand to consumers who smoke American Brands' Carltons.) +20326027 Despite the criticism, Philip Morris's corporate campaign runs little risk of getting yanked off the tube. +20326028 "They aren't showing James Madison taking a puff or lighting up," says Laurence Tribe, a professor of constitutional law at Harvard University. +20326029 "All they are trying to do is borrow some of the legitimacy of the Bill of Rights itself. +20327001 Technology stocks woke up, helping the over-the-counter market rise from its recent doldrums. +20327002 The Nasdaq Composite Index surged 4.26, or about 0.94%, to 455.63. +20327003 It was the market's biggest gain since rising more than 7 points on Oct. 19. +20327004 Advancing OTC stocks outpaced decliners by 1,120 to 806. +20327005 But the move lagged a stronger rise in New York Stock Exchange issues. +20327006 The Big Board's composite index was up more than 1.4%, and the Dow Jones Industrial Average jumped 1.6%. +20327007 Nasdaq's gain was led by its biggest industrial stocks. +20327008 The Nasdaq 100 rose 7.08 to 445.23. +20327009 The Financial Index of 100 biggest banks and insurance issues added 2.19 to 447.76. +20327010 Other strong sectors were indicated in gains of the Transportation Index, up 7.55 to 475.35, and the Utility Index, up 8.68 to 730.37. +20327011 National Market System volume improved to 94,425,000 shares from 71.7 million Monday. +20327012 Many of Nasdaq's biggest technology stocks were in the forefront of the rally. +20327013 Microsoft added 2 1/8 to 81 3/4 and Oracle Systems rose 1 1/2 to 23 1/4. +20327014 Intel was up 1 3/8 to 33 3/4. +20327015 But traders who watch the stocks warned the rise may be yet another "one-day phenomenon." +20327016 Technology stocks bore the brunt of the OTC market's recent sell-off, and traders say it's natural that they rebound sharply now that the market has turned around. +20327017 But, they caution, conservative investors would do well to sell into the strength. +20327018 "They are always the first to be sold when people are taking profits, because people are most scared of the high-technology stocks," said Robin West, director of research for Ladenburg Thalmann's Lanyi division, which specializes in emerging growth stocks. +20327019 The technology group includes many of the OTC market's biggest stocks, which dominate the market-weighted Nasdaq Composite Index. +20327020 Analysts say rallies in the group historically have lifted the market, while weakness in the sector often sank unlisted share prices broadly. +20327021 But increasing volatility in the sector has exhausted investors who try to follow its dips and swings. +20327022 The stocks have been pummeled repeatedly by inventory gluts and disappointing earnings as the industry matures and slows. +20327023 Some even claim the group has become a lagging, not leading, indicator. +20327024 The technology sector of the Dow Jones Equity Market Index has risen only about 6.24% this year, while the Nasdaq Composite Index has gained 18.35%. +20327025 While the composite index lost less than a third of its year-to-date gains in the market's recent decline, the technology group's gains were more than halved. +20327026 The OTC technology sector is far from a cohesive unit. +20327027 The group is divided primarily between software, semiconductors and computers. +20327028 While computer stocks have taken the biggest hit from the slowdown in the industry, many software and semiconductor stocks have continued to outperform the market. +20327029 Microsoft is up more than 50% this year, while Intel is up more than 40%. +20327030 The technology group is also split between large companies and small, with the biggest stocks trading as blue-chip issues in the institutional marketplace, while the smaller stocks churn on their individual merits or faults, analysts say. +20327031 The volatility of smaller technology companies has served the group well overall in recent stock trading, according to Hambrecht & Quist's technology stock indexes. +20327032 The brokerage firm tracks technology stocks with its Technology Index, which appreciated only 10.59% in the first nine months of this year. +20327033 But the firm also tracks smaller technology companies as a subset of the larger group. +20327034 That index, which contains technology companies with annual revenues of $200 million or less, gained 17.97% by Sept. 30 this year -- still lagging the S&P 500, but leading larger technology firms. +20327035 Yesterday, bank stocks lagged behind the overall OTC market. +20327036 The Nasdaq Bank Index rose 0.17 to 432.78. +20327037 George Jennison, who trades bank stocks for Shearson Lehman Hutton, said the stocks tend to fall behind because they aren't traded as much as many other issues. +20327038 But, he added, interest-rate-sensitive stocks in general are stalled. +20327039 "The interest-rate sensitives aren't rallying with the rest of the market because of fears about what the (Federal Reserve) will do," Mr. Jennison said. +20327040 He said that investors will scour the October employment report, due out Friday, for clues about the direction of the economy and the immediate outlook for interest rates. +20327041 On the other hand, Mr. Jennison noted that the recent slide in bank and thrift stocks was at least halted yesterday. +20327042 Shearson Lehman Hutton gave small investors some welcome news by announcing that it would no longer handle index-arbitrage-related program trades for its accounts. +20327043 Shearson, with its in-house order execution system, has handled the bulk of such program trades in the over-the-counter market. +20327044 The trading has been blamed for much of the market's recent volatility. +20327045 Jaguar topped the most-active list, as its American depository receipts climbed 1 3/4 to 13 5/8 with more than 6.6 million ADRs traded. +20327046 Britain said it would waive its "golden share" in the luxury auto maker if shareholders vote to allow a suitor to acquire more than 15% of the company. +20327047 The announcement effectively removes the British government as an impediment to a takeover of the company, which is being stalked by General Motors and Ford. +20327048 Gen-Probe was another active takeover stock. +20327049 It surged 2 3/4 to 6 on volume of more than 1.7 million shares after the company agreed to be acquired by Japan's Chugai Pharmaceutical for about $110 million -- almost double the market price of Gen-Probe's stock. +20327050 Priam Corp. lost 5/32 to 3/32 after filing for protection from its creditors under Chapter 11 of the federal Bankruptcy Code. +20327051 MCI Communications added 1 1/2 to 43 3/8. +20327052 The company has toted up over $40 million in contracts in the past two days. +20327053 Monday, MCI announced a $27 million multiyear contract with the investment bank Stuart-James. +20327054 Yesterday, it received a $15 million, three-year contract from Drexel Burnham Lambert. +20327055 Florida National Banks of Fla. slid 1 1/8 to 24 3/4. +20327056 Late Monday, the Federal Reserve Board said it is delaying approval of First Union Corp.'s proposed $849 million acquisition of Florida National Banks pending the outcome of an examination into First Union's lending practices in low-income heighborhoods. +20327057 Florida National said yesterday that it remains committed to the merger. +20327058 Dycom Industries gained 3/4 to 16 3/4 after it said it agreed to buy Ansco & Associates and two affiliates for cash and stock. +20327059 The value of the transaction wasn't disclosed. +20327060 The companies being acquired provide telecommunications services to the telephone industry. +20327061 Willamette Industries, whose stock has suffered steep losses in recent sessions, surged 1 1/2 to 49. +20327062 The stock was one of many in the paper products industry that rose following Georgia-Pacific's $3.18 billion bid for Great Northern Nekoosa. +20328001 A permanent smoking ban on virtually all domestic airline routes won approval from the House, which separately sent to President Bush a nearly $67 billion fiscal 1990 bill including the first construction funds for the space station. +20328002 The smoking prohibition remains attached to a $27.1 billion transportation bill that must still overcome budget obstacles in Congress. +20328003 But yesterday's action put to rest any lingering resistance from tobacco interests. +20328004 Faced with inevitable defeat, the once dominant industry declined any recorded vote on the ban, which covers all but a fraction of 1% of daily flights in the U.S. +20328005 The sole exceptions are an estimated 30 flights of six hours or more beginning or ending in Hawaii and Alaska. +20328006 Assuming final enactment this month, the prohibition will take effect 96 days later, or in early February. +20328007 On a 394-21 roll call, the House adopted the underlying transportation measure. +20328008 But the bill still faces budget questions because it also is the vehicle for an estimated $3.1 billion in supplemental appropriations for law enforcement and anti-drug programs. +20328009 The additional spending pushes the measure more than $2 billion above its prescribed budget ceiling, and the House Appropriations Committee leadership must now seek a waiver in hopes of completing action today. +20328010 The separate $67 billion bill sent to the White House had budget difficulties, too, but was saved ultimately by its importance to a broad spectrum of interests in Congress and the administration itself. +20328011 No single bill this year includes more discretionary spending for domestic programs and, apart from the space station, the measure incorporates far-reaching provisions affecting the federal mortgage market. +20328012 The current ceiling on home loans insured by the Federal Housing Administration is increased to $124,875 during fiscal 1990. +20328013 And in anticipation of increased lending, the cap on FHA loan guarantees would rise to approximately $73.8 billion. +20328014 Separately, the bill gives authority to the Department of Housing and Urban Development to facilitate the refinancing of high-interest loans subsidized by the government under the so-called Section 235 home-ownership program for lower-income families. +20328015 This provision met early and strong resistance from investment bankers worried about disruptions in their clients' portfolios. +20328016 But the promise of at least $15 million in new savings helped to forge a partnership between HUD Secretary Jack Kemp and lawmakers wanting to protect their projects elsewhere. +20328017 The estimated $1.8 billion for the space station would be double last year's level, and total appropriations for the National Aeronautics and Space Administration would grow 16% to nearly $12.4 billion. +20328018 A string of costly projects, including the high-speed national aerospace plane and the advanced communications technology satellite, would continue to be developed within these limits. +20328019 And while imposing a statutory cap of $1.6 billion on future spending, the bill would give NASA $30 million for the start-up of the CRAF-Cassini mission, a successor to the Voyager space probe. +20328020 Separately, the National Science Foundation is promised a 7.7% increase to bring its appropriations to $2.07 billion. +20328021 And while pursuing these initiatives, Congress and the White House are squeezed too by steady increases -- $551 million -- in veteran's medical care. +20328022 The result is that all sides resort to sleight of hand to make room for competing housing and environmental programs, and the commitments now will drive excess spending into fiscal 1991. +20328023 Senior members of the House Budget Committee are reduced in frustration to raising doomed parliamentary obstacles to individual bills, yet admit that much of the disorder now stems from the fiscal legerdemain associated with their own summit agreement with the White House this past spring. +20328024 "It's hard to get the administration's attention on anything," said Rep. Bill Frenzel (R., Minn.), "because the whole agreement was built on gimmickry." +20328025 Among the subsidies continued in the transportation bill is $30.7 million to maintain commercial air service for an estimated 92 communities, often in rural areas. +20328026 Senate Appropriations Committee Chairman Robert Byrd (D., W.Va.) strongly resisted deeper cuts sought by the House. +20328027 But at a time when the White House wants to kill the entire program, Republicans have been among its leading champions. +20328028 Sen. Pete Domenici (R., N.M.), the ranking Republican on the Senate Budget Committee, used his influence to preserve more than $132,000 in subsidies for air service to Sante Fe, N.M., and more than $2.1 million would go for service to eight communities in the western Nebraska district of GOP Rep. Virginia Smith on the House Appropriations Committee. +20328029 GP Express, an independent airline serving much of Nebraska, estimates that nearly 40% of its revenues come from the subsidies that, in some cases, exceed the cost of a ticket. +20328030 For example, a passenger can fly from Chardon, Neb., to Denver for as little as $89 to $109, according to prices quoted by the company. +20328031 But given the few number of users, the cost to the federal government per passenger is estimated at $193, according to House and Senate appropriations committees. +20328032 The House action yesterday came as the Senate remained mired in difficulties over a $17.25 billion measure covering the budgets for the State, Commerce, and Justice departments in fiscal 1990. +20328033 The compromise bill passed the House last week but has now provoked jurisdictional fights with the Senate Foreign Relations Committee, which jealously protects its prerogatives over operations at the State Department. +20328034 The same jealousy can breed confusion, however, in the absence of any authorization bill this year. +20328035 House and Senate appropriators sought to establish a Nov. 30 deadline after which their bill would become the last word on how funds are distributed. +20328036 But on a 53-45 roll call this provision was stripped from the bill last night after Foreign Relations Chairman Claiborne Pell (D., R.I.) complained that it was an intrusion on exclusive powers vested in his panel for more than three decades. +20329001 Coda Energy Inc. said it arranged a $50 million credit facility with NCNB Texas National Bank, a unit of NCNB Corp., of Charlotte, N.C. +20329002 The Dallas oil and gas concern said that $10 million of the facility would be used to consolidate the company's $8.1 million of existing bank debt, to repurchase 4 million of its 4.9 million shares outstanding of Series D convertible preferred stock, and to purchase a 10% net-profits interest in certain oil and gas properties from one of its existing lenders, National Canada Corp. +20329003 The remaining $40 million can be used over three years for oil and gas acquisitions, the company said. +20329004 Ted Eubank, Coda's president, said the loan carries an interest rate of prime plus one percentage point, with 85% of the company's net oil and gas revenue each month dedicated to repayment. +20329005 The company put up "virtually all" of its oil and gas properties as collateral, he said. +20330001 General Dynamics Corp. was given an $843 million Air Force contract for F-16 aircraft and related equipment. +20330002 Loral Corp.'s defense systems division received a $54.9 million Air Force contract for a F-15 weapons system trainer. +20330003 Southern Air Transport Inc. won $47.5 million in Air Force and Navy contracts for transportation services. +20330004 International Business Machines Corp. was given a $31.2 million Air Force contract for satellite data systems equipment. +20330005 Directed Technologies received a $28.3 million Defense Advanced Research Projects Agency contract for advanced propulsion systems research. +20330006 Propper International Inc. got a $22.8 million Defense Logistics Agency contract for combat camouflage trousers. +20331001 Santa Fe Pacific was the kind of story Wall Street loved. +20331002 Since the value of its assets wasn't known, analysts were free to pick a number. +20331003 In one of many rosy scenarios, Bear Stearns's Gary Schneider wrote in March that its real estate alone had a value of $4.5 billion. +20331004 Throw in its railroad, minerals, pipeline and oil assets, he and others argued, and the Chicago-based conglomerate should be worth 30 a share. +20331005 And why should holders expect to realize that presumed "worth?" +20331006 That was another reason the Street loved Santa Fe. +20331007 With real estate experts Olympia & York and Samuel Zell's Itel owning close to 40% of Santa Fe's stock, management was under pressure -- in a favored phrase of Wall Street -- to quickly "maximize values." +20331008 But value, it turns out, is only what a buyer will pay. +20331009 And with the company's recent announcement that it is contemplating a partial sale of its real estate, the values suddenly look poorer. +20331010 Santa Fe has disclosed that it is negotiating to sell a 20% interest in its real estate unit to the California Public Employees Retirement System for roughly $400 million. +20331011 Since the real estate unit also includes debt, the imputed value of the real estate itself is close to $3 billion. +20331012 "The implied current net asset value of 22.70 {per share} is well below the 30 level that the Street believed," PaineWebber says. +20331013 "The upside was in the intangible real estate . . . which is no longer an intangible." +20331014 So what is Santa Fe worth? +20331015 If the railroad is valued on a private market basis -- at the same multiple of earnings as in the recent sale of CNW -- it would have a value of $1.65 billion. +20331016 A compromise between bulls and bears puts remaining assets and cash -- including its 44% stake in its publicly traded pipeline -- at $2 billion. +20331017 Santa Fe also has $3.7 billion in debt. +20331018 In addition, its railroad lost a $750 million antitrust suit, which is on appeal, and which analysts say could be settled for one-third that amount. +20331019 That nets out to about $17 a share for the company on a private market basis. +20331020 But Santa Fe, currently trading at 18 7/8, isn't likely to realize private market values by selling assets, because the tax against it would be onerous. +20331021 Its plan, instead, is to spin off the remainder of its real estate unit and to possibly do the same with its mining and energy assets. +20331022 Robert D. Krebs, Santa Fe's chairman, argues that since its businesses are valued in different ways, "the sum of the parts may be greater than the whole." +20331023 But it isn't clear why that should be so. +20331024 The spinoff argument, after all, reverses the current notion that assets are worth more to private buyers than to public shareholders. +20331025 And real estate usually hasn't traded well under public ownership. +20331026 Salomon Brothers says, "We believe the real estate properties would trade at a discount . . . after the realty unit is spun off. . . . +20331027 And what about the cost, and risk, of waiting to realize the hypothetical private market values?" +20331028 Some analysts remain bullish. +20331029 Mr. Schneider of Bear Stearns says he is recalculating the worth of the company's assets and, in the meantime, is sticking to his "buy" recommendation on the belief that he will find "values" of 30 a share. +20331030 He adds: "If for any reason I don't have the values, then I won't recommend it." +20331031 First Boston's Graeme Anne Lidgerwood values Santa Fe at 24, down from her earlier estimate of 29. +20331032 Her recent report classifies the stock as a "hold." +20331033 But it appears to be the sort of hold one makes while heading for the door. +20331034 Quoting from the report: "The stock's narrow discount to asset valuation makes it a relatively unappealing investment at current prices, especially given the risk that our projections could be on the aggressive side." +20331035 Chairman Krebs says the California pension fund is getting a bargain price that wouldn't have been offered to others. +20331036 In other words: The real estate has a higher value than the pending deal suggests. +20331037 Since most of the unit's real estate is in California, the pension fund will be a useful political ally in a state where development is often held hostage to zoning boards. +20331038 And, as Mr. Zell says, with Itel and O&Y on the unit's board, the real estate will be run by "a very unusual group" to say the least. +20331039 It is possible then that Santa Fe's real estate -- even in a state imperiled by earthquakes -- could, one day, fetch a king's ransom. +20331040 But as Drexel analyst Linda Dunn notes, its properties will be developed over 15 to 20 years. +20331041 So despite Wall Street's rosy talk of quickly "maximizing values," holders could be in for a long wait. +20331042 Santa Fe Pacific (NYSE; Symbol: SFX) +20331043 Business: Railroad, natural resources and real estate +20331044 Year ended Dec. 31, 1988: +20331045 Revenue: $3.14 billion +20331046 Net loss: $46.5 million; 30 cents a share +20331047 Third quarter, Sept. 30, 1989: +20331048 Net income: 21 cents a share vs. net loss of $4.11 a share +20331049 Average daily trading volume: 344,354 shares +20332001 Orkem S.A., a French state-controlled chemical manufacturer, is making a friendly bid of 470 pence ($7.43) a share for the 59.2% of U.K. specialty chemical group Coates Brothers PLC which it doesn't already own, the two sides said. +20332002 The offer, which values the whole of Coates at #301 million, has already been accepted by Coates executives and other shareholders owning 12.4% of the company. +20332003 The acceptances give Orkem a controlling 53.2% stake in the company. +20332004 Orkem and Coates said last Wednesday that the two were considering a merger, through Orkem's British subsidiary, Orkem Coatings U.K. Ltd. +20332005 Orkem, France's third-largest chemical group, said it would fund the acquisition through internal resources. +20332006 The takeover would be followed by a restructuring of Orkem's U.K. unit, including the addition of related Orkem businesses and possibly further acquisitions. +20332007 Orkem said it eventually would seek to make a public share offering in its U.K. business. +20333001 Intelogic Trace Inc. said it is exploring alternatives to maximize shareholder value, including the possible sale of the company. +20333002 But Asher B. Edelman, who controls about 16% of the San Antonio, Texas, computer-servicing company, insisted that the announcement didn't have anything to do with the ongoing battle for control of Datapoint Corp. +20333003 Any sale of Intelogic could have an impact on the battle between Mr. Edelman and New York attorney Martin Ackerman for control of Datapoint. +20333004 Intelogic holds 27.5% of Datapoint's common shares outstanding. +20333005 Mr. Edelman said the decision "has nothing to do with Marty Ackerman." +20333006 Mr. Ackerman contended that it was a direct response to his efforts to gain control of Datapoint. +20333007 Intelogic was spun off from Datapoint four years ago, shortly after Mr. Edelman took control of Datapoint. +20334001 Marks & Spencer PLC reported a 12% gain in first-half pretax profit, mainly because of improving performances in the U.K. and continental Europe. +20334002 In the six months ended Sept. 30, pretax profit at the British clothing and food retailer rose to #208.7 million ($330.1 million) from #185.5 million a year ago. +20334003 The results surpassed analysts' forecasts, which averaged around #200 million, and Marks & Spencer responded in trading on London's Stock Exchange with an eight pence rise to 188 pence. +20334004 Profit after tax and minority interest but before extraordinary items rose 12% to #135.2 million; per-share earnings rose to five pence from 4.5 pence. +20334005 Marks declared an interim per-share dividend of 1.85 pence, compared with 1.7 pence a year earlier. +20334006 Sales increased 11% to #2.5 billion from #2.25 billion, while operating profit climbed 13% to #225.7 million from #199.8 million. +20334007 Sales in North America and the Far East were inflated by acquisitions, rising 62% to #278 million. +20334008 Operating profit dropped 35%, however, to #3.8 million. +20334009 Brooks Brothers, which Marks bought last year, saw operating profit drop in half to #5 million. +20335001 Federal and state thrift examiners said they saw evidence of criminal wrongdoing in the collapse of Lincoln Savings & Loan Association, and a California regulator described an attempted "whitewash" by deputies of chief federal regulator Danny Wall. +20335002 In a riveting day of hearings before the House Banking Committee, the examiners described finding shredded documents, a mysterious Panamanian subsidiary, millions of dollars funneled into a Swiss bank, and a complacent attitude by Mr. Wall's deputies, one of whom was portrayed as acting more like a public-relations man for the thrift than a federal regulator. +20335003 A California official also said he sent the Federal Bureau of Investigation a packet of documents relating to a previously reported $400,000 contribution from Lincoln's parent solicited by Sen. Alan Cranston (D., Calif.). +20335004 Federal examiner Alex Barabolak said Lincoln's operations amounted to "pyramiding debt to provide a luxurious life style for its owners." +20335005 Another federal examiner, John Meek, said Lincoln's principal owner, Charles Keating Jr., and his family drew off at least $34 million from the thrift in salaries, bonuses and proceeds from securities sales in the 3 1/2 years before federal authorities seized it earlier this year. +20335006 Lincoln's collapse may cost taxpayers as much as $2.5 billion, according to estimates, making it the most expensive thrift failure in history. +20335007 "I think there's overwhelming evidence to indicate probable criminal activity," said Mr. Meek, who participated last year in an examination of the Irvine, Calif., thrift. +20335008 He said the evidence pointed to wrongdoing by Mr. Keating "and others," although he didn't allege any specific violation. +20335009 Richard Newsom, a California state official who last year examined Lincoln's parent, American Continental Corp., said he also saw evidence that crimes had been committed. +20335010 "It sure smells like it," he said. +20335011 He said 30% of the loans he sampled were "dead meat on the day they were made." +20335012 The state examiner also said supervisors of a parallel federal examination seemed so reluctant to demand write-downs of Lincoln's bad loans that he immediately grew suspicious. +20335013 "Later on, my concerns about a whitewash became even more serious," he said. +20335014 He called the sour loans "appalling" and added, "You opened the file up and it just jumped at you." +20335015 Leonard Bickwit, a Washington attorney for Lincoln's parent corporation, said in an interview, "We deny any criminal behavior by the association or its officers." +20335016 "Those who testified {yesterday} have consistently maintained that anyone who didn't agree with them is part of a coverup, a whitewash, or the subject of excessive influence," Mr. Bickwit said. +20335017 "We simply don't agree with that or the findings of their investigation." +20335018 Mr. Wall's deputies complained that they hadn't been given an opportunity to respond to the criticism brought out during the Banking Committee's hearings, which Committee Chairman Henry Gonzalez (D., Texas) has used as a forum to flay Mr. Wall's handling of the affair and to demand that he step aside from his job. +20335019 "A couple of things Mr. Newsom said were at least misleading," said Kevin O'Connell, one of the Washington regulators responsible for the handling of Lincoln. +20335020 In an interview, he said federal regulators eventually declared one of the loans the state regulator cited to be a total loss, and forced Lincoln to make an $18 million downward adjustment on another. +20335021 "Our response to the whitewash would simply be, look what happened," another Washington official, Alvin Smuzynski, said in an interview. +20335022 Federal officials seized the association in April, a day after the parent corporation entered bankruptcy-law proceedings. +20335023 The government later brought a $1.1 billion fraud suit against Mr. Keating and others. +20335024 Rep. Gonzalez has complained that regulators waited far too long, however, ignoring a recommendation from regional officials to place Lincoln into receivership two years before it failed. +20335025 "He took the reckless course of ignoring the evidence," Rep. Gonzalez said. +20335026 State thrift examiner Eugene Stelzer said he found the chief federal examiner Steve Scott to be totally uninterested in one allegedly fraudulent series of transactions. +20335027 "Frankly, it was like he worked for the Lincoln public-relations department," Mr. Stelzer testified. +20335028 And David Riley, a federal examiner who worked under Mr. Scott, said he found his chief oddly upbeat about Lincoln. +20335029 Asked to comment, a spokesman for Mr. Scott said: "Mr. Scott has spoken to his attorney, who has advised him not to talk to anybody." +20335030 Mr. Meek said that a day or two before Lincoln's parent entered bankruptcy proceedings, he and other examiners saw "a truck with a sign on it that said it was from the `Document Destruction Center.' +20335031 We observed at least two large plastic bags of shredded paper loaded into this truck." +20335032 Mr. Bickwit said the paper had been donated to "a charitable organization that sells it for recycling. +20335033 They shredded it simply because it contained financial information about their creditors and depositors." +20335034 Mr. Meek said his suspicions were aroused by several foreign investments by Lincoln, including $22 million paid to Credit Suisse of Switzerland, an $18 million interest in Saudi European Bank in Paris, a $17.5 million investment in a Bahamas trading company, and a recently discovered holding in a Panama-based company, Southbrook Holdings. +20335035 Mr. Bickwit said, "I can see why an S&L examiner would regard these as unusual activities," but said the overseas investments "essentially broke even" for the S&L. +20336001 LTV Steel Co. is boosting the prices of flat rolled steel products by an average of 3% following a recent erosion in the prices of such crucial steel products. +20336002 The big questions are whether the increase, effective Jan. 1, 1990, will stick, and whether other major steelmakers will follow suit. +20336003 It is widely expected that they will. +20336004 The increase is on the base price, which is already being discounted by virtually all steel producers. +20336005 But LTV's move marks the first effort by a major steelmaker to counter the free fall in spot prices. +20336006 Major steel producers are selling cold rolled sheet steel at about $370 a ton, compared with a peak price of $520 a ton in 1988. +20336007 Second-tier companies are receiving even less per ton. +20336008 LTV's planned increase, which was announced in an Oct. 26 memo to district managers, doesn't affect electrogalvanized steel or tin plate. +20336009 LTV confirmed the price-increase plan, saying the move is designed to more accurately reflect the value of products and to put steel on more equal footing with other commodities. +20336010 A spokesman for LTV Steel, which is a unit of Dallas-based LTV Corp., noted that steel prices, adjusted for inflation, increased only 1.7% between 1981 and the fourth quarter of 1988, while the prices of other industrial commodities increased nearly five times as much. +20336011 At the same time, steelmakers are trying to invest more to modernize technology and make themselves more competitive. +20336012 But analysts say the company is also trying to prevent further price drops. +20336013 Moreover, they note that LTV may be trying to send a signal to major customers, such as Chrysler Corp. and Whirlpool Corp., that steelmakers need more money. +20336014 Both companies are in the process of negotiating contracts with LTV and others. +20336015 "They {LTV} may believe this can impact contract negotiations and is their signal to the world that now is the time to get tough on prices," said Peter Marcus, an analyst with PaineWebber Inc. +20336016 Mr. Marcus believes spot steel prices will continue to fall through early 1990 and then reverse themselves. +20336017 He isn't convinced, though, that the price decline reflects falling demand because the world economy remains relatively strong. +20336018 And while customers such as steel service centers are continuing to reduce inventories through the fourth quarter, they eventually will begin stocking up again, he notes. +20336019 It won't be clear for months whether the price increase will stick. +20336020 Steelmakers announced a round of base-price increases last year, but began offering sizable discounts over the summer. +20336021 In fact, LTV was the first steelmaker to publicly boost discounts for buyers of cold rolled sheet steel and hot-dipped galvanized sheet steel. +20336022 In composite New York Stock Exchange trading yesterday, LTV common shares fell 12.5 cents to close at $1.50. +20337001 The Treasury plans to raise $2.3 billion in new cash with the sale Monday of about $16 billion in short-term bills to redeem $13.71 billion in maturing bills. +20337002 However, the Treasury said it will postpone the auction unless it has assurances of enactment of legislation to raise the statutory debt limit before the scheduled auction date. +20337003 The offering will be divided evenly between 13-week and 26-week bills maturing on Feb. 8, 1990, and May 10, 1990, respectively. +20337004 Tenders for the bills, available in minimum $10,000 denominations, must be received by 1 p.m. EST Monday at the Treasury or at Federal Reserve banks or branches. +20338001 J.C. Penney Co. is extending its involvement in a televised home-shopping service by five to 10 years. +20338002 Shop Television Network Inc., of Los Angeles, said Penney agreed to continue its exclusive arrangement with Shop Television, which does the production, marketing and cable distribution for the J.C. Penney Television Shopping Channel. +20338003 The channel reaches 6.5 million homes, a Penney spokesman said. +20338004 Michael Rosen, president of Shop Television, said Penney decided to extend its involvement with the service for at least five years. +20338005 If, by that time, the network reaches 14 million homes, the contract will be renewed for five more years. +20338006 Earlier this year, Penney abandoned another home shopping venture, Telaction Corp., after investing $106 million in it. +20338007 The company took a $20 million charge in the fiscal first quarter ended April 29, related to discontinuing the service. +20339001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +20339002 LUTHER BURBANK CROSS-BRED PLANTS to produce the billion-dollar Idaho potato. +20339003 Bioengineers set out to duplicate that feat -- scientifically and commercially -- with new life forms. +20339004 In 1953, James Watson and his colleagues unlocked the double helix of DNA (deoxyribonucleic acid), the genetic key to heredity. +20339005 Twenty years later, two California academics, Stanley Cohen and Herbert Boyer, made "recombinant" DNA, transplanting a toad's gene into bacteria, which then reproduced toad genes. +20339006 When Boyer met Robert Swanson, an M.I.T.-trained chemist-turned-entrepreneur in 1976, they saw dollar signs. +20339007 With $500 apiece and an injection of outside capital, they formed Genentech Inc. +20339008 Commercial gene-splicing was born. +20339009 Genentech's first product, a brain protein called somatostatin, proved its technology. +20339010 The next to be cloned, human insulin, had market potential and Genentech licensed it to Eli Lilly, which produced 80% of the insulin used by 1.5 million U.S. diabetics. +20339011 Their laboratory credentials established, Boyer and Swanson headed for Wall Street in 1980. +20339012 At the time, Genentech had only one profitable year behind it (a modest $116,000 on revenue of $2.6 million in 1979) and no product of its own on the market. +20339013 Nonetheless, the $36 million issue they floated in 1980 opened at $35 and leaped to $89 within 20 minutes. +20339014 The trip from the test tube was not without snags. +20339015 Boyer and Cohen, for instance, both still university researchers, had to be talked into applying for a patent on their gene-splicing technique -- and then the Patent Office refused to grant it. +20339016 That judgment, in turn, was reversed by the U.S. Supreme Court, leaving Cohen and Boyer holding the first patents for making recombinant DNA (now assigned to their schools). +20339017 Gene-splicing now is an integral part of the drug business. +20339018 Genentech's 1988 sales were $335 million, both from licensing and its own products. +20340001 The portfolio unit of the French bank group Credit Lyonnais told stock market regulators that it bought 43,000 shares of Cie. de Navigation Mixte, apparently to help fend off an unwelcome takeover bid for the company. +20340002 Earlier yesterday, the Societe de Bourses Francaises was told that a unit of Framatome S.A. also bought Navigation Mixte shares, this purchase covering more than 160,000 shares. +20340003 Both companies are allies of Navigation Mixte in its fight against a hostile takeover bid launched last week by Cie. +20340004 Financiere de Paribas at 1,850 French francs ($297) a share. +20340005 Navigation Mixte's chairman had suggested that friendly institutions were likely to buy its stock as soon as trading opened Monday. +20340006 The Credit Lyonnais purchase, for 33,000 regular common shares and 10,000 newly created shares, is valued at about slightly more than 80 million French francs. +20341001 Unocal Corp., Los Angeles, said it and Petroleos de Venezuela S.A. would create a petroleum marketing and refining general partnership in the Midwest. +20341002 The joint venture, Uno-Ven Co., would generate total annual revenue of about $500 million and have 1,100 employees, a Unocal spokesman said. +20341003 Unocal said the venture would enable it to recover more of its refining and marketing investment and prepare for expected growth in exploration, production, chemicals and other areas. +20341004 It said financing would consist of $250 million from a private placement obtained through Shearson Lehman Hutton Inc. and a $150 million revolving credit line underwritten by Chase Manhattan Bank. +20341005 In addition to Unocal's 153,000 barrel-a-day refinery near Lemont, Ill., the new venture would control 17 distribution terminals, a lubricating-oil blending and packaging plant, and 131 company-owned Unocal service stations. +20341006 It said the venture, expected to take control of the facilities Dec. 1, would also serve another 3,300 independent Unocal gasoline stations. +20341007 Petroleos will supply 135,000 barrels of oil a day for the refinery, Unocal said. +20342001 Mitsubishi Heavy Industries Ltd. said unconsolidated pretax earnings in the fiscal first half surged 79% to a record 63.25 billion yen ($445.7 million), reflecting strong demand for a variety of products. +20342002 In the period ended Sept. 30, net income rose 90% to 31.18 billion yen, or 9.34 yen a share, from 16.38 billion yen, or 5.05 yen a share. +20342003 A year ago, the Tokyo company had pretax profit of 35.38 billion yen. +20342004 Sales amounted to 1.011 trillion yen, climbing 29% from 787.02 billion yen. +20342005 Encouraged by the brisk performance, Mitsubishi plans to raise its per-share dividend to 3.50 yen from three yen. +20342006 Company officials said the current robust domestic demand that has been fueling sustained economic expansion helped push up sales of products like ships, steel structures, power systems and machinery and resulted in sharply higher profit. +20343001 Senate leaders traded proposals aimed at speeding action on legislation to narrow the deficit and raise the federal government's debt limit -- but the major stumbling block remains President Bush's proposal to cut the capital-gains tax rate. +20343002 Democrats want the tax provision to be a separate bill, subject to the usual procedural obstacles. +20343003 Republicans, meanwhile, want to try to protect the measure by combining it with two politically popular issues that Democrats could find hard to block. +20343004 The talks between Senate Majority Leader George Mitchell of Maine and his GOP counterpart, Sen. Robert Dole of Kansas, are expected to resume today. +20343005 Last night, after meeting with Mr. Bush and administration officials at the White House, Mr. Dole proposed streamlining the fiscal 1990 deficit-reduction bill, now stalled in a House-Senate conference committee, and passing a long-term extension of the federal debt ceiling without any accompanying amendments. +20343006 Under this plan, two provisions currently in the House version of the deficit-cutting bill -- repeal of both the catastrophic-illness insurance program and a controversial 1986 tax provision intended to counter discrimination in employee-benefit plans -- would be made into a separate bill. +20343007 Republicans would try to attach a capital-gains provision to that legislation, hoping the political popularity of its other two parts would dissuade Democrats from blocking it. +20343008 Democrats want to avoid having to make that choice by making the capital-gains tax cut an individual bill. +20343009 Sen. Mitchell is confident he has sufficient votes to block such a measure with procedural actions. +20343010 Both plans would drop child-care provisions from the House version of the deficit-reduction legislation and let it progress as a separate bill. +20343011 While that could make it vulnerable to a veto by Mr. Bush, Democrats argue that a presidential rejection would give their party a valuable issue in next year's congressional elections. +20343012 Senate Democrats are to meet today to consider the GOP proposal. +20343013 Yesterday, Mr. Dole seemed weary of the Bush administration's strategy of pushing the capital-gains measure at every chance in the face of Democratic procedural hurdles. +20343014 Pushing the issue on legislation needed to avoid default by the federal government, he told reporters, "doesn't seem to be very good strategy to me." +20343015 At 12:01 a.m. EST today, the federal government's temporary $2.87 trillion debt limit expired. +20343016 To avoid default, lawmakers must pass legislation raising the limit to $3.12 trillion from $2.80 trillion by next Wednesday, according to the Treasury. +20343017 Pressed by Chairman Dan Rostenkowski (D., Ill.) of the House Ways and Means Committee, Treasury Undersecretary Robert Glauber told a congressional hearing that the administration would give up its demand for the capital-gains tax cut if faced with a potential default. +20344001 Price Stern Sloan Inc. said it hired an investment banking firm to assist in evaluating restructuring or merger alternatives and reported a net loss of $8.1 million, or $2.14 a share, for the third quarter ended Sept. +20344002 These results compare with net income of $1.8 million, or 44 cents a share, for the corresponding period last year. +20344003 This quarter's loss includes pretax charges of $4.9 million on the proposed discontinuation of the company's troubled British subsidiary, and $3.7 million of other write-offs the company said were non-recurring and principally related to inventory, publishing advances and pre-publication costs. +20344004 The publishing concern said it retained the investment banking firm of Donaldson, Lufkin & Jenrette Securities Inc. to act as its financial adviser, assisting in the evaluation of various financial and strategic alternatives, including debt refinancing, raising capital, recapitalization, a merger or sale of the company. +20344005 The company also retained attorney Martin P. Levin, a director of the company and former head of the Times-Mirror Publishing Group, as an adviser. +20344006 Net sales for this year's third quarter were $14 million, down from $21.4 million last year. +20344007 The company attributed the decrease in part to the exclusion of the company's British sales from the current year's figures as a result of the subsidiary's status as a proposed discontinued operation and, in part, to lower sales in certain key foreign and domestic accounts. +20344008 U.K. sales for last year's quarter were about $3 million. +20345001 Stock prices surged as a multibillion-dollar takeover proposal helped restore market players' confidence about the prospects for further deal-making. +20345002 Paper and forest-products stocks were especially strong, as the offer for Great Northern Nekoosa by Georgia-Pacific triggered speculation that the industry could be in for a wave of merger activity. +20345003 The Dow Jones Industrial Average climbed 41.60 to 2645.08 even though some late selling caused the market to retreat from session highs. +20345004 Trading was moderate, with 176,100,000 shares changing hands on the New York Stock Exchange. +20345005 Aside from the takeover news, big buy orders were placed for blue-chip shares in afternoon trading. +20345006 Traders said the buy programs came from very large institutional accounts that were also active in the stock-index futures markets. +20345007 At one point, almost all of the shares in the 20-stock Major Market Index, which mimics the industrial average, were sharply higher. +20345008 Some 1,111 Big Board issues advanced in price and only 448 declined, while broader market averages rose sharply. +20345009 Standard & Poor's 500-Stock Index climbed 5.29 to 340.36, the Dow Jones Equity Market Index added 4.70 to 318.79 and the New York Stock Exchange Composite Index climbed 2.65 to +20345010 Great Northern surged 20 1/8 to 62 7/8, well above Georgia-Pacific's offering price of $58 a share, amid speculation that other suitors for the company would surface or that the bid would be raised. +20345011 Nearly 6.3 million shares, or about 11.5% of the company's shares outstanding, changed hands in Big Board composite trading. +20345012 With stocks having been battered lately because of the collapse of takeover offers for UAL, the parent company of United Airlines, and AMR, the parent of American Airlines, analysts viewed the proposal as a psychological lift for the market. +20345013 The $3.18 billion bid, which had been rumored since last week, "creates a better feeling that there's value in the market at current levels and renews prospects for a hot tape," says A.C. Moore, director of research at Argus Research Corp. +20345014 Traders and analysts alike said the market's surge also reflected an easing of concerns about volatility because of moves by a number of brokerage firms to curtail or cease stock-index arbitrage. +20345015 Much of the instability in stock prices lately has been blamed on arbitrage trading, designed to profit from differences in prices between stocks and index futures. +20345016 "People are looking for an ability to try and read the market, rather than be manipulated," said Dudley A. Eppel, manager of equity trading at Donaldson, Lufkin & Jenrette. +20345017 He noted that institutional investors showed "pretty general" interest in stocks in the latest session. +20345018 But traders also said arbitrage-related trading contributed to the market's surge, as buy programs boosted prices shortly after the opening and sporadically through the remainder of the session. +20345019 Georgia-Pacific fell 2 1/2 to 50 7/8, but most paper and forest-products stocks firmed as market players speculated about other potential industry takeover targets. +20345020 Within the paper sector, Mead climbed 2 3/8 to 38 3/4 on 1.3 million shares, Union Camp rose 2 3/4 to 37 3/4, Federal Paper Board added 1 3/4 to 23 7/8, Bowater gained 1 1/2 to 27 1/2, Stone Container rose 1 to 26 1/8 and Temple-Inland jumped 3 3/4 to 62 1/4. +20345021 Forest-products issues showing strength included Champion International, which went up 1 3/8 to 31 7/8; Weyerhaeuser, up 3/4 to 27 1/4; Louisiana-Pacific, up 1 1/8 to 40 3/8, and Boise Cascade, up 5/8 to 42. +20345022 The theme of industry consolidation had surfaced earlier this year among drug stocks, which posted solid gains in the latest session. +20345023 Pfizer gained 1 7/8 to 67 5/8, Schering-Plough added 2 1/4 to 75 3/4, Eli Lilly rose 1 3/8 to 62 1/8 and Upjohn firmed 3/4 to 38. +20345024 Also, SmithKline Beecham rose 1 3/8 to 39 1/2. +20345025 An advisory committee of the Food and Drug Administration recommended that the agency approve Eminase, the company's heart drug. +20345026 Two rumored restructuring candidates in the oil industry moved higher: Chevron, which rose 1 3/4 to 68 1/4 on 3.5 million shares, and USX, which gained 1 1/4 to 34 5/8. +20345027 Pennzoil is rumored to be accumulating a stake in Chevron in order to push for a revamping of the company; investor Carl Icahn has recently increased his stake in USX, which separately reported earnings that were in line with expectations. +20345028 Paramount Communications, which completed the $3.35 billion sale of its Associates Corp. financial-services unit to Ford Motor, gained 1 1/8 to 55 7/8 after losing one point Monday amid rumors of a delay. +20345029 The company said the sale would produce a $1.2 billion gain in the fourth quarter. +20345030 BankAmerica climbed 1 3/4 to 30 after PaineWebber boosted its investment opinion on the stock to its highest rating. +20345031 The upgrade reflected the 20% decline in shares of the bank since the firm lowered its rating in early October, based on the belief the stock had become expensive. +20345032 Sea Containers, which unveiled a proposed restructuring, advanced 1 to 62. +20345033 The company said it would repurchase half of its common shares at $70 each, sell an estimated $1.1 billion in assets and pay a special preferred-stock dividend to common-stock holders. +20345034 Shaw Industries, which agreed to acquire Armstrong World Industries' carpet operations for an undisclosed price, rose 2 1/4 to 26 1/8. +20345035 Armstrong added 1/8 to 39 1/8. +20345036 ERC Corp. rose 7/8 to 12. +20345037 The company agreed definitively to be acquired by Ogden Corp. in a stock swap valued at about $82.5 million. +20345038 Ogden gained 1 1/4 to 32 7/8. +20345039 Ocean Drilling & Research dropped 1 1/4 to 21 1/2 following news of a restructuring plan that calls for the company to reorganize its drilling business into a separate company and offer a 15% to 20% stake to the public. +20345040 The American Stock Exchange Market Value Index rose 1.71 to 370.58. +20345041 Volume totaled 11,820,000 shares. +20345042 Imperial Holly fell 1 5/8 to 27 1/8 in the wake of its third-quarter earnings report. +20345043 Net income was down from a year ago, when a gain from the restructuring of a retirement plan boosted earnigs. +20346001 Cilcorp Inc., Peoria, Ill., said it agreed to acquire the environmental consulting and analytical service businesses of Hunter Environmental Services Inc. of Southport, Conn. +20346002 The utility holding company said Hunter will receive 390,000 shares of a new series of Cilcorp convertible preferred stock with a face value of $39 million for the businesses. +20346003 Cilcorp will also assume $22 million of Hunter's existing debt. +20346004 As part of the agreement, Cilcorp said it will pay Hunter $4 million in exchange for agreements not to compete. +20346005 Cilcorp said the businesses to be acquired had revenue of $76 million for the year ended March 31. +20346006 Separately, Cilcorp said it plans to purchase as many as 1.4 million shares, or 10% of its common stock outstanding from time to time on the open market and through privately negotiated transactions. +20346007 The company, which currently has 13.5 million common shares outstanding, said it has no specific plans for the shares. +20347001 BUSH AND GORBACHEV WILL HOLD two days of informal talks next month. +20347002 The president said that he and the Kremlin leader would meet Dec. 2-3 aboard U.S. and Soviet naval vessels in the Mediterranean to discuss a wide range of issues without a formal agenda. +20347003 A simultaneous announcement was made in Moscow. +20347004 Bush said that neither he nor Gorbachev expected any "substantial decisions or agreements." +20347005 The seaborne meetings won't disrupt plans for a formal summit next spring or summer, at which an arms-control treaty is likely to be completed. +20347006 The two leaders are expected to discuss changes sweeping the East bloc as well as human-rights issues, regional disputes and economic cooperation. +20347007 Israel's army lifted a blockade around a Palestinian town in the occupied West Bank, ending a 42-day campaign of seizing cars, furniture and other goods to crush a tax boycott. +20347008 While residents claimed a victory, military authorities said they had confiscated the equivalent of more than $1.5 million to make up for the unpaid taxes. +20347009 East German leader Krenz arrived in Moscow for talks today with Gorbachev on restructuring proposals. +20347010 In East Berlin, Communist Party officials considered legalizing New Forum, the country's largest opposition alliance, as about 20,000 demonstrators staged protests in three cities to press demands for democratic freedoms. +20347011 The House approved a permanent smoking ban on nearly all domestic airline routes as part of a $27.1 billion transportation bill that must still overcome budget obstacles in Congress. +20347012 The chamber also sent to Bush a nearly $67 billion fiscal 1990 measure that includes the first construction funds for a space station. +20347013 Nicaragua's Ortega postponed until today a decision on whether to end a 19-month-old cease-fire in the conflict with the Contra rebels. +20347014 In Washington, the Senate voted to condemn Ortega's threat to cancel the truce, and Bush said he would review U.S. policy toward Managua, including the possibility of renewing military aid to the rebels. +20347015 Chinese leader Deng told former President Nixon that the U.S. was deeply involved in "the turmoil and counterrevolutionary rebellion" that gripped Beijing last spring. +20347016 Nixon, on the fourth day of a private visit to China, said that damage to Sino-U.S. relations was "very great," calling the situation "the most serious" since 1972. +20347017 Afghanistan's troops broke through a guerrilla blockade on the strategic Salang Highway, allowing trucks carrying food and other necessities to reach Kabul after a missile attack on rebel strongholds. +20347018 The convoy of about 100 vehicles was the first to make deliveries to the capital in about 10 days. +20347019 Turkey's legislature elected Prime Minister Ozal as the country's first civilian president since 1960, opening the way for a change of government under a new premier he will select. +20347020 The vote in Ankara was boycotted by opposition politicians, who vowed to oust Ozal. +20347021 He begins his seven-year term Nov. 9, succeeding Kenan Evren. +20347022 South Africa's government dismissed demands by right-wing Conservatives, the nation's main opposition party, for emergency talks on Pretoria's recent tolerance of dissent. +20347023 The government also urged whites to refrain from panic over growing black protests, such as the massive anti-apartheid rally Sunday on the outskirts of Soweto. +20347024 Researchers in Belgium said they have developed a genetic engineering technique for creating hybrid plants for a number of crops, such as cotton, soybeans and rice. +20347025 The scientists at Plant Genetic Systems N.V. isolated a gene that could lead to a generation of plants possessing a high-production trait. +20347026 A bomb exploded at a leftist union hall in San Salvador, killing at least eight people and injuring about 30 others, including two Americans, authorities said. +20347027 The blast, which wrecked the opposition labor group's offices, was the latest in a series of attacks in El Salvador's 10-year-old civil war. +20347028 Hungary's Parliament voted to hold a national referendum on an election to fill the new post of president. +20347029 The balloting to decide when and how to fill the position, which replaces a collective presidency under a pact signed by the ruling Socialists and opposition groups, is to be held Nov. +20347030 The State Department denied asylum to a Vietnamese man who escaped from his homeland by lashing himself to the rudder housing of a tanker for two days in monsoon seas. +20347031 A spokesman for Democratic Sen. Pell of Rhode Island said, however, that the Immigration and Naturalization Service would review the stowaway's request. +20348001 Ogden Projects Inc. said net income jumped to $6.6 million, or 18 cents a share, in the third quarter. +20348002 The Fairfield, N.J., company, which is 92%-owned by Ogden Corp., New York, had net of $1.1 million, or four cents a share, a year ago. +20348003 Revenue soared to $101.7 million from $39.5 million. +20348004 Ogden Projects, whose shares began trading on the New York Stock Exchange in August, closed yesterday at $26.875, down 75 cents. +20348005 The stock began trading this summer at $14 apiece. +20348006 Ogden Projects, which has interests in solid-waste recovery and hazardous-waste cleanup, said it has 13 facilities in operation, up from seven a year ago. +20348007 Meanwhile, Ogden Corp., which also has interests in building maintenance and management, reported third-quarter net income of $27.1 million, or 67 cents a share, more than twice the $13.5 million, or 34 cents a share, a year earlier. +20348008 Revenue rose 33% to $378.1 million from $283.8 million. +20349001 Under attack by its own listed companies and powerful floor traders, the New York Stock Exchange is considering reinstituting a "collar" on program trading that it abandoned last year, according to people familiar with the Big Board. +20349002 The exchange also may step up its disclosure of firms engaged in program trading, these people said. +20349003 Big Board officials wouldn't comment publicly. +20349004 But in an interview in which he called the stock market's volatility a "national problem," Big Board Chairman John J. Phelan Jr. said, "We are going to try to do some things in the short intermediate term" to help the situation. +20349005 Mr. Phelan has been viewed by many exchange members as being indifferent to stock-price swings caused by program trades. +20349006 He said he is "very surprised" by the furor over program trading and the exchange's role in it that has raged in recent days. +20349007 Mr. Phelan said that the Big Board has been trying to deal quietly with the issue, but that banning computer-assisted trading strategies entirely, as some investors want, would be like "taking everybody out of an automobile and making them ride a horse." +20349008 The exchange has a board meeting scheduled for tomorrow, and it is expected that some public announcement could be made after that. +20349009 Big Board officials have been under seige from both investors and the exchange's own floor traders since the Dow Jones Industrial Average's 190-point tumble on Oct. 13. +20349010 Mr. Phelan hasn't been making public remarks in recent days, and many people have urged him to take more of a leadership role on the program trading issue. +20349011 What the Big Board is considering is re-establishing a "collar" on program trading when the market moves significantly. +20349012 Early last year, after a 140-point, one-day drop in the Dow, the Big Board instituted the collar, which banned program trading through the Big Board's computers whenever the Dow moved 50 points up or down in a day. +20349013 It didn't work. +20349014 "The collar was penetrated on a number of occasions," meaning securities firms figured out ways to conduct program trades to circumvent the collar and use the Big Board's electronic trading system, Mr. Phelan said. +20349015 That was when the exchange took a new tack by publishing monthly statistics listing the top 15 program trading firms. +20349016 Exchange officials emphasized that the Big Board is considering a variety of actions to deal with program trading. +20349017 People familiar with the exchange said another idea likely to be approved is expanding the monthly reports on program trading to cover specific days or even hours of heavy program trading and who was doing it. +20349018 Meanwhile, another big Wall Street brokerage firm joined others that have been pulling back from program trading. +20349019 American Express Co.'s Shearson Lehman Hutton Inc. unit said it ceased all index-arbitrage program trading for client accounts. +20349020 In stock-index arbitrage, traders buy and sell large amounts of stock with offsetting trades in stock-index futures to profit from fleeting price discrepancies between the two markets. +20349021 Shearson, which in September was the 11th-biggest program trader on the Big Board, had already suspended stock-index arbitrage for its own account. +20349022 Also, CS First Boston Inc.'s First Boston Corp. unit, the fifth-biggest program trader in September, is "preparing a response" to the program-trading outcry, officials of the firm said. +20349023 First Boston is one of the few major Wall Street firms that haven't pulled back from program trading in recent days. +20349024 Mr. Phelan is an adroit diplomat who normally appears to be solidly in control of the Big Board's factions. +20349025 But he has been getting heat from all sides over program trading. +20349026 Mr. Phelan's recent remarks that investors simply must get used to the stock-market volatility from program trading have drawn criticism from both the exchange's stock specialists, who make markets in individual stocks, and from many companies that have shares listed on the Big Board. +20349027 Mr. Phelan said that his predicting continued volatility is just "how the world is. +20349028 If bringing the message is a crime, I'm guilty of it." +20349029 But he said this doesn't mean he is satisfied with the market's big swings. +20349030 "We're trying to take care of a heck of a lot of constituents," Mr. Phelan said. +20349031 "Each one has a different agenda." +20349032 For example, in a special meeting Monday with Mr. Phelan, senior officials of some of the Big Board's 49 stock specialist firms complained that the exchange is no longer representing their interests. +20349033 "We are looking for representation we haven't had," a specialist said. +20349034 "We've had dictation." +20349035 After another session Mr. Phelan held yesterday with major brokerage firms such as Morgan Stanley & Co., Goldman, Sachs & Co., PaineWebber Group Inc. and First Boston -- all of which have engaged in program trading -- an executive of a top brokerage firm said, "Clearly, the firms want the exchange to take leadership." +20349036 Many specialist firms resent the Big Board's new "basket" product that allows institutions to buy or sell all stocks in the Standard & Poor's 500-stock index in one shot. +20349037 Ultimately, the specialists view this as yet another step toward electronic trading that could eventually destroy their franchise. +20349038 "His {Phelan's} own interests are in building an electronic marketplace," said a market maker. +20349039 The basket product, while it has got off to a slow start, is being supported by some big brokerage firms -- another member of Mr. Phelan's splintered constituency. +20349040 Mr. Phelan has had difficulty convincing the public that the Big Board is serious about curbing volatility, especially as the exchange clearly relishes its role as the home for $200 billion in stock-index funds, which buy huge baskets of stocks to mimic popular stock-market indexes like the Standard & Poor's 500, and which sometimes employ program trading. +20349041 The Big Board wants to keep such index funds from fleeing to overseas markets, but only as long as it "handles it intelligently," Mr. Phelan said. +20349042 Despite what some investors are suggesting, the Big Board isn't even considering a total ban on program trading or stock futures, exchange officials said. +20349043 Most revisions it will propose will be geared toward slowing down program trading during stressful periods, said officials working with the exchange. +20349044 Computers have made trading more rapid, but that can be fixed with some fine-tuning. +20349045 "I think if you {can} speed things up, you can slow them down," Mr. Phelan said. +20349046 "That's different than wrecking them." +20349047 While volatility won't go away, he said, "Volatility is greater than program trading. +20349048 What I'm trying to say to people is, it's proper to worry about program trading, but it's only a piece of the business." +20349049 For example, Mr. Phelan said that big institutions have so much control over public investments that they can cause big swings in the market, regardless of index arbitrage. +20349050 "A lot of people would like to go back to 1970," before program trading, he said. +20349051 "I would like to go back to 1970. +20349052 But we're not going back to 1970." +20349053 Indeed, Mr. Phelan said that if stock-market volatility persists, the U.S. may lose its edge as being the best place to raise capital. +20349054 "Japan's markets are more stable," he said. +20349055 "If that continues, a significant number of {U.S.} companies will go over there to raise money." +20349056 In coming days, when the Big Board formulates its responses to the program-trading problem, Mr. Phelan may take a more public role in the issue. +20349057 Lewis L. Glucksman, vice chairman of Smith Barney, Harris Upham & Co., said: "This is a problem that's taking on a life of its own. +20349058 The program trading situation seems to have driven individual investors as well as others out of the market, and even Europeans are suspicious. +20349059 The exchange should take a pro-active position." +20349060 For now, however, Mr. Phelan said: "I refuse to get out there and tell everybody everything is hunky-dory. +20349061 We have a major problem, and that problem is volatility." +20349062 Craig Torres contributed to this article. +20350001 A NEW MINIMUM-WAGE PLAN has been worked out by Congress and Bush, opening the way for the first increase in over nine years. +20350002 The compromise proposal, ending a long impasse between Democrats and the president, would boost the minimum wage to $4.25 an hour by April 1991 from $3.35 now. +20350003 The legislation also includes a lower "training wage" for new workers who are teen-agers. +20350004 The Big Board is considering reviving a curb on program trading when the market is volatile. +20350005 The exchange, which abandoned such a "collar" last year because it didn't prevent sharp price swings, has been under attack recently for not taking action against program trading. +20350006 Great Northern Nekoosa reacted coolly to Georgia-Pacific's takeover bid of $58 a share, or $3.19 billion, though the suitor said all terms are negotiable. +20350007 Great Northern's stock soared $20.125, to $62.875, on speculation that a higher bid would emerge. +20350008 Stock prices rallied as the Georgia-Pacific bid broke the market's recent gloom. +20350009 The Dow Jones industrials finished up 41.60, at 2645.08. +20350010 The dollar and bond prices also closed higher. +20350011 Leading indicators rose a slight 0.2% in September, a further indication the economy is slowing but without any clear sign of whether a recession looms. +20350012 Meanwhile, new-home sales plunged 14% in the month. +20350013 Labor costs climbed 1.2% in private industry during the third quarter, matching the second-quarter rise. +20350014 Health-insurance costs soared. +20350015 Time Warner and Sony could end up becoming partners in several business ventures as part of a settlement of their dispute over Hollywood producers Peter Guber and Jon Peters. +20350016 A bidding war for Jaguar became more likely as Britain unexpectedly decided to end restrictions blocking a takeover of the luxury car maker. +20350017 Sea Containers plans to sell $1.1 billion of assets and use some of the proceeds to buy about 50% of its common shares for $70 each. +20350018 The company is trying to fend off a hostile bid by two European shipping firms. +20350019 Eastern Airlines pilots were awarded between $60 million and $100 million in back pay by an arbitrator, a decision that could complicate the carrier's bankruptcy reorganization. +20350020 LTV Steel is boosting prices of flat rolled steel products an average 3%, but it's unclear whether the increases, set for Jan. 1, 1990, will stick. +20350021 Southern's Gulf Power unit paid $500,000 in fines after pleading guilty to conspiracy to make illegal political contributions and tax evasion. +20350022 More big Japanese investors are buying U.S. mortgage-backed securities, reversing a recent trend. +20350023 USX's profit dropped 23% in the third quarter as improved oil results failed to offset weakness in the firm's steel and natural gas operations. +20350024 Miniscribe reported a negative net worth and hinted it may file for Chapter 11. +20350025 The disk-drive maker disclosed a major fraud two months ago. +20350026 Markets -- +20350027 Stocks: Volume 176,100,000 shares. +20350028 Dow Jones industrials 2645.08, up 41.60; transportation 1205.01, up 13.15; utilities 219.19, up 2.45. +20350029 Bonds: Shearson Lehman Hutton Treasury index 3426.33, up +20350030 Commodities: Dow Jones futures index 129.63, up 0.25; spot index 129.84, off 0.25. +20350031 Dollar: 142.85 yen, up 0.95; 1.8415 marks, up 0.0075. +20351001 Bond prices staggered in seesaw trading, rising on reports of economic weakness and falling on reports of economic strength. +20351002 Treasury bonds got off to a strong start, advancing modestly during overnight trading on foreign markets. +20351003 "We saw good buying in Japan and excellent buying in London," said Jay Goldinger, market strategist and trader at Capital Insight Inc., Beverly Hills, Calif. +20351004 The market's tempo was helped by the dollar's resiliency, he said. +20351005 Late in London, the dollar was quoted at 1.8410 West German marks and 142.70 Japanese yen, up from late Monday in New York. +20351006 British sterling eased to $1.5775 from $1.5825. +20351007 When U.S. trading began, Treasury bonds received an additional boost from news that sales of new single-family homes fell 14% in September. +20351008 The contraction was twice as large as economists projected and was the sharpest decline since a 19% drop in January 1982. +20351009 Economists said the report raised speculation that the economic slowdown could turn into a recession, which would pave the way for the Federal Reserve to lower interest rates. +20351010 But later in the day, a report by the Purchasing Management Association of Chicago cast doubt on the recession scenario. +20351011 The association said its October index of economic activity rose to 51.6% after having been below 50% for three consecutive months. +20351012 A reading below 50% indicates that the manufacturing industry is slowing while a reading above 50% suggests that the industry is expanding. +20351013 Bond prices fell after the Chicago report was released. +20351014 By the end of the day, bond prices were mixed. +20351015 The benchmark 30-year bond was nearly 1/4 point higher, or up about $2.50 for each $1,000 face amount. +20351016 New two-year notes ended unchanged while three-year and four-year notes were slightly lower. +20351017 Municipal bonds ended unchanged to as much as 1/2 point higher while mortgage-backed securities were up about 1/8 point. +20351018 Corporate bonds were unchanged. +20351019 In the corporate market, an expected debt offering today by International Business Machines Corp. generated considerable attention. +20351020 The giant computer maker is slated to offer $500 million of 30-year non-callable debentures through underwriters led by Salomon Brothers Inc. +20351021 Traders expect the bonds to yield about 0.60 to 0.65 percentage point above the Treasury's benchmark 30-year bond, which ended Tuesday with a yield of about 7.90%. +20351022 The last time IBM tapped the corporate debt market was in April 1988, when it offered $500 million of debt securities. +20351023 IBM's visits to the debt market are closely watched by treasurers at other corporations and by credit market analysts. +20351024 Some analysts believe the company has the ability to pinpoint the trough in interest-rate cycles. +20351025 In October 1979, just days before the Federal Reserve raised interest rates, IBM offered $1 billion in debt securities. +20351026 The boost in rates sent IBM's bonds tumbling, leaving underwriters with millions of dollars of losses and triggering a sell-off in the overall market. +20351027 The company "can't be bullish if they're doing a sizable 30-year bullet," said one analyst. +20351028 Others said IBM might increase the size of the offering to as much as $1 billion if investor demand is strong. +20351029 The company has $1 billion in debt filed with the Securities and Exchange Commission. +20351030 "I think the $500 million is a little bit of a fire drill," said Jim Ednee, head of the industrial bond department at Drexel Burnham Lambert Inc. +20351031 "I think as the pricing time arrives, the bonds will come a little richer and in a larger amount." +20351032 Treasury Securities +20351033 Treasury prices ended mixed in light trading. +20351034 The benchmark 30-year bond was quoted late at 102 12/32 to yield 7.90% compared with 102 7/32 to yield 7.92% Monday. +20351035 The latest 10-year notes were unchanged at 100 16/32 to yield 7.904%. +20351036 Short-term rates also were mixed. +20351037 The discount rate on three-month Treasury bills rose slightly from the average rate at Monday's auction to 7.79% for a bond-equivalent yield of 8.04%. +20351038 The discount rate on six-month Treasury bills fell slightly to 7.60% for a bond-equivalent yield of 7.99%. +20351039 Corporate Issues +20351040 Two junk bond issues were priced yesterday, including a scaled-backed offering by Beatrice Co. +20351041 A spokesman for underwriters Salomon Brothers Inc. said Beatrice cut its high-yield offering to $251 million from a planned $350 million after it became clear the company would have to give investors higher yields. +20351042 In the two-part offering, $151 million of senior subordinated reset notes were priced at 99.75 and carried a rate of 13 3/4%, while the $100 million of senior subordinated floating rate notes were priced to float at 4.25 percentage points above the London Interbank Offered Rate, or LIBOR. +20351043 The one-year LIBOR rate yesterday was 8 7/16%. +20351044 Since the recent deterioration of the junk-bond market, at least two other junk issuers have said they plan to scale back planned high-yield offerings, and several issues have been postponed. +20351045 William Carmichael, Beatrice chief financial officer, said favorable market conditions in September prompted the company to plan more debt than necessary. +20351046 "However, given the changes in the market conditions that have occurred since then, we decided to sell only the amount needed to proceed with our contemplated recapitalization," he said. +20351047 Under the firm's original bank credit agreement, it was required to raise $250 million of subordinated debt to be used to repay some of the bank borrowings drawn to redeem $526.3 million of increasing rate debentures in August. +20351048 A month ago, when Beatrice first filed to sell debt, the company had planned to offer $200 million of its senior subordinated reset notes at a yield of 12 3/4%. +20351049 The $150 million in senior subordinated floating-rate notes were targeted to be offered at a price to float four percentage points above the three-month LIBOR. +20351050 By October, however, market conditions had deteriorated and the reset notes were targeted to be offered at a yield of between 13 1/4% and 13 1/2%. +20351051 Mr. Carmichael said investors also demanded stricter convenants. +20351052 Continental Cablevision Inc., via underwriters at Morgan Stanley & Co., priced $350 million of junk bonds at par to yield 12 7/8%. +20351053 Mortgage-Backed Securities +20351054 J.C. Penney & Co. issued $350 million of securities backed by credit-card receivables. +20351055 The securities were priced at 99.1875 to yield about 9.19%. +20351056 Underwriters at First Boston Corp. said the J.C. Penney credit-card securities are the first with a 10-year average life, which is much longer than previous such issues. +20351057 Elsewhere, Ginnie Mae's 9% issue for November delivery was quoted at 98 18/32 bid, up 5/32 from late Monday, to yield about 9.333% to a 12-year average life assumption. +20351058 Freddie Mac's 9 1/2% issue was quoted at 99 20/32, up 3/32 from Monday. +20351059 Fannie Mae's 9% issue was at 98 7/32, up 1/8. +20351060 On the pricing front, an 11-class issue of $500 million Federal Home Loan Mortgage Corp. +20351061 Remic mortgage securities was launched by a Morgan Stanley group. +20351062 The offering is backed by Freddie Mac's 10% issue with a weighted average term to maturity of 29.583 months. +20351063 Municipal Issues +20351064 Municipal bonds were little changed to 1/2 point higher in late dealings. +20351065 "We were oversold and today we bounced back. +20351066 Some accounts came in for some blocks in the secondary {market}, which we haven't seen for a while," said one trader. +20351067 "There were no {sell} lists and the calendar is lightening up a bit. +20351068 There's light at the end of the tunnel for municipals," he said, adding that he expects prices to "inch up" in the near term. +20351069 The market's tone improved after Monday's pricing of $813 million New York City general obligation bonds. +20351070 The issue's smooth absorption eased fears that supply would overwhelm demand in coming sessions, traders said. +20351071 Demand for the bonds was strong enough to permit underwriters to trim some yields in the tax-exempt portion of the offering late Monday. +20351072 A two-part $75.1 million offering of wastewater treatment bonds by the New Jersey Wastewater Treatment Trust was more than half sold by late in the session, according to lead underwriter Merrill Lynch Capital Markets. +20351073 The debt was reoffered priced to yield from 6% in 1991 to 7.15% in 2008-2009. +20351074 Foreign Bonds +20351075 Most foreign government bonds markets were quiet. +20351076 West German bonds firmed a bit after Monday's fall, but traders said the market remains bearish due to speculation that interest rates could rise again. +20351077 In a speech given Friday but released late Monday, Bundesbank Vice President Helmut Schlesinger suggested that it was risky to claim that the booming German economy has reached the peak of its cycle. +20351078 His comments were interpreted as a sign that higher interest rates are possible. +20351079 On Oct. 5, the Bundesbank raised the Lombard and discount rates by one percentage point to 8% and 6%, respectively, the highest levels in seven years. +20351080 Germany's 7% bond due October 1999 was unchanged at 99.35 to yield 7.09% while the 6 3/4% notes due July 1994 rose 0.025 point to 97.275 to yield 7.445%. +20351081 Japanese government bonds showed little change. +20351082 Japan's benchmark No. 111 issue due 1998 ended on brokers' screens at 95.90, down 0.02 point, to yield 5.435%. +20351083 British government bonds were little changed as investors awaited an address on economic policy by John Major, the new Chancellor of the Exchequer. +20351084 Britain's benchmark 11 3/4% bond due 2003/2007 rose 2/32 to 111 1/2 to yield 10.14% while the 11 3/4% notes due 1991 were unchanged at 98 21/32 to yield 12.95%. +20352001 Paramount Communications Inc. said it sold two Simon & Schuster information services units to Macmillan Inc., a subsidiary of Maxwell Communication Corp. +20352002 The two units are Prentice Hall Information Services, which publishes tax, financial planning and business law information, among other services, and Prentice Hall Information Network, which electronically delivers tax information. +20352003 Terms weren't disclosed, but industry executives said the units were sold for $40 million. +20352004 Arthur H. Rosenfeld, previously president of the Prentice Hall Tax and Professional Services division, was named president of the newly formed Macmillan Professional and Business Reference division. +20352005 Simon & Schuster retains the Corporation Law looseleaf service, which will become part of its Prentice Hall Law & Business unit. +20353001 A governing body of both the Financial Accounting Standards Board and the Governmental Accounting Standards Board voted to give the FASB jurisdiction over accounting standards for certain government-owned entities. +20353002 The Financial Accounting Foundation voted 12-2 that FASB accounting rules supercede GASB rules in regard to utilities, hospitals, and colleges and universities owned by the government. +20353003 GASB rules still apply for other government units. +20353004 After the GASB was founded in 1984, 11 years after the FASB, the government-owned entities were supposed to follow FASB rules unless the GASB superceded them. +20353005 The GASB had told governments they didn't have to follow FASB rules on depreciation, making it difficult for bond-rating agencies to compare private and state-owned schools, which compete in the public bond market. +20353006 The foundation vote is effective for the affected government entities with fiscal years that begin starting next Jan. 1 and makes the financial results of the hospitals, colleges and schools easier to compare with for-profit businesses. +20353007 But it may lead to separate financial reports based on different rules for the government entities under FASB rules and those still under GASB rules. +20353008 "Managers of government entities are often more concerned with the political and legal structure and financial-report comparability with profit-making businesses isn't always as high a priority," a foundation spokesman said. +20354001 Avery Inc. said it completed the sale of Uniroyal Chemical Holding Co. to a group led by management of Uniroyal Chemical Co., the unit's main business. +20354002 It valued the transaction at $800 million. +20354003 Avery, which continues to operate a coal company it expects to sell at a loss, said in proxy materials it intends to seek control of one or more companies. +20354004 After fees and repayment of debt, Avery is left with about $24 million in cash and securities from the Uniroyal sale. +20354005 Avery paid $750 million, including various legal and financing fees, to acquire Uniroyal Chemical, Middlebury, Conn., in 1986 -- a move that burdened Avery with debt. +20354006 In over-the-counter trading, Avery shares were quoted yesterday at a bid price of 93.75 cents a share. +20354007 According to Avery, for the year ended Sept. 30, 1988, Uniroyal Chemical had sales of $734.2 million and a net loss of $47.1 million. +20354008 An Avery spokesman said that the loss was magnified by accounting adjustments and that the company's loss was smaller on a cash basis. +20354009 Uniroyal has 2,600 employees and facilities in the U.S., Canada, Brazil, Italy and Taiwan. +20354010 In a related development, Avery said it completed a recapitalization in which its controlling shareholders and top officers, Nelson Peltz and Peter W. May, surrendered warrants and preferred stock in exchange for a larger stake in Avery's common shares. +20354011 On a fully diluted basis, the two raised their stake to 68% from 51%. +20354012 In December 1988, Messrs. Peltz and May sold their stock in Triangle Industries Inc., a packaging company they controlled, to Pechiney Corp. of France. +20354013 The executives had profited handsomely by building American National Can Co., Triangle's chief asset. +20354014 In January 1989, the two men acquired the non-packaging assets of Triangle, including a controlling stake in Avery and, by extension, Uniroyal Chemical. +20354015 In the August proxy material, Avery said that unless it sold Uniroyal, its ability to service debt would be hurt and Avery's shareholder value would "continue to erode." +20354016 Until Avery makes an acquisition, Messrs. Peltz and May will waive their direct salaries and bonuses, the company said. +20354017 For at least the next six months, however, Avery will continue to pay $200,000 a month for management services to a company controlled by Messrs. Peltz and May, according to the proxy material. +20355001 Clarcor Inc. said a plan to sell its J.L. Clark Inc. subsidiary to a group headed by Anderson Industries Inc. for $70.3 million has been terminated. +20355002 Clarcor, a maker of packaging and filtration products, said the two companies couldn't agree on terms of a definitive agreement. +20355003 The sale price of the unit, which makes packaging products, was to consist of cash, notes and an amount to be determined by the unit's future performance. +20355004 Clarcor said it is inviting proposals from other prospective purchasers of the unit. +20355005 Both Clarcor and Anderson are based in Rockford, Ill. +20356001 Rally's Inc. said it adopted a shareholders rights plan to protect shareholders from an inadequately priced takeover offer. +20356002 The plan provides for the distribution of one common stock-purchase right as a dividend for each share of common outstanding. +20356003 Each right entitles shareholders to buy one-half share of common for $30. +20356004 Earlier this month, a group led by three of the company's directors, Burt Sugarman, James M. Trotter III and Willam E. Trotter II, indicated it had a 45.2% stake in the Louisville, Ky., fast-food company and that it planned to seek a majority of seats on Rally's nine-member board. +20356005 The company said it was "concerned about the announced intent to acquire control of the company" by a Sugarman-led group. +20357001 Fujitsu Ltd. said it wants to withdraw its controversial one-yen bid to design a waterworks computer system for the city of Hiroshima. +20357002 Meanwhile, Japan's Fair Trade Commission said it was considering launching an investigation into whether the bid, the equivalent of less than a penny, violates anti-monopoly laws. +20357003 Hiroshima last week held an auction to pick the contractor, expecting to pay about 11 million yen for the project. +20357004 Eight companies submitted bids, but Fujitsu won the contract by essentially saying it would do the job for free. +20357005 News of the bid drew sharp criticism from other computer companies and industry observers. +20357006 Fujitsu itself, which said the bid hadn't been approved by its headquarters, was clearly embarrassed. +20357007 The bid wasn't "socially acceptable," a company spokeswoman said. +20357008 Hiroshima officials said they still consider the contract in effect and had no immediate plans to cancel it. +20357009 They said they wanted to wait for the outcome of any government investigation before deciding what to do. +20358001 The city's Department of Consumer Affairs charged Newmark & Lewis Inc. with failing to deliver on its promise of lowering prices. +20358002 In a civil suit commenced in state Supreme Court in New York, the agency alleged that the consumer-electronics and appliance discount-retailing chain engaged in deceptive advertising by claiming to have "lowered every price on every item" as part of an advertising campaign that began June 1. +20358003 The agency said it monitored Newmark & Lewis's advertised prices before and after the ad campaign, and found that the prices of at least 50 different items either increased or stayed the same. +20358004 In late May, Newmark & Lewis announced a plan to cut prices 5% to 20% and eliminate what it called a "standard discount-retailing practice" of negotiating individual deals with customers. +20358005 The consumer agency also disputed Newmark & Lewis's continuing strategy of advertising "new lower prices" when allgedly there haven't been price reductions since June 1. +20358006 Richard D. Lewis, president of the 47-store chain, defended the company's pricing campaign, saying it didn't use "the misleading expression `reduced from original prices.'" +20358007 Mr. Lewis said the company marked price tags and advertised at its "lowest possible prices" for all its merchandise to reduce public confusion. +20358008 Mr. Lewis said the company gave the Consumer Affairs department "volumes of documents" to substantiate its statements, and made "every effort to comply" with all the agency's policies. +20358009 In its suit, the consumer agency seeks fines of $1,000 per violation of the city's Consumer Protection Law, costs of investigation, and an injunction to prevent Newmark & Lewis from continuing its allegedly deceptive advertising. +20359001 Wary investors have been running for the stock market's equivalent of bomb shelters, buying shares of gold-mining and utility companies. +20359002 Those two groups have recently been leading the list of stocks setting new highs. +20359003 On Friday, when only a dozen common stocks hit 52-week highs on the New York Stock Exchange, five were gold-mining issues, and another four were utilities. +20359004 On Monday, when a mere seven common stocks managed new highs, six were utilities or golds. +20359005 At first glance, gold and utilities seem strange bedfellows. +20359006 After all, gold prices usually soar when inflation is high. +20359007 Utility stocks, on the other hand, thrive on disinflation, because the fat dividends utilities pay look more attractive when prices are falling (or rising slowly). +20359008 But the two groups have something very important in common: They are both havens for scared money, stocks for people who hate stocks. +20359009 It's as if investors, the past few days, are betting that something is going to go wrong -- even if they don't know what. +20359010 If the stock market and the economy catch their breath and show that they're on firmer footing, these stocks might well fall back. +20359011 Indeed, that happened to some extent yesterday, as industrial stocks rebounded, partly on news of takeovers in the paper industry. +20359012 Still, a lot of investors clearly have revived their interest in gold and utility shares. +20359013 "The primary overriding thing is that people are frightened," says Martin Sass, a New York money manager. +20359014 "The aftershocks of Oct. 13 (when the Dow Jones Industrial Average dropped 190 points) are still reverberating." +20359015 Certainly, the Oct. 13 sell-off didn't settle any stomachs. +20359016 Beyond that, money managers and analysts see other problems. +20359017 Inventories are creeping up; car inventories are already high, and big auto makers are idling plants. +20359018 Takeover fever has cooled, removing a major horse from the market's cart. +20359019 Britain's unsettled political scene also worries some investors. +20359020 "The gyrations in the British government" add political uncertainty on top of high inflation and a ragged stock market, says John Hoffman, assistant director of research at Smith Barney, Harris Upham & Co. +20359021 "One of the three major markets in the world is getting chewed up pretty bad." +20359022 "If the Fed does not come to the rescue and produce lower short-term interest rates over the next 30 days, the market's going to flounder," says Larry Wachtel, a market analyst with Prudential-Bache Securities. +20359023 With this sort of sentiment common, it's natural for investors to seek out "defensive" investments. +20359024 Utilities are a classic example: Even in recessions, people continue to use electric power, water and gas at a fairly steady rate. +20359025 Such defensive issues as food, tobacco, and drug stocks have been in favor for some time. +20359026 But many of these stocks have now become expensive. +20359027 Mr. Wachtel points to Coca-Cola Co. and PepsiCo Inc. as examples: They're selling for 18 to 22 times estimated 1990 per-share earnings. +20359028 Gold stocks aren't cheap on this basis, either, with many selling for 20 times earnings or more. +20359029 Even utility stocks aren't all that inexpensive, at an average of 14 times earnings. +20359030 But the two groups represent a further step in defensiveness. +20359031 If gold stocks and utilities continue to lead, it may signal that the market is in for rough times. +20359032 That's just what Joseph Granville expects. +20359033 "We are going to explode lower," says the flamboyant market seer, who had a huge following a few years back. +20359034 "Anyone telling you to buy stocks in this market is technically irresponsible. +20359035 You don't want to own anything long except gold stocks." +20359036 One reason for his gloom is a weekly tally he keeps of stocks within a point of hitting new highs or lows. +20359037 Last Friday, 96 stocks on the Big Board hit new 12-month lows. +20359038 But by Mr. Granville's count, 493 issues were within one point of such lows. +20359039 Robert Stovall, a veteran New York money manager and president of Stovall/Twenty-First Securities, has money in both gold and utility issues. +20359040 "I think we could very well have {an economic} slowdown, beginning very soon if not already," he says. +20359041 Mr. Stovall doesn't expect an actual recession. +20359042 But he does expect "a muffler dragger" of an economy, with "very slow growth, maybe one quarter of no growth at all." +20359043 In such a climate, utility stocks look good to him. +20359044 He favors FPL Group Inc., Florida Progress Corp., TECO Energy Inc., Wisconsin Energy Corp., and Dominion Resources Inc. +20359045 The appeal of gold issues, Mr. Stovall says, is that "they're a counter group. +20359046 You go into them because they move counter to the general market." +20359047 He adds that gold stocks had been down so long they were "ready for a bounce." +20359048 His favorites are American Barrick Resources Corp., Echo Bay Mines Ltd. and Coeur d'Alene Mines Corp. +20359049 Nevertheless, Mr. Stovall emphasizes that "you don't buy {gold stocks} based on powerful fundamentals." +20359050 In addition to having high price-earnings ratios, most pay puny dividends, if any. +20359051 "The earning power {of gold mining companies} is restricted unless the gold price hops up over $425 an ounce," he says. +20359052 Abby Cohen, an investment strategist for Drexel Burnham Lambert, also thinks it makes sense to have some money in both utilities and gold. +20359053 "My outlook is for a decline of about 10% in corporate profits" in 1990, she says. +20359054 But "a bunch of utilities" should post profit increases. +20359055 Among utilities, Drexel currently favors Entergy Corp. and General Public Utilities Corp. +20359056 As for gold, she notes that it usually rises when the dollar is weak, as it has been lately. +20359057 Among gold stocks, Drexel likes Battle Mountain Gold Co., Newmont Gold Co. and Freeport-McMoRan Gold Co. +20360001 It never ceases to amaze me how the business world continues to trivialize the world's environmental problems ("Is Science, or Private Gain, Driving Ozone Policy?" by George Melloan, Business World, Oct. 24). +20360002 To suggest that a 10% drop in ozone by the middle of the next century would be negligible is irresponsible and shortsighted. +20360003 Consider the fact that a mere 2% drop in ozone would increase birth defects and mutations by allowing solar radiation to alter the DNA structure. +20360004 Even a small reduction is unacceptable and to suggest otherwise is penny-wise and pound-foolish. +20360005 The reason environmentalists "don't mind seeing new crises arise" is because there are new crises. +20360006 Crises larger and more dangerous to the quality of life than they were 10 years ago. +20360007 If you are doubtful, consider for a moment that the Pomton Lakes Reservoirs in northern New Jersey, which supply the tristate area with drinking water, are riddled with toxic PCBs. +20360008 This is a fact and not the product of some environmental doomsayer or a group's ploy to create a market. +20360009 It's time business leaders and the general public learn that mankind does not rule over this natural environment but is rather the integral, symbiotic player within nature's workings. +20360010 Mark T. Kuiper Jersey City, N.J. +20360011 Mr. Melloan's column was right on the money, but I wish it could have gone one step further. +20360012 As an employee of a major refrigerator and freezer manufacturer, I have been heavily involved in dealing with the political manifestations of the Rowland-Molina theory (named after the researchers who found in 1974 that chlorofluorocarbons contributed to the depletion of ozone in the earth's atmosphere) and the Montreal Protocol. +20360013 An important part of my effort has been to understand the science so I can explain it to corporate colleagues facing major changes in product design. +20360014 In my research, I have found a paper by Joseph Scotto of the National Cancer Institute and several colleagues reporting an 11-year decrease in UV-B radiation at eight U.S. measurement sites. +20360015 Our concern for the ozone layer, of course, grows out of the potential for increasing UV-B radiation, which could damage flora and fauna. +20360016 The last of the measurements reported was in 1985, but recent conversations with Mr. Scotto indicated that he knew of no recent changes in the trend. +20360017 I understand, but haven't yet verified, that there are studies by Norwegians, Russians and the Max Planck Institute that show either unchanging or declining UV-B at the surface. +20360018 To me, this calls into question the validity of the Rowland-Molina theory and hence the whole chlorofluorocarbons replacement effort. +20360019 This, in turn, threatens the massive vested interests of which you have written. +20360020 My questions on this subject at a recent meeting at the World Resources Institute with representatives of the National Resource Development Commission, the Environmental Protection Agency, Friends of the Earth, etc. were greeted with derision and some mumbled comments about that report being discredited. +20360021 When I expressed amazement that no one was undertaking a more current and credible UV-B study, I was urged to get back to the agenda topic, which was, ironically, a schedule for getting rid of HCFCs, the so-called soft CFCs that are such an important part of the CFC substitution scenario. +20360022 Subsequently, I have learned that a private group, of which Du Pont is a part, is funding a modest program to continue data gathering at the Scotto report stations as well as to develop more sophisticated UVB measuring instruments. +20360023 But this is almost an underground activity. +20360024 To my knowledge, no government entities, including the EPA, are pursuing UV-B measurements. +20360025 The topic never comes up in ozonedepletion "establishment" meetings, of which I have attended many. +20360026 It seems to me that such measurements are a vital part of any intellectually honest evaluation of the threat posed by CFCs. +20360027 While recognizing that professional environmentalists may feel threatened, I intend to urge that UV-B be monitored whenever I can. +20360028 Frederick H. Hallett Vice President Industry and Government Relations White Consolidated Industries Inc. Washington +20360029 The relationship between surface release of CFCs and global stratospheric ozone loss was identified back in 1974. +20360030 Although, like all scientific theories, it had its initial opponents, few experts question the connection now. +20360031 The discovery of the ozone "hole" over Antarctica and the results of ground-based and high-altitude aircraft experiments conducted over the past several years serve as evidence that ozone depletion is related to CFC concentrations. +20360032 In the September issue of Scientific American, Thomas E. Graedel, distinguished member of the technical staff at AT&T Bell Laboratories, and Paul J. Crutzen, director of the air chemistry division of the Max Planck Institute for Chemistry in Mainz, West Germany, wrote, "It is now quite evident that chlorofluorocarbons, particularly CFC-11 and CFC-12 are the major culprits responsible for ozone depletion." +20360033 Mr. Melloan quotes Peter Teagan and invokes the name of Arthur D. Little Inc. to support his statement. +20360034 However, unlike Messrs. Graedel and Crutzen, who are both pioneers in the study of atmospheric chemistry, Mr. Teagan has no special expertise in the area. +20360035 He is a mechanical engineer, not an atmospheric chemist. +20360036 It is insulting and demeaning to say that scientists "needed new crises to generate new grants and contracts" and that environmental groups need them to stay in business. +20360037 Solving the global environmental problems we all face will require an unprecedented level of cooperation and communication among industry, policy makers and the scientific community world-wide. +20360038 Karen Fine Coburn Publisher Global Environmental Change Report Arlington, Mass. +20361001 Nearly two months after saying it had been the victim of widespread fraud, MiniScribe Corp. disclosed it had a negative net worth of $88 million as of July 2 and hinted that it might be forced to file for protection under bankruptcy laws. +20361002 Richard Rifenburgh, chairman and chief executive of the Longmont, Colo., disk-drive maker, also said the company continued losing money in the third quarter and expects to sustain further losses through the end of the year. +20361003 Mr. Rifenburgh told industry analysts he is moving "aggressively" to negotiate out-of-court settlements on a number of shareholder lawsuits, but noted that the company could file for bankruptcy-law protection if settlement talks fail. +20361004 Mr. Rifenburgh also noted that 150 million shares of MiniScribe common stock were traded during the past three years, "so there's a tremendous amount of exposure." +20361005 MiniScribe has said that its financial results for the past three fiscal years would have to be restated because of the allegedly fraudulent accounting and marketing practices that inflated revenues and net income. +20361006 MiniScribe also hasn't filed any financial statements for 1989. +20361007 Mr. Rifenburgh said such statements should be ready by the end of November. +20361008 He said he expects the company to have $500 million in sales for this year. +20361009 He didn't say what the company expected to report for year-earlier sales, which will be restated from the previously reported $603 million. +20361010 The release of MiniScribe's new balance sheet came one day after it introduced its new line of one-inch disk drives, on which it is pinning much of its hope for survival. +20361011 Although it is not the first company to produce the thinner drives, which store information in personal computers, MiniScribe says it is the first with an 80-megabyte drive; the company plans to introduce a 120-megabyte drive next year. +20361012 Analysts and consultants had mixed reactions to yesterday's announcements, praising Mr. Rifenburgh's efforts but questioning whether the company can survive in a highly competitive marketplace. +20361013 "It's a wait-and-see attitude," said Dave Vellante, vice president of storage research for International Data Corp. +20361014 Others pointed out that at least four other disk-drive makers will have competitive one-inch drives early next year and that the industry already operates on very thin margins. +20361015 The company also faces delisting by the National Association of Securities Dealers. +20361016 The company continues to trade in the over-the-counter market with an exception to listing requirements. +20361017 MiniScribe filed a status report with the NASD on Monday, detailing its efforts to comply with listing requirements and requesting an extension of the exception, but hasn't received a response. +20361018 MiniScribe common closed yesterday at $1.9375, down 6.25 cents, and has been trading for several months at less than $3 a share. +20361019 Meanwhile, U.S. Attorney Jerry Rafferty in Denver is reviewing the report prepared by MiniScribe's outside directors, to determine if criminal charges should be brought before a grand jury. +20361020 The MiniScribe report outlines a host of allegedly fraudulent practices, including the shipment of bricks and defective disk drives that were booked as sales, and inventory forgeries in accounting records. +20361021 The internal investigation also criticized MiniScribe's auditors, Coopers & Lybrand, for allegedly ignoring numerous red flags. +20361022 Mr. Rifenburgh said the board still hasn't acted on most of the internal report's recommendations, pending restatement of the balance sheet. +20361023 He added that he expects to make a recommendation within a few weeks on whether MiniScribe should file its own lawsuits against former company officers and directors. +20362001 American Enterprise Institute scholar Norman Ornstein in the Oct. 21 TV Guide on "What TV News Doesn't Report About Congress -- and Should": +20362002 By concentrating all their resources on the pay raise, Wright and Tower, the networks actually overlooked some major stories that showed the flaws and shortcomings of the institution. . . . +20362003 An imaginative producer could easily have created a fast-moving and interesting piece about how Congress really works -- and why voters in, say, West Virginia got a federally funded university project and building while voters in Arkansas did not. +20362004 But nobody did such a piece, reflecting a contemporary axiom: the more a scandal has to do with a congressman's duties as a congressman, the less likely it is to catch the fancy of a network. +20362005 Ethicist Michael Josephson, in one of his institute's recent publications on "Journalism: In the Year 2000": +20362006 The operative definition of newsworthiness will favor virtually unrestrained use of personal, sensitive and intimate facts. +20362007 Traditional standards of relevancy and importance ("is this something the public ought to know") will be replaced by a much broader test ("is this something the public is interested in knowing"). +20362008 And, since the public has always been fascinated by gossip and voyeurism, reporters and editors will strain for creative angles to justify the inclusion of collateral facts about private lives including sexual activities and domestic relationships, activities of family members, and all matters about mental and physical health. +20362009 Similarly, visual images will be more vivid, sensational and, sometimes, gruesome. +20362010 One consequence of the trend toward tabloid standards of taste will be fierce attacks from politicians who will find sufficient evidence of abuse to arouse an already cynical public to control the press. +20363001 Bankers Trust New York Corp. won permission from the Federal Reserve Board to move the company's private placement department to its fledgling securities subsidiary. +20363002 The seemingly mundane action, which was opposed by the Securities Industry Association, a trade group, has important implications for banks' recent entry into the underwriting of corporate securities. +20363003 The Fed's action increases the volume of publicly registered securities that banks' securities affiliates will be able to underwrite. +20363004 Several other banks have similar applications pending. +20363005 Over the past two years, the Fed has given a handful of banks' securities affiliates permission to underwrite and deal in a variety of corporate, asset-backed and municipal securities that had previously been the sole domain of securities firms. +20363006 Securities firms have challenged those Fed approvals, saying they violate federal laws separating the banking and securities businesses. +20363007 However, the Fed limited the revenue that banks could earn from these new underwriting activities to no more than 10% of the revenue earned from other securities activities long open to banks, such as dealing in U.S. Treasurys. +20363008 For some banks that 10% ceiling created problems. +20363009 But, by allowing BT Securities Inc. to handle private placements, the Fed boosted the volume of new types of underwriting that the unit can do. +20363010 Private placements involve debt and equity securities, typically in denominations of $1 million, that are sold to institutional investors and aren't registered with the Securities and Exchange Commission. +20363011 Last year, Bankers Trust said it placed $10 billion of corporate debt and equities privately. +20364001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +20364002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +20364003 Estimated and actual results involving losses are omitted. +20364004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +20364005 Otherwise, actual profit is compared with the 300-day estimate. +20365001 Bonnie J. Stedt was named an executive vice president of the American Express Travel Related Services Co. unit of this travel and financial services firm. +20365002 She retains her duties of human-resources director. +20366001 Joe F. Lynch, the 56-year-old chairman and chief executive officer of First Continental Real Estate Investment Trust, was named to the new post of vice chairman of this bank holding company. +20367001 Every workday at 11 a.m., 40-year-old Mike Sinyard dons cycling clothes, hops on a bike he keeps at his Morgan Hill, Calif., office and sets out to cover a distance most people would travel only by car. +20367002 As many as 50 of his employees at Specialized Bicycle Components Inc. ride with him. +20367003 When they return to their desks at 1 p.m., they have pedaled 20 miles. +20367004 Such fervor for cycling helped Mr. Sinyard build a creative company at the forefront of its industry. +20367005 Founded by bike enthusiasts rather than businessmen, Specialized spotted the appeal of fat-tired bikes that go almost anywhere and began mass-producing them in 1981. +20367006 In the past five years, the company's sales have grown to $80 million from $26 million. +20367007 Today, so-called mountain bikes account for two-thirds of the $2 billion spent annually on all bicycles in the U.S. +20367008 With 65% of its sales coming from mountain bikes, Specialized is widely considered to be a market leader. +20367009 (Accessories, largely for mountain-bike users, account for much of the rest of sales.) +20367010 But today, the company needs its entrepreneurial spirit more than ever. +20367011 One large competitor after another is leaping into the booming market Specialized helped create, turning out mountain bikes with such well-known names as Schwinn, Peugeot, Raleigh and Nishiki. +20367012 Thus, Mr. Sinyard's company must innovate more than ever to stay ahead of them, by developing new products specifically for mountain biking. +20367013 At the same time, though, it must become more structured to better manage its growth. +20367014 Accomplishing both will be a balancing act as challenging as riding a unicycle. +20367015 It is a problem common to small companies that have grown fast -- especially when their success attracts big-time competitors. +20367016 "The big word around Specialized is passion," says Erik Eidsmo, a former ski-industry executive whom Mr. Sinyard recruited from Citicorp to run marketing and sales. +20367017 "What I hope to bring to this is another word: process. +20367018 That's my challenge. +20367019 It's Mike's challenge as well." +20367020 Mr. Eidsmo is one of several key people from outside the cycling industry who were hired to bring the free-wheeling, fast-growing company under tighter control. +20367021 "We had a lot of problems," Mr. Sinyard says. +20367022 While the company's sales were soaring, "We still had a system that was probably appropriate for $10 million to $20 million in sales." +20367023 Adds Mr. Eidsmo, "What felt good that day was done that day." +20367024 Since his arrival in May, Mr. Eidsmo has put in place techniques learned while working for Citicorp, such as management-by-objective, detailed project plans and forecasts of company sales and product trends. +20367025 "We're finally getting -- and it's been very painful -- some understanding of what the company's long-term horizon should begin to look like," Mr. Eidsmo says. +20367026 "But it's risky," he says of Specialized's attempt to adopt a corporate structure. +20367027 "You don't want to lose the magic" of the company's creative drive. +20367028 Hoping to stay ahead of the pack, the company is emphasizing innovation. +20367029 At a recent trade show, convention-goers lined up to view a new Specialized bike frame that weighs just 2.7 pounds -- a pound less than the lightest mountain-bike frame on the market. +20367030 By replacing the frame's steel lugs with titanium ones, Mr. Sinyard's company plans to make its next generation of frames even lighter. +20367031 At the trade show, Specialized also unveiled a revolutionary three-spoked bike wheel developed jointly by Specialized and Du Pont Co. +20367032 Made of space-age materials, the wheel spokes are designed like airplane wings to shave 10 minutes off the time of a rider in a 100-mile race, the company claims. +20367033 It currently costs $750, though Mr. Sinyard thinks the price can be reduced within three years to between $200 and $250. +20367034 He was able to slash the price of the company's least expensive mountain bike to $279 from $750 in +20367035 But demands on the company's creativity are certain to grow. +20367036 Competition is intensifying as larger companies invade a mountain-bike market Mr. Sinyard's company once had virtually all to itself. +20367037 U.S. Cycling Federation official Philip Milburn says mountain biking is "growing at such a monstrous rate that a lot of companies are getting into this." +20367038 One especially coveted Specialized market the new players are targeting is mountain-bike accessories, which Mr. Eidsmo calls "the future of our business." +20367039 Accessories not only sell faster than whole bikes, they also offer profit margins nearly double the 25% to 30% or so on sales of complete cycles. +20367040 To get a piece of the business, Nike Inc., Beaverton, Ore., introduced a line of mountain-bike shoes. +20367041 About a month ago, Michelin Tire Corp., Greenville, S.C., began selling mountain-bike tires, for years a Specialized stronghold. +20367042 Competition in the sale of complete bikes is heating up too. +20367043 Trek Bicycle Corp., which accounts for one-quarter of the $400 million in annual sales at its Milwaukee-based parent, Intrepid Corp., entered the mountain-bike business in 1983. +20367044 Trek previously made only traditional road bikes, but "it didn't take a rocket scientist to change a road bike into a mountain bike," says Trek's president, Dick Burke. +20367045 The segment now makes up roughly two-thirds of his company's total sales. +20367046 At Giant Bicycle Inc., Rancho Dominguez, Calif., sales have tripled since the company entered the U.S. mountain-bike business in 1987. +20367047 A subsidiary of a Taiwanese holding company with world-wide sales of $150 million, Giant is one example of the sudden globalization of Mr. Sinyard's once-cozy market niche. +20367048 Schwinn Bicycle Co., Chicago, established joint ventures with bike companies in mainland China and Hungary to sell bikes. +20367049 In the past year, Derby International Corp., Luxembourg, has acquired such major brands as Peugeot, Raleigh and Nishiki. +20367050 In response to the internationalization of the business, Mr. Sinyard's company is replacing independent distributors overseas with wholly owned subsidiaries. +20367051 The move will cut out the cost of a middleman and give Specialized more control over marketing and sales. +20367052 But as Bill Austin, Giant's president, puts it, "With some of the bigger players consolidating their strength, the game has changed. +20368001 Carl E. Pfeiffer, chief executive officer, was named to the additional post of chairman of this specialty-metals manufacturing concern. +20368002 Robert C. Snyder, a director and chief operating officer of the company, succeeds Mr. Pfeiffer as president. +20369001 Roger M. Marino, president, was named to the new post of vice chairman. +20369002 Michael Ruettgers, who had been executive vice president, operations, was named president and chief operating officer. +20369003 EMC manufactures data-storage systems for mainframes and minicomputers. +20370001 Richard J. Riordan was elected a director of this single-family home builder, increasing the board to nine. +20370002 He is a senior partner with the law firm of Riordan & McKinzie and is a partner in Riordan Venture Management. +20371001 John Franco, 47 years old, formerly vice chairman of Capital Holding Corp. and president of its Accumulation Investment Group, was named chief executive officer of this insurance holding company, effective Dec. 1, succeeding Robert T. Shaw, who remains chairman. +20371002 I.C.H. also named Steven B. Bing, 42, senior vice president since 1986, as president, succeeding John W. Gardiner, who will join the HMS Acquisition Corp. division of Hicks, Muse & Co., which has agreed to buy most of I.C.H.'s Denver-based subsidiaries. +20372001 MCI Communications Corp. said it won a $27 million contract from Stuart-James Co., a Denver investment banking concern, to provide voice and data telecommunications services. +20372002 The agreement calls for MCI to provide data service, 800 and Vnet service, a virtual private network service. +20372003 The companies wouldn't disclose the length of the contract except to say it was a multiyear agreement. +20373001 The head of British Satellite Broadcasting Ltd. said he hopes to raise about #450 million ($711 million) before the satellite-TV venture makes its delayed debut next spring -- with a major chunk coming from new investors. +20373002 "We'll raise it through bank loans. +20373003 We'll raise it through {new} equity. +20373004 And we'll raise it through existing shareholders" as well as through junk bonds, said Anthony Simonds-Gooding, the private consortium's chief executive. +20373005 He said he believes the bank loan, to be arranged by February, will supply about half of the financing. +20373006 British Satellite, which already has raised #423.5 million from 10 backers, initially expected to seek an additional #400 million. +20373007 Mr. Simonds-Gooding said the additional financing may leave British Satellite owned by about 20 investors, including Australian entrepreneur Alan Bond, whose nearly 36% stake would be reduced to as little as 20%. +20373008 Bond Corp., British Satellite's biggest investor, would like to withdraw from the satellite-TV consortium, and analysts have speculated Hollywood studios might buy the Bond stake. +20373009 But Mr. Simonds-Gooding said he isn't talking to any studios about investing. +20373010 Besides Bond Corp., British Satellite's other backers include Pearson PLC, Reed International PLC and Granada Group PLC. +20373011 The consortium faced a setback in May when technical problems forced it to postpone the September launch until next spring. +20373012 Continued uncertainty about the timing of the consortium's debut could make it hard to find a #450 million cash injection. +20373013 Mr. Simonds-Gooding conceded that British Satellite's potential U.K. lenders "are saying, `When you're on the air, you'll {actually} get the money.'" +20373014 The bankers also insist that the loans depend on the consortium raising more money from new and existing backers. +20373015 British Satellite today is unveiling a #30 million advertising and promotional drive for the consortium's planned five channels of movies, sports, entertainment and news shows. +20373016 As part of the drive, the first 50,000 viewers who put up #10 each will get a package valued at #170 -- including a satellite receiving dish, equipment installation and a three-month subscription to its pay-movie service. +20373017 British Satellite faces competition from Sky Television, a satellite-TV venture begun last February and owned by Rupert Murdoch's News Corp. +20373018 The rivals currently are locked in a costly bidding contest for Hollywood film rights. +20374001 Shares closed sharply higher in London in the year's thinnest volume Monday, supported largely by a technical bounce after last week's sharp declines. +20374002 Tokyo stocks posted a second-consecutive loss Monday, while trading in Frankfurt, West Germany, was mixed. +20374003 In London, the Financial Times 100-share index finished 30.1 points higher at 2112.2. +20374004 The index settled off the high of 2117.1 posted after Wall Street opened stronger. +20374005 But it showed strength throughout the session, hitting a low of only 2102.2 within the first few minutes of dealings. +20374006 The 30-share index settled 23.2 points higher at 1701.7. +20374007 Volume was only 256.6 million shares, breaking the previous 1989 low of 276.8 million shares recorded Oct. 23. +20374008 Turnover was also down substantially from 840.8 million shares on Friday. +20374009 Dealers said the market was supported to some extent by a firmer pound, gains on Wall Street and shopping by market-makers to cover internal requirements for selected stocks in the 100-share index. +20374010 Dealers attributed most of the day's gains to market-makers moving prices higher, rather than an outbreak of significant buying interest. +20374011 Prices were up across the board, with most blue-chip stocks registering solid gains. +20374012 Though the market was stronger, dealers said fresh buying interest was sidelined ahead of a potential market-affecting debate in the House of Commons set for Tuesday. +20374013 It will be Chancellor of the Exchequer John Major's first appearance before the opposition Labor Party. +20374014 The market is keenly interested in hearing what he has to say about the status of the current 15% base lending rate. +20374015 In London trading, Courtaulds, a chemicals and textiles company, increased 15 pence to 362 after it disclosed plans to spin off its textiles operations into a separately listed company on Jan. 1. +20374016 It was the most active of the 100-share index at 8.3 million shares, 6.5 million of which were traded by midday. +20374017 Jaguar ended 22 higher at 747. +20374018 Dealers said fresh buying was drawn into Jaguar after a senior executive of Daimler-Benz, the auto maker, told a British television interviewer during the weekend that the West German company held talks with the luxury auto maker over possible joint ventures. +20374019 Although Daimler has said it isn't interested in mounting a bid for Jaguar, dealers said its name further underlined the growing interest in the British concern. +20374020 Glaxo was the biggest gainer, jumping 35 to #13.78 ($21.72) on anticipation of a stock split next week. +20374021 Total turnover in Glaxo was a thin 975,000 shares. +20374022 In Tokyo, stocks had a second-consecutive loss Monday in quiet trading with the exception of concentrated buying in some incentive-backed issues. +20374023 The Nikkei index of 225 selected issues fell 109.85 points to 35417.44. +20374024 The index fell 151.20 Friday. +20374025 In early trading in Tokyo Tuesday, the Nikkei index rose 35.28 points to 35452.72. +20374026 On Monday, volume on the First Section was estimated at 600 million shares, down from 1.24 billion shares Friday. +20374027 Declining issues outnumbered advancers 551 to 349; 224 issues were unchanged. +20374028 Investors, who took profits Friday, mostly took a wait-and-see attitude Monday amid uncertainty in the foreign-currency market and New York stocks, traders said. +20374029 Takamori Matsuda, an analyst at Dresdner-ABD Securities, said fading expectation for lower interest rates made investors step back from real-estate shares, which advanced last week. +20374030 Some traders said institutions were waiting to see the U.S. jobless rate to be issued Friday. +20374031 The Tokyo Stock Price Index of all issues listed in the First Section, which fell 15.82 points Friday, was down 5.16 points, or 0.19%, at 2676.60. +20374032 The Second Section index, which fell 36.87 points Friday, was down 21.44 points, or 0.59%, to close at 3636.06. +20374033 Second Section volume was estimated at 15 million shares, down from 24.5 million shares Friday. +20374034 Monday's losers included railway, electric-utility and high-technology issues. +20374035 The energy of participating investors streamed into Tokyu Group shares, pushing prices of its companies up across the board. +20374036 Tokyu Group announced during the weekend that each Group company will buy the others' stocks to defend themselves against a rumored takeover. +20374037 The announcement fueled speculation for future advances in the shares. +20374038 Tokyu Department Store advanced 260 to 2410. +20374039 Tokyu Corp. was up 150 at 2890. +20374040 Tokyu Construction gained 170 to 1610. +20374041 Other winners Monday included nonferrous metals, which attracted investors because of a surge in gold prices on the back of the unstable dollar. +20374042 Petroleum companies were also popular because of expectations of a weaker dollar, which cuts dollar-denominated crude-oil prices. +20374043 Share prices in Frankfurt closed narrowly mixed after listless and directionless trading. +20374044 The DAX index closed at 1466.29, up only 3.36. +20374045 Traders said turnover was particularly thin as investors waited for Wall Street to set the direction for the week. +20374046 Most expect the decline in New York stock prices to continue this week. +20374047 Another factor weighing on the Frankfurt market involves fears about the impending wage talks between the IG Metall metal-workers union and industry representatives, which could result in a wave of strikes next spring, traders said. +20374048 A few blue-chip stocks posted strong gains, boosted by special factors, while the majority of shares ended little changed. +20374049 Elsewhere, stock prices were lower in Brussels, Milan and Stockholm, and mixed in Amsterdam, Paris and Zurich. +20374050 Stocks closed higher in Hong Kong, Manila, Seoul, Sydney, Taipei and Wellington, but were lower in Singapore. +20374051 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +20374052 To make them directly comparable, each index is based on the close of 1969 equaling 100. +20374053 The percentage change is since year-end. +20375001 Deere & Co. said it reached a tentative agreement with the machinists' union at its Horicon, Wis., plant, ending a month-old strike by workers at the facility. +20375002 The maker of farm equipment said the three-year labor agreement with the International Association of Machinists and Aerospace Workers at John Deere Horicon Works, Deere's primary facility for producing lawn and grounds-care equipment, takes effect immediately and extends through Oct. 1, 1992. +20375003 About 1,150 employees are covered by the new agreement, Deere said. +20376001 Courtaulds PLC announced plans to spin off its textiles operations to existing shareholders in a restructuring to boost shareholder value. +20376002 The British chemical and textile company's plan, which requires shareholder approval, would create a new, listed U.K. stock with a probable market capitalization between #300 million ($473 million) and #400 million, analysts said. +20376003 The establishment of the separate company, to be called Courtaulds Textiles, could be effective as early as next year's first quarter. +20376004 Investors welcomed the move. +20376005 Courtaulds' shares rose 15 pence to 362 pence, valuing the entire company at about #1.44 billion. +20376006 Courtaulds' spinoff reflects pressure on British industry to boost share prices beyond the reach of corporate raiders. +20376007 Courtaulds' restructuring is among the largest thus far in Britain, though it is dwarfed by B.A.T Industries PLC's plans to spin off roughly #4 billion in assets to help fend off a takeover bid from Anglo-French financier Sir James Goldsmith. +20376008 The divested Courtaulds textile operations had operating profit of #50 million on #980 million in revenue in the year ended March 31. +20376009 Some analysts have said Courtaulds' moves could boost the company's value by 5% to 10%, because the two entities separately will carry a higher price earnings multiple than they did combined. +20376010 In addition, Courtaulds said the moves are logical because they will allow both the chemicals and textile businesses to focus more closely on core activities. +20376011 Courtaulds has been under pressure to enhance shareholder value since takeover speculators -- including Australian financier Kerry Packer -- surfaced holding small stakes last year. +20376012 Though Mr. Packer has since sold his stake, Courtaulds is moving to keep its institutional shareholders happy. +20376013 Even without a specific takeover threat, Courtaulds is giving shareholders "choice and value," said Julia Blake, an analyst at London stockbrokers Barclays de Zoete Wedd. +20376014 In a statement, the company said: "Both parts can only realize their full potential and be appropriately valued by the market if they are separately quoted companies. +20376015 The sharper definition and the autonomy which each will thereby gain will benefit shareholders, customers and employees." +20376016 Courtaulds Chairman and Chief Executive Sir Christopher Hogg will remain in both posts at the surviving chemical company after the spinoff. +20377001 Sanwa Shutter Corp. said its affiliated company in Malaysia, established this April, will begin manufacturing steel doors Wednesday. +20377002 Its partner in the joint venture is Sin Kean Boon Metal Industries, Penang, Malaysia. +20377003 Company officials said the new company, Sin Kean Boon-Sanwa (J.V.) is capitalized at the equivalent of 54 million yen ($381,000). +20377004 The Japanese concern has a 40% stake, while the local partner has a 60% stake. +20377005 The new company was created to meet growing demand for steel doors, concurrent with increasing local concern about fire prevention, the company said. +20378001 Barbara Hackman Franklin, president of Franklin Associates, was elected a director of this building products maker. +20378002 Ms. Franklin, 49 years old, fills the position vacated by Naomi G. Albanese, who retired earlier this year at age 72. +20379001 NEC Corp. said it plans to more than double its British subsidiary's capacity for the production of semiconductor wafers. +20379002 Officials at the Japanese semiconductor maker said the company intends to increase investment in plant and equipment by 10 billion yen ($70.6 million), to 90 billion yen, in the year ending March 31, with the extra funds used to increase production overseas. +20379003 Officials said they weren't sure how the money will be distributed among overseas units, but added that NEC Semiconductors U.K. Ltd. will receive priority. +20379004 Officials also disclosed it's possible that NEC may reduce domestic production of one-megabit chips to five million a month from six million, beginning January, because of deteriorating market prices. +20380001 Japan's steel exports fell 12.2% in September from a year earlier and were down 1.1% from the previous month, the Japan Iron and Steel Federation reported. +20380002 September was the 10th consecutive month in which steel exports failed to reach the year-earlier level. +20380003 A federation official attributed the decline to brisk demand from domestic industries backed by continuing economic expansion in Japan. +20380004 Japanese steel companies are apparently focusing on domestic sales, but the official said it doesn't necessarily mean that local sales contracts are increasing that markedly. +20380005 "They are just too busy to meet domestic demand and have little room for overseas shipments," the official said. +20400001 After a bad start, Treasury bonds were buoyed by a late burst of buying to end modestly higher. +20400002 "The market was pretty dull" for most of the day, said Robert H. Chandross, vice president at Lloyds Bank PLC. +20400003 He said some investors were reluctant to plunge into the market ahead of several key economic indicators due this week, especially Friday's potentially market-moving employment report. +20400004 During the first hour of trading yesterday, prices fell as much as 1/4 point, or down about $2.50 for each $1,000 face amount. +20400005 But market activity was energized as investors started to view the lower price levels as attractive. +20400006 And the Treasury's $17.6 billion auction of short-term bills, which generated strong buying interest, helped to lift the bond market out of the doldrums. +20400007 "We saw good retail demand by small banks, individuals and institutions and that is one reason why the market advanced" late in the day, said Sung Won Sohn, senior vice president and chief economist at Norwest Corp., Minneapolis. +20400008 He said the change in sentiment also reflected perceptions that the slate of economic statistic due this week will be "conducive to a bond market rally." +20400009 The employment report, which will provide the first official measure of the economy's strength in October, is expected to show smaller gains in the generation of new jobs. +20400010 Other key economic indicators due this week include today's release of the September leading indicators index and new-home sales. +20400011 Tomorrow, the October purchasing managers report is due and on Thursday comes October chain-store sales. +20400012 Despite yesterday's modest bond market gains, economists say investors are anxious about the Treasury's huge quarterly refunding of government debt, the timing of which depends on Congressional efforts to raise the debt ceiling. +20400013 Although the Treasury will announce details of the November refunding tomorrow, it could be delayed if Congress and President Bush fail to increase the Treasury's borrowing capacity. +20400014 The debt ceiling is scheduled to fall to $2.8 trillion from $2.87 trillion at midnight tonight. +20400015 The Treasury's benchmark 30-year bond rose 1/8 point. +20400016 Mortgage-backed securities were up less than 1/8 point and investment-grade corporate bonds were unchanged. +20400017 Strong demand for New York City's $813 million general obligation bonds propped up the municipal market. +20400018 Traders said most municipal bonds ended 1/2 point higher. +20400019 The New York City issue included $757 million of tax-exempt bonds priced to yield between 6.50% to 7.88%, depending on the maturity. +20400020 The $56 million of New York's taxable general obligation bonds were priced to yield between 9.125% to 9.90%. +20400021 As expected, the longer-term tax-exempt New York bonds had yields nearly as high as those on taxable long-term Treasury bonds. +20400022 The yield on the benchmark 30-year Treasury bond ended yesterday at about 7.92%. +20400023 Bond dealers said the rates for the long-term tax-exempt New York City bonds were among the highest, as a percentage of Treasury rates, for any New York City issue in recent memory. +20400024 A spokesman for New York City Comptroller Harrison Goldin said the high rates reflect investors concerns about the city's financial health and political uncertainties. +20400025 New York bonds, which have been hammered in recent weeks on the pending supply and reports that the city's economy is growing weaker, rose 1/2 point yesterday. +20400026 Treasury Securities +20400027 Treasury bonds ended slightly higher in light trading. +20400028 The benchmark 30-year bond ended at 102 7/32 to yield 7.92%, compared with Friday's price of 102 2/32 to yield 7.93%. +20400029 The latest 10-year notes ended at about 100 16/32 to yield 7.90%, compared with 100 11/32 to yield 7.93% on Friday. +20400030 Short-term interest rates rose at the government's regular weekly Treasury-bill auction. +20400031 The average discount rate on three-month bills was 7.78% and the rate on six-month bills was 7.62%. +20400032 Those rates are up from 7.52% and 7.50%, respectively, at last week's auction. +20400033 Due to the Treasury's need to raise funds quickly before the current authority to issue debt expires at midnight tonight, yesterday's auction was structured differently from previous sales. +20400034 The Treasury bills sold yesterday settle today, rather than the standard settlement day of Thursday. +20400035 And because of the early settlement, the three-month bills actually have a 93-day maturity, and the six-month bills have an 184-day maturity. +20400036 Because of the early settlement, the Federal Reserve was unable to purchase bills for its system account. +20400037 However, analysts expect the Fed to buy Treasury bills that were auctioned yesterday in the secondary market. +20400038 The Treasury also held a hastily scheduled $2 billion sale of 51-cash management bills yesterday. +20400039 Here are details of yesterday's three-month and six-month bill auction: +20400040 Rates are determined by the difference between the purchase price and face value. +20400041 Thus, higher bidding narrows the investor's return while lower bidding widens it. +20400042 The percentage rates are calculated on a 360-day year, while the coupon equivalent yield is based on a 365-day year. +20400043 Both issues are dated Oct. 31. +20400044 The 13-week bills mature Feb. 1, and the 26-week bills mature May 3, 1990. +20400045 Here are details of yesterday's 51-day cash management bill auction: +20400046 Interest rate 8.07% +20400047 The bills are dated Oct. 31 and mature Dec. 21, 1989. +20400048 Corporate Issues +20400049 The junk bond prices of Western Union Corp. tumbled after the company said it won't proceed with an exchange offer to holders of its reset notes. +20400050 The Upper Saddle River, N.J., communications firm said it is considering alternatives to the restructuring of the senior secured notes because of changes in the high-yield market. +20400051 In June, Western Union was forced to reset the interest rate on the senior secured notes due in 1992 to 19 1/4% from 16 1/2%, a move which increased the firm's annual interest payments by $13.8 million. +20400052 Although the notes held at a price of 92 to 93 immediately after the reset, they started falling soon afterward. +20400053 Yesterday, Western Union's senior secured reset notes fell 3 3/4 points, or about $37.50 for each $1,000 face amount, to close at 50 1/4. +20400054 Other Western Union securities were also lower. +20400055 The company's 7.90% sinking fund debentures were quoted at a bid price of 14 1/4 and an offered price of 30, while the 10 3/4% subordinated debentures of 1997 were being bid for at 28 and offered at around 34 3/4. +20400056 The 10 3/4% debentures last traded at 35. +20400057 High-yield traders said spreads between the bid and offered prices of Western Union junk bonds have been widening for some time, and in certain cases, bids for Western Union securities are not available. +20400058 Elsewhere, prices of investment-grade and high-risk, high-yield junk bonds ended unchanged. +20400059 In the new-issue market for junk securities, underwriters at Salomon Brothers Inc. are expected to price today a $350 million junk bond offering by Beatrice Co.. +20400060 The two-part issue consists of $200 million of senior subordinated reset notes maturing in 1997 and $150 million of subordinated floating rate notes also maturing in 1997. +20400061 Portfolio managers said expectations are for the issue to be priced at a discount with a coupon of 13 3/4% and a yield of about 14%. +20400062 The Chicago-based food and consumer goods concern was acquired in April 1986 in a $6.2 billion leveraged buy-out engineered by Kohlberg Kravis Roberts & Co. +20400063 Proceeds from the note sale will be used to repay a portion of the bank borrowings used by Beatrice to redeem its $526.3 million principal amount of increasing rate debentures in August. +20400064 Meanwhile, underwriters at Morgan Stanley & Co. are expected today to price a $350 million high-yield offering by Continental Cablevision Inc. +20400065 The senior subordinated debentures maturing in 2004 are targeted to be offered at a yield of between 12 5/8% to 12 3/4%. +20400066 Mortgage-Backed Securities +20400067 Mortgage securities ended 2/32 to 4/32 higher in light trading. +20400068 Ginnie Mae's 9% issue for November delivery finished at 98 1/2, up 4/32, and its 10% issue at 102 3/8, up 4/32. +20400069 Freddie Mac's 9% issue ended at 97 19/32, up 2/32. +20400070 In the derivative market, insurance companies have scaled back their purchases of Remic securities, or real estate mortgage investment conduits, as they assess potential claims from the recent California earthquake and hurricane in the Carolinas. +20400071 This could mean diminished issuance of derivative mortgage issues during the next few weeks. +20400072 Insurance companies have been major buyers of prepayment-protected planned amortization classes (PACs) during the past few months. +20400073 The PACs appeal to insurance companies and other investors because they have higher yields than topgrade corporate bonds and carry the guarantee of Freddie Mac and Fannie Mae, quasi-federal agencies. +20400074 In the asset-backed market, Beneficial Corp. offered $248 million of securities backed by home-equity loans, the second large deal in the past week. +20400075 Last week, a unit of MNC Financial Corp. offered $268 million of home-equity securities. +20400076 Both the MNC and Beneficial offering were underwritten by Merrill Lynch Capital Markets, the leading Wall Street firm in the home-equity securities market, which was created early this year. +20400077 Municipal Issues +20400078 The improved tone in the municipal market, largely an offshoot of the New York City sale's reception, helped municipal futures rebound from early lows, but the spread between the contract and Tbond futures continued to grow more negative. +20400079 The MOB spread, or difference between the municipal and T-bond futures contracts, has been near all-time lows in recent trading, driven basically by concerns that new-issue supply would overwhelm demand. +20400080 December municipal futures ended up 11/32 point to 92-14, having pulled off a morning low of 91-23 as cash municipals rebounded. +20400081 But front month T-bond futures settled the afternoon session up a slightly greater 13/32 at 99-04. +20400082 Foreign Bonds +20400083 British government bonds ended moderately higher, encouraged by a steadier pound and a rise in British stocks. +20400084 The benchmark 11 3/4% bond due 2003/2007 rose 10/32 to 111 14/32 to yield 10.14%, while the Treasury's 12% notes due 1995 rose 7/32 to 103 5/8 to yield 11.04%. +20400085 West German government bonds fell as much as 0.60 point in light, nervous trading. +20400086 The 7% Treasury bond due October 1999 ended off 0.60 point to 99.35 to yield 7.09%, while the 6 3/4% notes due 1994 fell 0.35 point to 97.25 to yield 7.45%. +20400087 Japanese government bonds continued to erode as the dollar remained resilient against the yen. +20400088 Japan's No. 111 4.6% bond due 1998 ended the day on brokers screens at 95.11 to yield 5.43%. +20401001 So-called cross-border acquisitions totaled $23.1 billion in the second quarter, down from $33.6 billion a year earlier, according to the accounting firm KPMG Peat Marwick. +20401002 In a cross-border transaction, the buyer is in a different region of the globe from the target. +20401003 Such transactions numbered 670 in the second quarter, up from 527 a year earlier. +20401004 However, the total value declined for deals of $100 million and up. +20401005 The downturn in total value may be only temporary, suggested Herb Adler, a KPMG Peat Marwick partner. +20401006 He explained, in part, that restructuring to prepare for the Common Market expansion due in 1992 "has become more of a strategic priority, both for companies inside and outside the European Community." +20401007 In the second quarter, middle-market cross-border transactions -- deals under $100 million each -- numbered 619 and totaled $6 billion, compared with 478 such transactions totaling $4.9 billion a year earlier, the firm said. +20401008 Large cross-border deals numbered 51 and totaled $17.1 billion in the second quarter, the firm added. +20401009 That compared with 49 such transactions totaling $28.7 billion as year earlier. +20402001 Rymer Foods Inc. said its board authorized the purchase of as many as 500,000 of its common stock purchase warrants at a price of $4 a warrant. +20402002 The food company, which has 720,000 warrants and about 2.9 million common shares outstanding, said it may increase the offer to purchase any or all warrants that are properly tendered. +20402003 A warrant permits a holder to acquire one share of common stock for $17.50 a share. +20402004 The warrants expire on Oct. 15, 1992, and may be called by the company at a price of $5.25. +20402005 The offer is scheduled to expire on Nov. 28, unless extended. +20402006 In New York Stock Exchange composite trading, Rymer closed yesterday at $10.875, down 12.5 cents. +20403001 Seasonal Stackup +20403002 Air-traffic problems, though often quite grim, This time of year leave us in stitches, When we notice around our airport A holding pattern for witches. +20403003 -- Edward F. Dempsey. +20403004 Double-Jointed +20403005 "I am beside myself," I've said in moments of heat, Without ever bothering To marvel at the feat. +20403006 -- Joshua Adams. +20403007 Humility Helper +20403008 The ultimate blow to the ego is learning that even your mistakes go unnoticed. +20403009 -- Ivern Ball. +20404001 Gen-Probe Inc., a biotechnology concern, said it signed a definitive agreement to be acquired by Chugai Pharmaceutical Co. of Tokyo for about $110 million, or almost double the market price of Gen-Probe's stock. +20404002 The move is sure to heighten concerns about increased Japanese investment in U.S. biotechnology firms. +20404003 It is also likely to bolster fears that the Japanese will use their foothold in U.S. biotechnology concerns to gain certain trade and competitive advantages. +20404004 Gen-Probe, an industry leader in the field of genetic probes, which is a new technology used in diagnostic tests, last year signed an agreement for Chugai to exclusively market its diagnostic products in Japan for infectious diseases and cancer. +20404005 Chugai agreed then to fund certain associated research and development costs. +20404006 That arrangement apparently has worked well, and Thomas A. Bologna, president and chief executive officer of Gen-Probe, founded in 1983, said the sale of the company means "we will be able to concentrate on running the business rather than always looking for sources of financing." +20404007 Chugai agreed to pay $6.25 a share for Gen-Probe's 17.6 million common shares outstanding on a fully diluted basis. +20404008 Yesterday, in national trading in the over-the-counter market, Gen-Probe common closed at $3.25 a share. +20404009 Because the U.S. leads in most areas of biotechnology -- largely because of research investment by the U.S. government -- the sale is sure to increase concerns that Japanese companies will buy American know-how and use it to obtain the upper hand in biotechnology trade and competition. +20404010 "The biotechnology firms may be setting up their own competitors," said Richard Godown, president of the Industrial Biotechnology Association. +20404011 He added that until now the Japanese have only acquired equity positions in U.S. biotechnology companies. +20404012 "They are piggybacking onto developed technology," he said. +20404013 During the past five years, Japanese concerns have invested in several of the U.S.'s 431 independent biotechnology companies. +20404014 Chugai has been one of the most active Japanese players in U.S. biotechnology companies; it has an equity investment in Genetics Institute Inc., Cambridge, Mass., and a joint-venture agreement with Upjohn Co., Kalamazoo, Mich. +20404015 The Japanese government, Mr. Godown said, has stated that it wants 10% to 11% of its gross national product to come from biotechnology products. +20404016 "It is becoming more of a horse race every day between the U.S. and Japan," he said, adding that some fear that as with the semiconductor, electronics, and automobile industries, Japanese companies will use U.S.-developed technology to gain trade advantages. +20404017 Mr. Bologna said the sale would allow Gen-Probe to speed up the development of new technology, and to more quickly apply existing technology to an array of diagnostic products the company wants to offer. +20404018 By 1988, when only 10 genetic probe-based tests of diagnostic infectious diseases of humans had been approved for marketing by the Food and Drug Administration, eight of them had been developed and sold by Gen-Probe. +20404019 Osamu Nagayama, deputy president of Chugai, which spends about 15% of its sales on research and development, was unable to pinpoint how much money Chugai would pump into Gen-Probe. +20404020 "We think Gen-Probe has technology important to people's health," he said, adding: "We think it is important for us to have such technology." +20404021 He and Mr. Bologna emphasized that both companies would gain technological knowledge through the sale of Gen-Probe, which will expand "significantly" as a result of the acquisition. +20404022 In 1988, Chugai had net income of $60 million on revenue of $991 million. +20404023 GenProbe had a net loss of $9.5 million on revenue of $5.8 million. +20404024 Recently, Gen-Probe received a broad U.S. patent for a technology that helps detect, identify and quantify non-viral organisms through the targeting of a form of genetic material called ribosomal RNA. +20404025 Among other things, Mr. Bologna said that the sale will facilitate Gen-Probe's marketing of a diagnostic test for acquired immune deficiency syndrome, or AIDS. +20404026 Chugai also will help Gen-Probe with its regulatory and marketing expertise in Asia, Mr. Bologna said. +20404027 The tender offer for Gen-Probe's shares is expected to begin next Monday, the company said. +20405001 It was supposed to be a routine courtesy call. +20405002 A half-dozen Soviet space officials, in Tokyo in July for an exhibit, stopped by to see their counterparts at the National Space Development Agency of Japan. +20405003 But after a few pleasantries, the Soviets unexpectedly got serious. +20405004 The Soviets have a world-leading space program, the guests noted. +20405005 Wouldn't the Japanese like a piece of it? +20405006 The visitors then listed technologies up for sale, including launch services and propulsion hardware. +20405007 "We were just surprised," says Tad Inada, NASDA's director for international affairs. +20405008 "Shocked." +20405009 That Moscow, with its dilapidated economic machine, would try to sell high technology to Japan, one of the world's high-tech leaders, sounds like a coals-to-Newcastle notion. +20405010 But "the Soviet Union has areas where it isn't behind Japan," says Mikhail Shapovalov of the Soviet Ministry of Foreign Economic Relations. +20405011 "We have obtained through the development of Cosmos {the Soviet space program} technologies you don't see anywhere else." +20405012 The sales pitch mightn't be as farfetched as it seems. +20405013 Japan-U.S. trade relations are bumpy these days, and some Japanese favor decreasing their reliance on U.S. technology in light of the FSX fighter-plane flap, when U.S. officials reversed an earlier decision and refused to share certain crucial fighter-plane technology. +20405014 And, despite its image as a technology superpower, Japan has a lot of weaknesses. +20405015 It's a world leader in semiconductors, but behind the U.S. in making the computers that use those chips. +20405016 It's a world leader in auto manufacturing, but its aviation industry is struggling, and its space program is years behind the U.S., the Europeans and the Soviets. +20405017 One question being debated in the Soviet Union is how to use the defense sector's research-and-production expertise in the rest of the economy. +20405018 Many plants that used to make military equipment are now being ordered to produce televisions, videocassette recorders, small tractors and food-processing machinery. +20405019 The Soviets also hope to make better use of their considerable expertise in theoretical science, which has helped them win twice as many Nobel science prizes as the Japanese. +20405020 Where they lag behind the Japanese is in turning the scientific inventiveness into improved production. +20405021 By contrast, the Japanese have proved adept at making use of Soviet inventions. +20405022 Kobe Steel Ltd. adopted Soviet casting technology in 1966 and used it for 14 years until it developed its own system. +20405023 Kawasaki Steel Corp. bought a Soviet steel-casting patent two years ago and has jointly developed the system with the Soviets. +20405024 In 1991, the Soviets will take a Japanese journalist into space, the first Japanese to go into orbit. +20405025 Soviet efforts to sell their technology abroad don't appear to worry the U.S., Japan's principal ally. +20405026 "We have never opposed the development of economic relations between our allies and the Soviet Union," says a State Department official. +20405027 "Frankly, I wouldn't expect the Japanese to get hooked on anybody's technology, least of all the Soviets." +20405028 Under Mikhail Gorbachev's perestroika, the Soviets have sought economic ties all over the world, including new export markets. +20405029 They believe technology is one of their best bets, and some Soviet officials say Moscow will even consider declassifying military know-how if the price is right. +20405030 The Soviets held export exhibitions that included high-tech items in New York and West Germany. +20405031 Last week, a Soviet delegation came to Japan to push more space technologies. +20405032 Japan is a major target for the Soviets. +20405033 In August, representatives of Keidanren, Japan's largest business organization, visited Moscow to explore exports and investments that would help the Soviet economy. +20405034 Out of the blue, the Soviet Chamber of Commerce handed over details on 59 technologies that the Japanese might want to buy. +20405035 These mainly involved such areas as materials -- advanced soldering machines, for example -- and medical developments derived from experimentation in space, such as artificial blood vessels. +20405036 A main motive is hard cash. +20405037 But, while the Soviets can't expect direct technology flow from Japan, they also hope to benefit from Japanese manufacturing expertise. +20405038 "The Soviet Union has a lot of know-how, but it has been difficult to put that into actual production because of various structural problems in the economy," says Mr. Shapovalov, the Foreign Ministry official. +20405039 The Soviets are "contemplating a flexible system under which it would be possible to develop {technology} jointly and even to market it jointly," he says. +20405040 Even if the Japanese find Soviet technology desirable, such discussions would be fraught with political complications. +20405041 Still stinging from the international backlash over the sale two years ago of sensitive military technology to the Soviets by a subsidiary of Japan's Toshiba Corp., many Japanese are eager to avoid appearing to help the Soviets in any way. +20405042 Another hurdle concerns Japan's attempts to persuade the Soviet Union to relinquish its post-World War II control of four islands north of Japan. +20405043 So far, the Soviets have provided only the sketchiest information about their technology and business plans. +20405044 And what they have shown isn't impressive. +20405045 "My impression is that there isn't anything which arouses our interest at first glance," says an official from Japan's Ministry of International Trade and Industry. +20405046 Peter Gumbel in Moscow contributed to this article. +20406001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +20406002 MAY 1, 1975, SIGNALED A DISTRESSFUL May Day for securities houses, which were forced to end 183 years of charging fixed commissions. +20406003 It scared brokers, but most survived. +20406004 It took effect after seven years of bitter debate between the Securities and Exchange Commission and traders and exchanges. +20406005 Despite warnings from such leaders as former Federal Reserve Board Chairman William McChesney Martin that unfixed commissions would undo the industry, the SEC in September 1973 said full competition must start May l, 1975. +20406006 The timing for change was right. +20406007 Institutions had become active market players in the early 1970s and sought exchange seats to handle their own trades. +20406008 And the industry was rife with brokers trying to secure big client orders by using kickbacks, gifts, women and junkets. +20406009 Within three weeks of the 1975 end to fixed rates there were all-out price wars among brokers fighting for institutional business, with rate slashes of 35% to 60% below pre-May 1 levels. +20406010 Ray Garrett Jr., SEC chairman, said the "breadth and depth of the discounting is more than I expected." +20406011 Even a federal measure in June allowing houses to add research fees to their commissions didn't stop it. +20406012 Longer term, the impact is unclear. +20406013 The change prompted the rise of discount brokers and a reduction in securities research firms. +20406014 But there are currently more exchange members than in 1975, with the bigger houses gaining a larger share of total commissions. +20406015 Commissions, however, account for a smaller share of investment-house business as takeover advisory fees have soared. +20406016 Foreign stock markets, with which the U.S. is entwined, also have ended fixed commissions in recent years. +20406017 It came in London's "Big Bang" 1986 deregulation; and Toronto's "Little Bang" the same year. +20406018 Paris is currently phasing out fixed commissions under its "Le Petit Bang" plan. +20407001 President Bush said that three members of his cabinet will lead a presidential mission to Poland to gauge how the U.S. can help the new non-Communist government's economic changes. +20407002 Mr. Bush announced several weeks ago that he intended to send such a mission, composed of top government aides and business and labor leaders. +20407003 The mission will visit Poland from Nov. 29 to Dec. 2, the White House said. +20407004 In remarks at a White House ceremony marking Polish Heritage Month, Mr. Bush announced that Agriculture Secretary Clayton Yeutter, Commerce Secretary Robert Mosbacher and Labor Secretary Elizabeth Dole will lead the U.S. group. +20407005 Michael Boskin, chairman of the Council of Economic Advisers, also will be a member. +20407006 In addition, the White House said that Charles Harper, chairman of ConAgra Inc., and John McGillicuddy, chairman of Manufacturers Hanover Corp., will be among a group of at least 15 business and labor representatives in the presidential mission. +20407007 Mr. Bush said the group is to "focus on economic sectors where U.S. expertise and cooperation can indeed make a difference." +20407008 Mr. Bush has asked Congress to provide more than $400 million in economic aid and food grants for Poland's new government, but has been chided by Democrats for failing to do more. +20408001 Warner Communications Inc. is close to an agreement to back a new recorded music and music publishing company in partnership with Irving Azoff, who resigned in September as head of MCA Inc.'s MCA Records unit. +20408002 Warner and Mr. Azoff declined comment, as did MCA, where Mr. Azoff had also been discussing such a venture. +20408003 But record industry executives familiar with the talks said Mr. Azoff and Warner came to an agreement yesterday to form a 50-50 joint-venture company funded by Warner and run by Mr. Azoff. +20408004 Among other things, they said, Mr. Azoff would develop musical acts for a new record label. +20408005 The agreement is said to be similar to Warner's 50-50 partnership with record and movie producer David Geffen, whose films and records are distributed by the Warner Bros. studio and the Warner records unit. +20408006 Although Mr. Azoff won't produce films at first, it is possible that he could do so later, the sources said. +20408007 Like Mr. Geffen's arrangement, the venture gives Mr. Azoff a link to the world's largest and most successful record distributor; in the U.S. alone, Warner has a 40% share of the market, about double its nearest competitor, Sony Corp.'s CBS Records. +20408008 For Warner, meanwhile, it gives the company a second young partner with a finger on the pulse of the hottest trends in the music business. +20408009 The 41-year-old Mr. Azoff, a former rock 'n' roll manager, is credited with turning around MCA's once-moribund music division in his six years at the company. +20408010 But Mr. Azoff had been negotiating for more than a year to get out of his MCA contract, which expired in 1991. +20408011 Mr. Azoff reportedly was bored and frequently clashed with top MCA management over a number of issues such as compensation and business plans. +20408012 Mr. Azoff also was eager to return to a more entrepreneurial role in which he had a big financial stake in his own efforts. +20408013 In an interview at the time of his resignation from MCA, he said: "I'd rather build a company than run one. +20409001 Part of a Series} +20409002 Tom Panelli had a perfectly good reason for not using the $300 rowing machine he bought three years ago. +20409003 "I ate a bad tuna sandwich, got food poisoning and had to have a shot in my shoulder," he says, making it too painful to row. +20409004 The soreness, he admits, went away about a week after the shot. +20409005 Yet the rowing machine hasn't been touched since, even though he has moved it across the country with him twice. +20409006 A San Francisco lawyer, Mr. Panelli rowed religiously when he first got the machine, but, he complains, it left grease marks on his carpet, "and it was boring. +20409007 It's a horrible machine, actually. +20409008 I'm ashamed I own the stupid thing." +20409009 Mr. Panelli has plenty of company. +20409010 Nearly three-fourths of the people who own home exercise equipment don't use it as much as they planned, according to The Wall Street Journal's "American Way of Buying" survey. +20409011 The Roper Organization, which conducted the survey, said almost half of the exercise equipment owners found it duller than they expected. +20409012 It isn't just exercise gear that isn't getting a good workout. +20409013 The fitness craze itself has gone soft, the survey found. +20409014 Fewer people said they were working up a sweat with such activities as jogging, tennis, swimming and aerobics. +20409015 Half of those surveyed said they simply walk these days for exercise. +20409016 That's good news for marketers of walking shoes. +20409017 The survey also detected a bit more interest in golf, a positive sign for country clubs and golf club makers. +20409018 The survey's findings certainly aren't encouraging for marketers of health-club memberships, tennis rackets and home exercise equipment, but people's good intentions, if not their actions, are keeping sales of some fitness products healthy. +20409019 For instance, sales of treadmills, exercise bikes, stair climbers and the like are expected to rise 8% to about $1.52 billion this year, according to the National Sporting Goods Association, which sees the home market as one of the hottest growth areas for the 1990s. +20409020 But even that group knows some people don't use their machines as much as they should. +20409021 "The first excuse is they don't have enough time," says research director Thomas Doyle. +20409022 "The second is they don't have enough discipline." +20409023 With more than 15 million exercise bikes sold in the past five years, he adds, "a lot of garages, basements and attics must be populated with them." +20409024 Still, the average price of such bikes rose last year to $145. +20409025 Mr. Doyle predicts a trend toward fewer pieces of home exercise equipment being sold at higher prices. +20409026 Electronic gimmicks are key. +20409027 Premark International Inc., for example, peddles the M8.7sp Electronic Cycling Simulator, a $2,000 stationary cycle. +20409028 On a video screen, riders can see 30 different "rides," including urban, mountain and desert scenes, and check how many calories are burned a minute. +20409029 Nancy Igdaloff, who works in corporate payments at Bank of America in San Francisco, may be a good prospect for such a gizmo. +20409030 She's trying to sell a $150 exercise bike she bought about five years ago for her roommate. +20409031 But rather than write off home fitness equipment, she traded up: Ms. Igdaloff just paid about $900 for a fancier stationary bike, with a timer, dials showing average and maximum speeds and a comfortable seat that feels almost like a chair. +20409032 "I'm using it a lot," she says. +20409033 "I spent so much money that if I look at it, and I'm not on it, I feel guilty." +20409034 The poll points up some inconsistencies between what people say and what they do. +20409035 A surprising 78% of people said they exercise regularly, up from 73% in 1981. +20409036 This conjures up images of a nation full of trim, muscular folks, and suggests couch potatoes are out of season. +20409037 Of course, that isn't really the case. +20409038 The discrepancy may be because asking people about their fitness regime is a bit like inquiring about their love life. +20409039 They're bound to exaggerate. +20409040 "People say they swim, and that may mean they've been to the beach this year," says Krys Spain, research specialist for the President's Council on Physical Fitness and Sports. +20409041 "It's hard to know if people are responding truthfully. +20409042 People are too embarrassed to say they haven't done anything." +20409043 While she applauds the fact that more Americans are getting up from the television to stroll or garden, she says the percentage of Americans who do "real exercise to build the heart" is only 10% to 20%. +20409044 So many people fudge on answers about exercise, the president's council now uses specific criteria to determine what is considered vigorous: It must produce contractions of large muscle groups, must achieve 60% of maximum aerobic capacity and must be done three or more times a week for a minimum of 20 minutes. +20409045 One of the council's goals, set in 1980, was to see more than 60% of adults under 65 years of age getting vigorous exercise by 1990. +20409046 That target has been revised to 30% by the year 2000. +20409047 But even that goal may prove optimistic. +20409048 Of 14 activities, the Journal survey found that 12 -- including bicycling, skiing and swimming -- are being done by fewer Americans today than eight years ago. +20409049 Time pressures and the ebb of the fitness fad are cited as reasons for the decline. +20409050 Only walking and golf increased in popularity during the 1980s -- and only slightly. +20409051 Jeanette Traverso, a California lawyer, gave up running three times a week to play a weekly round of golf, finding it more social and serene. +20409052 It's an activity she feels she can do for life, and by pulling a golf cart, she still gets a good workout. +20409053 "I'm really wiped out after walking five hours," she says. +20409054 Most people said they exercise both for health and enjoyment. +20409055 "If you sit down all the time, you'll go stiff," says Joyce Hagood, a Roxboro, N.C., homemaker who walks several miles a week. +20409056 "And it's relaxing. +20409057 Sometimes, if you have a headache, you can go out and walk it right off." +20409058 Only about a quarter of the respondents said they exercise to lose weight. +20409059 Slightly more, like Leslie Sherren, a law librarian in San Francisco who attends dance aerobics five times a week, exercise to relieve stress. +20409060 "Working with lawyers," she says, "I need it." +20409061 But fully 90% of those polled felt they didn't need to belong to a health club. +20409062 "They're too crowded, and everybody's showing off," says Joel Bryant, a 22-year-old student from Pasadena, Calif. +20409063 "The guys are being macho, and the girls are walking around in little things. +20409064 They're not there to work out." +20409065 But at least they show up. +20409066 Nearly half of those who joined health clubs said they didn't use their membership as often as they planned. +20409067 Feeling they should devote more time to their families or their jobs, many yuppies are skipping their once-sacred workout. +20409068 Even so, the Association of Quality Clubs, a health-club trade group in Boston, says membership revenues will rise about 5% this year from last year's $5 billion. +20409069 A spokeswoman adds, however, that the group is considering offering "a behavior-modification course, similar to a smoking-cessation program, to teach people ways to stay with it." +20409070 There are die-hard bodies, of course. +20409071 The proprietor of Sante West, an aerobics studio in San Francisco's Marina district, which was hit hard by the earthquake, says, "People were going nuts the minute we opened," three days after the quake. +20409072 "The emotional aspect is so draining, they needed a good workout." +20409073 Perhaps the most disturbing finding is that the bowling alley may be an endangered American institution. +20409074 The survey reported the number of people who said they bowl regularly has fallen to just 8% from 17% in 1981. +20409075 The American Bowling Congress claims a higher percentage of the public bowls regularly, but concedes its membership has declined this decade. +20409076 To find out why, the group recently commissioned a study of the past 20 years of bowling-related research. +20409077 Three reasons were pinpointed: a preference for watching bowling and other sports on television rather than actually bowling, dowdy bowling centers, and dissatisfaction with bowling itself. +20409078 People who start bowling expecting it to be a pleasurable exercise "have been generally disappointed," the report said. +20409079 But not Richard Cottrell, a San Francisco cab driver who bowls in two weekly leagues. +20409080 He hit the lanes three years ago on the advice of his doctor. +20409081 "It's good exercise," he says. +20409082 "I can't do anything score-wise, but I like meeting the girls." +20409083 He says bowling helps him shed pounds, though that effort is sometimes thwarted by the fact that "when I'm drinking, I bowl better." +20409084 His Tuesday night team, the Leftovers, is in first place. +20410001 WPP GROUP'S Ogilvy & Mather expects profit margins to improve to 11.5% in 1990 in the U.S. +20410002 Yesterday's edition didn't specify where the improvement would take place. +20411001 Concerning your Sept. 29 article "Retailers Face Cutbacks, Uncertain Future": The outcome of our leveraged buyout is looking very positive. +20411002 Unlike most of the other retailers mentioned in the story, Jos. A. Bank Clothiers Inc. is not in serious financial problems. +20411003 We did experience some difficulties with the initial LBO terms and, as your article made clear, successfully restructured our debt earlier this year, something those other retailers have yet to accomplish. +20411004 Your were on target regarding industry problems, but wide of the mark in portraying the financial health of this company. +20411005 Chairman and CEO Jos. A. Bank Clothiers Inc. Owings Mills, Md. +20412001 Private housing starts in Japan were unchanged in September from a year earlier at 144,610 units, the Construction Ministry said. +20412002 The flat report followed a four-month string of declines. +20412003 The down trend was partly the result of tighter credit sparked by a discount rate increase by the Bank of Japan in May. +20412004 The central bank also unexpectedly raised the base rate by half a percentage point to 3.75% Oct. 11 as part of an inflation-fighting move that indirectly increases interest rates charged on new home construction loans. +20413001 If there's somethin' strange in your neighborhood . . . +20413002 If there's something' weird and it don't look good. +20413003 Who ya gonna call? +20413004 For starters, some people call Ed and Lorraine Warren. +20413005 When it comes to busting ghosts, the Monroe, Conn., couple are perfect demons. +20413006 They claim to have busted spirits, poltergeists and other spooks in hundreds of houses around the country. +20413007 They say they now get three or four "legitimate" calls a week from people harried by haunts. +20413008 "I firmly believe in angels, devils and ghosts," says Mr. Warren, whose business card identifies him as a "demonologist." +20413009 If psychics don't work, but your house still seems haunted, you can call any one of a swelling band of skeptics such as Richard Busch. +20413010 A professional magician and musician, he heads the Pittsburgh branch of the Committee for the Scientific Investigation of the Paranormal. +20413011 Mr. Busch says there is a scientific explanation for all haunts, and he can even tell you how to encourage the spirits. +20413012 "All you have to do is eat a big pizza, and then go to bed," he says. +20413013 "You'll have weird dreams, too." +20413014 Either way, the ghostbusting business is going like gangbusters. +20413015 Tales of haunts and horrors are proliferating beyond the nation's Elm Streets and Amityvilles. +20413016 "I get calls nearly every day from people who have ghosts in their house," says Raymond Hyman, a skeptical psychology professor at the University of Oregon. +20413017 In a public opinion poll published in the October issue of Parents Magazine, a third of those queried said they believe that ghosts or spirits make themselves known to people. +20413018 "The movies, the books, the tabloids -- even Nancy Reagan is boosting this stuff," says Paul Kurtz, a philosophy professor at the State University of New York at Buffalo, who heads the Committee for the Scientific Investigation of the Paranormal. +20413019 The committee, formed in 1967, now has 60 chapters around the world. +20413020 The spirits, of course, could hardly care less whether people do or don't believe in them. +20413021 They don't even give a nod to human sensibilities by celebrating Halloween. +20413022 For the spooks it's just another day of ectoplasmic business as usual, ghostbusters say; the holiday seems to occasion no unusual number of ghost reports. +20413023 One of the busiest ghostbusters is Robert Baker, a 68-year-old semi-retired University of Kentucky psychology professor whose bushy gray eyebrows arch at the mere mention of a ghost. +20413024 Mr. Baker says he has personally bested more than 50 haunts, from aliens to poltergeists. +20413025 Mr. Baker heads the Kentucky Association of Science Educators and Skeptics. +20413026 Like Hollywood's Ghostbusters, Kentucky's stand ready to roll when haunts get out of hand. +20413027 But they don't careen around in an old Cadillac, wear funny suits or blast away at slimy spirits. +20413028 Mr. Baker drives a 1987 Chevy and usually wears a tweed jacket on his ghostbusting forays. +20413029 "I've never met a ghost that couldn't be explained away by perfectly natural means," he says. +20413030 When a Louisville woman complained that a ghost was haunting her attic, Mr. Baker discovered a rat dragging a trap across the rafters. +20413031 A foul-smelling demon supposedly plagued a house in Mannington, Ky. +20413032 Mr. Baker found an opening under the house that led to a fume-filled coal mine. +20413033 When the weather cools, Mr. Baker says, hobos often hole up in abandoned houses. +20413034 "People see activity in there, and the next thing you know, you've got a haunting," he says. +20413035 On a recent afternoon, Mr. Baker and a reporter go ghost-busting, visiting Kathleen Stinnett, a Lexington woman who has phoned the University of Kentucky to report mysterious happenings in her house. +20413036 Mrs. Stinnett says she never believed in ghosts before, but lately her vacuum cleaner turned itself on, a telephone flew off its stand, doors slammed inexplicably, and she heard footsteps in her empty kitchen. +20413037 "I was doing the laundry and nearly broke my neck running upstairs to see who was there, and it was nobody," she says, eyes wide at the recollection. +20413038 Mr. Baker hears her out, pokes around a bit, asks a few questions and proposes some explanations. +20413039 Of the self-starting vacuum cleaner, he says: "Could be Cuddles, {Mrs. Stinnett's dog}." +20413040 The flying telephone: "You tangle the base cord around a chair leg, and the receiver does seem to fly off." +20413041 The ghostly footsteps: "Interstate 64 is a block away, and heavy traffic can sure set a house to vibrating." +20413042 "I'm not sure he's explained everything," Mrs. Stinnett says grudgingly. +20413043 "There are some things that have gone on here that nobody can explain," she says. +20413044 Mr. Baker promises to return if the haunting continues. +20413045 For especially stubborn haunts, Mr. Baker carries a secret weapon, a vial of cornstarch. +20413046 "I tell people it's the groundup bones of saints," he says. +20413047 "I sprinkle a little around and tell the demons to leave. +20413048 It's reassuring, and it usually works." +20413049 Oregon's Mr. Hyman has investigated claims of flying cats, apparitions and bouncing chandeliers and has come up with a plausible explanation, he says, for every one. +20413050 "Invariably," he says, "eyewitnesses are untrustworthy." +20413051 Two years ago, a Canadian reader bet Omni Magazine $1,000 that it couldn't debunk the uncanny goings-on in "the Oregon Vortex," a former Indian burial ground in southern Oregon. +20413052 To viewers from a distance, visitors to the spot seemed to shrink disproportionately, relative to the background. +20413053 The magazine called in Mr. Hyman as a consultant. +20413054 He showed up with a carpenter's level, carefully measured every surface and showed how the apparent shrinkage was caused by the perspective. +20413055 "A very striking illusion," Mr. Hyman says now, his voice dripping with skepticism, "but an illusion nevertheless." +20413056 The Canadian wound up writing a check. +20413057 The Rev. Alphonsus Trabold, a theology professor and exorcism expert at St. Bonaventure University in Olean, N.Y., frequently is asked to exorcise unruly spirits, and he often obliges. +20413058 "On certain occasions a spirit could be earthbound and make itself known," he says. +20413059 "It happens." +20413060 Father Trabold often uses what he calls "a therapeutic exorcism": a few prayers and an admonition to the spirit to leave. +20413061 "If the person believes there's an evil spirit, you ask it to be gone," he says. +20413062 "The suggestion itself may do the healing." +20413063 But sometimes more energetic attacks are required. +20413064 To wrestle with a demon in a house owned by a Litchfield, Conn., woman, the Warrens recently called in an exorcist, the Rev. Robert McKenna, a dissident clergyman who hews to the Catholic Church's old Latin liturgy. +20413065 I attend, and so does a television crew from New York City. +20413066 Mr. Warren pronounces the Litchfield case "your typical demonic infestation." +20413067 A Scottish dwarf built the small red house 110 years ago and now his demonic ghost haunts it, Mr. Warren says. +20413068 The owner, who begs anonymity, asserts that the dwarf, appearing as a dark shadow, has manhandled her, tossing her around the living room and yanking out a hank of hair. +20413069 Two previous exorcisms have failed. +20413070 "This is a very tenacious ghost," Mr. Warren says darkly. +20413071 Father McKenna moves through the house praying in Latin, urging the demon to split. +20413072 Suddenly the woman begins swaying and then writhing. +20413073 "She's being attacked by the demon," Mrs. Warren stagewhispers as the priest sprinkles holy water over the squirming woman, and the television camera grinds. +20413074 A half-hour later, the woman is smiling and chatting; the demon seems to have gone. +20413075 But Mr. Warren says the woman has "psychic burns" on her back from the confrontation. +20413076 She declines to show them. +20413077 "This was an invisible, powerful force that's almost impossible for a layman to contemplate," Mr. Warren says solemnly as the ghostbusting entourage packs up to leave. +20413078 "This time though," he says, "I think we got it." +20413079 Lyrics from "Ghostbusters" by Ray S. Parker Jr. 1984 by Golden Torch Music Corp. (ASCAP) and Raydiola Music (ASCAP). +20413080 All administrative rights for the U.S. jointly controlled by both companies. +20413081 International copyright secured. +20413082 Made in USA. +20413083 All rights Reserved. +20413084 Reprinted by permission. +20414001 BROKERAGE HIRING languishes amid market turmoil. +20414002 But survivors earn more. +20414003 Shearson Lehman Hutton Inc. counts under 39,000 workers, down 100 from the start of the year and off 8,500 from after its merger and the market collapse two years ago. +20414004 Another major firm has cut 6,000 workers, 13% of its staff, since Black Monday. +20414005 The Bureau of Labor Statistics says securities firms in New York City alone have slashed 17,000 jobs from the December 1987 peak of 163,000. +20414006 Average annual earnings of those who have hung on, though, surged to $78,625 last year from $69,553 in 1987. +20414007 Any hiring is confined to retail sales. +20414008 Illinois Company Investments had been trimming its ranks until last summer. +20414009 But then it was acquired by Household International Inc. +20414010 Now it offers richer commissions to lure a broker a week. +20414011 Interstate/Johnson Lane Inc. this year adds 70 people -- 60 of them in retail -- to its 1,300-member staff. +20414012 A.G. Edwards & Sons runs training classes and looks for experienced brokers. +20414013 "We're always going to hire someone we consider to be a winner," an Edwards official says. +20414014 SKILLED WORKERS aplenty are available to cope with earthquake damage. +20414015 "I don't foresee any shortages over the next few months," says Ken Allen, an official of Operating Engineers Local 3 in San Francisco. +20414016 Ironically, "up until the quake, we desperately tried to fill jobs," especially for crane and bulldozer operators. +20414017 But the Oct. 17 temblor put a halt to much nonessential building, and heavy rains last week slowed the rest, freeing construction workers for earthquake repairs. +20414018 The supply of experienced civil engineers, though, is tighter. +20414019 In recent months, California's Transportation Department has been recruiting in Pennsylvania, Arizona and Texas for engineers experienced in road and bridge design. +20414020 But, with the state offering only $39,000 a year and California's high standard of living, "there aren't too many to choose from," says Brent Scott, a recruiting officer. +20414021 He says the department now has 75 openings and wants to hire 625 civil engineers over the next 15 months. +20414022 THE IRS may taketh what the Labor Department giveth. +20414023 But stay tuned. +20414024 Employee-benefit specialists drew a collective sigh of relief in early October when the Labor Department backed away from a proposal that companies let former employees and beneficiaries -- along with active workers -- borrow against balances in 401(k) and similar savings plans. +20414025 In an advisory letter, the department said that, starting Oct. 18, loans could be limited to "parties in interest," which generally means active workers but also includes retirees who continue as directors and 10% shareholders. +20414026 Now comes word that IRS regulations being drafted could put companies in violation of the tax code if they make loans to retiree shareholders and directors but don't make them available to other former workers who usually earned less. +20414027 The IRS says the question won't be settled until the regulations are issued "shortly." +20414028 But violation could bring substantial tax penalties to both employer and employees. +20414029 "It's a severe case of regulatory whiplash," complains Henry Saveth of consultant A. Foster Higgins & Co. +20414030 Frederick Rumack of Buck Consultants has asked Labor to recraft its rule to remove the IRS threat. +20414031 CORPORATE DOWNSIZING digs deeper. +20414032 Outplacement consultant Right Associates says the average pay of its clients fell to $66,743 last year from $70,765 in 1987; severance pay dropped to 25 weeks from 29. +20414033 Both reflect the dismissal of lower-level and shorter-tenure executives. +20414034 FIRST TEACH THYSELF. +20414035 Executives universally believe workers should know their employer-sponsored benefits. +20414036 But three out of four managers can't accurately state the value of their own packages, consultant Noble Lowndes says. +20414037 MEA CULPA. +20414038 Fully 62% of the doctors surveyed for Metropolitan Life Insurance Co. think their fellow physicians are responsible for rising health-care costs, ahead of hospitals (55%) and patients (48%). +20414039 NO, YOU WORK! +20414040 Only one in four companies with flexible benefit plans lets workers buy or sell vacation days, consultant Towers Perrin says. +20414041 Employees like the option but firms say it's too tough to run. +20414042 STUDENTS SHUN burger flipping for jobs tied to careers. +20414043 Some even study. +20414044 "Fast-food jobs aren't popular no matter what they pay," says a Tufts official. +20414045 Working students, she explains, want "some satisfaction." +20414046 University of Michigan students look for jobs related to planned careers. +20414047 Carnegie Mellon, though, says some students conclude they can help their careers most by hitting the books: "They're opting to build their resumes through good grades and leadership roles in fraternities." +20414048 Slowing economies in some areas limit student choice. +20414049 Student job postings at Boston University slip 10% this year following a 10% drop in 1988. +20414050 Still, the school says there are an ample number and pay is up to $7.20 an hour from $6.90 last year. +20414051 M.B.A. candidates at the University of Pittsburgh earn up to $15 an hour on marketing or computer projects. +20414052 THE CHECKOFF: Fiery ambition: +20414053 Hyatt Corp. hires a University of Wyoming graduate with degrees in geology and petroleum engineering for $7.50 an hour to tend wood fires at a Colorado ski resort. . . . +20414054 Is somebody telling us something? +20414055 Our copy of Racine (Wis.) Labor comes through the mail wrapped around two sections of Baseball Card News. +20415001 Democracy is making a return with a vengeance to Latin America's most populous and deeply indebted country. +20415002 On Nov. 15, when Brazilians elect a president for the first time in 29 years, the country's 82 million voters will have 22 candidates to choose from. +20415003 The candidates have been crisscrossing this huge country of 145 million people, holding rallies and televised debates in hope of being elected to what must be one of the world's most thankless political jobs: trying to drag Brazil out of its economic and social mess. +20415004 "I feel sorry for whoever wins," says a Brazilian diplomat. +20415005 Who that winner will be is highly uncertain. +20415006 A half-dozen candidates, backing policies ranging from Thatcherism to watered-down Marxism, are given a chance of winning. +20415007 "Whoever says he knows which of the six will win is out of his mind," says Antonio Britto, a centrist member of Parliament. +20415008 The favorite remains Fernando Collor de Mello, a 40-year-old former governor of the state of Alagoas. +20415009 He came out of nowhere to grab the lead in opinion polls, probably less because of his vague program to "build a new Brazil" than because of his good looks, the open backing of the powerful Rede Globo television network and his reputation as a hunter of "maharajahs," or overpaid and underworked civil servants. +20415010 But after building up a commanding lead, the moderate to conservative Mr. Collor has slipped to about 30% in the polls from a high of about 43% only a few weeks ago. +20415011 To avoid a runoff, one candidate would have to win 50% of the vote -- a feat that most analysts consider impossible with so many candidates running. +20415012 Two left-wing politicians, Socialist Leonel Brizola, a former governor of Rio de Janeiro state, and Marxist-leaning Luis Inacio da Silva, currently are running neck and neck at about 15%, and three other candidates are given a chance of reaching the Dec. 17 runoff election between the two biggest vote-getters: Social Democrat Mario Covas and two conservatives, Paulo Salim Maluf, a former governor of the state of Sao Paulo, and Guilherme Afif Domingos. +20415013 The uncertainty is sending shivers through Brazilian financial markets. +20415014 The dollar, the best indicator of the country's mood, has skyrocketed on the parallel market, as has gold. +20415015 Capital flight is reported to be strong. +20415016 The big question is whether the new president will have the strength and the political support in Congress to take steps to cure Brazil's economic ills. +20415017 President Jose Sarney, who took office in 1985 when the man picked by an electoral college became critically ill, appears to be simply trying to avoid hyperinflation. +20415018 The unpopular Mr. Sarney, whose task was to bring about a smooth transition to democracy after 21 years of military rule, isn't seeking re-election. +20415019 What comes out of the ballot box could be crucial in determining whether Brazil finally lives up to the potential of the world's eighth largest economy or keeps living up to its other, less enviable title: that of the developing world's largest debtor, teetering on the brink of hyperinflation, mired in deficits and stagnation, with huge economic inequalities and social discontent boiling under the surface. +20415020 If Brazil devises an economic strategy allowing it to resume growth and service debt, this could lead it to open up and deregulate its sheltered economy, analysts say, just as Argentinian President Carlos Saul Menem has been doing even though he was elected on a populist platform. +20415021 "Depending on the president, we could either be a trillion-dollar economy by the end of the century or stay where we are," says political scientist Amaury de Souza. +20415022 "And where we are is bad." +20415023 Despite valiant efforts by Finance Minister Mailson Ferreira da Nobrega, inflation came to 36% in September alone and is expected to top 1,000% for the year. +20415024 That might have been considered hyperinflation not long ago, but Argentina endured price increases of almost 200% in July before bringing the rate down sharply in August and September. +20415025 Still, massive internal debt has forced the government to borrow massively on the domestic market and to offer inflation-adjusted returns of 2% to 3% a month just to get investors to hold on to its paper. +20415026 About $70 billion is estimated to be tied up in the short-term money market, which acts both as a hedge against inflation for consumers and an accelerator of inflation and deficits for the government. +20415027 By some estimates, Brazil's internal debt, or combined public deficit, could reach 6.5% of its $351 billion gross domestic product. +20415028 Much of the money goes into subsidies or keeping inefficient state-controlled companies operating. +20415029 Among the results is a frequent breakdown of public services. +20415030 It's not uncommon to wait three minutes for a dial tone after picking up the telephone, and then to be interrupted by a busy signal before finishing dialing the number. +20415031 Officials also say a national electricity shortage might not be far off. +20415032 Economists, businessmen and some politicians agree that the answer is an orthodox economic austerity program including reduced state spending; focusing spending on vital areas such as education, health and welfare; turning state companies private; reforming the tax system, raising public service rates to match costs; and possibly a temporary wage and price freeze and a devaluation of the cruzado. +20415033 Analysts also say it's inevitable that Brazil will seek to renegotiate its $115 billion foreign debt, on which it suspended interest payments last month. +20415034 Analysts say, however, that a tough economic program would have to be accompanied by measures to shield the poor from its recessionary effects, for instance by subsidizing staple food items. +20415035 About 80% of Brazil's voters are believed to live near the poverty level. +20415036 Of the three candidates with a serious chance of winning, Mr. Collor comes closest to advocating the sort of measures that economists say are necessary. +20415037 But his inexperience raises doubts that he would have the political power to carry them out. +20415038 The 67-year-old Mr. Brizola has been vague about his intentions and often inflammatory in his rhetoric, but analysts say he probably would be pragmatic. +20415039 Mr. da Silva, a 43-year-old former factory worker and labor leader, is the most radical, vowing to withhold payments on the foreign debt and saying he "wouldn't go around putting the country up for sale to the highest bidder." +20415040 But despite the differences in what they say, according to some analysts here, economic constraints mean the next president may not have many choices about what he does. +20416001 Hospital Regulation Sparks Kentucky Feud +20416002 WHICH IS the best medicine for runaway health costs: competition or regulation? +20416003 The question is at the root of a brawl between Humana Inc., the big for-profit hospital and insurance company, and its not-for-profit brethren in its home state of Kentucky. +20416004 The battle focuses on the state's certificate-of-need law, which regulates investment in new medical technology. +20416005 The law has prevented $216 million of unnecessary expenditures since 1986, according to William S. Conn, president of the Kentucky Hospital Association. +20416006 But according to David Jones, Humana's chief executive, it promotes technology monopolies, stifles innovation and raises prices. +20416007 If the Legislature doesn't repeal the law, due for revision in 1990, Mr. Jones says Humana may move its insurance operations, including 3,000 jobs in Louisville, to another state. +20416008 The company complains that it paid $10 million to non-Humana hospitals in its latest fiscal year for services provided to its insurance plan members. +20416009 But Humana says its own facilities could serve its insured for less if they were properly equipped. +20416010 Mr. Conn charges that Humana's own actions undermine its argument. +20416011 When a hospital in Lexington installed a lithotripter last year, demand for a similar kidney-stone smashing machine at a Humana hospital in Louisville fell 34%. +20416012 The Humana hospital responded by jacking up prices to make up for lost revenue, Mr. Conn says, and now charges as much as $8,000 for the procedure, which costs only about $3,500 in Lexington. +20416013 Humana contends that $8,000 represents an extreme case and that its regular charge for lithotripsy is $4,900. +20416014 Meanwhile, another hospital's proposal for a new-generation lithotripter is pending before the board that administers the certificate-of-need law. +20416015 Humana, which wants to acquire one of the new machines itself, is on the record as opposed to the proposal. +20416016 Debt-Burdened Doctors Seek Financial Security +20416017 HEALTH-CARE experts have long worried that young doctors emerging from medical school with a mountain of debt will choose careers in high-paying specialties instead of primary care, where more physicians are needed most. +20416018 Now there's a new wrinkle in what young doctors want: More than half of 300 residents responding to recent survey said they'd prefer a guaranteed salary over traditional fee-for-service compensation in their first professional position. +20416019 And 81% preferred a group practice or health maintenance organization, while just 11% favored solo practice. +20416020 "Ten years ago, a physician would go to a town and take out a loan (to start a practice)," says James Merritt, president of Merritt, Hawkins & Associates, an Irvine, Calif., physician recruiter that conducted the survey. +20416021 "They won't do that very often today at all. +20416022 They're looking for something that's very safe." +20416023 The numbers behind such fears: The average debt of medical school graduates who borrowed to pay for their education jumped 10% to $42,374 this year from $38,489 in 1988, says the Association of American Medical Colleges. +20416024 That's 115% more than in 1981. +20416025 Money isn't the only reason for the shift in practice preferences. +20416026 It reflects values of a generation that wants more time for families and personal interests, says John H. Moxley III, who directs physician-executive searches for Korn/Ferry International. +20416027 "This is a change in the social fabric of medicine," he says. +20416028 Related Roommates Trim Hospital Bills +20416029 WHEN Catherine Bobar spent several weeks at the Medical Center of Vermont recently with a bone infection in her toe, she shared a room just like most patients. +20416030 But unlike most patients, her roommate was her husband. +20416031 "It was certainly good to have him handy," Mrs. Bobar says. +20416032 The 12-bed "cooperative care" unit is one of about 18 nationwide where a family member or friend helps care for a patient in the hospital. +20416033 "The philosophy is to make the patient and the family very responsible for a portion of their own care," says Anthony J. Grieco, medical director of cooperative care at New York University Medical Center, where the concept began 10 years ago. +20416034 "It helps us, and them, while they're here, and it certainly makes them a better health-care team when they get home." +20416035 It also saves money. +20416036 Because patients require less attention from nurses and other staff, room charges are lower -- about $100 less per day than a regular room at the Vermont hospital. +20416037 Cancer patients needing prolonged radiation therapy, diabetics learning to manage their blood sugar levels, and cardiac bypass patients are among those who spend time on cooperative-care units. +20416038 The approach has generated so much interest that NYU is host to the first conference on cooperative care Nov. 30. +20416039 "It's really part of the hospital of the 21st century," Dr. Grieco says. +20416040 Odds and Ends +20416041 THE CHIEF NURSING officer can be responsible for more than 1,000 employees and at least one-third of a hospital's budget; a head nurse typically oversees up to 80 employees and $8 million. +20416042 So says the Commonwealth Fund, a New York philanthropist that's sponsoring a $1 million project to develop joint masters in business and nursing programs at 10 universities. . . . +20416043 Meharry Medical College in Nashville, Tenn., launches a new research publication in the spring: the Journal on Health Care for the Poor and Underserved. +20417001 A group of Michigan investors has offered to buy Knight-Ridder Inc.'s ailing Detroit Free Press for $68 million but has left unclear how the offer will be financed. +20417002 The offer came just prior to arguments before the U.S. Supreme Court over whether the Free Press should be allowed to enter into a joint operating pact with Gannett Co.'s Detroit News. +20417003 The group led by Birmingham, Mich., publicist William D. McMaster didn't name an investment banker backing the deal or say how much its members will contribute to the offer. +20417004 Indeed, some individuals identified with the group said they haven't committed any money to the bid and weren't aware of it until they heard about it in local news accounts over the weekend. +20417005 Knight-Ridder wouldn't comment on the offer. +20417006 The company has said the paper isn't for sale, and has rebuffed Mr. McMaster's earlier requests for access to Free Press financial statements. +20417007 In his letter to Knight-Ridder President James K. Batten, Mr. McMaster said he arrived at the $68 million figure using Knight-Ridder's corporate financial statements and comments by Knight-Ridder officials that the Free Press has a $50 million value in salvage. +20417008 But in an interview, Mr. McMaster said he and his investment banker would need access to full financial records before firming up the offer. +20418001 Mitsui & Co. said it started a joint venture with Dae Woong Chemical Co., a major pharmaceutical manufacturer in South Korea, to manufacture antibiotic medicines. +20418002 The new company is capitalized at about $3.5 million. +20418003 Mitsui expects the antibiotic products to be exported to Southeast Asia and Africa. +20418004 It also hopes to enter the U.S. market. +20419001 NRM Energy Co. said it filed materials with the Securities and Exchange Commission calling for it to restructure into a corporation from a limited partnership. +20419002 The partnership said it is proposing the change largely because the provisions of its senior notes restrict it from making distributions on its units outstanding. +20419003 NRM suspended its common distribution in June 1988 and the distribution on its $2 cumulative convertible acquisition preferred units in September. +20419004 However, unpaid distributions on the acquisition preferred are cumulative and would total $23 million a year, hurting NRM's financial flexibility and its ability to raise capital, NRM said. +20419005 In following several other oil and gas partnerships that have made the conversion to a corporation in the last year, NRM also noted that tax advantages for partnerships have diminished under new tax laws and said it would save $2 million a year in administrative costs from the change. +20419006 Under the plan, NRM said holders of its common units will receive one share of new common stock in Edisto Resources Corp. for every 14.97 common units owned. +20419007 Holders of NRM's $2 cumulative convertible acquisition preferred units will receive one new common share in Edisto for every 1.342 units they own. +20419008 After the transaction, current common unitholders will own about 21.3% of Edisto, current acquisition preferred holders will own 72.3%, and current stockholders of Edisto will own about 6.4%, about the same stake as Edisto owns now in NRM. +20419009 Edisto currently is the general partner of NRM. +20419010 As the largest holder of acquisition preferred units, Mesa Limited Partnership would own about 28% of Edisto after the transaction. +20419011 As part of the transaction, Edisto agreed to give Mesa, an Amarillo, Texas, oil and gas partnership managed by T. Boone Pickens Jr., a seat on its board. +20419012 NRM said its $2.60 senior cumulative convertible preferred units will be converted into an equal number of shares of $2.60 senior cumulative convertible preferred stock of Edisto. +20419013 The transaction is subject to approval of NRM unitholders of record on Oct. 23, among other conditions. +20419014 NRM said it expects unitholders to vote on the restructuring at a meeting Dec. 15. +20420001 Sherwin-Williams Co. and Whittaker Corp. said they've discontinued talks toward a definitive agreement regarding Sherwin-Williams' acquisition of Whittaker's chemical coating group. +20420002 The companies reached an agreement in principle for the sale in August. +20420003 Terms weren't disclosed. +20420004 Cleveland-based Sherwin-Williams produces paints and coatings, while the Los Angeles-based Whittaker coatings group produces industrial coatings. +20421001 USG Corp. agreed to sell its headquarters building here to Manufacturers Life Insurance Co. of Toronto, and will lease the 19-story facility until it moves to a new quarters in 1992. +20421002 The building-materials concern didn't disclose terms of the sale, which will close in the first quarter of next year. +20421003 Proceeds from the planned sale of the 250,000-square-foot building "will help reduce the debt incurred as a result of our July 1988 recapitalization," said a USG official. +20422001 The recently revived enthusiasm among small investors for stock mutual funds has been damped by a jittery stock market and the tumult over program trading. +20422002 After hitting two-year highs this summer, net sales of stock funds slowed in September, according to the Investment Company Institute, a trade group. +20422003 The sales recovery screeched to a halt this month, some analysts say. +20422004 "Confidence was starting to come back because we didn't have wildly volatile days," says Tyler Jenks, research director for Kanon Bloch Carre & Co., a Boston research firm. +20422005 "Now everything" -- such as program trading and wide stock market swings -- "that everyone had pushed back in their consciousness is just sitting right there." +20422006 Net sales of stock funds in September totaled $839.4 million, down from $1.1 billion in August, the institute said. +20422007 But if reinvested dividends are excluded, investors put in only $340 million more than they pulled out for the month. +20422008 October's numbers, which won't be released for a month, are down further, mutual fund executives say. +20422009 Investors in stock funds didn't panic the weekend after mid-October's 190-point market plunge. +20422010 Most of the those who left stock funds simply switched into money market funds. +20422011 And some fund groups said investors actually became net buyers. +20422012 But the stock market swings have continued. +20422013 The recent outcry over program trading will cast a pall over the stock-fund environment in the coming months, some analysts say. +20422014 "The public is very close to having had it," Mr. Jenks says. +20422015 Investors pulled back from bond funds in September, too. +20422016 Net sales of bond funds for the month totaled $1.1 billion, down two-thirds from $3.1 billion in August. +20422017 The major reason: heavy outflows from high-risk, high-yield junk bond funds. +20422018 Big withdrawals from the junk funds have continued this month. +20422019 Overall, net sales of all mutual funds, excluding money market funds, fell to $1.9 billion in September from $4.2 billion in August, the trade group said. +20422020 "Small net inflows into stock and bond funds were offset by slight declines in the value of mutual fund stock and bond portfolios" stemming from falling prices, said Jacob Dreyer, the institute's chief economist. +20422021 Many small investors went for the safety of money market funds. +20422022 Assets of these and other short-term funds surged more than $5 billion in September, the institute said. +20422023 Analysts say additional investors transferred their assets into money funds this month. +20422024 At Fidelity Investments, the nation's largest fund group, money funds continue to draw the most business, says Michael Hines, vice president, marketing. +20422025 In October, net sales of stock funds at Fidelity dropped sharply, Mr. Hines said. +20422026 But he emphasized that new accounts, new sales, inquiries and subsequent sales of stock funds are all up this month from September's level. +20422027 Investor interest in stock funds "hasn't stalled at all," Mr. Hines maintains. +20422028 He notes that most of the net sales drop stemmed from a three-day period following the Friday the 13th plunge. +20422029 "If that follows through next month, then it will be a different story," he says. +20422030 But, Mr. Hines adds, sales "based on a few days' events don't tell you much about October's trends." +20422031 One trend that continues is growth in the money invested in funds. +20422032 Buoyed by the continued inflows into money funds, assets of all mutual funds swelled to a record $953.8 billion in September, up fractionally from $949.3 billion in August. +20422033 Stock-fund managers, meantime, went into October with less cash on hand than they held earlier this year. +20422034 These managers held 9.8% of assets in cash at the end of September, down from 10.2% in August and 10.6% in September 1988. +20422035 Large cash positions help buffer funds from market declines but can cut down on gains in rising markets. +20422036 Managers of junk funds were bolstering their cash hoards after the September cash crunch at Campeau Corp. +20422037 Junk-portfolio managers raised their cash position to 9.4% of assets in September from 8.3% in August. +20422038 In September 1988, that level was 9.5%. +20422039 Investors in all funds will seek safety in the coming months, some analysts say. +20422040 Among stock funds, the conservative growth-and-income portfolios probably will remain popular, fund specialists say. +20422041 "There will be a continuation and possibly greater focus on conservative equity funds, at the expense of growth and aggressive growth funds," says Avi Nachmany, an analyst at Strategic Insight, a New York fund-research concern. +20423001 Secretary of State Baker, we read, decided to kill a speech that Robert Gates, deputy national security adviser and a career Soviet expert, was going to give to a student colloquium, the National Collegiate Security Conference. +20423002 We keep wondering what Mr. Gates wanted to say. +20423003 Perhaps he might have cited Mr. Gorbachev's need for "a stable currency, free and competitive markets, private property and real prices" and other pie-in-the-sky reforms. +20423004 Perhaps he'd have called for "a decentralized political and economic system" without a dominant communist party. +20423005 Or political arrangements "to alleviate the grievances and demands of Soviet ethnic minorities and republics." +20423006 Why, a Bob Gates might even have said, "Nor are Soviet problems susceptible to rescue from abroad through abundant Western credits." +20423007 If Mr. Gates had been allowed to say these things, we would now be hearing about "discord" and "disarray" on foreign policy. +20423008 Dark hints would be raised that parts of the administration hope Mr. Gorbachev would fail, just as they were when Vice President Quayle voiced similar sentiments. +20423009 It's somehow OK for Secretary Baker himself, however, to say all the same things. +20423010 In fact, he did; the quotes above are from Mr. Baker's speech of two weeks ago. +20423011 So far as we can see, there is no disagreement among Mr. Baker, Mr. Quayle, the Mr. Gates we've read, or for that matter President Bush. +20423012 They all understand point one: Nothing the U.S. can do will make much difference in whether Mr. Gorbachev succeeds with perestroika. +20423013 Perhaps Mr. Gates would emphasize more than Mr. Baker the many hurdles the Soviet leader must leap if he is going to succeed. +20423014 But everyone agrees that Mr. Gorbachev's problems result from the failure of his own system. +20423015 They can be relieved only by changing that system, not by pouring Western money into it. +20423016 GATT membership will not matter to Donbas coal miners short of soap, nor will a START treaty make any difference to Ukrainian nationalists. +20423017 On the other hand, so long as Mr. Gorbachev is easing his grip on his empire, everyone we've heard agrees that the U.S. can benefit by engaging him. +20423018 If a deal can be made to cut the world's Ortegas loose from Moscow, why not? +20423019 We don't expect much good from nuclear-arms control, but conventional-arms talks might demilitarize Eastern Europe. +20423020 There's nothing in the least contradictory in all this, and it would be nice to think that Washington could tolerate a reasonably sophisticated, complex view. +20423021 Yet much of the political culture seems intent on castigating the Bush administration for not "helping" Mr. Gorbachev. +20423022 So every time a Bush official raises a doubt about Mr. Gorbachev, the Washington community shouts "Cold War" and "timidity," and an administration spokesman is quickly trotted out to reply, "Mr. Bush wants perestroika to succeed." +20423023 Mr. Baker seems especially sensitive to the Washington ailment known as Beltway-itis. +20423024 Its symptoms include a cold sweat at the sound of debate, clammy hands in the face of congressional criticism, and fainting spells when someone writes the word "controversy." +20423025 As one unidentified official clearly in the late stages of the disease told the Times: "Baker just felt that there were some lines in the speech that could be misinterpreted and seized by the press." +20423026 In short, the problem is not intra-administration disagreement, but preoccupation with the prospect that perestrokia might fail, and its political opponents will ask "Who lost Gorbachev?" +20423027 Mr. Baker may want to avoid criticism from Senate Majority Leader George Mitchell, but as Secretary of State his audience is the entire Free World, not just Congress. +20423028 In any case, he's likely to find that the more he muzzles his colleagues, the more leaks will pop up all around Washington, a lesson once learned by Henry Kissinger. +20423029 Letting officials express their own nuances can be educational. +20423030 We note that in Rome yesterday Defense Secretary Cheney said that European euphoria over Mr. Gorbachev is starting to be tempered by a recognition of "the magnitude of the problems he was trying to deal with." +20423031 It is in the Western interest to see Mr. Gorbachev succeed. +20423032 The odds are against him, as he himself would no doubt tell you. +20423033 The ultimate outcome depends on what he does, not on what we do. +20423034 Even if the press is ready to seize and misinterpret, these are not very complicated thoughts. +20423035 Surely there is someone in the administration, maybe Bob Gates, who could explain them to college students, or even schoolchildren. +20424001 Vernon E. Jordan was elected to the board of this transportation services concern. +20424002 Mr. Jordan has served as executive director of the United Negro College Fund, director of the Voter Education Project of the Southern Regional Council and attorney-consultant to the U.S. Office of Economic Opportunity. +20424003 His election increases Ryder's board to 14 members. +20425001 The American Stock Exchange said a seat was sold for $160,000, down $5,000 from the previous sale last Friday. +20425002 Seats are currently quoted at $151,000, bid, and $162,000, asked. +20426001 Two gunmen entered a Maryland restaurant, ordered two employees to lie on the floor and shot them in the backs of their heads. +20426002 The killers fled with less than $100. +20426003 Describing this and other grisly killings, Sen. Strom Thurmond (R., S.C.) recently urged fellow lawmakers to revive a broad federal death penalty. +20426004 "The ultimate punishment," he declared, "will protect the law-abiding from the vicious, cruel individuals who commit these crimes." +20426005 There's just one problem: The law that Sen. Thurmond is pushing would be irrelevant in the case of the Maryland restaurant murders and almost all other killings. +20426006 Most murders are state crimes, so any federal capital-punishment law probably would turn out to be more symbolism than substance. +20426007 Yet the bill is riding high on the furor over drug trafficking. +20426008 Senate Republicans, after repeatedly failing to attach death-penalty amendments to unrelated legislation, have finally gotten a full-blown death-penalty bill through committee. +20426009 The Democratic leadership agreed to allow a floor vote on the issue before the end of the year -- a debate certain to focus on the alleged racial inequality of death sentencing. +20426010 Even some Democrats concede that there is probably a majority in the Senate that favors some kind of broad capital-punishment measure. +20426011 The pending bill, introduced by Mr. Thurmond, would revive the long-dormant federal death-penalty laws by instituting legal procedures required by the Supreme Court. +20426012 In 1972, the high court swept aside all capital-punishment laws -- federal and state alike -- as unconstitutional. +20426013 But in 1976, the court permitted resurrection of such laws, if they meet certain procedural requirements. +20426014 For instance, juries would have to consider specific "aggravating" and "mitigating" factors before deciding whether to condemn someone to death. +20426015 Since that 1976 ruling, 37 states have reintroduced the death penalty. +20426016 But congressional Democrats have blocked the same from occurring at the federal level, with the exception of a 1988 law allowing capital punishment for certain drug-related homicides. +20426017 The Thurmond bill would establish a federally administered death sentence for 23 crimes, most of which were formerly punishable by death under federal statutes that the Supreme Court invalidated. +20426018 Among these crimes are murder on federal land, presidential assassination and espionage. +20426019 The Thurmond bill would also add five new crimes punishable by death, including murder for hire. +20426020 (Separately, the Senate last week passed a bill permitting execution of terrorists who kill Americans abroad.) +20426021 Amid the swirl of punitive rhetoric surrounding the issue, one critical question involves whether a federal death penalty, on top of existing state laws, would deter any would-be criminals. +20426022 For one thing, it's unlikely that many people would receive federal death sentences, let alone be executed. +20426023 Most of the crimes incorporated in the Thurmond bill are exceedingly rare -- killing a Supreme Court justice, for instance, or deliberately causing a train wreck that results in a death. +20426024 In fact, only 28 defendants would have been eligible for federal death sentences if the Thurmond bill had been in effect in the past three years, according to a study by the Senate Judiciary Committee's Democratic staff. +20426025 The last federal execution before the Supreme Court's 1972 ruling banning the death penalty took place in 1963, meaning that the federal government didn't exercise its execution authority for eight years. +20426026 "In that sense, the whole debate is sort of a fraud," argues a Democratic Senate staff member. +20426027 "It's distracting attention from serious issues, like how to make DEA, FBI and Customs work together" on drug enforcement. +20426028 Republicans acknowledge that few people would be executed under the Thurmond bill, but they contend that isn't the point. +20426029 "Many scholars are of the opinion that the mere existence of the penalty deters many people from the commission of capital crimes," says Sen. Orrin Hatch (R., Utah). +20426030 Executions, regardless of how frequently they occur, are also "proper retribution" for heinous crimes, Mr. Hatch argues. +20426031 Thomas Boyd, a senior Justice Department official, says the new federal drug-related crimes punishable by death since last November may result in a jump in capital sentences, though that hasn't happened so far. +20426032 In addition to resuscitating the old issue of whether death sentences deter criminals, this bill has made race a major part of the death-penalty debate. +20426033 Before the bill left committee, Sen. Edward Kennedy (D., Mass.) attached an amendment that would allow a defendant to escape from a death sentence in jurisdictions shown to have meted out executions in a racist manner. +20426034 The amendment prompted an ironic protest from Mr. Thurmond, who complained that it would "kill" capital punishment. +20426035 A large number of studies suggest that state judges and juries have imposed the penalty in a racially discriminatory fashion. +20426036 And the Kennedy amendment would invade not only federal but state sentencings, in two important ways. +20426037 It would allow all defendants to introduce statistical evidence showing racially disproportionate application of the death penalty in the past. +20426038 And it would shift the burden to prosecutors to disprove that discrimination caused any statistical racial disparities. +20426039 "That burden is very difficult, if not impossible, to meet," says Mr. Boyd. +20426040 "How do you prove a negative?" +20426041 Since most prosecutors wouldn't be able to demonstrate conclusively that racial considerations didn't affect sentencing, executions everywhere might come to a halt, Mr. Boyd explains. +20426042 At least 15 major studies purport to show that particular states have imposed the death penalty disproportionately against killers of whites compared with blacks, and against black defendants compared with white defendants. +20426043 Conservatives question the validity of the studies and note that the Supreme Court ruled in 1987 that such research, regardless of its accuracy, isn't relevant to a constitutional attack on a particular death sentence. +20426044 The Kennedy amendment would, in effect, legislate around the Supreme Court ruling. +20426045 Lawyers would eagerly seize on the provision in their death-penalty appeals, says Richard Burr, director of the NAACP Legal Defense and Educational Fund's capital-punishment defense team. +20426046 Mr. Kennedy failed to get his amendment incorporated into last year's anti-drug legislation, and it will be severely attacked on the Senate floor this time around. +20426047 But if it survives, it could prompt other statutory changes, according to the Mr. Burr. +20426048 It might force Congress and the states to narrow the death penalty only to convictions shown to be relatively free of racial imbalance -- murders by repeat offenders who torture their victims, perhaps. +20426049 Narrowing the penalty in this fashion would clearly reduce whatever deterrent effect it now has. +20426050 And that, in turn, would only strengthen the argument of those who oppose execution under any circumstances. +20427001 A state judge postponed a decision on a move by holders of Telerate Inc. to block the tender offer of Dow Jones & Co. for the 33% of Telerate it doesn't already own. +20427002 Vice Chancellor Maurice A. Hartnett III of Delaware's Court of Chancery heard arguments for more than two hours here, but he made no comment and asked no questions. +20427003 He could rule as early as today on the motion seeking a temporary injunction against the Dow Jones offer. +20427004 Dow Jones has offered to pay $18 a share, or about $576 million, for the remaining Telerate stake. +20427005 The offer will expire at 5 p.m. EST on Nov. 6, unless extended again. +20427006 Robert Kornreich, an attorney for the Telerate holders, told Judge Hartnett the Dow Jones offer is "arrogant" and "hostile." +20427007 He accused Dow Jones of "using unfair means to obtain the stock at an unfair price." +20427008 Michael Rauch, an attorney for Dow Jones, defended the offer as adequate, based on what the company considers realistic projections of Telerate's revenue growth, in the range of 12%. +20427009 He also contended that the plaintiffs failed to cite any legal authority that would justify such an injunction. +20427010 Telerate provides information about financial markets through an electronic network. +20427011 Dow Jones publishes The Wall Street Journal, Barron's magazine, other periodicals and community newspapers and operates electronic business information services. +20428001 Japan's exports of cars, trucks and buses declined 2.4% to 535,322 units in September from a year earlier, the Japan Automobile Manufacturers Association said. +20428002 The association attributed the drop to a trend among auto makers to move manufacturing operations overseas. +20428003 With the exception of August, when exports rose 2.1%, exports have declined every month from year-earlier levels since March. +20429001 Lone Star Technologies Inc. said its Lone Star Steel Co. unit sued it in federal court here, seeking to recover an intercompany receivable valued at a minimum of $23 million. +20429002 The lawsuit was filed by Lone Star Steel's unsecured creditors' committee on behalf of Lone Star Steel, which has been operating under Chapter 11 of the federal Bankruptcy Code since June 30. +20429003 Lone Star Technologies said it and its subsidiary's creditors agree that the parent company owes the unit money, but they haven't been able to reach agreement on the amount. +20429004 Judith Elkin, lawyer for the creditors, said the creditors group is challenging certain accounting entries on the parent company's books and estimates that the receivable owed the steel company could be as much as $40 million. +20429005 The Lone Star Steel lawsuit also asks the court to rule that Lone Star Technologies is jointly responsible for a $4.5 million Lone Star Steel pension payment that was due, but wasn't paid, in September and that the parent company can't recover the amount from its subsidiary if the parent company makes the payment. +20429006 Separately, Lone Star Technologies said the bankruptcy court granted Lone Star Steel an extension until year end on its exclusive period to present a reorganization plan. +20429007 The 120-day exclusivity period was to expire yesterday. +20429008 Under Chapter 11, a company continues to operate, but is protected from creditor lawsuits while it tries to work out a plan to pay its debt. +20430001 Nothing was going to hold up the long-delayed settlement of Britton vs. Thomasini. +20430002 Not even an earthquake. +20430003 On the afternoon of Oct. 17, after hours of haggling with five insurance-claims adjusters over settling a toxic-waste suit, four lawyers had an agreement in hand. +20430004 But as Judge Thomas M. Jenkins donned his robes so he could give final approval, the major earthquake struck, its epicenter not far from his courtroom in Redwood City, Calif. +20430005 The walls shook; the building rocked. +20430006 For a while, it looked like the deal -- not to mention the courtroom itself -- was on the verge of collapse. +20430007 "The judge came out and said, `Quick, let's put this on the record,'" says Sandy Bettencourt, the judge's court reporter. +20430008 "I said, `NOW?' +20430009 I was shaking the whole time." +20430010 A 10-gallon water cooler had toppled onto the floor, soaking the red carpeting. +20430011 Lights flickered on and off; plaster dropped from the ceiling, the walls still shook and an evacuation alarm blared outside. +20430012 The four lawyers climbed out from under a table. +20430013 "Let's close the door," said the judge as he climbed to his bench. +20430014 At stake was an $80,000 settlement involving who should pay what share of cleanup costs at the site of a former gas station, where underground fuel tanks had leaked and contaminated the soil. +20430015 And the lawyers were just as eager as the judge to wrap it up. +20430016 "We were never going to get these insurance companies to agree again," says John V. Trump, a San Francisco defense lawyer in the case. +20430017 Indeed, the insurance adjusters had already bolted out of the courtroom. +20430018 The lawyers went to work anyway, duly noting that the proceeding was taking place during a major earthquake. +20430019 Ten minutes later, it was done. +20430020 For the record, Jeffrey Kaufman, an attorney for Fireman's Fund, said he was "rattled -- both literally and figuratively." +20430021 "My belief is always, if you've got a settlement, you read it into the record." says Judge Jenkins, now known in his courthouse as "Shake 'Em Down Jenkins." +20430022 The insurance adjusters think differently. +20430023 "I didn't know if it was World War III or what," says Melanie Carvain of Morristown, N.J. +20430024 "Reading the settlement into the record was the last thing on my mind. +20431001 Edison Brothers Stores Inc. said it agreed to buy 229 Foxmoor women's apparel stores from Foxmoor Specialty Stores Corp., a unit of Dylex Ltd. of Toronto. +20431002 Terms weren't disclosed. +20431003 Edison said the acquired stores would be integrated into its current operations. +20432001 BROWN-FORMAN Corp. (Louisville, Ky.) -- +20432002 David R. Jackson, formerly vice president, managing director of corporate communications for Maxwell Communication Inc., was named vice president and assistant to the chairman of this maker of alcoholic beverages and consumer products. +20433001 Your Oct. 4 front page noted that British lawyers have to wear wigs in court and that these wigs are made from horses' tails. +20433002 Do you think the British know something that we don't? +20433003 Yale Jay Lubkin +20433004 Owings, Md. +20434001 Applause for "Sometimes, Talk Is the Best Medicine," in your Oct. 5 Marketplace section. +20434002 Indeed, the "art of doctoring" does contribute to better health results and discourages unwarranted malpractice litigation. +20434003 Elaborating on the concern about doctors' sacrificing earnings in order to spend "talk time" with patients, we are finding the quality of the time spent is the key to true rapport. +20434004 Even brief conversations can show caring and trust, and need not restrict the efficiency of the communication or restrain the doctor's earnings. +20434005 The issue is far-reaching. +20434006 Right now, the American populace is spending about 12% of our gross national product on health care. +20434007 That amounts to more than $350 billion a year. +20434008 And it is estimated that more than 20% of that, $70 billion, goes to "defensive medicine" -- those measures taken by doctors to protect themselves from the most unlikely possibilities. +20434009 So we all stand to benefit if patient-physician relations become a "partnership." +20434010 President North American Physicians Insurance Risk Retention Group +20435001 Chrysler Corp. Chairman Lee A. Iacocca said the nation's No. 3 auto maker will need to close one or two of its assembly plants because of the slowdown hitting the industry. +20435002 In an interview with the trade journal Automotive News, Mr. Iacocca declined to say which plants will close or when Chrysler will make the moves. +20435003 But he said, "we have too many plants in our system. +20435004 So the older or most inefficient capacity has got to go." +20435005 According to industry analysts, Chrysler plants most likely to close are the St. Louis No. 1 facility, which builds Chrysler LeBaron and Dodge Daytona models; the Toledo, Ohio, Jeep plant, which dates back to the early 1900s; and two Canadian plants that build the Jeep Wrangler and Chrysler's full-sized vans. +20435006 Chrysler has had to temporarily close the St. Louis and Toledo plants recently because of excess inventories of vehicles built there. +20435007 At Chrysler's 1990 model preview last month, Chrysler Motors President Robert A. Lutz said the No. 3 auto maker, along with other U.S. manufacturers, might be forced to "realign . . . capacity" if market demand doesn't improve. +20435008 But Mr. Iacocca's remarks are the most specific indication to date of how many plants could be in jeopardy. +20435009 General Motors Corp. has signaled that as many as five of its U.S. and Canadian plants may not survive the mid-1990s as it struggles to trim its excess vehicle-production capacity. +20435010 The overcapacity problem has intensified in recent years, with foreign auto makers beginning car and truck production in the U.S. +20435011 With companies such as Honda Motor Co., Toyota Motor Corp. and Nissan Motor Co. running so-called transplant auto operations, Japanese auto production in the U.S. will reach one million vehicles this year. +20435012 "Unless the market goes to 19 million units -- which we all know it's not going to do -- we have the inescapable fact that the transplants are adding capacity," Mr. Lutz said last month. +20435013 The Japanese-managed plants eventually will have the capacity to build some 2.5 million vehicles in the U.S. and that will translate into "market share that is going to have to come out of somebody," he added. +20435014 Already Chrysler has closed the Kenosha, Wis., plant it acquired when it bought American Motors Corp. in 1987. +20435015 Chrysler has also launched a $1 billion cost-cutting program that will cut about 2,300 white-collar workers from the payroll in the next few months. +20436001 Revco D.S. Inc., the drugstore chain that filed for bankruptcy-court protection last year, received a $925 million offer from a group led by Texas billionaire Robert Bass. +20436002 Revco reacted cautiously, saying the plan would add $260 million of new debt to the highly leveraged company. +20436003 It was Revco's huge debt from its $1.3 billion leveraged buy-out in 1986 that forced it to seek protection under Chapter 11 of the federal Bankruptcy Code. +20436004 Revco insists that the proposal is simply an "expression of interest," because under Chapter 11 Revco has "exclusivity rights" until Feb. 28. +20436005 Those rights prevent anyone other than Revco from proposing a reorganization plan. +20436006 Also under Chapter 11, a reorganization plan is subject to approval by bondholders, banks and other creditors. +20436007 A financial adviser for Revco bondholders, David Schulte, of Chilmark Partners, had mixed reactions to the offer. +20436008 He said he feared a Revco reorganization might force bondholders to accept a "cheap deal," and that the Bass group's offer would give them more money. +20436009 However, the group is offering to pay off bondholders in cash only -- $260.5 million -- and no equity. +20436010 The Revco bonds are high-yield, high-risk "junk" bonds; holders have $750 million in claims against Revco, Mr. Schulte said. +20436011 Revco received the offer Oct. 20, but issued a response yesterday only after a copy of the proposal was made public by bondholders. +20436012 Acadia Partners Limited Partnership, a Fort Worth, Texas, partnership that includes the Robert M. Bass Group, made the proposal. +20436013 Mr. Bass is based in Fort Worth. +20436014 Analysts said the nation's second-largest drugstore chain was a valuable company, despite its financial woes. +20436015 Its problem, they say, is that management paid too much in the leveraged buy-out and the current $515 million debt load is keeping Revco in the red. +20436016 "If bought at the right price, it could still be profitable," said Jeffrey Stein, an analyst at McDonald & Co., Cleveland. +20436017 In addition, Revco's 1,900 stores in 27 states represent a lot of real estate, he said, and demographics are helping pharmacies: The nation's aging population will boost demand for prescription drugs. +20436018 Last week, Revco's parent company, Anac Holding Corp., said the company reported a loss of $16.2 million for the fiscal first quarter, compared with a loss of $27.9 million in the year-earlier quarter. +20436019 Sales were $597.8 million, up 2.4% from the previous year. +20436020 The company, based in Twinsburg, Ohio, said its operating profit before depreciation and amortization increased 51%, to $9.2 million from $6.1 million. +20436021 Acadia Partners and the Bass Group declined to comment. +20436022 The partnership also includes American Express Co., Equitable Life Assurance Society of the U.S. and Shearson Lehman Hutton Inc. +20436023 The offer consists of $410.5 million in cash and the rest in notes. +20436024 Acadia would sell up to 10% of the equity in the reorganized company to creditors and bondholders in exchange for the cash distribution, but creditors and bondholders would receive no discount for their shares. +20436025 Revco's chairman and chief executive officer, Boake A. Sells, said both the company and the bondholders have put forth reorganization plans, but little progress has been made since negotiations began this summer. +20436026 He said he has not met with representatives from Acadia. +20436027 Any reorganization proposal, Mr. Sells said, is difficult to assess because it must be agreed upon by the company, bondholders, banks and other creditors. +20436028 Revco has $1.5 billion in claims outstanding. +20436029 "It's not like the board can decide" by itself, Mr. Sells said, adding, "we're indifferent to (the Bass) plan. +20436030 We just want a plan that satisfies creditors and at the end leaves a healthy Revco." +20436031 But Mr. Schulte, the bondholders' adviser, said Revco was dragging its feet in responding to the proposal. +20436032 "They want to pretend it doesn't exist," he said. +20436033 Mr. Schulte, who met with Acadia representatives on Oct. 10, said, "It's certainly a responsible offer. +20436034 It's not an effort to steal the company" in the middle of the night. +20437001 Copper futures prices failed to extend Friday's rally. +20437002 Declines came because of concern that demand for copper may slow down. +20437003 The December contract was down three cents a pound, settling at $1.1280, which was just above the day's low of $1.1270. +20437004 Futures prices fell during three of five sessions last week, and the losses, individually and cumulatively, were greater than the advances. +20437005 Two of the major factors buoying prices, the prolonged strikes at the Highland Valley mine in Canada and the Cananea mine in Mexico, were finally resolved. +20437006 Also, the premiums paid by the U.S. government on a purchase of copper for the U.S. Mint were lower than expected, and acted as a price depressant, analysts said. +20437007 The mint purchases were at premiums about 4 1/2 cents a pound above the respective prices for the copper. +20437008 At the time merchants were asking for premiums of about five cents a pound. +20437009 All this has led to prolonged selling in futures, mostly on the part of computer-guided funds. +20437010 Prices fell through levels regarded as important support areas, which added to the selling. +20437011 The reluctance of traders to buy contracts indicates that they have begun focusing on demand rather than supply. +20437012 At least one analyst noted that as production improves, the concern among traders is whether the prospective increased supply will find buyers because of uncertainty over national economies. +20437013 "Demand from Japan is expected to continue strong, but not from other areas of the world into the first quarter of next year," he said. +20437014 Japan normally depends heavily on the Highland Valley and Cananea mines as well as the Bougainville mine in Papua New Guinea. +20437015 Recently, Japan has been buying copper elsewhere. +20437016 But as Highland Valley and Cananea begin operating, they are expected to resume their roles as Japan's suppliers. +20437017 According to Fred Demler, metals economist for Drexel Burnham Lambert, New York, "Highland Valley has already started operating and Cananea is expected to do so soon." +20437018 The Bougainville mine is generally expected to remain closed until at least the end of the year. +20437019 It hasn't been operating since May 15 because of attacks by native landowners. +20437020 A recent attempt to resume operations was cut short quickly by these attacks. +20437021 However, traders disregarded a potential production disruption in Chile and a continued drop in inventories. +20437022 Workers at two Chilean mines, Los Bronces and El Soldado, which belong to the Exxon-owned Minera Disputado group, will vote Thursday on whether to strike after a two-year labor pact ends today. +20437023 The mines produced a total of 110,000 tons of copper in 1988. +20437024 According to Drexel's Mr. Demler, the potential strike is expected to be resolved quickly, which may be one reason why the situation didn't affect prices much. +20437025 Another analyst said that, if there was any concern, it was that a strike could encourage other walkouts in Chile. +20437026 London Metal Exchange copper inventories fell 550 tons last week to 83,950 tons, a smaller-than-expected decline. +20437027 But that development also had little effect on traders' sentiment. +20437028 Mr. Demler said that stocks of copper in U.S. producers' hands at the end of September were down 16,000 metric tons from August to 30,000 tons. +20437029 Outside the U.S., he said, producer stocks at the end of August were 273,000 tons, down 3,000 tons from the end of July. +20437030 Consumer stocks of copper in the U.S. fell to 44,000 tons at the end of September from 54,000 tons a month earlier, and stocks of copper held by consumers and merchants outside of the U.S. at the end of July stood at 123,000 tons, down from 125,000 tons in June. +20437031 The high point of foreigners' copper stocks this year was 136,000 tons at the end of April, according to Mr. Demler. +20437032 In other commodity markets yesterday: +20437033 GRAINS AND SOYBEANS: +20437034 The prices of most corn, soybean and wheat futures contracts dropped slightly as farmers in the Midwest continued to rebuild stockpiles that were depleted by the 1988 drought. +20437035 Buying by the Soviets has helped to prop up corn prices in recent weeks, but a lack of any new purchases kept prices in the doldrums. +20437036 COFFEE: +20437037 Futures prices rose slightly in a market filled with rumors that a new international coffee agreement might still be achieved. +20437038 The December contract ended with a gain of 1.29 cents a pound at 74.35 cents. +20437039 According to one analyst, prices opened higher because of reports over the weekend that Brazil and Colombia, at the Pan-American summit meeting in Costa Rica, had agreed to a reduction in their coffee export quotas for the sake of creating a new agreement. +20437040 The reports, attributed to the Colombian minister of economic development, said Brazil would give up 500,000 bags of its quota and Colombia 200,000 bags, the analyst said. +20437041 These reports were later denied by a high Brazilian official, who said Brazil wasn't involved in any coffee discussions on quotas, the analyst said. +20437042 The Colombian minister was said to have referred to a letter that he said President Bush sent to Colombian President Virgilio Barco, and in which President Bush said it was possible to overcome obstacles to a new agreement. +20437043 The minister was also quoted as saying that a new pact could be achieved during the first half of next year, according to the analyst. +20437044 PRECIOUS METALS: +20437045 Futures prices showed modest changes in light trading volume. +20437046 December delivery gold eased 40 cents an ounce to $380.80. +20437047 December silver was off 3.7 cents an ounce at $5.2830. +20437048 January platinum rose 90 cents an ounce at $500.20. +20437049 The market turned quiet after rising sharply late last week, according to one analyst. +20437050 Last week's uncertainty in the stock market and a weaker dollar triggered a flight to safety, he said, but yesterday the market lacked such stimuli. +20437051 There was some profit-taking because prices for all the precious metals had risen to levels at which there was resistance to further advance, he said. +20437052 The dollar was also slightly firmer and prompted some selling, as well, according to the analyst. +20438001 Louisiana-Pacific Corp. said its board authorized the purchase of as many as five million of its common shares for employee stock plans and other general corporate purposes. +20438002 The forest-products concern currently has about 38 million shares outstanding. +20438003 In yesterday's composite trading on the New York Stock Exchange, Louisiana-Pacific shares closed at $39.25, down 37.5 cents. +20439001 When the Supreme Soviet passed laws on workers' rights in May 1987 and on self-managing cooperatives a year later, some Western observers assumed Mikhail Gorbachev had launched the Soviet Union on a course that would lead inevitably to the creation of a market economy. +20439002 Their only doubt concerned the possibility that Mr. Gorbachev might not survive the opposition that his reforms would arouse and that the whole process might be reversed. +20439003 If Mr. Gorbachev's goal is the creation of a free market, he and these Western observers have good reason to fear for his future, as economic liberalization within communist societies leads inexorably to demands for fundamental political reform accompanied by civil unrest. +20439004 These fears were clearly apparent when, last week, Secretary of State James Baker blocked a speech by Robert Gates, deputy national security adviser and Soviet expert, on the ground that it was too pessimistic about the chances of Mr. Gorbachev's economic reforms succeeding. +20439005 Yet the Soviet leader's readiness to embark on foreign visits and steady accumulation of personal power, particularly since the last Politburo reshuffle on Sept. 30, do not suggest that Mr. Gorbachev is on the verge of being toppled; nor does he look likely to reverse the powers of perestroika. +20439006 Indeed, the Soviet miners strike this summer clearly demonstrated that Mr. Gorbachev must proceed with economic reform. +20439007 But is he so clever that he has achieved the political equivalent of making water run uphill? +20439008 And has he truly persuaded the Communist Party to accept economic change of a kind that will, sooner or later, lead to its demise? +20439009 An alternative and more convincing explanation, confirmed by recent events and a close inspection of the Gorbachev program, is that the new Soviet economic and social structures are intended to conform to a model other than that of the market. +20439010 For example, while the laws on individual labor activity allow a citizen to earn a living independent of the state, strict provisions are attached on how far this may lead to the development of a free market. +20439011 Before becoming self-employed, or setting up a cooperative, workers must seek permission from the local soviet (council). +20439012 Permission is far from automatic: The soviets have the legal right to turn down applications and impose conditions, and they appear to be exercising these powers. +20439013 Private dressmaking, for example, is allowed in 10 Soviet republics but banned by five; shoemaking is allowed in seven but illegal in nine. +20439014 The controls on cooperatives appeared relatively liberal when first introduced. +20439015 But that changed following a resolution from the Supreme Soviet banning cooperatives from operating in some areas of the economy, and permitting activity in others only if the cooperatives are under contract to the state. +20439016 All independent media activity is now illegal, which perhaps is not surprising, but so is the manufacture of perfume, cosmetics, household chemicals and sand candles. +20439017 Medical cooperatives, among the most successful in the U.S.S.R., are banned from providing general-practitioner services (their main source of income), carrying out surgery, and treating cancer patients, drug addicts and pregnant women. +20439018 Earlier this month, the Supreme Soviet adopted two more resolutions restricting the freedom of cooperatives: The first enables the soviets to set prices for which goods may be sold; the second bans cooperatives from buying "industrial and food goods" from the state or other cooperatives. +20439019 If Mr. Gorbachev is looking toward unleashing the productive forces of the market, these latest resolutions are nothing short of reckless. +20439020 Along with some other revealing indicators, these developments suggest that while Mr. Gorbachev wishes to move away from some rigid central controls, he is bent on creating economic structures of a kind that would scarcely find favor with the Austrian or Chicago schools of economic thought. +20439021 Mr. Gorbachev has ruled out the use of the market to solve the problem of insufficient consumer goods. +20439022 He told the Congress of People's Deputies on May 30: "We do not share this approach, since it would immediately destroy the social situation and disrupt all the processes in the country." +20439023 Having rejected central economic planning for economic reasons, and the market for fear of the social (political) consequences, Mr. Gorbachev seeks a "third way" that would combine the discipline and controls of the former with the economic benefits of the latter. +20439024 Most important, this would leave the party intact and its monopoly of political power largely undisturbed. +20439025 Indeed, Mr. Gorbachev's proposals display a close conceptual resemblance to the tenets of Italian fascism, whose architects spoke specifically of a "third way": of having produced a historic synthesis of socialism and capitalism. +20439026 They, too, promised to combine economic efficiency with order and discipline. +20439027 The emergence of Russian corporatism had been anticipated in journalist George Urban's introduction to a series of colloquies -- "Can the Soviet System Survive Reform?" -- published this spring. +20439028 "Communism will reach its final stage of development in a feckless Russo -- corporation-socialist in form, nationalistic in content and Oriental in style -- that will puzzle the world with alternating feats of realism and recklessness. . . ." +20439029 The fascist concept of corporatism envisaged an "organic" society in which citizens were spiritually and morally unified, and prepared to sacrifice themselves for the nation. +20439030 This unification was to be brought about through policies and institutions that would unite workers and employers with government in a fully integrated and "harmonic" society. +20439031 The key to the creation of the "organic" state lay in the formation of "natural" groups that would undertake the role of decision-making. +20439032 By contrast, a parliamentary system based on abstract political rights and groups was held to cause, rather than resolve, conflict. +20439033 The closeness of Soviet perestroika to the fascist social blueprint of Mussolini was evident when Mr. Gorbachev presented his economic vision to the Soviet Congress. +20439034 In doing so, he neither rejected a socialist planned economy nor embraced the free market. +20439035 Instead, he proposed a "law-governed economy," in which there would be a "clear-cut division between state direction of the economy and economic management." +20439036 The latter would be undertaken by "enterprises, joint stock companies and cooperatives." +20439037 These would not function independently, but would act together to form "combines, unions and associations" to tackle problems and coordinate their activities. +20439038 Mr. Gorbachev is in a much stronger position to pursue the corporatist ideal than was Mussolini, who was never able to influence business giants such as Pirelli and Fiat. +20439039 The Soviet Communist Party has the power to shape corporate development and mold it into a body dependent upon it. +20439040 To ensure the loyalty of the business sector, Mr. Gorbachev may offer concessions and powers that will allow the business community to preserve its own interests, probably by restricting competition. +20439041 However, Mr. Gorbachev must ensure that within this "alliance" the business sector remains subordinate to the party. +20439042 At the same time, he must give it sufficient freedom to provide the economic benefits so desperately needed. +20439043 It is the promise of economic returns that is supposed to make the corporatist model attractive to both the party and labor. +20439044 The work force provides the third arm of the "alliance." +20439045 Within the alliance it is supposed to act as a balancing force, guarding against excessive control by government or abuse of its economic position by business, for either could result in a deterioration of its living standards (under the new resolutions, workers councils may demand that a cooperative be closed or its prices be reduced). +20439046 By providing workers with the opportunity to move into the private sector where wages tend to be higher, and by holding out the promise of more consumer goods, Mr. Gorbachev hopes to revive the popularity of the party. +20439047 At the same time, the strategy requires that he deal effectively with those who seek genuine Western-style political pluralism. +20439048 The most important development in Mr. Gorbachev's policy for marginalizing the opposition movement is the claim that the U.S.S.R. also suffers from terrorism. +20439049 An increasing number of references by the Soviet press to opposition groups now active in the U.S.S.R., particularly the Democratic Union, allege that they show "terroristic tendencies" and claim that they would be prepared to kill in order to achieve their aims. +20439050 It is possible that, in perpetuating such myths, the ground is being laid for the arrest of opposition activists on the ground of terrorism. +20439051 Mr. Gorbachev would appear to see his central task, however, as that of ensuring that foundations of an alliance among labor, capital and the state are properly laid before the demands for a multiparty system reach a crescendo. +20439052 If he were able to construct a popular and efficient corporatist system, he or his heir would be wellplaced to rein in political opposition, and to re-establish control in Eastern Europe. +20439053 The weaknesses in his plan do not lie in the political calculations -- Mr. Gorbachev is a consummate political leader, perhaps one of the greatest -- but in its economic prescription. +20439054 Contrary to widespread belief, Mussolini failed to live up to his promise to make the trains run on time; it is doubtful whether Soviet-style corporatism will make Soviet trains run on time, or fill the shops with goods that the consumers so desperately crave. +20439055 Miss Brady is deputy director of the Russian Research Foundation in London. +20440001 New construction contracting climbed 8% in September to an annualized $274.2 billion, with commercial, industrial and public-works contracts providing most of the increase, according to F.W. Dodge Group. +20440002 Through the first nine months of the year, the unadjusted total of all new construction was $199.6 billion, flat compared with a year earlier. +20440003 The South was off 2% after the first nine months, while the North Central region was up 3%. +20440004 The Northeast and West regions were unchanged. +20440005 A small decline in total construction for the entire year is possible if contracting for housing doesn't increase in response to this year's lower mortgage rates, said George A. Christie, vice president and chief economist of Dodge, the forecasting division of publisher McGraw-Hill Inc. +20440006 The seasonally adjusted Dodge Index reached 175 in September, its highest level this year, from 162 in August. +20440007 The index uses a base of 100 in 1982. +20440008 Newly contracted residential work edged up 2% in September to an annualized $121.2 billion, largely because multifamily building rebounded from a very weak August. +20440009 "At the end of the third quarter, there was still no evidence of renewed home building in response to the midyear decline of mortgage rates," Mr. Christie said. +20440010 Housing has been weak all year and especially so in the past five months. +20440011 Contracting for non-residential buildings rose 10% in September to an annualized $100.8 billion. +20440012 Commercial and industrial construction rose sharply, partly because of three large projects, each expected to cost more than $100 million. +20440013 Institutional building, such as hospitals and schools, eased in September following a surge in August. +20440014 Although the third quarter was the best so far this year for non-residential building, weakness early in the year held the nine-month total to $69.6 billion, up just 1% from a year earlier. +20440015 Public-works and utility projects, also known as non-building contracting, grew 18% to $52.2 billion in September, but the nine-month total of $36.9 billion was down 3% from a year earlier. +20440016 The Sept. 30 end of the federal fiscal year may have prodded contractors to get any behind-schedule road and bridge construction under way "before the clock ran out," Mr. Christie said, referring to threatened 5% across-the-board budget cuts. +20440017 a-Monthly construction contract values are reported on an annualized, seasonally adjusted basis. +20441001 Moody's Investors Service Inc. said it lowered ratings on long-term debt of CS First Boston Inc., the holding company of Wall Street giant First Boston Corp., because of First Boston's "aggressive merchant banking risk" in highly leveraged takeovers. +20441002 In downgrading CS First Boston's subordinated domestic, Euromarket and Swiss debt to single-A-3 from single-A-2, Moody's is matching a move made by the other major credit rating concern, Standard & Poor's Corp., several months ago. +20441003 Moody's also confirmed the Prime-1 rating, its highest, on CS First Boston's commercial paper, or short-term corporate IOUs. +20441004 In addition, Moody's said it downgraded Financiere Credit Suisse-First Boston's senior and subordinated Swiss debt to single-A-2 from single-A-1 and lowered Financiere CSFB N.V.'s junior subordinated perpetual Eurodebt, guaranteed by Financiere Credit Suisse -- First Boston, to single-A-3 from single-A-2. +20441005 About $550 million of long-term debt is affected, according to Moody's. +20441006 A spokesman for CS First Boston said: "We remain committed to a full range of businesses, including merchant banking. +20441007 We think that the ratings revision is unfortunate but not unexpected. +20441008 Our commitment to manage these businesses profitably will continue." +20441009 First Boston's merchant banking risks mounted last month as highly leveraged Campeau Corp., First Boston's most lucrative client of the decade, was hit by a cash squeeze and the high-risk junk bond market tumbled. +20441010 First Boston incurred millions of dollars of losses on Campeau securities it owned as well as on special securities it couldn't sell. +20441011 First Boston financings for several other highly leveraged clients, including Ohio Mattress, unraveled as the high-risk junk bond market plummeted. +20441012 Moody's said its rating changes actions "reflect CS First Boston's aggressive merchant banking risk as well as the risk profile of its current merchant banking exposures." +20441013 It said CS First Boston "has consistently been one of the most aggressive firms in merchant banking" and that "a very significant portion" of the firm's profit in recent years has come from merchant banking-related business. +20441014 "Moody's believes that the uncertain environment for merchant banking could put pressure on CS First Boston's performance," the rating concern said, citing "continued problems" from the firm's exposures to "various Campeau-related firms" and to Ohio Mattress. +20441015 "These two exposures alone represent a very substantial portion of CS First Boston's equity," Moody's said. +20441016 "Total merchant banking exposures are in excess of the firm's equity. +20442001 Quotron Systems Inc. plans to cut about 400, or 16%, of its 2,500 employees over the next several months. +20442002 "This action will continue to keep operating expenses in line" with revenue, said J. David Hann, president and chief executive officer of Los Angeles-based Quotron. +20442003 The move by the financial information and services subsidiary of Citicorp is a "response to changing conditions in the retail securities industry, which has been contracting" since October 1987's stock market crash, the executive added. +20442004 Quotron, which Citicorp purchased in 1986, provides price quotations for securities, particularly stocks. +20442005 Quotron also provides trading and other systems, services for brokerage firms, and communications-network services. +20442006 Independent providers of financial information, including Quotron, have been under some pressure as the major securities houses try to regain their hold on the production of market data and on the related revenue. +20442007 Shearson, Goldman, Sachs & Co., Morgan Stanley & Co. and Salomon Inc. are discussing formation of a group to sell securities-price data. +20442008 The job cuts, to be made in a number of areas at various job levels, are "a streamlining of operations," a spokeswoman said. +20442009 The company has no immediate plans to close any operations, she said, but Quotron may subcontract some work that it has been doing in-house, including refurbishment and production of Quotron 1000 equipment used in delivering financial data. +20442010 The spokeswoman said the move isn't directly a response to Quotron's loss of its two biggest customers, Merrill Lynch & Co. and American Express Co.'s Shearson Lehman Hutton Inc., to Automated Data Processing Inc. earlier this year. +20442011 The spokeswoman noted that last week, Kidder, Peabody & Co., the securities subsidiary of General Electric Co., chose a Quotron subsidiary to provide order-processing services. +20442012 And Oct. 24, Quotron said it will market the automated trading system of broker-dealer Chapdelaine Government Securities Inc. +20442013 Quotron isn't profitable on Citicorp's books because of the interest charges the New York bank holding company incurred in buying the financial-data concern for $680 million, says Ronald I. Mandle, analyst for Sanford C. Bernstein & Co. +20442014 But Citicorp "does view Quotron) as being crucial to the financial-services business in the 1990s," the analyst added. +20442015 This past summer, Quotron sold its customer-service unit, employing 600, to Phoenix Technologies Inc., a closely held computer-service firm in Valley Forge, Pa. +20442016 Terms weren't disclosed. +20443001 The Oakland Athletics' four-game sweep over the San Francisco Giants in the World Series may widen already-sizable losses that the ABC network will incur on the current, final year of its baseball contract. +20443002 The 1989 Series, disrupted by a devastating earthquake and diminished in national interest because both teams came from the San Francisco Bay area, is likely to end up as the lowest-rated Series of this decade and probably since the event has been broadcast. +20443003 The first three games were seen by an average of only 17% of U.S. homes, a sharp decline from the 23.7% rating for last year's Series. +20443004 A final ratings tally from A.C. Nielsen Co. is due today. +20443005 The sweep by the A's, whose pitchers and home-run hitters dominated the injury-prone Giants, will only make things worse for ABC, owned by Capital Cities/ABC Inc. +20443006 The network had been expected to have losses of as much as $20 million on baseball this year. +20443007 It isn't clear how much those losses may widen because of the short Series. +20443008 Had the contest gone a full seven games, ABC could have reaped an extra $10 million in ad sales on the seventh game alone, compared with the ad take it would have received for regular prime-time shows. +20443009 ABC had based its budget for baseball on a six-game Series. +20443010 A network spokesman wouldn't comment, and ABC Sports officials declined to be interviewed. +20443011 But some industry executives said ABC, in anticipation of a four-game sweep, limited its losses by jacking up the number of commercials it aired in the third and fourth games. +20443012 A World Series telecast typically carries 56 30-second commercials, but by the fourth game ABC was cramming in 60 to 62 ads to generate extra revenue. +20443013 ABC's baseball experience may be of interest to CBS Inc., which next season takes over the broadcasting of all baseball playoffs in a four-year television contract priced at $1.06 billion. +20443014 CBS Sports President Neal Pilson has conceded only that CBS will have a loss in the first year. +20443015 But other industry executives contend the losses could reach $250 million over four years and could go even higher if the World Series end in four-game romps. +20443016 The Series typically is among the highest-rated sports events on television. +20443017 Last year's series, broadcast by General Electric Co.'s NBC, was the lowest-rated Series in four years; instead of featuring a major East Coast team against a West Coast team, it pitted the Los Angeles Dodgers against the losing Oakland A's. +20443018 ABC's hurdle was even higher this year with two teams from the same area. +20443019 The Series got off to a lukewarm start Oct. 14 with a 16.2% rating; the next night it drew 17.4% of homes. +20443020 Then came the earthquake and a damaging delay of 11 days. +20443021 Some people had hoped ABC's ratings would go up because of the intense focus on the event in the aftermath of the earthquake. +20443022 An analyst's opinion to that effect even sent Capital Cities/ABC shares soaring two weeks ago. +20443023 But interest instead decreased. +20443024 The third game, last Friday night, drew a disappointing 17.5 rating. +20444001 Bargain hunters helped stock prices break a weeklong losing streak while bond prices and the dollar inched higher. +20444002 The Dow Jones Industrial Average gained 6.76 points to 2603.48 in light trading after losing more than 92 points last week. +20444003 Bond prices continued to edge higher in anticipation of more news showing a slower economy. +20444004 Although the dollar rose slightly against most major currencies, the focus in currency markets was on the beleaguered British pound, which gained slightly against the dollar. +20444005 Trading volume on the New York Stock Exchange dwindled to only 126.6 million shares yesterday as major brokerage firms continued to throw in the towel on program trading. +20444006 Kidder Peabody became the most recent firm to swear off stock-index arbitrage trading for its own account, and Merrill Lynch late yesterday took the major step of renouncing the trading strategy even for its clients. +20444007 Yet that didn't eliminate program trading from the market. +20444008 The Dow industrials shot up 23 points in the opening hour, at least in part because of buy programs generated by stock-index arbitrage, a form of program trading involving futures contracts. +20444009 But interest waned as the day wore on and investors looked ahead to the release later this week of two important economic reports. +20444010 The first is Wednesday's survey of purchasing managers, considered a good indicator of how the nation's manufacturing sector fared in October. +20444011 The other is Friday's measure of October employment, an indicator of the broader economy's health. +20444012 Both are expected to show continued sluggishness, which would be good for bonds and bad for stocks. +20444013 In major market activity: Stock prices rose in light trading. +20444014 But declining issues on the New York Stock Exchange outnumbered gainers 774 to 684, and broader market indexes were virtually unchanged. +20444015 Bond prices crept higher. +20444016 The Treasury's benchmark 30-year bond gained about an eighth of a point, or about $1.25 for each $1,000 face amount. +20444017 The yield on the issue slipped to 7.92%. +20444018 The dollar gained. +20444019 In late New York trading the dollar was quoted at 1.8340 marks and 141.90 yen, compared with 1.8300 marks and 141.65 yen Friday. +20444020 The British pound, pressured by last week's resignations of key Thatcher administration officials, nevertheless rose Monday to $1.5820 from Friday's $1.5795. +20445001 If Japanese companies are so efficient, why does Kawasaki-Rikuso Transportation Co. sometimes need a week just to tell its clients how soon it can ship goods from here to Osaka? +20445002 Why, until last spring, did the Long-Term Credit Bank of Japan sometimes take several days to correct typographical errors in its paper work for international transactions? +20445003 Because the companies have lacked office computers considered standard equipment in the U.S. and Western Europe, Japanese corporations' reputation as hi-tech powerhouses is only half right. +20445004 Their factories may look like sets for a Spielberg movie, but their offices, with rows of clerks hunched over ledgers and abacuses, are more like scenes from a Dickens novel. +20445005 Now, the personal-computer revolution is finally reaching Japan. +20445006 Kawasaki-Rikuso, a freight company, set up its own software subsidiary this year and is spending nearly a year's profit to more than double the computer terminals at its main office. +20445007 In April, the Long-Term Credit Bank linked its computers in Tokyo with its three American offices. +20445008 Overall, PC sales in Japan in the first half of 1989 were 34% higher than in the year-earlier period. +20445009 Combined PC and work-station use in Japan will jump as much as 25% annually over the next five years, according to some analysts, compared with about 10% in the U.S. +20445010 And with a labor shortage and intense competitive pressure to improve efficiency, more and more Japanese companies are concluding that they have no choice. +20445011 "We have too many people in our home offices," says Yoshio Hatakeyama, the president of the Japan Management Association. +20445012 "Productivity in Japanese offices is relatively low." +20445013 With Japanese companies in a wide range of industries -- from heavy industry to securities firms -- increasing their market share world-wide, the prospect of an even more efficient Japanese economic army may rattle foreigners. +20445014 But it also offers opportunities; Americans are well poised to supply the weapons. +20445015 Japan may be a tough market for outsiders to penetrate, and the U.S. is hopelessly behind Japan in certain technologies. +20445016 But for now, at least, Americans are far better at making PCs and the software that runs them. +20445017 After years of talking about selling in Japan, more and more U.S. companies are seriously pouring in. +20445018 Apple Computer Inc. has doubled its staff here over the past year. +20445019 Lotus Development Corp. has slashed the lag between U.S. and Japan product introductions to six months from three years. +20445020 Ungermann-Bass Inc. has a bigger share of the computer-network market in Japan than at home. +20445021 But the Japanese have to go a long way to catch up. +20445022 Typical is one office of the Ministry of International Trade and Industry's Machinery and Information Industries Bureau -- the main bureaucracy overseeing the computer industry. +20445023 "Personal Computer" yearbooks are lined up on nearly every desk, and dog-eared copies of Nikkei Computer crowd magazine racks. +20445024 But amid the two dozen bureaucrats and secretaries sits only one real-life PC. +20445025 While American PC sales have averaged roughly 25% annual growth since 1984 and West European sales a whopping 40%, Japanese sales were flat for most of that time. +20445026 Japanese office workers use PCs at half the rate of their European counterparts and one-third that of the Americans. +20445027 Moreover, Japanese offices tend to use computers less efficiently than American offices do. +20445028 In the U.S., PCs commonly perform many tasks and plug into a broad network. +20445029 In Japan, many desktop terminals are limited to one function and can't communicate with other machines. +20445030 The market planning and sales promotion office of Nomura Securities Co., for example, has more than 30 computers for its 60 workers, a respectable ratio. +20445031 But the machines aren't on employees' desks; they ring the perimeter of the large office. +20445032 Some machines make charts for presentations. +20445033 Others analyze the data. +20445034 To transfer information from one to the other, employees make printouts and enter the data manually. +20445035 To transmit charts to branch offices, they use a fax machine. +20445036 Meanwhile, a woman sitting next to a new Fujitsu terminal writes stock-market information on a chart with a pencil and adds it up with a hand calculator. +20445037 In an efficient setup, the same PC could perform all those tasks. +20445038 In the U.S., more than half the PC software sold is either for spreadsheets or for database analysis, according to Lotus. +20445039 In Japan, those functions account for only about a third of the software market. +20445040 Machines dedicated solely to word processing, which have all but disappeared in the U.S., are still more common in Japan than PCs. +20445041 In the U.S., one-fifth of the office PCs are hooked up to some sort of network. +20445042 In Japan, about 1% are linked. +20445043 "Computers here are used for data gathering," says Roger J. Boisvert, who manages the integrated-technologies group in McKinsey & Co.'s Tokyo office. +20445044 Some Japanese operations, such as securities-trading rooms, may be ahead of their American counterparts, he says, but "basically, there's little analysis done on computers in Japan." +20445045 Of course, simply buying computers doesn't always solve problems, and many American companies have erred by purchasing technology they didn't understand. +20445046 But healthy skepticism is only a small reason for Japan's PC lag. +20445047 Various cultural and economic forces have suppressed demand. +20445048 Because the Japanese "alphabet" is so huge, Japan has no history of typewriter use, and so "keyboard allergy," especially among older workers, remains a common affliction. +20445049 "I have no experience before with such sophisticated machinery," says Matsuo Toshimitsu, a 66-year-old executive vice president of Japan Air Lines, explaining his reluctance before accepting a terminal in his office this summer. +20445050 While most American employees have their own private space, Japanese "salarymen" usually share large, common tables and rely heavily on old-fashioned personal contact. +20445051 Top Japanese executives often make decisions based on consensus and personal relationships rather than complex financial projections and fancy presentations. +20445052 And Japan's management system makes it hard to impose a single, integrated computer system corporatewide. +20445053 Besides, a computer processing the Japanese language needs a huge memory and much processing capability, while the screen and printer need far better definition to depict accurately the intricate symbols. +20445054 Until recently, much of the necessary technology has been unavailable or at least unaffordable. +20445055 Some analysts estimate the average PC costs about 50% more in Japan than the U.S. +20445056 But the complex language isn't the only reason. +20445057 For the past decade, NEC Corp. has owned more than half the Japanese PC market and ruled it with near-monopoly power. +20445058 With little competition, the computer industry here is inefficient. +20445059 The U.S. market, too, is dominated by a giant, International Business Machines Corp. +20445060 But early on, IBM offered its basic design to anybody wanting to copy it. +20445061 Dozens of small companies did, swiftly establishing a standard operating system. +20445062 That spurs competition and growth, allows users to change and mix brands easily, and increases software firms' incentive to write packages because they can be sold to users of virtually any computer. +20445063 If a record industry lacked a common standard, Sony CD owners could listen to a Sony version of Madonna's "Like a Prayer" but not one made for a Panasonic player. +20445064 That is the state of Japan's computer industry. +20445065 NEC won't release its code, and every one of the dozen or so makers has its own proprietary operating system -- all incompatible with each other. +20445066 IBM established its standard to try to stop falling behind upstart Apple Computer, but NEC was ahead from the start and didn't need to invite in competitive allies. +20445067 Meanwhile, the big players haven't tried to copy the NEC standard. +20445068 Corporate pride as well as the close ties common among Japanese manufacturers help explain why. +20445069 Most rivals "have a working relationship with NEC, often through cross-licensing of technology," the Japan Personal Computer Software Association noted recently. +20445070 "They hesitate to market NEC-compatible machines; NEC disapproves of such machines, and marketing one would jeopardize their relationship." +20445071 The result, according to many analysts, is higher prices and less innovation. +20445072 While tens of thousands of software packages using the IBM standard are available in the U.S., they say only about 8,000 are written for NEC. +20445073 A year ago, Japan's Fair Trade Commission warned NEC about possible violations of anti-monopoly laws for discouraging retailers from discounting. +20445074 In Japan, "software is four to five years behind the U.S. because hardware is four to five years behind, because NEC is enjoying a monopoly," complains Kazuhiko Nishi, the president of Ascii Corp., one of Japan's leading PC-magazine publishing and software companies. +20445075 "There are no price wars, no competition." +20445076 An NEC spokeswoman responds that prices are higher in Japan because customers put a greater emphasis on quality and service than they do in the U.S. +20445077 She adds that some technological advances trail those in the U.S. because the Japanese still import basic operating systems from American companies. +20445078 But the market is changing. +20445079 The government is funding several projects to push PC use. +20445080 Over the next three years, public schools will get 1.5 million PCs, a 15-fold increase from current levels. +20445081 In the private sector, practically every major company is setting explicit goals to increase employees' exposure to computers. +20445082 Toyota Motor Corp.'s sales offices in Japan have one-tenth the computers per employee that its own U.S. offices do; over the next five years, it is aiming for rough parity. +20445083 Within a year, Kao Corp., a major cosmetics company, plans to eliminate 1,000 clerical jobs by putting on a central computer network some work, such as credit reports, currently performed in 22 separate offices. +20445084 By increasing the number of PCs it uses from 66 to 1,000, Omron Tateishi Electronics Co., of Kyoto, hopes not only to make certain tasks easier but also to transform the way the company is run. +20445085 "Managers have long been those who supervise their subordinates so orders would be properly acted on," a spokesman says. +20445086 "But new managers will have to be creators and innovators . . . and for that purpose it is necessary to create an environment where information from both inside and outside the company can be reached easily, and also shared." +20445087 Meanwhile, more computer makers now are competing for the new business. +20445088 Seiko Epson Corp., a newcomer to the industry, fought off a legal challenge and started selling NEC clones last year. +20445089 It has won about 15% of the retail PC market. +20445090 Sony Corp., which temporarily dropped out of the PC business three years ago, started selling its work station in 1987 and quickly became the leading Japanese company in that market. +20445091 In a country where elbow room is scarce, laptop machines will take a large portion of the industry's future growth. +20445092 Toshiba Corp. busted open that sector this summer with a notebook-sized machine that retails for less than 200,000 yen (under $1,500) -- one of the smallest, cheapest PCs available in the country. +20445093 Fujitsu Ltd. is lavishing the most expensive promotion campaign in its history -- including a 100,000-guest bash at Tokyo Dome -- for its sophisticated sound/graphics FM Towns machine, which it advertises for everything from balancing the family checkbook to practicing karaoke, bar singing. +20445094 Many of the companies are even dropping their traditional independence and trying to band together to create some sort of standard. +20445095 Two years ago, most of the smaller makers joined under the Microsoft Corp. umbrella to adopt a version of the American IBM AT standard. +20445096 That hasn't generated much sales, but this summer Microsoft rallied all the major NEC competitors to make their new machines compatible with the IBM OS/2 standard. +20445097 A healthy, coherent Japanese market could also make it far easier for Japanese companies to sell overseas, where their share is still minimal. +20445098 But it could also help American companies, which also are starting to try to open the market. +20445099 As with many other goods, the American share of Japan's PC market is far below that in the rest of the world. +20445100 U.S. makers have under 10% share, compared with half the market in Europe and 80% at home. +20445101 Though no formal trade barriers exist, the Japanese computer industry is difficult for outsiders to enter. +20445102 "If it were an open market, we would have been in in 1983 or 1984," says Eckhard Pfeiffer, who heads Compaq Computer Corp.'s European and international operations. +20445103 His company, without any major effort, sells more machines in China than in Japan. +20445104 Although it has opened a New Zealand subsidiary, it is still only "studying" Japan, the only nation that hasn't adopted IBM-oriented specifications. +20445105 And because general retail centers such as ComputerLand have little presence in Japan, sales remain in the iron grip of established computer makers. +20445106 But the Americans are also to blame. +20445107 They long made little effort here. +20445108 IBM, though long a leader in the Japanese mainframe business, didn't introduce its first PC in Japan until five years after NEC did, and that wasn't compatible even with the U.S. IBM standard. +20445109 Apple didn't introduce a kanji machine -- one that handles the Chinese characters of written Japanese -- until three years after entering the market. +20445110 Critics also say American companies charge too much. +20445111 Japan's FTC says it is investigating Apple for allegedly discouraging retailers from discounting. +20445112 But the U.S. companies are redoubling their efforts. +20445113 Apple recently hired its first Japanese president, luring away an official of Toshiba's European operations, as well as a whole Japanese top-management team. +20445114 Earlier this year, it introduced a much more powerful kanji operating system and a kanji laser printer. +20445115 IBM just last year started selling its first machine that could run in both Japanese and English and that substantially enhances compatibility with its American products. +20445116 "It may take five years to break even in Japan," says John A. Siniscal, who runs the Asia-Pacific office for McCormack & Dodge, a U.S. software company. +20445117 "But it's an enormous business opportunity. +20446001 From a reading of the somewhat scant English-language medical literature on RU-486, the French abortion pill emerges as one of the creepiest concoctions around. +20446002 This is not only because it kills the unborn, a job at which it actually is not outstandingly efficient, zapping only 50% to 85% of them depending on which study you read (prostaglandin, taken in conjunction with the pill, boosts the rate to 95%). +20446003 By contrast, surgical abortion is 99% effective. +20446004 Abortion via the pill is far more of an ordeal than conventional surgical abortion. +20446005 It is time-consuming (the abortion part alone lasts three days, and the clinical part comprises a week's worth of visits), bloody (one woman in a Swedish trial required a transfusion, although for most it resembles a menstrual period, with bleeding lasting an average of 10 days), and painful (many women require analgesic shots to ease them through). +20446006 Nausea and vomiting are other common side effects. +20446007 Timing is of the essence with RU-486. +20446008 It is most effective taken about a week after a woman misses her menstrual period up through the seventh week of pregnancy, when it is markedly less effective. +20446009 That is typically about a three-week window. +20446010 So far, all the studies have concluded that RU-486 is "safe." +20446011 But "safe," in the definition of Marie Bass of the Reproductive Health Technologies Project, means "there's been no evidence so far of mortality." +20446012 No one has researched the long-term effects of RU-486 on a woman's health or fertility. +20446013 The drug seems to suppress ovulation for three to seven months after it is taken. +20446014 Some women clearly have no trouble eventually conceiving again: The studies have reported repeaters in their programs. +20446015 But there are no scientific data on this question. +20446016 Rather ominously, rabbit studies reveal that RU-486 can cause birth defects, Lancet, the British medical journal, reported in 1987. +20446017 However, Dr. Etienne-Emile Baulieu, the French physician who invented RU-486, wrote in a Science magazine article last month that the rabbit-test results could not be duplicated in rats and monkeys. +20446018 The drug has a three-dimensional structure similar to that of DES, the anti-miscarriage drug that has been linked to cervical and vaginal cancer in some of the daughters of the women who took it. +20446019 All the published studies recommend that women on whom the drug proves ineffective not carry the pregnancy to term but undergo a surgical abortion. +20446020 A risk of birth defects, a sure source of lawsuits, is one reason the U.S. pharmaceutical industry is steering clear of RU-486. +20446021 One might well ask: Why bother with this drug at all? +20446022 Some abortion advocates have been asking themselves this very question. +20446023 RU-486 "probably represents a technical advance in an area where none is needed, or at least not very much," said Phillip Stubblefield, president of the National Abortion Federation, at a reproductive health conference in 1986. +20446024 Many physicians have expressed concern over the heavy bleeding, which occurs even if the drug fails to induce an abortion. +20446025 It typically takes from eight to 10 years to obtain the Food and Drug Administration's approval for a new drug, and the cost of testing and marketing a new drug can range from $30 million to $70 million. +20446026 The Health and Human Services Department currently forbids the National Institutes of Health from funding abortion research as part of its $8 million contraceptive program. +20446027 But the Population Council, a 37-year-old, $20 million nonprofit organization that has the backing of the Rockefeller and Mellon foundations and currently subsidizes most U.S. research on contraceptives, has recently been paying for U.S. studies of RU-486 on a license from its French developer, Roussel-Uclaf, a joint subsidiary of the German pharmaceutical company Hoechst and the French government. +20446028 In the year since the pill went on the French market, the National Organization for Women and its offshoot, former NOW President Eleanor Smeal's Fund for a Feminist Majority, have been trying to browbeat the U.S. pharmaceutical industry into getting involved. +20446029 (Its scare-tactic prediction: the pill "will be available in the U.S., either legally or illegally, in no more than 2-5 years.") +20446030 Following the feminist and population-control lead has been a generally bovine press. +20446031 A June 1988 article in Mother Jones magazine is typical of the general level of media ignorance. +20446032 "For a woman whose period is late, using RU-486 means no waiting, no walking past picket lines at abortion clinics, and no feet up in stirrups for surgery," burbles health writer Laura Fraser. +20446033 "It also means she will never have to know whether she had actually been pregnant." +20446034 Wrong on all counts, Miss Fraser. +20446035 RU-486 is being administered in France only under strict supervision in the presence of a doctor. +20446036 (Roussel reportedly has every pill marked and accounted for to make sure none slips into the black market.) +20446037 Thus, a woman who used RU-486 to have an abortion would have to make three trips to the clinic past those picket lines; an initial visit for medical screening (anemics and those with previous pregnancy problems are eliminated) and to take the pill, a second trip 48 hours later for the prostaglandin, administered either via injection or vaginal suppository, and a third trip a week later to make sure she has completely aborted. +20446038 Furthermore, because timing is so critical with RU-486, she will learn, via a pelvic examination and ultrasound, not only that she is pregnant, but just how pregnant she is. +20446039 No doctor who fears malpractice liability would likely expose a non-pregnant patient to the risk of hemorrhaging. +20446040 Many women may even see the dead embryo they have expelled, a sight the surgical-abortion industry typically spares them. +20446041 At seven weeks, an embryo is about three-fourths of an inch long and recognizably human. +20446042 At the behest of pro-choice members of Congress, a four-year reauthorization bill for Title X federal family-planning assistance now contains a $10 million grant for "development, evaluation and bringing to the marketplace of new improved contraceptive devices, drugs and methods." +20446043 If this passes -- a Senate version has already been cleared for a floor vote that is likely early next year -- it would put the federal government into the contraceptive marketing business for the first time. +20446044 It also could put the government into the RU-486 business, which would please feminists dismayed at what they view as pusillanimity in the private-sector drug industry. +20446045 We do not know whether RU-486 will be as disastrous as some of the earlier fertility-control methods released to unblinking, uncritical cheers from educated people who should have known better. +20446046 (Remember the Dalkon Shield and the early birth-control pills?) +20446047 We will not know until a first generation of female guinea pigs -- all of whom will be more than happy to volunteer for the job -- has put the abortion pill through the clinical test of time. +20446048 Mrs. Allen is a senior editor of Insight magazine. +20446049 This article is adapted from one in the October American Spectator. +20447001 On June 30, a major part of our trade deficit went poof! +20447002 No figure juggling; no witchcraft; just vastly improved recording of some of our exports. +20447003 The result? +20447004 The Commerce Department found that U.S. exports in 1988, net of imports, were understated by $20.9 billion a year and understated at the annualized rate of $25.4 billion in the first quarter of 1989. +20447005 More than half of the "newly found" net exports were from just a few service-sector categories. +20447006 Some of the biggest service-industry exporters -- American financial-service companies, for example -- have yet to be fully included in our export statistics. +20447007 Nearly 10 years ago, representatives of service-sector companies worked out a plan with the Commerce Department to improve the data on service-sector exports. +20447008 Both groups believed that tens of billions of dollars of service exports -- such as inbound tourism; legal, accounting and other professional services furnished to foreigners; financial, engineering and construction services; and the like -- were not being counted as exports. +20447009 The monthly "trade deficit" figure is limited to traditional merchandise trade: manufactured goods and raw materials. +20447010 In the quarterly balance-of-payments report, those merchandise trade figures are merged with statistics on exports and imports of services, as well as returns on investments abroad by Americans and returns on foreign investments in the U.S. +20447011 Over time, through benchmark surveys, the corrected data on service exports and imports have been gathered. +20447012 The first three major areas of the service sector to be revamped were expenditures by foreign students in the U.S. (net after expenditures by Americans studying abroad), some exports by professional firms (a law firm billing a German client for services rendered in watching legislation in Washington is as much an export as shipment of an American jet engine), and improved data from travel and tourism. +20447013 In just these three areas, the Commerce Department found $23 billion more exports than previously reported and $11.6 billion more imports, with the net result that the U.S. service surplus in 1988 increased by $11.3 billion, to $19 billion. +20447014 Combined with recalculations and revisions in other trade areas, the value of U.S. net exports that had not previously been recorded was about $20 billion a year. +20447015 That means that the U.S. trade deficit was running closer to $75 billion than to $95 billion in 1988, and $55 billion (annualized) rather than $80 billion in the first quarter of 1989. +20447016 These revised figures also may explain some of the recent strength of the dollar. +20447017 The materially smaller trade deficit may have been already discounted in the market. +20447018 What does this mean for trade policy? +20447019 Too early to tell, but a trade deficit that is significantly smaller than we imagined does suggest a review of our trade posture. +20447020 It does not relieve the need for our market-opening efforts for both goods and services, but it does suggest that it is our exports of services, and not just borrowing, that is financing our imports of goods. +20447021 Mr. Freeman is an executive vice president of American Express. +20448001 The collapse of a $6.79 billion labor-management buy-out of United Airlines parent UAL Corp. may not stop some of Wall Street's top talent from collecting up to $53.7 million in fees. +20448002 According to one person familiar with the airline, the buy-out group -- led by United's pilots union and UAL Chairman Stephen Wolf -- has begun billing UAL for fees and expenses it owes to investment bankers, law firms and banks. +20448003 The tab even covers $8 million in commitment fees owed to Citicorp and Chase Manhattan Corp., even though their failure to obtain $7.2 billion in bank loans for the buy-out was the main reason for its collapse. +20448004 Under a merger agreement reached Sept. 14, the UAL board agreed to reimburse certain of the buy-out group's expenses out of company funds even if the transaction wasn't completed, provided the group didn't breach the agreement. +20448005 The failure to obtain financing doesn't by itself constitute a breach. +20448006 The merger agreement says the buy-out group is entitled to be repaid $26.7 million in fees for its investment bankers, Lazard Freres & Co. and Salomon Brothers Inc., and its law firm, Paul Weiss Rifkind Wharton & Garrison. +20448007 The buy-out group is also entitled to $16 million to repay a fund created by the pilots union for an employee stock ownership plan. +20448008 In addition to the $8 million for Citicorp and Chase, Salomon Brothers is also owed $3 million for promising to make a $200 million bridge loan. +20448009 A spokesman for the buy-out group wasn't immediately available for comment. +20448010 Separately, UAL stock rose $4 a share to $175 in composite trading on the New York Stock Exchange on reports that Los Angeles investor Marvin Davis has asked United Airlines unions if they're interested in cooperating with Mr. Davis in a new bid for UAL. +20448011 But neither the pilots nor the machinists appear interested, and Mr. Davis is barred from making a new bid under terms of an agreement he made with UAL in September unless UAL accepts an offer below $300 a share. +20449001 Wall Street continued to buckle under the public outcry against computer-driven program trading. +20449002 Kidder, Peabody & Co., a unit of General Electric Co., announced it would stop doing stock-index arbitrage for its own account, and Merrill Lynch & Co. pulled out of the practice altogether. +20449003 At the New York Stock Exchange, which has been buffeted by complaints from angry individual investors and the exchange's own listed companies, Chairman John J. Phelan Jr. held an emergency meeting with senior partners of some of the Big Board's 49 stock specialist firms. +20449004 The specialists, a trader said, were "livid" about Mr. Phelan's recent remarks that sophisticated computer-driven trading strategies are "here to stay." +20449005 Many investors blame program trading for wild swings in the stock market, including the 190-point plunge in the Dow Jones Industrial Average on Oct. 13. +20449006 A specialist is an exchange member designated to maintain a fair and orderly market in a specified stock. +20449007 Mr. Phelan's meeting with the floor brokers comes as he prepares to explain the exchange's position on program trading to key congressional regulators in a closed session tomorrow, according to exchange officials. +20449008 A Big Board spokesman would only say, "We're working the problem and looking at the issue and meeting with a broad number of customers and constituents to get their views and ideas on the issue." +20449009 The program-trading outcry was taken to a new level when giant Contel Corp. said it and 20 or more of the Big Board's listed companies are forming an unprecedented alliance to complain about the exchange's role in program trading. +20449010 The decision by Merrill, the nation's largest securities firm, represents the biggest retreat yet from program trading. +20449011 Merrill has been the fourth-biggest stock-index arbitrage trader on the Big Board this year, executing an average of 18.1 million shares a month in such trades, or about one million shares a day. +20449012 Merrill's move is one of the most sweeping program-trading pullbacks of recent days, because the big securities firm will no longer execute stock-index arbitrage trades for customers. +20449013 Most Wall Street firms, in pulling back, have merely stopped such trading for their own accounts. +20449014 Merrill has been one of the main firms executing index arbitrage for customers. +20449015 Merrill also said it is lobbying for significant regulatory controls on program trading, including tough margin -- or down-payment -- requirements and limits on price moves for program-driven financial futures. +20449016 Merrill, in a statement by Chairman William A. Schreyer and President Daniel P. Tully, said index arbitrage "has been clearly identified in the investing public's mind as a contributing factor to excess market volatility," so Merrill won't execute such trades until "effective controls" are in place. +20449017 In stock-index arbitrage, traders buy and sell large amounts of stocks with offsetting trades in stock-index futures and options. +20449018 The idea is to lock in profits from short-term swings in volatile markets. +20449019 Last Thursday, PaineWebber Group Inc. also said it would cease index arbitrage altogether, but the firm wasn't as big an index arbitrager as Merrill is. +20449020 Other large firms, including Bear, Stearns & Co. and Morgan Stanley & Co., last week announced a pullback from index arbitrage, but only for the firms' own accounts. +20449021 Kidder made an abrupt about-face on program trading yesterday, after a special meeting between the firm's president and chief executive officer, Michael Carpenter, and its senior managers. +20449022 Just a week ago, Mr. Carpenter staunchly defended index arbitrage at Kidder, the most active index-arbitrage trading firm on the stock exchange this year. +20449023 Index arbitrage, Mr. Carpenter said last week, doesn't have a "negative impact on the market as a whole" and Kidder's customers were "sophisticated" enough to know that. +20449024 But yesterday, Mr. Carpenter said big institutional investors, which he wouldn't identify, "told us they wouldn't do business with firms" that continued to do index arbitrage for their own accounts. +20449025 "We were following the trend of our competitors who were under pressure from institutions," he said. +20449026 Kidder so far this year has executed a monthly average of 37.8 million shares in index-arbitrage trading, and is second only to Morgan Stanley in overall program trading, which includes index arbitrage. +20449027 Most of Kidder's program trading is for its own account, according to the New York Stock Exchange. +20449028 Kidder denied that GE's chairman and chief executive, John F. Welch, had anything to do with Kidder's decision. +20449029 But at least one chief executive said he called Mr. Welch to complain about Kidder's aggressive use of program trading, and other market sources said they understood that Mr. Welch received many phone calls complaining about Kidder's reliance on index arbitrage as a major business. +20449030 Kidder has generally been sensitive to suggestions that GE makes decisions for its Kidder unit. +20449031 "Our decision had nothing to do with any pressure Mr. Welch received," Mr. Carpenter said. +20449032 "This was a Kidder Peabody stand-alone decision." +20449033 A spokeswoman for GE in Fairfield, Conn., said, "Absolutely no one spoke to Jack Welch on this subject" and added, "Anyone who claims they talked to Jack Welch isn't telling the truth." +20449034 Supporters of index arbitrage haven't been publicly sticking up for the trading strategy, as some did during the post-crash outcry of 1987. +20449035 But Merrill Lynch, in its statement about pulling out of index arbitrage, suggested that the current debate has missed the mark. +20449036 Merrill said it continues to believe that "the causes of excess market volatility are far more complex than any particular computer trading strategy. +20449037 Indeed, there are legitimate hedging strategies used by managers of large portfolios such as pension funds that involve program trading as a means of protecting the assets of their pension beneficiaries." +20449038 Merrill's index arbitragers will continue to do other kinds of computer-assisted program trading, so there probably won't be any layoffs at the firm, people familiar with Merrill's program operation said. +20449039 Meanwhile, Bear Stearns Chairman and Chief Executive Alan C. Greenberg said his firm will continue stock-index arbitrage for its clients. +20449040 At the firm's annual meeting last night, he told shareholders that index arbitrage won't go away, despite the public outcry. +20449041 "If they think they are going to stop index arbitrage by causing a few Wall Street firms to quit, they are crazy," Mr. Greenberg said. +20449042 "It's not going to stop it at all." +20449043 Mr. Greenberg, noting that stock-index arbitrage rises and ebbs with stock market's volatility, said that for the first four months of the firm's fiscal year beginning in July, stock-index arbitrage had been a "break-even" proposition for Bear Stearns. +20449044 In response to a shareholder's suggestion, Mr. Greenberg agreed that European firms will simply pick up the index-arbitrage business left behind by U.S. institutions. +20449045 Pressure from big institutional investors has been the major catalyst for Wall Street's program-trading pullback. +20449046 And there was speculation yesterday that Fidelity Investments and other large mutual-fund companies might soon follow the lead of Kemper Corp. and other institutions in cutting off trading business to securities firms that do program trading. +20449047 A Fidelity spokesman in Boston denied the speculation, saying the program-trading issue was more of a regulatory problem. +20449048 But a much smaller mutual fund company, the USAA Investment Management Co. unit of USAA, San Antonio, Texas, said it informed nine national brokerage firms it will cease business with them unless they stop index-arbitrage trading. +20449049 USAA, with 400,000 mutual fund accounts, manages more than $10 billion, $2 billion of which is in the stock market. +20449050 Michael J.C. Roth, USAA executive vice president, called program trading "mindless." +20449051 He said there is "no valid investment reason" for stock-index futures to exist. +20449052 A program-bashing move is clearly on. +20449053 Charles Wohlstetter, chairman of Contel, who is helping organize the alliance of Big Board-listed firms, said he had no time to work yesterday because he received so many phone calls, faxes and letters supporting his view that the Big Board has been turned into a "gambling casino" by program traders. +20449054 "We are reaching the moment of truth" on Wall Street, said Rep. Edward J. Markey (D., Mass.), chairman of the House subcommittee on telecommunications and finance. +20449055 "{Wall Street} is beginning to realize -- as Shakespeare said -- the trouble is not in our stars, but in ourselves." +20449056 Craig Torres and Anne Newman contributed to this article. +20450001 An ancient red-figured Greek kylix, or drinking cup, was recovered backstage at Sotheby's this spring and has been returned to the Manhattan couple who lost it in a burglary three years ago. +20450002 Robert Guy, an associate curator at the Princeton Art Museum, was previewing a June antiquities sale at the auction house when he recognized the kylix, which he, as a specialist in Attic pottery and a careful reader of the Stolen Art Alert in "IFAR Reports," knew was stolen. +20450003 The timing of his visit was fortuitous; the man who had brought it in for an estimate had returned to collect it and was waiting in the hall. +20450004 To confirm Mr. Guy's identification, Sotheby's and IFAR exchanged photos by fax, and the waiting man, apparently innocent of knowledge that the kylix was stolen, agreed to release it. +20450005 The cup had been insured, and in short order it was given over to a Chubb & Son representative. +20450006 The original owners happily repaid the claim and took their kylix home. +20450007 A former curator of the Museum of Cartoon Art in Rye Brook, N.Y., pleaded guilty in July to stealing and selling original signed and dated comic strips, among them 29 Dick Tracy strips by Chester Gould, 77 Prince Valiant Sunday cartoons by Hal Foster, and a dozen Walt Disney animation celluloids, according to Barbara Hammond, the museum's director. +20450008 He sold them well below market value to raise cash "to pay off mounting credit-card debts," incurred to buy presents for his girlfriend, his attorney, Philip Russell, told IFAR. +20450009 The curator, 27-year-old Sherman Krisher of Greenwich, Conn., had worked his way up from janitor in seven years at the museum. +20450010 The theft was discovered early this year, soon after Ms. Hammond took her post. +20450011 Sentencing was postponed on Aug. 18, when Mr. Krisher was hospitalized for depression. +20450012 His efforts to get back the stolen strips had resulted in recovery of just three. +20450013 But on Oct. 6, he had reason to celebrate. +20450014 Two days earlier, his attorney met in a Park Avenue law office with a cartoon dealer who expected to sell 44 of the most important stolen strips to Mr. Russell for $62,800. +20450015 Instead, New York City police seized the stolen goods, and Mr. Krisher avoided jail. +20450016 He was sentenced to 500 hours of community service and restitution to the museum of $45,000. +20450017 Authorities at London's Heathrow Airport are investigating the disappearance of a Paul Gauguin watercolor, "Young Tahitian Woman in a Red Pareo," that has two sketches on its verso (opposite) side. +20450018 Valued at $1.3 million, it was part of a four-crate shipment. +20450019 The air-waybill number was changed en route, and paper work showing that the crates had cleared customs was misplaced, so it was a week before three of the four crates could be located in a bonded warehouse and the Gauguin discovered missing. +20450020 Although Heathrow authorities have been watching a group of allegedly crooked baggage handlers for some time, the Gauguin may be "lost." +20450021 Chief Inspector Peter Seacomb of the Criminal Investigation Department at the airport said, "It is not uncommon for property to be temporarily mislaid or misrouted." +20450022 Officials at the University of Virginia Art Museum certainly would agree. +20450023 Their museum had purchased an Attic black-figured column krater and shipped it from London. +20450024 It was reported stolen in transit en route to Washington, D.C., in February. +20450025 Months later, the Greek vase arrived in good condition at the museum in Charlottesville, having inexplicably traveled by a circuitous route through Nairobi. +20450026 Two Mexican college dropouts, not professional art thieves, have been arrested for a 1985 Christmas Eve burglary from the National Museum of Anthropology in Mexico City. +20450027 About 140 Mayan, Aztec, Mixtec and Zapotec objects, including some of Mexico's best-known archaeological treasures, were taken. +20450028 The government offered a reward for the return of the antiquities, but routine police work led to the recovery. +20450029 As it turned out, Carlos Perches Trevino and Ramon Sardina Garcia had hidden the haul in a closet in the Perches family's home for a year. +20450030 Then they took the art to Acapulco and began to trade some of it for cocaine. +20450031 Information from an arrested drug trafficker led to the two men and the recovery of almost all the stolen art. +20450032 Among other happy news bulletins from the German Democratic Republic, the Leipzig Museum of Fine Arts announced that it has recovered "Cemetery in the Snow," a painting by the German Romantic painter Caspar David Friedrich. +20450033 The artist's melancholy subjects bring high prices on the world market, and the U.S. State Department notified IFAR of the theft in February 1988. +20450034 According to a source at the East Europe desk, two previously convicted felons were charged, tried, convicted and sentenced to prison terms of four and 12 years. +20450035 The precious canvas, cut from its frame at the time of the theft, was found in nearby Jena, hidden in the upholstery of an easy chair in the home of the girlfriend of one of the thieves. +20450036 No charges were brought against her. +20450037 Trompe l'oeil painting is meant to fool the eye, but Robert Lawrence Trotter, 35, of Kennett Square, Pa., took his fooling seriously. +20450038 He painted one himself in the style of John Haberle and sold it as a 19th-century original to antique dealers in Woodbridge, Conn. +20450039 Mr. Trotter's painting showed a wall of wood boards with painted ribbons tacked down in a rectangle; tucked behind the ribbons were envelopes, folded, faded and crumpled papers and currency. +20450040 Mr. Trotter's fake Haberle was offered at a bargain price of $25,000 with a phony story that it belonged to his wife's late aunt in New Canaan, Conn. +20450041 The dealers immediately showed their new acquisition to an expert and came to see it as a fake. +20450042 They persuaded Mr. Trotter to take it back and, with the help of the FBI, taped their conversation with him. +20450043 After his arrest, the forger admitted to faking and selling other paintings up and down the Eastern seaboard. +20450044 Ms. Lowenthal is executive director of the International Foundation for Art Research (IFAR). +20451001 Ford Motor Co. said it is recalling about 3,600 of its 1990-model Escorts because the windshield adhesive was improperly applied to some cars. +20451002 Separately, Ford and Mazda Motor Corp.'s U.S. sales arm said they are recalling about 88,500 1988-model Mercury Tracers and 220,000 1986, 1987 and 1988 model Mazda 323s equipped with 1.6-liter fuel-injected engines to replace the oil filler cap. +20451003 Mazda makes the Tracer for Ford. +20451004 As a result of the adhesive problem on the Ford Escort subcompacts, windshields may easily separate from the car during frontal impact, the U.S. auto maker said. +20451005 When properly applied, the adhesive is designed to retain the windshield in place in a crash test at 30 miles per hour. +20451006 A Ford spokesman said the Dearborn, Mich., auto maker isn't aware of any injuries caused by the windshield problem. +20451007 Ford said owners should return the cars to dealers so the windshields can be removed and securely reinstalled. +20451008 Mazda and Ford said a combination of limited crankcase ventilation and improper maintenance could cause engine oil in some of the Mercury Tracers and Mazda 323s to deteriorate more rapidly than normal, causing increased engine noise or reduced engine life. +20451009 They said the problems aren't safety related. +20451010 Both companies will replace the oil filler cap with a ventilated oil filler cap. +20451011 Both also will inspect and replace, if necessary, oil filters and oil strainers, at no charge to owners. +20451012 For owners who have followed the recommended oil maintenance schedule, Mazda will extend to five years or 60,000 miles the warranty term for engine damage due to abnormal engine oil deterioration. +20451013 The normal term for the 1986 and 1987 model 323 is two years or 24,000 miles; the term for the 1988 323 is three years or 50,000 miles. +20451014 Ford said the term on its warranty is already six years or 60,000 miles. +20451015 Separately, Ford said it will offer $750 cash rebates to buyers of its 1990-model Ford Bronco sport utility vehicle. +20451016 It said it will also offer buyers the option of financing as low as 6.9% on 24-month loans. +20451017 Ford also offered the low financing rate option on 1989-model Broncos, which previously carried a $750 cash discount. +20451018 Ford said the new offer will begin Saturday and run indefinitely. +20452001 The Supreme Court agreed to decide whether the federal Pension Benefit Guaranty Corp. may require LTV Corp. to reassume funding responsibility for a $2.3 billion shortfall in the company's pension plans. +20452002 The high court's decision, expected next spring, may affect the stability of many large corporate pension plans that have relied on the availability of pension insurance provided by the federal pension regulatory and insurance agency. +20452003 The agency, which is funded through insurance premiums from employers, insures pension benefits for some 30 million private-sector workers who take part in single-employer pension plans. +20452004 It recently reported assets of $2.4 billion and liabilities of $4 billion. +20452005 In its appeal to the high court, the agency said the federal appeals court ruling, which favored LTV, threatened to transform the agency from an insurer of troubled pension plans into an "open-ended source of industry bailouts." +20452006 The ruling also may determine how quickly LTV is able to complete its Chapter 11 reorganization. +20452007 LTV filed for protection under Chapter 11 in federal bankruptcy court in 1986. +20452008 The filing was partly the result of the $2.3 billion shortfall in LTV's three pension plans operated for its LTV Steel Co. subsidiary's employees. +20452009 In January 1987, as LTV Steel continued operating while under reorganization, the agency terminated the three LTV pension plans to keep its insurance liability from increasing. +20452010 Termination means that the agency's insurance assumes the liabilities and pays the pension benefits already owed under the plans, but workers don't accrue new benefits. +20452011 A few months later, under pressure from the United Steelworkers of America, LTV instituted a new program to provide retirement benefits similar to those in the terminated plans. +20452012 Because the federal pension agency had taken over the old plans, LTV would be responsible only for benefits paid under the new pension plans. +20452013 But the agency viewed the creation of the new plans as an abuse of federal pension law and an attempt to transfer the liability of the $2.3 billion shortfall from LTV to federal insurance. +20452014 The agency also concluded that LTV's financial status had improved while it was under reorganization. +20452015 In September 1987, it ordered LTV to reassume liability and funding for the three original plans. +20452016 LTV challenged the order, and a federal district court in New York in June 1988 ruled that the agency improperly ordered LTV to reassume responsibility for the plans. +20452017 In May, a federal appeals court in New York agreed that the agency acted unlawfully. +20452018 The appeals court said there was no evidence that Congress intended to allow the pension agency to consider a company's creation of new benefit plans as a basis for ordering that company to reassume liability for old plans. +20452019 The appeals court also said the agency had to consider a company's long-term ability to fund pension plans, not just short-term improved financial status. +20452020 In Dallas, LTV said that it was disappointed that the court agreed to hear the case because it believes the move will further delay its Chapter 11 proceedings. +20452021 The company hasn't been able to come up with a reorganization plan, in part, because of the sizable disagreement with the pension agency. +20452022 But LTV, a steel, aerospace and energy concern, said it is confident that the Supreme Court will uphold the lower-court decisions and said it expects to continue discussions with the agency about a settlement while the case is being reviewed. +20452023 (Pension Benefit Guaranty Corp. vs. LTV Corp. +20453001 The commercial was absolutely silent. +20453002 Breaking into the raucous Chicago Bears-Cleveland Browns match during last week's Monday night football game, it was nothing but simple block letters superimposed on the TV screen. +20453003 "Due to the earthquake in San Francisco, Nissan is donating its commercial air time to broadcast American Red Cross Emergency Relief messages. +20453004 Please contribute what you can," the ad said. +20453005 The Nissan logo flashed on the screen for a moment, and then came a taped plea for donations from former President Reagan -- followed by the silent print telling viewers where to call. +20453006 Within two hours, viewers pledged over $400,000, according to a Red Cross executive. +20453007 Call it disaster marketing. +20453008 Nissan Motor is just one of a slew of advertisers that have hitched their ads to the devastating San Francisco quake and Hurricane Hugo. +20453009 Sometimes, the ads attempt to raise money; always, they try to boost good will. +20453010 By advertising disaster relief, these companies are hoping to don a white hat and come out a hero. +20453011 But the strategy can backfire; if the ads appear too self-serving, the companies may end up looking like rank opportunists instead of good Samaritans. +20453012 That hasn't deterred plenty of companies. +20453013 Along with Nissan, Grand Metropolitan PLC's Burger King and New York Life Insurance have tied ads to Red Cross donations. +20453014 Other ads don't bother with the fundraising; a touching, if self-congratulatory, American Telephone & Telegraph ad that aired Sunday intermixed footage of the devastation in San Francisco and Charleston, S.C., with interviews of people recounting how AT&T helped. +20453015 At Nissan, "we felt we wanted to do something to help them gather money, and we had this airtime on Monday Night Football," explains Brooke Mitzel, a Nissan advertising creative manager. +20453016 "What did we get out of it? +20453017 We got some exposure . . . and pretty much good will." +20453018 The ads are just the latest evidence of how television advertising is getting faster on the draw. +20453019 While TV commercials typically take weeks to produce, advertisers in the past couple of years have learned to turn on a dime, to crash out ads in days or even hours. +20453020 The big brokerage houses learned the art of the instant commercial after the 1987 crash, when they turned out reassuring ads inviting investors right back into the stock market. +20453021 They trotted out another crop of instant commercials after the sudden market dip a few weeks ago. +20453022 Nissan created its quake ad in a weekend. +20453023 But as advertisers latch onto disasters with increasing frequency, they risk hurting themselves as much as helping the cause. +20453024 They chance alienating the customers they hope to woo by looking like opportunistic sharks. +20453025 "People see extra messages in advertising, and if a manufacturer is clearly trying to get something out of it . . . if it's too transparent . . . then consumers will see through that," warns John Philip Jones, chairman of the advertising department at the Newhouse School of Public Communications at Syracuse University. +20453026 "It can backfire because companies can step across the line and go too far, be too pushy," agrees Gary Stibel, a principal with New England Consulting Group, Westport, Conn. +20453027 "The ultimate form of charity is when you don't tell anyone." +20453028 Still, he says that only a few of the quake-related campaigns have been "tasteless" and that "the majority have been truly beneficial to the people who need the help. +20453029 We don't consider that ambulance chasing." +20453030 The companies running the disaster ads certainly don't see themselves as ambulance chasers, either. +20453031 Burger King's chief executive officer, Barry Gibbons, stars in ads saying that the fast-food chain will donate 25 cents to the Red Cross for every purchase of a BK Doubles hamburger. +20453032 The campaign, which started last week and runs through Nov. 23, with funds earmarked for both the quake and Hugo, "was Barry's idea," a spokeswoman says. +20453033 "Barry felt very committed. +20453034 He felt we should be giving something back." +20453035 While the campaign was Mr. Gibbons's idea, however, he won't be paying for it: The donations will come out of the chain's national advertising fund, which is financed by the franchisees. +20453036 And by basing donations on BK Doubles, a new double-hamburger line the fast-food chain is trying to push, Burger King works a sales pitch into its public-service message. +20453037 Toyota's upscale Lexus division, a sponsor of the World Series, also put in a plug for Red Cross donations in a World Series game it sponsored. +20453038 "The World Series is brought to you by Lexus, who urges you to help relieve the suffering caused by the recent earthquake . . . ," the game announcer said. +20453039 And New York Life made a plea for Red Cross donations in newspaper ads in the San Francisco area, latching onto the coattails of the Red Cross's impeccable reputation: "The Red Cross has been helping people for 125 years. +20453040 New York Life has been doing the same for over 140 years." +20453041 Nancy Craig, advertising manager for the Red Cross, readily admits "they're piggybacking on our reputation." +20453042 But she has no problem with that, she says: "In the meanwhile, they're helping us." +20453043 The Red Cross doesn't track contributions raised by the disaster ads, but it has amassed $46.6 million since it first launched its hurricane relief effort Sept. 23. +20453044 Ad Notes. . . . +20453045 NEW ACCOUNT: +20453046 Northrup King Co., Golden Valley, Minn., awarded its $4 million field-crop-seeds account to Creswell, Munsell, Fultz & Zirbel, a Cedar Rapids, Iowa, division of Young & Rubicam. +20453047 The account had previously been handled by Saatchi & Saatchi Wegener, New York. +20453048 TV GUIDE: +20453049 Wieden & Kennedy, Portland, Ore., was named to handle the News Corp. publication's $1 million to $2 million trade-ad account. +20453050 N W Ayer, the New York agency that had handled the account since 1963, resigned the account about two weeks ago. +20453051 NO ALCOHOL: +20453052 Miller Brewing Co. will introduce its first non-alcoholic beer Jan. 1. +20453053 The brew, called Miller Sharp's, will be supported by ads developed by Frankenberry, Laughlin & Constable, Milwaukee. +20454001 RADIO: +20454002 Viacom Broadcasting Inc. definitively agreed to acquire KOFY(AM) and KOFY-FM in San Francisco for about $19.5 million from Pacific FM Inc. +20455001 The Supreme Court let stand a New York court's ruling that the manufacturers of a drug once used to prevent miscarriages must share liability for injuries or deaths when the maker of an individual dose is unknown. +20455002 The high court's action, refusing to hear appeals by several drug companies, is likely to have a significant impact at several levels. +20455003 The most immediate effect is in New York, where former manufacturers of the anti-miscarriage drug DES -- the synthetic female hormone diethylstilbestrol -- face the prospect of shared liability for damages in many of the 700 to 1,000 DES lawsuits pending in that state. +20455004 The lawsuits stemmed from the development of cancer and other problems in the daughters of women who took the drug. +20455005 On a broader scale, the ruling could encourage other states' courts to adopt the logic of the New York court, not only in DES cases but in other product-related lawsuits, as well. +20455006 The New York Court of Appeals ruling parallels a 1980 decision by the California Supreme Court requiring shared liability among manufacturers for injuries when it can't be determined which company is at fault. +20455007 Paul Rheingold, a New York lawyer who represents DES victims, said that before the New York ruling, only the states of Washington and Wisconsin had followed the California decision. +20455008 Now that the New York decision has been left intact, other states may follow suit. +20455009 "Generally, when New York and California go one way, it has a tremendous influence on other states, especially small ones," said Mr. Rheingold. +20455010 The high court refused to hear appeals by Rexall Drug Co., which went out of business in 1987 and was taken over by RXDC Liquidating Trust; E.R. Squibb & Sons Inc., a unit of Squibb Corp.; and Eli Lilly & Co. +20455011 The appeals involved DES, which was approved by the Food and Drug Administration for use from the 1940s until 1971 to prevent miscarriages during pregnancy. +20455012 In 1971, the FDA banned the use of DES after studies linked it to cancer and other problems in daughters of women who took the drug. +20455013 Lawsuits over the harm caused by DES have flooded federal and state courts in the past decade. +20455014 In many cases, the lawsuit was filed long after the drug was used -- the cancer in the daughters was typically not detected for years -- and there is no way to prove which of several companies manufactured the doses consumed by certain women. +20455015 Under traditional legal theories, inability to prove which company manufactured a drug that caused an injury or death would lead to the lawsuit being dismissed. +20455016 But in its ruling last April, the New York court said that all producers of the anti-miscarriage drug should share liability when the manufacturer of a specific dose can't be determined. +20455017 Each company's share of liability would be based on their share of the national DES market. +20455018 The New York court also upheld a state law, passed in 1986, extending for one year the statute of limitations on filing DES lawsuits. +20455019 The effect is that lawsuits that might have been barred because they were filed too late could proceed because of the one-year extension. +20455020 (Rexall Drug Co. vs. Tigue; E.R. Squibb & Sons Inc. vs. Hymowitz, and Eli Lilly & Co. vs. Hymowitz) +20455021 Government Contractors +20455022 The high court, leaving intact a $4.25 million damage award against General Dynamics Corp., declined to resolve questions about a legal defense against civil lawsuits often used by government contractors. +20455023 Last year, the Supreme Court defined when companies, such as military contractors, may defend themselves against lawsuits for deaths or injuries by asserting that they were simply following specifications of a federal government contract. +20455024 In that decision, the high court said a company must prove that the government approved precise specifications for the contract, that those specifications were met and that the government was warned of any dangers in use of the equipment. +20455025 But last February, a federal appeals court in New Orleans upheld a damage award against General Dynamics, rejecting the company's use of the government contractor defense. +20455026 The appeals court said the defense is valid only if federal officials did more than rubber stamp a company's design or plans and engaged in a "substantive review and evaluation" on a par with a policy decision. +20455027 General Dynamics appealed to the high court, backed by numerous business trade groups, arguing that the appeals court definition restricts the defense too severely. +20455028 General Dynamics was sued by the families of five Navy divers who were killed in 1982 after they re-entered a submarine through a diving chamber. +20455029 The accident was caused by faulty operation of a valve. +20455030 A federal district court awarded damages to the families and the appeals court affirmed the award. +20455031 (General Dynamics Corp. vs. Trevino +20455032 Court in Brief +20455033 In other action yesterday, the high court: +20455034 -- Let stand the mail fraud and conspiracy conviction of John Lavery, a former vice president of Beech-Nut Nutrition Corp., a unit of Nestle S.A. +20455035 The conviction stemmed from federal charges of consumer fraud for sale of phony infant apple juice between 1978 and 1983. +20455036 (Lavery vs. U.S.) +20455037 -- Left intact an award of $1.5 million in damages against Dow Chemical Co. in the death of an Oregon man from exposure to Agent Orange. +20455038 The award was made by a federal court to the widow of a U.S. Forest Service employee who contracted Hodgkin's disease after using herbicides containing Agent Orange in a weed-killing program. +20456001 It can be hoped that Spanish Prime Minister Felipe Gonzalez will draw the right conclusion from his narrow election victory Sunday. +20456002 A strong challenge from the far left, the Communist coalition Izquierda Unida, failed to topple him. +20456003 He should consider his victory a mandate to continue his growth-oriented economic reforms and not a demand that he move further left. +20456004 If he follows the correct path, he may be able to look back on this election as the high-water mark of far-left opposition. +20456005 The far left had some good issues even if it did not have good programs for dealing with them. +20456006 It could point to plenty of ailments that the Spanish economic rejuvenation so far has failed to cure. +20456007 Unemployment still is officially recorded at 16.5%, the highest rate in Europe, although actual joblessness may be lower. +20456008 Housing is scarce and public services -- the court system, schools, mail service, telephone network and the highways -- are in disgraceful condition. +20456009 Large pockets of poverty still exist. +20456010 The left also is critical of the style of the Socialist government -- a remarkable parallel to the situation in Britain. +20456011 Mr. Gonzalez and his colleagues, particularly the finance minister, Carlos Solchaga, are charged with having abandoned their socialist principles and with having become arrogant elitists who refuse even to go on television (controlled by the state) to face their accusers. +20456012 In response to this, the Socialist prime minister has simply cited his free-market accomplishments. +20456013 They are very considerable: Since 1986, when Spain joined the European Community, its gross domestic product has grown at an annual average of 4.6% -- the fastest in the EC. +20456014 In that time more than 1.2 million jobs have been created and the official jobless rate has been pushed below 17% from 21%. +20456015 A 14% inflation rate dropped below 5%. +20456016 Net foreign investment through August this year has been running at a pace of $12.5 billion, about double the year-earlier rate. +20456017 Mr. Gonzalez also has split with the left in reaffirming Spain's NATO commitment and in renewing a defense treaty with the U.S. +20456018 Mr. Gonzalez is not quite a closet supply-side revolutionary, however. +20456019 He did not go as far as he could have in tax reductions; indeed he combined them with increases in indirect taxes. +20456020 Yet the best the far-left could do was not enough to deter the biggest voting bloc -- nearly 40% -- from endorsing the direction Spain is taking. +20456021 Now he can go further. +20456022 He should do more to reduce tax rates on wealth and income, in recognition of the fact that those cuts yield higher, not lower, revenues. +20456023 He could do more to cut public subsidies and transfers, thus making funds available for public services starved of money for six years. +20456024 The voters delivered Mr. Gonzalez a third mandate for his successes. +20456025 They, as well as numerous Latin American and East European countries that hope to adopt elements of the Spanish model, are supporting the direction Spain is taking. +20456026 It would be sad for Mr. Gonzalez to abandon them to appease his foes. +20457001 Monday, October 30, 1989 +20457002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +20457003 PRIME RATE: 10 1/2%. +20457004 The base rate on corporate loans at large U.S. money center commercial banks. +20457005 FEDERAL FUNDS: 8 3/4% high, 8 11/16% low, 8 3/4% near closing bid, 8 3/4% offered. +20457006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +20457007 Source: Fulton Prebon (U.S.A.) Inc. +20457008 DISCOUNT RATE: 7%. +20457009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +20457010 CALL MONEY: 9 3/4% to 10%. +20457011 The charge on loans to brokers on stock exchange collateral. +20457012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.:8.50% 30 to 44 days; 8.25% 45 to 62 days; 8.375% 63 to 89 days; 8% 90 to 119 days; 7.90% 120 to 149 days; 7.80% 150 to 179 days; 7.55% 180 to 270 days. +20457013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000:8.55% 30 days; 8.50% 60 days; 8.45% 90 days. +20457014 CERTIFICATES OF DEPOSIT: 8.09% one month; 8.04% two months; 8.03% three months; 7.96% six months; 7.92% one year. +20457015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +20457016 The minimum unit is $100,000. +20457017 Typical rates in the secondary market: 8.55% one month; 8.55% three months; 8.35% six months. +20457018 BANKERS ACCEPTANCES: 8.47% 30 days; 8.42% 60 days; 8.25% 90 days; 8.10% 120 days; 8.02% 150 days; 7.95% 180 days. +20457019 Negotiable, bank-backed business credit instruments typically financing an import order. +20457020 LONDON LATE EURODOLLARS: 8 3/4% to 8 5/8% one month; 8 13/16% to 8 11/16% two months; 8 11/16% to 8 9/16% three months; 8 9/16% to 8 7/16% four months; 8 1/2% to 8 3/8% five months; 8 7/16% to 8 5/16% six months. +20457021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 11/16% one month; 8 11/16% three months; 8 7/16% six months; 8 3/8% one year. +20457022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +20457023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +20457024 These rate indications aren't directly comparable; lending practices vary widely by location. +20457025 TREASURY BILLS: Results of the Monday, October 30, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.78%, 13 weeks; 7.62%, 26 weeks. +20457026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +20457027 9.86%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +20457028 Source: Telerate Systems Inc. +20457029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par). +20457030 9.76%, standard conventional fixed-rate mortgages; 8.75%, 6/2 rate capped one-year adjustable rate mortgages. +20457031 Source: Telerate Systems Inc. +20457032 MERRILL LYNCH READY ASSETS TRUST: 8.70%. +20457033 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +20458001 Oh, that terrible Mr. Ortega. +20458002 Just when American liberalism had pulled the arms plug on the Contras and their friend Ronald Reagan, along comes Mr. Ortega in Costa Rica this weekend to "blunder" into the hands of what are often called conservatives. +20458003 Conservatives are the faction in U.S. politics which always said that Mr. Ortega and his friends don't want to hold an election in Nicaragua. +20458004 Liberals are the faction that says, Give peace a chance; now they are saying Mr. Ortega should give them a break, lest the conservatives ask them to vote for bullets instead of bandages. +20458005 We suspect Daniel Ortega knows the difference between a blunder and a strategy. +20458006 He knows that making George Bush look silly in a photograph with him will trigger Noriegan fulminations, and that announcing an end to the liberals' cease-fire will produce mainly their concern over the Contras' military activities in northern Nicaragua. +20458007 Mr. Ortega understands better than those who worry about his behavior that what sustains the Sandinista movement is not democratic peace, but nondemocratic unpeace. +20458008 It is the presence of internal and external "enemies" which justifies the need for a large, active army that Mikhail Gorbachev's Soviet Union continues to supply with bullets. +20459001 Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly-average basis: +20459002 a-Discounted rate. +20459003 b-Week ended Wednesday, October 25, 1989 and Wednesday October 18, 1989. +20459004 c-Yields, adjusted for constant maturity. +20460001 Cetus Corp. said the government of Spain approved the marketing of its Proleukin interleukin-2 drug to treat kidney cancer. +20460002 The biotechnology concern said Spanish authorities must still clear the price for the treatment, but that it expects to receive such approval by year end. +20460003 Four other countries in Europe have approved Proleukin in recent months. +20460004 Cetus is currently trying to obtain federal regulatory clearance for U.S. distribution. +20461001 The Treasury Department proposed that banks be required to keep detailed records of international wire transfers, which officials believe is the main vehicle used by drug traffickers to move billions of dollars in and out of the U.S. +20461002 In recent testimony on Capitol Hill, Treasury officials said they were considering the new reporting requirements, and the expected publication of the proposal in the Federal Register today is the first official step toward creating final regulations. +20461003 The Treasury is still working out the details with bank trade associations and the other government agencies that have a hand in fighting money laundering. +20461004 Among the possibilities the Treasury is considering are requirements that banks keep records identifying the originators and recipients of international wire transfers. +20461005 Another suggestion would draw banks more directly into tracking down money launderers by developing a "suspicious international wire transfer profile," which banks would use to spotlight questionable payments. +20461006 But banks may prefer using a profile that targets selected transactions, rather than a blanket reporting requirement. +20461007 Banks now are required only to report cash deposits or withdrawals of $10,000 or more. +20461008 But wire transfers from a standing account -- including those bigger than $10,000 -- aren't reported. +20461009 Officials believe this has left a gaping loophole that illegal drug businesses are exploiting. +20461010 Authorities estimate that revenues from illegal drugs in the U.S. total about $110 billion annually. +20461011 Sen. John Kerry (D., Mass.), chairman of a Senate Foreign Relations subcommittee that oversees the issue of money laundering, criticized the proposal for ignoring wire transfers between foreign banks that are executed and cleared on U.S. wire systems. +20461012 The American Bankers Association didn't have any comment on the plan. +20461013 The proposal now enters a 60-day comment period, after which the Treasury will propose final regulations, followed by another comment period. +20462001 Western Union Corp. took steps to withdraw its proposed debt swap for $500 million in high-interest notes and said it is looking at other alternatives for refinancing the debt. +20462002 Western Union had said two weeks ago that it might withdraw the pending offer, which would have replaced $500 million in so-called reset notes, now paying 19.25% annual interest and set to come due in 1992, with two new issues paying lower interest. +20462003 Yesterday the company said it had filed a request with the Securities and Exchange Commission to withdraw the registration statement regarding the proposed swap. +20462004 A Western Union spokesman, citing adverse developments in the market for high-yield "junk" bonds, declined to say what alternatives are under consideration. +20462005 But some holders of the Western Union notes expect the company to propose a more-attractive debt swap that will give them a substantial equity stake in the company. +20462006 Western Union has had major losses in recent years as its telex business has faltered in the face of competition from facsimile machines and as other business ventures have gone awry. +20462007 The major question, said one holder who asked not to be named, is whether New York investor Bennett S. LeBow, whose Brooke Partners controls Western Union, is willing to offer a large enough equity stake to entice bondholders into agreeing to a new swap. +20462008 The $500 million in notes, the largest chunk of Western Union's $640 million in long-term debt, stems from the company's major restructuring in December 1987. +20462009 The notes became burdensome when reset provisions allowed their interest rate to be raised to 19.25% last June. +20462010 Western Union had offered to swap each $1,000 face amount of the notes for six shares of common stock and two new debt issues: a $500 note paying an interest rate starting at 16.75% annually and rising in later years, due in 1992, and a $500 note, due in 1997, paying a fixed rate of 17% and including rights protecting a holder against a decline in the trading price of the bond. +20462011 Western Union must make $48 million in interest payments on the reset notes on Dec. 15, and a company spokesman said it fully intends to meet the payments. +20462012 But Western Union has said it must lower the interest rate on its debt to regain full financial health. +20463001 Genentech Inc. said the West German distributor of its heart drug TPA reached a joint marketing agreement with a subsidiary of Hoechst AG, which makes the rival anti-clotting agent streptokinase. +20463002 The biotechnology concern said the agreement between its longtime West German distributor, Boehringer-Ingleheim's Dr. Karl Thomae G.m.b.H. subsidiary, and Hoechst's Behringwerke subsidiary was an attempt to expand the market for blood-clot drugs in general. +20463003 A Genentech spokeswoman said the agreement calls for Hoechst to promote TPA for heart patients and streptokinase for other clot-reducing purposes. +20464001 Investors in the over-the-counter market dumped banking and insurance issues, sending the Nasdaq composite index lower for the third consecutive session. +20464002 All Nasdaq industry indexes finished lower, with financial issues hit the hardest. +20464003 Despite some early computer-guided program buying, the Nasdaq composite fell 1.39 to 451.37. +20464004 The OTC market now has declined in eight of the past 11 sessions. +20464005 The Nasdaq bank index fell 5.00 to 432.61, while the insurance index fell 3.56 to 528.56, and the "other finance" index dropped 3.27 to 529.32. +20464006 The largest financial issues, as measured by the Nasdaq financial index, tumbled 3.23 to +20464007 Meanwhile, the index of the 100 biggest non-financial stocks, the Nasdaq 100, gained 0.47 to 438.15. +20464008 Profit-taking accounted for much of the slide in OTC stock prices, according to David Mills, senior vice president of Boston Company Advisers. +20464009 He said many portfolio managers, whose year-end bonuses are tied to annual performance, are selling now rather than risk seeing their gains erode further. +20464010 "The profit locking-in is definitely going on," said Mr. Mills, whose firm manages $600 million for Boston Co. +20464011 Tax-loss sellers, those investors who sell loss-making stocks so they can deduct their losses from this year's income, are also getting out, Mr. Mills said. +20464012 That's helping put pressure on both the market's winners and its losers. +20464013 "The stocks that have been the best are having big pullbacks, and the ones that have been the worst are getting clobbered," Mr. Mills said. +20464014 He expects the market to sink further and to reach a low sometime next month or in December. +20464015 The selling by money managers and individual investors is turning traders bearish as well. +20464016 "We are advising a lot of our clients to make moves that make sense to them, rather than waiting until the last minute, because things have been so volatile," said William Sulya, head of OTC trading at A.G. Edwards & Sons in St. Louis. +20464017 Ralph Costanza, head of the OTC trading department at Smith Barney, Harris Upham, said many market players are awaiting some resolution of the current debate over program trading. +20464018 Much of the market's recent volatility has been blamed on this large-scale computerized trading technique that can send stock prices surging or plummeting in a matter of minutes. +20464019 The problem has been particularly damaging to the OTC market, traditionally a base for the small investor. +20464020 Weisfield's surged 14 to 53 after agreeing in principle to be acquired by a unit of Ratners Group for $50 a share. +20464021 The stock jumped 9 1/2 Friday, when the company announced it was in takeover talks. +20464022 Ratners and Weisfield's said they expect to sign definitive agreements shortly and to complete the transaction by Dec. 15. +20464023 Mid-State Federal Savings Bank advanced 1 1/2 to 20 1/4 after it said it is in talks with a possible acquirer. +20464024 The bank said the talks resulted from solicitations by its financial adviser. +20464025 Jaguar assumed its recently customary place on the OTC most active list as its American depository receipts gained 1/4 to 11 7/8 on volume of 1.2 million shares and Daimler-Benz joined the list of companies interested in the British car maker. +20464026 Daimler said it has had talks with Jaguar about possible joint ventures. +20464027 Meanwhile, General Motors and Ford Motor continue their pursuit of the company. +20464028 Ford has acquired more than 13% of Jaguar's shares, and GM has received U.S. regulatory clearance to buy 15%. +20464029 ShowBiz Pizza Time gained 1 1/2 to 13. +20464030 The company reported third-quarter operating profit of 37 cents a share, compared with 12 cents a share a year earlier. +20464031 A third-quarter charge of $3.5 million related to planned restaurant closings resulted in a net loss for the quarter. +20464032 Employers Casualty, which reported a $53.9 million third-quarter loss late Friday, fell 2 1/4 to 13 3/4. +20464033 The loss was largely due to a $55.2 million addition to reserves. +20464034 Employers Casualty had a loss of $3.6 million in the year-earlier quarter. +20464035 Old Stone fell 1 5/8 to 13 1/2. +20464036 Late Friday, the company reported a loss of $51.3 million for the third quarter after earning $9.2 million a year before. +20464037 The loss came after a $23.3 million addition to loan-loss reserves. +20464038 The bank made a $4.5 million provision in the 1988 quarter. +20464039 Old Stone repeated projections that it will be profitable for the fourth quarter and will about break even for the year. +20464040 Abraham Lincoln Federal Savings Bank sank 4 to 13 1/2 after announcing a shakeup that will change senior management and reorganize the bank's mortgage business as a separate unit. +20464041 The bank also said it will establish a loan-loss reserve of $2.5 million to $4 million against a construction loan that is in default. +20464042 The bank, which previously said it was for sale, said it has received no offers and that its board will review whether to continue soliciting bids. +20465001 Medical scientists are starting to uncover a handful of genes which, if damaged, unleash the chaotic growth of cells that characterizes cancer. +20465002 Scientists say the discovery of these genes in recent months is painting a new and startling picture of how cancer develops. +20465003 An emerging understanding of the genes is expected to produce an array of new strategies for future cancer treatment and prevention. +20465004 That is for the future. +20465005 Already, scientists are developing tests based on the newly identified genes that, for the first time, can predict whether an otherwise healthy individual is likely to get cancer. +20465006 "It's a super-exciting set of discoveries," says Bert Vogelstein, a Johns Hopkins University researcher who has just found a gene pivotal to the triggering of colon cancer. +20465007 "Only a decade ago cancer was a black box about which we knew nothing at the molecular level. +20465008 Today, we know that the accumulation of several of these altered genes can initiate a cancer and, then, propel it into a deadly state." +20465009 Scientists call the new class of genes tumor-suppressors, or simply anti-cancer genes. +20465010 When functioning normally, they make proteins that hold a cell's growth in check. +20465011 But if the genes are damaged -- perhaps by radiation, a chemical or through a chance accident in cell division -- their growth-suppressing proteins no longer work, and cells normally under control turn malignant. +20465012 The newly identified genes differ from a family of genes discovered in the early 1980s called oncogenes. +20465013 Oncogenes must be present for a cell to become malignant, but researchers have found them in normal as well as in cancerous cells, suggesting that oncogenes don't cause cancer by themselves. +20465014 In recent months, researchers have come to believe the two types of cancer genes work in concert: An oncogene may turn proliferating cells malignant only after the tumor-suppressor gene has been damaged. +20465015 Like all genes, tumor-suppressor genes are inherited in two copies, one from each parent. +20465016 Either copy can make the proteins needed to control cell growth, so for cancer to arise, both copies must be impaired. +20465017 A person who is born with one defective copy of a suppressor gene, or in whom one copy is damaged early in life, is especially prone to cancer because he need only lose the other copy for a cancer to develop. +20465018 Emerging genetic tests will be able to spot such cancer-susceptible individuals, ushering in what some scientists believe is a new age of predictive cancer diagnosis. +20465019 Bill and Bonnie Quinlan are among the first beneficiaries of the new findings. +20465020 The Dedham, Mass., couple knew even before Bonnie became pregnant in 1987 that any child of theirs had a 50% chance of being at risk for retinoblastoma, an eye cancer that occurs about once every 20,000 births. +20465021 Mr. Quinlan, 30 years old, knew he carried a damaged gene, having lost an eye to the rare tumor when he was only two months old -- after his mother had suffered the same fate when she was a baby. +20465022 Because of the isolation of the retinoblastoma tumor-suppressor gene, it became possible last January to find out what threat the Quinlan baby faced. +20465023 A test using new "genetic probes" showed that little Will Quinlan had not inherited a damaged retinoblastoma supressor gene and, therefore, faced no more risk than other children of developing the rare cancer. +20465024 "It made our New Year," says Mr. Quinlan. +20465025 This test was the first to predict reliably whether an individual could expect to develop cancer. +20465026 Equally important, the initial discovery of the gene that controls retinal cell growth, made by a Boston doctor named Thaddeus Dryja, has opened a field of cancer study, which in recent months has exploded. +20465027 "It turns out that studying a tragic but uncommon tumor made possible some fundamental insights about the most basic workings of cancer," says Samuel Broder, director of the National Cancer Institute. +20465028 "All this may not be obvious to the public, which is concerned about advances in treatment, but I am convinced this basic research will begin showing results there soon." +20465029 To date, scientists have fingered two of these cancer-suppressors. +20465030 Dr. Dryja made his retinoblastoma discovery in 1986. +20465031 Then last spring, researchers reported finding a gene called p53 which, if impaired, turns healthy colon cells cancerous. +20465032 Soon after that report, two other research teams uncovered evidence that the same damaged p53 gene is present in tissue from lung and breast cancers. +20465033 Colon, lung and breast cancers are the most common and lethal forms of the disease, collectively killing almost 200,000 Americans a year. +20465034 Right now about a dozen laboratories, in the U.S., Canada and Britain, are racing to unmask other suspected tumor-suppressing genes. +20465035 They have about seven candidates. +20465036 Researchers say the inactivation of tumor-suppressor genes, alone or in combination, appears crucial to the development of such scourges as cancer of the brain, the skin, kidney, prostate, and cervix. +20465037 There is evidence that if people inherit defective versions of these genes, they are especially prone to cancer, perhaps explaining, finally, why some cancers seem to haunt certain families. +20465038 The story of tumor-suppressor genes goes back to the 1970s, when a pediatrician named Alfred G. Knudson Jr. proposed that retinoblastoma stemmed from two separate genetic defects. +20465039 He theorized that in the eye cancer, an infant inherited a damaged copy of a gene from one parent and a normal copy from the other. +20465040 The tumor, he suggested, developed when the second, normal copy also was damaged. +20465041 But there was no way to prove Dr. Knudson's "two-hit" theory. +20465042 Back then, scientists had no way of ferreting out specific genes, but under a microscope they could see the 23 pairs of chromosomes in the cells that contain the genes. +20465043 Occasionally, gross chromosome damage was visible. +20465044 Dr. Knudson found that some children with the eye cancer had inherited a damaged copy of chromosome No. 13 from a parent who had had the disease. +20465045 Under a microscope he could actually see that a bit of chromosome 13 was missing. +20465046 He assumed the missing piece contained a gene or genes whose loss had a critical role in setting off the cancer. +20465047 But he didn't know which gene or genes had disappeared. +20465048 Then, a scientific team led by molecular geneticist Webster Cavenee, then at the University of Utah, found the answer. +20465049 The team used a battery of the newly developed "gene probes," snippets of genetic material that can track a gene's presence in a cell. +20465050 By analyzing cells extracted from eye tumors, they found defects in the second copy of chromosome 13 in the exact area as in the first copy of the chromosome. +20465051 The finding riveted medicine. +20465052 It was the first time anyone had showed that the loss of both copies of the same gene could lead to the eruption of a cancer. +20465053 "It was extraordinarily satisfying," says Dr. Knudson, now at Fox Chase Cancer Research Center in Philadelphia. +20465054 "I was convinced that what was true of retinoblastoma would be true for all cancers." +20465055 It was an audacious claim. +20465056 But in Baltimore, Dr. Vogelstein, a young molecular biologist at Johns Hopkins Medical School, believed Dr. Knudson was right, and set out to repeat the Cavenee experiment in cells from other cancers. +20465057 His was one of two research teams in 1984 to report dual chromosome losses for a rare childhood cancer of the kidney called Wilm's tumor. +20465058 Dr. Vogelstein next turned his attention to colon cancer, the second biggest cancer killer in the U.S. after lung cancer. +20465059 He believed colon cancer might also arise from multiple "hits" on cancer suppressor genes, because it often seems to develop in stages. +20465060 It often is preceded by the development of polyps in the bowel, which in some cases become increasingly malignant in identifiable stages -- progressing from less severe to deadly -- as though a cascade of genetic damage might be occurring. +20465061 Dr. Vogelstein and a doctoral student, Eric Fearon, began months of tedious and often frustrating probing of the chromosomes searching for signs of genetic damage. +20465062 They began uncovering a confusing variety of genetic deletions, some existing only in benign polyps, others in malignant cells and many in both polyps and malignant cells. +20465063 Gradually, a coherent picture of cancer development emerged. +20465064 If both copies of a certain gene were knocked out, benign polyps would develop. +20465065 If both copies of a second gene were then deleted, the polyps would progress to malignancy. +20465066 It was clear that more than one gene had to be damaged for colon cancer to develop. +20465067 Their report galvanized other molecular biologists. +20465068 "It was the confirming evidence we all needed that {gene} losses were critical to the development of a common tumor," says Ray White at Howard Hughes Medical Institute in Salt Lake City. +20465069 But Dr. Vogelstein had yet to nail the identity of the gene that, if damaged, flipped a colon cell into full-blown malignancy. +20465070 They focused on chromosome 17. +20465071 For months the Johns Hopkins researchers, using gene probes, experimentally crawled down the length of chromosome 17, looking for the smallest common bit of genetic material lost in all tumor cells. +20465072 Such a piece of DNA would probably constitute a gene. +20465073 When they found it last winter, Dr. Vogelstein was dubious that the search was over. +20465074 His doubts stemmed from the fact that several years earlier a Princeton University researcher, Arnold Levine, had found in experiments with mice that a gene called p53 could transform normal cells into cancerous ones. +20465075 The deletion Dr. Vogelstein found was in exactly the same spot as p53. +20465076 But Mr. Levine had said the p53 gene caused cancer by promoting growth, whereas the Johns Hopkins scientists were looking for a gene that suppressed growth. +20465077 Despite that, when the Johns Hopkins scientists compared the gene they had found in the human cancer cells with the Mr. Levine's p53 gene they found the two were identical; it turned out that in Mr. Levine's cancer studies, he had unknowingly been observing a damaged form of p53 -- a cancer-suppressing gene. +20465078 The discovery "suddenly puts an obscure gene right in the cockpit of cancer formation," says Robert Weinberg, a leader in cancer-gene research at Whitehead Institute in Cambridge, Mass. +20465079 Evidence now is emerging that the p53 suppressor gene is involved in other cancers, too. +20465080 Researchers in Edinburgh, Scotland, have found that in 23 of 38 breast tumors, one copy of chromosome 17 was mutated at the spot where gene p53 lies. +20465081 The scientists say that since breast cancer often strikes multiple members of certain families, the gene, when inherited in a damaged form, may predispose women to the cancer. +20465082 The p53 gene has just been implicated in lung cancer. +20465083 In a report out last week, John Minna and colleagues at the National Cancer Institute say that about half the cells taken from lung cancer tissue they tested are missing this gene. +20465084 There also are reports from several labs, as yet unpublished, of missing p53 genes in tissue taken from kidney, brain and skin cancers. +20465085 At the same time, the Johns Hopkins team and others are rushing to pinpoint other tumor-suppressor genes. +20465086 Dr. Vogelstein hopes soon to isolate one on chromosome 18, also involved in colon cancer. +20465087 Ray White in Utah and Walter Bodmer, a researcher in Great Britain, are close to finding another gene involved with some types of colon cancer, thought to be on chromosome 5. +20465088 Dr. Minna believes people who inherit a defective gene somewhere on one of their two copies of chromosome 3 are especially prone to lung cancer. +20465089 Recently, he and others reported that the retinoblastoma suppressor gene may also be involved in some lung cancers, as well as several other more common cancers, too. +20465090 Where these discoveries will lead, scientists can only speculate. +20465091 Already two major pharmaceutical companies, the Squibb unit of Bristol-Myers Squibb Co. and Hoffmann-La Roche Inc., are collaborating with gene hunters to turn the anticipated cascade of discoveries into predictive tests and, maybe, new therapies. +20465092 Some researchers say new cancer drugs to slow or reverse tumor growth may be based on the suppressor proteins normally produced by the genes. +20465093 The idea would be to administer to patients the growth-controlling proteins made by healthy versions of the damaged genes. +20465094 It may even be possible to replace defective genes with healthy versions, though no one has come close to doing that so far. +20465095 In any case, says Dr. Minna of the National Cancer Institute, "We're witnessing the discovery of one of the most important steps in the genesis of cancer. +20466001 Many investors give Michael Foods about as much chance of getting it together as Humpty Dumpty. +20466002 But now at least there's a glimmer of hope for the stock. +20466003 Burger King, which breaks thousands of fresh eggs each morning, is quietly switching over to an alternative egg product made by Michael Foods. +20466004 Known as Easy Eggs, the product has disappointed investors. +20466005 When the company this month announced lower-than-forecast sales of Easy Eggs, the stock dropped nearly 19%. +20466006 Michael won't confirm the identities of any Easy Egg customers, nor will it say much of anything else. +20466007 Two Minneapolis shareholder suits in the past month have accused top officers of making "various untrue statements." +20466008 These federal-court suits accuse the officers of failing to disclose that Easy Eggs were unlikely to sell briskly enough to justify all of Michael's production capacity. +20466009 But at least Burger King has signed on, and says that by year end it won't be using any shell eggs. +20466010 The Miami fast-food chain, owned by Grand Metropolitan of Britain, expects to consume roughly 34 million pounds of liquefied eggs annually. +20466011 So there is reason to believe that Michael's hopes for a bacteria-free, long-shelf-life egg weren't all hype. +20466012 (Easy Eggs are pasteurized in a heat-using process.) +20466013 Still, caution is advisable. +20466014 A company official says Michael's break-even volume on Easy Eggs is around 60 million pounds a year -- apparently well above current shipments and a far cry from what the company once suggested was a billion-pound market waiting for such a product. +20466015 Perhaps to debunk the analysts' talk of over-capacity, Michael today will take some of the skeptics on a tour of its new Gaylord, Minn., plant. +20466016 There has been no announcement of the Burger King arrangement by either party, possibly for fear that McDonald's and other fast-food rivals would seize on it in scornful advertising. +20466017 But Burger King operators independently confirm using Michael's product. +20466018 Other institutional users reportedly include Marriott, which is moving away from fresh eggs on a region-by-region basis. +20466019 The extent of Marriott's use isn't known, and Marriott officials couldn't be reached for comment. +20466020 Michael Foods has attracted a good many short-sellers, the people who sell borrowed shares in a bet that a stock price will drop and allow the return of cheaper shares to the lender. +20466021 Many analysts question management's credibility. +20466022 "The stock, in my opinion, is going to go lower, not only because of disappointing earnings but {because} the credibility gap is certainly not closing," says L. Craig Carver of Dain Bosworth. +20466023 Mr. Carver says that at a recent Dain-sponsored conference in New York, he asked Michael's chief executive officer if the fourth quarter would be down. +20466024 The CEO, Richard G. Olson, replied "yes," but wouldn't elaborate. +20466025 (The company didn't put out a public announcement. +20466026 A spokesman said later that Mr. Olson was being "conservative" in his estimate. +20466027 But the spokesman added that while Michael will earn less than last year's $1.20 a share, it thinks Street estimates of $1 or so are low.) +20466028 Analyst Robin Young of John Kinnard & Co., Minneapolis, calls himself "the last remaining bull on the stock." +20466029 He argues that Michael Foods is misunderstood: "This is a growth company in the packaged food industry -- a rare breed, like finding a white rhino." +20466030 Earnings aren't keeping pace, he says, because of heavy investments in the egg technologies and drought-related costs in its potato business. +20466031 Mr. Carver, however, believes the company's egg product won't help the bottom line in the short run, even though it "makes sense -- it's more convenient" and justifies its price, which is higher than shell eggs, because of health and sanitation concerns. +20466032 Prospective competition is one problem. +20466033 Last week a closely held New Jersey concern, Papetti High-Grade Egg Products Co., rolled out an aseptically packaged liquefied item called Table Ready. +20466034 Company President Steve Papetti says Marriott will be among his clients as well. +20466035 Michael shares closed at 13 3/4 yesterday in national over-the-counter trading. +20466036 Says New York-based short seller Mark Cohodes, "In my mind this is a $7 stock." +20466037 Michael late yesterday announced a $3.8 million stock buy-back program. +20466038 Michael, which also processes potatoes, still relies on spuds for about a fourth of its sales and nearly half its pretax profit. +20466039 But dry growing conditions in the Red River Valley of Minnesota and North Dakota are pushing spot prices of potatoes beyond what Michael contracted to pay last spring. +20466040 Company lawyers recently sent letters to growers saying that Michael "would take very seriously any effort . . . to divert its contracted-for potatoes to other outlets." +20466041 Still, analysts believe that profit margins in the potato business will be down again this year. +20467001 Pierre Peladeau, a Canadian newspaper publisher little-known in the U.S., figures to become a big player in North American printing -- and his ambitions don't end there. +20467002 Yesterday, Quebecor Inc., a Montreal printing, publishing and forest-products company 53%-owned by Mr. Peladeau, agreed to acquire Maxwell Communication Corp.'s U.S. printing subsidiary, Maxwell Graphics Inc., for $500 million in cash and securities. +20467003 The purchase, expected to be completed by year end, will make Quebecor the second-largest commercial printer in North America, behind only R.R. Donnelley & Sons Co., Chicago. +20467004 The printing customers that Quebecor will gain through Maxwell Graphics include the Sunday newspaper supplement Parade, Time, Sports Illustrated and TV Guide. +20467005 But the transaction is just Mr. Peladeau's latest step in a larger design: to build Quebecor through acquisitions into an integrated paper, publishing and printing concern with a reach throughout North America. +20467006 He already has achieved vertical integration on a limited scale: Quebecor can put a weekly newspaper on almost any Quebec doorstep without using outside help, from chopping down the tree to making the newsprint to flinging it up onto the porch. +20467007 Analysts say Quebecor's purchase is part of a trend toward consolidation in the North American printing industry. +20467008 Along with Donnelley, says Jacques Massicotte, an analyst with Nesbitt Thomson Deacon Inc. in Montreal, "Quebecor has positioned itself as one of the two key players." +20467009 He adds: "I think this is a great strategic move for Quebecor. +20467010 They are buying an operation that is running well." +20467011 Mr. Peladeau says he isn't trying to catch up to Donnelley, which has annual sales of over $3 billion. +20467012 "Size doesn't matter," Mr. Peladeau says. +20467013 "What counts is the bottom line." +20467014 Some of Mr. Peladeau's ventures, including an earlier push into the U.S. market, haven't paid off on the bottom line. +20467015 Quebecor started the Philadelphia Journal, a daily tabloid, in 1977 and closed it three years later. +20467016 The venture cost Quebecor $12 million, Mr. Peladeau says. +20467017 More recently, some former Quebecor executives started their own printing company, specializing in printing and distributing advertising circulars. +20467018 Quebecor still lags in the Quebec circulars market, while Mr. Peladeau's former employees are expanding across Canada. +20467019 Mr. Peladeau took his first big gamble 25 years ago, when he took advantage of a strike at La Presse, then Montreal's dominant French-language newspaper, to launch the Journal de Montreal. +20467020 The tabloid's circulation soared to 80,000, but plunged to under 10,000 when the La Presse strike ended. +20467021 Still, Mr. Peladeau stuck with the venture. +20467022 Now the Journal, flush with ads and hugely profitable, is even with La Presse in weekend circulation and outsells it 3 to 2 every weekday. +20467023 Mr. Peladeau has never made any apologies for publishing the tabloid, a brash mix of crime and sports. +20467024 "I've read Balzac," he answers critics. +20467025 "It's tabloid news from A to Z." +20467026 Quebecor also publishes a second tabloid in Montreal, the struggling 18-month-old Montreal Daily News; dailies in Quebec City and Winnipeg, Manitoba; and dozens of weeklies covering most of Quebec. +20467027 A series of recent acquisitions made it the dominant magazine publisher in Quebec. +20467028 After a recent merger, it is also the only province-wide distributor of magazines and newspapers in Quebec. +20467029 Finally, with Maxwell Communication, the company controls 54% of Donohue Inc., a Quebec City pulp and paper concern. +20467030 In yesterday's accord, Quebecor agreed to pay $400 million in cash for Maxwell Graphics, and to give Maxwell Communication a 20% stake, valued at $100 million, in Quebecor's new printing subsidiary. +20467031 The new, as yet unnamed, subsidiary will combine Quebecor's existing printing unit and Maxwell Graphics. +20467032 It will have 61 plants from coast to coast and $1.5 billion in annual sales. +20467033 Quebecor will own 57.5% of the new subsidiary. +20467034 Caisse de Depot et Placement, the Quebec government pension-fund agency, will pay $112.5 million for the remaining 22.5% stake in the printing operation. +20467035 Pierre-Karl Peladeau, the founder's son and the executive in charge of the acquisition, says Quebecor hasn't decided how it will finance its share of the purchase, but he says it most likely will use debt. +20467036 The Maxwell deal is Quebecor's second big printing acquisition in just over a year. +20467037 Last October, Quebecor bought 23 Canadian printing plants from BCE Inc., a Montreal telecommunications, manufacturing, energy and real estate company. +20467038 That purchase doubled Quebecor's annual printing revenue to $750 million. +20467039 Maxwell's sale of its U.S. printing unit was expected, the last major business to be disposed of in a major reshuffling of assets. +20467040 According to its most recent annual report, covering the 15 months ended March 31, Maxwell Communication bought $3.85 billion in assets -- including Macmillan Inc. and Official Airlines Guides -- and sold $2 billion in non-strategic businesses. +20467041 Now, Maxwell founder Robert Maxwell says he has an appetite for new acquisitions in the U.S., adding that he could spend "a good deal more" than $1 billion on another U.S. purchase. +20467042 In London trading yesterday, Maxwell Communication shares rose nine pence, to 216 pence ($3.41). +20467043 In Montreal, Quebecor's multiple voting Class A stock closed at C$16.375 (US$13.94), down 12.5 Canadian cents. +20467044 Quebecor Class B stock closed at C$15.375, up 62.5 Canadian cents. +20467045 Craig Forman in London contributed to this article. +20468001 G.D. Searle & Co. said the Food and Drug Administration approved the sale of Kerlone, a hypertension drug developed by a joint venture between Searle and a French concern. +20468002 Searle, a unit of Monsanto Co., said the "beta-blocker" high-blood-pressure drug Kerlone is the first product to reach the market through Lorex Pharmaceuticals, the U.S. company jointly owned by Searle and Synthelabo, a French pharmaceutical concern owned by France's L'Oreal S.A. +20469001 The U.S. Equal Employment Opportunity Commission sued New York state for age discrimination against appointed state judges. +20469002 The suit, filed in federal court in Manhattan, charges that New York's mandatory retirement age of 76 violates federal law. +20469003 Separately, the commission intervened in a Connecticut state judge's age-bias suit in federal court in New Haven. +20469004 The commission's filing in that case challenges Connecticut's mandatory retirement age of 70 for appointed judges. +20469005 The New York suit was filed on behalf of Justice Isaac Rubin, whose appointment to the state appellate division expires at year end, and all other judges hurt by the alleged age discrimination. +20469006 The suit, assigned to federal Judge Kimba Wood, seeks a permanent injunction, back pay for judges who have been forced to retire, reinstatement of retired judges and "other affirmative relief necessary to eradicate the effects of (New York's) unlawful employment practices." +20469007 Justice Rubin, a state judge since 1969, said the mandatory-retirement age hurts the court system because it deprives the state of experienced judges still capable of serving on the bench. +20469008 "The issue isn't age -- age is just a number. +20469009 The issue is one of a judge's experience, his competence and his physical ability to serve on the bench," Justice Rubin said. +20469010 "I've had no problems performing my duties and responsibilities." +20469011 Because Justice Rubin turned 76 on May 9, he isn't eligible to be reappointed to the bench at the end of the year. +20469012 The suit's impact on New York may be narrow, however. +20469013 Most New York judges are elected, and the federal age-discrimination law doesn't apply to elected officials, said James L. Lee, regional attorney for the EEOC in New York. +20469014 Under New York law, elected judges must retire at age 70, but then can be appointed to two-year terms until they reach 76. +20469015 A spokeswoman for the state's Office of Court Administration declined to comment on the suit. +20469016 But she said the state currently has 35 appointed judges who are over 70. +20469017 In Connecticut, however, most state judges are appointed by the governor and approved by the state legislature. +20469018 The parties in the Connecticut case have agreed to stay proceedings pending the appeal of another EEOC age-bias case against Vermont. +20469019 In the Vermont case, a federal judge ruled that the state's mandatory age of 70 for appointed judges was illegal; Vermont's appeal of that decision is pending before the U.S. Second Circuit Court of Appeals in Manhattan. +20469020 Aaron Ment, Connecticut's chief court administrator, declined to comment on the suit and the EEOC's intervention. +20469021 He said the state has 165 appointed judges and 15 "trial referees," who are former judges over age 70 and serve a restricted role on the bench. +20469022 ORGANIZED CRIME Strike Forces likely to be abolished next month. +20469023 U.S. Attorney General Dick Thornburgh's plan to dissolve the 14 regional organized-crime strike forces is expected to go into effect next month, despite the opposition of Democratic congressional leaders and lawyers in the special units. +20469024 The units are autonomous from U.S. attorneys' offices and focus exclusively on prosecuting organized-crime cases. +20469025 In February, Mr. Thornburgh announced his plan to abolish the units. +20469026 He says the strike-force lawyers will work more efficiently under the supervision of U.S. attorneys. +20469027 Mr. Thornburgh will be free to disband the strike forces after Congress approves a $479 million appropriation for federal law-enforcement and drug-interdiction agencies, according to David Runkel, a Justice Department spokesman. +20469028 The bill is expected to pass in Congress next month. +20469029 Congress temporarily halted Mr. Thornburgh's effort with an appropriation resolution that prohibited him from using budgeted funds to implement his plan. +20469030 Opponents say Mr. Thornburgh's plan will needlessly break up longtime, tightly knit crime-fighting units that have successfully prosecuted major organized-crime figures. +20469031 They predict that organized-crime activity will increase once the units are dissolved and their responsibilities transferred to U.S. attorneys' offices. +20469032 Some former strike-force personnel say the units have already begun to break up. +20469033 The Eastern District unit in Brooklyn, N.Y., lost seven of its 15 attorneys this year partly because the lawyers were troubled by the proposed reorganization, says Laura A. Brevetti, who left the strike force to join Morrison Cohen Singer & Weinstein, a New York law firm. +20469034 "Those who have left have expressed an opinion that the strike force should continue," Ms. Brevetti says. +20469035 But Mr. Runkel contends there has been no exodus of strike-force lawyers. +20469036 He says 27 lawyers have left and 21 have been hired since Mr. Thornburgh announced his plan. +20469037 At the time the plan was announced, there were 135 lawyers. +20469038 Some congressional leaders intend to continue to fight for independent strike forces. +20469039 A spokesman for Sen. Edward M. Kennedy (D., Mass.) says Mr. Thornburgh would be required to reinstate the units next year if an proposed omnibus crime bill is passed. +20469040 Among other things, the bill calls for a reorganization of the Justice Department. +20469041 The Senate is expected to consider the bill shortly, says the senator's spokesman. +20469042 Mr. Runkel says he doubts Mr. Kennedy can muster enough congressional support to reorganize the Justice Department. +20469043 "We will vigorously oppose the bill," he says. +20469044 "I don't think (the reorganization is) going to happen." +20469045 WHITMAN & RANSOM recruits lawyers from disbanding firm: +20469046 The 204-lawyer New York firm will bring in at least 12 partners and a not yet determined number of associates from Golenbock & Barell, which will dissolve Dec. 31. +20469047 Golenbock, with 35 lawyers, has lost several partners during the past year. +20469048 Some Golenbock lawyers won't be invited to join Whitman & Ransom, according to partners at both firms. +20469049 Whitman & Ransom managing partner Maged F. Riad said the Golenbock recruits will enhance the firm's corporate and litigation departments. +20469050 SHORT SKIRTS not welcome in Texas court: +20469051 Shelly Hancock, a male county court judge in Houston, refused to let a woman plead guilty to a drunk-driving charge because her skirt stopped three inches above her knees. +20469052 The woman appeared in court Thursday to enter her plea, but when she started to approach the bench, she was stopped by Judge Hancock. +20469053 He told the woman's lawyer, Victor Blaine, that the short skirt was inappropriate for a court appearance. +20469054 Despite Mr. Blaine's protests, the judge rescheduled her case for Nov. 27. +20469055 Kelly Siegler, an assistant district attorney who was in the courtroom, disputed suggestions the action was sexist, saying she had seen Judge Hancock turn away male defendants dressed in shorts, tank tops or muscle shirts "many times." +20469056 Judge Hancock didn't return phone calls. +20470001 Warner Communications Inc. and Sony Corp. resumed settlement talks on their legal battle over Hollywood producers Peter Guber and Jon Peters, but continued to level strong accusations at each other in legal documents. +20470002 Warner has filed a $1 billion breach of contract suit in Los Angeles Superior Court against Sony and the Guber-Peters duo, who in turn are countersuing Warner for trying to interfere in Sony's acquisition of Columbia Pictures Entertainment Inc. and Guber Peters Entertainment Co. in two transactions valued at over $5 billion. +20470003 Although settlement talks had been dropped, attorneys for the two sides apparently began talking again yesterday in an attempt to settle the matter before Thursday, when a judge is expected to rule on Warner's request for an injunction that would block the two producers from taking over the management of Columbia. +20470004 Yesterday, in documents filed in connection with that case, Warner accused Sony officials of falsely claiming that they never read the five-year contract requiring the two producers to make movies exclusively for Columbia, citing Securities and Exchange Commission filings made by Sony that described the contracts. +20470005 Warner was referring to documents filed last week in which Sony Corp. of America Vice Chairman Michael Schulof and Walter Yetnikoff, president of its CBS Records unit, said they had taken Mr. Guber and Mr. Peters at their word when the producers told them that getting out of the contract would be no problem because of a previous oral agreement. +20470006 Wayne Smith, an attorney at Gibson, Dunn & Crutcher in Los Angeles representing Sony, said the Sony executives hadn't seen the contract because "it wasn't relevant once Guber and Peters told them Warner would let them terminate it at any time." +20470007 Mr. Smith said statements about the contract made in SEC filings were made by attorneys who did have access to the contracts but who weren't part of the negotiations between Sony and the duo. +20470008 Warner executives also filed new sworn affidavits denying claims by Messrs. Guber and Peters that the two sides had an oral agreement that enabled the producers to terminate their contract with Warner should the opportunity to run a major studio come up. +20470009 But Mr. Smith said Sony intends to prove that the oral agreement did in fact exist, and that even the existing written contract doesn't preclude the producers from taking executive posts at another studio. +20470010 Warner described as "nonsense" yesterday Sony's assertions in prior court filings that Mr. Guber and Mr. Peters could in theory run Columbia while still fulfilling their contract to produce movies for Warner. +20470011 Such a dual role would be "impractical and unethical," Warner said, adding, "that concept is as silly as suggesting that the head coach of the Los Angeles Dodgers could simultaneously be general manager of the San Francisco Giants." +20470012 Warner, which is in the process of being acquired by New York-based Time Warner Inc., also said it paid the two producers a fixed annual salary of $3 million. +20471001 Dataproducts Inc. said it filed a lawsuit in Delaware Chancery Court to block a tender offer by DPC Acquisition Partners, alleging that the hostile offer violates a standstill agreement between the two concerns. +20471002 DPC, an investor group led by New York-based Crescott Investment Associates, had itself filed a suit in state court in Los Angeles seeking to nullify the agreement. +20471003 Earlier this year, Dataproducts had rejected a $15 a share offer from DPC, saying it wasn't adequately financed. +20471004 DPC last week launched a new, $10-a-share offer for the Woodland Hills, Calif.-based computer printer maker. +20471005 DPC said it couldn't comment on the suit. +20472001 Boeing Co.'s third-quarter profit leaped 68%, but Wall Street's attention was focused on the picket line, not the bottom line. +20472002 In fact, the earnings report unfolded as representatives of the world's No. 1 jet maker and the striking Machinists union came back to the negotiating table for their first meeting in two weeks. +20472003 Doug Hammond, the federal mediator in Seattle, where Boeing is based, said the parties will continue to sit down daily until a new settlement proposal emerges or the talks break off again. +20472004 Despite the progress, Boeing indicated that the work stoppage, now in its 27th day, will have "a serious adverse impact" on the current quarter. +20472005 For the third quarter, net rose to $242 million, or $1.05 a share, from $144 million, or 63 cents a share. +20472006 Sales climbed 71% to $6.36 billion from $3.72 billion as the company capitalized on the ravenous global demand for commercial airliners. +20472007 Because it's impossible to gauge how long the walkout by 55,000 Machinists rank and file will last, the precise impact on Boeing's sales, earnings, cash flow and short-term investment position couldn't be determined. +20472008 The investment community, however, strongly believes that the strike will be settled before there is any lasting effect on either Boeing or its work force. +20472009 The company's total firm backlog of unfilled orders at Sept. 30 stood at a mighty $69.1 billion, compared with $53.6 billion at the end of +20472010 Although the company could see fourth-quarter revenue shrink by nearly $5 billion if it isn't able to deliver any more planes this year, those dollars actually would just be deferred until 1990. +20472011 And the company is certain to get out some aircraft with just supervisors and other non-striking employees on hand. +20472012 Before the union rejected the company's offer and the strike was launched with the graveyard shift of Oct. 4, Boeing had been counting on turning 96 aircraft out the door in the present period. +20472013 That included 21 of the company's 747-400 jumbo jets, its most successful product. +20472014 "It's not a pretty picture," said David Smith, an analyst with Raymond James & Associates. +20472015 "But it would just mean a great first and second quarter next year." +20472016 Phillip Brannon of Merrill Lynch Capital Markets added: "You don't want to minimize this and say nobody is looking at it. +20472017 But the strike hasn't gone on long enough for Boeing to lose business in any real sense." +20472018 That's the primary reason the company's share price has held up so well when, in Mr. Smith's words, "most companies would have unraveled" by now. +20472019 In New York Stock Exchange composite trading, Boeing closed yesterday at $54.50 a share, off a scant 12.5 cents. +20472020 Still, Boeing went through its normal verbal gymnastics and played up the downside. +20472021 In a statement, Chairman Frank Shrontz asserted that the company "faces significant challenges and risks," on both its commercial and government contracts. +20472022 For instance, he noted that spending on Pentagon programs is shrinking, and Boeing is either the prime contractor or a major supplier on many important military projects, including the B-2 Stealth bomber, the V-22 Osprey tilt-rotor aircraft and the Air Force's next-generation tactical fighter. +20472023 Because of cost overruns on fixed-price military work, Mr. Shrontz said, the company's defense business will record "a significant loss" in 1989. +20472024 Moreover, Mr. Shrontz added, production-rate increases that have been implemented on the 737, 747, 757 and 767 programs have resulted in "serious work force skill-dilution problems." +20472025 Suppliers and subcontractors are experiencing heightened pressure to support delivery schedules. +20472026 And, of course, there's the unsteady labor situation. +20472027 Besides the Machinists pact, accords representing 30,000 of the company's engineering and technical employees in the Puget Sound and Wichita, Kan., areas expire in early December. +20472028 Also, a contract with the United Auto Workers at the company's helicopter plant in Philadelphia expired Oct. 15. +20472029 This contract, covering about 3,000 hourly production and maintenance workers, is being extended on a day-to-day basis. +20472030 The Machinists rejected a proposal featuring a 10% base wage increase over the life of the three-year contract, plus bonuses of 8% the first year and 3% the second. +20472031 On top of that, Boeing would make cost-of-living adjustments projected to be 5% for each year of the contract. +20472032 The union, though, has called the offer "insulting." +20472033 The company reiterated yesterday that it's willing to reconfigure the package, but not add to the substance of it. +20472034 For the nine months, Boeing's net increased 36% to $598 million, or $2.60 a share, from $440 million, or $1.92 a share. +20472035 Sales soared 28% to $15.43 billion from $12.09 billion. +20472036 In a separate matter, the Justice Department yesterday said Boeing agreed to pay the government $11 million to settle claims that the company provided inaccurate cost information to the Air Force while negotiating contracts to replace the aluminum skins on the KC-135 tanker aircraft. +20472037 The settlement relates to four contracts negotiated from 1982 to 1985, prosecutors said. +20472038 They added that the settlement is the culmination of a 2 1/2-year investigation into the company's aluminum pricing practices in connection with KC-135s. +20472039 A Boeing spokesman responded: "All along the company has said there was no grounds for criminal prosecution. +20472040 That was borne out by the Justice Department's decision" to settle the case. +20473001 Foothills Pipe Lines Ltd. filed an application with Canadian regulators to build a 4.4 billion Canadian dollar (US$3.74 billion) pipeline to transport natural gas from Canada's Arctic to U.S. markets beginning in +20473002 The application by Foothills, owned by Calgary-based Nova Corp. of Alberta and Westcoast Energy Inc. of Vancouver, Canada, is expected to kick off what could be a contentious battle for the right to transport vast quantities of gas to southern markets from still-undeveloped fields in Canada's Mackenzie River delta. +20473003 "This is a pre-emptive strike by Foothills," said Rick Hillary, natural gas manager of the Calgary-based Independent Petroleum Association of Canada, an industry group. +20473004 "Foothills wants to make it clear to other pipeline companies that it's on first insofar as transporting gas from the Arctic to southern markets," Mr. Hillary said. +20473005 At least two rival applications are expected to emerge in coming months, including one from TransCanada PipeLines Ltd., Canada's largest natural gas pipeline operator. +20473006 Another is expected from a consortium of oil and gas producers who won conditional approval this month from Canada's National Energy Board to export about 9.2 trillion cubic feet of Mackenzie delta gas to the U.S. starting in 1996. +20473007 The producers include Shell Canada Ltd., a unit of Royal Dutch/Shell Group; Esso Resources Canada Ltd., a unit of Imperial Oil Ltd., which is 71%-owned by Exxon Corp.; and Gulf Canada Resources Ltd., a unit of Olympia & York Developments Ltd. +20473008 "The {National Energy Board} approval of the exports just waved the starting flag for the next stage, the rush to build facilities to transport the gas," said Bill Koerner, an analyst with Brady & Berliner, a Washington, D.C., law firm. +20473009 Foothills' main rival to build a Mackenzie Delta pipeline is likely to be TransCanada PipeLines. +20473010 The Toronto-based company, together with Tenneco Inc. of Houston, has had an incomplete proposal filed with Canadian regulators since 1984 that it is now updating. +20473011 Like Foothills, TransCanada's Polar Gas consortium plans to build a pipeline directly south from the Mackenzie River delta in Canada's western Arctic with an initial capacity to transport 1.2 billion cubic feet of gas daily. +20473012 Industry sources said they expect a fierce battle to emerge between TransCanada, which has a monopoly on Canadian gas transportation east of Alberta, and Nova and Westcoast, which control the pipelines within and running west of Alberta, respectively. +20473013 "This is virgin territory, unclaimed, and it's going to be nasty," said one observer, who asked not to be named. +20473014 "Neither is going to back down easily." +20473015 TransCanada declined to comment on the Foothills application. +20473016 But last week Gerald Maier, president and chief executive officer of TransCanada, said the company "intends to be a party to any transportation system that goes up there" and that it would consider joint ventures with other players to ensure it has a role. +20473017 A number of issues still need to be resolved before Canadian regulators give any project the final go-ahead. +20473018 First, the price of natural gas will have to almost double. +20473019 Kent Jesperson, president of Foothills, said the company believes the project would be viable if gas prices reach US$3.25 a thousand cubic feet by 1995, in current dollars, up from a current spot price of about US$1.50. +20473020 Mr. Jesperson's US$3.25 estimate is somewhat below the $3.39 floor price that Calgary-based consulting firm Paul Ziff & Co. recently said would be needed for Mackenzie delta gas producers to see a return on their investment. +20473021 U.S. gas buyers must also decide whether they want to enter firm contracts for Mackenzie delta gas or develop Alaskan reserves in the Prudhoe Bay area first, a project that has been on hold for more than a decade. +20473022 Robert Pierce, chairman and chief executive of Foothills, said it's too early to say whether Alaskan or Mackenzie delta gas would flow to market first. +20473023 But Foothills said it plans to seek regulatory approval to build an alternative line, the Alaska Natural Gas Transportation System further north toward Alaska. +20473024 If that option is favored by gas buyers and regulators, Foothills said it would build another smaller pipeline connecting Mackenzie Delta reserves to the Alaska mainline. +20473025 It's also likely that regulators will try to forge some kind of consensus between the would-be pipeline builders before undertaking any hearings into rival projects. +20473026 Douglas Stoneman, vice president of Shell Canada, noted that producers would prefer to avoid hearings into competing proposals that would lengthen the regulatory review process and bog down development. +20473027 Interprovincial Pipe Line Co., an oil pipeline operator rumored to be mulling a gas pipeline proposal of its own, said that isn't in the cards. +20473028 Instead, Richard Haskayne, president and chief executive of Interprovincial's Calgary-based parent, Interhome Energy Inc., said the company would prefer to work with other "interested parties" on a joint proposal. +20473029 As for Foothills' pre-emptive bid, Mr. Haskayne said, "If they think it gives them some kind of priority position, well, that's their strategy. +20474001 The Federal Reserve Board said it is delaying approval of First Union Corp.'s proposed $849 million acquisition of Florida National Banks of Florida Inc., pending the outcome of an examination into First Union's lending practices in low-income neighborhoods. +20474002 The decision reflects the Fed's tougher stance on enforcing the Community Reinvestment Act, a federal law passed in 1977 to help low-income residents obtain loans. +20474003 In recent years, unions and community groups have won big commitments from banks to make low-interest loans in certain neighborhoods by threatening to hold up proposed acquisitions with protests to the Fed about reinvestment act compliance. +20474004 Few petitions, however, have actually delayed or scuttled mergers. +20474005 The current dispute involves allegations that Charlotte, N.C.-based First Union hasn't lived up to its responsibilities under the reinvestment act. +20474006 During the summer, Legal Services Corp., a Florida legal aid group, filed a petition with the Fed on behalf of residents in four Florida counties. +20474007 The petition challenged First Union's lending record in the state, saying that the bank-holding company had "shut itself off from contact with the low-income community and is redlining almost every black neighborhood that it serves in the state." +20474008 In deferring action on the merger, the Fed said, "The Board does not believe that there is sufficient information in the record at this time to allow {it} to reach a final conclusion on First Union's record of helping to meet the credit needs of the communities it serves in Florida and North Carolina, including low to moderate-income neighborhoods in those communities." +20474009 The Fed said the Comptroller of the Currency is expected to begin a Community Reinvestment Act examination of First Union's Florida and North Carolina banking units in the next two weeks. +20474010 First Union, with assets of about $32 billion, said it was disappointed by the delay but said it would cooperate with regulatory authorities. +20474011 The bank added that it believes the review will "demonstrate that First Union is in compliance with the requirements of the Community Reinvestment Act." +20474012 The company has already missed its initial Oct. 1 target date for completing the merger. +20474013 It said yesterday it still expects to close the acquisition later this year or early in 1990. +20474014 Florida National, if acquired, would almost double First Union's banking franchise in Florida to $17 billion in assets. +20474015 That would make it the second-largest bank, after Barnett Banks Inc., in a state widely considered to be the most lucrative banking market in the country. +20474016 In New York Stock Exchange composite trading yesterday, First Union shares rose 25 cents to $23. +20474017 Florida National stock closed unchanged at $25.875 in national over-the-counter trading. +20474018 Earlier this year, the Fed denied an application by Continental Bank Corp. to purchase Grand Canyon State Bank in Scottsdale, Ariz., on grounds that Continental hadn't fully complied with the Community Reinvestment Act. +20474019 At the time, the Fed said the denial, the first ever on such grounds, signaled the agency's new emphasis on the Community Reinvestment Act. +20475001 Eastern Airlines' creditors committee backed off a move to come up with its own alternative proposals to the carrier's bankruptcy reorganization plans, according to sources familiar with the committee. +20475002 In a meeting in New York yesterday, the committee put on hold instructions it gave two weeks ago to its experts to explore other options for Eastern's future, the sources said. +20475003 The consultants had been working to finish a report this week. +20475004 That means Eastern, a unit of Texas Air Corp. of Houston, can go forward with its pitch for creditor approval as early as today, when it is expected to deliver a revised reorganization plan to the committee. +20475005 The committee intends to meet next week to make a recommendation on the new plan. +20475006 In another development yesterday, creditors were told that $40 million they had expected to become available for implementing a reorganization may not materialize, according to one source. +20475007 Texas Air has run into difficulty reselling about $20 million of debt securities because of problems in the junk bond market, the person said. +20475008 And plans to raise another $20 million through changes to an insurance policy have hit a snag, the source said. +20475009 An Eastern spokesman said "the $40 million will have no effect whatsoever on the asset structure of Eastern's plan. +20475010 Forty million in the total scheme of things is not that significant." +20475011 It is unclear what caused the creditors to do an about-face on exploring alternatives to Eastern's new reorganization plan. +20475012 However, since Eastern first filed for Chapter 11 protection March 9, it has consistently promised to pay creditors 100 cents on the dollar. +20475013 Because the carrier is still pledging to do that, some committee members successfully argued that there's little reason yet to explore a different plan, according to one person familiar with the creditors' position. +20475014 Earlier this month the accounting firm of Ernst & Young and the securities firm of Goldman, Sachs & Co., the experts hired by the creditors, contended that Eastern would have difficulty meeting earnings targets the airline was projecting. +20475015 Ernst & Young said Eastern's plan would miss projections by $100 million. +20475016 Goldman said Eastern would miss the same mark by at least $120 million. +20475017 The consultants maintained Eastern wouldn't generate the cash it needs and would have to issue new debt to meet its targets under the plan. +20475018 Eastern at the time disputed those assessments and called the experts' report "completely off base." +20475019 Yesterday, Joel Zweibel, an attorney for Eastern's creditors committee, declined to comment on whether the experts had ever been instructed to look at other choices and whether they now were asked not to. +20475020 He said only that the committee has not yet taken any position on Eastern's reorganization plan and that the two sides were still negotiating. +20475021 "In every case, people would like to see a consentual plan," he said. +20475022 Eastern and its creditors agreed in July on a reorganization plan that called for the carrier to sell off $1.8 billion in assets and to emerge from Chapter 11 status in late 1989 at two-thirds its former size. +20475023 Eastern eventually decided not to sell off a major chunk, its South American routes, which were valued at $400 million. +20475024 Such a change meant the reorganization plan the creditors had agreed on was no longer valid, and the two sides had to begin negotiating again. +20475025 Eastern has publicly stated it is exceeding its goals for getting back into operation and has predicted it would emerge from Chapter 11 proceedings early next year, operating more flights than it originally had scheduled. +20476001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +20476002 New York City -- +20476003 $813.4 million of general obligation bonds, Fiscal 1990 Series C and D, including $757.4 million of tax-exempt bonds and $56 million of taxable bonds, tentatively priced by a Goldman Sachs & Co. group. +20476004 Yields for tax-exempt bonds range from 6 1/2% in 1990 to 7.88% in 2003-2005. +20476005 Yields for taxable bonds range from 9 1/8% in 1994 to 9.90% in 2009 and 2010. +20476006 The bonds are all rated single-A by Moody's Investors Service Inc. +20476007 The underwriters expect a single-A-minus rating from Standard & Poor's Corp., which has the issue under review. +20476008 Collateralized Mortgage Securities Corp. -- +20476009 $150 million of Remic mortgage securities offered in 12 classes by First Boston Corp. +20476010 The offering, Series 1989-3, is by a company established by First Boston for issuing Remics and other derivative mortgage securities. +20476011 It is backed by Government National Mortgage Association 9 1/2% securities with a weighted average remaining term to maturity of 29 years and being offered at market prices. +20476012 Beneficial Corp. -- +20476013 $248.3 million of securities backed by home-equity loans through Merrill Lynch Capital Markets. +20476014 The offering, with an expected average life of 3.2 years, will float monthly at 20 basis points above the rate on an index of 30-day double-A-rated commercial paper, which now yields about 8.50%. +20476015 The issue has an expected final maturity date of 1998. +20476016 The offering is rated triple-A by Moody's and S&P, based on the quality of the underlying home equity loans and a letter of credit covering 10% of the deal from Union Bank of Switzerland. +20476017 The offering is being made through BCI Home Equity Loan Asset-Backed Certificates, Series 1989-1. +20476018 Rochester Community Savings Bank -- +20476019 $200 million of 8.85% certificates backed by automobile loans priced to yield 8.99% via First Boston Corp. +20476020 The issue, through RCSB 1989-A Grantor Trust, was priced at a yield spread of 100 basis points above the Treasury 7 3/4% note due July 1991. +20476021 The offering has an expected average life of 1.7 years and a final maturity date of May 15, 1995. +20476022 The issue is rated triple-A by Moody's, based on the quality of the underlying auto loans and a letter of credit covering 13% of the deal from Credit Suisse. +20476023 South Australian Government Finance Authority (agency) -- +20476024 125 million Australian dollars of zero-coupon Eurobonds due Dec. 12, 1994, priced at 50.9375 to yield 15.06% less fees via Hambros Bank Ltd. +20476025 Guaranteed by the South Australian Treasury. +20476026 Fees 1 3/8. +20476027 Government Insurance Office of New South Wales (agency) -- +20476028 A$50 million of 17 1/2% Eurobonds due Dec. 4, 1991, priced at 101.95 to yield 17.06 less fees via Westpac Banking Corp. +20476029 Fees 1 1/4. +20476030 Swedish Export Credit Corp. (Sweden) -- +20476031 100 million Swiss francs of 6 1/8% privately placed notes due Sept. 30, 1996, priced at 100 3/4 to yield 5.99% via Citicorp Investment Bank Switzerland. +20476032 Call from Sept. 30, 1993, at 100 3/16, declining by 1/16 point a year to to par. +20476033 Fees 1 3/4. +20477001 West German insurance giant Allianz AG entered the takeover battle between France's Cie. Financiere de Paribas and Cie. de Navigation Mixte. +20477002 Allianz said it won French government approval to buy as much as one-third of Navigation Mixte, a diversified financial, transport and food holding company. +20477003 The move comes a week after Paribas announced that it was preparing to bid for 66.7% control of Navigation Mixte. +20477004 Munich-based Allianz's brief explanatory statement said it is acting to protect its own interests as a shareholder of Navigation Mixte. +20477005 That would be a blow to both Paribas and Navigation Mixte. +20477006 Each had claimed Allianz, Europe's largest insurance company, as a tacit ally. +20477007 The Allianz statement also reinforced the belief that the takeover battle could be a long one. +20477008 It led to broad market speculation that Paribas now will sweeten its bid, which is expected to be formally launched later this week, after approval from French government regulators. +20477009 Allianz's entry reflects the increasing eagerness of West German companies, looking ahead to the reduction in European Community internal barriers in 1992, to get involved in what until now were considered internal French affairs. +20477010 Deutsche Bank, Dresdner Bank and Commerzbank all also have expressed eagerness to expand in France before 1992. +20477011 Dresdner Bank this month moved to acquire Banque Internationale des Placements, a small French merchant bank that Deutsche Bank had looked at and passed over. +20477012 Commerzbank had hoped to buy a stake in Credit Lyonnais, until the Socialists returned to government last year and canceled plans to privatize the large French bank. +20477013 Deutsche Bank has actively sought a French acquisition for at least two years. +20477014 Lately, analysts say, Deutsche Bank has shocked some in the French financial community by indicating it wants a strong bank with a large number of branches. +20477015 "We are still looking," said a Deutsche Bank spokesman. +20477016 "The banks we think would fit into our concept are either government-owned or not for sale, though Deutsche Bank would be able to pay a good price." +20477017 While Allianz officials weren't willing to comment in any detail on their plans, they said Allianz currently holds between 5% and 10% of Navigation Mixte, an apparent increase from the 5% stake that Navigation Mixte officials had earlier announced. +20477018 Paris market sources said they believed Allianz was buying yesterday morning, and Navigation Mixte moved up 108 francs ($17.19) to close at 1,908 francs in heavy trading. +20477019 It was the first day of trading following the suspension of Navigation Mixte shares last Monday, when Paribas announced its plan to pay 1,850 francs for each Navigation Mixte share. +20477020 Allianz also holds a 50% stake in Navigation Mixte's insurance subsidiary, one of France's largest insurance groups, which it bought for about 6.5 billion francs just before Paribas launched its bid. +20477021 Navigation Mixte holds the remaining 50%. +20477022 Allianz said in its statement that it was acting to protect that interest, which ties it to Navigation Mixte as a partner. +20477023 Allianz's statement stressed the company's previously announced position that Paribas's offer price is too low. +20477024 Allianz also suggested, without saying so directly, that it regrets that Paribas isn't bidding for all of Navigation Mixte's shares. +20477025 The problem here, analysts say, is that if Paribas wins its 66.7%, remaining Navigation Mixte shares will fall in value. +20477026 That displeases many current holders, such as Allianz, which couldn't be sure of selling all their shares if they tendered to Paribas. +20477027 The Allianz statement led to speculation that Allianz eventually could sell to Paribas. +20477028 That would be bad news for Navigation Mixte's current management, which was counting on Allianz to help fend off Paribas. +20477029 Allianz didn't say whom, if anyone, it will support. +20477030 It said simply that it will boost its Navigation Mixte stake as it sees fit over the coming days to protect itself, as long as it has French regulatory officials' approval. +20477031 Paribas currently intends to offer 1,850 francs a share for Navigation Mixte shares that receive full dividends this year. +20477032 It is to offer 1,800 francs for shares created on July 1, which receive partial dividends. +20477033 Alternatively, it would offer to swap three Paribas shares for one Navigation Mixte share. +20477034 Paribas already holds about 18.7% of Navigation Mixte, and the acquisition of the additional 48% would cost it about 11 billion francs under its current bid. +20477035 The bid values Navigation Mixte at around 23 billion francs, depending on how many holders of Navigation Mixte warrants exchange them for shares before the bid expires. +20478001 Penn Central Corp., Cincinnati, said it agreed in principle to acquire Noranda Inc.'s Carol Cable Co. unit for $177 million. +20478002 The company said Carol Cable, based in Pawtucket, R.I., is a leading supplier of electrical and electronic wire and cable for the distributor, retail and original equipment manufacturer markets. +20478003 Carol Cable, which operates 12 manufacturing plants, had operating profit of $11.7 million on sales of $153.3 million for the first six months of this year and operating profit of $25.6 million on sales of $294.6 million for all of 1988. +20478004 The maker of telecommunications and defense equipment said Carol Cable's portfolio and market focus would complement the company's current wire and cable businesses. +20478005 The plan is subject to a satisfactory due diligence investigation of Carol Cable by Penn Central, a definitive agreement and regulatory approvals. +20479001 Fletcher Challenge Ltd. said its Petrocorp unit agreed to acquire certain Alberta oil and gas interests from Amoco Corp.'s Canadian unit, for about 130 million Canadian dollars (US$110.6 million). +20479002 Fletcher Challenge, a big New Zealand-based forest products concern with forestry operations in Canada, said the assets include stakes in four natural gas fields and one oil field near Provost, Alberta, plus gas processing facilities and about 247,000 acres of undeveloped land. +20479003 The proposed purchase requires approval from Investment Canada, which monitors large foreign investments in Canada. +20479004 Amoco Canada Petroleum Co., which operates the major properties included in the asset package, said the sale is part of a plan to streamline its assets. +20479005 Petrocorp, a New Zealand-based oil and gas producer, said the planned purchase would be its first oil and gas acquisition outside its home country, and would form the basis for a new stand-alone exploration and production unit in Canada. +20480001 MiniScribe Corp., Longmont, Colo., said it introduced a one-inch high, 80-megabyte hard disk drive that it hopes will prove popular with makers of high-performance laptop and portable computers. +20480002 The troubled disk drive maker aims with the new 3 1/2-inch disks to revive its reputation and sales growth. +20480003 MiniScribe said the disk drives have more memory capacity than other disks that size. +20480004 MiniScribe said it expects to begin full volume production of the drives in the U.S. and Singapore in the first quarter next year. +20480005 A drive with 120 megabytes of capacity is scheduled for release during the third quarter of 1990. +20480006 MiniScribe has been on the rocks since it disclosed early this year that its earnings reports for 1988 weren't accurate. +20480007 After an internal investigation, the company found that senior officials used a variety of schemes to fabricate sales gains, including counting shipments of bricks and defective drives as sales. +20481001 The New York Times Co. said it reached a settlement with independent home delivery dealers in the metropolitan New York area that will free the newspaper to expand home delivery circulation. +20481002 The settlement stemmed from a lawsuit the dealers filed in 1982 when the Times began its own competing direct delivery service. +20481003 The pact calls for the Times to pay dealers $3.6 million over six years, as well as other payments in the form of subsidies over three years, based on the number of "new customers started by the dealers and on pricing structures," the Times said. +20481004 The amount of the settlement will be taken as a charge against earnings in the fourth quarter. +20481005 The settlement, which involves most of the 300 independent newspaper dealers in the New York area, will allow the Times to freely operate its own direct home delivery system. +20481006 Home delivery is the fastest growing segment of the Times's 1.1 million daily circulation. +20481007 Currently, about 60% of home delivery subscribers in the New York area receive the paper directly from the Times. +20482001 Mercury Savings & Loan Association, Huntington Beach, Calif., reported a third-quarter loss of $3.9 million, or 61 cents a share, compared with net income of $1.4 million, or 22 cents a share, in the year-earlier quarter. +20482002 Mercury attributed the loss to rapid prepayments of loans and costs incurred in refinancing many house loans this past spring and summer, when interest rates dipped. +20482003 The thrift hired an investment banker earlier this month to advise it regarding a possible sale or merger. +20482004 Mercury also is shrinking itself, part of its plan to change its emphasis from buying mortgage loans from mortgage brokers to making loans directly. +20482005 Such a focus is "more profitable, more efficient and gives us a greater sense of control," said William A. Shane, Mercury's senior executive vice president. +20482006 As of Sept. 30, Mercury's assets were $2.25 billion, down from $2.62 billion a year ago. +20482007 For the nine months, Mercury posted a loss of $5.4 million, or 86 cents share, against net income of $4 million, or 63 cents share, a year earlier. +20482008 Mercury shares closed yesterday at $4.625, up 50 cents, in New York Stock Exchange composite trading. +20483001 Bancroft Convertible Fund Inc., New York, likely will reject a renewed offer from Florida investor Robert I. Green to buy Bancroft for $18.95 a share. +20483002 Sigmund Levine, Bancroft secretary and treasurer, said the closed-end fund's directors will consider Mr. Green's offer in a couple of weeks at a regular meeting. +20483003 "He hasn't added anything," Mr. Levine said, predicting the board will again reject Mr. Green's proposal. +20483004 In a Securities and Exchange Commission filing, Mr. Green said he had boosted his holdings in Bancroft common to 10.4% from 8.5%, and renewed an offer he made in March to acquire the fund. +20483005 Mr. Levine noted that Bancroft's shares have been trading at or above Mr. Green's offering price for the last several months. +20483006 He said Bancroft attorneys are scheduled to meet with Mr. Green's attorneys in Delaware Chancery Court at the end of this week to respond to the investor's request for company records for the past five years. +20483007 Mr. Green couldn't be reached. +20484001 Giant Group said a federal court in Delaware has denied a motion by Rally's Inc. seeking to block a group led by Giant Chairman Burt Sugarman from acquiring more of the company's shares. +20484002 Rally's, a fast-food chain based in Louisville, Ky., is contending that Mr. Sugarman and two other company directors failed to disclose to the Securities and Exchange Commission that they intended to acquire a big Rally stake. +20484003 Mr. Sugarman has in turn contended that the other major shareholder group -- whose interests are represented by three other directors connected to trusts in the name of the children of the company's founder, James Patterson -- has ties to a competing fast food chain, Wendy's International Inc. +20484004 The company last week assembled a three-member committee of directors aligned with neither side to analyze the situation. +20484005 Each group controls more than 40% of Rally's stock. +20484006 The company just went public earlier this month. +20484007 Rally's had no comment, but was expected to make an announcement this morning about the situation. +20485001 Singer Bette Midler won a $400,000 federal court jury verdict against Young & Rubicam in a case that threatens a popular advertising industry practice of using "sound-alike" performers to tout products. +20485002 The decision in Los Angeles federal court stems from a 1985 Mercury Sable TV ad that Young & Rubicam worked up for Ford Motor Co. +20485003 The ad agency had approached Ms. Midler about appearing, but she declined, citing a longstanding policy of refusing advertising work. +20485004 The agency then turned to a former backup singer for Ms. Midler who appeared in the ad and crooned what was generally considered a more than credible imitation of Ms. Midler's 1973 hit song "Do You Wanna Dance." +20485005 The appeals court held: "When a distinctive voice of a professional singer is widely known and is deliberately imitated in order to sell a product, the sellers have appropriated what is not theirs." +20485006 The judge in the jury trial said there was insufficient evidence to hold Ford liable in the case. +20485007 In a statement, Young & Rubicam called the award "unfortunate but bearable." +20485008 Peter Laird, a Los Angeles lawyer for Ms. Midler, said, "We believe that the verdict reaffirms her position and our position that advertisers and advertising agencies cannot with impunity imitate the voices of well-known performers. +20485009 That is a property right that belongs to the performer." +20485010 The award, although far less than the $10 million, including punitive damages, that Ms. Midler sought, is likely to force Madison Avenue to further rethink how they use famous songs in ads. +20485011 Last year's appeals court decision, for instance, spawned several suits, reportedly including a recent action by the heirs of singer Bobby Darin against McDonald's Corp. over its "Mac Tonight" TV commercials, a rough parody of Mr. Darin's "Mack the Knife" trademark. +20485012 The appeals-court decision last year was particularly surprising because the same court had dismissed a similar case in 1970 involving singer Nancy Sinatra and a tire ad -- also a Young & Rubicam product. +20485013 Ms. Sinatra sued over the use of her "These Boots are Made for Walkin'" song in the ad. +20485014 At that time, the court held that such a claim would interfere with federal copyright law, which has always cracked down on the unauthorized copying of songs and musical compositions but never actual performances. +20485015 "One thing that is a little unnerving is that you had three old men on the court of appeals in California coming up with a statement that Nancy Sinatra is not distinctive but that Bette Midler is. +20485016 I am not sure that judges, many of whom I like very much, are proper repositories for making distinctions about pop singers," said Richard Kurnit, a New York advertising lawyer. +20485017 Nonetheless, Mr. Kurnit said that the latest decisions are having a chilling effect. +20485018 "It has made people think twice about how they use music and is forcing them to be more circumspect about doing a particular rendition of a song in its most famous form," he said. +20485019 Joanne Lipman contributed to this article. +20486001 James River Corp., Richmond, Va., said it acquired the tissue operations of Buhrmann-Tetterode N.V. of the Netherlands for about $77 million. +20486002 The Dutch unit, known as Celtona B.V., is a leading maker of consumer and away-from-home tissue products for the Benelux region. +20486003 In addition, the acquisition includes production assets of Invercon Papermils, a maker of household tissue products for the U.K. and Ireland. +20486004 The combined operations had 1988 revenue of about $100 million. +20486005 James River, a maker of pulp, paper and plastic products, already has interests in tissue businesses in France, Spain, Italy and Turkey. +20486006 The company said it plans to form European ventures with Italian and Finnish companies. +20486007 The Celtona operations would become part of those ventures. +20487001 Vitro S.A. of Monterrey, Mexico, said its THR Corp. subsidiary has entered into definitive loan agreements in connection with Vitro's $21.25-a-share tender offer for Anchor Glass Container Corp. +20487002 The agreements are with Security Pacific National Bank and an affiliate of Donaldson, Lufkin & Jenrette Securities Corp. +20487003 Proceeds of the loan agreement, together with funds from Vitro, will permit the purchase of all shares outstanding of Anchor and the payment of all related costs and expenses. +20487004 Vitro said the definitive agreements require that Anchor obtain a waiver from its bank lenders of existing covenant defaults under its bank facilities. +20487005 Since Anchor is still seeking this waiver, Vitro said the tender offer is being extended until 5 p.m. EST tomorrow. +20488001 The dollar finished mostly stronger yesterday, boosted by a modest recovery in share prices. +20488002 The Dow Jones Industrial Average climbed 6.76 points in a spate of bargain-hunting following last week's declines. +20488003 "Attention is fixed on the stock market for lack of anything else to sink our teeth into," said Robert White, a vice president at First Interstate of California. +20488004 Some analysts predict that in the absence of market-moving news to push the U.S. unit sharply higher or lower, the currency is likely to drift below 1.80 marks this week. +20488005 But others reject the view, and forecast the dollar will continue to hold its current tight trading pattern. +20488006 They argue that weakness in both the yen and sterling have helped offset bearish U.S. economic news and have lent support to the dollar. +20488007 In late New York trading yesterday, the dollar was quoted at 1.8340 marks, up from 1.8300 marks late Friday, and at 141.90 yen, up from 141.65 yen late Friday. +20488008 Sterling was quoted at $1.5820, up from $1.5795 late Friday. +20488009 The dollar rose against the Swiss and French francs. +20488010 In Tokyo Tuesday, the U.S. currency opened for trading at 142.32 yen, up from Monday's Tokyo close of 142.17 yen. +20488011 Last week, the surprise resignation of British Chancellor of the Exchequer Nigel Lawson sent the British pound into a tailspin. +20488012 While sterling bounced back from session lows in a bout of short-covering yesterday, foreign exchange dealers said that any hopes that the pound would soon post significant gains have evaporated. +20488013 Traders said that statements made over the weekend to quell concern about the stability of Prime Minister Margaret Thatcher's government and the future of her economic program largely failed to reassure investors and bolster the flagging British unit. +20488014 In her first televised interview following Mr. Lawson's resignation, Mrs. Thatcher reiterated her desire to keep sterling strong and warned again that full entry into the European Monetary System's exchange rate mechanism would provide no easy solution to Britain's economic troubles. +20488015 She said that the timing of the United Kingdom's entry would depend on the speed with which other members liberalize their economies. +20488016 Mrs. Thatcher's remarks were seen as a rebuff to several leading members of her own Conservative Party who have called for a more clear-cut British commitment to the EMS. +20488017 At the same time, a recent poll shows that Mrs. Thatcher has hit the lowest popularity rating of any British leader since polling began 50 years ago. +20488018 Comments by John Major, who has succeeded Mr. Lawson, also failed to damp market concern, despite his pledge to maintain relatively high British interest rates. +20488019 According to one London-based analyst, even higher interest rates won't help the pound if Britain's government continues to appear unstable. +20488020 One U.S. trader, however, dismissed sterling doomsayers while acknowledging there is little immediate upside potential for the U.K. unit. +20488021 "There is no question that the situation is bad, but we may be painting a gloomier picture than we should," he said. +20488022 He predicts the pound will continue to trade in a very volatile fashion, with "fits of being oversold and overbought" before recovering its losses. +20488023 Dealers also note that the general lack of enthusiasm for the yen has helped bolster the U.S. dollar. +20488024 They observe that persistent Japanese investor demand for dollars for both portfolio and direct investment has kept a base of support for the dollar at around 140 yen. +20488025 The dollar began yesterday on a firm note in Tokyo, closing higher in late trade. +20488026 In Europe, the dollar closed slightly up in a market dominated by cross trades. +20488027 On the Commodity Exchange in New York, gold for current delivery settled at $377.80 an ounce, down 70 cents. +20488028 Estimated volume was a moderate 3.5 million ounces. +20488029 In early trading in Hong Kong Tuesday, gold was quoted at $376.80 an ounce. +20489001 General Electric Capital Corp.'s Monogram Bank USA acquired a Visa and MasterCard portfolio from Commercial Federal Savings & Loan Association, an Omaha, Neb., unit of Commercial Federal Corp. of Omaha. +20489002 Terms weren't disclosed. +20489003 The portfolio currently includes $95 million in receivables, GE Capital said. +20489004 GE Capital is a financial services subsidiary of General Electric Co. of Fairfield, Conn., which also has broadcasting and electrical-products businesses. +20489005 GE Capital said Commercial Federal Savings will continue to market Visa and MasterCard programs while Monogram provides "operational and marketing support" and actually owns the accounts. +20489006 With the acquisition, Monogram, Blue Ash, Ohio, has more than 2.4 million total accounts, GE Capital added. +20490001 EAST GERMANS RALLIED in three cities to demand democratic freedoms. +20490002 As the country's new leader, Egon Krenz, prepared to travel to Moscow today for talks with Soviet leader Gorbachev, hundreds of thousands of East Germans massed in the streets of Leipzig, Halle and Schwerin to call for internal freedoms and the legalization of the New Forum opposition group. +20490003 Krenz, however, vowed to preserve the Communist Party's hold on political power and said East Germans shouldn't destabilize the nation with unrealistic demands. +20490004 Communist officials this month have faced nearly daily pro-democracy protests, accompanied by the flight to the West by thousands of East Germans. +20490005 Soviet police clashed with demonstrators in Moscow following a candlelight vigil around the KGB's Lubyanka headquarters in memory of those persecuted under Stalin. +20490006 More than 1,000 Muscovites attended the service. +20490007 A splinter group demonstrated in Pushkin Square, where the police clubbed and detained a number of protesters. +20490008 Police in Yugoslavia dispersed about 1,000 ethnic Albanians who were protesting the trial of the former Communist Party chief of the southern province of Kosovo. +20490009 Azem Vlasi and 14 others are accused of inciting riots and strikes and opposing constitutional limits to Kosovo's autonomy. +20490010 If convicted, they could be sentenced to death. +20490011 A court in Jerusalem sentenced a Palestinian to 16 life terms for forcing a bus off a cliff July 6, killing 16 people, Israeli radio reported. +20490012 He also received 20-year sentences for each of the 24 passengers injured. +20490013 It was considered the stiffest sentence passed since the start of the 22-month-old Arab uprising in the Israeli-occupied territories. +20490014 U.S. and Soviet negotiators opened talks in New York aimed at resolving differences in proposals to reduce chemical-weapons arsenals. +20490015 While the Kremlin has urged a ban on output of the poison gases, the White House wants to continue producing the weapons even after an international treaty calling for their destruction is signed. +20490016 South Africa's government said peaceful demonstrations such as the anti-apartheid rally Sunday near Soweto have helped ease tensions and assisted political changes. +20490017 About 70,000 people attended the anti-government rally, at which leaders of the banned African National Congress refused to renounce violence to end apartheid. +20490018 Secretary of State Baker expressed concern that Nicaraguan President Ortega may attempt to use alleged attacks by the U.S.backed Contra rebels as an excuse to scuttle elections scheduled for February. +20490019 Ortega had threatened to end a 19-month-old ceasefire. +20490020 Baker's remarks came as the White House urged both sides to honor the truce. +20490021 The USS Lexington returned to dock in Pensacola, Fla., following an accident Sunday in which the pilot of a training jet crashed into the ship, killing five sailors. +20490022 The captain of the aircraft carrier, the oldest in the Navy, said the flier was making his first attempt to land on a carrier. +20490023 Four people torched three U.S. flags on the central steps of the U.S. Capitol in a bid to test a new federal law protecting the American flag from desecration. +20490024 All four demonstrators were arrested. +20490025 The law, which Bush allowed to take effect without his signature, went into force Friday. +20490026 Chinese officials said armed police would replace soldiers in Tiananmen Square as part of a scaling down of Beijing's five-month-old state of emergency. +20490027 Separately, the U.S. Embassy has filed three protests in as many days with China's government, alleging harassment of diplomats and their families, an embassy source said. +20490028 Authorities in Algeria said the toll from two earthquakes Sunday had reached at least 30 dead and about 250 injured. +20490029 The heaviest damage was reported in Tipasa, about 40 miles west of Algiers. +20490030 As rescue teams continued searching for victims, hundreds of suvivors accused the government of a feeble response following the temblors. +20490031 Britain's Thatcher summoned senior advisers for strategy talks as opinion polls showed the prime minister's popularity had hit a record low following the resignation last Thursday of Chancellor of the Exchequer Lawson. +20490032 One poll, conducted for the British Broadcasting Corp., found that 52% of voters believed that she should quit. +20490033 Lawmakers in Hungary approved legislation granting amnesty to many people convicted of crimes punishable by less than three years in prison. +20490034 They also established an office to control government and party finances. +20490035 The laws take effect next month. +20490036 Died: Robert V. Van Fossan, 63, chairman of Mutual Benefit Life Insurance Co., Sunday, in Morristown, N.J., of cancer. +20491001 Fluor Corp. said it was awarded a $300 million contract to provide engineering and construction-management services at a copper mine in Irian Jaya, Indonesia, for a unit of Freeport-McMoRan Copper Co. +20491002 Fluor, based in Irvine, Calif., will direct expansion of the mine's capacity to 52,000 metric tons a day from 32,000 metric tons a day. +20491003 Completion of the project is expected by mid-1992. +20491004 In 1988, Fluor had revenue of $5.1 billion and earnings of $56.4 million, or 71 cents a share. +20492001 Nixdorf Computer AG, citing continued profitability problems, said it will have to reduce personnel further, notably in research and development sectors. +20492002 The troubled West German computer company said, in a statement to its employees, that the number of persons working in product development will be reduced world-wide to 2,440 from 2,888 by the end of 1990. +20492003 The number of workers in production sectors will be cut by 488, to 5,200 by September. +20492004 The cuts will be made half within Germany and half abroad. +20492005 In the first nine months of 1989, Nixdorf said, sales rose 5% amid good growth in selected areas such as banks and trading companies. +20492006 The company also cited some success in damping cost increases and said it wants to return to profitability in 1990. +20492007 It cited the expected beneficial effects of a concentration on key products, further structural changes within the group and cooperation agreements with other companies. +20493001 GREAT NORTHERN NEKOOSA is being sought by another big paper company, Georgia-Pacific, for $58 a share, or about $3.18 billion. +20493002 The tender offer, which surprised analysts because it appeared to be unsolicited, could spark a period of industry consolidation. +20493003 Analysts questioned whether Georgia-Pacific will ultimately prevail, saying other paper concerns may make competing bids. +20493004 Two more securities firms bowed to the outcry over program trading. +20493005 GE's Kidder Peabody unit said it would stop doing stock-index arbitrage for its own account, while Merrill Lynch said it was halting such trading entirely. +20493006 Also, the Big Board met with angry stock specialists. +20493007 A big pension-insurance case will be reviewed by the Supreme Court. +20493008 The justices agreed to decide whether federal insurers can require LTV to take back responsiblilty for funding its $2.3 billion pension shortfall. +20493009 Drug companies lost a major liability case. +20493010 The Supreme Court let stand a New York ruling that all manufacturers of an anti-miscarriage drug are liable for injuries or deaths if the actual maker isn't known. +20493011 Revco received a $925 million takeover offer from Texas financier Robert Bass and Acadia Partners. +20493012 The drugstore chain reacted cautiously, saying the plan would further swell its huge debt, which forced the company into Chapter 11 protection last year. +20493013 Rockefeller Group agreed to sell a 51% interest to Mitsubishi Estate, a major Japanese developer and property owner, for $846 million. +20493014 Officials at some Rockefeller units are said to be unhappy with the agreement. +20493015 Continental Air replaced its top executive for the sixth time in as many years. +20493016 Chairman and Chief Executive Joseph Corr was succeeded by Frank Lorenzo, chief of parent Texas Air. +20493017 United Air's parent may have to pay as much as $53.7 million to the labor-management buy-out group for fees and expenses incurred in their failed $6.79 billion takeover bid. +20493018 Gen-Probe agreed to be bought by Chugai Pharmaceutical for about $110 million. +20493019 The sale is likely to fuel concern about growing Japanese investment in U.S. biotechnology firms. +20493020 Boeing posted a 68% jump in third-quarter earnings, but Wall Street's attention was focused on the continued strike at the aircraft maker. +20493021 The Fed delayed approval of First Union's $849 million acquisition of Florida National Banks pending a review of First Union's lending practices in low-income neighborhoods. +20493022 Allianz of West Germany entered the takeover battle between France's Paribas and Navigation Mixte. +20493023 Maxwell agreed to sell its U.S. printing unit to Quebecor for $500 million, making Quebecor the No. 2 commercial printer in North America. +20493024 New construction contracts rose 8% in September, led by commercial, industrial and public-works projects, according to F.W. Dodge Group. +20493025 Western Union took steps to withdraw a $500 million debt swap, citing turmoil in the junk bond market. +20493026 Markets -- +20493027 Stocks: Volume 126,630,000 shares. +20493028 Dow Jones industrials 2603.48, up 6.76; transportation 1191.86, up 1.43; utilities 216.74, up 0.88. +20493029 Bonds: Shearson Lehman Hutton Treasury index 3416.81, up +20493030 Commodities: Dow Jones futures index 129.38, off 0.11; spot index 130.09, off 0.71. +20493031 Dollar: 141.90 yen, up 0.25; 1.8340 marks, up 0.0040. +20494001 Pacific Telesis Group said its Pacific Bell unit sustained property damage of about $45 million to $50 million from the California earthquake earlier this month. +20494002 The San Francisco-based telecommunications company said it carries $150 million of earthquake insurance with a $10 million deductible provision. +20494003 Sam Ginn, chairman and chief executive officer, told securities analysts in New York that the company expects somewhat slower per-share earnings growth in 1990, although annual growth should return to the traditional figure of about 7% thereafter. +20494004 As factors contributing to the temporary slowdown, he cited one-time rate reductions prescribed by California regulators as a prelude to a new framework that removes profit constraints. +20494005 He also mentioned increased capital investment by Pacific Bell for network improvements. +20494006 Mr. Ginn said the company's cellular operations now serve about 341,000 customers, up 46% from a year ago. +20495001 General Motors Corp. is planning to build a new engine plant in Europe that may be built in Britain, provided the company can reach a satisfactory agreement with unions, sources said. +20495002 Officials of Vauxhall Motors Ltd., GM's British unit, were meeting with union leaders late yesterday in hopes of winning such an accord. +20495003 The engine plant may encompass plans for a joint components venture with Jaguar. +20495004 Alternatively, a separate engine plant may be built as part of GM's planned tie-up with the British luxury car maker, the sources said. +20495005 Sources said a "complex and detailed" announcement of a joint agreement between General Motors and Jaguar would be made by Jaguar "some time in the next 2 1/2 weeks. +20496001 Cray Research Inc. won government clearance for its proposed reorganization of founder Seymour Cray's supercomputer design team into a separate company. +20496002 Internal Revenue Service approval of the move as a tax-free transaction was the last hurdle to splitting up the world's dominant maker of supercomputers, which Mr. Cray founded in 1974. +20496003 Cray's directors set Nov. 15 as the record date for distribution of shares in the new company, to be called Cray Computer Corp. +20496004 It will trade over the counter under the symbol CRAY. +20496005 The plan calls for Cray Research holders to receive one share in the new company for every two shares held. +20496006 An estimated 14.7 million Cray Computer shares will be distributed, Cray Research said. +20496007 Under the accord, Cray Research will transfer to Mr. Cray's fledgling operation $53.3 million of assets primarily related to the Cray-3 development project his team is undertaking and will lend Cray Computer $98.6 million. +20496008 Cray Research will retain a 10% interest in the new company, which will be based in Colorado Springs, Colo. +20496009 When it announced the planned breakup in May, Cray Research said development costs of several competing projects were squeezing its earnings growth. +20496010 After the split, the two companies presumably will be rivals for orders from government and commercial customers. +20497001 Interface Systems Inc., Ann Arbor, Mich., said it will report net income for the fourth quarter ended Sept. 30 fell to $470,000, or 11 cents a share, from $805,000, or 19 cents a share, a year earlier. +20497002 Chairman Carl L. Bixby said the decline occurred although revenue rose 30% to more than $8.3 million from $6.4 million a year earlier. +20497003 The company, which makes computer parts said fiscal 1989 earnings were "down slightly" from $3.2 million, or 74 cents a share, in fiscal l988. +20497004 The company said fiscal 1989 revenue increased about 30% to more than $32 million from $25.3 million. +20497005 Mr. Bixby said that early signs point to improved earnings and revenue in the first quarter of fiscal 1990. +20497006 "The current backlog of orders is strong throughout the corporation," he said. +20498001 Priam Corp. said it filed for protection under Chapter 11 of the federal Bankruptcy Code and announced a 35% reduction in its world-wide employment. +20498002 The filing in bankruptcy court here follows a string of quarterly losses and product glitches for the maker of harddisk drives for minicomputers and microcomputers. +20498003 Priam had a loss of $25.4 million for the fiscal year ended July 7, compared with year-earlier profit of $543,000, or two cents a share. +20498004 Revenue for the year fell 13% to $122.7 million. +20498005 The 200-person staff cutback announced yesterday will bring Priam's employment to about 380 workers, less than half of what it was before a similar, 230-person reduction in August. +20498006 The company yesterday also said it was scrapping one of its major new products, a 760-megabyte drive, which, while technically proficient, didn't hold much promise of generating substantial orders because financing problems caused a nine-month delay in getting the product to market. +20499001 The French Economics Ministry approved a planned asset swap between the defense and electronics group Thomson-CSF S.A. and the bank group Credit Lyonnais. +20499002 The ministry said the swap, details of which were disclosed last Thursday, will allow both state-controlled companies to reinforce operations in their main markets and argued that the move shows the dynamism of France's state-sector concerns. +20499003 The approval also ends any hope that Banque Nationale de Paris, another state-sector bank, might have had about taking Credit Lyonnais's place in the accord. +20499004 It hinted over the weekend that it would have been interested in a hook-up with Thomson-CSF. +20499005 Under details of the accord, Credit Lyonnais will take slightly more than 50% of Thomson-CSF Finance in exchange for about 14% of its own shares. +20499006 The move will help the bank to keep up with international solvency ratios being phased in by the Bank for International Settlements and will also represent the first time that its voting shares have been held by a party other than the government. +20500001 Bio-Technology General Corp. received tenders for 97.9% of its 7.5% convertible senior subordinated notes due April 15, 1997, and 96% of its 11% convertible senior subordinated debentures due March 1, 2006. +20500002 In exchange offers that expired Friday, holders of each $1,000 of notes will receive $250 face amount of Series A 7.5% senior secured convertible notes due Jan. 15, 1995, and 200 common shares. +20500003 For each $1,000 face amount of debentures, holders received $250 of Series B 11% senior secured convertible notes due Oct. 15, 1998, and 200 common shares. +20500004 Bio-Technology, a New York maker of genetically engineered products for human and animal health care, said it made the exchange offer to reduce its interest payments. +20501001 Japanese companies have long been accused of sacrificing profit to boost sales. +20501002 But Fujitsu Ltd. has taken that practice to a new extreme. +20501003 Japan's biggest computer maker last week undercut seven competitors to win a contract to design a mapping system for the city of Hiroshima's waterworks. +20501004 Its bid: one yen, or less than a U.S. penny. +20501005 The bid created such a furor that Fujitsu said it is now offering to withdraw from the project. +20501006 "From a common-sense viewpoint, it was not socially acceptable," a Fujitsu spokeswoman said yesterday. +20501007 Hiroshima city officials couldn't be reached to find out whether they would drop Fujitsu's bid. +20501008 Fujitsu said it issued the low bid because it wanted a foot in the door of a potentially lucrative market. +20501009 "We desperately wanted the contract because we want experience in the field," the Fujitsu spokeswoman said. +20501010 "We expect a big market in the future, so in the long term it will be profitable. +20501011 It's a kind of an investment." +20501012 Hiroshima's waterworks bureau said the municipal government had budgeted about 11 million yen ($77,500) for the project. +20501013 "I was flabbergasted," Tatsuhara Yamane, head of the bureau, was quoted by Kyodo news service as saying. +20501014 "I understand the firm's enthusiasm in getting the deal, but such a large company would have been better off showing a little more discretion." +20501015 Indeed, Fujitsu officials admitted they may have been a little overzealous. +20501016 The Fujitsu spokeswoman said headquarter officials didn't approve the bid in advance and will take measures so this kind of thing doesn't happen in the future. +20501017 "It's contrary to common sense," she added. +20501018 Specifically, Fujitsu won the right to design the specifications for a computerized system that will show water lines throughout the city. +20501019 The system could be used in a fire or earthquake to locate problems, among other things. +20501020 A waterworks official said Fujitsu will have to design the system so it would be compatible with other makers' equipment. +20501021 But industry officials expressed concern that the initial project might give Fujitsu an edge in winning more lucrative contracts later. +20501022 Fujitsu said it hopes the Hiroshima contract will help it secure pacts with other municipalities. +20501023 Japanese local governments are expected to invest heavily in computer systems over the next few years, and many companies expect that field to provide substantial revenue. +20501024 "In the near future, it will be a big market, not just for waterworks, but for all mapping systems," the Fujitsu spokeswoman said. +20501025 "We can expect a hundreds-of-billions-of-yen market." +20501026 No foreign companies bid on the Hiroshima project, according to the bureau. +20501027 But the Japanese practice of deep discounting often is cited by Americans as a classic barrier to entry in Japan's market. +20501028 Earlier this year, the U.S. complained that Japan's supercomputer makers were effectively closing out foreign competitors by slashing prices as much as 90% for universities. +20501029 Fujitsu wasn't the only company willing to sacrifice profit on the project. +20501030 Three competitors bid between 300,000 yen and 500,000 yen, according to the Hiroshima government office. +20501031 Other bids ranged from about 10 million yen to 29 million yen. +20502001 American Airlines will expand its trans-Atlantic service 30% beginning next year with six new daily flights between the U.S. and Europe, officials announced yesterday. +20502002 American, a unit of AMR Corp., is the nation's largest airline. +20502003 The new nonstop flights, starting next May, will include Chicago-Warsaw, Chicago-Helsinki, Miami-Madrid, Dallas-Barcelona, a second daily Chicago-Paris flight and a second daily Chicago-Manchester flight, the officials said. +20502004 Chicago has the largest population of citizens of Polish heritage in any city outside Poland. +20502005 With the new service, American will fly 161 flights a week to 17 European cities. +20502006 The additions solidify American's position as the third-largest U.S. transatlantic carrier, behind PanAm Corp.'s Pan American World Airways and Trans World Airlines. +20503001 Karstadt AG said sales for its domestic group rose 4.6% in the first nine months of 1989 from a year earlier. +20503002 The West German retailing group also said that the results of the first three quarters suggest it will meet its profit goal for the year. +20503003 Earnings at the department-store division, which generates the bulk of profit, should remain at least stable, while income at the mail-order and tourism units is likely to fall slightly from 1988, the company said. +20503004 Karstadt didn't give any group sales or profit figures for the first nine months. +20504001 Georgia-Pacific Corp. offered to acquire Great Northern Nekoosa Corp. for $58 a share, or about $3.18 billion. +20504002 The offer capped a week of rumors that Georgia-Pacific, an Atlanta-based forest-products company, was considering making a bid for Nekoosa, a paper-products concern based in Norwalk, Conn. +20504003 Executives at Nekoosa couldn't be reached, and officials at Georgia Pacific declined to comment. +20504004 Analysts, however, were surprised because the tender offer appeared unsolicited. +20504005 "It's quite a bombshell," said one, adding that the offer could spark a period of industry consolidation. +20504006 The two companies would appear to be a logical fit because of their complementary lines, and analysts described the offer, representing a 36% premium over Nekoosa's market price, as fair. +20504007 Nekoosa closed yesterday at $42.75, up $2.75, in New York Stock Exchange composite trading. +20504008 But industry observers still questioned whether Georgia Pacific will ultimately prevail. +20504009 "You have to watch out for counterbids," said one analyst. " +20504010 International Paper or Weyerhaeuser could step in." +20504011 The bid for Great Northern, a notice of which appears in an advertisement in today's Wall Street Journal, is the first big takeover offer since the collapse of a $6.79 billion buy-out of United Airlines parent UAL Corp. Oct. 13. +20504012 That collapse, following on the heels of disarray in the market for high-risk, high-yield bonds, cast doubt on the entire takeover business, which has fueled both big profits among Wall Street securities firms and big gains in the stock market generally. +20504013 While Georgia-Pacific's stock has outperformed the market in the past two years, Nekoosa has lagged the market in the same period. +20504014 Yesterday's rise in Nekoosa's share price came on volume of 786,700 shares, four times the daily average. +20504015 According to Dow Jones Professional Investor Report, options trading in Nekoosa was also heavy, ranking only behind International Business Machines Corp. and UAL in volume on the Chicago Board Options Exchange. +20504016 According to the Value Line Investment Survey, demand for Nekoosa's commodity paper has weakened, prompting earnings to decline by 6.6% in the third quarter ended Sept. 30. +20504017 Value Line added, "With discounts widening on business papers, and with newsprint and corrugated shipments flat, we expect negative earnings comparisons through next year." +20504018 By contrast, Value Line said Georgia-Pacific "is in a comparatively good position to deal with weakening paper markets," because its production is concentrated not in the Northwest but in the South, where it should be able to avoid some of the cost pressures from rising wood-chip prices. +20504019 Also, it isn't exposed to the weakening newsprint business, and is strong in the less-cyclical tissue business. +20504020 The purchase of Nekoosa would easily eclipse Georgia-Pacific's $530 million acquisition of Brunswick Pulp & Paper Co. last year. +20504021 That acquisition, which also included the assumption of $135 million in debt, was designed to allow Georgia-Pacific to capitalize on the strong demand for softwood pulp, as well as reduce its exposure to the housing market. +20504022 Wasserstein Perella & Co. is the dealer-manager for the offer, which will expire Nov. 29, unless extended. +20505001 Ratners Group PLC's U.S. subsidiary has agreed to acquire jewelry retailer Weisfield's Inc. for $50 a share, or about $55 million. +20505002 Weisfield's shares soared on the announcement yesterday, closing up $11 to close at $50 in national over-the-counter trading. +20505003 Ratners and Weisfield's said they reached an agreement in principle for the acquisition of Weisfield's by Sterling Inc. +20505004 The companies said the acquisition is subject to a definitive agreement. +20505005 They said they expect the transaction to be completed by Dec. 15. +20505006 Weisfield's, based in Seattle, Wash., currently operates 87 specialty jewelry stores in nine states. +20505007 In the fiscal year ended Jan. 31, the company reported sales of $59.5 million and pretax profit of $2.9 million. +20505008 Ratners, which controls 25% of the British jewelry market, would increase the number of its U.S. stores to about 450 stores from 360. +20505009 It has said it hopes to control 5% of jewelry business in the U.S. by 1992; currently it controls about 2%. +20506001 McDonnell Douglas Corp. received contracts totaling $244.8 million for 72 F-A-18 aircraft for the Navy and helicopter spare parts for the Army. +20506002 Aerojet General Corp., a unit of GenCorp Inc., was awarded a $40.1 million Air Force contract for Minuteman missile rocket motors. +20506003 Rockwell International Corp. received a $26.7 million Navy contract for submarine ballistic missiles. +20506004 Honeywell Inc. got a $22.3 million Navy contract for aircraft missile warning sets. +20506005 Beech Aircraft Corp., a unit of Raytheon Co., received an $11.5 million Air Force contract for C-12 aircraft support. +20507001 Analog Devices Inc. said it may purchase as many as one million of its common shares over the next several months. +20507002 Analog also said that a one million share buy-back program announced in March is substantially complete. +20507003 The company, which makes integrated circuits and other electronic parts, now has about 47 million common shares outstanding. +20507004 In New York Stock Exchange composite trading yesterday, Analog Devices closed at $8.875, up 25 cents. +20508001 John Lehman's editorial-page article on the Pentagon as a haunted house omits the real roots of its ghost population ("In the Pentagon, the Undead Walk," Oct. 18). +20508002 The media's treatment of the Defense Department during the Vietnam War, the Carter administration's denigration of the military, and the public scapegoating of Lt. Col. Oliver North have all served to emasculate the poor souls who live there. +20508003 The resulting haunted house tends to reward followership, not leadership, it creates guilt about wearing the uniform, and raises doubt about having the will to fulfill the ghosts' role, i.e., to be able to win if called on. +20508004 Perhaps the Halloween season is a good time for Congress to be looking at funding for some ghostbusting equipment. +20508005 Mike Greece Former Air Force Career Officer New York +20508006 Where does Mr. Lehman get off castigating Gen. George Marshall for muscling in on naval prerogatives? +20508007 Ever since the days of Alfred Thayer Mahan (U.S. naval officer and naval historian) and Teddy Roosevelt the Navy has been the service most favored by Washington officialdom. +20508008 Mr. Lehman overlooks the fact that the Navy possesses its own air force (the carrier fleet) and its own army (the Marines), which in turn has its own air force. +20508009 Of course these turf battles are unseemly, wasteful and potentially dangerous and should be resolved in the interest of national security, but Mr. Lehman seems to be part of the problem rather than part of the answer. +20508010 L.H. Blum Beaumont, Texas +20508011 I agree with Mr. Lehman 100%! +20508012 Isn't this the same guy who resigned as Navy secretary because he couldn't get his 1,000-ship Navy? +20508013 I personally do not want to hasten Mr. Lehman's demise, but I can see him figuring prominently in his own article. +20508014 Carl Banerian Jr. Birmingham, Mich. +20509001 For the sixth time in as many years, Continental Airlines has a new senior executive. +20509002 Gone is D. Joseph Corr, the airline's chairman, chief executive and president, appointed only last December. +20509003 Mr. Corr resigned to pursue other business interests, the airline said. +20509004 He could not be reached for comment. +20509005 Succeeding him as chairman and chief executive will be Frank Lorenzo, chairman and chief executive of Continental's parent, Texas Air Corp. +20509006 Mr. Lorenzo, 49 years old, is reclaiming the job that was his before Mr. Corr signed on. +20509007 The airline also named Mickey Foret as president. +20509008 Mr. Foret, 44, is a 15-year veteran of Texas Air and Texas International Airlines, its predecessor. +20509009 Most recently he had been executive vice president for planning and finance at Texas Air. +20509010 Top executives at Continental haven't lasted long, especially those recruited from outside. +20509011 But Mr. Corr's tenure was shorter than most. +20509012 The 48-year-old Mr. Corr was hired largely because he was credited with returning Trans World Airlines Inc. to profitability while he was its president from 1986 to 1988. +20509013 Before that, he was an executive with a manufacturing concern. +20509014 At Continental he cut money-losing operations, which helped produce a modest profit in this year's second quarter. +20509015 But Mr. Corr, a stunt pilot in his spare time, was understood to be frustrated by what he regarded as limited freedom under Mr. Lorenzo. +20509016 While not officially an executive at Continental during Mr. Corr's tenure, Mr. Lorenzo is known for keeping close tabs on Texas Air's operating units. +20509017 Continental is Texas Air's flagship and was built painfully to its present size under Mr. Lorenzo after emerging from bankruptcy proceedings in 1986. +20509018 It's unclear what role, if any, Mr. Lorenzo's recent exploration of a possible sale of a stake in Continental had in Mr. Corr's departure. +20509019 One source familiar with the airline said, however, that Mr. Corr wasn't informed in advance during the summer when Mr. Lorenzo began discussions with potential buyers. +20509020 During his tenure, Mr. Corr attempted through a series of meetings to inform managers of some of the company's future plans, traveled widely to talk to employees and backed training sessions designed to improve the carrier's image. +20509021 Mr. Foret is one of a handful of executives Mr. Lorenzo has relied on over the years. +20509022 Previously, he had served in financial planning positions at the company's Eastern Airlines unit. +20509023 Another longtime ally, Phil Bakes, currently heads Eastern, now in Chapter 11 bankruptcy proceedings. +20509024 Mr. Bakes previously had a turn at running Continental. +20509025 Among the other alumni are Stephen Wolf, now chairman of UAL Inc., and Thomas Plaskett, president of Pan Am Corp. +20510001 Doskocil Cos. said its bank-debt payments have been extended until May 31, 1990, to give it more time to sell its Wilson Foods Corp. retail and fresh meat operations. +20510002 The company was to repay $58 million in debt on Dec. 31 and $15 million on March 31. +20510003 The company acquired the debt when it paid $155 million to purchase Wilson last year. +20510004 An agreement to sell the Wilson assets for $150 million in cash and notes collapsed in late September, when the buyer, a company controlled by George Gillett, couldn't secure financing. +20511001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +20511002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +20511003 Estimated and actual results involving losses are omitted. +20511004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +20511005 Otherwise, actual profit is compared with the 300-day estimate. +20512001 Charles D. Way, president of this restaurant operator, assumed the additional post of chief executive officer. +20512002 He succeeds Alvin A. McCall in the position. +20512003 Mr. McCall will remain chairman. +20513001 Australia's inflation is expected to rise as high as 8.3% in the quarter ending March 30, but could fall to around 7% by June, according to economists. +20513002 The government said the consumer price index rose 2.3% in the quarter ended Sept. 30 from the previous quarter and 8% from a year ago. +20514001 Charles A. Pearce, 66 years old, will retire from his post as chief executive officer of this bank holding company effective Dec. 31. +20514002 He will remain chairman. +20514003 Charles R. Simpson Jr., 46, president and chief operating officer, will assume the chief executive's post. +20515001 It is a peaceful time in this part of western India. +20515002 The summer crop is harvested, winter sowing has yet to begin. +20515003 Farmers in loose turbans and fancy earrings spend their afternoons laughing and gossiping at the markets. +20515004 One could imagine such a lull in the lives of the Arabs before the quadrupling of oil prices. +20515005 For just as the Arabs were in the 1960s, the farmers of Sidhpur are on the brink of global power and fame. +20515006 The Arabs had merely oil. +20515007 These farmers may have a grip on the world's very heart. +20515008 Or, at least, its heart disease. +20515009 That is because Sidhpur has a near-monopoly on the world's supply of flea seed, also known as flea wort or, in Western parlance, psyllium: a tiny, tasteless, obscure seed that, according to early research, may reduce cholesterol levels in the blood. +20515010 Ever since the link to cholesterol was disclosed, Americans have begun scarfing up psyllium in their breakfast cereals. +20515011 If further research proves the seed's benefits, this dusty farm district could become the epicenter of a health-food fad to rival all fads since cod-liver oil. +20515012 "This seed's not grown anywhere else in India, or anywhere else in the world," says T.V. Krishnamurthy, a vice president of Procter & Gamble India Ltd., a major psyllium buyer and promoter. +20515013 "The proper climatic conditions don't exist in many places in the world." +20515014 Arvind Patel, a processor and exporter of the seed, raves: "If psyllium takes the place of oat bran, it will be huge." +20515015 Whether psyllium makes Sidhpur's fortune depends on cholesterol-fearing Americans, the U.S. Food and Drug Administration and, of course, the outcome of further research. +20515016 Only one thing is certain here: Pysllium is likely to remain solely an export item from Sidhpur for a long time. +20515017 Local farmers say it is as good a cash crop as mustard or fenugreek, a legume. +20515018 But they have no desire to eat a bowl of psyllium each morning, and, perhaps, little need: lean, frugal vegetarians, the farmers are innocents in the clogged, treacherous world of cholesterol. +20515019 Psyllium is an annual herb, Plantago ovata, that has been used for centuries by folk doctors here, mainly as a laxative and anti-diarrheal. +20515020 As such, the soluble fiber has an almost fanatic following in northern India. +20515021 "I can assure you," attests a 25-year-old lawyer in New Delhi, with a meaningfully raised eyebrow, "from personal experience, it works." +20515022 A prominent businessman in Bombay gives a similar testimonial: "I have been taking it daily since 1961. +20515023 " Folk doctors also prescribe it for kidney, bladder and urethra problems, duodenal ulcers and hemorrhoids. +20515024 Some apply it to gouty joints. +20515025 The plant has a hairy stem that produces flowers and diminutive seeds. +20515026 It is the seed's colorlessness and size -- 1,000 of them weigh only 1.5 grams, or about as much as two paper clips -- that explain the historical allusions to fleas. +20515027 The transluscent husk of the seed is removed, sifted and crushed; the seed itself is fed to animals. +20515028 Some 90% of the crop, which was worth $26 million last year, is exported. +20515029 For decades, psyllium husk has been the main ingredient in such laxatives as Procter & Gamble Co.'s Metamucil, the top-selling brand in the U.S., and Ciba-Geigy Corp.'s Fiberall. +20515030 But some time ago, researchers discovered that soluble fibers also lower cholesterol levels in the blood. +20515031 Cincinnati-based P&G took an interest; it ordered two studies on psyllium and cholesterol. +20515032 One of the studies, done at the University of Minnesota, tested 75 people with raised cholesterol levels. +20515033 After 16 weeks, the group that took three daily teaspoons of Metamucil saw a significant dip in their general cholesterol levels, and an even larger reduction in levels of low-density lipoproteins, the so-called bad cholesterol. +20515034 In late 1987, P&G asked the FDA for approval to market Metamucil as the first non-prescription, cholesterol-lowering product in the +20515035 In April, the psyllium bandwagon got more crowded. +20515036 General Mills Inc., the food giant, launched a breakfast cereal called Benefit, containing psyllium, oat, wheat and beet bran; the words, "reduce cholesterol" were prominently displayed on its package. +20515037 In September, Kellogg Co. launched a competing psyllium-fortified cereal called Heartwise. +20515038 Suddenly, on television, in advertisements and on their cereal boxes, Americans were inundated with news about the obscure seed. +20515039 The flood of claims and counter-claims worried consumers and actually hurt sales of the new cereals. +20515040 This month, the Food and Drug Administration expressed concern that Americans might someday, in various forms, ingest too much psyllium. +20515041 Currently, there is a lull in the psyllium war. +20515042 The FDA has asked Kellogg and General Mills to show research that their cereals are safe. +20515043 It also ordered P&G to produce more studies to buttress its claims that Metamucil can lower cholesterol. +20515044 But the agency hasn't yanked psyllium off store shelves. +20515045 If the FDA approves the new uses of psyllium, other companies are expected to rush to market with psyllium products. +20515046 "It's going to be a sensational thing," says Mr. Krishnamurthy of P&G in Bombay. +20515047 Says psyllium exporter Mr. Patel: "I just got back yesterday from the U.S. +20515048 In the newspapers, on the radio and TV, psyllium is everywhere." +20515049 But the news of the boom has yet to trickle down to the farmers. +20515050 They only know of one use for the crop, as a laxative, and with psyllium prices currently languishing in the wake of a bumper crop, they think of the seed as a marginal crop, something to grow between summer wheat crops. +20515051 "Psyllium's not a good crop," complains Sooraji Jath, a 26-year-old farmer from the village of Lakshmipura. " +20515052 You get a rain at the wrong time and the crop is ruined." +20515053 Even at the Basic Chemicals, Pharmaceuticals and Cosmetics Export Promotion Council, the government agency that promotes the seed, the psyllium boom is distant thunder. +20515054 The staff brags about psyllium's hefty contribution to American regularity, without quite grasping the implications of the research on cholesterol. +20515055 The council's annual report has psyllium on its last page, lumped with such unglamorous export items as sarsaparilla and "Nux vomica," a plant that induces vomiting. +20515056 In one way, the psyllium middlemen -- the buyers and exporters -- are glad to keep news of the boom to themselves. +20515057 They want psyllium prices low for their purchases next year. +20515058 But there's a catch. +20515059 Sidhpur and adjacent districts are the only places in the world where psyllium is grown in large quantities. +20515060 This is partly due to the particular demands of the crop. +20515061 Psyllium needs sandy soil, dew during the first few weeks, and then total dryness when its seeds are maturing. +20515062 Small crops are grown in Pakistan, France, Spain, Italy, Belgium and Brazil, but their quality can't compare to that of Indian psyllium. +20515063 Big buyers like Procter & Gamble say there are other spots on the globe, and in India, where the seed could be grown. +20515064 "It's not a crop that can't be doubled or tripled," says Mr. Krishnamurthy. +20515065 But no one has made a serious effort to transplant the crop. +20515066 In Sidhpur, it is almost time to sow this year's crop. +20515067 Many farmers, too removed to glean psyllium's new sparkle in the West, have decided to plant mustard, fennel, cumin, fenugreek or castor-oil seeds. +20515068 Mr. Jath is thinking of passing up psyllium altogether this year in favor of a crop with a future such as cumin or fennel. +20515069 "Maybe I'll plant castor-oil seeds." +20515070 His brother, Parkhaji, whose head is swathed in a gorgeous crimson turban, nods vigorous assent. +20515071 So when next year's psyllium crop is harvested in March, it may be smaller than the 16,000 metric tons of the past few years -- right at the crest of the psyllium boom. +20515072 And the world could experience its first psyllium shortage. +20516001 Kellwood Co. said it completed a previously announced acquisition of Crowntuft Manufacturing Corp., a New York-based maker of chenille robes and lounge wear. +20516002 The apparel maker wouldn't disclose terms of the agreement. +20516003 Kellwood said Gabriel Hakim Sr., president of Crowntuft, will continue to head Crowntuft's management group. +20517001 A seat on the Chicago Mercantile Exchange was sold for $416,000, down $36,000 from the previous sale Oct. +20517002 Seats currently are quoted at $410,000 bid, $425,000 asked. +20517003 The record price for a full membership on the exchange is $550,000, set March 9, 1989. +20518001 Small businesses say a recent trend is like a dream come true: more-affordable rates for employee-health insurance, initially at least. +20518002 But then they wake up to a nightmare. +20518003 The reasonable first-year rates can be followed by increases of 60% or more if a covered employee files a major claim, they complain. +20518004 Insurance premiums for one small Maryland concern went up 130% in less than two years, the last increase coming after one of its three workers developed a herniated disk. +20518005 "There's a distinct possibility that I may lose my job over this," the employee, Karen Allen, of Floor Covering Resources, Kensington, Md., recently told a congressional hearing. +20518006 She said her employer can't afford the rate increases, and she fears she won't find another job with a benefit plan covering her ailment. +20518007 For employee and employer alike, the worry is widespread. +20518008 Surveys repeatedly show that small-business owners rank the availability and rising cost of health insurance as one of their biggest concerns. +20518009 The House Energy and Commerce Committee's health subcommittee, headed by Democratic Rep. Henry Waxman of California, is looking into complaints that small businesses not only can't keep reasonably priced employee-health insurance if claims are filed, but often can't get coverage at all if a worker is termed medically uninsurable. +20518010 "I have an old-fashioned name for people in that position: sick people who need health insurance," Rep. Waxman says. " +20518011 What we're seeing now makes a mockery of the idea of insurance: collect premiums from the healthy, dump the sick and let them pay their own bills." +20518012 Some lawmakers may seek legislation to limit overly restrictive insurance policies. +20518013 The concern grows out of increased efforts by the insurers to woo the small-business market. +20518014 As larger companies increasingly self-insure, or use reserves to pay their own workers' medical bills, the insurance industry has turned to the small-employer market that was once a backwater for them. +20518015 "Insurance companies will offer a good rate if no one is sick, but it's a roll of the dice," says Rosemary Heinhold of the Small Business Service Bureau, a group representing 35,000 small businesses nationwide. +20518016 "One case of cancer or a high-risk pregnancy with a sick infant, and rates go up 40% to 60%. +20518017 Small-business people end up paying insurance premiums worth two to three times the cost of one illness." +20518018 In addition, the group says some of its member companies have been denied insurance because individual workers had medical problems that ranged from a mild cardiac condition to psychological counseling after a divorce, hemorrhoids and overweight. +20518019 The Health Insurance Association of America, an insurers' trade group, acknowledges that stiff competition among its members to insure businesses likely to be good risks during the first year of coverage has aggravated the problem in the small-business market. +20518020 But it says that rapid rate increases are directly tied to the soaring cost of health care. +20518021 Some business analysts blame the problem on tough competition in the insurance market. +20518022 They say insurance companies use policies aimed at excluding bad risks because their competitors do. +20518023 But the general practice makes it more difficult to combine small groups of people into larger groups, thus spreading the risk over a larger base of premiums. +20518024 "I'm not accusing insurers of dereliction of duty," Robert Patricelli of the U.S. Chamber of Commerce told Mr. Waxman's panel. +20518025 "You can't ask one carrier to underwrite on social grounds when that might destroy it in the marketplace." +20518026 Rep. Waxman and Democratic Sen. Edward Kennedy of Massachusetts have proposed regulation to deal with the problem. +20518027 The proposal is just part of legislation that would require businesses to provide health benefits, an idea that is strongly opposed by small business who say it would just compound the insurance-cost problems. +20518028 But small-business lobbyists say they support the idea, included in the Kennedy-Waxman bill, of new laws or regulations requiring greater use of community rating, which pegs rates to the use of health care by a community or other large group, and is designed to prevent insurance companies from taking only low-risk small companies as clients. +20518029 But first on the list of priorities, says the National Federation of Independent Business, is to prohibit state laws requiring the inclusion of specialty items, such as psychiatric care, in basic health plans. +20518030 Such requirements, they argue, make it difficult to provide a basic, low-cost health-benefits package. +20518031 "Before the state of Wisconsin mandated that mental-health care be covered, there were only 70 mental-health clinics in the state; now there are 400," says Carolyn Miller, an NFIB lobbyist. +20518032 She contends that similar mandates have driven up insurance costs 20% in Maryland and 30% in California. +20518033 The insurance-industry association also strongly disagrees with the proposed community rating, which "doesn't save one dollar," argues James Dorsch, HIAA's Washington counsel. +20518034 "It just makes healthy businesses subsidize unhealthy ones and gives each employer less incentive to keep his workers healthy." +20518035 Mr. Dorsch says the HIAA is working on a proposal to establish a privately funded reinsurance mechanism to help cover small groups that can't get insurance without excluding certain employees. +20518036 The complexities of the insurance problem make the outcome difficult to predict. +20518037 But to Ms. Allen, the employee whose back problem triggered a huge insurance-rate increase, the issue was simple. +20518038 "What good is having health insurance," she asked, "when it's so expensive that it becomes impossible to keep after only one major claim? +20519001 The Belgian consumer price index rose a provisional 0.1% in October from the previous month and was up 3.64% from October 1988, the Ministry of Economic Affairs said. +20519002 The index, which uses a base of 1981 as 100, was calculated at 140.91 points in October, from 140.74 in September. +20519003 Annual inflation rose to 3.64% in October from 3.55% in September. +20519004 Belgium's inflation has been rising steadily for the past year, but the ministry said the latest rise is slower than gains in September and August. +20520001 Nashua Corp., rumored a potential takeover target for six months, said that a Dutch company has sought U.S. approval to buy up to 25% of Nashua's shares. +20520002 Nashua immediately responded by strengthening a poison-pill plan and saying it will buy back up to one million of its shares, or 10.4% of the 9.6 million outstanding. +20520003 Nashua, whose major business is selling copiers, facsimile machines and related supplies, said Reiss & Co. B.V. of the Netherlands filed a request with the Federal Trade Commission under the Hart-Scott-Rodino Act for permission to buy more than $15 million of Nashua's stock but less than 25%. +20520004 Previously, an affiliate of Unicorp Canada disclosed a stake of less than 5% in Nashua, according to Daniel M. Junius, Nashua's treasurer. +20520005 Nashua's stock has fluctuated sharply on takeover speculation, rising to a high for the year of $42.875 a share in June from $29.75 in March. +20520006 But the company has had weak results so far this year, with earnings declining 43% to $13.7 million, or $1.43 a share, on a 4% decline in revenue to $713.5 million through the first nine months of the year. +20520007 Its stock has slumped recently, closing unchanged Friday at $29 a share in composite trading on the New York Stock Exchange; at that price, the company has a market value of about $278.4 million. +20520008 Nashua announced the Reiss request after the market closed. +20520009 Mr. Junius said Nashua's "intention is to remain an independent public company." +20520010 The company said it amended its shareholder rights plan by reducing to 10% from 20% the level of ownership by an outsider that would trigger the issuance to other holders of rights to buy additional shares of Nashua common at half price. +20520011 In addition, the company's board authorized the purchase of up to an additional one million shares. +20520012 Under a program approved by the company in 1987 that didn't specify a share amount, Nashua had purchased 481,000 shares through Sept. 29. +20520013 Alex Henderson, an analyst at Prudential-Bache Securities, said that while Nashua's performance this year has been "atrocious," the company nonetheless is attractive as a "classic breakup candidate because there's no similarity between its {four} businesses." +20520014 He estimated the breakup value at $55 a share. +20520015 In addition to selling Japanese-made photocopiers and facsimile machines in Europe and copier supplies in the U.S., Nashua has three other major businesses: labels and tapes, data storage disks for computers and mail-order photofinishing. +20521001 The closely held supermarket chain named Frank Nicastro vice president and treasurer. +20521002 The 47-year-old Mr. Nicastro joins Grand Union from Singer Co., where he was treasurer. +20522001 The current account deficit on France's balance of payments narrowed to 1.48 billion French francs ($236.8 million) in August from a revised 2.1 billion francs in July, the Finance Ministry said. +20522002 Previously, the July figure was estimated at a deficit of 613 million francs. +20522003 Seasonally adjusted figures for August weren't available because of a recent strike that has disrupted the ministry's data collection. +20523001 Weisfield's Inc. said it is in preliminary discussions regarding the possible sale of the company. +20523002 A spokesman for the retail jeweler said the company would provide more details today and that it expects to reach a definitive agreement by the end of the week. +20523003 In over-the-counter trading Friday, Weisfield's gained $9.50 to $39. +20523004 At that price, the company has an indicated value of $42.9 million. +20523005 Weisfield's had about 1.1 million shares outstanding as of July 31. +20523006 The stock gained $2.75 Thursday to close at a then-52 week high. +20524001 In the aftermath of the Beijing massacre on June 4, economists advanced wildly divergent views on how Hong Kong would be affected. +20524002 Among the most upbeat was BT Brokerage (Asia) Ltd. +20524003 In a June 5 reaction, the Bankers Trust Co. unit proclaimed the economy "shockproof." +20524004 Others were more cautious. +20524005 In a July analysis titled "From Euphoria to Despair," W.I. Carr (Far East) Ltd., another securities firm, said that eroding confidence might undermine future economic development. +20524006 Today, with business activity in Hong Kong staggering along at an uneven pace, the economy itself seems locked in a struggle between hope and fear. +20524007 Manufacturers have survived the turmoil in China largely unscathed. +20524008 Signs of revival seem evident in Hong Kong's hard-hit hotel sector. +20524009 But in the stock and real-estate markets, activity remains spotty even though prices have regained much of their lost ground. +20524010 Waning demand reported by importers, retailers and even fancy restaurants all reinforce a profile of a community that is sharply tightening its belt. +20524011 As many economists and businessmen see it, those incongruities underscore a paradox that seems likely to bedevil the economy throughout the 1990s. +20524012 That paradox is Hong Kong's economically rewarding yet politically perilous relationship with China. +20524013 As a model of capitalist efficiency on southern China's doorstep, Hong Kong's prospects look good. +20524014 China's land and labor offer inexpensive alternatives to local industry. +20524015 China-bound freight streams through the territory's port. +20524016 In the decade since the communist nation emerged from isolation, its burgeoning trade with the West has lifted Hong Kong's status as a regional business center. +20524017 These benefits seem secure despite China's current economic and political troubles. +20524018 But to Hong Kong, China isn't purely business. +20524019 It is also the sovereign power that, come 1997, will take over this British colony. +20524020 China's leaders have promised generous liberties for post-1997 Hong Kong. +20524021 That promise sounds shaky now that those same leaders have fallen back on Marxist dogma and brute force to crush their nation's democracy movement. +20524022 Outflows of people and capital from Hong Kong have been growing since the sovereignty issue first arose in the early 1980s. +20524023 A widely held assumption all along has been that, given its robust economy, Hong Kong will be able to attract sufficient foreign money and talent to comfortably offset the outflows. +20524024 With interest in emigration and investment abroad soaring since June 4, that assumption no longer seems so safe. +20524025 Investment and emigration plans take time to come to fruition. +20524026 Only four months have passed since the Beijing massacre, and few are prepared to predict its ultimate impact. +20524027 The only consensus is that more money and people may leave Hong Kong than had been thought likely. +20524028 This expected blow has cast a pall over the economy's prospects. +20524029 The question, as many people see it, is how long such uncertainty will last. +20524030 Maureen Fraser, an economist with W.I. Carr, a subsidiary of France's Banque Indosuez, believes that the territory may not be able to regain its momentum until some time after 1997. +20524031 It may experience an upswing or two in between. +20524032 But with local investors shaken by China's political and economic turmoil, she says, a genuine recovery may not arrive until Hong Kong can prove itself secure under Chinese sovereignty. +20524033 "Investors have to accept the possibility of a significant slowdown in economic activity in the runup to 1997," she says. +20524034 "Over the next few years, I would advise caution." +20524035 In a soon-to-be published book on the territory, a political economist, Miron Mushkat, has derived three future scenarios from interviews with 41 Hong Kong government officials and businessmen. +20524036 Nearly half of them argue that Hong Kong's uneasy relationship with China will constrain -- though not inhibit -- long-term economic growth. +20524037 The rest are split roughly between optimists who expect Hong Kong to hum along as before and pessimists who foresee irreparable chaos. +20524038 The interviews took place two years ago. +20524039 Since the China crisis erupted, Mr. Mushkat says, the scenario as depicted by the middle-of-the-road group bears a remarkable resemblance to the difficulties Hong Kong currently faces. +20524040 The consensus of this group, which he dubs "realists," is that the local economy will grow through the 1990s at annual rates averaging between 3% and 5%. +20524041 Such a pace of growth, though respectable for mature industrialized economies, would be unusually slow for Hong Kong. +20524042 Only twice since the 1960s has annual gross domestic product growth here fallen below 5% for two or more consecutive years. +20524043 The first instance occurred in 1967-68, when China's Cultural Revolution triggered bloody street rioting in the colony. +20524044 The other came in 1974-75 from the combined shock of world recession and a severe local stock market crash. +20524045 During the past 10 years, Hong Kong's economic growth has averaged 8.3% annually. +20524046 Given Hong Kong's record, Mr. Mushkat's "realists" might have sounded unduly conservative when the interviews took place two years ago. +20524047 Under the current circumstances, he says, their scenario no longer seems unrealistic. +20524048 "The city could lose some of its entrepreneurial flavor. +20524049 It could lose some of its dynamism," says Mr. Mushkat, a director of Baring Securities (Hong Kong) Ltd., a unit of Britain's Barings PLC. " +20524050 It doesn't have to be a disaster. +20524051 It just means that Hong Kong would become a less exciting place." +20524052 Going by official forecasts of GDP, which measures the colony's output of goods and services, minus foreign income, Mr. Mushkat's "realists" seem relatively close to the mark. +20524053 After taking into account the fallout from the China crisis, the government has projected 1989 GDP growth of 5%. +20524054 The updated forecast, published Aug. 25, compares with an earlier forecast of 6% published March 1 and a 7.4% rate achieved in +20524055 Sir Piers Jacobs, Hong Kong's financial secretary, says a further downward revision may be justified unless the economy stages a more convincing rally. +20524056 "We aren't looking at anything like a doomsday scenario," he says. +20524057 "But clearly we're entering a difficult period." +20524058 Many factors besides a dread of 1997 will have a bearing on Hong Kong's economy. +20524059 One concerns Japanese investors. +20524060 Barely visible on Hong Kong's property scene in 1985, by last year Japan had become the top foreign investor, spending $602 million. +20524061 The market has grown relatively quiet since the China crisis. +20524062 But if the Japanese return in force, their financial might could compensate to some extent for local investors' waning commitment. +20524063 Another -- and critical -- factor is the U.S., Hong Kong's biggest export market. +20524064 Even before the China crisis, weak U.S. demand was slowing local economic growth. +20524065 Conversely, strong consumer spending in the U.S. two years ago helped propel the local economy at more than twice its current rate. +20524066 Indeed, a few economists maintain that global forces will continue to govern Hong Kong's economic rhythm. +20524067 Once external conditions, such as U.S. demand, swing in the territory's favor, they argue, local businessmen will probably overcome their 1997 worries and continue doing business as usual. +20524068 But economic arguments, however solid, won't necessarily impress Hong Kong's 5.7 million people. +20524069 Many are refugees, having fled China's unending cycles of political repression and poverty since the Communist Party took power in 1949. +20524070 As a result, many of those now planning to leave Hong Kong can't easily be swayed by momentary improvements in the colony's political and economic climate. +20524071 Emigration applications soared in 1985, when Britain and China ratified their accord on Hong Kong's future. +20524072 In 1987, Hong Kong's most prosperous year for a decade, 30,000 left, up 58% from the previous year. +20524073 Last year, 45,000 went. +20524074 The government predicts that annual outflows will level off over the next few years at as much as 60,000 -- a projection that is widely regarded as unrealistically low. +20524075 A large number of those leaving are managers and professionals. +20524076 While no one professes to know the exact cost of such a "brain drain" to the economy, hardly anyone doubts that it poses a threat. +20524077 "When the economy loses a big portion of its work force that also happens to include its most productive members, economic growth is bound to be affected," says Anthong Wong, an economist with Hang Seng Bank. +20525001 While Wall Street is retreating from computer-driven program trading, big institutional investors are likely to continue these strategies at full blast, further roiling the stock market, trading executives say. +20525002 Bowing to a mounting public outcry, three more major securities firms -- Bear, Stearns & Co. Inc., Morgan Stanley & Co. and Oppenheimer & Co. -- announced Friday they would suspend stock-index arbitrage trading for their own accounts. +20525003 PaineWebber Group Inc. announced a pullback on Thursday from stock-index arbitrage, a controversial program-trading strategy blamed by many investors for encouraging big stock-market swings. +20525004 Though the trading halts are offered as a sign of concern about recent stock market volatility, most Wall Street firms remain open to handle program trading for customers. +20525005 Trading executives privately say that huge stock-index funds, which dwarf Wall Street firms in terms of the size of their program trades, will continue to launch big programs through the stock market. +20525006 Wells Fargo Investment Advisers, Bankers Trust Co. and Mellon Capital Management are among the top stock-index arbitrage clients of Wall Street, trading executives say. +20525007 These huge stock-index funds build portfolios that match the S&P 500 stock index or other stock indexes, and frequently swap between stocks and futures to capture profits. +20525008 "They will do it every chance they get," said one program-trading executive. +20525009 Consequently, abrupt swings in the stock market are not likely to disappear anytime soon, they say. +20525010 In fact, without Wall Street firms trading for their own accounts, the stock-index arbitrage trading opportunities for the big funds may be all the more abundant. +20525011 "More customers may come to us now," said James Cayne, president of Bear Stearns Cos. +20525012 Executives who manage these funds see the current debate over program trading as a repeat of the concern expressed after the 1987 crash. +20525013 They noted that studies completed after the 1987 crash exonerated program trading as a source of volatility. +20525014 "The issues that are (now) being raised, in classic anti-intellectual fashion, fly in the face of a number of post-crash studies," said Fred Grauer, chairman of Wells Fargo Investment Advisers. +20525015 A Bankers Trust spokesman said that the company's investment arm uses stock-index arbitrage to enhance investors' returns. +20525016 Officials at Mellon Capital were unavailable for comment. +20525017 Stock-index funds have grown in popularity over the past decade as pension funds and other institutional investors have sought a low-cost way to match the performance of the stock market as a whole. +20525018 Many money managers who trade stock actively have trouble consistently matching the S&P-500's returns. +20525019 Some stock-index funds are huge. +20525020 Wells Fargo Investment Advisers, for example, managed $25 billion in stock investments tracking the S&P 500 at the end of June, according to Standard & Poor's Corp. +20525021 Mr. Grauer said $2 billion of that is used in active index arbitrage. +20525022 Stock-index funds frequently use the futures markets as a hedging tool, but that is a far less aggressive strategy than stock-index arbitrage, in which traders buy and sell big blocks of stocks with offsetting trades in stock-index futures to profit from price differences. +20525023 The 190-point plunge in the stock market Oct. 13 has heightened concerns about volatility. +20525024 And while signs of an economic slowdown, softer corporate earnings and troubles with takeover financing all have contributed to the stock market's recent weakness, many investors rushed to blame program trading for aggravating market swings. +20525025 The Wall Street firms' pullback followed their recent blacklisting by several institutional investors. +20525026 Last Tuesday, Kemper Corp.'s Kemper Financial Services Inc. unit said it would no longer trade with firms committed to stock-index arbitrage, including the three that later suspended stock-index arbitrage trading on Friday. +20525027 Phoenix Mutual Life Insurance Co. and Founders Asset Management Inc. also cut off brokerage firms that engage in program trading. +20525028 Though it is still doing stock-index arbitrage trades for customers, Morgan Stanley's trading halt for its own account is likely to shake up firms such as Kidder, Peabody & Co. that still do such trades for their own account. +20525029 Morgan Stanley has consistently been one of the top stock-index arbitrage traders in recent months. +20525030 Indeed, Morgan Stanley's president, Richard B. Fisher, said the firm is putting up money to form a group of regulators, investors and investment banks to find out if stock-index arbitrage artificially induces stock-market volatility. +20525031 "We have to clear up these issues and find out what is present that is creating artificial volatility," Mr. Fisher said. +20525032 "There is no question that investor confidence (in the stock market) is critical." +20525033 Joining the call for some kind of study or regulatory action, Merrill Lynch & Co. recommended program-trading reforms late Friday, including higher margins on stock-index futures and greater regulatory coordination. +20525034 Separately, Mr. Cayne of Bear Stearns said his firm is working with regulators to balance margin requirements to "enhance stabilization." +20525035 Margin rules determine the minimum amount of cash an investor must put up when buying a security. +20525036 Current rules permit investors to put up less cash for futures than for stocks. +20525037 Some observers say that different rules governing stock and futures markets are partly responsible for volatility. +20525038 These rules, they say, permit faster and cheaper trading in futures than in stocks, which frequently knocks the two markets out of line. +20525039 Stock-index arbitrage, because it sells the more "expensive" market and buys the "cheaper" one, attempts to reestablish the link between the stock and futures markets, and the adjustments are often abrupt. +20525040 But unequal trading rules allow the futures market to trade differently from stocks, which invites frequent bouts of stock-index arbitrage in the first place. +20525041 "There has to be better coordination on a regulatory basis," said Christopher Pedersen, director of trading at Twenty-First Securities Corp. +20525042 "One agency should have the authority over all equity products. +20526001 Like so many trends in the entertainment industry, the current spate of rape dramas on television seems to represent a confluence of high-mindedness and self-interest. +20526002 The former comes from the latest wave of political activism in Hollywood, especially around feminist issues such as abortion. +20526003 The latter comes from the perception, on the part of many people in network TV, that their only hope of keeping viewers from defecting to cable is to fill the airwaves with an increasingly raw sensationalism. +20526004 Put these together, and you get programs about rape. +20526005 The best of the crop was last week's season premiere of "In the Heat of the Night," the NBC series based on a 1967 feature film about a black Philadelphia police detective in a small Southern town. +20526006 In the series, Virgil Tibbs (Howard Rollins) and his wife, Althea (Anne-Marie Johnson) have settled in Sparta, Miss. +20526007 Because the show has acquired a sense of place by being filmed on location in Georgia, this episode -- in which Althea gets raped by an arrogant white schoolteacher -- does a decent job of tracing the social repercussions of the crime. +20526008 Obviously, it's harder to establish a sense of place in a one-shot TV movie. +20526009 But tonight's offering, "Settle the Score" (9-11 p.m. EST, on NBC), doesn't even try. +20526010 This tale of a Chicago policewoman returning home to find the man who raped her 20 years earlier is supposed to be set in the Ozarks. +20526011 But it's more like an illustration of what Ben Stein describes in his study of social attitudes in the TV industry: "Fear of violence and animosity . . . because of race or religion, fear and lack of comprehension about the politics of small-town people . . . produce a powerful wave of dislike of small towns in the minds of TV writers and producers." +20526012 The writer and executive producer of "Settle the Score," Steve Sohmer, is a graduate of Yale who participated in a PBS documentary, aired this summer, in which six members of the Yale class of 1963 ruminated about their lives since graduation. +20526013 At one point in the documentary, Mr. Sohmer, who is Jewish, says he felt rejected by many of the Protestants and Southerners he met at Yale. +20526014 He quotes one student saying, "You're just the kind of Jewboy we Southerners can't stand. +20526015 " Mr. Sohmer confesses that it was partly in response to such attitudes that he is now "a dweller on one of the two islands off the coast of America." +20526016 But is exile in Hollywood enough? +20526017 Not to judge by "Settle the Score," in which Mr. Sohmer seems to be settling a score of his own. +20526018 Of all the unflattering portraits of small-town America I've seen on TV, this film is the most gratuitously nasty. +20526019 The sole sympathetic character is the prodigal daughter Kate (Jaclyn Smith), and she is tolerable only by virtue of having nothing in common with her kinfolk, a truly benighted pack of Southern Protestants whose grim existence consists mostly of growing peaches and repressing sex. +20526020 I mean, these folks are so uptight that they blame pretty Kate for the fact that when she was a teen-ager, someone tied her hands behind her back, thrust her head into a gunny sack, brutally raped and beat her, and then left her to die in a cold-storage room. +20526021 Her Pa (Howard Duff) is the kind of guy who, while saying grace at the supper table, pauses at the word "sin" and glares at the daughter he hasn't seen for two decades, because he knows in his heart that she enjoyed what happened in the cold-storage room, and has been indulging the same taste ever since in the fleshpots of Chicago. +20526022 People like Pa do exist, of course. +20526023 But in Mr. Sohmer's Ozarks, he is but the tip of the patriarchal iceberg. +20526024 Every man Kate encounters is either sniggeringly puritanical, viciously patronizing, revoltingly lecherous, or all three. +20526025 Add the fact that any one of them, including Pa, could be her attacker, and you have a setting that doesn't resemble small-town America, or even Hollywood's nightmare of small-town America, so much as a paranoid feminist dystopia like Margaret Atwood's "The Handmaid's Tale," itself soon to be (you guessed it) a Hollywood movie. +20526026 There are two exceptions: Josh (Jeffrey DeMunn), the local doctor who has always loved Kate; and Lincoln (Richard Masur), Kate's simple-minded but affectionate brother. +20526027 Josh makes clumsy passes at Kate when she's seething with anger and fear, but we know from the outset that he's not a member of the evil patriarchy. +20526028 How could he be? +20526029 He's the director of the local Planned Parenthood chapter. +20526030 As for Lincoln, if you can't guess why he's so sweet to his sister when everybody else hates her, then I'm not going to tell you. +20526031 As for the women, they're pathetic. +20526032 Kate's Ma (Louise Latham) is a moral coward. +20526033 Her sister-in-law (Amy Wright) is a sniveling prude afraid that Kate will seduce all the married men in town, including a particularly loathsome fellow named Tucker, whose idea of fun is to leave his wife at home tending to her bruises and cigarette burns, while he bullies Kate into a dance that consists of drooling on her while trying to break her ribs. +20526034 At the very least, it would appear that Sis is a poor judge of masculine charm. +20526035 Yet even these insulting caricatures are not as bad as the moral hypocrisy at the heart of "Settle the Score." +20526036 In the aforementioned episode of "In the Heat of the Night," we saw Althea being attacked, but we weren't invited to enjoy the spectacle. +20526037 In Mr. Sohmer's film, by contrast, we are urged to share the perverse excitement of the rapist creeping up on his victim, as the camera ogles Kate in various stages of undress and lingers on the sight of her trussed-up body during frequent flashbacks to the rape. +20526038 At this point, the truce between feminism and sensationalism gets mighty uneasy. +20526039 Take the scene in which Kate stands naked by a lighted window, whispering to her hidden assailant, "Look all you want. +20526040 Starting tomorrow, I'm stalking you. +20526041 " Or the one in which she and Josh are stranded in the city, and, after insisting on separate motel rooms, she knocks on his door to pour out her feelings about the rape -- wearing nothing but a mini-slip and a push-up bra. +20526042 Surely the question is obvious. +20526043 With friends like Mr. Sohmer, do the feminists of Hollywood need enemies? +20527001 Crossland Savings Bank's stock plummeted after management recommended a suspension of dividend payments on both its common and preferred stock because Crossland may not meet the new government capital criteria effective Dec. 7. +20527002 In composite trading on the New York Stock Exchange Friday, Crossland closed at $5.25, down $1.875, a 26% decline. +20527003 A spokesman said the savings bank may not qualify for the capital requirements because, under the proposed guidelines, its $380 million of preferred stock doesn't meet the "core capital" criteria outlined under the new Financial Institutions Reform, Recovery and Enforcement Act of 1989. +20527004 He added that final guidelines to be published in early November will determine whether the bank is in compliance. +20527005 Crossland said it retained three investment bankers to assist it in developing and implementing a financial restructuring plan. +20527006 It wouldn't identify the bankers. +20527007 Additionally, Crossland reported a third-quarter loss of $175.5 million, or $13.44 a share, compared with net income of $27.1 million, or $1.16 a share, a year ago. +20527008 A major factor in the third-quarter loss was the write-down of $143.6 million of goodwill. +20527009 The spokesman said that the proposed guidelines caused Crossland to revise its business objectives and, consequently, to write down the asset value of some previous acquisitions. +20527010 Crossland recorded an additional $20 million in loan loss reserves in the third quarter. +20527011 Net interest income for the third quarter declined to $35.6 million from $70.1 million a year ago. +20527012 However, non-interest income rose to $23.5 million from $22 million. +20527013 Third-quarter loan originations dropped sharply to $663 million from $1 billion a year ago. +20527014 Standard & Poor's Corp. lowered the rating on Crossland's preferred stock to double-C from single-B-minus and placed it on CreditWatch for possible further downgrade. +20527015 It also placed on CreditWatch for possible downgrade other securities, including the double-B-minus/B rating of Crossland's certificates of deposit and the single-B rating of its senior subordinated capital notes. +20527016 About $518 million of debt is affected. +20528001 The envelope arrives in the mail. +20528002 Open it and two soulful eyes on a boy's brown face peer out from the page, pleadingly. +20528003 Does the tyke have a good mind about to be wasted? +20528004 Is he a victim of Gramm-Rudman cuts? +20528005 No, but he's endangered all the same: His new sitcom on ABC needs a following to stay on the air. +20528006 ABC hasn't had much luck with shows featuring blacks in recent years, and the producers of one new arrival are a bit desperate. +20528007 "Homeroom," a show about a black ad executive who gives up the boardroom for a fourth-grade classroom, is flunking the ratings test. +20528008 So producers Alyce and Topper Carew spun their Rolodexes and gathered names of black opinion makers to mount a direct-mail campaign. +20528009 By wooing a core black audience they figure they might keep the show alive at least until the spring semester. +20528010 Using direct mail for a TV show is like fishing for whale with a breaded hook. +20528011 It just isn't done. +20528012 But employing this kind of gut-wrenching plea to black consciousness makes it even more unusual. +20528013 Still, Mr. Carew thinks he can reach a good chunk of the three million-plus black homes he needs by mailing to the almost 10,000 blacks who form what he calls "the grapevine." +20528014 "The grapevine isn't organized, but you and I know it exists," says Mr. Carew, referring to the often uncannily small world of black professionals and community leaders. +20528015 "This is a very personal, ethnic style," Mr. Carew says. " +20528016 I want people in the barber shops and the beauty shops and standing in line at the rib joints to be talking about the show. +20528017 I want white America to talk about it, too, but I'm convinced that the grapevine is what's happening." +20528018 ABC says it is aware of the producers' action, but the mailing was sent without the network's blessing. +20528019 The letter, in fact, takes a jab at ABC for being a laggard in black programming. +20528020 Meanwhile, as the Sunday evening show struggles to stay afloat against the tough competition of "Murder, She Wrote," the grapevine idea is threatening to turn into a weed: The tactic apparently has inspired sample viewings, but accolades are slow in coming. +20528021 Doug Alligood, a black advertising executive who tracks black viewing patterns, gives the Carews an "A" for marketing moxie, but isn't alone in his lukewarm reaction. +20528022 Some shows just don't impress, he says, and this is one of them. +20529001 TransCanada PipeLines Ltd. said it plans to shift its headquarters to Calgary, Alberta, from Toronto next year to cut costs and be closer to the upstream natural-gas industry. +20529002 Gerald Maier, president and chief executive officer of the natural-gas pipeline and marketing concern, said the company's future growth is "increasingly linked" to decisions made by Calgary-based gas producers. +20529003 "Since deregulation of the market in 1985, producers have become much more intensely involved in both transportation and marketing," Mr. Maier said. " +20529004 It's a matter of being close to those suppliers; many of those companies don't know us as well as they should." +20529005 TransCanada transports all gas that moves eastward from Alberta. +20529006 That includes all the gas consumed in Ontario and Quebec, along with the bulk of Canadian gas exports to the +20529007 Walter Litvinchuk, vice president of Pan-Alberta Gas Ltd., a Calgary-based gas marketing concern, said the industry will welcome the move. +20529008 "Having more than a token presence here should enhance communications and business relationships," Mr. Litvinchuk said. " +20529009 Since the cost of transporting gas is so important to producers' ability to sell it, it helps to have input and access to transportation companies." +20529010 The move, which could cost TransCanada as much as 50 million Canadian dollars (US$42.5 million) in relocation and severance payments, should be complete by next summer, Mr. Maier said. +20529011 All 700 Toronto-based employees will be offered positions in Calgary, the company said. +20529012 The company will save between C$4 million and C$6 million annually in office expenses and other administrative costs by moving to Calgary, Mr. Maier added. +20529013 Part of both the costs and the savings could be passed on to shippers on the TransCanada pipeline through tolls, which are based on the value of the pipeline system and the cost of operating it. +20529014 TransCanada is 49.1% owned by Montreal-based holding company BCE Inc. +20530001 Since its founding in 1818, Brooks Brothers, the standard-bearer of the Ivy League look, has eschewed flashy sales promotions and fashion trends -- the rules that most retailers live by. +20530002 But with sales growth sluggish and other men's stores putting on the heat, the venerable retailer can no longer afford such a smug attitude. +20530003 So two weeks ago, thousands of Brooks Brothers charge customers -- customers conditioned to wait for twice-yearly clearance sales -- got a surprise: an invitation to come in and buy any one item for 25% off. +20530004 During the four-day promotion, shoppers at the Short Hills, N.J., store lined up to pay for big-ticket items like coats and suits. +20530005 That's not all. +20530006 Departing from its newspaper ads featuring prim sketches of a suit or a coat, Brooks Brothers is marketing an updated image in a new campaign that carries the slogan, "The Surprise of Brooks Brothers." +20530007 One color photo displays a rainbow of dress shirts tied in a knot; another picture shows neckties with bold designs. +20530008 The message is loud and clear: This is not your father's Brooks Brothers. +20530009 As part of its national ad pitch, Brooks Brothers will show less preppy women's clothes, moving away from its floppy-tie business stereotype. +20530010 One ad shows a bright red jacket paired with a black leather skirt. +20530011 And the ad copy is cheeky: "How can you be a Wall Street hot shot without at least one Brooks Brothers suit in your portfolio?" +20530012 Brooks Brothers hopes that shaking its time-honored traditions will attract more young men and more women and change consumer perceptions about its range of merchandise. +20530013 "We have men who only buy their shirts and underwear here or younger customers who only buy their {job} interview suit here," says William Roberti, chairman and chief executive officer of Brooks Brothers. " +20530014 We want them to buy more of their wardrobe here." +20530015 Industry watchers agree that Brooks Brothers is long overdue in updating its buttoned-down image, which has stunted its growth. +20530016 When acquired in May 1988 by British retailer Marks & Spencer PLC, Brooks Brothers' annual operating profit was about $41.8 million on sales of $290.1 million. +20530017 Mr. Roberti concedes that since the $750 million takeover, "sales growth hasn't been dramatic." +20530018 For the 11 months ended March 31, operating profit at the 52-store chain totaled $40.5 million on sales of $286.8 million. +20530019 As Brooks Brothers jumps into the fashion fray, it will be playing catch up. +20530020 Many clothiers, especially Ralph Lauren, have cashed in on the recent popularity of updated Ivy League and English styles. +20530021 In keeping with men's broader fashion scope today, businessmen are dabbling in English and Italian suits that are conservative but not stodgy. +20530022 The rigid Ivy League customer, Brooks Brothers' bread and butter, meanwhile is becoming extinct. +20530023 Thus, Brooks Brothers has lost customers to stores that offer more variety such as Paul Stuart, Barneys New York and Louis, Boston. +20530024 "Brooks Brothers no longer has a lock on the {Ivy League} customer who is status-conscious about his clothes," says Charlie Davidson, president of the Andover Shop, a traditional men's store in Cambridge, Mass. +20530025 By making a break from tradition, Brooks Brothers is seeking a delicate balance. +20530026 If it promotes fashion too much, the shop risks alienating its old-line customers; by emphasizing "value," it risks watering down its high-minded mystique. +20530027 Fashion industry consultants also question whether the company can make significant strides in its women's business, given that its customer base is less established and that conservative business dress for women is on the decline. +20530028 Brooks Brothers' aim is for 20% of total sales to come from the women's department, up from the current 12%. +20530029 "Everybody forgets that there are fashion cycles in classic merchandise," observes Carol Farmer, a retail consultant. +20530030 "For women, dressing for success in a real structured way is over." +20530031 Despite these challenges, Marks & Spencer sees big potential in Brooks Brothers, noting the widely recognized name and global presence. +20530032 Marks & Spencer plans to open roughly 18 more U.S. stores in the next five years. +20530033 Brooks Brothers says business is robust at its 30 outlets in Japan and two shops in Hong Kong. +20530034 Marks & Spencer is also considering opening stores across Europe sometime in the future. +20530035 Alan Smith, president of Marks & Spencer North America and Far East, says that Brooks Brothers' focus is to boost sales by broadening its merchandise assortment while keeping its "traditional emphasis." +20530036 The British parent is also streamlining: Brooks Brothers, which continues to make almost all of its merchandise, recently shut one of its two shirt plants in Paterson, N.J., and has closed boys' departments in all but 20 stores. +20530037 Brooks Brothers is also remodeling its stores. +20530038 Wednesday, it will unveil a $7 million refurbishing at its flagship store on Madison Avenue. +20530039 With newly installed escalators, the store retains its signature wood-and-brass look but is less intimidating. +20530040 More shirts and sweaters will be laid out on tables, instead of sitting behind glass cases, so that customers can "walk up and touch them," Mr. Roberti says. +20530041 Because the biggest growth in menswear is in casual sportswear, Brooks Brothers is chasing more of that business. +20530042 The entire second floor of its Madison Avenue store is now casual sportswear featuring items such as ski sweaters, leather backpacks and a $42 wool baseball hat with the store's crest. +20530043 The centerpiece of the overhaul, according to Mr. Roberti, is the men's tailored clothing department, where Brooks Brothers has added new suit styles and fabrics. +20530044 "The perception out there is that we are very conservative and we only sell one type of suit," Mr. Roberti says, referring to Brooks Brothers' signature three-button "sack suit," with a center-vented jacket and boxy fit. +20530045 But it now offers more two-button versions and suits with a tapered fit. +20530046 It also plans to add suits cut for athletic men with broader upper bodies. +20530047 Next spring, nearly 30% of its suits will have pleated pants, compared with virtually none a couple of years ago. +20530048 Says Mr. Roberti: "We want to turn the customer on. +20531001 Ferro Corp. said it will buy back as many as one million common shares. +20531002 The maker of chemical and industrial materials didn't say how much it would pay or when it would make the transactions. +20531003 Ferro also said it would cancel the unused portion of a 1987 buy-back plan for administrative reasons. +20531004 The plan calls for the company to buy back 2,250,000 shares, which reflects a 3-for-2 stock split this year. +20531005 So far the company had bought back 1.6 million shares. +20531006 In New York Stock Exchange composite trading Friday, Ferro closed at $25.25, down 50 cents. +20532001 Arthur Price abruptly quit as president and chief executive officer of MTM Entertainment Inc., a Los Angeles production company that has fallen on hard times. +20532002 Mr. Price, 61 years old, also stepped down from the board of TVS Entertainment PLC, the British TV company that last year bought MTM, producer of such TV programs as "Hill Street Blues" and "The Mary Tyler Moore Show." +20532003 A TVS spokesman said he didn't know Mr. Price's plans. +20532004 James Gatward, TVS's chief executive, said in a statement that he will "assume overall responsibility" for MTM's operations until a successor is named. +20532005 Industry analysts speculated that Mr. Price's sudden departure may have stemmed from conflicts with Mr. Gatward. +20532006 Mr. Price "wanted to run the MTM business" and may have regretted selling the company to TVS, suggested Charles Denton, managing director of Zenith Productions, a subsidiary of Carlton Communications PLC, London. +20532007 Mr. Gatward declined to comment, and Mr. Price couldn't be reached on Friday. +20532008 In the TVS statement, Mr. Price said "leaving MTM was a very difficult decision," but added that "it is now time for a change. . . ." +20532009 The $320 million purchase of MTM represented an audacious international move for TVS, which then was about half the U.S. concern's size. +20532010 At the time, Mr. Gatward said his friendship with Mr. Price had smoothed the way for its link with the small British company. +20532011 But TVS stunned industry analysts last month by disclosing that it expected MTM to post an operating loss for this year. +20532012 In that announcement, TVS also said it was trimming production finance and hiring a new U.S. sales manager. +20532013 Mr. Gatward has spent a lot of time since late September at MTM's headquarters; he eliminated three departments and fired six executives, according to the TVS spokesman. +20532014 Further staff cuts are likely, the spokesman indicated. +20532015 "Obviously, we are looking at making economies across the board." +20532016 TVS blames difficulties in peddling reruns of MTM shows to U.S. broadcasters for the problems at MTM. +20532017 The market for reruns sold to local U.S. broadcasters has been weak for the past three or four seasons. +20532018 Mr. Price co-founded MTM in 1969 with U.S. actress Mary Tyler Moore and Grant Tinker, her then-husband. +20532019 Mr. Tinker later left to become chairman of National Broadcasting Co. +20532020 The TVS spokesman said Mr. Price still holds about an 8% TVS stake, acquired as part of the MTM acquisition. +20532021 In late trading on London's Stock Exchange Friday, TVS shares rose four pence to 195 pence a share. +20533001 Two rival bidders for Connaught BioSciences extended their offers to acquire the Toronto-based vaccine manufacturer Friday. +20533002 Institut Merieux S.A., which offered 942 million Canadian dollars (US$801.2 million), or C$37 a share for Connaught, said it would extend its bid, due to expire last Thursday, to Nov. 6. +20533003 A C$30-a-share bid by Ciba-Geigy Ltd., a pharmaceutical company based in Basel, Switzerland, and California-based Chiron Corp., a bioresearch concern, was extended to Nov. 16. +20533004 It had been due to expire Friday evening. +20533005 Merieux previously said it would ensure its bid remained open pending a final decision by Canadian regulators on whether to approve the takeover. +20533006 Merieux, a vaccine and bioresearch firm based in Lyon, France, is controlled 50.1% by state-owned Rhone Poulenc S.A. +20533007 The Canadian government previously said Merieux's bid didn't offer enough "net benefit" to Canada to be approved, and gave Merieux an until mid-November to submit additional information. +20533008 Merieux officials said last week that they are "highly confident" the offer will be approved once it submits details of its proposed investments to federal regulators. +20533009 Both offers are conditional on regulatory approvals and enough shares being tendered to give the bidders a majority of Connaught's shares outstanding. +20533010 Institut Merieux, which already holds a 12.5% stake in Connaught, said that at the close of business Thursday, 5,745,188 shares of Connaught and C$44.3 million face amount of debentures, convertible into 1,826,596 common shares, had been tendered to its offer. +20533011 At the close of business Thursday, Ciba-Geigy and Chiron said 11,580 common shares had been tendered to their offer. +20533012 At last report, Connaught had 21.8 million shares outstanding. +20533013 Separately, the Ontario Supreme Court said it will postpone indefinitely a ruling on the lawsuit launched by the University of Toronto against Connaught in connection with the Merieux bid. +20533014 In a statement prepared by lawyers for the university and Connaught, the parties said they agreed that as a result of reaching a C415 million research accord, "It is unnecessary that there be a judgment on the merits {of the case} at this time." +20533015 Lawyers for the two sides weren't immediately available for comment. +20533016 The university had sought an injunction blocking Connaught's board from recommending or supporting an offer for the company by Merieux. +20534001 Conseco Inc. said it is calling for the redemption on Dec. 7 of all the 800,000 remaining shares outstanding of its $1.875 Series A convertible preferred stock at $26.805 a share. +20534002 The insurance concern said all conversion rights on the stock will terminate on Nov. 30. +20534003 Until then, Conseco said the stock remains convertible into common stock at the rate of 1.439 shares of common stock for each share of preferred stock, which is equivalent to a conversion price of $17.50 a common share. +20534004 In New York Stock Exchange trading Friday, Conseco closed at $19.50, down 25 cents. +20535001 Centerior Energy Corp. said the Ohio Water Development Authority approved terms for two series of tax-exempt bonds to finance a water-pollution control and solid-waste disposal facilities. +20535002 The authority will issue a total of $446.5 million of pollution-control revenue bonds. +20535003 Proceeds of the sale will go to Centerior's operating subsidiaries to finance the projects, located at a nuclear unit located near Cleveland. +20535004 The bonds will be issued for a term of 34 years at an interest rate of 8%. +20535005 Goldman, Sachs & Co. is the underwriter. +20536001 General Motors Corp.'s GMC Truck division put a $750 cash incentive on its 1990 full-sized Jimmy and Suburban trucks. +20536002 The program, which runs through Jan. 4, also offers low-rate financing in lieu of the cash rebate. +20537001 After days of intense but fruitless negotiations, a federal judge last week threatened to convert William Herbert Hunt's Chapter 11 personal bankruptcy case into a Chapter 7 liquidation. +20537002 Judge Harold C. Abramson raised the possibility after talks to end a feud between two major creditors failed and all three reorganization plans in the case ran into roadblocks. +20537003 If the case is converted to Chapter 7, what remains of the oil tycoon's once-vast estate -- now believed to have a value of less than $125 million -- would be sold off quickly with most of the proceeds going to the Internal Revenue Service, whose claim for $300 million in back taxes has priority in the case. +20537004 Hundreds of smaller creditors could get nothing, according to attorneys involved. +20537005 While admitting such a move would be "devastating" to most creditors, Judge Abramson told a courtroom filled with nearly two dozen attorneys that he was concerned about the toll mounting legal bills will take on Mr. Hunt's shrinking estate and about the fact that, following voting by creditors, none of the reorganization plans appeared to be viable in their present form. +20537006 "It would be a shame to have a Chapter 7 after all the progress in this case," said Judge Abramson. +20537007 Under Chapter 11 of the Federal Bankruptcy Code, a company continues to operate under protection from creditors' lawsuits while it works out a plan to pay its debts. +20537008 Under Chapter 7, the assets of a company are sold off to pay creditors. +20537009 Despite his reluctance to take the latter step, the judge indicated he would move quickly after hearing testimony later this week in the bitter dispute between Manufacturers Hanover Trust Co. and Minpeco S.A., a minerals concern owned by the Peruvian governmemt. +20537010 The Manufacturers Hanover Corp. unit, which is seeking repayment of a $36 million loan, has asked the court to give its claim priority over that of Minpeco, which won a $132 million judgment against Mr. Hunt, his brother Nelson Bunker Hunt and other defendants last year in a case stemming from their alleged attempts to corner the silver market in +20537011 While claiming that penalties, legal fees and interest have driven the value of its claim to more than $250 million, Minpeco has agreed to settle for an allowed claim of as much as $65.7 million. +20537012 But even that is disputed by Manufacturers Hanover which, in alliance with the IRS, contends that Minpeco has already collected more than its actual damages from other defendants in the silver-conspiracy case. +20537013 Under prodding from Judge Abramson, a Minpeco executive flew in from Peru last week to talk directly with executives from Manufacturers Hanover on a settlement. +20537014 Despite long private sessions in both New York and Dallas, the two sides ended the week "6,000 miles and many dollars apart," according to attorney Hugh Ray, who represents Manufacturers Hanover. +20537015 Meanwhile, inside the courtroom, the judge said he would fine attorneys for the two creditors $50 every time they referred to each other with terms such as "liar" or "slime." +20537016 All three major creditors -- the IRS, Minpeco and Manufacturers Hanover -- voted against and effectively doomed a reorganization plan proposed by Mr. Hunt. +20537017 A reorganization plan proposed jointly by the IRS and Manufacturers Hanover was stalled by a negative vote from Minpeco. +20537018 The mineral concern's own reorganization plan met a similar fate after opposition from the IRS and Manufacturers Hanover. +20537019 Neither plan is dead, however, and the judge could force creditors to accept some version of them after ruling on the Minpeco-Manufacturers Hanover dispute. +20537020 Meanwhile, settlement negotiations continue between Mr. Hunt and the IRS, which has already reached a tentative agreement with Nelson Bunker Hunt. +20537021 The two sides have been far apart on how much Herbert Hunt will continue to owe the government after his assets are sold. +20538001 Stuart E. Eizenstat, a partner in the Washington law firm of Powell, Goldstein, Frazer & Murphy, was named a director of this utility holding company, increasing board membership to 14. +20539001 Pacific First Financial Corp. said it signed a non-binding letter of intent to acquire the construction lending unit of Old Stone Bank of California. +20539002 Terms haven't been finalized, but the transaction is expected to close by year end, Pacific First said. +20539003 Old Stone's construction lending portfolio includes about $250 million in real-estate loans outstanding. +20539004 The unit has 30 employees in four California offices, the company said. +20539005 Pacific First owns Pacific First Federal Savings Banks and other financial services firms. +20540001 General Electric Co.'s rail-car leasing unit completed the $178.5 million purchase of similar businesses from Leucadia National Corp. and Brae Corp., 74%-owned by Leucadia, the sellers said. +20540002 The buyer was GE Capital Railcar Services, Chicago, a major owner of railway equipment and part of the GE Capital operations. +20540003 Leucadia, New York, estimated it had a pre-tax gain on the transaction of $57 million, including its part of Brae's gain. +20540004 Because of tax-loss carry-forward, Leucadia said it expects to escape taxes on "a substantial portion of the gain." +20540005 The estimated gain for Brae is $15 million, including a tax credit of $7 million, the sellers said. +20540006 "The credit for income taxes is a result of having provided deferred income taxes applicable to the sold assets at the higher income tax rates in effect in prior years," the sellers said. +20541001 Automatic Data Processing Inc. plans to redeem on Nov. 16 its $150 million of 6.5% convertible subordinated debentures due March 1, 2011. +20541002 The computing-services concern will pay $1,059.04 for each $1,000 face amount of debt. +20541003 The conversion price for the debentures is $41.725 a share. +20541004 In New York Stock Exchange composite trading Friday, Automatic Data closed at $46.50 a share, down $2.25. +20541005 If all the debt is converted to common, Automatic Data will issue about 3.6 million shares; last Monday, the company had nearly 73 million shares outstanding. +20541006 Automatic Data is redeeming the bonds because the after-tax cost of the interest on the bonds is higher than the dividend yield on the common, a spokesman said. +20542001 Dow Jones & Co. extended its tender offer of $18 a share, or about $576 million, for the 33% of Telerate Inc. that it doesn't already own until 5 p.m. EST, Nov. 6. +20542002 The offer, which Telerate's two independent directors have rejected as inadequate, previously had been scheduled to expire at midnight Friday. +20542003 Dow Jones said it extended the offer to allow shareholders time to review a supplement to the Dow Jones tender offer circular that it mailed last Friday. +20542004 The supplement contains various information that has been filed with the Securities and Exchange Commission since Dow Jones launched the offer on Sept. 26, but it doesn't change the terms and conditions of the offer except to extend its expiration date. +20542005 In Delaware Chancery Court litigation, Telerate has criticized Dow Jones for not disclosing that Telerate's management expects the company's revenue to increase by 20% annually, while Dow Jones based its projections of Telerate's performance on a 12% revenue growth forecast. +20542006 In the tender offer supplement, Dow Jones discloses the different growth forecasts but says it views the 20% growth rate "as a hoped-for goal" of Telerate's management "and not as a realistic basis on which to project the company's likely future performance." +20542007 Telerate shares fell 50 cents on Friday to close at $20 each in New York Stock Exchange composite trading. +20542008 Dow Jones shares also fell 50 cents to close at $36.125 in Big Board composite trading. +20542009 Dow Jones has said it believes the $18-a-share price is fair to Telerate's minority shareholders. +20542010 Late last week, representatives of Dow Jones and Telerate began negotiations about the terms of the offer, but those talks didn't result in any changes in the offer. +20542011 Telerate provides information about financial markets through an electronic network. +20542012 Dow Jones, which owns 67% of Telerate, publishes The Wall Street Journal, Barron's magazine, community newspapers and operates financial news services and computer data bases. +20543001 Chamberlain Manufacturing Corp. won a $25.8 million Army contract for 155mm artillery shell casings. +20543002 Avondale Industries Inc. received a $13.5 million Navy contract for ship spare parts. +20544001 Air & Water Technologies Corp. completed the acquisition of Falcon Associates Inc., a Bristol, Pa., asbestos-abatement concern, for $25 million of stock. +20544002 Air & Water, which provides environmental services and systems, paid about 1.4 million of its shares for Falcon. +20544003 In American Stock Exchange composite trading Friday, Air & Water closed unchanged at $17.50. +20544004 At July 31, Air & Water had nearly 10 million shares outstanding. +20545001 The Canadian pig herd totaled 10,674,500 at Oct. 1, down 3% from a year earlier, said Statistics Canada, a federal agency. +20545002 Sows for breeding and bred gilts totaled 1,070,000, down 2% from a year ago. +20545003 (Jacksonville, Fla.) -- Charles Bates, president, chief executive and chief operating officer will resign from these positions and the board effective Oct. 31. +20545004 Norman J. Harrison, chairman, will succeed him as chief executive. +20545005 Roger L. Sutton, executive vice president, was appointed as the new president and chief operating officer. +20545006 Kerry P. Charlet will become executive vice president, and retain his positions as chief financial officer and treasurer. +20546001 Upset over the use of what it says are its exclusive trademarks, Hells Angels Motorcycle Corp. is fighting back -- in court. +20546002 Concord New Horizons Corp., creators of a 1988 movie called Nam Angels, used the gang's name and trademarks without authorization, the not-for-profit corporation says in a complaint filed in federal court. +20546003 Nam Angels depicts a group of the cycle gang's members on a mercenary mission to Viet Nam during the war years. +20546004 In addition to being broadcast on cable television, the movie also is being distributed on videocassettes, the suit alleges in seeking unspecified damages. +20546005 Also named in the suit is Media Home Entertainment Inc. of Culver City, Calif., its parent, Heron Communications Inc., and Broadstar Television of Los Angeles, holders of the copyright on the movie. +20546006 A Concord spokeswoman called the suit "unfounded" but declined to comment further. +20546007 Besides being upset with the film's use of the Hells Angels name and logos, the Angels are angry with their depiction in the movie. +20546008 "There is absolutely no way our board or membership would have approved the portrayal of the Hells Angels in this movie," said George Christie, president of the club's Ventura chapter. +20546009 "Portrayal of our members as disloyal to each other is totally contrary to the most important values of our organization -- loyalty and trust." +20546010 Nam Angels shows Angels fighting with each other and also depicts them as showing no remorse when a member is killed. +20546011 Both of these actions aren't characteristic of real Hells Angels, Mr. Christie said. +20546012 Hells Angels was formed in 1948 and incorporated in 1966. +20546013 In addition to 26 chapters in the U.S., there are 40 chapters in foreign countries. +20547001 Douglas H. Miller, self-employed in the oil and gas securities business, was named chairman of this oil and gas exploration company, filling a vacancy. +20547002 Mr. Miller, who has been a Coda director, also was named chief executive officer, succeeding Ted Eubank, who remains president and chief operating officer. +20548001 Lawrence M. Gressette Jr., president, was elected to the additional posts of chairman and chief executive officer of this utility holding company, effective Feb. 1, 1990. +20548002 The 57-year-old Mr. Gressette, who was also elected chairman and chief executive of all Scana subsidiaries, succeeds John A. Warren. +20548003 Mr. Warren will remain on the company's board. +20549001 The American Stock Exchange said a seat was sold for $165,000, unchanged from the previous sale Oct. 13. +20549002 Seats on the Amex currently are quoted at $151,000 bid and $200,000 asked. +20550001 The world had a big yuk recently when the Soviets reported a rash of UFO landings, one of them bringing tall aliens who glowed in the dark to Voronezh. +20550002 It is the opinion of Timothy Good, author of "Above Top Secret: The World UFO Cover-Up" (Quill/William Morrow, 592 pages, $12.95), that the world laughs too fast. +20550003 Here is a bible for UFO watchers, complete with pictures of people who say they've had personal relationships with aliens. +20550004 One photo shows a woman sporting a scar she says was made by a laser beam (a low-caliber weapon, from the looks of the wound). +20550005 So far anyway, our alien visitors seem more intent on brightening our skies than pulverizing us. +20550006 Mr. Good devotes much serious space to the events of Feb. 25, 1942, when American gunners spotted strange lights in the sky above Los Angeles. +20550007 Air-raid sirens sounded the alarm at 2:25 a.m., summoning 12,000 air wardens to duty. +20550008 Soon all hell broke loose. +20550009 Ground batteries, targeting an odd assortment of aircraft traveling at highly unusual speeds, opened up a furious fusillade. +20550010 The sky filled with 12.8-pound shells, several of which fell back to Earth, destroying homes and buildings. +20550011 When the smoke cleared, six people were dead (three from heart attacks), and everyone wondered what in the world they were shooting at. +20550012 Mr. Good, who documents these things as best he can, provides an official explanation in the form of a memorandum from Chief of Staff George C. Marshall to President Roosevelt: "1,430 pounds of ammunition," he wrote his commander in chief, were expended on "unidentified aircraft," flying at speeds as slow as 200 mph and elevations between 9,000 and 18,000 feet. +20550013 Well, thousands of Californians on the scene insisted the ammo had been uselessly aimed at a large, hardy UFO, but you will just have to make your own decision about such sightings. +20550014 One thing's for sure: There have been a ton of them, and greater beings than the editors of the National Enquirer have shown interest. +20550015 Gerald Ford, a fairly down-to-earth fellow, once sent a letter to the chairman of the Armed Services Committee recommending that "there be a committee investigation of the UFO phenomenon. +20550016 I think we owe it to the American people to establish credibility regarding UFOs and to produce the greatest possible enlightenment on the subject." +20550017 Jimmy Carter went further in a 1976 campaign promise: "If I become president, I'll make every piece of information this country has about UFO sightings available to the public, and the scientists. +20550018 I am convinced that UFOs exist because I have seen one. . . ." +20550019 But you know about campaign promises. +20550020 It still doesn't look like governments are coughing up everything they know. +20550021 Still, despite their efforts to convince the world that we are indeed alone, the visitors do seem to keep coming and, like the recent sightings, there's often a detail or two that suggests they may actually be a little on the dumb side. +20550022 For instance, witnesses in Voronezh say the pinheaded behemoths and their robot friend, after strolling around the city park, left behind some rocks. +20550023 Now why, you have to ask yourself, would intelligent beings haul a bunch of rocks around the universe? +20550024 Or land in Russia so often. +20550025 In a 1961 incident, a Soviet mail plane disappeared off the radar screen just after radioing its position to ground control in Sverdlovsk. +20550026 A search party soon found the unscathed aircraft in a forest clearing much too small to have allowed a conventional landing. +20550027 What's more, the seven mail personnel aboard were missing. +20550028 Again, you have to ask the obvious question: Why would intelligent beings kidnap seven Soviet mailmen? +20550029 Speculation as to the nature of aliens will no doubt continue until we wake up one morning to find they've taken over "The Today Show," the way they overwhelm an entire town in Jack Finney's "Invasion of the Body Snatchers" (Fireside/Simon & Schuster, 216 pages, $8.95). +20550030 Maybe some of our talk-show hosts and anchors have already been taken over? +20550031 The point of this 1955 novel, which spawned two movies, is that the soulless pod people replicated by alien plants are virtually indistinguishable from human folks. +20550032 Another guy who thinks they're out there and closing fast is Whitley Strieber, whose new novel, "Majestic" (Putnam, 317 pages, $18.95), takes a look at a reported 1947 UFO crash near the Roswell Army Air Field in a New Mexico desert. +20550033 Mr. Strieber knows a lot about aliens. +20550034 He even had sex with one -- sort of, and not intentionally -- as readers learned in his "Communion" (a book recently described in the New York Times as a "nonfiction best seller"). +20550035 The way Mr. Strieber tells it in his earnest prose, the intelligence officer who found the craft's strange debris was forced by the government to call the flower-inscribed scraps parts of a weather balloon. +20550036 The apparent crash became top secret, and the alien creatures went away upset with the rude ways of human beings. +20550037 We lost our chance to communicate with sweet-natured visitors "about four feet tall {who} looked as though they were made of puffed-up marshmallow." +20550038 Mr. Shiflett is an editorial writer for the Rocky Mountain News. +20551001 Trustcorp Inc. will become Society Bank & Trust when its merger is completed with Society Corp. of Cleveland, the bank said. +20551002 Society Corp., which is also a bank, agreed in June to buy Trustcorp for 12.4 million shares of stock with a market value of about $450 million. +20551003 The transaction is expected to close around year end. +20552001 When the economy stumbled in the mid-1970s, Akzo NV fell out of bed. +20552002 Towering overcapacity in the synthetic fiber business, which accounted for half of the Dutch chemical company's sales, led to huge losses and left Akzo's survival in doubt. +20552003 It wasn't until the early 1980s that Akzo nursed itself back to health. +20552004 Now, as a new downturn in the chemical industry looms, Akzo says it is in far better shape to cope. +20552005 Investment analysts generally agree. +20552006 Aside from slashing costs and investing heavily in its plants, Akzo has spent 3.9 billion guilders ($1.88 billion) on acquisitions since 1983 to give it better balance. +20552007 During the same period, the company has sold about 1.6 billion guilders of assets. +20552008 The fibers business, whose products go into textiles, carpeting and myriad industrial uses, now accounts for only 20% of Akzo's sales. +20552009 "We have definitely become less cyclical," Syb Bergsma, executive vice president-finance, said in an interview. +20552010 Still, Akzo hasn't yet found a way to achieve another goal: a large presence in the U.S. market for prescription drugs. +20552011 Mr. Bergsma said prices for U.S. pharmaceutical companies remain too high, making it unlikely that Akzo will pursue any major acquisitions in that area. +20552012 But he said Akzo is considering "alliances" with American drug companies, although he wouldn't elaborate. +20552013 An indication of Akzo's success in reshaping itself will come Thursday when it reports third-quarter results. +20552014 Analysts expect the company to show profit of about 225 million guilders, up 9% from 206.3 million guilders a year earlier. +20552015 A bigger test will come next year if, as many analysts expect, bulk chemical prices slump in Europe. +20552016 "Maybe Akzo can surprise the investment world a bit," said Jaap Visker, an analyst at Amsterdam-Rotterdam Bank NV. +20552017 He figures Akzo is likely to be one of the few major chemical companies to show profit growth next year. +20552018 The bank projects Akzo will show per-share earnings of 24 guilders in 1990, up from an estimated 22.5 guilders for this year and the 20.9 guilders reported for 1988. +20552019 At James Capel & Co. in London, analyst Jackie Ashurst notes that Akzo is less exposed than many of its rivals to the most volatile chemical products. +20552020 For example, Akzo has only minor petrochemical operations, is small in plastics and doesn't make fertilizers. +20552021 Thus, while Akzo profited less than many rivals from the boom of recent years in petrochemicals and plastics, it has less to fear from the current slump. +20552022 The company is exposed to bulk chemicals, however. +20552023 Although bulk-chemical prices have begun falling in the U.S., they are generally stable in Europe, Mr. Bergsma said. +20552024 A decline may come in the first half of 1990, he said, but the market doesn't appear on the verge of a severe downturn. +20552025 To reduce the danger of such pricing cycles, Akzo has invested heavily in specialty chemicals, which have highly specific industrial uses and tend to produce much higher profit margins than do bulk chemicals. +20552026 Akzo's biggest move in this area was the 1987 acquisition of Stauffer Chemical Co.'s specialty chemical business for $625 million. +20552027 In a less glamorous field, Akzo is the world's biggest producer of industrial salt, used as a raw material for the chemical industry as well as for such tasks as melting ice. +20552028 Akzo also makes products derived from salt, such as chlorine and caustic soda. +20552029 In the fibers division, profit remains weak, largely because of persistent overcapacity. +20552030 But Akzo is still slimming down: It recently announced plans to eliminate about 1,700 fiber-related jobs in the Netherlands and West Germany. +20552031 Although the polyester and rayon markets remain mostly bleak, Akzo has high hopes for some emerging fiber businesses, such carbon fibers and aramid, extremely strong fibers used to reinforce tires and metals and to make such products as bullet-proof vests. +20552032 Akzo's Twaron aramid fiber is a distant second to Du Pont Co.'s Kevlar, which dominates the market. +20552033 Mr. Bergsma said world-wide industry sales of aramid fibers are expected to total about $500 million this year. +20552034 Sales growth of 10% a year seems possible, he said, and Akzo expects its Twaron business to become profitable in 1990. +20552035 Akzo also has spent heavily on acquisitions in paints, auto finishes and industrial coatings. +20552036 In August, for example, it completed the $110 million acquisition of Reliance Universal Inc., a U.S. maker of industrial coatings for wood, metals and plastics, from Tyler Corp. +20552037 Mr. Bergsma said Akzo is likely to see strong profit growth from coatings as it realizes cost savings and other benefits from its greater scale. +20552038 For Akzo's drug business, where profits have shown litle change for the past five years, Mr. Bergsma predicted moderate profit growth. +20552039 Akzo is the leading seller of birth-control pills in Europe but is still seeking regulatory approvals to enter that market in the U.S. and Japan. +20552040 Mr. Bergsma said Akzo hopes to have approval to sell its Marvelon pill in the U.S. in 1992. +20552041 Akzo also has small operations in diagnostic tests, generic drugs and veterinary products. +20552042 Veterinary products are showing especially strong growth, Mr. Bergsma said. +20552043 Among the leading products is a flu shot for horses. +20553001 We're sorry to see Nigel Lawson's departure from the British government. +20553002 He is a politician with the courage of true conviction, as in summarily sacking exchange controls and in particular slashing the top rate of income taxation to 40%. +20553003 But in the end his resignation as Chancellor of the Exchequer may be a good thing, especially if it works as he no doubt intends -- by forcing Prime Minister Thatcher and her counterparts elsewhere to confront the genuine intellectual issues involved. +20553004 The early omens, we admit, scarcely suggest so wholesome an outcome. +20553005 The Fleet Street reaction was captured in the Guardian headline, "Departure Reveals Thatcher Poison." +20553006 British politicians divide into two groups of chickens, those with their necks cut and those screaming the sky is falling. +20553007 So far as we can see only two persons are behaving with a dignity recognizing the seriousness of the issues: Mr. Lawson and Sir Alan Walters, the counterpoint of the Chancellor's difficulties, who also resigned as personal adviser to Mrs. Thatcher. +20553008 The problem is that on the vital issue of monetary policy and exchange rates, conservative, free-market economists divide into at least three incompatible camps. +20553009 There are the strict monetarists, who believe that floating exchange rates free an economy to stabilize its price level by stabilizing the monetary aggregates. +20553010 There are the supply-side globalists, who seek to spread the advantages of a common currency through fixed exchange rates. +20553011 And there are the twin-deficit Keynesians, who predict/advocate devaluations to balance trade flows. +20553012 This is a problem not only for Prime Minister Thatcher but for President Bush, as shown in the ongoing bickering over the dollar between the Federal Reserve and the Mulford Treasury. +20553013 In the British case, Mr. Lawson is the closest thing in London to a supply-side globalist. +20553014 He not only slashed marginal tax rates, initially sparking fresh growth in Britain, but he wanted to regulate monetary policy by targeting exchange rates, indeed joining the European Monetary System. +20553015 While no doubt agreeing with Mr. Lawson on everything else, Sir Alan is a dyed-in-the-wool monetarist, inclined to defend floating rates to the death. +20553016 To make matters even more confusing, the earlier U.S. experience made clear that Mr. Lawson's tax cuts would have profound effects on Britain's international accounts and the value of sterling. +20553017 They increased the after-tax rate of return and made Britain a far more attractive place to invest, producing sudden capital inflows. +20553018 By accounting definitions, this had to produce a sudden trade deficit. +20553019 As in the U.S., it also produced a sudden burst in the demand for sterling, that is a surge in the sterling monetary aggregates, M-Whatever. +20553020 At this point, the options were: Crunch money to stop the boost in the aggregates, as Sir Alan surely advised, and forget the soaring pound. +20553021 To push the pound even lower trying to cure the trade deficit, a policy Britain has repeatedly proved disastrous. +20553022 Or to supply enough money to meet the increased demand and stabilize the exchange rate, as the Chancellor argued, and ensure the permanence of this policy by joining the EMS. +20553023 Faced with a similar situation, Paul Volcker let the dollar soar, (though monetary aggregates also grew so rapidly monetarists issued egg-on-the-face warnings of inflation). +20553024 But this devastated the U.S. manufacturing sector, laying the seeds of protectionism. +20553025 Mr. Lawson, though not allowed to join the EMS, chose to "shadow" the deutsche mark. +20553026 He reaped inflation along with rapid growth, no doubt validating Sir Alan's predictions in the Prime Minister's mind. +20553027 But more recently, the pound has been falling with high inflation, which has also seemed almost impervious to the high interest rates Mr. Lawson deployed to stop it. +20553028 So the British experience presents a genuine puzzle that reaches far beyond the shores of Albion. +20553029 We had been soliciting opinions on it long before Mr. Lawson's resignation, and offer some of the collection for the benefit of his successor and one-time deputy, John Major. +20553030 To begin with, we should note that in contrast to the U.S. deficit, Britain has been running largish budget surpluses. +20553031 In pursuit of this mystery, Keynesian adepts and twin-deficit mavens need not apply. +20553032 We should also add Mr. Lawson's own explanation, as we understand it. +20553033 Unlike the U.S., Britain never achieved even a momentary reduction in real wages. +20553034 The wage stickiness, which OECD studies confirm is particularly high in Britain, gives its economy a structural bias toward inflation. +20553035 Inflation is easier to spark and harder to control. +20553036 We should also concede that in the British experience the monetarist cause regains some of the credibility it lost in the U.S. experience. +20553037 Nearby Paul Craig Roberts, a distinguished supply-sider with monetarist sympathies, argues the case for Sir Alan. +20553038 Perhaps the fiscal shock of tax cuts is after all best absorbed by floating rates, though of course in the event Mr. Lawson resigned over whether to support a weak pound, not restrain a strong one. +20553039 We recall that Mr. Roberts not only chides the Chancellor for being too easy because of a desire to constrain sterling, but also led the chorus saying that Mr. Volcker was too tight when he let the dollar rise. +20553040 Somewhere in between there must be a golden mean, perhaps measured by M-Whatever, but perhaps measured by purchasing power parity. +20553041 The globalists tend to think Mr. Lawson ran onto technical reefs. +20553042 In fixing rates the choice of initial parities is crucial, for example, and perhaps he picked the wrong pound-DM rate. +20553043 For that matter, perhaps he fixed to the wrong currency. +20553044 We sympathize with Mrs. Thatcher's reluctance to tie her currency to one governed by the domestic political imperatives of West Germany. +20553045 Perhaps the shock would have been less if they'd fixed to another low-tax, deregulated, supply-side economy. +20553046 Alan Reynolds of Polyconomics adds his suspicion that the unrecognized inflationary culprit is the budget surplus. +20553047 Those who can shake Keynesian ghosts out of their heads might recognize that the retirement of gilts for cash is equivalent to an expansionary open-market operation, indeed, it is the definition of an open market operation to expand the money supply. +20553048 Mr. Reynolds also notes that since British banks have no reserve requirements, high interest rates are less likely to curb inflation than to cause recession. +20553049 We would add that in political terms, Mrs. Thatcher's problem was failing to decide between the Chancellor and her adviser. +20553050 In the end, neither policy was followed, and instead of learning anything we are left with a mystery. +20553051 In particular, "shadowing" a currency is anything but fixing; it is an open announcement that the exchange rate target has no credibility. +20553052 All the more so when strong voices are heard opposing the policy. +20553053 Better to have a true monetarist policy, just for the experience. +20553054 So Mr. Lawson had to resign. +20553055 In the end his move was sparked by remarks in excerpts from Sir Alan's autobiography in The American Economist, a 10,000-circulation academic journal. +20553056 But it was the underlying situation that became intolerable. +20553057 What Mr. Major and Mrs. Thatcher will do now remains to be seen. +20553058 They confront stubborn inflation and a sagging economy, that is to say, stagflation. +20553059 This cannot be solved by provoking a further downturn; reducing the supply of goods does not solve inflation. +20553060 Our advice is this: Immediately return the government surpluses to the economy through incentive-maximizing tax cuts, and find some monetary policy target that balances both supply and demand for money (which neither aggregates nor interest rates can do). +20553061 This was the version of supply-side economics that, in the late 1970s and early '80s, worked in America and world-wide to solve a far more serious stagflation than afflicts Britain today. +20554001 Ogilvy & Mather, whose declining profitability prompted its takeover by WPP Group earlier this year, will see its profit margins bounce back to the "11.5% range" in 1990, said Graham Phillips, the agency's new chairman-elect. +20554002 The ad agency's pretax profit margins were slightly under 10% at the time of the takeover, according to analysts; London-based WPP's goal is to increase margins to 12%. +20554003 Mr. Phillips made his comments during an interview detailing his plans for the agency. +20554004 British-born, the 24-year Ogilvy veteran was named last week to succeed Kenneth Roman, who is leaving by year's end to take a top post at American Express, an Ogilvy client. +20554005 Surrounded by stacks of paper, two computers and photos of himself boating and flying, Mr. Phillips laid out several changes he hopes to make at the agency. +20554006 First and foremost, Mr. Phillips said he hopes to improve client service. +20554007 Ogilvy under the fastidious Mr. Roman gained a reputation as occasionally being high-handed in its treatment of clients, of preaching what strategy a client should -- indeed, must -- follow. +20554008 And some of its top client-service executives, including Mr. Phillips, were promoted to the point they were saddled with administrative duties, with little time to see clients. +20554009 But Mr. Phillips recently freed himself up to spend more time with clients by delegating much of his administrative work to a deputy. +20554010 He also plans to get to know clients that Mr. Roman was closer to, such as Lever Brothers, American Express and Seagram. +20554011 The two men are planning joint visits to a number of clients to attempt to smoothly hand over the reins. +20554012 "Clients want to see more of our senior people involved in the business -- not once a month, but two or three times a week," he said. +20554013 Mr. Phillips also hopes to finally implement a reorganization announced earlier this year but put on hold by the WPP takeover. +20554014 The reorganization is supposed to make one-stop shopping -- buying advertising, public relations and design all in one place, or "Ogilvy Orchestration" in Ogilvyspeak -- a reality. +20554015 Under the reorganization, Ogilvy plans to name one executive on each account as a "client service director" to work as the client's single contact for all those services. +20554016 "There is little or no integration of our work, quality is spotty, there is no single focus," Mr. Phillips complained to staffers in March, when the reorganization was announced. +20554017 Now Mr. Phillips says he hopes to have the new system in place for several clients -- including American Express, American Telephone & Telegraph and Ryder -- by year's end. +20554018 Industry executives and analysts are divided on whether Mr. Phillips is up to the task. +20554019 He isn't as well-known to clients as is Mr. Roman. +20554020 Under his watch, office politicking was often rampant in the agency's New York operation and the office there has had a dismal new-business record for more than a year. +20554021 And while last week the agency hired a top Chiat/Day/Mojo executive, Bill Hamilton, to try to bolster its work, "Graham has to get the revenue of that New York office moving," says James Dougherty, an analyst with County NatWest Securities. +20554022 The one thing Mr. Phillips clearly does have going for him is continuity, although it isn't certain if that will be enough. +20554023 As Mr. Dougherty says, "The last thing they need is enormous disruption at the top . . . and Graham is obviously a long-term member of the Ogilvy Mafia, as we call it." +20554024 Mr. Phillips and Mr. Roman are indeed quite similar in substance, if not in style. +20554025 While Mr. Roman is a workaholic detailsman, Mr. Phillips would rather delegate, leaving him time for his interests outside the office. +20554026 Mr. Roman, by contrast, seems rarely to cut loose at all, although he did appear at Ogilvy's Halloween party Friday decked out in duck feet and a duck hat, costumed as a "lame duck." +20554027 Mr. Phillips said the company's expected margin improvement will be all but inevitable, given that the company's profitability was dragged down this year by an expensive move to luxurious, oversized new New York headquarters. +20554028 The move, budgeted at about $7 million, actually came in at about $10 million, he said. +20554029 But margins will be helped, too, by some other cost-saving steps. +20554030 Ogilvy eliminated the mail room staff, closed the executive dining room and, after the takeover, let go half a dozen financial executives. +20554031 WPP, which assumes financial control of its businesses in a hands-on way, instituted a new financial system and plans to sublet some floors in Ogilvy's new headquarters building to outsiders. +20554032 The fact that the agency will now be part of a U.K. company, under British accounting rules, will also make the profit picture look better. +20554033 Y&R's Klein Steps Down +20554034 Arthur Klein, president of Young & Rubicam's New York office, stepped down "temporarily" in the wake of charges by a federal grand jury in New Haven, Conn., that he, the agency and another top executive bribed Jamaican tourist officials to win its account in 1981. +20554035 In an internal memo, Alex Kroll, the agency's chairman, said Mr. Klein decided to remove himself to minimize "negative reaction" from prospective clients and others and to prepare for his defense. +20554036 "The fact that he is in the process of defending himself against the present charges could conceivably have an adverse impact on Y&R," Mr. Kroll wrote. +20554037 He said Mr. Klein will return to his post at the end of the trial "at which he will be vindicated." +20554038 Mr. Klein will work with Mr. Kroll on some of the agency's joint venture activities and acquisitions while the case is pending. +20554039 Peter Georgescu, president of Y&R's ad operations, will assume Mr. Klein's day-to-day role. +20554040 Wells Rich's New Partner +20554041 Wells, Rich, Greene named Cheryl Heller as an executive vice president and creative partner in its image group, which concentrates on fashion and visually oriented advertising. +20554042 Ms. Heller, 38, had headed up Boston agency Heller/Breene, a unit of WCRS. +20554043 The agency, with about $35 million in billings, will be dissolved, with some of its staffers absorbed by WCRS's Della Femina McNamee unit in Boston, Ms. Heller said. +20554044 She said it was too early to say what would happen to its clients, including Reebok and Apple. +20554045 At Wells Rich, Ms. Heller will concentrate on accounts that include Philip Morris's Benson & Hedges cigarette brand, which relies on print ads, Ms. Heller's specialty. +20554046 As previously reported, the account is troubled, with Philip Morris asking Backer Spielvogel Bates, Ogilvy & Mather, and possibly others to try their hand at developing new creative work. +20554047 Wells Rich declined to comment on the status of the account, as did the other agencies. +20555001 Waxman Industries Inc. said holders of $6,542,000 face amount of its 6 1/4% convertible subordinated debentures, due March 15, 2007, have elected to convert the debt into about 683,000 common shares. +20555002 The conversion price is $9.58 a share. +20555003 The company said the holders represent 52% of the face amount of the debentures. +20555004 Waxman sells a variety of hardware products for the home repair market. +20556001 R.H. Macy & Co., the closely held department store chain, said in a financial filing Friday that its sales for the fiscal fourth quarter ended July 29 were up 10% to $1.59 billion against $1.44 billion a year earlier. +20556002 Comparable store sales for the quarter were up 7.3%. +20556003 The net loss for the quarter was $43.1 million against a year-earlier loss of $106 million. +20556004 The loss in the fourth quarter of 1988 reflected in part expenses for an unsuccessful bid for Federated Department Stores Inc., as well as the restructuring of some of its department store operations. +20556005 For the year, sales were up 5.6% to $6.97 billion compared with $6.61 billion in fiscal 1988. +20556006 Sales for both years reflect 12-month performances for each year of I. Magnin, Bullock's, and Bullocks Wilshire. +20556007 Macy acquired those three businesses in May 1988. +20556008 On a comparable store basis, including the new acquisitions for both years, sales for fiscal 1989 were up 1.9%. +20556009 Macy reported a net loss for fiscal 1989 of $53.7 million compared with a net loss of $188.2 million for fiscal 1988. +20556010 The company's earnings before interest, taxes and depreciation, which bondholders use a measurement of the chain's ability to pay its existing debt, increased 11% in fiscal 1989 to $926.1 million from $833.6 million. +20556011 The $833.6 million figures includes the new acquisitions. +20556012 Excluding those businesses, earnings before interest, taxes and depreciation for 1988 would have been $728.5 million. +20556013 As of Feb. 1, 1990, the Bullocks Wilshire stores will operate as I. Magnin stores. +20556014 Altogether, Macy and its subsidiaries own or lease 149 department stores and 61 specialty stores nationwide. +20556015 Although management led a leveraged buy-out of R.H. Macy in July 1986, the company still makes financial filings because of its publicly traded debt. +20556016 The company estimates its total debt at about $5.2 billion. +20556017 This includes $4.6 billion of long-term debt, $457.5 million in short-term debt, and $95.7 million of the current portion of long-term debt. +20556018 In a letter to investors, Chairman Edward S. Finkelstein wrote that he expects the company to "benefit from some of the disruption faced by our competitors. +20556019 While our competitors are concerned with their financial viability and possible ownership changes, we will be concentrating on buying and selling merchandise our customers need and want." +20556020 Mr. Finkelstein is apparently referring to B. Altman and Bonwit Teller, two New York retailers that have recently filed for Chapter 11 bankruptcy protection, as well as the retail chains owned by financially troubled Campeau Corp. +20556021 Those chains include Bloomingdale's, which Campeau recently said it will sell. +20556022 Other retail properties for sale include Saks Fifth Avenue and Marshall Field, retailers now owned by B.A.T PLC, the British tobacco conglomerate. +20556023 In his letter, Mr. Finkelstein also referred to the recent San Francisco earthquake. +20556024 Mr. Finkelstein flew to San Francisco the day after the earthquake, and found that 10 to 12 of his company's stores had sustained some damage, including the breakage of most windows at the I. Magnin store on Union Square. +20556025 "The volume and profit impact on our fiscal first quarter will not be positive, but looking at the whole fiscal year, we don't see the effect as material," wrote Mr. Finkelstein. +20557001 RJR Nabisco Inc. said it agreed to sell its Baby Ruth, Butterfinger and Pearson candy businesses to Nestle S.A.'s Nestle Foods unit for $370 million. +20557002 The sale, at a higher price than some analysts had expected, helps the food and tobacco giant raise funds to pay debt and boosts Nestle's 7% share of the U.S. candy market to about 12%. +20557003 The candy businesses had sales of about $154 million last year, which was roughly 12% of total revenue for RJR's Planters LifeSavers unit, according to a memorandum distributed by RJR's owner, Kohlberg Kravis Roberts & Co., to bankers last December. +20557004 The Nestle acquisition includes a candy plant in Franklin Park, Ill., which employs about 800 workers. +20557005 The sale, which had been expected, is part of KKR's program to pay down $5 billion of a $6 billion bridge loan by February. +20557006 Roughly $2 billion of that debt has already been repaid from previous asset sales, and RJR expects to use another $2 billion from the pending, two-part sale of most of its Del Monte unit. +20557007 That sale, however, could still fall through if financing problems develop. +20557008 Thus, it remains crucial for RJR to obtain top dollar for its smaller assets like the candy brands. +20557009 Louis Gerstner Jr., chairman and chief executive officer of New York-based RJR, called the sale a "significant step" in the company's divestiture program, as well as a "a strategic divestiture." +20557010 Since KKR bought RJR in February for $25 billion of debt, it has agreed to sell nearly $5 billion of RJR assets. +20557011 RJR's executives have said they will dispense with certain brands, in particular, that aren't leaders in their markets. +20557012 "RJR Nabisco and Planters LifeSavers will concentrate more on our own core businesses," Mr. Gerstner said Friday. +20557013 Baby Ruth and Butterfinger are both among the top-selling 15 chocolate bars in the U.S., but RJR's overall share of the roughly $5.1 billion market is less than 5%. +20557014 Nestle's share of 7% before Friday's purchases is far below the shares of market leaders Hershey Foods Corp. and Mars Inc., which have about 40% and 36% of the market, respectively. +20557015 "This means Nestle is now in the candybar business in a big way," said Lisbeth Echeandia, publisher of Orlando, Fla.-based Confectioner Magazine. +20557016 "For them, it makes all kinds of sense. +20557017 They've been given a mandate from Switzerland" to expand their U.S. chocolate operations. +20557018 Nestle S.A. is based in Vevey, Switzerland. +20557019 The new candy bars, "make an important contribution to our Nestle Foods commitment to this very important strategic unit," said C. Alan MacDonald, president of Nestle Foods in Purchase, N.Y. +20558001 Aetna Life & Casualty Co.'s third-quarter net income fell 22% to $182.6 million, or $1.63 a share, reflecting the damages from Hurricane Hugo and lower results for some of the company's major divisions. +20558002 Catastrophe losses reduced Aetna's net income by $50 million, including $36 million from Hugo. +20558003 Last year catastrophe losses totaled $5 million, when net was $235.5 million, or $2.07 a share. +20558004 The year-earlier results have been restated to reflect an accounting change. +20558005 The insurer has started processing claims from the Northern California earthquake nearly two weeks ago. +20558006 But because these claims are more difficult to evaluate and have been coming in more slowly, the company has no estimate of the impact of the earthquake on fourth-quarter results. +20558007 In New York Stock Exchange composite trading Friday, Aetna closed at $60, down 50 cents. +20558008 In the latest quarter, Aetna had a $23 million loss on its auto/homeowners line, compared with earnings of $33 million last year. +20558009 Profit for its commercial insurance division fell 30% to $59 million, reflecting higher catastrophe losses and the price war in the property/casualty market for nearly three years. +20558010 However, Aetna's employee benefits division, which includes its group health insurance operations, posted a 34% profit gain to $106 million. +20558011 Third-quarter results included net realized capital gains of $48 million, which included $27 million from the sale of Federated Investors in August and a $15 million tax credit. +20558012 In the nine months, net rose 4.3% to $525.8 million or $4.67 a share, from $504.2 million, or $4.41 a share, last year. +20559001 Out of the mouths of revolutionaries are coming words of moderation. +20559002 Here, at a soccer stadium near the black township of Soweto yesterday, were eight leaders of the African National Congress, seven of whom had spent most of their adult lives in prison for sabotage and conspiracy to overthrow the government. +20559003 Here were more than 70,000 ANC supporters, gathering for the first ANC rally inside South Africa since the black liberation movement was banned in 1960. +20559004 Here was the state security appartus poised to pounce on any words or acts of provocation, let alone revolution. +20559005 But the words that boomed over the loudspeakers bore messages of peace, unity, negotiation and discipline. +20559006 "We stand for peace today and we will stand for peace tomorrow," said Walter Sisulu, the ANC's former secretary general who, along with five of his colleagues, served 26 years in prison before being released two weeks ago. +20559007 Some members of the huge crowd shouted "Viva peace, viva." +20559008 These are curious times in South African politics. +20559009 The government and the ANC, the bitterest of enemies, are engaged in an elaborate mating dance designed to entice each other to the negotiating table. +20559010 Pretoria releases the ANC leaders, most of whom were serving life sentences, and allows them to speak freely, hoping that the ANC will abandon its use of violence. +20559011 The ANC leaders speak in tones of moderation, emphasizing discipline, hoping the government will be encouraged to take further steps, such as freeing Nelson Mandela, the most prominent ANC figure, and unbanning the organization. +20559012 The government of President F.W. de Klerk is using this situation to improve its international image and head off further economic sanctions. +20559013 Meanwhile, the many organizations inside the country that back the ANC are taking the opportunity to regain their strength and mobilize their supporters even though the state of emergency, which has severely curtailed black opposition, remains in force. +20559014 The result is that the unthinkable and illogical are happening. +20559015 Six months ago, government approval for an ANC rally was inconceivable. +20559016 Equally inconceivable is that the ANC, given the chance to hold a rally, would extend a hand, albeit warily, to the government. +20559017 In a message read out at the rally, exiled ANC President Oliver Tambo, who can't legally be quoted in South Africa, said the country was at a crossroads and that Mr. de Klerk "may yet earn a place among the peacemakers of our country" if he chooses a "path of genuine political settlement." +20559018 Still, this doesn't mean that either the government or the ANC is changing stripes -- or that either has moved significantly closer to the other. +20559019 The government may ease repression in some areas, but it still keeps a tight grip in others. +20559020 For instance, it releases Mr. Sisulu without conditions, yet his son, Zwelakhe, a newspaper editor, is restricted to his home much of the day and isn't allowed to work as a journalist. +20559021 The ANC vows to keep up pressure on the government. +20559022 Speakers yesterday called on foreign governments to increase sanctions against Pretoria and urged supporters inside the country to continue defying emergency restrictions and racial segregation, known as apartheid. +20559023 "We cannot wait on the government to make changes at its own pace," Mr. Sisulu said. +20559024 Because the ANC remains banned, both the government, which approved the rally, and the organizers, who orchestrated it, denied it was an ANC rally. +20559025 They both called it a "welcome home" gathering. +20559026 Nevertheless, an ANC rally by any other name is still an ANC rally. +20559027 The recently released leaders sat high atop a podium in one section of the stadium stands. +20559028 Behind them was a huge ANC flag and an even bigger sign that said "ANC Lives, ANC Leads." +20559029 Next to them was the red flag of the outlawed South African Communist Party, which has long been an ANC ally. +20559030 In the stands, people waved ANC flags, wore ANC T-shirts, sang ANC songs and chanted ANC slogans. +20559031 "Today," said Mr. Sisulu, "the ANC has captured the center stage of political life in South Africa." +20559032 As a police helicopter circled overhead, Mr. Sisulu repeated the ANC's demands on the government to create a climate for negotiations: Release all political prisoners unconditionally; lift all bans and restrictions on individuals and organizations; remove all troops from the black townships; end the state of emergency, and cease all political trials and political executions. +20559033 If these conditions are met, he said, the ANC would be prepared to discuss suspending its guerrilla activities. +20559034 "There can be no question of us unilaterally abandoning the armed struggle," he said. " +20559035 To date, we see no clear indication that the government is serious about negotiations. +20559036 All their utterances are vague." +20559037 Echoing a phrase from Mr. de Klerk, Mr. Sisulu said, "Let all of us who love this country engage in the task of building a new South Africa. +20560001 When Westinghouse Electric Corp. shuttered its massive steam turbine plant in Lester, Pa., three years ago, it seemed like the company had pulled the plug on its century-old power generation business. +20560002 But now Westinghouse is enjoying a resurgence in demand for both steam and combustion turbines and may even join the growing legion of independent electric producers. +20560003 And with its new venture with Japan's Mitsubishi Heavy Industries Ltd., announced last week, it is poised to penetrate growing markets overseas. +20560004 For the first time since the mid-1970s, Westinghouse this year has seen a significant increase in orders for power plants. +20560005 Most are from independent producers instead of regulated utilities, and Westinghouse believes it will ride a wave of demand stretching over the next six years. +20560006 Analysts agree, predicting that the revived market could significantly boost Westinghouse's bottom line in coming years. +20560007 "Westinghouse's earnings could be materially enhanced in the mid-1990s or sooner," says Russell L. Leavitt, of Salomon Brothers Inc. +20560008 The company expects a need for 140,000 megawatts of new generation in the U.S. over the next decade. +20560009 Already this year, it has received orders for four 150-megawatt advanced combustion turbines from Florida Power & Light Co. and for two 300-megawatt plants from Intercontinental Energy Corp., among others. +20560010 Westinghouse's own role as a supplier also is changing. +20560011 In the past, the company usually took token equity positions in power plants it supplied as a "kicker" to close deals. +20560012 But last June's annnouncement that Westinghouse would put up all of the $70 million to build a new 55-megawatt plant could herald a new age. +20560013 Westinghouse's plant will provide electrical power to the Southern California Edison Co. and backup power and steam to the U.S. Borax & Chemical Co. +20560014 "We haven't decided on a strategy yet, but we could become an independent producer depending on whether we're the developer or just the supplier," says Theodore Stern, executive vice president of the company's energy and utility systems group. +20560015 At the same time, Westinghouse hopes its venture with Mitsubishi will help fend off growing competition, particularly in the U.S., from such European competitors as Asea Brown Boveri AG, Siemens AG, and British General Electric Co. +20560016 Under the agreement, Westinghouse will be able to purchase smaller combustion turbines from its Japanese partner, and package and sell them with its own generators and other equipment. +20560017 Westinghouse also jointly will bid on projects with Misubishi, giving it an edge in developing Asian markets. +20560018 In addition, the two companies will develop new steam turbine technology, such as the plants ordered by Florida Power, and even utilize each other's plants at times to take advantage of currency fluctuations. +20560019 "Even though we'll still compete against Mitsubishi, we can also work jointly on some projects, and we'll gain a lot of sourcing flexibility," Mr. Stern contends. +20560020 The Westinghouse-Mitsubishi venture was designed as a non-equity transaction, circumventing any possible antitrust concerns. +20560021 Westinghouse carefully crafted the agreement because the Justice Department earlier this year successfully challenged a proposed steam turbine joint venture with Asea Brown Boveri. +20560022 It is expected that the current surge in demand for new power will be filled primarily by independent producers which, unlike utilities, aren't regulated and therefore don't need government approval to construct new plants. +20560023 Westinghouse expects about half of its new orders for turbines to come from independent producers for at least the next six years. +20560024 Despite shutdowns of the company's Lester and East Pittsburgh plants, the company believes it has sufficient capacity to meet near-term demand with its much smaller and more efficient manufacturing facilities in North Carolina. +20560025 Still, Westinghouse acknowledges that demand from independent producers could evaporate if prices for fuel such as natural gas or oil rise sharply or if utilities, which have been pressured by regulators to keep down rates, are suddenly freed to add significant generating capacity. +20560026 Even if that scenario occurs, Westinghouse figures it is prepared. +20560027 The company already is gearing up for a renaissance of nuclear power even though it hasn't received an order for a domestic nuclear plant in a decade. +20560028 John C. Marous, chairman and chief executive officer, says he expects a commercial order by 1995 for the company's AP600 nuclear power plant, which is under development. +20560029 "Once we see an order, we expect it'll be on line by 2000. +20561001 Among the things I learned covering the World Series these past few weeks is that the Richter scale, which measures earthquakes, isn't like the one in your bathroom. +20561002 A quake that measures two on the Richter isn't twice as severe as a "one" -- it's 10 times worse. +20561003 A "three" is 10 times 10 again, and so on. +20561004 That put the "seven" of Oct. 17 in perspective for me. +20561005 Think I'll buy one of those "I Survived" T-shirts after all. +20561006 By Richterian standards, the show that the Oakland Athletics put on Friday and Saturday nights, in putting a mercifully swift end to the game's Longest Short Series, rated somewhere between a 10 and an 11. +20561007 The boys with the white elephants on their sleeves might not have made the earth move much, but they certainly did some impressive things with baseballs. +20561008 The Pale Pachyderms propelled six of 'em out of the unfriendly confines of Candlestick Park during the two games en route to 13-7 and 9-6 wins over the San Francisco Giants. +20561009 Combined with their two pre-quake victories, way back on Oct. 14 and 15 (the scores were 5-0 and 5-1, remember?), that gave them a sweep of the best-of-seven series. +20561010 The joke here is that the Giants lost by de fault. +20561011 That's geologically correct, but a trifle unfair otherwise. +20561012 They showed up, but didn't -- or couldn't -- challenge. +20561013 They led for nary an inning in the four games, and managed to stir their fans only once. +20561014 That came in the seventh inning of Game Four when, trailing 8-2, they scored four times and brought their big heat -- Will Clark and Kevin Mitchell -- to the plate with one out and a runner on. +20561015 But Clark flied out to short right field and Mitchell's drive to left was caught on the warning track by Rickey Henderson as 62,000 sets of lungs exhaled as one. +20561016 "I went out to Todd {Burns, the A's reliever} and told him that we weren't gonna let this guy beat us," said Oakland catcher Terry Steinbach of the decisive confrontation with Mitchell, the National League's reigning home-run king. +20561017 "I told him to make Mitchell reach for everything, and that's what we did. +20561018 The ball he hit wasn't a strike. +20561019 If it had been, he mighta hit it out." +20561020 But if the A's hadn't won in four, they would have prevailed in five, or six, or seven. +20561021 The best team won this Series, which is more unusual than it may sound. +20561022 Baseball ain't football, where the good teams beat up on the bad ones. +20561023 The best baseball teams win six of 10 games and the worst win four of 10. +20561024 Without becoming overly contentious, allow me to suggest that several recent champions of the world according to us (as in U.S.) might not have ranked No. 1 in many polls. +20561025 That list includes last season's champs, the Los Angeles Dodgers, who rode a miracle home run by Kirk Gibson and two faultless pitching performances by Orel Hershiser to a five-game triumph over a bewitched, bothered Oakland crew. +20561026 These A's, however, got few grades as low as B on their 1989 report card. +20561027 They led the Major Leagues in regular-season wins with 99 and flattened the Toronto Blue Jays four games to one for the American League pennant before stomping their cross-bay rivals. +20561028 The pithiest testimony to their domination of the just-concluded tournament came from Giants' manager Roger Craig after his team had fallen in Game Three to a five-home-run barrage that tied a 61-year-old Series record. +20561029 Asked what he would do differently on the morrow, Craig allowed that he might play his outfielders deeper, "maybe on the other side of the fence." +20561030 The A's offensive showing in the Series got an A, as in awesome. +20561031 Their 85 total bases broke a record for a four-game set, and their nine home runs tied one. +20561032 Eight Oakland players hit homers, with centerfielder Dave Henderson getting two, both on Friday. +20561033 Rickey Henderson, the do-everything leadoff man, had nine hits and set or tied four-game Series marks for triples (2) and stolen bases (3). +20561034 The sole A not to homer was cleanup hitter Mark McGwire, their regular-season leader with 33, and he contributed five hits plus a diving fielding play on a ground ball in Game Three that stopped a Giant rally while the issue still was in doubt. +20561035 "Think I'll redo my image -- get this changed to a glove," quipped the big first baseman Saturday night, fingering the gold bat he wears on a neck chain. +20561036 Even with that power show, though, the Oakland Series' star, certified by the Most Valuable Player award, was a pitcher, Dave Stewart. +20561037 He shut out the Giants on five hits in Game One, and allowed three runs on five hits in seven innings Friday after the 12-day break caused by the earthquake. +20561038 Stewart's honor was a nice note on a couple of grounds. +20561039 One was that, despite his 62 regular-season wins over the past three seasons in the Land Beyond the Late News, he has been overshadowed by his more-muscular mates and missed out on prizes that might have been his due. +20561040 The other is that he's an Oakland native, and lifted residents' spirits by his visits to quake-hit areas last week. +20561041 Afterward, as the A's toasted their victory with beer (they dispensed with traditional champagne showers in deference to the quake victims), Stewart said he thought his championship-team ring would outshine his individual trophy. +20561042 "Give me four or five more Series with these guys, and I don't care if I ever win a Cy Young," he said, in reference to baseball's best-pitcher award. +20561043 Indeed, the possibility of an A's ring cycle, a/k/a a dynasty, was a major topic of post-game discussion Saturday, so much so that Sandy Alderson, the team's general manager, felt obliged to dampen it. +20561044 "People change, teams change," he cautioned. +20561045 "It's easier to get worse than better in this game." +20561046 He might have added an interesting historical fact: The last Series sweep, by the Cincinnati Reds, came in 1976, which also was the first year of baseball player free agency. +20561047 It was widely predicted that free agency would allow the glamorous, "big market" teams to monopolize the best talent, but quite the opposite has occurred: Twelve different clubs have won titles in the 14 seasons since its advent. +20561048 The number includes such unstylish burgs as, well, Oakland. +20562001 The rationale for responding to your customers' needs faster than the competition can is clear: Your company will benefit in terms of market share, customer satisfaction and profitability. +20562002 In fact, managers today are probably more aware of speed as a competitive variable than ever before. +20562003 However, for many, managing speed does not come naturally. +20562004 "Most of us grew up believing in the axioms `Haste makes waste' and `Don't cut corners,' ideas that seem to run counter to the concept of managing speed," says Dean Cassell, vice president for product integrity at Grumman Corp. +20562005 "But in the real world, you learn that speed and quality are not a trade-off. +20562006 Speed is a component of quality -- one of the things we must deliver to satisfy customers." +20562007 Companies that actually market speed as part of their service train their managers to lead and participate in teams that increase speed and improve quality in everyday operations. +20562008 Managers learn to spot opportunities to increase customer satisfaction through speed, and shift some responsibility for analyzing, improving and streamlining work processes from themselves to teams of employees. +20562009 One team at the Federal Express Ground Operations station in Natick, Mass., focused on a particularly time-sensitive operation: the morning package sort. +20562010 Every morning, tractor-trailer trucks arrive at the Natick Ground Station from Boston's Logan Airport, carrying the day's package load. +20562011 In peak periods that load may include 4,000 pieces. +20562012 The packages must be sorted quickly and distributed to smaller vans for delivery, so couriers can be on the road by 8:35. +20562013 No customer is present at the morning package sort, but the process is nevertheless critical to customer satisfaction. +20562014 "We're committed to deliver the customer's package by a stated time, usually 10:30," notes Glenn Mortimer, a Federal Express courier who led the Natick team. +20562015 "The sooner our vans hit the road each morning, the easier it is for us to fulfill that obligation." +20562016 Following a problem-solving formula used by teams throughout Federal Express, members of the Natick team monitored their morning routine, carefully noting where and when the work group's resources were used effectively and where they were idle, waiting for others upstream in the process to send packages their way. +20562017 "We suspected there was downtime built into our process. +20562018 But we didn't know just where it was until we completed our data gathering," Mr. Mortimer says. +20562019 "We used the data to redesign our sorting system and put our resources where they could do the most good." +20562020 The team even created a points system to identify those couriers and subgroups that were doing the most to reduce package-sort cycle time. +20562021 Winners of the friendly competition earn a steak dinner out with their spouses. +20562022 "Monitoring shows that the Natick team's new system really does reduce cycle time for the morning package sort," reports James Barksdale, chief operating officer at Federal Express. +20562023 "The vans leave at least 15 minutes earlier, on average, than they used to. +20562024 And service levels have increased to the point where they're consistently above 99%." +20562025 A cross-functional team at Union Carbide's Tonawanda, N.Y., facility, which produces air-separation plants, followed a similar path to reduce manufacturing cycle time. +20562026 "The team included craftsmen from the shop floor as well as engineering, scheduling and purchasing personnel," reports Alan Westendorf, director of quality. +20562027 "First, they produced a flowchart detailing the process by which an air-separation plant actually gets built. +20562028 Then they identified snags in the process." +20562029 The Tonawanda team determined that holdups for inspections were the main problem and identified which kinds of delays involved critical inspections and which were less critical or could be handled by workers already on the line. +20562030 The team then proposed modifications in their work process to management. +20562031 "The streamlined manufacturing process benefits our customers in at least two ways," Mr. Westendorf concludes. +20562032 "First, we have better quality assurance than ever, because the people building the product have taken on more responsibility for the quality of their own work. +20562033 Second, we trimmed more than a month off the time required to deliver a finished product." +20562034 At Grumman's Aircraft Systems Division, a cross-functional team reduced the cycle time required to produce a new business proposal for an important government contract. +20562035 The team was composed of representatives from engineering, manufacturing, corporate estimating, flight test, material, quality control, and other departments. +20562036 "We needed contributions from all these departments to generate the proposal," says Carl Anton, configuration-data manager for Grumman's A-6 combat aircraft program. +20562037 "But instead of gathering their input piecemeal, we formed the team, which reached consensus on the proposal objectives and produced a statement of work to guide all the functions that were involved." +20562038 Armed with this shared understanding and requisite background information, each department developed its specialized contribution to the proposal, submitting data and cost estimates on a closely managed schedule. +20562039 "We cleared up questions and inconsistencies very quickly, because the people who had the skills and perspective required to resolve them were part of the task team," Mr. Anton explains. +20562040 The team trimmed more than two months from the cycle time previously required to develop comparable proposals. +20562041 "The team eliminated the crisis mentality that proposal deadlines can generate. +20562042 The result was a more thoughtful, complete and competitive proposal," Mr. Anton concludes. +20562043 The successes achieved at Federal Express, Union Carbide and Grumman suggest that managing speed may be an underutilized source of competitive advantage. +20562044 Managers in all three companies recognize speed as a component of quality and a key to customer satisfaction. +20562045 They effectively lead team efforts to reduce cycle time. +20562046 And they prepare all their people to increase the speed and improve the quality of their own work. +20562047 Mr. Labovitz is president of ODI, a consulting firm in Burlington, Mass. +20563001 Home taping of pre-recorded music cuts into record industry revenues, but banning home taping would hurt consumers even more. +20563002 That's the conclusion of an independent report prepared by the Office of Technology Assessment at the request of the House and Senate judiciary committees. +20563003 The report is to be released today. +20563004 The report says the availability of such advanced analog recording equipment as cassette recorders doesn't seem to increase the quantity of home copying. +20563005 That finding, the report says, casts doubt on the record industry's contention that the new generation of digital recording equipment will inevitably lead to wholesale abuse of copyrighted material by home tapers. +20563006 The longstanding position of the Recording Industry Association of America, a trade group based in Washington, D.C., is that record companies, performers, songwriters and music publishers need to be remunerated by government-imposed fees on the sale of blank tapes and recording equipment to make up for royalties lost to home taping. +20563007 "I think it is a nail in the coffin in any royalty tax proposal," says Gary Shapiro, vice president for government and legal affairs of the Electronic Industries Association in Washington. +20563008 "What {the report} shows is everything we've been saying for the past eight or nine years -- that audio taping is the best thing to happen for the recording industry. +20563009 The people who tape the most buy the most." +20563010 Trish Heimers, a spokesperson for RIAA says her organization hasn't received a copy of the completed report yet and has no immediate comment. +20563011 A recent agreement between the recording industry and electronics manufacturers requires that any digital audio tape, or DAT, recorder sold in the U.S. have a built-in device that restricts its ability to make second copies from DAT tape copies of digital compact disks. +20563012 But the disappointing sales of DAT machines here and abroad so far have not seemed to warrant the three years of legal wrangling that went into the agreement. +20563013 Under current copyright laws, it is considered "fair use" to reproduce copyrighted material for one's personal use or for use by one's family or friends, while copying for purposes of resale or profit is prohibited. +20563014 A survey contained in the 291-page report, "Copyright and Home Copying: Technology Challenges the Law," found that most people consider home copying for such personal use a "right" -- a right, moreover, that was exercised by 40% of Americans over the age of 10 in the past year. +20563015 The study says that the "ambiguous legal status" of home copying makes it "appropriate to examine the effects on consumers, as well as on industry." +20563016 Reports by the Office of Technology Assessment don't prescribe any specific legislative action but suggest a range of options that Congress may pursue. +20563017 The study also says that advent of new communications technologies makes "an explicit congressional definition of the legal status of home copying more desirable in order to reduce legal and market uncertainties and to prevent de facto changes to copyright law through technology," and says that finding an "appropriate balance of harms and benefits is a political decision, not a technical one. +20564001 Switzerland's most famous raider says he isn't one. +20564002 Werner K. Rey believes fortunes are made by being friendly. +20564003 And in little more than a decade of being friendly -- and at the same time rocking the staid Swiss business community with some U.S.-style wheeling and dealing -- the 46-year-old Mr. Rey has grown from a modest banker to a billionaire. +20564004 He achieved this in part with an uncanny talent for getting his foot peacefully in the door of established European companies. +20564005 His latest coup: September's masterminding of the five billion Swiss-franc ($3.07 billion) merger between Adia S.A., the world's second-largest temporary employment agency, and Inspectorate International S.A., a Rey-controlled product-inspection company. +20564006 Shareholders must approve the merger at general meetings of the two companies in late November. +20564007 But approval is almost certain since Mr. Rey and a friendly Adia management are in control. +20564008 After the transaction, Mr. Rey estimates the value of his 20% stake in the new company, to be held by his Omni Holding AG, will be about 1 billion Swiss francs. +20564009 This will be his return on an original investment of between 50 million Swiss francs and 80 million Swiss francs. +20564010 Mr. Rey bought a controlling stake in Inspectorate for 18 million Swiss francs in 1982, building up the little-known engineering company with European and U.S. acquisitions. +20564011 "I like to succeed," says Mr. Rey during a recent morning of working at home, which he also likes. +20564012 Home is an estate with green meadows opening onto Lake Geneva and a low-slung house whose rooms overlook the water and offer a view of the French Alps. +20564013 In the corner of his reception room is a delicate antique desk piled high with dossiers. +20564014 There is a small Renoir on the wall. +20564015 Zurich-based magazine Bilanz lists Mr. Rey as having a fortune of about 1.5 billion Swiss francs. +20564016 Writes Bilanz: "No one in Switzerland ever came so far so fast . . . +20564017 He was simply the first in this country to realize that treasures were just lying around waiting to be picked up. +20564018 In short: Rey found companies with weak earnings but rich assets." +20564019 However, the Swiss financial press in general, as well as many analysts, have had a hard time making up their minds about Mr. Rey and his un-Swiss ways. +20564020 For Switzerland's most prestigious newspaper, Neue Zuercher Zeitung, Mr. Rey seems destined to remain the "former Bally raider," an image that has proved hard to overcome. +20564021 In 1976, as an upstart in the eyes of Switzerland's establishment, Mr. Rey laid the foundations of his present-day prominence with an unheard-of raid on Bally, the country's traditional shoemaker. +20564022 Sitting beside a banker at a luncheon in London, where he was working as a financial consultant, he learned that a large packet of Bally's shares was up for sale. +20564023 Looking into Bally, he could hardly believe what he saw: a company with enormous real-estate holdings in major European cities and a market capitalization of 28 million Swiss francs; it had 7,000 employees. +20564024 Investing four million Swiss francs earned from his financial transactions and two million Swiss francs from his parents and his wife, Mr. Rey acquired 20% of Bally's shares. +20564025 But such tactics were alien to Switzerland in 1976, and still aren't common because of share restrictions that companies are allowed to maintain. +20564026 Eventually, Mr. Rey was forced to sell his Bally shares to the weapons maker Oerlikon-Buehrle Holding AG as establishment pressure grew on this hostile move into the Swiss old boys' network. +20564027 Mr. Rey made 50 million Swiss francs on the sale. +20564028 "Bally was not an unfriendly takeover," he insists. +20564029 Buying from willing shareholders makes an unfriendly takeover impossible, Mr. Rey contends. +20564030 "I bought from willing shareholders." +20564031 Nevertheless, Mr. Rey has been very careful since then to make sure his moves are welcome. +20564032 And he has worked to shed his raider image. +20564033 In 1979, his career as an industrialist began with the acquisition of the Swiss metals works Selve, based in Thun. +20564034 With the nonferrous metals business undermined in Switzerland by tough foreign competition and high domestic costs, this looked like a dull undertaking. +20564035 But Mr. Rey brought about a merger in the next few years between the country's major producers; the increased efficiency has perked up the industry. +20564036 Three years later, machinery producer Ateliers de Constructions Mecaniques de Vevey S.A. was to become part of the Rey empire. +20564037 Once again the company's future looked less than rosy. +20564038 But after restructuring under new management, the profits began rolling in. +20564039 A major boost to Mr. Rey's respectability among the Swiss came in 1986 when he sold 60% of his Phibro Bank to the conservative Swiss cantonal banks. +20564040 They renamed it Swiss Cantobank and are using it to expand abroad. +20564041 In 1987, Mr. Rey bested leading publishing houses to take over Switzerland's Jean Frey AG, a major producer of magazines and newspapers. +20564042 And with the recent acquisition of 30% of Winterthur-based machinery manufacturer Gebrueder Sulzer AG, Mr. Rey has enjoyed the status of white knight. +20564043 Sulzer preferred him to financier Tito Tettamanti, whose secretive raid on the company's stock had led to a bitter battle. +20564044 Meanwhile, as such strategic investments have mounted, the merchant-banking arm of Mr. Rey's Omni Holding has been busily buying and selling dozens of companies, often after a financial or corporate restructuring. +20564045 Today, this branch of Mr. Rey's empire runs under the name Omnicorp Offering Services and handles mergers and acquisitions, placement of securities and real estate. +20564046 In its portfolio are such diverse companies as United Kingdom-based Air Europe; Checkrobot Inc., a U.S. company that makes supermarket checkout machines; Norment Industries, a U.S. manufacturer of securities systems; Com Systems Inc., a U.S. regional telephone company; and major real-estate projects in the U.S. and Europe. +20564047 For financial analysts, reading Omni's accounts is a tough challenge. +20564048 "Companies move in and out," says Helga Kern of KK Swiss Investment. +20564049 Financial analysts note that Mr. Rey is attracted to companies that are undervalued on the basis of their real-estate interests. +20564050 In August, Omni unexpectedly bought Inspectorate's 80% stake in Harpener AG of West Germany, a land-rich company. +20564051 The internal transaction within the Rey empire puzzled Harpener's small shareholders, but analysts say it makes sense for Inspectorate-Adia to focus on its main businesses of product inspection and temporary help. +20564052 Mr. Rey says the move is yet another example of his conservatism. +20564053 He explains that companies with real estate give "security." +20564054 The real estate can be used, he points out, as guarantees for bank loans for corporate development. +20564055 He says he wants to "influence" but not "manage" companies. +20564056 "I don't want to be like {financier Alan} Bond and the other Australians. +20564057 I don't want companies to be built around me as a person. +20564058 I want them to stand alone. +20565001 Ultimate Corp. signed a letter of intent to market Hewlett-Packard Co. minicomputers, the companies said. +20565002 Ultimate expects the 3 1/2-year agreement to generate $100 million in sales, but it wouldn't estimate profit. +20565003 Under terms of the pact, Ultimate, a computer-systems concern, will market the full line of HP 9000 series 800 multipleuser minicomputers. +20565004 Hewlett-Packard is based in Palo Alto, Calif. +20566001 In the second step of a reorganization that began earlier this year, Boeing Co. said it will create a Defense and Space Group to consolidate several divisions. +20566002 Meanwhile, Boeing officials and representatives of the Machinists union met separately last night with a federal mediator in an attempt to break the month-old strike that has shut the aerospace giant's assembly lines at a time when it has an $80 billion backlog of jetliner orders. +20566003 The two sides were scheduled to meet with the mediator this morning. +20566004 Machinists already have rejected a package that would provide a 10% pay raise plus bonuses over the three-year life of the contract. +20566005 Boeing has said repeatedly it won't expand its offer and the machinists have responded that the offer isn't good enough. +20566006 However, the resolve of some of the striking 57,000 machinists might be weakening. +20566007 About 1,000 strikers signed petitions last week calling for Boeing and Machinists representatives to schedule new meetings. +20566008 The two sides hadn't met since Oct. 18. +20566009 While Boeing's commercial business is booming, its military business is feeling the effects of a declining defense budget after a strong buildup during the Reagan presidency. +20566010 In May, the company consolidated its Aerospace and Electronics groups; the new Defense and Space Group will contain the Aerospace and Electronics division and Advanced Systems, both based in the Seattle area; Boeing Helicopters in Philadelphia; Boeing Military Airplanes in Wichita, Kan., and ArgoSystems in Sunnyvale, Calif. +20566011 B. Dan Pinick, president of Boeing Aerospace and Electronics, will become president of the new group, which will become operational Jan. 2. +20566012 In addition, Boeing said it also will reorganize all its work in Wichita into military and commercial divisions. +20566013 All of the changes will reduce its overhead and streamline operations, Boeing said. +20566014 Analysts agreed. +20566015 "It's a further step to better returns in the hemorrhaging defense business," said Steven Binder, an analyst with Bear, Stearns & Co. in New York. +20566016 "They had to do it." +20566017 Howard Rubel, an analyst with C.J. Lawrence, Morgan Grenfell Inc. in New York, said the shift reflects Boeing confidence in Mr. Pinick, described by Mr. Rubel as an expert on doing business with the military. +20566018 "His side of the business has been successful in a tough environment," Mr. Rubel said. +20567001 A two-day meeting of representatives of Cocom, the 17-nation group that oversees exports of sensitive goods to communist countries, didn't take any substantive decisions on trimming the list of items under controls. +20567002 Nor did it ease restrictions on exports to Poland and Hungary, according to U.S. officials who attended the talks. +20567003 The U.S. had been under pressure from several Cocom members, especially France, West Germany and Italy, to ease restrictions on some types of machine tools, which those countries argued were now widely available to East Bloc countries from non-Cocom members. +20567004 For several years some European countries have complained that outdated Cocom lists and restrictions served more to hamper their trade than to add to Western security. +20567005 Some countries also have been pressing for special treatment for Hungary and Poland as they move toward more democratic rule, just as special treatment had been agreed on for China. +20567006 But U.S. officials said representatives at the meeting decided that this was "a matter for further discussion at future meetings." +20567007 They added that "all of us (Cocom members) look at the changes in Hungary and Poland in a positive way, but a question of this scope deserves further discussion and study." +20567008 The officials also said the meeting agreed to continue treating China as a special case, despite the recent repression of dissent there, but to offer no further concessions. +20567009 The U.S. officials said that despite the rapid changes under way in Eastern Europe and the Soviet Union, all the Cocom members agreed on "the continuing need for this organization," which was founded 40 years ago at the start of the Cold War. +20567010 The officials said the meeting agreed to continue working toward "streamlining" Cocom's restricted products list, and to improve procedures for punishing companies that don't comply with the export restrictions. +20567011 The officials said this meeting "put in motion" procedural steps that would speed up both of these functions, but that no specific decisions were taken on either matter. +20568001 Unisys Corp.'s announcement Friday of a $648.2 million loss for the third quarter showed that the company is moving even faster than expected to take write-offs on its various problems and prepare for a turnaround next year. +20568002 At the same time, the sheer size of the loss, coupled with a slowing of orders, made some securities analysts wonder just how strong that turnaround will be at the computer maker and defense-electronics concern. +20568003 "Unisys is getting clobbered. +20568004 Just clobbered," said Ulric Weil, an analyst at Weil & Associates who had once been high on the company. +20568005 "The quarter was terrible, and the future looks anything but encouraging." +20568006 Unisys, whose revenue inched up 3.7% in the quarter to $2.35 billion from $2.27 billion in the year-earlier quarter, had an operating loss of about $30 million. +20568007 On top of that, the Blue Bell, Pa., concern took a $230 million charge related to the layoffs of 8,000 employees. +20568008 That is at the high end of the range of 7,000 to 8,000 employees that Unisys said a month ago would be laid off. +20568009 Unisys said that should help it save $500 million a year in costs, again at the high end of the previously reported range of $400 million to $500 million. +20568010 The company also took a write-off of $150 million to cover losses on some fixed-price defense contracts, as some new managers took a hard look at the prospects for that slow-growing business. +20568011 In addition, Unisys set up an unspecified reserve -- apparently $60 million to $70 million -- to cover the minimum amount it will have to pay the government because of its involvement in the defense-procurement scandal. +20568012 Unisys also noted that it paid $78.8 million in taxes during the quarter, even though tax payments normally would be minimal in a quarter that produced such a big loss. +20568013 The tax payments will leave Unisys with $225 million in loss carry-forwards that will cut tax payments in future quarters. +20568014 In addition, Unisys said it reduced computer inventories a further $100 million during the quarter, leaving it within $100 million of its goal of a reduction of $500 million by the end of the year. +20568015 Still, Unisys said its European business was weak during the quarter, a worrisome sign given that the company has relied on solid results overseas to overcome weakness in the U.S. over the past several quarters. +20568016 The company also reported slower growth in another important business: systems that use the Unix operating system. +20568017 That would be a huge problem if it were to continue, because Unisys is betting its business on the assumption that customers want to move away from using operating systems that run on only one manufacturer's equipment and toward systems -- mainly Unix -- that work on almost anyone's machines. +20568018 In addition, Unisys must deal with its increasingly oppressive debt load. +20568019 Debt has risen to around $4 billion, or about 50% of total capitalization. +20568020 That means Unisys must pay about $100 million in interest every quarter, on top of $27 million in dividends on preferred stock. +20568021 Jim Unruh, Unisys's president, said he is approaching next year with caution. +20568022 He said the strength of the world-wide economy is suspect, and doesn't see much revenue growth in the cards. +20568023 He also said that the price wars flaring up in parts of the computer industry will continue through next year. +20568024 He said the move toward standard operating systems means customers aren't locked into buying from their traditional computer supplier and can force prices down. +20568025 That, he said, is why Unisys is overhauling its whole business: It needs to prepare for a world in which profit margins will be lower than computer companies have been used to. +20568026 "We've approached this not as a response to a temporary condition in the industry but as a fundamental change the industry is going through," Mr. Unruh said. +20568027 "The information-systems industry is still going to be a high-growth business, and we're confident that we have tremendous assets as a company. +20568028 But we don't minimize the challenges of the near term." +20568029 Securities analysts were even more cautious, having been burned repeatedly on Unisys this year. +20568030 Some had predicted earnings of more than $4 a share for this year, up from last year's fully diluted $3.27 a share on earnings of $680.6 million. +20568031 But the company said Friday that it had losses of $673.3 million through the first nine months, compared with earnings a year earlier of $382.2 million, or $2.22 a share fully diluted, as revenue inched up 1.4% to $7.13 billion from $7.03 billion. +20568032 And Unisys is expected to do little better than break even in the fourth quarter. +20568033 So Steve Milunovich at First Boston said he is cutting his earnings estimate for next year to $2 a share from $3. +20568034 "I was feeling like I was too high to begin with," he said. +20568035 Mr. Weil of Weil & Associates said he will remain at $1 a share for next year but said he wonders whether even that low target is at risk. +20568036 "The break-even point for next year is much lower, but is it low enough?" he asked. +20568037 Reflecting the concern, Unisys stock fell a further 75 cents to $16.25 in composite trading Friday on the New York Stock Exchange. +20569001 If a TV weatherman gets butterflies facing the camera again after a questionable forecast, Donald H. Straszheim surely understands. +20569002 The chief economist of Merrill Lynch & Co. finds himself in such a position as he buzzes the Midwest on his first road trip since backpedaling on a major prediction. +20569003 Mr. Straszheim expects he will take some heat, and he's right. +20569004 Since the last time he traveled this way several months ago, he has recanted a series of bold forecasts of a recession. +20569005 In February 1988, for example, Merrill Lynch's weekly commentary announced that "the economy is likely to fall into recession in early 1989." +20569006 The forecasts were widely disseminated, and, in a splashy ad campaign launched in the summer of 1988, Merrill Lynch urged investors to buy bonds. +20569007 It said long-term interest rates, then above 9%, could drop to 7% by the end of 1989, so bonds, which benefit from falling rates, would be a good buy. +20569008 The firm also raised the percentage of bonds in its model portfolio from 40% to 45% and later to 55%. +20569009 But this September -- just when many market economists, including some at Merrill Lynch, believed that Mr. Straszheim was about to be proved right -- he took a detour if not a U-turn. +20569010 He softened the talk about a recession. +20569011 Now, in fact, he is predicting economic growth of 2.9% this year and 2.1% next year, a more optimistic outlook than the consensus of some four dozen top forecasters surveyed by Blue Chip Economic Indicators newsletter. +20569012 And, just recently, Merrill Lynch cut the recommended bondholdings back to 50%. +20569013 While such changes might sound minor, they aren't: Merrill Lynch manages or oversees some $300 billion in retail accounts that include everything from mutual funds to individual annuities. +20569014 Two well-known colleagues who believe Mr. Straszheim was right the first time are David Bostian Jr. and A. Gary Shilling, both of whom run their own New York research firms. +20569015 Mr. Bostian said in August that his macroeconomic index signaled recession. +20569016 Mr. Shilling, who was Merrill Lynch's chief economist from 1967 to 1971, has heralded a recession for months. +20569017 "My own personal opinion is that Don threw in the towel just about the time he should have doubled his bet," he says. +20569018 Now a rocky stock market and weak corporate profits may further threaten the economy. +20569019 And Mr. Straszheim conceded after a recent drop in manufacturing jobs that "it may prove to be the case that we got whipsawed -- that we pulled the recession forecast at just the wrong time." +20569020 He adds, "That's the forecasting business." +20569021 However risky the business, it's brisk these days. +20569022 Pestered by bosses, brokers, clients and media people and pushed by their own egos, Wall Street economists are forecasting about everything from broad economic trends to the dinkiest monthly indicator. +20569023 But the surprisingly durable seven-year economic expansion has made mincemeat of more than one forecast. +20569024 This isn't the quiet economic science practiced in the universities. +20569025 This is the commercial version. +20569026 Carrying the new message on the road, Mr. Straszheim meets confrontation that often occurs in inverse proportion to the size of the client. +20569027 No sophisticated professional expects economists to be right all the time. +20569028 Some smaller clients don't seem to notice his switch. +20569029 But with some clients, the talk can heat up a bit. +20569030 Dennis O'Brien, the treasurer of Commonwealth Edison Co. in Chicago, adopts a polite approach, waiting for an opportunity to ask about the forecast. +20569031 A good half-hour into breakfast at the Palmer House, Mr. O'Brien looks up from his plate after Mr. Straszheim says something about people who believe interest rates are about to nosedive. +20569032 "I'm one of them who hope they will, with $6 billion in debt on the books. +20569033 Is that the forecast?" Mr. O'Brien asks, trying to pin down the economist. +20569034 He doesn't fully succeed, although Mr. Straszheim lists an array of interest-rate scenarios. +20569035 In a chilly conference room at Alliance Capital Management in Minneapolis, in contrast, the firm's money managers seem ready to pin Mr. Straszheim to the wall. +20569036 Alfred Harrison, the manager, shoves Mr. Straszheim's handout back at him: "Do we want to go through this? +20569037 Or can we ask you why you changed your forecast just when it's about to be right?" +20569038 Swiveling in his chair, Mr. Straszheim replies that the new outlook, though still weak, doesn't justify calling a recession right now. " +20569039 It's all in this handout you don't want to look at. +20569040 We could still have a recession" at some point. +20569041 One of Mr. Straszheim's recurring themes is that the state of the economy isn't a simple black or white. +20569042 Sometimes, like now, it's gray. +20569043 This somewhat-ambiguous assessment moves one Alliance portfolio manager to ask: "So, what is this -- a Stealth recession?" +20569044 Another challenges Merrill Lynch's bond recommendation last year. +20569045 "We're not running that ad campaign any more," Mr. Straszheim snaps in a rare show of irritation. +20569046 He adds, "I think it was a fairly decent call." +20569047 Explaining his change of mind, Mr. Straszheim says later, "It's hard to pin this on one factor." +20569048 He says the economy, and especially the employment numbers, look much better than he expected; interest rates have generally declined; inflation hasn't run amok. +20569049 "Our business is constantly looking at all these things," he says. +20569050 His new forecast calls for "a soft landing." +20569051 And it may be right, judging from last week's report that inflation-adjusted gross national product rose at a 2.5% annual rate in the third quarter. +20569052 Mr. Shilling understands Mr. Straszheim's problems. +20569053 "There's unbelievable pressure on economists to forecast these numbers," he says. " +20569054 You make a forecast, and then you become its prisoner." +20569055 It is indeed hard to back away from a widely publicized forecast, and Mr. Straszheim is fidgeting with the handcuffs on this trip. +20569056 His approach to the recantation is direct but low-key. +20569057 "For some time, we had forecast negative third- and fourth-quarter growth. +20569058 We pulled that forecast," he begins matter-of-factly in a meeting with Piper, Jaffray & Hopwood Inc. officials in Minneapolis, the first stop. +20570001 Crane Co. said it holds an 8.9% stake in Milton Roy Corp., an analytical-instruments maker, and may seek control of the company. +20570002 Crane, a maker of engineered products for aerospace, construction, defense and other uses, made the disclosure in a Securities and Exchange Commission filing. +20570003 In the filing, Crane said that in the past it considered seeking control of Milton Roy, of St. Petersburg, Fla., through a merger or tender offer and that it expects to continue to evaluate an acquisition from time to time. +20570004 Crane officials didn't return phone calls seeking comment. +20570005 Crane holds 504,200 Milton Roy shares, including 254,200 bought from Sept. 14 to Thursday for $15.50 to $16.75 each. +20570006 In New York Stock Exchange composite trading Friday, Milton Roy shares leaped $2, to $18.375 each, while Crane sank $1.125, to $21.125 a share. +20570007 John M. McNamara, chief financial officer of Milton Roy, said the company has no comment on Crane's filing. +20570008 Milton Roy recently fended off unsolicited overtures from Thermo Electron Corp., a Waltham, Mass., maker of biomedical products. +20570009 Milton Roy disclosed in May that it was approached for a possible acquisition by Thermo Electron, which agreed to purchase Milton Roy's liquid-chromatography line for $22 million in February. +20570010 Thermo Electron acquired some 6% of Milton Roy's common stock before throwing in the towel and reducing its stake in early September. +20570011 Gabelli Group began raising its Milton Roy stake in July, and holds 14.6%, according to a recent SEC filing. +20570012 It hasn't made merger overtures to the board. +20570013 Earlier this month, Milton Roy signed a letter of intent to acquire Automated Custom Systems Inc., Orange, Calif., and its sister operation, Environmental Testing Co., in Aurora, Colo. +20570014 The companies are automotive-emissions-testing concerns. +20570015 Under the terms, Milton Roy will pay an initial $4 million for the operations and additional payments during the next four years based on the earnings performance of the businesses. +20570016 In the nine months, Milton Roy earned $6.6 million, or $1.18 a share, on sales of $94.3 million. +20571001 Last week the British displayed unusual political immaturity. +20571002 The Chancellor of the Exchequer, Nigel Lawson, resigned because Prime Minister Thatcher would not fire her trusted adviser Sir Alan Walters. +20571003 The opposition Labor Party leader, Neil Kinnock, in a display of the male chauvinism typical of the British lower class, denounced Mrs. Thatcher for having an independent mind and refusing to heed the men in her Cabinet. +20571004 The British press, making a mountain out of a molehill, precipitated an unnecessary economic crisis by portraying Mrs. Thatcher as an autocrat who had thrown economic policy into confusion by driving a respected figure from her government. +20571005 Behind the silly posturing lies a real dispute. +20571006 Mr. Lawson and his European-minded colleagues want the British pound formally tied to the West German mark. +20571007 Sir Alan considers this an ill-advised and costly policy. +20571008 As there is an effort to "anchor the dollar" either to gold or other currencies, the dispute is worth examining. +20571009 Until his resignation, Mr. Lawson had been conducting British monetary policy as if the pound were tied to the mark. +20571010 When Mrs. Thatcher cut the top tax rate to 40%, Mr. Lawson flooded the country with money to prevent the pound from rising against the mark. +20571011 As a result, he reignited the inflation that Mrs. Thatcher, through a long and costly effort, had subdued. +20571012 With inflation surging, the pound began falling against the mark. +20571013 To keep the exchange rate pegged, Mr. Lawson tightened monetary policy and pushed interest rates up to 15%. +20571014 This doubled the mortgage interest rates of the many new homeowners that Mrs. Thatcher's policies had created, producing widespread disaffection and pushing Labor ahead in the polls. +20571015 Instead of realizing his mistake in letting the exchange rate dominate both British economic policy and Mrs. Thatcher's political fortune, Mr. Lawson pushed for tying the pound formally to the mark by entering the European Monetary System, which subordinates all member currencies to German monetary policy. +20571016 This put Mrs. Thatcher in a bind. +20571017 The concept of European integration is one of those grand schemes that appeal to intellectuals, the media and the imagination, but are full of practical pitfalls. +20571018 If the pound had been tied to the mark, the British would have been unable to cut their exorbitant tax rates. +20571019 The reason is simple. +20571020 When a country cuts tax rates, it makes itself more attractive to investors and drives up the value of its currency. +20571021 It was fear of disturbing EMS exchange-rate relationships that caused the Chirac government in France to be timid about cutting tax rates. +20571022 Edouard Balladur, the finance minister at the time, was sold on the tax-cut policy but was concerned that his government would be criticized as anti-European for disturbing the linked European currency relationship. +20571023 The price of attracting capital -- whether one's own or that of foreigners -- is a trade deficit. +20571024 To avoid this deficit Mr. Lawson inflated the pound in order to prevent its rise. +20571025 This misguided policy could not prevent a British trade deficit. +20571026 Consequently, Mr. Lawson saddled Mrs. Thatcher with a record trade deficit, renewed inflation and high interest rates -- three political failures in a row. +20571027 Little wonder that Mrs. Thatcher's opponents were so anxious to keep Mr. Lawson in office. +20571028 It is extraordinary that the British Treasury thought it could prevent a trade deficit by inflating the pound. +20571029 The British balance-of-payments statistics show that after the top tax rate was cut to 40%, the flow abroad of British capital slowed, to 50 billion pounds ($79 billion at the current rate) in 1988 from 93 billion pounds in 1986. +20571030 This change in the British capital account required an offsetting change in the trade account, a change that could not be prevented by pegging the currency. +20571031 Nigel Lawson was a victim of the immense confusion in thought that has been characteristic of Western financial circles during the 1980s. +20571032 The most important governments have ignored the role of low tax rates in attracting real capital investment, instead emphasizing financial flows in response to high interest rates. +20571033 This has led them in a fruitless and destructive policy circle. +20571034 First comes monetary expansion to drive down the currency's value that was pushed up by tax-rate reduction. +20571035 Then, when the currency falls, interest rates are raised to attract financial flows in order to stabilize the exchange rate. +20571036 This policy is totally mindless, and Sir Alan is correct to point out its deficiencies. +20571037 Britain and all of Europe need to reconsider the prospects for European integration in light of the possible reunification and neutralization of Germany. +20571038 A unified Germany that remained within the Western alliance would give Germany such an overshadowing position that all other members of a unified Europe would become vassals of the German state. +20571039 Unless the Soviet Union collapses, German reunification is likely to require Germany's neutralization. +20571040 The implications for Britain, France and the rest of Europe of having their currencies tied to the economic policy of a neutral country need considering before we judge Mr. Lawson's resignation to be unfortunate. +20571041 In the least, we must recognize the futility of trying to use exchange-rate intervention to offset the effects of tax-rate reduction on capital flows. +20571042 Mr. Roberts was assistant Treasury secretary under President Reagan. +20572001 Joseph P. Jordan, 52 years old, becomes president, chief executive officer and a director of the bank company. +20572002 Mr. Jordan, formerly president and chief executive of Fishkill National Bank in Beacon, N.Y., succeeds Donald Broderick, who died at 52 in an automobile accident. +20573001 Personal spending, which fueled the economy's growth in the third quarter, was clearly slowing by the end of the period, raising questions about the economy's strength as the year ends. +20573002 Personal spending grew 0.2% in September to a $3.526 trillion annual rate, the Commerce Department said. +20573003 It was the smallest monthly increase in a year. +20573004 At the same time, personal income was held down by the effects of Hurricane Hugo, which tore through parts of North and South Carolina in late September. +20573005 The department said personal income rose 0.3% in September to a $4.469 trillion rate but would have climbed 0.6% had it not been for the storm. +20573006 Among the economic effects of the hurricane was a sharp drop in rental income. +20573007 The figures came a day after the government released a report showing that consumer spending propelled U.S. economic expansion in the third quarter while -- on an inflation-adjusted basis -- business investment slowed, government spending declined, and exports were flat. +20573008 But the new statistics show that by September, the burst in spending seemed to be tapering off. +20573009 Many economists expect the weakness to continue. +20573010 "I think the consumer has pretty well played himself out," said David Littman, senior economist at Manufacturers National Bank of Detroit. +20573011 "I don't think there's a lot in the wings" in other sectors of the economy to keep growth above 1%, he said. +20573012 In the third quarter, the economy grew at a moderate 2.5% annual rate. +20573013 In August, personal income rose 0.3% and spending grew 0.9%. +20573014 Analysts have attributed much of the summer's spurt in spending to bargain car prices at the end of the model year. +20573015 Car sales slackened in September after the 1990 models were introduced. +20573016 According to the Commerce Department report, spending on durable goods -- items expected to last at least three years, including cars -- declined by $6.2 billion. +20573017 The nation's savings rate was unchanged in September at 4.9% of after-tax income, far below the 5.6% it reached in July. +20573018 All the figures are adjusted for seasonal variations. +20573019 Here is the Commerce Department's latest report on personal income. +20573020 The figures are at seasonally adjusted annual rates in trillions of dollars. +20574001 CRA Ltd. said it agreed to sell a 40% stake in its Howick coal mine in the state of New South Wales to Mitsubishi Development Pty. of Japan. +20574002 The price wasn't disclosed. +20574003 The agreement is subject to government approval. +20574004 RA acquired the Howick coal mine Oct. 20 when it bought British Petroleum Co.'s Australian coal interests for $275 million. +20574005 CRA said then that it was looking for a partner for the mine, which produces more than three million metric tons of coal a year. +20574006 CRA is 49%-owned by RTZ Corp. of Britain. +20575001 Control Data Corp., which just months ago was hemorrhaging financially, thinks it will be healthy enough soon to consider repurchasing public debt. +20575002 Moreover, the company, whose go-it-alone approach nearly proved fatal, now sees alliances with others as the way back to prosperity in what it calls "the data solutions" business. +20575003 "I'm not saying everything is hunky-dory, but we have completed the transition," Robert M. Price, chairman and chief executive, said in an interview. +20575004 "Transition" is a reference to the company's five-year restructuring effort. +20575005 During that time, Control Data had losses of more than $1 billion. +20575006 Now, following asset sales that shrank revenue by more than one-third this year alone, Control Data is flush with cash. +20575007 So its senior executives are talking openly about possibly buying back some of the company's $172.5 million in subordinated convertible debentures next year. +20575008 "We'd like to continue to reduce debt," President Lawrence Perlman said. +20575009 Noting that the company is offering to buy back $154.2 million in senior notes paying 12 3/4%, he said the response will help determine future debt-reduction efforts. +20575010 The offer was automatically triggered by the recent sale of Control Data's Imprimis disk-drive business to Seagate Technology Inc. +20575011 Mr. Perlman, who is also acting chief financial officer and the odds-on favorite to become the next chief executive, said the company is achieving "modest positive cash flow from operations, and we expect that to continue into 1990." +20575012 He said the company has no intention of tapping its short-term bank lines "for a good part of 1990." +20575013 Sometime next year, Control Data will "develop a new bank relationship," Mr. Perlman said. +20575014 In recent months a group of lenders, led by Bank of America, has extended Control Data up to $90 million in revolving loans through January, as well as $115 million in standby letters of credit. +20575015 Loan covenants require that the company achieve specified levels of operating earnings and meet a rolling four-quarter profitability test. +20575016 Last week Control Data reported third-quarter earnings of $9.8 million, or 23 cents a share, on revenue of $763 million. +20575017 Through the first nine months, the company had a loss of $484 million, largely reflecting the closing of its supercomputer unit. +20575018 While a few assets are still being shopped -- including the sports and entertainment ticketing portion of the company's Ticketron unit -- Mr. Price said future restructuring would be a question of strategy. +20575019 "We don't need the cash." +20575020 Ticketron's automated wagering business, which operates lotteries in a half dozen states, is not for sale, the company said. +20575021 Rather, Mr. Perlman said, Control Data intends to bid for the coming Minnesota lottery contract and is seeking new applications for the technology overseas, where "there is great interest in games of skill." +20575022 He wouldn't elaborate. +20575023 Control Data's semiconductor business, VTC Inc., continues to lose money, the executives acknowledged, but they said they consider some of the technology vital to national defense and so are reluctant to dispose of it. +20575024 The company's strategy for keeping its computer products business profitable -- it recently achieved profitability after several quarters of losses -- calls for a narrow focus and a lid on expenses. +20575025 Partly, costs will be held down through strategic technology alliances, management said. +20575026 Control Data recently announced an agreement with MIPS Computer Systems Inc. to jointly develop machines with simplified operating software. +20575027 James E. Ousley, computer products group president, said such arrangements could help slash Control Data's computer research and development costs in half by the end of 1990. +20575028 He disclosed that before Control Data scrapped its ETA Systems Inc. supercomputer business this past spring, those costs were running at nearly 35% of group revenue. +20575029 At the same time four of six design projects were spiked, he said. +20575030 Asked how the company hopes to expand its computer hardware business, Mr. Ousley said it sees good opportunities in systems integration. +20575031 "We think we're getting only 10% of the integration dollars our customers are spending," he said. +20575032 "We're in environments that are going to spend a lot of money on that." +20575033 Control Data mainframes are designed for numerically intensive computing users, such as the scientific, engineering and academic communities. +20575034 Utilities management is a major commercial niche. +20575035 Reviewing the company's scrape with disaster, Mr. Price conceded it had tried to do too much on its own. +20575036 "Absolutely," he said. +20575037 But while its stock is selling at about half Control Data's estimated breakup value, neither Messrs. Perlman nor Price said he spends much time considering the possibility of a hostile takeover. +20575038 "We've been listed as a candidate for so long it's not worth worrying about," said Mr. Price. +20576001 Well, the arrogant East Coast media have spoken again ("Going for the Green," editorial, Oct. 17). +20576002 Having resided in the great state of California for the past seven years, I find it hard to ignore our environmental problems when I start my commute to work with eyes tearing and head aching from the polluted air; when I try to enjoy the beaches and come home covered with tar and oil; when I hear of numerous deaths related to irresponsible processing of cheese and use of chemicals in fruit growing. +20576003 Perhaps it's entertaining for those like you to discount the concerns of environmentalists, suggesting that their save-the-earth initiatives are "whacky" and referring to so many citizens as "la-la activists." +20576004 Strange that we don't hear similar criticisms of the East Coast activists who seek to clean up Boston Harbor or rid their beaches of medical waste. +20576005 While there are no easy low-cost solutions, simply ignoring our problems will result in their severity increasing and spreading throughout the state, the nation and the world. +20576006 If nothing else, such initiatives as these will provide an awareness to citizens and lawmakers and encourage appropriate corrective action. +20576007 Before your next California-bashing editorial, please spend more time out here witnessing the situation -- it just may change your view. +20576008 John Barry Ventura, Calif. +20576009 I realize you were just looking for something snotty to say about California and its environmental movement, but picking Frank Lloyd Wright to say it for you was a bad call. +20576010 Wright's organic architecture demonstrated a keen sensitivity to the environment decades before it became fashionable among "la-la activists." +20576011 Indeed, Wright said all his life that the greatest lessons he learned were derived from the study of nature. +20576012 Obviously, it's lost on you that about 75% of the American people these days (and in fact the president of the United States) consider themselves environmentalists. +20576013 As for California being a state run by liberal environmental loonies, let's not forget where Ronald Reagan came from. +20576014 Perhaps Mr. Reagan, who claimed that air pollution is caused by trees, is the man you should be quoting to back up your position that economics is more important than the Earth. +20576015 But it was Frank Lloyd Wright who said, "Is this not Anti-Christ? +20576016 The Moloch that knows no God but more?" +20576017 Robert Borden Santa Monica, Calif. +20576018 Your editorial was commendable and neatly matched by the readers' comments in letters to the editor, "Alar: Scaring on the Side of Caution." +20576019 The illogic and inaccuracy of John H. Adams's comments for the National Resources Defense Council fully justifies your characterization of California's Greens in particular as "la-la activists." +20576020 We may all hope that California's voters will heed the scientific realities that their own university's renowned Prof. Tom Jukes provides them and ignore the charlatanry profferred by their "wealthy Hollywood weepers." +20576021 I have a different approach to offer, not only to Californians, but to all Americans. +20576022 In a free country, the law should restrict citizens as little as is consistent with good manners and public safety. +20576023 Would-be naysayers should have the burden of proving reasonable necessity when they urge a prohibition for enactment into law. +20576024 W. Brown Morton Jr. Warsaw, Va. +20576025 The 170 airlines in the International Air Transport Association last year posted group net profit of $2.5 billion on revenue of $125.1 billion. +20576026 According to the association's annual report, scheduled to be released today in Warsaw, IATA members haven't posted such a strong performance since the late 1970s. +20576027 Revenue last year increased by more than 11% over 1988, and net income nearly tripled from restated year-earlier net of $900 million. +20576028 The group attributed the strong results to the favorable economic climate, rising demand for air travel and improved average yield (revenue received per ton of traffic transported a kilometer). +20576029 Systemwide, IATA airlines carried 632 million passengers last year, 2% more than in 1987. +20576030 But passenger-kilometers, the distance flown while carrying people, increased 5.3% in 1988. +20576031 The association said that lack of airport and air space capacity is the biggest problem facing the airline industry. +20576032 The KGB has abolished a unit known for persecuting dissidents, the government newspaper Izvestia said. +20576033 The newspaper quoted KGB chairman Vladimir A. Kryuchkov as saying the definition of anti-Soviet crimes had narrowed, the laws had changed and people no longer have to fear a simple slip of the tongue. +20576034 Mr. Kryuchkov was quoted as saying that in place of the infamous 5th Directorate a new unit would work "to foil the conspiracies of foreign intelligence services to create and use organized anti-government groups in our country." +20576035 Czechoslovakia has restricted consumer-goods exports to neighbor countries because of "massive buying out of food" by tourists from Poland, Hungary and the Soviet Union, the Rude Pravo daily said. +20576036 Rising inflation in Poland and Hungary makes Czechoslovak food, clothing and shoes relatively cheap for visitors from these countries. +20576037 The paper gave no details of what the restrictions would entail but said the measures were necessary to protect the domestic market. +20576038 West Germany's biggest union, IG Metall, said it is ready to back demands for more pay and shorter hours with strikes against the nation's automotive, steel and engineering industries. +20576039 Its chairman told the union to prepare for the worst in next year's confrontation with employers over a new three-year wage deal. +20576040 A major goal is to cut the working week to 35 hours from the present 37. +20576041 Last week came news of alarm in Venice over a plan to tap gas fields off the city's coast. +20576042 Now comes word from a scientist that over the next century Venice will sink nearly three times faster than the present rate because of the "greenhouse effect." +20576043 "Global warming means higher tides which will lower Venice by another 23 inches in the next 100 years," Giovanni Cecconi of the the New Venice Consortium said. +20576044 The consortium of scientists and companies was set up by Italy to help preserve the fabled city of canals. +20576045 Venice has sunk 10 inches in this century. +20576046 West Germany's Quelle said it will establish a mail-order operation with two local partners in the Soviet Union next year. +20576047 Saying this is a first for a Western company, West Germany's largest mail-order group said the newly established Moscow-based Intermoda company is scheduled to begin operations in February 1990. +20576048 Intermoda will initially only send the textile and clothing section of the Quelle catalog, translated into Russian, to Soviet customers who have access to convertible currency. +20576049 The European Community Commission has imposed provisional anti-dumping duties on imports of South Korean small-screen color-television sets. +20576050 Saying that a surge in low-priced imports had damaged EC producers' profits and led to job losses, the commission imposed a duty of 10.2% on TVs made by Daewoo, a duty of 12.3% on Goldstar Co., 13% on Samsung and 19.6% on TVs made by other South Korean producers. +20576051 The commission said that EC television producers lost "important market shares" and suffered an "unsustainable" pressure on prices because of the Korean companies' marketing and pricing policies, which it said were "in clear violation" of international trade rules. +20576052 In other news concerning South Korea's television industry, Samsung signed an agreement with Soyuz, the external-trade organization of the Soviet Union, to swap Korean television sets and videocassette recorders for pig iron from the Soviet Union. +20576053 South Korea and the Soviet Union have no diplomatic relations but exchanged trade offices earlier this year. +20576054 Sri Lanka, where more than 15,000 people have died in six years of ethnic turmoil, said it will ban sex and violence from state-owned television next year. +20576055 "Many programs we have now come from the West and are not suitable to our culture," a government minister said. +20576056 A star attraction on the national network is the U.S.'s "Dynasty." . . . +20576057 A poll of South Koreans showed overwhelming opposition to efforts to curb dog-meat consumption just because it offends foreigners. +20577001 Broad Inc. said it doubled its regular quarterly dividend to five cents a share from 2.5 cents on common, and to 4.5 cents a share 2.25 cents on Class B stock, payable Nov. 10 to holders of record Nov. 6. +20577002 The financial services company emerged from the restructuring of Kaufman & Broad, Inc., which spun off its home-building subsidiary into Kaufman & Broad Home Corp. earlier this year and changed its name to Broad Inc. +20577003 For the 10-month fiscal year ended Sept. 30, Chairman Eli Broad said he expected earnings results to approximate analysts' estimates, which the company said have been revised upward to 80 cents a share. +20577004 This would compare with an estimated loss of 3 cents a share for the comparable 10 months last year, which included restructuring costs. +20578001 If this battle were a movie, the producers would be fighting over two scripts with nothing but an opening scene in common. +20578002 In the opener, Sony Corp. would agree to buy Columbia Pictures Entertainment Inc. in a transaction valued at close to $5 billion. +20578003 Shortly after that, Sony would offer to buy Guber-Peters Entertainment Co. for $200 million and offer its co-chairmen, Peter Guber and Jon Peters, the chance to run Columbia. +20578004 Mr. Peters would fly to New York with the intention of telling Warner Communications Inc. Chairman Steven J. Ross that Guber-Peters planned to end its five-year contract to produce movies exclusively for Warner. +20578005 That's where the two scripts would diverge. +20578006 In affidavits filed in Los Angeles Superior Court in connection with the $1 billion breach-of-contract suit Warner brought against Sony for hiring the two producers, Mr. Guber and Mr. Peters tell one story. +20578007 Warner tells another. +20578008 In the affidavits, Mr. Peters says he was "shocked" when Mr. Ross refused a meeting and made it clear he would stop them. +20578009 Mr. Peters claims he reminded Mr. Ross that Robert Daly and Terry Semel, the top executives of the Warner Brothers studio, had "repeatedly agreed that we had every right to accept" an offer such as Sony's. +20578010 In response, Mr. Peters says, Mr. Ross referred to his colleagues at Warner with an "obscenity" and said: "Tell them that they don't have a job. +20578011 You can take them with you." +20578012 Warner denies Mr. Ross ever said any such thing, and, in fact, denies virtually everything Mr. Guber and Mr. Peters say in their affidavits. +20578013 Tomorrow, Warner will file another batch of documents contending that "the essence of everything these guys are saying is basically lies," says Warner's chief outside counsel, Stuart Rabinowitz. +20578014 Thursday, a judge is scheduled to rule on Warner's motion seeking to block the Guber-Peters duo from going to Columbia. +20578015 The battery of legal documents filed in the past week in connection with the suit provide a peek into the inner workings of this Hollywood dogfight. +20578016 But they also make it clear that the first thing a judge will have to decide is which, if any, version of events in this morass is fiction, and which fact. +20578017 The matter may never even be tried in court. +20578018 Warner says that what it really wants is for the producers to fulfill their contractual obligations, but the bitterness of this battle and the accusations flying on both sides make it unlikely that the decade-long relationship between Warner and its two most prolific producers can ever be repaired. +20578019 Warner, which is in the process of merging with Time Warner Inc., says it is willing to settle the matter out of court. +20578020 So far, however, Sony hasn't been willing to meet its considerable financial demands. +20578021 Mr. Guber and Mr. Peters don't have much to gain from a protracted battle. +20578022 Sony, for its part, could decide that the cost of a Warner settlement or court fight is too high, choosing instead to find someone else to run Columbia, although that too would be costly given the financial arrangement already guaranteed to Mr. Guber and Mr. Peters. +20578023 In that case, Mr. Guber and Mr. Peters might not suffer financially, but they would be left without their dream job of running a studio and with a considerably scarred relationship with Warner. +20578024 At the center of any court fight will be the differing interpretations of the written contract between Warner and the two producers, but other murkier issues will play a big role. +20578025 Sony and the Guber-Peters team are hanging much of their case on Warner's willingness last year to release the producers from another contract and on an oral agreement they say allowed them to terminate the current written contract if the opportunity to run a major studio came up. +20578026 Warner denies such an agreement was made, and disputes the Guber-Peters version of virtually every telephone call and meeting the two sides had on the matter. +20578027 Just how rancorous the relationship has become is clear from the differing versions of the two sides' current business dealings. +20578028 Mr. Guber and Mr. Peters say in their affidavits that Warner already is taking steps to freeze them out of their projects at Warner, notably the Sylvester Stallone film "Tango and Cash." +20578029 Mr. Peters says in his affidavit that the movie's staff was told last week that Warner was "taking over" the picture, and another producer would be giving all of the orders. +20578030 Over his objections, Mr. Peters says, the film's release date was moved up "by many months" to December, and plans for a soundtrack "worth millions of dollars" were dropped. +20578031 Hubert de la Bouillaire, an editor on the film, backs Mr. Peters in a separate sworn declaration. +20578032 Mr. de la Bouillaire says Warner Brothers production president Mark Canton called him Oct. 19 and said Mr. Peters is "off the picture. +20578033 If he calls you up, just tell him everything is fine." +20578034 The editor also says the new producer on the film, Bruce Baird, told editors to screen the picture without telling stars Sylvester Stallone and Kurt Russell or Mr. Peters. +20578035 "The less they know, the easier it is for us. +20578036 If someone asks, just lie and tell them it will be done," Mr. de la Bouillaire says Mr. Baird told them. +20578037 That, says Warner's Mr. Rabinowitz, is "a total 100% lie." +20578038 The movie, he says, is in its post-production stages of "cleaning up the film." +20578039 He says Mr. Peters and Mr. Guber, as the contractual producers with consultation rights, have been invited to screenings and to give their input on the film. +20578040 Dozens of Guber-Peters staffers are still working on the Warner lot and consulting on various projects on a "daily basis," the attorney says. +20578041 Mr. Guber, in his affidavit, says that when he advised Warner President Terry Semel of the Sony offer at lunch on Sept. 25, Mr. Semel "hugged and congratulated me, and expressed joy that we had finally realized our long-term ambition of running and having an equity position in a major entertainment company." +20578042 Mr. Guber says he brought to lunch a release document Warner had agreed to in 1988, when he and Mr. Peters made an aborted bid to buy part of MGM/UA Entertainment Co. to run the MGM studio. +20578043 Mr. Guber says he had crossed out "MGM" with a red pen and written in "Columbia," giving the document to Mr. Semel. +20578044 "Mr. Semel said absolutely nothing to indicate Warner would have any objection to our assuming management positions at Columbia," Mr. Guber says. +20578045 Mr. Semel, in his affidavit, doesn't mention any hugging or congratulating. +20578046 He says he told Mr. Guber he couldn't sign any documents and that "the deal, although apparently a good one for him and Mr. Peters, would have a very negative impact on Warner." +20578047 He said he would contact Mr. Ross and Warner Brothers Chairman Robert Daly and that, in a conference call, the three agreed they couldn't let the producers out of their contract. +20578048 Mr. Ross, in his own affidavit, says he and Mr. Daly instructed Mr. Semel to tell the producers Warner wouldn't terminate their agreement. +20578049 Mr. Guber says that Mr. Semel did convey that information and that Mr. Semel said Mr. Ross was "crazy because of the Time deal," meaning, Mr. Guber says, that Mr. Ross "did not want to communicate to his new merger partner, Time Inc., that Warner's agreements provided for our departure under these circumstances." +20578050 Mr. Guber also says in his affidavit that Mr. Daly "told us that even if Sony did not want us, Warner's relationship with us already was irreparably damaged, that there was no way `to put the egg together,' and that it would sue Sony for tons of money." +20578051 Moreover, Mr. Guber claims, Mr. Semel told him that Mr. Ross probably wouldn't object "if it were anybody other than Sony. +20578052 But Sony is a problem." +20578053 The Guber-Peters side has said Warner is particularly concerned about the prospect of a huge Japanese company controlling important segments of the U.S. entertainment business. +20578054 Some in Hollywood suggest Mr. Guber and Mr. Peters took encouragement from Warner studio executives such as Mr. Semel and Mr. Canton too literally. +20578055 According to this theory, Warner executives, hoping to strengthen their relationships with the producers, encouraged Mr. Guber and Mr. Peters in their ambitions to build a major entertainment company. +20578056 But the Warner executives in their affidavits deny ever telling the producers they could get out of their written contract. +20578057 Mr. Rabinowitz, the Warner attorney, says the studio still wants the producers to come back and fulfill their contract. +20578058 "They are like a mini-studio; they have 50 projects in development for Warner," he says. +20578059 But Mr. Guber indicates in his affidavit that not all of the projects will be used. +20578060 For example, he says that since 1985, he and Mr. Peters have developed over 85 movie projects, and Warner has "passed" or chosen not to produce at least 76. +20578061 As for the projects remaining at Warner, Mr. Guber says, "Mr. Semel informed me that Warner's producers have already started a `feeding frenzy' for our projects. +20579001 E.W. Scripps Co. said it has acquired a Georgia cable television company and a Massachusetts publishing firm. +20579002 Terms on both deals weren't disclosed. +20579003 The media company said it purchased Cable USA Inc., a privately held cable television system in Carroll County, Ga., a suburb of Atlanta. +20579004 The system is still under construction and will serve a market of 7,600 homes. +20579005 The company also has acquired Sundance Publishers and Distributors Inc., a family owned producer and distributor of educational materials in Littleton, Mass. +20580001 Despite politicians' hand-wringing about the federal budget, the government ended fiscal 1989 with a $152.08 billion deficit, about the same as the two previous years. +20580002 Even White House budget director Richard Darman had trouble finding a silver lining in the report. +20580003 "I suppose you could say the good news is that the deficits are not heading up," he said, "but you can't be satisfied with deficits at this level and we're not." +20580004 The federal deficit was $155.15 billion in 1988 and $149.69 billion in 1987. +20580005 The 1989 deficit would have been nearly $10 billion larger had the government been able to spend as much as Congress intended on cleaning up the thrift industry before the year ended on Sept. 30. +20580006 Because the Resolution Trust Corp. couldn't spend the money fast enough, the savings-and-loan outlays were pushed into fiscal 1990. +20580007 Nevertheless, the 1989 deficit still exceeded the $136 billion target set by the Gramm-Rudman deficit-reduction law by $16 billion, a reminder of that law's shortcomings. +20580008 The law sets a deficit target of $100 billion for fiscal 1990. +20580009 A partisan fight over cutting capital-gains taxes has slowed the progress of 1990 deficit-reduction legislation almost to a halt, triggering across-the-board spending cuts under the Gramm-Rudman law. +20580010 The White House and the Democratic leadership in Congress blame each other for turning capital-gains taxes into such a divisive issue this year. +20580011 Neither side showed any sign of retreating. +20580012 Meeting with reporters Friday, Mr. Darman again said he would rather live with across-the-board spending cuts than accept a deficit-reduction bill like the one passed by the House, which would increase spending in future years. +20580013 Underscoring the size of the deficits of the past few years, the Treasury report showed that for the first time interest paid on the public debt -- $240.86 billion -- exceeded spending on Social Security, the single largest government program. +20580014 In all, federal outlays amounted to $1.143 trillion in 1989, up 7.5% from the previous year, the Treasury said. +20580015 Federal revenues rose 9% to $990.79 billion. +20580016 The Treasury said a surge in tax receipts noted earlier in the year didn't turn out to be quite as strong as it first appeared. +20580017 The Treasury marked up its forecast by $17 million in July, but that proved to be about $5 billion too optimistic. +20580018 The government ran a deficit of $6.16 billion in September, compared with a surplus of $10.17 billion in September 1988. +20580019 Outlays for the month totaled $105.39 billion, up from $87.57 billion a year earlier. +20580020 The increase reflects spending on the S&L rescue as well as payroll and Social Security checks normally issued in October that were issued in September this year because Oct. 1 fell on a Sunday. +20580021 Revenues were $99.23 billion, up from $97.74 billion a year earlier. +20581001 CMS Energy Corp. said it would begin paying a 10-cent-a-share quarterly dividend, the company's first since 1984. +20581002 Consumers Power Co., now the main unit of CMS Energy, ran into financial problems over its $4.2 billion Midland nuclear plant, which was abandoned as a nuclear facility in 1984 because of construction delays and high costs. +20581003 CMS is nearly done converting the Midland plant to a gas-fired cogeneration facility at a cost of $600 million. +20581004 CMS management said Thursday that they planned to recommend paying a modest dividend when the board of directors met Friday. +20581005 The dividend will be paid Nov. 22 to shares of record Nov. 7. +20581006 The company suffered a loss of $270 million in 1985, but its financial situation has been improving since then. +20582001 Humana Inc. said it expects to receive about $27 million in federal income-tax refunds and interest from a court ruling on a tax dispute. +20582002 The health-care company said it expects the refund to be included in the first quarter ending Nov. 30. +20582003 The refund is about $9 million. +20582004 Accrued interest on the refund was about $18 million as of Oct. 25. +20582005 The refund stems from a court ruling that found certain payments by Humana subsidiaries to its insurance subsidiary during fiscal 1977 through 1979 were deductible as premiums for liability insurance. +20583001 Polly Peck International Inc.'s agreement to acquire 51% of Sansui Electric Co. proves that foreign companies can acquire Japanese companies -- if the alternative for the Japanese company is extinction. +20583002 Polly Peck, a fast-growing British conglomerate, will pay 15.6 billion yen ($110 million) for 39 million new shares of Sansui, a well-known maker of high-fidelity audio equipment that failed to adjust to changing market conditions. +20583003 Japanese government officials, eager to rebut foreign criticism of Japanese investments overseas, hailed the transaction as proof foreigners can make similar investments in Japan. +20583004 Polly Peck's chairman, Asil Nadir, echoed the official Japanese view of the accord, which was announced Friday. +20583005 "The myths that Japan is not open to concerns from outside has, I think, been demolished at a stroke," Mr. Nadir said. +20583006 But analysts say Sansui is a special case. +20583007 It expects to post a loss of 6.4 billion yen for the year ending tomorrow and its liabilities currently exceed its assets by about 13.8 billion yen. " +20583008 If you find sound, healthy companies in Japan, they are not for sale," said George Watanabe, a management-consultant at Tokyo-based Asia Advisory Services Inc. +20583009 Statistics on acquisitions by foreigners vary in detail, because unlike Sansui, which is listed on the Tokyo and Osaka stock exchanges, most of the Japanese companies acquired by foreigners are privately held. +20583010 But by all accounts foreign companies have bought only a relative handful of Japanese companies this year, while Japanese companies have acquired hundreds of foreign companies. +20583011 Nor do analysts expect the Sansui deal to touch off a fresh wave of foreign purchases. +20583012 If the strong yen and the high stock prices of Japanese companies weren't deterrents enough, webs of cross-shareholdings between friendly Japanese companies and fiercely independent Japanese corporate attitudes repel most would-be acquirers. +20583013 Usually when a Japanese company is ready to sell, it has few alternatives remaining, and the grim demeanors of Sansui's directors at a joint news conference here left little doubt that this was not the company's finest hour. +20583014 Sansui was once one of Japan's premier makers of expensive, high-quality stereo gear for audiophiles. +20583015 But in recent years, the market has moved toward less expensive "mini-component" sets, miniaturized amplifiers and receivers and software players that could be stacked on top of each other. +20583016 Some of Sansui's fellow audio-specialty companies, such as Aiwa Co. and Pioneer Electric Corp., responded to the challenge by quickly bringing out mini-component products of their own, by moving heavily into the booming compact disk businesses or by diversifying into other consumer-electronics fields, including laser disks or portable cassette players. +20583017 Sansui was late into the mini-component business and failed to branch into other new businesses. +20583018 As the yen soared in recent years, Sansui's deepening financial problems became a vicious circle. +20583019 While competitors moved production offshore in response to the sagging competitiveness of Japanese factories, Sansui lacked the money to build new plants in Southeast Asia. +20583020 "Our company has not been able to cope very effectively with" changes in the marketplace, said Ryosuke Ito, Sansui's president. +20583021 But even a Japanese company that looks like a dog may turn out to be a good investment for a foreign concern, some management consultants maintain. +20583022 Yoshihisa Murasawa, a management consultant for Booz-Allen & Hamilton (Japan) Inc., said his firm will likely be recommending acquisitions of Japanese companies more often to foreign clients in the future. +20583023 "Attitudes {toward being acquired} are still negative, but they're becoming more positive," Mr. Murasawa said. +20583024 "In some industries, like pharmaceuticals, acquisitions make sense." +20583025 Whether Polly Peck's acquisition makes sense remains to be seen, but at the news conference, Mr. Nadir brimmed with self-confidence that he can turn Sansui around. +20583026 Sansui, he said, is a perfect fit for Polly Peck's electronics operations, which make televisions, videocassette recorders, microwaves and other products on an "original equipment maker" basis for sale under other companies' brand names. +20583027 He said Polly Peck will greatly expand Sansui's product line, using Sansui's engineers to design the new products, and will move Sansui's production of most products other than sophisticated audio gear offshore into Polly Peck's own factories. +20583028 "Whatever capital it (Sansui) needs so it can compete and become a totally global entity capable of competing with the best in the world, that capital will be injected," Mr. Nadir said. +20583029 And while Polly Peck isn't jettisoning the existent top-management structure of Sansui, it is bringing in a former Toshiba Corp. executive as executive vice president and chief operating officer. +20583030 Such risk taking is an everyday matter for the brash Mr. Nadir, who is 25% owner of Polly Peck as well as its chairman. +20583031 He took Polly Peck, once a small fabric wholesaler, and used it at as a base to build a conglomerate that has been doubling its profits annually since 1980. +20583032 In September, it announced plans to acquire the tropical-fruit business of RJR Nabisco Inc.'s Del Monte foods unit for #557 million ($878 million). +20583033 Last month, Polly Peck posted a 38% jump in pretax profit for the first half to #54.8 million from #39.8 million on a 63% rise in sales. +20583034 Joann S. Lublin in London contributed to this article. +20584001 The bolstered cellular agreement between BellSouth Corp. and LIN Broadcasting Corp. carries heightened risks and could fail to fend off McCaw Cellular Communications Inc., the rival suitor for LIN. +20584002 Moreover, the amended pact shows how McCaw's persistence has pushed LIN and BellSouth into a corner, forcing huge debt on the proposed new company. +20584003 The debt, estimated at $4.7 billion, could mortgage the cellular company's future earning power in order to placate some LIN holders in the short term. +20584004 The plan still calls for LIN to combine its cellular telephone properties with BellSouth's and to spin off its broadcasting operations. +20584005 But under new terms of the agreement, announced Friday, LIN holders would receive a special cash dividend of $42 a share, representing a payout of about $2.23 billion, shortly before the proposed merger. +20584006 LIN said it expects to borrow the money to pay the dividend, but commitments from banks still haven't been obtained. +20584007 Under previous terms, holders would have received a dividend of only $20 a share. +20584008 In addition, New York-based LIN would exercise its right to buy out for $1.9 billion the 55% equity interest of its partner, Metromedia Co., in a New York cellular franchise. +20584009 That money also would have to be borrowed. +20584010 In effect, McCaw has forced LIN's hand by bidding $1.9 billion for the stake earlier this month. +20584011 "We're taking on more debt than we would have liked to," acknowledged Michael Plouf, LIN's vice president and treasurer. +20584012 Although he expressed confidence that the proposed new company's cash flow would be sufficient to cover interest payments on the debt, he estimated that the company wouldn't be profitable until 1994 or later. +20584013 Analyst estimate the value of the BellSouth proposal at about $115 to $125 a share. +20584014 They value McCaw's bid at $112 to $118 a share. +20584015 The previous BellSouth pact was valued at about $98 to $110 a share. +20584016 McCaw, the largest provider of cellular telephone service in the U.S., already owns about 9.4% of LIN's stock. +20584017 In response to BellSouth's amended pact, the Kirkland, Wash., company extended its own offer to buy 22 million LIN shares for $125 apiece, which would give McCaw a 50.3% controlling interest. +20584018 Over the weekend, McCaw continued to call for an auction of LIN. +20584019 Analysts said they expect McCaw to escalate the bidding again. +20584020 "This game isn't over yet," said Joel D. Gross, a vice president at Donaldson, Lufkin & Jenrette Securities Corp. +20584021 "At some point, it will become non-economical for one company. +20584022 But I don't think we're at that point yet." +20584023 Under its revised proposal, Atlanta-based BellSouth would have a 50% interest in the new cellular company and would be responsible for half of its debt. +20584024 To sweeten the pact further -- and to ease concerns of institutional investors -- BellSouth added a provision designed to give extra protection to holders if the regional Bell company ever decides to buy the rest of the new cellular company. +20584025 The provision, described as "back-end" protection, would require BellSouth to pay a price equivalent to what an outside party might have to pay. +20584026 McCaw's bid also has a similar clause. +20584027 Only McCaw's proposal requires the company to begin an auction process in June 1994 for remaining shares at third-party prices. +20584028 To mollify shareholders concerned about the long-term value of the company under the BellSouth-LIN agreement, BellSouth also agreed to pay as much as $10 a share, or $540 million, if, after five years, the trading value of the new cellular company isn't as high as the value that shareholders would have realized from the McCaw offer. +20584029 "We're very pleased with the new deal. +20584030 We didn't expect BellSouth to be so responsive," said Frederick A. Moran, president of Moran Asset Management Inc., which holds 500,000 LIN shares. +20584031 BellSouth's "back-end protection was flawed previously. +20584032 We think this is a superior deal to McCaw's. +20584033 We're surprised. +20584034 We didn't think a sleeping {Bell} mentality would be willing to take on dilution." +20584035 But Kenneth Leon, a telecommunications analyst with Bear, Stearns & Co., finds the BellSouth proposal still flawed because the company doesn't have to wait five years to begin buying more LIN shares. +20584036 "How many shares will be around in 1995?" he asked. +20584037 "There's nothing preventing BellSouth from buying up shares in the meanwhile." +20584038 BellSouth's revised proposal surprised many industry analysts, especially because of the company's willingness to accept some dilution of future earnings. +20584039 William O. McCoy, president of the company's BellSouth Enterprises Inc. unit, said the revised agreement with LIN would dilute BellSouth earnings by about 9% in both 1990 and 1991 and by significantly less thereafter. +20584040 Indeed, BellSouth's cellular operations were among the first in the country to become profitable. +20584041 For 1988, BellSouth earned $1.7 billion, or $3.51 a share, on revenue of $13.6 billion. +20584042 Analysts were predicting 1990 BellSouth earnings in the range of $3.90 a share, or $1.9 billion, but now those estimates are being scaled back. +20584043 In composite trading Friday on the New York Stock Exchange, BellSouth shares fell 87.5 cents to $52.125. +20584044 In national over-the-counter trading, LIN shares soared $4.625 to closed at $112.625, while McCaw fell $2.50 a share to $37.75. +20584045 The proposed BellSouth-LIN cellular company, including the newly acquired Metromedia stake, would give the new entity 55 million potential customers, including about 35 million in the nation's top 10 markets. +20584046 Mr. Leon of Bear Stearns speculated that McCaw, in an attempt to buy time, might consider filing an antitrust suit against BellSouth with the Justice Department and U.S. District Judge Harold Greene, who oversees enforcement of the consent decree that broke up the Bell system in 1984. +20584047 Indeed, McCaw seemed to hint at that option in a brief statement. +20584048 Urging LIN directors to conduct "a fair auction on a level playing field," McCaw asked how well the public interest would be served "with the Bell operating companies controlling over 94% of all cellular {potential customers} in the nation's top 10 markets. +20585001 Market makers in Nasdaq over-the-counter stocks are adding their voices to the swelling chorus of complaints about program trading. +20585002 Their motivation, however, has a strong practical aspect: Program trading is hazardous to their paychecks. +20585003 The most controversial form of program trading, stock-index arbitrage, is "making it tough for traders to make money," declares Robert Antolini, head of OTC trading at Donaldson, Lufkin & Jenrette. +20585004 Stock-index arbitrage -- the computer-guided buying and selling of stocks with offsetting trades in stock-index futures to profit from fleeting price discrepancies -- affects the OTC market directly through the 31 stocks included in Standard & Poor's 500-stock index. +20585005 The S&P 500 is often used in arbitrage strategies. +20585006 The portion of OTC volume attributable to program trading isn't known, as it is on the New York Stock Exchange, where it amounted to more than 13% in September. +20585007 Estimates from traders put it at less than 5% of Nasdaq's average daily volume of roughly 133 million shares. +20585008 Other market-maker gripes: Program trading also causes the Nasdaq Composite Index to lose ground against other segments of the stock market. +20585009 Because of program trading it is more difficult to trade many OTC stocks without sharp price moves, a condition known as illiquidity. +20585010 Moreover, the price volatility that is amplified by program trading is undercutting efforts to woo individual investors back to an OTC market that sorely misses them. +20585011 Some of these problems are neither new nor unique to the OTC market. +20585012 But the big, often tumultuous slide in stock prices this month has turned some of those who have been profiting from the practice against it. +20585013 Peter DaPuzzo, head of retail equity trading at Shearson Lehman Hutton, acknowledges that he wasn't troubled by program trading when it began in the pre-crash bull market because it added liquidity and people were pleased to see stock prices rising. +20585014 "We weren't as concerned until they became sell programs," says Mr. DaPuzzo, who now thinks it adds unnecessary volatility. +20585015 Shearson Lehman, however, executes program trades for clients. +20585016 Merrill Lynch, Goldman Sachs and Kidder Peabody, in addition to Shearson, do program-trade OTC stocks. +20585017 Shearson, Merrill Lynch and Goldman Sachs say they do so only for customers, however. +20585018 Kidder Peabody does program trading for its own as well as clients' accounts. +20585019 Of course, there were sell programs in past years, too, but they seem to hurt market makers more painfully these days. +20585020 That's largely because of defensive measures they adopted after the 1987 crash, when individual investors fled the market and trading activity dwindled. +20585021 Market makers, to cut costs, slashed inventories of stocks they keep on hand to sell investors when other holders aren't selling. +20585022 And to protect their reduced capital investment from eroding further, market makers became quicker to lower price quotes when sell programs are in progress. +20585023 On days when prices are tumbling, they must be willing to buy shares from sellers when no one else will. +20585024 In such an environment, market makers can suffer huge losses both on trades made that day at steadily dropping prices and in the value of their inventories of shares. +20585025 "It makes no sense for us to put money at risk when you know you're going to lose," says Mr. Antolini, of Donaldson Lufkin. +20585026 But this skittishness, Mr. Antolini says, is creating liquidity problems in certain OTC stocks. +20585027 "It's harder to sell stocks when the sell programs come in because some market makers don't want to {take the orders}. +20585028 No one has big positions and no one wants to take big risks." +20585029 Joseph Hardiman, president of the National Association of Securities Dealers, which oversees trading on Nasdaq, agrees that program trading is hurting the market's efforts to bring back small investors. +20585030 But, he observes, while makers suffer losses when program trading drags the market down, they also make money when program trading pushes the prices higher. +20585031 "Sometimes {traders} lose sight of that," he says. +20585032 The OTC stocks in the S&P 500 include Nasdaq's biggest, such as Apple Computer, MCI Communications, Tele-Communications and Liz Claiborne. +20585033 These big stocks greatly influence the Nasdaq Composite Index. +20585034 When the computers say "sell," the composite tumbles as well as the Dow Jones Industrial Average. +20585035 The problem, market makers say, is that while the industrial average and the S&P 500 usually recover as buy programs kick in, the Nasdaq Composite frequently is left behind. +20585036 Eight trading days after Oct. 12, the day before the stock market plunge, for instance, the Nasdaq Composite had fallen 4.3%, compared with 3.3% for the S&P 500, 3.5% for the New York Stock Exchange Composite Index and 3.6% for the industrial average. +20585037 This gap eventually closes, but slowly. +20585038 Three days later, as of Friday's close, the Nasdaq Composite was down 6%, compared with 5.9% for the industrial average, 5.7% for the S&P 500 and 5.8% for the Big Board Composite. +20585039 The main reason for this lag is that individual investors own 65% of the OTC market's capitalization, according to Mr. Hardiman, much more than on the Big Board. +20585040 Such investors tend to be more cautious than institutional investors are about re-entering the market after massive selloffs, market makers say. +20585041 Friday's Market Activity +20585042 The Nasdaq Composite Index tumbled 5.39, or 1.2% to 452.76 on Friday. +20585043 For the week, the index dropped 3.8%. +20585044 Weakness in big technology stocks hurt the composite as well as the Nasdaq 100 Index, which fell 1.4%, or 6.43, on Friday, to 437.68. +20585045 The Nasdaq Financial Index lost about 1%, or 3.95, to 448.80. +20585046 Friday's trading volume totaled 132.8 million shares. +20585047 The average daily share turnover for October is almost 148 million shares. +20585048 LIN Broadcasting surged 4 5/8 to 112 5/8; LIN and BellSouth sweetened their merger agreement in an attempt to keep shareholders from tendering their shares to McCaw Cellular Communications. +20585049 McCaw, which dropped 2 1/2 to 37 3/4, has offered $125 a share for a majority of LIN's shares. +20585050 The revised LIN-BellSouth agreement boosts the dollar amount of the special dividend LIN promises to pay shareholders. +20585051 LIN now plans to dole out $42 a share in cash, up from the earlier $20 amount. +20585052 Intel eased 1/8 to 31 7/8. +20585053 The semiconductor concern said the interruption in shipment of its 80486 computer chip will be brief and have little impact on the company's earnings. +20585054 The stock fell 7/8 Thursday amid concerns over problems discovered with the chip. +20585055 Intel told analysts that the company will resume shipments of the chips within two to three weeks. +20585056 Weisfield's rocketed 9 1/2 to 39 after the jewelry store operator said it is in preliminary discussions, with a party it wouldn't identify, regarding the possible acquisition of the company. +20585057 Starpointe Savings Bank rose 3 to 20 after the Federal Deposit Insurance Corp. approved Dime Savings Bank of New York's $21-a-share acquisition of Starpointe. +20585058 Kirschner Medical fell 4 to 15. +20585059 The company said its third-quarter earnings will probably be lower than the 16 cents a share it reported last year, despite a rise in the company's revenue. +20585060 Kirschner earned $376,000 on revenue of $14.5 million in the 1988 quarter. +20585061 The company blamed a number of factors for the earnings decline, including softer sales of joint-implants. +20586001 London share prices closed sharply lower Friday in active trading after Chancellor of the Exchequer Nigel Lawson's resignation slapped the market and Wall Street's rapid initial sell-off knocked it down. +20586002 London shares were depressed initially by overnight losses in New York and by the drop in sterling after Mr. Lawson's resignation. +20586003 It showed some early resilience after central bank support firmed sterling, but the weight of Wall Street late in London trading, and signs of further weakness in the British pound, proved a hefty load to bear. +20586004 New York stocks recovered some of their losses after the London market closed. +20586005 The Financial Times 100-share index shed 47.3 points to close at 2082.1, down 4.5% from the previous Friday and 6.8% from Oct. 13, when Wall Street's plunge helped spark the current weakness in London. +20586006 The 30-share index settled 42.0 points lower at 1678.5. +20586007 Volume was 840.8 million shares, up from 443.6 million Thursday and the week's most active session. +20586008 Dealers said the turnover, largely confined to the 100-share index stocks, partly reflected the flurry of activity typical at the close of a two-week trading account and the start of a new account. +20586009 But they said Friday's focus on the top-tier stocks telegraphed active overseas selling and showed the broad-based fears over the status of the U.K. economy and Britain's currency in the wake of the upheaval in Prime Minister Margaret Thatcher's cabinet. +20586010 A senior dealer with Warburg Securities noted British Gas, the most active blue-chip stock at 20 million shares traded, was affected by the political implications of Mr. Lawson's departure and Mrs. Thatcher's cabinet shuffle. +20586011 He attributed the unusually high volume to broad-based selling on fears that the Thatcher government may be in turmoil and Britain's Labor Party positioned to regain control of the government and renew efforts at nationalization. +20586012 British Gas shed 8.5 pence a share to close at 185 pence ($2.90). +20586013 Other dealers added that the blue-chip stocks in general were hit by profit-taking over concerns that London shares will continue posting declines and the uncertainty over sterling given that Mr. Lawson's successor, John Major, had only been in the job one day. +20586014 Besides British Gas, British Steel skidded 1.74 to 123.5 on turnover of 11 million shares. +20586015 British Petroleum fell 5 to 286 on 14 million shares traded. +20586016 Dealers said the multinational oil company was pressured by recent brokerage recommendations urging investors to switch into Shell Trading & Transport. +20586017 Shell eased 1 to 416 on turnover of 4.8 million shares. +20586018 Among the other actively traded blue-chip issues, Imperial Chemical Industries dropped 11 to #10.86, Hanson skidded 9.5 to 200.5, and British Telecom fell 10 to 250. +20586019 In Tokyo, stocks closed lower but above intraday lows in active trading. +20586020 The Nikkei index was pressured down by profit-taking triggered by sharp advances made through this week and fell 151.20 points to 35527.29. +20586021 In early trading in Tokyo Monday, the Nikkei index fell 148.85 points to 35378.44. +20586022 On Friday, the Tokyo stock price index of first section issues was down 15.82 at 2681.76. +20586023 First-section volume was estimated at 1.3 billion shares, up from 886 million shares Thursday. +20586024 An official at Wako Securities said brokerages' excessive expectations about recent advances in Tokyu Group shares and real estate issues were dashed Friday. +20586025 Dealers placed heavy buy orders in the morning to start the first trading day for November transactions. +20586026 But they failed to sell these stocks to client investors, who were cautious about the sharp gains these issues made this week, the Wako official said. +20586027 Fund managers said Friday's profittaking was a natural result of the week's "abnormal fever" in buying real estate, shipbuilding, steel and construction shares. +20586028 Frankfurt prices closed lower again Friday, the fourth decline in the past five days and the culmination of a week that saw the DAX index lose 4%. +20586029 The DAX dropped 19.69 points Friday to 1462.93. +20586030 Traders said the continued turbulence in other markets, coupled with the drop in London following the Lawson resignation, were responsible. +20586031 Traders said that selling pressure wasn't enormous and that the DAX dropped Friday more on a lack of any substantial buying interest. +20586032 They said contributing to the downward drift was the fact that many professional traders had chosen to square positions ahead of the weekend. +20586033 "It's the whole uncertainty about what's happening around us," said Valentin Von Korff, a trader at Credit Suisse First Boston in Frankfurt. +20586034 "If you take away the outside influences, the market itself looks very cheap. +20586035 What's happening here isn't justified by the fundamentals." +20586036 Traders said the market remains extremely nervous because of the wild swings seen on the New York Stock Exchange last week. +20586037 That's leaving small investors with cold feet, they said, and prompting institutions to take a reserved stance on the sidelines as well, at least until the market in New York settles down somewhat. +20586038 Elsewhere, share prices closed lower in Paris, Zurich, Amsterdam, Brussels and Stockholm, and were mixed in Milan. +20586039 The British shakeup was widely cited for the declines. +20586040 Share prices also closed lower in Sydney, Hong Kong, Singapore, Taipei, Manila, Wellington and Seoul. +20586041 Concern about declines in other markets, especially New York, caused selling pressure. +20586042 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +20586043 To make them directly comparable, each index is based on the close of 1969 equaling 100. +20586044 The percentage change is since year-end. +20586045 Last week's best and worst performing stocks among those issues that make up 80% of the world's stock market capitalization (in local currency) +20586046 Source: Morgan Stanley Capital Intl. +20587001 APARTHEID FOES STAGED a massive anti-government rally in South Africa. +20587002 More than 70,000 people filled a soccer stadium on the outskirts of the black township of Soweto and welcomed freed leaders of the outlawed African National Congress. +20587003 It was considered South Africa's largest opposition rally. +20587004 Walter Sisulu, the ANC's former secretary general who served 26 years in prison before being released two weeks ago, urged peace, negotiation and discipline. +20587005 President de Klerk's government permitted the rally, and security forces didn't interfere. +20587006 Pretoria's approval of the demonstration and the ANC's conciliatory tone appeared aimed at setting up negotiations to give blacks political rights. +20587007 CONGRESSIONAL LEADERS BACKED Bush's criticism of Nicaragua's Ortega. +20587008 While lawmakers haven't raised the possibility of renewing military aid to the Contras following Ortega's weekend threat to end a truce, Senate Majority Leader Mitchell said on NBC-TV that Ortega had made "a very unwise move. +20587009 " Minority Leader Dole plans to offer a resolution tomorrow denouncing the Nicaraguan president, whose remarks came during a celebration in Costa Rica marking regional moves to democracy. +20587010 Ortega cited renewed attacks by the U.S.backed rebels. +20587011 Lawmakers must decide next month whether the Contras will get so-called humanitarian aid under a bipartisan agreement reached in March. +20587012 Spain's Socialist Party claimed victory in nationwide elections, saying it had retained its parliamentary majority by one seat. +20587013 With all the votes counted, a government spokesman said Prime Minister Gonzalez's party won 176 seats in the 350-seat Cortes, or lower house of parliament. +20587014 The Socialists held 184 seats going into the balloting. +20587015 Thousands of East Germans attended public rallies organized by the Communist leadership and demanded free speech, controls on the security forces and an end to official privileges. +20587016 The gatherings in East Berlin and elsewhere were viewed as part of a government effort to stop activists from staging protests to press their demands. +20587017 Dissidents in Czechoslovakia said the nation's pro-democracy movement was growing despite the government's move to crush a protest Saturday in Prague's Wenceslas Square. +20587018 More than 10,000 demonstrators had called for free elections and the resignation of Communist Party leader Milos Jakes. +20587019 Police detained more than 350 people. +20587020 Federal investigators have determined a metallurgical flaw that developed during the making of an engine disk led to the July crash of a United Airlines jetliner in Sioux City, Iowa, killing 112 people. +20587021 Congress sent to Bush an $8.5 billion military construction bill that cuts spending for new installations by 16%. +20587022 The measure also moves more than $450 million in the Pentagon budget to home-state projects from foreign bases. +20587023 U.S. and Soviet officials are to open a new round of talks today aimed at reducing chemical-weapons arsenals amid superpower differences over whether to stop making the gases. +20587024 The talks in New York are the first since Bush and Soviet Foreign Minister Shevardnadze unveiled proposals in September to scrap existing weapons. +20587025 Afghan guerrillas bombarded Kabul in a weekend assault that Western diplomats called one of the biggest offensives since the Soviet Union completed a troop withdrawal in February. +20587026 The rebels also reportedly tightened a blockade on roads leading to the capital, and government forces shelled a guerrilla-held area in western Afghanistan. +20587027 Lebanon's Christian leader convened an emergency meeting of his cabinet after indications that he might dissolve Parliament in an attempt to scuttle an Arab-sponsored peace plan. +20587028 Gen. Michel Aoun rejected the pact because it fails to provide a timetable for a Syrian troop pullout from Lebanon. +20587029 Authorities in Hawaii said the wreckage of a missing commuter plane with 20 people aboard was spotted in a remote valley on the island of Molokai. +20587030 There wasn't any evidence of survivors. +20587031 The plane failed to reach Molokai's airport Saturday while on a flight from the neighboring island of Maui. +20587032 The Oakland Athletics won baseball's World Series, defeating the San Francisco Giants in a four-game sweep. +20587033 An earthquake Oct. 17 in Northern California had caused a 10-day delay midway through the championship contest, which ended Saturday at San Francisco's Candlestick Park. +20587034 Died: Rudolf von Bennigsen-Foerder, 63, chairman of Veba AG of West Germany, in Duesseldorf, of pneumonia. +20588001 The West German machinery and plant equipment industry's orders rose an inflation-adjusted 1% in September from a year earlier despite a sharp drop in foreign orders, the German Association of Machinery Makers said. +20588002 Before adjustment for inflation, the association said, orders were up a nominal 5%. +20588003 While domestic orders climbed an adjusted 8% and a nominal 11% in September, foreign orders declined 4% after inflation and 1% on a nominal basis. +20588004 In the third quarter, orders rose a real 5% and a nominal 9%. +20588005 Domestic orders were up a real 11% and a nominal 14%, while foreign orders rose a real 1% and a nominal 5%. +20589001 When Michael S. Perry took the podium at a recent cosmetics industry event, more than 500 executives packing the room snapped to attention. +20589002 Mr. Perry, who runs Unilever Group's world-wide personal-care business, paused to scan the crowd. +20589003 "I see we have about half the audience working for us," he said, tongue in cheek. +20589004 "The other half, we may have before long." +20589005 Members of the audience gasped or laughed nervously; their industry has been unsettled recently by acquisitions. +20589006 First Unilever, the Anglo-Dutch packaged-goods giant, spent $2 billion to acquire brands such as Faberge and Elizabeth Arden. +20589007 It now holds the No. 3 position at U.S. department-store cosmetic counters. +20589008 Then Procter & Gamble Co. agreed to buy Noxell Corp. for $1.3 billion. +20589009 That acquisition, to be completed by year end, will include the Cover Girl and Clarion makeup lines, making P&G the top marketer of cosmetics in mass-market outlets. +20589010 It's not so much the idea of acquisitions that has agitated the cosmetics industry as the companies doing the acquiring: P&G and Unilever bring with them great experience with mundane products like soap and toilet paper, sparking disdain in the glitzy cosmetics trade; but they also bring mammoth marketing clout, sparking fear. +20589011 Though it is far from certain that companies best known for selling Promise margarine and Tide detergent will succeed in cosmetics, there's little doubt they will shake up the industry. +20589012 For now, both companies are keeping quiet about their specific plans. +20589013 But industry watchers expect them to blend the methodical marketing strategies they use for more mundane products with the more intuitive approach typical of cosmetics companies. +20589014 Likely changes include more emphasis on research, soaring advertising budgets and aggressive pricing. +20589015 But some cosmetics-industry executives wonder whether techniques honed in packaged goods will translate to the cosmetics business. +20589016 Estee Lauder Inc., Revlon Inc. and other cosmetics houses traditionally have considered themselves fashion enterprises whose product development is guided by the creative intuition of their executives. +20589017 Cosmetics companies roll out new makeup colors several times a year, and since most products can be easily copied by competitors, they're loath to test them with consumers. +20589018 "Just because upscale cosmetics look like packaged goods and smell like packaged goods, it doesn't mean they are packaged goods," says Leonard Lauder, chief executive of Estee Lauder. +20589019 "They're really fashion items wrapped up in little jars." +20589020 In contrast to the more artistic nature of traditional cosmetics houses, Unilever and P&G are the habitats of organization men in gray-flannel suits. +20589021 Both companies are conservative marketers that rely on extensive market research. +20589022 P&G, in particular, rarely rolls out a product nationally before extensive test-marketing. +20589023 Both can be extremely aggressive at pricing such products as soaps and diapers -- to the extent that some industry consultants predict cents-off coupons for mascara could result from their entry into the field. +20589024 P&G already has shown it can meld some traditional packaged-goods techniques with the image-making of the cosmetics trade in the mass-market end of the business. +20589025 Consider Oil of Olay, which P&G acquired as part of Richardson-Vicks International in 1985. +20589026 The moisturizer, introduced in 1962, had a dowdy image. +20589027 "Oil of Olay brought with it the baggage of being used basically by older women who had already aged," says David Williams, a consultant with New England Consulting Group. +20589028 P&G set out to reposition the brand by broadening the product line to include facial cleansers and moisturizers for sensitive skin. +20589029 It also redesigned Oil of Olay's packaging, stamping the traditional pink boxes with gold lines to create a more opulent look. +20589030 Moreover, P&G shifted its ad campaign from one targeting older women to one featuring a woman in her mid-30s vowing "not to grow old gracefully." +20589031 The company says sales have soared. +20589032 Goliaths like Unilever and P&G have enormous financial advantages over smaller rivals. +20589033 Next year, Noxell plans to roll out a perfume called Navy, says George L. Bunting Jr., chairman of Noxell. +20589034 Without P&G's backing, Noxell might not have been able to spend the estimated $5 million to $7 million needed to accomplish that without scrimping on its existing brands. +20589035 Packaged-goods companies "will make it tougher for smaller people to remain competitive," Mr. Bunting says. +20589036 Further consolidations in the industry could follow. +20589037 Rumors that Unilever is interested in acquiring Schering-Plough Corp.'s Maybelline unit are widespread. +20589038 Unilever won't comment; Schering, however, denies the brand is for sale. +20589039 The presence of Unilever and P&G is likely to increase the impact of advertising on cosmetics. +20589040 While the two are among the world's biggest advertisers, most makers of upscale cosmetics spend relatively little on national ads. +20589041 Instead, they focus on events in department stores and pour their promotional budgets into gifts that go along with purchases. +20589042 Estee Lauder, for example, spends only an estimated 5% of sales on advertising in the U.S., and Mr. Lauder says he has no plans to change his strategy. +20589043 The most dramatic changes, however, probably will come in new-product development. +20589044 Nearly 70% of cosmetics sales come through mass-distribution outlets such as drug stores and supermarkets, according to Andrew Shore, an analyst at Shearson Lehman Hutton Inc. +20589045 That figure has been inching up for several years. +20589046 As the trend continues, demand for mass-market items that are high quality but only mid-priced -- particularly skin-care products -- is expected to increase. +20589047 This fall, for example, L'Oreal Group, ordinarily a high-end line, rolled out a drug-store line of skin-care products called Plenitude, which retail for $5 to $15. +20589048 The packaged-goods marketers may try filling that gap with a spate of new products. +20589049 Unlike the old-line cosmetics houses, Unilever and P&G both have enormous research and development bases to draw on for new products. +20589050 P&G, in fact, is noted for gaining market leadership by introducing products that offer a technical edge over the competition. +20589051 Sales of its Tide detergent soared earlier this year, for example, after P&G introduced a version that includes a bleach safe for all colors and fabrics. +20589052 That's led industry executives to speculate that future product development will be driven more by technological innovation than by fashion whims -- especially among mass-market brands. +20589053 "There will be more emphasis on quality," says Guy Peyrelongue, chief executive of Cosmair Inc., the U.S. licensee of L'Oreal. +20589054 "You'll see fewer gimmicks." +20589055 But success for Unilever and P&G is far from guaranteed, as shown by the many consumer-product companies that have tried and failed to master the quirky beauty business. +20589056 In the 1970s, several pharmaceutical and packaged-goods companies, including Colgate-Palmolive Co., Eli Lilly & Co., Pfizer Inc. and Schering-Plough acquired cosmetics companies. +20589057 Industry consultants say only Schering-Plough, which makes the mass-market Maybelline, has maintained a meaningful business. +20589058 Colgate, which acquired Helena Rubenstein in 1973, sold the brand seven years later after the brand languished. +20589059 Unilever already has experienced some disappointment. +20589060 The mass-market Aziza brand, which it acquired in 1987 along with Chesebrough-Pond's Inc., has lost share, according to industry analysts. +20589061 The ritzy world of department-store cosmetics retailing, where Unilever is concentrating its efforts, may prove even more treacherous. +20589062 In this niche, makeup colors change seasonally because they are linked to ready-to-wear fashions. +20589063 Because brand loyalty is weak and most cosmetics purchases are unplanned, careful training of store sales staffs by cosmetics companies is important. +20589064 And cultivating a luxury image strong enough to persuade consumers to pay more than $15 for lipstick or eye makeup requires a subtle touch that packaged-goods companies have yet to demonstrate on their own. +20590001 There may be a truce in the long war of nerves between the White House and Congress over how this country conducts secret intelligence operations abroad. +20590002 After years of mistrust born of Watergate, past misdeeds of the Central Intelligence Agency, and the Iran-Contra scandal, President Bush and the Senate Intelligence Committee appear ready -- for now, at least -- to trust each other when it comes to setting policy on covert activities. +20590003 If that attitude lasts, it could infuse covert action planning with a level of care and confidence that hasn't been seen in years. +20590004 Over the past week, the president has agreed to keep the committee informed, usually in advance, of covert actions and to put key intelligence decisions in writing. +20590005 That wasn't always the way the Reagan administration handled such matters. +20590006 Mr. Bush has pledged as well to respect the 14-year-old executive order barring U.S. agents from assassinating foreign leaders or helping others to do so. +20590007 Congress never fully trusted former CIA chief William Casey and National Security Adviser John Poindexter to honor the ban. +20590008 Despite objections by the CIA, Mr. Bush also has agreed to the establishment of an inspector general at the CIA who would be independent of the CIA director. +20590009 In return, the Senate panel has dropped efforts to enact legislation requiring the administration to inform it within 48 hours of the launching of any covert activity. +20590010 It also has removed a ban on CIA use of a contingency fund for covert acts and has agreed to wipe away some tortured and legalistic restrictions on coup planning put in place to ensure that the CIA didn't get back in the assassination game. +20590011 "We've finally been able to convince them that Casey and {Oliver} North don't work here anymore," says one administration official. +20590012 The new understanding didn't just spring to life in a spontaneous eruption of sweetness and light. +20590013 It emerged after a rancorous display of old-style intelligence politics that followed this month's failed coup attempt in Panama. +20590014 The White House used television appearances and leaks to argue that congressionally imposed restrictions on covert actions made U.S. support for such coups difficult. +20590015 Mr. Bush even disclosed privately that one Reagan-era deal with Congress required him to notify the odious Panamanian dictator, Manuel Noriega, if the U.S. learned of a coup plot that might endanger his life. +20590016 The president also hinted he might veto this year's intelligence authorization bill if it is too restrictive. +20590017 Intelligence Committee Chairman David Boren (D., Okla.) and Vice Chairman William Cohen (R., Maine), for their part, angrily accused the White House of selectively leaking classified documents and trying unfairly to shift the blame to Congress for the bungled attempt to topple Gen. Noriega. +20590018 The White House got the better of the exchange but took care not to press its advantage to the kind of constitutional confrontation sought by conservative Republicans who don't want any congressional oversight of intelligence activities. +20590019 Instead, Mr. Bush and his aides made it clear they respected Congress's role and felt they could work with the conservative Mr. Boren and the moderate Mr. Cohen to iron out their differences. +20590020 The senators responded in kind. +20590021 Sen. Boren happily told reporters that there had been "a meeting of the minds" with the White House, and that the committee had given Mr. Bush "a clean slate," free of the impediments imposed during the Reagan years. +20590022 Sen. Cohen said the relationship has reverted to its pre-Reagan character. +20590023 There still are some details to be nailed down. +20590024 Mr. Bush is reserving the right in "rare" instances to keep Congress in the dark, asserting a constitutional prerogative the committee doesn't recognize. +20590025 And a pending Justice Department interpretation of the assassination ban could raise questions that would have to be settled. +20590026 Moreover, both sides may face political critics. +20590027 Some conservatives will accuse the president of promising Congress too much. +20590028 And they continue anonymously attacking CIA Director William Webster for being too accommodating to the committee. +20590029 At the same time, some congressional liberals will accuse Sens. Boren and Cohen of wimping out, and they will warn that the lawmakers' concessions raise the specter of more internationally embarrassing covert operations like the mining of Nicaraguan harbors and the Iran arms sales. +20590030 But if the cooperative attitude holds and there is greater consultation on covert activities, the country could be entering an era when such hare-brained schemes are scrapped before they get off the drawing boards, while risky but well-planned secret operations can be undertaken without fear that a panicky Congress will balk. +20591001 Several of the New York Stock Exchange's own listed companies, led by giant Contel Corp., are joining for the first time to complain about program trading and the exchange's role in it. +20591002 Claiming program trading has turned the Big Board into a "gambling casino," Contel Chairman Charles Wohlstetter said that he and at least 20 other corporate executives are forming an unprecedented alliance. +20591003 The group, Mr. Wohlstetter said in an interview, wants to end the market's wild price swings that critics blame on computer-aided program-trading strategies. +20591004 The group will complain to Washington, to the heads of program-trading firms and to the heads of the Big Board itself, he said. +20591005 "They should call {the exchange} Trump East," charged Mr. Wohlstetter, the 79-year-old founder of Contel who's also a former investment banker and stock trader. +20591006 "What is the mission of the financial community -- +20591007 to help some scavengers or schemers, or help corporate America?" +20591008 Contel is a $6 billion telephone and electronics company. +20591009 Pressure has been building on the Big Board in the past two weeks to do something about market volatility, which many investors say is caused by program trading. +20591010 The market's Friday-the-13th plunge of 190 points in the Dow Jones Industrial Average, and the Big Board's understated response to it, galvanized some longstanding dissatisfaction among companies listed on the exchange. +20591011 Last month, program trading accounted for a record 13.8% of average daily Big Board volume. +20591012 Mr. Wohlstetter, for example, said he wrote to Big Board Chairman John J. Phelan Jr. about program trading after the 190-point Dow plunge, and as in previous queries, "what I get back is gobbledygook." +20591013 He said he's upset that Mr. Phelan, trying to calm investors after the plunge, said that investors would simply have to get used to the market's big price swings. +20591014 The Big Board "is partly to blame {for the price swings}, because they're cowards," said Mr. Wohlstetter. +20591015 "Their powerful members manage them." +20591016 The focus of the outcry has been stock-index arbitrage, which accounts for about half the program trading that goes on. +20591017 Index arbitragers argue that their trading is healthy because it links markets, but critics say such trading accelerates market movements and increases the chance for a crash. +20591018 The Big Board has refused to be drawn into a public debate about program trading. +20591019 Richard Grasso, Big Board president, last week said only that the exchange is concerned about all its constituents. +20591020 Privately, exchange officials worry that without a hospitable system for program trading at the Big Board, billions of dollars in trading will simply migrate to overseas exchanges such as London's. +20591021 It is partly for this reason that the exchange last week began trading in its own stock "basket" product that allows big investors to buy or sell all 500 stocks in the Standard & Poor's index in a single trade. +20591022 One intended customer of the new basket product is index arbitragers, according to the exchange. +20591023 Investors have complained for some time about program trading, particularly index arbitrage, to little avail. +20591024 But according to some Big Board traders, an organized campaign from exchange-listed companies might make the exchange finally consider big changes. +20591025 "They won't fight the listed companies. +20591026 Now the assault is on," said one top trader. +20591027 The Big Board can't ban stock-index futures, of course, but it could ban use of its high-speed electronic trading system for program trading or at least encourage securities firms to back off. +20591028 The exchange put a bit of a damper on program trading when, last year, it simply started to publish monthly statistics of each firm's program-trading volume. +20591029 Contel's Mr. Wohlstetter said the group of Big Board companies isn't ready to go public yet with its effort, and that he doesn't plan to be the leader once it is public. +20591030 However, he said he planned to spend the weekend making calls to gather additional support. +20591031 Among those Mr. Wohlstetter said he has been talking to are Sanford Weill of Primerica Corp., which is the parent of Smith Barney, Harris Upham & Co.; GTE Corp.'s James Johnson, and ITT Corp.'s Rand Araskog. +20591032 None of these chief executives were available for comment. +20591033 Among the targets of the Big Board companies' campaign will be some corporate pension funds that use program-trading strategies to maximize returns on their investments. +20591034 For Contel's part, the company a month ago informed each of its money managers that it would drop them if they give business to program-trading firms. +20591035 It was just those kinds of ultimatums that last week succeeded in turning up the heat in the debate. +20591036 Kemper Corp.'s Kemper Financial Services unit said it cut off Bear Stearns, Morgan Stanley, Oppenheimer and General Electric Co.'s Kidder, Peabody & Co. unit. +20591037 All of the firms except Kidder, which is the second-biggest program trader on Wall Street, quickly announced pull-backs from index arbitrage. +20591038 Kidder officials stand by their aggressive use of program trading. +20591039 Chief Executive Officer Michael Carpenter said that despite the outcry even by some of Kidder's own brokers, he believes index arbitrage doesn't have a "negative impact on the market as a whole. +20591040 " However, pressure on Kidder's parent, GE, could change Kidder's policy. +20591041 GE Chairman John Welch has been "besieged with phone calls" complaining about his unit's program trading, according to a person close to him. +20592001 Margaret Thatcher's instinctive response to the latest upheaval in her government is to promise business as usual. +20592002 That may be the last thing she needs. +20592003 As the air clears from last week's storm of resignations and reshufflings, the government faces a daunting job of rebuilding confidence in its policies. +20592004 The prime minister and her new chancellor of the exchequer, the untested John Major, need to haul the country through something like a recession to bring down inflation and set the economy moving again. +20592005 Mrs. Thatcher has to come to terms with European economic integration, beginning with the European Monetary System, which Britain is committed to joining fully someday. +20592006 Finally, the government has to convince a rattled financial community -- and voters -- it is proceeding coherently toward its goals. +20592007 It sounds like the work of a decade, but the deadline is late 1991, when Mrs. Thatcher is expected to call another national election. +20592008 What's worrying her supporters is that the economic cycle may be out of kilter with the political timetable. +20592009 She could end up seeking a fourth term in an economy sick with inflation, high interest rates and a heavy trade deficit. +20592010 Though Mrs. Thatcher has pulled through other crises, supporters wonder if her steely, autocratic ways are the right formula today. +20592011 "There's a rising fear that perhaps Mrs. Thatcher's style of management has become a political liability," says Bill Martin, senior economist at London brokers UBS-Phillips & Drew. +20592012 The prime minister's insistence on keeping a private coterie of advisers -- including an economic guru who openly criticized former Chancellor of the Exchequer Nigel Lawson -- confused the financial community. +20592013 Last week, the strategy of playing the two experts off each other blew up: Mr. Lawson quit in exasperation and Sir Alan Walters, the adviser, announced his resignation within an hour. +20592014 The confusion could be costly. +20592015 Currency traders, suspecting Mr. Major won't defend the pound strenuously, sent the British currency sharply lower Friday against the dollar and West German mark. +20592016 Analysts expect further jitters this week. +20592017 A continuing slide in the pound could force the government to push through another rise in the base rate, currently 15%. +20592018 That could shove a weak economy into recession. +20592019 Economists have been anticipating a slump for months, but they now say it will be deeper and longer than they had thought. +20592020 Britain's economy "is developing rapidly toward no-growth," says J. Paul Horne, international economist with Smith Barney, Harris Upham Co. in Paris. +20592021 A mild slowdown probably would have run its course by early 1991, economists say, while the grueling downturn now expected could stretch into 1992. +20592022 Recovery could be hampered if Britain's major trading partners in Europe, which are enjoying robust economic activity, cool off as expected in late 1990 and 1991. +20592023 That would leave Mrs. Thatcher little room for maneuver. +20592024 For the Tories to win the next election, voters will need to sense economic improvement for about a year beforehand. +20592025 Though Mrs. Thatcher doesn't need to call an election until June 1992, she would prefer doing so in late 1991. +20592026 "If the economy shows no sign of turning around in about year's time, she will be very vulnerable," says John Barnes, a lecturer at the London School of Economics. +20592027 There's an equally pressing deadline for the government to define its monetary and economic ties to the rest of the European Community. +20592028 It has sent mixed signals about its willingness to take part in the exchange-rate mechanism of the European Monetary System, which links the major EC currencies. +20592029 At a June EC summit, Mrs. Thatcher appeared to ease her opposition to full EMS membership, saying Britain would join once its inflation rate fell and the EC liberalized capital movements. +20592030 Since then, the government has left observers wondering if it ever meant to join. +20592031 Sir Alan assailed the monetary arrangement as "half-baked" in an article being published in an American economics journal. +20592032 That produced little reaction from his boss, reinforcing speculation the government would use its two conditions as a pretext for avoiding full EMS membership. +20592033 Despite the departure of Mr. Lawson and Sir Alan, the tug-of-war over the EMS could continue. +20592034 Sir Geoffrey Howe, deputy prime minister and a Lawson ally on the EMS, has signaled he will continue pressing for early membership. +20592035 Of immediate concern is whether the Thatcher government will continue Mr. Lawson's policy of tracking the monetary policies of the West German Bundesbank and responding in kind when the Frankfurt authorities move interest rates. +20592036 Mrs. Thatcher "doesn't like taking orders from foreigners," says Tim Congdon, economist with Gerrard & National Holding PLC. +20592037 As Conservatives rally around Mrs. Thatcher during the crisis, many harbor hopes last week's debacle will prompt change. +20592038 "We won't have any more of this wayward behavior," says Sir Peter Hordern, a backbench Tory member of Parliament. +20592039 "The party is fed up with sackings of good people." +20592040 It's an unrealistic expectation. +20592041 As long as a decade ago, Mrs. Thatcher declared she didn't want debate in her cabinet; she wanted strong government. +20592042 Over the weekend, she said she didn't intend to change her style and denied she is authoritarian. +20592043 "Nonsense," she told an interviewer yesterday on London Weekend Television. +20592044 "I am staying my own sweet, reasonable self. +20593001 Joseph L. Dionne, chairman and chief executive officer of McGraw-Hill Inc., was elected to the board of directors of this electronics manufacturer. +20593002 He succeeds the retiring James W. Wilcock. +20594001 Base Data +20594002 Computers that once were the state of the art, The marvels bought three years ago, Are now obsolete. +20594003 As we queasily start The search for replacements, we know The new one we purchase in hopes it will do, Despite every wonder that's stated, Means more speed, more graphics, more memory, too, But also more quickly out- dated! +20594004 -- Bern Sharfman. +20594005 Curdling Confession +20594006 I know when dividends are due; When bonds should be retired; But what gets by me every time Is has the milk expired? +20594007 -- Ralph Shaffer. +20594008 Daffynition +20594009 Tithing: Obedience to one-tenth Commandment. +20594010 -- Len Elliott. +20595001 Wives May Not Benefit When Men Do Chores +20595002 WHEN HUSBANDS take on more housework, they tend to substitute for chores done by the kids rather than by the wife. +20595003 Rand Corp. researchers Linda Waite and Frances Goldscheider analyzed a large sample of married women with at least one child at home between the ages of six and 18. +20595004 The women indicated which family member usually did various household chores and the approximate share each did. +20595005 Not unexpectedly, wives, whether working or non-working, did by far the most -- about 80% of the shopping, laundry and cooking, and about two-thirds of housecleaning, washing dishes, child care and family paper work. +20595006 Only for yardwork and home maintenance did women do less than half. +20595007 But the researchers found that while children's household tasks eased the mother's burden appreciably, the husband's helping hand "appears to lighten the children's load almost on a one-for-one basis and to reduce the wife's responsibility only modestly." +20595008 This pattern was particularly evident among more highly educated couples. +20595009 In these families, husbands took on 80% more chores than in couples with only grammar school education. +20595010 But the kids with highly educated parents did 68% less housework than those in less-educated families. +20595011 "It is clear," Ms. Waite says, "that most of the effect of increasing education has been to shift who is helping the wife/mother. +20595012 Her share decreases, but only slightly." +20595013 Nursing Home Patients Apt to Be Private Payers +20595014 FAR FEWER elderly nursing home residents bankrupt themselves than was previously believed, two recent studies declare. +20595015 State governments place very low ceilings on how much property people may own or how much income they may keep if they want welfare help on medical bills. +20595016 Conventional wisdom has long held that anywhere from one-fourth to one-half of all elderly long-term care patients are obliged to spend themselves into poverty before qualifying for Medicaid assistance. +20595017 But separate reports from Joshua Weiner and Denise Spence of the Brookings Institution and Korbin Liu of the Urban Institute find that "a surprisingly small proportion" -- only about 10% -- of residents start out as private payers but "spend down" to Medicaid levels in a single nursing home stay before they die or are discharged. +20595018 (Another one-third are already on Medicaid when they enter the nursing homes, a considerably higher proportion than the analysts anticipated.) +20595019 But a remarkably high percentage -- over half -- are private payers throughout their stay, even a fairly lengthy one. +20595020 About one-third pay out of their own pockets, while the rest are covered throughout by Medicare, private insurers or the Veterans Administration. +20595021 Both reports are based on several thousand patients sampled in a 1985 nationwide government survey. +20595022 The Brookings and Urban Institute authors caution, however, that most nursing home stays are of comparatively short duration, and reaching the Medicaid level is more likely with an unusually long stay or repeated stays. +20595023 Moreover, they note, those who manage to pay their own way often do so only by selling their homes, using up life savings or drawing heavily on children and other relatives. +20595024 Reagan Era Young Hold Liberal Views +20595025 THE REAGAN generation young men and women reaching political maturity during Ronald Reagan's presidency -- are firmly liberal on race and gender, according to NORC, the social science research center at the University of Chicago. +20595026 Many political analysts have speculated that the Reagan years would produce a staunchly conservative younger generation. +20595027 NORC's most recent opinion surveys find the youngest adults indeed somewhat more pro-Reagan and pro-Republican than other adults. +20595028 But, says chief investigator Tom Smith, this "does not translate into support for conservatism in general or into conservative positions on feminist and civil rights issues." +20595029 Answers to a dozen questions in the 1986, 1987, 1988 and 1989 national surveys reveal that men and women in the 18 to 24 age bracket are considerably more liberal on race and gender than were the 18 to 24 year olds in NORC's polling in the early 1970s and early 1980s. +20595030 They were also as liberal or more liberal than any other age group in the 1986 through 1989 surveys. +20595031 For example, 66% of the 18 to 24 year olds in the four latest surveys favored an "open housing" law prohibiting homeowners from refusing on racial grounds to sell to prospective buyers. +20595032 That compares with 58% of the similar age group in the 1980 through 1982 surveys and 55% in the 1972 through 1975 surveys. +20595033 Asked whether they agreed or disagreed with the claim that men are emotionally better suited to politics than women, 70% of the Reagan generation disagreed, compared with under 60% of younger men and women in the earlier years. +20595034 Odds and Ends +20595035 SEPARATED and divorced men and women are far more likely to be smokers than married persons, the Centers for Disease Control discovers. . . . +20595036 Graduate students are taking longer than ever to get their doctor of philosophy degrees, the National Research Council says. +20595037 It estimates the time between college graduation and the awarding of a Ph. D. has lengthened by 30% over the past 20 years, with the average gap now ranging from about 7.4 years in the physical sciences to 16.2 years in education. +20596001 October was an edgy month for the practitioners of glasnost, the official Soviet policy of allowing more candor from the nation's media. +20596002 For one of the superstars of glasnost, Vitaly Korotich, editor of the trail-blazing weekly Ogonyok, Friday, Oct. 20 was a somersaulting day that turned from tension to elation. +20596003 He had been summoned to the Central Committee of the Soviet Communist Party, after he finished his lunch at the Savoy Hotel, an unlikely prelude to a bureaucratic brow-beating: Eight-foot-tall Rubenesquely naked ladies float on their canvases toward a ceiling teeming with cherubs, all surrounded by gilt laid on with a pastry chef's trowel and supported by marble corinthian columns whose capitals are fluting fountains of gold. +20596004 Why had Mr. Korotich been called? +20596005 "I told my driver," he said, "that he was taking my butt to the Central Committee so they can . . ." whack, whack, whack his hand made vigorous spanking gestures on his left palm. " +20596006 They feel the need from time to time to `educate' me." +20596007 And indeed, as he later reported, that was the import of the meeting. +20596008 Anxious allies of President Mikhail Gorbachev are cautioning media leaders to take it easy, to be careful not to do anything that could be used by Mr. Gorbachev's opponents. +20596009 The government is nervous. +20596010 According to Mr. Korotich, who was present, Mr. Gorbachev's publicized tongue-lashing of the press on Oct. 13 was more of a plea: "Be careful boys; use good judgment. +20596011 We're standing in gasoline, so don't smoke!" +20596012 U.S. and northern European diplomats confirm Mr. Korotich's assessment that glasnost is in no immediate danger. +20596013 In fact, a very high-ranking Soviet official told an American official at a diplomatic dinner that no change in the policy was contemplated. +20596014 The day after that conversation at the residence of the U.S. ambassador, the Brezhnevite editor of Pravda, Victor Afnasjev, was replaced by a college classmate of Mr. Gorbachev's. +20596015 Brezhnevite holdovers have more to fear from Mr. Gorbachev than the verbal spanking he gave to the press. +20596016 At the end of the very week in which Mr. Korotich was called to the Central Committee, Ogonyok was again demonstrating its independence by printing a poll that showed that 35% of the Soviet population, a plurality, believed that Mr. Gorbachev's economic reforms, perestroika, would result in only insignificant change. +20596017 A good measurement of the popularity of ice-breaker journals like Ogonyok is circulation. +20596018 When Mr. Korotich took it over in 1986, it sold 250,000 copies; today it sells 3.4 million. +20596019 Pravda, meanwhile, has retained only 57% of its 1986 readership. +20596020 Glasnost has made celebrities of men like Mr. Korotich. +20596021 Prevented by the Communist Party from getting on its slate of nominees for the new Supreme Soviet, he stood as an independent candidate for Congress from his native Ukraine and won with 84% of the vote. +20596022 The same evening that he was summoned for a warning from the Party, he was cheered by thousands of his supporters at a rally of what can only be called the Korotich party. +20596023 But as astounding as the changes that have already occurred are, there is a fragility to glasnost. +20596024 Censorship isn't a Marxist invention. +20596025 The czars were no civil libertarians. +20596026 As late as the 1890s, the Russian government prevented any coverage of famines. +20596027 It even directed newspapers not to publish anything that might stain the honor of the Turkish sultan's wives. +20596028 So glasnost is not a value woven with steel threads into the fabric of Russian society. +20596029 It is an admirable public relations program initiated by a single political leader during a four-year blink of history. +20596030 It is public relations of the highest sophistication, that recognizes that credibility is enhanced by honesty -- up to a point. +20596031 What is that point? +20596032 Will Ogonyok begin a series of reports analyzing the failures of perestroika? +20596033 "I'd be destroying myself," replies Mr. Korotich, who then asks, "What would that accomplish? +20596034 " His answer reveals his vulnerability -- it also draws the line that Soviet society must cross to enter the normal dialogue of Western culture. +20596035 It is the line beyond which the press can report not only on the bankruptcy of factories but on the failures of even admirable leaders. +20596036 Mr. Ayers is editor and publisher of the Anniston, Ala., Star. +20597001 A state trial judge in Illinois gave preliminary approval to a proposed settlement of a suit against a Bank of New York Co. unit, Irving Trust Co., over the interest rates on Irving's former One Wall Street Account money-market deposit accounts. +20597002 Judge Albert Green, in Cook County Circuit Court in Chicago, also recognized the suit, filed last May by Robert and Cynthia Langendorf, as a class action covering thousands of Irving customers. +20597003 The plaintiffs accused Irving of paying less interest than promised in a marketing brochure. +20597004 Irving maintained -- and still does -- that its actions were proper under its account agreements with customers. +20597005 Under the proposed settlement, customers with valid claims -- to be submitted by Dec. 15 -- will receive "valuable bank services," such as credit cards with reduced finance charges, for two years. +20597006 Larry Drury, attorney for the plaintiffs, valued the settlement at between $6 million and $8 million. +20597007 A Bank of New York spokesman in Manhattan, Owen Brady, said, "That's the maximum, outside figure. +20598001 Federal Reserve critics used to complain of "stop and go" monetary policies. +20598002 They claimed that the Fed would first give a green light to the economy by making credit readily available and then turn on the red and bring growth to a screeching halt. +20598003 But under Alan Greenspan that has changed. +20598004 A supremely cautious man, the Fed chairman is forever blinking yellow. +20598005 Indeed, his caution has become legendary within the government. +20598006 He fusses endlessly over economic statistics, dissecting them in dozens of ways, probing for hours in search of potential problems. +20598007 After thoroughly digesting reams of information, he often concludes that more data are needed, and when he finally decides to act, his movements sometimes seem excrutiatingly small. +20598008 Such caution was evident after the recent Friday-the-13th stock market plunge. +20598009 Some Bush administration officials urged Mr. Greenspan to make an immediate public announcement of his plans to provide ample credit to the markets. +20598010 But he refused, claiming that he wanted to see what happened Monday morning before making any public statement. +20598011 Mr. Greenspan's decision to keep quiet also prompted a near-mutiny within the Fed's ranks. +20598012 A "senior Fed official" spoke on Saturday after the market swoon to both the Washington Post and the New York Times, saying the Fed was prepared to provide as much credit as the markets needed. +20598013 The statement angered Chairman Greenspan, but it was greeted with applause by the Bush administration and the financial markets. +20598014 And, while the mutinous Fed member hasn't gone public, some Fed governors, most notably Vice Chairman Manuel Johnson, are known to have disagreed with the chairman's decision to remain silent. +20598015 Ironically, the anonymous official's comments have earned some plaudits for Mr. Greenspan, who is mistakenly seen as the source. +20598016 At a hearing last week, Democratic Sen. Chris Dodd of Connecticut told Treasury Secretary Nicholas Brady that "Chairman Greenspan's" announcement over the Oct. 13 weekend was a "very important statement." +20598017 Mr. Brady hesitantly replied that he wasn't sure whether Mr. Greenspan "made a statement himself, or whether that was a newspaper report." +20598018 The Fed chairman's caution was apparent again on the Monday morning after the market's plunge, when the central bank took only modest steps to aid the markets. +20598019 A surprisingly small amount of reserves was added to the banking system. +20598020 And, by the end of that week, the key federal funds interest rate, which is largely controlled by the Fed, had settled at 8.75%, barely changed from the level of just under 9% that prevailed the previous week. +20598021 Bush administration officials appear increasingly concerned that Mr. Greenspan is cautious to a fault. +20598022 Signs of growing weakness in the economy, paired with indications that inflation is staying well under control, have caused them to wonder why the Fed chairman is so grudging in reducing rates. +20598023 Those concerns aren't expressed in public. +20598024 In fact, the administration and the Fed have been going out of their way in the past two weeks to dispel any impression that they are at odds, fearing stories about an administration-Fed split added to the stock market's jitters. +20598025 Still, the split is there. +20598026 The administration's concerns are understandable. +20598027 The economy is showing signs of weakness, particularly among manufacturers. +20598028 Exports, which played a key role in fueling growth over the last two years, seem to have stalled. +20598029 Factory payrolls and production fell in September, and the auto industry and housing are in a severe crunch. +20598030 But Mr. Greenspan remains reluctant to loosen policy, partly because he faces a phalanx of presidents of regional Fed banks who oppose credit easing. +20598031 In addition, the chairman has a wary eye aimed a year or two down the road. +20598032 Inflation may be stable at the moment, running at about 4.5%. +20598033 But if the Fed eases too soon, Mr. Greenspan fears, prices may begin to accelerate again next year. +20598034 Moreover, if the Fed holds tight, it may be able gradually to reduce inflation, moving toward the zero-inflation goal that the Fed chairman embraced in testimony to Congress last week. +20598035 So far, Mr. Greenspan's cautious approach to policy has served both him and the nation well. +20598036 His hand on the monetary tiller seems one reason why the economy next month seems highly likely to begin an unprecedented eighth year of peacetime growth without a recession. +20598037 "We've gotten through two stock market crashes, and we've gone through an election without any major problems," says David Hale, an economist of Kemper Financial Services. +20598038 "I think you have to give Greenspan a good rating." +20598039 But such caution is no guarantee against mistakes. +20598040 The Fed's reluctance to ease credit now could be laying the groundwork for a new recession, perhaps starting early next year. +20598041 If that happens, Chairman Greenspan could well become an open target. +20598042 Already, Congress is toying with legislation to curb the Fed's independence. +20598043 If the economy turns down, such proposals could gain strong momentum. +20599001 The following issues were recently filed with the Securities and Exchange Commission: +20599002 ECI Environmental Inc., initial offering of 1.1 million shares, of which ECI will sell 990,000 and co-founders will sell 110,000 shares, via Oppenheimer & Co. +20599003 Fastenal Co., proposed offering of 400,000 common shares by holders, via Robert W. Baird & Co. and William Blair & Co. +20599004 First Capital Holdings Corp., proposed offering of $275 million of floating rate senior notes, via Shearson Lehman Hutton Inc. +20599005 Industrial Funding Corp., initial offering of common stock, via Alex. Brown & Sons Inc. and Piper Jaffray & Hopwood. +20599006 Parametric Technology Corp., initial offering of 1.7 million common shares, of which 1,365,226 shares will be sold by the company and 334,774 shares by holders, via Alex Brown & Sons, Hambrecht & Quist and Wessels, Arnold & Henderson. +20599007 Union Camp Corp., shelf offering of up to $250 million of debt securities. +20600001 Spencer J. Volk, president and chief operating officer of this consumer and industrial products company, was elected a director. +20600002 Mr. Volk, 55 years old, succeeds Duncan Dwight, who retired in September. +20601001 In an age of specialization, the federal judiciary is one of the last bastions of the generalist. +20601002 A judge must jump from murder to antitrust cases, from arson to securities fraud, without missing a beat. +20601003 But even on the federal bench, specialization is creeping in, and it has become a subject of sharp controversy on the newest federal appeals court. +20601004 The Court of Appeals for the Federal Circuit was created in 1982 to serve, among other things, as the court of last resort for most patent disputes. +20601005 Previously, patent cases moved through the court system to one of the 12 circuit appeals courts. +20601006 There, judges who saw few such cases and had no experience in the field grappled with some of the most technical and complex disputes imaginable. +20601007 A new specialty court was sought by patent experts, who believed that the generalists had botched too many important, multimillion-dollar cases. +20601008 Some patent lawyers had hoped that such a specialty court would be filled with experts in the field. +20601009 But the Reagan administration thought otherwise, and so may the Bush administration. +20601010 Since 1984, the president has filled four vacancies in the Federal Circuit court with non-patent lawyers. +20601011 Now only three of the 12 judges -- Pauline Newman, Chief Judge Howard T. Markey, 68, and Giles Rich, 85 -- have patent-law backgrounds. +20601012 The latter two and Judge Daniel M. Friedman, 73, are approaching senior status or retirement. +20601013 Three seats currently are vacant and three others are likely to be filled within a few years, so patent lawyers and research-based industries are making a new push for specialists to be added to the court. +20601014 Several organizations, including the Industrial Biotechnical Association and the Pharmaceutical Manufacturers Association, have asked the White House and Justice Department to name candidates with both patent and scientific backgrounds. +20601015 The associations would like the court to include between three and six judges with specialized training. +20601016 Some of the associations have recommended Dr. Alan D. Lourie, 54, a former patent agent with a doctorate in organic chemistry who now is associate general counsel with SmithKline Beckman Corp. in Philadelphia. +20601017 Dr. Lourie says the Justice Department interviewed him last July. +20601018 Their effort has received a lukewarm response from the Justice Department. +20601019 "We do not feel that seats are reserved (for patent lawyers)," says Justice spokesman David Runkel, who declines to say how soon a candidate will be named. +20601020 "But we will take it into consideration." +20601021 The Justice Department's view is shared by other lawyers and at least one member of the court, Judge H. Robert Mayer, a former civil litigator who served at the claims court trial level before he was appointed to the Federal Circuit two years ago. +20601022 "I believe that any good lawyer should be able to figure out and understand patent law," Judge Mayer says, adding that "it's the responsibility of highly paid lawyers (who argue before the court) to make us understand (complex patent litigation)." +20601023 Yet some lawyers point to Eli Lilly & Co. vs. Medtronic, Inc., the patent infringement case the Supreme Court this month agreed to review, as an example of poor legal reasoning by judges who lack patent litigation experience. +20601024 (Judge Mayer was not on the three-member panel.) +20601025 In the Lilly case, the appeals court broadly construed a federal statute to grant Medtronic, a medical device manufacturer, an exemption to infringe a patent under certain circumstances. +20601026 If the Supreme Court holds in Medtronic's favor, the decision will have billion-dollar consequences for the manufacturers of medical devices, color and food additives and all other non-drug products that required Food & Drug Administration approval. +20601027 Lisa Raines, a lawyer and director of government relations for the Industrial Biotechnical Association, contends that a judge well-versed in patent law and the concerns of research-based industries would have ruled otherwise. +20601028 And Judge Newman, a former patent lawyer, wrote in her dissent when the court denied a motion for a rehearing of the case by the full court, "The panel's judicial legislation has affected an important high-technological industry, without regard to the consequences for research and innovation or the public interest." +20601029 Says Ms. Raines, "(The judgment) confirms our concern that the absence of patent lawyers on the court could prove troublesome. +20602001 Friday, October 27, 1989 +20602002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +20602003 PRIME RATE: 10 1/2%. +20602004 The base rate on corporate loans at large U.S. money center commercial banks. +20602005 FEDERAL FUNDS: 8 3/4% high, 8 11/16% low, 8 5/8% near closing bid, 8 11/16% offered. +20602006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +20602007 Source: Fulton Prebon (U.S.A.) Inc. +20602008 DISCOUNT RATE: 7%. +20602009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +20602010 CALL MONEY: 9 3/4% to 10%. +20602011 The charge on loans to brokers on stock exchange collateral. +20602012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.50% 30 to 44 days; 8.25% 45 to 65 days; 8.375% 66 to 89 days; 8% 90 to 119 days; 7.875% 120 to 149 days; 7.75% 150 to 179 days; 7.50% 180 to 270 days. +20602013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.575% 30 days; 8.475% 60 days; 8.40% 90 days. +20602014 CERTIFICATES OF DEPOSIT: 8.09% one month; 8.04% two months; 8.03% three months; 7.96% six months; 7.92% one year. +20602015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +20602016 The minimum unit is $100,000. +20602017 Typical rates in the secondary market: 8.55% one month; 8.50% three months; 8.40% six months. +20602018 BANKERS ACCEPTANCES: 8.52% 30 days; 8.35% 60 days; 8.33% 90 days; 8.17% 120 days; 8.08% 150 days; 8% 180 days. +20602019 Negotiable, bank-backed business credit instruments typically financing an import order. +20602020 LONDON LATE EURODOLLARS: 8 11/16% to 8 9/16% one month; 8 5/8% to 8 1/2% two months; 8 11/16% to 8 9/16% three months; 8 9/16% to 8 7/16% four months; 8 1/2% to 8 3/8% five months; 8 7/16% to 8 5/16% six months. +20602021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 11/16% one month; 8 11/16% three months; 8 7/16% six months; 8 3/8% one year. +20602022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +20602023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +20602024 These rate indications aren't directly comparable; lending practices vary widely by location. +20602025 TREASURY BILLS: Results of the Monday, October 23, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.52% 13 weeks; 7.50% 26 weeks. +20602026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): +20602027 Posted yields on 30-year mortgage commitments for delivery within 30 days. +20602028 9.80%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +20602029 Source: Telerate Systems Inc. +20602030 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): +20602031 Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.75%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +20602032 Source: Telerate Systems Inc. +20602033 MERRILL LYNCH READY ASSETS TRUST: 8.65%. +20602034 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +20603001 THE FINANCIAL ACCOUNTING STANDARDS BOARD'S coming rule on disclosure involving financial instruments will be effective for financial statements with fiscal years ending after June 15, 1990. +20603002 The date was misstated in Friday's edition. +20604001 Kidder, Peabody & Co. is trying to struggle back. +20604002 Only a few months ago, the 124-year-old securities firm seemed to be on the verge of a meltdown, racked by internal squabbles and defections. +20604003 Its relationship with parent General Electric Co. had been frayed since a big Kidder insider-trading scandal two years ago. +20604004 Chief executives and presidents had come and gone. +20604005 Now, the firm says it's at a turning point. +20604006 By the end of this year, 63-year-old Chairman Silas Cathcart -- the former chairman of Illinois Tool Works who was derided as a "tool-and-die man" when GE brought him in to clean up Kidder in 1987 -- retires to his Lake Forest, Ill., home, possibly to build a shopping mall on some land he owns. +20604007 "I've done what I came to do" at Kidder, he says. +20604008 And that means 42-year-old Michael Carpenter, president and chief executive since January, will for the first time take complete control of Kidder and try to make good on some grandiose plans. +20604009 Mr. Carpenter says he will return Kidder to prominence as a great investment bank. +20604010 Wall Street is understandably skeptical. +20604011 Through the first nine months of the year, Kidder ranks a distant 10th among underwriters of U.S. stocks and bonds, with a 2.8% market share, up slightly from 2.5% in the year-earlier period, according to Securities Data Co. +20604012 It's quite a fall from the early 1980s, when Kidder still was counted as an investment-banking powerhouse. +20604013 Gary S. Goldstein, president of the Whitney Group, an executive search firm, said: "I'd like to see (Kidder) succeed. +20604014 But they have to attract good senior bankers who can bring in the business from day one." +20604015 In 1988, Kidder eked out a $46 million profit, mainly because of severe cost cutting. +20604016 Its 1,400-member brokerage operation reported an estimated $5 million loss last year, although Kidder expects it to turn a profit this year. +20604017 In fact, Kidder is a minor player in just about every business it does except computer-driven program trading; in that controversial business, only Morgan Stanley & Co. rivals Kidder. +20604018 But even that niche is under attack, as several Wall Street firms pulled back from program trading last week under pressure from big investors. +20604019 Mr. Carpenter, a former consulting-firm executive who has a love for "task forces," says he has done a "complete rethink" of Kidder in recent months. +20604020 There have been a dizzying parade of studies of the firm's operations. +20604021 More than 20 new managing directors and senior vice presidents have been hired since January. +20604022 The firm's brokerage force has been trimmed and its mergers-and-acquisitions staff increased to a record 55 people. +20604023 Mr. Carpenter says that when he assumes full control, Kidder will finally tap the resources of GE. +20604024 One of GE's goals when it bought 80% of Kidder in 1986 was to take advantage of "syngeries" between Kidder and General Electric Capital Corp., GE's corporate-finance unit, which has $42 billion in assets. +20604025 The leveraged buy-out group of GE Capital now reports to Mr. Carpenter. +20604026 So far, instead of teaming up, GE Capital staffers and Kidder investment bankers have bickered. +20604027 Yet, says Mr. Carpenter, "We've really started to exploit the synergy between GE Capital and Kidder Peabody." +20604028 The units have worked on 37 investment banking deals this year, he says, though not all of them have panned out. +20604029 "We've had a good relationship with GE, which is the first time you could say that -- uh, let me withdraw that. +20604030 It's been a steadily improving relationship," says Mr. Carpenter. +20604031 Still, without many actual deals to show off, Kidder is left to stress that it finally has "a team" in place, and that everyone works harder. +20604032 A month ago, the firm started serving dinner at about 7:30 each night; about 50 to 60 of the 350 people in the investment banking operation have consistently been around that late. +20604033 "We are working significantly longer and harder than has been the case in the past," says Scott C. Newquist, Kidder's head of investment banking since June. +20604034 Everywhere, Kidder stresses the "always working" theme. +20604035 A new in-house magazine, Kidder World -- which will focus on the firm's synergy strategy, says Mr. Carpenter -- confides that on weekends Mr. Newquist "often gets value-added ideas while flying his single-engine Cessna Centurion on the way to Nantucket." +20604036 The firm's new head of mergers and acquisitions under Mr. Newquist, B.J. Megargel, talks of the opportunity to "rebuild a franchise" at Kidder. +20604037 "The Kidder name is one of only six or seven that every CEO recognizes as a viable alternative" when considering a merger deal, he says. +20604038 Now, according to a Kidder World story about Mr. Megargel, all the firm has to do is "position ourselves more in the deal flow." +20604039 With investment banking as Kidder's "lead business," where do Kidder's 42-branch brokerage network and its 1,400 brokers fit in? +20604040 Mr. Carpenter this month sold off Kidder's eight brokerage offices in Florida and Puerto Rico to Merrill Lynch & Co., refueling speculation that Kidder is getting out of the brokerage business entirely. +20604041 Mr. Carpenter denies the speculation. +20604042 To answer the brokerage question, Kidder, in typical fashion, completed a task-force study. +20604043 The result: Kidder will focus on rich individual investors and small companies, much closer to the clientele of Goldman, Sachs & Co. than a serve-the-world firm like Merrill Lynch or Shearson Lehman Hutton Inc. +20604044 Mr. Carpenter notes that these types of investors also are "sophisticated" enough not to complain about Kidder's aggressive use of program trading. +20604045 As part of the upscale push, Kidder is putting brokers through a 20-week training course, turning them into "investment counselors" with knowledge of corporate finance. +20604046 They will get "new and improved tools to sell, particularly to the affluent investor," says brokerage chief Charles V. Sheehan. +20604047 Theoretically, the brokers will then be able to funnel "leads" on corporate finance opportunities to Kidder's investment bankers, possibly easing the longstanding tension between the two camps. +20604048 However, skeptics caution that this kind of cross-pollination between brokers and investment bankers looks great on paper, but doesn't always happen. +20604049 Kidder competitors aren't outwardly hostile to the firm, as many are to a tough competitor like Drexel Burnham Lambert Inc. that doesn't have Kidder's long history. +20604050 However, competitors say that Kidder's hiring binge involving executive-level staffers, some with multiple-year contract guarantees, could backfire unless there are results. +20604051 The departing Mr. Cathcart says he has no worries about Kidder's future. +20604052 Mr. Cathcart, who will return to the Quaker Oats Co. board of directors, in addition to his personal ventures, is credited with bringing some basic budgeting and planning discipline to traditionally free-wheeling Kidder. +20604053 He also improved the firm's compliance procedures for trading. +20604054 Mr. Cathcart says he has had "a lot of fun" at Kidder, adding the crack about his being a "tool-and-die man" never bothered him. +20604055 "It was an absolutely marvelous line and one I used many times," he says. +20604056 Smiling broadly when he talks about Mr. Carpenter, Mr. Cathcart says the new Kidder chief is "going to be recognized shortly as one of the real leaders in the investment-banking business." +20604057 In coming years, Mr. Cathcart says, Kidder is "gonna hum." +20604058 Or, as Mr. Carpenter, again drawing on his consulting-firm background, puts it: "We're ready to implement at this point. +20605001 UNDER A PROPOSAL by Democrats to expand Individual Retirement Accounts, a $2,000 contribution by a taxpayer in the 33% bracket would save $330 on his taxes. +20605002 The savings was given incorrectly in Friday's edition. +20606001 In what could prove a major addition to the Philippines' foreign-investment portfolio, a Taiwanese company signed a $180 million construction contract to build the centerpiece of a planned petrochemical complex. +20606002 Taiwan's USI Far East Corp., a petrochemical company, initialed the agreement with an unidentified Japanese contractor to build a naphtha cracker, according to Alson Lee, who heads the Philippine company set up to build and operate the complex. +20606003 Mr. Lee, president of Luzon Petrochemical Corp., said the contract was signed Wednesday in Tokyo with USI Far East officials. +20606004 Contract details, however, haven't been made public. +20606005 The complex is to be located in Batangas, about 70 miles south of Manila. +20606006 USI Far East will hold a 60% stake in Luzon Petrochemical, according to papers signed with the Philippine government's Board of Investments. +20606007 The proposed petrochemical plant would use naphtha to manufacture the petrochemicals propylene and ethylene and their resin derivatives, polypropylene and polyethylene. +20606008 These are the raw materials used in making plastics. +20606009 The contract signing represented a major step in the long-planned petrochemical project. +20606010 At an estimated $360 million, the project would represent the single largest foreign investment in the Philippines since President Corazon Aquino took office in February 1986. +20606011 It also is considered critical to the country's efforts to both attract other investment from Taiwan and raise heavy industry capabilities. +20606012 The project has been in and out of the pipeline for more than a decade. +20606013 However, workers can't break ground until legal maneuvers to block the complex are resolved, moves which caused the signing to remain questionable up to the last moment. +20606014 As previously reported, a member of the Philippines' House of Representatives has sued to stop the plant. +20606015 The legislator, Enrique Garcia, had actively backed the plant, but at the original site in his constituency northwest of Manila. +20606016 The country's Supreme Court dismissed the suit, but Mr. Garcia late last month filed for a reconsideration. +20606017 In addition, President Aquino has yet to sign into law a bill removing a stiff 48% tax on naphtha, the principal raw material to be used in the cracker. +20606018 However, at a news conference Thursday, Mrs. Aquino backed the project and said her government was attempting to soothe the feelings of residents at the original site, adjacent to the government's major petroleum refinery in Bataan province. +20606019 "We have tried our best to tell the people in Bataan that maybe this time it will not go to them, but certainly we will do our best to encourage other investors to go to their province," Mrs. Aquino told Manila-based foreign correspondents. +20606020 The project appeared to be on the rocks earlier this month when the other major partner in the project, China General Plastics Corp., backed out. +20606021 China General Plastics, another Taiwanese petrochemical manufacturer, was to have a 40% stake in Luzon Petrochemical. +20606022 However, Mr. Lee said that USI Far East is confident other investors will take up the slack. +20606023 He said USI Far East has applied to both the Asian Development Bank and the World Bank's International Finance Corp. for financing that could include equity stakes. +20607001 Three new issues begin trading on the New York Stock Exchange today, and one began trading on the Nasdaq/National Market System last week. +20607002 On the Big Board, Crawford & Co., Atlanta, (CFD) begins trading today. +20607003 Crawford evaluates health care plans, manages medical and disability aspects of worker's compensation injuries and is involved in claims adjustments for insurance companies. +20607004 Also beginning trading today on the Big Board are El Paso Refinery Limited Partnership, El Paso, Texas, (ELP) and Franklin Multi-Income Trust, San Mateo, Calif., (FMI). +20607005 El Paso owns and operates a petroleum refinery. +20607006 Franklin is a closed-end management investment company. +20607007 On the Nasdaq over-the-counter system, Allied Capital Corp., Washington, D.C., (ALII) began trading last Thursday. +20607008 Allied Capital is a closed-end management investment company that will operate as a business development concern. +20608001 THE YALE POLITICAL UNION doesn't pay an honorarium to speakers. +20608002 In Thursday's edition, it was incorrectly indicated that the union had paid a fee to former House Speaker Jim Wright. +20609001 President Bush insists it would be a great tool for curbing the budget deficit and slicing the lard out of government programs. +20609002 He wants it now. +20609003 Not so fast, says Rep. Mickey Edwards of Oklahoma, a fellow Republican. +20609004 "I consider it one of the stupidest ideas of the 20th century," he says. +20609005 It's the line-item veto, a procedure that would allow the president to kill individual items in a big spending bill passed by Congress without vetoing the entire bill. +20609006 Whatever one thinks of the idea, it's far more than the budgetary gimmick it may seem at first glance. +20609007 Rather, it's a device that could send shock waves through the president's entire relationship with Democrats and Republicans alike in Congress, fundamentally enhance the power of the presidency and transform the way the government does its business. +20609008 President Bush badly wants a line-item veto and has long called for a law giving it to the president. +20609009 Now the White House is declaring that he might not rely on Congress -- which hasn't shown any willingness to surrender such authority -- to pass the line-item veto law he seeks. +20609010 White House spokesmen last week said Mr. Bush is considering simply declaring that the Constitution gives him the power, exercising a line-item veto and inviting a court challenge to decide whether he has the right. +20609011 Although that may sound like an arcane maneuver of little interest outside Washington, it would set off a political earthquake. +20609012 "The ramifications are enormous," says Rep. Don Edwards, a California Democrat who is a senior member of the House Judiciary Committee. +20609013 "It's a real face-to-face arm wrestling challenge to Congress." +20609014 White House aides know it's a step that can't be taken lightly -- and for that reason, the president may back down from launching a test case this year. +20609015 Some senior advisers argue that with further fights over a capital-gains tax cut and a budget-reduction bill looming, Mr. Bush already has enough pending confrontations with Congress. +20609016 They prefer to put off the line-item veto until at least next year. +20609017 Still, Mr. Bush and some other aides are strongly drawn to the idea of trying out a line-item veto. +20609018 The issue arose last week when Vice President Dan Quayle told an audience in Chicago that Mr. Bush was looking for a test case. +20609019 White House Press Secretary Marlin Fitzwater confirmed that Mr. Bush was interested in the idea, but cautioned that there wasn't a firm decision to try it. +20609020 Mr. Bush, former President Reagan and a host of conservative activists have been arguing that a line-item veto would go a long way in restoring discipline to the budget process. +20609021 They maintain that a president needs the ability to surgically remove pork-barrel spending projects that are attached to big omnibus spending bills. +20609022 Those bills can't easily be vetoed in their entirety because they often are needed to keep the government operating. +20609023 Conservatives note that 43 governors have the line-item veto to use on state budgets. +20609024 More provocatively, some conservative legal theorists have begun arguing that Mr. Bush doesn't need to wait for a law giving him the veto because the power already is implicit in the Constitution. +20609025 They base their argument on a clause buried in Article I, Section 7, of the Constitution that states: "Every order, resolution, or vote to which the concurrence of the Senate and House of Representatives may be necessary (except on a question of adjournment) shall be presented to the President of the United States; and before the same shall take effect, shall be approved by him or . . . disapproved by him. . . ." +20609026 This clause, they argue, is designed to go beyond an earlier clause specifying that the president can veto a "bill," and is broad enough to allow him to strike out items and riders within bills. +20609027 Senate Minority Leader Robert Dole (R., Kan.), for one, accepts this argument and earlier this year publicly urged Mr. Bush "to use the line-item veto and allow the courts to decide whether or not it is constitutional." +20609028 There's little doubt that such a move would be immediately challenged in court -- and that it would quickly make its way to the Supreme Court to be ultimately resolved. +20609029 "It's a major issue, and they wouldn't want to leave it at a lower level," says Stephen Glazier, a New York attorney whose writings have been instrumental in pushing the idea that a president already has a line-item veto. +20609030 Rep. Edwards, the California Democrat, is one who pledges that he would immediately challenge Mr. Bush in the courts, arguing a line-item veto would expand a president's powers far beyond anything the framers of the Constitution had in mind. +20609031 "It puts this president in the legislative business," he declares. +20609032 "That's not what our fathers had in mind." +20609033 In addition to giving a president powers to rewrite spending bills meant to be written in Congress, Rep. Edwards argues, a line-item veto would allow the chief executive to blackmail lawmakers. +20609034 He notes that, as a lawmaker from the San Francisco area, he fights each year to preserve federal funds for the Bay Area Rapid Transit system. +20609035 If a president had a line-item veto and wanted to force him to support a controversial foreign-policy initiative, Rep. Edwards says, the president could call and declare that he would single-handedly kill the BART funds unless the congressman "shapes up" on the foreign-policy issue. +20609036 Proponents maintain that a president would choose to use a line-item veto more judiciously than that. +20609037 But there may be another problem with the device: Despite all the political angst it would cause, it mightn't be effective in cutting the deficit. +20609038 Big chunks of the government budget, like the entitlement programs of Social Security and Medicare, wouldn't be affected. +20609039 Governors have found that they have to use the device sparingly to maintain political comity. +20609040 And it isn't even clear that some pork-barrel projects can be hit with a line-item veto because they tend to be listed in informal conference reports accompanying spending bills rather than in the official bills themselves. +20609041 Still, proponents contend that the veto would have what Mr. Glazier calls an important "chilling effect" on all manner of appropriations bills. +20609042 Lawmakers, they say, would avoid putting many spending projects into legislation in the first place for fear of the embarrassment of having them singled out for a line-item veto later. +20609043 Whatever the outcome of a test case, President Bush would have to move cautiously becase the very attempt would "antagonize not just Democrats but Republicans," says Louis Fisher, a scholar at the Congressional Research Service who specializes in executive-legislative relations. +20609044 Republicans have as much interest as Democrats in "the way the system works," he notes. +20609045 Indeed, although a majority of Republican lawmakers favor a line-item veto, some, ranging from liberal Oregon Sen. Mark Hatfield to conservative Rep. Edwards are opposed. +20609046 Rep. Edwards voices the traditional conservative view that it's a mistake to put too much power in the hands of a single person. +20609047 Conservatives pushing for a line-item veto now, he notes, may regret it later: "Sometime, you're going to have a Democratic president again" who'll use his expanded powers against those very same conservatives. +20609048 "Every order, resolution, or vote to which the concurrence of the Senate and House of Representatives may be necessary (except on a question of adjournment) shall be presented to the President of the United States; and before the same shall take effect, shall be approved by him, or being disapproved by him, shall be repassed by two-thirds of the Senate and House of Representatives, according to the rules and limitations prescribed in the case of a bill." +20610001 This hasn't been Kellogg Co.'s year. +20610002 The oat-bran craze has cost the world's largest cereal maker market share. +20610003 The company's president quit suddenly. +20610004 And now Kellogg is indefinitely suspending work on what was to be a $1 billion cereal plant. +20610005 The company said it was delaying construction because of current market conditions. +20610006 But the Memphis, Tenn., facility wasn't to begin turning out product until 1993, so the decision may reveal a more pessimistic long-term outlook as well. +20610007 Kellogg, which hasn't been as successful in capitalizing on the public's health-oriented desire for oat bran as rival General Mills Inc., has been losing share in the $6 billion ready-to-eat cereal market. +20610008 Kellogg's current share is believed to be slightly under 40% while General Mills' share is about 27%. +20610009 Led by its oat-based Cheerios line, General Mills has gained an estimated 2% share so far this year, mostly at the expense of Kellogg. +20610010 Each share point is worth about $60 million in sales. +20610011 Analysts say much of Kellogg's erosion has been in such core brands as Corn Flakes, Rice Krispies and Frosted Flakes, which represent nearly one-third of its sales volume. +20610012 Kellogg is so anxious to turn around Corn Flakes sales that it soon will begin selling boxes for as little as 99 cents, trade sources say. +20610013 "Cheerios and Honey Nut Cheerios have eaten away sales normally going to Kellogg's corn-based lines simply because they are made of oats," says Merrill Lynch food analyst William Maguire. +20610014 "They are not a happy group of people at Battle Creek right now." +20610015 Kellogg is based in Battle Creek, Mich., a city that calls itself the breakfast capital of the world. +20610016 Another analyst, John C. Maxwell Jr. of Wheat, First Securities in Richmond, Va., recently went to a "sell" recommendation on Kellogg stock, which closed Friday at $71.75, down 75 cents, in New York Stock Exchange composite trading. +20610017 "I don't think Kellogg can get back to 40% this year," he said. +20610018 "Kellogg's main problem is life style. +20610019 People are reading the boxes and deciding they want something that's `healthy' for you -- oats, bran." +20610020 Mr. Maxwell said he wouldn't be surprised if, over the next two years or so, General Mills' share increased to 30% or more. +20610021 In announcing the plant delay, Kellogg Chairman William E. LaMothe said, "Cereal volume growth in the U.S. has not met our expectations for 1989." +20610022 He said construction wouldn't resume until market conditions warrant it. +20610023 Kellogg indicated that it has room to grow without adding facilities. +20610024 The company has five other U.S. plants, including a modern facility at its Battle Creek headquarters known as Building 100, which is to add bran-processing and rice-processing capacity next year. +20610025 General Mills, meanwhile, finds itself constrained from boosting sales further because its plants are operating at capacity. +20610026 A large plant in Covington, Ga., is to come on line next year. +20610027 A Kellogg officer, who asked not to be named, said the Memphis project was "pulled in for a reconsideration of costs," an indication that the ambitious plans might be scaled back in any future construction. +20610028 Initial cost estimates for the plant, which was to have been built in phases, ranged from $1 billion to $1.2 billion. +20610029 A company spokesman said it was "possible, but highly unlikely," that the plant might never be built. +20610030 "As we regain our leadership level where we have been, and as we continue to put new products into the marketplace and need additional capacity, we will look at resuming our involvement with our plan," he said. +20610031 The new facility was to have been the world's most advanced cereal manufacturing plant, and Kellogg's largest construction project. +20610032 The company had retained the Fluor Daniel unit of Fluor Corp. as general contractor. +20610033 But in recent weeks, construction-industry sources reported that early preparation work was slowing at the 185-acre site. +20610034 Subcontractors said they were told that equipment orders would be delayed. +20610035 Fluor Daniel already has reassigned most of its work crew, the sources said. +20610036 Last Friday's announcement was the first official word that the project was in trouble and that the company's plans for a surge in market share may have been overly optimistic. +20610037 Until recently, Kellogg had been telling its sales force and Wall Street that by 1992 it intended to achieve a 50% share of market, measured in dollar volume. +20610038 Although he called current market conditions "highly competitive," Mr. LaMothe, Kellogg's chairman and chief executive officer, forecast an earnings increase for the full year. +20610039 Last year, the company earned $480.4 million, or $3.90 a share, on sales of $4.3 billion. +20610040 As expected, Kellogg reported lower third-quarter earnings. +20610041 Net fell 16% to $123.1 million, or $1.02 a share, from $145.7 million, or $1.18 a share. +20610042 Sales rose 4.8% to $1.20 billion from $1.14 billion. +20610043 The company had a one-time charge of $14.8 million in the latest quarter covering the disposition of certain assets. +20610044 The company wouldn't elaborate, citing competitive reasons. +20611001 PARKER HANNIFIN Corp., which is selling three automotive replacement parts divisions, said it will retain its Automotive Connectors and Cliff Impact divisions. +20611002 The divisions that Parker Hannifin is retaining weren't mentioned in Thursday's edition. +20612001 The following were among Friday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +20612002 Sun Microsystems Inc. -- $125 million of 6 3/8% convertible subordinated debentures due Oct. 15, 1999, priced at 84.90 to yield 7.51%. +20612003 The debentures are convertible into common stock at $25 a share, representing a 24% conversion premium over Thursday's closing price. +20612004 Rated single-B-1 by Moody's Investors Service Inc. and single-B-plus by Standard & Poor's Corp., the issue will be sold through underwriters led by Goldman, Sachs & Co. +20612005 Hertz Corp. -- $100 million of senior notes due Nov. 1, 2009, priced at par to yield 9%. +20612006 The issue, which is puttable back to the company in 1999, was priced at a spread of 110 basis points above the Treasury's 10-year note. +20612007 Rated single-A-3 by Moody's and triple-B by S&P, the issue will be sold through underwriters led by Merrill Lynch Capital Markets. +20612008 Canadian Imperial Bank of Commerce (Canada) -- 10 billion yen of 5.7% bonds due Nov. 17, 1992, priced at 101 1/4 to yield 5.75% less full fees, via LTCB International Ltd. +20612009 Fees 1 3/8. +20613001 The Singapore and Kuala Lumpur stock exchanges are bracing for a turbulent separation, following Malaysian Finance Minister Daim Zainuddin's long-awaited announcement that the exchanges will sever ties. +20613002 On Friday, Datuk Daim added spice to an otherwise unremarkable address on Malaysia's proposed budget for 1990 by ordering the Kuala Lumpur Stock Exchange "to take appropriate action immediately" to cut its links with the Stock Exchange of Singapore. +20613003 The delisting of Malaysian-based companies from the Singapore exchange may not be a smooth process, analysts say. +20613004 Though the split has long been expected, the exchanges aren't fully prepared to go their separate ways. +20613005 The finance minister's order wasn't sparked by a single event and doesn't indicate a souring in relations between the neighboring countries. +20613006 Rather, the two closely linked exchanges have been drifting apart for some years, with a nearly five-year-old moratorium on new dual listings, separate and different listing requirements, differing trading and settlement guidelines and diverging national-policy aims. +20614001 QUANTUM CHEMICAL Corp.'s plant in Morris, Ill., is expected to resume production in early 1990. +20614002 The year was misstated in Friday's editions. +20615001 Italy's trade deficit narrowed to 2.007 trillion lire ($1.49 billion) in September from 2.616 trillion lire a year earlier, the state statistical office Istat said. +20615002 The deficit was 466 billion lire in August. +20615003 For the first nine months, the trade deficit was 14.933 trillion lire, compared with 10.485 trillion lire in the year-earlier period. +20615004 Istat said the statistics are provisional and aren't seasonally adjusted. +20615005 Imports rose 11% to 18.443 trillion lire in September from a year earlier, while exports rose 17% to 16.436 trillion lire. +20615006 In the nine months, imports rose 20% to 155.039 trillion lire, while exports grew 18% to 140.106 trillion lire. +20615007 Import values are calculated on a cost, insurance and freight (c.i.f.) basis, while exports are accounted for on a free-on-board (f.o.b.) basis. +20616001 As competition heats up in Spain's crowded bank market, Banco Exterior de Espana is seeking to shed its image of a state-owned bank and move into new activities. +20616002 Under the direction of its new chairman, Francisco Luzon, Spain's seventh largest bank is undergoing a tough restructuring that analysts say may be the first step toward the bank's privatization. +20616003 The state-owned industrial holding company Instituto Nacional de Industria and the Bank of Spain jointly hold a 13.94% stake in Banco Exterior. +20616004 The government directly owns 51.4% and Factorex, a financial services company, holds 8.42%. +20616005 The rest is listed on Spanish stock exchanges. +20616006 Some analysts are concerned, however, that Banco Exterior may have waited too long to diversify from its traditional export-related activities. +20616007 Catching up with commercial competitors in retail banking and financial services, they argue, will be difficult, particularly if market conditions turn sour. +20616008 If that proves true, analysts say Banco Exterior could be a prime partner -- or even a takeover target -- for either a Spanish or foreign bank seeking to increase its market share after 1992, when the European Community plans to dismantle financial barriers. +20616009 With 700 branches in Spain and 12 banking subsidiaries, five branches and 12 representative offices abroad, the Banco Exterior group has a lot to offer a potential suitor. +20616010 Mr. Luzon and his team, however, say they aren't interested in a merger. +20616011 Instead, they are working to transform Banco Exterior into an efficient bank by the end of 1992. +20616012 "I want this to be a model of the way a public-owned company should be run," Mr. Luzon says. +20616013 Banco Exterior was created in 1929 to provide subsidized credits for Spanish exports. +20616014 The market for export financing was liberalized in the mid-1980s, however, forcing the bank to face competition. +20616015 At the same time, many of Spain's traditional export markets in Latin America and other developing areas faced a sharp decline in economic growth. +20616016 As a result, the volume of Banco Exterior's export credit portfolio plunged from 824 billion pesatas ($7.04 billion) as of Dec. 31, 1986, to its current 522 billion pesetas. +20616017 The other two main pillars of Banco Exterior's traditional business -- wholesale banking and foreign currency trading -- also began to crumble under the weight of heavy competition and changing client needs. +20616018 The bank was hamstrung in its efforts to face the challenges of a changing market by its links to the government, analysts say. +20616019 Until Mr. Luzon took the helm last November, Banco Exterior was run by politicians who lacked either the skills or the will to introduce innovative changes. +20616020 But Mr. Luzon has moved swiftly to streamline bureaucracy, cut costs, increase capital and build up new areas of business. +20616021 "We've got a lot to do," he acknowledged. +20616022 "We've got to move quickly." +20616023 In Mr. Luzon's first year, the bank eliminated 800 jobs. +20616024 Now it says it'll trim another 1,200 jobs over the next three to four years. +20616025 The bank employs 8,000 people in Spain and 2,000 abroad. +20616026 To strengthen its capital base, Banco Exterior this year issued $105 million in subordinated debt, launched two rights issues and sold stock held in its treasury to small investors. +20616027 The bank is now aggressively marketing retail services at its domestic branches. +20616028 Last year's drop in export credit was partially offset by a 15% surge in lending to individuals and small and medium-sized companies. +20616029 Though Spain has an excess of banks, analysts say the country still has one of the most profitable markets in Europe, which will aid Banco Exterior with the tough tasks it faces ahead. +20616030 Expansion plans also include acquisitions in growing foreign markets. +20616031 The bank says it's interested in purchasing banks in Morocco, Portugal and Puerto Rico. +20616032 But the bank's retail activities in Latin America are likely to be cut back. +20616033 Banco Exterior was one of the last banks to create a brokerage house before the four Spanish stock exchanges underwent sweeping changes in July. +20616034 The late start may be a handicap for the bank as Spain continues to open up its market to foreign competition. +20616035 But Mr. Luzon contends that the experienced team he brought with him from Banco Bilbao Vizcaya, where he was formerly director general, will whip the bank's capital market division into shape by the end of 1992. +20616036 The bank also says it'll use its international network to channel investment from London, Frankfurt, Zurich and Paris into the Spanish stock exchanges. +20617001 General Motors Corp.'s general counsel hopes to cut the number of outside law firms the auto maker uses from about 700 to 200 within two years. +20617002 Harry J. Pearce, named general counsel in May 1987, says the reduction is a cost-cutting measure and an effort to let the No. 1 auto maker's 134-lawyer in-house legal department take on matters it is better equipped and trained to handle. +20617003 GM trimmed about 40 firms from its approved local counsel list, Mr. Pearce says. +20617004 The move is consistent with a trend for corporate legal staffs to do more work in-house, instead of farming it out to law firms. +20617005 Mr. Pearce set up GM's first in-house litigation group in May with four lawyers, all former assistant U.S. attorneys with extensive trial experience. +20617006 He intends to add to the litigation staff. +20617007 Among the types of cases the in-house litigators handle are disputes involving companies doing business with GM and product-related actions, including one in which a driver is suing GM for damages resulting from an accident. +20617008 Mr. Pearce has also encouraged his staff to work more closely with GM's technical staffs to help prevent future litigation. +20617009 GM lawyers have been working with technicians to develop more uniform welding procedures -- the way a vehicle is welded has a lot to do with its durability. +20617010 The lawyers also monitor suits to identify specific automobile parts that cause the biggest legal problems. +20617011 Mr. Pearce says law firms with the best chance of retaining or winning business with GM will be those providing the highest-quality service at the best cost -- echoing similar directives from GM's auto operations to suppliers. +20617012 This doesn't necessarily mean larger firms have an advantage; Mr. Pearce said GM works with a number of smaller firms it regards highly. +20617013 Mr. Pearce has shaken up GM's legal staff by eliminating all titles and establishing several new functions, including a special-projects group that has made films on safety and drunk driving. +20617014 FEDERAL PROSECUTORS are concluding fewer criminal cases with trials. +20617015 That's a finding of a new study of the Justice Department by researchers at Syracuse University. +20617016 David Burnham, one of the authors, says fewer trials probably means a growing number of plea bargains. +20617017 In 1980, 18% of federal prosecutions concluded at trial; in 1987, only 9% did. +20617018 The study covered 11 major U.S. attorneys' offices -- including those in Manhattan and Brooklyn, N.Y., and New Jersey -- from 1980 to 1987. +20617019 The Justice Department rejected the implication that its prosecutors are currently more willing to plea bargain. +20617020 "Our felony caseloads have been consistent for 20 years," with about 15% of all prosecutions going to trial, a department spokeswoman said. +20617021 The discrepancy is somewhat perplexing in that the Syracuse researchers said they based their conclusions on government statistics. +20617022 "One possible explanation for this decline" in taking cases to trial, says Mr. Burnham, "is that the number of defendants being charged with crimes by all U.S. attorneys has substantially increased." +20617023 In 1980, the study says, prosecutors surveyed filed charges against 25 defendants for each 100,000 people aged 18 years and older. +20617024 In 1987, prosecutors filed against 35 defendants for every 100,000 adults. +20617025 Another finding from the study: Prosecutors set significantly different priorities. +20617026 The Manhattan U.S. attorney's office stressed criminal cases from 1980 to 1987, averaging 43 for every 100,000 adults. +20617027 But the New Jersey U.S. attorney averaged 16. +20617028 On the civil side, the Manhattan prosecutor filed an average of only 11 cases for every 100,000 adults during the same period; the San Francisco U.S. attorney averaged 79. +20617029 The study is to provide reporters, academic experts and others raw data on which to base further inquiries. +20617030 IMELDA MARCOS asks for dismissal, says she was kidnapped. +20617031 The former first lady of the Philippines, asked a federal court in Manhattan to dismiss an indictment against her, claiming among other things, that she was abducted from her homeland. +20617032 Mrs. Marcos and her late husband, former Philippines President Ferdinand Marcos, were charged with embezzling more than $100 million from that country and then fraudulently concealing much of the money through purchases of prime real estate in Manhattan. +20617033 Mrs. Marcos's attorneys asked federal Judge John F. Keenan to give them access to all U.S. documents about her alleged abduction. +20617034 The U.S. attorney's office, in documents it filed in response, said Mrs. Marcos was making the "fanciful -- and factually unsupported -- claim that she was kidnapped into this country" in order to obtain classified material in the case. +20617035 The office also said Mrs. Marcos and her husband weren't brought to the U.S. against their will after Mr. Marcos was ousted as president. +20617036 The prosecutor quoted statements from the Marcoses in which they said they were in this country at the invitation of President Reagan and that they were enjoying the hospitality of the U.S. +20617037 Lawyers for Mrs. Marcos say that because she was taken to the U.S. against her wishes, the federal court lacks jurisdiction in the case. +20617038 THE FEDERAL COURT of appeals in Manhattan ruled that the dismissal of a 1980 indictment against former Bank of Crete owner George Koskotas should be reconsidered. +20617039 The indictment, which was sealed and apparently forgotten by investigators until 1987, charges Mr. Koskotas and three others with tax fraud and other violations. +20617040 He made numerous trips to the U.S. in the early 1980s, but wasn't arrested until 1987 when he showed up as a guest of then-Vice President George Bush at a government function. +20617041 A federal judge in Manhattan threw out the indictment, finding that the seven-year delay violated the defendant's constitutional right to a speedy trial. +20617042 The appeals court, however, said the judge didn't adequately consider whether the delay would actually hurt the chances of a fair trial. +20617043 Mr. Koskotas is fighting extradition proceedings that would return him to Greece, where he is charged with embezzling more than $250 million from the Bank of Crete. +20617044 His attorney couldn't be reached for comment. +20617045 PRO BONO VOLUNTARISM: In an effort to stave off a plan that would require all lawyers in New York state to provide twenty hours of free legal aid a year, the state bar recommended an alternative program to increase voluntary participation in pro bono programs. +20617046 The state bar association's policy making body, the House of Delegate, voted Saturday to ask Chief Judge Sol Wachtler to give the bar's voluntary program three years to prove its effectiveness before considering mandatory pro bono. +20617047 "We believe our suggested plan is more likely to improve the availability of quality legal service to the poor than is the proposed mandatory pro bono plan and will achieve that objective without the divisiveness, distraction, administrative burdens and possible failure that we fear would accompany an attempt to impose a mandatory plan," said Justin L. Vigdor of Rochester, who headed the bar's pro bono study committee. +20617048 DALLAS AND HOUSTON law firms merge: Jackson & Walker, a 130-lawyer firm in Dallas and Datson & Scofield, a 70-lawyer firm in Houston said they have agreed in principle to merge. +20617049 The consolidated firm, which would rank among the 10 largest in Texas, would operate under the name Jackson & Walker. +20617050 The merger must be formally approved by the partners of both firms but is expected to be completed by year end. +20617051 Jackson & Walker has an office in Fort Worth, Texas, and Dotson & Scofield has an office in New Orleans. +20617052 PILING ON? +20617053 Piggybacking on government assertions that General Electric Co. may have covered up fraudulent billings to the Pentagon, two shareholders have filed a civil racketeering suit against the company. +20617054 The suit was filed by plaintiffs' securities lawyer Richard D. Greenfield in U.S. District Court in Philadelphia. +20617055 He seeks damages from the company's 15 directors on grounds that they either "participated in or condoned the illegal acts . . . or utterly failed to carry out their duties as directors." +20617056 GE is defending itself against government criminal charges of fraud and false claims in connection with a logistics-computer contract for the Army. +20617057 The trial begins today in federal court in Philadelphia. +20617058 The government's assertions of the cover-up were made in last minute pretrial motions. +20617059 GE, which vehemently denies the government's allegations, denounced Mr. Greenfield's suit. +20617060 "It is a cheap-shot suit -- procedurally defective and thoroughly fallacious -- which was hurriedly filed by a contingency-fee lawyer as a result of newspaper reports," said a GE spokeswoman. +20617061 She added that the company was considering bringing sanctions against Mr. Greenfield for making "grossly inaccurate and unsupported allegations. +20618001 The head of the nation's largest car-dealers group is telling dealers to "just say no" when auto makers pressure them to stockpile cars on their lots. +20618002 In an open letter that will run today in the trade journal Automotive News, Ron Tonkin, president of the National Car Dealers Association, says dealers should cut their inventories to no more than half the level traditionally considered desirable. +20618003 Mr. Tonkin, who has been feuding with the Big Three since he took office earlier this year, said that with half of the nation's dealers losing money or breaking even, it was time for "emergency action." +20618004 U.S. car dealers had an average of 59 days' supply of cars in their lots at the end of September, according to Ward's Automotive Reports. +20618005 But Mr. Tonkin said dealers should slash stocks to between 15 and 30 days to reduce the costs of financing inventory. +20618006 His message is getting a chilly reception in Detroit, where the Big Three auto makers are already being forced to close plants because of soft sales and reduced dealer orders. +20618007 Even before Mr. Tonkin's broadside, some large dealers said they were cutting inventories. +20618008 Ford Motor Co. and Chrysler Corp. representatives criticized Mr. Tonkin's plan as unworkable. +20618009 It "is going to sound neat to the dealer except when his 15-day car supply doesn't include the bright red one that the lady wants to buy and she goes up the street to buy one," a Chrysler spokesman said. +20619001 Southern Co.'s Gulf Power Co. unit may plead guilty this week to charges that it illegally steered company money to politicians through outside vendors, according to individuals close to an investigation of the utility holding company. +20619002 The tentative settlement between Gulf Power, a Pensacola, Fla., electric company, and federal prosecutors would mark the end of one part of a wide-ranging inquiry of Southern Co. in the past year. +20619003 A grand jury has been investigating whether officials at Southern Co. conspired to cover up their accounting for spare parts to evade federal income taxes. +20619004 The grand jury has also been investigating whether Gulf Power executives violated the federal Utility Holding Company Act, which prohibits certain utilities from making political contributions. +20619005 The individuals said Gulf Power and federal prosecutors are considering a settlement under which the company would plead guilty to two felony charges and pay fines totaling between $500,000 and $1.5 million. +20619006 Under one count, Gulf Power would plead guilty to conspiring to violate the Utility Holding Company Act. +20619007 Under the second count, the company would plead guilty to conspiring to evade taxes. +20619008 The guilty pleas would be made solely by Gulf Power, the individuals said. +20619009 No employee or vendor would be involved. +20619010 A spokesman for Southern Co. would say only that discussions are continuing between Gulf Power and federal prosecutors. +20619011 "We have no further developments to report," he said. +20619012 Officials at Gulf Power couldn't be reached for comment. +20619013 And prosecutors declined to comment. +20619014 While Southern Co. has been reluctant to discuss the grand jury investigations, Edward L. Addison, chief executive officer, has said the company is prepared to defend its tax and acccounting practices if any charges are brought against it. +20619015 Morever, Mr. Addison has said Southern Co. and its units don't condone illegal political contributions. +20619016 Neither Mr. Addison nor any other Southern Co. official has been charged with any wrongdoing in connection with the current inquiries. +20619017 The probe of Southern Co. has attracted considerable attention this year because of several events that have befallen the company, including the death of a Gulf Power executive in a plane crash and the disappearance of a company vendor who was to be a key grand jury witness. +20619018 Witnesses have said the grand jury has asked numerous questions about Jacob F. "Jake" Horton, the senior vice president of Gulf Power who died in the plane crash in April. +20619019 Mr. Horton oversaw Gulf Power's governmental-affairs efforts. +20619020 On the morning of the crash, he had been put on notice that an audit committee was recommending his dismissal because of invoicing irregularities in a company audit. +20619021 Investigators have been trying to determine whether the crash was an accident, sabotage or suicide. +20619022 Gulf Power said in May that an internal audit had disclosed that at least one vendor had used false invoices to fund political causes. +20619023 But the company said the political contributions had been made more than five years ago. +20620001 Exxon Corp. is resigning from the National Wildlife Federation's corporate advisory panel, saying the conservation group has been unfairly critical of the Exxon Valdez oil spill along the Alaskan coast. +20620002 The federation said Friday that it regrets the resignation, but issued a stinging response that called Exxon a "corporate pariah" that should keep an open dialogue with environmentalists. +20620003 The federation, with 5.8 million members nationwide, has been one of the sharpest critics of Exxon's handling of the 11 million gallon tanker spill and has accused the company of repeatedly ignoring requests to meet and discuss it. +20620004 The March 24 oil spill soiled hundreds of miles of shoreline along Alaska's southern coast and wreaked havoc with wildlife and the fishing industry. +20620005 Exxon's Exxon USA unit was one of the charter members of the Corporate Conservation Council, a panel of executives formed in 1982 by the National Wildlife Federation to foster "frank and open discussions" between industry and the federation's leaders. +20620006 In a letter to the federation, Raymond Campion, Exxon's environmental coordinator, said: "Recent public actions by you regarding the Valdez oil spill have failed to demonstrate any sense of objectivity or fairness." +20620007 The federation was among the plaintiffs in a lawsuit filed in August against Exxon seeking full payment of environmental recovery costs from the spill. +20621001 First Tennessee National Corp. said it would take a $4 million charge in the fourth quarter, as a result of plans to expand its systems operation. +20621002 The banking company said it reached an agreement in principle with International Business Machines Corp. on a systems operations contract calling for IBM to operate First Tennessee's computer and telecommunications functions. +20621003 Further, under the agreement, First Tennesse would continue to develop the software that creates customer products and sevices. +20621004 "Because personal computers will soon be on the desks of all of our tellers, and customer service and loan representatives, information will be instantly available to help customers with product decisions and provide them with information about their accounts," according to John Kelley, executive vice president and corporate services group manager at First Tennessee. +20621005 However, about 120 employees will be affected by the agreement. +20621006 First Tennessee, assisted by IBM, said it will attempt to place the employees within the company, IBM or other companies in Memphis. +20621007 The process will take as many as six months to complete, the company said. +20621008 The agreement is subject to the banking company's board approval, which is expected next month. +20622001 The Treasury Department said the U.S. trade deficit may worsen next year, after two years of significant improvement. +20622002 In its report to Congress on international economic policies, the Treasury said that any improvement in the broadest measure of trade, known as the current account, "is likely at best to be very modest," and "the possibility of deterioration in the current account next year cannot be excluded." +20622003 The statement was the U.S. government's first acknowledgement of what other groups, such as the International Monetary Fund, have been predicting for months. +20622004 Continued strength in the dollar was cited as one reason the trade position may deteriorate. +20622005 The Treasury's report, which is required annually by a provision of the 1988 trade act, again took South Korea to task for its exchange-rate policies. +20622006 "We believe that there have continued to be indications of exchange-rate `manipulation'" during the past six months, it said, citing the lack of market forces in South Korea's exchange-rate system and the use of capital and interest-rate controls to manipulate exchange rates. +20622007 The Treasury expressed pleasure, however, with the government of Taiwan, which was cited for exchange-rate manipulation in last year's report. +20622008 The Treasury said Taiwan has liberalized its exchange rate system in the past year. +20623001 The fiscal 1989 budget deficit figure came out Friday. +20623002 It was down a little. +20623003 The next time you hear a Member of Congress moan about the deficit, consider what Congress did Friday. +20623004 The Senate, 84-6, voted to increase to $124,000 the ceiling on insured mortgages from the FHA, which lost $4.2 billion in loan defaults last year. +20623005 Then, by voice vote, the Senate voted a pork-barrel bill, approved Thursday by the House, for domestic military construction. +20623006 Compare the Bush request to what the Senators gave themselves: +20623007 For construction in West Virginia, Mr. Bush requested $4.5 million; Congress gave Senator Byrd's state $21.5 million. +20623008 Senator Byrd is chairman of the Appropriations Committee. +20623009 For Iowa, a $1.8 million request became $12 million for Senator Grassley, ranking minority member of a military construction subcommittee. +20623010 Rep. Jamie Whitten of Mississippi and chairman of House Appropriations turned a $20 million Bush request for his state into a $49.7 million bequest. +20623011 Senator Sasser of Tennessee is chairman of the Appropriations subcommittee on military construction; Mr. Bush's $87 million request for Tennessee increased to $109 million. +20623012 In a remark someone should remember this time next year, Senator Sasser said, "I think we've seen the peak of military construction spending for many years to come." +20623013 Tell us about spending restraint. +20623014 Tell us about the HUD scandals. +20623015 Tell us what measure, short of house arrest, will get this Congress under control. +20624001 Costa Rica reached an agreement with its creditor banks that is expected to cut that government's $1.8 billion in bank debt by as much as 60%. +20624002 The agreement was announced by Costa Rican President Oscar Arias Friday, as President Bush and other leaders from the Western Hemisphere gathered in the Central American nation for a celebration of democracy. +20624003 Costa Rica had been negotiating with the U.S. and other banks for three years, but the debt plan was rushed to completion in order to be announced at the meeting. +20624004 The government had fallen $300 million behind in interest payments. +20624005 Treasury Secretary Nicholas Brady called the agreement "an important step forward in the strengthened debt strategy," noting that it will "when implemented, provide significant reduction in the level of debt and debt service owed by Costa Rica." +20624006 Under the plan, Costa Rica will buy back roughly 60% of its bank debt outstanding at a deeply discounted price, according to officials involved in the agreement. +20624007 The remainder of the debt will be exchanged for new Costa Rican bonds with a 6 1/4% interest rate. +20624008 The International Monetary Fund and the World Bank are expected to provide approximately $180 million to help support the deal, and additional funds are expected from Japan. +20624009 Treasury officials say the Costa Rican agreement demonstrates that the Brady debt plan can benefit small debtor countries as well as big debtors, such as Mexico. +20625001 The Treasury said it plans to sell $2 billion of 51-day cash-management bills today, raising all new cash. +20625002 The bills will be dated Oct. 31 and will mature Dec. 21, +20625003 No non-competitive tenders will be accepted. +20625004 Tenders, available in minimum denominations of $1 million, must be received by noon EST today at Federal Reserve Banks or branches. +20625005 The Treasury also announced details of this week's unusual bill auction, which has been changed to accommodate the expiration of the federal debt ceiling at midnight tomorrow. +20625006 The 13-week and 27-week bills will be issued tomorrow rather than Thursday, Nov. 2, as originally planned. +20625007 The three-month bills will still mature Feb. 1, 1990, and the six-month bills on May 3, 1990. +20625008 The Treasury also said noncompetitive tenders will be considered timely if postmarked no later than Sunday, Oct. 29, and received no later than tomorrow. +20625009 The Treasury said it won't be able to honor reinvestment requests from holders of bills maturing Nov. 2 held in the Treasury's book-entry system. +20625010 The department will make payment for bills maturing on Nov. 2 to all investors who have requested reinvestment of their bills on that date, as well as to all account holders who have previously requested payment. +20626001 American Pioneer Inc. said it agreed in principle to sell its American Pioneer Life Insurance Co. subsidiary to Harcourt Brace Jovanovich Inc.'s HBJ Insurance Cos. for $27 million. +20626002 American Pioneer, parent of American Pioneer Savings Bank, said the sale will add capital and reduce the level of investments in subsidiaries for the thrift holding company. +20626003 Recently, the boards of both the parent company and the thrift also voted to suspend dividends on preferred shares of both companies and convert all preferred into common shares. +20626004 The company said the move was necessary to meet capital requirements. +20626005 The transaction is subject to execution of a definitive purchase agreement and approval by various regulatory agencies, including the insurance departments of the states of Florida and Indiana, the company said. +20626006 In the second quarter, American Pioneer reported a loss of $7.3 million, compared with net income of $1.1 million a year earlier. +20626007 The banking operation had a loss of $8.7 million in the second quarter, largely because of problem real-estate loans, while the insurance operations earned $884,000. +20627001 October employment data -- also could turn out to be the most confusing. +20627002 On the surface, the overall unemployment rate is expected to be little changed from September's 5.3%. +20627003 But the actual head count of non-farm employment payroll jobs is likely to be muddied by the impact of Hurricane Hugo, strikes, and less-than-perfect seasonal adjustments, economists said. +20627004 The consensus view calls for an overall job gain of 155,000 compared with September's 209,000 increase. +20627005 But the important factory-jobs segment, which last month plunged by 103,000 positions and raised recession fears, is most likely to be skewed by the month's unusual events. +20627006 Several other reports come before Friday's jobs data, including: the September leading indicators index, new-home sales and October agricultural prices reports due out tomorrow; the October purchasing managers' index and September construction spending and manufacturers' orders on Wednesday; and October chain-store sales on Thursday. +20627007 Friday brings the final count on October auto sales. +20627008 "The employment report is going to be difficult to interpret," said Michael Englund, economist with MMS International, a unit of McGraw-Hill Inc., New York. +20627009 Mr. Englund added that next month's data isn't likely to be much better, because it will be distorted by San Francisco's earthquake. +20627010 What's more, he believes seasonal swings in the auto industry this year aren't occurring at the same time as in the past, because of production and pricing differences that are curbing the accuracy of seasonal adjustments built into the employment data. +20627011 Wednesday's report from the purchasing agents will be watched to see if the index maintains a level below 50%, as it has for the past couple of months. +20627012 A reading of less than 50% indicates an economy that is generally contracting while a reading above 50% indicates an economy that's expanding. +20627013 Samuel D. Kahan, chief financial economist at Kleinwort Benson Government Securities Inc., Chicago, said that the purchasers' report is valuable because it often presents the first inkling of economic data for the month. +20627014 But he added: "Some people use the purchasers' index as a leading indicator, some use it as a coincident indicator. +20627015 But the thing it's supposed to measure -- manufacturing strength -- it missed altogether last month." +20627016 David Wyss, chief financial economist at Data Resources Inc., Boston, said that the purchasers' index "does miss occasionally," adding: "When it misses one month it tends to miss the next month, too." +20627017 The consensus view on September leading indicators calls for a gain of 0.3%, the same as in August. +20627018 Economists said greatly increased consumer optimism, a larger money supply and higher stock prices helped lift the index. +20627019 All orders-related components, such as consumer-goods orders and building permits, are thought to have been weaker. +20627020 Data Resources' Mr. Wyss added that he will be keeping a closer eye than ususal on October chain-store sales. +20627021 Usually, October "isn't a very interesting month {for retail figures} because school clothes have been bought and people are waiting for December to buy Christmas presents," he said. +20627022 But Mr. Wyss said he will watch the numbers to get an inkling of whether consumers' general buying habits may slack off as much as their auto-buying apparently has. +20627023 He noted that higher gasoline prices will help buoy the October totals. +20627024 Seasonal factors are also expected to have taken their toll on September new-home sales, which are believed to have fallen sharply from August's 755,000 units. +20627025 Construction spending is believed to have slipped about 0.5% from August levels, although economists noted the rate probably will pick up in the months ahead in response to hurricane and earthquake damage. +20628001 Factory owners are buying new machinery at a good rate this fall, machine tool makers say, but sluggish sales of new cars and trucks raise questions about fourth-quarter demand from the important automotive industry. +20628002 September orders for machine tools rebounded from the summer doldrums, but remained 7.7% below year-earlier levels, according to figures from NMTBA -- the Association for Manufacturing Technology. +20628003 Domestic machine tool plants received $303 million of orders last month, up 33% from August's $227.1 million, but still below the $328.2 million of September 1988, NMTBA said. +20628004 Machine tools are complex machines ranging from lathes to metal-forming presses that are used to shape most metal parts. +20628005 "Overall demand still is very respectable," says Christopher C. Cole, group vice president at Cincinnati Milacron Inc., the nation's largest machine tool producer. +20628006 "The outlook is positive for the intermediate to long term." +20628007 September orders for all U.S. producers, in fact, were slightly above the monthly average for 1988, a good year for the industry. +20628008 "Aerospace orders are very good," Mr. Cole says. +20628009 "And export business is still good. +20628010 While some automotive programs have been delayed, they haven't been canceled." +20628011 "September was one of the biggest order months in our history," says James R. Roberts, vice president, world-wide sales and marketing, for Giddings & Lewis Inc., Fond du Lac, Wis. +20628012 At a recent meeting of manufacturing executives, "everybody I talked with was very positive," he says. +20628013 Most say they plan to spend more on factory equipment in 1990 than in 1989. +20628014 But sales of North American-made 1990-model cars are running at an annual rate of only six million, down from 7.1 million a year earlier. +20628015 And truck sales also are off more than 20%. +20628016 Auto makers, who began deferring some equipment purchases last spring, can be expected to remain cautious about spending if their sales don't pick up, machine tool builders say. +20628017 Machine tool executives are hopeful, however, that recent developments in Eastern Europe will expand markets for U.S.-made machine tools in that region. +20628018 There is demand for state-of-the-art machine tools in the Soviet Union and in other Eastern European countries as those nations strive to improve the efficiency of their ailing factories as well as the quality of their goods. +20628019 However, there's a continuing dispute between machine tool makers and the Defense Department over whether sophisticated U.S. machine tools would increase the Soviet Union's military might. +20628020 "The Commerce Department says go, and the Defense Department says stop," complains one machine tool producer. +20628021 If that controversy continues, U.S. machine tool makers say, West German and other foreign producers are likely to grab most of the sales in Eastern Europe. +20628022 September orders for machining centers, lathes, milling machines, grinders, boring mills and other machines that shape metal by cutting totaled $192.9 million, down 28% from $266.5 million a year earlier, but a 23% increase from August's $156.3 million, NMTBA said. +20628023 Orders last month for metal-forming presses and other machinery to form metal with pressure surged to $110.1 million, a 78% rise from $61.7 million a year earlier and a 55% gain from $70.9 million in August. +20628024 Today's presses are large and costly machines, and a few orders can produce a high total for one month that doesn't necessarily indicate a trend. +20628025 Machine tool shipments last month were $281.2 million, a 24% rise from a year earlier and a 25% increase from August. +20628026 Shipments have run well ahead of 1988 all year, as machine tool builders produce against relatively good backlogs. +20628027 U.S. producers had a $2.15 billion backlog of unfilled orders at the end of September. +20628028 That was up 2.8% from a year earlier, even though orders for the first nine months of 1989 were down 19% from the comparable 1988 period. +20628029 $2,057,750,000. +20628030 $675,400,000. +20628031 $1,048,500,000. +20628032 $588,350,000. +20629001 In Bombay stock market circles, the buzzword is "mega." +20629002 At least 40 companies are coming to the capital market to raise $6 billion, an amount never thought possible in India. +20629003 "When they talk mega-issues, they're truly talking mega," says S.A. Dave, chairman of the Securities and Exchange Board of India. +20629004 "The capital market is booming." +20629005 But the mega-issues are raising megaquestions about the rapidly evolving Indian capital market. +20629006 One is whether there is enough money to fund the new issues without depressing stock trading. +20629007 Moreover, in the relatively unregulated Indian stock markets, investors frequently don't know what they are getting when they subscribe to an issue. +20629008 A prospectus in India doesn't always tell a potential investor much. +20629009 Some of the large amounts are being raised by small firms. +20629010 In addition, once money is raised, investors usually have no way of knowing how it is spent. +20629011 Some analysts are concerned that the mega-issues, in such an unregulated environment, could lead to a mega-crash. +20629012 "The rate of failures will be much more than the rate of successes in the mega-projects," says G.S. Patel, a former chairman of the giant, government-run mutual fund, the Unit Trust of India. +20629013 "They're going to have mega-problems." +20629014 The Indian stock markets have been on a five-year high, with dips and corrections, since Prime Minister Rajiv Gandhi started liberalizing industry. +20629015 But the last stock market boom, in 1986, seems small compared with the current rush to market. +20629016 The $6 billion that some 40 companies are looking to raise in the year ending March 31 compares with only $2.7 billion raised on the capital market in the previous fiscal year. +20629017 In fiscal 1984, before Mr. Gandhi came to power, only $810 million was raised. +20629018 This year's biggest issue, $570 million of convertible debentures by engineering company Larsen & Toubro Ltd., is the largest in Indian history. +20629019 And it isn't the only giant issue: together, the top four issues will raise $1.3 billion. +20629020 Convertible debentures -- bonds that can later be converted into equity shares -- are the most popular instrument this year, though many companies are also selling nonconvertible bonds or equity shares. +20629021 These mega-issues are being propelled by two factors, economic and political. +20629022 In the past, the socialist policies of the government strictly limited the size of new steel mills, petrochemical plants, car factories and other industrial concerns to conserve resources and restrict the profits businessmen could make. +20629023 As a result, industry operated out of small, expensive, highly inefficient industrial units. +20629024 When Mr. Gandhi came to power, he ushered in new rules for business. +20629025 He said industry should build plants on the same scale as those outside India and benefit from economies of scale. +20629026 If the output was too great for the domestic market, he said, companies should export. +20629027 India's overregulated businessmen had to be persuaded, but they have started to think big. +20629028 Some of the projects being funded by the new issues are the first fruits of Mr. Gandhi's policy, and they require more capital than the smaller industrial units built in the past. +20629029 The industrial revolution has produced an explosion in the capital market, which is a far cheaper source of funds than government-controlled banks, where interest rates for prime borrowers are around 16%. +20629030 The second factor spurring mega-issues is political. +20629031 Mr. Gandhi has called general elections for November, and many businessmen fear that he and his Congress (I) Party will lose. +20629032 Some companies are raising money in anticipation of a government less predictable than Mr. Gandhi's, and possibly more restrictive. +20629033 The buoyant Bombay rumor mill also says that some of the money raised in the current spate of issues will be used as campaign donations before the elections. +20629034 No one admits to anything, but India's industrialists have a history of making under-the-table campaign donations. +20629035 So far, the mega-issues are a hit with investors. +20629036 Earlier this year, Tata Iron & Steel Co.'s offer of $355 million of convertible debentures was oversubscribed. +20629037 Essar Gujarat Ltd., a marine construction company, had similar success with a slightly smaller issue. +20629038 Larsen & Toubro started accepting applications for its giant issue earlier this month; bankers and analysts expect it to be oversubscribed. +20629039 Still to come are big issues by Bindal Agro Chem Ltd., a petrochemical and agrochemical company, and Usha Rectifier Corp. (India), a semiconductor maker. +20629040 While many investors are selling parts of their portfolios to buy the new issues, prices on India's 16 stock exchanges are holding up so far. +20629041 "I don't think it will lead to any chaos in the secondary market," says Mr. Patel, "only a sagging tendency." +20629042 Says M.J. Pherwani, chairman of the Unit Trust of India: The "markets are headed for growth unheard of and unseen before." +20629043 But with growth come growing pains, and never has this been clearer on the Indian capital market than now. +20629044 In the past, the government controlled the markets indirectly, through its tight grip on industry itself. +20629045 Various ministries decided the products businessmen could produce and how much; and government-owned banks controlled the financing of projects and monitored whether companies came through on promised plans. +20629046 The government has been content with this far-reaching, subtle form of control, exercised on a case-by-case basis with no clear rules or guidelines. +20629047 But now, with large amounts being raised from investors, the government's dawdling on regulation and disclosure requirements has a more dangerous aspect. +20629048 The Securities and Exchange Board of India was set up earlier this year, along the lines of the U.S. Securities and Exchange Commission, but New Delhi hasn't pushed the legislation to make it operational. +20629049 Mr. Dave, its head, acts cheery and patient, but he makes no bones about the need to get to work. +20629050 "Mega or non-mega, we feel the prospectus standards need to be considerably improved," he says. +20629051 "Disclosures are very poor in India." +20629052 He says the big questions -- "Do you really need this much money to put up these investments? Have you told investors what is happening in your sector? What about your track record? -- "aren't asked of companies coming to market. +20629053 Instead, he says, most investors have to rely on the rumor-happy Indian press. +20629054 An example is the biggest offering of them all, Larsen & Toubro's $570 million bond issue. +20629055 The engineering company was acquired in a takeover earlier this year by the giant Reliance textile group. +20629056 Although Larsen & Toubro hadn't raised money from the public in 38 years, its new owners frequently raise funds on the local market. +20629057 (Reliance floated a $357 million petrochemical company in 1988 that was, at the time, the largest public issue in Indian history.) +20629058 The media has raised questions about Larsen & Toubro's issue, pointing out that it exceeds the company's annual sales and its market capitalization. +20629059 Even stranger is the case of Usha Rectifier, a semiconductor company with 1988 sales of $28 million that's raising $270 million to build an iron plant. +20629060 Once the money is raised, it isn't always certain how it is used. +20629061 Larsen & Toubro, for example, says it's raising $570 million to use as supplier credit on large engineering jobs. +20629062 Unlike other companies, it hasn't pin-pointed specific projects for the funds. +20629063 And even when specific projects are described in prospectuses, the money often is used elsewhere, according to analysts. +20629064 "Someone must monitor where the funds are deployed," says Mr. Dave. +20629065 Mr. Patel agrees: "There is no proper monitoring and screening of the use of these funds. +20629066 They're trying to plug the various loopholes, but they're totally unprepared for this." +20629067 Because of the large amounts of money being raised, the loose disclosure requirements and the casual monitoring of how the money is used, some analysts fear that there could be a few mega-crashes, which could hurt market confidence far more than the small bankruptcies that followed the boom of 1986. +20629068 The government insists that such a possibility is low. +20629069 It says that despite loose regulation of the market itself, its longstanding regulation of industry will prevent such crashes. +20629070 T.T. Ram Mohan contributed to this article. +20630001 Lion Nathan Ltd., a New Zealand brewing and retail concern, said Friday that Bond Corp. Holdings Ltd. is "committed" to a transaction whereby Lion Nathan would acquire 50% of Bond's Australian brewing assets. +20630002 Lion Nathan issued a statement saying it is applying to Australia's National Companies & Securities Commission, the nation's corporate watchdog agency, for a modification to takeover regulations "similar to that obtained by" S.A. Brewing Holdings Ltd. +20630003 SA Brewing, an Australian brewer, last Thursday was given approval to acquire an option for up to 20% of Bell Resources Ltd., a unit of Bond Corp. +20630004 Bell Resources is acquiring Bond's brewing businesses for 2.5 billion Australian dollars (US$1.9 billion). +20630005 S.A. brewing would make a takeover offer for all of Bell Resources if it exercises the option, according to the commission. +20630006 Bond Corp., a brewing, property, media and resources company, is selling many of its assets to reduce its debts. +20630007 "Lion Nathan has a concluded contract with Bond and Bell Resources," said Douglas Myers, chief executive of Lion Nathan. +20631001 Finnair, Finland's state-owned airline, joined the wave of global airline alliances and signed a wide-ranging cooperation agreement with archrival Scandinavian Airlines System. +20631002 Under the accord, Finnair agreed to coordinate flights, marketing and other functions with SAS, the 50%-state-owned airline of Denmark, Norway and Sweden. +20631003 The pact also calls for coordination between Finnair and Switzerland's national carrier, Swissair, with which SAS entered a similar alliance last month. +20631004 Finnair and SAS said they plan to swap stakes in each other. +20631005 Neither disclosed details pending board meetings next month. +20631006 Officials hinted, however, that SAS would take a stake of at least 6% in Finnair, valued at about $40 million at current market prices. +20631007 Finnair would receive SAS shares valued at the same amount, officials said. +20632001 General Motors Corp. and Ford Motor Co. are now going head to head in the markets for shares of Jaguar PLC, as GM got early clearance from the Federal Trade Commission to boost its stake in the British luxury car maker. +20632002 GM confirmed Friday that it received permission late Thursday from U.S. antitrust regulators to increase its Jaguar holdings past the $15 million level. +20632003 Ford got a similar go-ahead earlier in October, and on Friday, Jaguar announced that the No. 2 U.S. auto maker had raised its stake to 13.2%, or 24.2 million shares, from 12.4% earlier in the week. +20632004 A spokesman for GM, the No. 1 auto maker, declined to say how many Jaguar shares that company owns. +20632005 In late trading Friday, Jaguar shares bucked the downward tide in London's stock market and rose five pence to 725 pence ($11.44). +20632006 Trading volume was a moderately heavy 3.1 million shares. +20632007 In the U.S., Jaguar's American depositary receipts were among the most active issues Friday in national over-the-counter trading where they closed at $11.625 each, up 62.5 cents. +20632008 Analysts expect that the two U.S. auto giants will move quickly to buy up 15% stakes in Jaguar, setting up a potential bidding war for the prestigious Jaguar brand. +20632009 British government restrictions prevent any single shareholder from going beyond 15% before the end of 1990 without government permission. +20632010 The British government, which owned Jaguar until 1984, still holds a controlling "golden share" in the company. +20632011 With the golden share as protection, Jaguar officials have rebuffed Ford's overtures, and moved instead to forge an alliance with GM. +20632012 Jaguar officials have indicated they are close to wrapping up a friendly alliance with GM that would preserve Jaguar's independence, but no deal has been announced. +20632013 Ford, on the other hand, has said it's willing to bid for all of Jaguar, despite the objections of Jaguar chairman Sir John Egan. +20632014 Analysts continued to speculate late last week that Ford may try to force the issue by calling for a special shareholder's meeting and urging that the government and Jaguar holders remove the barriers to a full bidding contest before December 1990. +20632015 But a Ford spokeswoman in Dearborn said Friday the company hasn't requested such a meeting yet. +20632016 Individuals close to the situation believe Ford officials will seek a meeting this week with Sir John to outline their proposal for a full bid. +20632017 Any discussions with Ford could postpone the Jaguar-GM deal, headed for completion within the next two weeks. +20632018 The GM agreement is expected to retain Jaguar's independence by involving an eventual 30% stake for the U.S. auto giant as well as joint manufacturing and marketing ventures. +20632019 Jaguar and GM hope to win Jaguar shareholders approval for the accord partly by structuring it in a way that wouldn't preclude a full Ford bid once the golden share expires. +20632020 "There's either a minority {stake} package capable of getting Jaguar shareholder approval or there isn't," said one knowledgeable individual. " +20632021 If there isn't, {the deal} won't be put forward" to shareholders. +20632022 Union sentiment also could influence shareholder reaction to a Jaguar-GM accord. +20632023 GM's U.K. unit holds crucial talks today with union officials about its consideration of an Ellesmere Port site for its first major engine plant in Britain. +20632024 One auto-industry union leader said, "If they try to build it somewhere else {in Europe} besides the U.K., they are going to be in big trouble" with unionists over any Jaguar deal. +20633001 These are the last words Abbie Hoffman ever uttered, more or less, before he killed himself. +20633002 And You Are There, sort of: +20633003 ABBIE: "I'm OK, Jack. +20633004 I'm OK." +20633005 (listening) "Yeah. +20633006 I'm out of bed. +20633007 I got my feet on the floor. +20633008 Yeah. +20633009 Two feet. +20633010 I'll see you Wednesday? . . . Thursday." +20633011 He listens impassively. +20633012 ABBIE (cont'd.): "I'll always be with you, Jack. +20633013 Don't worry." +20633014 Abbie lies back and leaves the frame empty. +20633015 Of course that wasn't the actual conversation the late anti-war activist, protest leader and founder of the Yippies ever had with his brother. +20633016 It's a script pieced together from interviews by CBS News for a re-enactment, a dramatic rendering by an actor of Mr. Hoffman's ultimately unsuccessful struggle with depression. +20633017 The segment is soon to be broadcast on the CBS News series "Saturday Night With Connie Chung," thus further blurring the distinction between fiction and reality in TV news. +20633018 It is the New Journalism come to television. +20633019 Ms. Chung's program is just one of several network shows (and many more in syndication) that rely on the controversial technique of reconstructing events, using actors who are supposed to resemble real people, living and dead. +20633020 Ms. Chung's, however, is said to be the only network news program in history to employ casting directors. +20633021 Abbie Hoffman in this case is to be played by Hollywood actor Paul Lieber, who isn't new to the character. +20633022 He was Mr. Hoffman in a 1979 Los Angeles production of a play called "The Chicago Conspiracy Trial." +20633023 Television news, of course, has always been part show-biz. +20633024 Broadcasters have a healthy appreciation of the role entertainment values play in captivating an audience. +20633025 But, as CBS Broadcast Group president Howard Stringer puts it, the network now needs to "broaden the horizons of nonfiction television, and that includes some experimentation." +20633026 Since its premiere Sept. 16, the show on which Ms. Chung appears has used an actor to portray the Rev. Vernon Johns, a civil-rights leader, and one to play a teenage drug dealer. +20633027 It has depicted the bombing of Pan Am flight 103 over the Scottish town of Lockerbie. +20633028 On Oct. 21, it did a rendition of the kidnapping and imprisonment of Associated Press correspondent Terry Anderson, who was abducted in March 1985 and is believed to be held in Lebanon. +20633029 The production had actors playing Mr. Anderson and former hostages David Jacobsen, the Rev. Benjamin Weir and Father Lawrence Jenco. +20633030 ABC News has similarly branched out into entertainment gimmickry. +20633031 "Prime Time Live," a new show this season featuring Sam Donaldson and Diane Sawyer, has a studio audience that applauds and that one night (to the embarrassment of the network) waved at the camera like the crowd on "Let's Make a Deal." +20633032 (ABC stops short of using an "applause" sign and a comic to warm up the audience. +20633033 The stars do that themselves.) +20633034 NBC News has produced three episodes of an occasional series produced by Sid Feders called "Yesterday, Today and Tomorrow," starring Maria Shriver, Chuck Scarborough and Mary Alice Williams, that also gives work to actors. +20633035 Call it a fad. +20633036 Or call it the wave of the future. +20633037 NBC's re-creations are produced by Cosgrove-Meurer Productions, which also makes the successful prime-time NBC Entertainment series "Unsolved Mysteries." +20633038 The marriage of news and theater, if not exactly inevitable, has been consummated nonetheless. +20633039 News programs, particularly if they score well in the ratings, appeal to the networks' cost-conscious corporate parents because they are so much less expensive to produce than an entertainment show is -- somewhere between $400,000 and $500,000 for a one-hour program. +20633040 Entertainment shows tend to cost twice that. +20633041 Re-enactments have been used successfully for several seasons on such syndicated "tabloid TV" shows as "A Current Affair," which is produced by the Fox Broadcasting Co. unit of Rupert Murdoch's News Corp. +20633042 That show, whose host is Ms. Chung's husband, Maury Povich, has a particular penchant for grisly murders and stories having to do with sex -- the Robert Chambers murder case, the Rob Lowe tapes, what have you. +20633043 Gerald Stone, the executive producer of "A Current Affair," says, "We have opened eyes to being a little less conservative and more imaginative in how to present the news." +20633044 Nowhere have eyes been opened wider than at CBS News. +20633045 At 555 W. 57th St. in Manhattan, one floor below the offices of "60 Minutes," the most successful prime-time news program ever, actors wait in the reception area to audition for "Saturday Night With Connie Chung." +20633046 CBS News sends scripts to agents, who pass them along to clients. +20633047 The network deals a lot with unknowns, including Scott Wentworth, who portrayed Mr. Anderson, and Bill Alton as Father Jenco, but the network has some big names to contend with, too. +20633048 James Earl Jones is cast to play the Rev. Mr. Johns. +20633049 Ned Beatty may portray former California Gov. Pat Brown in a forthcoming epsiode on Caryl Chessman, the last man to be executed in California, in 1960. +20633050 "Saturday Night" has cast actors to appear in future stories ranging from the abortion rights of teen-agers to a Nov. 4 segment on a man named Willie Bosket, who calls himself a "monster" and is reputed to be the toughest prisoner in New York. +20633051 CBS News, which as recently as two years ago fired hundreds of its employees in budget cutbacks, now hires featured actors beginning at $2,700 a week. +20633052 That isn't much compared with what Bill Cosby makes, or even Connie Chung for that matter (who is paid $1.6 million a year and who recently did a guest shot of her own on the sitcom "Murphy Brown"). +20633053 But the money isn't peanuts either, particularly for a news program. +20633054 CBS News is also re-enacting the 1979 Three Mile Island nuclear accident in Middletown, Pa., with something less than a cast of thousands. +20633055 It is combing the town of 10,000 for about 200 extras. +20633056 On Oct. 20, the town's mayor, Robert Reid, made an announcement on behalf of CBS during half-time at the Middletown High School football game asking for volunteers. +20633057 "There was a roll of laughter through the stands," says Joe Sukle, the editor of the weekly Press and Journal in Middletown. +20633058 "They're filming right now at the bank down the street, and they want shots of people getting out of cars and kids on skateboards. +20633059 They are approaching everyone on the street and asking if they want to be in a docudrama." +20633060 Mr. Sukle says he wouldn't dream of participating himself: +20633061 "No way. +20633062 I think re-enactments stink." +20633063 Though a re-enactment may have the flavor, Hollywood on the Hudson it isn't. +20633064 Some producers seem tentative about the technique, squeamish even. +20633065 So the results, while not news, aren't exactly theater either, at least not good theater. +20633066 And some people do think that acting out scripts isn't worthy of CBS News, which once lent prestige to the network and set standards for the industry. +20633067 In his review of "Saturday Night With Connie Chung," Tom Shales, the TV critic of the Washington Post and generally an admirer of CBS, wrote that while the show is "impressive, . . . one has to wonder if this is the proper direction for a network news division to take." +20633068 Re-creating events has, in general, upset news traditionalists, including former CBS News President Richard S. Salant and former NBC News President Reuven Frank, former CBS News anchorman Walter Cronkite and the new dean of the Columbia University Graduate School of Journalism, Joan Konner. +20633069 Says she: "Once you add dramatizations, it's no longer news, it's drama, and that has no place on a network news broadcast. . . . +20633070 They should never be on. +20633071 Never." +20633072 Criticism of the Abbie Hoffman segment is particularly scathing among people who knew and loved the man. +20633073 That includes his companion of 15 years, Johanna Lawrenson, as well as his former wife, Anita. +20633074 Both women say they also find it distasteful that CBS News is apparently concentrating on Mr. Hoffman's problems as a manic-depressive. +20633075 "This is dangerous and misrepresents Abbie's life," says Ms. Lawrenson, who has had an advance look at the 36-page script. +20633076 "It's a sensational piece about someone who is not here to defend himself." +20633077 Mrs. Hoffman says that dramatization "makes the truth flexible. +20633078 It takes one person's account and gives it authenticity." +20633079 CBS News interviewed Jack Hoffman and his sister, Phyllis, as well as Mr. Hoffman's landlord in Solebury Township, Pa. +20633080 Also Jonathan Silvers, who collaborated with Mr. Hoffman on two books. +20633081 Mr. Silvers says, "I wanted to be interviewed to get Abbie's story out, and maybe talking about the illness will do some good." +20633082 The executive producer of "Saturday Night With Connie Chung," Andrew Lack, declines to discuss re-creactions as a practice or his show, in particular. +20633083 "I don't talk about my work," he says. +20633084 The president of CBS News, David W. Burke, didn't return numerous telephone calls. +20633085 One person close to the process says it would not be in the best interest of CBS News to comment on a "work in progress," such as the Hoffman re-creation, but says CBS News is "aware" of the concerns of Ms. Lawrenson and Mr. Hoffman's former wife. +20633086 Neither woman was invited by CBS News to participate in a round-table discussion about Mr. Hoffman that is to follow the re-enactment. +20633087 Mr. Lieber, the actor who plays Mr. Hoffman, says he was concerned at first that the script would "misrepresent an astute political mind, one that I admired," but that his concerns were allayed. +20633088 The producers, he says, did a good job of depicting someone "who had done so much, but who was also a manic-depressive. +20634001 Dentsu Inc., the world's largest advertising agency on the strength of its dominance in the Japanese market, is setting its sights on overseas expansion. +20634002 Last year, Dentsu started HDM, a joint network with U.S. ad agency Young & Rubicam and Eurocom of France. +20634003 A few months ago, Dentsu acquired 69% of Australian agency Fortune Communication Holdings Ltd. for 5.9 million Australian dollars (US$4.6 million). +20634004 Dentsu has U.S. subsidiaries, but they keep low profiles. +20634005 Now, the giant marketing company, which holds 25% of Japan's 4.4 trillion yen ($30.96 billion) advertising industry, is considering the acquisition of an advertising network in the U.S. or Europe. +20634006 What is driving Dentsu's international expansion largely is the need to keep up with its Japanese clients as they grow in the U.S. and Europe. +20634007 "If we don't do something . . . we won't be able to catch up with demand," says a Dentsu spokesman. +20634008 "Our president said acquisition is an effective method." +20634009 Last year, Dentsu's foreign business accounted for less than 10% of total billings, but the company is aiming at 20% in the near future. +20634010 So far, it appears cautious about taking the big step. +20634011 For example, the spokesman says Dentsu has been approached by banks and securities companies a number of times to invest in the troubled British marketing group Saatchi & Saatchi PLC. +20634012 But he said Dentsu hasn't looked seriously at Saatchi. +20634013 Though Dentsu says it has no concrete acquisition plans or deadlines, it is laying the groundwork for international growth. +20634014 It is setting up a special team in charge of international markets and training workers to do business abroad. +20634015 For the year ended March 31, Dentsu sales rose 19% to $8.9 billion from $7.5 billion, and net income jumped 59% to $102 million from $64 million. +20634016 Dentsu's billings last year were larger than those of Young & Rubicam, the world's second-largest ad agency, according to a survey by the publication Advertising Age. +20634017 But success overseas in unfamiliar markets could be trickier than for other industries such as manufacturers. +20634018 On its own, Dentsu's muscle in Japan may count for little in major foreign markets when seeking non-Japanese clients. +20634019 Thus, an acquisition may prove the necessary course. +20634020 But Japanese agencies are cautious about expanding abroad because client relationships are different. +20634021 Japanese agencies do business with rival clients in the same industry, a practice "that would be unacceptable by traditional Western conflict rules," says Roy Warman, the London chief executive of Saatchi & Saatchi's communications division. +20634022 Although acquiring a foreign company would expand Japanese advertising agencies' business to foreign clients, many clients would also be Japanese companies expanding overseas, says the Dentsu spokesman. +20634023 But the different business system would make it hard for Dentsu to provide these Japanese companies the same kind of services they do in Japan. +20635001 Ciba-Geigy AG, the big Swiss chemicals company, said that it agreed in a letter of intent with Corning Inc. to acquire Corning's 50% share of Ciba Corning Diagnostics Corp., based in Medfield, Mass. +20635002 Ciba Corning, which had been a 50-50 venture between Basel-based Ciba-Geigy and Corning, has annual sales of about $300 million, the announcement said. +20635003 Terms of the transaction weren't disclosed. +20635004 Ciba Corning makes clinical diagnostics systems and related products for the medical-care industry. +20635005 The announcement said the acquisition should be completed by December after a definitive agreement is completed and regulatory approval is received. +20635006 Ciba-Geigy intends to develop the Ciba Corning unit into a "substantial business," making the unit an "integral part" of Ciba-Geigy's "comprehensive disease management concept. +20636001 The NBC network canceled its first new series of the fall TV season, killing Mel Brooks's wacky hotel comedy "The Nutt House." +20636002 The show, one of five new NBC series, is the second casualty of the three networks so far this fall. +20636003 Last week CBS Inc. canceled "The People Next Door." +20636004 NBC's comedy had aired Wednesdays at 9:30 p.m. and in five outings had drawn an average of only 13.2% of homes, lagging behind the Jamie Lee Curtis comedy "Anything But Love" on ABC and CBS's one-hour drama "Jake and the Fatman." +20636005 NBC, a unit of General Electric Co., hasn't decided on a permanent replacement for the canceled series. +20637001 John Labatt Ltd. said it plans a private placement of 150 million Canadian dollars (US$127.5 million) in preferred shares, to be completed around Nov. 1. +20637002 Proceeds will be used to reduce short-term debt at the beer and food concern, said Robert Vaux, vice president, finance. +20637003 The preferred shares will carry a floating annual dividend equal to 72% of the 30-day bankers' acceptance rate until Dec. 31, 1994. +20637004 Thereafter, the rate will be renegotiated. +20637005 Mr. Vaux said that if no agreement is reached, other buyers will be sought by bid or auction. +20637006 The shares are redeemable after the end of 1994. +20637007 Mr. Vaux said the share issue is part of a strategy to strengthen Labatt's balance sheet in anticipation of acquisitions to be made during the next 12 to 18 months. +20637008 Labatt's has no takeover bids outstanding currently, he said. +20637009 Lead underwriter to the issue is Toronto Dominion Securities Inc. +20638001 Texas Instruments Inc., once a pioneer in portable computer technology, today will make a bid to reassert itself in that business by unveiling three small personal computers. +20638002 The announcements are scheduled to be made in Temple, Texas, and include a so-called "notebook" PC that weighs less than seven pounds, has a built-in hard disk drive and is powered by Intel Corp.'s 286 microprocessor. +20638003 That introduction comes only two weeks after Compaq Computer Corp., believing it had a lead of three to six months on competitors, introduced the first U.S. notebook computer with such features. +20638004 Despite the inevitable comparison with Compaq, however, Texas Instruments' new notebook won't be a direct competitor. +20638005 While Compaq sells its machines to businesses through computer retailers, Texas Instruments will be selling most of its machines to the industrial market and to value-added resellers and original-equipment manufacturers. +20638006 The introductions also mark Texas Instruments' plunge back into a technology it has all but ignored for the past several years. +20638007 Although the Dallas-based computer giant introduced the first portable data terminal in 1971 -- a 38-pound monster -- and the world's first microprocessor-based portable in 1976, the only portable machines it has introduced since the first part of the decade have been "dumb" terminals with limited on-board processing ability. +20638008 It stopped selling a standard personal computer a while ago. +20638009 Now that is about to change, as Texas Instruments begins marketing two 14-pound laptop PCs with 20 megabyte and 40 megabyte hard drives. +20638010 The laptops are not revolutionary and, indeed, are tardy in a market first opened by GRiD Systems Corp., now a unit of Tandy Corp., almost two years ago. +20638011 But the notebook, with the more advanced microprocessor and hard disk, is more innovative. +20638012 Weighing 6.7 pounds with battery, the notebook measures 8.2 by 11.7 inches, has a 20-megabyte hard disk drive and boasts a backlit screen that is 22% larger than Compaq's. +20638013 Its keyboard, according to industry consultants, is better than Compaq's, but its battery life of two to three hours is shorter. +20638014 It doesn't have an internal floppy disk drive, although a snap-on drive can be purchased separately. +20638015 Its greatest drawback may be its 3-inch thickness, big enough for one consultant to describe it as "clunky." +20638016 List prices on the heavier Texas Instrument laptops will be $4,999 for the TI Model 25, with a 20 megabyte disk drive, and $5,599 for the 40-megabyte Model 45. +20638017 The notebook, the TI Model 12, will be priced at $4,199. +20639001 Shearson Lehman Hutton Inc. said it applied to Taiwanese securities officials for permission to open brokerage offices in Taipei. +20639002 Shearson's application is the first since the Taiwan Securities and Exchange Commission announced June 21 that it would allow foreign brokerage firms to do business in that country. +20639003 Taiwan officials are expected to review the Shearson application later this year. +20639004 Under current rules, investors in Taiwan can buy overseas stocks only through the purchase of mutual funds issued by local and foreign investment trusts. +20639005 The new rules will allow investors to buy foreign stocks directly. +20639006 A spokesman for Shearson said the brokerage service will be directed at individual investors who want to buy foreign and domestic stocks. +20639007 "It's an attractive market with good growth opportunities," he added. +20640001 Retailers in the West and parts of the South are entering the critical Christmas shopping season with more momentum than those in other regions. +20640002 In a new report, the International Council of Shopping Centers said sales of general merchandise in the West for the first seven months of 1989 rose 6.6% above year-earlier levels. +20640003 Sales increased a more modest 4.8% in the South and 4.4% in the Midwest. +20640004 But sales in the oil-patch state of Texas surged 12.9% and sales in South Carolina jumped 10.6% in the period, the New York trade group said. +20640005 In the Northeast, however, sales declined 0.4% in the period, with sales in New England falling 2.6%. +20640006 The numbers show that "we don't have a monolithic economy," said Isaac Lagnado, council research director. +20640007 "There are a lot of have and have-not markets." +20640008 Sales nationally rose 3.9% through July, the latest month for which the figures are available, the council said. +20640009 The Northern California earthquake and Hurricane Hugo are likely to temporarily damp sales growth in the West and South Carolina. +20640010 But Mr. Lagnado predicted the regional trends would continue through Christmas. +20640011 "The big mo is as much of a factor in retailing as in politics," he said. +20640012 The Christmas quarter is important to retailers because it represents roughly a third of their sales and nearly half of their profits. +20640013 The council's report is based on data the trade group buys from the U.S. Census Bureau. +20640014 The information on 125 metropolitan markets is supplied by retailers such as Sears, Roebuck & Co. and K mart Corp. as well as closely held concerns such as R.H. Macy & Co. +20640015 The council plans to release its regional reports monthly. +20640016 Mr. Lagnado said strength in employment appears to have the biggest impact on sales growth. +20640017 El Paso, Austin and Fort Worth, the three strongest retail markets in the nation, are all located in Texas, where employment grew a relatively strong 2%. +20640018 Massachusetts, which has lost jobs in the computer and defense-related industries, was the weakest link in bleak New England. +20640019 The results reflect a reversal in the fortunes of the regions during the past two years. +20640020 In 1987, the West had the slowest sales growth, and the South and the Midwest were first and second respectively, according to the council. +20640021 Mr. Lagnado said that although retailers probably won't ever recover sales lost because of the California quake and Hurricane Hugo, they could see some benefits later on. +20640022 Stores such as Sears that sell big-ticket durable goods might actually get a boost as consumers rush to replace items lost in the disasters, he said. +20641001 Kerr-McGee Corp. said it will spend $42 million to purchase land and relocate its ammonium perchlorate storage facility to Clark County, Nev., from Henderson, Nev. +20641002 The company said it will move the storage and cross-blending operations to a site 23 miles northeast of Las Vegas to distance the operations from residential areas. +20641003 Ammonium perchlorate is an oxidizer that is mixed with a propellant to make rocket fuel used in the space shuttle and military rockets. +20641004 In May 1988, an ammonium perchlorate plant in Henderson owned by an American Pacific Corp. unit was leveled by a series of explosions. +20641005 After the explosion, Kerr-McGee temporarily shut down its facility just south of Las Vegas for a safety inspection. +20641006 American Pacific and Kerr-McGee are the only two U.S. manufacturers of ammonium perchlorate. +20641007 When the plant was destroyed, "I think everyone got concerned that the same thing would happen at our plant," a KerrMcGee spokeswoman said. +20641008 That prompted Kerr-McGee to consider moving the potentially volatile storage facilities and cross-blending operations away from town. +20641009 Kerr-McGee said it has purchased 3,350 acres from the federal government in Clark County and plans to begin construction early next year. +20641010 The new facility is expected to begin operations in early 1991. +20641011 The Henderson plant will continue its other chemical operations, the company said. +20642001 This maker of electronic devices said it replaced all five incumbent directors at a special meeting called by Milton B. Hollander, whose High Technology Holding Co. of Stamford, Conn. acquired most of its 49.4% stake in Newport in August. +20642002 Elected as directors were Mr. Hollander, Frederick Ezekiel, Frederick Ross, Arthur B. Crozier and Rose Pothier. +20642003 Removed from office were George Pratt, Robert E. Davis, Norman Gray, John Virtue, corporate secretary, and Barrett B. Weekes, chairman, president and chief executive officer. +20642004 Newport officials didn't respond Friday to requests to discuss the changes at the company but earlier, Mr. Weekes had said Mr. Hollander wanted to have his own team on the board. +20643001 Shiseido Co., Japan's leading cosmetics producer, said it had net income of 5.64 billion yen ($39.7 million) in its first half, which ended Sept. 30. +20643002 Exact comparisons with the previous year were unavailable because of a change in the company's fiscal calendar. +20643003 The Tokyo-based company had net of 3.73 billion yen in the previous reporting period, which was the four months ended March 31. +20643004 Sales in the first half came to 159.92 billion yen, compared with 104.79 billion yen in the four-month period. +20643005 Shiseido predicted that sales for the year ending next March 31 will be 318 billion yen, compared with 340.83 billion yen in the year ended Nov. 30, 1988. +20643006 It said it expects net to rise to 11 billion yen from 8.22 billion yen. +20644001 Bruce W. Wilkinson, president and chief executive officer, was named to the additional post of chairman of this architectural and design services concern. +20644002 Mr. Wilkinson, 45 years old, succeeds Thomas A. Bullock, 66, who is retiring as chairman but will continue as a director and chairman of the executive committee. +20645001 Merger and acquisition activity in the third quarter exceeded the year-earlier pace, said Merrill Lynch & Co.'s W.T. Grimm & Co. unit in Schaumburg, Ill. +20645002 A total of 672 transactions were announced during the latest quarter, up 13% from the year-earlier period's 597, Grimm said. +20645003 Transactions in which prices were disclosed totaled $71.9 billion, up 36% from $52.9 billion a year earlier, the company added. +20645004 Grimm counted 16 transactions valued at $1 billion or more in the latest period, twice as many as a year earlier. +20645005 The largest was the $12 billion merger creating Bristol-Myers Squibb Co. +20645006 In the first nine months, 1,977 transactions were announced, up 15% from 1,716 in the year-earlier period. +20645007 Transactions in which prices were disclosed totaled $188.1 billion, up 15% from $163.2 billion a year earlier. +20645008 Citing current stock market conditions and the trend away from highly leveraged transactions, Grimm said it wasn't certain that the total value of transactions for the year will exceed the record $247 billion in 1988. +20646001 MEDICINE SHOPPE INTERNATIONAL Inc. declared a 3-for-2 stock split, and substantially boosted the dividend payout. +20646002 The franchiser of pharmacies said the added shares will be distributed Dec. 4 to stock of record Nov. 13. +20646003 The company also changed its dividend policy, under which holders had received an annual 10 cents-a-share payment, by declaring a four-cents-a-share dividend, to be paid quarterly on post-split shares. +20647001 NBI Inc. said that it cannot pay the Oct. 31 dividend on its Series A convertible preferred stock, allowing the stock's holder to convert the shares into as much as 27.7% of NBI's shares outstanding. +20647002 NBI said that it has the funds to pay the dividend, but that it doesn't have the surplus or profit required under Delaware law for payment of the dividend. +20647003 All the preferred stock is held by the Yukon Office Supply Stock Ownership Plan. +20647004 Under terms of the stock, the Yukon ESOP can demand that the stock be redeemed for $4,090,000 on Nov. 30, but NBI said it is legally prohibited from making the redemption. +20647005 Failure to pay the dividend allows Yukon to convert all or some of its shares into NBI common after Nov. 30, at a conversion price based on NBI's closing stock price. +20647006 NBI, a maker of word-processing systems, said it can't predict if any of the preferred stock will be converted. +20647007 NBI also said it has hired Prudential-Bache Securities Inc. as its financial adviser and investment banker to help it restructure financially and improve its balance sheet. +20648001 Insurers may see claims resulting from the San Francisco earthquake totaling nearly $1 billion -- far less than the claims they face from Hurricane Hugo -- but the recent spate of catastrophes should jolt property insurance rates in coming months. +20648002 The property claims service division of the American Insurance Services Group estimated insured losses from the earthquake at $960 million. +20648003 This estimate doesn't include claims under workers' compensation, life, health disability and liability insurance and damage to infrastructure such as bridges, highways and public buildings. +20648004 The estimated earthquake losses are low compared with the $4 billion in claims that insurers face from Hurricane Hugo, which ripped through the Caribbean and the Carolinas last month. +20648005 That's because only about 30% of California homes and businesses had earthquake insurance to cover the losses. +20648006 However, insurance brokers and executives say that the combination of the Bay area earthquake, Hugo and last week's explosion at the Phillips Petroleum Co.'s refinery in Pasadena, Texas, will cause property insurance and reinsurance rates to jump. +20648007 Other insurance rates such as casualty insurance, which would cover liability claims, aren't likely to firm right away, says Alice Cornish, an industry analyst with Northington Research in Avon, Conn. +20648008 She believes the impact of losses from these catastrophes isn't likely to halt the growth of the industry's surplus capital next year. +20648009 Property reinsurance rates are likely to climb first, analysts and brokers believe. +20648010 "The reinsurance market has been bloodied by disasters" in the U.S. as well as in Great Britain and Europe, says Thomas Rosencrants, director of research at Interstate/Johnson Lane Inc. in Atlanta. +20648011 Insurers typically retain a small percentage of the risks they underwrite and pass on the rest of the losses. +20648012 Insurers buy this insurance protection for themselves by giving up a portion of the premiums they collect on a policy to another firm -- a reinsurance company, which, in turn, accepts a portion of any losses resulting from this policy. +20648013 Insurers, such as Cigna Corp., Transamerica Corp, and Aetna Life & Casualty Co., buy reinsurance from other U.S.-based companies and Lloyd's of London for one catastrophe at a time. +20648014 After Hugo hit, many insurers exhausted their reinsurance coverage and had to tap reinsurers to replace that coverage in case there were any other major disasters before the end of the year. +20648015 After the earthquake two weeks ago, brokers say companies scrambled to replace reinsurance coverages again and Lloyd's syndicates turned to the London market excess lines for protection of their own. +20648016 James Snedeker, senior vice president of Gill & Roeser Inc., a New York-based reinsurance broker, says insurers who took big losses this fall and had purchased little reinsurance in recent years will be asked to pay some pretty hefty rates if they want to buy reinsurance for 1990. +20648017 However, companies with few catastrophe losses this year and already big buyers of reinsurance are likely to see their rates remain flat, or perhaps even decline slightly. +20648018 Many companies will be negotiating their 1990 reinsurance contracts in the next few weeks. +20648019 "It's a seller's market," said Mr. Snedeker of the reinsurance market right now. +20648020 But some large insurers, such as State Farm Mutual Automobile Insurance Co., don't purchase reinsurance, but fund their own program. +20648021 A few years ago, State Farm, the nation's largest home insurer, stopped buying reinsurance because no one carrier could provide all the coverage that it needed and the company found it cheaper to self-reinsure. +20648022 The $472 million of losses State Farm expects from Hugo and an additional $300 million from the earthquake are less than 5% of State Farm's $16.7 billion total net worth. +20648023 Since few insurers have announced what amount of losses they expect to see from the earthquake, it's impossible to get a clear picture of the quake's impact on fourth-quarter earnings, said Herbert Goodfriend at Prudential-Bache Securities Corp. +20648024 Transamerica expects an after-tax charge of less than $3 million against fourth-quarter net; Hartford Insurance Group, a unit of ITT Corp., expects a $15 million or 10 cents after-tax charge; and Fireman's Fund Corp. expects a charge of no more than $50 million before taxes and after using its reinsurance. +20649001 Sharp Corp., Tokyo, said net income in its first half rose 59% to 18.32 billion yen ($128.9 million) from 11.53 billion yen a year earlier. +20649002 The consumer electronics, home appliances and information-processing concern said revenue in the six months ended Sept. 30 rose 8.9% to 517.85 billion yen from 475.6 billion yen. +20649003 Sales of information-processing products and electric parts increased a strong 22% to 236.23 billion yen from 194.24 billion yen and accounted for 46% of total sales. +20649004 In audio equipment, sales rose 13% to 44.3 billion yen from 39.19 billion yen. +20649005 Sales of electric appliances were flat, and sales of electronic equipment declined slightly. +20649006 Sharp projected sales for the current year ending March 31 at 1.6 trillion yen, a 7% increase the previous fiscal year. +20649007 It said it expects net to rise 45% to 380 billion yen. +20650001 Sun Microsystems Inc., a computer maker, announced the effectiveness of its registration statement for $125 million of 6 3/8% convertible subordinated debentures due Oct. 15, 1999. +20650002 The company said the debentures are being issued at an issue price of $849 for each $1,000 principal amount and are convertible at any time prior to maturity at a conversion price of $25 a share. +20650003 The debentures are available through Goldman, Sachs & Co. +20651001 Nelson Holdings International Ltd. shareholders approved a 1-for-10 consolidation of the company's common stock at a special meeting. +20651002 At the same time, shareholders approved the adoption of a rights plan and a super-majority voting approval requirement. +20651003 They also approved the relocation of the company's registered office to Toronto from Vancouver and a name change to NHI Nelson Holdings International Ltd. +20651004 Following the consolidation, the entertainment company, which has film and television operations in Beverly Hills, Calif., will have about 4.1 million shares outstanding. +20651005 The number of authorized common shares will remain at 100 million. +20651006 Under the rights plan, holders will have one right for each common share held, with each right entitling the purchase of one common share for 100 Canadian dollars. +20651007 The rights plan would be triggered if a person or group acquires 20% or more of the common shares outstanding without making an offer to all shareholders. +20651008 Under the super-majority amendment, certain mergers and other transactions would require approval of holders of 80% of the company's common shares outstanding. +20652001 Wilfred American Educational Corp. said a federal grand jury in Boston indicted the operator of cosmetology and business schools for mail fraud. +20652002 The charges in the 12-count indictment, which stem from events that allegedly occurred in late 1984 and early 1985, involve enrollment procedures of six students and the preparation of certain reports, Wilfred said. +20652003 No individuals were charged in the indictment. +20652004 Wilfred American said it will "vigorously defend" itself against the charges and added that the charges relate to procedures that it has since changed. +20652005 Eight admissions representatives at two of Wilfred's former Massachusetts schools previously pleaded guilty to charges of aiding, abetting and counseling students to submit false financial-aid applications. +20652006 Wilfred closed its Massachusetts schools earlier this year. +20652007 In New York Stock Exchange composite trading Friday, Wilfred fell 6.25 cents to 93.75 cents a share. +20653001 Rally's Inc. said it filed suit in U.S. District Court in Delaware against a group led by Burt Sugarman, seeking to block the investors from buying more shares. +20653002 Rally's, a Louisville, Ky., fast-food chain, alleges that the three investors, who are directors of the company, broke securities laws because they didn't disclose their intentions to acquire a big Rally's stake. +20653003 The group, led by Giant Group Ltd. and its chairman, Mr. Sugarman, owns about 45.2% of Rally's. +20653004 In the Securities and Exchange Commission filings, the group has said it may seek control of Rally's. +20653005 Mr. Sugarman called the lawsuit "not nice" and said his group will continue to push for control of the company and the removal of certain directors. +20653006 He asserts that some directors, who have joined forces with company founder James Patterson, have ties to Wendy's, a competing hamburger chain. +20653007 The Patterson group, which controls about 42% of Rally's shares, also may seek control. +20653008 Rally's also said it formed a committee of three directors, who aren't associated with either the Patterson or Sugarman groups, to analyze the situation. +20654001 Leaseway Transportation Corp. said it will restructure $192.5 million of certain subordinated debentures to reduce its debt obligations and interest expense. +20654002 The 13.25% subordinated debentures due 2002 were issued in August 1987 as part of the $690 million financing for a leveraged buy-out of the company. +20654003 Leaseway provides transportation services for manufacturers, distributors and retailers. +20654004 Leaseway said it has begun discussions with certain institutional debt holders to review the proposed private placement transaction, which would exchange the debt for new subordinated debt instruments and equity securities. +20654005 Specific terms are subject to review and a final agreement with debt holders, the company said. +20654006 But the proposed transaction calls for an exchange of the debt for new debentures of lower face value and reduced cash interest. +20654007 Also, debt holders would be offered an equity position in Leaseway, which in total would represent a controlling interest in the company. +20654008 Drexel Burnham Lambert Inc. is the adviser on the transaction. +20654009 Company officials said Leaseway fulfilled payment requirements of its debt obligations since the leveraged buy-out, but "our performance since the {buy-out} makes it imperative to implement actions that will further improve our cash flow. +20655001 Nicaraguan President Daniel Ortega may have accomplished over the weekend what his U.S. antagonists have failed to do: revive a constituency for the Contra rebels. +20655002 Lawmakers haven't publicly raised the possibility of renewing military aid to the Contras, and President Bush parried the question at a news conference here Saturday, saying only that "if there's an all-out military offensive, that's going to change the equation 180 degrees." +20655003 But Mr. Ortega's threat over the weekend to end a 19-month cease-fire with the rebels seeking to topple him, effectively elevated the Contras as a policy priority just as they were slipping from the agendas of their most ardent supporters. +20655004 Senate Majority Leader George Mitchell (D., Maine) said yesterday on NBC-TV's "Meet the Press" that Mr. Ortega's threat was "a very unwise move, particularly the timing of it." +20655005 The threat came during a two-day celebration in Costa Rica to highlight Central America's progress toward democracy in the region, attended by President Bush, Canadian Prime Minister Brian Mulroney and 14 other Western Hemisphere leaders. +20655006 Mr. Bush returned to Washington Saturday night. +20655007 Mr. Ortega announced on Friday that he would end the cease-fire this week in response to the periodic Contra assaults against his army. +20655008 Saturday, he amended his remarks to say that he would continue to abide by the cease-fire if the U.S. ends its financial support for the Contras. +20655009 He asked that the remaining U.S. humanitarian aid be diverted to disarming and demobilizing the rebels. +20655010 Not only did Mr. Ortega's comments come in the midst of what was intended as a showcase for the region, it came as Nicaragua is under special international scrutiny in anticipation of its planned February elections. +20655011 Outside observers are gathering in Nicaragua to monitor the registration and treatment of opposition candidates. +20655012 And important U.S. lawmakers must decide at the end of November if the Contras are to receive the rest of the $49 million in so-called humanitarian assistance under a bipartisan agreement reached with the Bush administration in March. +20655013 The humanitarian assistance, which pays for supplies such as food and clothing for the rebels amassed along the Nicaraguan border with Honduras, replaced the military aid cut off by Congress in February 1988. +20655014 While few lawmakers anticipated that the humanitarian aid would be cut off next month, Mr. Ortega's threat practically guarantees that the humanitarian aid will be continued. +20655015 Senate Minority Leader Robert Dole (R., Kan.) said yesterday on "Meet the Press": "I would hope after his {Mr. Ortega's} act yesterday or the day before, we'd have unanimous support for quick action on remaining humanitarian aid." +20655016 Sen. Dole also said he hoped for unanimous support for a resolution he plans to offer tomorrow denouncing the Nicaraguan leader. +20655017 While renewing military aid had been considered out of the question, rejected by Congress and de-emphasized by the Bush administration, Mr. Ortega's statement provides Contra supporters with the opportunity to press the administration on the issue. +20655018 "The administration should now state that if the {February} election is voided by the Sandinistas . . . they should call for military aid," said former Assistant Secretary of State Elliott Abrams. +20655019 "In these circumstances, I think they'd win." +20655020 Sen. Mitchell said that congressional Democrats intend to honor the March agreement to give non-lethal support to the Contras through the February elections, although he added that the agreement requires that the Contras not initiate any military action. +20655021 Mr. Ortega's threat to breach the cease-fire comes as U.S. officials were acknowledging that the Contras have at times violated it themselves. +20655022 Secretary of State James Baker, who accompanied President Bush to Costa Rica, told reporters Friday: "I have no reason to deny reports that some Contras ambushed some Sandinista soldiers." +20655023 Mr. Baker's assistant for inter-American affairs, Bernard Aronson, while maintaining that the Sandinistas had also broken the cease-fire, acknowledged: "It's never very clear who starts what." +20655024 He added that the U.S. has cut off aid to some rebel units when it was determined that those units broke the cease-fire. +20655025 In addition to undermining arguments in favor of ending Contra aid, Mr. Ortega's remarks also played to the suspicions of some U.S. officials and conservatives outside the government that he is searching for ways to manipulate or void the February elections. +20655026 Administration officials traveling with President Bush in Costa Rica interpreted Mr. Ortega's wavering as a sign that he isn't responding to the military attacks so much as he is searching for ways to strengthen his hand prior to the elections. +20655027 Mr. Abrams said that Mr. Ortega is seeking to demobilize the Contras prior to the elections to remove any pressure to hold fair elections. +20655028 "My sense is what they have in mind is an excuse for clamping down on campaigning" by creating an atmosphere of a military emergency, he said. +20656001 Milton Petrie, chairman of Petrie Stores Corp., said he has agreed to sell his 15.2% stake in Deb Shops Corp. to Petrie Stores. +20656002 In a Securities and Exchange Commission filing, Mr. Petrie said that on Oct. 26 Petrie Stores agreed to purchase Mr. Petrie's 2,331,100 Deb Shops shares. +20656003 The transaction will take place tomorrow. +20656004 The filing said Petrie Stores of Secaucus, N.J., is purchasing Mr. Petrie's Deb Shops stake as an investment. +20656005 Although Petrie Stores has considered seeking to acquire the remaining equity of Deb Stores, it has no current intention to pursue such a possibility, the filing said. +20656006 Philadelphia-based Deb Shops said it saw little significance in Mr. Petrie selling his stock to Petrie Stores. +20656007 "We didn't look at it and say, `Oh my God, something is going to happen,'" said Stanley Uhr, vice president and corporate counsel. +20656008 Mr. Uhr said that Mr. Petrie or his company have been accumulating Deb Shops stock for several years, each time issuing a similar regulatory statement. +20656009 He said no discussions currently are taking place between the two companies. +20657001 Nikon Corp. said unconsolidated pretax profit increased 70% to 12.12 billion yen ($85.3 million) in the first half ended Sept. 30, from 7.12 billion yen a year ago. +20657002 The Tokyo camera maker said net income more than doubled to 5.85 billion yen, or 16.08 a share, from 2.63 billion yen, or 7.24 yen a share. +20657003 Nikon said sales rose despite the adverse effect of Japan's unpopular consumption tax, introduced in April. +20657004 Increasing personal spending and capital investment are fueling growth, the company said. +20657005 Rising export sales also contributed to strong growth, Nikon added. +20657006 Total sales gained 20% to 122.36 billion yen from 102.01 billion yen. +20657007 Exports made up 46.2% of the latest year's total, up from 39.8% a year ago. +20657008 Camera sales showed the strongest gains, rising 37% to 50.59 billion yen. +20657009 Nikon forecast sales for the year ending March 31 will rise 9.6% to 240 billion yen. +20657010 Pretax profit is expected to increase 18% to 22 billion yen and net income is expected to rise 53% to 10.5 billion yen. +20658001 Presidio Oil Co. said it signed a definitive agreement to acquire Gulf Canada Resources Ltd.'s U.S. unit for $163 million. +20658002 Presidio, a Denver oil and gas concern, said it will acquire the properties and operations of Home Petroleum Corp., which includes two regional gas-gathering systems and proved reserves of about nine million barrels of oil and 72 billion cubic feet of natural gas. +20658003 Presidio said the properties are generally situated in Wyoming, North Dakota, Texas, Oklahoma and Louisiana. +20658004 Gulf Canada, Calgary, said the transaction is part of its plan to sell non-strategic assets and focus operations on Canada, Indonesia and other international areas. +20658005 A spokesman for Gulf Canada, which is controlled by Toronto's Reichmann family, said the properties account for about 6% of the company's assets and produce about 5,000 barrels of oil and 35 million cubic feet of gas a day. +20658006 He said Gulf Canada will likely report an extraordinary gain from the sale in the fourth quarter, but he wouldn't offer a specific estimate. +20658007 The transaction is expected to close by Nov. 30. +20659001 NEC Corp., a Tokyo-based computer and electronics concern, said net income rose 18% to 29.66 billion yen ($208.7 million) in the fiscal first half, ended Sept. 30, from 25.12 billion yen a year earlier. +20659002 Sales rose 7.4% to 1.255 trillion yen from 1.168 trillion yen. +20659003 NEC said first-half computer sales totaled 555.5 billion yen, up 11% from 500.26 billion yen a year earlier. +20659004 Sales of electrical devices rose 13% to 283.8 billion yen from 251.8 billion yen. +20659005 It said sales of home electronic products advanced 3.7% to 44.92 billion yen from 43.34 billion yen. +20659006 In the period just ended, computers accounted for 44% of total sales, NEC said, and electrical devices made up 23%. +20659007 NEC forecast sales for the year ending next March 31 of 2.74 trillion yen, an increase of 27% from the previous fiscal year. +20659008 It said net income will rise 25% to 69 billion yen. +20660001 Montedison S.p.A. definitively agreed to buy all of the publicly held shares of Erbamont N.V. for $37 each. +20660002 Montedison now owns about 72% of Erbamont's shares outstanding. +20660003 The companies said the accord was unanimously approved by a special committee of Erbamont directors unaffiliated with Montedison. +20660004 Under the pact, Montedision will make a $37-a-share tender offer for Erbamont stock outstanding. +20660005 The tender offer will be followed by the sale of all of Erbamont's assets, subject to all of its liabilities, to Montedison. +20660006 Erbamont will then be liquidated, with any remaining Erbamont holders receiving a distribution of $37 a share. +20660007 The companies said the transaction is being structured this way because the laws of the Netherlands Antilles, under which Erbamont is organized, don't provide for merger transactions. +20661001 A unit of DPC Acquisition Partners launched a $10-a-share tender offer for the shares outstanding of Dataproducts Corp., and said it would seek to liquidate the computer-printer maker "as soon as possible," even if a merger isn't consummated. +20661002 DPC Acquisition is controlled by Crescott Investment Associates, Wilson Investment Group, Kernel Corp. and Catalyst Partners. +20661003 The investor group owns 1,534,600 Dataproducts common shares, or a 7.6% stake. +20661004 The offer is based on several conditions, including obtaining financing. +20661005 DPC Acquisition said it had received the reasonable assurance of Chase Manhattan Bank N.A. that the financing can be obtained. +20661006 In a filing with the Securities and Exchange Commission, DPC Acquisition said it expects it will need about $215 million to buy the shares and pay related fees and expenses. +20661007 DPC Acquisition added that it has not begun discussions with financing sources, and said it expected to repay the amounts borrowed through proceeds of the liquidation. +20661008 Dataproducts officials declined to comment, and said they had not yet seen a suit filed in federal court by DPC Acquisition that seeks to nullify a standstill agreement between DPC Acquisition and Dataproducts. +20661009 Earlier this year, DPC Acquisition made a $15-a-share offer for Dataproducts, which the Dataproducts board said it rejected because the $283.7 million offer was not fully financed. +20661010 Dataproducts has since started a restructuring, and has said it is not for sale. +20662001 Jayark Corp. agreed to pay $4 million in cash, $2 million of 12% convertible debentures, and 1.6 million common shares to acquire closely held Kofcoh Imports Inc. +20662002 In over-the-counter trading Friday, Jayark was quoted at 87.5 cents bid, down 15.625 cents. +20662003 At the market price, the transaction has a total indicated value of $7.4 million. +20662004 Kofcoh is a New York holding company for Rosalco Inc., which imports furniture and other items. +20662005 David L. Koffman, president and chief executive officer of Jayark, holds about 40% of Kofcoh, Jayark said. +20662006 Jayark, New York, distributes and rents audio-visual equipment and prints promotional ads for retailers. +20662007 In the quarter ended July 31, Jayark had an average of 5.6 million shares outstanding. +20662008 The transaction is subject to approval by a panel of disinterested directors, the company said, adding that shareholder approval isn't needed. +20663001 Ajinomoto Co., a Tokyo-based food-processing concern, said net income in its first half rose 8.9% to 8.2 billion yen ($57.7 million) from 7.54 billion yen a year earlier. +20663002 Sales in the six months ended Sept. 30 were up 4.5% to 229.03 billion yen from 219.27 billion yen. +20663003 Sales were higher in all of the company's business categories, with the biggest growth coming in sales of foodstuffs such as margarine, coffee and frozen food, which rose 6.3%. +20663004 Oils and fats also did well, posting a 5.3% sales increase. +20663005 Sales in the category that includes pharmaceuticals, amino acids and chemicals rose 4.7%. +20663006 Ajinomoto predicted sales in the current fiscal year ending next March 31 of 480 billion yen, compared with 460.05 billion yen in fiscal 1989. +20663007 It said it expects full-year net of 16 billion yen, compared with 15 billion yen in the latest year. +20664001 The New York Mercantile Exchange, the world's chief oil futures marketplace, is at a critical juncture. +20664002 Several longtime observers of the commodities industry think the fortunes of the Merc over the next decade will be determined to a large extent by how well its new natural gas futures contract does and how successful its new president is in raising the level of compliance by floor traders with exchange and Commodity Futures Trading Commission rules. +20664003 If the exchange falters in these moves, they say, it might once again fall behind its chief New York competitor, the Commodity Exchange. +20664004 On Friday, the Merc's board announced that it had approved Sabine Pipe Line Co.'s Henry Hub in Erath, La., as the delivery site for its long-awaited natural gas futures contract. +20664005 It also said that it would start trading the contract as soon as the CFTC approved it. +20664006 The CFTC has 90 days to respond to such applications. +20664007 The Merc first started working on developing this contract in 1984. +20664008 Only three weeks earlier, the Merc had turned to one of its own executives, 40-year-old R. Patrick Thompson, to replace Rosemary T. McFadden as president. +20664009 Mr. Thompson is believed to have a mandate from the board of directors to help improve the Merc's tarnished reputation as an exchange whose floor traders don't follow the rules very well. +20664010 Ms. McFadden had been forced out in July in a bitter power struggle with Z. Lou Guttman, chairman and a longtime floor trader on the exchange. +20664011 Mr. Guttman told one person familiar with the New York exchanges during the search for a replacement that he was looking for a president who would be "responsive to the needs of the membership and the board." +20664012 Mr. Thompson first came to the exchange in 1981 and has been executive vice president since March 1988. +20664013 He previously held posts of senior vice president of compliance and senior vice president and general counsel. +20664014 By contrast, the Comex in July imported a highly regarded outsider, Arnold F. Staloff, as its president. +20664015 Mr. Staloff, 44, was a senior officer of the Philadelphia Stock Exchange and is considered a specialist in new financial products. +20664016 Mr. Thompson isn't bereft of experience with new products, however. +20664017 For the past two years, he said, he and the exchange's research department have been working on the new natural gas contract, seeking a good delivery site and studying the natural gas market. +20664018 "Our members are eager to begin trading this contract, so we expect no difficulty in attracting locals to the natural gas pit," he said. +20664019 The educational effort of teaching companies in the natural gas industry how to use the futures to hedge would have to continue for another a year or two, he added. +20664020 The Merc's extremely successful contracts in crude oil, gasoline and heating oil have made it the largest futures exchange in New York, and third behind the Chicago Board of Trade and Chicago Mercantile Exchange. +20664021 In a recent interview, Mr. Thompson said the biggest problem facing all commodity exchanges was one of image. +20664022 Earlier this year, the U.S. attorney indicted 45 floor traders and one clerk at the two big Chicago exchanges. +20664023 Federal authorities in New York started investigating exchanges in May, though no indictments have been handed down there. +20664024 So far they have issued scores of subpoenas, some of which went to members of the New York Merc. +20664025 Mr. Thompson will have to face some of the consequences of those subpoenas. +20664026 In a recent General Accounting Office study, the Merc was found to have been the most lax in enforcing exchange rules. +20664027 It levied the smallest number of suspensions of traders and fines of the four largest commodity exchanges studied over the past five years. +20664028 It also had both the fewest, and least experienced, investigators per million contracts traded. +20664029 The Merc received considerable criticism in 1987 when it was discovered that its compliance director, Kevin P. Conway, who then was responsible for policing the exchange's busy oil and metal pits, "was engaged in other personal business activities on Exchange time," including out-of-state trips, according to a New York Merc report prepared last year. +20664030 Mr. Conway is no longer at the exchange. +20664031 "We had a management breakdown in 1987 in terms of compliance," Mr. Thompson says. +20664032 "We recognized the problem and took care of it." +20664033 He says that even if the natural gas contract boosts volume at the exchange strongly, the 1990 business plan calls for having adequate compliance people to ensure that exchange rules are being followed. +20664034 For years the five New York exchanges have been talking about cooperating in various aspects of their business in order to improve the efficiency of their operations. +20664035 Periodically, there has even been talk of mergers between one or more exchanges. +20664036 So far there is little to show for such efforts. +20664037 Mr. Thompson believes the case for working together is stronger now than ever. +20664038 "The cost of competition has become extremely high," he says. +20664039 "We must find ways to save money for the futures commission merchants who do business on our exchanges." +20664040 He thinks that progress in cooperation can be made in areas where no vested interests have built up. +20664041 One of those areas is the development of a hand-held electronic device that would permit floor traders to enter trades as they make them. +20664042 The GAO has recommended the creation of a system to record trade data so that an independent, verifiable audit trail can be established to prevent customer fraud. +20664043 The Merc is now cooperating with the Comex in developing such a device to provide such an audit trail. +20664044 The Chicago exchanges also are working on such a device. +20664045 Another major electronics problem faces Mr. Thompson -- the creation of a 24-hour trading system that can be used outside normal trading hours. +20664046 In January, the New York Merc signed a letter of intent with the Chicago Merc as a preliminary step to joining their electronic system called Globex. +20664047 But in May, the Chicago Merc said it was looking into creating a common system with the Chicago Board of Trade, and it suspended negotiations with the New York Merc. +20664048 Mr. Thompson says his exchange isn't waiting for the results of the Chicago exchanges' cooperation. +20664049 It recently began a pilot program to test an electronic trading system called ATS/2, the automated trading system created by the International Commodities Clearing House. +20664050 Looking ahead to commodity markets this week: +20664051 Copper +20664052 Michael Frawley, metals trader for PaineWebber Inc. in New York, said there is good technical support between $1.10 and $1.12 a pound for December copper, which ended Friday at $1.1580 a pound, up 1.6 cents. +20664053 He views the $1.10 to $1.12 range as a buying opportunity and considers the market oversold. +20664054 "I think the market could pop up to the $1.22 to $1.25 level without too much difficulty," he said. +20664055 But he said it won't climb further and he expects it to remain in a trading range between $1.10 and $1.25. +20664056 He noted that the equity markets will set the tone for the industrial metals this week and traders should keep an eye on Wall Street. +20664057 William O'Neill, research director for Elders Futures Inc. in New York, said for a rally to occur, there must be demand from the Far East. +20664058 He added that talk of strike settlements at producing mines has been fully discounted. +20664059 However, to resume the bull trend, according to Mr. O'Neill, copper would have to close over $1.19. +20664060 He said there are two reports this week that might affect prices: the purchasing managers report on Wednesday and the unemployment report on Friday. +20664061 Precious Metals +20664062 Friday's strong price gains confirmed a turnaround in the precious metals markets, according to PaineWebber's Mr. Frawley. +20664063 "Most traders will be looking to buy {on} pullbacks," he said. +20664064 He thought the moves in the metals last week were most influenced by the uncertainty in the equity and other financial markets. +20664065 According to Mr. Frawley, floor traders say there is good support for December gold in the $374 to $375 per ounce area, around $5.20 an ounce for December silver and in the $485 to $490 an ounce range for January platinum. +20664066 William O'Neill, research director for Elders Futures Inc. in New York, said the price action for all of last week is the best he has seen on a weekly basis in more than a year. +20664067 He said last week's activity in gold could portend a move to $390 an ounce for the December contract. +20664068 He also said traders should keep an eye on the stock market, because "if the stock market rallies, that could spell trouble for the precious metals." +20664069 He said traders should be on the lookout for how metals producers react to this rally. +20664070 "I expect to see some selling, but will they kill this one as they have every rally in the recent past" by selling and locking in prices for their production? +20664071 He noted that for the first time in months there was some light investor interest in the metals. +20664072 Grains And Soybeans +20664073 Prices this week will likely be dominated by reports on the progress of the corn and soybean harvest as well as by speculation about more purchases of U.S. crops by the Soviet Union. +20664074 In recent weeks, warm and dry weather has sped the Midwest harvest and that is permitting farmers to rebuild the stockpiles that were cut by the 1988 drought. +20664075 If the weather allowed farmers to work in their fields over the weekend, many Midwest grain elevators will probably sell futures contracts today at the Chicago Board of Trade in order to hedge their weekend purchases from farmers. +20664076 That selling of futures contracts by elevators is what helps keep downward pressure on crop prices during the harvest. +20664077 Traders will also watch for whether the Soviet Union continues its traditional fall buying of U.S. grain. +20664078 So far this month, the Soviets have bought about 7.2 million metric tons of U.S. corn. +20664079 There may be some activity in soybean prices this week as investors try to get rid of the contract for November delivery. +20664080 Investors usually don't want to take physical delivery of a contract, preferring instead to profit from its price swings and then end any obligation to take delivery or make delivery as it nears expiration. +20665001 Employees of the Globe and Mail, a Thomson Corp. newspaper in Toronto, voted to accept a tentative contract agreement Saturday, averting a strike at Canada's leading daily. +20665002 Under the terms of the three-year contract, similar to one reached at Torstar Corp.'s Toronto Star newspaper earlier this month, the 500 Globe and Mail workers will see a raise of 8% in the contract's first year and 7% in each of the following two years. +20665003 Lorne Slotnick, vice chairman of the Southern Ontario Newspaper Guild, the union representing the workers, said Thomson made significant concessions in the final round of talks. +20665004 In addition to wage increases, the union negotiated improved vacation plans, benefit packages and pension plans, Mr. Slotnick said. +20665005 He said more than 70% of the bargaining unit voted in favor of the agreement. +20666001 Wall Street is just about ready to line the bird cage with paper stocks. +20666002 For three years, a healthy economy and the export-boosting effects of a weak dollar propelled sales and earnings of the big paper companies to record levels. +20666003 As the good times rolled they more than doubled their prices for pulp, a raw material used in all sorts of paper, to $830 a metric ton this past spring from $380 a ton at the start of 1986. +20666004 But now the companies are getting into trouble because they undertook a record expansion program while they were raising prices sharply. +20666005 Third-quarter profits fell at several companies. +20666006 "Put your money in a good utility or bank stock, not a paper company," advises George Adler of Smith Barney. +20666007 Other analysts are nearly as pessimistic. +20666008 Gary Palmero of Oppenheimer & Co. expects a 30% decline in earnings between now and 1991 for "commodity-oriented" paper companies, which account for the majority of the industry. +20666009 Robert Schneider of Duff & Phelps sees paper-company stock prices falling 10% to 15% in 1990, perhaps 25% if there's a recession. +20666010 Paper companies concede that business has been off recently. +20666011 But they attribute much of the weakness to customer inventory reductions. +20666012 Generally they maintain that, barring a recession and a further strengthening of the dollar against foreign currencies, the industry isn't headed for a prolonged slump. +20666013 "It won't be an earthshaking drop," a Weyerhaeuser spokesman says. +20666014 Last week Mr. Adler lowered his rating from hold to "avoid" on Boise Cascade, Champion International, Great Northern Nekoosa, International Paper, Louisiana Pacific and Weyerhaeuser. +20666015 Oppenheimer's Mr. Palmero, meanwhile, is steering clear of Gaylord Container, Stone Container and Federal Paper Board. +20666016 Mr. Schneider is cool to Georgia Pacific and Abitibi-Price. +20666017 Lawrence Ross of PaineWebber would avoid Union Camp. +20666018 The companies in question believe the analysts are too pessimistic. +20666019 Great Northern Nekoosa said, "The odds of the dire predictions about us being right are small." +20666020 International Paper emphasizes that it is better positioned than most companies for the coming overcapacity because its individual mills can make more than one grade of paper. +20666021 A Boise-Cascade spokesman referred to a speech by Chairman John Fery, in which he said that markets generally are stable, although some risk of further price deterioration exists. +20666022 Stone Container Chairman Roger Stone said that, unlike for some other paper products, demand for Stone's principal commodity, unbleached containerboard, remains strong. +20666023 He expects the price for that product to rise even more next year. +20666024 Gaylord Container said analysts are skeptical of it because it's carrying a lot of debt. +20666025 Champion International said, "We've gotten our costs down and we're better positioned for any cyclical downturn than we've ever been." +20666026 Louisiana Pacific and Georgia Pacific said a number of other analysts are recommending them because of their strong wood-products business. +20666027 Federal Paper Board said, "We're not as exposed as the popular perception of us." +20666028 The company explained that its main product, bleached paperboard, which goes into some advertising materials and white boxes, historically doesn't have sharp price swings. +20666029 Because the stock prices of some paper companies already reflect an expected profit slump, PaineWebber's Mr. Ross says he thinks that next year the share prices of some companies may fall at most only 5% to 10%. +20666030 A company such as Federal Paper Board may be overly discounted and looks "tempting" to him, he says, though he isn't yet recommending the shares. +20666031 Wall Street isn't avoiding everything connected with paper. +20666032 Mr. Palmero recommends Temple-Inland, explaining that it is "virtually the sole major paper company not undergoing a major capacity expansion," and thus should be able to lower long-term debt substantially next year. +20666033 A Temple-Inland spokesman said the company expects record earnings in 1989, and "we're still pretty bullish" on 1990. +20666034 The analysts say their gloomy forecasts have a flip side. +20666035 Some take a warm view of consumer-oriented paper companies, which buy pulp from the commodity producers and should benefit from the expected declines in pulp prices. +20666036 Estimates on how much pulp prices will fall next year currently run between $150 and $250 a metric ton. +20666037 Analysts agree that the price drop should especially benefit the two big tissue makers, Scott Paper and Kimberly-Clark. +20666038 A spokesman for Scott says that assuming the price of pulp continues to soften, "We should do well. +20667001 Shoney's Inc. said it will report a write-off of $2.5 million, or seven cents a share, for its fourth quarter ended yesterday. +20667002 The restaurant operator cited transaction costs from its 1988 recapitalization as a result of a $160 million restructuring of its bank debt. +20667003 The write-off will be reported as an extraordinary item in the company's 1989 operating results. +20667004 In addition, the effective interest rate on the $410 million of total remaining bank debt after the restructuring is 10.66%. +20667005 The combined effect of these changes is expected to save the company about $4 million in interest expenses next year, or six cents a share. +20667006 Shoney's said the latest restructuring affected bank indebtedness that was incurred to finance $585 million of the company's $728 million recapitalization that took place in +20667007 The company has made payments of $175 million against the original $585 million of bank debt incurred in connection with the recapitalization. +20667008 These payments consisted of $54 million in scheduled payments and $121 million in prepayments, funded by $82.8 million from operating cash flow, zero-coupon subordinated debt and assets sales. +20668001 ABB Asea Brown Boveri B.V. said it signed a contract for the largest-ever power plant order in the Netherlands. +20668002 ABB said the contract, signed with the Dutch utility N.V. Energieproduktiebedrijf UNA, is valued in excess of $200 million. +20668003 The accord is for a turbogenerator plant at the coal-fired power station Hemweg in Amsterdam. +20668004 ABB Asea Brown Boveri is the Dutch unit of the Swedish-Swiss electrical engineering group ABB Asea Brown Boveri AG. +20668005 ABB said a significant portion of the order will be placed with Dutch subcontractors, adding that a group has been set up for this purpose. +20668006 The Dutch utility firm serves the Amsterdam and Utrecht areas. +20668007 The planned turbogenerator plant is expected to go into operation in 1994. +20669001 Nissan Motor Co. expects net income to reach 120 billion yen (U.S. $857 million) in its current fiscal year, up from 114.6 billion yen in the previous year, Yutaka Kume, president, said. +20669002 Mr. Kume made the earnings projection for fiscal 1990, ending next March 31, in an interview with U.S. automotive writers attending the Tokyo Motor Show. +20669003 The executive said that the anticipated earnings increase is fairly modest because Nissan is spending heavily to bolster its dealership network in Japan and because of currency-exchange fluctuations. +20669004 During the next decade, Mr. Kume said, Nissan plans to boost overseas vehicle production sufficiently to account for a majority of sales outside Japan. +20669005 Last year, Mr. Kume said, Nissan exported slightly over one million vehicles, and produced 570,000 cars and trucks at its factories in North America, Europe and Australia. +20669006 But by 1992, he added, Nissan will build one million vehicles a year outside Japan, or sufficient to equal exports. +20669007 "By the end of the 1990s," he said, "we want to be producing roughly two vehicles overseas for every vehicle that we export from Japan." +20669008 That will involve a substantial increase in overseas manufacturing capacity, he acknowledged, but didn't provide specific details. +20670001 National Intergroup Inc. said it expects to report a charge of $5.3 million related to the sale of its aluminum unit's extrusion division for the third quarter. +20670002 The company said it has agreed to sell the extrusion division for $15 million to R.D. Werner Co., a closely held firm based in Greenville, Pa. +20670003 The charge is offset by an after-tax gain of about $30 million in the quarter from the previously announced pact to sell National Aluminum's rolling division. +20670004 National Intergroup in the year-ago third quarter earned $22.5 million, or 97 cents a share, including a gain of $18 million from the sale of a steel tube company. +20670005 Revenue was $778.6 million. +20670006 The company also said it continues to explore all options concerning the possible sale of National Aluminum's 54.5% stake in an aluminum smelter in Hawesville, Ky. +20670007 The sale of the extrusion division is subject to audit adjustments for working capital changes through the closing. +20670008 The agreement also provides for potential payments of additional proceeds to National Aluminum over the next two years, depending on the plant's shipping levels. +20670009 The extrusion unit produces bare and painted custom extrusions for building products and construction industries. +20670010 In fiscal 1989, it had sales of about $40 million and an operating loss of $1.5 million. +20671001 The municipal bond market is bracing for tough times through the end of the year as it struggles to absorb an oversupply of bonds and two of its best customers turn into sellers. +20671002 Commercial banks and property/casualty insurers, which together own about 36% of all municipal bonds, have been dumping their securities for weeks. +20671003 Last week, traders said, there were three institutional sellers for every buyer. +20671004 "Every day we're getting new bid lists" from would-be sellers, one trader said. +20671005 "Most dealers cannot continue to absorb this supply." +20671006 As a result, yields on long-term muni bonds now stand at about 95% of long-term Treasury yields, the highest such level in more than two years. +20671007 "There is incredible negative psychology building in the market," said Donna Avedisian, a vice president at Merrill Lynch & Co. +20671008 "People are very concerned about who is going to step up to the plate and buy municipal bonds in the absence of institutional buyers." +20671009 The yield on a group of 25 revenue bonds compiled by the Bond Buyer, a trade publication, now exceeds 7.50%. +20671010 At this week's New York City bond sale, traders expect yields on the 20-year New York bonds to nearly match the 7.9% yield on 30-year Treasury bonds. +20671011 For an investor in the 28% federal tax bracket, 7.9% tax-free is the same as 10.38% on a taxable investment. +20671012 That's a taxable-equivalent yield nearly three percentage points more than the current yield on 30-year Treasury bonds. +20671013 How quickly things change. +20671014 This past summer, investors' appetite for municipal bonds seemed insatiable. +20671015 Individuals eager for tax-free income drove up bond prices, making state and local government debt one of the best-performing types of fixed-income investments during the period. +20671016 But while analysts say that municipal bonds still offer good value, you wouldn't know it by the way institutional investors are rushing to dump their holdings. +20671017 Bond market analysts say the institutional selling was triggered by several factors. +20671018 Big banks such as Chemical Bank and Chase Manhattan, which have been taking heavy charges to expand their Third World loan-loss reserves, aren't looking for tax-exempt income. +20671019 "We don't need the shelter of tax-free bonds," said a spokeswoman at Chemical. +20671020 In recent weeks, traders said, Chemical has sold more than $1 billion of tax-free bonds. +20671021 The spokeswoman confirmed that the bank has significantly reduced its muni holdings, but couldn't immediately confirm the amount. +20671022 Insurance companies are rushing to sell before the end of the year, when some of their tax benefits associated with municipal bonds will be phased out. +20671023 There is speculation that property/casualty firms will sell even more munis as they scramble to raise cash to pay claims related to Hurricane Hugo and the Northern California earthquake. +20671024 Fundamental factors are at work as well. +20671025 Muni bond holders are worried about the impact of a slowing economy on tax revenue, at a time when many state and local governments already face budget deficits and huge spending needs. +20671026 The recent natural disasters, and the need of many other cities to rebuild crumbling infrastructure, suggests that supply of new issues will continue to rise sharply -- even as demand tapers off. +20671027 "There is just so much going on that it's difficult to pick just one factor that's driving the market," said Ronald Ian Heller, vice president at First Chicago Capital Markets Inc., a subsidiary of First Chicago Corp. +20671028 Some of the recent selling could actually be considered a positive sign. +20671029 Mutual funds, for example, are said to be selling existing municipal bonds to raise cash to buy new issues. +20671030 Because municipal bonds yields have risen at a time when interest rates generally have fallen, some portfolio managers are assuming that bonds bought now will appreciate in value as the municipal bond market rebounds. +20671031 Ms. Avedisian believes that the mutual funds are selling muni bonds that have a negative convexity -- those that have appreciated in price slowly relative to the decline in interest rates. +20671032 Such bonds, she says, are those that are nearing their call date. +20671033 But traders said the market's tone could pick up this week if New York City's $787 million bond offering goes well. +20671034 The offering will include $729 million of 20-year tax-exempt bonds and $57.8 million of taxable bonds. +20671035 A few weeks ago, New York sold $750 million of tax-exempts. +20671036 New York City bonds have been beaten down for three straight weeks. +20671037 On Friday, some issues fell nearly one point, or close to $10 for each $1,000 face amount. +20671038 The sell-off in New York City bonds was triggered by concerns about the city's financial health and political uncertainty in view of the impending mayoral election. +20671039 The city's economy is growing weaker and expenditures are rising as tax revenue is falling. +20671040 "The city has issued so much supply recently that some people are getting a little concerned. +20671041 They'd like to see some other names in their portfolios," said Michael S. Appelbaum, first vice president at Shearson Lehman Hutton. +20671042 But he thinks investors may be overreacting to the market's problems. +20671043 Overall, he says, municipal prices are "very cheap" and represent an "excellent buying opportunity." +20671044 Friday's Market Activity +20671045 Treasury bonds fell sharply on confusion about this week's Treasury debt auction and rumors that a major Japanese investor was unloading large amounts of long-term bonds. +20671046 The Treasury's benchmark 30-year bond ended at a price of 102 2/32, down nearly 5/8 point from Thursday, or about $6.25 for each $1,000 face amount. +20671047 The issue's yield rose to 7.93% from 7.88%. +20671048 Late Thursday, the Treasury said it needed to raise $17 billion quickly and would do so by issuing new securities this week. +20671049 Credit market analysts expected the Treasury to cancel today's three-month and six-month sale and to sell $17 billion of cash management bills. +20671050 Instead, the Treasury announced it would sell $2 billion of 51-day cash management bills today and said that the weekly sale of $15.6 billion of three-month and six-month bills will take place today, as usual, but the sale will settle tomorrow instead of Thursday. +20671051 By moving the settlement date ahead, the Treasury can raise money under the $2.87 trillion debt ceiling that is in effect through tomorrow, after which it reverts to $2.8 trillion. +20671052 The market also was hurt by rumors that Nippon Kangyo Kakumaru, a Japanese brokerage firm, was unloading some of the 30-year bonds it recently purchased. +20671053 One dealer said the talk was that the firm sold about $500 million of bellwether 30-year bonds. +20671054 The firm is thought to have purchased up to $3 billion of 30-year bonds in a buying spree on Wednesday and the previous Thursday. +20671055 Dealers say the firm apparently has wanted to publicize its recent buying and subsequent selling of 30-year bonds by using Cantor Fitzgerald Securities Corp. as a broker. +20671056 Cantor provides price quotes to Telerate Systems Inc., a widely used electronic system. +20671057 Nippon Kangyo's moves puzzled traders and created confusion among potential investors, many of whom decided to stay out of the market. +20671058 As a result of its large-scale buying, some analysts now say that liquidity, or the ability to easily buy and sell, has been constrained in the benchmark Treasury bond issue. +20671059 In other markets: +20671060 -- The junk bonds of RJR Nabisco Inc. rallied Friday on news that the company is selling its candy bar brands to Nestle Foods Corp. for $370 million. +20671061 The sale price, which was above Wall Street expectations, sent many RJR securities up by one point. +20671062 "It shows that there are buyers of high-quality assets at high prices in today's market," said Robert Long, managing director and head of the high-yield research department at First Boston Corp. +20671063 Many of the RJR securities, which had been trading near their 52-week lows earlier in the session, bounced back after the company's announcement that it agreed to sell its Baby Ruth, Butterfinger and Pearson candy businesses to Nestle Foods, a unit of the Swiss-based food concern. +20671064 The sale, expected to close before the end of the year, also includes a manufacturing plant in Franklin Park, Ill. +20671065 RJR's subordinated discount debentures of 2001, which traded as low as 45 Friday, finished the day at 46 7/8. +20671066 Other RJR securities also closed higher. +20671067 RJR Holdings Capital Corp.'s 14.7% convertible pay-in-kind securities maturing in 2009 closed 1/2 higher at 86 1/2 after trading as low as 85 1/4. +20671068 Most other junk bond issues finished a quarter-point lower on rumors that Campeau Corp. was filing for protection from creditors under Chapter 11 of the Bankruptcy Code. +20671069 A spokesman for Campeau called the rumors "ridiculous." +20671070 Most investment-grade bonds fell 3/8 to 1/2 point. +20671071 -- Mortgage securities fell 7/32 to 8/32 but held up better than intermediate Treasurys. +20671072 Dealers said some defensive investors were buyers of mortgages, as were dealers seeking collateral for REMICs priced earlier last week. +20671073 Among major issues, Government National Mortgage Association 9% securities for November delivery ended at 98 12/32, down 8/32 point for a yield of about 9.35% to a 12-year average life assumption. +20672001 The premium the elderly pay for coverage of doctor's bills under Part B of the Medicare health insurance plan will rise to $29 a month in 1990 from $27.90, the Department of Health and Human Services said. +20672002 In addition, a second Part B premium to cover the cost of the new program of insurance against catastrophic illness will rise to $4.90 a month from $4, if Congress doesn't change the program. +20672003 The House has voted to repeal most of the Catastrophic Coverage Act of 1988, however, which would end the monthly catastrophic-care premium, as well as an unpopular income surtax paid by about 40% of the wealthier Medicare beneficiaries. +20672004 Under a less-sweeping Senate plan, the catastrophic-care monthly premium would continue, rising to $4.90 next year, but the surtax would be abolished. +20672005 Medicare Part B pays 80% of a beneficiary's allowable doctor's bills after an annual deductible of $75. +20672006 The Catastrophic Coverage Act would add a stop-loss provision next year to limit the maximum beneficiaries must pay for doctors. +20672007 Both the House and Senate bills to reduce the cost and coverage of the catastrophic-care plan would eliminate the cap on doctor's bills. +20672008 If the House prevails in its efforts to kill the catastrophic-care plan, the monthly Part B premium will be $29 next year. +20672009 If the Senate plan prevails, the premium will be $33.90, with the additional $4.90 going to pay for expanded hospital coverage under Part A of Medicare. +20672010 Most of Part A's costs are paid by a payroll tax on workers and employers. +20673001 Lockheed Corp. said it will trim its Aeronautical Systems work force in California and Georgia by several hundred workers, reflecting the defense industry's decline. +20673002 The Lockheed unit has 24,000 workers; it expects to make the cuts through a combination of furloughs, attrition and retirements. +20673003 The reductions should be complete by the end of the year, a spokesman said, adding that the exact number to be cut hasn't been determined. +20673004 Lockheed reported a $32 million third-quarter net loss, largely because of cost overruns on fixed-price military contracts. +20673005 Noting that other defense contractors are complaining of losses on such contracts, analysts say taxpayers have been getting illusionary bargains on weapons systems in recent years. +20673006 Defense contractors "cannot continue to get contracts on that basis," said Howard Rubel, an analyst with C.J. Lawrence, Morgan Grenfell Inc. in New York. +20673007 "The pain is too great. +20674001 Jim Pattison Industries Ltd., one of a group of closely held companies owned by entrepreneur James Pattison, said it "intends to seek control" of 30%-owned Innopac Inc., a Toronto packaging concern. +20674002 Jim Pattison Industries, a holding company with annual sales of about C$1.9 billion, largely from car dealerships and grocery stores, didn't elaborate on the statement, and a company official declined further comment. +20674003 The company said it currently holds about 4.2 million of Innopac's 13.8 million common shares outstanding, which have an aggregate market value of about 137.8 million Canadian dollars (US$117.3 million). +20674004 Separately, Innopac reported a fourth-quarter loss of about C$2.6 million, or 18 Canadian cents a share, reflecting inventory write-downs. +20674005 The results made net income for the year ended Aug. 31 C$2.7 million, or 20 Canadian cents a share, down from C$9.7 million, or 70 Canadian cents a share last year. +20674006 Revenue was C$291.6 million, up from C$252 million in 1988. +20674007 Martin Fabi, Innopac's president and chief executive, said Innopac viewed Mr. Pattison's decision to seek control as a "very positive" move. +20674008 "I'm happy that he feels positively about our company," he said. +20674009 Mr. Fabi wouldn't say directly whether Mr. Pattison has disclosed potential terms for his planned bid for control. +20674010 Among other things, Innopac is involved in recycling polystyrene foam products that are often used by fast food chains, such as McDonald's Corp., for food packaging. +20674011 A joint venture involving units of Innopac and Mobil Corp. earlier this year opened the first U.S. polystyrene recycling plant, in Leominster, Mass. +20675001 PROGRAM TRADING is being curbed by more securities firms, but big institutional investors are expected to continue the practice, further roiling the stock market. +20675002 Bowing to criticism, Bear Stearns, Morgan Stanley and Oppenheimer joined PaineWebber in suspending stock-index arbitrage trading for their own accounts. +20675003 Still, stock-index funds are expected to continue launching big programs through the market. +20675004 Several Big Board firms are organizing to complain about program trading and the exchange's role in it. +20675005 The effort is being led by Contel. +20675006 Personal spending rose 0.2% in September, the smallest gain in a year. +20675007 The slowdown raises questions about the economy's strength because spending fueled much of the third-quarter GNP growth. +20675008 Meanwhile, personal income edged up 0.3%. +20675009 Factory owners are buying new machinery at a healthy rate this fall, machine-tool makers say. +20675010 But weak car sales raise questions about future demand from the auto sector. +20675011 Southern's Gulf Power unit may plead guilty this week to charges it illegally steered company money to politicians through third parties. +20675012 The tentative pact would resolve part of a broad investigation of the Atlanta-based company in the past year. +20675013 LIN Broadcasting and BellSouth sweetened their plan to merge cellular phone operations, offering LIN holders a special $42-a-share payout. +20675014 But the new pact will force huge debt on the new firm and could still fail to thwart rival suitor McCaw Cellular. +20675015 Unisys posted a $648.2 million loss for the third quarter as it moved quickly to take write-offs for various problems and prepare for a turnaround. +20675016 But some analysts wonder how strong the recovery will be. +20675017 RJR Nabisco agreed to sell three candy businesses to Nestle for $370 million. +20675018 The accord helps RJR pay off debt and boosts Nestle's 7% share of the U.S. candy market to 12%. +20675019 GM and Ford are expected to go head to head in the markets to buy up rival 15% stakes in Jaguar. +20675020 GM confirmed it received U.S. antitrust clearance to boost its holding. +20675021 Sansui Electric agreed to sell a 51% stake to Polly Peck of Britain for $110 million. +20675022 Still, analysts said the accord doesn't suggest Japan is opening up to more foreign takeovers. +20675023 Kellogg suspended work on a $1 billion cereal plant, indicating a pessimistic outlook by the cereal maker, which has been losing market share. +20675024 Insurers could see claims totaling nearly $1 billion from the San Francisco earthquake, far less than the $4 billion from Hurricane Hugo. +20675025 Nashua strengthened its poison-pill plan after announcing a Dutch firm is seeking to buy up to 25% of the New Hampshire copier company. +20675026 Mobil is cutting back its U.S. oil and gas exploration and production group by up to 15% as part of a restructuring of the business. +20675027 Markets -- +20675028 Stocks: Volume 170,330,000 shares. +20675029 Dow Jones industrials 2596.72, off 17.01; transportation 1190.43, off 14.76; utilities 215.86, up 0.19. +20675030 Bonds: Shearson Lehman Hutton Treasury index 3406.31, off +20675031 Commodities: Dow Jones futures index 129.49, up 0.27; spot index 130.80, off 0.24. +20675032 Dollar: 141.65 yen, off 0.45; 1.8300 marks, off 0.0100. +20676001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +20676002 Thomas Jefferson sold Congress on the idea of the decimal system for currency, thus saving Americans the headaches of pounds, shillings and pence. +20676003 But he struck out with the decimal system of metric weights and measures the French had invented. +20676004 Instead, Congress opted for the inches, feet and yards the colonists had brought with them. +20676005 Americans didn't dislike metrics; they simply ignored them. +20676006 Scientists felt differently. +20676007 In 1807, the Swiss mathematician who headed the U.S. Coast and Geodetic Survey made an "iron meter" that he had brought from Europe the standard of measure. +20676008 By the end of the century scientists had embraced the system. +20676009 Businessmen took their cue from the engineers. +20676010 When Congress finally passed the Metric Conversion Act in 1975, industry was far ahead. +20676011 Because the law made compliance voluntary, it inspired little more than jokes. +20676012 (The press had a field day with questions about what would happen to "six-footer," "yardstick" and "inchworm.") +20676013 Today, though the public is barely aware, much of U.S. industry, particularly companies manufacturing or selling overseas, have made metrics routine. +20676014 General Motors, for example, uses metric terms for its automobile bodies and power trains. +20676015 (In auto advertising, however, items such as wheelbases are still described in inches.) +20676016 Farm-machine makers such as Caterpillar and Deere work in the metric system. +20676017 The liquor industry went metric 10 years ago. +20676018 The Pentagon has led the charge, particularly as military alliances spread world-wide. +20676019 New weapons systems will be around until the next century, notes John Tascher, the Defense Department's metric coordinator. +20676020 Still, like the auto makers, when dealing with Mr. Everyman the Pentagon sticks to the tried and true. +20676021 Soldiers and sailors are still measured in inches and pounds. +20677001 Whittle Communications L.P., which for months has fought a public relations battle with education leaders, said it has signed 500 schools in 24 states to subscribe to the controversial Channel One news program and its sister programs. +20677002 Channel One, a satellite-delivered daily program supported by advertising, is scheduled to be launched next March. +20677003 Whittle said its field staff signed up the 500 schools in 238 school districts after only eight weeks and company executives now expect to reach their start-up goal of 1,000 schools before the end of this year. +20677004 Christopher Whittle, chairman of the Knoxville, Tenn., media company that is 50% owned by Time Warner Inc., said that by December 1990 he expects to have Channel One installed in about 8,000 schools with a potential audience of six million. +20677005 Installation of the TV system, which includes providing free 19-inch TV sets in classrooms, begins in January. +20677006 "What we've done in eight weeks shows we won't have enormous difficulties getting to the place we want to be," said Mr. Whittle. +20677007 He said his sales force is signing up schools at the rate of 25 a day. +20677008 In California and New York, state officials have opposed Channel One. +20677009 Mr. Whittle said private and parochial schools in both states will be canvassed to see if they are interested in getting the programs. +20677010 Subscribing schools get the 12-minute daily Channel One news program, whose four 30-second TV ads during each show have drawn protests from educators. +20677011 Subscribers also get the Classroom Channel, which will feature ad-free educational programming similar to some public-TV shows, and the Educator's Channel, which will offer instructional programming for teachers and school administrators and will be supported by advertising. +20677012 Whittle has met some resistance. +20677013 The Educational Network, as Mr. Whittle has named the three programs, has been offered to 1,290 school districts and Whittle continues to negotiate with 919 districts. +20677014 About 10% of the school districts approached have rejected the network. +20677015 Mr. Whittle said that so far, three of the six schools that carried the program in a five-week test last spring have subscribed to the program. +20677016 One of the test schools, Withrow High School in Cincinnati, rejected the project. +20677017 John Bruner, associate director of communications for Cincinnati Public Schools, said Channel One was rejected because students watching the program didn't fare particularly better on a 28-question current events quiz than a control school without the program and school absences were almost unchanged during the period when the program was being aired. +20677018 "The number of correct responses was 45% on the test and school absences didn't change much," said Mr. Bruner. +20677019 "The pilot program was received well (by teachers and students), but there wasn't reason enough to sign up. +20677020 We even invited the public to stop by and see the program, but there wasn't much interest." +20677021 Advertisers are showing interest. +20677022 Last month, Whittle announced it had sold $150 million in advertising time on the network to national advertisers. +20677023 Mr. Whittle Friday said several more advertisers have been added. +20677024 Whittle is spending $150 million initially to launch the network. +20677025 Installation of satellite dishes, TVs and videocassette equipment will cost the company about $20,000 per school, Mr. Whittle said. +20678001 The following U.S. Treasury, corporate and municipal offerings are tentatively scheduled for sale this week, according to Dow Jones Capital Markets Report: +20678002 $15.6 billion of three-month and six-month bills. +20678003 $2 billion of 51-day cash management bills. +20678004 Associated Natural Gas Corp. -- 1.4 million common shares, via Dillon Read & Co. +20678005 B & H Crude Carriers Ltd. -- Four million common shares, via Salomon Brothers Inc. +20678006 Chemical Banking Corp. -- 14 million common shares, via Goldman, Sachs & Co. +20678007 Chemex Pharmaceuticals Inc. -- 1.2 million units consisting of two shares of common stock and one common warrant, via PaineWebber Inc. +20678008 Comcast Corp. -- $150 million convertible debentures, via Merrill Lynch Capital Markets. +20678009 Energy Service Co. -- 9.5 million common shares, via Alex. +20678010 Brown & Sons Inc. +20678011 Harmonia Bancorp Inc. -- 4,750,000 common shares, via Shearson Lehman Hutton Inc. +20678012 Healthsource Inc. -- Two million common shares, via Kidder, Peabody & Co. +20678013 Immune Response Corp. -- Three million common shares, via Merrill Lynch. +20678014 Marsam Pharmaceuticals Inc. -- 1.3 million common shares, via Smith Barney Harris Upham & Co. +20678015 Potash Corp. of Saskatchewan Inc. -- 13 million common shares, via Merrill Lynch. +20678016 Municipal +20678017 New Jersey Wastewater Treatment Trust -- $75,075,000 of various bonds, including $40.86 million Wastewater Treatment insured bonds, Series 1989A, and $34,215,000 Wastewater Treatment bonds, Series 1989B, via competitive bid. +20678018 Eastern Municipal Water District, Calif. -- $56,565,000 of 1989 certificates of participation (treatment plant projects), via competitive bid. +20678019 California Health Facilities Financing Authority -- $114 million of health facility revenue bonds (Catholic Healthcare West), Series 1989A, via a First Boston Corp. group. +20678020 Detroit -- $130 million of distributable state aid bonds, via a Chemical Securities Inc. group. +20678021 Maryland Community Development Administration, Department of Housing and Community Development -- $80 million of single-family program bonds, 1989 4th and 5th Series, via a Merrill Lynch group. +20678022 Matagorda County Navigation District No. 1, Texas -- $70,315,000 of pollution control revenue Alternative Minimum Tax (AMT) bonds (South Texas Project Units No. 1 and 2), via a Goldman Sachs group. +20678023 New York City -- $786,860,000 of bonds, Fiscal 1990 Series C and D, including $729.04 million tax-exempt bonds and $57.82 million taxable bonds, via a Goldman Sachs group. +20678024 Santa Ana Redevelopment Agency -- $107 million of tax allocation bonds, 1989 Series A-D, via a Donaldson Lufkin & Jenrette Securities Corp. group. +20678025 Pending Shelby County, Tenn. -- $80 million of refunding bonds, Series 1989, via a First Tennessee Bank group. +20679001 Hewlett-Packard Co. said it raised its stake in Octel Communications Corp. to 8.5% of the common shares outstanding. +20679002 In a Securities and Exchange Commission filing, Hewlett-Packard said it now holds 1,384,119 Octel common shares, including 100,000 shares bought from Aug. 26 to Oct. 20 for $23.31 to $24.25 a share. +20679003 Hewlett-Packard, a Palo Alto, Calif., computer company, said it acquired the stock "to develop and maintain a strategic partnership in which each company remains independent while working together to market and sell their products." +20679004 Octel said the purchase was expected. +20679005 Hewlett-Packard affirmed it doesn't plan to obtain control of Octel, a Milpitas, Calif., maker of voice-processing systems. +20679006 According to the filing, Hewlett-Packard acquired 730,070 common shares from Octel as a result of an Aug. 10, 1988, stock purchase agreement. +20679007 That accord also called for Hewlett-Packard to buy 730,070 Octel shares in the open market within 18 months. +20679008 In addition, Hewlett-Packard acquired a two-year option to buy an extra 10%, of which half may be sold directly to Hewlett-Packard by Octel. +20680001 Following is a weekly listing of unadited net asset values of publicly traded investment fund shares, reported by the companies as of Friday's close. +20680002 Also shown is the closing listed market price or a dealer-to-dealer asked price of each fund's shares, with the percentage of difference. +20680003 Closed End Bond Funds +20680004 Flexible Portfolio Funds +20680005 Specialized Equity and Convertible Funds +20680006 a-Ex-dividend. +20680007 b-As of Thursday's close. +20680008 c-Translated at Commercial Rand exchange rate. +20680009 e-In Canadian dollars. +20680010 f-As of Wednesday's close. +20680011 z-Not available. +20681001 Wham! Bam! +20681002 Twice in two weeks the unraveling of the on-again, off-again UAL buy-out slammed the stock market. +20681003 Now, stock prices seem to be in a general retreat. +20681004 Since peaking at 2791.41 on Oct. 9, the Dow Jones Industrial Average has lost 194.69 points, or 7%, closing Friday at 2596.72, down 17.01. +20681005 The number of issues falling on the New York Stock Exchange each day is eclipsing the number of gainers. +20681006 And the number of stocks hitting new lows far outstrips the number setting new highs. +20681007 But why should an iffy $6.79 billion leveraged buy-out deal shake the foundations of the entire stock market? +20681008 Opinions vary about how important the UAL deal was to the market's health, but analysts generally agree that the market gyrations created as the UAL plan crumbled revealed a fundamental change in investor psychology. +20681009 "If this had happened a few months ago when the atmosphere was still very positive it wouldn't have been greeted with anything like the impact it has had over the past two weeks," says Dennis Jarrett, a market strategist at Kidder Peabody. +20681010 There are, of course, analysts who view the near-panic that briefly swept through investors on Oct. 13 and again on Oct. 24 as momentary lapses of good judgment that have only temporarily undermined a healthy stock market. +20681011 Sure, price action is volatile and that's scary, but all-in-all stocks are still a good place to be, they suggest. +20681012 The reaction to the UAL debacle "is mindless," says John Connolly, chief market strategist at Dean Witter. +20681013 "UAL is a small deal as far as the overall market is concerned. +20681014 The only way you can make it a big deal is to draw linkages that just don't make sense." +20681015 He suggests, for example, that investors may have assumed that just because UAL couldn't get financing, no leveraged buy-outs can get financing. +20681016 Carried even further, some investors assumed that since leveraged buy-outs are the only thing propping up stock prices, the market would collapse if no more LBOs could be done. +20681017 "There will still be deals," argues Mr. Connolly. +20681018 "There may not be as many and the buyers may not get away with some of the things they've done in the past, but deals won't disappear." +20681019 He forecasts that the emphasis in mergers and acquisitions may soon return to what he calls "strategic deals, in which somebody is taking over a company not to milk the cash flow, but because it's a good fit." +20681020 And even without deals, Mr. Connolly figures the market would remain healthy. +20681021 He notes, for instance, that there hasn't been a merger or acquisition among the 30 stocks in the Dow Jones Industrial Average since 1986, yet that average only three weeks ago hit a record high. +20681022 "Those stocks are up because their earnings are up and their dividends are up," he says. +20681023 Even the volatility created by stock index arbitrage and other computer-driven trading strategies isn't entirely bad, in Mr. Connolly's view. +20681024 For the long-term investor who picks stocks carefully, the price volatility can provide welcome buying opportunities as short-term players scramble frantically to sell stocks in a matter of minutes. +20681025 "Who can make the better decision, the guy who has 10 seconds to decide what to do or the guy with all the time in the world?" he says. +20681026 "What on earth does the UAL deal have to do with the price of Walmart, which I was able to buy on Oct. 16 at a very attractive price?" +20681027 Kidder Peabody's Mr. Jarrett also sees some benefits to the stock market's recent drop. +20681028 "We've run into a market that was beginning to run out of steam and get frothy," he says. +20681029 "The balloon had been blown up so big that when somebody came along with a pin -- in this case the UAL deal -- we got a little pop." +20681030 The pop sobered up investors who had been getting a little too ebullient, says Mr. Jarrett. +20681031 "It provided an excuse for people to get back to reality and to look at the economic data, especially the third-quarter economic numbers, and to realize that we can't continue to gloss over what is going on in the junk bond market." +20681032 But he figures that at current levels the stock market is comfortably valued, even with the economy obviously slowing. +20681033 "Just because we've got some realism back in the market doesn't mean it's going lower from here," he says. +20681034 "The bottom line is that it's healthy to have this kind of sideways activity, especially after a 30% gain in stock values over the past 12 months." +20681035 He's now estimating that after a period of consolidation, the Dow Jones Industrial Average will once again forge new highs. +20681036 Maybe, maybe not. +20681037 Abby Joseph Cohen, a market strategist at Drexel Burnham Lambert, isn't nearly so sanguine about the market's chances of surging to new highs anytime soon. +20681038 Her view is that stock prices have three major props: merger and buy-out proposals, earnings and the economic outlook. +20681039 At current levels of economic activity and earnings, stocks are fairly valued, she says. +20681040 But any chance for prices to surge above fair value lies in the speculation that accompanies a vigorous merger and buy-out business, and UAL has obviously put a damper on that. +20681041 "Stocks aren't cheap anymore, there have been some judicial and legislative changes in the merger area and all of this changes the arithmetic of deals," she says. +20681042 "I'm not saying they've stopped altogether, but future deals are going to be structured differently and bids probably won't be as high." +20681043 But that's not the only problem for stocks. +20681044 The other two props -- earnings and the economic outlook -- are troubling, too. +20681045 "M&A is getting all the headlines right now, but these other things have been building up more gradually," she says. +20681046 Third-quarter earnings have been generally disappointing and with economic data showing a clear slowing, the outlook for earnings in the fourth quarter and all of 1990 is getting worse. +20681047 "There are a lot more downward than upward revisions and it looks like people are questioning corporate profits as a means of support for stock prices," she says. +20681048 With all this, can stock prices hold their own? +20681049 "The question is unanswerable at this point," she says. +20681050 "It depends on what happens. +20681051 If the economy slips into a recession, then this isn't a level that's going to hold." +20681052 Friday's Market Activity +20681053 Stock prices tumbled for a third consecutive day as earnings disappointments, a sluggish economy and a fragile junk bond market continued to weigh on investors. +20681054 The Dow Jones Industrial Average fell 17.01 points to 2596.72 in active trading. +20681055 Volume on the New York Stock Exchange totaled 170,330,000 shares. +20681056 Declining issues on the Big Board were far ahead of gainers, 1,108 to 416. +20681057 For the week the Dow Jones Industrial Average sank 92.42 points, or 3.4%. +20681058 Oil stocks escaped the brunt of Friday's selling and several were able to post gains, including Chevron, which rose 5/8 to 66 3/8 in Big Board composite trading of 2.4 million shares. +20681059 The stock's advance reflected ongoing speculation that Pennzoil is accumulating a stake in the company, according to Dow Jones Professional Investor Report. +20681060 Both companies declined to comment on the rumors, but several industry analysts told the Professional Investor Report they believed it was plausible that Pennzoil may be buying Chevron shares as a prelude to pushing for a restructuring of the company. +20681061 USX gained 1/2 to 33 3/8 on a report in Business Week magazine that investor Carl Icahn is said to have raised his stake in the oil and steel company to just about 15%. +20681062 Earlier this month, Mr. Icahn boosted his USX stake to 13.4%. +20681063 Elsewhere in the oil sector, Exxon rallied 7/8 to 45 3/4; Amoco rose 1/8 to 47; Texaco was unchanged at 51 3/4, and Atlantic Richfield fell 1 5/8 to 99 1/2. +20681064 Mobil, which said it plans to cut its exploration and production work force by about 8% in a restructuring, dropped 5/8 to 56 1/8. +20681065 The precious metals sector outgained other Dow Jones industry groups by a wide margin for the second consecutive session. +20681066 Hecla Mining rose 5/8 to 14; Battle Mountain Gold climbed 3/4 to 16 3/4; Homestake Mining rose 1 1/8 to 16 7/8; Lac Minerals added 5/8 to 11; Placer Dome went up 7/8 to 16 3/4, and ASA Ltd. jumped 3 5/8 to 49 5/8. +20681067 Gold mining stocks traded on the American Stock Exchange also showed strength. +20681068 Echo Bay Mines rose 5/8 to 15 7/8; Pegasus Gold advanced 1 1/2 to 12, and Corona Class A gained 1/2 to 7 1/2. +20681069 Unisys dropped 3/4 to 16 1/4 after posting a third-quarter loss of $4.25 a share, including restructuring charges, but other important technology issues were mixed. +20681070 Compaq Computer, which had lost 8 5/8 Thursday following a disappointing quarterly report, gained 5/8 to 100 5/8. +20681071 International Business Machines dropped 7/8 to 99 7/8. +20681072 Digital Equipment tacked on 1 1/8 to 89 1/8, and Hewlett-Packard fell 3/8 to 49 3/8. +20681073 Dividend-related trading swelled volume in Merrill Lynch, which closed unchanged at 28 3/8 as 2.7 million shares changed hands. +20681074 The stock has a 3.5% dividend yield and goes ex-dividend today. +20681075 Erbamont advanced 1 1/8 to 36 1/2 on 1.9 million shares. +20681076 Montedison, which owns about 72% of the company's common stock, agreed to buy the rest for $37 a share. +20681077 Himont, another majority-owned unit of Montedison, added 1 1/4 to 47 1/8. +20681078 Milton Roy jumped 2 to 18 3/8. +20681079 Crane said it holds an 8.9% stake in the company and may seek control. +20681080 Crane dropped 1 1/8 to 21 1/8. +20681081 Comprehensive Care, which terminated its agreement to merge with First Hospital, dropped 7/8 to 3 7/8. +20681082 The company's decision was made after First Hospital failed to obtain financing for its offer. +20682001 Federal investigators have identified the problem in last July's crash of a United Airlines flight in Iowa: a structural flaw that developed during the making of a titanium engine disk. +20682002 For several months, officials at the Federal Aviation Administration and the National Transportation Safety Board have suspected that a metallurgical flaw in the disk led to a crack that ultimately caused the tail engine to break apart in flight. +20682003 The explosion sent shards of metal flying, severing the DC-10's hydraulic or control systems, and led to the crash that killed 112 people. +20682004 But investigators could confirm their theory only after the recent retrieval of a big chunk of Flight 232's tail engine from a cornfield near the Sioux City Airport in Iowa. +20682005 The safety board will begin four days of hearings on the accident tomorrow in Sioux City. +20682006 Among the issues the board will examine is whether United Airlines, a unit of UAL Corp., should have been able to detect the cracks through maintenance checks. +20682007 The engine involved was a CF6-6 made by General Electric Co. +20682008 Anthony Broderick, the FAA's acting executive director for regulatory standards and compliance, said that recent tests of the failed engine disk indicate that a flaw -- known as "hard alpha" -- occurred in the titanium during its production almost 20 years ago. +20682009 He said there wasn't any way to detect the flaw at that time, and that the process has since been changed to decrease the chance that such flaws would occur. +20682010 The FAA already has ordered that all 232 disks made by the old process be removed from the planes and subjected to an ultrasonic test in a water-submersion chamber. +20682011 Such tests make the FAA confident that a Sioux City-type accident "won't happen again," said Mr. Broderick. +20682012 A spokesman for GE said that the company has been working with the FAA all along on this issue and "will comply fully with the required inspections." +20682013 But he also pointed out that the recalls will have no impact on GE's engine production. +20682014 The CF6-6 series engines aren't being manufactured any more; they are only being used in the DC-10 Series 10 planes currently in service, he said. +20683001 A frozen mountaintop in Tibet may offer an important clue about whether the Earth is warming perilously. +20683002 Researchers at Ohio State University and Lanzhou Institute of Glaciology and Geocryology in China have analyzed samples of glacial ice in Tibet and say temperatures there have been significantly higher on average over the past half-century than in any similar period in the past 10,000 years. +20683003 The ice samples are an important piece of evidence supporting theories that the Earth has warmed considerably in recent times, largely because of pollutants in the air, and will warm far more in the century ahead. +20683004 A substantial warming would melt some of the Earth's polar ice caps, raising the level of the oceans and causing widespread flooding of heavily populated coastal areas. +20683005 "If you can use data to reconstruct what happened in the past, you have much more confidence in predictions for the future," said Lonnie Thompson, a research scientist at Ohio State who dug for and analyzed the ice samples. +20683006 To compare temperatures over the past 10,000 years, researchers analyzed the changes in concentrations of two forms of oxygen. +20683007 These measurements can indicate temperature changes, researchers said, because the rates of evaporation of these oxygen atoms differ as temperatures change. +20683008 Analysis of ice from the Dunde ice cap, a glacial plateau in Tibet 17,000 feet above sea level, show that average temperatures were higher in 1937-87 than in any other 50-year period since before the last Ice Age, Mr. Thompson said. +20683009 Some climate models project that interior regions of Asia would be among the first to heat up in a global warming because they are far from oceans, which moderate temperature changes. +20683010 But the ice-core samples aren't definitive proof that the so-called greenhouse effect will lead to further substantial global heating, Mr. Thompson acknowledged. +20683011 According to greenhouse theories, increased carbon dioxide emissions, largely caused by burning of fossil fuels, will cause the Earth to warm up because carbon dioxide prevents heat from escaping into space. +20683012 Skeptics say that if that's the case, temperatures should have risen fairly uniformly over the past century, reflecting the increase in carbon dioxide. +20683013 Instead, the Dunde ice-core record shows increasing temperatures from 1900 through the early 1950s, decreasing temperatures from the late 1950s through the mid-1970s, then higher temperatures again through last year. +20683014 Other temperature data show similar unexplained swings. +20683015 "Climate varies drastically due to natural causes," said Mr. Thompson. +20683016 But he said ice samples from Peru, Greenland and Antarctica all show substantial signs of warming. +20684001 Telxon Corp. said its vice president for manufacturing resigned and its Houston work force has been trimmed by 40 people, or about 15%. +20684002 The maker of hand-held computers and computer systems said the personnel changes were needed to improve the efficiency of its manufacturing operation. +20684003 The company said it hasn't named a successor to Ronald Bufton, the vice president who resigned. +20684004 Its Houston work force now totals 230. +20685001 CNW Corp. said the final step in the acquisition of the company has been completed with the merger of CNW with a subsidiary of Chicago & North Western Holdings Corp. +20685002 As reported, CNW agreed to be acquired by a group of investors led by Blackstone Capital Partners Limited Partnership for $50 a share, or about $950 million. +20686001 Congress sent to President Bush an $8.5 billion military construction bill that cuts spending for new installations by 16% while revamping the Pentagon budget to move more than $450 million from foreign bases to home-state projects. +20686002 The fiscal 1990 measure builds on a pattern set earlier this year by House and Senate defense authorizing committees, and -- at a time of retrenchment for the military and concern about the U.S.'s standing in the world economy -- overseas spending is most vulnerable. +20686003 Total Pentagon requests for installations in West Germany, Japan, South Korea, the United Kingdom and the Philippines, for example, are cut by almost two-thirds, while lawmakers added to the military budget for construction in all but a dozen states at home. +20686004 The result is that instead of the Pentagon's proposed split of 60-40 between domestic and foreign bases, the reduced funding is distributed by a ratio of approximately 70-30. +20686005 The extra margin for bases in the U.S. enhances the power of the appropriations committees; meanwhile, lawmakers used their positions to garner as much as six times what the Pentagon had requested for their individual states. +20686006 House Appropriations Committee Chairman Jamie Whitten (D., Miss.) helped secure $49.7 million for his state, or more than double the Pentagon's budget. +20686007 West Virginia, home of Senate Appropriations Committee Chairman Robert Byrd, would receive $21.5 million -- four times the military's request. +20686008 Tennessee and North Carolina, home states of the two Democratic chairmen of the House and Senate military construction subcommittees, receive $243.2 million, or 25% above the Pentagon's request. +20686009 Though spending for Iowa and Oregon was far less, their increases above Pentagon requests -- 640% and 430%, respectively -- were much greater because of the influence of Republicans at critical junctures. +20686010 The swift passage of the bill, which cleared the Senate and House on simple voice votes last week, contrasts with the problems still facing a more cumbersome $66.8 billion measure funding housing, environmental, space and veterans programs. +20686011 By an 84-6 margin, the Senate approved the bulk of the spending Friday, but the bill was then sent back to the House to resolve the question of how to address budget limits on credit allocations for the Federal Housing Administration. +20686012 The House Democratic leadership could seek to waive these restrictions, but the underlying bill is already under attack for excesses elsewhere. +20686013 Appropriations committees have used an assortment of devices to disguise as much as $1 billion in spending, and as critics have awakened to these devices, the bill can seem like a wounded caribou trying to make it past ice and wolves to reach safer winter grazing. +20686014 Much of the excess spending will be pushed into fiscal 1991, and in some cases is temporarily parked in slow-spending accounts in anticipation of being transferred to faster-spending areas after the budget scorekeeping is completed. +20686015 For example, a House-Senate conference ostensibly increased the National Aeronautics and Space Administration budget for construction of facilities to nearly $592 million, or more than $200 million above what either chamber had previously approved. +20686016 Part of the increase would provide $90 million toward ensuring construction of a costly solid rocket-motor facility in Mr. Whitten's Mississippi. +20686017 But as much as $177 million, or nearly 30% of the account, is marked for potential transfers to research, management and flight accounts that are spent out at a faster clip. +20686018 The bill's managers face criticism, too, for the unusual number of conditions openly imposed on where funds will be spent. +20686019 Conservatives, embarrassed by Republican influence-peddling scandals at the Department of Housing and Urban Development, have used the issue in an effort to shift blame onto a Democratic-controlled Congress. +20686020 HUD Secretary Jack Kemp backed an unsuccessful effort to strike such language last week, but received little support from the White House budget office, which wants to protect space-station funding in the bill and has tended to turn its eyes from pork-barrel amendments. +20686021 Within discretionary funds for community development grants, more than $3.7 million is allocated to six projects in Michigan, home state of a subcommittee chairman, Rep. Bob Traxler. +20686022 House Speaker Thomas Foley won $510,000 for a project in his district in Washington state, and $1.3 million, earmarked by Sen. Daniel Inouye, amounts to a business subsidy under the title "Hawaiian sugar mills job retention." +20686023 The powerful Democrat had first wanted to add language relaxing environmental restrictions on two mills on the Hamakua coast that are threatening to close. +20686024 When this plan met resistance, it was agreed instead to take money from HUD to subsidize needed improvements in two settling ponds for the mills, which employ an estimated 1,500 workers, according to Mr. Inouye's office. +20687001 Dennis Farney's Oct. 13 page-one article "River of Despair," about the poverty along the Mississippi, fanned childhood memories of when my parents were sharecroppers in southeastern Arkansas, only a few miles from the river. +20687002 Although we were white, the same economic factors affected us as affects the black people Mr. Farney writes about. +20687003 Fortunately, an aunt with a college degree bought a small farm and moved us 50 miles north to good schools and an environment that opened the world of opportunity for me as an eight-year-old. +20687004 Though I've been blessed with academic degrees and some success in the materialistic world, I've never forgotten or lost contact with those memories of the 1930s. +20687005 Most of the land in that and other parts of the Delta are now owned by second, third or fourth generations of the same families. +20687006 These are the families who used -- and sometime abused -- their sharecroppers, people who had no encouragement and little access to an education or training for a better life. +20687007 Following World War II, when one family with mechanized equipment could farm crops formerly requiring 20 families, the surplus people were dumped into the mainstream of society with no Social Security, no skills in the workplace, no hope for their future except welfare. +20687008 And today, many of their children, grandchildren and great-grandchildren remain on welfare. +20687009 In the meantime, the landowners continue receiving generous subsidies that began during New Deal days. +20687010 Or those who choose not to farm can lease their lands and crop allotments for handsome sums. +20687011 Farmers in the Midwest and other areas have suffered, but those along the Mississippi continue to prosper with holdings that were built with the sweat of men and women living in economic slavery. +20687012 And when they were no longer needed, they were turned loose unprepared to build lives of their own. +20687013 Denton Harris +20687014 Chairman +20687015 Metro Bank +20687016 Atlanta +20687017 Because the cycle of poverty along the lower Mississippi goes back so many generations, breaking this cycle will be next to impossible. +20687018 Sadly, the cycle appears not as waves but as a downward spiral. +20687019 Yet the evidence that we have not hit bottom is found in the fact that we are not yet helping ourselves. +20687020 The people of the Delta are waiting for that big factory to open, river traffic to increase, government spending to fund job-training programs or public schools to educate apathetic students. +20687021 Because we refuse to face the tough answers, the questions continue as fodder for the commissions and committees, for the media and politicians. +20687022 Coffee-shop chatter does not lend itself to solving the problems of racism, teen pregnancy or lack of parental support or guidance. +20687023 Does the Delta deserve government help in attracting industry when the majority of residents, black and white, do not realize racism alienates potential employers? +20687024 Should we focus on the region's infant-mortality rate when the vocal right-wingers and the school boards, mayors and legislators prohibit schools from teaching the two ways (abstinence or contraceptives) of decreasing teen pregnancy? +20687025 Delta problems are difficult, not impossible, to solve -- I am just not convinced that we are ready to solve them yet. +20687026 Leslie Falls Humphries +20687027 Little Rock, Ark. +20687028 I would like to issue a challenge to corporate America. +20687029 The next time expansion plans are mentioned at the old company and somebody says, "Aw heck, guys, nobody can do it like Japan or South Korea," I wish you would butt in and say, "Hold it, fellas, why don't we compare prices and use our own little Third World country. +20687030 We would even save on freight." +20687031 There is no mystery why the Delta originated "Singin' the Blues." +20687032 Eugene S. Clarke IV +20687033 Hollandale, Miss. +20687034 Your story is an insult to the citizens of the Mississippi Delta. +20687035 Many of the problems you presented exist in every part of this country. +20687036 Poverty is only two blocks from President Bush's residence. +20687037 For years, we tried to ignore the problem of poverty, and now that it has gotten out of hand it's a new crusade for the media and our Democratic Congress. +20687038 Nobody should have to live in such poor conditions as in "Sugar Ditch," but when you travel to Washington, Boston, Chicago or New York, the same problems exist. +20687039 The only difference is, in those cities the poor are housed in high-rise-project apartments each consisting of one room, with rusty pipes called plumbing, rodents and cockroaches everywhere and nonworking elevators -- and with the building patrolled by gangs and drug dealers. +20687040 Many middle-class people would love free food, Medicaid insurance, utilities and rent. +20687041 Then maybe I could stay home and have seven children and watch Oprah Winfrey, like Beulah in the article, instead of having one child and working constantly just to stay above water, like so many families in this country. +20687042 Dee Ann Wilson +20687043 Greenville, Miss. +20688001 Mobil Corp. is in the midst of cutting back its exploration and production group, which finds and develops oil and gas reserves in the U.S., by as much as 15% as part of a new restructuring of that sector of its business. +20688002 Management advised employees Friday that it was going to reduce employment in production operations of the group by 8%, or 400 people. +20688003 The exploration side of the unit has recently undergone a similar overhaul, during which it also lost as many as 400 employees, a company spokesman said in response to questions. +20688004 Mobil Exploration & Producing U.S. Inc., the group involved, currently has a work force of somewhat less than 5,000. +20688005 A few years ago, Mobil restructured the entire company during an industrywide shakeout. +20688006 But since then U.S. oil production has declined and Mobil wants to focus its oil-finding efforts overseas. +20688007 Mobil alluded to the work-force cuts last week when it took a $40 million charge as part of its third-quarter earnings and attributed it to a restructuring. +20688008 Mobil officials said that it is unlikely any additional charges related to this move will be taken in future quarters. +20688009 On Wednesday, Mobil will begin offering separation packages and voluntary retirement in its U.S. production operation. +20688010 Mobil officials said they have been studying ways of streamlining these operations since early this year. +20688011 During the coming months, layers of management will be peeled away and regional offices will become more autonomous. +20688012 For greater efficiency, employees at those locations will be reorganized into teams responsible for managing the properties under their jurisdiction, Mobil said. +20688013 "The main feature of the new organization is that each local manager will have both the authority and accountability for profitable and technically sound operations," said Charles E. Spruell, president of the Mobil unit. +20688014 Field offices at New Orleans; Houston; Denver; Midland, Tex.; Bakersfield, Calif.; Oklahoma City; and Liberal, Kan., will be maintained. +20688015 But the staffs at some of those locations will be slashed while at others the work force will be increased. +20688016 For instance, employment in Denver will be reduced to 105 from 430. +20688017 But on the West Coast, where profitable oil production is more likely than in the midcontinent region, the Bakersfield, Calif., office staff of 130 will grow by 175 to 305. +20688018 The reorganization will "focus on the value and potential of assets," Mr. Spruell said. +20689001 Wanted: An investment that's as simple and secure as a certificate of deposit but offers a return worth getting excited about. +20689002 With $150 billion of CDs maturing this month, a lot of people have been scouring the financial landscape for just such an investment. +20689003 In April, when many of them bought their CDs, six-month certificates were yielding more than 9%; investors willing to look could find double-digit yields at some banks and thrifts. +20689004 Now, the nationwide average yield on a six-month CD is just under 8%, and 8.5% is about the best around. +20689005 But investors looking for alternatives aren't finding it easy. +20689006 Yields on most fixed-income securities are lower than several months ago. +20689007 And the stock market's recent gyrations are a painful reminder of the dangers there. +20689008 "If you're looking for a significantly higher yield with the same level of risk as a CD, you're not going to find it," says Washington financial planner Dennis M. Gurtz. +20689009 There are, however, some alternatives that income-oriented investors should consider, investment advisers say. +20689010 Short-term municipal bonds, bond funds and tax-deferred annuities are some of the choices they mention -- and not just as a way to get a higher return. +20689011 In particular, advisers say, investors may want to look at securities that reduce the risk that CD holders are confronting right now, of having to reinvest the proceeds of maturing short-term certificates at lower rates. +20689012 A mix of CDs and other holdings may make the most sense. +20689013 "People should remember their money isn't all or nothing -- they don't need to be shopping for the one interest-rate-type investment and putting all their money in it," says Bethesda, Md., adviser Karen Schaeffer. +20689014 Here's a look at some of the alternatives: +20689015 SHORT-TERM MUNICIPALS: +20689016 Investors with a heavy tax load should take out their calculators. +20689017 Yields on municipal bonds can be higher than after-tax yields on CDs for maturities of perhaps one to five years. +20689018 That's because municipal-bond interest is exempt from federal income tax -- and from state and local taxes too, for in-state investors. +20689019 For an investor paying tax at a 33% rate, a seemingly puny 6% yield on a one-year muni is equivalent to a taxable 9%. +20689020 Rates approach 6.5% on five-year municipals. +20689021 Some of the more cautious CD holders might like "pre-refunded" municipals. +20689022 These securities get top credit ratings because the issuers have put aside U.S. bonds that will be sold to pay off holders when the municipals are retired. +20689023 "It's a no-brainer: You don't have to worry about diversification; you don't have to worry about quality," says Steven J. Hueglin, executive vice president of the New York bond firm of Gabriele, Hueglin & Cashman Inc. +20689024 Consider a "laddered" bond portfolio, with issues maturing in, say, 1992, 1993 and 1994, advises Malcolm A. Makin, a Westerly, R.I., financial planner. +20689025 The idea is to have money rolling over each year at prevailing interest rates. +20689026 BOND FUNDS: +20689027 Bond mutual funds offer diversification and are easy to buy and sell. +20689028 That makes them a reasonable option for investors who will accept some risk of price fluctuation in order to make a bet that interest rates will decline over the next year or so. +20689029 Buyers can look forward to double-digit annual returns if they are right. +20689030 But they will have disappointing returns or even losses if interest rates rise instead. +20689031 Bond resale prices, and thus fund share prices, move in the opposite direction from rates. +20689032 The price movements get bigger as the maturity of the securities lengthens. +20689033 Consider, for instance, two bond funds from Vanguard Group of Investment Cos. that were both yielding 8.6% on a recent day. +20689034 The Short Term Bond Fund, with an average maturity of 2 1/2 years, would deliver a total return for one year of about 10.6% if rates drop one percentage point and a one-year return of about 6.6% if rates rise by the same amount. +20689035 But, in the same circumstances, the returns would be a more extreme 14.6% and 2.6% for the Vanguard Bond Market Fund, with its 12 1/2-year average maturity. +20689036 "You get equity-like returns" from bonds if you guess right on rates, says James E. Wilson, a Columbia, S.C., planner. +20689037 If interest rates don't change, bond fund investors' returns will be about equal to the funds' current yields. +20689038 DEFERRED ANNUITIES: +20689039 These insurance company contracts feature some of the same tax benefits and restrictions as non-deductible individual retirement accounts: Investment gains are compounded without tax consequences until money is withdrawn, but a 10% penalty tax is imposed on withdrawals made before age 59 1/2. +20689040 Aimed specifically at CD holders are so-called CD-type annuities, or certificates of annuity. +20689041 An interest rate is guaranteed for between one and seven years, after which holders get 30 days to choose another guarantee period or to switch to another insurer's contract without the surrender charges that are common to annuities. +20689042 Some current rates exceed those on CDs. +20689043 For instance, a CD-type annuity from North American Co. for Life & Health Insurance, Chicago, offers 8.8% interest for one year or a 9% rate for two years. +20689044 Annuities are rarely a good idea at age 35 because of the withdrawal restrictions. +20689045 But at age 55, "they may be a great deal," says Mr. Wilson, the Columbia, S.C., planner. +20689046 MONEY MARKET FUNDS: +20689047 That's right, money market mutual funds. +20689048 The conventional wisdom is to go into money funds when rates are rising and shift out at times such as the present, when rates seem headed down. +20689049 With average maturities of a month or so, money funds offer fixed share prices and floating returns that track market interest rates, with a slight lag. +20689050 Still, today's highest-yielding money funds may beat CDs over the next year even if rates fall, says Guy Witman, an editor of the Bond Market Advisor newsletter in Atlanta. +20689051 That's because top-yielding funds currently offer yields almost 1 1/2 percentage points above the average CD yield. +20689052 Mr. Witman likes the Dreyfus Worldwide Dollar Money Market Fund, with a seven-day compound yield just under 9.5%. +20689053 A new fund, its operating expenses are being temporarily subsidized by the sponsor. +20689054 Try combining a money fund and an intermediate-term bond fund as a low-risk bet on falling rates, suggests Back Bay Advisors Inc., a mutual fund unit of New England Insurance Co. +20689055 If rates unexpectedly rise, the increasing return on the money fund will partly offset the lower-than-expected return from the bond fund. +20690001 Federal drug regulators, concerned over British reports that diabetics have died after shifting from animal to human-based insulin, say they are considering a study to see if similar deaths have occurred here. +20690002 The United Kingdom reports came from Dr. Patrick Toseland, head of clinical chemistry at Guy's Hospital in London. +20690003 In a telephone interview Friday, Dr. Toseland said the number of sudden, unexplained deaths of diabetics he had seen this year was 17 compared with just two in 1985. +20690004 At least six of the deaths occurred among relatively young diabetics who had switched from animal to human insulin within the past year, he said. +20690005 Dr. Solomon Sobel, director of metabolism and endrocrine drug products for the U.S. Food and Drug Administration, said FDA officials have discussed Dr. Toseland's findings "fairly intensively." +20690006 While there have been no reports of similar sudden unexplained deaths among diabetics in the U.S., Dr. Sobel said the FDA plans to examine Dr. Toseland's evidence and is considering its own study here. +20690007 Dr. Toseland, a toxicologist, said he was preparing an article for a British forensic medical journal raising the possibility that the deaths may have occurred after human insulin blunted critical warning signs indicating hypoglycemia, or low blood sugar, which can kill diabetics. +20690008 The usual warning signs of hypoglycemia include sweating, anxiety and cramps. +20690009 With proper warning, diabetics can easily raise their blood sugar to safe levels by eating sugar or sugary food. +20690010 "The anecdotal data certainly shows that some of the people were not aware of the rapid onset of hypoglycemia," Dr. Toseland said. +20690011 At the U.S. National Institutes of Health, Dr. Robert E. Silverman, chief of the diabetes program branch, said no evidence of unexpected deaths from hypoglycemia had shown up in a study of 1,500 diabetics that has been under way at NIH for five years. +20690012 However, he said officials conducting the study hadn't been looking for signs of problems related to hypoglycemia unawareness. +20690013 "We are now monitoring for it much more closely," he said. +20690014 "We do know there are slight differences in the way human and animal insulins drive down blood sugar," Dr. Sobel said. +20690015 The human-based drug starts the blood sugar dropping sooner and drives it down faster, he said. +20690016 "But we don't believe there is enough of a difference to be clinically significant," Dr. Sobel said. +20690017 Reports of Dr. Toseland's findings in the British press have triggered widespread concern among diabetics there. +20690018 Both the British Diabetic Association and the Committee on Safety in Medicines -- Britain's equivalent of the U.S. FDA -- recently issued statements noting the lack of hard scientific evidence to support Dr. Toseland's findings. +20690019 On Friday, the American Diabetes Association issued a similar statement urging the six million U.S. diabetics not to overreact to the British report. +20690020 "A loss of the warning symptoms of hypoglycemia is a complex problem that is very unlikely to be due simply to the type of insulin used," the American association said. +20690021 The FDA already requires drug manufacturers to include warnings with insulin products that symptoms of hypoglycemia are less pronounced with human insulin than with animal-based products. +20690022 Eli Lilly & Co., the Indianapolis-based drug manufacturer, dominates the U.S. human insulin market with its product known as Humulin. +20690023 Lilly is building plants to make the insulin in Indianapolis and Fagershein, France. +20690024 In its latest annual report, Lilly said Humulin sales have shown "excellent growth." +20690025 Lilly officials said they had seen reports of hypoglycemic unawareness among some patients making the shift from animal to human insulin, but didn't know if the problem had caused any deaths. +20690026 Dr. Leigh Thompson, a Lilly group vice president, said the company's clinical trials of both its animal and human-based insulins indicated no difference in the level of hypoglycemia between users of either product. +20690027 Dr. Toseland said most of the British diabetics who died had been taking a human-based insulin made by Novo/Nordisk, a Danish manufacturer. +20690028 None of the diabetics were using Lilly's insulin. +20691001 SharesBase Corp. said it will reduce its 221-person work force by about 25%, effective tomorrow, in an effort to stem continuing losses. +20691002 The company, which makes data base systems and software, said it expects to report a loss for the third quarter ended Sept. 30. +20692001 Defense intellectuals have complained for years that the Pentagon cannot determine priorities because it has no strategy. +20692002 Last April, the new defense secretary, Richard Cheney, acknowledged that, "given an ideal world, we'd have a nice, neat, orderly process. +20692003 We'd do the strategy and then we'd come around and do the budget. +20692004 This city doesn't work that way." +20692005 With a five-year defense plan costing more than $1.6 trillion, it's about time we put together a defense strategy that works in Washington. +20692006 This won't happen until strategists come down from their ivory tower and learn to work in the real world of limited budgets and uncertain futures. +20692007 As it is, we identify national goals and the threats to these goals, we shape a strategy to counter these threats, we determine the forces needed to execute the strategy, before finally forging the budgets needed to build and maintain the forces. +20692008 These procedures consume millions of man-hours of labor and produce tons of paper, and each year, their end product -- the Five Year Defense Plan -- promptly melts away. +20692009 The graph on the left shows how this happens (see accompanying illustration -- WSJ Oct. 30, 1989). +20692010 Compare the past eight five-year plans with actual appropriations. +20692011 The Pentagon's strategists produce budgets that simply cannot be executed because they assume a defense strategy depends only on goals and threats. +20692012 Strategy, however, is about possibilities, not hopes and dreams. +20692013 By ignoring costs, U.S. strategists abdicate their responsibility for hard decisions. +20692014 That puts the real strategic decisions in the hands of others: bean counters, budgeteers, and pork-barrelers. +20692015 These people have different agendas. +20692016 And as a result -- as the recent vote by the House to undo Mr. Cheney's program terminations suggests -- the preservation of jobs is becoming the real goal of defense "strategy." +20692017 How can we turn this situation around? +20692018 Reform starts in the Pentagon. +20692019 Strategists should consider the impact of budget uncertainties at the beginning of the planning process. +20692020 They ought to examine how a range of optimistic to pessimistic budget scenarios would change the defense program. +20692021 They would then develop priorities by identifying the least painful program cuts as they moved from higher to lower budgets. +20692022 They would also identify the best way to add programs, should the budget come in at higher levels. +20692023 This kind of contingency analysis is common in war planning and business planning. +20692024 There is no reason that it can not be done for defense planning. +20692025 Two steps are necessary to translate this idea into action. +20692026 Step 1 cleans up our books. +20692027 Our five-year plan contains three accounting devices -- negative money, an above guidance management reserve and optimistic inflation estimates -- which understate the spending the Pentagon has committed itself to by almost $100 billion. +20692028 Negative money was invented in 1988 to make the 1990-94 Five Year Defense Plan conform to the numbers in President Reagan's final budget submission to Congress. +20692029 That plan exceeded the numbers contained in his budget message by $45 billion. +20692030 To make the books balance, as is required by law, somebody invented a new budget line item that simply subtracted $45 billion. +20692031 It is known in the Pentagon as the "negative wedge." +20692032 The Pentagon argues that the negative wedge is the net effect of $22 billion in the as-yet unidentified procurement reductions that it intends to find in future years and $23 billion in an "above guidance" management reserve that accounts for undefined programs that will materialize in the future. +20692033 The 1990 plan also assumes inflation will decline to 1.7% by 1994. +20692034 Most forecasters, including those in the Congressional Budget Office, assume inflation will be in excess of 4% in each of those five years. +20692035 At that rate, the defense plan is underfunded by $48 billion. +20692036 By adding the negative wedge and recalculating the remaining program using a more probable inflation estimate, we arrive at a baseline program costing $1.7 trillion between 1990 and 1994. +20692037 Step 2 examines how four progressively lower budget scenarios would change the baseline and how these changes would affect our national security. +20692038 The graph on the right (which assumes a 4% rate of inflation), places these scenarios in the context of recent appropriations (see accompanying illustration -- WSJ Oct. 30, 1989). +20692039 Note how the baseline program assumes a sharp increase in future appropriations. +20692040 Step 2 will answer the question: What happens if these increases do not materialize? +20692041 Scenario 1, known as the "Constant Dollar Freeze," reimburses the Pentagon for inflation only -- it slopes upward at 4% per year. +20692042 This scenario has been the rough position of the U.S. Senate since 1985, and it reduces the baseline by $106 billion between 1990 and 1994. +20692043 Scenario 3, the "Current Dollar Freeze," has been the approximate position of the House of Representatives for about four years. +20692044 It freezes the budget at its current level, and forces the Pentagon to eat the effects of inflation until 1994. +20692045 This reduces the baseline by $229 billion. +20692046 Scenario 2 extends the recent compromises between the House and the Senate; it splits the difference between Scenarios 1 and 3, by increasing the budget at 2% per year. +20692047 It reduces the baseline by $169 billion. +20692048 Finally, Scenario 4 reduces the budget by 2% per year for the next five years -- a total reduction of $287 billion. +20692049 This can be thought of as a pessimistic prediction, perhaps driven by the sequestering effects of the Gramm-Rudman deficit reduction law or possibly a relaxation of tensions with the Soviet Union. +20692050 The strategic planners in the Joint Chiefs of Staff would construct the most effective defense program for each scenario, maximizing strengths and minimizing weaknesses. +20692051 They would conclude their efforts by producing a comprehensive net assessment for each plan -- including the assumptions made, an analysis of its deficiencies and limitations, the impact on national security, and the best strategy for working around these limitations. +20692052 This exercise would reveal the true cost of a particular program by forcing the strategists to make hard decisions. +20692053 If, for example, they choose to keep the B-2 Stealth bomber, they would have to sacrifice more and more other programs -- such as carrier battlegroups or army divisions -- as they moved toward lower budget levels. +20692054 These trade-offs would evolve priorities by revealing when the cost of the B-2 became prohibitive. +20692055 Some may be tempted to argue that the idea of a strategic review merely resurrects the infamous Zero-Based Budgeting (ZBB) concept of the Carter administration. +20692056 But ZBB did not involve the strategic planners in the Joint Chiefs of Staff, and therefore degenerated into a bean-counting drill driven by budget politics. +20692057 Anyway, ZBB's procedures were so cumbersome that everyone involved was crushed under a burden of marginalia. +20692058 A strategic review is fundamentally different. +20692059 It would be run by the joint chiefs under simple directions: Produce the best possible force for each budget scenario and provide the Secretary of Defense with a comprehensive net assessment of how that force could be used to achieve U.S. goals. +20692060 It might be feared that even thinking about lower budgets will hurt national security because the door will be opened to opportunistic budget cutting by an irresponsible Congress. +20692061 This argument plays well in the atmosphere of gaming and mistrust permeating the Pentagon and Congress, and unfortunately, there is some truth to it. +20692062 But in the end, it must be rejected for logical as well as moral reasons. +20692063 To say that the Pentagon should act irresponsibly because acting responsibly will provoke Congress into acting irresponsibly leads to the conclusion that the Pentagon should deliberately exaggerate its needs in the national interest; in other words, that it is justified in committing a crime -- lying to Congress -- because it is morally superior. +20692064 Strategy is not a game between the Pentagon and Congress; it is the art of the possible in a world where constraints force us to choose between unpleasant or imperfect alternatives. +20692065 If we want meaningful priorities, we must understand the trade-offs they imply before we make commitments. +20692066 Strategy is not a separate event in an idealized sequence of discrete events; it is a way of thinking that neutralizes threats to our interests in a manner consistent with our financial, cultural and physical limitations. +20692067 Mr. Spinney is a permanent Pentagon official. +20692068 This is a condensed version of an essay that will appear in the January issue of the Naval Institute Proceedings. +20692069 The views expressed do not reflect the official policy of the Department of Defense. +20693001 Although bullish dollar sentiment has fizzled, many currency analysts say a massive sell-off probably won't occur in the near future. +20693002 While Wall Street's tough times and lower U.S. interest rates continue to undermine the dollar, weakness in the pound and the yen is expected to offset those factors. +20693003 "By default," the dollar probably will be able to hold up pretty well in coming days, says Francoise Soares-Kemp, a foreign-exchange adviser at Credit Suisse. +20693004 "We're close to the bottom" of the near-term ranges, she contends. +20693005 In late Friday afternoon New York trading, the dollar was at 1.8300 marks and 141.65 yen, off from late Thursday's 1.8400 marks and 142.10 yen. +20693006 The pound strengthened to $1.5795 from $1.5765. +20693007 In Tokyo Monday, the U.S. currency opened for trading at 141.70 yen, down from Friday's Tokyo close of 142.75 yen. +20693008 The dollar began Friday on a firm note, gaining against all major currencies in Tokyo dealings and early European trading despite reports that the Bank of Japan was seen unloading dollars around 142.70 yen. +20693009 The rise came as traders continued to dump the pound after the sudden resignation Thursday of British Chancellor of the Exchequer Nigel Lawson. +20693010 But once the pound steadied with help from purchases by the Bank of England and the Federal Reserve Bank of New York, the dollar was dragged down, traders say, by the stock-market slump that left the Dow Jones Industrial Average with a loss of 17.01 points. +20693011 With the stock market wobbly and dollar buyers discouraged by signs of U.S. economic weakness and the recent decline in U.S. interest rates that has diminished the attractiveness of dollar-denominated investments, traders say the dollar is still in a precarious position. +20693012 "They'll be looking at levels to sell the dollar," says James Scalfaro, a foreign-exchange marketing representative at Bank of Montreal. +20693013 While some analysts say the dollar eventually could test support at 1.75 marks and 135 yen, Mr. Scalfaro and others don't see the currency decisively sliding under support at 1.80 marks and 140 yen soon. +20693014 Predictions for limited dollar losses are based largely on the pound's weak state after Mr. Lawson's resignation and the yen's inability to strengthen substantially when there are dollar retreats. +20693015 With the pound and the yen lagging behind other major currencies, "you don't have a confirmation" that a sharp dollar downturn is in the works, says Mike Malpede, senior currency analyst at Refco Inc. in Chicago. +20693016 As far as the pound goes, some traders say a slide toward support at $1.5500 may be a favorable development for the dollar this week. +20693017 While the pound has attempted to stabilize, currency analysts say it is in critical condition. +20693018 Sterling plunged about four cents Thursday and hit the week's low of $1.5765 when Mr. Lawson resigned from his six-year post because of a policy squabble with other cabinet members. +20693019 He was succeeded by John Major, who Friday expressed a desire for a firm pound and supported the relatively high British interest rates that he said "are working exactly as intended" in reducing inflation. +20693020 But the market remains uneasy about Mr. Major's policy strategy and the prospects for the pound, currency analysts contend. +20693021 Although the Bank of England's tight monetary policy has fueled worries that Britain's slowing economy is headed for a recession, it is widely believed that Mr. Lawson's willingness to prop up the pound with interest-rate increases helped stem pound selling in recent weeks. +20693022 If there are any signs that Mr. Major will be less inclined to use interest-rate boosts to rescue the pound from another plunge, that currency is expected to fall sharply. +20693023 "It's fair to say there are more risks for the pound under Major than there were under Lawson," says Malcolm Roberts, a director of international bond market research at Salomon Brothers in London. +20693024 "There's very little upside to sterling," Mr. Roberts says, but he adds that near-term losses may be small because the selling wave that followed Mr. Major's appointment apparently has run its course. +20693025 But some other analysts have a stormier forecast for the pound, particularly because Britain's inflation is hovering at a relatively lofty annual rate of about 7.6% and the nation is burdened with a struggling government and large current account and trade deficits. +20693026 The pound likely will fall in coming days and may trade as low as 2.60 marks within the next year, says Nigel Rendell, an international economist at James Capel & Co. in London. +20693027 The pound was at 2.8896 marks late Friday, off sharply from 2.9511 in New York trading a week earlier. +20693028 If the pound falls closer to 2.80 marks, the Bank of England may raise Britain's base lending rate by one percentage point to 16%, says Mr. Rendell. +20693029 But such an increase, he says, could be viewed by the market as "too little too late." +20693030 The Bank of England indicated its desire to leave its monetary policy unchanged Friday by declining to raise the official 15% discount-borrowing rate that it charges discount houses, analysts say. +20693031 Pound concerns aside, the lack of strong buying interest in the yen is another boon for the dollar, many traders say. +20693032 The dollar has a "natural base of support" around 140 yen because the Japanese currency hasn't been purchased heavily in recent weeks, says Ms. Soares-Kemp of Credit Suisse. +20693033 The yen's softness, she says, apparently stems from Japanese investors' interest in buying dollars against the yen to purchase U.S. bond issues and persistent worries about this year's upheaval in the Japanese government. +20693034 On New York's Commodity Exchange Friday, gold for current delivery jumped $5.80, to $378.30 an ounce, the highest settlement since July 12. +20693035 Estimated volume was a heavy seven million ounces. +20693036 In early trading in Hong Kong Monday, gold was quoted at $378.87 an ounce. +20694001 We are deeply disturbed that a recent editorial stated that the "Americans With Disabilities Act of 1989" was "crafted primarily by Democratic Senators Kennedy and Harkin" with a premise "based on the presumption that most Americans are hostile to the disabled. . . ." +20694002 Perhaps even more offensive is the statement, "It is surprising that George Bush and the White House inner circle would ally themselves with this crabby philosophy." +20694003 This legislation was not drafted by a handful of Democratic "do-gooders." +20694004 Quite the contrary -- it results from years of work by members of the National Council on the Handicapped, all appointed by President Reagan. +20694005 You depict the bill as something Democratic leaders "hoodwinked" the administration into endorsing. +20694006 The opposite is true: It's the product of many meetings with administration officials, Senate staffers, advocates, and business and transportation officials. +20694007 Many congressmen are citing the compromise on the "Americans With Disabilities Act of 1989" as a model for bipartisan deliberations. +20694008 Most National Council members are themselves disabled or are parents of children with disabilities. +20694009 We know firsthand the discrimination addressed by the act: to be told there's no place for your child in school; to spend lonely hours at home because there is no transportation for someone in a wheelchair; to be denied employment because you are disabled. +20694010 Your editorial mockingly entitles this legislation the "Lawyers' Employment Act." +20694011 For the 43 million people with disabilities and their families, this legislation is the "Emancipation Proclamation." +20694012 Sandra Swift Parrino +20694013 Chairperson +20694014 National Council on the Handicapped +20695001 A group of investors led by Giant Group Ltd. and its chairman, Burt Sugarman, said it filed with federal antitrust regulators for clearance to buy more than 50% of the stock of Rally's Inc., a fast-food company based in Louisville, Ky. +20695002 Rally's operates and franchises about 160 fast-food restaurants throughout the U.S. +20695003 The company went public earlier this month, offering 1,745,000 shares of common stock at $15 a share. +20695004 Giant has interests in cement making and newsprint. +20695005 The investor group includes Restaurant Investment Partnership, a California general partnership, and three Rally's directors: Mr. Sugarman, James M. Trotter III and William E. Trotter II. +20695006 The group currently holds 3,027,330 Rally's shares, or 45.2% of its commmon shares outstanding. +20695007 Giant Group owned 22% of Rally's shares before the initial public offering. +20695008 A second group of three company directors, aligned with Rally's founder James Patterson, also is seeking control of the fast-food chain. +20695009 It is estimated that the Patterson group controls more than 40% of Rally's stock. +20695010 Rally officials weren't available to comment late yesterday. +20695011 For the year ended July 2, Rally had net income of $2.4 million, or 34 cents a share, on revenue of $52.9 million. +20696001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +20696002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +20696003 Estimated and actual results involving losses are omitted. +20696004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +20696005 Otherwise, actual profit is compared with the 300-day estimate. +20697001 DPC Acquisition Partners, a hostile suitor for Dataproducts Corp., filed a petition in federal district court in Los Angeles seeking to have its standstill agreement with the computer printer maker declared void, and it proceeded with a $10-a-share tender offer for the company. +20697002 The offer would give the transaction an indicated value of $189 million, based on the 18.9 million shares the group doesn't already own. +20697003 DPC holds about 7.8% of Dataproducts' shares. +20697004 Lawyers representing DPC declined to elaborate, saying they didn't have a final copy of the filing. +20697005 Jack Davis, Dataproducts' chairman, said he hadn't yet seen the filing and couldn't comment. +20697006 DPC made a $15-a-share bid for the company in May, but Dataproducts management considered the $283.7 million proposal unacceptable. +20697007 Dataproducts had sought a buyer for several months, but it is now in the midst of a restructuring plan and management says the company is no longer for sale. +20698001 Appalachian Power Co., a subsidiary of American Electric Power Co., said it will redeem on Dec. 1 the entire $44.2 million of its 12 7/8% first mortgage bonds due 2013. +20698002 The redemption price will be 109.66% of the principal amount of the bonds, plus accrued interest to the date of redemption. +20699001 The European Community's consumer price index rose a provisional 0.6% in September from August and was up 5.3% from September 1988, according to Eurostat, the EC's statistical agency. +20699002 The month-to-month rise in the index was the largest since April, Eurostat said. +20700001 Efforts by the Hong Kong Futures Exchange to introduce a new interest-rate futures contract continue to hit snags, despite the support the proposed instrument enjoys in the colony's financial community. +20700002 Hong Kong financial institutions have been waiting for interest-rate futures for a long time. +20700003 The contract was first proposed more than two years ago, but shortly afterward, the colony's markets were hit hard by the October 1987 global stock crash. +20700004 The subsequent drive to reform Hong Kong's markets also has embroiled the interest-rate futures contract. +20700005 The Securities and Futures Commission, a government watchdog set up after the 1987 crash to try to restore confidence and order to Hong Kong's markets, had been expected to give the contract conditional approval last week. +20700006 But regulators this week said futures-exchange officials still have a way to go before they answer all the remaining detailed questions about the contract. +20700007 The exchange had forecast that the contract would begin trading by December. +20700008 But securities regulators now say privately that it isn't likely to start until the first quarter of next year. +20700009 Analysts and financial officials in the British colony consider the new contract essential to the revival of the Hong Kong Futures Exchange, which has never fully recovered from the October 1987 crash. +20700010 Many believe that without a healthy futures exchange, Hong Kong's aspirations to be recognized as an international financial center will suffer. +20700011 In addition, local banks say the new contract is important in helping them offset their Hong Kong-dollar exposure. +20700012 The contract will be based on the three-month Hong Kong interbank offered rate, or Hibor. +20700013 It is almost a carbon copy of the Chicago Mercantile Exchange's Eurodollar contract, which is based on the three-month Eurodollar rate, the rate paid on U.S.-dollar deposits in London banks. +20700014 If the contract is as successful as some expect, it may do much to restore confidence in futures trading in Hong Kong. +20700015 "The contract is definitely important to the exchange," says Robert Gilmore, executive director of the Securities and Futures Commission. +20700016 Two years ago, the futures exchange was the envy of other would-be futures centers. +20700017 After only 17 months, its main contract, based on the Hang Seng index, had grown to be the second-largest stock-index-futures contract in the world. +20700018 {A futures contract is an agreement to buy or sell a commodity or financial instrument at a set price on a specified date. +20700019 In the case of stock-index and interest-rate futures, the instruments are given an underlying cash value and are settled in cash.} +20700020 But in the week following the 1987 stock crash, the exchange verged on collapse, and the stock and futures markets in Hong Kong were closed for four days. +20700021 Only a government-sponsored bailout kept the crisis from swallowing the exchange. +20700022 Trading in Hang Seng index futures remains crippled by the experience. +20700023 Volume for the entire month of September totaled only 21,687 contracts, compared with a daily average of 27,000 in the month before the 1987 crash. +20700024 Despite the thin trading, and after two painful years of restructuring, the futures market has shown itself to be resilient in two recent tests. +20700025 While Asian markets struggled to cope with the uncertainty caused by the Oct. 13 plunge in New York stock prices, futures trading in Hong Kong was relatively heavy and went smoothly. +20700026 That was also the case in the days following the June 4 massacre in Beijing, which caused a sharp drop in Hong Kong stock prices. +20700027 "There was no problem at all," says Douglas Ford, chief executive officer of the futures exchange. +20700028 Most important to the contract's success is the commitment of Hong Kong's big financial institutions, especially the two leaders, Hongkong & Shanghai Banking Corp. and the local subsidiary of Britain's Standard Chartered Bank PLC. +20700029 The two big banks were instrumental in designing the new contract. +20700030 "If those two banks are there, then the balance of the banking institutions will be there," says Mr. Gilmore, the Securities and Futures Commission official. +20700031 Colony banks have a major stake in how interest rates move because of their enormous Hong Kong-dollar exposure. +20700032 Even though the currency is pegged to the U.S. dollar, with a fixed exchange rate of HK$7.8 to the American currency, the U.S. and Hong Kong economies don't always move in lock step, making it difficult to predict where interest rates in the colony will go. +20700033 In early 1988, when the three-month Eurodollar rate was between 7% and 8%, the three-month Hibor rate was as low as 1%. +20700034 Just a few months ago, the three-month Eurodollar rate was around 9.5%, while three-month Hibor hit highs above 11%. +20700035 The Hibor contract "solves quite a bit of the problem of interest-rate risk in the interbank market," says Eric Cheng, a director of James Capel (Far East) Ltd., the Hong Kong arm of the British brokerage firm. +20700036 Despite the initial support expected, trading in the contract is likely to start slowly. +20700037 The wounds from the 1987 crash haven't yet healed, and not all claims against the exchange clearinghouse -- by those who bet the Hang Seng index would fall -- have been settled. +20700038 Companies and financial institutions familiar with Hong Kong remain wary of trading in its futures market. +20700039 And Mr. Gilmore cautions that there may be limits on how much the contract can grow because the Hong Kong dollar isn't a widely traded currency. +20700040 He says the contract will be considered a success if it starts trading 500 to 1,000 lots a day. +20700041 Exchange officials also point out that Hibor futures were designed for institutions and corporations, not for the type of small individual investors who were very active in Hang Seng index futures and defaulted in the 1987 crash. +20700042 Mr. Cheng says the low margin required for trading futures attracted a lot of small investors before the 1987 crash who didn't realize that their risk was virtually unlimited. +20700043 "You're not going to get your taxi drivers and amahs and all that," says Rory Nicholas, a director for securities company Elders Bullion & Futures Ltd. +20700044 That should help to inspire confidence, Mr. Gilmore says. +20700045 But many bankers remain nervous, especially as the start-up of the contract continues to be delayed. +20701001 Two of Japan's largest paper manufacturers, Oji Paper Co. and Jujo Paper Co., posted unconsolidated pretax profit gains from a year earlier for the first half ended Sept. 30, on continuing robust domestic demand for paper products. +20701002 Oji Paper, the nation's largest in terms of sales, said its pretax profit rose 1.5% to 23.11 billion yen (US$163.3 million) from 22.76 billion yen. +20701003 Sales jumped 12.2% to 232.12 billion yen from 206.87 billion yen. +20701004 Net income increased 6.7% to 12.43 billion yen from 11.66 billion yen. +20701005 Per-share net rose to 20.48 yen from 19.51 yen. +20701006 Oji Paper's sales strength was evident in overall paper products sales, including newsprints, printing and wrapping papers, which rose to 221.61 billion yen in the first half from 200.70 billion yen a year earlier. +20701007 Pulp, processed and miscellaneous paper sales also surged. +20701008 For the full fiscal year ending next March, Oji predicted that total sales of 477.00 billion yen, up from 420.68 billion yen in the previous fiscal year. +20701009 Pretax profit is seen at 45.00 billion yen, down from 47.17 billion yen, while net income is estimated at 23.500 billion yen, up from 23.031 billion yen. +20701010 The company didn't provide an explanation for the softer pretax profit performance and officials couldn't be reached for comment. +20701011 Jujo Paper said its pretax profit rose 0.3% to 13.05 billion yen from 13.02 billion yen. +20701012 Sales rose 8.5% to 195.19 billion yen from 179.916 billion yen. +20701013 Net income surged 10% to 7.12 billion yen from 6.47 billion yen. +20701014 Per-share net rose to 14.95 yen from 14.44 yen. +20701015 General paper product sales, including newsprints and other papers, accounting for the bulk of sales, rose to 157.78 billion yen from 143.88 billion yen. +20701016 Jujo Paper predicted that for the full fiscal year ending next March 31, sales will total 400.0 billion yen, up from 366.89 billion yen. +20701017 Pretax profit was estimated at 23.0 billion yen, down from 25.51 billion yen, while net income was estimated at 12 billion yen, up from 11.95 billion yen. +20702001 Unocal Corp.'s decision to put its Norwegian oil and gas interests up for sale earlier this week is another step in the company's strategic review of its properties, and shows that few of them are sacred cows. +20702002 The company declined to estimate the value of the Norwegian holding. +20702003 But Eugene L. Nowak, an analyst at Dean Witter Reynolds Inc., forecast that the sale will bring in "$200 million or substantially more." +20702004 The proposed transaction is the latest in a redeployment of assets by the Los Angeles-based oil company that has included the $200 million sale of its headquarters property and the pending sale of half of its Chicago refinery and related marketing operations to Petroleos de Venezuela S.A. +20702005 Mr. Nowak said he attaches particular importance to the proposed sale because it suggests that the company is willing to sell oil and gas assets that aren't part of its major strategic strengths. +20702006 Unocal said it expects to complete the sale of its Unocal Norge A/S unit by next March or April. +20702007 In addition to an 18% stake in the Veslefrikk offshore field, the Norwegian unit has interests ranging from 10% to 25% in three other Norwegian oil and gas production licenses. +20702008 In 1986, Unocal sold a 7.5% stake in the Veslefrikk field to Deutsche Erdolversorgungs G.m.b.H., a West German oil company, for an undisclosed amount. +20702009 In 1987, it sold a 2.5% stake in the Veslefrikk field to the Swedish national oil company, resulting in a $7 million after-tax gain. +20702010 However, those sales were early in the field's history, before production equipment was installed. +20702011 The field is currently being developed and is slated to start production by the end of the year. +20702012 It's expected to produce about 62,000 barrels per day. +20702013 A company spokesman said the Veslefrikk field's gross reserves were estimated in 1987 at 229 million barrels. +20702014 However, he added that that estimate, made before extensive development drilling, currently is being reappraised. +20702015 The spokesman said Unocal has had "considerable interest" from prospective buyers. +20702016 The company has retained J. Henry Schroder Wagg & Co. as financial adviser and agent for the sale. +20703001 France's unemployment rate was steady at a seasonally adjusted 9.5% in September, the Social Affairs Ministry said. +20703002 In September, the number of jobless rose 0.1% from the previous month to 2.5 million on a seasonally adjusted basis. +20704001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +20704002 Tenneco Credit Corp. -- $150 million of 9 1/4% senior notes due Nov. 1, 1996, priced at 99.625 to yield 9.324%. +20704003 The noncallable issue was priced at a spread of 144 basis points above the Treasury's seven-year note. +20704004 Rated Baa-2 by Moody's Investors Service Inc. and triple-B-plus by Standard & Poor's Corp., the issue will be sold through underwriters led by Merrill Lynch Capital Markets. +20704005 Tenneco Credit is a unit of Tenneco Inc. +20704006 Allegany Health System -- three-part issue of $156.7 million of revenue bonds, tentatively priced through a Morgan Stanley & Co. group. +20704007 The offering includes a new issue of $53 million of Tampa, Fla., Series 1989 revenue bonds for St. Joseph's Hospital Inc., due 1996-2000, 2005 and 2023. +20704008 The bonds are tentatively priced to yield from 6.90% in 1996 to 7.55% in 2023. +20704009 The other two portions of the deal are remarketings of outstanding debt rather than new issues. +20704010 The bonds are rated single-A by Moody's and single-A-plus by S&P, according to the lead underwriter. +20704011 City and County of Honolulu -- $75 million of general obligation bonds, 1989 Series B, due 1993-2009, through a Bear, Stearns & Co. group. +20704012 The bonds, rated double-A by Moody's and S&P, were priced to yield from 6.20% in 1993 to 7.10% in 2008 and 2009. +20704013 Federal National Mortgage Association -- $500 million of Remic mortgage securities being offered in 12 classes by Shearson Lehman Hutton Inc. +20704014 The offering, Series 1989-89, backed by Fannie Mae 9% securities, brings Fannie Mae's 1989 Remic issuance to $33.2 billion and its total Remic volume to $45.3 billion since the program began in April 1987. +20704015 Pricing terms weren't available. +20704016 Kyushu Electric Power Co. (Japan) -- $200 million of 8 7/8% bonds due Nov. 28, 1996, priced at 101 7/8 to yield 8 7/8% less full fees, via Yamaichi International Europe Ltd. +20704017 Fees 1 7/8. +20704018 Toshiba Corp. (Japan) -- $1.2 billion of bonds due Nov. 16, 1993, with equity-purchase warrants, indicating a 3 3/4% coupon at par, via Nomura International Ltd. +20704019 Each $5,000 bond carries a warrant exercisable Dec. 1, 1989, through Nov. 9, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Nov. 2. +20704020 Credit Lyonnais Australia Ltd. (French parent) -- 50 million Australian dollars of 16 1/4% bonds due Nov. 30, 1992, priced at 102 to yield 16.03% less full fees, via Hambros Bank Ltd. +20704021 Guarantee by Credit Lyonnais. +20704022 Fees 1 1/2. +20704023 World Bank (agency) -- #100 million of 10 7/8% bonds due Aug. 15, 1994, offered at 96.95 to yield 11.71%, via Baring Brothers & Co. +20704024 Tap on outstanding #100 million issue. +20704025 Also issued were 10 billion yen of bonds due Dec. 5, 1994, priced at 101 1/2, with coupon paid in Australian dollars, via LTCB International Ltd. +20704026 Interest during first year paid semiannually at 7.51%. +20704027 Thereafter, interest paid annually at 7.65%. +20704028 The World Bank also offered 100 million Swiss francs of 6% bonds due Nov. 16, 1999, priced at 101 1/4 to yield 5.83% via Credit Suisse. +20704029 Option by borrower to increase issue amount to 150 million francs. +20704030 Mandom Corp. (Japan) -- 80 million Swiss francs of privately placed convertible notes due March 31, 1994, with fixed 0.25% coupon at par, via Nomura Bank Switzerland. +20704031 Put March 31, 1992, at a fixed 107 3/4 to yield 3.43%. +20704032 Each 50,000 Swiss franc note convertible Dec. 4, 1989, through March 17, 1994, at a 5% premium over closing share price Nov. 1, when terms are fixed. +20704033 Nippon Air Brake Co. (Japan) -- 140 million Swiss francs of privately placed convertible notes due March 31, 1994, with fixed 0.25% coupon at par, via Yamaichi Bank (Switzerland). +20704034 Put March 31, 1992, at fixed 107 13/16 to yield 3.43%. +20704035 Each 50,000 Swiss franc note convertible Nov. 27, 1989, through March 17, 1994, at a 5% premium over closing share price Nov. 1, when terms are fixed. +20704036 Credit Suisse Finance Gibraltar Ltd. (Swiss parent) -- 100 billion lire of 12 5/8% bonds due June 30, 1993, priced at 101.45 to yield 12.75% less full fees, via Banca Nazionale del Lavaro. +20704037 Guarantee by Credit Suisse. +20704038 Fees 1 5/8. +20704039 Maryland National Bank -- $267 million of securities backed by home-equity lines of credit through Merrill Lynch Capital Markets. +20704040 The bank is a subsidiary of Baltimore-based MNC Financial Inc. +20704041 The securities were priced to float monthly at 20 basis points above the 30-day commercial paper rate. +20704042 The issue, formally titled MNB Home Equity Loan Asset Backed Certificates, Series 1989, will represent interest in a trust fund of home equity revolving credit line loans originated by the retail finance division of Maryland National Bank and secured primarily by second deeds of trust or second mortgages on single to four-family residential properties. +20704043 The securities are rated triple-A by Moody's and Duff & Phelps Inc. +20704044 They are expected to have an average life of 3.16 years. +20704045 Maryland National Bank's retail finance division will continue to service the loans. +20704046 First National Bank of Chicago will act as trustee, and the transaction will be supported by an 8% letter of credit issued by Dai-Ichi Kangyo Bank Ltd., Chicago branch. +20704047 Province of Nova Scotia -- $250 million of 8 1/4% debentures due Nov. 15, 2019, priced at 99.775 to yield 8.28%. +20704048 The noncallable issue, which can be put back to the province in 2001, was priced at a spread of 41 basis points above the Treasury's 10-year note. +20704049 Rated single-A-2 by Moody's and single-A-minus by S&P, the issue will be sold through underwriters led by Merrill Lynch Capital Markets. +20705001 Bausch & Lomb Inc. said it plans to introduce next year a new line of sunglasses containing melanin, the pigment that protects against damage from ultraviolet rays. +20705002 The optical products company has signed a licensing agreement with Photoprotective Technologies Inc., a closely held firm in San Antonio, Texas, which has developed a method to incorporate the synthetic melanin into plastic lenses. +20705003 Terms weren't disclosed. +20706001 Security Pacific Corp. has set its sights on buying its second bank holding company this year. +20706002 Security said it signed a letter of intent to purchase La Jolla Bancorp, agreeing to pay $15 of its own stock for each share of La Jolla. +20706003 Based on the current number of La Jolla shares, that gives the transaction a value of $104 million. +20706004 La Jolla is the parent company of La Jolla Bank & Trust Co., which has 12 branches in San Diego County. +20706005 As of Sept. 30, the bank had assets of $511 million and deposits of $469 million, Security Pacific said. +20706006 Earlier this month, Security Pacific, which is among the 10 largest bank holding companies in the U.S., completed the acquisition of San Diego-based Southwest Bancorp. +20707001 South Africa's current account surplus swelled to a seasonally adjusted annual rate of between five billion and six billion rand ($1.9 billion and $2.28 billion) in the third quarter, Reserve Bank Governor Chris Stals said. +20707002 The surplus was two billion rand in the second quarter and 2.7 billion rand in the first quarter. +20707003 He said this improvement means it is still possible to reach the targeted current account surplus of four billion rand for 1989. +20708001 Moscom Corp. said its board approved the repurchase of as many as 300,000 common shares when market conditions are suitable. +20708002 The maker of telecommunications management systems had 6,420,268 shares outstanding as of Sept. 30. +20708003 In over-the-counter trading yesterday, Moscom closed at $4.375, up 37.5 cents. +20709001 Service Corp. International said it expects to report net income of 15 cents a share for the third quarter. +20709002 The company said it expects to release third-quarter results in mid-November. +20709003 The funeral home and cemetery operator changed from a fiscal year to a calendar year in December. +20709004 In the comparable year-ago quarter, the second quarter ended Oct. 31, Service Corp. had a loss of about $12.5 million, or 26 cents a share, on revenue of $175.4 million. +20709005 Results for that quarter included a $30 million, or 40 cents a share, write-down associated with the consolidation of a facility. +20710001 Your Sept. 25 criticism of credit-card foreign-exchange charges is unwarranted. +20710002 I have just returned from France, and the net exchange rate charged on my Visa account was more favorable than I obtained for traveler's checks in any of the several banks where I converted them. +20710003 Vincent Jolivet Kenmore, Wash. +20711001 The state-controlled French metals group Pechiney S.A. said it has signed a preliminary accord to sell its Paris headquarters to Groupement Foncier Francais and Nouveaux Constructeurs for 2.76 billion francs ($443 million). +20711002 The sale, which Pechiney had been eager to make for several months, is still subject to certain unspecified conditions and is expected to be completed during the first quarter of 1990, the group. +20712001 Hong Kong's main measure of consumer prices rose 10% in September from a year earlier, the government said. +20712002 The Consumer Price Index "A", which measures price changes for the 50% of urban households that spend between 2,000 Hong Kong dollars (US$256.18) and HK$6,499 a month, edged up 1.5% in September from August. +20712003 Index "B", which monitors price changes for the 30% of urban households that spend between HK$6,500 and HK$9,999 a month, rose 9.9% last month from a year earlier and was up 1.3% from the preceding month. +20712004 September's Hang Seng Consumer Price Index, which measures price changes for the 10% of urban households spending HK$10,000 and HK$24,999 a month, was up 11% from a year ago and up 1.3% from August. +20712005 The main factors for the September increase from the previous month were higher prices for services, food and housing. +20712006 Prices fell marginally for fuel and electricity. +20713001 West German and French authorities have cleared Dresdner Bank AG's takeover of a majority stake in Banque Internationale de Placement (BIP), Dresdner Bank said. +20713002 The approval, which had been expected, permits West Germany's second-largest bank to acquire shares of the French investment bank. +20713003 In a first step, Dresdner Bank will buy 32.99% of BIP for 1,015 French francs ($162) a share, or 528 million francs ($84.7 million). +20713004 Dresdner Bank said it will also buy all shares tendered by shareholders on the Paris Stock Exchange at the same price from today through Nov. 17. +20713005 In addition, the bank has an option to buy a 30.84% stake in BIP from Societe Generale after Jan. 1, 1990 at 1,015 francs a share. +20714001 Furukawa Electric Co., one of Japan's leading electric wire and cable manufacturers, said unconsolidated pretax profit in the fiscal first half ended Sept. 30 fell 5.3% to 6.11 billion yen ($43.1 million) from 6.45 billion yen a year earlier. +20714002 Sales increased 11.9% to 279.39 billion yen from 249.68 billion yen. +20714003 Net fell 1% to 3.23 billion yen from 3.26 billion yen. +20714004 Pershare net fell to 4.97 yen from 5.40 yen. +20714005 The growing sales sustained by domestic demand failed to counter rising material metal costs and declining profitability in overseas construction, Furukawa said. +20714006 Rolled copper product sales were major contributors to overall sales growth. +20714007 Sales by category rose 24% to 35.23 billion yen, reflecting increased production in automobile, airconditioner and electric machine industries, which are major users of wire and cable products. +20714008 Sales for electric wires and cables rose 13.2% to 153.93 billion yen. +20715001 West Germany's cost-of-living index rose a preliminary 0.3% in October from September and was up 3.3% from a year earlier, the Federal Statistics Office in Wiesbaden said. +20715002 The increase follows a monthly rise of 0.2% in September from August. +20715003 Preliminary cost-of-living data for the current month are calculated based on inflation data from the four largest West German states -- Baden-Wuerttemberg, North Rhine-Westphalia, Bavaria and Hesse. +20716001 The Philippine government awarded Finland's Outokumpu Oy the contract to upgrade the facilities of Philippine Associated Smelting & Refining Corp., according to documents from National Development Corp., one of Philippine company's owners. +20716002 The project costs $46.8 million, and is intended to boost the company's production capacity by 25% to 34,500 metric tons of copper cathode a year. +20716003 Outokumpu is a mining, trading and construction concern. +20717001 September sales at major Japanese retail stores rose 9.4% from a year earlier to 1.388 trillion yen ($9.81 billion), marking the fifth-consecutive monthly increase, the Ministry of International Trade and Industry announced. +20717002 According to the ministry, retail sales at major department stores were up 12% to 745.7 billion yen, while sales at supermarkets rose 6.7% to 642 billion yen. +20717003 September's growth followed a 8.7% rise in July and an 8% increase in August, showing continued expansion at high year-on-year levels. +20717004 A ministry official said the growth leads to the conclusion the adverse effects of a consumption tax introduced in April have diminished. +20718001 Shell Canada Ltd. said it plans to build a lubricants blending and packaging plant at Brockville, Ontario, with start-up scheduled for 1992. +20718002 A spokesman said the plant, which will replace older lubricant and grease manufacturing plants in Montreal and Toronto, will cost about 50 million Canadian dollars (US$42.5 million) to build. +20718003 Brockville is about 100 miles east of Toronto. +20718004 Shell Canada, an oil and gas producer and marketer, is a unit of Royal Dutch/Shell Group, an Anglo-Dutch concern. +20719001 When the going gets tough, it's tough to trade stocks in continental Europe. +20719002 That's the troubling conclusion reached by many international investors and money managers angry at the malfunctions on Continental stock exchanges during last week's global market turbulence. +20719003 They say the recent market volatility has underscored the shortcomings of the way many European exchanges trade stocks. +20719004 The weaknesses of Continental exchanges are driving some fund managers to switch business to stocks traded on London's stock exchange, which quotes firm trading prices for about 350 blue-chip issues from 12 major countries. +20719005 "I'm not saying London covered itself in glory, but the events of the past week have certainly exposed Europe's weaknesses," says Stewart Gilchrist, a director of Scottish Amicable Investment Managers in Glasgow, Scotland, which manages about #6 billion ($9.63 billion) in institutional money. +20719006 He says the problems on European exchanges included market-system breakdowns, delayed execution of buy and sell orders and trading suspensions. +20719007 "The events strengthen London's hand in becoming the center for trading European stocks," Mr. Gilchrist says. +20719008 Unable to unload a large block of a French blue-chip company's shares in Paris for two days last week, a frustrated Scottish Amicable fund manager finally tossed down her phone in disgust and called James Capel & Co., a London brokerage firm. +20719009 The firm did the trade in seconds on the London stock exchange's SEAQ automated-quotation system. +20719010 On so-called Manic Monday, Oct. 16, stock prices plunged across Europe and trading problems erupted. +20719011 London had some problems, too. +20719012 The London exchange's electronic price-reporting system provided only indicative, or non-firm, prices for about 40 minutes on Manic Monday. +20719013 Some dealers say other traders weren't picking up their phones. +20719014 But London's problems were nothing compared with the Continent's. +20719015 In Brussels, which recently spent millions of dollars on a computer-assisted trading system, disgusted traders watched helplessly as a software failure before opening on Manic Monday prevented trading for two days. +20719016 For 48 hours, no one had any idea precisely how much his securities were worth. +20719017 By Wednesday, frustrated Belgian brokers reopened the market by using the time-honored method of quoting stocks with chalk on a blackboard. +20719018 The Belgian computer system finally was repaired and restarted on Tuesday of this week, with the aid of Toronto Stock Exchange officials who developed the system. +20719019 In Frankfurt, which only has a two-hour daily stock-trading session even in the best of times, stocks didn't open for the first 45 minutes because of order imbalances that brokers blame on a wave of sell orders from small investors. +20719020 As banks processed six-foot telexes of sell orders, the crush led to Manic Monday's worst decline: German stocks ended down 13%. +20719021 Exchange officials extended trading hours, 75 minutes on Monday and 65 minutes on Tuesday, to clear up order backlogs. +20719022 In France, more than half the top 25 blue-chip stocks -- including such giants as BSN and Elf Aquitaine -- didn't open until Wall Street rallied late in the European trading day, traders say. +20719023 The rally transformed some big sell orders into big buy orders, solving an order-imbalance problem. +20719024 But by that time, many big institutions had switched business to London. +20719025 "Belgium was closed for two days, France closed for a couple of hours, Germany was stuck. +20719026 It was a nightmare," says Susan Noble, an investment manager at Robert Fleming Holdings Ltd.'s International Investment Management unit in London. +20719027 "It's very worrying that these markets can't cope." +20719028 On Manic Monday, the volume of German shares traded in London more than tripled to 2.2 million, and the volume of French shares rose 48%. +20719029 (By comparison, German domestic stock volume in Frankfurt only doubled that day.) +20719030 The switch to the London market during such turbulent times is significant. +20719031 For one thing, the size of the affected market is enormous -- the European stock markets account for some 22.5% of global stock market capitalization, with an estimated value of $2.175 trillion, according to Morgan Stanley Capital International. +20719032 The Continental markets alone contribute about 14.3% of estimated world market capitalization of $9.671 trillion. +20719033 Though the widely traded shares that are quoted in London account for only a small portion of those totals, they still are the most closely watched stocks and are often viewed as a barometer for the local markets generally. +20719034 The switch to London underscores the fact that despite the economic restructuring associated with European Community efforts to develop a single market by 1992, European stock trading remains a highly fragmented and very localized activity. +20719035 Against this backdrop, one thing that doesn't seem likely to result from 1992 is a single European stock market. +20719036 Rather, there increasingly is a group of international brokerage and trading firms that operate in most European financial centers -- including European giants such as Barclays Bank PLC and Deutsche Bank, as well as Merrill Lynch & Co. and Shearson Lehman Hutton Inc. of the U.S. and Japan's Nomura Securities Co. +20719037 These firms, which often have acquired a local brokerage firm, are calling the shots when it comes to deciding in which market to transact a trade. +20719038 And senior officials of two U.S. securities houses say they switched trades in European stocks to the London market last week when they couldn't unwind positions on the Continent. +20719039 Meantime, brokers on the Continent are worried, too, mostly by the potential loss of business. +20719040 "I would be much happier if this volume {in German stocks} were in Frankfurt rather than London," says Dieter Bauernfeind, head of international equity sales at Dresdner Bank in Frankfurt. +20719041 He acknowledges that spreads "were too wide and volumes too light" in the extreme conditions on Manic Monday. +20719042 Already the Germans appear to be acting; at a special meeting on the day of the decline, directors of the Frankfurt Stock Exchange voted to extend their trading hours, although they haven't decided when or by how much. +20719043 A Frankfurt exchange official, acknowledging the brokers' anxieties, says the market still feels it "functioned OK during this crash." +20719044 The Dutch, who had some trading problems because of insufficient computer capacity, say new equipment to solve the problems ought to be installed within a month. +20719045 Says a spokeswoman for the Brussels Bourse: "Nobody around here will tell you they are happy the system didn't work. +20719046 But it's just one of those things that happened. +20719047 Investors can be assured now that this kind of problem can never occur again." +20719048 But for others, the pledges echo the promises made after the 1987 stock crash, when similar problems led many markets to develop the new systems that performed so badly last week. +20719049 "They all said they invested huge amounts of money. +20719050 But they either didn't buy the right machines or they wasted it," says Fleming's Ms. Noble. +20720001 Canadian steel production totaled 290,541 metric tons in the week ended Oct. 21, a 5.1% increase from 276,334 tons the previous week but a 7.2% decline from 313,125 tons a year earlier, Statistics Canada said. +20720002 The federal agency said that in the year through Oct. 21 production totaled 12,573,758 tons, up 7.1% from 11,742,368 tons. +20721001 Trinova Corp. said it will resume buying back as many as three million of its common shares under a program announced two years ago. +20721002 Trinova, which had 34.2 million common shares outstanding Sept. 30, had repurchased 29,700 shares since October 1987 before this latest announcement. +20721003 The company said it isn't making a commitment to purchase a specific number of shares. +20721004 In New York Stock Exchange composite trading yesterday, Trinova closed at $32.125, up 12.5 cents. +20722001 Calgene Inc. and Gustafson Inc. said they plan a joint project to develop biological products to control such plant diseases as aflatoxin, a potent cancer-causing agent. +20722002 Under the plan, the companies will use Calgene's patented technology to encapsulate microbes such as Bacillus subtilis, a bacterium, to enhance their biological activity against plant diseases. +20722003 Calgene, an agricultural biotechnology concern, said initial work will concentrate on a proprietary strain of Bacillus subtilis which has shown promise for controlling aflatoxin. +20722004 The strain was discovered by Morinaga & Co. and licensed to Gustafson, a unit of Uniroyal Chemical Co. +20722005 Aflatoxin is released by molds during grain and seed storage. +20722006 The recent appearance of aflatoxin in such foods as corn and peanut butter has sparked public concern and consumer scrutiny of food handling and storage procedures. +20723001 European Community employers fear that the EC Commission's plans for a "charter of fundamental social rights" is a danger to industrial competitiveness. +20723002 "We don't want Brussels deciding conditions for workers unless they are necessary and useful," said Zygmunt Tyszkiewicz, secretary general of the employers' confederation Unice. +20723003 Unice -- an acronym for the Union of Industrial and Employers' Confederations of Europe -- fears that the charter will force EC countries to adopt a single pattern in labor relations. +20723004 Workers and management, Mr. Tyszkiewicz said, would lose the "flexibility and diversity" that has so far allowed them to adapt to local conditions and traditions. +20723005 The British government also strongly opposes the charter in its current form. +20723006 It argues, as does Unice, that labor relations are best left to be regulated at the national level. +20723007 France will propose a slightly watered-down version of the charter to be discussed by EC social-affairs ministers on Monday, officials said. +20723008 But the cosmetic changes aren't expected to win over Britain. +20723009 "We still have serious differences with the text," a British official said, because it provides for a "regulation of the labor market." +20723010 Mr. Tyszkiewicz said the charter would put poorer EC countries such as Spain, Greece and Portugal at a disadvantage. +20723011 It would force these countries to introduce minimum standards for pay and working hours, and provide for collective bargaining and worker "participation" in major corporate decisions. +20723012 This, he warned, would prevent these countries from bridging the difference with their richer EC brethren. +20723013 Indeed, lower wages -- in Greece, they are a third of the EC average -- aren't enough to offset higher transport costs and lower productivity in the southern countries. +20723014 Increasing labor costs, Mr. Tyszkiewicz argued, would only put the countries at a further disadvantage in competing in the barrier-free EC market planned for after 1992. +20723015 But the Unice official said that producing a charter acceptable to both Britain and European industry isn't an unattainable goal. +20723016 The charter would just have to be restricted to a list of workers' fundamental rights, without seeking to impose any norms. +20723017 A key provision in the current version of the charter would give the commission a mandate to produce an "action program" detailing on what points EC member states would be required to comply with the goals set out in the charter. +20723018 This provision lies at the heart of the British and Unice fears of "social engineering" by the commission. +20723019 One possible political solution, an EC official said, would be for the commission to present the action program in late November, before the adoption of the charter at a summit of EC governments on Dec. 8 and 9. +20723020 This would leave Britain free to adopt the charter after having rebutted the action program. +20723021 The charter was approved by the EC Commission on Sept. 21. +20723022 France's Socialist government, which currently holds the council's rotating presidency, is committed to having the charter adopted by all 12 EC states before the end of 1989 -- the bicentennial of the French revolution and its "Universal Declaration of Human Rights. +20724001 Bruno DeGol, chairman of DeGol Brothers Lumber, Gallitzin, Pa., was named a director of this bank-holding company, expanding the board to 11 members. +20725001 Sam Ramirez and his men are late. +20725002 They pile out of their truck and furiously begin twisting together steel pipes linking a giant storage tank to the Sharpshooter, a freshly drilled oil well two miles deep. +20725003 If they finish today, the Sharpshooter can pump tomorrow. +20725004 One roustabout, hanging by his hands from a ladder, bounces his weight on a three-foot wrench to loosen a stuck fitting. +20725005 "We've been putting in long hours," Mr. Ramirez says -- six-day weeks and 13-hour days for the last two months. +20725006 A year ago, when almost nothing was happening amid these desolate dunes, "you'd spend two days working and two days in the yard," he recalls. +20725007 After a three-year nightmare of uncertain oil prices, draconian budget cuts and sweeping layoffs, fear is finally leaving the oil patch. +20725008 Independent drillers are gingerly sinking bits into the Earth's crust again. +20725009 Some in Big Oil are easing the grip on their wallets. +20725010 Investment capital is creeping back, and oil properties are fetching more. +20725011 Oil-tool prices are even edging up. +20725012 What happened? +20725013 In broadest terms, stability has quietly settled into international oil markets. +20725014 Mideast politics have calmed down and the squabbling within the Organization of Petroleum Exporting Countries seems under control for now. +20725015 "The fundamentals of supply and demand once again are setting oil prices," says Victor Burk, an Arthur Andersen & Co. oil expert. +20725016 After years of wild swings, oil prices over the last 12 months have settled at around $15 to $20 a barrel. +20725017 That isn't the $40 that delighted producers a decade ago or the $10 that pleased users a year ago. +20725018 But it is high enough to prod the search for future supplies, low enough to promote consumption and, most important, steady enough for both producers and users to believe in. +20725019 Not that oil suddenly is a sure thing again. +20725020 The current equilibrium is fragile and depends on steady, strong demand and continued relative harmony within OPEC, producer of more than 40% of the non-Communist world's crude. +20725021 A recession or new OPEC blowup could put oil markets right back in the soup. +20725022 Also, the new stirrings are faint, and some question their extent. +20725023 Drilling activity is still far below eight years ago, there's no hiring surge and some companies continue to shrink. +20725024 With all this, even the most wary oil men agree something has changed. +20725025 "It doesn't appear to be getting worse. +20725026 That in itself has got to cause people to feel a little more optimistic," says Glenn Cox, the president of Phillips Petroleum Co. +20725027 Though modest, the change reaches beyond the oil patch, too. +20725028 The same roller-coaster prices that halted U.S. oil exploration and drove many veteran oil men and companies out of the business also played havoc with the nation's inflation rate, the trade deficit and oil users' corporate and personal budgets. +20725029 Now, at least some predictability has returned, for everyone from economists to motorists. +20725030 Corporate planners can plan again. +20725031 "Management doesn't want surprises," notes Jack Zaves, who, as fuel-services director at American Airlines, buys some 2.4 billion gallons of jet fuel a year. +20725032 Prices had been so unstable that two years ago Mr. Zaves gave up on long-term forecasts. +20725033 And consumers "should be comfortable," adds W. Henson Moore, U.S. deputy secretary of energy. +20725034 "I don't see anything on the horizon that could lead to a precipitous rise in the price." +20725035 The catalyst for all this has been OPEC. +20725036 About a year ago, it ended an on-again, off-again internal production war that had put prices on a roller coaster and pitched oil towns from Houston to Caracas into recession. +20725037 Saudi Arabia, OPEC's kingpin, abandoned a policy of flooding the market to punish quota-cheaters. +20725038 About the same time, the Iran-Iraq war, which was roiling oil markets, ended. +20725039 In addition, global petroleum demand has been climbing. +20725040 It is projected to keep growing by a million barrels a day, or up to 2% annually, for years to come. +20725041 For OPEC, that's ideal. +20725042 The resulting firm prices and stability "will allow both producers and consumers to plan confidently," says Saudi Arabian Oil Minister Hisham Nazer. +20725043 OPEC Secretary-General Subroto explains: Consumers offer security of markets, while OPEC provides security of supply. +20725044 "This is an opportune time to find mutual ways {to prevent} price shocks from happening again," he says. +20725045 To promote this balance, OPEC now is finally confronting a long-simmering internal problem. +20725046 At its November meeting, it will try to revise its quotas to satisfy Persian Gulf members that can produce far more oil than their allotments. +20725047 Being held well below capacity greatly irritates them, and has led to widespread cheating. +20725048 OPEC has repeatedly raised its self-imposed production ceiling to legitimize some of that unauthorized output. +20725049 Oil ministers now hope to solve the issue for good through an Iranian proposal that gives a larger share of output to countries with surplus capacity and reduces the shares of those that can't produce more anyway. +20725050 But "if they walk out without any effort to resolve their problem, production could increase to 23 million or 24 million barrels a day, making for a very troublesome first quarter," warns Nordine Ait-Laoussine, a consultant and former Algerian OPEC delegate. +20725051 That would send prices plummeting from what some gun-shy U.S. oil executives still regard as too low a level. +20725052 Patrick J. Early, president of Amoco Corp.'s oil-production unit, says that despite recent stability, he plans continued tightening of costs and exploration spending. +20725053 The view of some others in Big Oil, he maintains, "is very much {similar to} Amoco's outlook." +20725054 Just this week Mobil Corp. disclosed new cutbacks in its domestic exploration and production operations. +20725055 Out here on the Querecho Plains of New Mexico, however, the mood is more upbeat; trucks rumble along the dusty roads and burly men in hard hats sweat and swear through the afternoon sun. +20725056 Santa Fe Energy Co., a unit of Santa Fe Southern Pacific Co., bought from Amoco the rights that allowed it to drill the Sharpshooter. +20725057 A mile and a half away looms the 150-foot-tall rig of the Sniper, due to be pumping by December. +20725058 "Talk is that everybody is going to drill more wells," says foreman Tommy Folsom. +20725059 Santa Fe aims to drill about 30 wells in this area in 1989 and double that next year. +20725060 It is more aggressive than most, but it isn't the only company with a new attitude, as it found when it went looking for a partner for the Sharpshooter. +20725061 "We went to six companies over two days pitching the prospect," says Tim Parker, a Santa Fe exploration manager. +20725062 "Five were interested." +20725063 Mitchell Energy & Development Corp. became the partner, ponying up more than half of the $600,000 in drilling and start-up costs. +20725064 Mitchell will get a half-interest in the oil. +20725065 "A kind of no-mistakes mentality" had been stifling activity, says Don Covey, Mitchell's oil exploration chief. +20725066 Now "everybody is a lot more optimistic." +20725067 One attraction for oil operators here and in other fields is the bargain-basement cost of drilling and equipment, reflecting service companies' hunger for work. +20725068 Kadane Oil Co., a small Texas independent, is currently drilling two wells itself and putting money into three others. +20725069 One of its wells, in southwestern Oklahoma, is a "rank wildcat," a risky well where oil previously hasn't been found. +20725070 "At this price, $18 plus or minus, and with costs being significantly less than they were several years ago, the economics are pretty good," says George Kadane, head of the company. +20725071 "If you know you've got stability in price, you can do things you wouldn't do with the volatility of the past few years." +20725072 The activity is enough to move some oil-service prices back up a little. +20725073 Some drill-bit prices have risen 5% in the past month. +20725074 In the Gulf of Mexico, a boat to deliver supplies to offshore rigs now costs around $3,000 a day, up nearly 60% since June. +20725075 Some service boats recently were auctioned for about $1.7 million each, up from less than $1 million two years ago. +20725076 At the bottom of the slump, Schlumberger Inc. was discounting 75% on an electronic evaluation of a well; now it discounts about 50%, drillers say. +20725077 Still, there is money to be made. +20725078 Most oil companies, when they set exploration and production budgets for this year, forecast revenue of $15 for each barrel of crude produced. +20725079 Prices have averaged more than $2 a barrel higher than that -- not a windfall, but at least a pleasant bonus for them. +20725080 So, according to a Dun & Bradstreet Corp. survey, companies that had been refusing to spend even their very conservative budgets may loosen up before year end. +20725081 It says 40% of those surveyed report that 1989 exploration spending will exceed 1988's. +20725082 Funds for drilling may inch up more next year if oil prices stay stable. +20725083 Texaco, thinking in terms of $18-to-$19 oil for 1990, may raise spending, especially for low-risk prospects, an official says. +20725084 Outside investors, scarce since '86, are edging back. +20725085 Although "it's still difficult to raise money for a pure wildcat program," says William Thomas, a Texas Commerce Bank official in Houston, "institutions are starting to see there are cycles to these things, and this one is beginning to turn." +20725086 Wall Street generally likes the industry again. +20725087 The appetite for oil-service stocks has been especially strong, although some got hit yesterday when Shearson Lehman Hutton cut its short-term investment ratings on them. +20725088 Contractors such as Parker Drilling Co. are raising cash again through stock offerings, and for the first time in years, two oil-service companies recently went public. +20725089 (They are Grace Energy Corp. of Dallas and Marine Drilling Co. of Houston.) +20725090 Most oil companies are still reluctant to add to the office and professional staffs they slashed so deeply. +20725091 But a few new spots are opening. +20725092 Arthur Andersen, the accounting firm, has increased its energy staff 10% in a year. +20725093 Out in the oil fields, if activity picks up much more, shortages could appear because so many roughnecks, roustabouts and others left after the crash. +20725094 Already "it's hard to get people. +20725095 They're so busy," says one Santa Fe drilling foreman here. +20725096 For most field workers, it's about time. +20725097 Mr. Ramirez, who arrived late at the Sharpshooter with his crew because he had started early in the morning setting up tanks at another site, just got the first raise he can remember in eight years, to $8.50 an hour from $8. +20725098 Norman Young, a "mud-logger" at the Sniper well, has worked all but about nine days of this year. +20725099 Last year, "I was off a straight month, then one time for two to three weeks and another two to three weeks," he says. +20725100 Butch McCarty, who sells oil-field equipment for Davis Tool Co., is also busy. +20725101 A native of the area, he is back now after riding the oil-field boom to the top, then surviving the bust running an Oklahoma City convenience store. +20725102 "First year I came back there wasn't any work," he says. +20725103 "I think it's on the way back now. +20725104 But it won't be a boom again. +20725105 No major booms, no major setbacks," he predicts. +20725106 Business has been good enough that he just took a spur-of-the-moment weekend trip to the mountain area of Cloudcroft, something "I haven't done in years." +20725107 The figures confirm that there certainly isn't any drilling boom. +20725108 Only 14,505 wells, including 4,900 dry holes, were drilled for oil and natural gas in the U.S. in the first nine months of the year, down 22.4% from the like 1988 period. +20725109 But that was off less than at midyear, when completions lagged by 27.1%. +20725110 And the number of rigs active in the U.S. is inching up. +20725111 According to Baker Hughes Inc., 992 rotary rigs were at work in the U.S. last week, up from the year-ago count of 933. +20725112 (In 1981, before the bust, the rig count was above 4,000.) +20725113 Global offshore-rig use shows a similar upward trend. +20725114 Some equipment going to work is almost new. +20725115 Grace Energy just two weeks ago hauled a rig here 500 miles from Caspar, Wyo., to drill the Bilbrey well, a 15,000-foot, $1-million-plus natural gas well. +20725116 The rig was built around 1980, but has drilled only two wells, the last in 1982. +20725117 Until now it had sat idle. +20725118 For Zel Herring, owner and a cook at the Sandhills Luncheon Cafe, a tin building in midtown, all this has made for a very good year. +20725119 After 11:30 a.m. or so "we have them standing and waiting," she says, as she whips out orders for hamburgers and the daily special (grilled roast beef, cheese and jalapeno pepper sandwich on whole wheat, potato salad, baked beans and pudding, plus coffee or iced tea. +20725120 Price: $4.50). +20725121 Mike Huber, a roustabout, is even making it in his new career as an entrepreneur. +20725122 He started Arrow Roustabouts Inc. a year ago with a loan from a friend, since repaid, and now employs 15. +20725123 He got three trucks and a backhoe cheap. +20725124 "I want to add one more truck," Mr. Huber says. +20725125 I sense that it's going to continue to grow. +20725126 That's the word. +20725127 The word is out. +20726001 Eight people, including a supervisor of Security Pacific National Bank's central vault, were arrested in an investigation of an alleged drug money-laundering operation. +20726002 The U.S. Attorney's office filed a criminal complaint against six bank employees charging them with conspiracy in the scheme, which apparently was capable of handling millions of dollars a week by funneling cash through fictitious bank accounts. +20726003 Two other men also were charged with participating in the operation. +20726004 The arrests capped a four-month investigation by the Internal Revenue Service, the U.S. Attorney's office and a Security Pacific internal investigation team. +20726005 Walter S. Fisher, executive vice president and general auditor of the bank's parent, Security Pacific Corp., said no bank funds were at risk during the investigation. +20726006 Arrested were Jose O. Lopez, 27 years old, of Whittier, Calif., the vault supervisor; Carlos O. Huerta, 29, of La Puente; Luis A. Arroyo, 36, of Los Angeles; Ignacio Rojas Jr., 32, of Baldwin Park; Doris Moreno, 37, of Bell Gardens; and Ana L. Azucena, 27, of Huntington Park. +20726007 Geno M. Apicella, 27, of Los Angeles, and Terrell N. Madison, 27, of Hawthorne, were also charged with participating in the conspiracy. +20726008 Each defendant faces a possible sentence of 20 years in prison and $250,000 in fines. +20726009 The defendants couldn't immediately be reached for comment. +20727001 S.A. Brewing Holdings Ltd. began laying the groundwork to launch a rival offer for Bond Corp. Holdings Ltd.'s Australian brewing operations. +20727002 Such an offer could torpedo a plan by Lion Nathan Ltd. of New Zealand to acquire half the brewing interests. +20727003 But it would probably increase the amount of cash that debt-ridden Bond Corp. would earn from the transaction. +20727004 Australia's National Companies and Securities Commission said it will allow S.A. Brewing to acquire an option on as much as 20% of Bell Resources Ltd., a unit of Bond Corp. that is in the process of acquiring Bond Corp.'s brewing businesses for 2.5 billion Australian dollars (US$1.93 billion). +20727005 S.A. Brewing, which is 20%-owned by Elders IXL Ltd., Australia's largest brewer, will make a takeover offer for all of Bell Resources if it exercises the option, the corporate regulators said in a statement. +20727006 Bond Corp., a brewing, property, media and resources concern controlled by financier Alan Bond, is selling many of its assets to reduce an A$6.9 billion debt. +20728001 Contrary to what might be expected based on the headline on John R. Dorfman's recent Money Matters article ("Pros Hit Theorists Right Where It Hurts" Oct. 3), I was able to stand proudly before my undergraduate finance students and proclaim that the findings of your yearlong experiment on stock picking is completely consistent with what they have been taught in the classroom. +20728002 In particular, I do not find the fact that your group of pros' monthly selections of four stocks outperforms the market in general to be inconsistent with market efficiency. +20728003 Mr. Dorfman states that an investor who invested $100,000 a year ago in the first four stocks selected by your pros and then sold those one month later, purchasing the four new pro picks, and repeated this process for the year would have accumulated $166,537, excluding account dividends, taxes and commissions. +20728004 In contrast, an investor holding the Dow Jones portfolio over the year would have accumulated only $127,446. +20728005 Accepted theories of asset pricing offer a perfectly legitimate explanation. +20728006 Accepted theories state that investors require higher returns on riskier investments. +20728007 Thus, rather than seeing the excess returns to the pro-selected portfolio as being abnormal, I see those returns as simply compensations for taking on added risk. +20728008 I believe the risk for each individual stock selected by your pros is very large. +20728009 If you asked me to select a stock with the highest expected return, I would select a stock with the greatest amount of undiversifiable risk, as I am sure your pros do. +20728010 Your hypothetical investor is simply being compensated for taking on this added risk. +20728011 Moreover, your hypothetical investor has forsaken the gains to be had in reducing risk by diversifying his portfolio. +20728012 A four-stock portfolio is still exposed to a great deal of unnecessary risk. +20728013 This means the returns can vary a great deal. +20728014 Mr. Dorfman provides confirming evidence of this phenomenon when he reports that your staff of dart throwers would have accumulated only $112,383 by randomly selecting four new stocks to be held in a portfolio each month. +20728015 Scott E. Hein Texas Tech University Lubbock, Texas Your Investment Dartboard article misses the target. +20728016 The fact that stock pickers have bested a randomly selected portfolio in eight of 12 months has no bearing on the efficient-market theory. +20728017 What matters is that the stocks recommended by your pros tend to be substantially riskier than a diversified portfolio. +20728018 For example, your pickers' recommendations for the coming month are, on average, 22.5% riskier than holding the market portfolio according to Value Line's Beta estimates. +20728019 James Morgan's pick for October -- Dynascan -- is a substantial 35% riskier than the market portfolio; his lauded Thermo Electron pick is 40% riskier. +20728020 Eric C. Meltzer +20729001 Peter W. Likins, president of Lehigh University, Bethlehem, Pa., was elected a director of this maker of industrial motion-control parts and systems. +20729002 His appointment expands the board to 13 members. +20730001 California Thefts Make Travel Agents Jittery +20730002 BEING A TRAVEL agent used to be pretty glamorous. +20730003 Now it's getting downright dangerous. +20730004 In recent months, more than 25 agencies have been robbed, compared with only a handful all last year, according to police and travel-agency groups. +20730005 Most of the cases have been in California, where one agent was stabbed and another was shot and killed. +20730006 Los Angeles police say the thieves seem to be part of a crime network that knows how to convert blank tickets into real ones. +20730007 Already, the stolen tickets have been used for flights all over the world. +20730008 So far, the thieves have stolen 3,632 blank tickets, according to Airline Reporting Corp., a ticket processing center. +20730009 Police say the robberies are usually pulled off by two to five men, who walk into the agencies near closing or lunch time, when few employees are there. +20730010 "They looked like ordinary vacationers at first," says Willy LLerena, owner of Travel Air Service in Monte Bello, Calif., describing five men who entered his agency last June. +20730011 But then, he says, they put two loaded pistols to his temple and demanded he open the safe. +20730012 When he initially refused, he says, they stabbed him in the back and made off with $2,000 and 280 blank tickets. +20730013 "They said they wanted to show me how serious they were," he says. +20730014 As word of the crime spree has spread, many agents have started changing their open-door policies. +20730015 At El Monte Travel Center in El Monte, Calif., customers now can get in only through a buzzer and lock system. +20730016 "It's hard to deal with clients this way in a service business," says Ralph "Bud" Conner, owner of the agency, which was robbed of 180 blank tickets and $850 last month. +20730017 "But we're just too nervous." +20730018 The robberies also have set off a controversy involving the airlines. +20730019 Agents say airlines, which track ticket numbers of all stolen tickets, should be doing more to catch the thieves by confiscating the tickets when they're used. +20730020 "They have the most sophisticated computers in the world," says Mr. LLerena. +20730021 "They ought to be able to do this." +20730022 But airlines say it would be too expensive and cause too many delays if they started using computerized scanners to check tickets at the gate. +20730023 Texans Get Reasonable Car Rental Insurance +20730024 CONSUMER advocates have long claimed that car rental companies charge too much for car rental insurance. +20730025 Now, a new law in Texas seems to be providing the proof. +20730026 The law -- the first of its kind -- requires car rental companies in Texas to charge only "reasonable" rates for collision-damage waiver insurance. +20730027 Specifically, the law says the rates must closely reflect what the company's actual expenses have been to replace damaged cars. +20730028 Before the law went into effect last month, car rental companies were charging as much as $12 a day for the waiver in Texas. +20730029 Now, they're charging as little $3 a day. +20730030 "If they're telling the truth now, then they've been charging 300% more than what is reasonable," says Steve Gardner, an assistant state attorney general in Texas. +20730031 A spokesman for Hertz Corp. acknowledges, "The waiver isn't a source of protection for consumers, but a source of revenue." +20730032 But Hertz points out that at least it's now charging only $3.95 a day in Texas, while some competitors are charging $6.99. +20730033 The state attorney general's office is investigating rental car agencies charging noticeably higher prices. +20730034 Flight Attendants Lag Before Jets Even Land +20730035 IF YOUR FLIGHT attendant seems a little weary, it may be because he or she has been working 20 straight hours. +20730036 A recent study for the Federal Aviation Administration found that major airlines sometimes make flight attendants work 16 hours or more straight -- despite union contracts at some airlines limiting duty time to 14 hours. +20730037 Some flight attendants on charter planes are putting in 20-hour work days, the study found. +20730038 This happens because the FAA doesn't have any rules on duty time for flight attendants; by contrast, it strictly restricts duty time for pilots and air traffic controllers, usually to a maximum of 10 consecutive hours. +20730039 "As far as the FAA is concerned," says Matt Finucane, air safety director at the Association of Flight Attendants, "flight attendants can work an unlimited number of hours." +20730040 Experts say such long hours for attendants pose a safety risk. +20730041 For instance, tired flight attendants might not react quickly enough during an emergency evacuation. +20730042 "At the end of their day, they are zombies," says John Galipault, president of the Aviation Safety Institute, a public-interest group in Worthington, Ohio. +20730043 "They have to work such long hours and then we expect them to be heroes if there's an evacuation." +20730044 In response to the study, the FAA says it is considering changing its policy -- or lack of it -- on flight attendants. +20730045 The agency may not have much choice: A congressional bill has been introduced that would force the agency to limit flight attendant duty time to 14 hours on U.S. flights and 16 hours on international trips. +20730046 Odds and Ends +20730047 GOLF HAS BECOME the latest diversion for travelers stuck at some airports. +20730048 Simulated golf games, in which players hit golf balls into nets, have been installed at airports in Denver and Pittsburgh. . . . +20730049 The average cost for breakfast at a "decent" hotel restaurant in New York is $17.12, according to Corporate Travel magazine. +20730050 The cheapest, among 100 cities surveyed, was $5.11 in El Paso, Texas. +20731001 Mark Q. Huggins was named executive vice president and chief financial officer. +20731002 Mr. Huggins, 39 years old, formerly was controller and chief accounting officer at Harte-Hanks Communications Inc. +20731003 Management Co. manages entertainers and produces, markets and finances entertainment. +20732001 Why do you continually ignore the salubrious effects of indexing the basis of capital gains for inflation? +20732002 Why do you maintain the House-passed capital-gains plan is a "temporary" reduction when it is not? +20732003 I think the reason is that you are confusing tax "rates" with tax "payments." +20732004 Your Sept. 29 page-one story on the House-passed capital-gains plan is a good example. +20732005 You lead readers to believe that the House reduced the capital-gains tax for two years only. +20732006 You virtually ignore the tax-reducing power of indexation, which in many cases is more substantial than a lower rate. +20732007 The monetary tax benefit of indexation for all gains in excess of inflation can be measured using the following equation: tax rate, times inflation rate, times basis for the gain. +20732008 Depending on the size of the gain and the rate of inflation, indexation can mean a lower tax payment than using the 19.6% rate without indexation. +20732009 But in any event -- and this is the important point -- tax "payments" on capital gains will be lower with indexation than under current law, even though the tax "rate" is the same under both systems. +20732010 As you can see, the capital-gains reduction plan adopted by the House would not be temporary, but permanent. +20732011 I hope that you begin talking about the plan's permanent and, in my view, most beneficial feature -- indexation. +20732012 Rep. Robert K. Dornan (R., Calif.) Washington +20732013 That the motivation for the two-year reduction to 19.6% is budgetary does not mean it is not in the public interest. +20732014 The reduction eases the burden on portfolio changes and frees capital to seek more productive or more appropriate uses. +20732015 But what is really significant is the indexation of capital gains after 1991. +20732016 To argue that this is "not likely" to affect the economy in positive ways is contrary both to recent experience with capital-gains tax cuts and to common sense. +20732017 A large part of the long-term appreciation of assets reflects inflation, and the taxation of inflation-created capital gains is confiscation. +20732018 Does the Journal really believe that people ignore the prospect of having a substantial part of their capital confiscated when they decide whether to save or how to invest? +20732019 Under current law, it is not financially rational to forgo consumption. +20732020 Real, aftertax returns from financial assets are on the order of 1% or 2% a year. +20732021 The capital-gains tax reform is a step toward correcting one of the gravest structural weaknesses of the U.S. economy, the closely connected phenomena of low savings rates, weak capital formation and high capital costs. +20732022 J. Sigurd Nielsen Richmond, Va. +20733001 Isaac Hersly, 41 years old, was elected president and chief operating officer of this designer and marketer of graphics, video, cable and other television-related equipment. +20733002 He succeeds Alfred O.P. Leubert, 66, who continues as chairman and chief executive officer. +20733003 Mr. Hersly formerly was group vice president of marketing and product planning for Chyron and president of the telesystems and video products division. +20734001 W.R. Grace & Co. said it formed a new horticultural-products company by combining its soil-nutrients and fertilizers business with Sierra Chemical Co., Milpitas, Calif. +20734002 Grace, a maker of specialty chemicals that already owned about 30% of closely held Sierra, said it owns a 49% stake in the new company. +20734003 Grace said it didn't invest any additional capital in the venture, which will be known as Grace-Sierra Horticultural Products Co. +20734004 The business is expected to have sales of about $100 million in 1990, Grace said. +20734005 The new company's product lines will be aimed at nurseries, greenhouses and the lawn and garden industry. +20735001 The Financial Accounting Standards Board said it will soon issue a rule requiring disclosure about the financial risk of certain financial instruments. +20735002 But the chief rule-making body for accountants backed off one part of its original proposal made earlier this year that would have required a breakdown of certain balance-sheet items related to off-balance sheet instruments. +20735003 The balance-sheet detail was opposed by many banks and thrifts that felt the cost of supplying such data wasn't worth the value of the disclosures. +20735004 Under the initial proposal, for example, banks would have been required to disclose that portion of allowances for loan losses that reflects specific letters of credit for which customers had defaulted. +20735005 The final rule won't require such a breakdown of the allowances for loan losses, which appears on the balance sheet. +20735006 The FASB rule will cover such financial instruments as interest rate swaps, financial guarantees, foward interest rate contracts, loan contracts, loan commitments and options written on securites held. +20735007 It will require companies to spell out in more detail collateral polices and concentrations of credit risk for all financial instruments. +20735008 The rule will require companies with financial instruments that have off-balance sheet risks to disclose data about the value and terms of the instruments, any accounting loss that would occur if the outside party involved in the instrument failed to perform, and the company's policy for requiring collateral or other security for the instrument. +20735009 Scott Miller, an FASB project manager, said that a final rule will be issued before year end. +20735010 But he noted that the initial effective date of the earlier proposal had been delayed by six months. +20736001 Poughkeepsie Savings Bank said a plan to sell its South Carolina branch offices to First Citizens Bank, of Columbia, S.C., fell through. +20736002 Poughkeepsie also expects to post a one-time charge of $8.3 million, resulting in a net loss for the third quarter. +20736003 The charge represents a write-down of the goodwill associated with Poughkeepsie's investment in the banks it is trying to sell and its North Carolina branches as well. +20736004 The thrift announced the plan Aug. 21. +20736005 Among other reasons, high fees regulators imposed on certain transfers of thrift deposits to commercial banks "substantially altered the economics of the transaction for both parties," Poughkeepsie said. +20736006 Additionally, the bank is increasing its loan-loss reserves for the third quarter by $8.5 million before taxes. +20736007 In the year-earlier third quarter, Poughkeepsie Savings had net income of $2.8 million, or 77 cents a share. +20736008 Poughkeepsie said it is continuing to try to sell itself, under a June agreement with a dissident-shareholder group. +20736009 The bank also said its effort would continue past the Nov. 1 deadline set in that agreement and that the litigation between the two sides might resume as a result. +20736010 The thrift and the holders had suspended their lawsuits as part of the agreement. +20737001 Joe Frank Sanderson Jr. was elected president and chief executive officer of this poultry producer. +20737002 Joe Frank Sanderson, who is currently chairman, chief executive and treasurer, will remain chairman. +20737003 The current president and chief operating officer, J. Odell Johnson, was elected to the new position of vice chairman of the board. +20738001 Kinder-Care Inc. was dropped from the consumer services industry group of the Dow Jones Equity Market index because the company split itself in a restructuring. +20738002 It was succeeded in the group by Fuqua Industries Inc. +20738003 Both moves are effective today. +20739001 A potentially safer whooping cough vaccine made by novel genetic engineering techniques was described by a team of Italian, U.S. and Japanese scientists. +20739002 The team reported they managed to induce bacteria to produce a non-toxic version of the poisons produced by the bacterium that causes whooping cough. +20739003 Laboratory tests showed that non-toxic versions of the poisons are capable of inducing an immunity to whooping cough, the researchers reported in this week's issue of the journal Science. +20739004 The current vaccine for whooping cough, or pertussis, is part of the "DPT" (for diphtheria, pertussis, tetanus) shot given most infants and young children. +20739005 The vaccine is effective in preventing a disease that still afflicts about 60 million children a year world-wide, causing an estimated one million deaths. +20739006 The vaccine, however, causes allergic reactions that can be fatal. +20739007 The reactions stem from the fact that the vaccine contains multiple copies of the whole Bordetella pertussis bacterium, which causes whooping cough. +20739008 This bacterium produces a toxin that, if used as a vaccine, can induce immunity to whooping cough. +20739009 Unfortunately, the toxin is also poisonous. +20739010 The Italian-led scientific team said they had succeeded in getting bacteria to produce a non-toxic version of the pertussis toxin, which could be used as a safe vaccine. +20739011 The researchers reported they have been able to pluck the five genes that produced the toxin out of the pertussis bacterium. +20739012 It turned out that although it took all five genes to produce the toxin, only one was responsible for the toxin's virulence. +20739013 Ordinarily in genetic engineering each of these genes, minus the one that caused the virulence, would have been transferred to another bacterium, called E. coli, which would then produce a nonvirulent version of the toxin. +20739014 The researchers said they did this, but the toxin didn't induce immunity to whooping cough. +20739015 The scientists then took the five toxin genes and triggered a mutation in the one gene that caused virulence. +20739016 Then, using a new technique (called homologous recombination) for introducing genes into cells, they transferred all five genes to bacteria closely related to the pertussis organism. +20739017 These bacterial "cousins" ordinarily don't make the toxin. +20739018 But the genes were accompanied by a piece of DNA, called a promoter, that turns the genes on. +20739019 The new bacteria recipients of the genes began producing pertussis toxin which, because of the mutant virulence gene, was no longer toxic. +20739020 Experiments showed that the new, non-virulent toxin is capable of inducing immunity, according to the researchers from the Selavo Research Center in Siena, Italy, the Medical College of Wisconsin in Milwaukee and the Japanese National Institutes of Health. +20740001 Carl E. Pissocra, president and chief executive officer of Bank One, Dover, has been named regional president, a new post at the bank-holding company. +20740002 Mr. Pissocra, 56 years old, will be responsible for the company's 10 banks in the Eastern region. +20740003 Dan J. Hartwell, 41, executive vice president of Bank One, Dover, was named president and chief executive of the Dover bank, succeeding Mr. Pissocra. +20740004 No one was named to succeed Mr. Hartwell. +20741001 At a time when foreign banks are pouring vast resources and personnel into West Germany's financial center, the opening of a three-man office on a Frankfurt side street shouldn't attract much attention. +20741002 Unless, of course, it happens to be run by the Rothschilds. +20741003 After an 88-year absence from the birthplace of the family banking empire, the return of the Rothschild group to Frankfurt was greeted by the glare of television lights, curious reporters and a mayoral reception in Town Hall. +20741004 Like other foreign banks establishing a presence here, the family describes its move as a calculated decision to set up a financial services outlet in Europe's largest economy ahead of the integration of European Community markets after 1992. +20741005 Yet the Rothschilds don't deny an emotional element to the decision. +20741006 In 1796, Mayer Amschel Rothschild founded Bankhaus M.A. Rothschild & Sons and later sent his four sons to London, Paris, Vienna and Naples to begin the bank's expansion during the early 19th century. +20741007 The original bank in Frankfurt closed in 1901 after the death of Wilhelm Carl von Rothschild, and the family's banking activities focused on London and Paris. +20741008 Baron Elie de Rothschild, the family's elder spokesman, explains that by the end of the 19th century, Berlin had replaced Frankfurt as Germany's financial center. +20741009 Yet the chief reason for the closure, he says, was rooted in a family tradition that wouldn't allow a bank to bear the Rothschild name without a Rothschild in its management. +20741010 "At the time we had only daughters," explains the 72-year-old patriarch, "so we had to close the bank." +20741011 Much of the family's mystique remained. +20741012 Although its palatial residence was destroyed by bombs during World War II, the Rothschilds' place in Frankfurt's history is still recalled by the city park and a street bearing the Rothschild name. +20741013 The family's long absence is understandable. +20741014 The family was in Allied countries during both World War I and the long period of economic strife of the 1920s. +20741015 During the Third Reich, the Rothschilds were a target of Nazi propaganda against Jewish financiers. +20741016 The persecution pursued the Rothschilds across Europe as the Nazis grabbed countries, confiscating the family's property in the process. +20741017 American journalist William L. Shirer, in his book "The Rise and Fall of the Third Reich," wrote of how in Vienna he had witnessed "squads of {Nazi} SS men carting off silver, tapestries, paintings and other loot from the Rothschild palace." +20741018 In the immediate postwar years, the Rothschilds concentrated on rebuilding their other European operations, delaying their return to Frankfurt. +20741019 "For a member of the Rothschild family, the return to Frankfurt is a very meaningful event, although it might not mean as much to German banking as it means to us," says Baron David de Rothschild, Elie's younger cousin and a partner in Rothschild & Cie. Banque in Paris. +20741020 Indeed, the competition isn't greatly concerned. +20741021 "It would be surprising if they didn't come to Frankfurt in time for 1992, and they bring an interesting tradition. +20741022 But the market really isn't going to be stood on its head," said a banker at one of Frankfurt's Big Three banks. +20741023 The return of the Rothschilds is modest. +20741024 The new representative office, with one manager and two assistants -- none a member of the Rothschild family -- will carry out no banking operations of its own. +20741025 Instead, it is to seek out corporate financing business and sell investment products on behalf of the family's mainstay banking units: N M Rothschild & Sons Ltd. in London, Rothschild & Cie. in Paris and Rothschild Bank AG in Zurich. +20741026 The constraints don't bother the office's 54-year-old manager, Erich Stromeyer. +20741027 He left his job as general manager of Shearson Lehman Hutton Holdings Inc.'s Frankfurt office because, he says, "When the Rothschilds called, I couldn't resist." +20741028 Each Rothschild bank is linked by family ties and cross-ownership. +20741029 In March, N M Rothschild in London and Rothschild Bank in Zurich showed assets of #4.1 billion ($6.51 billion) and 1.26 billion Swiss francs ($774 million), respectively. +20741030 The Paris bank doesn't publish that figure. +20741031 In Europe, the Rothschilds banks are focusing on mergers and acquisitions as European industry restructures ahead of 1992. +20741032 Yet the group's limited resources makes it a niche player. +20741033 "Obviously, there are quantitative limitations on the assistance we can provide," concedes Baron David de Rothschild, "but we feel we have some cards to play." +20741034 Among them, he says, is the family's traditional ties to old wealth and decision-makers in banking and industry throughout Europe and beyond. +20741035 The Rothschilds hope to use a long history in private banking and an aura of exclusivity to attract private and institutional investors. +20741036 As at the Zurich bank, the minimum investment for individuals will be high: about a million German marks ($538,000), three times what many other West German investment banks require. +20741037 "But we do make exceptions," says a smiling Baron Elie de Rothschild, "especially if they are very young and have very rich parents. +20742001 As program trading comes under renewed attack for causing stock market gyrations, a few people on Wall Street say it is time to consider extreme measures. +20742002 The real answer to curbing wild swings in stock prices, they say, might be to curb or even abolish stock-index futures. +20742003 A stock-index future is a contract to buy or sell the market value of a basket of stocks, such as the Standard & Poor's 500-stock index. +20742004 Since stock futures were created in 1982, trading on the Chicago Mercantile Exchange and other exchanges has boomed to the point where trading in stock-index futures rivals that in the stocks themselves. +20742005 The conventional view, as voiced by Goldman, Sachs & Co. partner Fischer Black, is that stocks and "derivatives" such as futures and options "form a single market, and that derivatives make it a more liquid market." +20742006 But increasingly, people are questioning that view, and the critics include some of the country's most successful investors. +20742007 Warren Buffett has been on record as opposing stock-index futures since their inception in 1982. +20742008 And Mario Gabelli, another star in the investing world, says, "My gut says the negatives of futures and synthetics far outweigh the benefits." +20742009 Like others, Mr. Gabelli says that if futures cause investors to lose confidence in stocks, they will move away from stocks -- as many have already done. +20742010 And those who remain, he says "will demand a higher return and over time raise the cost of capital to companies." +20742011 Essentially, the critics of stock-index futures fall into two camps. +20742012 One group says the futures contribute to stock market volatility; the other contends that futures are a sideshow of speculation that detracts from the stock market's basic function of raising capital. +20742013 "Before futures," says New York investor Michael Harkins, "you actually had to pay attention to whether the thing you were buying had any intrinsic value." +20742014 While it was once expected that futures would mimic stock prices, traders now routinely check the futures markets in Chicago before they buy or sell stocks. +20742015 When Chicago futures prices jump up or down, the New York Stock Exchange follows. +20742016 On Tuesday, for instance, the Dow Jones Industrial Average plunged 80 points in little more than an hour. +20742017 Then, in the space of a 20-minute coffee break, the average rallied almost all of the way back. +20742018 Paul Lesutis, who manages more than $3 billion of investments at Provident Capital Management Inc., blames futures markets for leading the way. +20742019 "The fundamentals don't change in an hour," he says. +20742020 "I think they should close down the futures exchange and then we could get back to investing." +20742021 Index arbitrage -- the rapid-fire buying and selling of stocks offset with opposite trades in futures -- is frequently blamed for adding to stock market volatility. +20742022 Although index arbitrage is said to add liquidity to markets, John Bachmann, managing partner of Edward D. Jones, says too much liquidity isn't a good thing +20742023 "The kind of instant liquidity that is implied by index futures is that you can buy a portfolio over two years and get out in one day. +20742024 It's too disruptive," he says. +20742025 "It isn't investing." +20742026 But stock-index futures have plenty of support. +20742027 Defenders say futures make markets more efficient and provide ways for investors to reduce risks. +20742028 They note that stocks experienced volatile swings long before futures. +20742029 And, defenders say, few people complain about futures when stock prices are rising. +20742030 Louis Margolis, managing director in charge of equity options and futures at Salomon Inc., says that trading baskets of stocks began in the 1970s, a decade before the advent of futures. +20742031 Futures, he says, merely cut down on trading costs. +20742032 He says "blaming futures is like blaming the messenger." +20742033 Since stock-index arbitrage merely narrows the gap between prices in the futures and stock markets, it can't add to volatility, he says. +20742034 Futures "don't need defending," says Andrew Yemma, a spokesman for the Chicago Mercantile Exchange, which trades the S&P 500, by far the largest stock-index futures contract. +20742035 Despite the current outcry over stock market volatility, few people expect stock futures to disappear. +20742036 For one thing, the Chicago futures exchanges have political and financial clout -- including many friends in Congress. +20742037 And traders say that futures have become an accepted part of the financial landscape. +20742038 "All life is about change -- either you adapt or die," says one Chicago futures trader. +20742039 "If futures aren't permitted here, we'll take it to Australia or Tokyo." +20742040 Average daily volume in S&P 500 futures last year was 44,877 contracts. +20742041 Based on yesterday's closing price of the S&P, the average value of one day's trading amounts to $7.6 billion. +20742042 By contrast, average dollar volume on the Big Board last year was $5.3 billion. +20742043 Many investment managers say futures are useful as a way to hedge portfolios. +20742044 If managers fear that the overall stock market will fall, but want to continue owning stocks, they can hold on to specific stocks and sell a corresponding amount of futures contracts. +20742045 Average daily volume in S&P 500 futures last year was 44,877 contracts. +20742046 Based on yesterday's closing price of the S&P, the average value of one day's trading amounts to $7.6 billion. +20742047 By contrast, average dollar volume on the Big Board last year was $5.3 billion. +20742048 Many investment managers say futures are useful as a way to hedge portfolios. +20742049 If managers fear that the overall stock market will fall, but want to continue owning stocks, they can hold on to specific stocks and sell a corresponding amount of futures contracts. +20742050 And although criticism of futures generally comes from Wall Street, one Chicago futures trader notes that brokerage firms rely on futures as hedging tools when they buy and sell big blocks of stocks from institutions. +20742051 One reason futures are said to add volatility is that -- unlike in stocks -- people can speculate in futures with little money down. +20742052 Margin requirements for speculators on the Chicago Mercantile Exchange are currently about 7%. +20742053 "For $10 million, you can move $100 million of stocks," a specialist on the Big Board gripes. +20742054 "That gives futures traders a lot more power." +20742055 By contrast, an investor in stocks must put up 50% in cash. +20742056 Some critics say futures encourage people to think of stocks as a single commodity, rather than as investments in individual businesses. +20742057 Thus, they say, futures inhibit the basic purpose of the stock market: to accurately price securities so that capital and investment flows where it's needed most. +20742058 The S&P 500 index futures "transferred the identity of 500 stocks into one unit-making them a simple commodity to trade," says George Kegler, senior vice president at A. Webster Dougherty in Philadelphia. +20742059 "It took away the need to know the bad third-quarter report of IBM, for example," Mr. Kegler says. +20742060 Of course, portfolio trading -- the increasingly common practice of buying or selling baskets of actual stocks -- also treats stocks as homogenous commodities. +20742061 "There is a class of investor that wants to be exposed" to the whole market, says Sandip Bhagat, assistant vice president at Travelers Investment Management Co. +20742062 The S&P futures are merely a "cheaper and quicker" way to get access to all 500 stocks, he says. +20742063 The Big Board yesterday began trading in its own basket trading vehicle representing the S&P 500 stocks. +20742064 But owning index futures isn't the same as owning the underlying stocks. +20742065 Stockholders, as a group, can win, because they own a share of corporate earnings, which can grow and boost stock prices. +20742066 Futures, on the other hand, are a zero sum game -- a market for making side bets about the direction of stock prices. +20742067 "You don't own anything," says Stephen Boesel, a money manager for T. Rowe Price in Baltimore. +20742068 "You're making a pure bet on the market. +20743001 The European Community Commission challenged an agreement on routes and fares between France's two largest airlines on antitrust grounds. +20743002 Meeting in Strasbourg Wednesday, the commission voted, as expected, to formally object to the accord between Air France, the state-owned airline, and state-controlled domestic carrier Air Inter. +20743003 An EC spokesman said the two companies will be notified so they can begin negotiations with Brussels on how to modify the pact. +20743004 At issue is an accord dating back to March in which Air France gained access to five domestic French routes under Air Inter's flight numbers and the domestic airline got to fly to five cities outside of France under the flag of Air France. +20743005 The two shared results from this route swap, and followed rules on ticket pricing. +20743006 The EC Commission decided that such an accord doesn't benefit consumers enough to merit an exemption from antitrust law. +20743007 The airlines presented it as offering consumers more choice and better flight connections. +20743008 An Air France spokeswoman said, "we're absolutely ready to study all solutions." +20743009 An Air Inter spokesman said, "Because they {the EC} have doubts, we will work again on the text and the contents of the accord. +20744001 A state appellate court reinstated the 1987 convictions of Pymm Thermometer Corp. and two of its executives on charges of assault for exposing workers to toxic mercury vapors. +20744002 The indictment charged that Pymm operated a machine to crush broken thermometers and recover the mercury in an illegal workroom. +20744003 The charges said that one worker suffered permanent brain damage from mercury exposure. +20744004 The judge handling the case in state Supreme Court, a trial court, had tossed out the jury verdicts, ruling that the matter should have been handled under federal Occupational Safety and Health Administration rules. +20744005 But the Appellate Division of State Supreme Court held that federal law didn't pre-empt the states from such a prosecution. +20744006 Elizabeth Holtzman, district attorney for Brooklyn, N.Y., said, "The appellate division has agreed with our view that despite federal worker-safety laws, state prosecutors have the power to protect working people." +20744007 Lawyers for the company and executives couldn't be reached for comment. +20744008 The executives face five to 15 years in prison and fines of $5,000 or double the profit made by failing to comply with the rules. +20744009 The company could be fined a maximum of $10,000, or double the profit. +20745001 General Motors Corp. wants to buy as much as 15% of Jaguar PLC, marking its first salvo in a possible full-scale battle against Ford Motor Co. for control of the British car maker. +20745002 GM sought U.S. antitrust clearance last week to purchase more than $15 million worth of Jaguar shares but doesn't own any yet, according to GM officials here and at the company's Detroit headquarters. +20745003 The No. 1 U.S. auto maker then wrote Jaguar that it intends "to go to that 15%" level once it wins the U.S. clearance to go beyond $15 million, a Jaguar spokesman said yesterday. +20745004 The GM move follows Tuesday's declaration by Ford, which holds an unwelcome 12.45% stake in Jaguar, that it is prepared to bid for the entire company. +20745005 GM is close to completing a friendly deal with Jaguar that is likely to involve an eventual 30% stake and joint manufacturing ventures. +20745006 Speculative investors, betting on an imminent clash between Ford and GM, pushed up Jaguar's share price five pence (eight U.S. cents) to a near-record 720 pence ($11.60) in late trading on London's stock exchange yesterday. +20745007 Since Tuesday, the shares have gained nearly 4%. +20745008 But an all-out bidding war between the world's top auto giants for Britain's leading luxury-car maker seems unlikely. +20745009 "We will not go over a certain level," said David N. McCammon, Ford's vice president for finance, at a news conference yesterday in Dearborn, Mich. +20745010 "There's some price at which we'd stop bidding." +20745011 He wouldn't specify what it was. +20745012 And powerful political pressures may convince the Conservative government to keep its so-called golden share, which limits any individual holding to 15%, until the restriction expires on Dec. 31, 1990. +20745013 "I really don't see the government doing something that Jaguar doesn't want over the next 14 months," said Kenneth Warren, a Conservative member of Parliament and chairman of the Select Committee on Trade and Industry in Britain's House of Commons. +20745014 "The golden share is a single share, but it is the magic share." +20745015 The government retained the single share after selling its stake in Jaguar in 1984 -- part of a nationalistic practice of protecting former government-owned enterprises to deflect criticism of privatization. +20745016 The 15% restriction covers any would-be suitor, British or foreign. +20745017 Ford is willing to bid for 100% of Jaguar's shares if both the government and Jaguar shareholders agree to relax the anti-takeover barrier prematurely. +20745018 As Jaguar's biggest holder and Britain's biggest car maker, Ford could turn up the heat by convening a special shareholders' meeting and urging holders to drop the limits early. +20745019 Ford might succeed because many shareholders are speculators keen for a full bid or institutional investors unhappy over Jaguar management's handling of its current financial difficulties. +20745020 The government probably wouldn't give in readily to a hostile foray by Ford, however. +20745021 It has relinquished a golden share only once before -- during British Petroleum Co.'s #2.5 billion ($4 billion) takeover of Britoil PLC in 1988. +20745022 In wooing British lawmakers, GM has pointed out that its willingness to settle for a minority stake would keep Jaguar British-owned and independent. +20745023 This week, the U.S. auto giant paid for 10 House of Commons members and two House of Lords members to fly to Detroit and tour its operations there. +20745024 While the visit was unrelated to Jaguar, GM Chairman Roger Smith answered the legislators' questions about it over lunch Tuesday. +20745025 He said Jaguar "shouldn't be smothered by anyone else," recalled one participant. +20745026 Politics also influences the government's thinking on the anti-takeover restriction. +20745027 The Conservatives don't dare jeopardize marginal Tory seats in Coventry, where Jaguar has headquarters, nor can the government easily back down on promised protection for a privatized company while it proceeds with controversial plans to privatize most of Britain's water and electricity industries. +20745028 Prime Minister Margaret Thatcher might, however, be receptive to any request by Jaguar Chairman Sir John Egan for the restriction's early removal to let GM amass more than 15% or mount a friendly suitor bid against Ford. +20745029 In the end, Sir John -- rather than the government or Jaguar shareholders -- may hold the key that unlocks the golden share. +20746001 Swedish rolling-steel and ball-bearing group AB SKF said its pretax profit rose 78% to 1.78 billion kronor ($278 million) in the first nine months from one billion kronor ($156 million) in the corresponding period a year earlier. +20746002 SKF said sales increased 17% to 18.46 billion kronor from 15.72 billion. +20746003 Earnings per share were 10.35 kronor compared with 5.80 kronor. +20746004 SKF said demand for the group's main product, rolling bearings, remained favorable in Europe, which accounts for slightly more than two-thirds of group sales. +20746005 Latin American markets continued their recovery after a weak start to the year, SKF said. +20746006 The company said the situation in the U.S. is still uncertain as reduced production in the country's automotive industry has resulted in weakened demand for rolling bearings. +20746007 Analysts said SKF's results for the first nine months lived up to market expectations as brokerage firms had predicted a pretax profit of 1.74 billion to 1.86 billion kronor. +20746008 The three business areas engaged in rolling bearing operations continued to show favorable sales development. +20746009 Sales of rolling bearings increased 19% to 15.7 billion kronor from 13.2 billion kronor in the corresponding period the previous year. +20747001 We read with interest Robert Tomsho's Sept. 28 page-one article on Robert Redford ("The Sundance Kid Gets Little Respect Around Sundance"). +20747002 Misunderstanding conversations with us, Mr. Tomsho argued that Mr. Redford's environmental views are at odds with Utah residents. +20747003 This may have been true 10 years ago, but times have changed, even in Utah. +20747004 Mr. Redford no longer stands out as an extremist. +20747005 He has not changed, but those around him have. +20747006 Many of his views on the protection of wilderness areas, rivers and canyons are now embraced by mainstream, conservative Utahans. +20747007 Recently, some 60 environmental and outdoor groups representing such divergent points of view as the Sierra Club, the League of Women Voters and the National Rifle Association joined together to request a reassessment of the environmentally unsound Central Utah Project. +20747008 While Utah is not yet a haven for environmentalism, public views toward the environment have significantly improved. +20747009 In one of the most conservative, Republican states in the entire nation, the greening of Robert Redford's neighbors is the real story that Mr. Tomsho missed. +20747010 Sammye Meadows Sam Rushforth Gary Bryner Heber City, Utah +20747011 If Mr. Redford wanted to be accepted by the people of Utah, he should have taken an advisory role instead of one of forcing his personal preferences. +20747012 Furthermore, his actions imply that it is too damaging or costly for society to provide jobs through power-plant construction, coal mining or to build roads for public safety because of the adverse impact on the environment, but it is just fine and dandy for him to transform a mountain high in the Wasatch Range into a ski resort. +20747013 It astounds me he can rationalize his self-righteous and greedy actions in Utah. +20747014 An excellent environmental actor he is. +20747015 David Vranian M.B.A. Student University of Colorado Boulder, Colo. +20747016 Mr. Redford, like it or not, is like a braking system on a runaway truck, kind of slowing it down into control. +20747017 He's rich, famous and intelligent, and has the time to do something that not even the federal government will do. +20747018 Mr. Redford is slowing down a mindless, speeding maniac known as the progress of mankind. +20747019 Personally, I'm glad there are people like him around to slow down the profit takers, and those who are in such a blind hurry for something that may appear to benefit them in the immediate future, not caring about the long-range implications. +20747020 Ron Dyer +20748001 When President Bush travels to Costa Rica today, he'll go with little of the fanfare that accompanies many of his foreign travels. +20748002 But the two-day trip still has managed to fuel controversy over his administration's policies in Central America. +20748003 Some conservatives say Mr. Bush shouldn't make the trip, during which he will participate in Costa Rica's celebration of 100 years of democracy. +20748004 These critics object to Mr. Bush's participation in a meeting that includes Nicaraguan President Daniel Ortega among the guests. +20748005 In addition, they argue he won't help Washington's standing in the region by trumpeting the U.S. commitment to democracy less than a month after his administration played an ineffectual role in the failed coup attempt in Panama. +20748006 "I believe it will do more damage than good because it will legitimize people like Daniel Ortega," says Curtin Windsor, who served as U.S. ambassador to Costa Rica during the Reagan administration. +20748007 Mr. Windsor, among other analysts connected to the conservative Heritage Foundation, fears the gathering of 18 leaders, mostly from Central American nations, will force Mr. Bush "to explain and redeem himself" in the wake of charges that the U.S. failed to do enough to aid the removal of Panamanian dictator Manuel Noriega. +20748008 At the same time, liberal and moderate Democrats note the irony of Mr. Bush's joining a celebration of Costa Rican democracy at a time his administration has sought sharp cuts in U.S. aid to the tiny country. +20748009 The administration proposed only $57 million in so-called economic support funds for Costa Rica this year, down from the $90 million the U.S. provided last year. +20748010 The administration said improvements in Costa Rica's economic condition warrant the cut in aid, which the country uses mainly to make payments on its $4.5 billion foreign debt. +20748011 But Costa Rican officials argue that the recent drop in coffee prices, combined with the country's continuing struggle to reinvigorate its economy, make the support as necessary as ever. +20748012 "We are crossing the river and we need a little more help to get to the other side," said Rodrigo Sotela, an economic affairs specialist at the Costa Rican Embassy in Washington. +20748013 Democrats argue that Costa Rica deserves more assistance for the same reason that Mr. Bush is attending the celebration this weekend: to reward the country for its stability in a region wracked with turmoil and for its efforts to promote peace in Nicaragua. +20748014 However, peace efforts by Costa Rican President Oscar Arias haven't always helped the country's cause in Washington. +20748015 Mr. Arias's long-time refusal to support the U.S.'s campaign against leftist Nicaragua earned him the ire of the Reagan White House. +20748016 And more recently, he insisted on signing a five-nation agreement intended to disarm Nicaragua's U.S.-backed Contra rebels faster than the Bush administration would prefer. +20748017 "I think Bush's going there is a helpful sign," said Sen. Terry Sanford (D., N.C.) a member of the Foreign Relations Committee who pushed to provide Costa Rica about the same amount of aid as it received last year. +20748018 Lawmakers in both houses support the higher level. +20748019 Administration officials defend Mr. Bush's decision to make the trip. +20748020 While they acknowledge the president will attend several meals and a working session also attended by Mr. Ortega, they insist that Mr. Bush won't be extending the Nicaraguan leader any special courtesies. +20748021 The administration also made clear its continuing distate for the leftist Nicaraguan government in recent days, endorsing a package of electoral aid to the Nicaraguan opposition, renewing the U.S. trade embargo against the country and continuing to complain that the country supports rebel groups in the region. +20748022 Officials also insist Mr. Bush will use the trip to highlight his own initiatives for pushing democracy in the region, fighting illegal drugs and assisting the less developed countries. +20748023 "Let me say there is a symbolic component to this trip," Secretary of State James Baker told reporters Wednesday. +20748024 "There won't be any formal resolutions or communiques, I don't think. +20748025 But we still see this as an opportunity to discuss many, many very important issues. +20749001 In 1987, the Presidents Commission of the NCAA, which oversees most U.S. intercollegiate sports, contracted with the Washington-based American Institutes for Research to do a survey on the college experiences of what the body chooses to call student-athletes. +20749002 A brief "executive summary" was issued last April, and attracted some, but not much, attention. +20749003 More-detailed reports followed, and attracted even less notice. +20749004 I suspect I may be one of the few people to have read them all. +20749005 The sixth and last report now is out, and it puts the effort in perspective. +20749006 Titled "Comments From Students," it focuses on the real shame of college sports: what happens to young athletes once they enter academe. +20749007 It's little less than a cry for help from those who make the costly show possible. +20749008 The previous five reports were mainly statistical, but clear enough in outline. +20749009 They showed that participants in Division I football and men's basketball, the big-time "revenue sports," entered school with poorer high-school grades and test scores than "minor-sport" jocks and students who participated in other extracurricular activities, and they got lower grades once they got there, at least partly because of the athletic demands placed on them. +20749010 The football and basketball players spent more time on their sports in season than they did on class attendance and homework combined (30 hours a week versus 25.3). +20749011 Almost half (49.8%) reported suffering "mental abuse" from coaches, and almost one-quarter (24.8%) said they had been pressured to ignore injuries. +20749012 But even those numbers don't describe the situation as well as the athletes do in their own words. +20749013 The composite portrait that emerges isn't of a pampered jock marking time until he can land a seven-figure pro contract -- he's part of a tiny minority. +20749014 Rather, it's of a kid (we're talking about 17 to 22 year olds here) having a tough time making the best of what will probably be his one shot at college. +20749015 The pertinent question, coming at the end of a lengthy, confidential questionnaire, was this: "Are there things about your college life you would like to tell us that we didn't ask about?" +20749016 Of the almost 3,000 athletes surveyed, 1,240 took the time to respond. +20749017 Here are a few of their answers: -- "They say that I am a student-athlete, but really I'm an athlete-student. +20749018 They lied to me on the recruiting trip. +20749019 Football is the No. 1 thing here". +20749020 -- Junior football player. +20749021 -- "Being a student-athlete at college is a lot different from high school. +20749022 First, the sport you play is no longer a game -- it becomes a job. +20749023 Your coaches demand a lot more out of you even though some of them are not willing to take the time to watch you progress. +20749024 You become expendable. +20749025 Your interest is not taken to heart because people only care about your performance". +20749026 -- Freshman basketball player. +20749027 -- "The coaches should have a more personal and sympathetic attitude toward the athletes -- not treat us like pieces of meat. +20749028 They always say to get a degree first, but they don't allow us time or to skip practice to study for a test. +20749029 They just want to get their job done at any cost to the athlete". +20749030 -- Freshman football player. +20749031 -- "The pressure put on us to win at all times has resulted in physical violence, such as punching and slapping by coaches. +20749032 Some days the coaches make you feel as though you are part of a large herd of animals. +20749033 In other words, they treat you like a piece of meat". +20749034 -- Sophomore football player. +20749035 -- "Playing intercollegiate sports doesn't give you a lot of time to spend with others. +20749036 We are almost left out of {campus} social activities. +20749037 This mostly happens because we go from football in the fall to lifting in the winter to football again in the spring". +20749038 -- Freshman football player. +20749039 -- "You talk about free time -- .what free time? +20749040 Time to relax and enjoy ourselves is always taken up by something to do with football (meetings, lifting weights, conditioning or films). +20749041 There is no recovery period -- it's go, go, go. +20749042 ABUSE to our bodies is overwhelming. +20749043 With our schedule, it's hard to sleep well knowing what is going to happen the next day". +20749044 -- Junior football player. +20749045 -- "Physical exhaustion and depression are common in my life and in some of my teammates' lives". +20749046 -- Football player, class unspecified. +20749047 -- "More often than not, college athletes go through college never really experiencing collegiate life to the fullest. +20749048 One has to establish one's own identity away from athletics and make athletics only a part, not a whole, of the student-athlete's life". +20749049 -- Sophomore basketball player. +20749050 -- "Somehow, and I don't know how, the game needs to be played for fun again, and not for the big bowl revenues or lucrative TV contracts". +20749051 -- Graduate-student football player. +20749052 There have been rumblings that, at long last, changes may be in the works. +20749053 The Knight Foundation, of Akron, Ohio, has established a national commission to look into college-sports reform, and the NCAA Presidents Commission earlier this month recommended cutting spring football practice in half, moving the start of basketball practice back by a month and reducing maximum schedules in that sport to 25 games from 28. +20749054 The key word in that paragraph, though, is "may." +20749055 NCAA Executive Director Richard Schultz, in accepting a place on the Knight Commission, urged that the panel take a "balanced" view, which looks for all the world like a plea not to rock the boat too much, and the presidents' recommendations could face considerable opposition at the NCAA's full convention in January, which will vote on them. +20749056 I read that one unnamed athletics director predicted that the basketball-cutback proposal could fail because of "real world" (i.e., economic) considerations. +20749057 But the "real world" also includes the unpleasant truth that colleges are cheating the athletes they have wooed and won. +20749058 If they won't change their ways voluntarily, maybe somebody bigger -- Congress -- should make them. +20750001 They want late-night shuttles to the biology labs. +20750002 They want a 24-hour library. +20750003 And like college radicals everywhere, they are talking about a demonstration -- where protesters would gather quietly near the science building and raise their hands, classroom style. +20750004 Such is the fiber of the wool that woolly intellectuals let fly at gatherings of Harvard University's new Society of Nerds and Geeks, or SONG. +20750005 SONGsters are mad as heck about campus anti-intellectualism and they aren't going to take it anymore, at least not without trying a few really neat ideas first. +20750006 "We could have called ourselves the Academic Intellectual Society, but then everyone would have said, `Oh, you mean the nerd-and-geek club,'" Leonid Fridman, SONG's graduate-student adviser, told 19 attendees at the club's inaugural meeting earlier this month. +20750007 Membership has since swelled to between 20 and 25. +20750008 Some people may think of nerds as calculator-toting, socially awkward individuals with shirt-pocket liners for their pencils and a preoccupation with computers and matters numerical. +20750009 Geeks, by at least one definition, are chicken-mutilating circus freaks. +20750010 But SONG founder Jeremy Kahn, a Harvard junior, thinks of nerds and geeks more as "nonconformists," albeit with a studious bent. +20750011 One of the group's first projects is a "procrastination hot line" that students could call when they have an urge to delay studying. +20750012 The club plans to show nerdy movies, such as "Real Genius," in which physics whizzes pop corn with lasers; and naturally, the "Revenge of the Nerds," a tale of college males with runny noses and ill-fitting pants. +20750013 One of its "more ambitious goals" is to get Jaime Escalante, the Los Angeles high-school mathematics teacher featured in the film "Stand and Deliver," to come to Harvard for a guest lecture. +20750014 Nerds and geeks sometimes find themselves a bit isolated at Harvard. +20750015 So Mr. Kahn says high priority is being given to creating a computerized matchmaking service "where instead of being matched for eye color, you could be matched for similar intellectual interests." +20750016 For instance? +20750017 "I'm a math major, but I want to know about psychobiology. +20750018 Hopefully, I'd find someone in psychobiology who wanted to know more about mathematics." +20750019 It could work. +20750020 Meanwhile, finding a volunteer to write the computer program isn't a problem. +20751001 Dime Savings Bank of New York was cleared by the Federal Deposit Insurance Corp. to acquire Starpointe Savings Bank of Somerset, N.J., the banks said. +20751002 Starpointe holders, who approved the plan last April, will receive $21 in cash a share, or a total $63 million. +20751003 The FDIC cleared the move yesterday, and the banks must wait at least 30 days before closing the purchase. +20751004 A closing date hasn't been set. +20752001 AEP INDUSTRIES Inc. directors authorized a 3-for-2 split of the common, payable Dec. 7 to stock of record Nov. 22. +20752002 The split was aimed at boosting the stock's liquidity, said Brendan Barba, chairman of the Moonachie, N.J., maker of plastic film products. +20752003 After the split, the company will have more than 4.7 million shares outstanding. +20752004 In national over-the-counter trading yesterday, AEP shares closed at $21.25, down 50 cents. +20753001 CRESTMONT FEDERAL SAVINGS & LOAN ASSOCIATION (Edison, N.J.) -- +20753002 Lawrence B. Seidman, 41 years old, was named chairman of this savings and loan institution. +20753003 He will succeed Charles L. Harrington, chairman and chief executive officer, who retired last month. +20753004 Crestmont is conducting a search for a chief executive. +20753005 Mr. Seidman, a director of Crestmont since July, is general partner of Seidman Financial Associates, which owns 9.89% of Crestmont. +20754001 William J. Russo was named senior vice president, public affairs and advertising, for this financial and travel services concern's American Express Bank Ltd. subsidiary. +20754002 Mr. Russo, 38 years old, previously was first vice president, public affairs and advertising, at the banking unit. +20755001 Environmental concerns are beginning to have as much influence in oil-industry spending plans as the price of crude does. +20755002 In the wake of the Exxon Valdez spill in March, new governmental drilling bans are sharply curtailing exploration in promising locations offshore and in Alaska. +20755003 At the same time, moves toward tighter air-quality standards are spurring interest in lighter or alternative fuels that don't pollute as much as fuel refined from "heavy" crudes, generally high in sulfur. +20755004 Over the years, the world's stream of oil has been growing heavier. +20755005 So the scramble is on for lighter crudes globally, and for natural gas in the U.S. +20755006 Recently Saudi Arabia and Venezuela, traditional heavy-crude producers, have boasted of new finds of light, low-sulfur oil by their national oil companies. +20755007 Venezuela has also earmarked $200 million in new money for light-crude exploration. +20755008 And some oil companies are trying to lock in future supplies. +20755009 Typical is Ente Nazionale Idrocarburi, Italy's state-owned energy company, which not long ago acquired through its AGIP oil subsidiary a 5% share in the consortium accounting for half of Nigeria's oil output. +20755010 AGIP already has an oil stake in Libya. +20755011 Both countries produce high-quality, low-sulfur crudes especially suited to making high-octane motor fuel at minimum refining cost. +20755012 Franco Reviglio, ENI chairman, looks for sweeping structural change in the oil industry -- he calls it a "revolution" requiring huge investments -- as a result of environmental issues. +20755013 He made a special trip to examine U.S. environmental trends because they are often followed in Europe. +20755014 ENI needs to know what's coming as it prepares to spend some $1.3 billion on upgrading its refineries, he says. +20755015 Oil companies world-wide will have "to spend a lot of money for the cleaner fuels that will be required," says John H. Lichtblau, the president of the Petroleum Industry Research Foundation. +20755016 It will go for work ranging from refinery modification to changes in the distribution system, including the way service stations pump fuel into cars. +20755017 In the U.S., the search for oil had been headed toward environmentally sensitive areas believed to have vast reserves. +20755018 Alaska's Arctic National Wildlife Refuge alone is thought to hide more than three billion barrels of oil. +20755019 Until the tanker spill, Big Oil was slowly convincing authorities it could safely produce from such places. +20755020 Now the wildlife refuge has been closed to the industry, possibly for years. +20755021 Similarly, a group of companies led by Chevron Corp. has been unable to pump oil found off the California coast in the early 1980s. +20755022 A huge production system built in the sea off Santa Barbara and ashore is sitting idle. +20755023 But the push for cleaner fuels is increasing the attractiveness of natural gas. +20755024 More than half the domestic drilling now under way is for gas, partly on the assumption that demand will rise for a fuel that is cleaner to burn than either oil or coal. +20755025 Activity has revived in the largest U.S. gas-producing regions, such as the Gulf of Mexico. +20755026 Santa Fe International Corp., which is owned by Kuwait (and isn't related to Santa Fe Southern Pacific's unit), is stepping up development of a well off Texas' Matagorda Island where it found gas in 1987. +20755027 "We could have sat on it longer, but the impetus is to get the gas to the marketplace," says Richard Poole, senior scout for Santa Fe International. +20755028 "We're trying to get it on line as soon as possible now." +20755029 This month, Exxon Corp. announced plans for a 400-day project drilling for gas about five miles underground in the Anadarko Basin of western Oklahoma -- the deepest drilling project in the U.S. +20755030 Exxon will use a Parker Drilling Co. rig built in 1981 that can go down 9 1/2 miles. +20756001 As the Soviet Union grapples with its worsening economy, leading reformers have drawn up a blueprint for change designed to push the nation much closer to a free-market system. +20756002 The proposals go far beyond the current and rather confused policies of perestroika, Mikhail Gorbachev's restructuring of the economy. +20756003 They lay out a clear timetable and methodology for liberalizing the system of setting prices, breaking up huge industrial monopolies and putting unprofitable state-owned companies out of business. +20756004 They also address such taboo subjects as the likelihood of unemployment and high inflation, and recommend ways to soften the social consequences. +20756005 While many solutions to the nation's economic troubles are being discussed, the blueprint is attracting widespread attention here because of its comprehensiveness and presumed high-level authorship. +20756006 Although it was published unsigned in the latest edition of the weekly Ekonomicheskaya Gazeta, Soviet sources say the article was written by Leonid Abalkin and a small group of colleagues. +20756007 Mr. Abalkin, head of the Academy of Science's Institute of Economics, was recently appointed deputy chairman of the Soviet government and head of a state commission on economic reform. +20756008 "It's clearly a manifesto for the next stage of perestroika," said one analyst. +20756009 The economic ideas in the document are much bolder than current policies. +20756010 For example, the proposed overhaul of prices -- an extremely sensitive political topic -- is far more precise than the vague plans announced by Mr. Gorbachev in 1987 and later dropped. +20756011 But the proposals also display political savvy, couching some of the most controversial ideas in cautious language so as not to alienate powerful conservatives in the government who stand to lose out if they are implemented. +20756012 Seeking a middle path between opponents of change and radicals who demand overnight solutions, the article advocates what it calls a "radical-moderate approach." +20756013 The document is to be discussed at a conference of leading economists late this month, and will probably be presented to the Soviet Parliament for consideration this year. +20756014 As policy-makers draw up proposals for the next five-year plan, which starts in 1991, the blueprint represents a powerful first shot in what is likely to be a fierce battle over economic reform. +20756015 The authors make a gloomy assessment of the economy and concede that "quick and easy paths to success simply don't exist." +20756016 Instead, they map out a strategy in several phases from now until 1995. +20756017 Most of the measures would probably only start to have an effect on beleaguered Soviet consumers in two to three years at the earliest. +20756018 The key steps advocated include: -- PROPERTY. +20756019 Rigid ideological restrictions on property ownership should be abandoned. +20756020 The document proposes breaking up the monolithic system of state-owned enterprises and farms and allowing a big private sector to flourish, helped by tough anti-monopoly legislation. +20756021 The economy would be thrown open to numerous types of ownership between now and 1992, including factories leased by workers or owned by shareholders, cooperatives and joint ventures. +20756022 Some forms of private property would be sanctioned. +20756023 Such moves would greatly reduce the power of government ministries, who now jealously guard their turf and are seen as one of the major obstacles blocking economic reform. +20756024 -- FINANCES. +20756025 Emergency measures would be introduced to ease the country's financial crisis, notably its $200 billion budget deficit. +20756026 By the end of next year, all loss-making state enterprises would be put out of business or handed over to workers who would buy or lease them or turn them into cooperatives. +20756027 Similar steps would be taken to liquidate unprofitable state and collective farms by the end of 1991. +20756028 A unified system of taxation should be introduced rapidly. +20756029 To mop up some of the 300 billion rubles in circulation, the government should encourage home ownership, including issuing bonds that guarantee holders the right to purchase an apartment. +20756030 -- LABOR. +20756031 A genuine market for labor and wages would replace the present rigid, centralized system. +20756032 Departing from decades of Soviet dogma, the new system would lead to big differences in pay between workers and almost certainly to unemployment. +20756033 To cushion the blows, the government would introduce a minimum wage and unemployment benefits. +20756034 -- PRICES. +20756035 The entire system of centrally set prices would be overhauled, and free-market prices introduced for most wholesale trade and some retail trade. +20756036 Consumers would still be able to buy some food and household goods at subsidized prices, but luxury and imported items, including food, would be sold at market prices. +20756037 Wholesale prices would be divided into three categories: raw materials sold at fixed prices close to world levels; government-set procurement prices for a small number of key products; and free prices for everything else to be determined by contracts between suppliers and purchasers. +20756038 Inflation-adjusted social benefits would ensure that the poor and elderly don't suffer unduly. +20756039 -- FOREIGN TRADE. +20756040 The current liberalization and decentralization of foreign trade would be taken much further. +20756041 Soviet companies would face fewer obstacles for exports and could even invest their hard currency abroad. +20756042 Foreigners would receive greater incentives to invest in the U.S.S.R. +20756043 Alongside the current non-convertible ruble, a second currency would be introduced that could be freely exchanged for dollars and other Western currencies. +20756044 A domestic foreign exchange market would be set up as part of an overhaul of the nation's banking system. +20756045 The blueprint is at its vaguest when referring to the fate of the two powerful economic institutions that seem likely to oppose such sweeping plans: the State Planning Committee, known as Gosplan, and the State Committee for Material Supply, or Gossnab. +20756046 But it hints strongly that both organizations would increasingly lose their clout as the changes, particularly the introduction of wholesale trade and the breakup of state monopolies, take effect. +20757001 Ready, Willing and Unable I always lift the hood When my car doesn't start; If gadgets at home don't work I coolly take them apart. +20757002 I'll admit there's nothing wrong That I ever do find, But it's nice when people say I appear mechanically inclined. +20757003 -- Joshua Adams. +20757004 Flick Shock +20757005 At the movies today In detail you see What the prof wouldn't show In Physiology Three. +20757006 -- Robert Gordon. +20757007 Candid Comment +20757008 Don't worry; people will learn to read as long as there are TV program listings. +20757009 -- John Drybred. +20758001 Albert Engelken and Robert Thomson had never met, though for 38 years their lives had been intertwined in a way peculiar to the sports world. +20758002 Mr. Engelken, now a transit-association executive in Washington, D.C., and Mr. Thomson, a paper-products salesman in Montvale, N.J., hadn't even talked to each other. +20758003 But one recent day, they became much closer. +20758004 Mr. Engelken, a rabid baseball fan, pores over the sports pages to chart the exploits of "my favorite and not-so-favorite teams and players." +20758005 He often groans, he says, at the "clutter" of sports stories about drugs, alcohol, gambling and some player's lament "about the miserly millions he is offered to play the game." +20758006 His morning paper, the Washington Post, even carries a sports column called "Jurisprudence" that recounts the latest arrests and convictions of players and team managers. +20758007 Like many sports buffs, Mr. Engelken has turned cynic. +20758008 But his is a story about a hero in an era of sports anti-heroes, and about what Babe Ruth, Mr. Engelken reminds us, once called "the only real game in the world." +20758009 To Mr. Engelken, it is also a story "about love, because I'm blessed to have a wife who still thinks her slightly eccentric husband's 50th birthday deserves the ultimate present." +20758010 To understand what Mr. Engelken means, one must go back to a sunny October afternoon in 1951 at New York's Polo Grounds stadium, where, it can be argued, the most dramatic moment in baseball history was played out. +20758011 It was the ninth inning of the third game of a three-game playoff between the Brooklyn Dodgers and the New York Giants (the predecessor to the San Francisco Giants scheduled to play in tonight's world series). +20758012 Baseball fans throughout New York had sweated out a long summer with their teams, and now it had come to this: a battle between the two for the National League pennant -- down to the last inning of the last game, no less. +20758013 Some 34,320 fans jammed the stands, and shouted at the top of their lungs. +20758014 Mr. Engelken was doing the same across the Hudson River in New Jersey, where, with his nose pressed against the front window of the Passaic-Clifton National Bank, he watched the duel on a television set the bank set up for the event. +20758015 The playoff series had riveted the 12-year-old Giants fan. +20758016 "The Giants struck first, winning the opener, 3-1, on a two-run homer off Dodger right-hander Ralph Branca," Mr. Engelken recalls with precision today. +20758017 "The Giants got swamped in the second game, 100, and trailed 4-1 going into the bottom of the ninth of the third and deciding game. +20758018 The Giants scored once and had runners on second {Whitey Lockman} and third {Clint Hartung} as Bobby Thomson advanced to the plate." +20758019 The rest, as they say, is history. +20758020 Mr. Thomson, a tall, Scottish-born, right-hand hitter, stepped into the batter's box. +20758021 "Thomson took a called strike," Mr. Engelken recounts. +20758022 The tension mounted as Ralph Branca, again on the mound, stared down the batter. +20758023 He wound up and let loose a fastball. +20758024 The pitch sailed toward Bobby Thomson high and inside and then, with a crack of the bat, was sent rocketing back into the lower leftfield stands. +20758025 "Giants fans went into euphoria," says Mr. Engelken. +20758026 And Bobby Thomson was made a legend. +20758027 The same Bobby Thomson, it turns out, who sells those paper-goods today. +20758028 There can't be an older baseball fan alive who doesn't clearly remember that Bobby Thomson homer, who can't tell you where he was when he heard the famous Russ Hodges radio broadcast -- the one that concluded with Mr. Hodges shouting, over and over, "The Giants win the pennant, the Giants win the pennant!" +20758029 Mr. Engelken and Mr. Thomson drifted in different directions in the subsequent years, and the Polo Grounds, located under Coogan's Bluff in upper Manhattan, was replaced by a public-housing project. +20758030 Mr. Thomson played outfield and third base until 1960, posting a lifetime .270 batting average and chalking up 264 home runs before retiring and going into paper-goods sales. +20758031 Mr. Engelken moved south to Washington, but he took with him enduring memories of the homer of 1951. +20758032 When his wife, Betsy, came down the aisle on their wedding day in 1966, Mr. Engelken -- no slouch on the romantic front -- gave her the ultimate compliment: "You look prettier than Bobby Thomson's home run." +20758033 The couple's first dog, Homer, was named after the Great Event, though unwitting friends assumed he was the namesake of the poet. +20758034 And when Mr. Engelken's sister, Martha, who was born two days before the home run, reached her 25th birthday, Mr. Engelken wrote his sports hero to tell him of the coincidence of events. +20758035 Mr. Thomson sent off a card to Martha: "It doesn't seem like 25 years since I hit that home run to celebrate your birth," it read. +20758036 Martha was pleased, but nowhere near as much as Mr. Engelken. +20758037 The family license plate reads "ENG 23," the first three letters of the family name and -- no surprise here -- Bobby Thomson's uniform number. +20758038 And on Mr. Engelken's 40th birthday, his wife bought a book detailing the big homer and sent it off to Mr. Thomson to be autographed. +20758039 "What could have been better?" asks Mr. Engelken. +20758040 Betsy Engelken asked the same question earlier this year, when her husband was about to turn 50. +20758041 She had an idea. +20758042 On her husband's 50th birthday (after an auspicious 23 years of marriage, it should be noted), Betsy, Al and their college-bound son set out for New York to visit Fordham University. +20758043 Mrs. Engelken had scheduled a stop on the New Jersey Turnpike to, she told her husband, pick up some papers for a neighbor. +20758044 The papers would be handed over at a bank of telephone booths just off Exit 10. +20758045 "It sounded like something out of Ian Fleming," Mr. Engelken recalls. +20758046 At the appointed exit, the family pulled over, and Mrs. Engelken went to get her papers. +20758047 Mr. Engelken turned off the motor and rolled down the window. +20758048 In a matter of minutes, she was back, with a tall, silver-haired man in tow. +20758049 She crouched down by the car window and addressed her husband with her favorite nickname: +20758050 "Bertie," she said, "Happy 50th Birthday. +20758051 This is Bobby Thomson." +20758052 "And there he was," recalls Mr. Engelken. +20758053 "The hero of my youth, the one person in history I'd most like to meet. +20758054 Keep your Thomas Jeffersons, or St. Augustines or Michelangelos; I'd take baseball's Flying Scot without hesitation." +20758055 They talked of the home run. +20758056 "I thought it was in the upper deck," said Bobby Thomson, now 66 years old. +20758057 They talked of the aftermath. +20758058 "I never thought it would become so momentous," Bobby remarked. +20758059 Mr. Engelken, says his wife, "was overwhelmed by the whole thing. +20758060 It was worth it, just for the look on Albert's face." +20758061 The two men spent an hour at Exit 10, rehashing the event, "fulfilling the lifelong dream of a young boy now turned 50," Mr. Engelken says. +20758062 His hero signed photographs of the homer and diplomatically called Ralph Branca "a very fine pitcher." +20758063 And when Mr. Engelken asked him why he took time off from work for somebody he didn't even know, Bobby Thomson replied: "You know, Albert, if you have the chance in life to make somebody this happy, you have an obligation to do it." +20758064 In an interview, Mr. Thomson, who is married and has three grown children, says he has few ties to baseball these days, other than playing old-timers games now and again. +20758065 But his fans, to his constant amazement, never let him forget the famous four-bagger. +20758066 His mail regularly recalls "my one event," and has been growing in recent years. +20758067 In response to the letters, Mr. Thomson usually sends an autographed photo with a polite note, and rarely arranges a rendezvous. +20758068 But when Betsy Engelken wrote him, saying she could stop near his New Jersey home, it seemed different. +20758069 "What a good feeling it would be for me to do that," he says he thought. +20758070 When the Engelken family got back from its trip up north, Mr. Engelken wrote it all down, just to make sure no detail was missed. +20758071 "On the way home," his notes recall, "it took concentrated effort to keep that car pointed south. +20758072 My mind was miles north at a place called Coogan's Bluff, where a real sports hero had captured the imagination of a kid who never fully grew up and is all the richer for it. +20758073 "Take heart, sports fans," he wrote. +20758074 "Real heroes exist. +20758075 You might not find one in the `Jurisprudence' column. +20758076 But who knows? +20758077 You might meet up with him at that bank of telephone booths just off Exit 10 of the New Jersey Turnpike. +20759001 Southam Inc. said its unprofitable weekly newspaper, The Financial Times of Canada, is up for sale. +20759002 Analysts said the announcement, the latest in a series of divestitures and restructuring moves, is aimed at improving Southam's earnings before the expiration in June of a standstill pact with Torstar Corp. +20759003 When that agreement expires, Torstar will be free to increase its 22.4% stake in Southam, or to make an offer for the whole company. +20759004 Descendants of the Southam family hold an additional 22.6% stake in the Toronto-based company, Canada's largest newspaper publisher. +20759005 The newspaper could fetch between 15 million and 20 million Canadian dollars (US$12.8 million to $17.1 million), said one analyst, who asked not to be identified. +20759006 A spokesman for Southam declined to comment on the price the company is seeking or on estimates of the paper's annual losses, which most analysts place at between C$4 million and C$7 million. +20759007 Yesterday, Southam reported third-quarter earnings of C$10.8 million on revenue of C$395.4 million, down from C$14.6 million on revenue of C$389.6 million in the year-ago quarter. +20759008 "To be profitable, the paper requires more circulation and building circulation is an expensive undertaking," said John Macfarlane, the paper's publisher. +20759009 Southam said the level of future investment required by the paper would have restricted its options in other areas. +20759010 The acquisition of the Financial Times of Canada is "well within reach for any number of media companies, both public and private," said James Cole, an analyst with Toronto-based BBN James Capel Inc. +20759011 Possible bidders include Christopher Ondaatje, a Toronto financier and vice chairman of Hees International Bancorp Inc., a holding company controlled by Toronto's Bronfman family. +20759012 Mr. Ondaatje sold his stake in Pagurian Corp. to Hees earlier this year and is said to be seeking a media acquisition. +20759013 Mr. Ondaatje couldn't be reached for comment, but Roy Mac-Laren, chairman of CB Media, a closely held concern that publishes two business magazines, said his company would take a close look at the newspaper. +20759014 Mr. Cole said the sale of the 77-year Financial Times, which Southam has owned since 1961, is consistent with Southam's strategy of cutting costs to obtain maximum profits from its operations while disposing of "chronically under-performing" assets. +20759015 Southam agreed to sell its 47% stake in Selkirk Communications Ltd., a broadcasting concern, to Maclean Hunter Ltd. for about C$285 million last year. +20759016 This year, it has moved to cut costs in its newspaper division through layoffs and asset sales, while reaching joint venture and acquisition agreements in other areas. +20759017 The Financial Times of Canada has no links to the British daily newspaper, The Financial Times. +20760001 Norton Co. said net income for the third quarter fell 6% to $20.6 million, or 98 cents a share, from $22 million, or $1.03 a share. +20760002 Operating profit for the abrasives, engineering materials and petroleum services concern was $19.2 million, or 91 cents a share, up 3% from $18.7 million, or 87 cents a share. +20760003 The company had a tax credit of $1.4 million. +20760004 In the year-earlier quarter, the tax credit was $3.3 million. +20760005 Sales rose 8% to $368.5 million from $340.7 million. +20760006 Operating profit in the company's abrasives segment rose 16% while operating profit in the engineering materials segment rose 2%. +20760007 However, the company's petroleum services segment, while profitable, was hurt by high financing costs associated with the company's buy-out of a 50% stake in Eastman Christensen Co. from Texas Eastern Corp. last June. +20760008 Norton and Texas Eastern had each held a 50% stake in Eastman in a joint venture. +20760009 Norton announced earlier this month that it was exploring the possible sale of all or part of Eastman Christensen. +20760010 For the nine months, Norton had net of $81.2 million, or $3.87 a share, and a tax credit of $4.4 million. +20760011 In the year-earlier period, the company had net of $77.2 million, or $3.68 a share, and a tax credit of $7.7 million. +20760012 Norton had operating profit of $76.8 million, or $3.66 a share, up 11% from $69.5 million, or $3.31 a share. +20760013 Sales rose 8% to $1.15 billion from $1.06 billion. +20761001 Y.J. Park and her family scrimped for four years to buy a tiny apartment here, but found that the closer they got to saving the $40,000 they originally needed, the more the price rose. +20761002 By this month, it had more than doubled. +20761003 Now the 33-year-old housewife, whose husband earns a modest salary as an assistant professor of economics, is saving harder than ever. +20761004 "I am determined to get an apartment in three years," she says. +20761005 "It's all I think about or talk about." +20761006 For the Parks and millions of other young Koreans, the long-cherished dream of home ownership has become a cruel illusion. +20761007 For the government, it has become a highly volatile political issue. +20761008 Last May, a government panel released a report on the extent and causes of the problem. +20761009 During the past 15 years, the report showed, housing prices increased nearly fivefold. +20761010 The report laid the blame on speculators, who it said had pushed land prices up ninefold. +20761011 The panel found that since 1987, real-estate prices rose nearly 50% in a speculative fever fueled by economic prosperity, the 1988 Seoul Olympics and the government's pledge to rapidly develop Korea's southwest. +20761012 The result is that those rich enough to own any real estate at all have boosted their holdings substantially. +20761013 For those with no holdings, the prospects of buying a home are ever slimmer. +20761014 In 1987, a quarter of the population owned 91% of the nation's 71,895 square kilometers of private land, the report said, and 10% of the population owned 65% of the land devoted to housing. +20761015 Meanwhile, the government's Land Bureau reports that only about a third of Korean families own their own homes. +20761016 Rents have soared along with house prices. +20761017 Former National Assemblyman Hong Sa-Duk, now a radio commentator, says the problem is intolerable for many people. +20761018 "I'm afraid of a popular revolt if this situation isn't corrected," he adds. +20761019 In fact, during the past three months there have been several demonstrations at the office complex where the Land Bureau is housed, and at the National Assembly, demanding the government put a stop to real-estate speculation. +20761020 President Roh Tae Woo's administration has been studying the real-estate crisis for the past year with an eye to partial land redistribution. +20761021 Last week, the government took three bills to the National Assembly. +20761022 The proposed legislation is aimed at rectifying some of the inequities in the current land-ownership system. +20761023 Highlights of the bills, as currently framed, are: -- A restriction on the amount of real estate one family can own, to 660 square meters in the nation's six largest cities, but more in smaller cities and rural areas. +20761024 The government will penalize offenders, but won't confiscate property. +20761025 -- A tax of between 3% and 6% on property holdings that exceed the governmentset ceiling. +20761026 -- Taxes of between 15% and 50% a year on "excessive" profits from the resale of property, or the sale of idle land to the government. +20761027 The government defines excessive profits as those above the average realized for other similar-sized properties in an area. +20761028 -- Grace periods ranging from two to five years before the full scope of the penalties takes effect. +20761029 The administration says the measures would stem rampant property speculation, free more land for the government's ambitious housing-construction program, designed to build two million apartments by 1992 -- and, perhaps, boost the popular standing of President Roh. +20761030 But opposition legislators and others calling for help for South Korea's renters say the proposed changes don't go far enough to make it possible for ordinary people to buy a home. +20761031 Some want lower limits on house sizes; others insist on progressively higher taxation for larger homes and lots. +20761032 The Citizens Coalition for Economic Justice, a public-interest group leading the charge for radical reform, wants restrictions on landholdings, high taxation of capital gains, and drastic revamping of the value-assessment system on which property taxes are based. +20761033 But others, large landowners, real-estate developers and business leaders, say the government's proposals are intolerable. +20761034 Led by the Federation of Korean Industries, the critics are lobbying for the government to weaken its proposed restrictions and penalties. +20761035 Government officials who are urging real-estate reforms balk at the arguments of business leaders and chafe at their pressure. +20761036 "There is no violation of the capitalistic principle of private property in what we are doing," says Lee Kyu Hwang, director of the government's Land Bureau, which drafted the bills. +20761037 But, he adds, the constitution empowers the government to impose some controls, to mitigate the shortage of land. +20761038 The land available for housing construction stands at about 46.2 square meters a person -- 18% lower than in Taiwan and only about half that of Japan. +20761039 Mr. Lee estimates that about 10,000 property speculators are operating in South Korea. +20761040 The chief culprits, he says, are big companies and business groups that buy huge amounts of land "not for their corporate use, but for resale at huge profit." +20761041 One research institute calculated that as much as 67% of corporate-owned land is held by 403 companies -- and that as little as 1.5% of that is used for business. +20761042 The government's Office of Bank Supervision and Examination told the National Assembly this month that in the first half of 1989, the nation's 30 largest business groups bought real estate valued at $1.5 billion. +20761043 The Ministry of Finance, as a result, has proposed a series of measures that would restrict business investment in real estate even more tightly than restrictions aimed at individuals. +20761044 Under those measures, financial institutions would be restricted from owning any more real estate than they need for their business operations. +20761045 Banks, investment and credit firms would be permitted to own land equivalent in value to 50% of their capital -- currently the proportion is 75%. +20761046 The maximum allowable property holdings for insurance companies would be reduced to 10% of their total asset value, down from 15% currently. +20761047 But Mrs. Park acknowledges that even if the policies work to slow or stop speculation, apartment prices are unlikely to go down. +20761048 At best, she realizes, they will rise more slowly -- more slowly, she hopes, than her family's income. +20762001 CAMBREX Corp., Bayonne, N.J., declared its initial quarterly of five cents a share, payable Dec. 1 to stock of record Nov. 10. +20762002 The maker of specialty chemicals has about 5.9 million shares outstanding. +20762003 The company said the move recognizes its strong financial position. +20762004 Although profits were "squeezed" in 1989, mainly as a result of higher raw-material costs, the company said it is confident about future earnings and cash flow for 1990 and beyond. +20762005 In national over-the-counter trading yesterday, Cambrex shares rose 50 cents to close at $13 a share. +20763001 The Justice Department said it is seeking to join a private lawsuit challenging a Pittsburgh suburb's zoning ordinance that sharply restricts the locations available to group homes for the handicapped. +20763002 This would be the department's first suit challenging a local zoning ordinance under 1988 amendments to the Fair Housing Act. +20763003 Under those amendments, which took effect in March of this year, the federal government can intervene in private housing-discrimination lawsuits. +20763004 The ordinance, in Moon Township, prohibits locating a group home for the handicapped within a mile of another such facility. +20763005 In papers filed with the federal district court in Pittsburgh, the Justice Department alleged that the ordinance, by limiting the number of group homes that can be established in the township, makes housing unavailable on account of handicap. +20763006 The private suit was brought by three mentally retarded people who live in a group home in Moon. +20763007 Greg Smith, Moon Township manager, said the ordinance is intended to prevent the concentration of group homes for the mentally retarded from changing "the character and flavor of the neighborhood." +20763008 He said the ordinance also will benefit the mentally retarded. +20763009 "Our intent is to spread them out" to insure they are well integrated into the community, he said. +20764001 Energetic and concrete action has been taken in Colombia during the past 60 days against the mafiosi of the drug trade, but it has not been sufficiently effective, because, unfortunately, it came too late. +20764002 Ten years ago, the newspaper El Espectador, of which my brother Guillermo was editor, began warning of the rise of the drug mafias and of their leaders' aspirations to control Colombian politics, especially the Congress. +20764003 Then, when it would have been easier to resist them, nothing was done and my brother was murdered by the drug mafias three years ago. +20764004 The most ruthless dictatorships have not censored their press more brutally than the drug mafias censor Colombia's. +20764005 The censorship is enforced through terrorism and assassination. +20764006 In the past 10 years about 50 journalists have been silenced forever, murdered. +20764007 Within the past two months a bomb exploded in the offices of the El Espectador in Bogota, destroying a major part of its installations and equipment. +20764008 And only last week the newspaper Vanguardia Liberal in the city of Bucaramanga was bombed, and its installations destroyed. +20764009 Journalists and their families are constantly threatened as are the newspaper distribution outlets. +20764010 Distribution centers are bombed, and advertisers are intimidated. +20764011 Censorship is imposed by terrorism. +20764012 If the Colombian media accept this new and hideous censorship there is little doubt that the drug mafia's terrorism someday will extend to all the newspapers published in the free world. +20764013 The solidarity of the uncensored media world-wide against drug terrorism is the only way press freedom can survive. +20764014 The American people and their government also woke up too late to the menace drugs posed to the moral structure of their country. +20764015 Even now, the American attack upon this tremendous problem is timid in relation to the magnitude of the threat. +20764016 I can attest that a recent Colombian visitor to the U.S. was offered drugs three times in the few blocks' walk between Grand Central Terminal and the Waldorf Astoria Hotel in midtown Manhattan. +20764017 Colombia alone -- its government, its people, its newspapers -- does not have the capacity to fight this battle successfully. +20764018 All drug-consuming countries must jointly decide to combat and punish the consumers and distributors of drugs. +20764019 The U.S., as the major drug consumer, should lead this joint effort. +20764020 Reduction, if not the total cessation, of drug consumption is the requirement for victory. +20764021 Much is being done in Colombia to fight the drug cartel mafia. +20764022 Luxurious homes and ranches have been raided by the military authorities, and sophisticated and powerful communications equipment have been seized. +20764023 More than 300 planes and helicopters have been impounded at airports, and a large number of vehicles and launches has been confiscated. +20764024 The military has also captured enormous arsenals of powerful and sophisticated weapons, explosives and other war-like materiel. +20764025 Much has been accomplished and public opinion decisively supports the government and the army -- but, on the other hand, none of the key drug barons have been captured. +20764026 There has been a lot of talk that a large portion of the Colombian economy is sustained by the laundering of drug money. +20764027 In my opinion, this is not true. +20764028 Laundered drug money has served only to increase, unrealistically, the price of real estate, creating serious problems for low-income people who aspire to own their own homes. +20764029 Drug money has also gone to buy expensive cars, airplanes, launches and nightclubs where drugs are consumed. +20764030 But most of the drug money is kept in investments and in financial institutions outside Colombia. +20764031 In fact, the cooperation of those financial institutions is essential to the success of the drug battle. +20764032 What is of much more importance to the Colombian economy than the supposed benefits of laundered drug money is higher prices for Colombia's legitimate products. +20764033 The price of coffee has gone down almost 45% since the beginning of the year, to the lowest level (after inflation) since the Great Depression. +20764034 Market conditions point to even lower prices next year. +20764035 The 27-year-old coffee cartel had to be formally dissolved this summer. +20764036 As a result, Colombia will earn $500 million less from its coffee this year than last. +20764037 Our coffee growers face reductions in their income, and this tempts them to contemplate substituting coca crops for coffee. +20764038 U.S. interests occasionally try to impose barriers to the import of another important Colombian export -- cut flowers -- into the American market. +20764039 A just price and an open market for what Colombian produces and exports should be the policy of the U.S. +20764040 I take advantage of this opportunity given to me by The Wall Street Journal to make a plea to the millions of readers of this newspaper, to become soldiers dedicated to the fight against the use of drugs. +20764041 Each gram of cocaine consumed is a deadly bullet against those in our country and in the rest of the world who fight this terrible scourge. +20764042 A crusade of NO to the consumption of drugs is imperative. +20764043 Mr. Cano is president of El Espectador, a newspaper founded by his grandfather. +20765001 It has more drug users than Boston has people. +20765002 Thirty-four thousand of its children live in foster homes, while 50,000 residents have no homes at all. +20765003 Its tax base is shrinking, a $1 billion budget deficit looms, and the city faces contract negotiations with all major municipal unions next year. +20765004 This is New York City. +20765005 When the dust and dirt settle in an extra-nasty mayoral race, the man most likely to gain custody of all this is a career politician named David Dinkins. +20765006 Running the nation's largest and most ornery city may be no treat, but at least Mr. Dinkins knows what to expect from it. +20765007 As the campaign hits the home stretch, however, voters still have very little idea what they can expect from him. +20765008 After 25 years in city politics, David Dinkins remains an enigma. +20765009 The soft-spoken, silver-haired Manhattan borough president -- the first black man to win the Democratic nomination for mayor here -- doesn't have a single prominent political enemy. +20765010 While he is widely described as a man with deep convictions, he has few major political programs that he can call his own. +20765011 Asked about his greatest achievement in public life, he first speaks about the quality of his staff. +20765012 Now, as election day nears, even some supporters wonder what he will do if he wins the mayoralty on Nov. 7. +20765013 They wonder whether he can be firm with his longtime allies, including union leaders and political cronies who may seek a place at the trough. +20765014 They wonder whether he has the economic know-how to steer the city through a possible fiscal crisis, and they wonder who will be advising him. +20765015 Will he, if he wins, be in the thrall of the most liberal of his allies, who advocate such policies as rent control for commercial buildings, or will he tilt toward the real-estate interests that have funneled money into his campaign? +20765016 After his decisive primary victory over Mayor Edward I. Koch in September, Mr. Dinkins coasted, until recently, on a quite-comfortable lead over his Republican opponent, Rudolph Giuliani, the former crime buster who has proved a something of a bust as a candidate. +20765017 But Mr. Dinkins has stumbled in the past two weeks over his campaign's payments to a black activist who is a convicted kidnapper, and over his handling of a stock sale to his son. +20765018 Polls also have recorded some slippage in Mr. Dinkins's support among Jewish voters, and citywide projections now put his lead at between four and 20 percentage points. +20765019 In an interview with reporters and editors of The Wall Street Journal, Mr. Dinkins appears quite confident of victory and of his ability to handle the mayoralty. +20765020 "A lot of people think I will give away the store, but I can assure you I will not," he says. +20765021 "I am aware we have real budgetary problems." +20765022 The city is full of aging bridges, water mains and roadways that are in need of billions of dollars worth of repair. +20765023 Renewed efforts to fight drugs and crime will be costly. +20765024 But city officials say tax revenues are lagging. +20765025 And after a decade of explosive job growth on Wall Street, a period of contraction is under way. +20765026 Mr. Koch already has announced he will drop 3,200 jobs from the city payroll, but that won't be enough. +20765027 New York State Comptroller Edward Regan predicts a $1.3 billion budget gap for the city's next fiscal year, a gap that could grow if there is a recession. +20765028 If elected, Mr. Dinkins will probably have no choice but to raise taxes on overburdened businesses or cut spending in already under-serviced neighborhoods. +20765029 "He is going to face a mess," says City Council President Andrew Stein. +20765030 "His supporters are not venal, but their solution to everything will be to spend more money, and he won't have any money." +20765031 By and large, Mr. Dinkins has finessed the touchy question of whose ox he would gore. +20765032 Instead of focusing on the financial future, Mr. Dinkins has sold himself as a unifier for a city recently touched by racial violence and as a soothing antidote to 12 years of commotion generated by Mayor Koch. +20765033 "The thing about the Dinkins candidacy is that it offers hope to a broad range of people," says Meyer Frucher, a real-estate executive and former aide to Gov. Mario Cuomo. +20765034 "It is a feel-good candidacy." +20765035 No doubt, Mr. Dinkins has been a calming influence. +20765036 He is an avuncular figure who remembers the birthdays of colleagues' children, opens doors for women, and almost never has a bad word to say about anybody. +20765037 More important, he emerged as a peacemaker last summer after the Central Park rape of a white jogger -- in which a group of Harlem teens was charged -- and the racial murder of a black teen-ager in the white Brooklyn neighborhood of Bensonhurst. +20765038 Rather than scaring off white voters, as many predicted he would, Mr. Dinkins attracted many whites precisely because of his reputation for having a cool head. +20765039 (Keeping cool is a Dinkins priority: On humid days this summer, he was known to change his double-breasted suits as many as four times a day.) +20765040 But even in his front-runner campaign, he has shown signs of the indecisiveness and confusion that some say has plagued his tenure as Manhattan borough president -- and might hinder him as mayor. +20765041 Over the last few weeks, he has frittered away roughly half of what was once a 33-point lead in the polls over Mr. Giuliani. +20765042 A story about how he mishandled the sale to his son of his stock in a media company controlled by his political patron Percy Sutton was allowed to fester a full week before Mr. Dinkins faced the media. +20765043 He has canceled numerous campaign appointments and was largely inaccessible to the media until the stock story broke. +20765044 His campaign was caught flat-footed amid allegations it paid almost $10,000 for what it said was a "get-out-the-vote" effort by black activist Sonny Carson, a convicted kidnapper who later said publicly that he is "anti-white." +20765045 Critics have said the payment looked like an attempt by the Dinkins camp to get Mr. Carson to stop leading confrontational demonstrations protesting the Bensonhurst murder -- protests the campaign may have feared could cause some white voters to turn from a black candidate. +20765046 Mr. Dinkins also has failed to allay Jewish voters' fears about his association with the Rev. Jesse Jackson, despite the fact that few local non-Jewish politicians have been as vocal for Jewish causes in the past 20 years as Mr. Dinkins has. +20765047 These campaign problems have echoed difficulties Mr. Dinkins has run into before. +20765048 A former U.S. Marine, Mr. Dinkins got off to a quick start in politics, joining a local Democratic political club in the 1950s, linking up with black urban leaders such as Charles Rangel, Basil Paterson and Mr. Sutton, and getting himself elected to the state assembly in 1965. +20765049 But his chance to become deputy mayor under Mayor Abraham Beame, a plan boosted by Mr. Sutton, was squandered because of Mr. Dinkins's failure -- still largely unexplained -- to file income tax returns for four years running. +20765050 "I always thought of this as a thing that could always be done tomorrow," he said at the time. +20765051 Later, Mr. Dinkins became more deeply indebted to Mr. Sutton and other city pols, including then-City Council President Paul O'Dwyer, when they helped him get appointed city clerk, a largely ceremonial post responsible for the city's marriage bureau, among other things. +20765052 (Mr. O'Dwyer is now one of the lawyers for Mr. Sutton's media company.) +20765053 The debt rose further in 1977 when Mr. Sutton resigned his position as Manhattan borough president to run for mayor. +20765054 Mr. Sutton recalls: "When I left, I sat down with Charlie {Rangel}, Basil {Paterson} and David, and David said, 'Who will run for borough president?' And I said, 'You will.'" +20765055 David Garth, Mayor Koch's longtime media adviser, says of Mr. Dinkins, "He really is the personification of the patronage system. +20765056 But the guy is so personally decent, people tend to forget that." +20765057 Mr. Dinkins lost twice by wide margins before finally getting elected borough president in 1985. +20765058 But by most accounts, he made little of the post and was best known among city politicians for his problems making up his mind on matters before the city's Board of Estimate, the body that votes on crucial budget and land-use matters. +20765059 Colleagues today recall with some humor how meetings would crawl into the early morning hours as Mr. Dinkins would march his staff out of board meetings and into his private office to discuss, en masse, certain controversial proposals. +20765060 "He taught me how to drink herbal tea instead of coffee at 3 a.m., I'll give him that," says Deputy Mayor Robert Esnard. +20765061 Often, Mr. Dinkins's procrastination prevented him from having a say in the way things turned out, critics claim. +20765062 On the campaign stump, he often points out that he was the only Board of Estimate member to vote against a controversial real-estate project at Manhattan's Columbus Circle. +20765063 But board members say he took so long to decide how to vote that by the time he decided, it was too late to try to draw other members to his position. +20765064 Says one city official: "Everybody else had brought in the wagons and made their deal. +20765065 He would have got a lot more done if he made up his mind faster." +20765066 One Board member, Bronx Borough President Ferdinand Ferrer, was said to be so impatient with Mr. Dinkins's behavior at many meetings that he withheld his support for Mr. Dinkins's mayoral effort until late in the primary campaign. +20765067 "I had some problem from time to time on the length of time he would take to make up his mind," Mr. Ferrer admits, but he maintains that he didn't delay his support of Mr. Dinkins and that he backs the Democratic candidate enthusiastically. +20765068 Mr. Dinkins's campaign manager and former chief of staff, Bill Lynch, denies that the Manhattan borough president has taken too long to decide important issues. +20765069 "We didn't rubber-stamp everything that came to us," Mr. Lynch says. +20765070 On some occasions when Mr. Dinkins has discussed the issues during the campaign, he has run into a familiar kind of trouble. +20765071 Some supporters were stunned this summer when Mr. Dinkins suggested weakening the law forbidding public employees to go on strike. +20765072 He withdrew the remark. +20765073 When he later sided with striking hospital workers, some allies cringed a little more, concerned that Mr. Dinkins was setting the wrong tone for coming contract negotiations with city employees. +20765074 Then, two days before receiving an endorsement from environmental groups, Mr. Dinkins promised he would issue a three-year moratorium on construction of garbage-incinerator plants. +20765075 That announcement was roundly criticized by Mayor Koch -- who has endorsed Mr. Dinkins -- because the city faces a garbage crisis and has already spent $5 million planning for an incinerator that would be scrapped under Mr. Dinkins's proposal. +20765076 While his public statements have at times been confusing, Mr. Dinkins's position papers have more consistently reflected anti-development sentiment. +20765077 He favors a form of commercial rent control, which the financial community believes would make it more difficult to attract investment in the city. +20765078 In the midst of a labor shortage, he proposes linking city subsidies to businesses to their record of hiring New York City residents. +20765079 With an untrained local labor pool, many experts believe, that policy could drive businesses from the city. +20765080 And he favors a more cooperative approach toward the neighboring states of New Jersey and Connecticut in the battle over companies thinking of moving employees out of New York City. +20765081 Many economic-development officials say the Koch administration's aggressive approach helped save 5,000 Chase Manhattan Bank jobs from moving across the Hudson. +20765082 But Mr. Dinkins's economic planks don't seem to bother the business community, where he draws significant support. +20765083 Steven Spinola, president of the Real Estate Board of New York, an industry organization, says Mr. Dinkins's "economic development program is shortsighted, but when it comes down to it, he can be reasonable." +20765084 Mr. Dinkins's inner circle of advisers appears to include both ideologues and pragmatists, leaving voters with little clue as to who will be more influential. +20765085 The key man seems to be the campaign manager, Mr. Lynch. +20765086 A disheveled, roly-poly son of a Long Island potato farmer, Mr. Lynch is a veteran union organizer who worked on the presidential campaigns of Sen. Edward Kennedy and Mr. Jackson. +20765087 But as the Dinkins campaign hit tough times this month, Andrew Cuomo, the politically seasoned son of the New York governor, is also said to have taken a more active role on strategy. +20765088 Another close ally is Ruth Messinger, a Manhattan city councilwoman, some of whose programs, such as commercial rent control, have made their way into Mr. Dinkins's position papers. +20765089 If she remains influential with Mr. Dinkins, as some suggest she will, his mayoralty may take on a more anti-development flavor. +20765090 But Lincoln Center President Nathan Leventhal, who would head a Dinkins transition team, is more mainstream, as is real-estate executive Anthony Gliedman, another insider. +20765091 Mr. Dinkins also has said he would receive economic advice from a board that would include American Express Co. chairman James D. Robinson III, investment banker Felix Rohatyn, leveraged-buy-out specialist Reginald Lewis and attorney Joseph Flom. +20765092 Some business leaders and others also believe that Mr. Dinkins would place significant responsibility in the hands of a deputy mayor with a strong administrative background. +20765093 Names of possible deputies that have surfaced include former mayoral candidate Richard Ravitch, former schools chancellor Frank Macchiarola and Messrs. Leventhal and Gliedman. +20765094 Then there are Mr. Dinkins's old-time Harlem colleagues, such as U.S. Rep. Rangel, former Deputy Mayor Paterson and Mr. Sutton. +20765095 Having attained positions of real influence or wealth, these men constitute the Old Guard of New York City black politics; they are less confrontational than the younger, more activist black political community that has been based largely in Brooklyn. +20765096 (Part of Mr. Dinkins's strength is his ability to win the support of both the Brooklyn and Harlem factions.) +20765097 "We know there are potholes for the city out there," says Mr. Paterson, Mr. Dinkins's former law partner. +20765098 "If any of us think we're going to sidetrack David's determination to be the best possible mayor because of his obligations to us, we are making a sad mistake." +20765099 Adds Ms. Messinger, who is expected to win the borough president's job Mr. Dinkins is vacating, "You have to remember David is a pragmatist." +20765100 But Mr. Dinkins's sense of pragmatism often comes across more as an insider's determination not to upset the political apple cart. +20765101 He is taken aback in an interview when asked whether, as mayor, he plans on reforming the political "fiefdoms" that perpetuate the monumental ineffectiveness of New York's school system. +20765102 "I will sit down and talk some of the problems out, but take on the political system? Uh-uh," he says with a shake of the head. +20765103 Despite many doubts about his candidacy, white New Yorkers -- who gave Mr. Dinkins 30% of their votes in the primary -- aren't expected to desert in sufficient numbers to turn the election to Mr. Giuliani. +20765104 The former U.S. attorney, who prosecuted targets ranging from Mafia dons to Wall Street executives, has succeeded in raising questions about Mr. Dinkins's ethical standards, but so far has failed to generate excitement about his own candidacy. +20765105 As a Republican in an overwhelmingly Democratic city, Mr. Giuliani has an inherent handicap. +20765106 As a first-time candidate, he has been slow to learn the nuances of New York City politicking. +20765107 Mr. Giuliani is finding that Mr. Dinkins, in his many years in public life, has built up considerable good will that so far has led many voters to overlook certain failings. +20765108 "The bottom line is that he is a very genuine and decent guy," says Malcolm Hoenlein, a Jewish community leader. +20765109 "In the end, I think David will be judged for being David. +20766001 Toni Johnson pulls a tape measure across the front of what was once a stately Victorian home. +20766002 A deep trench now runs along its north wall, exposed when the house lurched two feet off its foundation during last week's earthquake. +20766003 A side porch was ripped away. +20766004 The chimney is a pile of bricks on the front lawn. +20766005 The remainder of the house leans precariously against a sturdy oak tree. +20766006 The petite, 29-year-old Ms. Johnson, dressed in jeans and a sweatshirt as she slogs through the steady afternoon rain, is a claims adjuster with Aetna Life & Casualty. +20766007 She has been on the move almost incessantly since last Thursday, when an army of adjusters, employed by major insurers, invaded the San Francisco area to help policyholders sift through the rubble and restore some order to their lives. +20766008 Equipped with cellular telephones, laptop computers, calculators and a pack of blank checks, they parcel out money so their clients can find temporary living quarters, buy food, replace lost clothing, repair broken water heaters, and replaster walls. +20766009 Some of the funds will used to demolish unstable buildings and clear sites for future construction. +20766010 Many adjusters are authorized to write checks for amounts up to $100,000 on the spot. +20766011 They don't flinch at writing them. +20766012 "That's my job -- get {policyholders} what they're entitled to," says Bill Schaeffer, a claims supervisor who flew in from Aetna's Bridgeport, Conn., office. +20766013 The Victorian house that Ms. Johnson is inspecting has been deemed unsafe by town officials. +20766014 But she asks a workman toting the bricks from the lawn to give her a boost through an open first-floor window. +20766015 Once inside, she spends nearly four hours measuring and diagramming each room in the 80-year-old house, gathering enough information to estimate what it would cost to rebuild it. +20766016 She snaps photos of the buckled floors and the plaster that has fallen away from the walls. +20766017 While she works inside, a tenant returns with several friends to collect furniture and clothing. +20766018 One of the friends sweeps broken dishes and shattered glass from a countertop and starts to pack what can be salvaged from the kitchen. +20766019 Others grab books, records, photo albums, sofas and chairs, working frantically in the fear that an aftershock will jolt the house again. +20766020 The owners, William and Margie Hammack, are luckier than many others. +20766021 A few years ago, Mrs. Hammack insisted on buying earthquake insurance for this house, which had been converted into apartments. +20766022 Only about 20% of California home and business owners carried earthquake coverage. +20766023 The Hammacks' own home, also in Los Gatos, suffered comparatively minor damage. +20766024 Ms. Johnson, who works out of Aetna's office in Walnut Creek, an East Bay suburb, is awed by the earthquake's destructive force. +20766025 "It really brings you down to a human level," she says. +20766026 "It's hard to accept all the suffering people are going through, but you have to. +20766027 If you don't, you can't do your job." +20766028 For Aetna and other insurers, the San Francisco earthquake hit when resources in the field already were stretched. +20766029 Most companies still are trying to sort through the wreckage caused by Hurricane Hugo in the Carolinas last month. +20766030 Aetna, which has nearly 3,000 adjusters, had deployed about 750 of them in Charlotte, Columbia, and Charleston. +20766031 Adjusters who had been working on the East Coast say the insurer will still be processing claims from that storm through December. +20766032 It could take six to nine months to handle the earthquake-related claims. +20766033 When the earthquake rocked northern California last week, Aetna senior claims executives from the San Francisco area were at the company's Hartford, Conn., headquarters for additional training on how to handle major catastrophes, including earthquakes. +20766034 Since commercial airline flights were disrupted, the company chartered three planes to fly these executives back to the West Coast and bring along portable computers, cellular phones and some claims adjusters. +20766035 Because of the difficulty of assessing the damages caused by the earthquake, Aetna pulled together a team of its most experienced claims adjusters from around the country. +20766036 Even so, few had ever dealt with an earthquake. +20766037 Some adjusters, like Alan Singer of San Diego, had been working in Charleston for nearly four weeks. +20766038 He returned home last Thursday, packed a bag with fresh clothes and reported for duty Friday in Walnut Creek. +20766039 Offices were set up in San Francisco and San Jose. +20766040 In a few instances, Aetna knew it would probably be shelling out big bucks, even before a client called or faxed in a claim. +20766041 For example, officials at Walnut Creek office learned that the Amfac Hotel near the San Francisco airport, which is insured by Aetna, was badly damaged when they saw it on network television news. +20766042 "The secret to being a good adjuster is counting," says Gerardo Rodriguez, an Aetna adjuster from Santa Ana. +20766043 "You have to count everything." +20766044 Adjusters must count the number of bathrooms, balconies, fireplaces, chimneys, microwaves and dishwashers. +20766045 But they must also assign a price to each of these items as well as to floors, wallcoverings, roofing and siding, to come up with a total value for a house. +20766046 To do that, they must think in terms of sheetrock by the square foot, carpeting by the square yard, wallpaper by the roll, molding by the linear foot. +20766047 Using a calculator and a unit-price guide for such jobs as painting, plumbing and roofing in each major region of the country, adjusters can figure out the value of a home in today's market and what it would cost to rebuild it. +20766048 Sometimes repairs are out of the question. +20766049 When Aetna adjuster Bill Schaeffer visited a retired couple in Oakland last Thursday, he found them living in a mobile home parked in front of their yard. +20766050 The house itself, located about 50 yards from the collapsed section of double-decker highway Interstate 880, was pushed about four feet off its foundation and then collapsed into its basement. +20766051 The next day, Mr. Schaeffer presented the couple with a check for $151,000 to help them build a new home in the same neighborhood. +20766052 He also is working with a real-estate agent to help find them an apartment to rent while their home is being built. +20766053 Many of the adjusters employed by Aetna and other insurers have some experience with construction work or carpentry. +20766054 But such skills were alien to Toni Johnson. +20766055 Four years ago, she was managing a film-processing shop and was totally bored. +20766056 A friend mentioned that she might want to look into a position at Aetna, if she was interested in a job that would constantly challenge her. +20766057 She signed up, starting as an "inside" adjuster, who settles minor claims and does a lot of work by phone. +20766058 A year later, she moved to the commercial property claims division. +20766059 She spent a month at an Aetna school in Gettysburg, Pa., learning all about the construction trade, including masonry, plumbing and electrical wiring. +20766060 That was followed by three months at the Aetna Institute in Hartford, where she was immersed in learning how to read and interpret policies. +20766061 Her new line of work has some perils. +20766062 Recently, a contractor saved her from falling three stories as she investigated what remained of an old Victorian house torched by an arsonist. +20766063 "I owe that contractor. +20766064 I really do," she says. +20766065 As Ms. Johnson stands outside the Hammack house after winding up her chores there, the house begins to creak and sway. +20766066 The ground shakes underneath her. +20766067 It is an aftershock, one of about 2,000 since the earthquake, and it makes her uneasy. +20766068 The next day, as she prepares a $10,000 check for the Hammacks, which will cover the cost of demolishing the house and clearing away the debris, she jumps at the slightest noise. +20766069 On further reflection, she admits that venturing inside the Hammacks' house the previous day wasn't "such a great idea." +20766070 During her second meeting with the Hammacks, Ms. Johnson reviews exactly what their policy covers. +20766071 They would like to retrieve some appliances on the second floor, but wonder if it's safe to venture inside. +20766072 Ms. Johnson tells them that, if the appliances can't be salvaged, their policy covers the replacement cost. +20766073 Mr. Hammack is eager to know what Aetna will pay for the house, which has to come down. +20766074 "When will I get that check for a million dollars?" he jokes. +20766075 The adjuster hadn't completed all the calculations, but says: "We're talking policy limits." +20766076 In this case, that's about $250,000. +20766077 It suddenly dawns on Mr. Hammack that rebuilding the house in Los Gatos, an affluent community in Santa Clara County, may cost more than Aetna's policy will pay. +20766078 "We can lose money on this," he says. +20766079 "And you didn't want me to buy earthquake insurance," says Mrs. Hammack, reaching across the table and gently tapping his hand. +20766080 Earthquake insurance costs about $2 to $4 annually for every $1,000 of value, and high deductibles mean it generally pays only when there is a catastrophe. +20766081 So, many Californians believe they can get by without it. +20766082 Even Ms. Johnson herself made that assumption. +20766083 "I always knew that the 'Big One' was coming, but not during my lifetime," she says. +20766084 Now she says she's thinking of contacting her own insurance agent. +20766085 For Ms. Johnson, dealing with the earthquake has been more than just a work experience. +20766086 She lives in Oakland, a community hit hard by the earthquake. +20766087 She didn't have hot water for five days. +20766088 The apartment she shares with a 12-year-old daughter and her sister was rattled, books and crystal hit the floor, but nothing was severely damaged. +20766089 Her sister, Cynthia, wishes Toni had a different job. +20766090 "We worry about her out there," Cynthia says. +20766091 Last Sunday, Ms. Johnson finally got a chance to water her plants, but stopped abruptly. +20766092 "I realized I couldn't waste this water when there are people in Watsonville who don't have fresh water to drink." +20766093 She hasn't played any music since the earthquake hit, out of respect for those who died on Interstate 880 where the roadway collapsed. +20767001 The Federal Communications Commission allowed American Telephone & Telegraph Co. to continue offering discount phone services for large-business customers and said it would soon re-examine its regulation of the long-distance market. +20767002 The FCC moves were good news for AT&T, which has been striving since the breakup of the phone system for greater latitude in pricing and reduced regulation. +20767003 Alfred Sikes, the new FCC chairman, championed deregulation of AT&T at his last job as head of a Commerce Department telecommunications agency. +20767004 But it has been an open question whether Mr. Sikes, an extraordinarily cautious man, would continue pushing deregulation at the FCC in the face of what is likely to be great political pressure. +20767005 "It means that Sikes is serious about the deregulation of long distance," said Jack Grubman, a telecommunications analyst at PaineWebber Inc., who attended the FCC meeting. +20767006 "All the commissioners were in amazing agreement {to re-examine regulation} for only having been together for a few months." +20767007 The FCC took three specific actions regarding AT&T. +20767008 By a 4-0 vote, it allowed AT&T to continue offering special discount packages to big customers, called Tariff 12, rejecting appeals by AT&T competitors that the discounts were illegal. +20767009 Then by a separate 4-0 vote, it chose the narrowest possible grounds to strike down a different discount plan, called Tariff 15, that AT&T offered to Holiday Corp. +20767010 AT&T gave a 5% to 10% discount to the Memphis, Tenn., company that oversees Holiday Inns, in response to a similar discount offered to Holiday Corp. by MCI Communications Corp. +20767011 The agency said that because MCI's offer had expired AT&T couldn't continue to offer its discount plan. +20767012 But the agency specifically didn't rule whether AT&T had the right to match offers by competitors if that means giving discounts not generally available to other phone users. +20767013 Indeed, Joe Nacchio, AT&T's vice president for business-communications services, said AT&T offered a similar Tariff 15 discount to Resort Condominium International, of Indianapolis, to meet another MCI bid. +20767014 The FCC "didn't say I couldn't do it again," he said. +20767015 Apart from those two actions, Mr. Sikes and the three other commissioners said they expect to re-examine how AT&T is regulated since competition has increased. +20767016 Richard Firestone, chief of the FCC's common-carrier bureau, said he expected the agency to propose new rules next year. +20767017 AT&T applauded the FCC's actions. +20767018 "The time is long overdue to take a look at the fierce competition in the long-distance business and the rules governing it," the New York telecommunications firm said in a statement. +20767019 But MCI, of Washington, was displeased with the FCC decision concerning Tariff 12, arguing that "AT&T cannot be allowed to flaunt FCC rules." +20767020 United Telecommunications Inc.'s US Sprint unit said it was "obviously disappointed" with the FCC decision on Tariff 12. +20767021 US Sprint said was it will petition the FCC decision in federal court. +20767022 "We believe that the court will find it unlawful," said a US Sprint spokesman. +20767023 Separately, AT&T filed a countersuit against MCI accusing it of misleading consumers through allegedly "false and deceptive" advertising. +20767024 The AT&T action was the most recent blow in a nasty fight. +20767025 Earlier this month, MCI sued AT&T in federal district court, claiming that AT&T's ads are false. +20767026 AT&T assembled three of its top executives in Washington, all visibly angry, to try to refute MCI's charges. +20767027 "MCI has made hawks out of the upper echelon of AT&T," said PaineWebber's Mr. Grubman, who said he expected AT&T to become increasingly aggressive in dealing with its longtime nemesis. +20767028 Julie Amparano Lopez in Philadelphia also contributed to this article. +20768001 Billions of investors' dollars are pouring out of the nation's junk-bond mutual funds, undermining a pillar of support in the already reeling junk market. +20768002 Last week alone, an eye-popping $1.6 billion flowed out of the junk funds, or nearly 5% of their total assets, according to estimates by Dalbar Financial Services Inc., a Boston research firm. +20768003 In the past two months the nation's 88 junk funds have lost a total of about $6 billion -- more than 15% of assets -- through sales or transfers of junk-fund shares, Dalbar says. +20768004 It made the estimates based on data collected from more than a dozen big junk funds. +20768005 Interviews with three major fund groups -- Fidelity Investments, Vanguard Group Inc. and T. Rowe Price Associates Inc. -- confirm the trend. +20768006 Their junk funds combined have had net outflows totaling nearly $500 million, or about 13% of their junk fund assets, in the past two months. +20768007 Some fund managers say negative publicity has exacerbated investors' concern about recent declines in junk-bond prices. +20768008 "People have been seeing headline after headline after headline and saying: `I can't take it anymore -- I'm getting out,'" says Kurt Brouwer of Brouwer & Janachowski, a San Francisco investment adviser. +20768009 The withdrawals could spell trouble for the $200 billion junk market. +20768010 If the heavy outflows continue, fund managers will face increasing pressure to sell off some of their junk to pay departing investors in the weeks ahead. +20768011 Such selling could erode prices of high-yield junk bonds, already weakened by a rash of corporate credit problems. +20768012 Mutual fund groups haven't lost control of much of the outgoing money, says Louis Harvey, Dalbar's president. +20768013 Mutual fund officials say that investors have transferred most of it into their money market accounts, and to a lesser extent, government-bond funds. +20768014 So the impact on the $950 billion mutual fund industry as a whole probably will be slight. +20768015 But tremors are likely in the junk-bond market, which has helped to finance the takeover boom of recent years. +20768016 Mutual funds are the among the largest holders of junk, accounting for more than a quarter of the entire high-yield, high-risk market. +20768017 The 88 mutual funds investing solely in junk bonds hold assets of about $32 billion. +20768018 Other funds hold a smattering of junk bonds, too. +20768019 The $1.5 billion Fidelity High Income Fund has had a net outflow of about $150 million in the past two months. +20768020 About $60 million streamed out last week alone, double the level of the week following last month's Campeau Corp. credit squeeze. +20768021 About 98% of the outflow was transferred to other Fidelity funds, says Neal Litvack, a Fidelity vice president, marketing, with most going into money market funds. +20768022 "You get a news item, it hits, you have strong redemptions that day and for two days following -- then go back to normal," says Mr. Litvack. +20768023 The fund, with a cash cushion of more than 10%, has "met all the redemptions without having to sell one thing," Mr. Litvack says. +20768024 He adds: "Our fund has had {positive} net sales every month for the last three years -- until this month." +20768025 Vanguard's $1 billion High Yield Bond Portfolio has seen $161 million flow out since early September; $14 million of that seeped out Friday Oct. 13 alone. +20768026 Still, two-thirds of the outflow has been steered into other Vanguard portfolios, says Brian Mattes, a vice president. +20768027 The fund now holds a cash position of about 15%. +20768028 At the $932 million T. Rowe Price High Yield Fund, investors yanked out about $182 million in the past two months. +20768029 Those withdrawals, most of which were transferred to other T. Rowe Price funds, followed little change in the fund's sales picture this year through August. +20768030 "The last two months have been the whole ball game," says Steven Norwitz, a vice president. +20768031 Junk-fund holders have barely broken even this year, as fat interest payments barely managed to offset declining prices. +20768032 Through Oct. 19, high-yield funds had an average 0.85% total return (the price change plus dividends on fund shares), according to Lipper Analytical Services Inc. +20768033 That's even less than the 4.35% total return of the Merrill Lynch High-Yield Index. +20768034 Fidelity's junk fund has fallen 2.08% this year through Oct. 19, Lipper says; the Vanguard fund rose 1.84%; and the T. Rowe Price fund edged up 0.66%. +20768035 People who remain in junk funds now could get hit again, some analysts and fund specialists say. +20768036 Many funds in recent weeks and months have been selling their highest-quality junk issues, such as RJR Nabisco, to raise cash to meet expected redemptions. +20768037 Funds might be forced to accept lower prices if they expand their selling to the securities of less-creditworthy borrowers. +20768038 And then, asset values of the funds could plunge more than they have so far. +20768039 Says Michael Hirsch, chief investment officer of Republic National Bank and manager of the FundTrust Group in New York: "It's a time bomb just waiting to go off. +20769001 The surprise resignation yesterday of British Chancellor of the Exchequer Nigel Lawson sent sterling into a tailspin against the dollar by creating uncertainties about the direction of the British economy. +20769002 The U.S. unit also firmed against other currencies on the back of sterling's tumble, as market participants switched out of pounds. +20769003 The pound also dropped precipitously against the mark, falling below the key 2.90-mark level to 2.8956 marks from 2.9622 marks late Wednesday. +20769004 Mr. Lawson's resignation shocked many analysts, despite the recent recurring speculation of a rift between the chancellor and Prime Minister Margaret Thatcher. +20769005 Indeed, only hours earlier, Mrs. Thatcher had called Mr. Lawson's economic policies "sound" and said she has "always supported" him. +20769006 "There was a general feeling that we'd seen the worst," said Patrick Foley, deputy chief economic adviser for Lloyds Bank in London. +20769007 "The resignation came as a great surprise." +20769008 Graham Beale, manager of foreign-exchange operations at Hong Kong & Shanghai Banking Corp. in New York, added that Mrs. Thatcher's comments reinforced the market's growing confidence about sterling and compounded the unit's later decline. +20769009 "The market was caught totally the wrong way. . . . +20769010 Everyone was extremely long on sterling," Mr. Beale said. +20769011 In late New York trading yesterday, the dollar was quoted at 1.8400 marks, up from 1.8353 marks late Wednesday, and at 142.10 yen, up from 141.52 yen late Wednesday. +20769012 Sterling was quoted at $1.5765, sharply down from $1.6145 late Wednesday. +20769013 In Tokyo Friday, the U.S. currency opened for trading at 142.02 yen, up from Thursday's Tokyo close of 141.90 yen. +20769014 Few analysts had much good to say about the pound's near-term prospects, despite the fact that most don't anticipate a shift in Mrs. Thatcher's economic policies. +20769015 Mr. Foley of Lloyds noted that Mr. Lawson's replacement, John Major, the British foreign minister, will take time to establish his credibility and, in the meantime, sterling could trend downward in volatile trade. +20769016 But Mr. Foley predicted few economic policy changes ahead, commenting that Mr. Major shares "a very similar view of the world" with Mr. Lawson. +20769017 Bob Chandross, chief economist at Lloyds Bank in New York, also noted that the pound's sharp decline is pegged more to uncertainty in the market than a vision of altered United Kingdom economic policies. +20769018 Unless Mr. Lawson's resignation leads to a change in British interest-rate policy -- Mrs. Thatcher's administration firmly supports high interest rates to keep inflation in check -- or posturing toward full inclusion in the European Monetary System's exchange-rate mechanism, Mr. Lawson's withdrawal will have little long-term impact on exchange rates, Mr. Chandross concluded. +20769019 Also announcing his resignation Thursday was Alan Walters, Mrs. Thatcher's economic adviser and Mr. Lawson's nemesis. +20769020 The pound, which had been trading at about $1.6143 in New York prior to Mr. Lawson's announcement, sank more than two cents to $1.5930, prompting the Federal Reserve Bank to buy pounds for dollars. +20769021 The Fed's move, however, only proved a stopgap to the pound's slide and the Fed intervened for a second time at around $1.5825, according to New York traders. +20769022 Meanwhile, dollar trading was relatively uninspired throughout the session, according to dealers, who noted that Thursday's release of the preliminary report on the U.S. third-quarter gross national product was something of a nonevent. +20769023 U.S. GNP rose at an annual rate of 2.5% in the third quarter. +20769024 The implicit price deflator, a measure of inflation, was down to a 2.9% annual rate of increase in the quarter from a 4.6% rate of gain in the second quarter. +20769025 In Europe, the dollar ended lower in dull trading. +20769026 The market closed prior to Mr. Lawson's announcement. +20769027 On the Commodity Exchange in New York, gold for current delivery rose $3.40 to $372.50 an ounce in heavy trading. +20769028 The close was the highest since August 3. +20769029 Estimated volume was five million ounces. +20769030 In early trading in Hong Kong Friday, gold was quoted at $370.85 an ounce. +20770001 The following issues were recently filed with the Securities and Exchange Commission: +20770002 Anheuser-Busch Cos., shelf offering of $575 million of debt securities. +20770003 Coca-Cola Bottling Co. Consolidated, shelf offering of $200 million of debt securities, via Salomon Brothers Inc. and Goldman, Sachs & Co. +20770004 First Brands Corp., proposed offering of 6,475,000 common shares, of which 1,475,000 common shares will be sold by the company and five million shares by holders, via First Boston Corp. and Credit Suisse First Boston Ltd. +20770005 Home Nutritional Services Inc., a wholly owned subsidiary of Healthdyne Inc., proposed initial offering of four million common shares, of which 1.8 million will be sold by Home Nutritional Services and 2.2 million will be sold by Healthdyne, via Smith Barney, Harris Upham & Co. +20770006 Parametric Technology Corp., initial public offering of 1.7 million common shares, of which 1,365,226 will be offered by the company and 334,774 will be offered by holders, via Alex. Brown & Sons Inc., Hambrecht & Quist Inc. and Wessels, Arnold & Henderson. +20770007 SynOptics Communications Inc., proposed public offering of 1.5 million common shares, of which 1,003,884 shares are to be sold by the company and 496,116 shares are to be sold by holders, via Morgan Stanley & Co. and Hambrecht & Quist. +20771001 On an office wall of the Senate intelligence committee hangs a quote from Chairman David Boren, "Don't hold your ticket 'til the show's over." +20771002 He once used that line in a closed-door meeting on Panama, meaning don't shrink from taking action against Manuel Noriega. +20771003 So how did a good senator like this end up approving a policy that required the U.S. to warn Mr. Noriega of any coup plot against him? +20771004 "I agree, it's ridiculous," says Mr. Boren, and indeed by now ridiculous may be the only way to describe how the U.S. decides to take -- or rather, not to take -- covert action. +20771005 George Bush disclosed the policy last week by reading it to GOP senators, perhaps as a way of shifting blame for the Panama fiasco to Congress. +20771006 But the broader truth is more complicated -- and dismaying. +20771007 The policy was contained in an exchange of letters last October between the Senate intelligence committee and the CIA and National Security Council. +20771008 Staff lawyers for both sides were busy agreeing with one another about what the U.S. could not do to oust the Panamanian thug. +20771009 They simply got carried away with interpreting what the executive order banning assassinations really meant. +20771010 Mr. Boren himself didn't discover the warn-your-enemy nuance until Mr. Bush told him privately at the White House last week. +20771011 It's ironic that David Boren should be in the center of this mire. +20771012 A former Oklahoma governor, he's a thoughtful defender of presidential powers in foreign policy. +20771013 He's a rare Democratic hawk. +20771014 He's the senator most like Arthur Vandenberg, the GOP senator from Michigan who worked to forge a bipartisan foreign policy in the 1940s. +20771015 "Vandenberg and Rayburn are heroes of mine," Mr. Boren says, referring as well to Sam Rayburn, the Democratic House speaker who cooperated with President Eisenhower. +20771016 "They allowed this country to be credible. +20771017 I really want to see that happen again." +20771018 If this were 1949, Mr. Boren might even succeed. +20771019 But in 1989 most senators have other ideas. +20771020 Last July, his committee rejected a Reagan administration plan to support a coup in Panama. +20771021 Ohio Democrat Howard Metzenbaum refused to support any plan that might get people hurt, a charming notion for a great power. +20771022 Maine Republican William Cohen said the plan might violate the assassination ban. +20771023 So the administration dropped it. +20771024 By October, when the committee rejected a much more modest covert proposal, even the administration was agreeing little should be done. +20771025 Mr. Boren doesn't think all this influenced the failed coup this month, but he does concede that Congress has made mistakes. +20771026 "In the aftermath of Vietnam, in the aftermath of Iran-Contra, I can understand some people might think that if they plan a coup, they have to bring their lawyers," he says. +20771027 But even Mr. Boren defends congressional oversight. +20771028 Writing in the Harvard International Review, he says that his committee approves covert operations only when there's a "consensus." +20771029 So what does consensus mean? +20771030 "It doesn't mean unanimous," he insists, though he implies it means a bipartisan majority. +20771031 "The sustainability of U.S. foreign policy is essential," he explains. +20771032 "Why was containment so successful? +20771033 Because it had bipartisan support." +20771034 Mr. Boren is confusing consensus on general principles with agreement on specific actions. +20771035 Elliott Abrams, a veteran of intelligence committee debates, doubts that even Grenada or the Libyan raid would have taken place if "consensus" had been required. +20771036 Vandenberg and Rayburn were wise enough to leave specific operations to presidents; modern senators, Mr. Boren notwithstanding, are less modest. +20771037 The result is that the Senate committee has what amounts to veto power over every covert action. +20771038 "I wouldn't say it's quite a veto," Mr. Boren demurs. +20771039 But wouldn't a president who acted despite Senate objections be taking grave political risks? +20771040 "He would," agrees the chairman. +20771041 "But that is something the president ought to know before he goes ahead." +20771042 Mr. Boren even spies a silver lining. +20771043 He figures the episode will help "clarify any ambiguities" between the committee and administration. +20771044 He points to a letter on his desk, his second in a week from President Bush, saying that they "don't disagree." +20771045 More broadly, Mr. Boren hopes that Panama will shock Washington out of its fear of using military power. +20771046 "Maybe this will jolt us out of the post-Vietnam syndrome that we never are prepared to use force," he says. +20771047 Maybe -- if every senator shared the principles of Mr. Boren. +20771048 But it's just as plausible to argue that if even David Boren can get mired in this sort of mess, the problem goes beyond legal interpretation. +20771049 Maybe the problem is a political system that won't act without an "exchange of letters," that insists on running foreign policy by committee, that treats a president as just another guy at the table. +20771050 The reply of the Metzenbaums and Cohens is that we can't abolish these oversight committees because we've seen too many abuses of executive power. +20771051 But Panama illustrates that their substitute is a system that produces an absurd gridlock. +20771052 The lawyers are now in charge of our national security. +20771053 In Panama, the U.S. interests at stake were happily minor; the only people killed were foreigners hapless enough to trust American will. +20771054 Americans may not be so lucky the next time. +20772001 I was impressed by the perceptiveness of your Sept. 12 story "Rural Enterprise: Tough Row To Hoe." +20772002 We lived in rural areas many years, but now live in St. Louis County, Mo. +20772003 This morning as I drove the 13 miles to my law office and endured the routine heavy traffic during that twice-daily journey, I thought of how fortunate it was that we made the decision to be residents of an expanding community with so many opportunities and where so much is happening. +20772004 The presence of so many people, cars and competing businesses is evidence of a healthy economy in a place where people want to live. +20772005 I thought back to our time in small, sparsely populated communities. +20772006 I remembered how hard it was for an outsider to become accepted by long-established, stake-holding residents, and what pitfalls awaited an original thinker in societies that were long accustomed to unchanging, "safe" ways of thought and action. +20772007 I remembered being fired at age 44, with five children at home, when my views and actions were deemed unsettling by a timid, small-town employer. +20772008 How difficult it is for a thinking person to live among societies rooted in the past. +20772009 Now, I revel in the freedom, culture, activity and diversity of this great metropolitan area with its traffic jams and perpetual road-building projects. +20772010 Yet when my youngest child died two years ago, I buried him in the church cemetery of a small Missouri town. +20772011 So after all, even the bitterest critic of rural exclusivity harbors a continuing yearning for those scarce, rural virtues thought to exist amid fields, forests and country lanes. +20772012 Ronald Edwin Parsons Ballwin, Mo. +20773001 Finnish government officials are negotiating with creditors of Waertsilae Marine Oy, a major shipyard that filed for bankruptcy protection this week, amid confusion and mounting doubts that collapse of the nation's entire shipbuilding industry can be averted. +20773002 At stake are almost 10,000 jobs in an industry that has been the mainstay of Finland's post-war economic revival. +20773003 Shipbuilding became a point of pride as Finnish shipyards remained profitable long after rivals collapsed all over Europe. +20773004 But if, as many now fear, Waertsilae Marine joins the ranks of failed shipyards it might turn out to be remembered most as a blemish on Finland's international reputation. +20773005 The shipyard's 6.5 billion Finnish markka ($1.54 billion) backlog includes about 20 ships ordered by big international shippers, including three for Carnival Cruise Lines Inc. +20773006 Miami-based Carnival said the first of the three ships is scheduled to be delivered next month, just in time for the winter tourist season in the Caribbean. +20773007 The second ship is scheduled to be delivered in fall 1990 and the third in fall 1991. +20773008 One analyst said the first ship probably will be delivered close to schedule, but that Carnival may have to pay up to 25% more to get the second and third ships. +20773009 All the ships are covered by loan guarantees from a state export financing agency, even though it's not clear whether they will actually be built. +20773010 Bankers worry that if the government makes good a threat to withdraw its guarantee commitments, shippers will counter with a hail of lawsuits. +20773011 State loan guarantees are rarely a source of controversy. +20773012 However, some bankers cited possible parallels between the Waertsilae Marine case and the collapse of Norway's state-owned Kongsberg Vappenfabrikk AS two years ago. +20773013 In that case, international banks and investors incurred big losses because they incorrectly believed the company's debt carried implicit state guarantees. +20773014 Doubts about the quality of state credit guarantees could reduce the competitive strength of Finnish companies in world markets where financing often is the key to winning orders, analysts warn. +20773015 Moreover, state-owned Finnish companies lacking formal state guarantees could face greater difficulty raising funds in international financial markets, bankers say. +20773016 The decision by a majority of state-appointed Waertsilae Marine directors Monday to file for bankruptcy was an abrupt about-face from previous government policy. +20773017 In August, the government played a major part in a sweeping restructuring of the troubled shipyard. +20773018 At the time 71%-controlled by Oy Waertsilae, a conglomerate, the shipbuilding unit faced potential losses estimated at one billion markka and was on the brink of liquidation. +20773019 Under the rescue plan, Waertsilae sold 51% of its stake to a group of banks and pension funds. +20773020 The government, in turn, guaranteed financing to complete the order backlog and took control of the board. +20773021 Government officials were expected to combine Waertsilae Marine with two other struggling firms, and thus ensure Finland's survival as a shipbuilding nation. +20773022 The government spent most of last year attempting to carry out such a plan but was thwarted when the parent Waertsilae concern pulled out at the last minute. +20773023 After the restructuring of Waertsilae Marine and bolstered by state loan guarantees, two big bank creditors, Union Bank of Finland and state-controlled Postipankki, resumed lending the shipyard working capital. +20773024 But the bankers got cold feet recently as government officials complained they had been misled about the shipyard's actual financial condition, and hinted the credit guarantees might be withdrawn. +20773025 People familiar with Monday's board meeting said it was the state's refusal to explicitly reaffirm the credit guarantees that led Union Bank and Postipankki to halt lending to Waertsilae Marine. +20773026 Then, in a boardroom showdown, state-appointed directors voted to file for bankruptcy, apparently under instructions from Finland's Industry Minister Ilkka Suominen. +20773027 Analysts say Mr. Suominen had grown increasingly worried about the state's potential financial exposure as Waertsilae Marine's losses ballooned to more than double the figure estimated in August. +20773028 Noting that Sweden wound up wasting state subsidies of about 35 billion Swedish kronor ($5.47 billion) during the 1970s in a vain attempt to salvage its shipbuilding industry, one analyst suggested that Mr. Suominen may have decided to cut Finland's losses once and for all. +20773029 Senior ministry officials huddled with creditors during the week in an attempt to agree on some form of restructuring that would keep Waertsilae Marine operating. +20773030 The talks may drag on for weeks before any concrete result is announced, people familiar with them said. +20773031 One solution would be to sell the shipyard to an outsider. +20773032 But there appear to be few, if any, suitors. +20773033 Indeed, the potential losses make any rescue scheme unlikely unless the politicians once again change tack and agree to pick up the bill, analysts said. +20773034 Meantime, shippers with vessels on order from Waertsilae Marine will remain in limbo. +20774001 Turner Broadcasting System Inc. said it expects to report an extraordinary loss of about $122 million in the fourth quarter due to early retirement of debt. +20774002 The cable programmer said the loss will consist primarily of prepayment penalties, and unamortized issue discount and costs related to its just-completed $1.6 billion refinancing of its long-term debt and some preferred stock in one of its subsidiaries. +20774003 A Turner spokesman wouldn't speculate on the extent of the charge's effect on the quarter's earnings, but said the company continues to expect to report a net loss for 1989. +20774004 The company said the repayment or redemption of the long-term debt, and the outstanding Class A cumulative exchangeable preferred stock of Cable News Network, was made possible by an offering of about $750 million of debentures and notes and $900 million in bank borrowings. +20774005 The offering included $550 million of 12% senior subordinated debentures due 2001 and $200 million of zero coupon liquid yield option notes due 2004. +20774006 The notes were priced to yield 8% and are convertible into the company's Class B common stock at a price which represents a 15% premium over the market price on Oct. 10, 1989. +20774007 In addition, the company called its 12 7/8% senior subordinated notes due 1994, with an aggregate principal amount of $200 million, for redemption on Dec. 15. +20774008 As a result of the refinancing, the company said the interest on the debt will fall to slightly more than 11% from slightly more than 14%. +20774009 In American Stock Exchange composite trading, Turner's Class A stock closed at $50.50, down 37.5 cents. +20775001 General Motors Corp. said it will temporarily idle its Arlington, Texas, assembly plant for one week beginning Monday because of slow sales. +20775002 The closing will affect about 3,000 workers and eliminate production of 700 cars. +20775003 The assembly plant builds the Cadillac DeVille, Chevrolet Caprice and Oldsmobile Cutlass Ciera Wagon. +20775004 In addition, GM's Truck & Bus Group said slow sales are forcing it to close its Detroit assembly plant the week beginning Monday. +20775005 The plant builds chassis for recreational vehicles and about 450 workers will be affected by the closing. +20775006 The No. 1 auto maker scheduled overtime this week at its Janesville, Wis., assembly plant, manufacturer of the Chevrolet Cavalier. +20775007 The nine major U.S. auto makers plan to build 147,121 vehicles this week, down 9.6% from the 162,767 a year ago, but 2.5% higher than last week's 143,534. +20775008 Ford Motor Co. slated overtime again this week at its Wixom, Mich.; Wayne, Mich.; Kansas City, Mo., and Norfolk, Va., assembly plants. +20775009 They build the Lincoln Town Car, Continental and Mark VII, the Ford Escort and full-sized pickup trucks. +20775010 Chrysler Corp. scheduled overtime this week at its St. Louis Assembly Plant No. 2, Newark, Del., and Sterling Heights, Mich., assembly plants. +20775011 They build extended minivans and the Dodge Spirit, Acclaim, Shadow and Sundance. +20775012 d-Percentage change is greater than 999%. +20775013 e-Estimated. +20775014 f-Includes Chevrolet Prizm and Toyota Corolla. +20775015 r-Revised. +20775016 x-Year-to-date 1988 figure includes Volkswagen domestic-production through July. +20776001 The surprise resignations of two top economic government officials heaped more uncertainty on London's financial markets, which already have been laboring under worries about Britain's ailing economy. +20776002 "The last thing markets like is uncertainty," said Ian Harwood, chief economist at S.G. Warburg & Co., of the resignations of Chancellor of the Exchequer Nigel Lawson and chief economic adviser Sir Alan Walters. +20776003 "I think you'll see share prices go down, and sterling now is under something of a cloud." +20776004 The pound immediately began to take a buffetting after the resignations were announced. +20776005 In late New York trading, sterling stood at $1.5765, down from $1.6145 late Wednesday. +20776006 The British economy is hardly the picture of health these days. +20776007 At 15%, base interest rates are the highest in eight years, and the 7.6% annual inflation rate is by far the highest in the European Community. +20776008 Unions are pressing demands for wage increases of more than 10% despite general belief that economic growth next year will be less than 2%. +20776009 Increasingly, the financial markets are reflecting the gloom. +20776010 The Financial Times 100-share index has dropped about 12% from its 1989 high of 2423.9 on Sept. 8. +20776011 Yesterday, even before the resignations were announced, the index dove 32.5 points to close at 2129.4. +20776012 "We are expecting a recession," says Donald Franklin, chief economist at Schroders investment bank. +20776013 "The only question is, how deep is it going to be? +20776014 The outlook for corporate earnings is fairly bleak. +20776015 It's quite likely we're going to get repeats" of the mid-October market shocks. +20776016 Red ink already has begun to flow in the wake of the U.S.-U.K. market breaks of Oct. 13 and Oct. 16. +20776017 London-based LIT Holdings, the largest financer of traders in the Chicago options and futures markets, said yesterday it will incur a second-half loss as a result of the market plunge. +20776018 The company, which also will omit its second-half dividend, didn't specify the size. +20776019 But company insiders estimated that the loss could approach the equivalent of $10 million. +20776020 Christopher Castleman, LIT chief executive, said in an interview that the loss stemmed from the default of three options traders who had bet on a price rise in UAL Corp. shares before Oct. 13. +20776021 The price plummeted after a proposed leveraged buy-out of the airline fell through. +20776022 LIT Holdings shares plummeted 36 pence to close at 54 pence (85 cents), a 40% drop, on London's stock exchange. +20776023 Denizens of London's financial district are cushioning themselves for heavy blows. +20776024 "A lot more of our customers are staying until our 10 p.m. closing time," says Christopher Brown, managing director of Corney & Barrow Restaurants Ltd., which runs five tony wine bars in the district. +20776025 "There's a strong sense among the martini set that there's more {bad news} to come," asserts Roger Yates, chief investment officer at Morgan Grenfell Asset Management. +20776026 "People in the stock market were very much Thatcher's children -- very young and wealthy optimists. +20776027 Now it's dawning on them that they can be non-wealthy." +20776028 The malaise has created a nostalgic longing for the uncomplicated days of the mid-1980s, before a rash of securities-firm mergers on the eve of the industry's deregulation in 1986. +20776029 "People come to us saying they'd like to be back where they were a few years ago, in a more collegial atmosphere, with less tension," says Stephen Waterhouse, managing director of Hanover Partners Ltd., a financial district head-hunting firm. +20776030 But after trading losses in the mid-October market jolts here, many people will be lucky to have jobs at all, executives predict. +20776031 The industry, which currently employs about 25,000 people in London, has shed about 2,500 jobs over the past two years. +20776032 "I can see cuts of at least 20% more," says the head of the London office of a major U.S. firm. +20776033 The mergers and acquisitions market has been a saving grace for the industry, but uncertainties are beginning to mount even there. +20776034 Intra-European takeovers are expected to continue at their brisk pace. +20776035 But investment bankers say that stock market uncertainties in the U.S. may cause many European companies to mark time before bidding for American companies, in the hope that share prices will come down. +20776036 "If prices in the States go down, industrial buyers in Europe have the opportunity of getting reasonable prices in the U.S.," says Francois von Hurter, chief of Continential M&A at Credit Suisse First Boston Ltd. +20776037 But he adds: "Everybody and his sister have opened up M&A shops. +20776038 It's difficult to see that there's going to be enough business to go around. +20776039 About eight firms will get the lion's share. +20776040 At the others, there are going to be a lot of disappointments, after all those promises and all that big money that's been paid to people." +20776041 It all adds up to a cold winter here. +20776042 Says Allen D. Wheat, head of trading at Bankers Trust Co.: "People are just plain scared." +20776043 One person who is past worrying about London's blues is Christopher Hartley. +20776044 Last summer, he chucked his 10-year career as a London stockbroker and headed for the mountains. +20776045 He didn't stop until he got to Jackson Hole, Wyo. +20776046 "I'm glad to be out," said the 32-year-old Mr. Hartley in a phone interview. +20776047 "The percentage of your day spent twiddling your thumbs got greater, and the work day kept getting longer. +20776048 What am I doing in Jackson Hole? +20776049 Not a great deal. +20776050 My wife and I will stay through the skiing season, or until the money runs out -- whichever comes first. +20776051 But unlike London, out here I've never heard anybody blow a car horn in anger. +20777001 SYDNEY-Qintex Australia Ltd., under pressure from bank lenders, has called in accounting firm Peat Marwick Hungerfords to help oversee asset sales and restructure the resorts and media company. +20777002 Analysts said the move could presage even harsher action by the banks. +20777003 But any move by the banks to take over Qintex Australia's management could threaten its ability to operate its national television network under Australian broadcast license rules. +20777004 That, in turn, could substantially reduce the value of the television assets. +20777005 The appointment of Peat Marwick, which has a unit that specializes in advising troubled companies, came about as a result of a round of meetings held by Qintex Australia Chairman Christopher Skase with bank creditors. +20777006 Yesterday, Mr. Skase said the company is "solvent and with the continued support of its bankers is able to meet its financial commitments." +20777007 Qintex Australia is a unit of Qintex Ltd. +20777008 The Qintex group's problems began in earnest in March, when Mr. Skase agreed to buy MGM/UA Communications Co. +20777009 But the transaction faltered in September, when Qintex Australia was forced to increase its offer to US$1.5 billion following a counterbid from Rupert Murdoch; the deal fell apart altogether earlier this month. +20777010 Qintex Australia owes creditors around A$1.2 billion. +20777011 Last Friday, Qintex Entertainment Inc., its 43%-owned U.S. TV production and distribution affiliate, filed for Chapter 11 protection. +20778001 The government is sharpening its newest weapon against white-collar defendants: the power to prevent them from paying their legal bills. +20778002 And defense lawyers are warning that they won't stick around if they don't get paid. +20778003 The issue has come to a boil in Newark, N.J., where federal prosecutors have warned lawyers for Eddie Antar that if the founder and former chairman of Crazy Eddie Inc. is indicted, the government may move to seize the money that Mr. Antar is using to pay legal fees. +20778004 The warning by the U.S. attorney's office follows two decisions by the U.S. Supreme Court last June. +20778005 In those cases, the high court ruled that federal law gives prosecutors broad authority to seize assets of people accused of racketeering and drug-related crimes, including fees paid to lawyers before an indictment. +20778006 If the government succeeds in seizing Mr. Antar's assets, he could be left without top-flight legal representation, because his attorneys are likely to quit, according to individuals familiar with the case. +20778007 A seizure also would make the case the largest -- and one of the first -- in which lawyers' fees have been confiscated in a prosecution unrelated to drugs. +20778008 "The people who suffer in the short run are defendants, but the people who suffer in the long run are all of the people, because there won't be a vigorous private bar to defend the Bill of Rights," says Gerald Lefcourt, a criminal defense attorney who says he has turned down a number of cases to avoid possible fee seizures. +20778009 Mr. Antar is being investigated by a federal grand jury in Newark, where prosecutors have told him that they may soon seek an indictment on racketeering and securities fraud charges. +20778010 Under the Racketeer Influenced and Corrupt Organizations law, or RICO, the government has the authority to seek to freeze or seize a defendant's assets before trial. +20778011 According to individuals familiar with Mr. Antar's case, prosecutors issued their warning this week after one of Mr. Antar's attorneys asked whether legal fees might be subject to seizure. +20778012 In a letter, prosecutors told Mr. Antar's lawyers that because of the recent Supreme Court rulings, they could expect that any fees collected from Mr. Antar may be seized. +20778013 Prosecutors have told Mr. Antar's attorneys that they believe Mr. Antar's allegedly ill-gotten gains are so great that any money he has used to pay attorneys derives from illegal activities. +20778014 Therefore, they said, the money can be taken from the lawyers even after they are paid. +20778015 Justin Feldman and Jack Arseneault, attorneys for Mr. Antar, both declined to comment on the matter. +20778016 In Newark, U.S. Attorney Samuel A. Alito said, "I don't think there's any legal reason to limit forfeiture of attorney's fees to drug cases." +20778017 Mr. Alito said his office "just responded to an attorney's question about whether we would go after attorney's fees, and that is different from actually doing it, although we reserve that right." +20778018 Mr. Antar was charged last month in a civil suit filed in federal court in Newark by the Securities and Exchange Commission. +20778019 In that suit, the SEC accused Mr. Antar of engaging in a "massive financial fraud" to overstate the earnings of Crazy Eddie, Edison, N.J., over a three-year period. +20778020 Through his lawyers, Mr. Antar has denied allegations in the SEC suit and in civil suits previously filed by shareholders against Mr. Antar and others. +20778021 The SEC has alleged that Mr. Antar aimed to pump up the company's stock price through false financial statements in order to sell his stake and reap huge profits. +20778022 Mr. Antar, the SEC said, made more than $60 million from the sale of his shares between 1985 and 1987. +20778023 The Justice Department has emphasized that the government's fee-forfeiture power is to be used sparingly. +20778024 According to department policy, prosecutors must make a strong showing that lawyers' fees came from assets tainted by illegal profits before any attempts at seizure are made. +20778025 Still, criminal defense lawyers worry that defendants are being deprived of their Sixth Amendment right to counsel and a fair trial if the government can seize lawyers' fees. +20778026 They also worry that if the government applies asset-forfeiture laws broadly, the best defense lawyers will be unwilling to take criminal cases unless they are assured of being paid. +20779001 The stock market correction of Oct. 13, 1989, was a grim reminder of the Oct. 19, 1987 market collapse. +20779002 Since, like earthquakes, stock market disturbances will always be with us, it is prudent to take all possible precautions against another such market collapse. +20779003 In general, markets function well and adjust smoothly to changing economic and financial circumstances. +20779004 But there are times when they seize up, and panicky sellers cannot find buyers. +20779005 That's just what happened in the October 1987 crash. +20779006 As the market tumbled, disorderly market conditions prevailed: The margins between buying bids and selling bids widened; trading in many stocks was suspended; orders took unduly long to be executed; and many specialists stopped trading altogether. +20779007 These failures in turn contributed to the fall in the market averages: Uncertainty extracted an extra risk premium and margin-calls triggered additional selling pressures. +20779008 The situation was like that of a skier who is thrown slightly off balance by an unexpected bump on the slope. +20779009 His skis spread farther and farther apart -- just as buy-sell spreads widen during a financial panic -- and soon he is out of control. +20779010 Unable to stop his accelerating descent, he crashes. +20779011 After the 1987 crash, and as a result of the recommendations of many studies, "circuit breakers" were devised to allow market participants to regroup and restore orderly market conditions. +20779012 It's doubtful, though, whether circuit breakers do any real good. +20779013 In the additional time they provide even more order imbalances might pile up, as would-be sellers finally get their broker on the phone. +20779014 Instead, an appropriate institution should be charged with the job of preventing chaos in the market: the Federal Reserve. +20779015 The availability of timely assistance -- of a backstop -- can help markets retain their resilience. +20779016 The Fed already buys and sells foreign exchange to prevent disorderly conditions in foreign-exchange markets. +20779017 The Fed has assumed a similar responsibility in the market for government securities. +20779018 The stock market is the only major market without a market-maker of unchallenged liquidity or a buyer of last resort. +20779019 This does not mean that the Federal Reserve does not already play an important indirect role in the stock market. +20779020 In 1987, it pumped billions into the markets through open market operations and the discount window. +20779021 It lent money to banks and encouraged them to make funds available to brokerage houses. +20779022 They, in turn, lent money to their customers -- who were supposed to recognize the opportunity to make a profit in the turmoil and buy shares. +20779023 The Fed also has the power to set margin requirements. +20779024 But wouldn't it be more efficient and effective to supply such support to the stock market directly? +20779025 Instead of flooding the entire economy with liquidity, and thereby increasing the danger of inflation, the Fed could support the stock market directly by buying market averages in the futures market, thus stabilizing the market as a whole. +20779026 The stock market is certainly not too big for the Fed to handle. +20779027 The foreign-exchange and government securities markets are vastly larger. +20779028 Daily trading volume in the New York foreign exchange market is $130 billion. +20779029 The daily volume for Treasury Securities is about $110 billion. +20779030 The combined value of daily equity trading on the New York Exchange, the American Stock Exchange and the NASDAQ over-the-counter market ranges between $7 billion and $10 billion. +20779031 The $13 billion the Fed injected into the money markets after the 1987 crash is more than enough to buy all the stocks traded on a typical day. +20779032 More carefully targeted intervention might actually reduce the need for government action. +20779033 And taking more direct action has the advantage of avoiding sharp increases in the money supply, such as happened in October 1987. +20779034 The Fed's stock market role ought not to be very ambitious. +20779035 It should seek only to maintain the functioning of markets -- not to prop up the Dow Jones or New York Stock Exchange averages at a particular level. +20779036 The Fed should guard against systemic risk, but not against the risks inherent in individual stocks. +20779037 It would be inappropriate for the government or the central bank to buy or sell IBM or General Motors shares. +20779038 Instead, the Fed could buy the broad market composites in the futures market. +20779039 The increased demand would normalize trading and stabilize prices. +20779040 Stabilizing the derivative markets would tend to stabilize the primary market. +20779041 The Fed would eliminate the cause of the potential panic rather than attempting to treat the symptom -- the liquidity of the banks. +20779042 Disorderly market conditions could be observed quite frequently in foreign exchange markets in the 1960s and 1970s. +20779043 But since the member countries of the International Monetary Fund agreed to the "Guidelines to Floating" in 1974, such difficulties have been avoided. +20779044 I cannot recall any disorder in currency markets since the 1974 guidelines were adopted. +20779045 Thus, the mere existence of a market-stabilizing agency helps to avoid panic in emergencies. +20779046 The old saying advises: "If it ain't broke, don't fix it." +20779047 But this could be a case where we all might go broke if it isn't fixed. +20779048 Mr. Heller, now at VISA International, was a governor of the Federal Reserve Board from 1986 until earlier this year. +20779049 This is adapted from a speech to the Commonwealth Club in San Francisco. +20780001 Bank of England Governor Robin Leigh-Pemberton urged banks to be cautious in financing leveraged buy-outs. +20780002 "Caution should . . . be the rule of the day," said Mr. Leigh-Pemberton in a speech to the Association of Corporate Treasurers' annual dinner. +20780003 "It would be damaging to industry and to the financial sector in general, to say nothing of banks, if prudence does not guide the financing of leveraged transactions." +20780004 His remarks were distributed to the press before Chancellor of the Exchequer Nigel Lawson announced his resignation last evening. +20780005 Bank of England officials said the central bank had no comment on Mr. Lawson's resignation. +20780006 Mr. Leigh-Pemberton reiterated that the exposure of United Kingdom banks to leveraged deals haven't yet reached "worrying levels." +20780007 However, in light of the risks involved in such transactions, banks should satisfy themselves that they have the skills to participate in this market and clear policy guidelines on acceptable levels of exposure to such transactions, he said. +20780008 In other comments, he said takeovers may not always be the most efficient way of securing a change of corporate direction or strategy. +20780009 "A similar result could sometimes be achieved, at less cost, by changing managements," he said. +20781001 Intel Corp.'s most powerful computer chip has flaws that could delay several computer makers' marketing efforts, but the "bugs" aren't expected to hurt Intel and most computer makers. +20781002 Computer experts familiar with the flaws, found in Intel's 80486 chip, say the defects don't affect the average user and are likely to be cleared up before most computers using the chip as their "brains" appear on the market sometime next year. +20781003 Intel said that last week a customer discovered two flaws in its 80486 microprocessor chip's "floating-point unit", a set of circuits that do certain calculations. +20781004 On Friday, Intel began notifying customers about the bugs which cause the chip to give wrong answers for some mathematical calculations. +20781005 But while International Business Machines Corp. and Compaq Computer Corp. say the bugs will delay products, most big computer makers said the flaws don't affect them. +20781006 "Bugs like this are just a normal part of product development," said Richard Archuleta, director of Hewlett-Packard Co.'s advanced systems development. +20781007 Hewlett announced last week that it planned to ship a computer based on the 486 chip early next year. +20781008 "These bugs don't affect our schedule at all," he said. +20781009 Likewise, AST Research Inc. and Sun Microsystems Inc. said the bugs won't delay their development of 486-based machines. +20781010 "We haven't modified our schedules in any way," said a Sun spokesman. +20781011 To switch to another vendor's chips, "would definitely not be an option," he said. +20781012 Nonetheless, concern about the chip may have been responsible for a decline of 87.5 cents in Intel's stock to $32 a share yesterday in over-the-counter trading, on volume of 3,609,800 shares, and partly responsible for a drop in Compaq's stock in New York Stock Exchange composite trading on Wednesday. +20781013 Yesterday, Compaq plunged further, closing at $100 a share, off $8.625 a share, on volume of 2,633,700 shares. +20781014 Most of Compaq's decline is being attributed to a third-quarter earnings report that came in at the low end of analysts' expectations. +20781015 Intel said it had corrected the problems and would start producing bugless chips next week. +20781016 "We should not be seeing any more," said Bill Rash, Intel's director for the 486 chip. +20781017 What's more, the bugs only emerge on esoteric applications such as computer-aided design and scientific calculations, he said, and then very seldom. +20781018 "These errata do not affect business programs," he said. +20781019 The bugs will cause problems in "specific and rare circumstances that will not occur in typical applications" such as word-processing and spreadsheets, said Michael Slater, editor of the Microprocessor Report, an industry newsletter. +20781020 Sun, Hewlett-Packard and others say Intel isn't wholly to blame for the snafu. +20781021 The real culprits, they said, are computer makers such as IBM that have jumped the gun to unveil 486-based products. +20781022 "The reason this is getting so much visibility is that some started shipping and announced early availability," said Hewlett-Packard's Mr. Archuleta. +20781023 "You can do that but you're taking a risk. +20781024 Those companies are paying the price for taking the risk." +20781025 In late September, IBM began shipping a plug-in card that converts its PS/2 model 70-A21 from a 80386 machine to an 80486 machine. +20781026 An IBM spokeswoman said the company told customers Monday about the bugs and temporarily stopped shipping the product. +20781027 IBM has no plans to recall its add-on cards, the spokeswoman said, and could probably circumvent the bugs without long product delays. +20781028 "We don't look at this as a major problem for us," she said. +20781029 Compaq, which said it discovered the bugs, still plans to announce new 486 products on Nov. 6. +20781030 Because of the glitch, however, the company said it doesn't know when its machine will be commercially available. +20781031 That's a break from Compaq tradition, because the company doesn't announce products until they're actually at the dealers. +20781032 The problem is being ballyhooed, experts say, because the 486 is Intel's future flagship. +20781033 Intel's microprocessors are the chips of choice in many of today's personal computers and the 80486 microprocessor is the spearhead of the company's bid to guard that spot in the next generation of machines. +20781034 "Although these sorts of bugs are not at all uncommon, the 486 is an extremely high-profile product," said Mr. Slater, the newsletter editor. +20781035 Intel's 80486 chip is the Corvette of Intel's microprocessors, a super-fast, super-expensive chip that only the most power-hungry computer users are likely to buy for at least several years. +20781036 Unveiled last April, the chip crams 1.2 million transistors on a sliver of silicon, more than four times as many as on Intel's earlier model, 80386. +20781037 Intel clocks the chip's speed at 15 million instructions per second, or MIPs. +20781038 That's four times as fast as the 386. +20781039 Machines using the 486 are expected to challenge higher-priced work stations and minicomputers in applications such as so-called servers, which connect groups of computers together, and in computer-aided design. +20781040 But while the chip's speed in processing power is dazzling, it's real strength lies in its software inheritance. +20781041 The 486 is the descendant of a long series of Intel chips that began dominating the market ever since IBM picked the 16-bit 8088 chip for its first personal computer. +20781042 (A 16-bit microprocessor processes 16 pieces of data at a time and is slower than newer, 32-bit chips.) +20781043 Since then, Intel has cornered a large part of the market with successive generations of 16-bit and 32-bit chips, all of which can run software written for previous models. +20781044 That's what will keep computer makers coming in spite of the irritation of bugs. +20781045 Big personal computer makers and many makers of engineering workstations are developing 486-based machines, which are expected to reach the market early next year. +20781046 Of the big computer makers, only Apple Computer Co. bases its machines on Motorola chips instead. +20781047 "The 486 is going to have a big impact on the industry," said Hewlett-Packard's Mr. Archuleta. +20781048 "It's going to be the leading edge technology in personal computers for the next few years. +20781049 This bug is not going to have any affect on that at all." +20781050 Andy Zipser in Dallas contributed to this article. +20782001 Bethlehem Steel Corp. has agreed in principle to form a joint venture with the world's second-largest steelmaker, Usinor-Sacilor of France, to modernize a portion of Bethlehem's ailing BethForge division. +20782002 The venture, which involves adding sophisticated equipment to make cast-iron mill rolls, is part of a two-pronged effort to shore up a division that has posted continuing operating losses for several years. +20782003 The other element includes consolidating BethForge's press-forge operations. +20782004 The entire division employs about 850 workers. +20782005 While the joint venture affects only a small part of Bethlehem's operations, it is significant because it marks the first time the nation's No. 2 steelmaker has joined forces with a foreign partner. +20782006 Wall Street analysts have criticized Bethlehem for not following its major competitors in linking with a foreign company to share costs and provide technology to modernize old facilities or build new ones. +20782007 "We think it's a step in the right direction for Bethlehem," said Felix Bello, WEFA Group's international steel analyst. +20782008 "It's important to share the risk and even more so when the market has already peaked." +20782009 He said the move could be the beginning of a broader relationship between the two companies, one that could open up new markets for Bethlehem. +20782010 Bethlehem had little choice but to go with a European steelmaker, because its competitors already have tapped the Japanese and South Korean industry leaders, analysts noted. +20782011 Under terms of the agreement, Usinor's Chavanne-Ketin unit and Bethlehem would establish a modernized facility to make cast-iron mill rolls at the company's cast-iron shop here. +20782012 Terms for the venture, which would be jointly owned by both companies, weren't disclosed. +20782013 The Usinor unit has agreed to provide technology and expertise to install a so-called spin caster by early next fall. +20782014 The caster improves the metallurgical quality of the iron mill rolls, which are basically huge rolling pins used to flatten or shape steel products. +20782015 Bethlehem is also working with the United Steelworkers union to consolidate BethForge's two machine shops and four heat-treatment facilities of the press-forge operations. +20782016 Once the consolidation is complete, Bethlehem plans to concentrate its forgings business on nuclear fabrication, hardened steel and large-diameter steel rolls for rolling mills and selected custom-die applications. +20782017 Bethlehem said earlier this year that it planned to restructure the BethForge division to improve its cost structure. +20782018 In the second quarter, Bethlehem posted a $50 million charge related to its plans to realign the division. +20783001 If you're still wondering about the causes of the slump in the junk-bond market, consider the case of Columbia Savings & Loan. +20783002 The California thrift has just announced a $226 million third-quarter loss. +20783003 How did this happen? +20783004 Well, when Congress in its recent S&L bailout mandated that the thrifts sell off all their junk-bond holdings by 1994, it not only artificially increased the supply of these bonds in the market but also eliminated one of the few profitable investments thrifts have made. +20783005 But there is a grimly ironic twist to the Columbia loss. +20783006 As followers of the debate over a capital-gains tax cut know, there is much talk in Congress and indeed all over Washington about the need to "encourage" long-term investment and discourage the financial sector's presumed obsession with the short term. +20783007 Now, we regard this as a largely phony issue, but the "long term" is nonetheless a big salon topic all around the Beltway. +20783008 It turns out that Columbia had this huge loss in large part because the new congressionally mandated rules forced it to adjust the book value of its soon-to-be-sold junk bonds to the lower of either their cost or market value. +20783009 They could no longer be classified as what Columbia regarded them, namely long-term investments. +20783010 Congress's ham-handed treatment of the existing structure of junk-bond holdings reminds us of a story in the Journal earlier this year about the Baby Bell companies' desire to have the court-ordered bans lifted on offering information services. +20783011 The issue of seeking relief from Congress was raised to Delbert Staley, the chairman of Nynex. +20783012 Mr. Staley replied: "Legislation tends to be compromised. +20783013 I believe we have to take a shot at getting as much done as we can through the court, through Justice and through state and federal regulatory agencies. +20783014 I see Congress as a last resort." +20783015 Healthy thrifts such as Columbia or the junk-bond market itself should have been so lucky. +20783016 The reality of life in modern America is that if you want to wreck something that works, let it fall into the hands of Congress. +20784001 Exxon Corp. said it will move its headquarters from Manhattan to Dallas. +20784002 Most of the 300 employees at the oil company's midtown headquarters building -- including much of senior management -- were unaware of the plan until informed at a morning meeting by Chairman Lawrence G. Rawl. +20784003 The shift won't affect operations. +20784004 As part of its restructuring several years ago, Exxon moved most of those out of the city and sold its 53-floor Rockefeller Center skyscraper to a Japanese company. +20784005 But the pullout is an embarrassment to New York City officials, coming at a time of high office building vacancy rates and departures by other major companies. +20784006 Mobil Corp. is in the process of vacating its headquarters here, and huge operations like J.C. Penney & Co. and Trans World Airlines have recently left. +20784007 New York authorities, informed yesterday about the move, reacted with concern and even some anger to the idea of the nation's third-largest corporation leaving without giving them an opportunity to accommodate it. +20784008 "We are dismayed, but there's nothing we can do about it now," said Stanley Grayson, New York City deputy mayor for finance and economic development. +20784009 Meanwhile, Dallas welcomed the move. +20784010 City officials there had been were aware that a large company was moving in, but negotiations had all been conducted through a law firm and under the code name "Everglades." +20784011 "When we were told it was Exxon, it was beyond all expectations; what a coup," said Tom Lewis, senior vice president of Dallas Partnership, the economic development affiliate of the city's Chamber of Commerce. +20784012 Dallas, its economy based on oil and real estate, has been in a slump. +20784013 Exxon said it will build a new headquarters on a 132-acre tract in the 10-year-old Las Colinas complex in the suburb of Irving. +20784014 Until the building is completed, Exxon will rent part of an existing office tower. +20784015 Las Colinas, once a huge Texas ranch, is a sprawling complex of office buildings, homes and recreational facilities that its developers have been struggling to populate in recent years. +20784016 Exxon officials said it will cost less to run its headquarters at Las Colinas than in New York. +20784017 The company won't say how much it will save, but during at its interim location, sources say it will likely pay rent of $10 to $15 per square foot. +20784018 Owners of the building in New York say they will be asking $50 per square foot for rent to fill the space that Exxon is vacating. +20784019 In Texas, taxes and development costs are also lower, they said. +20784020 Plus, one Exxon official said, by eliminating the typically long New York commutes between office and home, management will expect employees to work 40 hours a week in Dallas, rather than a 35-hour work week in New York. +20785001 Canadian production of market pulp rose 1% in September from a year earlier as the industry operated at 87% of capacity. +20785002 The Canadian Pulp and Paper Association, an industry group, said Canadian mills produced 532,000 metric tons of market pulp in September, compared with 527,000 metric tons a year earlier. +20785003 Market pulp is wood pulp sold on the open market to producers of paper and other products. +20785004 The statistics exclude pulp consumed at the producing mill or shipped to another mill that is affiliated with the producing mill. +20785005 Canada is the world's largest producer of market pulp. +20785006 The September 87% operating rate compared with a rate of 101% in August but was unchanged from a year earlier. +20785007 In the first nine months of this year output was 5,377,000 metric tons, down from 5,441,000 metric tons a year earlier. +20786001 IMA Holdings Corp. completed its $3 billion acquisition of American Medical International Inc., purchasing 63 million shares, or 86%, of the Los Angeles-based health-care services concern for $26.50 a share. +20786002 The price also includes assumption of about $1.4 billion in debt. +20786003 IMA is a group that includes First Boston Corp. and the Pritzker family of Chicago through the leveraged buy-out fund Harry Gray Melvyn Klein & Partners. +20786004 Harry J. Gray and Melvyn N. Klein, along with five other IMA designees, were named to join American Medical's 10-member board. +20786005 The completion of the merger agreement follows months of twists and turns. +20786006 In January, American Medical brought in a new chief executive officer, Richard A. Gilleland, 45, who will remain as chairman, president and chief executive. +20786007 A few days later, American Medical announced sharply lower earnings, taking charges of $24 million for insurance reserves and canceled real estate leases. +20786008 In March, American Medical received a $24-a-share offer to take the company private from an investor group including large holder M. Lee Pearce. +20786009 It also was considering a restructuring to help boost the stock price. +20786010 A group including several members of the the Bass family of Texas urged the company to take some steps to maximize shareholder value. +20786011 The following month, the company put itself up for sale. +20786012 It received more offers, but the auction was surprisingly won by IMA, which bid $28 a share and asked Mr. Gilleland to stay on as an equity participant. +20786013 He indicated that some assets might be sold off to service the debt. +20786014 Then, after extending its offer four times waiting for a congressional tax ruling, IMA early this month lowered its offer to $26.50 a share amid turbulence in the junk bond market. +20786015 American Medical accepted the offer, meanwhile indicating it had heard from two other suitors. +20786016 But they never materialized and IMA completed the purchase yesterday. +20786017 Other new board members include John S. Harrison and Mark A. Adley of First Boston, James F. Lyons, William S. Goldberg and Harold S. Handelsman. +20787001 Treasury Secretary Nicholas Brady said that Congress should grant the Securities and Exchange Commission the power to close the stock markets in periods of crisis. +20787002 In testimony to the Senate securities subcommittee, Mr. Brady disputed the view of SEC Chairman Richard Breeden, who told a House panel Wednesday that he doesn't want the ability to halt the markets. +20787003 Mr. Breeden contended that discretionary power could have an impact on the markets if rumors were to circulate about when the exchanges might be closed. +20787004 He added that the president already has the power to close the markets in an emergency. +20787005 But Mr. Brady argued that the SEC is closer to the markets and in a better position to understand when the exchanges are under such stress that they should be closed. +20787006 Separately, Mr. Brady said he asked the Working Group on Financial Markets to determine whether futures margins are too low. +20787007 He noted that some minimum margin requirements have been reduced to levels below those before the 1987 crash. +20787008 "This raises questions whether futures and equity margin requirements are consistent at these levels and whether futures margins are adequate," Mr. Brady said. +20787009 Margins are the amount of money an investor needs to put up to buy or sell a futures contract. +20787010 Margins on the futures exchanges typically are raised and lowered according to market volatility. +20787011 The Chicago Mercantile Exchange margins for the Standard & Poor's 500 stock-index futures stood at $10,000 a contract for speculators and $5,000 for hedgers before Oct. 16, 1987; that day the hedging margin was raised to $7,500. +20787012 Margins were raised or lowered about a dozen times since the crash Oct. 19, 1987. +20787013 Currently, they stand at $12,000 for speculators, who are typically individuals and non-member traders, and $6,000 for hedgers, which are usually institutions and have offsetting positions in the underlying stocks. +20787014 Mr. Brady also said he expects the leveraged buy-out phenomenon to "end under (its) own weight." +20787015 Asked whether there is anything Congress should do to curb the LBO boom, Mr. Brady responded, "I think the LBO phenomenon, (while) it won't stop completely, will be a thing of the past." +20787016 Before taking any action, he advised the panel to "see what the market has produced as a cure." +20787017 Mr. Brady also agreed with senators' concerns about recent stock-market volatility, and said he realizes that the gyrations are scaring investors from investing in stocks. +20787018 But he added that individuals still are participating in the equity market indirectly through mutual funds and pension funds. +20787019 The former Wall Street executive refused to offer an opinion on the controversy surrounding program trading, which has recently become a larger part of the trading in the market and has been blamed for accelerating the drop two weeks ago. +20787020 "I do not have a view of whether we should do anything about program trading at this time," he said. +20787021 But Mr. Brady endorsed the market-revision bill that both houses of Congress will try to push through this session. +20787022 That bill, proposed by the SEC last year, would require brokerage firms to disclose the financial positions of their holding companies, mandate large traders' reporting of program or block trades, and improve clearing and settlement of trades between the futures and stock markets. +20787023 The bill also would give the SEC the power to close the markets, a discretion that former SEC Chairman David Ruder wanted but Mr. Breeden doesn't. +20787024 Mr. Brady and senators agreed to have their staffs meet within the next week to start fine-tuning the bill. +20788001 The Senate Agriculture Committee is responding to trading abuses in the futures markets with a far-reaching bill that would become the Futures Trading Practices Act of 1989. +20788002 The proposed legislation has a laudable goal: to assure the integrity of the U.S. futures markets. +20788003 However, as is common with sweeping legislation, the proposal contains many provisions that could destroy important parts of the system it sets out to preserve. +20788004 The complex bill, introduced by Sens. Patrick Leahy (D., Vt.), Richard Lugar (R., Ind.), and Bob Kerrey (D., Neb.), covers a wide range of provisions that would affect the funding and authority of the Commodity Futures Trading Commission and would profoundly change the way the industry is regulated. +20788005 These include provisions relating to the technology and systems that must be employed by exchanges, oversight and disciplinary procedures for exchange trading practices, the relationship between commodity brokerage firms and floor traders, and exchange governance. +20788006 The bill also elevates even minor rule infractions to felonies and provides for recovery of punitive damages in civil lawsuits and arbitration cases without any showing of willful misconduct. +20788007 Many aspects of the bill are salutary, providing appropriate public safeguards that can and should be instituted throughout the industry. +20788008 Indeed, some of the bill's requirements, including broad representation on the exchanges' boards of directors and strong measures to prevent conflicts of interest, already have been put in place by the Coffee, Sugar & Cocoa Exchange and other futures exchanges. +20788009 Other aspects of the bill, however, are either structured in ways that create unnecessary burdens for the industry or actually are harmful to the exchanges, the industry and ultimately the general public. +20788010 One of the most prominent features is the requirement that in three years all exchanges have in place a system that records all trades by a source independent of the executing broker. +20788011 The New York futures exchanges have been working together to develop a trade recording system much like the one called for in the bill. +20788012 We would be delighted to have such a system in place today. +20788013 But is it realistic for Congress to mandate by a rigid deadline a system that has not yet been subjected to feasibility studies? +20788014 What if the system doesn't work? +20788015 What if the only system that does work is so expensive that, at best, only the largest exchanges can afford it? +20788016 Cost is a key consideration because of the global sweep of the financial markets. +20788017 The U.S. futures exchanges compete world-wide as never before. +20788018 Today, trading in almost any commodity can be diverted from U.S. markets with just a few strokes of a keyboard. +20788019 All foreign markets are aggressively courting U.S. business. +20788020 In fact, several London markets already offer lower costs for trading in the same or very similar contracts. +20788021 The U.S. exchanges need both market integrity and cost-efficiency; long-term growth depends on it. +20788022 The Senate bill contains many provisions that will increase the costs of trading. +20788023 The most arbitrary of these is the imposition of "service fees," which will directly widen the cost spread between U.S. and foreign markets. +20788024 Other provisions have a more subtle, but nonetheless real and detrimental effect on the international position of U.S. exchanges. +20788025 These include the extension of liability into areas beyond those established by judicial precedent and the expansion of liability to include punitive damages. +20788026 In addition to increasing costs as a result of greater financial exposure for members, these measures could have other, far-reaching repercussions. +20788027 One section of the bill would make all commodity brokerage firms and floor brokers liable for damages without willful misconduct. +20788028 Nowhere in the federal securities law is simple negligence or inadvertent action a source of liability under similar circumstances. +20788029 It is only logical to assume that the enactment of this provision will lead to increased litigation. +20788030 In an already low-profitmargin business, commodity brokerage firms may well decide to eliminate the risk and expense of dealing with the retail public, depriving the private individual of access to the markets. +20788031 Another measure makes commodity brokerage firms liable for violations committed by independent floor brokers who execute trades for them. +20788032 This untried concept would expose these firms to potentially astronomical punitive damages. +20788033 Faced with the virtually impossible task of supervising the execution of each trade, many commodity brokerage firms are likely to stop doing business with independents and instead hire their own salaried floor brokers. +20788034 This would force out of business many of the individuals and small firms that function as floor brokers. +20788035 A consequence of their departure could be a serious diminution of market liquidity. +20788036 Finally, under the bill, a number of legitimate, longstanding business practices would be arbitrarily banned, unless the CFTC were to take specific and timely action to permit them to continue. +20788037 In other words, regulation will occur through inaction and happenstance, rather than through a normal deliberative procedure. +20788038 The affected practices include the placing of oral orders, which is the way most public customer orders are placed, and trading between affiliated brokers, even though in some cases trading with affiliates may be the only way to obtain the best execution for a client. +20788039 Also precluded would be dual trading, whereby a broker trades for customers as well as his own account, a practice that provides needed liquidity to the markets. +20788040 All U.S. futures exchanges agree that these and other trading practices require proper regulation and supervision. +20788041 Nonetheless, each has too much potential value to the system to be banned by legislative fiat before the CFTC carefully considers all the consequences of a ban and what the regulatory alternatives are. +20788042 The markets are complex, as is the environment in which they function. +20788043 When problems surface, the temptation becomes strong to summarily overhaul a market system that has served for more than 100 years. +20788044 That temptation must be put aside to permit careful consideration of all the implications, positive and negative, of the proposed resolutions to those problems, and to avoid creating a marketplace where no one trades. +20788045 Mr. Nastro is chairman of the Coffee, Sugar & Cocoa Exchange in New York and director of commodity administration at Shearson Lehman Hutton. +20789001 Initial claims for state unemployment benefits fell to a seasonally adjusted 332,000 for the week ended Oct. 14 from 396,000 the previous week, the Labor Department said. +20789002 The number of people receiving state benefits in the week ended Oct. 7 fell to a seasonally adjusted 2,202,000, or 2.1% of those covered by unemployment insurance, from 2,205,000 the previous week, when the insured unemployment rate was 2.2%. +20789003 Counting all state and federal benefit programs, the number of people receiving unemployment benefits in the week ended Oct. 7 fell to 1,784,400 from 1,810,700 a week earlier. +20789004 These figures aren't seasonally adjusted. +20790001 On the hungry streets of Naguib Mahfouz's Cairo, life is nasty, brutish and wickedly entertaining. +20790002 Zaita the "cripple-maker" rearranges the limbs of aspiring beggars -- and takes a cut of every cent they cadge. +20790003 Hassan Kamel Ali is a card shark and dope dealer who has a simple creed: "I live in this world, assuming that there is no morality, God or police." +20790004 For the killer and thief, Said Mahran, fame flows from the barrel of a gun. +20790005 "One man said you act as a stimulant," a prostitute tells him, "a diversion to relieve people's boredom." +20790006 Mr. Mahfouz's Cairo also has Sufi sheiks and saintly wives who look to God, not crime, for their salvation. +20790007 But it is his portrait of Cairo low-life -- of charlatans and opium addicts, of streets filled with "dust, vegetable litter, and animal dung" -- that made his reputation, and won him the Nobel Prize in 1988. +20790008 Three novels, "The Beginning and the End" (412 pages, $19.95), "The Thief and the Dogs" (158 pages, $16.95), and "Wedding Song" (174 pages, $16.95), recently published by Doubleday offer an uneven sample of the 77-year-old Mr. Mahfouz's talent. +20790009 But they do show the range of a restless intellect whose 30-odd novels span five decades and include work of social realism, protest and allegory. +20790010 They also chart the evolution of a city that has grown tenfold in the author's lifetime, from a colonial outpost of fez-wearing pashas to a Third World slum choking on its own refuse. +20790011 "Soon it'll be so crowded," a narrator complains, "that people will start eating each other." +20790012 "The Beginning and the End," easily the best of the three, belongs to Mr. Mahfouz's "realistic" period and it is the one for which he is most renowned. +20790013 Published in 1949, it follows the decline of a Cairo family with the saga-like sweep and rich detail that critics often compare to Dickens, Balzac and Galsworthy. +20790014 A minor bureaucrat dies suddenly, dooming his family to poverty and eventual disgrace. +20790015 His daughter turns to dressmaking, then to peddling herself for a few piasters. +20790016 One son sacrifices his own career so that his avaricious brother can succeed, while another helps support the family with money siphoned from crime. +20790017 The real tragedy, though, lies not in the family's circumstances but in its concern for appearances. +20790018 Mourning for the father is overshadowed by the shame of burying him in a pauper's grave. +20790019 The family moves to another house at night to conceal shabby belongings from neighbors. +20790020 And the successful son wishes his embarrassing siblings dead. +20790021 As a critique of middle-class mores, the story is heavy-handed. +20790022 But its unsentimental sketches of Cairo life are vintage Mahfouz. +20790023 We see, smell and hear slums filled with "the echoes of hawkers advertising their wares interspersed with abusive language, rattling coughs and the sound of people gathering spittle in their throats and spewing into the street." +20790024 And we meet engaging crooks, such as Hassan "the Head," famed for his head-butting fights, his whoring and his hashish. +20790025 "`God has not yet ordained that I should have earnings,' he tells his worried mother." +20790026 Hassan comes to a bad end, but so does almost everyone else in the book. +20790027 If the setting is exotic, the prose is closer to Balzac's "Pere Goriot" than it is to "Arabian Nights." +20790028 Mr. Mahfouz began writing when there was no novelistic tradition in Arabic, and he modeled his work on Western classics. +20790029 In one sense, this limits him; unlike a writer such as Gabriel Garcia Marquez, who has a distinctive Latin voice, Mr. Mahfouz's style offers little that can be labeled "Egyptian." +20790030 But the familiarity of his style also makes his work accessible, as the streets of Cairo come alive for the Western reader as vividly as Dickens's London or Dostoevski's St. Petersburg. +20790031 "The Thief and the Dogs," written in 1961, is a taut, psychological drama, reminiscent of "Crime and Punishment." +20790032 Its antihero, Said Mahran, is an Egyptian Raskolnikov who seeks nobility in robbing and killing. +20790033 "I am the hope and the dream, the redemption of cowards," he says in one of many interior monologues. +20790034 Later, he recalls the words of his Marxist mentor: "The people! Theft! The holy fire!" +20790035 Said's story reflects the souring of socialism under Nasser, whose dictatorial rule replaced the monarchy overthrown in 1952. +20790036 By 1961, Mr. Mahfouz's idealism had vanished or become twisted, as it has in Said. +20790037 His giddy dream of redeeming a life of "badly aimed bullets" by punishing the "real robbers" -- the rich "dogs" who prey on the poor -- leads only to the death of innocents, and eventually to his own. +20790038 Cairo's spirited squalor also has gone gray. +20790039 Here, the city is dark and laden with symbolism: Said has left his jail cell only to enter the larger prison of Cairo society. +20790040 While the theme is compelling, the plot and characters are not. +20790041 We never care about Said or the "hypocrites" he hunts. +20790042 "The Thief and the Dogs" is a pioneering work, the first stream-of-consciousness novel in Arabic, but it is likely to disappoint Western readers. +20790043 The 1981 novel "Wedding Song" also is experimental, and another badly aimed bullet. +20790044 The story of a playwright's stage debut unfolds in first-person monologues, in the manner of Faulkner's "The Sound and the Fury." +20790045 But the device obscures more than it illuminates. +20790046 Buried in the work is a meditation on the morality of art, and on the struggle for integrity in an unfair world. +20790047 But again, the themes get tangled in Mr. Mahfouz's elliptical storytelling. +20790048 The indirectness of his later work reflects both an appetite for new genres and the hazards of art in the Arab world. +20790049 Mr. Mahfouz has been pilloried and censored for questioning Islam and advocating peace with Israel. +20790050 Veiling his message has helped him endure. +20790051 Art, says the playwright in "Wedding Song," is "the surrogate for the action that an idealist like me is unable to take." +20790052 "Wedding Song" gives glimpses of a Cairo that has become so much harsher since his youth, when, as he once said, "the poorest person was able to find his daily bread and without great difficulty." +20790053 The clutter of the 1940s remains, but its color has drained away, and the will to overcome has been defeated. +20790054 Cars can't move because of overflowing sewers. +20790055 Characters complain ceaselessly about food queues, prices and corruption. +20790056 And the ubiquitous opium addict is now a cynical and selfish man who gripes: "Only government ministers can afford it these days!" +20790057 Having lost their faith in God, in social reform and in opium, Cairenes are left with nothing but their sense of humor. +20790058 Mr. Horwitz is a Journal staff reporter covering the Middle East. +20791001 Norwood Partners Limited Partnership of Boston said it may make a tender offer for some or all of Phoenix Technologies Ltd.'s common shares. +20791002 Norwood, Mass.-based Phoenix, a once-high-flying maker of software for personal computers, has had substantial losses in the past two quarters. +20791003 Its stock, which was as high as $18.75 a share, has been trading under $4 a share recently. +20791004 Yesterday it closed at $4.375 a share, up $1.125, in national over-the-counter trading. +20791005 In a Securities and Exchange Commission filing, Norwood said it's part of a group that holds 525,546 Phoenix Technologies common shares, or a 5.3% stake. +20791006 Norwood has made "no detailed plans," but it has engaged in talks with other shareholders, the filing said. +20791007 Phoenix declined to comment. +20791008 Norwood is controlled by Daniel L. Barnett and Paul A. Reese, both officers of Boston-based Oasis Capital Management Inc., a small Boston money management firm. +20791009 Also involved in the group is Robert F. Angelo, formerly Phoenix's senior vice president, field operations, who left Phoenix at the beginning of October. +20791010 Mr. Angelo was described in the filing as a consultant to Oasis. +20792001 Weirton Steel Corp. said it reached a tentative agreement on a 48-month labor contract with the Independent Steelworkers Union covering production and maintenance employees. +20792002 The agreement, subject to approval of union members, would cover about 6,000 workers. +20792003 The tentative agreement provides for wage increases of 85 cents an hour retroactive to Sept. 25, 1989, and for increases of 19 cents, 70 cents and 35 cents an hour effective Jan. 1, 1991, 1992 and 1993, respectively. +20792004 It also provides for benefit adjustments, including a partial restoration of vacations and holidays, as well as work-rule changes to increase productivity. +20793001 Ground zero of the HUD scandal is the Secretary's "discretionary fund," a honey pot used to fund projects that weren't approved through normal HUD channels. +20793002 Jack Kemp wants to abolish it. +20793003 Instead, Congress's idea of reform is to increase this slush fund by $28.4 million. +20793004 And transfer control of much of it to Capitol Hill. +20793005 The HUD scandals will simply continue, but under new mismanagement. +20793006 After one of the most amazing debates we've ever seen on the cable channel C-SPAN, the House voted 250 to 170 on Wednesday to order $28.4 million in spending for a New Jersey arts center, a Michigan library and 38 other pet projects out of the same discretionary fund that was supposed to have been so abused during Sam Pierce's tenure. +20793007 HUD has no paper work whatsoever on 30 of the projects, none of the others has been approved and not a single congressional hearing has been held on any of them. +20793008 However, four are in the Michigan district of Rep. Bob Traxler, the chairman of the House subcommittee that writes the HUD spending bill. +20793009 Of course, this kind of blatant congressional pork-barreling is called "constituent service" by Members, while the same kind of noncompetitive favoritism at HUD is labeled "influence peddling." +20793010 Unlike those awful Republican consultants, Members don't profit directly from HUD projects. +20793011 They merely collect campaign contributions from developers that help keep them in office. +20793012 The 40 pet projects were discovered buried in the appropriations bill for HUD and some other agencies after it returned from a conference committee that was called to resolve differences between the House and Senate versions. +20793013 Conference committees are breeding grounds for mischief. +20793014 They are often closed to the public and no minutes are taken. +20793015 Members find it easy to doctor legislation by slipping in special provisions that could never survive in the cold light of day. +20793016 In this case, the Members outdid themselves. +20793017 They transferred some $28 million from the Community Development Block Grant program designated largely for low- and moderate-income projects and funneled it into such items as: -- $1.2 million for a performing-arts center in Newark, -- $1.3 million for "job retention" in Hawaiian sugar mills. -- $400,000 for a collapsing utility tunnel in Salisbury, -- $500,000 for "equipment and landscaping to deter crime and aid police surveillance" at a Michigan park. -- $450,000 for "integrated urban data based in seven cities." No other details. -- $390,000 for a library and recreation center at Mackinac Island, Mich. +20793018 Rep. Traxler recently purchased an unimproved building lot on the island. +20794001 This is slightly adapted from remarks Oct. 7 by former Secretary of State George P. Shultz to an alumni gathering at the Stanford Business School, where he has returned to the faculty: +20794002 I was struck a couple of years ago by the drug-interdiction effort in the Bahamas. +20794003 We had intercepted during the year an estimated $5 billion street value of cocaine. +20794004 I don't know how much got through. +20794005 Nobody has any credible estimate. +20794006 The GNP of the Bahamas is probably somewhere between one and two billion dollars. +20794007 So you get an idea of the leverage there and elsewhere that our market for drugs has brought about. +20794008 I welcome the emphasis that is now being put on the drug problem. +20794009 The efforts to get to the people who are addicted, try to rehabilitate them; if they cannot be rehabilitated, at least to contain them; to educate people, to strongly discourage use of drugs by people who are casual users and first users, to stop this process among the young -- all of these things I think are extremely important. +20794010 But, I have to tell you that it seems to me that the conceptual base of the current program is flawed and the program is not likely to work. +20794011 The conceptual base -- a criminal-justice approach -- is the same that I have worked through before, in the Nixon administration when I was budget director and secretary of the treasury with jurisdiction over the Customs. +20794012 We designed a comprehensive program, and we worked hard on it. +20794013 In the Reagan administration we designed a comprehensive program; we worked very hard on it. +20794014 Our international efforts were far greater than ever before. +20794015 You're looking at a guy whose motorcade was attacked in Bolivia by the drug terrorists, so I'm personally a veteran of this war. +20794016 What we have before us now is essentially the same program but with more resources plowed into all of the efforts to enforce and control. +20794017 These efforts wind up creating a market where the price vastly exceeds the cost. +20794018 With these incentives, demand creates its own supply and a criminal network along with it. +20794019 It seems to me we're not really going to get anywhere until we can take the criminality out of the drug business and the incentives for criminality out of it. +20794020 Frankly, the only way I can think of to accomplish this is to make it possible for addicts to buy drugs at some regulated place at a price that approximates their cost. +20794021 When you do that you wipe out the criminal incentives, including, I might say, the incentive that the drug pushers have to go around and get kids addicted, so that they create a market for themselves. +20794022 They won't have that incentive because they won't have that market. +20794023 So I think the conceptual base needs to be thought out in a different way. +20794024 If I am catching your attention, then read a bold and informative article in this September's issue of Science by Ethan Nadelmann on this subject. +20794025 We need at least to consider and examine forms of controlled legalization of drugs. +20794026 I find it very difficult to say that. +20794027 Sometimes at a reception or cocktail party I advance these views and people head for somebody else. +20794028 They don't even want to talk to you. +20794029 I know that I'm shouting into the breeze here as far as what we're doing now. +20794030 But I feel that if somebody doesn't get up and start talking about this now, the next time around, when we have the next iteration of these programs, it will still be true that everyone is scared to talk about it. +20794031 No politician wants to say what I just said, not for a minute. +20795001 The U.S. economy grew at a moderate 2.5% annual rate in the third quarter, the same pace as the second quarter, despite the worst trade performance in six years, the Commerce Department reported. +20795002 Personal spending, buoyed by a burst of automobile buying, was the main catalyst to the economy's expansion. +20795003 But trade, one of the economy's main forces in the past few years, showed a sharp deterioration. +20795004 Imports of goods and services soared, while exports were flat. +20795005 Some economists found the mixture ominous. +20795006 "For the past two years, the foreign trade sector has been a major contributor to economic growth. +20795007 You can't rely now solely on consumer spending to sustain the economy on a solid growth path," said Norman Robertson, chief economist at Mellon Bank in Pittsburgh. +20795008 Although the economy showed no change of pace from the second quarter, many analysts expect it to slow considerably in the fourth quarter as demand for autos falls, partly because of higher prices on models introduced last month. +20795009 Many economists think the rise in the value of the U.S. dollar this year will further crimp progress in trade, because it makes exports more expensive and imports cheaper. +20795010 And business investment -- which slowed in the third quarter, according to yesterday's report -- is expected to continue to be sluggish. +20795011 A sharp reduction in inflation was by far the brightest spot in the report on the real gross national product -- the inflation-adjusted market value of all the goods and services the economy produced. +20795012 An inflation gauge that measures the quarterly change in prices of an array of goods and services slowed its growth to a 2.9% annual rate in the third quarter from 5% in the second. +20795013 Much of the moderation came from declining energy prices, which have since turned up a bit, analysts said. +20795014 Consequently, Michael Darby, undersecretary for economic affairs at the Commerce Department, said inflation probably will edge up from the third-quarter rate in the final three months of 1989. +20795015 But he said he believes the second quarter's 5% rate "will prove to have been this year's peak quarterly inflation rate." +20795016 Generally, the Bush administration expressed satisfaction with the economy's progress as it heads into its eighth year of sustained growth next month. +20795017 Treasury Secretary Nicholas Brady called the 2.5% pace "good, solid growth," although he said he expects the expansion to slow in the fourth quarter. +20795018 He added: "Inflation is lower than I think people expected it to be, and I think that's good news." +20795019 But administration officials were concerned over the bleak trade report, which showed the deficit in the country's trade of goods and services swelling to a $74 billion annual rate in the third quarter from a $51 billion rate in the second quarter. +20795020 Mr. Darby called it a "disappointment" but predicted exports will pick up again. +20795021 "We were unprepared for the deterioration in net exports," said Daniel Van Dyke, vice president of U.S. forecasting at Bank of America in San Francisco. +20795022 "I can't believe it will continue," he added, noting that the economies of the country's major trading partners are strong and prices of U.S. products are still competitive. +20795023 Some analysts also were disturbed by a pickup in the growth of business inventories. +20795024 While a buildup of these stocks adds to GNP, it can hurt the economy because a pileup of unsold goods can lead to production cuts and layoffs. +20795025 According to the report, inventories outside the farm sector grew at an annual rate of $24.6 billion in the third quarter, up from a $19.5 billion pace in the second quarter. +20795026 Manufacturers' stocks fattened at an $18.4 billion annual rate, up from $8.3 billion. +20795027 "That suggests there is a little more inventory overhang than some people expected," said Edward Boss, senior financial economist at Continental Bank in Chicago. +20795028 "I don't think it's anything that's going to cause a downturn in economic activity. +20795029 But it will slow production." +20795030 Devastation from Hurricane Hugo, which slammed into the Southeast coast in late September, diminished personal income by about $4 billion, the department said, but it called the effect on the roughly $5 trillion economy "negligible." +20795031 Except for the loss from the hurricane, all the figures were adjusted for seasonal factors and inflation. +20795032 Here are some of the major components of the gross national product expressed in seasonally adjusted annual rates in billions of constant (1982) dollars: +20795033 In the third quarter, the implicit price deflator fell to 2.9% of the 1982 average, from 4.6% in the previous quarter. +20796001 Northrop Corp. received a $93.5 million contract by the U.S. Air Force for production tooling and test equipment for the Tacit Rainbow defense-suppression missile. +20796002 The contract provides additional equipment for Northrop, the prime contractor on the missile, and also supports a 1990 purchase of 90 missiles for follow-on flight tests. +20797001 General Motors Corp.'s Chevrolet division said it is offering $750 cash incentives on all 1990 models of its full-size Blazer and Suburban truck lines. +20797002 Chevrolet already has cash incentives on the 1989 models of these vehicles. +20798001 Hudson's Bay Co. announced terms of a previously proposed rights issue that is expected to raise about 396 million Canadian dollars (US$337 million) net of expenses. +20798002 Proceeds of the offering will be used to redeem C$264 million of preferred shares and to reduce short-term debt, the company said. +20798003 Canada's largest department store operator said the rights offering will entitle holders of its ordinary shares, except residents in the U.S. and Britain, to subscribe for two additional shares for every five shares held at a price of C$31.25 a share. +20798004 The record date is Nov. 9. +20798005 The company has about 31 million ordinary shares outstanding. +20798006 On the Toronto Stock Exchange, Hudson's Bay shares closed at C$35, up 12.5 cents. +20798007 Hudson's Bay said that Woodbridge Co., which currently holds about 77% of the ordinary shares, will subscribe for all the shares to which it is entitled and for any shares that aren't otherwise taken up. +20798008 Woodbridge is a holding company owned by Toronto's Thomson family. +20798009 Hudson's Bay said it will redeem 9.5 million Series H preferred shares on Oct. 31 at a price of C$27.75 each. +20798010 The move was approved at a special shareholders' meeting yesterday. +20798011 Gary Lukassen, chief financial officer, said redemption of the preferred shares, originally issued at C$25 each, will eliminate dividend payments of C$17.9 million annually. +20799001 Iverson Technology Corp. was one of the fastest-growing small companies in America -- until last year. +20799002 The McLean, Va., company modifies computers to keep sensitive military data out of unfriendly hands. +20799003 From 1984 to 1987, its earnings soared six-fold, to $3.8 million, on a seven-fold increase in revenue, to $44.1 million. +20799004 But in 1988, it ran into a buzz saw: a Defense Department spending freeze. +20799005 Iverson's earnings plunged 70% to $1.2 million. +20799006 The troubles continued in this year's first half, when profit plunged 81% to $302,000. +20799007 Iverson Technology is one of many small defense contractors besieged by the slowdown in defense spending. +20799008 Unlike larger contractors with a broad enough base to weather the downturn easily, these companies are suffering big drops in business as once-lucrative specialty niches in the massive military market erode or even disappear. +20799009 Companies that only recently were thriving find themselves scrambling to survive. +20799010 As their varied strategies suggest, there is more than one way to respond to a disaster -- though it's too soon to tell whether the changes will pay off. +20799011 For many companies, the instinctive first response is to cut costs. +20799012 Others are trying to find specialty defense work spared by the slowdown or new niches created by budget-cutting. +20799013 More venturesome businesses are applying their skills in commercial fields. +20799014 ERC International Inc., which provides professional and technical services to the military, is refining its defense niche, not retreating from it. +20799015 After quadrupling annual earnings over four years to $6.8 million in 1988, the Fairfax, Va., company, posted a 23% drop in earnings for this year's first half. +20799016 In the belief that development of advanced military technology will remain a top Defense Department priority, ERC last year acquired W.J. Schafer Associates, a technical and scientific analysis company with contracts under the Strategic Defense Initiative. +20799017 While the SDI anti-missile program recently awarded W.J. Schafer two contracts totaling $13.4 million, ERC's chairman and founder, Jack Aalseth, says he bought the company "more for its technology than its customer." +20799018 UNC Inc., an Annapolis, Md., contractor that earned $23.8 million on revenue of $400.4 million in 1988, has gone even further in realigning its military business. +20799019 As orders for its aircraft and submarine parts dwindled, three years of steady growth ended with a 69% drop in income in this year's first half. +20799020 The company hit on a new strategy: If the Defense Department is so intent on saving money, why not make money off that trend? +20799021 Among the company's current efforts: repairing old parts at 25% of the cost of replacing them. +20799022 UNC also is selling new parts, if needed, directly to the military instead of through a prime contractor. +20799023 At as little as one-third of the government's cost, the company is running a program to train Army helicopter pilots. +20799024 It is also taking over the maintenance of certain Navy aircraft with 40% fewer people than the military used. +20799025 In another approach, tiny Iverson Technology is trying to resume its growth by braving the new world of commercial products. +20799026 Donald Iverson, chairman, says he hopes the company can eventually get up to half of its revenue from commercial markets. +20799027 For now, he says, "we're looking at buying some small companies with niche markets in the personal-computer business." +20799028 Earlier this month, Mr. Iverson agreed to buy exclusive rights to a software system developed by Visher Systems Inc., Salt Lake City. +20799029 The product automates an array of functions performed at small to medium-size printing companies. +20799030 Mr. Iverson says there are 5,000 potential customers for the software in the Washington, D.C., area alone. +20799031 QuesTech Inc., Falls Church, Va., also has acquired some companies outside the military market. +20799032 Moreover, it's trying to transfer its skill at designing military equipment to commercial ventures. +20799033 A partnership with a Williamsburg, Va., unit of Shell Oil Co. recently patented a process for producing plastic food containers that won't melt in microwave ovens. +20799034 "We're trying to take the imagination and talent of our engineers and come up with new processes for industry," says Vincent Salvatori, QuesTech's chief executive. +20799035 "It is an effort to branch out from the government, which is very difficult for a defense contractor." +20799036 Mr. Salvatori should know. +20799037 Instead of helping his company in the defense spending slowdown, Dynamic Engineering Inc., a troubled subsidiary that makes wind tunnels for the space industry, contributed to much of QuesTech's $3.3 million loss on $55.6 million in revenue last year. +20799038 In January, Mr. Salvatori sold the unit. +20799039 "It was our first acquisition," he says, "and it was a mistake." +20799040 Some companies are cutting costs and hoping for the best. +20799041 Telos Corp., a Santa Monica, Calif., provider of software-development and hardware-maintenance services to the military, enjoyed steady growth until this year. +20799042 Following a tripling of earnings, to $3.9 million, on a doubling of revenue, to $116 million, over four years, earnings in the company's fiscal first quarter, which ended June 30, plunged 90% to $45,000. +20799043 A one-time write-off for booking nonexistent revenue was partly to blame, but so were lower profits from a stingier contract with the Army and delays in getting paid. +20799044 Telos responded by combining three of its five divisions to reduce expenses and "bring more focus to potentially fewer bidding opportunities," says Lin Conger, Telos chairman and controlling shareholder. +20799045 "It's evident we're entering a more competitive era," he says. +20799046 TransTechnology Corp., a Sherman Oaks, Calif., defense contractor that earned $9.2 million on revenue of $235.2 million in 1988, provides a more dramatic example of cost-cutting. +20799047 The company not only merged three military-electronics manufacturing operations, but also closed an unrelated plant that makes ordnance devices used in fighter planes and missiles. +20799048 The closing contributed to a $3.4 million loss in the fiscal first quarter ended July 31 -- its first quarterly loss since 1974. +20799049 "Our ordnance business has been hurt very badly by the slowdown," says Arch Scurlock, TransTechnology's chairman. +20799050 "I wouldn't say we're out of the business. +20799051 But we're not making as many {pyrotechnic devices} as we used to. +20800001 The growing crowd of Japanese investors buying up foreign companies aren't all strait-laced businessmen in dark suits. +20800002 Yasumichi Morishita, whose art gallery last month became a major shareholder in Christies International PLC, the London auction house, is one man who doesn't fit the mold. +20800003 In Japan, he's known in racy weekly magazines as the "King of Shady Money." +20800004 If nothing else, the 57-year-old's past has its share of dents. +20800005 Nearly 20 years ago, Mr. Morishita, founder and chairman of Aichi Corp., a finance company, received a 10-month suspended sentence from a Tokyo court for violating a money-lending law and an income tax law. +20800006 He was convicted of charging interest rates much higher than what the law permitted, and attempting to evade income taxes by using a double accounting system. +20800007 He's had other brushes with the law. +20800008 He was arrested, though not indicted, on at least three other occasions in the '60s and '70s: for assault and unlawful confinement, for fraud and forgery of private documents, and for extortion. +20800009 Christies says it has had no contact with Mr. Morishita since the stock purchase, but that it's happy to deal with him. +20800010 "We like to make our own judgments" about Mr. Morishita, says Christopher Davidge, Christies' group managing director. +20800011 "People have a different reputation country by country." +20800012 Mr. Morishita is a leading figure among Japan's 38,000 "machikin," which lend to small companies, and "sarakin," which lend to individuals. +20800013 Many of these financiers lend freely, often without demanding collateral. +20800014 But the interest rates they charge are often near Japan's 54.75% legal limit, says Kenji Utsunomiya, a lawyer specializing in loan troubles. +20800015 Aichi is a machikin, Mr. Utsunomiya says, and "one of the nasty ones." +20800016 In describing that business in general, he says that when the client can't repay the loan, some machikin "clutch on like hyenas" and even take over the client's company. +20800017 Last month, Mr. Morishita's new gallery, Aska International Ltd., purchased 6.4% of Christies for #33 million ($53.3 million). +20800018 Acquired from Carisbrook Holdings U.K. Ltd., a company owned by Australian financier Robert Holmes a Court, the stake was apparently the first of its kind for Aska, an entity separate from Aichi. +20800019 And the acquisition, which made Aska one of Christies' top five shareholders, left many people wondering who this man was and what his intentions were. +20800020 "We're an investor," Mr. Morishita says, sitting back in his purple gallery filled with some 20 Monets and Renoirs. +20800021 "In the long run, the {stock} prices will go up." +20800022 It's not clear whether Aska plans to buy more shares. +20800023 But Christies, Mr. Morishita insists, is happy to see him become a long-term stockholder. +20800024 Mr. Morishita considers himself a connoisseur of art. +20800025 In 30 years of collecting impressionist and Japanese paintings, he has acquired 600 items, he says, enough to persuade him to start a museum next year. +20800026 He says he spent $300 million on his art business this year. +20800027 A week ago, his gallery racked up a $23 million tab at a Sotheby's auction in New York buying seven works, including a Picasso. +20800028 "He makes snap judgments," says Kiyotaka Kori, the art gallery's manager and Mr. Morishita's secretary for more than seven years. +20800029 Mr. Morishita's main business certainly appears to be thriving, although he won't disclose numbers. +20800030 According to Teikoku Data Bank Ltd., which tracks company earnings, Aichi's revenue rose 15% to 49.3 billion yen ($348.4 million) in the year ended February. +20800031 Revenue doubled from two years ago. +20800032 That is, if the company reported results correctly. +20800033 The Asahi Shimbun, a Japanese daily, last month reported that Aichi revised its tax calculations after being challenged for allegedly failing to report all of its income to tax authorities over a two-year period. +20800034 The Tokyo Regional Taxation Office declines to comment, and Mr. Kori, the tycoon's secretary, says the problem simply resulted from a difference of opinion over what was considered income. +20800035 The small, wiry Mr. Morishita comes across as an outspoken man of the world. +20800036 Stretching his arms in his silky white shirt and squeaking his black shoes, he lectures a visitor about the way to sell American real estate and boasts about his friendship with Margaret Thatcher's son. +20800037 But when asked what exactly he does in business, he immediately takes offense. +20800038 "Are you stupid?" he snaps. +20800039 "You should know what questions to ask to get people to answer." +20800040 Not many people know the details of Mr. Morishita's business, but it's a source of rumors about shady dealings. +20800041 When a small company goes belly-up, for instance, the gossipy weekly magazines are often quick to link the demise with Aichi. +20800042 Mr. Morishita scoffs at those stories, as well as the ones connecting him to the Japanese mob. +20800043 He says he has never even dined with gangsters. +20800044 The seventh child of a store owner in Aichi prefecture, Mr. Morishita started out in the textile business. +20800045 From there, he set up his finance company and rapidly expanded from lending to investment in real estate to building golf courses. +20800046 He spends most weekends flying his helicopter to one of his nine courses, he says, two of which were designed by Jack Nicklaus. +20800047 He also owns courses in the U.S. and France. +20800048 The gruff financier recently started socializing in upper-class circles. +20800049 Although he says he wasn't keen on going, last year he attended a New York gala where his daughter made her debut. +20800050 He also leads an opulent life style. +20800051 Even in Denenchofu, one of Tokyo's richest neighborhoods, Mr. Morishita's splashy brick manor -- one of some 10 houses he owns -- outshines the neighbors'. +20800052 A lavish white portico with a stained-glass window towers over the brick wall surrounding his property. +20800053 Although Mr. Morishita says little about his business, he offers one rule to success: Never gamble too far. +20800054 "I quit after one try, whether I win or lose," he says. +20800055 "I'm done in two minutes." +20800056 Mr. Morishita says he intends to expand his business to many other areas at home and abroad. +20800057 He'll be there wherever there's money to be made, laughs Mr. Kori, the secretary. +20800058 "Who knows," he says, "if he heard that soybeans make money today, he might be flying out to Chicago tomorrow. +20801001 WHO'S NEWS: +20801002 Arthur Price resigned as president and chief executive officer of MTM Enterprises Inc., a Studio-City, Calif., entertainment concern. +20801003 He co-founded the company with Grant Tinker and Mary Tyler Moore in 1969. +20801004 MTM is a unit of British-based TVS Entertainment PLC, whose chief executive officer, James Gatward, will oversee the company until a successor is named. +20802001 As expected, First Interstate Bancorp reported a net loss of $15.5 million for its third quarter because of hemorrhaging at its First Interstate Bank of Arizona unit. +20802002 The Los Angeles-based bank holding company disclosed last Friday that it had taken a huge $350 million provision for loan losses at the Arizona bank, the result of the state's worsening real-estate market. +20802003 In yesterday's report, First Interstate said its bank in Texas also reported a loss of $23.5 million for the quarter. +20802004 But it said that its consumer banks in Oregon, California, Nevada and Washington performed well during the quarter and that nonperforming assets at these banks declined by 14% over the year-ago period. +20803001 Private-sector union contracts signed in the third quarter granted slightly lower wage increases than those signed in the second quarter, but wage increases still are running above last year's levels. +20803002 The Labor Department said wage settlements in the third quarter called for average annual wage increases of 3.6% in the first year and 3.0% over the life of the contracts. +20803003 The last time parties to these settlements negotiated wage increases, mostly in 1986 or 1987, wages increased an average of 2.4% a year over the life of the contracts. +20803004 If this pattern continues, the Labor Department said, 1989 will be the first year that the measure has shown an increase since 1981 when the department started comparing expiring contracts with those that replaced them. +20803005 This reflects the restoration of wage cuts in the steel and other industries as well as higher wages granted nurses who work in health-care facilities. +20803006 Settlements reached in the first nine months of 1989 called for wage increases averaging 3.7% in the first contract year and 3.1% annually over the life of the contracts, the department said. +20803007 For all of 1988, union contracts provided for 2.5% wage increases in the first year and 2.4% over the life of the contracts. +20803008 In the second quarter, contracts called for increases of 3.9% in the first year and 3.4% over the life of the contracts. +20803009 The figures exclude lump-sum payments and cost-of-living adjustments, so the actual wage increases may have been bigger. +20803010 About 35% of the workers covered by contracts signed in the first nine months of year get lump-sum payments; about 15% are covered by cost-of-living clauses. +20803011 Unions covered by one or other provisions generally settled for lower percentage wage increases. +20803012 The Labor Department said wage increases in manufacturing industries continue to be smaller than those in other industries. +20803013 For all six million workers under major collective bargaining agreements, regardless of when they were signed, wage increases in the first nine months of 1989 averaged 2.5% -- including cost-of-living adjustments. +20804001 An enormous turtle has succeeded where the government has failed: He has made speaking Filipino respectable. +20804002 The 6 1/2-foot-tall turtle, Pong Pagong, is a character who stars in the children's television show "Batibot." +20804003 He speaks only in Filipino. +20804004 "Batibot," which started in 1983 as a hybrid of the U.S. program "Sesame Street," has developed into a distinctly Philippine effort. +20804005 Radio programs and books have followed the daily television show. +20804006 In the process, "Batibot," an archaic Filipino word meaning "strong" or "enduring," has become a powerful advocate of the use of the Filipino language. +20804007 "It impresses on ordinary, young Filipinos that there's nothing to feel inferior about in using their own language," says Randy David, a sociologist and host of a popular television talk show. +20804008 "When we started the program six years ago, the use of Filipino was deemed unwise by the predominantly middle class," says Lydia Brown, the program's creator. +20804009 Now, she says, "it's no longer an issue." +20804010 The success of "Batibot" stands in marked contrast to many academic and government attempts to promote Filipino as a national language. +20804011 Filipino -- once known as Pilipino -- is predominantly Tagalog, the Malay-based language spoken in a part of the country's principal island of Luzon. +20804012 Resistance to a national language comes primarily from members of the country's elite, who generally prefer English. +20804013 But while better-off Filipinos are quick to cite the logic in using a language as widespread as English, they are often slow to reveal that they are prejudiced against Filipino, say advocates of the native language. +20804014 "For the middle and upper-middle class {Filipino} is declasse," says Bien Lumbera, a Philippine-studies professor at Quezon City's University of the Philippines. +20804015 There's also resentment. +20804016 Other opponents of Filipino come from non-Tagalog regions. +20804017 They argue that their own languages should have equal weight, although recent surveys indicate that the majority of the country's population understands Filipino more than any other language. +20804018 (There are seven major languages and more than 70 dialects in the country.) +20804019 What tongue to speak is an emotional mine field in the Philippines. +20804020 It is entrenched in the country's colonial bonds to the U.S., in Philippine class structure, in the regional loyalties of its people and in its island geography. +20804021 As they did when the Philippines was a colony of the U.S., teachers for the most part teach in English, even though it is a foreign language for most Philippine children. +20804022 As a result, they often speak one language at home, another at school. +20804023 Mrs. Brown calls the modern-day cultural ambivalence to Filipino a "language schizophrenia." +20804024 The issue has been simmering for years. +20804025 It doesn't take much to provoke an intense debate. +20804026 When President Corazon Aquino, whose command of Filipino is spotty, announced last year that the language would be used in official communications, there was an uproar from many legislators, who continue to conduct debates mostly in English. +20804027 But many proponents of Filipino see resistance to the language finally crumbling. +20804028 They believe the media, including "Batibot," have played a crucial role. +20804029 According to chief scriptwriter Rene Villanueva, "Batibot" doesn't set out to advance the cause of Filipino. +20804030 "It's not as if we're teaching language per se," he says, "We're just using it." +20804031 These days, "Batibot" is produced in a converted lumberyard on a shoestring budget of $3,000 a one-hour segment. +20804032 It is shown weekdays on two of the country's five networks. +20804033 With an audience totaling more than 400,000, "Batibot" consistently ranks in the country's top-four most-watched daytime programs. +20804034 But advertising revenue is inadequate. +20804035 Periodically, there are threats that the program will fold. +20804036 "Batibot" lacks the polish of "Sesame Street." +20804037 Sound stages echo. +20804038 Acting sometimes falls flat. +20804039 There are only two large puppets in the program: Pong Pagong and a monkey named Kiko Matsing. +20804040 But the production is the equal of any local program. +20804041 And the show's creativity makes up for any technological deficiencies. +20804042 The program isn't afraid to tackle controversial topics such as nuclear weapons and the environment. +20804043 Not that the language war is won, even on "Batibot." +20804044 During one recent episode, all the advertisements were in English. +20805001 CMS ENERGY Corp. said management would recommend to its board today that its common stock dividend be reinstated at a "modest level" later this year. +20805002 The Dearborn, Mich., energy company stopped paying a dividend in the third quarter of 1984 because of troubles at its Midland nuclear plant. +20805003 In addition, CMS reported third-quarter net of $68.2 million, or 83 cents a share, up from $66.8 million, or 81 cents a share, a year ago. +20806001 HEALTHDYNE Inc., Atlanta, said its subsidiary, Home Nutritional Services Inc., registered with the Securities and Exchange Commission an initial public offering of four million shares of common. +20806002 The in-home health care services provider said it will sell 1.8 million of the new shares, while Home Nutritional Services will sell the remaining 2.2 million. +20806003 The company estimates the offering price at between $14 and $16 a share. +20806004 The company said it expects to use the proceeds to repay certain bank debt and for general corporate purposes, including establishing new operating centers and possible acquisitions. +20806005 Home Nutritional currently has 10 million shares outstanding. +20806006 It will have 11.8 million shares outstanding after the offering, with Healthdyne owning about 65% of the total. +20807001 Black & Decker Corp. said it agreed to sell its Bostik chemical adhesives unit to Orkem S.A., a French chemical company, for $345 million. +20807002 Bostik is the first Emhart Corp. unit to be sold as part of the power-tool manufacturer's effort to reduce debt and consolidate operations after it acquired Emhart earlier this year. +20807003 Black & Decker said it plans to put other Emhart units on the block in the future, with the goal of raising $1 billion in net proceeds. +20807004 Black & Decker rescued Emhart from the takeover bid of Topper Limited Partnership last March by agreeing to acquire the maker of door locks and gardening tools for about $2.8 billion. +20807005 The move significantly expanded Black & Decker's product line, but also significantly increased its debt load. +20807006 The acquisition boosted Black & Decker's ratio of debt to total capital to more than 80%. +20807007 Company officials have said they plan to reduce that ratio to less than 50% over the next 2 1/2 years. +20807008 Earlier this year, Black & Decker put three Emhart businesses on the auction block: the information and electronics segment, the Dynapert electrical assembly business and Mallory Capacitors. +20807009 The three units had combined 1988 sales of about $904 million. +20807010 The three units contributed about a third of Emhart's total sales. +20807011 In addition, Black & Decker had said it would sell two other undisclosed Emhart operations if it received the right price. +20807012 Bostic is one of the previously unnamed units, and the first of the five to be sold. +20807013 The company is still negotiating the sales of the other four units and expects to announce agreements by the end of the year. +20807014 The five units generated sales of about $1.3 billion in 1988, almost half of Emhart's $2.3 billion revenue. +20807015 Bostic posted 1988 sales of $255 million. +20807016 "Our divestiture program is on schedule, and we remain confident that we will achieve our stated goal of over $1 billion in net proceeds," said Nolan D. Archibald, Black & Decker's president and chief executive officer, in a statement. +20807017 The sales are an attempt to quell investor concern about Black & Decker's increased debt burden from the Emhart purchase. +20807018 The company's stock plunged when it first announced that it planned to acquire Emhart. +20807019 The company maintains that it doesn't expect Emhart to contribute to earnings for about another 12 months. +20807020 In composite trading on the New York Stock Exchange, Black & Decker closed at $19.75 yesterday, down 25 cents. +20807021 The company didn't announce the sale until after the close of the market. +20808001 Dick Darman, call your office. +20808002 Embedded in the "budget" being concocted by the House-Senate conference committee is something that looks, smells and waddles like a duck. +20808003 It's a nuisance tax on mergers. +20808004 Congress has decided to raise $40 million by charging companies $20,000 for the honor of filing the required papers under the Hart-Scott-Rodino law. +20808005 Ever since the bad days of Big is Bad antitrust enforcement, this law has required that anyone proposing a merger must make a filing describing the effects on all relevant markets. +20808006 The Hart-Scott filing is then reviewed and any antitrust concerns usually met. +20808007 Typically, Hart-Scott is used now to give managers of target firms early news of a bid and a chance to use regulatory review as a delaying tactic. +20808008 The $20,000 tax would be a small cost in a multibillion-dollar deal, but a serious drag on thousands of small, friendly deals. +20808009 One especially dangerous aspect to the new tax would be that the proceeds will be used to increase the budgets of the antitrust division at Justice and the Federal Trade Commission. +20808010 This amounts to a bounty for regulators -- the more regulating the more they get to keep. +20808011 Also, as former Reagan antitrust chief Charles Rule has noted, this would "establish the precedent that the government may charge parties for the privilege of being sued regardless of whether the government prevails." +20808012 Yet another opportunity for President Bush to respond, "Read my lips. +20808013 Line-item veto. +20809001 Michael Grobstein, 46 years old, was named vice chairman for planning, marketing and industry services, a new post. +20809002 Mr. Grobstein had been a vice chairman of Ernst & Whinney, an accounting firm that merged with rival Arthur Young in July to form Ernst & Young, a major accounting, tax and management consulting firm. +20809003 Mr. Grobstein's appointment formalizes a role he has been performing since the merger, a spokeswoman said. +20810001 Cie. de Navigation Mixte Chairman Marc Fournier said his board unanimously rejected as too low the $1.77 billion bid by Cie. Financiere de Paribas to bring its stake in Navigation Mixte to 66.7%. +20810002 At a news conference, Mr. Fournier accused Paribas of planning to pay for the takeover by selling parts of the company, whose interests include insurance, banking, tuna canning, sugar and orange juice. +20810003 The chairman said his board members, including representatives of West German insurance giant Allianz AG and French banks Credit Lyonnais and Societe Generale, hold nearly 50% of Navigation Mixte's capital. +20810004 Mr. Fournier said that as Navigation Mixte chairman, he is prohibited by takeover regulations from organizing his own defense or doing anything besides managing current company business. +20810005 But sources said he will be urging his allies to boost their stakes in Navigation Mixte, which is being traded in London and is to resume trading in Paris Tuesday. +20810006 At the same time, he is expected to seek legal and regulatory means of blocking or delaying Paribas's bid. +20810007 For the moment, the sources said, he has decided against seeking a white knight or organizing a counterbid for Paribas. +20810008 Mr. Fournier said Navigation Mixte's 1989 unconsolidated, or parent-company, profit is likely to be 4.7 billion francs ($754.4 million), up from 633.8 million francs last year. +20810009 That is due mostly to payments from Allianz for most of the 50% stake it has agreed to acquire in Navigation Mixte's insurance business. +20810010 Mr. Fournier said the exceptional gain would mean nearly twice as high a dividend this year as last. +20810011 If holders avoid tendering to Paribas, he added, they can expect strong dividends again next year. +20810012 Analysts noted that over the past 20 years, Mr. Fournier has built his company through astute stock-market activity and has warded off at least three takeover attempts. +20810013 This time, however, some analysts think he could face a real battle. +20810014 "Without some unexpected "coup de theatre", I don't see what will block the Paribas bid," said Philippe de Cholet, analyst at the brokerage Cholet-Dupont & Cie. +20810015 Mr. de Cholet said Mr. Fournier's biggest hope was to somehow persuade regulatory authorities to block the bid. +20810016 Paribas still needs the go-ahead from the Commission des Operations de Bourse, a government regulatory agency, but analysts said that is considered likely. +20810017 Mr. Fournier also noted that Navigation Mixte joined Paribas's core of shareholders when Paribas was denationalized in 1987, and said it now holds just under 5% of Paribas's shares. +20810018 Once he realized that Paribas's intentions weren't friendly, he said, but before the bid was launched, he sought approval to boost his Paribas stake above 10%. +20810019 The petition is still pending, but Mr. Fournier downplayed the likelihood of his organizing a takeover bid of his own for the much-larger Paribas. +20810020 One big question now is the likely role of Mr. Fournier's allies. +20810021 Mr. Fournier said the large institutions that hold nearly 50% of Navigation Mixte's capital all strongly support him, but some analysts said they aren't so sure. +20810022 Allianz, for example, has said in official comments so far that it will remain neutral. +20810023 Paribas is Allianz's lead French bank. +20810024 Paribas said Monday that it intends to bid to boost its stake in Navigation Mixte to 66.7%, from the 18.7% it already owns. +20810025 The purchase of the additional 48% stake is expected to cost more than 11 billion francs ($1.77 billion). +20810026 Paribas says it will offer 1,850 francs ($296.95) each for Navigation Mixte shares that enjoy full dividend rights, and 1,800 francs each for a block of shares issued July 1, which will receive only partial dividends this year. +20810027 Alternatively, it is to offer three Paribas shares for one Navigation Mixte share. +20810028 The Paribas offer values Navigation Mixte at about 23 billion francs, depending on how many of Navigation Mixte's warrants are converted into shares during the takeover battle. +20811001 BLOCKBUSTER ENTERTAINMENT CORP. said it raised $92 million from an offering of liquid yield option notes. +20811002 The gross proceeds from the sale of the notes, which will be due on Nov. 1, 2004, will be used to reduce existing debt and for general corporate purposes, the company said. +20811003 The debt reduction is expected to save the Fort Lauderdale, Fla. home video concern about $2 million a year in interest expense. +20811004 The zero-coupon subordinated notes have no periodic interest payments. +20811005 Each note is being offered at $308.32 per $1,000 principal amount at maturity, representing an 8% yield to maturity. +20811006 In addition, each note can be converted into Blockbuster Entertainment common stock at a rate of 13.851 shares per note. +20811007 Merrill Lynch Capital Markets Inc. is the sole underwriter for the offering. +20811008 The notes will have a principal amount of $300 million at maturity. +20811009 Blockbuster shares closed yesterday at $18.75, down $1.125, in New York Stock Exchange trading. +20812001 The 1986 Tax Reform Act has nearly eliminated the number of large, profitable corporations that don't pay federal income tax, according to Citizens for Tax Justice, a nonprofit, labor-funded research and lobbying group. +20812002 In a study of 250 of the nation's richest companies, the group found that only seven managed to avoid paying federal income taxes last year compared with 40 in 1986, the last year the old tax rules were in effect, and 16 in 1987, when some of the new tax provisions went into effect. +20812003 Moreover, 41 companies that paid no federal income tax from 1981 through 1985 -- despite billions of dollars of profits -- ended up paying an average of 27.9% of their income in federal taxes in 1988. +20812004 The report, released yesterday, comes as Congress is considering a number of special tax breaks only three years after the sweeping tax-revision legislation abolished or curtailed many loopholes. +20812005 In the corporate realm, the 1986 law abolished the investment-tax credit, scaled back use of an accounting method that allowed large contractors to defer taxes until a project was completed and strengthened the so-called alternative minimum tax, a levy to ensure all money-making businesses pay some federal tax. +20812006 The combination of lower rates and fewer loopholes has meant that the so-called average effective tax rate -- the rate actually paid -- of the 250 corporations surveyed reached 26.5% in 1988, compared with 14.3% in the years from 1981 through 1985, according to the study. +20812007 In addition, corporations are now shouldering a bigger share of the tax burden, as the authors of the 1986 law hoped. +20812008 Corporate taxes paid for almost 12% of federal spending in 1988 -- excluding Social Security -- compared with less than 8% in the first half of the 1980s, the study found. +20812009 "Tax reform is working," the study said. +20812010 "Under the new tax-reform law, the days of widespread, wholesale corporate tax avoidance have come to an end." +20812011 Still, Kroger Co., Pinnacle West Capital Corp., CSX Corp., Illinois Power Co., Media General Inc., Santa Fe Southern Pacific Corp. and Gulf States Utilities Co., didn't pay any federal income tax last year although they garnered a total of $1.2 billion in profits, the group said. +20812012 In fact, six of those companies received refunds, which totaled $120 million. +20812013 The lobbying group used publicly available information to calculate each company's domestic profits and its federal income tax payments. +20812014 This is the fifth year Citizens for Tax Justice has released a study on corporate tax bills. +20812015 Earlier reports, which revealed that as many as 73 companies were avoiding income tax legally, have been credited with helping galvanize efforts to overhaul the tax code. +20812016 But even though companies are paying more taxes, many are still paying less than the statutory rate, the report said. +20812017 And 45 companies paid effective tax rates of below 10% of their income. +20812018 "While the overall picture is very encouraging, significant corporate tax avoidance continues," the study said. +20812019 Glenn Hall contributed to this article. +20813001 F. Gil Troutman, 46 years old, was named chief executive officer. +20813002 He retains his titles of president and chief operating officer and succeeds as chief executive Howard O. Painter Jr., who remains chairman of the board. +20813003 DSP makes electronic instrumentation and data acquisition systems. +20814001 In search of buyers for upscale department-store chains such as Bloomingdale's and Saks Fifth Avenue, investment bankers are turning to -- who else? The Japanese. +20814002 But so far Japan's cash-rich retailers are proving to be cautious shoppers. +20814003 "We have the money to buy. +20814004 But operating a U.S. department-store chain would be very difficult," says Motoyuki Homma, managing director of the international division at Mitsukoshi Ltd., one of Japan's leading department stores. +20814005 Japanese retail executives say the main reason they are reluctant to jump into the fray in the U.S. is that -- unlike manufacturing -- retailing is extremely sensitive to local cultures and life styles. +20814006 The Japanese have watched the Europeans and Canadians stumble in the U.S. market, and they fret that business practices that have won them huge profits at home won't translate into success in the U.S. +20814007 Japanese department stores are also wary of attracting negative publicity. +20814008 After Sony Corp.'s recent headline-grabbing acquisition of Columbia Pictures, many say it makes good political sense to lie low. +20814009 "It's a question of timing," says Mayumi Takayama, managing director of international operations at Isetan Co., a Tokyo department store. +20814010 Still, for those with a long-term eye on the vast U.S. retail market, this is a tempting time to look for bargains. +20814011 Britain's B.A.T Industries PLC is trying to unwind its U.S. retailing operations, which include such well-known stores as Saks Fifth Avenue, Marshall Field's, Breuners and Ivey's. +20814012 And debt-ridden Campeau Corp. of Toronto is giving up the 17-store Bloomingdale's group. +20814013 "Every department store in Japan is taking a look," says Mike Allen, a retail analyst at Barclay's de Zoete Wedd Securities (Japan) Ltd. +20814014 Mr. Allen, however, doesn't think that Japan is about to embark on a major buying binge. +20814015 Nonetheless, speculation heated up yesterday when Tokyu Department Store Co. confirmed a report in Nihon Keizai Shimbun, Japan's leading business daily, that Tokyu is talking with Campeau about buying Bloomingdale's. +20814016 Tokyu, however, said no agreement had been reached. +20814017 Nor is Tokyu the only Japanese retailer interested in Bloomingdale's, which bankers in Tokyo estimate could cost between $1 billion and $1.5 billion. +20814018 Seven Japanese department-store groups were approached by investment bankers representing Bloomingdale's chairman, Marvin Traub, and more than half are seeking additional information on the group, bankers say. +20814019 What Mr. Traub is hoping to put together, investment bankers say, is a management-led group to buy the New York department-store group that he heads from Campeau's Federated Department Stores subsidiary. +20814020 Federated ran into a cash crunch after it was acquired last year by Campeau, which relied heavily on debt to finance the transaction. +20814021 Paying off that debt put such a squeeze on Campeau and its stores that Federated decided to sell off the jewels of its retailing empire, including Bloomingdale's. +20814022 Hoping to avoid another takeover, Mr. Traub retained Blackstone Group and Drexel Burnham Lambert Inc. to help him find partners for a management-led buy-out. +20814023 Ideally, investment bankers say, he wants to get backing from a Japanese department store and a European department store to forge a global retailing network. +20814024 "When you look at the economics, Traub needs a Japanese and a European partner to make it work," says one investment banker who follows the retail industry. +20814025 "Looking only at a narrow American strategy isn't where it's at." +20814026 Persuading tradition-bound Japanese retailers to get involved in the turmoils of the U.S. retailing industry isn't likely to be so easy, analysts say. +20814027 Up until now, most stores have followed the same basic overseas strategy: +20814028 First they set up overseas merchandising offices to import items and track new fashion trends. +20814029 Then they opened small gift shops mostly aimed at Japanese tourists. +20814030 Reluctant to advance further on their own, some stores have settled for tie-ups with famous specialty shops. +20814031 Last March, Isetan invested 1.5 billion yen ($10.6 million) in a venture with Barney's Inc., an up-scale New York specialty clothier. +20814032 The first Barney's shop is scheduled to open in Japan next year. +20814033 And Mitsukoshi recently increased its equity stake in Tiffany & Co. to 13%. +20814034 Through the longstanding relationship between the two companies, Mitsukoshi has opened 22 Tiffany shops in its stores and arcades in Japan. +20814035 Plans are under way to open a Tiffany's in Hawaii to cater to Japanese tourists; it will be run mostly by Mitsukoshi. +20814036 Some industry observers say that Mitsukoshi's classy image makes it a possible match for Saks Fifth Avenue. +20814037 Company officials say they are studying various proposals but won't discuss details. +20814038 Takashimaya Co., Japan's oldest department store, is another name that keeps popping up as a potential fit with Saks. +20814039 Eiji Nakazato, a Takashimaya general manager, admits that his company's image is similar to Saks's and that there is some interest in the idea. +20814040 But he stops there. +20814041 "We'd like to do business in America," he says. +20814042 "But it looks tough." +20814043 Marcus W. Brauchli contributed to this article. +20814044 Compiled by William Mathewson +20814045 The Vatican was in the red last year. +20814046 It said the regular 1988 deficit amounted to $43.5 million, based on revenue of $74.4 million and expenses of $117.9 million. +20814047 But it said extraordinary expenditures for its radio station and restoration of buildings increased the deficit to $57.2 million. +20814048 A statement from the council of cardinals said Catholics had responded generously to an appeal last year to give more money after 1987's record $63 million deficit. +20814049 The statement said a 5% jump in the "Peter's Pence" collection -- the annual offering from Catholics to the pope -- helped cover the deficit. +20814050 Council member Cardinal Gerald Carter of Toronto told Vatican Radio: "Now that we say we covered our deficit this year, people are going to relax and say well that's fine, the Holy See is out of the hole. +20814051 But we're . . . going to be in the exact same situation next year." +20814052 Former President Richard Nixon is to visit China at the invitation of the government beginning Saturday, the Foreign Ministry announced. +20814053 According to Mr. Nixon's office, "This is solely a fact-finding trip. +20814054 There will be no sightseeing, no shopping and no social events." +20814055 Mr. Nixon's office said the former president "expects to have one-on-one discussions with the major Chinese leaders" and will give his assessment of those leaders to President Bush upon his return. +20814056 A poll conducted in 12 of 16 NATO countries shows that the Dutch appear to be the strongest supporters of the alliance. +20814057 The poll, conducted for the Dutch daily De Telegraaf by Gallup International said 81% of Dutch people supported NATO. +20814058 Canada was the second most pro-NATO country with 78% supporting the alliance, followed by the U.S. with 75%, Britain with 71%, Belgium with 69% and West Germany with 63%. +20814059 All other countries registered support below 50%. +20814060 The Israeli Manufacturers' Association filed a police complaint against an Arab pasta maker for using the four colors of the outlawed Palestinian flag on spaghetti packages. +20814061 "We asked police to investigate why they are allowed to distribute the flag in this way. +20814062 It should be considered against the law," said Danny Leish, a spokesman for the association. +20814063 The spaghetti is made by the Al Ghazel Macaroni Co. in Bethlehem and is marketed in a package decorated with green, black, red and white stripes. +20814064 British postal authorities say they have uncovered a large-scale scheme where unscrupulous stamp dealers chemically removed stamp cancellations, regummed the stamps and sold them to U.S. collectors or, in large lots, to British businesses. +20814065 The scheme allegedly cost the post office #10 million ($16.1) in revenue in the past 12 months. +20814066 Dealers bought the used stamps cheaply from charities, including the Guide Dogs for the Blind Association. +20814067 The charities regularly sell used stamps, which they collect from children and other donors, to raise funds. +20814068 Akio Tanii, president of Japan's Matsushita Electric Industrial Co., presented the U.S. consul general in Osaka with a $1 million check to help San Francisco's earthquake victims. +20814069 The company's U.S. subsidiary, Matsushita Electric Corp. of America, had donated over $35,000 worth of Matsushita-made flashlights and batteries to residents shortly after the disaster, a company spokesman said. +20814070 Several other Japanese companies and regional governments have sent aid to San Francisco. +20814071 Sumitomo Bank donated $500,000, Tokyo prefecture $15,000 and the city of Osaka $10,000. +20814072 Chinese officials are trying to use the Canton Trade Fair to lure back overseas traders after the bloody crackdown on dissent. +20814073 But attendance is down from previous years. +20814074 What's more, a Hong Kong textile trader says, some Chinese exporters from state-run enterprises are protesting the crackdown by dragging their feet on soliciting new business. +20814075 "They are angry about the government . . . so they hold back the goods," he said. +20814076 This autumn's edition of the biannual fair will run through Oct. 31. +20814077 Inside the 156,000-square-yard glass exhibition complex, products ranging from clothing to AK-47 machine guns are on display. +20814078 Fair officials say that 21,000 guests visited during the first five days, a 10% drop from the spring exhibition. +20814079 But China's official Xinhua News Agency reported that the number of foreign businessmen was greater than the previous fair -- without providing statistics. +20814080 In another sign of glasnost, Alexander Solzhenitsyn's long-banned chronicle of Soviet repression, "The Gulag Archipelago," is now recommended reading in one 11th-grade Moscow history class. . . . +20814081 British customs officers said they'd arrested eight men sneaking 111 rare snakes into Britain -- including one man who strapped a pair of boa constrictors under his armpits. +20814082 A customs official said the arrests followed a "Snake Day" at Utrecht University in the Netherlands, an event used by some collectors as an opportunity to obtain rare snakes. +20815001 Di Giorgio Corp. said it's continuing talks with potential buyers of certain units, but has reached no agreement on any deals. +20815002 Di Giorgio, a food wholesaler and building products maker, is seeking alternatives to an unsolicited $32-a-share tender offer of DIG Acquisition Corp., a unit of Rose Partners Limited Partnership. +20815003 DIG is the vehicle being used to pursue to acquisition. +20815004 Robert Mellor, Di Giorgio's executive vice president, said the company stands to reap more money through the sale of individual units to others than by accepting DIG's offer. +20816001 Some lousy earnings reports whacked the stock market, but bond prices fell only slightly and the dollar rose a little against most major currencies. +20816002 The Dow Jones Industrial Average tumbled 39.55 points, to 2613.73, in active trading. +20816003 Long-term Treasury bonds ended slightly higher. +20816004 The dollar rose modestly against the mark and the yen, but soared against the pound following the resignation of Britain's chancellor of the Exchequer, Nigel Lawson. +20816005 Analysts have complained that third-quarter corporate earnings haven't been very good, but the effect hit home particularly hard yesterday. +20816006 Compaq Computer nose-dived $8.625 a share, to $100, and pulled other technology issues lower after reporting lower-than-expected earnings after the stock market closed Wednesday. +20816007 Later yesterday the nation's major auto makers added to the gloom when they each reported their core auto operations were net losers in the third quarter. +20816008 The less-than-robust third-quarter results came amid renewed concern about the volatility of stock prices and the role of computer-aided program trading. +20816009 Taken together, the worries prompted a broad sell-off of stocks. +20816010 The number of stocks on the New York Stock Exchange that fell in price yesterday exceeded 1,000, a key measure of underlying sentiment among technical analysts. +20816011 Although the government said the economy grew an estimated 2.5% in the third quarter, in line with expectations, analysts are increasingly predicting much more sluggish growth -- and therefore more corporate earnings disappointments -- for the fourth quarter. +20816012 "There are a lot more downward revisions of earnings forecasts than upward revisions," said Abby Joseph Cohen, a market strategist at Drexel Burnham Lambert. +20816013 "People are questioning corporate profits as a pillar of support for the equity market." +20816014 The bond market was unmoved by the economic statistics. +20816015 While bond investors would have preferred growth to be a little slower, they were cheered by inflation measures in the data that showed prices rising at a modest annual rate of 2.9%. +20816016 That is another small encouragement for the Federal Reserve to lower interest rates in coming weeks, they reasoned. +20816017 In major market activity: +20816018 Stock prices fell sharply in active trading. +20816019 Volume on the New York Stock Exchange totaled 175.2 million shares. +20816020 Declining issues on the Big Board outstripped gainers 1,141 to 406. +20816021 Bond prices were barely higher. +20816022 The Treasury's benchmark 30-year rose fractionally. +20816023 Yield on the issue was 7.88%. +20816024 The dollar rose modestly against most major currencies. +20816025 In late New York trading the dollar was at 1.8400 marks and 142.10 yen compared with 1.8353 marks and 141.52 yen Wednesday. +20816026 The dollar soared against the pound, which was at $1.5765 compared with $1.6145 Wednesday. +20817001 The House joined the Senate in making federal reparations for Japanese-Americans held in World War II internment camps a legal entitlement requiring the Treasury Department to meet expedited payments of an estimated $1.25 billion during the next several years. +20817002 The 249-166 roll call came as the chamber approved a compromise bill allocating $17.2 billion to the departments of State, Justice, and Commerce in fiscal 1990 and imposing increased fees on business interests making filings with the government. +20817003 An estimated $40 million would come annually from a new $20,000 charge on pre-merger notifications to the Justice Department, and Securities and Exchange Commission filing fees would rise by 25% to fund a $26 million increase in the agency's budget. +20817004 Yesterday's vote on Japanese-American reparations ensures final enactment of the entitlement provision, which abandons earlier efforts to find offsetting cuts but is seen as a more realistic path to expediting compensation first authorized in 1988. +20817005 "The only way to reduce the costs is to say we don't want to pay the bill," said Rep. Neal Smith (D., Iowa), who taunted President Bush's party to back up his campaign promise of supporting the claims of $20,000 per individual. +20817006 "Read my lips," said Mr. Smith. +20817007 "If you're for paying the claims . . . I don't know how anyone can oppose this." +20817008 No payments would be made this year, but beginning in fiscal 1991, the bill commits the government to annual payments of as much as $500 million until the total liability of $1.25 billion is met. +20817009 The issue has assumed some of the character of past civil-rights debates and reopens old regional divisions in the Democratic majority. +20817010 As much as Republicans led the opposition, among the 53 Democrats voting against treating the payments as an entitlement, 42 came from the 13 states in the Old Dixiecrat South and its borders. +20817011 The odd mix of departments in the underlying bill makes it one of the more eclectic of the annual appropriations measures, and it is a lightning rod for a running battle over the fate of the Legal Services Corp. +20817012 The measure provides $321 million to maintain services but would sharply curb the power of the current board until successors are agreed to by the Bush administration. +20817013 The conservative bent of the incumbent appointees, named by former President Reagan, has divided Republicans. +20817014 And on back-to-back roll calls, 206-199 and 223-178, the Appropriations Committee leadership turned back efforts to weaken or strip the proposed restrictions first added by Sen. Warren Rudman (R., N.H.) +20817015 The estimated $40 million from the new pre-merger notification fee would be divided between the Justice Department's Antitrust Division and the Federal Trade Commission, which both face serious cuts if the income isn't realized. +20817016 The Federal Bureau of Investigation is slated to receive $30 million by charging for fingerprint services in civil cases, and the judiciary will rely on another $32 million from bankruptcy charges, including a 33% increase in the current filing fee. +20817017 The $17.2 billion total for the bill doesn't include an estimated $1.2 billion in supplemental anti-drug funds approved by the House-Senate conference yesterday, and the rush of money is already provoking jealousy among states competing for assistance. +20817018 The House agreed to defer for a year a scheduled 50% increase in the required state matching funds for law-enforcement grants but, by a 287-123 margin, the chamber stripped a Senate initiative to raise the minimum grant for smaller states, such as New Hampshire and Delaware, to $1.6 million from $500,000. +20817019 Few are more powerful in the competition for funds than the appropriations committees themselves -- including the three authors of the Gramm-Rudman-Hollings deficit-reduction law. +20817020 When a House-Senate conference on yesterday's bill rescinded $11.8 million in unexpended funds for a Fort Worth, Texas, economic development project backed by former Speaker James Wright, Sen. Phil Gramm (R., Texas) insisted last week that the money be preserved. +20817021 The measure includes $2 million secured by Mr. Rudman for a marine-research project at the University of New Hampshire, and Sen. Ernest Hollings (D., S.C.) used his power to add $10 million for an advanced technology initiative in the Commerce Department. +20817022 This was in addition to a more parochial $4.5 million authorization for a health center in South Carolina upheld by a 273-121 vote in the House last night. +20818001 The Big Three U.S. auto makers posted losses in their core North American automotive businesses for the third quarter, and expectations of continued slow vehicle sales and price wars are casting a pall over the fourth period. +20818002 The strongest sign of the Big Three's woes came from Ford Motor Co., which said it had a loss in its U.S. automotive business for the first time since 1982. +20818003 Ford predicted fourth-quarter net income will fall below the year-earlier level, partly because of a likely $500 million charge from the sale of its steel operations. +20818004 The bleak automotive results were offset by strong earnings from some non-automotive operations. +20818005 Still, the combined profit of Ford, Chrysler Corp. and General Motors Corp. fell 44% to $1.02 billion from $1.83 billion a year earlier, excluding a one-time gain of $309 million at Chrysler from the sale of Mitsubishi Motors Corp. stock. +20818006 The last time all three companies reported North American automotive losses was in the recession year of 1982. +20818007 Yesterday's announcements helped spark a midday wave of program selling in the stock market. +20818008 GM's common closed at $44.375 a share, down 50 cents, Ford fell 37.5 cents to end at $47.50, and Chrysler eased 37.5 cents to $22.25, all in New York Stock Exchange composite trading. +20818009 The market's pessimism reflects the gloomy outlook in Detroit. +20818010 As Japanese auto makers gained market share, the Big Three, with GM in the lead, slashed North American production and launched a retail discounting blitz. +20818011 The price war peaked in the third quarter as Big Three factory discounts climbed to more than $1,000 a vehicle, according to industry officials. +20818012 GM probably had the "heaviest incentives," said Robert S. Miller, Chrysler's chief financial officer. +20818013 "We all did what we had to do to stay within sight of them." +20818014 But the costly efforts did little to slow Japanese market gains, and domestic car sales have plunged 19% since the Big Three ended many of their programs Sept. 30. +20818015 GM, Ford and Chrysler have already cut fourth-quarter U.S. output plans an estimated 15% from 1988 levels. +20818016 If sales don't pick up, the cuts will go deeper and incentives will sprout again. +20818017 Ford, which has long boasted of its ability to weather a downturn, saw earnings take a beating. +20818018 The No. 2 auto maker blamed incentive costs and reduced production -- both the result of a substantially weaker U.S. market -- for a 44% drop in net to $477.1 million, or $1.03 a share, on revenue of $20.24 billion. +20818019 Nearly all the decline came in Ford's U.S. automotive operations. +20818020 The Dearborn, Mich., auto maker ran a loss of $37 million on assembling and marketing cars in the U.S., a deterioration of $378 million in that line from the 1988 quarter. +20818021 Ford managed to show a profit for the quarter primarily because of earnings from overseas auto operations and financial services. +20818022 A year earlier, Ford reported record net of $856.3 million, or $1.78 a share, on revenue of $20.38 billion. +20818023 In the latest nine months, Ford earned $3.52 billion, or $7.51 a share, compared with $4.14 billion, or $8.53 a share. +20818024 The U.S. automotive loss was a sharp reversal for a company that had reeled off 12 consecutive quarters of improved earnings until the 1989 second quarter. +20818025 But David N. McCammon, vice president, finance, insisted that cost-cutting and tight production capacity will make results "better in this downturn than in prior downturns," when Ford had net losses. +20818026 Still, Mr. McCammon said Ford expects the U.S. economy to weaken through the end of 1990, causing weaker sales and production. +20818027 As a result, fourth-quarter profit will come in below 1988 results, although the drop won't be as sharp as the 44% third-quarter decline, he said. +20818028 Part of the drop will come from an anticipated charge of as much as $500 million from the proposed sale of its Rouge Steel unit. +20818029 In the 1988 fourth quarter, Ford had net of $1.16 billion, or $2.42 a share. +20818030 Chrysler's operating profit fell to a scant $22 million, or 10 cents a share, its lowest quarterly total in seven years. +20818031 Its $309 million, or $1.32 a share, gain from the sale of 75 million Mitsubishi shares made net $331 million, or $1.42 a share. +20818032 Sales were flat at $7.88 billion. +20818033 The results include record quarterly earnings of $76 million from Chrysler Financial Corp. +20818034 A year earlier, Chrysler's net was $113 million, or 50 cents a share. +20818035 Mr. Miller said costs of incentives caused a "moderate" loss in the Highland Park, Mich., company's North American car and truck business. +20818036 He said the loss wasn't "that much different" from Ford's $37 million loss on U.S. automotive operations, but he declined to be specific. +20818037 Mr. Miller said Chrysler spent an average of $1,000 a vehicle on its incentive programs in the third quarter, compared with about $450 a vehicle a year earlier -- a "high-water mark" at the time. +20818038 He said Chrysler "is no longer sure" of its forecast for industry car and truck sales of 14.2 million in the 1990 model year. +20818039 Consumers, he said, are balking at higher prices on 1990 cars, especially after seeing the incentive-reduced prices on 1989 models. +20818040 In the nine months, net was $1.02 billion, or $4.38 a share, including the gain from the Mitsubishi stock sale, compared with $617 million, or $2.77 a share, after a charge of $93 million, or 42 cents a share, for plant closings in the 1988 period. +20818041 Sales rose 8.4% to $27.95 billion from $25.78 billion. +20818042 Heavy losses in North American auto operations sent GM's net tumbling to $516.9 million from a record $859.2 million. +20818043 Detroit-based GM doesn't issue separate quarterly earnings for the North American automotive business. +20818044 But analysts estimated that GM had a loss of as much as $300 million on domestic vehicle operations. +20818045 An 8.5% drop in North American factory sales of cars and trucks cut into revenue, and rebates to dealers and customers more than offset gains from price increases on 1990 model vehicles delivered during the period, a GM spokesman said. +20818046 But GM's results also illustrate the increasing diversity of its operations. +20818047 In one breakdown, GM attributed half of its net to its two big technology units, Electronic Data Systems Corp. and GM Hughes Electronics Corp. +20818048 Meanwhile, GM said overseas auto operations are on track to exceed last year's record full-year net of $2.7 billion. +20818049 The diversified operations helped GM build its cash reserves, exclusive of its financial subsidiary, to $5.5 billion as of Sept. 30, a 22% increase from a year earlier. +20818050 This cushion could come in handy if GM has to trim fourth-quarter North American production schedules more than the already scheduled 9.5%. +20818051 Under the circumstances, it won't be easy for GM to exceed its record 1988 fourth-quarter net of $1.4 billion, the spokesman acknowledged. +20818052 That means it's unlikely the company will surpass last year's $4.9 billion full-year profit, even though net for the first nine months was up 1.9% to $3.52 billion on revenue of $95.57 billion. +20818053 It earned $3.46 billion on revenue of $91.21 billion in the 1988 nine months. +20819001 There are two versions of "Measure for Measure" on stage at the Alley Theater here. +20819002 One is a strong, vigorous portrayal of Shakespeare's play; the other is director Gregory Boyd's overlay of present-day punk rock decadence on old Vienna. +20819003 "Measure for Measure" is one of Shakespeare's "problem" plays, so named because it does not fit neatly into a category such as tragedy, comedy or history. +20819004 Its ambiguity and uneasy mixture of the serious and the comic is no doubt one reason why it is very much in vogue with directors just now. +20819005 Last season, Hartford Stage director Mark Lamos mounted a production at Lincoln Center, and currently two other productions -- one just closed at the Old Globe in San Diego and another now at the Seattle Rep -- overlap with Mr. Boyd's. +20819006 In the play, the Duke of Vienna despairs over the licentiousness of his subjects and turns over the rule of the city to the puritanical Angelo, hoping he can set things right. +20819007 When Angelo hears that the young man Claudio has made his fiancee pregnant before he could marry her, Angelo summarily condemns Claudio to death. +20819008 When, however, Claudio's sister, Isabella, a novitiate in a convent, goes to Angelo to plead her brother's case, the obdurate ruler immediately falls in love with her and, in a supreme act of hypocrisy, demands that Isabella yield up her virtue to him in exchange for her brother's life. +20819009 Meanwhile, the Duke, who set the original scheme in motion, appears on the scene disguised as a friar and becomes involved in a series of intrigues that has everyone fearing the worst possible outcome until the Duke arranges a last minute reprieve for all concerned. +20819010 For the Alley production, scene designer Peter David Gould has arranged a stark but extremely effective set featuring a rectangular platform of white-washed boards that extends into the audience. +20819011 When the action requires, a prison cell, consisting of an enlarged wire cage, rolls forward on iron wheels on the platform. +20819012 In the play's major scenes Mr. Boyd demonstrates that he has a firm grasp of the Shakespearean dynamic. +20819013 When Isabella (Ellen Lauren) confronts her brother Claudio (Matt Loney) in his cell, explaining the price she has been asked to secure his freedom; when Isabella and the disguised Duke (Philip Kerr) conspire to trick Angelo; and when Mariana (Annalee Jefferies), a woman wronged by Angelo, confronts him with his past misdeeds, the performers bring the dramatic high points to life with intense energy and intelligence. +20819014 At such moments Mr. Boyd makes it clear that he has the capacity to be a superior interpreter of Shakespeare. +20819015 When, however, he decides to be modern, or more accurately, when he decides to be trendy, the results are far less satisfactory. +20819016 Mr. Boyd is of the directorial school that believes one must find modern parallels or metaphors to make Shakespeare accessible to today's audiences. +20819017 It's a valid approach, but it puts a heavy burden on the director to show an uncommon degree of imagination and taste. +20819018 In his "Measure," Mr. Boyd has "modernized" the pimps and prostitutes of Vienna whom Angelo is supposed to bring under control by converting them into transvestites, punk rockers and heavy metal types, with a strong emphasis on leather, chains and porno-inspired costumes. +20819019 Loud rock music accompanies all the scene changes, even those in the convent. +20819020 When Claudio is arrested, he is brought on stage nude except for the manacles on his wrists and ankles. +20819021 When the opportunist Lucio (Jack Stehlin) visits the convent to inform Isabella of her brother's fate, Lucio not only slaps the mother superior on her rear, but brings along a voluptuous companion (Jill Powell), not in Shakespeare's script, to undulate lasciviously. +20819022 Meanwhile, the pimp Pompey (Glen Allen Pruett), dressed in black leather and a prominent codpiece, indulges in enough obscene gestures and pelvic thrusts to launch a space probe. +20819023 The problem here is not in the concept but in its lack of discrimination. +20819024 The inclusion at one point, for example, of a list of glitzy modern-day malefactors, ranging from Jim Bakker and Leona Helmsley to Zsa Zsa Gabor, is a bid for a cheap laugh unworthy of Mr. Boyd's ability. +20819025 Despite the excesses, however, the scorecard for the production has many more pluses than minuses. +20819026 What's more, it represents an important step for the Alley Theater. +20819027 "Measure for Measure" is Mr. Boyd's first directorial assignment as the theater's new artistic director. +20819028 He succeeded Pat Brown, who was fired by the Alley board 18 months ago. +20819029 Her dismissal angered many in the regional theater establishment and led Peter Zeisler, head of Theatre Communications Group, to write an editorial in American Theatre magazine condemning the board. +20819030 None of this backlash could change the fact that Ms. Brown's regime was remarkably undistinguished and unimaginative. +20819031 Now the Alley has moved ahead on both artistic and financial fronts. +20819032 Not only is Mr. Boyd giving the theater a new sense of adventure and excitement on stage, the balance sheet is the best the theater has had in 10 years. +20819033 As opposed to the $1.4 million deficit of the 1987-88 season, the 1988-89 year concluded with a $200,000 surplus and a $500,000 cash reserve. +20819034 Admittedly last season's runaway hit, "Steel Magnolias," helped a lot, but so did cost cutting and other measures insisted on by the board. +20819035 Only time will tell if Mr. Boyd can restore to the Alley the acclaim it received when its founder, Nina Vance, was at the height of her powers. +20819036 But it is clear he is going to give it a shot. +20820001 Democratic leaders have bottled up President Bush's capital-gains tax cut in the Senate and may be able to prevent a vote on the issue indefinitely. +20820002 Senate Majority Leader George Mitchell (D., Maine) said he intends to use Senate procedures to force advocates of the tax cut to come up with at least 60 votes before they can address the issue. +20820003 And neither Democrats nor Republicans are predicting that the capital-gains forces can produce enough votes. +20820004 "The 60-vote requirement will be there and they don't have the 60 votes," Sen. Mitchell said. +20820005 "They don't have the votes to get it passed." +20820006 Sen. Bob Packwood (R., Ore.), the leading Republican proponent of the tax cut, didn't disagree. +20820007 "I'm not sure what's going to happen," he said. +20820008 Previously he had said he would be able to find the requisite 60 votes eventually. +20820009 Sen. Packwood has offered his capital-gains-cut package as an amendment to a bill, now pending in the Senate, that would authorize aid to Poland and Hungary. +20820010 Democrats are holding up a vote on the amendment by threatening a filibuster, or extended debate. +20820011 For a cloture vote to stop the filibuster, Republicans must muster at least 60 votes. +20820012 Yesterday, Sen. Packwood acknowledged, "We don't have the votes for cloture today." +20820013 The Republicans show no sign of relenting. +20820014 GOP leaders continued to press for a vote on the amendment to the Eastern Europe aid measure. +20820015 And they threatened to try to amend any other revenue bill in the Senate with the capital-gains provision. +20820016 "This is serious business; we're serious about a capital-gains reduction," said Kansas Sen. Robert Dole, the Senate's Republican leader. +20820017 "The strategy is `Let's vote.' " +20820018 The Republicans contend that they can garner a majority in the 100-member Senate for a capital-gains tax cut. +20820019 They accuse the Democrats of unfairly using Senate rules to erect a 60-vote hurdle. +20820020 Democrats counter that the Republicans have often used the same rules to suit their own ends. +20820021 The two sides also traded accusations about the cost of the Packwood plan. +20820022 Democrats asserted that the proposal, which also would create a new type of individual retirement account, was fraught with budget gimmickry that would lose billions of dollars in the long run. +20820023 Republicans countered that long-range revenue estimates were unreliable. +20820024 The Packwood proposal would reduce the tax depending on how long an asset was held. +20820025 It also would create a new IRA that would shield from taxation the appreciation on investments made for a wide variety of purposes, including retirement, medical expenses, first-home purchases and tuition. +20820026 A White House spokesman said President Bush is "generally supportive" of the Packwood plan. +20900001 Marsh & McLennan Cos. said it agreed to acquire the rest of Gradmann & Holler, a leading West German insurance brokerage firm in which it has held a 15% stake for 15 years. +20900002 The transaction, for cash and stock, would represent the biggest European takeover since 1980 for New York-based Marsh & McLennan, the world's largest insurance broker. +20900003 It's also the first major sign of the long-awaited consolidation in the European insurance industry as the European Community Commission moves toward a single market by 1992. +20900004 Protective barriers will start coming down within the insurance industry next summer, when big industrial companies will be able to buy insurance from carriers in any other EC country for the first time. +20900005 That's why "we have been working hard to develop a single, more unified presence in Europe," said A.J.C. Smith, Marsh & McLennan's president, at a London news conference yesterday. +20900006 Analysts speculated that Marsh & McLennan would spend between 250 million marks ($136.4 million) and 350 million marks for the rest of Gradmann & Holler, or roughly 25 to 30 times the private firm's estimated earnings. +20900007 "This is paying a big price to maintain their virility as the world's leading insurance broker," said Philip Olsen, an analyst at Kitcat & Aitken, a U.K. brokerage firm. +20900008 Earlier this year, New York Life Insurance Co. agreed to acquire Windsor Group Ltd., a first step toward establishing a presence in the European market ahead of 1992. +20900009 But most U.S. insurers haven't rushed to change the way they do business in Europe because they believe the European market will still be dominated by a handful of domestic companies. +20900010 Under the proposed combination, Marsh & McLennan would gain a majority stake in Gradmann & Holler that would increase over time to the rest of the remaining 85%. +20900011 The three managing general partners would receive a "significant" number of Marsh & McLennan shares, said Walther L. Kiep, a partner who would also join Marsh & McLennan's board. +20900012 Mr. Kiep said he sought the combination because "all our large clients in Germany are becoming European companies or multinational companies and they expect an insurance broker" to serve them as well in Paris as in Germany. +20900013 Beatrice E. Garcia in Philadelphia contributed to this article. +20901001 WASHINGTON -- +20901002 United Technologies Corp. won an $18 million Army contract for helicopter modifications and spare parts. +20901003 The company will modify one UH-60A Blackhawk transport helicopter to the prototype MH-60K configuration for use by military special forces. +20901004 Ingalls Shipbuilding Inc., a division of Litton Industries Inc., was given a $15.5 million extension on a contract for shipyard services. +20902001 Furukawa Electric Co. said it plans to increase production of computer memory devices on a large scale in the U.S. and Japan. +20902002 As part of the move, its affiliated U.S. company, International Components Technology Corp., purchased a Mexican plant formerly belonging to KSI Disc Products Inc. +20902003 The price wasn't disclosed. +20902004 Together with two existing plants in the U.S., Furukawa said it will expand its current local monthly production of memory disks to 1.4 million sheets from 800,000. +20902005 In Japan, Furukawa said it will raise production at a plant outside Tokyo to 300,000 sheets monthly from 100,000. +20902006 Furukawa said the U.S. market is strengthening as related computer technology gains in sophistication and quality. +20903001 PRIMERICA Corp., New York, raised its quarterly 14% to eight cents a share, from seven cents, payable Nov. 24 to stock of record Nov. 6. +20903002 The financial services company, which has about 98.8 million shares outstanding, noted its "continued confidence in the ongoing strength of the operations. +20904001 Compaq Computer Corp. said that its net income rose 51% in the third quarter, bolstered by unusual gains from its investment in a disk-drive maker and reflecting continued growth in its European operations. +20904002 The computer maker said net jumped to $87 million, or $2.02 a share, from $58 million, or $1.40 a share, a year earlier. +20904003 Sales increased 36% to $683 million from $502 million. +20904004 The latest quarter's results, however, included a pretax gain of $13.7 million, or 20 cents a share, in the carrying value of the company's investment in Conner Peripherals Inc. and a $7.6 million gain, or 11 cents a share, from the sale of one million Conner shares. +20904005 Net for the nine months was $254 million, or $5.94 a share, up 56% from $163 million, or $4.06 a share, a year earlier. +20904006 Sales rose 50% to $2.1 billion from $1.4 billion. +20904007 Net for the year-earlier nine months also included a gain of $9.7 million, or 15 cents a share, in the carrying value of the Conner investment. +20904008 Michael Swavely, president of Compaq's North America division, attributed the company's third-quarter performance to continued increases in international sales, which accounted for 43% of the company's sales, a 74% increase from a year earlier. +20904009 "Over the next couple of years we would not be surprised to see Europe and international {sales} represent 50% of the company's revenues," he said. +20904010 During the third quarter, Compaq purchased a former Wang Laboratories manufacturing facility in Stirling, Scotland, which will be used for international service and repair operations. +20904011 Mr. Swavely said the new space will allow Compaq to increase the manufacturing capacity of its plant in Erskine, Scotland. +20904012 In New York Stock Exchange composite trading yesterday, Compaq shares fell $1.625 to $108.625. +20905001 Wilson H. Taylor, president and chief executive officer of this insurance and financial services concern, was elected to the additional post of chairman. +20905002 Mr. Taylor, 45 years old, succeeds Robert D. Kilpatrick, 64, who is retiring, as reported earlier. +20905003 Mr. Kilpatrick will remain a director. +20906001 Diversified Investment Group Inc. said it agreed to be acquired by Star States Corp. for stock valued at $13.75 a share, or about $24.4 million. +20906002 Diversified, the holding company for Fidelity Federal Savings & Loan Association, said the agreement also gives Star States the option to acquire 588,300 of Diversified's 1,774,326 shares outstanding "under certain circumstances." +20906003 The acquisition would give Wilmington, Del.-based Star States access to the Pennsylvania market. +20906004 The agreement is subject to regulatory approval and resolution of lawsuits brought by certain Diversified holders in connection with the proposed merger. +20907001 Chandler Insurance Co. said it expects to report third-quarter net income jumped 97% to $2.8 million, or 51 cents a share. +20907002 In the year-earlier quarter, the automobile and trucking insurer had earnings of $1.4 million, or 48 cents a share on a restated basis, on revenue of $16.5 million. +20907003 In an interview, W. Brent LeGere, chairman and chief executive officer, said he expects revenue in the latest quarter to total about $28 million. +20907004 The earnings-per-share figures reflect a 25% stock dividend in June 1989. +20907005 Mr. LeGere attributed the earnings increase to growth in the company's longhaul trucking insurance lines and the ability to keep premium rates firm. +20908001 Calgon Carbon Corp. said it will build a $40 million plant for producing granular activated carbon. +20908002 The maker of water-treatment chemicals and equipment said it will select the plant site early next year, and production is expected to begin in 1991. +20909001 Call Jim Wright's office in downtown Fort Worth, Texas, these days and the receptionist still answers the phone, "Speaker Wright's office." +20909002 The former congressman, who resigned as speaker of the House after an investigation of his financial dealings, is ensconced in his district office, maintained by taxpayers on a $200,000 allowance. +20909003 He is negotiating a rich book contract to boot. +20909004 One of the hottest tickets on Washington's social calendar this fall was a charity benefit honoring former Congressman Tony Coelho, who landed a million-dollar job on Wall Street after resigning over a controversial junk-bond investment last summer. +20909005 Michael Deaver, the former White House aide, has become the most recent addition to the teeming ranks of fallen politicians and officials earning their way as lobbyists and consultants here. +20909006 Mr. Deaver has reopened a public-relations business. +20909007 Surviving scandal has become a rite of political passage at a time when a glut of scandal has blunted this town's sensibility. +20909008 Let the president demand strict new ethics rules: With four sitting House members accused of sexual misdeeds, amid the unfolding HUD scandal and after the Wright debacle, "people are slightly dulled by scandal," says political humorist Art Buchwald. +20909009 "It now takes something really weird to inspire public outrage." +20909010 Not all the scandal-tripped have enjoyed soft landings. +20909011 But many have. +20909012 "These people bounce back more resiliently than regular people," says Washington writer Suzanne Garment, who is working on a history of post-Watergate scandal. +20909013 Given their own penchant for book writing, it is surprising that none of the masters of scandal survival have yet published a guide to the art. +20909014 For there is an emerging protocol -- indeed, an etiquette -- to it. +20909015 Among the rules: +20909016 Pretend Nothing Happened +20909017 As if he were still in his old job, Mr. Wright, by resigning with his title instead of being forced from his job, by law enjoys a $120,000 annual office expense allowance, three paid staffers, up to $67,000 for stationery and telephones and continued use of the franking privilege. +20909018 Not to mention a generous federal pension. +20909019 There is also a busy schedule of speaking engagements at $10,000 a pop, at tony places including the Yale Political Union. +20909020 "He's as busy as he was as speaker," reports Mr. Wright's administrative aide, Larry Shannon. +20909021 Atone +20909022 On the edge of fashionable Georgetown, in a chic office with a river view and a number of corporate clients whom he won't name, Mr. Deaver is trying to reclaim his reputation as one of the savviest image makers in town. +20909023 There are few mementos of his days as White House deputy chief of staff and confidant of Ronald and Nancy Reagan. +20909024 The former $3 million-a-year lobbyist now frequents shelters for the homeless and devotes a third of his time counseling other recovering alcoholics. +20909025 "I feel better than I ever have in my life," he says. +20909026 Mr. Deaver confessed to his alcoholism during his trial on perjury charges. +20909027 He is also a recovering workaholic, relaxing with his family and creating topiary, or garden-shrub sculpture, a fashionable pursuit for which he developed a passion during his three-year legal ordeal. +20909028 One sign of Mr. Deaver's renaissance: an appearance on ABC's "Nightline" for a show on pack journalism. +20909029 Host Ted Koppel introduced him as "the media master of the Reagan Administration," with nary a mention of Mr. Deaver's conviction in 1987 on perjury charges. +20909030 Finding God +20909031 "When someone says, 'I've turned to God,' everybody lays off," observes Frank Mankiewicz, an old Washington hand and former aide to Robert Kennedy. +20909032 Thus have Charles Colson and Jeb Magruder launched successful post-Watergate careers at the pulpit. +20909033 But it doesn't always work so smoothly. +20909034 After allegations surfaced in a 1985 divorce contest that he had beaten his wife, SEC enforcement chief John Fedders retreated to a Trappist monastery in rural Virginia. +20909035 He is now in solo law practice in Washington, but his fees have been meager and he failed in efforts to win a chunk of his ex-wife's royalties on her tell-all book. +20909036 From time to time he returns to the monastery for prayer, meditation and pro bono legal work. +20909037 Mr. Fedders is philosophical about his travails. +20909038 "This whole experience has been an opportunity for internal growth," he says. +20909039 He sees a psychoanalyst five mornings a week. +20909040 "I've surrendered to the circumstances," Mr. Fedders says. +20909041 "The word surrender has a precise psychoanalytic meaning. +20909042 My universe has changed. +20909043 I'm enjoying my life and who I am today. +20909044 The aspect of being a mega-lawyer isn't as important." +20909045 Don't Linger +20909046 "The best thing you can do is get off the screen," says Mr. Buchwald. +20909047 Nobody proved that more masterfully than Mr. Coelho, the former Democratic majority whip. +20909048 Declaring that there was life after Congress, he resigned almost immediately after media reports questioned the propriety of a 1986 junk-bond investment, before any official investigations took hold. +20909049 Among the glitterati who turned out in bipartisan black-tie force to benefit the Coelho Epilepsy Fund last month were Sen. Robert Dole, Rep. Newt Gingrich, and other kingpins of Congress. +20909050 Dan Rather served as emcee. +20909051 From his new, million-dollar-a-year perch on Wall Street as a managing director of Wertheim Schroder & Co., Mr. Coelho reports that many of his former colleagues have contacted him to find out how they, too, can pursue investment banking careers. +20909052 It Helps to Be Male +20909053 Male scandal victims invariably fare better. +20909054 Anne Burford, the former EPA chief who resigned under fire in 1983 during a flap with Congress, was kayoed in the confrontation, even though she was never charged with official wrondgoing. +20909055 She worked part-time as a consultant and wrote a book, but never restarted her high-powered legal career. +20909056 It didn't help when, in 1986, she was charged (and then cleared) on allegations of public drunkenness. +20909057 "I cut my losses and ran," she says, from her new home in Colorado, where she is busy remodeling. +20909058 Mrs. Burford remains bitter over the overwhelming legal expenses involved in clearing her name. +20909059 "My husband was instantly impoverished by the very act of marrying me," she says. +20909060 Another former EPA official, Rita Lavelle, is still struggling after her conviction in 1983 on perjury charges. +20909061 "There's nothing she could do to bring herself back to where she was," says her lawyer, James Bierbower. +20909062 "You could say she survived, but it wasn't easy on her." +20909063 No book contracts have been dangled before Deborah Gore Dean, the reigning queen of the HUD scandal. +20909064 Donna Rice of Gary Hart fame failed to obtain a book contract and lost her modeling contract for "No Excuses" jeans. +20909065 Fawn Hall, Oliver North's former secretary, has yet to launch a hoped-for television news career, according to her lawyer. +20909066 Rita Jenrette, the former wife of Abscam-indicted Rep. John Jenrette, has yet to hit it big in Hollywood, although with roles in such movies as "Zombie Island Massacre" and "Aunt Ida's Bikini Shop," she is doing a lot better than her former husband. +20909067 He was back in jail over the summer on shoplifting charges. +20909068 Be the Star +20909069 Central figures -- such as Richard Nixon -- usually fare better than those with supporting roles. +20909070 Richard Secord, the retired Air Force general felled in the Iran-Contra scandal, is all but ruined -- forced to sell his Virginia home and pull his kids out of college, according to a recent fund-raising appeal sent out on his behalf. +20909071 Yet his co-defendant in the case -- also a former military officer by the name of Oliver North -- has been busily and profitably burnishing his involvement in the affair. +20909072 What accounts for the difference? +20909073 During the televised Iran-Contra hearings, Mr. North came off as a patriot from central casting. +20909074 Mr. Secord's performance was decidedly less inspiring. +20909075 Mr. North remains in heavy demand as a speaker, for fees reported in the $20,000 range. +20909076 Even in the wake of Hurricane Hugo 750 people turned out in a remote Virginia town in September for a "family tribute" to Mr. North given by two dozen conservative members of Congress. +20909077 If Sex Is Involved, All Bets Are Off +20909078 Sex scandals make people look careless and silly, and one of the worst sins in Washington is to be laughed at. +20909079 "You can be wicked, but not foolish," says Mr. Mankiewicz. +20909080 Nevertheless, Rep. Gerry Studds of Massachusetts was handily re-elected because of the candor with which he handled revelations that he had sex with a male congressional page in 1983. +20909081 Former Rep. Robert Bauman, a Maryland Republican who lost his seat in 1980 after he was caught soliciting sex from a 16-year-old boy, has never regained his professional footing as a lawyer. +20909082 Mr. Bauman, a conservative, says he was deserted by the right wing. +20909083 "Conservatives shoot their own," he says. +20909084 If the political establishment is reluctant to forgive sexual misadventures, the private sector sometimes will. +20909085 John Tower was accused of womanizing and boozing during his unsuccessful bid to win confirmation as secretary of defense earlier this year. +20909086 Now he is writing a book, serving on an elite foreign policy advisory board and consulting for an array of corporate clients, including British publishing mogul Robert Maxwell. +20909087 Become a Lobbyist +20909088 When all else fails, Gucci Gulch -- the fabled halls of the Capitol inhabited by lobbyists and their imported shoes -- offers a welcome environment for fallen officials. +20909089 Former Rep. Fernand St Germain, brought down by the savings-and-loan crisis, now represents -- you guessed it -- savings-and-loans associations. +20909090 Some become pseudo-lobbyists. +20909091 John Mack promptly quit his job last spring as an aide to Speaker Wright amid public outrage over Mr. Mack's violent attack on a young woman when he was 19 years old. +20909092 After a few weeks in seclusion, Mr. Mack opened a consulting firm, but not to enable him to directly lobby; that would require him to disclose his clients by registering as a lobbyist. +20909093 Still, Mr. Mack says he talks to "30 members of Congress a week." +20909094 Misery Loves Company +20909095 Other scandal survivors are sometimes the best source of solace. +20909096 Raymond Donovan, the New Jersey construction executive who was forced to resign as labor secretary and indicted in 1985, only to be acquitted of fraud charges, often calls other scandal-tossed public figures to offer a sympathetic ear. +20909097 Each time a new scandal hits, he says, "it pulls the scabs off your knees." +20909098 One of the first people to come to the Deaver home after his troubles erupted was former Nixon aide John Ehrlichman, whom Mr. Deaver scarcely knew. +20909099 "He reassured me that the hurricane would end," Mr. Deaver recalls. +20909100 Mr. Bauman received an encouraging letter from the recognized master of scandal survival, Richard Nixon. +20909101 Says Mr. Bauman: "If things get really tough, I can always auction it off at Sotheby's. +20910001 The Canadian government, with a view to becoming more politically active in Latin America, is expected to announce tomorrow its application to join the Organization of American States, a Washington-based regional agency. +20910002 The expected Canadian move has been welcomed by the Bush administration even though Canada has opposed such U.S. actions as the trade embargo against Cuba, the invasion of Grenada and the military support for Nicaragua's Contra guerrillas. +20910003 Latin American countries have long urged Canada to join the OAS in the hopes that it would be a counterweight to the U.S., which for many years tended to dominate the 32-nation organization. +20910004 Even though the U.S. also has supported Canadian membership, it hasn't been a Washington priority. +20910005 "The fact that we might not side with the Americans may be a reason why Canada's membership in the OAS hasn't been, over the years, an item high on the U.S. agenda," said Allan Gotlieb, former Canadian ambassador to the U.S. +20910006 The Canadian application is expected to be announced in San Jose, Costa Rica, by Canadian Prime Minister Brian Mulroney, who is attending a centenary celebration of Costa Rican democracy. +20910007 "Canada has a larger and more beneficial role to play in the hemisphere," Mr. Mulroney said recently. +20910008 Some Canadian political commentators have opposed Canada's joining what they see as a U.S.-dominated organization. +20910009 "Canada could do plenty of things to get serious about Latin America without running the risk of getting caught in the cross fire" between the U.S. and Latin American members of the OAS, said Jeffrey Simpson, a columnist in Toronto's Globe & Mail newspaper. +20910010 Canada, at times, could be an awkward OAS partner for the U.S. if its United Nations voting record is an indication. +20910011 In U.N. General Assembly votes last year, Canada voted the same as the U.S. only 63% of the time. +20910012 France voted the same as the U.S. 76% of the time, West Germany 79% and Britain 83%. +20910013 Larry Birns, director of the Washington-based Council on Hemispheric Affairs, a liberal research group, said that Latin American countries would be "profoundly disappointed" if Canada were to follow the U.S. lead in the OAS. +20910014 "Latin Americans see Canada as a non-interventionist power that respects their sovereignty," he said. +20910015 The OAS, which tries to promote peace and economic development within the Americas, is attempting to find a settlement of the current Panama political crisis. +20910016 Cuba has been suspended from OAS membership, but the organization's members are discussing Cuba's reinstatement. +20911001 Robert H. Knight's Oct. 5 editorial-page article bemoaning violence in comedy movies ("Hollywood, You Slay Me") is interesting, but somewhat off-base. +20911002 As a fan of older movies from the 1920s on, I do not find modern comedies contain violence, sex and foul language to any greater degree than other recent movies. +20911003 Older movies have plenty of violence, though it is portrayed in keeping with the more restrictive social conventions of the time. +20911004 For example, one of my favorite movies is the 1949 British comedy "Kind Hearts and Coronets," in which the entire comedy is based on actor Dennis Price's murdering eight titled relatives (all played by Alec Guinness) because they snubbed his mother and stand in the way of his acquiring the family title. +20911005 Similarly, one of the most popular comedy genres of the 1930s and '40s was the "murder mystery/comedy." +20911006 The "Thin Man" series of movies, as well as many others, based their entire comedic appeal on the star detectives' witty quips and puns as other characters in the movies were murdered. +20911007 Further, I think Mr. Knight made a poor choice in picking "A Fish Called Wanda" as an example of the deplorable state of modern comedy movies. +20911008 The specific scene he mentions in which pet dogs are crushed is somewhat reminiscent of the continual plights that befall the coyote in the old Warner Bros. "Road Runner" cartoons. +20911009 There is no slow-motion close-up, blood-and-guts portrayal of the animal's demise. +20911010 Keep in mind that this is the same movie in which a character is flattened by a steamroller only to pop right back up and peer in the window of a Boeing 747 -- from the outside -- as it takes off. +20911011 I will be the first to agree that there is much to be found wrong with modern movie making. +20911012 Many modern scriptwriters seem to be incapable of writing drama, or anything else, without foul-mouthed cursing. +20911013 Sex and violence are routinely included even when they are irrelevant to the script, and high-tech special effects are continually substituted for good plot and character development. +20911014 In short, we have a movie and television industry that is either incapable or petrified of making a movie unless it carries a PG-13 or R rating. +20911015 Hence copious amounts of gratuitous sex, violence and gutter language are included as a crutch. +20911016 However, these faults are not the exclusive property of modern comedies, and I believe Mr. Knight errs when he attempts to link this modern phenomenon too closely to a single category of movie making. +20911017 Michael Smith +20912001 Rochester Telephone Corp. said it agreed to buy Viroqua Telephone Co. of Viroqua, Wis. +20912002 Terms weren't disclosed. +20912003 Rochester will exchange shares of its common stock for all shares outstanding of Viroqua Telephone, a family-owned company. +20912004 Viroqua serves about 3,000 access lines in western Wisconsin. +20913001 The average unemployment rate in the 15 biggest industrialized democracies was steady in August at the 6.1% rate of the two previous months, the Organization for Economic Cooperation and Development (OECD) said. +20913002 The August rate was 0.6 percentage point lower than in the like month a year earlier, reflecting the pickup of activity in the 15 countries. +20913003 The OECD said that most of the improvement occurred in the second half of last year; since February of this year, unemployment has been steady at around 6.2% of the labor force. +20914001 ALAMCO Inc. said its board has approved a 1-for-10 reverse stock split. +20914002 The Clarksburg, W.Va., producer of gas and oil, said it wants shareholders to approve the split because it would "enhance the marketability" and trading of the stock. +20914003 If approved at a shareholder meeting in December, the number of shares outstanding would decrease to five million from 50 million, and par value would rise to 10 cents from a penny. +20915001 Duriron Co. said it has agreed to buy Automax Inc., a Cincinnati maker of control accessories for industrial valves. +20915002 Terms weren't disclosed, but Duriron said the deal will be completed through an exchange of stock. +20915003 Closely held Automax has annual sales of about $10 million. +20915004 Duriron, a maker of pumps, valves and other controls, said the acquisition won't impact its 1989 profit. +20916001 Canadian manufacturers recorded a 0.8% decline in August in their backlog of unfilled orders, Statistics Canada, a federal agency, said. +20916002 The August drop was the fourth decline in five months. +20916003 Most of the August decrease was attributed to lower order backlogs in the primary metal and electric and electronics-product industries. +20916004 Manufacturers' shipments rose 0.3% in August following two months of declines. +20916005 Inventories fell 0.3% in August. +20917001 Burmah Oil PLC, a British independent oil company, said its West German subsidiary Castrol has a 49% share in Explonaft G.m.b.H., a new Polish lubricants company. +20917002 The remaining 51% of the joint venture will be controlled by Polish lubricants manufacturers, refiners and technical institutes. +20917003 Explonaft will develop application guidelines for lubricants, sell high-quality mineral oils, and offer services in industrial cleaning and related fields. +20917004 Burmah, which has a strong market position supplying marine lubricants and metal-working fluids in Poland, described the joint venture as "fairly small." +20917005 It didn't provide details of setup costs. +20918001 Du Pont Co. reported that third-quarter profit grew a robust 19% from a year ago on the strength of the company's operations in various chemicals and fibers, and in petroleum. +20918002 Du Pont also raised its quarterly dividend to $1.20 a share from $1.05, a change that will increase the annualized payout to shareholders by some $140 million. +20918003 Du Pont, unlike companies hurt badly by sharp price declines for basic chemicals and plastics, is benefiting from its broad range of businesses. +20918004 The profit gain was made despite a weakening in the housing market, for which the company is a supplier, and a strengthening in the dollar, which lowers the value of overseas earnings when they are translated into dollars. +20918005 The Wilmington, Del., company reported net of $547 million, or $2.36 a share, which was in line with Wall Street estimates. +20918006 In the year-earlier period, the company earned $461 million, or $1.91 a share. +20918007 Sales in the latest quarter were $8.59 billion, up 9.4% from $7.85 billion. +20918008 The dividend increase was Du Pont's second this year, an affirmation of statements by top executives that they intend to increase rewards to shareholders. +20918009 "We haven't benefited the shareholder as much as we need to," said Edgar Woolard Jr., Du Pont's chairman and chief executive officer, in an interview several months before he entered his current position in April. +20918010 The largest beneficiary will be Seagram Co., which owns about 23% of Du Pont. +20918011 A spokesman for Seagram, the Montreal wine and spirits concern controlled by the Bronfman family, said the company will post additional pretax profit of about $33 million a year because of the additional Du Pont dividends. +20918012 Du Pont also announced plans for a 3-for-1 stock split, although the initial higher dividend will be paid on pre-split shares. +20918013 Du Pont's stock rose $2.50 a share to close at $117.375 in New York Stock Exchange composite trading yesterday. +20918014 Seagram closed at $84.75, up 12.5 cents a share in Big Board trading. +20918015 Leading the gains for Du Pont in the latest quarter was its industrial products segment, where profit soared to $155 million from $99 million a year earlier. +20918016 The company benefited from continued strong demand and higher selling prices for titanium dioxide, a white pigment used in paints, paper and plastics. +20918017 James Fallon, a New Providence, N.J., marketing consultant to the chemicals industry, says Du Pont still holds an edge in making the pigment because the company was "first in with the technology" to lower costs. +20918018 He said Du Pont holds about 23% of the world-wide market, the largest single share, at a time when growing uses for the pigment have kept it in tight supply, although others are now adding low-cost production capacity. +20918019 Profit climbed to $98 million from $71 million in the petroleum segment, as Du Pont's Conoco Inc. oil company was helped by crude oil prices higher than a year ago and by higher natural gas prices and volume. +20918020 In the diversifed businesses segment, which includes herbicides, profit grew to $64 million from $27 million. +20918021 A spokesman said herbicide use in some areas of the U.S. was delayed earlier in the year by heavy rains, thus increasing sales in the third quarter. +20918022 In the fibers segment, profit rose to $180 million from $155 million, a gain Du Pont attributed to higher demand in the U.S. for most textile products. +20918023 Two segments posted lower earnings for the quarter. +20918024 Profit from coal fell to $41 million from $58 million, partly because of a miners' strike. +20918025 And profit from polymers dropped to $107 million from $122 million amid what Du Pont called lower demand and selling prices in certain packaging and industrial markets. +20918026 For the nine months, Du Pont earned $2 billion, or $8.46 a share, up 18% from $1.69 billion, or $7.03 a share, a year earlier. +20918027 Sales increased 10% to $26.54 billion from $24.05 billion. +20918028 The increased dividend will be paid Dec. 14 to holders of record Nov. 15. +20918029 The stock split, which is subject to holder approval, would be paid on a still unspecified date in January to holders of record Dec. 21. +20919001 American Medical International Inc. was dropped from the health care providers industry group of the Dow Jones Equity Market Index. +20919002 The company is being acquired. +20919003 U.S. Healthcare Inc. was added to the health care providers group. +20919004 Both moves are effective today. +20920001 The Canadian government plans to auction on Tuesday 750 million Canadian dollars (US$639.9 million) of 9.25% bonds due Dec. 1, 1999, the Finance Department said. +20920002 Proceeds of the issue will be used for general government purposes. +20921001 Finnish conglomerate Nokia Oy AB said it reached an agreement to buy Dutch cable company NKF Kabel B.V. for 420 million Finnish markka ($99.5 million). +20921002 Nokia said it will gain control over NKF Kabel by buying 51% of the shares in NKF Holding N.V., which owns NKF Kabel. +20922001 Western European leaders who favor speedy economic and monetary union are adding a new argument to their arsenal: the dizzying political changes under way in Eastern Europe. +20922002 French President Francois Mitterrand, European Community Commission President Jacques Delors, Spanish Prime Minister Felipe Gonzalez and others have begun linking the rapid changes in the East to the need to speed up changes in the West. +20922003 They are stressing that the best way for the West to help the East is to move faster towards Western European economic and monetary unity. +20922004 This would make the market-oriented system more attractive to Eastern countries, they argue, and allow greater economic aid and technological know-how to flow from West to East. +20922005 "The only response to the challenge being presented to us by the East," Mr. Mitterrand told the European Parliament in Strasbourg yesterday, "is to reinforce and accelerate the union and cohesion of the European Community." +20922006 Mr. Mitterrand proposed that a conference be convened next fall to write a new treaty for the EC allowing a European central bank, and that the treaty be ratified by 1992. +20922007 Mr. Mitterrand also proposed a separate "Bank for Europe" that would channel development money to the East. +20922008 One basis for linking change in the East and change in the West is the notion that integrating 110 million Eastern Europeans with 320 million Western Europeans is primarily the task of Europeans, despite the U.S.'s obvious strategic and economic interest. +20922009 Says a European strategist: "The U.S. tends to look at Eastern Europe {not including the Soviet Union} as Europe looks at Latin America: important but far away. +20922010 But for us in Western Europe, these are Europeans next door." +20922011 A reintegrated Europe implies big changes in 40-year-old military and economic policies. +20922012 There is likely to be a natural division of labor, says Francois Heisbourg, director of the International Institute for Strategic Studies in London, with the U.S. more engaged in strategic issues with the Soviet Union, and Western Europe more involved with specific aid measures for the East. +20922013 The designation at July's economic summit of major industrialized nations of the EC Commission as coordinator of Western aid to Poland and Hungary was a first step. +20922014 In part, this division is dictated by economics: West Germany is a net exporter of capital while the U.S. isn't. +20922015 While American aid efforts have been limited by budget problems, yesterday France announced a three-year, four billion French franc ($650 million) aid plan for Poland. +20922016 Despite sudden changes in the strategic equation, some Western European leaders, especially British Prime Minister Margaret Thatcher, remain skeptical about European political and economic unity, and are unlikely to let East-West concerns change their minds. +20922017 But British analysts are beginning to link the issues. +20922018 "We need a Western Ostpolitik," says John Roper, of the Royal Institute of International Affairs in London, referring to West Germany's longstanding policy of a diplomatic opening to the East. +20922019 "For Poland and Hungary we need to think about a stick-and-carrot economic approach that would force them to price things realistically in return for removing all our tariff barriers." +20922020 He notes that the Marshall Plan of U.S. aid to Europe "didn't just throw money at post-war Europe, it also liberalized and opened up those markets." +20922021 The French analysis goes further. +20922022 "Most of the West's leaders have finally concluded that we all want perestroika {Soviet leader Mikhail Gorbachev's policy of economic restructuring} to succeed," says Hubert Vedrine, security adviser to Mr. Mitterrand. +20922023 "But they haven't yet drawn the operational policy conclusions." +20922024 He adds that with communism collapsing and Mr. Gorbachev scrambling to rejuvenate the Soviet economy, "Our interest lies in a controlled transformation, a contained nuclear reaction, so we need to help him, and not just with words." +20922025 Managing change, he adds, will require a lot more aid and a prominent role for the EC, especially in dealing with the question of German reunification. +20922026 Thierry de Montbrial, director of the French Institutue for International Relations in Paris, says it isn't clear what, exactly, West Germany wants. +20922027 Any push for a Gorbachev vision of a "common European home," implying the eventual dissolution of the EC, a Soviet-German partnership and the withdrawal of U.S. forces, "would be a very, very serious problem," he says. +20922028 He doubts a Bismarckian super state will emerge that would dominate Europe, but warns of "a risk of profound change in the heart of the European Community from a Germany that is too strong, even if democratic." +20922029 He adds: "We, and the rest of the EC have to talk to the Germans, now, frankly and raise these future risks with them." +20922030 While many commentators, particularly French ones, worry that hasty and emotional reaction to the changes in the East might lead to dangerous pressures for a denuclearized Europe or the speeded-up withdrawal of American troops, Mr. Roper in London sees a more positive scenario. +20922031 "There seems to be a message from Moscow there's a deal on offer," he says. +20922032 "They want reassurance we won't try to undermine or destroy the Warsaw Pact. . . . +20922033 In return, the U.K. and France could keep their nuclear weapons. +20922034 He adds: "Once both sides feel comfortable, it should be that much easier to make more progress toward the economic and social reforms that are now starting in the East. +20923001 Kyle Technology Corp. said a Seattle investor has signed a letter of intent to buy the company for about $3.1 million, or $1.20 a share. +20923002 The investor, Donald A. Wright, plans to run the company, said a spokesman for Kyle. +20923003 The transaction has been approved by Kyle's board, but requires the approval of the company's shareholders. +20923004 Kyle manufactures electronic components. +20924001 Dominion Textile Inc. holders adopted a shareholder-rights plan at the annual meeting. +20924002 The so-called poison pill took effect Aug. 9 pending ratification by holders. +20924003 Rights attached to the company's common shares were issued that are triggered if a hostile bidder acquires more than 20% of the shares outstanding. +20924004 Once triggered, the rights allow holders to buy additional shares at 50% of the then current market price or, at the board's discretion, to receive securities or assets. +20924005 Separately, Dominion Textile posted net income of 4.7 million Canadian dollars ($4 million), or 12 Canadian cents a share, for the fiscal-first quarter ended Sept. 30. +20924006 The company had a net loss of C$2.3 million, or 14 Canadian cents a share, a year ago. +20924007 Sales were C$348.2 million compared with C$307.2 a year earlier. +20925001 Computer Sciences Corp. said it received a U.S. Postal Service contract that will have a value of at least $33 million. +20925002 Computer Sciences will perform data processing work for the Postal Service under the three-year contract, which also includes two additional option years for which compensation hasn't yet been fixed. +20925003 Computer Sciences said its work will improve mail-processing efficiency. +20925004 For its fiscal year ended March 31, Computer Sciences had revenue of $1.3 billion. +20926001 Ohbayashi Corp. agreed to buy E.W. Howell Co., the U.S. subsidiary of Selmer-Sande AS, of Norway, for about $7 million. +20926002 Howell, a Port Washington, N.Y., construction concern, was established in 1891. +20926003 It has three U.S. branches. +20926004 Ohbayashi officials said the purchase was undertaken to participate in ventures in and around New York City. +20926005 They said Howell is particularly successful there because of its membership cooperation with local unions. +20926006 Ohbayashi is Japan's second largest construction company. +20926007 Until now, its inability to form membership ties with organized labor has kept it from penetrating the lucrative New York metropolitan area construction market. +20926008 The company also hopes the latest acquisition will help secure large construction orders from Japanese concerns with U.S. operations. +20926009 Ohbayashi cited industry publications crediting Howell, currently capitalized at $2.2 million, with receiving orders valued at $225 million in 1988. +20926010 The Japanese company received orders totaling 12.44 billion yen ($87.9 million) from its U.S. business activities during the fiscal year ended in March. +20927001 H. Marshall Schwarz was named chairman and chief executive officer of U.S. Trust Corp., a private-banking firm with assets under management of about $17 billion. +20927002 Mr. Schwarz, 52 years old, will succeed Daniel P. Davison Feb. 1, soon after Mr. Davison reaches the company's mandatory retirement age of 65. +20927003 Mr. Schwarz, who is president of U.S. Trust, will be succeeded in that post by Jeffrey S. Maurer, 42, who is executive vice president in charge of the company's asset-management group. +20927004 U.S. Trust, a 136-year-old institution that is one of the earliest high-net worth banks in the U.S., has faced intensifying competition from other firms that have established, and heavily promoted, private-banking businesses of their own. +20927005 As a result, U.S. Trust's earnings have been hurt. +20927006 But Mr. Schwarz welcomes the competition in U.S. Trust's flagship businesses, calling it "flattery." +20927007 Mr. Schwarz says the competition "broadens the base of opportunity for us." +20927008 Other firms "are dealing with the masses. +20927009 I don't believe they have the culture" to adequately service high-net-worth individuals, he adds. +20927010 U.S. Trust recently introduced certain mutual-fund products, which allow it to serve customers with minimum deposits of $250,000. +20927011 Previously, the company advertised at the $2 million level. +20927012 "We have always taken smaller accounts, but now we are looking for smaller accounts that will grow," Mr. Schwarz says. +20927013 "Our bread and butter is still the $2 million to $20 million account," he says. +20927014 The new services allow U.S. Trust to cater to the "new wealth," Mr. Schwarz says. +20927015 Quarterly net income this year has risen just over comparable periods in 1988, when year-end net was below the 1987 level. +20927016 In this year's third quarter, for example, net was $10.5 million, or $1.05 a share, compared with $10.3 million, or $1.02 a share, a year earlier. +20927017 Assets as of Sept. 30 fell to $2.46 billion from about $2.77 billion. +20927018 "We will have a reasonably flat year this year," Mr. Schwarz says. +20927019 Mr. Schwarz also said costs associated with U.S. Trust's planned move to midtown Manhattan from Wall Street will continue to be a drag on earnings through 1990. +20927020 Mr. Schwarz's great-grandfather founded the New York toy store F.A.O. Schwarz, but his family no longer has ties to the company. +20927021 Mr. Schwarz's father was a U.S. Trust trustee until 1974. +20927022 U.S. Trust also created a four-member office of the chairman, effective Feb. 1. +20927023 It will include Messrs. Schwarz and Maurer. +20927024 Donald M. Roberts, 54, treasurer, and Frederick S. Wonham, 58, who takes responsibility for the funds-service group, were named vice chairmen and will serve in the office of the chairman. +20927025 Mr. Roberts continues as treasurer, and Mr. Wonham remains responsible for the offices of comptroller, planning, marketing and general services. +20927026 Frederick B. Taylor, 48, also was named a vice chairman and chief investment officer, a new post. +20927027 He previously held similar responsibilities. +20927028 Mr. Taylor also was named a director, increasing the board to 22, but is not part of the new office of the chairman. +20927029 James E. Bacon, 58, executive vice president, who has directed the funds-service group, will retire. +20928001 Sun Microsystems Inc., snapping back to profitability after its first quarterly loss as a public firm, said it earned $5.2 million, or seven cents a share, in the fiscal first quarter. +20928002 Sun, a maker of computer workstations, reported sales of $538.5 million for the quarter ended Sept. 29, up 39% from $388.5 million a year earlier. +20928003 In the 1988 period, the company earned $20.6 million, or 26 cents a share. +20928004 Sun's results were slightly better than expectations. +20928005 Earlier this month, the company said it expected to break even for the quarter on sales of $530 million. +20928006 In a statement, Scott McNealy, Sun's chief executive officer, said the company's performance was hampered by problems tied to the introduction of a major new family of computers in April. +20928007 One of those new computers, called Sparcstation 1, accounted for nearly half of the 28,000 systems Sun shipped in the quarter, he said. +20928008 More than two-thirds of the systems shipped, meanwhile, were products introduced in April. +20928009 But problems in manufacturing, forecasting demand and getting the bugs out of a new management information system made it extremely difficult for Sun to meet demand for its newest computers well into the summer. +20928010 These problems also resulted in Sun reporting a $20.3 million loss for its fourth quarter ended June 30. +20928011 Mr. McNealy said the issues that hurt Sun's performance earlier this year are now "largely" behind the firm, and he indicated that Sun's profitability should increase throughout the fiscal year. +20928012 Sun also reported a record backlog of orders. +20928013 While this indicates continued strong demand for the company's desk-top computers, Sun faces increasing competition from Digital Equipment Corp. and Hewlett-Packard Co. +20928014 Recently, analysts have said Sun also is vulnerable to competition from International Business Machines Corp., which plans to introduce a group of workstations early next year, and Next Inc. +20929001 C.B. Rogers Jr. was named chief executive officer of this business information concern. +20929002 Mr. Rogers, 60 years old, succeeds J.V. White, 64, who will remain chairman and chairman of the executive committee. +20929003 Mr. Rogers, who was president and chief operating officer of Equifax, will retain his position as president. +20929004 The company said a new chief operating officer won't be appointed. +20930001 A merchant bank and investment fund have agreed to co-sponsor a reorganization plan to bring Sharon Steel Corp. out of Chapter 11 proceedings and to acquire the company's steel-related assets in a transaction valued at more than $300 million. +20930002 Castle Harlan Inc., a New York merchant bank, and Quantum Fund said they would acquire the assets for a combination of cash and the assumption of certain of Sharon's liabilities. +20930003 The balance of the company's assets and liabilities would be transferred to a new company that would be owned by Sharon's creditors. +20930004 Quantum said it has agreed to purchase as much as $50 million in equity in the new company, if necessary, for the confirmation of the plan. +20930005 Castle Harlan and Quantum said the plan is expected to be filed within 60 days with the U.S. Bankruptcy Court in Pittsburgh. +20930006 The agreement is subject to certain conditions, including obtaining financing. +20930007 Castle Harlan said that such financing is already being sought and that a formal proposal would be made to Sharon's Chapter 11 trustee and other Sharon creditors over the next few days. +20930008 Sharon, based in Farrell, Pa., filed for protection from creditors under the federal Bankruptcy Code in April 1987. +20930009 The company had been one of the maninstays of Miami Beach financier Victor Posner's empire. +20930010 Mr. Posner resigned as president and chief executive officer of Sharon in April 1988. +20930011 He remains chairman, but wields little power at the company. +20930012 Quantum Fund, based in New York, is a $2.1 billion investment fund managed by Soros Fund Management. +20930013 Quantum is Sharon's largest unsecured creditor. +20930014 The Castle Harlan group includes Walter Sieckman, former chief operating officer of Sharon, and Wolfgang Jansen, former executive vice president. +20930015 Executives at Sharon declined to comment on the proposal. +20930016 The company's trustee, F.E. Agnew, was unavailable for comment. +20931001 Two old friends, George Bush and Deng Xiaoping, are trying to limit further damage to U.S.-China ties. +20931002 But as Congress prepares a fresh package of sanctions against Beijing, the already-tense relationship could get worse. +20931003 The problem for Congress will be to weigh what China is saying to its people against the more conciliatory message it is delivering to the Bush administration. +20931004 In a move apparently aimed at heading off new punitive legislation, Mr. Deng sent an indirect signal to Washington via T.D. Lee, a Columbia University physicist who met Mr. Deng and other Chinese leaders in Beijing last month. +20931005 When he met with Mr. Bush on his return, Mr. Lee says, he told the president that the Chinese "made statements to me that I regard as a first step toward reconciliation." +20931006 The communication Mr. Lee brought represents the softer line the U.S. has been hoping to hear from Chinese officials since the June 4 massacre of pro-democracy demonstrators in Beijing. +20931007 The Chinese leader, Mr. Lee informed Mr. Bush, expressed some regret for what had happened in Beijing and conceded that China's officials bore some responsibility. +20931008 Mr. Lee says Mr. Deng told him: "We should not mind those who participated in demonstrations, signed anti-government materials and went on hunger strikes." +20931009 Mr. Deng added, says Mr. Lee, that "we really made mistakes. +20931010 We must not shirk our responsibility and we cannot just blame the demonstrators." +20931011 Mr. Lee also reported to the president that, in a separate meeting, Communist Party chief Jiang Zemin said the Chinese leadership "looked kindly on the students who took part in the demonstrations." +20931012 Mr. Jiang also pledged that the Chinese Red Cross would publish "very soon" a list of those killed. +20931013 And he told the physicist that China's leaders were "very much concerned" about the deaths and had arranged aid for the victims' families. +20931014 "I transmitted my conversations to the White House," Prof. Lee says. +20931015 But, he adds, "I was not acting as a messenger." +20931016 He says that the Chinese never asked him to convey their statements to President Bush, but that the White House spontaneously invited him to do so. +20931017 Mr. Lee concedes the statements made to him are far different from others being issued in China, but attributes that to the fact that the situation in China is "very complex." +20931018 According to U.S. sources in Beijing, the administration hopes Mr. Deng's fairly conciliatory comments will prod Congress to be cautious about further sanctions against Beijing. +20931019 "The president doesn't want to have legislative sanctions," says a U.S. official. +20931020 "But he may not have a choice." +20931021 Given China's far-from-conciliatory statements to its own people, Mr. Bush may be unable to prevent new sanctions. +20931022 Beijing officials have said they will step up the campaign of arrests and intimidation against those who participated in the demonstrations. +20931023 Sentences have been stiff. +20931024 A university student got eight years for participating in the rallies, sources in Beijing said, while an 18-year-old worker got 10 years. +20931025 Nor has Beijing hinted to its citizens that it will publish the identities of those killed. +20931026 So far, the victims are officially considered evil-doers, and their families receive no compensation. +20931027 A man gunned down by a stray bullet while cycling to work carries, after his death, the official stigma of "counterrevolutionary," his wife says. +20931028 What's more, much of China's official rhetoric is hostile to the U.S. +20931029 China frequently lambastes the U.S. Embassy for harboring astrophysicist Fang Lizhi, a political dissident who took refuge there after the massacre. +20931030 "In the U.S., there are still people who want to crush China and interfere in our internal affairs," Zhu Qizhen, China's new ambassador to the U.S., said as he left for Washington last week. +20931031 The House and Senate are to begin soon hashing out an agreement for sanctions legislation. +20931032 It will probably be attached to a State Department authorization bill, which Mr. Bush isn't expected to veto. +20931033 A congressional staffer involved in drafting the sanctions says they are likely to mirror those Mr. Bush enacted shortly after the massacre. +20931034 But as legislative action, they would carry greater weight and would be more difficult to rescind. +20931035 Measures already in effect that are expected to be made law include a ban on military sales and exchanges, a suspension of most high-level government contacts and a halt to U.S. trade enhancement programs, such as the Overseas Private Investment Corp. and the Trade Development Program. +20931036 Codifying those sanctions could prompt Chinese retaliation. +20931037 "If the two sides aren't careful, U.S.-China ties could spin downward, out of control," says a U.S. official in Beijing. +20931038 "Bush and Deng are hoping {that} cooler heads prevail. +20932001 The amount of blood surgical patients can donate and store before surgery can be increased by the new genetically engineered drug, EPO. +20932002 EPO, or erythropoietin, is a protein the human body makes to stimulate the growth of red blood cells. +20932003 A genetically engineered version of the human protein developed by Amgen Corp. of Thousand Oaks, Calif., recently has been marketed by the Ortho Pharmaceuticals division of Johnson & Johnson. +20932004 A competing version of EPO is being developed by Genetics Institute Inc. in Cambridge, Mass. +20932005 The drug is being used primarily to treat anemias. +20932006 A new experiment, reported in this week's New England Journal of Medicine, involved giving injections of Amgen's EPO to 23 patients who wanted to store units of their own blood. +20932007 The patients began receiving EPO injections about a month before their scheduled surgery. +20932008 They then began donating blood twice a week, receiving an EPO injection each time. +20932009 If tests indicated a low number of red cells, blood wasn't taken. +20932010 The EPO-treated patients donated an average of 5.4 units of blood each compared with only 4.1 units donated by a similar group of surgical patients who received a placebo injection. +20932011 The volume of red cells donated by the EPO-treated patients was 41% higher per donor, the research team representing a number of hospitals and blood banks reported. +20933001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +20933002 TAX SHELTERS CALLED Individual Retirement Accounts, or "IRAs," were created without fanfare on Sept. 2, 1974, but grew beyond expectations as an inducement to personal saving. +20933003 That Labor Day, in his first major act after succeeding the resigned Richard Nixon as president, Gerald R. Ford signed the Employee Retirement Income Security Act. +20933004 Pension reform was its main thrust. +20933005 Labor and business leaders, quoted at the White House Rose Garden rites, hailed its provisions for insuring corporate pension benefits. +20933006 IRAs were like stepchildren there. +20933007 The IRA's conception is murky. +20933008 In 1972, then Treasury Secretary George Shultz, with the key support of Sen. Carl Curtis, sought some form of pensions for the uncovered. +20933009 That year a four-man group headed by William Lieber in the Legislation and Regulations division of the Office of the Chief Counsel for the Internal Revenue Service, was assigned the task of designing a plan. +20933010 They used the 1962 Keogh Plan, a pension plan created by a New York congressman for the self-employed, as a partial model. +20933011 This team initially called its new model Personal Retirement Account, or "PRA." +20933012 But it didn't sing. +20933013 So they opted for IRA, naming it after Ira Cohen, a brilliant IRS actuary who helped them. +20933014 Ira, himself, confirms this account. +20933015 IRA rules have been changed over the years. +20933016 One in 1981 raised to $2,000 a year from $1,500 the amount a person could put, tax-deductible, into the tax-deferred accounts and widened coverage to people under employer retirement plans. +20933017 This caused an explosion of IRA promotions by brokers, banks, mutual funds and others. +20933018 But in 1986 Congress sharply reduced the number of people who could qualify for its benefits and IRA tax-deductions slowed their roaring growth. +20933019 IRA account assets have grown to about $400 billion from $393 billion last year and just $26 billion in 1981. +20934001 The Soviet State Bank announced a 90% devaluation of the ruble against the dollar for private transactions, in an apparent attempt to curb the nation's rapidly growing black market for hard currency. +20934002 The measure, which will take effect next Wednesday, will create a two-tier exchange rate. +20934003 Commercial transactions will continue to be based on the official rate of about 0.63 rubles to the dollar. +20934004 But for Soviet citizens who travel abroad for business or tourism, the rate will jump to 6.26 rubles to the dollar. +20934005 Tass news agency said the devaluation also will apply to foreigners' transactions. +20934006 But it didn't elaborate, and it remains unclear how far Western tourists and foreigners living in Moscow will be allowed to benefit from the sweeping rate cut. +20934007 The current ruble rate has long been out of line with the black market. +20934008 As Soviet leader Mikhail Gorbachev has opened up the country to foreign trade, the discrepancy has become ever greater. +20934009 Western tourists in the Soviet Union who could exchange a dollar -- albeit illegally -- for about four rubles a year ago are now being offered 15 rubles or more. +20934010 Even at such rates, black marketeers have been able to make big profits because of the dire shortage of consumer goods here. +20934011 They use dollars to buy Western items such as video recorders and personal computers and then sell them at a huge mark-up. +20934012 The going rate for a small personal computer that costs about $2,000 in the West is anywhere from 50,000 to 100,000 rubles. +20934013 Even a pack of 20 Western cigarettes can fetch 20 rubles or more. +20934014 With more than 300 billion rubles in savings accounts and little to spend them on, Soviet consumers grumble at the exorbitant black-market prices for such goods -- but they buy them anyway. +20934015 Moscow has already tacitly admitted that the ruble isn't worth much, announcing in August that it will pay Soviet farmers in hard currency for grain and other produce that they grow in excess of state-plan quotas. +20934016 "The absurdity of the official rate should seem obvious to everyone," the afternoon newspaper Izvestia wrote in a brief commentary on the devaluation. +20934017 The State Bank's move is part of a drive to iron out exchange-rate discrepancies as Moscow moves toward making the ruble convertible -- a goal that Soviet bankers and economists say is still far away. +20934018 Rumors of an impending devaluation have been circulating in Moscow for weeks, but the size of the cut took many Western bankers by surprise. +20934019 "It's much bigger than we expected," said one German banker, who asked not to be named. +20934020 The next step, which could have a larger effect on businesses, will come early next month, when the Bank for Foreign Economic Affairs is to hold its first auction of foreign currency. +20934021 Soviet companies needing Western currencies to buy equipment and supplies abroad will be able to submit bids. +20934022 Plans for the auction, which was supposed to take place last spring and become a regular event, have been thwarted by a lack of hard currency. +20934023 Soviet firms that hold some are unwilling to part with it, and joint ventures aren't yet allowed to participate. +20934024 The Kremlin also has been unwilling to provide hard currency for the auction, using a lot of it instead to finance emergency imports of consumer goods. +20934025 If foreign tourists and businesses could sell their currencies freely at the new, better exchange rate, that would enable the State Bank to increase its dollar reserves and would mop up some of the excess rubles in the economy at the same time. +20934026 But the amounts they exchange may be limited; most Soviet hotels, for example, demand payment in hard currency from Western visitors. +20934027 Unless other rules are changed, the devaluation could cause difficulties for the people it is primarily meant to help: Soviets who travel abroad. +20934028 Over the past three years, thousands of people here have made use of looser travel restrictions to get their first taste of life abroad. +20934029 But under current rules, they are allowed to change just 200 rubles into dollars and other currencies for each trip. +20934030 At the new rate, that would give them about $30 to travel on. +20934031 It isn't yet clear whether the 200-ruble limit will be lifted. +20934032 If it isn't, the black market for dollars probably will continue to thrive. +20935001 International Business Machines Corp. made news this summer when it landed an unusual contract to manage all of Eastman Kodak Co.'s data-processing needs. +20935002 But the computer giant appears to have lost a second key contract with Kodak to archrival Digital Equipment Corp. +20935003 Kodak yesterday confirmed that it has entered negotiations with Maynard, Mass.-based Digital to manage all of its voice and data communications needs. +20935004 Kodak, based in Rochester, N.Y., said IBM also had bid for the business. +20935005 IBM is based in Armonk, N.Y. +20935006 The loss is a setback to IBM, which pointed to the Kodak contract as an example of its success in systems integration. +20935007 That's an emerging business in which computer makers or consultants provide turnkey communications and computing services to major corporations. +20935008 A Kodak spokesman declined to disclose the potential value of the contract, which is still in negotiation. +20935009 He said that American Telephone & Telegraph, MCI Communications Corp., Rochester Telephone Corp. and IBM itself would likely be Digital's subcontractors on the project. +20935010 "When we decided to look outside the company for critical data-processing and communications services, we wanted to get the best vendor for that service," said Paul Allen, the spokesman. +20935011 "That's why we went with IBM for data center management . . . and now Digital for voice and data telecommunications. +20936001 This year is the 75th anniversary of the Federal Reserve System, and some members of Congress think it's time to take a fresh look at the nation's central bank. +20936002 After 75 years there may be a few things that are worth reexamining. +20936003 The regional Federal Reserve Bank setup, for instance, may be out of date. +20936004 In earlier years it may have seemed reasonable to give Richmond, Va., a bank and allow Los Angeles only a branch of the San Francisco bank, but times have changed. +20936005 Maybe the whole regional system is an anachronism; the Fed, after all, is a national central bank. +20936006 Some of the would-be reformers, however, want to restore an arrangement we once had -- or, at least, part of it. +20936007 In the beginning, the treasury secretary and the comptroller of the currency were both ex officio members of the Federal Reserve Board. +20936008 But in 1935, when Congress was trying to find someone or something to blame for the Great Depression, it decided to drop both the secretary and the comptroller from the board. +20936009 Carter Glass, a former treasury secretary who was then back in Congress, probably influenced the decision. +20936010 He said that when he was on the board he felt that he had a great deal of power and, somehow, he didn't think that was a good thing. +20936011 Times have changed. +20936012 Rep. Byron Dorgan (D., N.D.) has introduced a bill in Congress, co-sponsored by Rep. Lee Hamilton (D., Ind.), that would put the treasury secretary back on the board. +20936013 There is doubt that the change would accomplish much but at least Congress, as in 1935, would be doing something. +20936014 So far no one has suggested putting the comptroller back on the board. +20936015 Nicholas Brady, the incumbent treasury secretary, is of course aware of the proposal, and he doesn't like it much. +20936016 Mr. Dorgen has changed tactics, dropping the seat-for-the-secretary idea. +20936017 That may have pleased the secretary, but H. Erich Heinemann, chief economist of the investment firm of Ladenburg, Thalmann & Co., suggests that Mr. Brady may figure he already has all the power he needs. +20936018 Like most treasury secretaries, Mr. Brady takes a keen interest in monetary matters, of course. +20936019 He was, in fact, taking an especially keen interest in board matters even before he went to the treasury. +20936020 After the October 1987 market crash, Mr. Brady as a private citizen headed a presidential commission that tried to decide what went wrong and what should be done about it. +20936021 One of the commission's recommendations was that a single agency, probably the Federal Reserve, should coordinate regulation of all financial markets. +20936022 This recommendation might have encouraged a turf-hungry bureaucrat to try to expand his power, but so far Federal Reserve Chairman Alan Greenspan hasn't made a pitch for the job. +20936023 The Fed has plenty of responsibilities in times of market turmoil and in 1987 and again in 1989 it appears to have handled them well. +20936024 Mr. Brady has said he thought government agencies in the latest market drop were better prepared to coordinate their actions, but he has left no doubt that he still likes the ideas the commission advanced nearly two years ago. +20936025 In recent weeks, moreover, Mr. Brady has joined other administration officials in trying to urge the Fed toward lower interest rates. +20936026 The urging admittedly has been gentle. +20936027 In an interview with the Washington Post in early October, the secretary said the Fed may be slightly more interested in curbing inflation than the administration is, while the administration may put slightly more emphasis on spurring economic growth. +20936028 At least some economists, of course, would argue that inflation deserves a lot of emphasis. +20936029 Earlier this month the St. Louis Fed held a conference to assess the system's first 75 years. +20936030 Allan Meltzer, a Carnegie-Mellon University economist, noted that the Fed's record included the longest, most sustained, peacetime inflation in our history, dating from either 1966 or 1967 to 1989. +20936031 The inflation-growth argument is an old one, but Mr. Brady, on the board or off, is surely trying to influence Fed policy. +20936032 Equally importantly, the treasury secretary has spearheaded the administration effort to bring the U.S. dollar down by shopping avidly for West German marks and Japanese yen. +20936033 The treasury can do something on its own, but to have any hope of success it needs help from the Fed. +20936034 The central bank has been helping, but apparently not especially eagerly. +20936035 The Fed has been intervening in foreign currency markets, all right, but through August, at least, it appeared to be "sterilizing" the intervention. +20936036 In other words, it was offsetting purchases of marks and yen by buying dollars in the domestic money market. +20936037 Now, sterilized intervention may have some effect. +20936038 When traders see the Fed is in the exchange market it may make them tread a little carefully, for fear of what the central bank may do. +20936039 But it's generally accepted that sterilized intervention has little or no lasting impact on currency values. +20936040 After August the Fed may have stopped sterilizing, but it's hard to see much impact on the dollar. +20936041 The dollar is still highly volatile. +20936042 The Fed has let interest rates slip slightly, but whether the main reason was dollar intervention, the gloomy reports on manufacturing employment, or the Friday 13 market drop, only Mr. Greenspan and his associates know. +20936043 Earlier this year, Martin Feldstein, president of the National Bureau of Economic Research, argued forcefully that a government that wants steady, stable exchange rates might try some steady stable economic policies. +20936044 Trying to manage exchange rates to some desired level, he said, "would mean diverting monetary and fiscal policies from their customary roles and thereby risking excessive inflation and unemployment and inadequate capital formation." +20936045 The more we think about it, the more we suspect Mr. Brady does indeed have enough power where he already is. +20937001 This has been a week of stunning events behind what was once called the Iron Curtain and interesting shifts in official American policy toward Moscow. +20937002 It has also been a week when inside-the-beltway Washington has had a high old time gnawing over ex-President Reagan's multimillion-dollar junket in Japan. +20937003 The latter may seem oddly irrelevant, if not downright trivial, given the big picture and the way we have handled it in the nation's capital has done nothing to dispel that impression. +20937004 In fact, however, Mr. Reagan's casual debasement of the office he so recently held raises issues about which Americans can actually do something. +20937005 Our ability to influence the outcome of events in Eastern Europe and the Soviet Union is far more marginal. +20937006 Those events continue to move at a rate, and in a direction, which leave informed commentary -- let alone policy -- far in their wake. +20937007 Earlier this week, Soviet Foreign Minister Eduard A. Shevardnadze confessed that the U.S.S.R. ignored universal human values by invading Afghanistan and, to put it bluntly, "engaged in a violation of the ABM Treaty" by building its radar station at Krasnoyarsk. +20937008 Hungary is no longer a "Socialist Peoples" republic, the Communist Party no longer has automatic delegates in the U.S.S.R.'s Congress of Peoples Deputies and Egon Krenz was not backed unanimously by his fellow party functionaries when he took over as East Germany's new maximum leader. +20937009 All of that is just for starters, or so the hundreds of thousands of Eastern Europeans in the streets seem to hope and are certainly demanding. +20937010 Of like, though lesser, note, Secretary of State James Baker put the administration four-square behind perestroika and glasnost, and therefore behind Mikhail Gorbachev, in a pair of carefully reasoned speeches over the past week or so. +20937011 And, last but not least, President George Bush now views the changes in Eastern Europe as "absolutely extraordinary" and believes that Mr. Krenz "can't turn the clock back" in East Germany because the change is too inexorable," as he told the New York Times's R.W. Apple Jr. +20937012 (In other words, after some highly visible dithering and public airing of differences, the administration has come down on the side of those who believe that what we are witnessing from Berlin to Siberia is a good thing to be welcomed, rather than a new thing to be feared or viewed with suspicion.) +20937013 All of this is what history will note, assuming that events don't make it seem a bad joke, when the record of this time is put down. +20937014 For journalists, however, who write what they fondly view as history's first draft, this has also been a week to give a lot of space and time to Ron and Nancy's sales appearance in Japan on behalf of a communications giant and its controversial founder. +20937015 It has been a well-paid transaction, this bartering away of the prestige of the republic's highest office. +20937016 The Japanese industrialist has coughed up at least $2 million, the Japanese government has put up just about as much, or so it is reported and at least one estimate puts the total tab at $7 million. +20937017 All of which has enabled those of us in Washington who enjoy wallowing in such things to go into high public dudgeon, as Mr. Apple and I did the other night on ABC's "Nightline." +20937018 Punching away, we raised what I still think were all the right issues and landed more than one hard blow, but at the end of the affair, there was just the tiniest nagging worry that we had been aiming at the wrong target. +20937019 As one of his defenders so aptly put it, President Reagan was simply doing what he had always done before his election (and some would say thereafter as well). +20937020 He was performing for pay, and why should anyone expect anything more? +20937021 Primarily because there's more to the matter than Ronald Reagan's personal values, or lack of them. +20937022 Selling the presidency for a mess of pottage is not so much a devaluation from the norm of public life today as it is a reflection of the disintegration of public standards. +20937023 The theme song for the 1980s has been, "Anything Goes," and it has been whistled with gusto from Wall Street to some of the highest peaks of televangelism. +20937024 There are those who say that this is nothing new, that America has always suffered from a bad case of schizophrenia when it comes to the dichotomy between what is professed and what is practiced. +20937025 There is evidence to support that view. +20937026 Eighty-three years ago, William James wrote to H.G. Wells: "The moral flabbiness born of the exclusive worship of the bitch goddess success . . . that, with the squalid cash interpretation put on the word success, is our national disease." +20937027 But if it was the national disease in 1906, it is today the national commonplace. +20937028 If there is no law against it, do it. +20937029 If the law leaves loopholes, use them. +20937030 If there is no moral prohibition that expressly forbids it, full speed ahead. +20937031 And if you are caught or if people complain, simply argue that "everyone does it" or "no one said I shouldn't " and brazen it out. +20937032 As a last recourse, when all else has failed and you are pinned, apologize for having disappointed those who trusted you but deny having actually done anything wrong. +20937033 (See, for instance, Jim Bakker's remarks upon being sentenced to prison this Tuesday for defrauding the faithful.) +20937034 Consider the troubling dissonance between Mr. Shevardnadze's speech of confession this week and the hang-tough defense of everyone concerned with the Iran-Contra affair. +20937035 The Soviet foreign minister publicly concedes that his government "violated norms of behavior" in Afghanistan and just plain lied about the radar station. +20937036 We have people in high place still lying through their teeth about Iran-Contra, and that apparently isn't going to change. +20937037 For that matter, those long ago identified as liars are still given respectful hearings in the press. +20937038 That is the key to the current "national disease." +20937039 No one seems willing to hold anyone in public life to a standard higher than the narrowest construction of the law. +20937040 The occasional media witch hunt about some politician's private peccadilloes notwithstanding, the general inclination is to offer a version of the old refrain, "Who am I to judge?" +20937041 Thus, no standards, no judgment and no values. +20937042 "You are mad because he's making so much money," say President Reagan's defenders. +20937043 No, we ought to be mad because he has demeaned the office we gave him, enlisting it in the service of private gain, just as we ought to be mad that public officials lie through their teeth, play disingenuous games about their activities or, to steal a phrase, make public service a private trough. +20937044 "I'm not going to be stampeded into overreacting to any of this, President Bush told Mr. Apple in this week's interview. +20937045 He was referring to the "absolutely extraordinary" events in Eastern Europe, and it is a defensible position. +20937046 But there is no defense at all for the ethos of the 1980s. +20937047 We didn't stampede into it, we slithered and slipped down the long slope, and now we have as its quintessential symbol a former president huckstering for a foreign poohbah. +20937048 Or perhaps that is a fitting symbol for the United States of 1989: Everything for sale; nothing of real value. +20937049 Mr. Carter is a political commentator who heads a television production firm. +20938001 Cineplex Odeon Corp. directors said the company's chairman and chief executive, Garth Drabinsky, is considering bidding 780.6 million Canadian dollars (US$666 million) to acquire the company. +20938002 The board said Mr. Drabinsky and Vice Chairman Myron Gottlieb are negotiating financing before offering C$16.40 a share to acquire all of Cineplex's shares outstanding. +20938003 The directors added that the two executives haven't reached a final decision to proceed with a bid and that until an offer is made the board will continue seeking higher offers from other bidders. +20938004 The directors said if Messrs. Drabinsky and Gottlieb mail an offer to shareholders by Nov. 22, it will reimburse them a maximum of C$8.5 million for expenses related to a bid. +20938005 "We consider that his bid is an acceptable bid," said Sandra Kolber, spokeswoman for the independent directors' committee appointed last May to solicit and review bids for the company in the wake of a dispute between Mr. Drabinsky and Cineplex's major shareholder, MCA Inc. +20938006 MCA and Cineplex's other major shareholder, Montreal-based financier Charles Bronfman and his associates, have agreed to tender their holdings to an offer by Mr. Drabinsky unless a higher offer is made by another bidder. +20938007 MCA holds half of Cineplex's equity and 33% of its voting rights through restricted voting shares, while Bronfman interests hold about 24% of the company's equity. +20938008 Ms. Kolber said the committee had received other bids. +20938009 She declined to identify other bidders but said Mr. Drabinsky's offer "is all cash, and it's for all of the company." +20938010 Several Cineplex analysts have speculated that outside bids received by the committee were either disappointingly low or for only part of the company. +20938011 "All this has really established is that MCA and the Bronfmans have agreed on a price at which they can be bought out," said Jeffery Logsdon, an analyst with Crowell, Weedon in Los Angeles. +20938012 "If a bid materializes at that price, shareholders will have every reason to be glad, but the question of financing still remains." +20938013 Last April, Mr. Drabinsky and a group of financial backers planned to acquire up to 30.2% of Cineplex for C$17.50 a share from Bronfman associates. +20938014 Mr. Drabinsky, who would have had the right to vote those shares for two years, said the purchase, subsequently rejected by regulators, was aimed at consolidating his control of the company. +20938015 MCA strongly opposed the Drabinsky group's move. +20938016 The directors didn't indicate the source of financing for Mr. Drabinsky's new proposal, but said MCA and the Bronfman associates agreed in principle to buy for $57 million and then lease back to Cineplex its 18-screen theater complex in Universal City, Calif., if Mr. Drabinsky succeeds in an offer. +20938017 "This is being done at the suggestion of {Mr. Drabinsky} and to accommodate him, to facilitate his financing arrangements," Ms. Kolber said. +20938018 In addition, the directors said if a bid by Mr. Drabinsky is successful, Cineplex expects Rank Organisation PLC to acquire the 51% of Cineplex's Film House unit it doesn't own, and provide Mr. Drabinsky with additional loan financing. +20938019 Michael Gifford, Rank's chief executive, said the British theater chain's total involvement "wouldn't exceed $100 million" but declined to give a breakdown between the loan financing and the proposed Film House purchase. +20938020 Cineplex shareholders responded coolly to yesterday's announcement. +20938021 In trading on the New York Stock Exchange, Cineplex closed at $11, down 25 cents, with more than a million shares changing hands. +20938022 On the Toronto Stock Exchange, Cineplex closed at C$12.875, off 37.5 Canadian cents, well below the C$16.40 level. +20938023 "Where's the bid?" asked Pierre Panet-Raymond, an analyst and broker with Toronto securities dealer McDermid St. Lawrence Ltd. +20938024 Mr. Panet-Raymond said he doesn't think Messrs. Drabinsky and Gottlieb are "anywhere close" to arranging financing and that investors will need a solid offer before the stock begins to rise again. +20938025 Mr. Drabinsky couldn't be reached for comment. +20939001 Two West German chemical companies announced steps that apparently are designed to boost the chemical industry's standing among environmental groups and the general public. +20939002 Hoechst AG's Chairman Wolfgang Hilger said the company wants to have a substitute product to completely replace ozone-damaging chlorofluorocarbons by 1995. +20939003 In April, Hoechst, the largest producer of CFCs in West Germany, said it wanted to reduce production of the product by 50% by 1993. +20939004 Mr. Hilger said Hoechst will invest 50 million marks ($27.2 million) in a plant to make a substitute product it has developed that it says is unchlorinated. +20939005 The company hopes the new plant, likely to be built in Frankfurt, will be able to produce 10,000 tons a year. +20939006 This year, Hoechst will produce about 62,000 tons of CFCs in factories in Frankfurt, Spain and Brazil. +20939007 Of Hoechst's 40.9 billion marks in group sales in 1988, 200 million marks came from sales of CFCs. +20939008 Also, BASF AG, another large chemicals company, said it formed a separate division that will study the environmental impact of plastics and will investigate all possibilities of recycling plastics. +20940001 George L. Manzanec, 53 years old, senior vice president of Texas Eastern Corp., was elected a group vice president of this natural-gas-pipeline concern. +20940002 Mr. Manzanec, who succeeds retiring Richard C. Dixon, will be responsible for gas supply, regulatory affairs, and marketing and transportation and exchange for Panhandle Eastern Pipe Line Co., Trunkline Gas Co., Texas Eastern Transmission Corp. and Algonquin Gas Transmission Co. +20940003 All of the companies are units of Panhandle Eastern Corp., which acquired Texas Eastern Corp. earlier this year. +20941001 Adolph Coors Co. said its Coors Brewing Co. unit will test market a new line of bottled water in the West beginning early next year. +20941002 The move, which was expected, marks the first time since Prohibition that Coors has sold a non-alcoholic beverage, and marks the company's entry into a crowded, but fast-growing market that generated about $2.2 billion in sales last year. +20941003 Coors is hoping to become one of the first companies to distribute bottled water nationwide. +20941004 Perrier, sold by Perrier Group of America, a unit of Source Perrier S.A. of Paris, and Evian, sold by a U.S. unit BSN of France, are distributed to urban areas nationally, but are less available in rural communities. +20941005 Coors, with its large beer-distribution network, could penetrate more markets. +20941006 The company said the water will be called Coors Rocky Mountain Sparkling Water and will come from the same mountain spring as water used in Coors beer. +20941007 The company said it will sell the water plain and with lemon-lime and cherry flavors and will package it in 28-ounce bottles and 6.5 ounce bottles as part of six-packs. +20941008 The test markets, though not specified, will be in northern California, Arizona and Colorado, some of the hottest bottled-water markets. +20942001 Some of America's biggest trading partners gave a quick thumbs-down to a U.S. proposal to liberalize world trade and reduce farm-product subsidies. +20942002 In Geneva, where world trade talks are being held under the General Agreement on Tariffs and Trade, or GATT, the European Community called the U.S. proposal "a step backward." +20942003 And Japan's minister of agriculture, forestry and fisheries told a committee of Japan's parliament that Washington's proposal was impractical and that Tokyo would continue to heavily subsidize its rice farmers. +20942004 The U.S., in a far-reaching plan submitted to the Geneva meeting Tuesday, proposed curbing price support subsidies within 10 years and eliminating export subsidies within five years. +20942005 U.S. officials said the plan was flexible, and was intended as a pragmatic approach for gradually removing trade-distorting subsidies. +20942006 But the EC reacted defiantly, arguing that the proposal's main aim is to destroy the Common Agricultural Policy, the EC's $28 billion-a-year price support program. +20942007 "The American proposal is not an adequate basis for negotiation," the EC said in a statement. +20942008 EC officials say they are irked that the U.S. has set a specific timetable and is insisting on the "elimination" of export subsides, not just reduction. +20942009 EC Agriculture Commissioner Ray MacSharry said the U.S. plan "calls into question" the agreement reached by world negotiators last April in Geneva seeking "substantial progressive reductions in agricultural support and protection." +20942010 U.S. Deputy Trade Representative Jules Katz replied that the proposal was entirely consistent with the April accord. +20942011 He said he was surprised by the EC's reaction, calling it "vehement, even frenetic." +20942012 The U.S. proposal also was criticized by food-importing developing countries, who said that the U.S. made no special allowances for poor nations. +20942013 While many experts argue that food-importing nations would eventually become self-sufficient in a free-market system, the poorest nations are likely to need help in the meantime. +20942014 Ambassador Katz said the U.S. was open to discussing particular problems of developing countries. +20942015 The U.S. administration said its plan would allow considerable flexibility in determining how and when the free-trade goals would be achieved. +20942016 The U.S. argues that its plan would ease the transition to freer agriculture trade by converting certain non-tariff barriers into tariffs that, together with existing tariffs, then would be phased out over 10 years. +20942017 But the EC is strongly opposed to converting agricultural supports into tariffs. +20942018 The new U.S. package also says countries could temporarily raise tariffs on certain products if they experience an unusually heavy volume of imports. +20942019 It would establish procedures to prevent countries from using health and sanitation rules to impede trade arbitrarily. +20942020 Seeking to allay European concerns, U.S. Agriculture Secretary Clayton Yeutter said in Washington that the new U.S. plan wouldn't "put farmers out of business" but would encourage them to "grow what the markets desire instead of what the government wants." +20942021 The EC, with a population of 320 million, has 8.5 million farmers, while the U.S., with a population of about 245 million, has only two million farmers. +20942022 Japan's objections to the U.S. plan center around its desire to stay self-sufficient in rice, a staple food, even though foreign producers are far more efficient. +20943001 Bell Atlantic Corp. said it agreed definitively to acquire one of Control Data Corp.'s computer-maintenance businesses. +20943002 Terms of the accord weren't disclosed. +20943003 Control Data's third-party maintenance unit services products primarily made by Digital Equipment Corp. and International Business Machines Corp. +20943004 The unit has 6,000 customers and, according to one analyst, had 1988 revenue of about $85 million. +20943005 Under the agreement, which had been widely expected, Bell Atlantic would be buying Control Data's customer base and its approximately 100 U.S. maintenance facilities in about 33 cities. +20943006 However, Control Data would continue to provide maintenance services for customers of its Cyber product line. +20943007 The unit represents a small portion of Minneapolis-based Control Data's overall computer-servicing business, which last year posted sales of about $400 million. +20943008 Earlier this year, the company sold a similar unit in Europe for about $25 million. +20943009 Lawrence Perlman, Control Data's president and chief operating officer, said the maintenance business no longer fits into the company's "strategy to be a data solutions company." +20943010 Thomas Vassiliades, president of Bell Atlantic's customer services division, said the acquisition would give the company's Sorbus computer-maintenance unit added expertise in "the increasingly sophisticated workstation and high-end mainframe technologies. +20944001 Two recent decisions by federal courts cast judges in the odd role of telling authors how they should write history and biography. +20944002 These decisions deserve more attention than they have received from scholars, and from journalists as well. +20944003 Russell Miller's "Bare-Faced Messiah: The True Story of L. Ron Hubbard" is a biography of the founder of the Church of Scientology. +20944004 Mr. Hubbard, who died in 1986, bequeathed the copyrights on his writings to his church, which licensed them to New Era Publications, a Danish corporation. +20944005 In 1988 New Era sought a permanent injunction to restrain Henry Holt & Co. from publishing "Bare-Faced Messiah" on the ground that Mr. Miller's quotations from Mr. Hubbard infringed the copyrights. +20944006 The publisher argued in response that the "fair use" statute permits quotation "for purposes such as criticism, comment, news reporting, teaching, . . . scholarship, or research." +20944007 District Court Judge Pierre Leval denied the injunction on the ground that New Era had failed to make its claim within a reasonable time -- the doctrine lawyers call "laches." +20944008 As for the merits, Judge Leval said that Mr. Miller had written "a serious book of responsible historical criticism." +20944009 Verbatim quotation, the judge believed, was justified in order to prove points the author had asserted about Mr. Hubbard -- mendacity, bigotry, paranoia and other unlovely traits that could not be persuasively demonstrated without use of Mr. Hubbard's own words. +20944010 "The biographer/critic," Judge Leval wrote, "should not be required simply to express . . . conclusions without defending them by example. +20944011 " In such circumstances, free-speech interests outweighed the interests of the copyright owner. +20944012 But Judge Leval felt constrained by an earlier decision of the Second Circuit Court forbidding a biographer of J.D. Salinger to quote from Mr. Salinger's personal letters. +20944013 He distinguished the two cases: In Salinger, Judge Leval noted, the quotations were for the purpose of enlivening the biography rather than of proving points about the subject. +20944014 Still the Salinger decision created a strong presumption against fair use of unpublished materials. +20944015 Judge Leval reluctantly concluded that a few of Mr. Miller's quotations from Mr. Hubbard's unpublished writings, because they were not necessary to prove historical points, failed the fair-use test and therefore infringed copyright. +20944016 But the proper remedy, Judge Leval said, lay in a suit for damages, not in an injunction. +20944017 The case went on appeal to the Second Circuit. +20944018 In a decision in April of this year, Judge Roger Miner, joined by Judge Frank Altimari, agreed on denying the injunction and did not doubt that "Bare-Faced Messiah" was a serious work but rejected Judge Leval's argument that the public interest in scholarship could outweigh the sanctity of copyright. +20944019 "We conclude," the two judges wrote, "that laches is the sole bar to the issuance of an injunction." +20944020 Had the suit been filed in time, they said, "Bare-Faced Messiah" would have been suppressed. +20944021 This was too much for James Oakes, the court's chief judge. +20944022 In a powerful separate opinion, Judge Oakes further distinguished the Salinger case by pointing out that a living person, like Mr. Salinger, had privacy rights that did not apply to a dead man, like Mr. Hubbard. +20944023 "I thought that Salinger might by being taken in another factual context come back to haunt us. +20944024 This case realizes that concern." +20944025 Decisions by the Second Circuit itself, Judge Oakes continued, had recognized that public interest in the subject matter and the indispensability in particular cases of verbatim quotations are vital components of fair use. +20944026 And the injunction Judges Miner and Altimari would so readily have granted had New Era sued in time? +20944027 Suppression of the book, Judge Oakes observed, would operate as a prior restraint and thus involve the First Amendment. +20944028 Moreover, and here Judge Oakes went to the heart of the question, "Responsible biographers and historians constantly use primary sources, letters, diaries, and memoranda. +20944029 Indeed, it would be irresponsible to ignore such sources of information." +20944030 Now, scholars in fulfilling their responsibility do not claim the right to invade every collection of papers that bears upon their topics of investigation. +20944031 And of course they agree that people can impose restrictions on the use of their papers, whether in their own possession or as donated or sold to libraries. +20944032 But in the "Bare-Faced Messiah" case the author found most of his material in court records or via the Freedom of Information Act. +20944033 And when responsible scholars gain legitimate access to unpublished materials, copyright should not be permitted to deny them use of quotations that help to establish historical points. +20944034 Judges Oakes and Leval understand the requirements of historical scholarship. +20944035 Judges Miner and Altimari do not appear to have a clue. +20944036 Yet at the moment they are the judges who are making the law. +20944037 As matters stand, the Salinger ruling, torn from context and broadly construed, is controlling. +20944038 If an author quotes "more than minimal amounts" of unpublished copyrighted materials, as the Salinger decision had it, "he deserves to be enjoined." +20944039 The courts have not defined "minimal amounts," but publishers, I understand, take it to mean about 50 words. +20944040 The "Bare-Faced Messiah" decision strikes a blow against the whole historical enterprise. +20944041 A second decision, handed down in August by the Court of Appeals for the Ninth Circuit, is another blow against scholarship. +20944042 Janet Malcolm, a professional writer on psychiatric matters, wrote a series of articles for the New Yorker, later published in book form by Knopf under the title "In the Freud Archives." +20944043 The articles were largely based on interviews Ms. Malcolm had taped with Jeffrey Masson, a psychoanalyst who had served as projects director of the Freud Archives. +20944044 Mr. Masson then brought a libel suit against Ms. Malcolm, the New Yorker and Knopf. +20944045 As a public figure, Mr. Masson had to prove malice and, as proof of malice, Mr. Masson contended that defamatory quotations ascribed to him by Ms. Malcolm were in fact fabricated. +20944046 The quotes could not be found on the tapes, and the two judges who decided the case for Ms. Malcolm and her publishers conceded that, for the purpose of their decision, "we assume the quotations were deliberately altered." +20944047 For all historians and most journalists, this admission would have been sufficient to condemn the Malcolm articles. +20944048 But Judge Arthur Alarcon, joined by Judge Cynthia Holcomb Hall, took the astonishing position that it is perfectly OK to fabricate quotations so long as a judge finds that the fabrications do not alter substantive content or are rational interpretations of ambiguous remarks. +20944049 In his eloquent dissent, Judge Alex Kozinski observed that when a writer uses quotation marks in reporting what someone has said, the reader assumes that these are the speaker's precise words or at least his words purged of "uh" and "you know" and grammatical error. +20944050 While judges have an obligation under the First Amendment to safeguard freedom of the press, "the right to deliberately alter quotations is not, in my view, a concomitant of a free press." +20944051 Ms. Malcolm, for example, wrote that Mr. Masson described himself as "the greatest analyst who ever lived." +20944052 No such statement appears on the tapes. +20944053 The majority cited Mr. Masson's remark "It's me alone . . . against the rest of the analytic world" as warrant for the Malcolm fabrication. +20944054 But, as Judge Kozinski noted, the context shows that Mr. Masson's "me alone" remark referred not to his alleged pre-eminence in his profession but to the fact that his position on a particular issue was not shared by anyone else. +20944055 Ms. Malcolm had Mr. Masson describing himself as "an intellectual gigolo." +20944056 Again, no such statement appears on the tapes. +20944057 The majority decision contended that the phrase was a rational interpretation of Mr. Masson's description of himself as a "private asset but a public liability" to Anna Freud and that in any case it was not defamatory. +20944058 Judge Kozinski found the derivation entirely strained and writes that "for an academic to refer to himself as an intellectual gigolo is . . . a devastating admission of professional dishonesty." +20944059 These were only two of a series of fabrications that had, in Judge Kozinski's words, the cumulative effect of making Mr. Masson "appear more arrogant, less sensitive, shallower, more self-aggrandizing, and less in touch with reality than he appears from his own statements." +20944060 As Robert Coles wrote in a review of Ms. Malcolm's book, Mr. Masson emerges "as a grandiose egotist . . . and, in the end, a self-destructive fool. +20944061 But it is not Janet Malcolm who calls him such: his own words reveal this psychological profile." +20944062 We now know that the words were not always his own. +20944063 "There is one sacred rule of journalism," John Hersey has said. +20944064 "The writer must not invent." +20944065 Should the green light Judges Alarcon and Hall have given to the fabrication of quotations become standard practice, it will notably reduce the value of journalism for historians -- and for citizens. +20944066 As Judge Kozinski put it: "To invoke the right to deliberately distort what someone else has said is to assert the right to lie in print. . . . +20944067 Masson has lost his case, but the defendants, and the profession to which they belong, have lost far more." +20944068 The historical profession will survive these decisions. +20944069 Perhaps in time the Supreme Court will correct them. +20944070 But writing history is tough enough without judges gratuitously throwing obstacles in the scholar's path. +20944071 Mr. Schlesinger is Albert Schweitzer professor of the humanities at the City University of New York and a winner of Pulitzer Prizes in history and biography. +20945001 Hale Milgrim, 41 years old, senior vice president, marketing at Elecktra Entertainment Inc., was named president of Capitol Records Inc., a unit of this entertainment concern. +20945002 Mr. Milgrim succeeds David Berman, who resigned last month. +20946001 Legal controversies in America have a way of assuming a symbolic significance far exceeding what is involved in the particular case. +20946002 They speak volumes about the state of our society at a given moment. +20946003 It has always been so. +20946004 In the 1920s, a young schoolteacher, John T. Scopes, volunteered to be a guinea pig in a test case sponsored by the American Civil Liberties Union to challenge a ban on the teaching of evolution imposed by the Tennessee Legislature. +20946005 The result was a world-famous trial exposing profound cultural conflicts in American life between the "smart set," whose spokesman was H.L. Mencken, and the religious fundamentalists, whom Mencken derided as benighted primitives. +20946006 Few now recall the actual outcome: Scopes was convicted and fined $100, and his conviction was reversed on appeal because the fine was excessive under Tennessee law. +20946007 So it was with the Hiss case a generation later, when Alger Hiss became a lightning rod for the anxieties of the Cold War and conflicting attitudes toward the New Deal he had served. +20946008 His trials aroused public passions out of all proportion to the rather banal secrets he allegedly had passed to Soviet intelligence. +20946009 And so it seems to be with the case of Elizabeth Morgan, the Washington, D.C., plastic surgeon jailed in a child custody case for refusing to reveal the whereabouts of her daughter. +20946010 Dr. Morgan has just emerged from the D.C. jail after more than two years' confinement for contempt of court, a heroine to her many supporters. +20946011 To the rest of us, the case is a puzzle. +20946012 It is what lawyers call "fact intensive." +20946013 It presents no great issue of legal principle, no overriding question of family law or the law of contempt. +20946014 Instead, it turns on the disputed and elusive facts of "who did what to whom." +20946015 It is difficult, if not impossible, for anyone who has not pored over the thousands of pages of court pleadings and transcripts to have a worthwhile opinion on the underlying merits of the controversy. +20946016 Certainly I do not. +20946017 So we must look elsewhere for an explanation of the unusual power this case has exerted over the minds of many, not just in Washington but elsewhere in the country and even the world. +20946018 I suggest that three themes have come together in the strange case of Dr. Morgan. +20946019 The first is that it represents an intense battle in what James Thurber used to caricature as "the war between the sexes." +20946020 But although Thurber did so gently and lightheartedly, many of Dr. Morgan's supporters have taken Thurber's memorable title "The Male Animal" quite literally. +20946021 The vehemence of the emotions aroused by the case testifies to its symbolic importance in the war that Thurber accepted as an eternal part of the human condition. +20946022 A second theme is the undercurrent of social class and race in the public reaction to the Morgan case. +20946023 Dr. Morgan is a highly educated white professional who attended some of the "best" schools. +20946024 As members of the Black Caucus in Congress asked during the debate on the legislation that freed Dr. Morgan, does anyone seriously believe that if she were an uneducated, black, working-class woman, Congress would have rushed to pass a private relief bill freeing her? +20946025 Or that the president would have hurried to sign the bill "out of compassion for her plight"? +20946026 To ask those questions is to answer them. +20946027 Finally, the case of Dr. Morgan gave Congress an opportunity to act with unaccustomed decisiveness and to engage in one of its favorite pastimes -- bashing the District of Columbia government. +20946028 The local government is discredited in the eyes of many residents for a variety of reasons, and congressmen read the same newspapers and watch the same TV newscasts as other people in the area do. +20946029 Bashing the D.C. government is risk-free for members of Congress, who do not have to answer to their own constituents for it. +20946030 Congress is paralyzed from acting on such great issues of the day as the federal budget deficit. +20946031 Yet a bill tailored to the interests of a single individual passed Congress with almost unimaginable speed, before the judicial process had run its course, and, indeed, while the Morgan case was awaiting a ruling by the appellate court. +20946032 The Morgan case thus tells us much more about the current state of sex, class, race and politics in our society than it does about the facts of Dr. Morgan's particular situation. +20946033 It may stand as a metaphor for how wide and deep the divisions in that society continue to be however we try to deny their existence. +20946034 Mr. Rezneck is a lawyer in Washington, D.C. +20947001 The National Aeronautics and Space Administration said it awarded General Dynamics Corp. a $64 million contract to launch the Combined Release and Radiation Effects Satellite in June 1990. +20947002 CRRES is a joint NASA-Air Force satellite to study the effects of space radiation on micro-electronic components. +20947003 NASA said General Dynamics will launch CRRES using an Atlas 1 rocket. +20948001 Ronald J. Taylor, 48, was named chairman of this insurance firm's reinsurance brokerage group and its major unit, G.L. Hodson & Son Inc. +20948002 Robert G. Hodson, 65, retired as chairman but will remain a consultant. +20948003 Stephen A. Crane, 44, senior vice president and chief financial and planning officer of the parent, was named president and chief executive of the brokerage group and the unit, succeeding Mr. Taylor. +20948004 The appointments are effective Nov. 1. +20948005 Corroon said it will announce a successor to Mr. Crane at a later date. +20949001 An investment company said it offered to acquire Arby's Inc., the fast-food operator, for $205 million. +20949002 The proposal, however, was immediately rebuffed by Arby's parent, DWG Corp. +20949003 "Arby's isn't for sale," said Renee Mottram, senior vice president at DWG. +20949004 The new suitor, Stevric Equity Ventures Inc., of Mineola, N.Y., characterized its proposal as the "first truly independent offer which does not pit one interest group against another within the Arby's franchisee community." +20949005 In September, DWG, a Miami Beach, Fla., holding company controlled by financeer Victor Posner, rejected an offer from a group of Arby's franchisees to acquire Arby's for $200 million. +20949006 Since then, a second group of franchisees has banded together to try to wrestle control of the unit from Mr. Posner. +20949007 Arby's is the marketing, franchising and service company for the 2,100 restaurants in the chain. +20949008 Stevric's principals, Richard and Steven Buckley, said they led the acquisition group that acquired the Nathan's Famous Inc. restaurant chain and subsequently served as the top officers of the company. +20949009 Richard Buckley said Stevric's acquisition of Arby's "would allow seasoned franchisers and food-service operators, with no conflicts of interest, to stabilize franchisee relations and properly refocus the company's energies toward growth. +20950001 General Motors Corp.'s big defense and automotive electronics unit, GM Hughes Electronics, said net income fell 22% in the third quarter, reflecting declining military spending and slumping GM vehicle production. +20950002 Meanwhile, net at GM's finance arm, General Motors Acceptance Corp., fell 3.1%. +20950003 By contrast, Electronic Data Systems Corp., GM's data processing subsidiary, boosted net 16%. +20950004 GM closed down $1.875 at $44.875 in New York Stock Exchange trading yesterday. +20950005 Earnings for GM common stock, reflecting the performance of GM's core automotive operations, will be disclosed this morning. +20950006 GM Class H, which represents a dividend interest in Hughes earnings, closed at $29, up 25 cents in Big Board composite trading. +20950007 GM Class E, which represents a dividend interest in EDS profit, fell 75 cents to $52.25 on the Big Board. +20950008 The earnings drop at GM Hughes Electronics is a sign of tough times at both the defense operations of Hughes Aircraft Co. and GM's North American automotive operations, which are a primary customer for the Delco Electronics Corp. side of the GM Hughes unit. +20950009 Profit at the unit fell to $110.6 million, or 37 cents a share, from $142.4 million, or 45 cents a share, largely because of a $24 million one-time charge associated with Hughes's previously announced plan to reduce employment by at least 6,000 people by year end. +20950010 Even excluding the charge, however, net fell 5%. +20950011 In addition, GM's North American vehicle production fell 8.4% from a year ago, which hurt Delco Electronic's earnings, a company spokesman said. +20950012 That decline was reflected in revenue for the GM Hughes unit, which edged down to $2.58 billion from $2.63 billion. +20950013 In the nine months, GM Hughes net fell 6.6% to $486.6 million, or $1.48 a share, from $521 million, or $1.58 a share. +20950014 Revenue rose 3.5% to $8.47 billion from $8.18 billion. +20950015 At GMAC, net dropped 3.1% to $234.5 million from $241.9 million. +20950016 The finance unit attributed the decline to higher borrowing costs compared with a year earlier. +20950017 GMAC said its automotive financing and leasing business rose 35% in the U.S., largely because of dealer and customer incentives used to boost sales. +20950018 GMAC profits are combined with earnings from the rest of GM's operations and attributed to the company's traditional common stock. +20950019 In the first nine months, GMAC's earnings fell 8% to $859.5 million from $930.2 million. +20950020 At EDS, third-quarter profit jumped 16% to a record $110.9 million, or 93 cents a share, from $95.9 million, or 79 cents a share. +20950021 Revenue rose 12% to $1.37 billion from $1.22 billion. +20950022 In the nine months, EDS earned $315.8 million, or $2.62 a share, up 13% from $280.7 million, or $2.30 a share. +20950023 Revenue rose 14% to $4.03 billion from $3.54 billion. +20950024 Revenue from non-GM accounts was 45% of EDS's total business in the latest nine months, compared with 40% a year earlier. +20950025 The company has said it wants to boost non-GM revenue to at least 50% of its total business by the end of 1990. +20951001 William C. Ballard Jr., 48 years old, was elected a director of this distilled beverages concern, expanding the board to 11 members. +20952001 Alvin W. Trivelpiece, director of Oak Ridge National Laboratory, Oak Ridge, Tenn., was elected a director of this optical-products concern. +20952002 Mr. Trivelpiece, 58 years old, succeeds William Bolger, who died in August. +20953001 In the bidding war for Public Service Co. of New Hampshire, United Illuminating Co. raised its proposed offer to one it valued at $2.29 billion from $2.19 billion, apparently topping all other bidders. +20953002 The bids remain subject to evaluation by the federal bankruptcy court supervising PS of New Hampshire's reorganization. +20953003 They are also indirectly subject to approval by the state of New Hampshire, where residents fear soaring rates to pay for the cost of reorganization. +20953004 Each of the four parties bidding for PS of New Hampshire proposes a complex financial package to satisfy creditors and shareholders and also proposes a formula to limit rate increases to satisfy the state. +20953005 The new round of bidding would seem to complicate the decision making for Judge James Yacos, the bankruptcy judge overseeing the case, because the company's stockholders, unsecured creditors and regulators each are currently backing different plans. +20953006 In addition, some of the proposals are so close, that non-financial issues such as timing may play a more important role. +20953007 The unsecured creditors agreed in principle to support New Haven, Conn.-based United Illuminating's new bid. +20953008 They previously had backed an internal reorganization plan proposed by PS of New Hampshire. +20953009 All of the bidders contemplate full payment including interest to secured creditors. +20953010 United Illuminating's plan, however, offers more for unsecured creditors. +20953011 Geoffrey Kalmus, counsel to the official creditors committee, said that under the United Illuminating plan, unsecured creditors would be paid in full credits and interest of about $855 million, accrued before PS of New Hampshire's Jan. 1988 filing for bankruptcy court protection. +20953012 In addition, they would receive some $200 million in payments for interest since then. +20953013 Mr. Kalmus said that by next July they would have accrued unpaid interest equal to $350 million. +20953014 Other plans generally wouldn't pay unsecured creditors' interest accrued since the filing. +20953015 Under United Illuminating's plan, a new holding company would be formed to own the two companies. +20953016 It would be 72%-owned by United Illuminating holders and 28%-owned by current holders of PS of New Hampshire preferred and common stock. +20953017 PS of New Hampshire preferred holders also would get certain debentures and preferred stock. +20953018 United Illuminating said the preferred holders total package would equal about 60% of their claims. +20953019 Common shareholders would end up owning about 6.4% of the combined company. +20953020 As previously reported, Northeast Utilities, Hartford, Conn., Monday filed a bid it valued at $2.25 billion. +20953021 That offer was endorsed by the shareholders committee. +20953022 The other bidders, New England Electric System, Westboro, Mass., and PS of New Hampshire, didn't change the value of their bids, although PS of New Hampshire changed its rate proposal. +20953023 New England Electric values its offer at $2 billion and PS of New Hampshire values its reorganization plan at $2.2 billion. +20953024 The bankruptcy judge has ruled that federal bankruptcy laws could be used to circumvent state regulation. +20953025 However, creditors and bidders alike concede that the state plays a major role because it could significantly delay final settlement of a plan it didn't like. +20953026 The state has endorsed the New England Electric plan, which promises to limit rate increases to 4.8% annually for seven years. +20953027 Northeast Utilities' plan proposes 5.5% annual increases. +20953028 PS of New Hampshire amended its plan to call for two years of 5.5% rate increases followed by five years of 4.5% increases. +20953029 Fuel cost adjustments could change the effective rate increases, however. +20953030 Previously it had proposed seven years of 5.5% increases. +20953031 United Illuminating also amended its rate plan. +20953032 The new offer assumes just five years of 5.5% rate increases, to be followed by state-approved increases under the usual hearing procedure. +20953033 Previously United Illuminating had also called for seven years of 5.5% increases. +20953034 The bids and rate proposals generally assume the Seabrook nuclear power plant, which is completed, will go into operation. +20953035 Most of the plans have reduced bids in case the plant fails to get a license from the Nuclear Regulatory Commission. +20953036 In New York Stock Exchange trading, PS of New Hampshire's 17 1/2 debenture due 2004 closed yesterday at $82.50, up $2. +20953037 The utility's stock closed at $4 a share, up 37.5 cents, in composite trading on the Big Board. +20953038 In a separate development, PS of New Hampshire gave 60 managers severance agreements that would pay one to three years' salary if their jobs were changed or they were dismissed in the wake of a takeover. +20953039 It said the maximum cost of the plan would be $9.7 million. +20954001 C. Hyde Tucker will become president and chief executive officer of Bell Atlantic International Inc., a unit of this telecommunications concern, effective Jan. 1. +20954002 Mr. Tucker, 56 years old, is currently vice president and chief operating officer of Bell Atlantic's C&P Telephone unit. +20954003 Mr. Tucker will succeed Salvatore J. Barbera, 64, who will hold the newly created position of chairman of the international unit until his retirement April 1. +20955001 Richard Breeden hadn't noticed that his new desk had just four telephone lines and one phone. +20955002 It was, after all, only his second full day as chairman of the Securities and Exchange Commission. +20955003 But the lack of lines became painfully apparent. +20955004 As the stock market lurched into a 190-point free fall on Oct. 13, Mr. Breeden found himself scurrying around the sixth floor of the SEC -- from his desk, where the New York Stock Exchange was on an open line, to his assistant's office, where the Commodity Futures Trading Commission was connected, to a third room, where a computer monitored market moves. +20955005 With other anxious calls pouring in, he recalls, "I'd either have to disconnect the New York Stock Exchange or go out to the secretary's desk." +20955006 It won't happen again. +20955007 Now there are more lines connected to the chairman's office, and the market-monitoring computer has been moved next to his desk. +20955008 It's all part of a new "command center." +20955009 The changes in the office layout illustrate Mr. Breeden's stance as the nation's top securities regulator. +20955010 Like his predecessor, David Ruder, he was faced with a crisis in the stock markets soon after coming into office. +20955011 But unlike Mr. Ruder, who during the 1987 crash damaged himself by saying rather offhandedly that the markets might be closed, Mr. Breeden is turning the market drop to his own advantage, using it to further his agenda for the SEC. +20955012 In an interview and in congressional testimony, he repeatedly points to the recent 190-point plunge in the Dow Jones Industrial Average -- the second-largest ever -- as evidence of the need for Congress to give the SEC the ability to better monitor leveraged buy-out loan activity by brokerage firms and to track big trades in the market. +20955013 A veteran of another financial crisis, the savings-and-loan bailout, Mr. Breeden wants to have the SEC regulate securities issued by banks and S&Ls. +20955014 More broadly, he wants to "modernize" regulation by eliminating barriers between commercial and investment banking and by helping U.S. financial firms compete in the global market. +20955015 He believes the tax code encourages the use of debt instead of stock and may fuel leveraged buy-outs, an area the SEC doesn't regulate directly but one where it wields influence both on Wall Street and in Congress. +20955016 Also unlike Mr. Ruder, Mr. Breeden appears to be in a position to get somewhere with his agenda. +20955017 As a former White House aide who worked closely with Congress, he is savvy in the ways of Washington. +20955018 What's more, the coming months likely will offer him the opportunity to obtain his own majority on the five-member commission, enabling him to avoid the dissension that frustrated his predecessor. +20955019 But Mr. Breeden, a 39-year-old securities lawyer, has skirted some of the heftier issues facing the financial markets. +20955020 For instance, he hasn't stated a clear position on high-risk, high-yield junk bonds, an area of growing concern as turmoil in the junk market spills over into stocks. +20955021 He may be waiting to see the results of several pending SEC studies of junk market liquidity and disclosure rules. +20955022 He also has kept a close wrap on the names of people under consideration for the crucial post of enforcement director at the commission, a job vacant since the summer. +20955023 Mr. Breeden's selection will be scrutinized as an important signal about the strength of his commitment to continuing the SEC's high-profile pursuit of insider trading and market manipulation on Wall Street. +20955024 Congress seems likely to let the new chairman have his way for a while. +20955025 Members of the Senate Banking Committee know Mr. Breeden from working on the thrift-bailout bill, and the relationship generally remains warm. +20955026 Indeed, during Mr. Breeden's confirmation hearing last month, senators asked him to introduce his children three separate times -- more often than they asked about his qualifications for the job. +20955027 These days, Mr. Breeden is winning praise in Washington and on Wall Street for his behind-the-scenes role in monitoring the Friday-the-13th market plunge and the following Monday's harrowing morning session. +20955028 As a regulator charged with restoring investor confidence, Mr. Breeden avoided making market-jarring comments and worked to gather information critical to Wall Street and to other government agencies. +20955029 Not everyone has jumped on the Breeden bandwagon, however. +20955030 Some in Washington contend that it's too soon to tell whether Mr. Breeden will help or hinder the SEC. +20955031 "I don't think this was a real test," says one congressional aide. +20955032 "It was a fairly stressful weekend, but my sense is if you hadn't had Richard Breeden there, it wouldn't have made much of a difference." +20955033 For some at the SEC, an agency that covets its independence, Mr. Breeden may be too much of a Washington insider. +20955034 They note that he has adorned his office with five photos of George Bush, one of them featuring the First Dog, Millie. +20955035 They worry that Mr. Breeden also will roll over when told to do so by the White House. +20955036 But Mr. Breeden already has shown an eagerness to run the SEC his way. +20955037 During the Monday market rebound, a New York exchange spokesman told Cable News Network viewers that the industrial average had turned down 70 points. +20955038 Stunned, Mr. Breeden turned to his market-monitoring computer, which by then was next to his desk. +20955039 It showed the DJIA up 30 points. +20955040 SEC staffers soon determined that a widely watched stock-market service, Quotron, had miscalculated the industrial average. +20955041 Mr. Breeden instructed SEC staffers to inform the network that it was airing the wrong number. +20955042 "It was the plunge that didn't happen," he says. +20955043 Mr. Breeden also is trying to use a far more catastrophic event -- the California earthquake -- to move another rule change past Congress. +20955044 That disaster closed the Pacific Stock Exchange's stock options-trading operation, forcing those options to be switched to other exchanges temporarily. +20955045 Though obscure to most investors, the question of whether to list options on more than one exchange has aroused much interest in Congress, mainly because regional exchanges fear the change could bankrupt them. +20955046 Congressmen raised the issue yesterday at a hearing. +20955047 Mr. Breeden, not missing a chance to press his agenda, cited the earthquake. +20955048 That event, he contended, simply shows the "vulnerability" of having listings on only one exchange. +20956001 In a corner of the cavernous, new Nippon Convention Center sits Mazda Motor Corp.'s advanced-technology display. +20956002 The highlight: a "fragrance control system." +20956003 With the touch of a button, drivers can choose from lavender, jasmine, mint or perfume scents, all blown in through the car's air-conditioning system. +20956004 The soft, wafting aromas will "improve ride comfort," the display attests, and a proud employee says Mazda hopes to move the system out of the lab and into its cars in a year or two. +20956005 Welcome to the 28th Tokyo Motor Show. +20956006 Here you can find Mitsubishi Motors Corp. displaying a "live fish transporter," a truck akin to an aquarium on wheels, and Nissan Motor Co. with its "keyless" Boga, whose doors unlock upon recognizing the owner's fingerprints. +20956007 Suzuki Motor Co.'s Escudome sport vehicle features a pop-out rear tent and invites drivers to go "back to the nature." +20956008 But this biennial event, the world's largest display of cars and trucks, has its serious side, including the first major exhibitions of future engines and vehicle-suspension systems. +20956009 It's also the prime showcase for a country whose world dominance in the industry is increasingly acknowledged, and therein lies the draw. +20956010 Even the biggest auto shows in the U.S. are largely regional affairs, but the Tokyo show is international. +20956011 Virtually every automotive analyst in New York showed up. +20956012 Detroit-to-Tokyo flights were booked solid this week as Motor City executives, including Ford Motor Co. Chairman Donald E. Petersen and Chrysler Corp. Vice Chairman Gerald Greenwald, flocked to see the future. +20956013 Even the Soviet Union came, for the first time in 24 years, to show off its Lada Niva sedan and its futuristic dark-blue "Kompakt" model. +20956014 Here's a firsthand look at what the Japanese hosts sported, and what the foreign visitors saw. +20956015 New Technology +20956016 The hottest displays were items that insulate passengers from bumps, potholes and other rigors of the road. +20956017 These "active suspension systems" electronically sense road conditions and adjust a car's ride. +20956018 Existing suspension systems try to absorb bounces, but active suspension provides power to counter the jolts. +20956019 Nissan, in a 34-page tract, modestly compares its "hydraulic active suspension" to a cheetah, and equates the various parts to the animal's heart, brain, nerves and blood vessels. +20956020 Toyota Motor Corp. grandly touted its system in a car that splits in half to reveal the suspension's inner workings. +20956021 Nissan says it will introduce its first system next month on the Infiniti Q45 luxury sedan, and Toyota's Celica coupe will go on sale with the suspension device next spring. +20956022 But drivers in the U.S. must wait: The Japanese, for now, are keeping active suspension for domestic use only. +20956023 And Detroit's Big Three auto makers say their systems are still under development. +20956024 In the engine department, several companies displayed experimental models that within a decade could provide power equal to today's engines and yet take up only half the space, allowing for shorter hoods. +20956025 In the so-called two-stroke engines, which are expected to get sharply higher gas mileage, each piston goes up and down only once to provide power. +20956026 By contrast, the pistons in conventional four-stroke engines must move up and down twice in each power cycle. +20956027 The two-stroke engine displays by Toyota and Fuji Heavy Industries, the maker of Subaru cars, drew plenty of interest from U.S. auto executives, who are rushing to develop two-stroke engines. +20956028 Honda Motor Co. shows a more conventional five-cylinder engine in the new Accord Inspire model, which made its debut just this month -- in Japan only. +20956029 Honda says the five-cylinder engine provides a compromise between the fuel-economy of a four-cylinder, and the power of a V-6. +20956030 It is rumored to be bound for a new model in the luxury Acura line in the U.S., but Honda officials wouldn't comment. +20956031 Odd Cars, Funny Names +20956032 There's plenty of whimsy here, but it isn't always clear whether it's intentional. +20956033 The show's symbol is a woman riding on a snail, not your usual metaphor for speed and agility. +20956034 But the sponsors have an explanation: "Through the character associated with a snail," they say, "important values such as harmony with nature and aspirations for the future are sought." +20956035 Japanese auto makers are known for coming up with funny names, but this year the practice seems to have reached a new high -- or low. +20956036 Honda has a tiny motorcycle called the Monkey, and a slightly larger cousin, the Gorilla. +20956037 Mitsubishi has a futuristic delivery truck called the Guppy. +20956038 Mazda has the Bongo truck and, under its Autozam nameplate, a "microvan" called the Scrum. +20956039 Its buglike Carol minicar is "designed with softness, gentleness and warmheartedness." +20956040 But the court jester appears to be Japan's smallest car maker, Daihatsu Motor Co. +20956041 One of its futuristic concepts is the bubblelike Sneaker, which seats just one person in front and could hold a small child and bag of groceries in the rear. +20956042 Daihatsu also has the Fellow 90, the Leeza Spider and the Hijet Dumbo. +20956043 The jokes aren't just on the Japanese, though. +20956044 Regie Nationale des Usines Renault, the French auto maker, has a concept car called the Megane. +20956045 The name is supposed to connote feminine grandeur, but in Japanese it means "eyeglasses." +20956046 Foreign Presence +20956047 Foreign auto makers are taking the Tokyo Motor Show more seriously than ever. +20956048 AB Volvo invites passers-by to play "the role of the test dummy" by hopping in a car that simulates a crash to show just how its seat-belt tightener works. +20956049 Hyundai Motor Co. of South Korea has its first-ever exhibit in Tokyo. +20956050 General Motors Corp. is sponsoring its first independent display in 10 years, and it includes a boxy Buick station wagon with wood-grain side panels. +20956051 Ford and Chrysler also have exhibits, although theirs are tucked in a separate room with the less-popular automotive parts section. +20956052 "We've got to get out of the Detroit mentality and be part of the world mentality," declares Charles M. Jordan, GM's vice president for design, in explaining his pilgrimage to the Tokyo Show. +20956053 Even so, traditional American cockiness isn't terribly endangered. +20956054 Ford officials, for example, crowed about their first-ever Tokyo Grand Prix racing victory. +20956055 True, Ford was declared the winner Sunday, but only after the Honda driver who crossed the finish line first was disqualified because it hit another car and skid momentarily out of bounds. +20956056 Mr. Jordan of GM, meanwhile, still criticizes Japanese styling. +20956057 "It's hard for the Japanese," he says, "to get a feeling in a car, to get a passion in a car, to get emotion in a car. +20957001 Regarding your Sept. 28 Politics & Policy column on the party differences over cutting capital gains or expanding IRAs: Why not compromise now and save the public from the coming infantile congressional political rhetoric that seems to go hand in hand with the process? +20957002 The Republicans maintain that a 30% capital-gains exclusion will raise revenue in the short term and spur economic investment, while the Democrats maintain that an increase in the top income-tax rate and expanded IRAs will raise revenue and spur savings. +20957003 This is a classic example of the old saying, "The whole is greater than the sum of its parts." +20957004 It's ridiculous for a family with taxable income of $50,000 to pay the same 28% incremental tax rate as a family with taxable income of $250,000. +20957005 The 33% bracket should apply to all income over the applicable level, not just the 5% rate adjustment amount. +20957006 It's equally ridiculous not to provide a capital investment or retirement-savings tax incentive. +20957007 Jeffrey T. Schmidlin +20958001 PWA Corp. said it plans to sell by spring 1992 all 15 passenger planes it acquired earlier this year in its 248 million Canadian dollar (US$211.6 million) purchase of Wardair Inc. +20958002 PWA, which recently merged Wardair's operations with those of PWA-owned Canadian Airlines International Ltd., Canada's second-biggest airline, said the proposed sale is part of a revised five-year plan aimed at streamlining its fleet and shedding debt. +20958003 PWA wouldn't estimate the value of Wardair's aircraft, which include 12 Airbus A310-300s and three Boeing 747-100s. +20958004 But James Ireland, a Miami-based technical analyst with Avmark Inc., an aircraft evaluation firm, estimated the total "half-life" value of the 15 planes at about $650 million or more. +20958005 Mr. Ireland said 11 DC10-30 aircraft that PWA also said it plans to sell, beginning in 1992, have a current half-life value of about $34 million each, or a total $374 million, raising aggregate potential proceeds from the aircraft sale to about $1.02 billion. +20958006 Mr. Ireland said current demand for used aircraft is strong, partly because surging orders for new aircraft have lengthened waiting lists. +20958007 He predicted that PWA would have little difficulty attracting prospective buyers. +20958008 Under its revised fleet plan, PWA said it will also increase its existing fleet of eight Boeing 767-300ER aircraft to 18 by 1994, and add four more Boeing 747-400s by 1994 to the two units that it previously planned to add by next year. +20958009 PWA said two of the Boeing 767-300ER aircraft scheduled for delivery in 1990 would be leased out for two to five years. +20958010 PWA didn't disclose the expected net cost of the fleet overhaul, but a Toronto-based analyst estimated it at about $450 million (US), excluding replacement costs for the 11 DC10-30 aircraft that PWA plans to sell, and purchase costs for as many as 17 Airbus 320-200 aircraft that PWA previously ordered. +20958011 "I don't see this as a debt reduction exercise. +20958012 It's focused on streamlining" PWA's fleet in a bid to cut training and aircraft servicing costs, the analyst said. +20958013 PWA's long-term debt and capital lease obligations rose to C$1.24 billion at the end of the second quarter, nearly double the year-earlier figure, reflecting debt absorbed under the Wardair purchase. +20958014 PWA said it also expects to announce by Tuesday whether it will take delivery of all 17 Airbus 320-200 aircraft it previously ordered. +20958015 The first five leased units were to be delivered in 1991. +20959001 This British banking and financial-services group's investment-banking arm, Barclays de Zoete Wedd Group, announced the following appointments at its merchant-banking subsidiary Barclays de Zoete Wedd Ltd. +20959002 John Padovan, 51 years old, was named a deputy chairman. +20959003 Mr. Padovan is currently a director at Barclays de Zoete Wedd Ltd. +20959004 Graham Pimlott, 40, was named to the new post of chief executive officer of the merchant-banking corporate-finance division. +20959005 Callum McCarthy, 45, was named to the new post of deputy head of the corporate-finance division and a managing director. +20959006 Mr. Pimlott and Mr. McCarthy join Barclay's from Kleinwort Benson Ltd. where they served as directors. +20960001 The recent bids for United and American Airlines have led Congress to move with supersonic speed to protect incumbent airline managements. +20960002 The House is scheduled to vote today on an anti-airline-takeover bill that would block, for up to 50 days, any bid for 15% or more of a U.S. airline, even a straight cash purchase. +20960003 Transportation Secretary Sam Skinner, who earlier fueled the anti-takeover fires with his quasi-xenophobic attacks on foreign investment in U.S. carriers, now says the bill would further disturb the jittery capital markets. +20960004 Texas Rep. Steve Bartlett, who has 40,000 American Airlines workers in his district, says the bill is "good politics, but bad law." +20960005 It is ironic that at a time when America's partial airline deregulation is being emulated by governments from New Zealand to Ethiopia, so many in Congress favor an incumbent-protection program for airlines that would be more appropriate for the Soviet airline, Aeroflot. +20961001 Federal Reserve Chairman Alan Greenspan told Congress that the Fed can wipe out inflation without causing a recession, but he said doing so will inflict some short-term pain and will require reducing the federal deficit sharply. +20961002 Mr. Greenspan said he and other Fed governors endorse a bill by Rep. Stephen Neal (D., N.C.) that would require the Fed to pursue policies aimed at eliminating inflation within five years. +20961003 "Such a deadline is attainable, but it would have costs," Mr. Greenspan told Rep. Neal's monetary policy subcommittee. +20961004 The Fed chief opposed a bill-introduced by Reps. Lee Hamilton (D., Ind.) and Byron Dorgan (D., N.D.) -- that, among other things, would require the Fed to disclose all monetary policy moves immediately and increase outside scrutiny of the Fed. +20961005 In responding to questions, Mr. Greenspan played down reports of tension between the Fed and the Treasury over exchange-rate policy. +20961006 "What seem to be interpreted as great conflicts are relatively minor issues of tactics," he said. +20961007 He didn't elaborate. +20961008 But the Fed isn't enthusiastic about Treasury efforts to bring down the value of the dollar through intervention in foreign-exchange markets, and the Treasury is frustrated at the Fed's reluctance to cut interest rates to pull down the dollar's value. +20961009 Mr. Greenspan said the inflation rate, currently about 4 1/2%, "could be brought down to levels which are close to zero without putting the economy into a recession, but I do suspect that there might be some modest loss of economic output." +20961010 In other words, economic growth would be lower and unemployment would be higher for a few years. +20961011 But Mr. Greenspan, who has repeatedly said the Fed's goal is to reduce inflation, added that "whatever losses are incurred in the pursuing of price stability would surely be more than made up in increased output thereafter." +20961012 He warned that Fed efforts to conquer inflation would fail -- and could produce "a major financial crunch" -- unless they are accompanied by a significant reduction in the federal deficit, which causes the government to borrow heavily. +20961013 Rep. Neal's bill originally called on the Fed to reduce the inflation rate by one percentage point a year for five years and to maintain a zero inflation rate thereafter. +20961014 He altered the wording to win Mr. Greenspan's endorsement. +20961015 Even so, his bill is given little chance of passage. +20961016 Reps. Hamilton and Dorgan also have altered their bill, dropping a proposal to add the Treasury secretary to the 12-member Fed committee that makes monetary policy. +20961017 Instead, the bill simply calls for twice-a-year meetings between the committee and top administration officials. +20961018 Even that met with Mr. Greenspan's disapproval because it might subject the Fed "to a more intensely political perspective" and "could risk bending monetary policy away from long-term strategic goals." +20961019 While each of the Hamilton-Dorgan proposals represents only a small step, together they would erode the Fed's independence, Mr. Greenspan said. +20961020 Mr. Greenspan also said that although he favors cutting capital-gains taxes as sound economic policy, he would oppose such a move if it would undo the political compromise embodied in the Tax Reform Act of 1986 and result in higher marginal income tax rates. +20962001 Sears, Roebuck & Co. signed a contract with Bob Vila, the former host of the popular public television program "This Old House," to star in a half-hour home improvement show sponsored by the giant retailer. +20962002 The do-it-yourself show, slated to start airing by June 1990, marks Sears's entry into the burgeoning market of home repair television programs and could bolster sales of its home improvement products. +20962003 In recent months, sales of home improvement items have sagged, along with sales of other big ticket durable goods. +20962004 The show also signals Mr. Vila's return as a television celebrity. +20962005 Earlier this year, public television station WGBH in Boston fired Mr. Vila after a sponsor protested some of his numerous commercial endorsements. +20962006 With Mr. Vila as host, "This Old House" became one of the Public Broadcasting Service's top 10 programs, airing weekly on about 300 of the network's stations and seen by an average of 12 million viewers. +20962007 But Home Depot Inc., an Atlanta-based home center chain, objected when Mr. Vila started doing commercial endorsements for Rickel Home Centers, a New Jersey building supply company that competes with Home Depot in some markets. +20962008 "I'm ecstatic about the change," said Mr. Vila, whose new syndicated program is called "Home Again with Bob Vila." +20962009 In an interview, Mr. Vila criticized his old show, which is continuing with a new host. +20962010 "Public TV is in fantasy land," he said. +20962011 "Last season, we did a story that involved spending $700,000 in converting a two-family house into a bed and breakfast." +20962012 In the new show, he said, "we're going to spend $60,000 building a start-up house" for a young couple. +20962013 While Sears wouldn't comment on the brouhaha over Mr. Vila's commercial endorsements, it appears to be building a fence around Mr. Vila's affections. +20962014 His contract makes him "exclusive" spokesman for Sears's home improvement marketing campaigns. +20962015 Ogilvy & Mather in Chicago, a unit of WPP Group PLC, will handle the advertising account and syndication. +20962016 The only other endorsement permitted by the contract involves a series of Time-Life home improvement and repair books. +20962017 His other agreements to promote products have expired. +20962018 Little matter for Mr. Vila, who complains that "public TV never paid me more than $40,000 a year." +20962019 He said his compensation under the Sears contract is "a multimillion dollar deal. +20963001 Eugene A. Miller, 52 years old, was elected a director of this electric utility company, filling a vacancy. +20963002 He is president and chief executive officer of Comerica Inc. in Detroit. +20964001 The White House has decided to push for changes in pesticide law that are designed to speed the removal of harmful chemicals from the nation's food supply. +20964002 The proposed changes, which are scheduled to be announced today, would apply to pesticides and other substances found on fresh and processed foods, according to federal officials. +20964003 Environmental groups have been calling for faster action on dangerous pesticides and may welcome part of the proposal. +20964004 But they are already objecting to, among other things, a plan to give more weight to cost-benefit considerations in evaluating pesticides. +20964005 "It's a tremendous disappointment," said Janet Hathaway, an attorney with the Natural Resources Defense Council. +20964006 "Allowing the EPA to condone continued use of a chemical whenever the benefits outweigh the risks is absolutely anathema to the environmental community." +20964007 The Bush administration plans to announce a series of principles and to work with congressional leaders in writing specific legislative proposals that embody them. +20964008 The principles would give the Environmental Protection Agency increased authority and flexibility in regulating pesticides, with the aim of enabling the agency to move more quickly. +20964009 There already are proposals pending in Congress to overhaul pesticide law. +20964010 Moves to accelerate the removal of dangerous pesticides gained new impetus during this year's Alar scare, when the EPA was harshly criticized for failing to yank the possible carcinogen, a growth regulator used to make apples redder and crunchier. +20964011 The agency has since acted to remove Alar from the nation's grocery shelves by May 31, 1991, and the apple industry has said that growers already have stopped using the chemical. +20964012 In addition, the principles attempt to eliminate the so-called Delaney Paradox. +20964013 Under the Delaney clause, which applies to processed food, a chemical is banned if it causes cancer in laboratory animals. +20964014 Under other laws applying to pesticide use, however, that same chemical could be allowed to be used on fresh food if it fell within the EPA's tolerance level. +20964015 Among other changes, the White House wants to: +20964016 -- Give the EPA more flexibility to declare a pesticide an imminent hazard and pull it from the marketplace. +20964017 -- Speed up the process for removing a pesticide that isn't an imminent hazard. +20964018 -- Bar states from setting more stringent tolerance levels for a pesticide once the federal government has set a standard. +20964019 -- Give the EPA added discretion to set "negligible risk" levels for pesticide residues in processed food. +20964020 Chemicals that exceed these risk levels would be barred, but those that fall below these levels would be allowed. +20964021 -- Allow the EPA to permit the continued use of pesticides that exceed its negligible risk standard if the benefits of doing so outweigh the cost. +20965001 Financial markets took a midweek break from their recent wild gyrations with stock prices falling modestly, bond prices posting tiny gains and the dollar almost unchanged. +20965002 The Dow Jones Industrial Average lost 5.94 points to 2653.28 in moderate trading. +20965003 Long-term Treasury bonds rose slightly despite the arrival on the market of $4.52 billion in 30-year bonds offered by the Resolution Funding Corp. as part of the government's bailout of the savings and loan industry. +20965004 The dollar was barely changed against the West German mark and up marginally against the Japanese yen. +20965005 Yesterday's sluggish action was in marked contrast to the rearing and plunging of stock prices Tuesday after the proposed buy-out of UAL Corp. once again collapsed. +20965006 Traders said the stock market's lurching moves have prompted many investors to head for the sidelines until it regains some semblance of stability. +20965007 Although bond prices weren't as volatile on Tuesday trading as stock prices, traders nevertheless said action also was much slower yesterday in the Treasury market. +20965008 Bond investors paid close attention to comments by Federal Reserve Chairman Alan Greenspan, who was testifying before a congressional hearing, but weren't able to extract many clues about the future course of the Fed's monetary policy. +20965009 Many analysts are expecting the Fed to lower interest rates at least once more before the end of the year. +20965010 Investors now are awaiting today's release of the preliminary estimate of third-quarter gross national product. +20965011 Economists predict the report will show economic growth of about 2.5% in the third quarter, which would have little effect on financial markets. +20965012 But an unexpected deviation either way could roil bond and currency markets. +20965013 In major market activity: +20965014 Stock prices slipped lower in moderate trading. +20965015 Volume on the New York Stock Exchange totaled 155.7 million shares. +20965016 But advancing issues on the Big Board were ahead of decliners 784 to 700. +20965017 Bond prices inched higher. +20965018 The Treasury's benchmark 30-year issue rose less than an eighth of a point, or less than $1.25 for each $1,000 of face amount. +20965019 The yield on the issue stood at 7.88%. +20965020 The dollar was virtually unchanged. +20965021 In late New York trading the U.S. currency was quoted at 1.8353 marks and 141.52 yen, compared with 1.8355 marks and 141.45 yen Tuesday. +20966001 A few years ago, I was on a panel of journalists that discussed the "image" of intercollegiate athletics for an audience of campus information directors and others. +20966002 We scribblers quickly concurred that not only was the bad rep of big-time college sports richly earned, but also that it could be corrected. +20966003 Competition could be maintained -- and stadiums probably would remain full -- if schedules were reduced and the games returned to the students, we said. +20966004 Comments from the audience reflected widespread, if wistful, agreement with those conclusions. +20966005 As the session broke up, I was approached by a man who identified himself as the alumni director of a Big Ten university. +20966006 "I'd love to see sports cut back, and so would a lot of my counterparts at other schools, but everybody's afraid to make the first move," he confided. +20966007 "It's like the U.S. and the Russians: Nobody wants to disarm first." +20966008 And so our institutions of higher learning lurch from scandal to scandal on gridiron and basketball court, while the casualties mount. +20966009 Three new books make the point that one large price of the glittery college-sports show can be the integrity of the schools that stage it. +20966010 They are: "A Payroll to Meet: A Story of Greed, Corruption and Football at SMU" (Macmillan, 221 pages, $18.95) by David Whitford; "Big Red Confidential: Inside Nebraska Football" (Contemporary, 231 pages, $17.95) by Armen Keteyian; and "Never Too Young to Die: The Death of Len Bias" (Pantheon, 252 pages, $18.95) by Lewis Cole. +20966011 The pick of the group is "Payroll"; it should be required reading for every college president. +20966012 It chronicles how, over a period of a dozen years, Southern Methodist University bought its way to football respectability in the Southwest Conference, only to find itself trapped and strangled by the athlete-payoff system it created. +20966013 The school was the first, in 1987, to receive the NCAA's "death penalty" -- two years without football -- for repeated rules violations. +20966014 Given current headlines about the University of Florida, it may not be the last. +20966015 The man who brought the bribe to the Dallas school was Ron Meyer, a flashy sort who came in 1975 to rescue a woebegone program, Mr. Whitford writes. +20966016 Mr. Meyer's personal style was illustrated by his pinning a $100 bill to a high-school bulletin board on which other coaches tacked their cards. +20966017 One recruiter working with Mr. Meyer was so generous with $10 and $20 bills that prospects sang "Here Comes Santa Claus" when he approached. +20966018 Paying players at SMU was no casual operation. +20966019 It involved the athletics director, two different football coaching staffs, and school trustees and governors -- just about everybody, it seemed, but Donald Shields, the university's president. +20966020 There's a memorable passage in which Mr. Shields, having finally learned of the practice, expresses his outrage to Bill Clements, then a university governor (and now the governor of Texas!) and oil man Edwin Cox, chairman of the board of trustees. +20966021 "You stay out of it," author Whitford quotes Mr. Clements as saying. +20966022 "Go run the university." +20966023 Which was about what Mr. Shields did, and quietly, until he resigned a few years later, pleading ill health, when the stuff hit the fan. +20966024 Mr. Whitford drew on voluminous news media coverage of the SMU scandal, and on a university internal investigation. +20966025 Mr. Keteyian had to do most of his own digging on University of Nebraska football, which is, to date, high and dry as far as the NCAA is concerned. +20966026 Unfortunately, he gets low grades as an investigative reporter, relying heavily on what Chicago's late mayor, Richard J. Daley, called "insinuendo." +20966027 Discrepancies go unexplained in "Confidential" (one ex-player claims he received $4,000 to $5,000 for his season football tickets while others said theirs brought only a few hundred dollars), and when Mr. Keteyian can't nail down something, like who really owned a car driven by Husker tailback Doug Dubose, he simply reprints his notes. +20966028 There are gratuitous references to supposed romantic liaisons between Husker players and a low-level female university employee. +20966029 A serious charge -- that star flanker Irving Fryar "threw" the 1984 Orange Bowl game by intentionally dropping a pass in the end zone -- is included, even though the Nebraska assistant coach quoted denied making it. +20966030 Still, the book produces more smoke than a smoldering sofa, along with a few flames, especially concerning the use of steroids. +20966031 Dean Steinkuhler, a spectacularly bulked-up former lineman, confesses that he used 'em, and says other Huskers did too. +20966032 It's a mystery how this could have escaped the notice of Nebraska coaches. +20966033 Probably, it didn't. +20966034 "Never Too Young" is a different sort of work, focusing on the 1986 death from cocaine ingestion of Bias, a University of Maryland basketball star ticketed for sure pro stardom. +20966035 While the university was no more to blame for that than for the similar fate of any other student, it must bear responsibility for its conduct in the aftermath. +20966036 Bias's coach, Lefty Driesell, ordered the room in which Bias died to be cleaned before the police could arrive (the order wasn't carried out), and the school's athletics director issued false information about the academic standing of Bias and other players. +20966037 Those, of course, were the responses of people with something to hide. +20966038 One wonders how other college athletic officials would behave under the same circumstances. +20966039 Tomorrow's "On Sports" column will look at another aspect of the college sports mess. +20967001 Mercedes-Benz of North America Inc., a unit of Daimler-Benz AG, paid Massachusetts $9.1 million in taxes, bringing to an end a 10-month-long corporate tax chase. +20967002 Officials at the Department of Revenue had dogged the foreign car maker for taxes owed on business transactions and were proceeding to settle the dispute in court. +20967003 But "the check arrived in the mail," said Stephen Kidder, Massachusetts Commissioner of Revenue. +20967004 Mercedes-Benz, which had said it didn't owe taxes to Massachusetts partly because it sells its cars at a dock in Baltimore and not in Massachusetts, didn't explain its change of heart. +20967005 Last month, Mercedes-Benz executives approached state revenue officials complaining about bad press, the commissioner said. +20967006 The dispute was the subject of a Wall Street Journal article in August. +20967007 The amount covers taxes, interest and penalties owed from 1966, when the state began collecting corporate taxes, to 1985. +20967008 Mercedes-Benz also agreed to pay taxes owed for the years 1986 through 1988, Mr. Kidder added. +20967009 Under Massachusetts tax laws, corporations must pay 9.5% of estimated profits resulting from business transactions in the state if the company conducts a variety of non-sales activities, including warranties, customer complaints and relations with independent dealerships. +20968001 National Convenience Stores Inc., trying to shake the doldrums in the convenience-store business, said it will rearrange the merchandise in all of its stores in the next 18 months to cater better to the neighborhoods around its stores. +20968002 As part of the plan, the Houston-based company's 1,100 Stop 'N Go stores will be refocused to target black, Hispanic, upscale or core middle-class customers. +20968003 Stores in upper-income neighborhoods, for instance, will carry high-priced wines, publications such as Vanity Fair, gourmet pasta sauces, oat bran cereals and Weight Watchers and Pritikin products. +20968004 Stores in Hispanic areas will stock an assortment of Spanish-language magazines, Mexican cooking items and candies. +20968005 Stores in the company's core middle-class market will get more frozen and quick-to-prepare foods and a greater selection of bottled water. +20968006 V.H. Van Horn, National Convenience president and chief executive officer, said the move reflects the company's realization that the industry's poor performance stems from its failure to give customers what they want -- rather than from increasing competition from gasoline stations and 24-hour grocery stores. +20968007 "Convenience store merchandise has not kept pace with current trends in consumer preferences," he said in a speech at the company's annual shareholders meeting. +20968008 Analysts and competitors said the move reflects a growing need by the stores to expand their customer base beyond the traditional blue-collar worker who pops into a convenience store for a sandwich, cigarettes, soda or beer. +20968009 "There are an increasing number of people out there who are time-poor," said Chris Vroom, retail analyst with Alex. Brown & Sons of Baltimore. +20968010 "Those are primarily white-collar workers, a customer segment that has historically proved elusive for convenience stores." +20968011 National Convenience's move is likely to be echoed by other chains, though analysts note that Southland Corp., owner of 7-Eleven stores, and Circle K Corp. are too debt-heavy to roll out such an extensive effort. +20968012 Still, Southland said that its franchisees have been targeting their merchandise to their customers for years, and that the company has begun to follow suit. +20968013 For instance, Southland has expanded its bottled water selection in some stores and added fresh sandwiches in some outlets. +20968014 Several months ago, it also added black health and beauty aids displays to many stores, a spokeswoman said. +20968015 "We certainly see an increasing trend toward that," she added. +20968016 National Convenience said it has tested its new merchandise mix in 100 stores, with favorable results. +20968017 Analysts said the company's effort will be helped by its decision last year to put point-of-sale scanners in 200 stores, allowing National Convenience to quickly track items that are selling and those that aren't. +20968018 To promote its new strategy, National Convenience said it plans to spend about $12 million on advertising for the year ending June 30, up from about $10 million in fiscal 1989. +20969001 Labor Secretary Elizabeth Dole named a mediator to help resolve the lengthy labor dispute between the United Mine Workers and Pittston Co. +20969002 W.J. Usery Jr., labor secretary during the Ford administration, was named to mediate talks to settle the six-month strike by the UMW. +20969003 Previous talks between Pittston, of Greenwich, Conn., and the union have been sporadic and unsuccessful. +20969004 The union called the strike in April after Pittston refused to sign the UMW's national labor pact. +20969005 Pittston seeks changes in health and pension benefits, among other things. +20969006 No schedule for formal talks was set, but meetings are expected to begin soon. +20970001 One day after Delmed Inc. made top management changes and disclosed the end of an important business tie, its stock didn't trade and the company forecast a "significant" drop next year in sales of its core product. +20970002 That disclosure came, a Delmed spokeswoman said, after the American Stock Exchange alerted the company that trading wouldn't resume in its stock until additional information about developments was provided. +20970003 In addition to the forecast, the company also said it is examining potential cost cuts and reductions in overhead. +20970004 The spokeswoman said the exchange would resume trading of Delmed stock today. +20970005 Delmed, which makes and sells peritoneal dialysis products used in treating kidney disease, on Tuesday announced the resignations of Robert S. Ehrlich, chairman, president and chief executive officer, and of Leslie I. Shapiro, chief operating officer and chief financial officer. +20970006 They were succeeded by executives of Fresenius USA Inc. and its parent, Fresenius AG, which owns about 45% of Delmed. +20970007 At the same time, the New Brunswick, N.J., company said negotiations about pricing and volumes of product had collapsed between it and its exclusive distributor in the U.S., National Medical Care Inc. +20970008 Following that announcement Tuesday, however, company officials were unavailable to elaborate. +20970009 Yesterday, the spokeswoman said sales of Delmed products through the exclusive arrangement with National Medical accounted for 87% of Delmed's 1988 sales of $21.1 million. +20970010 The current distribution arrangement ends in March 1990, although Delmed said it will continue to provide some supplies of the peritoneal dialysis products to National Medical, the spokeswoman said. +20970011 Nonetheless, "Delmed currently expects that 1990 sales . . . will be significantly below their 1989 level," the company said in a statement. +20970012 Delmed said yesterday that Fresenius USA would begin distributing the product and that the company is investigating other possible distribution channels. +20970013 In any case, supplies to patients won't be interrupted, the company added. +20970014 Fresenius, a West German pharmaceutical concern, has been discussing a transaction in which it would buy Delmed stock for cash to bring its beneficial ownership to between 70% and 80%. +20970015 The transaction also would combine Fresenius USA and Delmed. +20970016 But the plan now is being "reformulated," Delmed said, declining to provide most of the new terms of the combination. +20970017 Said the spokeswoman: "The whole structure has changed. +20970018 The value of the company has changed." +20970019 Delmed did say that the proposal still would infuse cash into Delmed but less than the $10 million originally expected. +20970020 Delmed also would receive the North American rights to certain Fresenius AG products. +20970021 Another option for Delmed, the company said, is that it could sell its plant in Ogden, Utah. +20970022 It added that no discussions about such a sale are under way. +20971001 Brooks Armored Car Service Inc. never wanted to get into money laundering. +20971002 But July 5, a thunderstorm in Wilmington, Del., caused Shellpot Creek to rise 15 feet, pouring 1.3 million gallons of water into basement vaults. +20971003 The water destroyed about $75 million in currency and caked $4 million of coins with mud, rendering them dangerous to counting machines. +20971004 The $75 million in paper money, although moldy, mildewy and smelly, was exchanged through the Federal Reserve Bank of Philadelphia without incident. +20971005 But Brooks was unable to reach a coin-cleaning agreement with the government. +20971006 "We kind of got caught between bureaucracies," says President William F. Brooks Jr. +20971007 The U.S. Mint wouldn't take the coin because it wasn't mutilated, and the Federal Reserve Bank accepts only clean coins, he says. +20971008 The Philadelphia Fed says it is merely an "agent" for coins, responsible only for storage and distribution. +20971009 "We issue paper money; we destroy paper money," says Jane Hinkle, a Philadelphia Fed spokeswoman. +20971010 "The coin is their problem." +20971011 A Mint official says the agency offered to clean the coins for its "bare-bones" cost of $17,000 plus certain other expenses. +20971012 But Brooks declined, figuring that transporting the mucked up money to Washington would cost the company thousands more. +20971013 So Brooks gave the dirty work to Coin Wrap Inc., which came up with an unusual solution. +20971014 For eight hours a day for the past two weeks, in aggregates of as much as 27,000 pounds (equaling $20,000 in pennies), Coin Wrap has been pouring money into a cement-mixing truck. +20971015 A giant heater, working like a blowtorch, causes the mud to crust and burns off any wrappers. +20971016 After clanging around for an hour or so, the shiny, hot money pours out of the cement chute, where a giant vacuum sucks away the dried mud and burnt wrappers. +20971017 After cooling, the coins are then rewrapped. +20971018 Brooks expects to pay Coin Wrap a total of about $20,000 -- a cost that insurance won't cover. +20971019 And while the job is half done, Brooks is still bitter. +20971020 In fact, there's only one person involved who's happy, and that's Floyd String, president of Coin Wrap and conceiver of the cement-truck solution. +20971021 Not only did his company find $20,000 worth of work, but when the approach was suggested, Mr. String says, Brooks officials "didn't laugh at me or anything. +20972001 "Parenthood," this summer's successful and amusing movie about parents and children, apparently was only the beginning. +20972002 It seems that every day a new movie opens featuring a child coping with a mother's death, or adoption, or aging parents, or pregnancy. +20972003 And why not? +20972004 Some of our best and most idiosyncratic film makers -- from Truffaut to Fellini to Woody Allen -- have taken a cue from Chekhov: When it comes to compelling drama, there's no place like home. +20972005 Yet too many people working in Hollywood today seem to suffer from the delusion that the drama played out in every home will be interesting to people who live somewhere else. +20972006 This is not the case. +20972007 Some diaries simply aren't worth snooping in. +20972008 Yet there will be people who will sob at "Immediate Family," a limply constructed and offensive movie about adoption. +20972009 These are the sensitive souls who can empathize with and even enjoy hearing about other people's troubles, no matter how haltingly or predictably the sad tale is told. +20972010 Written by Barbara Benedek, co-author of "The Big Chill," "Immediate Family" takes the position that only rich people living in nice houses should have children. +20972011 The film makers have couched this offensive idea in pretty packaging. +20972012 Everyone is very nice and good-looking -- the adoptive parents (Glenn Close and James Woods) and the teen-age couple who decide to give up their baby for adoption (Mary Stuart Masterson and Kevin Dillon). +20972013 Linda and Michael (Ms. Close and Mr. Woods), who seem to be pushing 40, live in a large and tastefully decorated home in suburban Seattle. +20972014 All of their friends have children and they can't, so now they want a child more than anything -- perhaps even more than Michael wanted his fancy convertible or his deluxe stereo equipment. +20972015 The idea of a child-as-required-yuppie-possession must be motivating them, since the wealthy offspring of their friends are shown to be rude brats, in therapy by age five. +20972016 Having exhausted all modern aids to fertility, Linda and Michael decide to adopt. +20972017 The actors wear pained expressions to indicate their genuine longing for a little one -- or maybe they're not-so-subtly commenting on the inadequacy of the script, and Jonathan Kaplan's ("The Accused") dull direction. +20972018 Or maybe they are disgusted by the literal-minded musical score; when a character arrives at a major decision her thoughts are revealed by the sound of "I Can See Clearly Now." +20972019 The adoption agency insists on introducing the adopting parents to the birth mother, so Linda and Michael pay for pregnant Lucy's (Ms. Masterson) bus ticket from Ohio. +20972020 (Why in these movies is the unwed pregnant woman always from Ohio? +20972021 I ask this not necessarily as a native Ohioan.) +20972022 Lucy, of course, is pretty and smart, though uneducated. +20972023 Everyone falls in love with everyone else. +20972024 There is some pain, when Lucy has the baby and "didn't know she would feel like this" and wants to keep the baby. +20972025 But in the end, everything turns out for the best, in the film makers' warped view. +20972026 Like lawyers in the hostile takeover field, the baby goes where the money is. +20972027 At the other end of the life cycle is "Dad," Gary David Goldberg's adaptation of the William Wharton novel. +20972028 This picture is about a middle-aged son who makes sure that his delayed bond with his father will last by waiting to cement it until just before the old man dies. +20972029 The glib emotional style Mr. Goldberg has perfected on television's "Family Ties" doesn't benefit from magnification. +20972030 His characters practically scamper through a vast range of human emotions, like travelers doing 10 cities in eight days. +20972031 They pause only to register little whimpers of distress and sighs of satisfaction, like tourists cataloging the sights they've seen from the window of a bus. +20972032 Not even Jack Lemmon's expert doddering makes this trip worth taking. +20972033 So it's entirely possible that "Look Who's Talking" isn't as entertaining as it seems in comparison to the turgid other films opening now. +20972034 But by comparison, this fluffy comedy seems like a gem. +20972035 It starts with conception, taking the sperm's point of view, then progresses to the baby's point of view. +20972036 Bruce Willis's best attribute as an actor is his coy, lazy voice, and that's all you get of him here, speaking for the baby. +20972037 Finally, there is one family movie that quite eloquently explores the depth of human emotion -- only its stars are bears. +20972038 For the second time, in a movie called "The Bear," French director Jean-Jacques Annaud demonstrates just how powerful pictures can be. +20972039 ("Quest for Fire" was the first time.) +20972040 To be sure, one wonders what kind of man is this, who feels compelled to try to understand the most primitive longing and instinct in a way that requires the most sophisticated appreciation of visual storytelling. +20972041 Supposedly, he proposed the movie to his producer, Claude Berri, in four lines: +20972042 "An orphan bear cub. +20972043 A big solitary bear. +20972044 Two hunters in the forest. +20972045 The animals' point of view." +20972046 But then, even a great many words couldn't summarize the extraordinary pull of this movie about an orphaned bear who adopts a parent. +20972047 Video Tip: +20972048 One of the best movies about the child-parent thing in recent years was "Raising Arizona," the 1987 Coen brothers' comedy that definitely was not about the folks next door. +20973001 Westinghouse Electric Corp., capitalizing on a major restructuring program, expects operating margins of more than 10% and double-digit per-share earnings growth next year, top officers told securities analysts here. +20973002 John C. Marous, chairman and chief executive officer, also said the company expects sales from continuing businesses to rise 8.5% annually through the next three years. +20973003 In 1988, the company earned $822.8 million, or $5.66 a share, on sales of $12.49 billion. +20973004 Since 1983, Westinghouse has shed 70 businesses that it didn't expect to produce 10% operating margins while acquiring 55 businesses. +20973005 In the past 20 months alone, Paul E. Lego, president and chief operating officer, said the divestiture of $300 million of slow-growth, low-profit businesses has been more than offset by $600 million in profitable acquisitions. +20973006 Westinghouse expects to meet its corporate goals despite a softening in the economy. +20973007 Even if the gross national product is either flat or in the growth range of 2% to 2.5%, "we can handle that," Mr. Marous said. +20973008 GNP is the total value of the nation's output of goods and services. +20973009 A bright spot is the company's power-generation business, which is experiencing a surge of growth for the first time in years. +20973010 Mr. Marous said the business will achieve higher sales this year than the company's target goal of 8.5%. +20973011 While Westinghouse hasn't had a nuclear power plant order from a U.S. utility in about a decade, excess capacity is beginning to shrink. +20973012 Mr. Lego said the company foresees the need for a major boost in new-generation capability throughout the 1990s. +20973013 Westinghouse also is well positioned to sell steam turbine and gas turbine plants to independent power producers. +20973014 The company's ability to respond to energy needs world-wide will be enhanced through a recently announced venture with Mitsubishi Heavy Industries, Mr. Lego said. +20973015 He said the independent power segment could grow to provide as much as 50% of near-term generation capacity, adding: "We expect to supply a significant share of this market." +20973016 Westinghouse also expects its international sales to soon grow to 25% of total corporate sales from 20% last year. +20973017 The company is negotiating with the Soviets to build a Thermo King truck-refrigeration plant that would produce about 10,000 units annually. +20973018 Mr. Marous said Westinghouse would own 70% of the facility. +20973019 The deal, which will involve an initial $20 million investment, was struck with a handshake, he added. +20973020 Company officials also said that any gain from the sale of Westinghouse's 55% stake in its transmission and distribution venture with the Swiss firm of Asea Brown Boveri will be offset by a restructuring charge in the fourth quarter. +20973021 The executives didn't disclose the size of the expected gain. +20973022 Capital expenditure in 1990 will rise slightly, Mr. Marous said, from an estimated $470 million this year. +20974001 SHORT INTEREST in International Mobile Machines Corp. fell to 3,102,935 shares in the month ended Oct. 13 from 3,420,936 in September. +20974002 Because of an error by the National Association of Securities Dealers, the listing appeared incorrectly in the main table and several highlight tables in yesterday's edition. +20975001 A proposed conflict-of-interest policy for federally funded biomedical researchers may thwart many high-technology new ventures, say financiers, researchers and university administrators. +20975002 The National Institutes of Health policy would require researchers to cut financial ties with health-care businesses -- or lose their government money. +20975003 Among other concerns, the agency says researchers with business ties are more likely to falsify findings in order to tout new drugs. +20975004 As ties between academia and venture capital have blossomed in recent years, governmental fear of abuse has risen. +20975005 But the guidelines could "make it impossible to commercialize research," says Kenneth Smith, associate provost and vice president for research at Massachusetts Institute of Technology. +20975006 The NIH is asking grant recipients and others for comments on the proposed guidelines until Dec. 15. +20975007 After that, it will make a final decision on the policy. +20975008 The guidelines could foil future arrangements similar to the deal behind Lithox Inc., a Salem, Mass., start-up, says Robert Daly, a managing partner of TA Associates, a venture-capital firm. +20975009 With $2.3 million, he and other investors launched Lithox last year to market a gallstone cure being developed by researchers of the University of California at San Diego. +20975010 The researchers, who are being financed by the Lithox funds, will receive a royalty, or percentage of sales, if their research yields a commercial product. +20975011 But because the University of California, like many other universities, shares its royalties with researchers, it may disqualify itself from federal funds under the proposed guidelines, Mr. Daly says. +20975012 The high-tech industry is full of the kind of arrangement that the new guidelines would affect. +20975013 For instance, Commonwealth BioVentures Inc., a venture-capital concern, last month invested $600,000 to launch Amira Inc., a Worcester, Mass., concern that will produce pharmaceuticals. +20975014 Scientists Rima Kaddurah-Daouk and Paul Schimmel conducted the initial research at the Massachusetts Institute of Technology. +20975015 While Ms. Kaddurah-Daouk left MIT to head Amira, Prof. Schimmel will continue to work at MIT, serve on Amira's board and own a small equity stake in the company. +20975016 The Amira transaction is typical of the way venture-capital firms are approaching the task of commercializing biotechnology research. +20975017 While universities develop the basic research, "venture capitalists are the ones best positioned to finance its commercialization," says Gloria W. Doubleday of Commonwealth. +20975018 "This is the best way to transfer technology straight off the campuses of universities." +20975019 But the new guidelines could prevent scientists like Prof. Schimmel from being involved with start-ups such as Amira, venture capitalists point out. +20975020 And if that happens, the entire process of transferring technology to the marketplace could be harmed, they say. +20975021 The stakes in the controversy are large. +20975022 Last year, venture capitalists spent an estimated $600 million to finance start-up companies in medical and biotechnology businesses, according to the National Venture Capital Association, a trade group. +20975023 Many of the deals involved transactions in which scientific institutions or researchers agreed to commercialize their work in return for an equity stake or royalties. +20975024 In many of these deals, "venture capitalists had the inside track," says Lawrence Bock of Avalon Ventures, La Jolla, Calif. +20975025 Investors were willing to gamble on new technologies because "we had exclusive rights to those technologies," he adds. +20975026 But under the proposed guidelines, all federally funded research will have to be reported publicly so that anyone can capitalize on the work. +20975027 "Without the exclusivity, most venture capitalists won't have the incentive to invest in such deals," Mr. Bock says. +20975028 Last year, for example, Avalon and others invested $14 million in Athena Neurosciences Inc., South San Francisco, Calif., to license and develop technology for delivery of drugs to the brain. +20975029 But before Athena was able to get an exclusive license to the technology, the Federal Register published most of the details, "giving all of the company's potential competitors a chance to exploit it," Mr. Bock says. +20975030 Athena eventually acquired exclusive rights to the technology and currently is developing it. +20975031 But, says Mr. Bock, "It was a close call." +20975032 The proposed guidelines could also delay commercialization -- and force small companies to waste scarce capital, entrepreneurs say. +20975033 If start-ups can't have early access to research being conducted at institutions, "we have to replicate it ourselves or do without the research," says Ruth Emyanitoff, manager of business development at Applied bioTechnology Inc., a Cambridge, Mass., concern. +20975034 Duplicating research is both costly and time-consuming for a start-up, Ms. Emyanitoff says. +20975035 For its part, NIH insists that its guidelines "should not stifle research creativity or technology transfer from the research laboratory to commercial use." +20975036 Universities such as Harvard and MIT should be able to develop a way to act as brokers for the individual scientists, says Katherine Bick, who oversees the huge NIH grants program as its deputy director for extramural research. +20975037 NIH staff members believe the guidelines are essential to prevent the escalation of problems that have already begun to surface in scientific ventures. +20975038 Not long ago, scientists holding stock in Spectra Pharmaceutical Services Inc. were accused of falsifying research to boost the stock. +20975039 Many officials are also concerned about companies getting a "free ride" on government-sponsored research. +20975040 A congressional subcommitee has been investigating the potential abuse from researchers holding stock in companies exploiting their research. +20975041 Among other provisions, the NIH guidelines would prohibit researchers and members of their immediate families from holding stock in any company that is affected by the outcome of their research. +20975042 Ms. Bick, the NIH administrator, says the business and scientific community is overreacting to what the agency merely meant to be "ideas for discussion." +20975043 The predictions of doom are "premature," she says. +20975044 But when agencies like the NIH circulate guidelines, they've often already formulated policy, veteran scientists say. +20975045 Indeed, institutions already are taking note. +20975046 On Sept. 14, Harvard began circulating a conflict-of-interest policy statement that, in effect, would follow the NIH guidelines faithfully. +20975047 The University of California at San Francisco is also circulating a memo among its scientific faculty that will restrict contact with the world of business. +20975048 In many other institutions, scientists are shunning contacts with venture investors until the NIH policy is settled. +20975049 Says Mr. Daly, the venture capitalist: "It doesn't matter whether they call it guidelines or policy. +20975050 The damage is already done. +20976001 Friday, Oct. 27, 9 p.m.-midnight EDT, on PBS (PBS air dates and times vary, so check local listings): "Show Boat." +20976002 New Jersey's Paper Mill Playhouse produced this faithful revival of America's most influential musical, written by Jerome Kern and Oscar Hammerstein and first produced on Broadway in 1927. +20976003 Worth watching, although the music has lasted better than the plot or the humor. +20976004 Saturday, Oct. 28, 8-10 p.m. EDT, on HBO (repeated Oct. 31, Nov. 5, 8, 14, 16 and 20): "Perfect Witness." +20976005 Aidan Quinn, Brian Dennehy and Stockard Channing are excellent in this gripping tale of a reluctant witness in an organized crime prosecution. +20976006 It's set in New York, but it resonates with the terrible dynamics of the Latin American drug wars. +20976007 Sunday, Oct. 29, 8-11 p.m. EST, on ABC: "The Final Days." +20976008 No doubt there is something to irk everyone in this AT&T-sponsored dramatization of Bob Woodward and Carl Bernstein's book about Watergate. +20976009 Personally, I'm irked by its combination of ponderousness and timidity, which adds up to an utter lack of drama. +20976010 Sunday, Oct. 29, 10-11 p.m. EST, on Showtime (repeated Nov. 2, 6, 11 and 15): "The Strange Case of Dr. Jekyll and Mr. Hyde." +20976011 Fans of Anthony Andrews ("Brideshead Revisited") will relish watching him play the title role(s) in the 19th-century Robert Louis Stevenson pre-Freudian drama of schizoid horror. +20976012 Monday, Oct. 30, 10-11 p.m. EST, on PBS: "Journey Into Sleep." +20976013 I promise you will stay awake through this intriguing documentary about the science of sleep. +20976014 Wednesday, Nov. 1, 9-10:30 p.m. EST, on PBS: "Thomas Hart Benton." +20976015 Critical opinion is divided about the success of Benton's populist defiance of modernist art. +20976016 But no one could disagree that Ken Burns has made a fascinating film about this famous American painter. +20976017 Thursday, Nov. 2, 9-10 p.m. EST, on A&E (repeated at 1 a.m. and on Nov. 5): "Third and Oak: The Pool Hall." +20976018 A one-acter by the Pulitzer Prize-winning playwright Marsha Norman is the first presentation in a new series called "American Playwrights Theater," sponsored by General Motors. +20976019 James Earl Jones and Mario Van Peebles carry out a bitter intergenerational dialogue between two black men. +20976020 Thursdays, Nov. 2-23, 10-11 p.m. EST, on PBS: "Taiwan: The Other China." +20976021 Judy Woodruff hosts this handsome four-part series about the history, economy, culture and politics of the island home of Chinese democracy and capitalism. +20976022 Friday, Nov. 3, 9-11 p.m. EST, on PBS: "Our Town." +20976023 Along with "Show Boat," "Great Performances" kicks off its new season with this Lincoln Center production of Thornton Wilder's best known play, in which the role of the small-town Stage Manager is given a hip twist by performance artist Spalding Gray. +20976024 Saturday, Nov. 4, 1:30-6 p.m. EST, on NBC: Breeder's Cup Day. +20976025 Polished hooves, fancy turf, fat purses -- the horse race of the year. +20976026 Sunday, Nov. 5, 10:30 a.m.-1:30 p.m. EST, on ABC: New York City Marathon. +20976027 Shiny Nikes, cracked cement, media glory -- the foot race of the year. +20976028 Sunday, Nov. 5, 8-9 p.m. EST, on TNT: "Gary Cooper: American Life, American Legend." +20976029 I've seen a great many moviestar film portraits, and this one is outstanding. +20976030 Sundays, Nov. 5-12, 9-10:30 p.m. EST, on PBS: "Glory Enough for All." +20976031 Can "Masterpiece Theatre" make a compelling human story out of the discovery of insulin? +20976032 This earthy, amusing film answers with a resounding "yes." +20976033 Sunday and Monday, Nov. 5 and 6, 9-11 p.m. EST, on NBC: "Cross of Fire." +20976034 The Ku Klux Klan was revived in the 1920s as a national organization aimed at Catholics and Jews as well as blacks. +20976035 One reason for its downfall was the murder trial of D.C. Stephenson, an Indiana leader whose reckless career is depicted in this film starring Mel Harris ("thirtysomething") and John Heard. +20976036 Tuesday, Nov. 7, 8-9 p.m. EST, on PBS: "Hurricane!" +20976037 Has the San Francisco earthquake caused you to forget Hugo? +20976038 You'll remember when you see the stunning footage taken from inside a hurricane's eye, in this edition of "NOVA. +20977001 Merksamer Jewelers Inc., a fast-growing jewelry store chain, filed for Chapter 11 bankruptcy-law protection from creditors, apparently to speed a management buy-out of the chain. +20977002 The filing, made yesterday in U.S. Bankruptcy Court here, follows an agreement by L.J. Hooker Corp., Merksamer's owner, to sell the chain to management for an undisclosed price. +20977003 GE Capital Corp., a financial services subsidiary of General Electric Co., is providing Merksamer management with $15 million in financing. +20977004 L.J. Hooker, based in Atlanta, filed for Chapter 11 protection in August and has also announced its intention to sell its B. Altman & Co. department store chain. +20977005 L.J. Hooker is owned by Hooker Corp., Sydney, Australia, which itself is currently being managed by a court-appointed provisional liquidator. +20977006 L.J. Hooker's planned sale of Merksamer is subject to approval by Judge Tina Brozman of U.S. Bankruptcy Court. +20977007 Rumors to the effect that the Merksamer chain would file for Chapter 11 arose last week in the jewelry industry. +20977008 At that time, Sam Merksamer, president of the chain, angrily denied that his company was about to file. +20977009 Mr. Merksamer is leading the buy-out. +20977010 According to executives close to the situation, Merksamer filed for Chapter 11 to speed the sale of the chain. +20977011 One executive said an accord signed by the unsecured creditors of L.J. Hooker Corp. had frozen in place all of L.J. Hooker's assets. +20977012 The Merksamer bankruptcy-law filing appears to supersede that agreement. +20977013 "By filing for Chapter 11, the Merksamer chain will only need approval from a bankruptcy judge for the sale, not the hundreds of unsecured creditors," said this executive. +20977014 "The cash from the sale will go to L.J. Hooker, but the company itself will belong to Sam Merksamer." +20977015 Mr. Merksamer and Sanford Sigoloff, chief executive of L.J. Hooker, were unavailable for comment. +20977016 In a statement, Mr. Merksamer described the filing as a "legal technicality," but also said that "our inability to obtain trade credit, combined with a need to ensure that our stores were properly stocked for the Christmas season, necessitated our filing Chapter 11." +20977017 The jewelry chain, which is based in Sacramento, Calif., had revenue of $62 million and operating profit of $2.5 million for the year ended June 30. +20978001 For all of this year's explosive run-up in stock prices, Renaissance Investment Management Inc.'s computer sat on the sidelines. +20978002 Now it's on the fence. +20978003 Renaissance, a Cincinnati-based money manager, began buying stocks again this week with half of the $1.8 billion that it oversees for clients, according to people familiar with the firm's revised strategy. +20978004 It was the first time since January that Renaissance has thought stocks are worth owning. +20978005 Renaissance declined to confirm the move, but its stock purchases were thought to have begun Tuesday, timed to coincide with the maturity this week of Treasury bills owned by the firm. +20978006 The other half of its portfolio is expected to remain invested in Treasury bills for the time being. +20978007 Wall Street executives said they believed that Renaissance's $900 million buy program was carried out by PaineWebber Inc. +20978008 As reported, PaineWebber bought shares Tuesday as part of a customer strategy shift, although the broker's client was said then to have been Japanese. +20978009 Yesterday, PaineWebber declined comment. +20978010 When it owns stocks, Renaissance's portfolio typically is composed of about 60 large-capitalization issues; to make buy or sell moves, the firm solicits Wall Street brokerage houses a day or so in advance, looking for the best package price to carry out the trades. +20978011 The broker winning the business doesn't charge commissions, but instead profits by buying or selling for less than the overall package price. +20978012 That puts the broker at risk if it's trying to buy stock in a rising market. +20978013 In Tuesday's gyrating session, the Dow Jones Industrial Average fell by 80 points early in the day, but finished with less than a four-point loss. +20978014 Renaissance's last portfolio shift, carried out by Goldman, Sachs & Co., was a highly publicized decision last January to sell its entire stock portfolio and buy Treasury bills. +20978015 The sell signal, which sent a bearish chill through the stock market, came when Renaissance's computer found that stocks were overpriced compared with bonds and Treasury bills. +20978016 At the time, the Dow Jones Industrial Average stood at about 2200. +20978017 The Dow average now stands more than 20% higher, while Renaissance's portfolio of Treasurys produced a return of about 6% through the first three quarters of the year. +20978018 The computer's miscalculation has been painful for Renaissance. +20978019 Almost any money manager holding stocks has turned in better results, while Renaissance has played it safe with Treasury bills. +20978020 So why does Renaissance's computer like stocks with the Dow at 2653.28, where it closed yesterday, when it didn't with the Dow at 2200? +20978021 "With the decline in stock prices and continued low or stable interest rates, stocks are representing a better value all the time," Renaissance President Frank W. Terrizzi said yesterday. +20978022 Three-month T-bill yields have fallen to 7.8% from about 9% at the start of the year. +20978023 Stock prices, meanwhile, are about 140 points lower than the peak of 2791.41 reached on the Dow industrial average Oct. 9. +20978024 Are those declines enough to signal a partial return to stocks? +20978025 Mr. Terrizzi won't say specifically, explaining that if there was such a move, it would take about three days to complete the loose ends of the transaction. +20978026 During that time, a buyer with the clout of a Renaissance could end up driving up the price of stocks it was trying to buy if it tipped its hand. +20978027 But everything is relative to Mr. Terrizzi, so stocks in his view can become more attractive in comparison with bonds or T-bills, even if shares are more expensive than when they were sold in January. +20978028 "Our {computer} model has a certain trigger point," he said. +20978029 When the computer says switch, Renaissance switches. +20978030 The firm has made 17 previous shifts from one type of asset to another in its 10-year history. +20978031 Almost all have involved at least half and often the firm's entire portfolio, as the computer searches for the most undervalued investment category, following a money-management style called tactical asset allocation. +20978032 Competing asset-allocation firms march to their own computer models, so some have been partly or fully invested in stocks this year while Renaissance has sat on the sidelines. +20978033 As a result, competitors say Renaissance has been looking for any opportunity to return to the stock market, rather than risk losing business by continuing to remain fully invested in Treasury bills. +20978034 Mr. Terrizzi confirms some clients have left Renaissance, but no major ones, and the firm has added new accounts. +20979001 David Evans, who last week resigned as president and chief executive of Qintex Entertainment Inc. "for personal reasons" just as the company filed for bankruptcy-law protection, has been temporarily reappointed to both positions, the company said. +20979002 Qintex Entertainment also said Chief Financial Officer and Treasurer Jonathan Lloyd, 37 years old, would join the nine-member board. +20979003 He succeeds Roger Kimmel, who resigned last week saying his participation in evaluating the company's role in buying MGM/UA Communications Co. was no longer necessary. +20979004 Mr. Evans will stay until a successor is found, but not later than the end of the year, the company said. +20979005 It was the 49-year-old Mr. Evans who had moved into the offices of MGM/UA and run the company during Qintex Australia Ltd.'s aborted bid for the movie company. +20979006 After MGM/UA terminated the $1.5 billion merger because of a dispute over a $50 million letter of credit, Qintex Entertainment -- which is 43%-owned by Qintex Australia -- found itself facing problems of its own. +20979007 And the relationship between Qintex Entertainment and the Australian company appears to be quickly deteriorating. +20979008 On Oct. 19, Qintex Entertainment was about to default on a $5.9 million payment owed to MCA Inc. in connection with the distribution of a television program. +20979009 Qintex Entertainment was depending on Qintex Australia to arrange financing. +20979010 But early on Oct. 19, the second of two hectic days of board meetings, Mr. Evans said he believed Qintex Australia wouldn't be forthcoming. +20979011 He recommended that the company file for protection under Chapter 11 of the U.S. Bankruptcy Code before the MCA deadline, according to a source familiar with the sessions. +20979012 But a majority of the board, which includes three members from the Australian company, overrode him. +20979013 Mr. Evans resigned. +20979014 Later in the day, according to the source, the board reversed itself, decided to file for bankruptcy protection, and asked Mr. Evans to stay on. +20979015 Mr. Evans told the board he needed the weekend to think about it. +20979016 Mr. Evans couldn't be reached yesterday for comment. +20979017 Last Monday, Qintex Australia announced a restructuring plan and said it would sell off assets. +20979018 Last week the company indicated it would cut back on the working capital it would supply to Qintex Entertainment. +20979019 Separately, a Qintex Entertainment shareholder filed suit in federal court in Los Angeles charging Qintex Australia with misleading shareholders about Qintex Entertainment's financial position. +20979020 Qintex Australia said it hadn't seen the suit and couldn't comment. +20980001 The Sept. 25 "Tracking Travel" column advises readers to "Charge With Caution When Traveling Abroad" because credit-card companies charge 1% to convert foreign-currency expenditures into dollars. +20980002 In fact, this is the best bargain available to someone traveling abroad. +20980003 In contrast to the 1% conversion fee charged by Visa, foreign-currency dealers routinely charge 7% or more to convert U.S. dollars into foreign currency. +20980004 On top of this, the traveler who converts his dollars into foreign currency before the trip starts will lose interest from the day of conversion. +20980005 At the end of the trip, any unspent foreign exchange will have to be converted back into dollars, with another commission due. +20980006 The card holder will pay the modest 1% fee only on the amounts actually needed. +20980007 Typically, he will be billed only several weeks after the expenditure, and then has another couple of weeks before he has to pay the bill. +20980008 In the meantime, the money can continue to earn interest for the card holder -- often more than 1% during that "float" period alone. +20980009 Daniel Brigham +20980010 Visa U.S.A. Inc. +20981001 MGM Grand Inc. has agreed to pay $93 million and nearly 1.8 million common shares to buy 117 acres of land along the Las Vegas, Nev., Strip as a site for its planned movie-studio and theme-park resort. +20981002 Of the total purchase price, $50 million cash and $30 million in stock (nearly 1.8 million shares) would be paid to buy the existing 700-room Marina Hotel & Casino from Southwest Securities, a Nevada limited partnership. +20981003 The remaining properties to be acquired are the Tropicana Country Club & Golf Course, a facility jointly owned by Ramada Inc., of Phoenix, Ariz., and the Jaffe family, and a small parcel owned by MGM Grand director James D. Aljian. +20981004 The purchase price was disclosed in a preliminary prospectus issued in connection with MGM Grand's planned offering of six million common shares. +20981005 The luxury airline and casino company, 98.6%-owned by investor Kirk Kerkorian and his Tracinda Corp., earlier this month announced its agreements to acquire the properties, but didn't disclose the purchase price. +20981006 The proposed stock offering and issuance of nearly 1.8 million common shares in connection with the land purchase will bring MGM Grand's total shares outstanding to 28.7 million, of which 72% will be owned by Mr. Kerkorian and Tracinda, according to the prospectus. +20981007 In over-the-counter trading, MGM Grand was bid at $17.50 a share. +20981008 Proceeds from the offering are expected to be used for remodeling the company's Desert Inn resort in Las Vegas, refurbishing certain aircraft of the MGM Grand Air unit, and to acquire the property for the new resort. +20981009 The company said it estimates the Desert Inn remodeling will cost about $32 million, and the refurbishment of the three DC-8-62 aircraft, made by McDonnell Douglas Corp., will cost around $24.5 million. +20981010 MGM Grand said the latest stock offering won't cover the $600 million or more cost of building the proposed resort and theme park, and added it will need to seek additional financing, either through bank borrowings or debt and equity offerings, at a later date. +20981011 Construction is set to begin in early 1991. +20981012 The resort will include the MGM Grand Hotel, a multi-spired, castle-like facility that will include 5,000 rooms and 85,000 square feet of casino space. +20981013 The facility will be marketed toward families, and room rates will be between $35 and $55 a night, MGM Grand said. +20981014 The prospectus didn't include many details about the studio and theme park, although conceptual drawings, released this month, show that it may feature several "themed" areas similar to those found at parks built by Walt Disney Co. +20982001 Investors poured $2.8 billion more into money-market mutual funds in the latest week despite further declines in yields. +20982002 Assets of the 400 taxable funds tracked by IBC/Donoghue's Money Fund Report jumped to $351.2 billion in the week ended Tuesday, the Holliston, Mass.-based newsletter said. +20982003 Assets soared $4.5 billion in the previous week. +20982004 Meanwhile, the average yield on taxable funds dropped nearly a tenth of a percentage point, the largest drop since midsummer. +20982005 The average seven-day compound yield, which assumes that dividends are reinvested and that current rates continue for a year, fell to 8.47%, its lowest since late last year, from 8.55% the week before, according to Donoghue's. +20982006 "Lower yields are just reflecting lower short-term interest rates," said Brenda Malizia Negus, editor of Money Fund Report. +20982007 Money funds invest in such things as short-term Treasury securities, commercial paper and certificates of deposit, all of which have been posting lower interest rates since last spring. +20982008 Individual investors can still get better yields on money funds than on many other short-term instruments. +20982009 The yield on six-month Treasury bills sold at Monday's auction, for example, was just 7.77%. +20982010 The average yield on six-month CDs of $50,000 or less at major banks was 7.96% in the week ended Tuesday, according to Banxquote Money Markets, a New York information service. +20982011 One way that money fund managers boost yields in a declining rate environment is by extending the maturities of their investments, so they can earn the current higher rates for a longer period. +20982012 The average maturity of the taxable funds that Donoghue's follows increased by two days in the latest week to 40 days, its longest since August. +20982013 "They're anticipating further declines in rates and they're going to get them, slowly," said Walter Frank, chief economist for the Donoghue Organization, publisher of Money Fund Report. +20982014 Average maturity was as short as 29 days at the start of this year, when short-term interest rates were moving steadily upward. +20982015 The average seven-day compound yield of the funds reached 9.62% in late April. +20982016 The highest-yielding funds are still above 9%. +20982017 The top-performing fund in the latest week was Dreyfus Worldwide Dollar, with a seven-day compound yield of 9.45%. +20982018 The fund invests heavily in dollar-denominated money-market securities overseas. +20982019 It is currently waiving management fees, which contributes to the higher yield. +20982020 The average seven-day simple yield of the 400 funds fell to 8.14% from 8.21%, Donoghue's reported. +20982021 The average 30-day simple yield slid to 8.22% from 8.26%, and the average 30-day compound yield fell to 8.56% from 8.60%. +20983001 Many small investors are facing a double whammy this year: They got hurt by investing in the highly risky junk bond market, and the pain is worse because they did it with borrowed money. +20983002 These people invested in "leveraged" junk bond mutual funds, the publicly traded funds that make a habit of taking out loans to buy extra junk. +20983003 It's a good strategy in a rising market, where a 25% leveraged portfolio in effect allows investors to have 125% of their money working for them. +20983004 The strategy boosts current yield by putting more bonds into the portfolio. +20983005 Trouble is, junk bond prices have been weak for months. +20983006 Thus, the leverage has amplified the funds' portfolio losses. +20983007 And shares of leveraged junk funds this year have been clobbered even harder than the junk bonds they hold. +20983008 "That's really where the leverage hurt," says Thomas Herzfeld, a Miami-based investment manager who specializes in closed-end funds. +20983009 "Share prices performed even worse than the funds' asset values because fear has taken hold" in the junk market, he says. +20983010 Leverage is never a problem for the traditional "open end" mutual funds, which aren't publicly traded and aren't allowed to use leverage at all. +20983011 Leverage is used only by some of the closed-end funds. +20983012 The usual maneuver is to borrow against the portfolio value or issue preferred stock, using the proceeds to buy additional bonds. +20983013 The fallout for investors lately has been painful. +20983014 Consider the New America High Income Fund. +20983015 With a leveraged position of about 45%, the fund's share price has plunged 28.5% so far this year. +20983016 That's worse than the price drop sustained by the bonds in its portfolio, whose total return (bond-price changes plus interest) has amounted to a negative 6.08%. +20983017 Such problems may not be over. +20983018 Leveraged funds in particular "are still extremely vulnerable, because we're still at the beginning of problems in the junk market," says George Foot, a managing partner at Newgate Management Associates in Northampton, Mass. +20983019 Many investors are unaware their funds have borrowed to speculate in such a risky market. +20983020 "If someone actually sat down and thought about what they were being sold," says Gerald Perritt, editor of the Mutual Fund Letter in Chicago, they might shy away. +20983021 In a typical leverage strategy, a fund tries to capture the spread between what it costs to borrow and the higher return on the bonds it buys with the borrowed money. +20983022 If the market surges, holders can make that much more profit; the leverage effectively acts as an interest-free margin account for investors. +20983023 But when the market moves against the fund, investors lose more than other junk holders because the market decline is magnified by the amount the fund is leveraged. +20983024 Fund managers, for their part, defend their use of leverage. +20983025 Carl Ericson, who runs the Colonial Intermediate High Income Fund, says the fund's 25% leverage has jacked up its interest income. +20983026 "As long as I am borrowing at 9.9% and each {bond} yields over that, it enhances the yield," he maintains. +20983027 Mr. Ericson says he tries to offset the leverage by diversifying the fund's portfolio. +20983028 Yet some funds have pulled in their horns. +20983029 New America High Income Fund recently said that it plans to reduce its leverage position by buying back $5 million in preferred stock and notes from investors. +20983030 The fund made a similar move earlier this year. +20983031 "We are trying to increase our flexibility," says Ellen E. Terry, a vice president at Ostrander Capital Management, the fund's investment adviser. +20983032 She declined to elaborate and wouldn't disclose the fund's recent purchases, sales or cash position. +20983033 Ms. Terry did say the fund's recent performance "illustrates what happens in a leveraged product" when the market doesn't cooperate. +20983034 "When the market turns around," she says, "it will give a nice picture" of how leverage can help performance. +20983035 Several leveraged funds don't want to cut the amount they borrow because it would slash the income they pay shareholders, fund officials said. +20983036 But a few funds have taken other defensive steps. +20983037 Some have raised their cash positions to record levels. +20983038 High cash positions help buffer a fund when the market falls. +20983039 Prospect Street High Income Portfolio, for instance, now holds about 15% in cash and equivalents, nearly quintuple the amount it held earlier this year, says John Frabotta, portfolio co-manager. +20983040 He says the fund, which is 40% leveraged, has maintained a "substantial cushion" between its borrowing costs and the yields of the portfolio's bonds. +20983041 "I don't want to be in a position to have to sell," Mr. Frabotta says. +20983042 Other funds have recently sold weak junk bonds to raise cash. +20983043 At the 50%-leveraged Zenith Income Fund, portfolio manager John Bianchi recently dumped Mesa Petroleum, Wickes and Horsehead Industries, among others, to raise his cash position to a record 15%. +20983044 "That's a problem because cash isn't earning us very much money," Mr. Bianchi says. +20983045 He concedes: "This is the most difficult market that I've been involved in." +20983046 Because of the recent junk-market turmoil, the fund is considering investing in other issues instead, including mortgage-backed bonds. +20983047 "We're looking at the leverage factor every day," says Robert Moore, president of Bernstein-Macaulay Inc., a Shearson Lehman Hutton Inc. unit and the fund's adviser. +20983048 "At some point, if we are unable to cover our leveraged cost -- and at the moment we're right on it -- we're going to have to make a move. +20984001 One of the more bizarre garden stories since Eden has been unfolding for four years now, in the private paper-and-crayon fantasies of artist Jennifer Bartlett. +20984002 And if she and the Battery Park City Authority have their way, her horticulturally inept plan will soon go public as a real garden "artwork" in the downtown complex. +20984003 South Gardens, as the Bartlett scheme is called, will occupy the last 3.5 acres of open space at the southwest tip of Manhattan. +20984004 It could cost taxpayers $15 million to install and BPC residents $1 million a year to maintain. +20984005 Created by an artist who flaunts her ignorance of plants and gardens, South Gardens, as now planned, will die from congestive garden design. +20984006 Ms. Bartlett's previous work, which earned her an international reputation in the non-horticultural art world, often took gardens as its nominal subject. +20984007 Mayhap this metaphorical connection made the BPC Fine Arts Committee think she had a literal green thumb. +20984008 (Ms. Bartlett would not discuss her garden for this article.) +20984009 Last year she boasted to HG magazine: "I'd never looked at a garden in my life." +20984010 And she proved no shirking violet in her initial statement to the BPCA, a New York State public benefit corporation: "The only thing I was interested in doing was a very complicated garden, which would cost an enormous amount of money and be very expensive to maintain." +20984011 Undeterred, the BPCA hired Ms. Bartlett and another confessed garden ignoramus, the architect Alexander Cooper, who claimed he had never visited, much less built, a garden, and said of the project, "I don't view this as a landscape. +20984012 I view this as a building." +20984013 The third principal in the South Gardens adventure did have garden experience. +20984014 The firm of Bruce Kelly/David Varnell Landscape Architects had created Central Park's Strawberry Fields and Shakespeare Garden. +20984015 The BPCA called its team a "stunning" collaboration. +20984016 After four years, though, the South Gardens design is 100% uncollaborated Jennifer Bartlett. +20984017 She has done little more than recycle her standard motifs -- trees, water, landscape fragments, rudimentary square houses, circles, triangles, rectangles -- and fit them into a grid, as if she were making one of her gridded two-dimensional works for a gallery wall. +20984018 But for South Gardens, the grid was to be a 3-D network of masonry or hedge walls with real plants inside them. +20984019 In a letter to the BPCA, kelly/varnell called this "arbitrary and amateurish." +20984020 The landscape architects were expelled from the garden in July. +20984021 All the while, Ms. Bartlett had been busy at her assignment, serene in her sense of self-tilth. +20984022 As she put it in a 1987 lecture at the Harvard Graduate School of Design: "I have designed a garden, not knowing the difference between a rhododendron and a tulip." +20984023 Moreover, she proclaimed that "landscape architects have been going wrong for the last 20 years" in the design of open space. +20984024 And she further stunned her listeners by revealing her secret garden design method: Commissioning a friend to spend "five or six thousand dollars . . . on books that I ultimately cut up." +20984025 After that, the layout had been easy. +20984026 "I've always relied heavily on the grid and found it never to fail." +20984027 Ms. Bartlett told her audience that she absolutely did not believe in compromise or in giving in to the client "because I don't think you can do watered-down versions of things." +20984028 (This was never a problem with South Gardens, because the client had long since given in to Ms. Bartlett's every whim.) +20984029 Last year the public was afforded a preview of Ms. Bartlett's creation in a tablemodel version, at a BPC exhibition. +20984030 The labels were breathy: "Within its sheltering walls is a microcosm of a thousand years in garden design . . . a rose garden, herb garden, serpentine garden, flower fields, an apple orchard . . . organized in a patchwork of 50-by-50-foot squares to form `rooms' . . . here and there are simple architectural forms, a whimsical jet of water, a conceit of topiary or tartan plaid, and chairs of every sort to drag around. . . . +20984031 At the core of it all is a love for plants." +20984032 Plant lovers who studied the maquette were alarmed. +20984033 They looked at the miniature and saw a giant folly. +20984034 Ms. Bartlett's little rooms left little room for plants or people. +20984035 Kelly/Varnell had put South Gardens' carrying capacity at four people per room, or about 100 humans overall. +20984036 This mincemeat of tiny gridlocked squares was inspired by the artist's own digs: "My loft was 50 by 100 feet, so 50 feet by 50 feet seemed like a good garden room." +20984037 Inside the grid were 24 of these plant cells jammed full of clutter. +20984038 One she made into a topiary rec room, replete with plants shaped into a Barcalounger, TV, piano and chairs. +20984039 In another, she requisitioned topiary MX missile cones -- costing $10,000 each -- in heights up to 20 feet. +20984040 Another she stuffed with eight "rectilinear hedges" for a topiary geometry lesson in the right-angling of plants. +20984041 In the herbal lounge she specified a "plaid knot garden" decor. +20984042 She ordered the foyer done in a different plaid planting, and made the landscape architects study a book on tartans. +20984043 In one garden roomette she implanted a 43-foot square glass cube meant to show off a plaid tile floor conceit, a "zinc sink," a "huge fishbowl with carp" and a "birdcage with cockatoos." +20984044 Next door she put a smaller plaid-floored glass house, where, she suggested, a flat of strawberries might be displayed in the dead of winter. +20984045 In another compartment called the Linden Bosque, 62 linden trees were to be crowded together at killing intervals of 10 or 16 feet. +20984046 (Lindens need about 36 feet.) +20984047 One thing about the Bartlett plan was never in doubt: It would demand the full-time skills of a battalion of topiary barbers, rosarians, orchardists and arborists. +20984048 Ms. Bartlett blithely suggested calling upon "semi-skilled garden club workers for maintenance." +20984049 Furthermore, she had insisted on paths so narrow (five to eight feet) and hedge corners so square that standard maintenance equipment -- trucks or cherry pickers -- couldn't maneuver. +20984050 Then, to make these gardenettes quite literally rooms, Ms. Bartlett had thrown up windowless walls (brick, lattice, hedge) eight to 10 feet tall, casting her interiors into day-long Stygian shade. +20984051 It was hard to see how photosynthesis would ever happen in South Gardens without decking the walls in a Christmas-like array of Gro-Lites. +20984052 Finally, flouting the BPCA's wishes to continue the popular two-mile riverside Esplanade, prized for its expansive views of New York Harbor, the Statue of Liberty and Ellis Island, Ms. Bartlett threw up yet another wall, this time concrete, this time 10 1/2 feet tall. +20984053 She ran it the length of the South Gardens riverfront, blotting out the city's great natural water features, the harbor and the river. +20984054 (Within her garden, she has decreed a waterfall, a rill, ponds and other costly, trivial waterworks beside the Hudson.) +20984055 While the model was still on view, Manhattan Community Board 1 passed a resolution against South Gardens. +20984056 The Parks Council wrote the BPCA that this "too `private' . . . exclusive," complex and expensive "enclosed garden . . . belongs in almost any location but the waterfront." +20984057 Lynden B. Miller, the noted public garden designer who restored Central Park's Conservatory Garden, recalls her reaction to the South Gardens model in light of the public garden she was designing for 42nd Street's Bryant Park: "Bryant Park, as designed in 1933, failed as a public space, because it made people feel trapped. +20984058 By removing the hedges and some walls, the Bryant Park Restoration is opening it up. +20984059 It seems to me the BPCA plan has the potential of making South Gardens a horticultural jail for people and plants." +20984060 The three urban horticulture experts with Cornell Cooperative Extension weighed in with a letter to the BPCA that began: "We feel that the garden is horticulturally doomed." +20984061 They then addressed the decidedly "questionable safety of . . . a complex garden of endless hiding places. +20984062 The 8 ft. hedges which obstruct views in and out of small `rooms' insure . . . that this garden will be a potential breeding ground for crime." +20984063 (At Harvard, Ms. Bartlett had declared: "There are going to be problems with safety . . . +20984064 I'm not going to address questions of safety!") +20984065 Despite the dire assessments of knowledgeable garden professionals, Ms. Bartlett's South Gardens design somehow continues on, seemingly impervious to reason, stalled only by bureaucratic lethargy and logistical complications. +20984066 BPCA President and CEO David Emil hopes to negotiate a seawall that could "be significantly more visually permeable." +20984067 And by substituting yet another landscape architect, Nicholas Quennell, he insists he can achieve that and other accommodations to gardening reality while still preserving the "artistic vision" of a "truly great artist." +20984068 After four years of no progress in this direction, it is doubtful any viable collaboration with Ms. Bartlett will suddenly now be possible. +20984069 (Mr. Quennell has said he plans to go with the grid, regardless.) +20984070 There is still time, however, for Gov. Mario Cuomo or Fabian Palomino, chairman of the BPCA board, to prevent this topiary "Tilted Arc." +20984071 These statesmen might take counsel from William Robinson, author of "The English Flower Garden" -- the gardener's bible since 1883 -- who seems to have had a Jennifer Bartlett in mind when he wrote: "Unhappily, our gardeners for ages have suffered at the hands of the decorative artist when applying his `designs' to the garden. . . . +20984072 It is this adapting of absurd `knots' and patterns from old books to any surface where a flower garden has to be made that leads to bad and frivolous design -- wrong in plan and hopeless for the life of plants. +20985001 I read the exerpts of Wayne Angell's exchange with a Gosbank representative ("Put the Soviet Economy on Golden Rails," editorial page, Oct. 5) with great interest, since the gold standard is one of my areas of research. +20985002 Mr. Angell is incorrect when he states that the Soviet Union's large gold reserves would give it "great power to establish credibility." +20985003 During the latter part of the 19th century, Russia was on a gold standard and had gold reserves representing more than 100% of its outstanding currency, but no one outside Russia used rubles. +20985004 The Bank of England, on the other hand, had gold reserves that averaged about 30% of its outstanding currency, and Bank of England notes were accepted throughout the world. +20985005 The most likely reason for this disparity is that the Bank of England was a private bank with substantial earning assets, and the common-law rights of creditors to collect claims against the bank were well established in Britain. +20985006 By contrast, in 19th-century Russia an authoritarian government owned the bank and had the power to revoke payment whenever it chose, much as it would in today's Soviet Union. +20985007 The success of the British gold standard was due to independent private banking and common law, rather than the choice of gold for valuing the currency. +20985008 It is no coincidence that from 1844 to 1914, when the Bank of England was an independent private bank, the pound was never devalued and payment of gold for pound notes was never suspended, but with the subsequent nationalization of the Bank of England, the pound was devalued with increasing frequency and its use as an international medium of exchange declined. +20985009 The Soviet Union should keep these lessons in mind as it seeks to establish the ruble as an international currency. +20985010 One way to make the ruble into a major international currency would be to leave reserves of gold and earning assets in a Swiss bank with distributions based on Swiss laws. +20985011 Unless the laws determining the noteholder's rights to payment are independent of the issuer of those notes, however, a gold-based ruble would be as unsuccessful for the Soviets as it was for the czars. +20985012 Christopher R. Petruzzi +20985013 Professor of Taxation +20985014 California State University +20985015 Fullerton, Calif. +20986001 Wednesday, October 25, 1989 +20986002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +20986003 PRIME RATE: 10 1/2%. +20986004 The base rate on corporate loans at large U.S. money center commercial banks. +20986005 FEDERAL FUNDS: 8 3/4% high, 8 11/16% low, 8 3/4% near closing bid, 8 13/16% offered. +20986006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +20986007 Source: Fulton Prebon (U.S.A.) Inc. +20986008 DISCOUNT RATE: 7%. +20986009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +20986010 CALL MONEY: 9 3/4% to 10%. +20986011 The charge on loans to brokers on stock exchange collateral. +20986012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.45% 30 to 44 days; 8.20% 45 to 67 days; 8.325% 68 to 89 days; 8% 90 to 119 days; 7.875% 120 to 149 days; 7.75% 150 to 179 days; 7.50% 180 to 270 days. +20986013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.55% 30 days; 8.45% 60 days; 8.40% 90 days. +20986014 CERTIFICATES OF DEPOSIT: 8.09% one month; 8.09% two months; 8.06% three months; 8% six months; 7.94% one year. +20986015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +20986016 The minimum unit is $100,000. +20986017 Typical rates in the secondary market: 8.53% one month; 8.45% three months; 8.27% six months. +20986018 BANKERS ACCEPTANCES: 8.47% 30 days; 8.30% 60 days; 8.27% 90 days; 8.08% 120 days; 7.98% 150 days; 7.90% 180 days. +20986019 Negotiable, bank-backed business credit instruments typically financing an import order. +20986020 LONDON LATE EURODOLLARS: 8 11/16% to 8 9/16% one month; 8 9/16% to 8 7/16% two months; 8 5/8% to 8 1/2% three months; 8 1/2% to 8 3/8% four months; 8 7/16% to 8 5/16% five months; 8 7/16% to 8 5/16% six months. +20986021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 11/16% one month; 8 5/8% three months; 8 7/16% six months; 8 3/8% one year. +20986022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +20986023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +20986024 These rate indications aren't directly comparable; lending practices vary widely by location. +20986025 TREASURY BILLS: Results of the Monday, October 23, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.52% 13 weeks; 7.50% 26 weeks. +20986026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +20986027 9.75%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +20986028 Source: Telerate Systems Inc. +20986029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.68%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +20986030 Source: Telerate Systems Inc. +20986031 MERRILL LYNCH READY ASSETS TRUST: 8.62%. +20986032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +20987001 Securities and Exchange Commission Chairman Richard Breeden told a congressional subcommittee that he would consider imposing "circuit breakers" to halt program trading at volatile times. +20987002 Mr. Breeden, in his first testimony to Congress since taking the SEC post, said the agency is studying the Friday the 13th market plunge, including how current circuit breakers affected the market that day and the following Monday. +20987003 After the study, the SEC would be willing to consider adding new circuit breakers or fine-tuning the current ones, he added. +20987004 Circuit breakers, designed to give the markets a breather in cases of sharp price movements, curb trading of futures or stocks at various trigger points. +20987005 At certain points during the Friday the 13th drop, circuit breakers kicked in on the futures market, slowing trading at times. +20987006 A circuit breaker that would have closed down the New York Stock Exchange wasn't tripped. +20987007 Rep. Edward Markey (D., Mass.), chairman of the House Telecommunications and Finance Subcommittee, is pushing the idea of a circuit breaker for computer-driven program trading in hopes that would curb "turmoil" in the marketplace. +20987008 He argued that program-trading by roughly 15 big institutions is pushing around the markets and scaring individual investors. +20987009 Mr. Breeden didn't reject the proposal. +20987010 After the SEC study of the drop is completed, he said, "I'm perfectly happy to work with this committee . . . in identifying whether we need other devices," such as a program-trading curb. +20987011 Mr. Breeden backed most of the provisions in a market-reform bill that the SEC brought to the subcommittee last year under then-chairman David Ruder. +20987012 The measure is expected to move through this Congress. +20987013 But the new chairman vehemently opposed a provision in the bill that would give the agency the right to close the markets at times of stress. +20987014 Mr. Breeden contended that uncertainty over when the SEC might act could worsen volatility in the markets. +20987015 He argued that the current circuit-breaker system allows investors to know "precisely when and where any trading interruptions will occur and how long they will last." +20987016 Mr. Breeden offered strong support for two other provisions in the bill. +20987017 One would force brokerage houses to provide the SEC detailed information about loans made by their holding companies. +20987018 Such loans often are used to finance leveraged buy-outs, and the agency is worried that a sharp market drop could create capital problems for the firms. +20987019 He also backed a rule to require large traders to report transactions on a systematic basis. +20987020 That information, he argued, is critical to reconstructing sharp market moves, such as the one nearly two weeks ago. +20988001 In a rare package sale of its real estate, K mart Corp., Troy, Mich., has sold 17 of its strip shopping centers to a limited partnership led by New York developer Philip Pilevsky, according to sources familiar with the transaction. +20988002 They estimate the value of the transaction at close to $100 million. +20988003 K mart officials and Mr. Pilevsky wouldn't comment on the sale. +20988004 K mart previously had announced it would report its third consecutive decline in quarterly earnings for the period ended yesterday, the same day the real estate deal was completed. +20988005 Analysts are estimating third-quarter earnings will drop between 13% and 20% to about 50 to 55 cents per share, compared with 63 cents per share in the year-ago quarter. +20988006 It is unclear what effect the sale of the shopping centers will have on earnings. +20988007 K mart developed the centers, which range in size from about 150,000 square feet to just over 250,000 square feet. +20988008 Most are anchored by a K mart store. +20988009 The retailer reportedly will lease its stores back from the developer, who plans to expand the small centers. +20988010 The centers comprise a total of about 1.6 million square feet of retail space. +20988011 They are spread around the country and include locations in California, Florida, Washington and Arizona. +20988012 Mr. Pilevsky, who heads Philips International Holding Corp., a New York-based real estate company, owns more than a dozen other shopping centers in which K mart is a tenant. +20988013 The company is active in office and residential development in New York. +20988014 However, nationally, Mr. Pilevsky controls through limited partnerships about 85 shopping centers with about 17 million square feet. +20988015 K mart runs 2,200 K mart stores, primarily in leased facilities. +20988016 The company typically sells the centers it develops, but has usually sold only one or several at a time. +20989001 Motorola is fighting back against junk mail. +20989002 So much of the stuff poured into its Austin, Texas, offices that its mail rooms there simply stopped delivering it. +20989003 Now, thousands of mailers, catalogs and sales pitches go straight into the trash. +20989004 "We just don't have the staff to {deliver} it, nor do we have the space or the time," says a spokesman for the Schaumburg, Ill., electronics company, which has 5,000 employees in the Austin area. +20989005 "It's the overload problem and the weight problem we have." +20989006 Motorola is in good company. +20989007 Businesses across the country are getting fed up with junk mail, and some are saying they just aren't going to take it anymore -- literally. +20989008 While no one has tracked how many company mail rooms throw out junk mail, direct-mail advertising firms say the number is growing. +20989009 General Motors earlier this year said it wouldn't deliver bulk mail or free magazines in its Flint, Mich., office, while Air Products & Chemicals, Allentown, Pa., says it screens junk mail and often throws out most of a given mass mailing. +20989010 Why the revolt? +20989011 Anybody with a mailbox can answer that: sheer, overwhelming, mind-numbing volume. +20989012 According to the Direct Marketing Association, total direct mail -- to both businesses and consumers -- jumped 50% to 65.4 billion pieces in 1988 from five years earlier. +20989013 Though direct mail to businesses isn't broken out separately, the association says it's growing even faster. +20989014 The deluge has spurred cost-conscious companies to action, with mail rooms throwing the stuff out rather than taking the time or money to deliver it. +20989015 The direct-mail industry, not surprisingly, is fuming at the injustice of it all. +20989016 After all, this is the industry that has a hard enough time getting any respect, that is the butt of so many jokes that television's "L.A. Law" portrays direct-mail-mogul David as short, bald, intensely nerdy, and unremittingly boring. +20989017 The practice of businesses throwing out junk mail "is a commonly known problem, and it's increasing as companies attempt to put through budget cuts across the board," right down to the mail-room level, says Stephen Belth, a list consultant and chairman of the Direct Marketing Association's business-to-business council. +20989018 "But it's like biting the hand that feeds them, because every one of these companies uses direct marketing." +20989019 It's almost impossible to track the number of companies trashing junk mail, since the decision is usually made in the mail room -- not the board room. +20989020 And the practice often varies from location to location even within a company. +20989021 But industry executives say businesses seem especially inclined to dump mailers sent to titles rather than to individual names. +20989022 Motorola's Austin operation was one of the first to lose patience, deciding a few years ago to junk any bulk mail that wasn't addressed to an individual. +20989023 Magazines aren't delivered at all, even if an individual's name is listed; employees who want their magazines have to pick them up from the mail room or the company library -- and are told to change the subscriptions to their home addresses. +20989024 At Air Products, meanwhile, the mailroom staff opens junk mail and often throws it away -- even if addressed to an individual. +20989025 "If they get 50 packets of something, they open one, see what it says, throw 48 away and send two to people or departments they think are appropriate," a spokesman says. +20989026 Direct marketers were especially alarmed when General Motors -- one of the country's largest companies and a big direct-mail user itself -- entered the junk-mail battle. +20989027 As of March 1, its Flint office, with about 2,500 employees, stopped delivering bulk mail and non-subscription magazines. +20989028 Employees were told that if they really wanted the publications, they would have to have them sent home instead. +20989029 The reason: overload, especially of non-subscription magazines. +20989030 Direct-mail executives see GM's stand as an ominous sign -- even if the junk-mail kings did bring it on themselves. +20989031 "Why anyone would want to close themselves off {from direct mail}, a priori, doesn't make any sense," says Michael Bronner of Bronner Slosberg Associates, a Boston directmail firm. +20989032 "It smacks of big brotherism. +20989033 They're going to decide what their employees can or cannot read." +20989034 The practice is, however, legal in most cases. +20989035 Jack Ellis, a U.S. postal inspector in New York, says the Postal Service's only job is to deliver the mail to the mail room; once it gets there, a company can do with it what it wishes. +20989036 The junk-mail titans, ever optimistic, are looking for ways around the problem. +20989037 So far, they say, it hasn't had any noticeable effect on response rates. +20989038 And before it does, they're trying to cut back on the clutter that created the situation in the first place. +20989039 Among other things, the industry is trying to come up with standardized business lists that cut down on duplications. +20989040 "We're going to have to mail a lot less and a lot smarter," says Jack Miller, president of Quill Corp., a Lincolnshire, Ill., business-to-business mail-order company. +20989041 But then again, mailing less and smarter won't be much help if the mail ends up in the garbage anyway. +20989042 New Hyundai Campaign +20989043 Hyundai Motor America, fighting quality complaints, declining sales and management turmoil, yesterday unveiled its 1990 ad strategy, tagged "We're Making More Sense Than Ever." +20989044 The ad campaign, created by Saatchi & Saatchi's Backer Spielvogel Bates agency, is an extension of the auto company's "Cars That Make Sense" campaign, which emphasized affordability. +20989045 TV ads plugging the company's new V-6 Sonata and its souped-up Excel subcompact will begin appearing Monday. +20989046 One spot shows a Sonata next to a rival midsized car, and an announcer says, "Listen to what they're saying about the Hyundai Sonata." +20989047 As the announcer reads favorable quotes about the model from Motor Trend and Road & Track magazines, the other car, which is white, slowly turns green. +20989048 "No wonder the competition's green with envy," the announcer says. +20989049 Ad Notes. . . . +20989050 ACQUISITION: +20989051 EWDB, formed by the merger of Eurocom and Della Femina McNamee WCRS, said it agreed to buy Vizeversa, an agency in Barcelona. +20989052 Terms weren't disclosed. +20989053 HOLIDAY ADS: +20989054 Seagram will run two interactive ads in December magazines promoting its Chivas Regal and Crown Royal brands. +20989055 The Chivas ad illustrates -- via a series of pullouts -- the wild reactions from the pool man, gardener and others if not given Chivas for Christmas. +20989056 The three-page Crown Royal ad features a black-and-white shot of a boring holiday party -- and a set of colorful stickers with which readers can dress it up. +20989057 Both ads were designed by Omnicom's DDB Needham agency. +20990001 Senate Democrats who favor cutting the capital-gains tax aren't ready to line up behind the leading Senate proposal. +20990002 Their reluctance to support the proposal is another blow to the capital-gains cut, which has had a roller-coaster existence since the beginning of the year, when it was considered dead and then suddenly revived and was passed by the House. +20990003 Nevertheless, Oregon Sen. Bob Packwood, the ranking GOP member on the tax-writing Senate Finance Committee, last night introduced his plan as an amendment to a pending measure authorizing U.S. aid for Poland and Hungary. +20990004 Senate Majority Leader George Mitchell (D., Maine) was confident he had enough votes to block the maneuver on procedural grounds, perhaps as soon as today. +20990005 Mr. Packwood all but conceded defeat, telling Mr. Mitchell: "I sense at this stage you may have the votes." +20990006 The two lawmakers sparred in a highly personal fashion, violating usual Senate decorum. +20990007 Their tone was good-natured, with Mr. Packwood saying he intended to offer the proposal again and again on future legislation and Sen. Mitchell saying he intended to use procedural means to block it again and again. +20990008 Although the proposal, authored by Mr. Packwood and Sen. William Roth (R., Del.), appears to have general backing by Republicans, their votes aren't sufficient to pass it. +20990009 And Democrats, who are under increasing pressure from their leaders to reject the gains-tax cut, are finding reasons to say no, at least for now. +20990010 A major reason is that they believe the Packwood-Roth plan would lose buckets of revenue over the long run. +20990011 The Packwood-Roth proposal would reduce the tax depending on how long an asset was held. +20990012 It also would create a new individual retirement account that would shield from taxation the appreciation on investments made for a wide variety of purposes, including retirement, medical expenses, first-home purchases and tuition. +20990013 "A number of us are not going to touch capital gains, IRAs or anything else unless it contributes to deficit-reduction," said Sen. Charles Robb (D., Va.), who is one of the 10 to 20 Democrats who the Bush administration believes might favor giving preferential treatment to capital gains. +20990014 President Bush has been hearing this kind of opposition first hand during meetings over the past two days with Democratic senators at the White House. +20990015 And at a luncheon meeting Tuesday of Democratic senators, there was outspoken opposition to cutting the capital-gains tax this year, according to participants. +20990016 The trend is making advocates of the tax cut less optimistic about success. +20990017 "There is a one-out-of-three shot of getting it this year," said Sen. David Boren of Oklahoma, a leading Democratic proponent of cutting the capital-gains tax. +20990018 He called the battle "uphill." +20990019 Other Democrats who favor a capital-gains cut are even more pessimistic. +20990020 "There will be no capital-gains bill this year," said Sen. Dale Bumpers (D., Ark.). +20990021 "I'm probably not going to vote for any capital-gains proposal. +20990022 The IRA portion (of the Packwood-Roth plan) is irresponsible." +20990023 Another significant factor in the capitalgains debate is the extent to which it has become a purely political battle between President Bush and Senate Majority Leader Mitchell. +20990024 Mr. Mitchell has made clear to his wavering colleagues that the issue is important to him personally. +20990025 Today, Sen. Mitchell and other leading Democrats plan to turn up the heat again by holding a news conference to bash the proposal. +20990026 Estimates requested by Sen. Mitchell from the Congressional Joint Taxation Committee show that the richest 100 taxpayers got an average benefit from the capital-gains differential of $13 million each in 1985, the last year for which figures are available. +20990027 White House officials acknowledged yesterday that Democrats still are reluctant to publicly express support for the Packwood-Roth capital gains proposal because they are loath to buck Sen. Mitchell. +20990028 As a result, the officials said they are open to making a variety of deals with Senate Democrats to win their support for a capital-gains tax cut. +20990029 Democrats asked in this week for discussions with President Bush have suggested ways of "tinkering" with the Packwood-Roth proposal, suggesting an interest in looking for a modified version they can back, one official said. +20990030 In addition, White House aides think that there are numerous other important measures Democrats badly wanted passed -- such as the scaling back of a controversial catastrophic health-care plan for the elderly -- that might provide the president leverage in cutting deals with Democrats. +20990031 A capital-gains tax cut might be paired with such measures to help ensure passage. +20990032 Other possibilities include a child-care initiative and an increase in the minimum wage. +20990033 If they can't secure immediate passage of a capital-gains plan, administration officials also aren't ruling out making a deal with Congress to put off a vote until a firm date in the future, even next year. +20990034 But the officials insist that such a deal on a future vote would have to apply to both the House and the Senate. +20990035 Gerald F. Seib contributed to this article. +20990036 Japanese immigration authorities said they found 658 more Chinese among Vietnamese boat people, bringing the number of Chinese trying to enter Japan by posing as Vietnamese refugees this year to 1,642. +20990037 Japan plans to send the Chinese back home and is negotiating with the Chinese government, a Justice Ministry official said. +20990038 The Chinese were among 3,372 boat people supposedly from Vietnam who arrived in Japan this year, compared with 219 for all of 1988, the official said. +20990039 The 658 Chinese, who have been in a refugee-assistance center, were sent to immigration facilities yesterday pending deportation to China, the official said. +20990040 On Sept. 13, Japan began a policy of screening boat people, accepting only those deemed to be political refugees. +20990041 Francoise Verne, 52-year-old former deputy director of France's mint, faces prison for her theft of some 67 rare coins from the mint's collections. +20990042 Second in command from 1979 to 1984, Mrs. Verne told a Paris court that the "great disorder" that reigned at the agency led her into temptation. +20990043 Before an inventory in 1984 that showed the "disappearance" of 944 coins valued at about 2.9 million French francs (about $465,000), there hadn't been any stock-taking since 1868. +20990044 Tony Lambert, Mrs. Verne's successor, says the mint's losses from the theft run into the hundreds of thousands of francs. +20990045 El Salvador is destroying more than 1.6 million pounds of food that had rotted in government warehouses, government officials said. +20990046 The state Supply Regulator Institute is to burn rice, corn and beans that spoiled because of neglect and corruption in the previous Christian Democrat government, a statement from the information service SISAL said. +20990047 During the past administration the foodstuffs were first bought by the institute, then sold at low prices to "unscrupulous businessmen" who resold them to the institute at inflated prices, the statement said. +20990048 A black-draped cruise liner sailed into Naples yesterday bringing 800 Libyans threatening vengeance if Italy refuses to pay compensation for more than 30 years of colonial rule. +20990049 Another 250 Libyans were already in Italy to stage a day of mourning for victims of Italy's colonial rule between 1911 and 1943, when Tripoli says Rome kidnapped 5,000 Libyans and deported them as forced labor. +20990050 Libya's revolutionary Committees have threatened attacks on Italians if Rome doesn't pay compensation. +20990051 But officials in Rome say the issue was legally resolved by a settlement between Italy and King Idris, deposed by Col. Muammar Gadhafi in 1969. +20990052 Canadian Indians are taking five countries to court in a bid to stop low military flights over their homes, the Dutch Defense Ministry said. +20990053 Representatives of the Inuit and Cree peoples living in Quebec and Labrador in northeastern Canada told the ministry of the planned action at a meeting, a ministry spokesman said. +20990054 They also wanted to prevent a NATO training base being built in the region, he said. +20990055 The action, in the Canadian Federal Court, will be against Canada, the Netherlands, West Germany, Britain and the U.S., the ministry spokesman said. +20990056 Japan suspended imports of French mushrooms after finding some contaminated by radiation, an official of the Ministry of Health and Welfare said. +20990057 Japan has been testing imported food from Europe since the April 1986 Chernobyl accident in the Soviet Union, the spokesman said. +20990058 Since then, the ministry has announced 50 bans on food imports from European countries, including Italy, Spain, Turkey, Greece and the Soviet Union. +20990059 The Venice city council is battling plans to tap huge gas fields off the coast that it says will speed up the city's slow sinking into its lagoon. +20990060 AGIP, the state-owned energy giant, made the announcement about the gas field last month. +20990061 Located six miles northeast of Venice, the field contains 875 billion cubic feet of methane gas-one-tenth of Italy's reserves. +20990062 Alarmed councilors say the project could jeopardize costly efforts to stop, or slow down, the subsidence that makes Venice subject to regular and destructive flooding. +20990063 The council unanimously opposed the idea of AGIP pumping out the methane gas and swiftly appealed to the company and to Prime Minister Giulio Andreotti, who has yet to reply. +20990064 AGIP refused to reconsider and says drilling is due to start early next year. +20990065 "It's unlikely extracting the gas will cause subsidence," says a spokeswoman. +20990066 Thieves stole a 12th century fresco from an abandoned church in Camerino, Italy, by removing the entire wall on which the work had been painted, police said. . . . +20990067 West Germany's BMW commissioned the Nuremberg post office to test a prototype battery-powered car. +20990068 The vehicle has a top speed of 65 miles an hour and requires recharging from a standard wall socket every 100 miles. +20991001 Total Assets Protection Inc., rebounding from its earlier loss, expects to report earnings from operations of about $200,000 for the third quarter, J.C. Matlock, chairman, said. +20991002 Net income includes an extraordinary gain of about $100,000 from the reversal of bad debt and interest income. +20991003 Revenue was about $4.5 million. +20991004 In the 1988 third quarter, the company posted a net loss of $876,706, or 22 cents a share, on revenue of about $5.1 million. +20991005 Total Assets plans and designs computer centers, computer security systems and computer backup systems. +20992001 Regarding your Oct. 4 page-one article "Bad Blood" on the generic-drug battle: The Epilepsy Institute is not just a patient-advocacy organization. +20992002 It is primarily a certified outpatient treatment facility providing comprehensive services to people with epilepsy and their families. +20992003 The institute's advocacy efforts are based on the needs of the population it serves and represents. +20992004 In 1985, the Medical Tribune reported that a growing number of critics are challenging the FDA bioequivalence-therapeutic-equivalence equation. +20992005 "They contend it is based on an assumption that has not yet been proven in valid tests," the Tribune said. +20992006 In 1986, some institute patients were reporting breakthrough seizures when they were switched from a specific brand-name medication to a generic one or from one generic manufacturer of a specific product to another. +20992007 In addition, neurologists were beginning to report these observations as well. +20992008 Call it anecdotal if you will. +20992009 But no ethical physician would switch patients who were doing well on a specific medication from a specific manufacturer to prove a point. +20992010 We do not depend on pharmaceutical companies for our support. +20992011 The institute has governmental service contracts for the provision of direct patient services; collects patient fees; receives money through contributions from individuals, foundations and bequests. +20992012 The funds received from pharmaceutical firms are used to offset physician symposiums, and these symposiums do not stress any particular medication or manufacturer. +20992013 The Epilepsy Institute's reporting of breakthrough seizures stemmed from concerns about the people we treat and care about daily. +20992014 This perhaps was perceived as a "bold" stance, and thus suspicious. +20992015 But let us not confuse profits of big business masquerading as concerns for people's health care or for the cost. +20992016 For whom is the saving? +20992017 Surely not to people with epilepsy who depend on the same levels of medication in their bloodstream daily to maintain seizure control. +20992018 Reina Berner +20992019 Executive Director +20992020 Arnold M. Katz +20993001 Parker Hannifin Corp. said it agreed to sell its three automotive parts divisions to a management-led investor group for $80 million. +20993002 The buy-out group is headed by Paul R. Lederer, president of Parker's automotive group, and includes several other executives of the three divisions. +20993003 The units are the Edelmann, Ideal and Plews divisions. +20993004 Net sales for the units for the fiscal year ended June 30 were $135.6 million. +20993005 Parker officials said the company is selling the units to focus on its other businesses. +20994001 A volcano will erupt next month on the fabled Strip: a 60-foot mountain spewing smoke and flame every five minutes. +20994002 The man-made inferno will tower over a man-made lagoon with more than four acres of pools, grottoes and waterfalls. +20994003 Visitors, whisked from the Strip on a moving walkway, will glide over a habitat for rare white tigers, which will star in performances by the famed illusionist team of Siegfried & Roy. +20994004 Nearby, six dolphins will frolic in a 1.5 million-gallon saltwater aquarium. +20994005 At the core of all this stands a hotel. +20994006 In the lobby behind its nine-story, orchid-strewn atrium, a 20,000-gallon aquarium will come alive with sharks, stingrays, angelfish, puffers and other creatures of the deep. +20994007 And oh, yes. +20994008 There's a casino, the financial heart of it all. +20994009 This is the Mirage, a $630 million island-fantasy hotel-casino now being completed for opening in November by Golden Nugget Inc. +20994010 It's the most stunning example of Las Vegas's concerted effort to transform itself into a world-famous vacation resort for families as well as gamblers. +20994011 Las Vegas has seen nothing quite like it before. +20994012 Not for 15 years has a big new hotel-casino opened here. +20994013 Now the Mirage and Circus Circus Enterprises Inc.'s $290 million Excalibur are going up. +20994014 The Excalibur, with a castlelike hotel, jousting tournaments and other Arthurian attractions, will be able to handle up to 30,000 visitors a day when it opens in 1990. +20994015 If MGM Grand Inc. proceeds with its plan for an amusement park -- a $700 million movieland resort with a working studio, casino and 5,000-room hotel that would become Las Vegas's biggest -- the investment in the three properties will total some $1.6 billion. +20994016 MGM Grand has agreed to buy a 117-acre site for the resort for $93 million in cash plus stock currently valued at nearly $30 million. +20994017 Smaller projects swell the figure to at least $2.5 billion. +20994018 Still other projects that have been announced but not yet started could put expenditures above $3 billion over the next few years. +20994019 Stephen A. Wynn, who owns 29.4% of Golden Nugget's shares, says the Mirage and other projects will help Las Vegas attract a whole new generation of visitors. +20994020 "If you create a wonderment, if you create something so exciting that the public dreams of being part of it, then they'll come," he says. +20994021 The projects already under construction will increase Las Vegas's supply of hotel rooms by 11,795, or nearly 20%, to 75,500. +20994022 By a rule of thumb of 1.5 new jobs for each new hotel room, Clark County will have nearly 18,000 new jobs. +20994023 The county at the end of 1988 had 307,000 jobs, 95,400 of them in the tourist industry. +20994024 Projects in the talking or blueprint stage would add a further 48,000 rooms. +20994025 Hotel-casino operators play down the possibility of a labor shortage. +20994026 After all, 40,000 newcomers a year are settling in the Las Vegas Valley. +20994027 But Nevada state labor economists think a shortage is probable. +20994028 Nobody yet seems to have calculated the total number of slot machines, crap tables or roulette wheels Las Vegas will add to the enormous store that Lady Luck already guards here, much less the ultimate impact of the growth on schools and municipal services. +20994029 "Traffic is certainly a concern, as is pollution, water and an adequate labor market," says Frank Sain, executive director of the Las Vegas Convention and Visitors Bureau. +20994030 City fathers have managed to push through projects that are crucial for tourist growth, such as the expansion of McCarran International Airport to accommodate the 44% of Las Vegas tourists who fly here. +20994031 This year, by one means of transport or another, more than 18 million people will visit the city. +20994032 The expansion will set off a marketing war among the big hotel-casinos. +20994033 Las Vegas promises, or threatens, to become a giant carnival, with rooms to be had for $45 a day or less, for visitors uninspired solely by gambling. +20994034 Amid a riot of jousting knights, circus clowns, gold-leaf centurions and creatures of the wild, lesser competitors will fall. +20994035 Caesars World Inc. plans to defend its august reputation by sinking $190 million into its opulent Caesars Palace, next door to the new Mirage, and adding a $100 million shopping area reminiscent of Rodeo Drive. +20994036 The Palace, with its marble fountains and toga parties for high rollers, is already well-known for its Caesarean theme. +20994037 The Flamingo Hilton, Imperial Palace, Frontier and others are pouring millions of dollars into facelifts, new room towers and casino floor space just to keep up. +20994038 Where's this huge amount of investment capital coming from? +20994039 Golden Nugget, Drexel Burnham Lambert Inc.'s first casino client, has borrowed on more than $600 million worth of mortgage notes, mostly sold to private investors by Drexel, to build the Mirage. +20994040 Other casino owners, Circus Circus among them, are financing their expansion with their own cash and revolving credit lines from local lenders such as First Interstate Bank of Nevada. +20994041 Will the investments pay off? +20994042 The growth of Las Vegas tourism in recent years persuades lenders that they will. +20994043 Casino revenues and hotel occupancy rates are high. +20994044 Last year, the tourists left $3 billion with the area's casinos, nearly 10% more than in 1987. +20994045 The people with a stake in Nevada's gambling industry believe that they have barely tapped the potentially huge family trade. +20994046 "If you build a better mousetrap, it will catch more mice," says Fred Benninger, chairman of MGM Grand. +20994047 Ellen Cokely, a tourist from Alton, Ill., seems inclined to agree. +20994048 "I'd love it if my daughter had something else to do here," says Ms. Cokely, watching seven-year-old Kristin on the water slide at the Strip's Wet 'n' Wild water park. +20994049 "Two generations ago, Dad came to Las Vegas by himself for a little diversion," says Van Heffner, executive vice president of the Nevada Hotel and Motel Association. +20994050 "One generation ago, Mom joined Dad. +20994051 Now, in the '90s, we're headed toward a total resort environment." +20994052 Only a decade or so ago, casino managers balked at in-room TV sets and other fripperies that distracted from gambling. +20994053 Casinos today offer bowling alleys, water parks, golf courses, tennis courts, lush swimming pools and other diversions, and more such facilities are being designed. +20994054 Despite the new emphasis on the family trade, however, tourists in search of naughtier fun than gambling seem certain to find it, with Las Vegas call girls remaining on the scene. +20994055 A serious economic downturn, pessimists observe, could hurt the expansionists. +20994056 For now, however, the naysayers' voices are drowned by the roar of cement mixers and the clanging of construction cranes along the Strip. +20994057 This is no place for pedestrians, but at 7:30 on a recent morning, when construction choked traffic at the famous Four Corners intersection to one lane, a taxi passenger found it faster to abandon the cab and walk to her destination. +20994058 The ferocious competition probably will drive some poorly managed properties into bankruptcy or new ownership. +20994059 It has happened before. +20994060 The Dunes, the Aladdin and the Riviera were all acquired by the present owners from bankruptcy proceedings spawned by the last recession, in the early 1980s. +20994061 Yet that hasn't discouraged investors. +20994062 Some have bought big chunks of Strip property for what may turn into another wave of building. +20994063 Atlantic City casino owner Donald Trump is scouting the Las Vegas market with an eye toward building an appropriately spectacular place. +20994064 Even before the huge new projects began, the Strip's recent expansion squeezed smaller competitors. +20994065 Many blue-collar customers of downtown's no-frills gambling spots have been lured to the Strip or to Laughlin, Nev., a Colorado River town catering to snowbirds and the recreational-vehicle crowd. +20994066 Hotel expansion and an influx of more-discriminating tourists have hurt motels. +20994067 Since 1979, the number of motel rooms has fallen by 17,000. +20994068 Many people here expect a room-rate war as the new projects open. +20994069 "There's probably going to be some pressure on occupancy and room rates over the next year, but after that you should see the market return to 80%-plus occupancy and regular rates," says Paul Rubeli, casino executive at Ramada Inc., which runs the Tropicana. +20994070 Skeptics wonder whether mega-resorts such as the Mirage will be able to squeeze a profit from their cash flow. +20994071 The Mirage will cost at least $1 million a day to operate. +20994072 Mr. Wynn seems confident that it will produce a healthy profit, but some securities analysts doubt it. +20994073 Competitors and analysts say that among large existing properties Bally Manufacturing Corp.'s Bally Grand hotel-casino probably will be hardest hit among major properties. +20994074 Bally officials decline to discuss the situation. +20994075 Bally bought the former MGM Grand hotel-casino from Kirk Kerkorian four years ago. +20994076 Only now is it undergoing a badly needed facelift. +20994077 Its parking lot is inconvenient, the MGM lion's-head logo still appears in places, and customers still call it the Grand, rather than the Bally Grand. +20994078 It has a "great location, but they're going to have some real problems when everyone around them opens," says Daniel Lee, a Drexel analyst. +20994079 Older properties that still have a 1950s image are also vulnerable. +20994080 Any hotel-casino without a strong identity will get whacked by the new competition, says Glenn Schaeffer, senior vice president of Circus Circus. +20994081 "If you don't know what you are, bigger won't make you better," he says. +20994082 "But it'll sure make you poorer." +20994083 Circus Circus's flagship casino has become the envy of competitors for its ability to vacuum cash from the pockets of vacationing families. +20994084 The Circus Circus lures them with low room rates, inexpensive buffets and entertainment for children at no extra charge. +20994085 The company's Excalibur will also appeal to families, of course. +20994086 Its castle, Mr. Schaeffer says, will be "the most compelling piece of folk architecture ever built." +20994087 Some casino owners have resisted the temptation to add rooms. +20994088 Instead, they are spending to reinforce the identity that they believe attracts their customers. +20994089 "More rooms aren't the answer for us," says Caesars World chairman Henry Gluck. +20994090 While his company's hotel is building a retail complex in Beverly Hills style and redoing existing rooms, it has decreased the number of its rooms. +20994091 Some have been combined into suites for the high rollers. +20994092 Caesars has made a specialty of catering to high rollers from abroad, who are also being aggressively courted by the Mirage, the Las Vegas Hilton and others. +20994093 Other, smaller concerns are also pursuing market niches -- Hawaiian tourists, for example, or the local trade. +20994094 "There's still room for boutique properties," says James Barrett, president of MarCor Resorts Inc. +20994095 Off the Strip, MarCor is building the Rio, a hotel-casino with a Brazilian theme and only 430 rooms -- all of them suites. +20994096 Despite the proliferation of tourist distractions, Las Vegans haven't forgot that gambling is still what the town is all about. +20994097 "The days when when the thrust of casinos was all high rollers, with no windows and clocks and lots of red and black decor, are gone," Mr. Sain of the visitors' bureau says. +20994098 "But 93% of tourists still come for gambling. +20994099 We can't lose sight of that. +20995001 NORTH SIDE SAVINGS BANK directors declared an initial dividend of 10 cents a share, payable Dec. 5 to stock of record Nov. 21. +20995002 The Floral Park, N.Y., thrift has a strong capital-to-assets ratio, said Vice President Michael D.N. Confer. +20995003 At Sept. 30, the thrift, which converted to a stock form of ownership from a mutual form in April 1986, had more than four million shares outstanding. +20996001 ARTICLE I, SECTION 7, CLAUSE 2: +20996002 Every Bill which shall have passed the House of Representatives and the Senate, shall, before it becomes a Law, be presented to the President of the United States; If he approve he shall sign it, but if not he shall return it, with his Objections to that House in which it shall have originated, who shall enter the Objections at large on their Journal, and proceed to reconsider it. +20996003 If after such Reconsideration two thirds of that House shall agree to pass the Bill, it shall be sent, together with the Objections, to the other House, by which it shall likewise be reconsidered, and if approved by two thirds of that House, it shall become a Law. . . . +20996004 ARTICLE I, SECTION 7, CLAUSE 3: +20996005 Every Order, Resolution, or Vote to which the Concurrence of the Senate and House of Representatives may be necessary (except on a question of Adjournment) shall be presented to the President of the United States; and before the Same shall take Effect, shall be approved by him, or being disapproved by him, shall be repassed by two thirds of the Senate and House of Representatives, according to the Rules and Limitations prescribed in the Case of a Bill. +20996006 President Bush told reporters a few months ago that he was looking for the right test case to see whether he already has the line-item veto. +20996007 Vice President Quayle and Budget Director Darman said recently they've joined the search. +20996008 On Tuesday, the subject came up again when Marlin Fitzwater explained the constitutional argument based on the provisions above to the White House press corps. +20996009 President Bush doesn't have any provision in mind, but line-item-veto bait will be like earthworms at midnight in the coming Continuing Resolution. +20996010 The harder question is whether anyone yet understands that Mr. Bush's fight for his constitutional prerogatives is about politics as much as it is about law. +20996011 We have been persuaded by the constitutional argument for the inherent line-item veto since 1987, when lawyer Stephen Glazier first made the case on this page. +20996012 The 1974 budget "reform," passed over President Nixon's veto, took away the presidential impoundment power, thereby introducing monstrous CRs and eviscerating the presidential veto. +20996013 Mr. Glazier discovered that the Founders had worried that Congress might take the President out of the loop. +20996014 Article I, Section 7, Clause 3 says that whether it's called an "order, resolution or vote" or anything else, Presidents must have the chance to veto. +20996015 Labeling an omnibus budget a "bill" can't deprive the President of his power to veto items. +20996016 Finding a test case shouldn't be hard, but there is something to be said for picking the best one possible. +20996017 The White House had the perfect case, but Congress blinked before it could go to court. +20996018 After the HUD and S&L stories broke, some Congressmen began to worry that their influence peddling at executive-branch and independent agencies might some day get them in trouble. +20996019 They worried about an Interior Department directive to log all communications with Members or their staffs. +20996020 Congress inserted the following into the Interior appropriation: "None of the funds available under this title may be used to prepare reports on contacts between employees of the Dept. of the Interior and Members and committees of Congress and their staff." +20996021 The White House warned that this would be an unconstitutional usurpation of its power. +20996022 When it threatened to use this provision as the test for a line-item veto, Congress caved. +20996023 The fear Congress has of any line-item-veto test led Members to add the single most contorted and ridiculous provision this year, "This section shall be effective only on Oct. 1, 1989." +20996024 This means Interior contacts cannot be logged only on one day -- a Sunday that had already passed. +20996025 If the White House is looking for another unconstitutional bill, Rep. John Dingell is trying again to raise the Fairness Doctrine from the dead. +20996026 President Reagan vetoed this as a First Amendment violation. +20996027 The "Fairness" Doctrine's enthusiasts are incumbents in the House who know the rules squelch lively discussions on broadcasts, deterring feisty challengers. +20996028 There are also other provisions requiring Congressmen to join treaty-negotiating teams and new restrictions on OMB. +20996029 Unconstitutional bills make good legal targets, but the line-item veto is better understood as a political opportunity than as mere fodder for lawyers. +20996030 Commenting on the budget mess this week, President Bush said: "The perception out there is that it's the fault of Congress. +20996031 And you can look to the leadership and ask them why that is the perception of the American people." +20996032 Exactly right. +20996033 Now's the time to make the political case that Presidents need the line-item weapon to restore discipline to the budget. +20996034 Congress is in no position to naysay Mr. Bush now that we're into Gramm-Rudman's sequestration. +20996035 Just this week, the House-Senate conference met -- 231 conferees, divided into 26 different subconferences. +20996036 Senator Daniel Inouye agreed to close some bases in Hawaii in exchange for such goodies as $11 million for a parking lot at Walter Reed Hospital. +20996037 Conference negotiator Rep. Bill Hefner pulled down $40 million in military bases for North Carolina and graciously allowed Senator James Sasser $70 million for bases in Tennessee. +20996038 President Bush should take the Constitution in one hand and a budget ax in the other and get to work. +20996039 He should chop out both unconstitutional provisions and budget pork. +20996040 Congress may have lost any sense of discipline, but that doesn't mean the country must learn to live forever with this mess. +20996041 President Bush has the power to change how Washington works, if only he will use it. +20997001 Troubled SCI Television Inc. proposed to restructure much of its $1.3 billion in debt to buy time to sell assets and pay its obligations. +20997002 The leveraged buy-out firm of Kohlberg Kravis Roberts & Co., which owns 46% of the common equity of SCI TV, indicated in the debt plan that it would reduce its equity stake to 15%, giving the rest of its stake to bondholders in the restructuring. +20997003 KKR also signaled to the company's creditors that Henry Kravis and other KKR directors of SCI TV would resign from the board once the restructuring is completed and forgo their voting rights. +20997004 Holders of SCI TV's $507 million of high-yield junk bonds are being asked to forgive a lot of debt in exchange for taking a 39% equity stake in SCI TV. +20997005 They immediately termed the proposal inadequate and said the restructuring would not solve the company's problems. +20997006 "I think the current plan is sufficiently flawed in a sufficient number of bondholders' eyes that substantial revisions will be required to get it done," says analyst Craig Davis of R.D. Smith & Co. here. +20997007 Investors interpreted the KKR move as a desire by the firm to wash its hands of SCI TV. +20997008 But a spokesman for KKR says that with only a 15% equity stake, it wouldn't be appropriate for KKR to keep board representation. +20997009 KKR already has made about $1 billion of gains from earlier transactions with SCI TV, thus it isn't significantly affected by the company's troubles. +20997010 SCI TV, which is controlled by Nashville, Tenn., entrepreneur George Gillett, owns six TV stations, including several CBS Inc. affiliates. +20997011 It is having trouble meeting its debt payments because of heavy borrowing in 1987 for a leveraged buy-out. +20997012 Through investment banker Drexel Burnham Lambert Inc., SCI TV is offering to exchange three classes of junk bonds for packages of new bonds and equity that investors value at ranges from 20 cents to 70 cents on the dollar. +20997013 KKR would give up a 31% equity stake to bondholders, while Mr. Gillett would surrender an 8% stake. +20997014 While one big SCI TV investor thinks that's pretty generous, many junkholders had been hoping that KKR and Mr. Gillett would invest new money in SCI TV. +20997015 Those investors think SCI TV needs new equity to survive. +20997016 SCI TV's debt restructuring plan would defer payment of $153 million of bank debt. +20997017 It also would defer interest and principal on junk bonds that have fallen due; the grace period for paying the bill expires Nov. 16. +20997018 At the same time, investors estimate the restructuring would cut the company's annual cash interest bill from about $90 million to $85 million. +20997019 Yet to pay that interest bill, analysts say SCI TV will only produce about $80 million to $90 million of cash flow a year. +20998001 Office Market Weakens In Overbuilt Northeast +20998002 THE NORTHEAST office market is feeling serious aftereffects of the giddy overbuilding of the 1980s. +20998003 Foreclosures and other signs of financial distress, most often associated with the real estate market in the Southwest, are surfacing in the suburban office market of the once thriving Northeast. +20998004 Some projects are now in the hands of lenders, including a 425,000-square-foot office facility in Little Falls, N.J. +20998005 The owners of a 32-acre hotel and office complex in King of Prussia, Pa., have advertised for new financing. +20998006 Rising office vacancy rates in Fairfield County, Conn., have builders and bankers scrambling to restructure loans. +20998007 And in suburban Boston, developers are bracing for cutbacks in the computer industry, a major user of office space. +20998008 Many troubled properties haven't been foreclosed on and are hard to identify, says Albert I. Berger, who heads the Secaucus, N.J., office of Helmsley-Spear Inc., a real estate brokerage. +20998009 Owners are voluntarily -- and quietly -- turning over properties to lenders through "deeds in lieu of foreclosure." +20998010 Often, developers stay on as property manager. +20998011 Real estate analyst Lloyd Lynford says the Northeast's distress is masked by relatively low vacancy rates. +20998012 But in today's overbuilt market, tenants have many choices and are negotiating low rents that squeeze building owners. +20998013 On average, Mr. Lynford says, it now takes three to 3 1/2 years to fill new office space, compared with 2 1/2 years in 1988. +20998014 Beverly Hills Comes To Suburban Tokyo +20998015 WHY SHOULD the Japanese cross the Pacific to buy American real estate when they can simply recreate it at home? +20998016 Tokyu Development Corp. is spending $500 million to build American-style luxury homes in suburban Tokyo with rarely seen back yards, front yards, swimming pools and tennis courts. +20998017 The Japanese company hired Richardson Nagy Martin, a Newport Beach, Calif., architectural firm, to design what the Japanese press has dubbed "the Beverly Hills of Tokyo." +20998018 Instead of Japan's typical small homes clustered on narrow streets with no sidewalks, the new "One Hundred Hills" development will offer 65 houses on half-acre lots. +20998019 That's more than 10 times the usual housing site size. +20998020 Buyers with $6 million to spend can select from 11 designs, including a Mediterranean-inspired California style, a traditional Yankee look and designs inspired by Midwestern architect Frank Lloyd Wright. +20998021 There are spacious living rooms and baths, plus a master grandparents suite and a foyer for removing shoes to suit Japanese life styles. +20998022 Exteriors are faced with brick, wood or stone, but the homes are made of steel-reinforced concrete. +20998023 "We were disappointed we couldn't use wood," says architect Walter J. Richardson, "but the Japanese only want stronger materials." +20998024 At $1,000 per square foot, the Japanese want the feeling of indestructibility, he explains, not to mention protection from possible earthquake damage. +20998025 Housing Developers Try Brand-Name Buildings +20998026 RESIDENTIAL builders, faced with a more competitive market, are turning to a traditional consumer marketing technique to establish brand-name identity. +20998027 "One of the difficulties people in real estate have is that each product is like starting a new company, or starting a new line in the fashion business," says L. Robert Lieb president of Mountain Development Corp. in West Paterson, N.J. +20998028 So he's using "river" in many project names. +20998029 "It'll never be like what Bristol-Myers does," he adds, "but it helps establish recognition with the public -- and with banks." +20998030 Weingarten-Siegel Group Inc. of Manalapan, N.J., has built Cross Creek Pointe, Allegro Pointe and other Pointes in New Jersey. +20998031 Caspi Development Corp of Armonk, N.Y., has developed two apartment buildings called Classic and plans a third. +20998032 Developer Steve Caspi says the same brand name indicates consistent quality, "regardless of location, design or amenities." +20998033 The leader in real estate brand names is developer Ara Hovnanian. +20998034 His entry-price condos are labeled Society Hill. +20998035 Beacon Hill is for "move-up" town houses, and Nob Hill, for single-family houses. +20998036 Because of standardized designs, Mr. Hovnanian says, "a buyer can visualize Society Hill regardless of where it is." +20998037 Quake Not Likely to Jolt The Commercial Market +20998038 THE EARTHQUAKE in San Francisco has sent few tremors through the hearts of real estate investors. +20998039 "I think there's a disease called buyer's regret, and I'm sure it's running rampant at this moment, but it gets cured in a short period of time," says Kenneth Leventhal, co-managing partner of Kenneth Leventhal & Co., a Los Angeles accounting firm specializing in real estate. +20998040 "If I were buying a building in San Francisco now the first thing I'd do is insist on a structural inspection, then I'd delay a little, stall a little." +20998041 But like other real estate professionals accustomed to California's quake risks, Mr. Leventhal anticipates little long-term change in the city's commercial real estate market. +20998042 Still, local builders are eager to tell the world that most of San Francisco doesn't look like the TV images of destruction. +20998043 Planners of the Urban Land Institute real estate conference this week hastily added a panel on the quake's effects. +20998044 "The message is we build'em right," says Peter Bedford, a California developer and officer at Urban Land Institute. +20998045 "There's seven million square feet of space that's doing great. +20999001 HEALTH CLUBS gear up for a graying clientele. +20999002 Although their ads picture curvy young people in skimpy outfits, club owners know the future lies with the lumpier over-40 set. +20999003 "It's a misconception that physical fitness is something for the young and middle-aged," says Michael Pacholik, sales manager of the LA Fitness club, Diamond Bar, Calif. +20999004 About 10% to 15% of members at Atlanta's Holiday Espre Center are elderly, says Gerald Williams, fitness consultant. +20999005 "Most want cardiovascular conditioning . . . the No. 1 way of reducing risk of heart disease." +20999006 The Association of Quality Clubs, which puts 1988 industry revenue at $5 billion, surveyed the health-conscious over-40 market and found that 43% exercise regularly. +20999007 Michael Hays, head of ProBody Fitness, notes an industry "wash" is in progress. +20999008 "Clubs need to be run like restaurants where every square foot makes a dollar," he says. +20999009 Older people help profits by filling in "downtime." +20999010 He adds: "The medical market and the fitness market parallel each other and are going to cross real soon." +20999011 People on fixed incomes get a break at Espre; over 55 wins a 45% discount at Anaheim Imperial Health Spa. +20999012 "HOT" TOPAZ sparks regulator, jeweler concern over import of irradiated stones. +20999013 A committee of gem dealers investigates the source of some "hot" blue topaz stones recently reported by a Hong Kong jewelry manufacturer. +20999014 In the U.S., radiation limits are set and monitored by the Nuclear Regulatory Commission, which licenses reactors that process the topaz. +20999015 The agency is working on licensing importers but doesn't currently monitor imports. +20999016 Topaz, a translucent mineral that is often whitish when taken from the ground, can be turned blue by irradiation, which transforms it into a gemstone that looks like an aquamarine. +20999017 "The {stones} that were irradiated in the U.S. are safe," says John Hickey, chief of the NRC operations branch, Washington. +20999018 "We believe that the vast majority of imported material is safe. +20999019 But there is a small risk that some were imported with high radiation levels." +20999020 Mr. Hickey added that the stones found in Hong Kong are thought to carry double the U.S. radiation limit, although he noted that double or even triple the U.S. limit is "still in the range of safe levels." +20999021 Some jewelers have Geiger counters to measure topaz radiation. +20999022 CAPITAL TRAVELS to Europe as 1992 unification nears. +20999023 Boston's Advent International raises $230 million from U.S. pension funds and other institutions to invest in Europe. +20999024 Other venture capitalists are already there: MMG Patricof Group and its Alan Patricof Associates, New York; Burr, Egan, Deleage & Co., Boston; and San Francisco's Hambrecht & Quist have about $800 million to invest in European companies. +20999025 European venture capital funds total about $14 billion and are expected to continue growing 35% annually. +20999026 Continentals believe that the strongest growth area will be southern Europe. +20999027 Spain and Italy are most often mentioned as the future economic hot spots. +20999028 Favored ventures include media, telecommunications and retailing. +20999029 Most popular acquisition method: the leveraged buy-out. +20999030 Family-owned firms that need cash to grow are attractive, says John Turner of Matuschka Gruppe, Munich. +20999031 AN AIDS DIRECTORY from the American Foundation for AIDS Research rates and reviews educational materials. +20999032 "Learning AIDS" lists films, pamphlets, brochures, videos and other educational data. +20999033 The distributor is R.R. Bowker, New York. +20999034 SUSPECT "SALES" ads are challenged by the Better Business Bureau of Metropolitan New York. +20999035 The bureau found that only two of six New York furniture stores could prove their presale prices were higher. +20999036 DRACULA'S BUSY this time of year, but a visit to his Transylvania castle is part of a Chicago-based Unitours trip in the spring, presumably the count's off-season. +20999037 RADIO MALAISE draws the ear of the Federal Communications Commission. +20999038 AM radio, which has been losing listeners to FM channels since the 1970s, approaches the 1990s with a diminished voice. +20999039 But it may have a good listener in Washington. +20999040 The FCC plans to hear a day of testimony Nov. 16 on the plight of AM radio. +20999041 The commission believes that improving AM service would broaden listening selections and increase options for advertisers. +20999042 The issues are also thought to be important to the FCC's new chairman, Alfred Sikes, a former AM broadcaster in his native Missouri. +20999043 The FM radio band, considered technically superior because it can carry stereo broadcasts, has cornered the airwaves for delivering music. +20999044 AM stereo remains largely undeveloped because it lacks a uniform delivery system. +20999045 The National Association of Broadcasters in June adopted an agenda for revitalizing AM radio that includes, among other things, pursuing further FCC action on selecting an AM stereo standard and seeking a law requiring all stereo receivers to include AM stereo. +20999046 Listeners turned to radios run on batteries for news when the San Francisco earthquake and Hurricane Hugo cut power lines. +20999047 BRIEFS: +20999048 A Modern Healthcare magazine article says 40% of surveyed executives admitted falling asleep during formal presentations. . . . +20999049 Lee Co., the jeans maker, celebrates its 100th anniversary with a hardcover yearbook featuring photos of its 10,000 employees. +21000001 Kemper Financial Services Inc., charging that program trading is ruining the stock market, cut off four big Wall Street firms from doing any of its stock-trading business. +21000002 The move is the biggest salvo yet in the renewed outcry against program trading, with Kemper putting its money -- the millions of dollars in commissions it generates each year -- where its mouth is. +21000003 The Kemper Corp. unit and other critics complain that program trading causes wild swings in stock prices, such as on Tuesday and on Oct. 13 and 16, and has increased chances for market crashes. +21000004 Over the past nine months, several firms, including discount broker Charles Schwab & Co. and Sears, Roebuck & Co.'s Dean Witter Reynolds Inc. unit, have attacked program trading as a major market evil. +21000005 Several big securities firms backed off from program trading a few months after the 1987 crash. +21000006 But most of them, led by Morgan Stanley & Co., moved back in earlier this year. +21000007 The most volatile form of program trading is index arbitrage -- the rapid-fire, computer-guided buying and selling of stocks offset with opposite trades in stock-index futures and options. +21000008 The object is to capture profits from fleeting price discrepancies between the futures and options and the stocks themselves. +21000009 Index arbitrage recently has accounted for about half of all program trading on the New York Stock Exchange. +21000010 Last month, program trading accounted for 20.9 million shares a day, or a record 13.8% of the Big Board's average daily volume. +21000011 On Tuesday afternoon, Kemper told Bear, Stearns & Co., General Electric Co.'s Kidder, Peabody & Co. unit, Morgan Stanley and Oppenheimer & Co. that it will no longer do business with them because of their commitment to index arbitrage, officials inside and outside these firms confirmed. +21000012 Kemper officials declined to identify the firms but acknowledged a long-simmering dispute with four securities firms and said the list of brokers it won't do business with may be lengthened in the months ahead. +21000013 "We've been opposed to" index arbitrage "for a long time," said Stephen B. Timbers, chief investment officer at Kemper, which manages $56 billion, including $8 billion of stocks. +21000014 "Index arbitrage doesn't work, and it scares natural buyers" of stock. +21000015 While Mr. Timbers explained he's "not totally convinced index arbitrage changes the overall level of the stock market," he said that "on an intraday basis, it has major effects. +21000016 We've talked to proponents of index arbitrage and told them to cool it because they're ruining the market. +21000017 They said, `Too bad,' so we finally said we're not going to do business with them." +21000018 Kemper also blasted the Big Board for ignoring the interests of individual and institutional holders. +21000019 "The New York Stock Exchange has vested interests" in its big member securities firms "that cloud its objectivity," Mr. Timbers said. +21000020 "It has never been interested in what we think. +21000021 The Big Board also has a terrible communication problem with individual investors," he added. +21000022 Small investors perceive that "big operators" dominate the market, said Thomas O'Hara, chairman of the National Association of Investors and head of the exchange's Individual Investors Advisory Committee set up after the 1987 crash. +21000023 "The impression I've got is they'd love to do away with it {program trading}, but they {the exchange} can't do it," he said. +21000024 Big Board Chairman John J. Phelan said in a recent interview that he has no inclination to eliminate program trading. +21000025 He said the market's volatility disturbs him, but that all the exchange can do is "slow down the process" by using its circuit breakers and shock absorbers. +21000026 Mr. Timbers countered that "the mere fact they put in circuit breakers is an admission of their problems." +21000027 Morgan Stanley and Kidder Peabody, the two biggest program trading firms, staunchly defend their strategies. +21000028 "We continue to believe the position we've taken is reasonable," a Morgan Stanley official said. +21000029 "We would stop index arbitrage when the market is under stress, and we have recently," he said, citing Oct. 13 and earlier this week. +21000030 Michael Carpenter, president and chief executive officer at Kidder Peabody, said in a recent interview, "We don't think that index arbitrage has a negative impact on the market as a whole." +21000031 According to Lawrence Eckenfelder, a securities industry analyst at Prudential-Bache Securities Inc., "Kemper is the first firm to make a major statement with program trading." +21000032 He added that "having just one firm do this isn't going to mean a hill of beans. +21000033 But if this prompts others to consider the same thing, then it may become much more important. +21001001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21001002 Blockbuster Entertainment Corp. -- $300 million (redemption amount) of zero-coupon convertible notes, also known as liquid yield option notes, due Nov. 1, 2004, priced at 308.32 to yield at maturity 8%. +21001003 The notes are zero-coupon securities and will not pay interest periodically. +21001004 The size of the offering was increased from the originally planned $250 million (redemption amount). +21001005 The notes are convertible into common stock of Blockbuster Entertainment at $22.26 a share, representing a 12% conversion premium over yesterday's closing price. +21001006 Rated Ba-3 by Moody's Investors Service Inc. and single-B-plus by Standard & Poor's Corp., the issue will be sold through Merrill Lynch Capital Markets. +21001007 Merrill Lynch & Co. -- $200 million of 8.4% notes due Nov. 1, 2019, priced at 99.771 to yield 8.457%. +21001008 The issue, which is puttable back to the company Nov. 1, 1994, was priced at a spread of 70 basis points above the Treasury's five-year note. +21001009 Rated single-A-1 by Moody's and single-A-plus by S&P, the noncallable issue will be sold through underwriters led by Merrill Lynch Capital Markets. +21001010 Boise Cascade Corp. -- $150 million of 9.45% debentures due 2009, priced at 99.7. +21001011 ITT Financial Corp. -- $150 million of 8.35% subordinated notes due Nov. 1, 2004, priced at 99.85 to yield 8.387%. +21001012 The noncallable issue, which is puttable back to the company Nov. 1, 1994, was priced at a spread of 62.5 basis points above the Treasury's five-year note. +21001013 Rated single-A-2 by Moody's and single-A by S&P, the issue will be sold through underwriters led by Merrill Lynch Capital Markets. +21001014 ITT Financial is a subsidiary of ITT Corp. +21001015 Arco Chemical Co. -- $100 million of 9.35% debentures due Nov. 1, 2019, priced at 98.518 to yield 9.50%. +21001016 Rated single-A-2 by Moody's and single-A by S&P, the issue will be sold through underwriters led by Salomon Brothers Inc. +21001017 Trinity River Authority, Texas -- $134.8 million of regional wastewater system improvement revenue bonds, Series 1989, due 1992-2000, 2009 and 2016, through a Shearson Lehman Hutton Inc. group. +21001018 The bonds, insured and rated triple-a by Moody's and S&P, were priced to yield from 6.30% in 1992 to 7.25% in 2016. +21001019 There are $46,245,000 of 7% term bonds due 2009, priced at 97 7/8 to yield 7.20%, and $64.9 million of 7.1% term bonds due 2016, priced at 98 1/4 to yield 7.25%. +21001020 Serial bonds, which all carry 7% coupons, are priced to yield from 6.30% in 1992 to 7% in 2000. +21001021 Beverly Hills, Calif. -- $116,385,000 of refunding certificates of participation (civic center improvements project), due 1990-2004, 2007, 2016 and 2019, tentatively priced by a Goldman, Sachs & Co. group to yield from 6% in 1990 to 7.19% in 2016. +21001022 Serial certificates yield to 7.10% in 2004. +21001023 They are all priced at par. +21001024 There are $12,915,000 of 7% term certificates due 2007, priced to yield 7.15%. +21001025 The $58.9 million of 7% certificates due 2016 carry the issue's high yield, priced at 97 3/4 to yield 7.19%. +21001026 There are also $29 million of 6 3/4% certificates due 2019, priced to yield 7.10%. +21001027 The bonds are rated single-A-1 by Moody's and double-A-minus by S&P, according to the lead underwriter. +21001028 Michigan -- $80 million of first general obligation bonds (Series 1989 environmental protection program and recreation program), tentatively priced by a Shearson Lehman Hutton group to yield from 6% for current interest bonds due 1990 to 7.25% for convertible capital appreciation bonds. +21001029 Environmental protection program current interest bonds are due 1995-1999, 2005 and 2009. +21001030 They are tentatively priced to yield from 6.45% in 1995 to 7.10% in 2009. +21001031 The standard capital appreciation bonds in the issue, due 1998-2011, yield to maturity from 6.70% in 1998 to 7.10% in 2009-2011. +21001032 The convertible capital appreciation bonds all yield 7.25% to their respective conversion dates, when they become 7 1/4% current interest-bearing bonds until maturity. +21001033 Convertible capital appreciation bonds with a final stated maturity of Nov. 15, 2014, convert Nov. 15, 1999. +21001034 Convertible capital appreciation bonds with a final stated maturity of Nov. 15, 2019, convert Nov. 15, 2004. +21001035 Recreation program current interest bonds are due 1990-1995, and are priced to yield from 6% in 1990 to 6.45% in 1995. +21001036 All of the bonds are rated single-A-1 by Moody's and double-A by S&P. +21001037 Federal National Mortgage Association -- $300 million of Remic securities in 10 classes through Goldman Sachs. +21001038 The issue is backed by Fannie Mae 9% securitiess. +21001039 The offering is Fannie Mae's Series 1989-88. +21001040 Fuji Heavy Industries Ltd. (Japan) -- $300 million of 8 3/4% bonds due Nov. 17, 1999, priced at 101 3/8 to yield 8.85% less full fees annually, via Daiwa Europe Ltd. +21001041 Guarantee by Industrial Bank of Japan. +21001042 Fees 2. +21001043 European Investment Bank (agency) -- $150 million of 8 1/2% bonds due Nov. 22, 1999, priced at 99.75 to yield 8.54% at reoffered price, via lead manager JP Morgan Securities Ltd. +21001044 Nippon Meat Packers Inc. (Japan) -- $200 million of bonds due Nov. 9, 1993, with equity-purchase warrants, indicating a 3 7/8% coupon at par, via Yamaichi International Europe. +21001045 Each $5,000 bond carries a warrant exercisable Nov. 24, 1989, through Oct. 29, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 31. +21001046 GMAC Canada Ltd. (U.S. parent) -- 150 million Canadian dollars of floating-rate notes due November 1996, via Banque Paribas Capital Markets Ltd. +21001047 Coupon, paid monthly, is one-month Canadian bankers acceptance rate. +21001048 Guarantee by General Motors Acceptance Corp. +21001049 Call at par after two years and thereafter at par every six months. +21001050 Swedish Export Credit Corp. -- #100 million of 12% bonds due June 15, 1994, priced at 101 5/8 to yield 12.39% annually less full fees, via Samuel Montagu & Co. +21001051 Fees 1 7/8. +21001052 Skopbank (Finland) -- 10 billion yen of 5 3/4% bonds due Nov. 20, 1992, priced at 101 3/8 to yield 5 3/4% less full fees, via IBJ International. +21001053 Fees 1 3/8. +21001054 Hokkaido Takushoku Bank (Japan) -- 300 million Swiss francs of notes and bonds due March 31, 1994, with fixed 0.375% coupon at par via Swiss Bank Corp. +21001055 Put option March 31, 1992, at 107 3/4 to yield a fixed 3.52%. +21001056 The issue is in two parts: 200 million Swiss francs of privately placed notes, 100 million Swiss francs of publicly listed bonds. +21001057 Indentical conditions for the two parts. +21001058 Other terms to be fixed Nov. 1. +21001059 Kingdom of Morocco -- $208 million (redemption amount) of zero-coupon government trust certificates, with maturities stretching from May 15, 1990, to Nov. 15, 1999, priced at yields ranging from 8.23% to 8.43%. +21001060 All the issues were priced at a spread of 37 basis points above the Treasury strips with similar maturities. +21001061 Proceeds from the offering are about $160.4 million. +21001062 Rated triple-A by Moody's and S&P, the issue will be sold through underwriters led by BT Securities, a subsidiary of Bankers Trust New York Corp. +21002001 At a time when Jon Levy should be planning the biggest spring season in his dress company's 17 years, his work day is studded with intense moments of concern about one of his biggest customers, Campeau Corp. +21002002 "The dress business has always been a gamble, but it's never been like this," says Mr. Levy, president of St. Gillian Group Ltd., which has become a hot name thanks to a campaign of sexy TV commercials. +21002003 Every day, Mr. Levy checks orders from Campeau department store chains, trying to guess if he will be paid. +21002004 "I'm now monitoring every major account." +21002005 Campeau, owner of such retailers as Bloomingdale's, Bon Marche, and Jordan Marsh, sidestepped financial collapse last month after an emergency $250 million loan from Olympia & York Developments Ltd., a Canadian developer and a major shareholder in Campeau. +21002006 The need for the loan surprised many analysts and bond holders who had been told at the company's annual meeting in July that there weren't any major problems ahead. +21002007 The risk of doing business with Campeau's Federated and Allied department store chains is about to increase greatly, not only for Mr. Levy but for hundreds of other small apparel makers, button suppliers, trucking firms and fabric houses. +21002008 Next week, the country's top designers and manufacturers will begin showing fashions for spring 1990, the second most important selling season of the year. +21002009 And as the applause dies down in showrooms along Seventh Avenue and Broadway, stylishly clad Campeau buyers will begin writing orders. +21002010 Orders from Campeau retailers used to be cause for celebration. +21002011 This is no longer true because of Campeau's massive debt load. +21002012 "It's all anybody wants to talk about," says Richard Posner, executive vice president for Credit Exchange Inc., a leading credit service. +21002013 "People wonder what's going to happen next." +21002014 Many manufacturers are worried about being paid for merchandise already shipped to Campeau stores. +21002015 But those dollars at risk pale in comparison to the investment required to make and ship spring goods to Campeau stores. +21002016 "The few million dollars I could lose today is nothing against what I could lose on the spring line," says Mr. Levy, who estimates that Campeau stores will sell $25 million worth of his clothes this year. +21002017 "I'm buying fabric right now for clothes which I may not be paid for until April or May. +21002018 What happens to me if Campeau collapses between now and then?" +21002019 Some credit concerns, such as Bernard Sands Credit Consultants Inc., have told clients not to ship anything to Federated or Allied stores on credit. +21002020 "This is especially true for spring merchandise," says Jim Rindos, credit manager at Bernard Sands. +21002021 "Campeau has too much debt." +21002022 Other credit houses, such as Credit Exchange and Solo Credit Service Corp., are suggesting that their clients study each order before shipping. +21002023 "Payments are good right now, but we aren't recommending any long-term lines of credit," says Richard Hastings, a retail credit analyst, referring to credit lines which make inventory purchases automatic. +21002024 "The Campeau situation is a little uncertain and very difficult to analyze." +21002025 Because of those concerns, some manufacturers say they will ask for letters of credit before shipping spring merchandise. +21002026 "We're being paid today, but we're worried about tomorrow and will want" letters of credit, says the sales director at one major dress maker who asked not to be identified. +21002027 Howard Bloom, president of the dress firm Chetta B Inc., says: "It's big time chaos today. +21002028 I'm going to ship and hope I get paid. +21002029 If I need to ask for money up front later, I will." +21002030 Carol Sanger, vice president, corporate communications at Campeau, says that all of the Federated and Allied chains are paying their bills in a timely manner. +21002031 "They continue to pay their bills and will do so," says Ms. Sanger. +21002032 "We're confident we'll be paying our bills for spring merchandise as well." +21002033 Typically, manufacturers are paid 10 days after the month in which they ship. +21002034 If goods are shipped to Bloomingdale's between Oct. 1 and Oct. 20, manufacturers expect to be paid by Nov. 10. +21002035 But manufacturers now buying fabric for spring season goods won't be paid until March, April or even May. +21002036 Some in the market question whether Campeau will be in a position to pay bills at that time. +21002037 "Everybody is worried about the possibility of cancellations," says Kurt Barnard, publisher of Barnard's Retail Marketing Report. +21002038 "The buyers who work for the various Campeau chains may lose their jobs. +21002039 The stores they work for may be sold. +21002040 What that will mean for manufacturers is anybody's guess." +21002041 Campeau's financial situation is complicated by an estimated $1.23 billion in debt due next spring. +21002042 This includes a working capital facility for Allied Stores of $350 million that matures March 15, 1990, and an $800 million bridge loan due April 30, 1990. +21002043 The company has stated in recently filed financial documents that it anticipates refinancing its March 1990 payments. +21002044 In recent months, numerous retailers have filed for Chapter 11 bankruptcy protection, including Bonwit Teller, B. Altman & Co., and Miller & Rhoads Inc. +21002045 Those filings, plus the expected sale of a number of financially healthy chains, such as Saks Fifth Avenue, Marshall Field's and Bloomingdale's, have added to the anxiety. +21002046 "Right now, Federated owes us a considerable amount of money," says Morris Marmalstein, president of David Warren Enterprises, a major dress manufacturer. +21002047 "We expect they will be current with their debts by the end of the week, but we are considering asking them for letters of credit before we take more orders." +21002048 Mr. Marmalstein adds that his company is now holding some goods in anticipation of being paid in full. +21002049 "It's become a day-by-day business," he says. +21002050 "Business has never been this tough before. +21002051 Not only does your product have to be excellent, but you also have to be able to collect." +21002052 Other manufacturers are equally cautious. +21002053 Bud Konheim, president of Nicole Miller Inc., says his company is now shipping only to the flagship stores of the Federated and Allied chains. +21002054 This limits his financial exposure, he says. +21002055 "The branches are just warmed over, empty halls," says Mr. Konheim. +21002056 "Why should I be part of that problem? +21002057 I've got limited production, and I can't give it to underperformers." +21002058 Campeau's Ms. Sanger disputes Mr. Konheim's comments. +21002059 "Many of the branches are very lucrative," she says. +21002060 "That's just nonsense." +21002061 As for Mr. Levy at St. Gillian, he says he will maintain his credit lines with the various Campeau stores unless they miss a payment. +21002062 "If they slip for 10 cents for 10 minutes, I'll stop," he says. +21003001 Bethlehem Steel Corp., hammered by higher costs and lower shipments to key automotive and service-center customers, posted a 54% drop in third-quarter profit. +21003002 Separately, two more of the nation's top steelmakers -- Armco Inc. and National Intergroup Inc. -- reported lower operating earnings in their steel businesses, marking what is generally believed to be the end of a two-year boom in the industry. +21003003 Wall Street analysts expect the disappointing trend to continue into the fourth quarter and through at least the first two quarters of 1990, when the industry will increasingly see the effect of price erosion in major product lines, such as rolled sheet used for cars, appliances and construction. +21003004 "It doesn't bode well for coming quarters," said John Jacobson, who follows the steel industry for AUS Consultants. +21003005 In fact, he thinks several steelmakers will report actual losses through the third quarter of 1990. +21003006 Bethlehem, the nation's second largest steelmaker, earned $46.9 million, or 54 cents a share. +21003007 The figures include $15 million in costs related to a blast furnace outage and $8 million in losses from unauthorized work outages at the company's coal operations. +21003008 In the year-ago period, Bethlehem earned $101.4 million, or $1.27 a share, including a $3.8 million gain from early retirement of debt. +21003009 Third-quarter sales dropped 11% to $1.27 billion from $1.43 billion a year ago. +21003010 In composite trading on the New York Stock Exchange, Bethlehem shares rose 50 cents to $17.375. +21003011 Of all the major steelmakers, Bethlehem would seem to be the most vulnerable to a slowdown. +21003012 It hasn't diversified beyond steel, nor has it linked up with a joint venture partner to share costs and risks. +21003013 However, in spite of the difficult industrywide environment of high cost and low volume, Bethlehem "had pretty good earnings numbers," said Michelle Galanter Applebaum, an analyst with Salomon Brothers Inc. +21003014 Ms. Applebaum had estimated third-quarter earnings of 55 cents a share, but said the losses for the unusual items were larger than expected. +21003015 Still, Bethlehem's core basic steel operations experienced a steep drop in operating profit to $58.6 million from $186.4 million a year ago, when the industry enjoyed strong demand and pricing. +21003016 The company said its shipments declined as a result of a reduction in inventories by service centers, a lackluster automotive market and increasing competitive pressures in the construction market. +21003017 At the same time, production costs, compared with a year ago, were boosted by higher raw material and employment costs, which resulted from the company's new labor pact effective June 1. +21003018 "We anticipate that steel market conditions will exhibit a further moderate decline in the fourth quarter as the automotive sector remains weak and customers continue to adjust inventories," said Bethlehem Chairman Walter F. Williams. +21003019 He noted, however, that the company's order entry has increased from the low levels of the early summer, following the end of labor negotiations. +21003020 Armco, hampered by lower volume in its specialty steel business, said third-quarter net income dropped 8% to $33 million, or 35 cents a share, from $36 million, or 39 cents a share in the year-ago quarter. +21003021 Sales dropped to $441.1 million from $820.4 million, because the company no longer consolidates its Eastern Steel division, which is now a joint venture with Kawasaki Steel Corp. +21003022 Along with reduced volume, analysts said the nation's fifth largest steelmaker was hurt by holding higher-cost inventory when raw material costs of such key products as nickel dropped. +21003023 Operating profit dropped 46% in its specialty flat-rolled steel segment. +21003024 Moreover, the company said higher sales and shipments to service centers from its Armco Steel Co. joint venture failed to offset weakness in the automotive market, higher production costs and a poorer product mix. +21003025 Armco shares closed unchanged at $10.625 in composite trading on the New York Stock Exchange. +21003026 National Intergroup, which owns 50% of the nation's sixth largest steelmaker -- National Steel Corp. -- posted net income for the fiscal second-quarter of $8.6 million, or 33 cents a share, compared with a net loss of $50.3 million. +21003027 Sales increased in the quarter ended Sept. 30 to $747.8 million from $623.5 million a year ago. +21003028 The latest period includes gains of $9.1 million from early retirement of debt and tax loss carry-forward. +21003029 Last year's results were hurt by $41.3 million in restructuring charges. +21003030 National Intergroup stock closed at $15, unchanged in composite trading on the New York Stock Exchange. +21003031 The company noted that its Fox-Meyer Drug Co., Ben Franklin Stores Inc. and Permian Corp. operations showed improvements as a result of restructuring moves. +21003032 However, its equity in the net income of National Steel declined to $6.3 million from $10.9 million as a result of softer demand and lost orders following prolonged labor talks and a threatened strike. +21003033 National Intergroup is negotiating for the sale of its 50% interest in National Steel to concentrate more fully on drug distribution operations. +21004001 International Business Machines Corp. said it agreed to let Motorola Inc. participate in a semiconductor research project as part of its effort to bolster the U.S. semiconductor industry. +21004002 IBM, which made the announcement at the dedication of a research center here, said it invited many other companies to participate as well, including some from Europe. +21004003 Jack Kuehler, IBM's president, said IBM is also considering letting other companies participate in additional semiconductor work but declined to be more specific. +21004004 IBM, which said a year ago it was inviting companies to participate in some semiconductor work, has become far more open about its technology as it has tried to rally U.S. industry to head off the Japanese, who now dominate the market for dynamic random access memory chips. +21004005 While IBM, Armonk, N.Y., makes the bulk of the DRAMs it uses, it doesn't make the equipment needed to produce those chips. +21004006 And IBM worries that the Japanese will take over that equipment market, too, unless U.S. semiconductor companies produce enough memory chips here to keep U.S. equipment makers healthy. +21004007 Failure of U.S. equipment makers, IBM fears, would leave it dependent on many of the Japanese companies that compete with it in other parts of the market. +21004008 IBM also said it expects to benefit from the expertise that Motorola and other companies can bring to bear on the difficult problems involved in semiconductor manufacturing. +21004009 IBM already participates in one industrywide effort to improve semiconductor-manufacturing techniques. +21004010 IBM said it expects industrywide efforts to become prevalent because semiconductor manufacturing has become so expensive. +21004011 A state-of-the-art plant cost $40 million in the mid-1970s but costs $500 million today because the technology is so complex. +21004012 And IBM said it expects the costs to continue climbing. +21004013 IBM, which said Motorola is paying just a nominal fee to cover the 21-month agreement, acknowledged some companies had turned down its invitation to join in. +21004014 But it said that was mainly because the project may not bear fruit until the mid-1990s. +21004015 IBM said it thought more companies would become interested as the project progresses. +21004016 The project involving Motorola concerns a technique, called X-ray lithography, that figures to be crucial to future generations of memory chips. +21004017 Currently, chips are produced by shining light through a mask to produce an image on the chip, much as a camera produces an image on film. +21004018 But details on chips must now be extraordinarily fine, and the wavelengths of even ultraviolet light are long enough so that the images they draw may be too blurry -- much as someone using a wide paintbrush could produce a broad line but would have trouble painting a thin one. +21004019 X-rays, by contrast, travel straighter and can be focused more tightly than light. +21004020 X-rays have problems, too. +21004021 They can make the masks brittle and can pass through material they're not supposed to. +21004022 But, assuming those problems can be overcome, they should allow for memory chips that could approach one billion bits of information -- 250 times as much as is contained in the four-megabit chips that are just reaching the market and a million times what was possible in the mid-1970s. +21005001 Allied-Signal Aerospace Co. received a $65 million contract to outfit Continental Airlines' 393 planes with the Bendix/King Traffic Alert and Collision Avoidance System. +21005002 The airborne system operates independent of ground-based radar systems, informing pilots of nearby aircraft, Allied-Signal said. +21005003 The system also provides course-correction advisories. +21005004 Allied-Signal is a unit of Allied-Signal Inc., a manufacturer with interests in aerospace, automotive products and engineered materials. +21005005 Continental Airlines is a unit of Texas Air Corp., Houston. +21006001 In a stunning shift in direction, Provigo Inc. said it will sell all its non-food operations to concentrate solely on its retail and wholesale grocery business. +21006002 The non-food operations accounted for about 27% of Provigo's 7.38 billion Canadian dollars (US$6.3 billion) in sales in the latest fiscal year. +21006003 In a related move, Pierre Lortie, chairman and chief executive, resigned. +21006004 Mr. Lortie joined Provigo in 1985 and spearheaded the company's drive to grow outside its traditional food business. +21006005 He couldn't be reached for comment. +21006006 Bertin Nadeau, newly appointed chairman and interim chief executive of Provigo, wouldn't say if Mr. Lortie was asked to leave. +21006007 "Mr. Lortie felt less pertinent," Mr. Nadeau said, given the decision to dump Provigo's non-food operations. +21006008 "At this stage it was felt I was perhaps more pertinent as chief executive." +21006009 Mr. Nadeau also is chairman and chief executive of Unigesco Inc., Provigo's controlling shareholder. +21006010 At a news conference, Mr. Nadeau said the sale of the three non-food businesses, which account for nearly half the company's C$900 million in assets, should be completed in a "matter of months." +21006011 The three units are a nationwide pharmaceutical and health-products distributor, a small sporting-goods chain, and a combination catalog showroom and toy-store chain. +21006012 Investors and analysts applauded the news. +21006013 Provigo was the most active industrial stock on the Montreal Exchange, where it closed at C$9.75 (US$8.32), up 75 Canadian cents. +21006014 "I think it's a pretty positive development," said Ross Cowan, a financial analyst with Levesque Beaubien Geoffrion Inc., of the decision to concentrate on groceries. +21006015 Mr. Lortie's departure, while sudden, was seen as inevitable in light of the shift in strategy. +21006016 "The non-food operations were largely Mr. Lortie's creation {and} his strategy didn't work," said Steven Holt, a financial analyst with Midland Doherty Ltd. +21006017 Provigo's profit record over the past two years tarnished the company's and Mr. Lortie's reputations. +21006018 For the six months ended Aug. 12, Provigo posted net income of C$6.5 million, or eight Canadian cents a share, compared with C$18.1 million, or 21 Canadian cents a share, a year earlier. +21006019 Sales were C$4.2 billion compared with C$3.7 billion. +21006020 Last month, Canadian Bond Rating Service downgraded Provigo's commercial paper and debentures because of its lackluster performance. +21006021 Analysts are skeptical Provigo will be able to sell the non-food businesses as a group for at least book value, and are expecting write-downs. +21006022 Mr. Nadeau said he couldn't yet say if the sale prices would match book values. +21006023 He said all three non-food operations are profitable. +21006024 Mr. Nadeau said discussions are under way with potential purchasers of each of the units. +21006025 He declined to confirm or deny reports that Provigo executive Henri Roy is trying to put together a management buy-out of the catalogue showroom unit. +21006026 Mr. Roy couldn't be reached. +21006027 Yvon Bussieres was named senior executive vice president and chief operating officer of Provigo, a new position. +21006028 Mr. Bussieres was president and chief operating officer of Provigo's Quebec retail and wholesale grocery unit. +21006029 Mr. Nadeau said he intends to remain Provigo's chief executive only until the non-food businesses are sold, after a which a new chief executive will be named. +21007001 Comments by Federal Reserve Board Chairman Alan Greenspan lent some support to the dollar, but the U.S. unit ended yesterday lower against most major currencies. +21007002 Foreign-exchange dealers noted that the impact of the chairman's remarks was slight and warned that the currency remains sensitive to developments on Wall Street. +21007003 Traders said that Mr. Greenspan, whose statements are ordinarily cautious, was especially careful to avoid any jarring proclamations, with fears about equities still unnerving financial markets. +21007004 Testifying before a panel of the House Banking Committee, Mr. Greenspan said the short-term value of the dollar on foreign-exchange markets isn't the primary policy focus of the central bank. +21007005 "Our essential focus is on domestic policy," Mr. Greenspan said, referring to the goals of price stability and a stable economy. +21007006 In perhaps his most telling remark, Mr. Greenspan termed the current U.S. inflation rate of around 4.5% as "much too high to be ignored." +21007007 He added, however, that inflation could be brought down "close to zero" without throwing the economy into a recession. +21007008 Analysts viewed the chairman's comments as an indication that the central bank is disinclined to ease monetary policy further in the near future. +21007009 The dollar climbed immediately higher on news of Mr. Greenspan's testimony, settling lower in later trade as dealers squared positions ahead of today's preliminary report on third-quarter U.S. gross national product. +21007010 In late New York trading yesterday, the dollar was quoted at 1.8353 marks, down from 1.8355 marks Tuesday, and at 141.52 yen, up from 141.45 yen late Tuesday. +21007011 Sterling was quoted at $1.6145, up from $1.6055 late Tuesday. +21007012 In Tokyo Thursday, the U.S. currency opened for trading at 141.60 yen, up from Wednesday's Tokyo close of 141.55 yen. +21007013 Many traders forecast a continuation of the market's recent bearish trend and predict the U.S. currency will remain stuck in its relatively narrow ranges in the near term and then shift lower. +21007014 But according to Doug Madison, a corporate trader with Bank of America in Los Angeles, a large number of short positions must first be corrected, spurring a temporary upswing, before the unit can turn lower. +21007015 He predicts a downward move in dollar-mark trade and a less dramatic slip in dollar-yen, noting that there continues to be a large pool of Japanese investor interest in U.S. securities, which could provide a solid base for the dollar at around 140 yen. +21007016 Market participants hope today's GNP report will offer more substantial evidence on U.S. economic growth, although analysts are quick to point out that the figures may overstate the economy's vigor. +21007017 "The `r' word is looming again," says one dealer, referring to persistent concern among some market analysts that the U.S. economy is heading toward a major slowdown if not a recession. +21007018 Some dealers note that while the third-quarter figures may appear relatively bullish -- the market consensus calls for a 2.5% annual growth rate, unchanged from the second-quarter rate -- it would take a significantly stronger figure to alter market perceptions that the economy is softening. +21007019 Some analysts reckon that the next quarter's figures will present a more accurate picture of the U.S. economy, showing a marked slowdown in a number of sectors, including housing starts and equities. +21007020 On the Commodity Exchange in New York, gold for current delivery settled at $369.10 an ounce, down $1.10. +21007021 Estimated volume was a light 1.7 million ounces. +21007022 In early trading in Hong Kong Thursday, gold was quoted at $368.24 an ounce. +21008001 Lawrence Insurance Group Inc. said it acquired United Republic Reinsurance Co., a Houston property and casualty reinsurance company, from United Savings Association of Texas for $28 million. +21008002 Lawrence Insurance also sold 3.2 million of its shares for $7.125 each to its parent, Lawrence Group Inc. +21008003 Lawrence Insurance, based in Albany, N.Y., plans to use the $22.5 million in proceeds to help finance the acquisition of United Republic. +21008004 By acquiring the shares, Lawrence Group increased its stake in Lawrence Insurance to 93.2% from 91.2%. +21008005 Lawrence Insurance underwrites mostly primary insurance, a company spokesman said. +21008006 A reinsurance company effectively insures insurance companies that wish to spread the risk of a particular policy. +21008007 Lawrence Group also owns Lawrence Agency Corp., Schenectady, N.Y., an insurance agency and brokerage. +21009001 Levi Strauss Associates Inc., the closely held owner of Levi Strauss & Co., said its fiscal third-quarter earnings jumped to $128.6 million from $31.3 million a year earlier, aided by a $69.8 million gain from the sale of stock in a Japanese subsidiary. +21009002 The apparel holding company had sales in the quarter ended Aug. 27 of $1 billion, up 12% from $908.8 million a year ago. +21009003 The company said its quarterly results are now being publicly filed as the result of the formation earlier this year of employee stock investment plans. +21010001 Wall Street would like UAL Corp.'s board to change its mind about keeping the company independent. +21010002 But what happens next in the continuing takeover drama may depend more on the company's two most powerful and fractious unions: the pilots and machinists. +21010003 Some people familiar with the situation believe that the collapse of the previous $6.79 billion buy-out, if anything, may have strengthened the hands of these two labor groups. +21010004 As a result, both may now have virtual veto power over any UAL transaction. +21010005 One reason: banks -- likely to react to any new UAL deal with even more caution than the first time around -- probably will insist on labor harmony before they agree to put up cash for any new bid or even a less-ambitious recapitalization plan. +21010006 "United pilots have shown on a number of occasions they are willing and able to strike," said an executive at Fuji Bank, one of UAL's large lenders. +21010007 "If you have both {labor} groups on strike, you've got no revenue and that's a very scary thing for a bank to be looking at." +21010008 Just this past week, a leading Japanese bank asked for a meeting with the machinists' union leaders to determine where the union would stand if another bid or recapitalization became possible. +21010009 Another reason: Emboldened by their success in helping to scuttle the previous transaction, the machinists are likely to be more aggressive if a second buy-out attempt occurs. +21010010 The two unions already had significant leverage simply because their employer has yet to settle with either on new contracts. +21010011 That gives them both the threat of a strike and the ability to resist any wage concessions that may be necessary to make a transaction work. +21010012 Thus, even investors who are pushing for the board to do a recapitalization that would pay shareholders a special dividend and possibly grant employees an ownership stake acknowledge that the unions are key. +21010013 "There's less likelihood of creating and completing a transaction without the unions' cooperation and wage concessions," said Richard Nye, of Baker, Nye Investments, a New York takeover stock-trader. +21010014 Mr. Nye thinks the UAL board should be ousted if it doesn't move soon to increase shareholder value. +21010015 Both the pilots and machinists have made it clear that they intend to block any transaction they don't like. +21010016 "The pilots will be involved in any transaction that takes place around here," pilot union chairman Frederick C. Dubinsky declared yesterday. +21010017 But whether the pilots can team up with their longtime adversaries, the machinists, is another question. +21010018 The pilots' Mr. Dubinsky says his union would like majority ownership for employees. +21010019 At the very least, the pilots want some form of control over the airline, perhaps through super-majority voting rights. +21010020 On the other hand, the machinists have always opposed majority ownership in principle, saying they don't think employees should be owners. +21010021 Still, in recent days, machinists' union leaders have shown some new flexibility. +21010022 "We may be able to reach a tradeoff where we can accommodate {the pilot union's} concerns and ours," said Brian M. Freeman, the machinists' financial adviser. +21010023 Mr. Freeman said machinists' union advisers plan to meet this week to try to draw up a blueprint for some form of recapitalization that could include a special dividend for shareholders, an employee stake and, perhaps, an equity investment by a friendly investor. +21010024 If a compromise can't be reached, the pilots maintain they can do a transaction without the support of the machinists. +21010025 But at this point, that may just be wishful thinking. +21010026 The machinists lobbied heavily against the original bid from UAL pilots and management for the company. +21010027 Their opposition helped scare off some Japanese banks. +21010028 The pilots' insistence on majority ownership also may make the idea of a recapitalization difficult to achieve. +21010029 "Who wants to be a public shareholder investing in a company controlled by the pilots' union?" asks Candace Browning, an analyst at Wertheim Schroeder & Co. +21010030 "Who would the board be working for -- the public shareholders or the pilots?" she adds. +21010031 Ms. Browning says she believes a recapitalization involving employee ownership would succeed only if the pilots relent on their demand for control. +21010032 She also notes that even if the pilots accept a minority stake now, they still could come back at a later time and try to take control. +21010033 Another possibility is for the pilots' to team up with an outside investor who might try to force the ouster of the board through the solicitation of consents. +21010034 In that way, the pilots may be able to force the board to approve a recapitalization that gives employees a majority stake, or to consider the labor-management group's latest proposal. +21010035 The group didn't make a formal offer, but instead told UAL's advisers before the most-recent board meeting that it was working on a bid valued at between $225 and $240 a share. +21010036 But again, they may need the help of the machinists. +21010037 "I think the dynamics of this situation are that something's got to happen," said one official familiar with the situation. +21010038 The board and UAL's management, he says, "can't go back" to business as usual. +21010039 "The pilots won't let them. +21011001 Delta Air Lines earnings soared 33% to a record in the fiscal first quarter, bucking the industry trend toward declining profits. +21011002 The Atlanta-based airline, the third largest in the U.S., attributed the increase to higher passenger traffic, new international routes and reduced service by rival Eastern Airlines, which is in bankruptcy proceedings in the wake of a strike that began last spring. +21011003 For the quarter ended Sept. 30, Delta posted net income of $133.1 million, or $2.53 a share, up from $100 million, or $2.03 a share, a year earlier. +21011004 Revenue rose 15% to $2.17 billion from $1.89 billion. +21011005 During the quarter, Delta issued 2.5 million shares of common stock to Swissair, and repurchased 1.1 million shares for use in a company employee stock ownership plan. +21011006 "The key to Delta's record earnings continued to be excellent passenger revenue growth," said Thomas Roeck, chief financial officer. +21011007 Passenger traffic jumped 14% in the quarter, while profit per passenger grew 2%. +21011008 Delta has benefited more than other carriers from the weakness of Eastern Airlines, which shares the Atlanta hub. +21011009 Although Eastern is back to about 80% of its pre-strike schedule now, the Texas Air Corp. subsidiary was only beginning to get back on its feet during the quarter. +21011010 Separately, America West Airlines, Phoenix, Ariz., reported third-quarter profit jumped 45% to $5.8 million, or 28 cents a share, from $4 million, or 24 cents a share, a year earlier. +21011011 The latest results include a $2.6 million one-time payment from a "foreign entity." +21011012 America West wouldn't identify the entity, but said the payment was for the foreign company's use of certain tax benefits in connection with America West plane purchases. +21011013 Year-earlier results included an extraordinary gain of $1.6 million from a buy-back of convertible subordinated debentures. +21011014 Revenue rose 21% to $243.4 million from $201.2 million. +21011015 For the nine months, America West posted earnings of $18.9 million, or 97 cents a share, compared with a loss of $9.7 million, or 74 cents a share, a year earlier. +21011016 Revenue rose 27% to $715.1 million from $563.8 million. +21012001 PAPERS: +21012002 Thomson Corp.'s Globe & Mail newspaper in November will begin transmitting an experimental edition to selected subscribers' facsimile machines. +21012003 The four-page news summary will be aimed at readers outside Canada or in Canadian locations where the national daily isn't available on the day of publication. +21012004 In the U.S., the Hartford Courant has a facsimile edition and some other newspapers are considering the idea. +21012005 WHO'S NEWS: +21012006 Michael T. Carr, advertising director of Playboy magazine, was named publisher of National Lampoon and Heavy Metal magazines, succeeding George Agoglia. +21012007 It was the first management change since film-makers Daniel Grodnik and Tim Matheson took control of National Lampoon Inc. in March. +21012008 They are looking for a new editor for National Lampoon and are trying to sell Heavy Metal. +21013001 Columbia Savings & Loan Association, reeling from thrift-accounting changes mandated by Congress and the recent collapse of the junk-bond market, announced a loss for the third quarter of $226.3 million, or $11.57 a share. +21013002 For the quarter a year ago, Columbia reported earnings of $16.3 million, or 37 cents a share. +21013003 Total assets increased to $12.7 billion in the latest quarter from $12.4 billion a year earlier. +21013004 The loss stems from $357.5 million of write-downs on Columbia's $4.4 billion high-yield investment securities portfolio, which includes about $3.7 billion of junk bonds, $400 million of preferred stock, and Treasury securities. +21013005 Columbia owes its spectacular growth in recent years to its junk-bond portfolio, the largest of any U.S. thrift. +21013006 Much of Columbia's junk-bond trading has been done through the high-yield department of its Beverly Hills neighbor, Drexel Burnham Lambert Inc. +21013007 For the nine months, losses totaled $212 million, or $10.83 a share, compared with net income of $48.7 million, or $1.11 a share, a year earlier. +21013008 The results include a $130.2 million write-down of the securities in the high-yield portfolio to the lower of their cost or market value. +21013009 Columbia also added $227.3 million to reserves for losses on the portfolio, increasing general reserves to $300 million, or about 6.7% of the total portfolio, as of Sept. 30. +21013010 On June 30, loss reserves stood at $108.3 million. +21013011 Thrift officials said the $300 million reserve will be adjusted quarterly and will reflect the rate of dispositions and market conditions. +21013012 The adjustments result from the recently passed thrift-industry bailout legislation, which requires thrifts to divest all high-yield bond investments by 1994. +21013013 Previously, Columbia didn't have to adjust the book value of its junk-bond holdings to reflect declines in market prices, because it held the bonds as long-term investments. +21013014 Because Columbia now must sell the bonds within five years, accounting rules require the thrift to value the bonds at the lower of cost or market prices. +21013015 For its future strategy, Columbia officials said the thrift may branch out into commercial lending or managing outside investments, as well as beefing up more traditional thrift activities. +21013016 The quarterly results also reflected $21.4 million in non-recurring losses from commercial real-estate activities in California. +21013017 Thomas Spiegel, Columbia's chairman, said in a statement that the thrift was "disappointed" by the effects of the accounting changes. +21013018 But he said Columbia remains "one of the most strongly capitalized thrifts in the industry," based on the economic value of its assets and tangible capital. +21013019 Columbia announced the results after the close of the stock market. +21013020 Its shares closed at $5.125 each in composite New York Stock Exchange trading, down 37.5 cents. +21013021 The price of Columbia shares has been cut nearly in half since August, when they traded at about $10, as investors apparently realized that the thrift would be forced to take a big write-down. +21013022 The stock's decline accelerated in the past two weeks, from a price of $8 a share on Oct. 9. +21013023 Columbia officials said they don't know how quickly they will dispose of the thrift's junk bonds, because federal regulations, such as those that would allow thrifts to continue holding the bonds in separately capitalized subsidiaries, haven't yet been completed. +21013024 Columbia officials also said the thrift shouldn't face problems meeting regulatory capital requirements, despite the large reserves and write-downs and stiffer regulatory requirements that should be in place by year's end. +21013025 Its ratio of tangible equity to total assets as of Sept. 30 was 3.6%, and total equity was $457.9 million. +21013026 The thrift emphasized that it has a large portfolio of equity securities issued in connection with corporate restructurings and leveraged buy-outs, which has a book value of $90 million. +21013027 Although many of the transactions related to those securities haven't been completed, Columbia said the ultimate gain on the sale of those assets will range from $200 million to $300 million. +21013028 Columbia also has unrealized gains in its public equity securities portfolio of more than $70 million. +21013029 David B. Hilder in New York contributed to this article. +21014001 Anheuser-Busch Cos. said it plans to aggressively discount its major beer brands, setting the stage for a potentially bruising price war as the maturing industry's growth continues to slow. +21014002 Anheuser, the world's largest brewer and U.S. market leader, has historically been reluctant to engage in price-cutting as a means of boosting sales volume. +21014003 With the passing of the heady days of swelling industry sales, however, the once-sporadic and brief forays into discounting are becoming standard competitive weapons in the beer industry. +21014004 Over the summer, Anheuser competitors offered more and deeper discounts than industry observers have seen for a long time. +21014005 Some experts now predict Anheuser's entry into the fray means near-term earnings trouble for all the industry players. +21014006 The St. Louis company said major rivals, Philip Morris Co.'s Miller Brewing unit and Adolph Coors Co. "have been following a policy of continuous and deep discounting for at least the past 18 months" on their premium brands, pricing their product as much as 25 cents a 12-pack below Anheuser's Budweiser label in many markets. +21014007 Anheuser said it's discounting policy basically would involve matching such moves by rivals on a market-by-market basis. +21014008 Anheuser-Busch announced its plan at the same time it reported third-quarter net income rose a lower-than-anticipated 5.2% to $238.3 million, or 83 cents a share, from $226.5 million, or 78 cents. +21014009 Third-period sales were $2.49 billion, up from last year's $2.34 billion. +21014010 Anheuser said its new strategy -- started in some markets last month and expected to be applied soon in selected markets nationwide -- will mean lower-than-anticipated earnings for the last half of 1989 and for 1990. +21014011 The projection sent Anheuser shares plunging $4.375 in New York Stock Exchange composite trading yesterday. +21014012 The stock closed at $38.50 on heavy volume of about 3.5 million shares. +21014013 Shares of Coors, the company's sole publicly traded major competitor, fell $1.50 apiece to $19.125 in national over-the-counter trading, apparently on investor concerns over potential fallout from the coming pricing struggle. +21014014 Anheuser noted that "beer industry sales volume is 1989 is following the trend that has characterized the last half of the '80s, with sales volume being essentially flat" while consolidation creates fewer, bigger players. +21014015 "We cannot permit a further slowing in our volume trend," Anheuser said, adding it will take "appropriate competitive pricing actions to support our long-term market share growth strategy" for the premium brands. +21014016 Anheuser said it continues to hold to its earlier-announced goal of a 50% U.S. market share by the mid-1990s. +21014017 Beneath the tepid news-release jargon lies a powerful threat from the brewing giant, which last year accounted for about 41% of all U.S. beer sales and is expected to see that grow to 42.5% in the current year. +21014018 "Anheuser is the biggest guy in the bar, and he just decided to join in the barroom brawl," said Joseph J. Doyle, an analyst with Smith Barney, Harris Upham & Co. +21014019 "It's going to get bloody." +21014020 Jerry Steinman, publisher of Beer Marketers Insights, a trade newsletter, said Anheuser's announcement means "everybody else in the industry is going to have a difficult time reaching their profit objectives." +21014021 Prudential-Bache Securities Inc. analyst George E. Thompson downplayed the importance of the announcement, and called any comparison between the coming beer-industry tiff and the seemingly unending "cola wars," unwarranted. +21014022 Mr. Thompson calls discounting "a loser's game for anyone without a dominant market share," and projected that Anheuser's statement of intent could simply be a means of warning competitors to ease up on price-cutting or face a costly and fruitless battle. +21014023 Mr. Thompson noted that the disappointing earnings, which fell five cents a share short of his own projections, contributed to the sell-off by an edgy and currently unforgiving investing public. +21014024 But Smith Barney's Mr. Doyle, who yesterday trimmed his 1990 Anheuser earnings projection to $2.95 a share from $3.10, called the market's reaction "justified." +21014025 While the third-quarter earnings were a "moderate disappointment," he said, "the real bad news is the intensity of price competition" in the premium-beer sector. +21014026 According to Mr. Steinman, the newsletter publisher, Anheuser's market share is nearly twice that of its nearest competitor, Miller Brewing, which had a 21.2% stake last year. +21014027 It's followed by Stroh Brewery Co., which has agreed to sell its assets to Coors. +21014028 Both Coors and Stroh have recently been ceding market share to Miller and Anheuser. +21015001 Tokyo stocks closed easier for the second consecutive day, finishing at the intraday low on index-linked investment trust fund selling toward the end of the afternoon session. +21015002 Stocks rose in London, but fell again in Frankfurt. +21015003 Tokyo's Nikkei index fell 84.15 points to 35442.40. +21015004 Trading was active. +21015005 Volume on the first section was estimated at 1 billion shares, up from 914 million Tuesday. +21015006 The Tokyo stock price index of first section issues was down 8.65 at +21015007 In early trading in Tokyo Thursday, the Nikkei index rose 145.45 points to 35587.85. +21015008 On Wednesday, the market opened bullishly with high turnover, ignoring the volatility in New York stocks. +21015009 But losers were spread in a broad range by the end of the session. +21015010 A trader said that the more an issue gained recently, the sharper the loss sustained Wednesday. +21015011 A trader at Yamaichi Securities said the market's mood was undercut by the continuing fall of Nippon Telegraph & Telephone shares, which declined to their lowest level since the begining of this year. +21015012 NTT lost 30,000 yen to 1,380,000 yen ($9,756). +21015013 Some traders noted individual investors dumped NTT shares amid growing expectation for a division of the company as suggested by a recent government-sponsored panel. +21015014 Dealers said they also took profits to reduce holdings in their own account at the end of the October transaction period. +21015015 Among pharmaceutical shares, Chugai lost 60 yen to 2,290 yen ($16.20), and Mochida fell 150 to 4,290. +21015016 Other losing issues included Showa Shell, which fell 40 to 1,520. +21015017 Toyota Motor fell 40 to 2,680. +21015018 Sekisui House, which gained 150 Tuesday, lost 70 to 2640. +21015019 Daiwa House also ended easier, but Misawa Home was firmer. +21015020 Pioneer Electronic and Sony, both of which dominated buying earlier this month, continued to fall Wednesday. +21015021 Pioneer was down 90 at 5,810, and Sony lost 40 to 8,550, down 10% from its record set Oct. 11. +21015022 London share prices closed modestly higher largely on technical factors, although the market was underpinned near the end of the session by Wall Street's firmer trend. +21015023 The Financial Times 100-share index finished at 2161.9, up 12.6 points. +21015024 The 30-share index ended 12.6 points higher at 1751.9. +21015025 Volume was thin at 374.6 million shares traded, down from 405.4 million Tuesday. +21015026 Dealers said the market gained some late steam on a flurry of buying by market-makers looking at blue-chip issues and stocks viewed as oversold during the market's recent downtrend. +21015027 Outside what essentially amounted to a bookkeeping exercise, dealers said London dealings were largely dulled by the absence of active interest beyond the market-makers. +21015028 The late buying was drawn into the London market, dealers added, after Wall Street showed signs of stability following its rocky opening. +21015029 Stocks that suffered on the day were those with active U.S. operations, dealers noted. +21015030 Among them were B.A.T Industries, which settled 6 pence a share lower at 753 ($12.10). +21015031 Hanson, with 15 million shares traded, closed 2.5 lower at 212.5. +21015032 Dealers said the shares were hit by fears of a slowdown in the U.S. economy. +21015033 Cable & Wireless benefited from a market squeeze, bouncing 13 to 498 in moderately active volume. +21015034 Jaguar was boosted 21 to 715 on follow-through buying after Ford Motor's announcement Tuesday that it might be prepared to mount a full bid for the U.K. luxury auto maker. +21015035 It was further helped by Ford, which announced after London's close that it had raised its stake to 12% from just under 11% on Tuesday. +21015036 Frankfurt prices closed sharply lower in thin dealings, hurt by the roller-coaster session on Wall Street Tuesday and worries about wage demands by the largest West German trade union. +21015037 The German stock index tumbled 26.29 to end at +21015038 "It was dead, listless, depressing and negative," said one trader at a U.S. bank in Frankfurt. +21015039 "There was little turnover and nothing to stimulate the market." +21015040 Equities tumbled at the opening as Tuesday's gyrations on Wall Street, where the Dow Jones Industrial Average recovered most of an 80-point loss, fueled fears of another stock market crash, brokers said. +21015041 Tough talk from trade union officials at the conference of the powerful IG Metall metals worker union in West Berlin raised the specter of nationwide strikes next spring, they said. +21015042 For the 1990 wage negotiations, the IG Metall is demanding a further cut in the German workweek and steep wage increases, which could sharply increase the costs for German industry. +21015043 "All the positive figures on the economy are out already, and people are focusing more on the dangers for next year, mostly the wage talks and the {parliamentary} elections," the U.S. trader said. +21015044 The market also shrugged off positive factors, such as higher bond prices and a slowdown in monetary growth in September, traders said. +21015045 They said they expect the bearish mood to persist a while longer, as trading volume is falling toward the end of the year and the market is becoming more volatile. +21015046 In the auto sector, Bayerische Motoren Werke plunged 14.5 marks to 529 marks ($288), Daimler-Benz dropped 10.5 to 700, and Volkswagen slumped 9 to 435.5. +21015047 Continental gave up some of its recent gains, dropping 8 to 338, as rumors of an impending takeover attempt for the tiremaker faded, brokers said. +21015048 Deutsche Bank plummeted 12 to 645, hurt by the general mood. +21015049 Other banks were slightly more resilient, with Dresdner Bank shedding 4.8 to 320, and Commerzbank slipping 2.5 to +21015050 Meanwhile, Wall Street's volatility unnerved investors in other markets. +21015051 Share prices closed lower in Paris, Zurich, Brussels, Milan and Stockholm, and mixed in Amsterdam. +21015052 Among Pacific markets, prices closed lower in Sydney, Seoul, Hong Kong, Manila, Singapore and Wellington. +21015053 Trading in Taipei was suspended for a national holiday. +21015054 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21015055 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21015056 The percentage change is since year-end. +21016001 French chemicals group, Orkem S.A., said Wednesday it has made a bid for control of Coates Brothers PLC, a British manufacturer of inks and polyester resins. +21016002 State-controlled Orkem already owns 40.6% of Coates. +21016003 The remainder is held by the public and by family interests, a spokeswoman for the French group said. +21016004 Orkem declined to give details of its offer, saying only that the bid will be submitted for approval by the board of the British company. +21017001 The Democratic-controlled House, by a margin of 51 votes, failed to override President Bush's veto of legislation renewing federal support of Medicaid abortions for poor women who are victims of rape and incest. +21017002 The 231-191 roll call illustrates the limits of power a resurgent abortion-rights movement still faces. +21017003 It continues to gain strength in the chamber but remains far short of the two-thirds majority required to prevail over Mr. Bush. +21017004 Democrats voted to override by a 3-1 margin, but Republicans were equally firm in support of the president, who has threatened to make abortion a decisive issue on at least three separate fiscal 1990 spending bills. +21017005 Yesterday's vote dealt with the largest of these bills, an estimated $156.7 billion measure funding the departments of Labor, Education, and Health and Human Services. +21017006 To gain more leverage, abortion-rights advocates may seek to fold the bill into an omnibus continuing resolution next month. +21017007 But the stark numbers yesterday -- when 282 votes were needed -- indicate the president is in a commanding position for at least this year. +21017008 "Unless he changes, they lose," said a Democratic leadership aide. +21017009 The action came as Congress sent to the president last night a stopgap spending bill to keep the government operating through Nov. 15 and provide $2.85 billion in emergency funds to assist in the recovery from Hurricane Hugo and the California earthquake. +21017010 By a lopsided 97-1 margin, the Senate approved the measure after attaching further provisions sought by the influential California delegation and, despite reservations, the House adopted the bill on a 303-107 roll call. +21017011 The package is more than $1 billion above the recommendations of Budget Director Richard Darman this week. +21017012 But given the political importance of California, the administration was content to use its influence to prevent any Senate amendments adding further new appropriations. +21017013 The $2.85 billion measure comes on top of $1.1 billion appropriated after Hugo struck the Carolinas and Caribbean last month, and these totals don't reflect the additional benefit of low-interest disaster loans. +21017014 The bill last night includes $500 million to help finance this credit and further raises the obligation ceiling for the Small Business Administration sixfold to $1.8 billion to accommodate the expected loan activity. +21017015 In direct cash assistance, $1 billion is provided in federal highway construction funds, and $1.35 billion is divided between general emergency aid and a reserve to be available to the president to meet unanticipated costs from the two disasters. +21017016 In the Senate, Majority Whip Alan Cranston used his position to win not only the expanded credit but also more generous treatment than the House had permitted in the distribution of highway funds in the next six months. +21017017 The emergency assistance wouldn't be counted against a state's normal allocation of annual highway funds, and the bill circumvents existing restrictions that otherwise would prevent the use of federal aid to repair a toll road, such as the San Francisco-Oakland Bay Bridge damaged in last week's earthquake. +21017018 The underlying stopgap bill is the second required by Congress this fall and, since the current fiscal year began Oct. 1, only the Energy and Interior departments are operating on permanent appropriations enacted into law. +21017019 The standoff over abortion is certain to contribute to further delays and, apart from the health and education measure vetoed by Mr. Bush, bills funding the District of Columbia and the entire U.S. foreign-aid budget are in jeopardy because of related abortion or family-planning issues. +21017020 The vote yesterday was the most partisan in many years, and though the Democratic leadership is ambivalent about how to address the abortion issue, the debate is increasingly measured in party terms. +21017021 The 189 Democrats who supported the override yesterday compare with 175 who initially backed the rape-and-incest exemption two weeks ago and 136 last year on a similar vote. +21017022 By comparison, Republicans have held closer to the anti-abortion movement. +21017023 Only 42 GOP members opposed the president's veto, a marginal increase over the vote two weeks ago and just 12 more than the 30 who supported the rape-and-incest exemption last year. +21017024 At a recent White House meeting, Rep. Silvio Conte (R., Mass.), the ranking minority member of the House Appropriations Committee, argued with his friend Mr. Bush against a veto, and though Mr. Conte and Minority Leader Robert Michel of Illinois stood with the president yesterday, they are plainly uncomfortable with his position. +21017025 "This isn't a political issue, this is a moral issue," said Rep. Henry Hyde (R., Ill.), the most eloquent spokesman for the anti-abortion movement. +21017026 But after years of using the issue for its benefit, the GOP finds its candidates on the defensive. +21017027 New Jersey gubernatorial candidate Rep. James Florio pointedly returned from campaigning to vote against the president yesterday in contrast with his opponent, GOP Rep. James Courter, who has ardently supported abortion restrictions in the past but was absent. +21017028 In an extraordinary mix of cultures and church-state powers, Rep. Robert Dornan (R., Calif.) lectured his fellow Roman Catholics -- including Mr. Florio -- for having the "chutzpah" to disagree with the hierarchy of their church on abortion. +21017029 Rep. Les AuCoin was as blunt on behalf of the abortion-rights movement. +21017030 "This may not make George Bush a one-term president," said the Oregon liberal, addressing the Republican side of the House. +21017031 "But if you support him over rape victims, this may be your last term." +21017032 Separately, the House last night approved a nearly $67 billion compromise spending bill providing the first construction funds for the administration's ambitious space station in fiscal 1990 and incorporating far-reaching provisions affecting the federal mortgage market. +21017033 The current ceiling on home loans insured by the Federal Housing Administration would be increased to $124,875, and the bill gives the Department of Housing and Urban Development new authority to facilitate the refinancing of subsidized loans for low-income homeowners. +21017034 By a 325-92 margin, the Appropriations Committee leadership beat back an early challenge by House Banking Chairman Henry Gonzalez (D., Texas) to the FHA provision. +21017035 And on a closer 250-170 roll call, lawmakers upheld controversial agreements made by a House-Senate conference earmarking community development funds for more than 40 projects backed by often influential members. +21018001 Rupert Murdoch acquired a 25% stake in Grupo Zeta S.A., the leading Spanish magazine and newspaper publisher said. +21018002 The transaction called for Mr. Murdoch's News International PLC, a unit of Australia-based News Corp., to subscribe to a rights issue by Zeta valued at 6.65 billion pesetas ($57 million). +21018003 Also participating in the issue was Servifilm Spain Cinematografica S.A. +21018004 The film producer, owned by Madrid-based financier Jacques Hachuel, received a 5% stake in the Barcelona-based publishing group. +21018005 The cash injection boosted Zeta's capital more than four-fold, to 8.47 billion pesetas from 1.82 billion pesetas, greatly enhancing the group's ability to make investments, Zeta officials said. +21018006 Following its failure last month to win a license for one of Spain's first three private television stations, Zeta is seeking investment opportunities in communications and publishing. +21018007 With annual sales of about 30 billion pesetas, Zeta publishes over a dozen magazines, including the popular Tiempo, Interviu and Panorama, and three regional dailies. +21018008 Chairman Antonio Asensio will retain a 70% share in Zeta. +21019001 The New York Stock Exchange is expected to launch its own program trading vehicle today, just as controversy over this trading strategy heats up. +21019002 The Big Board this morning plans to begin trading its Exchange Stock Portfolio "basket" product, the first program-trading vehicle carrying the exchange's seal of approval. +21019003 ESPs will allow institutional investors to buy or sell all 500 stocks in Standard & Poor's index in a single trade of a minimum of $5 million. +21019004 "Customized" baskets of fewer stocks will also be available. +21019005 The Securities and Exchange Commission gave provisional six-month approval to the Big Board basket at a meeting late yesterday. +21019006 The SEC at the same time approved a similar but smaller basket product on the Chicago Board Options Exchange, where the minimum will be $1.7 million. +21019007 Also approved was a plan to trade stock portfolios by computer after regular hours on the Midwest Stock Exchange. +21019008 The basket products are "an evolutionary step" in solving problems in trading big blocks of stock that came to light in the 1987 market crash, said SEC Commissioner Joseph Grundfest. +21019009 New SEC Chairman Richard Breeden, overseeing his first public meeting, said there have been concerns that the Big Board's basket could attract investors with a "short-term perspective" who would rapidly turn over the product, thus increasing volatility. +21019010 But Richard Ketchum, the SEC's market regulation chief, said he didn't believe "this will spawn dramatic new program-trading strategies that will be destabilizing." +21019011 The baskets on the Big Board and CBOE -- which involve the actual S&P stocks, unlike the stock-index contracts currently traded on the Chicago futures markets, and index options on the CBOE -- will begin trading as critics step up their attacks on program trading and its contributions to the stock market's wild price swings. +21019012 The Big Board argues that its new product will help rather than hurt the situation by possibly drawing business from more-volatile forms of program trading. +21019013 ESPs are also an attempt by the Big Board to head off the exodus of program trading business to overseas markets such as London. +21019014 Big Board officials also hope Japanese investors will become interested in the exchange's product. +21019015 Already, many of the Big Board's own floor traders are warning that the ESP baskets are risky and not in the best interests of the investing public. +21019016 The 400-member Alliance of Floor Brokers said the new product, with the $5 million minimum, will benefit only big institutional investors and could lead to "wild spasms of volatility." +21019017 Stockbrokers who cater to individual investors said the Big Board's new product confirms the exchange doesn't want to curtail program trading, which last month accounted for a record 13.8% of the exchange's average daily volume. +21019018 "The New York Stock Exchange is losing its cool here," said James Andrews, head of institutional trading at Janney Montgomery Scott Inc. in Philadelphia. +21019019 The new stock baskets "are going to make it easier for program trading to be done. +21019020 And it's going to be done more frequently as the result of having more access to it at different places." +21019021 Both the Big Board's Exchange Stock Portfolio and the Chicago exchange's Market Basket are designed for institutional investors. +21019022 The Big Board lists its targets as pension plans, mutual fund managers and index-arbitrage traders. +21019023 In index arbitrage, program traders buy and sell stocks and stock-index futures to profit from small price discrepancies between the markets. +21019024 At the same time, only four securities firms have signed up with the Big Board to buy and sell ESPs as market makers, an unenthusiastic response. +21019025 The market makers so far are CS First Boston Group's First Boston Corp. unit, Morgan Stanley & Co., PaineWebber Group Inc. and Salomon Inc.'s Salomon Brothers Inc. unit. +21019026 Kidder, Peabody & Co., a General Electric Co. unit that has become the biggest program trader along with Morgan Stanley, isn't a market maker, although the Big Board hopes that will change. +21019027 Similarly, the Big Board hopes to entice Merrill Lynch & Co. +21019028 Neither has plans to be a market maker for now. +21019029 Traders said major securities firms are reluctant to become market makers because they fear the baskets may attract only limited trading. +21019030 Big Board officials say only 25 contracts a day may trade at first, equivalent to a day's action at a small, regional exchange. +21019031 Even though the Big Board says its product represents a post-crash "reform," some traders suggest that if the new basket had been trading during this month's Friday the 13th market plunge, the Dow Jones Industrial Average might have dropped more than the 190 points it did. +21019032 With the futures locked into a trading halt Oct. 13 and trading in some individual stock difficult, program traders would have undoubtedly fled to the basket system, the traders say. +21019033 "If we had the baskets, we would be leaving in caskets," one trader said. +21019034 The SEC's Mr. Breeden said the after-hours trading on the Midwest exchange would help the U.S. win back business that has moved overseas to conduct after-hours trades. +21020001 Comprehensive Care Corp., which has agreed to be acquired by closely held First Hospital Corp., reported a $4.7 million loss for its Aug. 31 first quarter and said it is negotiating an extension of senior bank debt past its Oct. 18 due date. +21020002 In composite trading yesterday on the New York Stock Exchange, Comprehensive Care shares plunged $3.625 to close at $4.75 on volume of 1,177,000 shares. +21020003 The loss in Comprehensive Care's latest quarter is equal to 46 cents a share. +21020004 In the year-earlier quarter, Comprehensive Care earned $1.6 million, or 18 cents a share. +21020005 Revenue in the latest quarter fell 17% to $44 million from $53.2 million, the company said, reflecting poor utilization of the company's facilities and its behavioral medicine contracts. +21020006 Comprehensive Care shareholders have approved acquisition of the developer and operator of Care-Unit chemical dependency and psychiatric programs for about $58 million in cash, notes and stock of First Hospital, Norfolk, Va. +21020007 The price was reduced last August from an indicated value of $76 million. +21020008 Comprehensive Care said First Hospital had advised it that both bank debt and senior notes would be repaid after the acquisition, although it isn't assured the acquisition will be completed. +21020009 If it isn't completed, Comprehensive Care said it would be "required to promptly restructure its debt." +21020010 First Hospital advised Comprehensive Care that an agent for the financial institutions providing financing of its acquisition is scheduled to make a final credit determination tomorrow, and that a favorable determination could result in a reorganization at Comprehensive Care "by the end of October." +21020011 Failure to win such a determination, however, would lead Comprehensive Care directors to "consider various alternatives," Comprehensive Care said, without elaborating. +21020012 Separately, First Hospital reported a 1.6% rise in net income to $6.1 million for its year ended June 30 on a 27% increase in revenue to $110.6 million. +21020013 It said, however, that net income for the two-month period ended Aug. 31 plunged to $150,000 from $851,000 in the prior year on a 33% rise in revenue to $21.4 million. +21021001 A group including New York investors Douglas A. Kass and Anthony Pedone holds the equivalent of a 12.6% stake in H.H. Robertson Co.'s common shares outstanding, according to a filing with the Securities and Exchange Commission. +21021002 Officials of Pittsburgh-based H.H. Robertson, which makes steel roofs, store fronts and building parts, declined comment. +21021003 As reported last month, Mr. Kass said he was interested in making an offer to buy H.H. Robertson for $13 a share. +21021004 In the SEC filing, the Kass-Pedone group said it intends to acquire additional H.H. Robertson shares "with a view towards a possible change in control of the company." +21021005 It has not, however, made a formal proposal. +21021006 The group also is engaged in talks with third parties regarding obtaining financing to buy more shares, but no agreements have yet been reached, the filing said. +21021007 The group controls 795,900 H.H. Robertson common shares, assuming exercise of an option it acquired from Executive Life Insurance Co. to buy 497,400 shares. +21021008 Its stake includes 106,100 shares bought in the open market from Aug. 30 to Oct. 18 for $10.375 to $12.125 a share. +21021009 In New York Stock Exchange composite trading yesterday, H.H. Robertson closed at $11.625, up 62.5 cents. +21022001 After coming close to a partial settlement a year ago, shareholders who filed civil suits against Ivan F. Boesky and the partnerships he once controlled again are approaching an accord, people familiar with the case said. +21022002 Meanwhile, within the next few weeks, the limited partners in Ivan F. Boesky & Co. L.P. are expected to reach a partial settlement with Drexel Burnham Lambert Inc. regarding the distribution of the $330 million in partnership assets, said one of the individuals. +21022003 Under the terms of the settlement, the limited partners would drop their civil suits against Drexel, now pending in federal court in New York, another individual said. +21022004 Attorneys involved in the talks said that the parties were closer to accord than they were a year ago, when reports of an imminent agreement circulated. +21022005 One individual said the shareholders' accord was "well worked out." +21022006 However, less optimistic attorneys warned that because of the tangle of numerous defendants and plaintiffs with overlapping claims, there is always the possibility that the talks will again fall apart. +21022007 A shareholders' accord would provide the first restitution to thousands of individuals and institutions claiming losses as a result of insider trading by Boesky & Co., once the largest arbitrage fund in the U.S. +21022008 The plaintiffs are investors who bought and sold securities in which Mr. Boesky and his partnerships were dealing. +21022009 Some claim they suffered losses because they sold while he was buying and others because they bought while he was selling. +21022010 Stocks involved in the shareholder suits include Union Carbide, RJR Nabisco, American Natural Resources, Boise Cascade Corp., General Foods Corp., Houston Natural Gas and FMC Corp. +21022011 There are at least 27 class-action shareholder suits that have been consolidated in federal court in New York under U.S. District Judge Milton Pollack. +21022012 Among the defendants are Mr. Boesky; the now-defunct Ivan F. Boesky & Co.; Mr. Boesky's main underwriter, Drexel Burnham; and Cambrian & General Securities PLC, a British investment fund once controlled by Mr. Boesky. +21022013 Individuals familiar with the negotiations said the partial settlement being negotiated would remove the Boesky partnership, the British fund and Mr. Boesky as defendants, while Drexel and other defendants would remain. +21022014 Charles Davidow, of the Washington, D.C.-based law firm Wilmer, Cutler & Pickering, which represents Mr. Boesky in this matter, said only that "discussions are under way. +21022015 There are no agreements yet." +21022016 It has been three years since Mr. Boesky, now in prison, agreed to pay a $100 million fine to settle the government's charges that he had traded illegally using insider information. +21022017 Out of this, the government set up a $50 million fund for plaintiffs who can prove their financial losses. +21022018 According to William Orbe, an attorney at Grais & Richards, the escrow agents for the fund, as of Sept. 30 the fund amounted to $60.5 million. +21022019 Separately, attorneys for the 42 or so limited partners have had serious discussions that could lead to the distribution of the partnership's assets. +21022020 The limited partners include insurance companies, financial institutions and individual investors. +21022021 An agreement with Drexel regarding the limited partners' investments is an essential step toward getting their money back. +21022022 This is because a Delaware court earlier this year said that Drexel is entitled to get its money back before or at the same time as the limited partners. +21022023 Drexel is owed $20 million by the partnership. +21022024 An individual familiar with the negotiations said that whatever investments the limited partners do not recoup from the $330 million in partnership assets, they will receive from the $350 million restitution fund available as a result of Drexel's settlement with the government in December 1988. +21022025 Drexel agreed to plead guilty to six felony counts and pay $650 million, of which $350 million was set aside for shareholders and other plaintiffs, including the limited partners, who claim they were injured by Drexel. +21022026 JAILED AFRICAN-AMERICAN activist wins a battle against the +21022027 U.S. District Judge Robert P. Patterson Jr. ordered the FBI to immediately begin processing Herman Benjamin Ferguson's request for documents stemming from the agency's investigation of him during the 1960s. +21022028 The FBI had said it would not be able to begin processing the request until June +21022029 Mr. Ferguson, who is 68 years old, fled the U.S. in 1970 after exhausting his appeals of a 1968 conviction on conspiracy to murder. +21022030 He turned himself in to authorities in New York earlier this year. +21022031 He maintains that the information from the FBI will help him get his 1968 conviction vacated and his bail-jumping indictment dismissed. +21022032 His attorneys claim he was framed by the FBI and New York police as part of a campaign to destroy the black liberation movement of the 1960s. +21022033 Because the federal Freedom of Information Act wasn't law at that time, the FBI wasn't required to turn over information on its investigations when Mr. Ferguson appealed his conviction in the 1960s. +21022034 But in federal court in Manhattan, Judge Patterson said the FBI records could show that Mr. Ferguson's arrest was the result of questionable legal practices. +21022035 The judge said that if the FBI's proposed schedule was followed in releasing the documents, "a delay of over one year will have occurred and plaintiff will have served approximately two-thirds of his 3 1/2-year minimum sentence by the time he receives the files." +21022036 Gabriel W. Gorenstein, the assistant U.S. attorney handling the case for the FBI, said no decision has been made about appealing the judge's ruling. +21022037 FEDERAL COURTS URGED to cut costs and reduce delays of civil suits. +21022038 The study, conducted by a task force of the Brookings Institution, suggests that Congress should require the courts to develop the plans. +21022039 The study was initiated by Senate Judiciary Committee chairman Joseph Biden (D., Del.). +21022040 The Washington, D.C., think tank recommends that the courts adopt different "tracks" for different types of civil cases in order to separate the handling of highly complex suits from simpler ones. +21022041 Complex cases, such as antitrust suits and many business disputes, would receive intense supervision by federal judges to keep pretrial proceedings moving. +21022042 Standard cases would require less judicial attention, and fast-track cases could be resolved quickly. +21022043 The study also said each federal court should set strict time limits for the pretrial exchange of documents and evidence, ranging from as much as 100 days for cases in the fast track to as much as 18 months for complex disputes. +21022044 And the study said federal courts should set firm trial dates early in the process. +21022045 To take advantage of local expertise and custom, the study said, Congress should require each of the 94 federal district courts to adopt its own plan to speed the handling of civil suits and to reduce the high costs in civil cases. +21022046 Although some of the study's recommendations resemble those of similar projects, the makeup of the task force was unusually diverse, adding significance to the effort. +21022047 It included lawyers from civil rights and consumer groups, plaintiffs' lawyers and defense attorneys, corporate counsel and law professors. +21023001 Businessland Inc. said it purchased a major regional computer retailer, Data Systems Computer Centre Inc., Springfield, New Jersey. +21023002 Terms weren't disclosed. +21023003 The purchase strengthens San Jose, Calif.-based Businessland's links to the large corporations who are among the biggest buyers of computers. +21023004 Data Systems has five retail stores in the northeast, but specializes in selling personal computers made by International Business Machines Corp. and Apple Computer Inc. to banks, brokerage firms and other big businesses based in the New York metropolitan area. +21023005 John Fitzsimmons, chief executive officer of Data Systems, said the company was profitable and expected sales of nearly $100 million this year. +21023006 He said Businessland, which operates stores in 50 U.S. metropolitan areas, planned to absorb his firm's operations. +21024001 Eastman Kodak Co. of Rochester, N.Y., said its Lehn & Fink Products subsidiary was restructured to form two operating groups, one for household products such as cleaners and disinfectants and the other for do-it-yourself products such as wood finishes and stains. +21024002 The Montvale, N.J., unit said the new operating structure "creates a more focused and responsive organization geared to effectively managing the size and scope of the unit's current business." +21024003 The consumer brands unit was absorbed by the photographic, pharmaceutical and chemical concern last year when it acquired Sterling Drug Inc. +21024004 In a related matter, Peter Black, president of consumer brand Minwax, was named group vice president for the household products operating group. +21024005 Kenneth M. Evans, president of Thompson & Formby brand, was named group vice president of the do-it-yourself operating group. +21025001 Sotheby's Holdings Inc., the parent of the auction house Sotheby's, said its net loss for the seasonally slow third quarter narrowed from a year earlier on a leap in operating revenue. +21025002 The New York-based company reported a third-quarter net loss of $5.1 million, or 10 cents a share, compared with a year-earlier net loss of $6.2 million, or 12 cents a share. +21025003 Operating revenue surged 54% in the latest period to $42.9 million from $27.7 million. +21025004 The company said 80% of its auction business is usually conducted in the second and fourth quarters, with the current quarter having begun "extremely well. +21026001 West Texas Intermediate, the U.S. benchmark crude, seemed tethered again yesterday in trading on the New York Mercantile Exchange. +21026002 Widely expected to open 10 to 15 cents a barrel higher on the strength of statistics from the American Petroleum Institute, the December contract managed to start the session only eight cents higher. +21026003 In the last hour of the trading day, December contract took a tumble to end the session 10 cents lower at $19.62 a barrel. +21026004 And now that the price has fallen below $19.65, which many had said showed considerable resistance, some traders and analysts figure there's little to stop the price from going lower on technical decisions. +21026005 With no petroleum-related news or changes in the fundamentals to dictate price moves, "technicians are wanting to sell this stuff," said Eric Bolling of Edge Trading Corp. +21026006 "And short-term, the technicians may have their way." +21026007 The market quickly discounted the weekly inventory report showing a 6.3 million barrel decrease in U.S. crude oil stocks as the legacy of Hurricane Jerry. +21026008 That storm hit the Gulf Coast Oct. 13, closing the Louisiana Offshore Oil Port for a time and preventing tankers from unloading. +21026009 Next week's report could very well show an increase in crude inventories. +21026010 Dismissing the trade group's numbers left traders plenty of time to worry anew about the latest reports on OPEC production. +21026011 An AP-Dow Jones survey of integrated oil companies, independent refiners, and oil industry consultants indicates that the Organization of Petroleum Exporting Countries increased its production to 22.2 million barrels a day in September. +21026012 Estimates suggest October's figure may be even higher. +21026013 That level of production isn't of much concern as long as demand continues strong, analysts said. +21026014 But the first quarter of the year is generally the weakest and OPEC production doesn't seem to be slackening in anticipation of that. +21026015 Also, maintaining current demand assumes no significant slowdown in world economies. +21026016 To top off the bearish factors affecting yesterday's trading, late October weather, especially in the Northeast U.S., continues to be very moderate, leaving heating oil futures trading lackluster. +21026017 "We aren't seeing any cold weather here," Mr. Bolling said from New York. +21026018 In other commodity markets yesterday: +21026019 GRAINS AND SOYBEANS: +21026020 Soybean and corn futures prices moved higher on the strength of buying from commodity pool managers trying to profit from technical price trends, as well as continued export strength. +21026021 A leveling off of farmer selling tied to the harvest also removed some of the downward pressure on futures contract prices. +21026022 Wheat futures prices fell, however, at least partly in reaction to the rumored selling of futures contracts equal to several million bushels of wheat by commodity speculator Richard Dennis. +21026023 Neither Mr. Dennis nor officials of his Chicago trading company, C&D Commodities, could be reached for comment. +21026024 As for corn and soybean futures, "a lot of commission house buying this morning and computer-driven buying" supported prices in early trading, said Steven Freed, a futures analyst with Dean Witter Reynolds Inc. in Chicago. +21026025 Soybean futures for November delivery gained 5.25 cents a bushel to close at $5.66 a bushel on the Chicago Board of Trade. +21026026 December corn futures added 2.25 cents a bushel to close at $2.4225 a bushel on the Board of Trade. +21026027 Announced and anticipated purchases from foreign countries are also supporting futures prices. +21026028 "Russian ships are arriving in the gulf and there isn't enough grain in the pipeline," said Katharina Zimmer, a futures analyst with Merrill Lynch & Co. in New York. +21026029 The Soviet Union has purchased roughly eight million tons of grain this month, and is expected to take delivery by year end, analysts said. +21026030 COTTON: +21026031 Futures prices rose modestly, but trading volume wasn't very heavy. +21026032 The December contract settled at 73.97 cents a pound, up 0.59 cent, but it rose as high as 74.20 cents. +21026033 Several cotton analysts said that the move appeared to be mostly technical. +21026034 Traders who had sold contracts earlier, in hopes of buying them back at lower prices, yesterday were buying contracts back at higher prices to limit their losses. +21026035 Floor traders also said that the market could have been helped by rumors, which have been circulating for the past two days, about China purchasing cotton. +21026036 The rumor, which has been neither confirmed nor denied, has China buying 125,000 to 200,000 bales for near-term delivery. +21026037 One floor trader said that if there were Chinese purchases, they should have had a bigger effect on the market. +21026038 Another said that if China was a buyer, it would be the earliest that country had made purchases since the 1979-80 crop year, and thus would be a bullish sign. +21026039 This trader characterized the recent price action as a contest between the fundamentalists, who see higher prices ahead, and the technicians, who are basically buying cotton toward the bottom of the current trading range, around 71 cents, and selling it when the price climbs more than 74 cents. +21026040 This trader said that he thought the market would turn aggressively bullish from a technical standpoint if the December contract was able to exceed 75.75 cents. +21026041 He also noted that stocks on Aug. 1, 1990, are currently projected at 3.3 million bales, the smallest end-of-season supply since 1985. +21026042 COCOA: +21026043 The modest sell-off, which started on Tuesday, continued. +21026044 The December contract ended at $999 a metric ton, down $15. +21026045 The market is drifting, at least partly, because of a lack of crop information out of Ghana and the Ivory Coast, the two largest African producers. +21026046 Harry Schwartz, a soft commodity specialist for Cargill Investors Services in New York, said the only report Ghana has issued about the arrival of cocoa from the interior was for 7,839 metric tons as of Oct. 12. +21026047 By this time last year, he noted, arrivals totaling 33,270 tons had been announced. +21026048 A similar situation apparently exists in the Ivory Coast with no figures released yet this year, compared with 55,000 tons as of this time a year ago. +21026049 He said that if little cocoa actually has arrived at the ports, shipping delays could result. +21026050 This is the worry that probably brought steadiness to the market earlier in the week, he said. +21026051 There was also some fear that without Ivory Coast cocoa a large French cocoa merchant, Cie. Financiere Sucre et Denrees, might not be able to deliver cocoa against the contracts it had sold earlier for December delivery in London. +21026052 However, the French merchant has about 200,000 tons of old crop Ivory Coast cocoa stored in the Netherlands from an agreement it had negotiated with the Ivory Coast last spring. +21026053 Cargill thinks that even though the merchant has a contract stating that it won't bring this cocoa to market until after March 1991, there is some evidence the contract has been modified. +21026054 This modification, apparently, would permit the French merchant to deliver this cocoa, if necessary, against existing short positions. +21027001 Richard D. Sutton, 64 years old, chairman of this bank-holding company, was named acting president and chief executive officer of the company and its First National Bank of Toms River subsidiary. +21027002 Joseph W. Robertson, 61, was dismissed from those posts, the company said. +21027003 He couldn't be reached and a company spokesman wouldn't comment on the dismissal. +21027004 Mr. Robertson was also removed from the board of First National Bank of New Jersey-Salem County, another unit, and the Toms River bank. +21028001 American Medical International Inc. said it hasn't received any other offers to acquire the owner and operator of hospitals, and took another step toward completion of its $3 billion acquisition by IMA Holdings Corp. +21028002 Earlier this month IMA, an investment group that includes Chicago's Pritzker family and First Boston Corp., submitted a reduced bid for American Medical after it couldn't finance its initial offer. +21028003 Under the new offer, IMA will pay $26.50 a share for 63 million shares, or about 86% of the shares outstanding. +21028004 IMA also will assume $1.4 billion in debt. +21028005 Yesterday, in composite trading on the New York Stock Exchange, AMI common closed at $23.625, up 12.5 cents, on volume of almost 1.8 million. +21028006 Earlier, American Medical said it had been approached again by two other possible suitors, whom it wouldn't identify but who had previously submitted bids for the company. +21028007 Yesterday, American Medical said that the two other parties told the company that they don't have any current intention of making a takeover bid. +21028008 American Medical said its directors have approved what is, in effect, a draft of a solvency opinion on the acquisition, submitted by the Los Angeles-based investment banking and evaluation consulting firm of Houlian Lokey Howard & Zukin Inc. +21028009 A final opinion must be approved prior to the acceptance of tendered shares for payment under the offer, which was due to expire at 12:01 a.m. EDT today. +21028010 Separately, Moody's Investors Service Inc. downgraded the ratings of American Medical's senior and subordinated debt issues and those of its international affiliate. +21028011 The downgrade anticipates completion of the IMA Holdings acquisition today, Moody's said. +21028012 The ratings concern said the acquisition should result in pretax losses from operations because of increases in interest expense and charges for depreciation and amortization, but that it expects the losses to be reduced through productivity gains and above average growth of the company's hospitals. +21028013 Moody's said the ratings anticipate a successful debt-reduction program and modest improvement in discretionary cash flow because of planned asset sales. +21028014 Moody's changes affected the following issues: +21028015 American Medical International: Senior notes, sinking-fund debentures, Euromarket notes, Eurobonds, Swiss franc bonds, unsecured loan stock to Ba3 from Baa2; convertible subordinated debentures, notes, and sinking-fund debentures to B2 from Baa3. +21028016 American Medical International N.V.: Guaranteed Euroissues to Ba3 from Baa2. +21028017 An American Medical spokeswoman said the Moody's downgrading was expected because of the nature of the takeover. +21029001 Bay Financial Corp., Boston, which has been reporting big losses and warning of a possible bankruptcy-law filing, said it was sued by a holder. +21029002 The real estate investment trust said the "purported class action suit," seeks "damages and other remedies under federal securities law and state law." +21029003 Gerald E. Wilson, corporate secretary and legal counsel, said the company wouldn't disclose further details. +21029004 He declined to name the shareholder, the plaintiff's lawyer or the court where the lawsuit was filed. +21029005 Bay, which has substantial investments in the floundering Massachusetts market, reported a loss of $62 million, or $15.97 a share, for the fiscal year ended June 30. +21029006 It has said it might seek bankruptcy-court protection from creditor lawsuits if it can't renegotiate its borrowings. +21029007 In New York Stock Exchange composite trading, Bay closed at $2.625, down 25 cents. +21030001 Keith A. Tucker was named a director of this insurance and financial services concern. +21030002 Mr. Tucker, 44 years old, is president of Trivest Securities Corp. and senior vice president of Trivest Inc., closely held investment companies based in Miami. +21030003 His selection increases the size of the board to 12 members. +21030004 Torchmark also said that Samuel E. Upchurch Jr., 37, vice president and general counsel, was selected to serve the remainder of the term vacated by John S.P. Samford, who resigned as director. +21031001 Philip Morris Cos., New York, adopted a defense measure designed to make a hostile takeover prohibitively expensive. +21031002 The giant foods, tobacco and brewing company said it will issue common-share purchase rights to shareholders of record Nov. 8. +21031003 Under certain circumstances, the rights would entitle Philip Morris holders to buy shares of either the company or its acquirer for half price. +21031004 The board isn't aware of any attempts to take over Philip Morris, the company said. +21031005 As of Sept. 30, Philip Morris had 926 million shares outstanding. +21031006 In composite trading on the New York Stock Exchange, Philip Morris shares closed yesterday at $43.50 each, down $1. +21032001 Beghin-Say S.A. said that it plans to sell its remaining paper operations by the end of January as part of a drive to refocus on the food sector and lower its debt. +21032002 The French unit of Ferruzzi Agricola Finanziaria also disclosed a 40% rise in its consolidated net profit for the first half of 1989, excluding nonrecurring items and after payments to minority interests. +21032003 Beghin-Say said the sale will be done in two parts and will raise a total of 2.025 billion francs ($325 million). +21032004 This will include the sale of its interest in the joint venture Beghin Corbehem to Feldemuehle AG. +21032005 The West German paper company entered the venture in April 1988 by acquiring a 50% stake, also from Beghin-Say. +21032006 The other part of the transaction will see Beghin-Say sell its 50% stake in its Kaysersberg paper affiliate to an unspecified unit of the petrochemical group Montedison S.p.A., which is also controlled by Ferruzzi. +21032007 And in a separate transaction, Beghin-Say will sell its remaining 25% interest in A.T.B., a holding company for international trading assets, to an unspecified unit of Ferruzzi for 258 million francs. +21033001 Esselte AB, the Stockholm office supplies company, as expected, proposed to acquire the 22% it doesn't own of its U.S. unit, Esselte Business Systems Inc. +21033002 The price in the proposal is $43.50 for each of the 4.9 million shares the parent doesn't own, or $213.2 million. +21033003 In New York Stock Exchange composite trading, Esselte closed yesterday at $43.50 a share, up $1. +21033004 A committee of outside directors for the Garden City, N.Y., unit is evaluating the proposal; the parent asked it to respond by Oct. 31. +21033005 The unit said it can provide no assurance a transaction will occur. +21033006 Esselte AB sold the minority stake five years ago in a $40 million international share offering. +21033007 The unit, which is the holding company for Esselte's non-Swedish units, accounted for 58% of sales and 71% of operating profit last year. +21033008 Separately, Esselte Business Systems reported third-quarter net income fell 5.9% to $9.5 million, or 46 cents a share, from $10.1 million, or 49 cents a share, in the year-ago period. +21033009 Sales rose 2.9% to $329.2 million from $320 million. +21034001 House and Senate conferees agreed to continue production of Grumman Corp.'s F-14 and to provide more than $3.8 billion for the Strategic Defense Initiative during the current fiscal year. +21034002 Industry officials and congressional aides said that the main points of a compromise defense authorization bill, hammered out during a flurry of private meetings over the past few days, provide a face-saving compromise for both the White House and House Democrats. +21034003 Although conferees are still putting the finishing touches on the package, the final agreement could be announced as early as tomorrow. +21034004 An announcement is more likely next week, though. +21034005 President Bush and other supporters of SDI will be able to take credit for blocking House efforts to significantly cut the program to develop a space-based antimissile system, which already has cost some $17 billion. +21034006 Senate Armed Services Committee Chairman Sam Nunn (D., Ga.) and other Senate conferees have opposed the House cuts, stalling for almost two months action on a number of big-ticket items in the Pentagon's budget. +21034007 The Senate voted to authorize $4.5 billion for SDI spending in the current fiscal year, but the House, reflecting a dramatic erosion of support for the program, earmarked only $3.1 billion. +21034008 Despite the widening gap between the two sides, conferees eventually followed the pattern set in previous years by opting to roughly split the difference. +21034009 That would hold spending on the program at about the previous year's level. +21034010 The decision to keep the embattled F-14's production line running for at least another year is an important victory for the House, and especially for Rep. Les Aspin (D., Wis.). +21034011 As the head of the House conferees, Rep. Aspin has been under intense pressure from his colleagues to reject Senate provisions that would have abruptly cut further F-14 production. +21034012 The package "provides a temporary, golden parachute for Grumman," according to one congressional aide familiar with the closed-door bargaining. +21034013 But as part of the overall agreement, Grumman and its outspoken supporters on Capitol Hill effectively will be precluded from reopening the emotional issue in the debate over next year's budget. +21034014 Defense Secretary Dick Cheney and most senators contend that the Navy's F-14 is too expensive in an era of shrinking Pentagon budgets. +21034015 But the plane boasts a strong core of support in the House, where members are intent on saving Grumman jobs and are worried about potential shortages of carrier-based aircraft by the late 1990s. +21034016 Conferees also agreed to Pentagon requests to earmark a total of nearly $1 billion for work on both mobile MX and Midgetman nuclear missiles, according to congressional aides. +21034017 And lawmakers are putting the finishing touches on a compromise that would give the Air Force nearly all of the $2.4 billion it wants for production of Northrop Corp.'s radar-eluding B-2 bombers, which cost $530 million apiece. +21034018 The final B-2 agreement is certain to require detailed testing and verification of the bomber's capabilities, but congressional aides said the accord won't include a House-passed provision that would have withheld production funds until Congress approves a cheaper, scaled-down version of the $70 billion fleet of 132 B-2s envisioned by the Pentagon. +21035001 Consolidated Freightways Inc. reported a 77% drop in third-quarter net income, citing expected losses in its Emery Worldwide shipping business. +21035002 The Menlo Park, Calif., company said net was $7.4 million, or 22 cents a share, down from $32.3 million, or 86 cents a share, a year ago. +21035003 Revenue totaled $1.01 billion, a 43% increase from $704.4 million, reflecting the company's acquisition of Emery earlier this year. +21035004 Profit also suffered because of "intense" discounting in its long-haul trucking business, the company said. +21035005 Analysts had expected Consolidated to post a slim profit, and the company's stock was down only 25 cents to $30.25 in New York Stock Exchange composite trading yesterday. +21035006 "They have to continue to tighten their belts," said Craig Kloner, an analyst at Goldman, Sachs & Co. +21036001 A round of futures-related program selling near the close sent the stock market lower in otherwise directionless trading. +21036002 Nervousness that the market hasn't seen the last of its recent volatility kept trading at a moderate pace, as did anticipation of a report on the economy's third-quarter performance. +21036003 The Dow Jones Industrial Average, which plunged more than 80 points in early trading Tuesday and then recovered nearly all of its losses by the close, fell 5.94 to 2653.28 in the latest session. +21036004 The average drifted in a trading range of about 30 points throughout the day. +21036005 The lower boundary was established just after the opening in a brief round of selling; the upper boundary was set at midday as scattered bargain-hunting pushed prices higher. +21036006 Buying interest in Du Pont, which declared a stock split and a dividend boost, and certain other blue-chip issues gave the industrial average a better performance than broader indexes. +21036007 Standard & Poor's 500-Stock Index dropped 1.20 to 342.50; the decline was the equivalent of a nine-point setback in the 30-stock average. +21036008 The Dow Jones Equity Market Index fell 1.16 to 320.94 and the New York Stock Exchange Composite Index slid 0.53 to 189.52. +21036009 But advancing issues topped decliners by 784 to 700 on the Big Board despite the late sell programs, resulting from stock-index arbitrage. +21036010 The programs occurred against the backdrop of a late pullback in UAL, which had held at slightly lower levels through most of the session amid optimism that another bidder might surface. +21036011 Traders said program activity wasn't in evidence through most of the session, however, and Big Board volume dropped to 155,650,000 shares from about 238 million Tuesday as concerns about the potential for additional sharp swings in the market kept other trading in check. +21036012 "People are sort of nervous to do anything in the market now. +21036013 Our phones are quiet around here," said Don R. Hays, director of investment strategy at Wheat First Butcher & Singer Inc., Richmond, Va. +21036014 The gross national product report, due to be released before today's opening, is expected to show that the economy continued to expand in the third quarter at a moderate pace. +21036015 The consensus of economists polled by Dow Jones Capital Markets Report calls for a 2.5% annual growth rate for GNP during the quarter. +21036016 Du Pont, which announced plans for a 3-for-1 stock split and raised its quarterly dividend by 14%, jumped 2 1/2 to 117 3/8. +21036017 The company also posted third-quarter earnings that were in line with analysts' forecasts. +21036018 Blue-chip consumer stocks also provided a lift to the industrial average. +21036019 American Telephone & Telegraph rose 3/8 to 43 1/2 in Big Board composite trading of 1.5 million shares, Chevron advanced 1 3/4 to 66 5/8 on 2.3 million shares, Woolworth rose 1 to 58 5/8, Coca-Cola Co. gained 5/8 to 72 1/2 and Eastman Kodak added 3/8 to 44 1/2. +21036020 But General Motors dropped 1 7/8 to 44 7/8. +21036021 Its GM Hughes Electronics and financial-services units both reported that third-quarter earnings were down from a year earlier. +21036022 Anheuser-Busch plunged 4 3/8 to 38 1/2 on 3.5 million shares. +21036023 Its third-quarter earnings were lower than analysts had forecast, and the company said it had lowered its projections for earnings growth through the end of 1990 because of planned price cuts. +21036024 Xerox fell 3 1/8 to 59 5/8. +21036025 Disappointment with the company's earnings for the quarter led Prudential-Bache Securities to reduce its 1989 and 1990 earnings estimates, according to Dow Jones Professional Investor Report. +21036026 Computer Associates International, the most active Big Board issue, was another victim of an earnings-related sell-off. +21036027 The stock fell 3/4 to 12 7/8 as 3.6 million shares were traded in the wake of its report that fiscal second-quarter net income fell 66% from a year ago. +21036028 Insurance stocks moved higher in the wake of a strong third-quarter earnings report from Chubb, coming on the heels of speculation that last week's devastating earthquake in the San Francisco area would lead to higher premium rates. +21036029 Chubb, whose net income for the quarter exceeded most analysts' expectations, rallied 3 3/4 to 86 1/2. +21036030 Aetna Life & Casualty gained 1 3/8 to 61 1/8, Cigna advanced 7/8 to 64 3/4, Travelers added 1/2 to 40 3/8 and American International Group rose 3 1/8 to 107 3/4. +21036031 Comprehensive Care plunged 4 3/4 to 3 5/8 on 1.2 million shares. +21036032 The company reported a third-quarter loss and said it is holding talks with its bank lenders for an extension on some overdue debt payments. +21036033 TW Services dropped 1 1/4 to 31 1/4 following the postponement of a $1.4 billion junk-bond offering that would have permitted Coniston Partners to complete its takeover of the company. +21036034 Coniston said it would pursue "various financing alternatives." +21036035 UAL stock declined by 9 to 161 after nobody surfaced to claim credit for aggressive buying Tuesday by Bear Stearns that sent UAL stock up 35 points in a matter of hours. +21036036 Tuesday's rumored buyer, Coniston Partners, wouldn't comment on speculation that Coniston, which battled the UAL board in 1987, might challenge the board's decision Monday to remain independent. +21036037 Other airline stocks were mixed. +21036038 AMR, which owns American Airlines, rose 3 3/8 to 72 1/4; USAir Group fell 1 1/2 to 38 5/8, and Delta Air Lines rose 1/2 to 66 1/2 after posting higher earnings for the September quarter. +21036039 Stocks that reportedly benefited Tuesday from a Japanese buy program handled by PaineWebber gave back some of their gains. +21036040 Procter & Gamble went down 3 1/2 to 130, Dow Jones fell 3 1/2 to 37 1/2 and Rockwell International dropped 2 1/8 to 25. +21036041 However, Atlantic Richfield preserved its twopoint advance in the previous session and added 1/8 to 103 7/8. +21036042 General Mills gained 2 1/4 to 72 7/8. +21036043 Goldman Sachs placed the stock back on its list of recommended issues, raised its 1990 earnings estimate and recommended that its clients shift funds from Kellogg to General Mills. +21036044 Kellogg dropped 1 3/4 to 73 1/4. +21036045 Manville advanced 3/4 to 10. +21036046 The company offered to purchase $500 million of convertible preferred stock from the trust that handles its payments to asbestos victims. +21036047 Di Giorgio gained 1 to 30 3/4 after the company said it is starting negotiations with unidentified parties interested in acquiring its units. +21036048 Investor Arthur Goldberg is pursuing a $32-a-share takeover offer. +21036049 Esselte Business Systems rose 1 to 43 1/2. +21036050 Esselte AB of Sweden offered $43.50 a share for the 22% of the company it doesn't already own. +21036051 Public Service of New Hampshire went up 3/8 to 4. +21036052 Northeast Utilities boosted its offer to acquire the company by $400 million, to $2.25 billion. +21036053 Newell, which declared a 2-for-1 stock split and boosted its quarterly dividend by 14%, added 7/8 to 49 3/8. +21036054 Also, the company posted improved third-quarter earnings. +21036055 The American Stock Exchange Market Value Index fell 0.44 to 375.92. +21036056 Volume totaled 8,930,000 shares. +21036057 Mission Resource Partners lost 5 1/4 to 14 1/8. +21036058 The partnership, which had solicited takeover offers, said it failed to receive any adequate bids for all of its operations but is reviewing offers for individual properties. +21037001 Japan is going on a capital-spending binge that could make its trade surpluses even harder to shrink. +21037002 Its capital spending is growing at double-digit rates for the second year in a row, and its superefficient producers of everything from cars to computer chips are rushing to expand capacity, modernize factories and develop new products. +21037003 "The boom's so huge," says Mitsuru Saito, an economist at Sanwa Research Institute, "it makes you think of the Golden '60s," when Japan developed rapidly. +21037004 The more factories and robots Japanese manufacturers add, the more they will be able to export, and the less their domestic customers will need to import. +21037005 At Canon Inc., for example, sales are up nearly 20% this year; so, the maker of cameras and computer printers is doing what any Japanese company would do under the circumstances: It is increasing capital spending -- by 60%. +21037006 It is building, among other things, a new laser-beam-printer factory in western Japan that can produce up to 150,000 printers next year. +21037007 Some 70% of them are to be exported to the U.S. +21037008 Even companies in smokestack industries wrestling with world-wide overcapacity are joining the boom. +21037009 Japan's steelmakers are raising capital spending 22% this year to $4.8 billion. +21037010 Hitachi Zosen Corp., a shipbuilder buried in debt just a few years ago, will build a machinery plant, its first expansion in 14 years. +21037011 So big is the capital-spending boom that Japanese companies' outlays in Japan topped American companies' domestic outlays by $521.4 billion to $494.8 billion in the 12 months ended March 31 even though Japan's total output of goods and services is less than two-thirds America's. +21037012 From a financial standpoint, the boom couldn't come at a better time. +21037013 Many Japanese companies expect record profits this fiscal year, and Japanese interest rates, though up a bit recently, are still low. +21037014 And in a business system where shareholders have few rights and expect only modest dividends, companies can plow their profits back into plant and equipment. +21037015 But some economists and government officials here aren't applauding. +21037016 They fear that the boom may be too big for Japan's or anyone else's good. +21037017 "It's an explosive cocktail" thrown at the world, says Kenneth Courtis, senior economist at the Tokyo unit of Deutsche Bank Group. +21037018 The Ministry of International Trade and Industry is so concerned that it recently took the unusual step of urging Japanese auto companies to exercise caution in capital spending. +21037019 MITI officials hope to avoid yet-another source of trade friction with the U.S. even though export restraints currently limit Japanese car exports to the U.S. +21037020 Not everyone is worried, however. +21037021 Some economists -- and many Japanese companies -- are puzzled by the warnings. +21037022 The investment boom is mainly sparked, they say, by strong domestic demand and isn't likely to increase exports sharply. +21037023 Moreover, much investment isn't aimed at increasing capacity. +21037024 According to a survey of some 2,400 large companies by the Japan Development Bank, expanded capacity is the goal of just 51.8% of the outlays; for manufacturers alone, the figure is 32%. +21037025 The manufacturers said 14.2% of their spending is designed to improve products or add new ones, 17.5% is to cut costs, 12.5% is for research and development, and the rest is for maintenance and other purposes. +21037026 But the worriers remain unconvinced. +21037027 With Japan running enormous trade surpluses against much of the world, they think that Japan should meet the increased domestic demand by importing more. +21037028 And eventually, they contend, domestic demand will weaken, forcing companies to emphasize exports again. +21037029 "If there's a further drive to export," says Nobuyuki Arai, an economist at the Japan Development Bank, "that'll be a problem." +21037030 Even in the short run, the investment boom could exacerbate a disturbing trend: Japanese exports are showing surprisingly little tendency to ease. +21037031 Japanese auto makers, for example, are increasing their production capacity in the U.S.; the additional production should, in part, replace imported vehicles with locally manufactured ones. +21037032 But although Japanese companies increased their U.S. auto output by 42% from January to September compared with the year-earlier period, their exports to the U.S. will drop only 9% this year, Nikko Research Center estimates. +21037033 In contrast to previous economic booms, Japanese auto companies aren't just trying to boost production. +21037034 Many are pouring money into developing high-quality products to target affluent consumers and, to some extent, to avoid direct combat with cheaper cars from South Korea and Taiwan. +21037035 Others are replacing older facilities with flexible assembly lines on which different models can be turned out at once. +21037036 So many companies are investing in high-tech machinery that Fanuc Ltd., a robot maker, also had to build a new plant. +21037037 The buildup is "making Japan clearly more efficient, more technologically advanced and more competitive," declares a Western diplomat in Tokyo. +21037038 But whatever its effects on exports and imports, Japan's investment boom during the past two years has been stimulated at least partly by soaring domestic demand. +21037039 Japan's marathon economy, growing at 4.3% this year, is now in its 35th month of expansion, and some economists are betting that the boom will outlast the record 57-month expansion in the late 1960s. +21037040 Japanese consumers are increasingly eager to spend their money, especially on high-priced goods such as 29-inch television sets and luxury cars. +21037041 Nissan Motor Co.'s domestic auto sales are up 20% this year largely because its expensive Cima, Sylvia and Cefiro models are in heavy demand. +21037042 "One dealer told me that if he had more cars, he'd sell them right away," says Takuro Endo, Nissan executive vice president. +21037043 He adds that the company is trying to keep up with demand "by overworking" its employees. +21037044 Similarly, Honda Motor Co.'s sales are so brisk that workers grumble they haven't had a Saturday off in years, despite the government's encouragement of more leisure activity. +21037045 With demand growing and workers in short supply, many Japanese manufacturers are spending heavily on automation. +21037046 Among them are the shipbuilders, which had halved their shipyard work forces to cut costs during a prolonged slump in demand but now are capturing an increased share of the strengthening global market. +21037047 Sasebo Heavy Industries Co., a medium-sized shipbuilder, expects its sales to increase 30% this year, largely because of rising demand for oil tankers. +21037048 Once one Japanese company steps up its investments, the whole industry follows. +21037049 Because most businesses put market share above profitability, to let a competitor's addition to capacity go unmatched is to concede defeat. +21037050 The emphasis on market share is evident at Daikin Industries Ltd., Japan's biggest maker of industrial air conditioners. +21037051 Seeing new office buildings sprout up and its sales soar, Daikin is building another plant, which will lift its production capacity 50%. +21037052 The expansion is aimed not just at meeting demand but also at expanding the company's market share to 30% from 27% currently. +21037053 Besides, Daikin's major competitors, Hitachi Ltd. and Mitsubishi Heavy Industries Ltd., "are all adding production lines," a Daikin spokesman says. +21037054 "Until now, we were trying to increase productivity with the facilities we already had. +21037055 But we can't produce enough anymore." +21037056 The competition is even more heated in the auto industry, where companies are racing one another in a world-wide market. +21037057 Nissan aims to expand its 25% share of the market to 30% by spending $141 million on a plant in southern Japan that could make as many as 240,000 cars a year. +21037058 Meanwhile, Toyota Motor Corp.'s $247 million buildup is increasing its annual capacity by 180,000 cars, and Honda is spending $317 million on expansion. +21037059 Mazda Motor Corp. is still considering its options, but it boldly aims to double its annual domestic sales to 800,000 cars in the next four years. +21037060 Those who aren't worried about how Japanese manufacturers' investments will affect trade note that many new products aren't replacements for imports. +21037061 Although imports account for less than 1% of beer sales in Japan, Asahi Breweries Ltd., which has been gaining share with its popular dry beer, plans to fend off Japanese competitors by pouring $1.06 billion into facilities to brew 50% more beer. +21037062 But new-product development will make Japanese companies stronger, and big investments in "domestic" industries such as beer will make it even tougher for foreign competitors to crack the Japanese market. +21037063 Moreover, much of the investment boom is in high-tech fields in which Japanese companies have only limited foreign competition; so, more investment practically assures more exports. +21037064 Toshiba Corp., for example, is spending $986 million on two new plants to build four-megabit dynamic random access memories, the next generation of computer chips. +21037065 The product isn't widely used yet, but Toshiba, which has already beaten everyone else in producing the current-generation one-megabit DRAMs, believes that its early investment will heighten its chances of beating its competitors again. +21037066 "It's important to gain leadership," a Toshiba spokesman says. +21037067 Meanwhile, Toshiba's Japanese rivals, Hitachi, Fujitsu Ltd. and NEC Corp., aren't sitting still. +21037068 After doubling production in one plant, NEC is spending $275 million to build another plant that, in two years, will be able to make a million four-megabit DRAMs a year. +21037069 The new chip plants "won't be excessive investment," says Hajime Sasaki, an NEC vice president. +21037070 "We have enough products to make and the markets to sell these products." +21037071 Some of Japan's goods being produced as a result of the investment boom are already successful overseas. +21037072 Toyota's $35,000 Lexus automobile, a luxury model that it started shipping to the U.S. only last month, is racking up orders at a time when U.S.-made luxury-car sales are slow. +21037073 Toyota plans to raise Lexus exports when a new plant starts up next year. +21037074 What if its sales weaken someday? +21037075 Japanese companies have a caveat competitor attitude. +21037076 If excess capacity develops, they say, not everyone will suffer. +21037077 The losers will be those with the least attractive products, and many of them, analysts think, will be foreign companies. +21038001 Benjamin Franklin Federal Savings & Loan Association said it plans to restructure in the wake of a third-quarter loss of $7.7 million, or $1.01 a share, reflecting an $11 million addition to loan-loss reserves. +21038002 The Portland, Ore., thrift said the restructuring should help it meet new capital standards from the Financial Institution Reform, Recovery and Enforcement Act. +21038003 A year ago, Benjamin Franklin had profit of $1.8 million, or 23 cents a share. +21038004 In over-the-counter trading yesterday, Benjamin Franklin rose 25 cents to $4.25. +21038005 The company said the restructuring's initial phase will feature a gradual reduction in assets and staff positions. +21038006 The plan may include selling branches, consolidating or eliminating departments, and winding down or disposing of unprofitable units within 18 months. +21038007 Initially, the company said it will close its commercial real-estate lending division, and stop originating new leases at its commercial lease subsidiary. +21038008 Details of the restructuring won't be made final until regulators approve the regulations mandated by the new federal act, the company said. +21039001 Amdahl Corp., a maker of mainframe computers, reported a sharp decline in net income for its third quarter, citing pricecutting by competitors and adverse effects from a strong U.S. dollar. +21039002 Net income fell 37% to $32.9 million, or 30 cents a share, from $52.2 million, or 48 cents a share, in the year-ago period. +21039003 Revenue rose 15% to $534.3 million from $464.7 million. +21039004 Amdahl's results were somewhat worse than expected. +21039005 Jay Stevens, an analyst with Dean Witter Reynolds, said he expected the Sunnyvale, Calif., company to earn 35 cents a share for the quarter and said the firm's weaker profit was partly the result of increased competition from International Business Machines Corp., Amdahl's principal competitor for mainframe sales. +21040001 ONEIDA Ltd. declared a 10% stock dividend, payable Dec. 15 to stock of record Nov. 17. +21040002 The Oneida, N.Y., maker of consumer, food-service and industrial products also declared a quarterly cash dividend of 12 cents a share, with the same payable and record dates. +21040003 The cash dividend paid on the common stock also will apply to the new shares, the company said. +21040004 The move rewards shareholders and should improve the stock's liquidity, Oneida said. +21040005 The company has about 8.8 million shares outstanding. +21040006 In New York Stock Exchange composite trading yesterday, Oneida's shares closed at $18.375 a share, unchanged. +21041001 Federal health officials are expected today to approve a program granting long-deferred access to the drug AZT for children with acquired immune deficiency syndrome. +21041002 Announcement of the approval is expected to be made by Louis Sullivan, secretary of Health and Human Services. +21041003 The clearance by the Food and Drug Administration comes after two years of restricted access for the youngest victims of AIDS to the only antiviral drug yet cleared to treat the fatal disease. +21041004 The drug will be given treatment investigational new drug status, a label accorded to drugs believed effective but lacking formal approval. +21041005 The move will make the drug available free of charge for a time to children with the disease and symptoms of advanced infection. +21041006 Adults with AIDS have had access to AZT since FDA approved the drug's usage for adults in March 1987. +21041007 But despite more than two years of research showing AZT can relieve dementia and other symptoms in children, the drug still lacks federal approval for use in the youngest patients. +21041008 As a result, many youngsters have been unable to obtain the drug and, for the few exceptions, insurance carriers won't cover its cost of $6,400 a year. +21041009 So far, AIDS has stricken 1,859 children under age 13, with many times that number believed to carry the infection without symptoms. +21041010 To date, 1,013 of those children have died, according to the federal Centers for Disease Control. +21041011 Mothers of young AIDS patients expressed somber satisfaction. +21041012 "Thank goodness it's happening. +21041013 It should have happened sooner," said Elizabeth Glaser, a Los Angeles mother and activist who contracted the AIDS virus through a blood transfusion, and transmitted it to two of her children. +21041014 One of them, a daughter Ariel, died a year ago at age seven after her parents unsuccessfully pleaded for the drug. +21041015 "I could get AZT," says Mrs. Glaser, who bears her infection without any symptoms. +21041016 "But my daughter couldn't, until she was too ill to take it. +21041017 To watch your child die is an inhuman experience." +21041018 Her son, healthy and symptom-free, currently takes no medication. +21041019 The delay in getting AZT to children has been blamed on a combination of factors. +21041020 Traditionally, the medical establishment has waited two years to approve adult treatments for pediatric uses, because of a combination of conservative safety standards and red tape. +21041021 Secondly, critics have charged AZT's maker Burroughs Wellcome Co. with corporate inertia because children account for just 1% of the patient population and hence a small part of the large and lucrative market. +21041022 Wellcome has replied that it is moving ahead to compile the relevant data, and recently promised to develop a pediatric syrup form easier for youngsters to take. +21041023 Still, all this comes nearly a year and a half after Philip Pizzo of the National Cancer Institute offered evidence that AZT could reverse the ravages of AIDS dementia, sometimes prompting dramatic recovery of IQ levels and reappearance of lost motor skills. +21041024 Since then, roughly 50 pediatric patients have received the drug in his program. +21041025 To some mothers, the expected FDA action is a poignant reminder of what might have been. +21041026 "My first reaction is I don't understand why it's taken so long. +21041027 Why has it taken people so long for people to understand pediatric AIDS is a major problem?" asked Helen Kushnick, whose son Samuel died six years ago at age three, victim of a tainted transfusion. +21041028 Similar sentiments were voiced on Capitol Hill. +21041029 "While I'm pleased the FDA is finally releasing AZT for children, it's taken much too long to get to this point," said Rep. Ted Weiss. +21041030 "Why did it take Burroughs Wellcome so long to apply" for treatment investigational new drug status? the New York Democrat asked. +21041031 "Let's not forget this is the same company that has been profiteering with this drug for 2 1/2 years," Mr. Weiss added. +21041032 Mrs. Glaser, who is a co-founder of the Pediatric AIDS Foundation, based in Santa Monica, Calif., condemned neither bureaucratic nor corporate foot-dragging. +21041033 "There's no finger to be pointed," she said. +21041034 "The crucial thing is that we learn our lesson well, and to make sure other experimental drugs, like Bristol-Myers Co.'s DDI, don't follow the same frustrating course as AZT." +21041035 AIDS dementia -- which gradually steals children's ability to speak, walk and think -- is often the most striking aspect of the pediatric syndrome. +21041036 For some patients, AZT has restored the ability to ride a bicycle or solve puzzles, giving back a piece of their childhood if only temporarily. +21041037 "It's impossible to overstate how much this means to the families of these patients," said Samuel Broder, director of the National Cancer Institute and a main developer of AZT. +21042001 AVON RENT-A-CAR & TRUCK Corp. said it declared a dividend of one warrant for each three shares of common stock. +21042002 Currently, Avon, based in Santa Monica, Calif., has 3.3 million common shares outstanding. +21042003 About 1.1 million Class C warrants were issued, the company said. +21042004 Each of the Class C warrants will enable the holders to purchase one share of common stock at $5.50. +21042005 The warrants may be exercised until 90 days after their issue date. +21042006 Avon also said it will issue an additional 243,677 of the Class C warrants to holders of its Class A, Class B and unclassified warrants. +21042007 Issuance of those warrants will be at the rate of one-third warrant for each warrant exercised. +21043001 THE BIG BOARD PLANS to launch its own vehicle for program trading today amid growing controversy over the practice. +21043002 The new "baskets" of stocks will allow big investors to buy or sell all 500 S&P index stocks in a single trade. +21043003 The exchange argues that the product, which the SEC temporarily approved yesterday, will help ease rather than worsen any volatility in the stock market. +21043004 SEC Chairman Breeden said he would consider imposing "circuit breakers" to halt program trading during sharp swings in the market. +21043005 Kemper Financial Services has stopped executing its stock trades through four big securities firms because of their involvement in program trading, which Kemper and others say is ruining the market. +21043006 The main capital-gains tax plan in the Senate isn't winning support from Democrats who favor a reduction. +21043007 The trend is making proponents less optimistic a tax cut will pass. +21043008 Bethlehem Steel's profit plunged 54% in the third quarter, hurt by higher costs and lower shipments to key clients. +21043009 Also, Armco and National Intergroup had lower operating profit in steel, marking what may be the end of a two-year industry boom. +21043010 Columbia S&L posted a quarterly loss of $226.3 million as the Beverly Hills thrift reeled from new industry rules and turmoil in junk bonds. +21043011 Anheuser-Busch plans to aggressively discount its major beer brands, setting the stage for a price war as the beer industry's growth slows. +21043012 PS New Hampshire received a sweetened bid from another suitor, United Illuminating, which valued its new proposal at $2.29 billion, apparently topping all others so far. +21043013 Financial markets quieted, with stock prices edging lower, bonds inching up and the dollar almost unchanged. +21043014 The Dow Jones industrials closed off 5.94 points, at 2653.28. +21043015 Fed Chairman Greenspan said the central bank can wipe out inflation without causing a recession, but doing so will inflict short-term pain. +21043016 GM's Hughes Electronics unit said profit slid 22% in the third quarter. +21043017 The finance unit, GMAC, said net fell 3.1%, but EDS's profit rose 16%. +21043018 Campeau reportedly may receive a $1.3 billion offer for Bloomingdale's from Tokyu Department Store of Japan. +21043019 Campeau declined to comment. +21043020 UAL's pilots and machinists unions appear to hold the key to any future takeover bid for the airline. +21043021 Provigo plans to sell all non-food operations to refocus on its retail and wholesale grocery business. +21043022 Also, Chairman Pierre Lortie resigned. +21043023 Westinghouse expects operating margins of over 10% and sharply higher earnings per share next year due to a major restructuring. +21043024 Some major U.S. trade partners quickly rejected a compromise proposal by Bush to liberalize trade and reduce farm-product subsidies. +21043025 Markets -- +21043026 Stocks: Volume 155,650,000 shares. +21043027 Dow Jones industrials 2653.28, off 5.94; transportation 1199.32, off 11.38; utilities 216.49, up 1.45. +21043028 Bonds: Shearson Lehman Hutton Treasury index 3427.39, up +21043029 Commodities: Dow Jones futures index 129.48, up 0.24; spot index 130.73, off 0.03. +21043030 Dollar: 141.52 yen, up 0.07; 1.8353 marks, off 0.0002. +21044001 GORBACHEV SAID Moscow won't intervene in East bloc moves to democracy. +21044002 The Kremlin leader, on the first day of a three-day official visit to Helsinki, assured Finland's president that the Soviet Union has "no moral or political right" to interfere with moves toward democracy in Poland, Hungary or elsewhere in Eastern Europe. +21044003 In Moscow, the Soviet State Bank announced a 90% devaluation of the ruble against the dollar for private transactions, in an apparent attempt to curb a black market for hard currency. +21044004 The action will establish a two-tier exchange rate. +21044005 Workers at six mines in Arctic Circle coal fields called strikes over a series of economic and political demands. +21044006 The move defied a law, approved in Moscow this month, banning such walkouts. +21044007 THE HOUSE FAILED to override Bush's veto of a bill easing abortion funding. +21044008 The chamber voted 231-191, 51 votes short of the two-thirds majority needed to overturn the president's veto of legislation renewing support of Medicaid abortions for poor women who are victims of rape and incest. +21044009 The roll call was considered an illustration of the limits of power that the resurgent abortion-rights movement faces. +21044010 The legislation was part of a $156.7 billion measure funding the departments of Labor, Education, and Health. +21044011 Michigan's Senate passed a bill requiring girls to get parental consent for an abortion and Pennsylvania's House cleared a measure banning abortions after the 24th week of pregnancy. +21044012 The FDA is expected to approve today a program granting access free of charge to the drug AZT for children with AIDS. +21044013 Adults have had access to the only approved antiviral drug since 1987. +21044014 Research shows AZT can relieve dementia and other symptoms in children, 1,859 of whom are known to have been infected. +21044015 Congress sent to Bush a $2.85 billion emergency package to assist in the recovery from last week's California earthquake and from Hurricane Hugo. +21044016 The action came after the Senate approved the House-passed measure. +21044017 In the San Francisco Bay area, more than 13,000 people were homeless and landslides threatened more houses. +21044018 House-Senate conferees agreed to continue production of Grumman Corp.'s F-14 jet and to provide more than $3.8 billion during the current fiscal year to develop a space-based anti-missile system. +21044019 The final package is expected to be announced within the next week. +21044020 The White House has decided to seek changes in pesticide law that are aimed at speeding the removal of harmful chemicals from the food supply. +21044021 The changes, which could be announced as early as today, would apply to pesticides and other substances found on fresh and processed foods, officials said. +21044022 East German leader Krenz said he was willing to hold talks with opposition groups pressing for internal changes. +21044023 The Communist Party chief, facing what is viewed as the nation's worst unrest in nearly 40 years, also said he would allow East Germans to travel abroad more freely, but made clear that the Berlin Wall would remain. +21044024 A Lebanese Christian alliance accepted an Arab-sponsored proposal aimed at ending Lebanon's 14-year-old civil war. +21044025 The move by the coalition of political parties and Lebanon's largest Christian militia isolated military chief Aoun, who has rejected the plan, which includes political changes and a Syrian troop withdrawal from Beirut. +21044026 Baker offered to review Israel's "suggested changes" to his proposal for direct Israeli-Palestinian talks. +21044027 But the secretary of state advised Israel that attempting to overhaul the five-point plan risked delaying the negotiations aimed at Mideast peace. +21044028 NATO defense ministers said the 16-nation alliance continues to need a strong nuclear strategy despite political changes in Eastern Europe. +21044029 The ministers, concluding a two-day meeting in southern Portugal, welcomed Moscow's pledges to cut its military forces, but urged the Soviets to do more to slash short-range nuclear weapons. +21044030 The Justice Department indicated a possible challenge to a court order allowing former National Security Adviser Poindexter to subpoena ex-President Reagan's personal papers for use in the defense case against Iran-Contra charges. +21044031 A department spokesman said the ruling "raised a serious question" about the office of the president. +21044032 Bush said Washington would continue a trade embargo against Nicaragua, declaring that the Central American country poses "an unusual and extraordinary threat" to the security of the U.S. +21044033 Meanwhile, Secretary of State Baker said the U.S. protested to Moscow over shipments of East bloc arms to Salvadoran rebels from Managua. +21044034 A landslide engulfed a hillside slum in Sao Paulo, Brazil, and at least 20 people, most of them children, were missing and feared dead. +21044035 The city's mayor vowed to take legal action against developers who had been excavating at the crest of the hill. +21044036 Czechoslovakia's premier said he supports broad political and economic restructuring, but ruled out any dialogue between Prague's Communist government and independent human-rights or dissident groups. +21044037 Ladislav Adamec, ending a two-day visit to Austria, pledged changes in Czechoslovakia, including freer travel to the West. +21044038 Died: Mary McCarthy, 77, novelist and literary critic, in New York City, of cancer. . . . +21044039 Marion Harper, 73, founder and ex-chief executive of Interpublic Group of Cos., in Oklahoma City, of a heart attack. +21045001 Adolph Coors Co. said William K. Coors, chairman, assumed the additional responsibilities of president, succeeding Jeffrey H. Coors. +21045002 Jeffrey Coors, 44 years old, had been president since 1985, when he succeeded his father Joseph in the job. +21045003 But the brewer said Jeffrey Coors voluntarily gave up the position to focus more of his energy on Coors Technology Co., a small unit of Coors he has run for several years. +21045004 A Coors spokesman said the company doesn't believe the move will further increase William Coors's influence or reduce the influence of Jeffrey Coors, Peter Coors or Joseph Coors Jr., who run the company's three operating units. +21045005 "It certainly wasn't intended to be a demotion," the spokesman said. +21045006 "Pete and Jeff and Joe Jr. have taken over the reins and are doing most of the work. +21045007 We don't think this will affect that." +21045008 Jeffrey, Peter and Joseph Jr. are brothers. +21045009 William Coors is their uncle. +21045010 Jeffrey, Peter, Joseph Jr., William and Joseph Sr. constitute the company's board. +21045011 Peter Coors runs the Coors Brewing Co. unit, the nation's fourth-largest brewery that accounted for $1.24 billion of Adolph Coors's $1.52 billion in 1988 sales. +21045012 Joseph Jr. runs Coors Ceramics Co., the other operating unit, which had about $150 million in 1988 sales. +21046001 Dun & Bradstreet Corp. said business failures fell 17.8% to 11,586 in the third quarter from 14,099 in the year-earlier period. +21046002 In the first nine months of this year, business failures dropped 15.6% to 37,820 from 44,796. +21046003 Except for a few spots, notably Georgia, Virginia and Michigan, failures declined almost across the board, according to the business information services company. +21046004 D&B defines a business failure as a company that closes with losses to creditors. +21046005 The current decline in failures continues a trend begun in late 1987, D&B said. +21046006 The drop accelerated in this year's third quarter, underscoring an overall lack of stress in the U.S. economy, the company said. +21046007 Failures in seven of nine regional areas fell more than 10% in the nine months. +21046008 The South Atlantic States were the only region to report an increase in bankruptcies, up 5.3% to 5,791 from 5,502. +21046009 This occurred partly because of more competition as the number of new businesses surged. +21046010 The only industry sector to report more business failures for the nine months was the finance, insurance and real-estate sector, where bankruptcies grew 8.1% to 2,046 from 1,892. +21046011 The troubled savings-and-loan industry and subsequent stress in real-estate businesses fueled bankruptcies in this sector, D&B said. +21047001 A major Tokyo newspaper reported that a Japanese department store concern is planning to offer about $1.3 billion to buy Bloomingdale's. +21047002 Campeau Corp., the chain's owner, declined to comment on the report. +21047003 A spokeswoman said Toronto-based Campeau has received "expressions of interest" in Bloomingdale's, but she declined to comment on whether any actual bids had been made. +21047004 Nihon Keizai Shimbun, Japan's leading economic newspaper, reported Wednesday that Tokyu Department Store Co. is planning to team up with U.S. and Western European financing to buy the New York-based retail chain, which Campeau has put up for sale. +21047005 The service didn't identify its Tokyu sources. +21047006 "This is the first of many rumors we expect to hear during the sale's process," said a Bloomingdale's spokesman. +21047007 "We won't comment on them." +21047008 Tokyu executives weren't available for comment early Thursday morning in Tokyo. +21047009 Campeau's chairman, Robert Campeau, said at its annual meeting in July that he valued Bloomingdale's at $2 billion. +21047010 Among previously disclosed possible bidders is Bloomingdale's Chairman Marvin Traub, who has aligned himself with Drexel Burnham Lambert Inc. and Blackstone Group. +21047011 Investment bankers in Tokyo confirmed that Tokyu Department Store is one of several Japanese companies that has been approached by representatives of a management committee headed by Bloomingdale's Mr. Traub. +21047012 But they said detailed financial figures haven't been passed yet to any prospective buyers. +21047013 "Nobody is going to make a real bid before the middle of November," said one investment banker familiar with the discussions in Japan. +21047014 "Tokyu is one of the potential buyers who might raise its hand. +21047015 But it's in very early stages still." +21047016 Bloomingdale's is a 17-store chain acquired last year by Campeau in its $6.6 billion acquisition of Federated. +21047017 Bloomingdale's does an estimated $1.2 billion in annual sales. +21047018 The sale of Bloomingdale's is a condition of efforts by Toronto-based Olympia & York Developments Ltd. to arrange $800 million in bridge financing for Campeau, which disclosed last month that its retailing units, Federated Department Stores Inc. and Allied Stores Corp., were strapped for cash. +21047019 O&Y, owned by Toronto's Reichmann family, is also supervising major restructuring and refinancing of Campeau, a Toronto-based real estate and retailing company. +21047020 One executive familiar with the Bloomingdale's situation said, "No book has been issued regarding Bloomingdale's, there are no projections, so I doubt very much whether any bid has been made." +21047021 Separately, a Campeau shareholder filed suit, charging Campeau, Chairman Robert Campeau and other officers with violating securities law. +21047022 The suit, filed in U.S. District Court in Manhattan, seeks class-action status. +21047023 The suit accuses the retailer and several of its officers of making false and misleading statements about the company's business affairs. +21047024 The suit says the company failed to disclose material adverse information about its financial condition. +21047025 A spokesman for the company said Campeau hasn't seen the suit and declined to comment. +21048001 McCaw Cellular Communications Inc. must extend its offer for LIN Broadcasting Corp. because it has "not yet announced committed financing sufficient to complete" the bid, LIN said in New York. +21048002 According to Securities and Exchange Commission rules, McCaw is required to keep its offer for the cellular-phone and broadcasting concern open for at least five business days after the announcement of the financing, LIN said. +21048003 McCaw's offer is scheduled to expire tomorrow. +21048004 Last week, McCaw said it obtained "firm" financing commitments from three major banks in regard to its bid to control LIN Broadcasting. +21048005 The banks jointly committed $1.2 billion of financing, subject to certain conditions, McCaw said. +21048006 A spokesman for McCaw said the company was "moving forward with our financing." +21048007 He added that "hopefully LIN will conduct a fair auction." +21048008 McCaw wants to buy 22 million shares of LIN for $125 each, or $2.75 billion, which would result in McCaw's owning 50.3% of LIN. +21048009 The offer is in limbo, however, because LIN has agreed to merge its cellular-phone businesses with BellSouth Corp. +21048010 In national over-the-counter trading yesterday, LIN rose 50 cents, to $109.25. +21049001 NICHOLS INSTITUTE declared a 2-for-1 split of its common stock, payable Nov. 27 to stock of record Nov. 10. +21049002 The clinical testing services holding company is based in San Juan Capistrano, Calif. +21050001 StatesWest Airlines, Phoenix, Ariz., said it sent a more detailed merger proposal to much-larger Mesa Airlines. +21050002 Farmington, N.M.-based Mesa has consistently rejected StatesWest's offers, and early this week said its board wouldn't give the proposal further consideration, calling it "vague and ill-defined" because it didn't describe the source of funds or the specific terms of StatesWest securities which were part of the offer. +21050003 The new letter purports to do this, saying that in addition to $7 a share in cash, StatesWest would offer one share of new 6% convertible preferred stock of StatesWest it values at $3 a share. +21050004 It also said the cash portion of the transaction would be financed with StatesWest's own cash and short-term investments, plus debt and other financing arranged through Hibbard Brown & Co., the company's investment banker. +21050005 In national over-the-counter trading yesterday, Mesa closed at $7.25, up 25 cents. +21050006 StatesWest asked Mesa to repond by Oct. 31. +21050007 Mesa President Larry Risley said his board had received Stateswest's most recent offer and was reviewing it. +21051001 Spiegel Inc., citing continuing improvement in the apparel market, said third-quarter net income jumped 65% from the soft year-earlier period, on an 11% increase in revenue. +21051002 The catalog retailer reported net income of $10.8 million, or 21 cents a share, up sharply from $6.6 million, or 13 cents a share, a year earlier. +21051003 Revenue rose to $372.1 million from $336.4 million. +21051004 Spiegel said margins improved because its inventory position this year didn't need the costly markdowns required to trim last year's swollen levels. +21051005 A spokeswoman said the apparel market troughed in the first half of 1988, then began showing improvement in the second half of last year. +21051006 "We've seen continued improvement in 1989," she said. +21051007 The year-ago quarter's results were crimped by expenses associated with Spiegel's $260 million acquisition of catalog-clothing-merchandiser Eddie Bauer, Spiegel noted. +21051008 In addition, the company said ongoing cost-cutting efforts contributed to the latest period's earnings upturn. +21051009 Spiegel is 84%-controlled by the Otto family of West Germany. +21051010 In national over-the-counter trading, the company's shares climbed 37.5 cents to $20.375. +21051011 For the latest nine months, Spiegel's net climbed a solid 47% to $23.8 million, or 46 cents a share, from $16.2 million, or 34 cents. +21051012 Unlike the quarter's results, which were based on roughly equal shares outstanding, nine-month per-share figures reflect an increase in average common shares outstanding to 51.9 million from 47 million. +21051013 Nine-month revenue was $1.02 billion, up 22% from $841.5 million. +21052001 The bad news in the junk bond market yesterday was that TW Services, a group of restaurant chains, became the latest prospective issuer to get a cold shoulder from bond buyers. +21052002 The good news -- to fans of stable credit, at least -- is what the rejection says about the state of mind of junk buyers. +21052003 Apparently they are learning to say no to excess risk. +21052004 Coniston Partners, which with related entities controls 80% of TW, had been planning to sell $1.15 billion of junk bonds, among other things to finance their acquisition of the remaining public shares. +21052005 But Coniston, a New York partnership managed by the firm of Gollust, Tierney & Oliver, yesterday announced that "in view of unsettled conditions in securities markets" the offering would be postponed and restructured. +21052006 What wasn't mentioned is that Coniston and its investment banker, Donaldson, Lufkin & Jenrette, just completed a two-week "road show" for the purpose of marketing the bonds. +21052007 And investors, at least for now, took a pass. +21052008 TW's junk bonds weren't, as junk bonds go, unusually weak. +21052009 Its fast-food restaurants -- including Denny's, Hardee's, Quincy's and El Pollo Loco ("the only significant fast-food chain to specialize in char-broiled chicken") -- are stable, recession-resistant and growing. +21052010 But unless they continued to grow, TW, based in Paramus, N.J., would have run into trouble. +21052011 Until recently, such buy-now, pray-for-growth-later deals were routine. +21052012 "But people don't buy anything on expectation anymore," says Jack Utter, who manages the high-yield fund of IDS Financial Services. +21052013 "Investors," he adds, "are getting religion." +21052014 The TW buy-out may yet be financed. +21052015 "There is nothing wrong with the company," says Coniston principal Paul Tierney. +21052016 The rub, he says, is that "the junk market isn't as deep" as before. +21052017 TW's stockholder meeting was postponed from tomorrow to Nov. 21. +21052018 By then, DLJ hopes to be able to sell less-junky junk bonds. +21052019 Gollust, Tierney & Oliver is likely to contribute more than the $120 million in equity it had planned on. +21052020 Banks may contribute more senior debt. +21052021 And the total amount of junk financing will be reduced. +21052022 A DLJ banker, putting a best possible face on it, asserts that "very few people said they didn't like the credit quality. +21052023 People said they didn't think a billion-dollar deal would trade." +21052024 But trading risk stems from credit risk. +21052025 And by adding equity, DLJ would seem to be acknowledging that credit risk was a concern. +21052026 Indeed, the DLJ banker says, in the reborn capital structure cash coverage of interest "will meaningfully improve." +21052027 As he sums it up: "We are listening to the market." +21052028 What is it, to borrow a term from Coniston, that so unsettled the market? +21052029 Some of the same risks that were cited -- and seemingly ignored -- in dozens of previous junk offerings. +21052030 The TW prospectus says that if the acquisition had been completed earlier, pretax earnings "would have been insufficient to cover its fixed charges, including interest on debt securities," by approximately $62.7 million in the first six months of 1989. +21052031 TW notes, as many junk issuers do, that "adjusted to eliminate non-cash charges" TW would have run a cash surplus -- in this case, of $56 million over six months. +21052032 But such calculations ignore the noncash charge of depreciation, taken to allow for the gradual wearing out of french friers, deterioration of stores and the like. +21052033 In fact, DLJ says, the company envisions capital expenses of about $180 million a year. +21052034 TW's pitch was that sales and earnings at its restaurants have risen steadily and that people won't stop eating during a downturn. +21052035 But they won't necessarily eat at Denny's. +21052036 The fast-food business is "intensely competitive," notes Wertheim Schroder analyst John Rohs. +21052037 Prospective bond buyers noted that TW historically has prospered because it has been willing to spend aggressively on remodeling restaurants and redoing menus. +21052038 "We were concerned that they weren't going to generate enough cash for capital spending and also to pay down debt," says a big investor in high-yield debt. +21052039 DLJ argues that TW could, if necessary, cut capital spending, since half of what it plans to spend is for "growth," rather than maintenance. +21052040 But investors noted that under the shelved offering, TW would have needed to grow to meet its debt payments. +21052041 Its calculations for meeting cash charges ignore $52 million a year in interest on cash-deferred, or zero-coupon debentures -- which ultimately would have had to be paid. +21052042 The prospectus notes "there can be no assurance" that future growth will continue at past levels. +21052043 In the recent past, bond buyers didn't seek such assurance. +21052044 Now, apparently, they do. +21052045 TW Services +21052046 (NYSE; Symbol: TW) +21052047 Business: Restaurants +21052048 Year ended Dec. 31, 1988* +21052049 Revenue: $3.57 billion +21052050 Net Income: $66.9 million; $1.36 a share** +21052051 Third quarter, Sept. 30, 1989: (Net Loss: 7 cents share) vs. net income: 51 cents a share +21052052 Average daily trading volume: 179,032 shares +21052053 Common shares outstanding: 49 million +21052054 *Includes results of Denny's Inc., acquired in September +21052055 **Includes $9 million write-down of assets and takeover defense costs. +21053001 Maggie Thatcher must be doing something right; her political enemies are screaming louder than ever. +21053002 Mrs. Thatcher, who was practicing the read-my-lips school of politics years before Mr. Bush encountered it, has made clear her opposition to refashioning Britain's free-market policies to suit the bureaucrats in Brussels. +21053003 In return, Mrs. Thatcher is excoriated from Fleet Street to Paris as an obstructionist. +21053004 Well, it now turns out that Mrs. Thatcher had to travel across the globe to the 49-member Commonwealth summit in Kuala Lumpur to discomfit the Holy Order of Consensus Builders. +21053005 "A disastrous farce in Malaysia," screamed the Manchester Guardian. +21053006 "She can no longer be trusted to behave in a civilised -- that is unflaky -- fashion when abroad." +21053007 Egad. +21053008 Canada's Brian Mulroney and Australia's Bob Hawke, the paper said, were "enraged." +21053009 The London Times said she had "contravened protocol." +21053010 As usual, her sin was saying what she thought. +21053011 She issued a separate statement, separating herself from a Commonwealth document reasserting the political value of imposing sanctions against South Africa. +21053012 While supporting the Commonwealth "in utterly condemning apartheid," her statement urged it to "encourage change" rather than inflict further punishment on the country's black population. +21053013 Actually there is a consensus somewhere on sanctions: In May a Gallup Poll found that most South African blacks, 85%, oppose economic sanctions. +21053014 Still, Mrs. Thatcher had once again gone against the grain. +21053015 Malaysia's Prime Minister Mahathir Mohamad sniffed, "If everybody else puts out their left foot and you put out your right foot, you are out of step." +21053016 Mrs. Thatcher: "If it's one against 48, I'm very sorry for the 48." +21053017 If indeed Mrs. Thatcher has one opponent that could throw her off political course it is Britain's mysteriously intractable inflation problem. +21053018 We cannot, however, join the political chorus that as one proclaims how offputting it is that Mrs. Thatcher refuses to get along by going along. +21053019 It is refreshing to see at least one world figure who knows what she believes in and is not inclined to reflexively compromise those beliefs. +21053020 Perhaps Mrs. Thatcher understands better than those distressed at her style that ultimately history and Britain's voters will decide who is right about Europe, sanctioning South Africa or running Britain's economy. +21054001 Follow With Care +21054002 "Work hard, play hard" is advice Best taken with some caution, For it can bring fitness and success Or a state of total exhaustion. +21054003 -- Edward F. Dempsey. +21054004 Double Check +21054005 The guest paid his bill at the resort hotel, and as he departed he noticed a sign saying, "Have You Left Anything?" +21054006 The man went back and spoke to the desk clerk: "That sign is wrong," he said. +21054007 "It should read, "Have You Anything Left?" +21054008 -- Sam Ewing. +21055001 After being trampled in Tuesday's selling stampede, the Nasdaq over-the-counter market dusted itself off and moved on in moderate trading. +21055002 But while the Composite gained 1.19, to 462.89, many issues didn't participate in the advance. +21055003 "It was a mixed bag," said Richard Bruno, who heads over-the-counter trading at PaineWebber. +21055004 "We played catch-up in some areas, and sold off in some others." +21055005 Volume totaled 132.1 million shares, which is about average for the year. +21055006 Of the 4,348 issues that changed hands, 1,074 advanced and 866 declined. +21055007 Big financial stocks carried the day. +21055008 The Nasdaq Financial Index rose 2.09, to 454.86. +21055009 Meanwhile, the Nasdaq 100 Index of the big non-financial stocks basically stood still, easing 0.12, to 452.23. +21055010 Despite the Composite's advance, some trading officials are guardedly optimistic that the market is on the road to recovery. +21055011 Lance Zipper, head of over-the-counter trading at Kidder Peabody, said it is difficult to make predictions based on yesterday's trading volume. +21055012 The advance felt more like a technical bounce, he said. +21055013 "The market acted better, but it wasn't a tremendous comeback," Mr. Zipper observed. +21055014 "If we get a decent rally {today}, maybe the buyers will come back." +21055015 If E.E. "Buzzy" Geduld is right, a seatbelt may come in handy during the next few sessions. +21055016 The president of Herzog, Heine, Mr. Geduld expects the market to be "very choppy" for a while. +21055017 "There's a lot of uncertainty out there, and it will cause a lot of swings," he said. +21055018 Among active stocks, MCI Communications rose 7/8 to 43 on 2.2 million shares, Mentor Graphics added 1/8 to 16 3/8 on turnover of 1.5 million shares. +21055019 Apple Computer dropped 1 1/8 to 46 1/2 on one million shares. +21055020 Almost one million shares of Sun Microsystems changed hands, but the issue was unchanged at 17 3/4. +21055021 Biotechnology issues were strong. +21055022 Amgen advanced 1 1/2 to 56; Chiron jumped 2 to 29 3/4; Cetus gained 1 to 16 7/8 and Biogen rose 5/8 to 14 5/8. +21055023 The American depositary receipts of Jaguar jumped 3/8 to 11 5/8 on turnover of 1.9 million. +21055024 Ford Motor said it raised its stake in the British car maker to 12.45% of the ordinary shares outstanding. +21055025 In a Securities and Exchange Commission filing, Ford said it holds 22.8 million ordinary shares. +21055026 The company has said it is prepared to make a bid for all of the shares outstanding of Jaguar if British government restrictions to such a transaction are removed. +21055027 Another takeover target, LIN Broadcasting, rose 1/2 to 109 1/4 on 495,000 shares. +21055028 Its suitor, McCaw Cellular, also added 1/2 to 40 1/2 on 395,700 shares. +21055029 Other stocks were affected by corporate earnings. +21055030 Informix, which recently said third-quarter net income rose to 16 cents a share from a penny a share a year ago, gained 1 5/8 to 13 5/8 on 810,700 shares. +21055031 The 1988 results included a one-time gain. +21055032 Cimflex Teknowledge rose 13/16, or 39%, to 2 7/8 on volume of 494,100 shares. +21055033 The maker of software products and services, which had a net loss in the 1988 third quarter, earned 200,000, or a penny a share, in this year's quarter. +21055034 It was Nasdaq's biggest percentage gainer. +21055035 Star States plunged 3 1/4 to 8 3/4 on 207,000 shares. +21055036 The company suffered a $9 million loss in the third quarter, compared with net of $2.5 million a year earlier. +21055037 Collagen dropped 2 5/8 to 15 5/8 on 428,000 shares. +21055038 In its fiscal-first quarter ended Sept. 30, the biomedical-products maker earned 10 cents a share, up from eight cents a share in the 1988 quarter, which included an extraordinary credit. +21055039 Occupational-Urgent Care Health fell 1 3/4 to 15 1/2 on 354,000 shares. +21055040 The company's third-quarter earnings also rose to 10 cents a share from eight cents a share a year ago. +21056001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +21056002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +21056003 Estimated and actual results involving losses are omitted. +21056004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +21056005 Otherwise, actual profit is compared with the 300-day estimate. +21057001 One day last March, CBS Sports President Neal Pilson and Olympics superagent Barry Frank met for lunch at the Lotos Club here. +21057002 Mr. Frank told Mr. Pilson that Olympics officials wanted $290 million or more for TV rights to the 1994 Winter Games in Norway. +21057003 The CBS official said that price sounded fine. +21057004 At that price, CBS was the only player at the table when negotiations with the International Olympic Committee started in Toronto Aug. 23. +21057005 Dick Pound, a committee member, began by disclosing that ABC and NBC had refused to even bid. +21057006 Then, he asked Mr. Pilson to raise his offer anyway: "If we can have a number that starts with a three, you can have a dea." +21057007 Mr. Pilson and his team huddled in a hallway and took just 10 minutes to return with a $300 million offer. +21057008 Mr. Pound responded, "It's a deal." +21057009 A beaming Mr. Pilson announced his lastest coup at a news conference that afternoon. +21057010 Mr. Pilson's rivals at ABC and NBC grimaced at the price. +21057011 How could CBS get pushed into outbidding itself? +21057012 Well, CBS, mired in the ratings cellar and looking to sports as a way out, wanted to close the deal immediately and block its rivals from getting another chance to bid. +21057013 But Mr. Pilson has been put in the uncomfortable role of setting off a bidding frenzy for sports rights, a frenzy that the networks had hoped to avoid. +21057014 "The price of poker has gone up," crows Charles M. Neinas, the College Football Association's executive director. +21057015 With CBS Inc. on a spending spree that may top $2.5 billion for four years of major sports events, the new bout of hyperinflation could jolt the entire broadcast business. +21057016 CBS itself could run up losses of a few hundred million dollars on four years of various sports if its big gamble goes wrong. +21057017 ABC, a unit of Capital Cities/ABC Inc., and General Electric Co.'s National Broadcasting Co. also risk losses if they outbid CBS for other contracts. +21057018 While rights fees head skyward, ad rates won't. +21057019 Advertisers already are balking at higher prices. +21057020 "The networks are paying too much for rights," warns adman Paul Isacsson of Young & Rubicam. +21057021 "If they ask advertisers to absorb the costs, they're likely to lose all but a few who need sports, above all." +21057022 Viewers may not be cheering, either. +21057023 Soaring rights fees will lead to an even greater clutter of commercials. +21057024 At the same time, some sports events will move off "free" television and onto cable or pay-cable, where half the nation's TV homes can't see them. +21057025 CBS has changed the rules by throwing out the old basis for sports bids -- that is, can the network alone make a profit on it? +21057026 Mr. Pilson emphasizes the ancillary benefits of positive press, contented affiliate stations, enthusiastic advertisers and huge audiences that might stick around to watch other CBS programs when the game is over. +21057027 The billion-dollar question is, How much are those benefits worth? +21057028 Some TV people doubt they will materialize and argue that even if they do, they won't offset the multimillion-dollar deficits that CBS could run up. +21057029 "As we've seen in the '80s," says Roger Werner, the president of the ESPN sports channel, "those deals can turn sour if the numbers don't work. +21057030 And three years later, in a sea of red ink, the heroes can find themselves with a lot of explaining to do." +21057031 CBS pursues top sports "to belie the fact that they aren't supporting affiliates, viewers and advertisers," charges Thomas H. Wyman, who was ousted as chairman of CBS Inc. after Laurence A. Tisch bought a 24.9% stake in the company and took over three years ago. +21057032 "They lost the entertainment crown, and they needed one. +21057033 And they've bought one." +21057034 On just three big deals -- for four years of baseball and for the Olympic Winter Games in both 1992 and 1994 -- Pilson bid a total of $1.64 billion. +21057035 That's well over half a billion dollars more than ABC and NBC were willing to pay. +21057036 (After 1992, the winter and summer Olympics will be held two years apart, with the revised schedule beginning with the winter games in 1994 and the summer games in 1996.) +21057037 Now, Mr. Pilson -- a former college basketball player who says a good negotiator needs "a level offocus and intellectual attention" similar to a good athlete-s is facing the consequences of his own aggressiveness. +21057038 Next month, talks will begin on two coveted CBS contracts, for the pro and college basketball finals. +21057039 CBS is likely to spend whatever it takes to keep them. +21057040 The potential bill: more than $600 million for several seasons, an 80% jump. +21057041 A few months later, CBS's college and pro football contracts come up for renewal; they could go for close to $100 million more than CBS now pays, a 40% to 50% rise. +21057042 "What happens to those two basketball contracts will shape the next five years of network sports," says Peter Lund, a former CBS Sports president now at Multimedia Inc. +21057043 J. William Grimes, former president of ESPN, says NBC may "come in with a huge bid for college basketball to take it away from CBS and say, 'We can overbid, too.' +21057044 And the winners will be the colleges, not either network. +21057045 Nor, by the way, advertisers." +21057046 Mr. Pilson is an unlikely big spender. +21057047 In the mid-1980s, after ABC had just bid a record $309 million for the 1988 Winter Games, he sniped at rivals for paying reckless prices. +21057048 "I love Pilson, but he was the guy who complained most bitterly and loudly," says Robert Wussler, a former CBS Sports president. +21057049 "And yet his company is one reason why rights are so high today." +21057050 Rivals carp at "the principle of Pilson," as NBC's Arthur Watson once put it -- "he's always expounding that rights are too high, then he's going crazy." +21057051 But the 49-year-old Mr. Pilson is hardly a man to ignore the numbers. +21057052 A Yale law school graduate, he began his career in corporate law and then put in years at Metromedia Inc. and the William Morris talent agency. +21057053 In 1976, he joined CBS Sports to head business affairs and, five years later, became its president. +21057054 Mr. Pilson says that when he spoke out a few years ago, "I didn't say forever, and I didn't say every property." +21057055 The market changed, he adds. +21057056 And he isn't the only big spender: NBC will pay a record $401 million for the 1992 Summer Games, and ESPN, 80%-owned by Capital Cities/ABC, will shell out $400 million for four years of baseball, airing 175 regular-season games a year. +21057057 "Our competitors say we overbid them. +21057058 Who cares? +21057059 Maybe we recognize values the other guys don't," Mr. Pilson says. +21057060 Mr. Pilson's "Major Events" strategy jelled after Mr. Tisch took over. +21057061 Mr. Pilson recalls that in April 1986, after CBS's annual meeting in Philadelphia, he and Mr. Tisch took the 90-minute train ride back to New York, and Mr. Pilson used this extended private audience to outline his ambitions. +21057062 Mr. Tisch, a billionaire in hotels and finance, was just learning the TV business. +21057063 Five months later, Mr. Tisch took over as CBS's chief executive, and soon he was wielding sole approval each time Mr. Pilson scribbled a frighteningly large figure on a slip of paper, sealed it in an envelope and gave it to sports negotiators. +21057064 Then, in May 1988, Mr. Tisch urgently needed to make a bold statement to quell rumors that he might sell the network. +21057065 Mr. Pilson gave him one: He bid $243 million for rights to the 1992 Winter Games in Albertville, France; ABC and NBC wouldn't bid even $200 million. +21057066 That started the still-raging bidding wars. +21057067 The "Major Events" strategy, Mr. Pilson says, is designed to notch a place for CBS on the crowded TV dial of the 1990s. +21057068 It's also a fast fix for an ailing image. +21057069 He sees flashy sports as the only way the last-place network can cut through the clutter of cable and VCRs, grab millions of new viewers and tell them about other shows premiering a few weeks later. +21057070 Next October, CBS, for the first time, won't have to start the season against the much-watched American and National baseball league championships and the World Series. +21057071 "I've been struggling against that for years," says Jonathan Rodgers, who runs WBBM-TV, the CBS-owned station in Chicago. +21057072 Even if baseball triggers losses at CBS -- and he doesn't think it will -- "I'd rather see the games on our air than on NBC and ABC," he says. +21057073 That isn't surprising. +21057074 Regular TV series ratings have slumped in the past five years, and premiering new shows is "a crap shoot," Mr. Pilson says. +21057075 But top sports events are still a strong bet to lure audiences 30% or 40% larger than those CBS usually gets. +21057076 Mr. Pilson says baseball and the Olympics may help CBS move up to No. 2 in the household ratings race, putting pizazz back into the network's image. +21057077 And the Winter Olympics will air during the February "sweeps," when ratings are used to set ad rates for local stations. +21057078 That will please once-grumpy affiliates -- another aim of the Pilson plan. +21057079 They gleefully await the "dream season" in 1990. +21057080 CBS will air the Super Bowl, baseball playoffs, college and pro basketball finals and other premier sports events. +21057081 "It's made me more committed to CBS," says Philip A. Jones, the president of Meredith Corp.'s broadcast group, which has two CBS affiliates. +21057082 The CBS plan to use big-time sports as a platform for other series carries no guarantee of success, however. +21057083 No amount of hype will bring viewers back if the shows are weak. +21057084 "In this market of 40 channels, sophisticated viewers and the remote control, trial isn't a guarantee of anything," ESPN's Mr. Werner says. +21057085 "If the show ain't a killer, they're gone." +21057086 During the 1984 Summer Games, for example, ABC touted "Call to Glory," but the military drama was missing in action within weeks. +21057087 Last October, during the 1988 Summer Games, NBC relentlessly pitched a new series, "Tattingers." +21057088 It belly-flopped anyway. +21057089 Moreover, sports is hardly the best way to lure adult women. +21057090 Though CBS might move up to No. 2 in household ratings, most advertisers buy based on ratings for women aged 18 to 49. +21057091 CBS may remain a distant No. 3 in that regard. +21057092 Nor is CBS a shoo-in to get blockbuster ratings. +21057093 In recent years, the World Series and the Olympics were aired against CBS's last-place lineup. +21057094 But CBS will put the athletes up against Bill Cosby, "Cheers" and other shows in NBC's No. 1 schedule. +21057095 Even the boon to affiliate relations may be limited. +21057096 The sports lineup may add only 1% to 5% to a station's annual profits. +21057097 It alone isn't likely to stop a station from dumping CBS shows. +21057098 "The World Series, seven nights, wasn't enough of an incentive," says Arnold Klinsky of WHEC-TV in Rochester, which dropped CBS for NBC six weeks ago. +21057099 "You've got to judge where the network will be in three years." +21057100 The intangible benefits may prove extremely costly if CBS can't avoid big losses on the sports coverage itself. +21057101 And avoiding such losses will take a monumental effort. +21057102 On the $1.06 billion baseball agreement alone, CBS is likely to lose $250 million in four years, contends Mr. Wussler, the former CBS man, now at Comsat Inc. +21057103 Nevertheless, he deems the deal "plain smart" for its huge promotional value. +21057104 Mr. Pilson calls that loss estimate "wildly inaccurate," conceding only that CBS will lose money on baseball in the first year. +21057105 "It's too early to tell" what happens after that, he says. +21057106 But Mr. Tisch expects losses in all four years of the contract, he told U.S. senators last June. +21057107 CBS will pay an average of $82 million more each year than ABC and NBC had paid together -- and those two networks expect losses on baseball this season. +21057108 Yet CBS will air only 12 regular-season games, 26 fewer than ABC and NBC. +21057109 That has outraged some fans. +21057110 It also indicates a $50 million drop in ad sales for regular-season games -- a risk CBS took to get an unprecedented lock on all playoff games. +21057111 If the playoffs end in four-game sweeps, losses could soar. +21057112 Advertisers are resisting higher prices, which would help close the gap. +21057113 CBS signed General Motors and Toyota to be the only auto-maker sponsors in baseball for four years. +21057114 Price: $265 million. +21057115 But ad executives who negotiated the deal say that works out to only $275,000 for a 30-second ad in the World Series through 1993 -- 17% less than what ABC is charging for the Series this month. +21057116 Moreover, "there's no question ad rates will come down considerably" from the GM-Toyota price, says Arnold Chase of Bozell Inc. +21057117 Other admen, however, say rates could rise later if ad spending surges. +21057118 The Winter Games outlook also is mixed. +21057119 CBS expects to make modest profits, but rivals contend that it will take a beating. +21057120 ABC lost $75 million on the 1988 Winter Games, partly because of its $309 million rights fee. +21057121 It aired 94.5 hours of mostly live events in Calgary -- helping raise ratings slightly from 1984 -- but still failed to deliver the audience promised to advertisers. +21057122 CBS will add 25 1/2 hours to that load in 1992, and ratings could be hurt by a lack of live events. +21057123 All prime-time fare will be on tape-delay because of time differences with Norway, so the results can be announced on the 6 o'clock news. +21057124 (Turner Broadcasting will pay CBS $25 million to air 50 hours of CBS coverage plus 50 hours of additional events.) +21057125 Barry Frank, the agent who took Mr. Pilson to lunch last March, says that even if CBS loses, say, $10 million, it matters little. +21057126 "Ten million ain't jack, man, when you got $3 billion sitting in the bank," says Mr. Frank, senior vice president at International Management Group, citing CBS's enormous cash reserves from selling off various businesses. +21057127 "It doesn't mean anything -- it's public-relations money." +21057128 Moreover, sports has "claimed its place" as a guaranteed ratings-getter, says David J. Stern, the commissioner of the National Basketball Association. +21057129 "This isn't outlandish bidding; this is a situation of very careful businessmen making judgments about the worth of product and acting on it. . . . +21057130 I would tend to trust their judgment." +21057131 That's easy for him to say: CBS's four-year NBA pact, now at $176 million for four years, could double in price by the time his talks with Mr. Pilson are completed later this month. +21057132 That would cut into CBS's slim margin for profit -- and error. +21057133 CBS Sports earned $50 million or so last year. +21057134 And CBS takes in the least money in prime time; ABC and NBC charge 30% to 35% more for ads, according to a Variety survey. +21057135 But CBS's costs are huge, and the risks go up with each new sports package that CBS locks up. +21057136 Although sports officials predict jumps of 50% to 100% in the major contracts coming up for renewal, ad rates may rise only 20%. +21057137 CBS hopes to save money by ordering fewer episodes of regular series because sports will fill up a few weeks of prime time. +21057138 But the savings will be minuscule. +21057139 Each hour of Olympics and baseball in prime time will cost CBS $2.6 million to $2.8 million; an hour-long drama costs only $900,000, and it is aired twice. +21057140 CBS may cushion losses with about $200 million a year in interest earned on the proceeds from selling CBS Records and other businesses. +21057141 But media-stock analyst Richard J. MacDonald of MacDonald Grippo Riely says Wall Street won't take kindly to that. +21057142 "On a stand-alone basis, the network ought to make money," he says. +21057143 When Mr. Pilson is asked directly -- can you make money on all this? -- he doesn't exactly say yes. +21057144 "What you're really asking is, Are the profit and loss margins anticipated on the events acceptable to management?" he says. +21057145 Then, he answers his own question. +21057146 "Yes, they are. +21057147 That's the only question we need to address. +21058001 Place a phone order through most any catalog and chances are the clerk who answers won't be the only one on the line. +21058002 Bosses have big ears these days. +21058003 Or open up an electronics magazine and peruse the ads for sneaky tape recorders and other snooping gadgets. +21058004 Some would make even James Bond green with envy. +21058005 Eavesdropping -- both corporate and private -- is on the rise, thanks to the proliferation of surveillance technologies. +21058006 And while sellers of the equipment and companies "monitoring" employees have few qualms, right-to-privacy advocates and some lawmakers are alarmed. +21058007 "New technologies are changing the way we deal with each other and the way we work," says Janlori Goldman, a staff attorney at the American Civil Liberties Union. +21058008 "Our expectation of confidentiality is being eroded." +21058009 On the corporate side, companies claim that monitoring employee phone conversations is both legal and necessary to gauge productivity and ensure good service. +21058010 The practice is common at catalog, insurance and phone companies, banks and telemarketers, according to trade groups and worker organizations. +21058011 It's also widespread for reservations clerks in the airline, car-rental, hotel and railroad industries. +21058012 The Communications Workers of America, which opposes such monitoring, says supervisors listen in on an estimated 400 million calls each year. +21058013 Among companies saying they monitor employees are United Airlines, American Airlines, United Parcel Service, Nynex Corp., Spiegel Inc., and the circulation department of this newspaper. +21058014 Some Wall Street firms monitor for recordkeeping purposes. +21058015 Dictaphone Corp. says there's a big business demand for its voice-activated taping systems, whether the sophisticated Veritrac 9000 system, which costs from $10,000 to $120,000 and can record 240 conversations simultaneously, or simple handheld units selling for $395. +21058016 Businesses "want to verify information and ensure accuracy," says John Hiltunen, Dictaphone's manager of media relations. +21058017 The state of Alaska recently bought the Veritrac system, he says, "to monitor the Exxon cleanup effort." +21058018 Merrill Lynch & Co. and Shearson Lehman Hutton Inc. say they use voice-activated systems to record and verify orders between salesmen and traders. +21058019 Shearson says it has taped some of its institutional trading desks, such as commodities and futures, for about four years. +21058020 Both companies stress that employees know they are being recorded and that customer conversations aren't taped. +21058021 Kidder Peabody & Co. says it monitors bond-trading conversations between brokers and customers to safeguard order accuracy. +21058022 Eavesdropping by individuals is harder to measure. +21058023 But devices are there for the asking, whether in stores or through the mail. +21058024 The Counter Spy Shop in Washington, D.C., for instance, offers the "Secret Connection" attache case, which can surreptitiously record conversations for nine hours at a stretch. +21058025 That and other fancy gizmos may cost thousands, but simple voice-activated tape recorders sell for as little as $70 at electronics stores like Radio Shack. +21058026 The most common use of spying devices is in divorce cases, say private investigators. +21058027 While tape recordings to uncover, say, infidelity aren't admissible in court, they can mean leverage in a settlement. +21058028 Concerned with the increased availability of surveillance technology and heavier use of it, lawmakers have proposed laws addressing the issue. +21058029 Nine states have introduced bills requiring that workers and customers be made aware of monitoring. +21058030 And four states -- California, Florida, Michigan and Pennsylvania -- have adopted rules that all parties involved must consent when phone calls are recorded. +21058031 Two bills in Congress hope to make such restrictions national. +21058032 In May, Rep. Don Edwards (D. Calif.) introduced congressional legislation that would require an audible beeping during any employee monitoring, warning people that they are being heard. +21058033 (The legislation is similar to a 1987 "beeper bill" that was defeated after heavy lobbying by the telemarketing industry.) +21058034 Also last spring, Rep. Ron Dellums (D., Calif.), introduced a bill requiring universal two-party consent to any tapings in cases that don't involve law enforcement. +21058035 In addition, products such as voice-activated tape recorders would have to include beep tones and labels explaining federal laws on eavesdropping. +21058036 The outlook on both federal bills is uncertain, especially remembering the 1987 defeat. +21058037 The ACLU and worker organizations back tighter laws, but employers and device manufacturers object. +21058038 "I'm sympathetic with workers who feel under the gun," says Richard Barton of the Direct Marketing Association of America, which is lobbying strenuously against the Edwards beeper bill. +21058039 "But the only way you can find out how your people are doing is by listening." +21058040 The powerful group, which represents many of the nation's telemarketers, was instrumental in derailing the 1987 bill. +21058041 Spiegel also opposes the beeper bill, saying the noise it requires would interfere with customer orders, causing irritation and even errors. +21058042 Laura Dale, center manager at the catalog company's customer order center in Reno, Nev., defends monitoring. +21058043 "We like to follow up and make sure operators are achieving our standards of company service," says Ms. Dale, who supervises 350 operators. +21058044 John Bonomo, a Nynex spokesman, says the telephone company needs to monitor operators to evaluate performance during the first six months on the job. +21058045 "Sometimes," he says, "we'll pull someone off the phones for more training." +21058046 Federal wiretap statutes recognize the right of employers to monitor employees' for evaluation purposes. +21058047 And in the past, Congress has viewed monitoring as an issue best handled in union negotiations. +21058048 But opponents, led by the CWA, say new laws are needed because monitoring is heavily concentrated in service industries and 81% of monitored workers aren't represented by unions. +21058049 The CWA claims that monitoring not only infringes on employee privacy, but increases stress. +21058050 "Nine to Five," a Cleveland-based office workers organization that supports the beeper bill, six months ago started a privacy hot line to receive reports of alleged monitoring abuses. +21058051 Meanwhile, supporters of the Dellums two-party consent bill say it is needed because of a giant loophole in the one-party consent law. +21058052 Currently, if the person taping is a party to the conversation, it's all right to record without the knowledge of the other person on the line. +21058053 (Intercepting other people's private conversations is illegal and punishable by five years in prison and fines of $10,000.) +21058054 The electronics industry is closely following the Dellums bill. +21058055 Some marketers of surveillance gear -- including Communication Control System Ltd., which owns the Counter Spy Shop and others like it -- already put warning labels in their catalogs informing customers of the one-party law. +21058056 But vendors contend that they can't control how their products are used. +21058057 Radio Shack says it has a policy against selling products if a salesperson suspects they will be used illegally. +21058058 "Everything sold at Radio Shack has a legal purpose," says Bernard Appel, president of the Tandy Corp. subsidiary. +21058059 He says he hasn't yet studied the Dellums bill, but that requiring a beeping tone on recorders "would be ludicrous." +21058060 Still, Radio Shack is aware that some of its products are controversial. +21058061 A few years ago, the company voluntarily stopped selling "The Big Ear," a powerful microphone. +21058062 With its ability to pick up rustlings and flapping wings, "it was meant to be a toy for children for bird watching," says Mr. Appel. +21058063 "But we were getting too many complaints that people were using them to eavesdrop on their neighbors." +21059001 The hottest rivalry in the computer industry intensified sharply yesterday as Digital Equipment Corp. announced its first line of mainframe computers, targeting International Business Machines Corp.'s largest market. +21059002 IBM fired back with new mainframes of its own, extending the long-dominant 3090 line with a 7% to 14% power boost. +21059003 Up to now, the intense competition between IBM and Digital has been confined largely to the broad midrange of the computer market, where Digital sought to exploit IBM's weaknesses in networking. +21059004 But Digital's move into mainframes will target IBM's home turf, where it has a commanding 70% share of the market. +21059005 Digital, Maynard, Mass., insisted yesterday that its marketing focus would differ sharply from IBM's. +21059006 "This is not your father's mainframe," said Allan McGuire, a Digital spokesman. +21059007 "It's a whole new generation," he said. +21059008 IBM, which gets about half its revenue and more than half its profit from mainframes, also announced upgraded operating system software that, together with the new hardware, lets customers do so-called batch processing as much as 60% faster. +21059009 Batch processing is the high-volume, single-job data processing that most mainframes typically chug through at night, such as updating accounts at banks. +21059010 IBM said the 16 new J and JH models will generally be available immediately, though three won't ship until the third quarter of next year. +21059011 Prices on the larger models, which range as high as $13 million, generally won't change. +21059012 Small models, whose performance increased as much as 46%, will carry higher prices. +21059013 Upgrades to bigger models also will be costlier. +21059014 Digital's VAX 9000 mainframes, which it claimed were among the fastest available, were priced from $1.2 million to $3.9 million, sharply lower than IBM models of comparable power. +21059015 The first models will ship in the spring, with the largest following in the fall. +21059016 Analysts were disappointed that Digital's new line apparently won't contribute much to earnings before the next fiscal year, which begins in July. +21059017 Jay Stevens of Dean Witter Reynolds Inc. said he may cut his earnings estimate for the current fiscal year because he had expected at least some mainframe profit this year. +21059018 But he added that he expected to raise his estimate for fiscal 1991 at the same time. +21059019 After the announcement yesterday, Digital shares gained $1.25 to close at $89.875 in New York Stock Exchange composite trading. +21059020 IBM shares closed at $103, down 50 cents, in Big Board trading. +21059021 Analysts have predicted strong pent-up demand for the new line among Digital's customers. +21059022 Large Digital buyers say the new VAX will let them stay with Digital when they need the power of a mainframe, instead of turning to IBM. +21059023 "I'm convinced there's a huge market for this machine," said Stephen Smith of PaineWebber Inc. +21059024 Digital also plans to compete fiercely with IBM when the giant's customers are computerizing new aspects of their businesses. +21059025 Digital, however, doesn't expect to displace IBM mainframes that are already installed at big companies. +21059026 In addition to commercial markets, Digital's new line targets the low end of the engineering and scientific supercomputer market, when it's packaged with an optional supercharger, known as a vector processor. +21059027 Digital's push into mainframes comes at a time when its mainstay minicomputer line is under growing pressure from smaller personal computers and workstations that operate on standard operating systems rather than on the proprietary systems that older minicomputers use. +21059028 Although Digital has staked out a major presence in the booming workstation market, profit margins in that market are much slimmer than for mainframes. +21059029 The slow-growing mainframe market also has shown new signs of life lately. +21059030 IBM's mainframe sales have held up better than expected this year, with analysts estimating they have risen 10% to 12%. +21059031 "Demand for these systems has been very, very strong," said Bill Grabe, a senior IBM marketing executive. +21059032 "We have a good strong backlog for the fourth quarter even without" the systems that were announced yesterday. +21059033 But the 3090 line is nearly five years old -- which is getting up there in mainframe years -- and its growth is expected to slow in 1990. +21059034 IBM, Armonk, N.Y., said it wanted to bring out the mainframes as soon as it could to spark as many sales as possible by the end of the year. +21059035 The fourth quarter is always IBM's biggest by far, with most sales coming in December as customers seek to use budgets before year end. +21059036 Still, Steve Cohen, an analyst at SoundView Financial Group Inc., said, "I don't see that this will be sufficient to give IBM a significant kick in the fourth quarter." +21059037 IBM has already indicated it will have problems in the quarter, partly because of a delay in shipping a high-end disk drive and partly because the strong dollar will cut significantly the value of IBM's overseas earnings when translated into dollars. +21059038 Some analysts have estimated IBM's fourth-quarter per-share earnings will fall 10% to $3.57 a share from $3.97 a share a year earlier. +21059039 In addition to the new mainframe hardware and software, IBM announced a magnetic-tape system for data storage that it said occupies half as much floor space as older systems but can store five times as much data on a single cartridge. +21059040 That should help IBM address the damage that a resurgent Storage Technology Corp. has inflicted in that market. +21060001 Concord Camera Corp. completed the acquisition of Peter Bauser G.m.b.H., a West German photographic products distributor. +21060002 Terms weren't disclosed. +21060003 Concord is a camera and photographic products company. +21061001 The Navy awarded Litton Industries Inc.'s Ingalls Shipbuilding division $15.5 million for shipyard services on the Aegis cruiser program. +21061002 The award exercises a Navy option to extend a contract given in 1984. +21062001 The White House called on Congress to attach the proposed capital-gains tax cut to its final deficit-reduction bill, but lawmakers seem likely to balk at the idea. +21062002 Earlier this month, the White House endorsed stripping the controversial tax measure from the bill so that Congress could pass quickly a "clean" bill containing only provisions specifically designed to meet federal budget targets under the Gramm-Rudman act. +21062003 But now that Congress has missed the legal deadline for meeting the Gramm-Rudman targets, the White House said it has returned to its original view that a capital-gains cut should be part of the deficit-reduction bill, on which Congress continues to work. +21062004 "If that doesn't happen, then we press forward on another vehicle and a separate vote," said press secretary Marlin Fitzwater. +21062005 On Capitol Hill, though, there doesn't seem to be sufficient sentiment to pair capital gains and the deficit-reduction bill. +21062006 Texas Rep. William Archer, the ranking Republican on the House Ways and Means Committee said, "I don't see how we have the votes" to place a capital-gains tax cut there. +21062007 Meanwhile, President Bush stepped up his personal lobbying for the capital-gains tax cut. +21062008 The White House said he plans to hold a series of private White House meetings, mostly with Senate Democrats, to try to persuade lawmakers to fall in line behind the tax cut. +21062009 The first meeting yesterday was with 10 Senate Democrats who have expressed an interest in cutting the tax. +21062010 According to some who attended, the senators argued that the president should give the Democratic leaders in Congress a victory of their own to compensate them for allowing the president to win on the controversial capital-gains issue. +21062011 Issues discussed in this context were an increase in the minimum wage and an increase in child-care spending. +21062012 The president was said to have been noncommittal. +21063001 Toshiba Corp. said its new French marketing concern has started operating under the aegis of the company's West German subsidiary, which formerly handled all sales of Toshiba electronic products in France. +21063002 A recent change in French law, according to Toshiba, permitted formation of the semiconductor marketing arm in Paris. +21064001 American Telephone & Telegraph Co. unveiled new optical transmission systems for data, video and voice communications. +21064002 Two products in what the telecommunications giant called a new generation of such equipment are available now, AT&T said, and three others will be introduced in 1990 and 1991. +21064003 The products are aimed at a market expected to total more than $1 billion a year in sales by 1995, said Morgan Buchner Jr., vice president of transmission systems for AT&T. +21064004 The products already available are cross-connect systems, used instead of mazes of wiring to interconnect other telecommunications equipment. +21064005 This cuts down greatly on labor, Mr. Buchner said. +21064006 To be introduced later are a multiplexer, which will allow several signals to travel along a single optical line; a light-wave system, which carries voice channels; and a network controller, which directs data flow through cross-connect systems. +21064007 AT&T said the products, unlike previous generations, will meet so-called Sonet compatability standards, which AT&T expects to be broadly adopted. +21064008 Sonet, or synchronous optical network, products have more capacity than earlier models. +21064009 "These products are the heart of our transmission-product line," Mr. Buchner said. +21064010 He declined to disclose specific prices, but said each product costs in the tens of thousands, or even hundreds of thousands, of dollars. +21064011 AT&T said it expects to beat to the marketplace two rivals, Northern Telecom Ltd. of Canada and France's Alcatel N.V., which also have announced Sonet-based products. +21064012 AT&T predicted strong growth in demand for such products. +21064013 It noted that last July, Nippon Telegraph & Telephone Corp. of Japan selected AT&T to supply $154 million of such equipment over a four-year period starting next year. +21065001 Law firms that have feasted and grown on the revenue from mergers and acquisitions work are feeling the squeeze as that work declines. +21065002 The disarray in the junk-bond market that began last month with a credit crunch at Campeau Corp. and the failure of banks to deliver financing for a leveraged buy-out of United Airlines parent UAL Corp. has reverberated through some of the nation's largest law firms. +21065003 While it is still too early to tell whether the dearth of takeover activity is only temporary, many lawyers say their firms are bracing for lower revenue from merger work, which has been so lucrative in the past. +21065004 Much of this work was done for higher fees than other legal work and was not generally billed by the hour. +21065005 If deals take longer to complete and there are fewer of them to do, "you can't bill the same kind of premium as when deals took a few weeks from start to finish," says one lawyer at a large New York firm. +21065006 "We're planning on a rip-roaring year in 1989, but next year we'll be another story," said Robert Freedman, a partner at Simpson Thacher & Bartlett. +21065007 "We're settling down to a less active period." +21065008 Lawyers at such firms as Sullivan & Cromwell; Willkie Farr & Gallagher; Wachtell, Lipton, Rosen & Katz; and Fried, Frank, Harris, Shriver & Jacobson all say they, too, have experienced a significant slowdown, particularly during the past few weeks. +21065009 "Everyone is waiting to see if deals can be done at sensible prices and if money is available," said Jack Nusbaum, co-chairman of Willkie Farr. +21065010 "It's hard to know right now if the change is fundamental or cyclical." +21065011 Some lawyers say the slump, while more obvious in recent weeks, began earlier this year. +21065012 Dennis Block, a partner at the New York firm of Weil, Gotshal & Manges, said that in the first eight months of this year, 89 hostile offers were launched, compared with 157 for the first eight months of +21065013 What's more, he said, "transactions are taking a much longer time to conclude and many fall apart for lack of financing" and more stringent scrutiny by state courts. +21065014 Lawyers also say an erratic stock market and uncertain financing conditions have sharply reduced the number of lucrative big deals likely to be proposed. +21065015 Still, some lawyers say the mergers slowdown hasn't affected foreign buyers as much as domestic ones. +21065016 "We just took another floor for our London offices," said Joseph Flom of the New York firm of Skadden, Arps, Slate, Meagher & Flom. +21065017 Davis Polk & Wardwell also said its international clients are keeping mergers and acquisitions partners busy. +21065018 "European companies are looking to buy American ones," said Henry King, the managing partner at that firm. +21065019 "But the question is whether things people are looking at will actually surface in live transactions in light of the current market conditions." +21065020 MURDER THREAT charged in Haas Securities Corp. stock-manipulation trial. +21065021 In the trial of former Haas Securities Chairman Eugene Laff, the defense accused one of the government's chief witnesses of threatening to kill Mr. Laff. +21065022 Mr. Laff's attorney, John Lang, filed a memorandum asking that the trial record include a secretly taped conversation in which the witness, Henry Lorin, told a Haas stockbroker that Mr. Laff should be killed. +21065023 The conversation was taped by federal investigators in what Mr. Lang said was an effort to get Mr. Lorin to implicate Mr. Laff. +21065024 In his opening arguments last week in federal court in New York, Mr. Lang told the jury that Mr. Lorin was the "real master criminal" behind the stock manipulation, and that Mr. Laff knew nothing about it. +21065025 In March, Mr. Laff was indicted on 15 counts of conspiracy, mail and securities fraud, and obstructing an investigation by the Securities and Exchange Commission. +21065026 The government has charged that Mr. Lorin and Mr. Laff were part of a conspiracy to maintain the prices of certain stocks at artificially high prices. +21065027 Mr. Lorin, a stock promoter, pleaded guilty to the stock-manipulation charges in April and agreed to cooperate with the government's investigation of Mr. Laff. +21065028 During his cross examination of Mr. Lorin, Mr. Lang read from the transcripts of a conversation that was taped Oct. 20, 1988. +21065029 Stanley Aslanian, the Haas broker who agreed to carry a hidden microphone during the conversation, also has pleaded guilty to conspiracy to commit securities violations in the stock manipulation and agreed to cooperate. +21065030 According to the transcript, Mr. Lorin said Mr. Laff should be killed after Mr. Aslanian told him that information given to Mr. Laff by another conspirator could jeopardize the stock scheme. +21065031 Mr. Lorin then repeated the threat, and Mr. Aslanian urged him not to say such things. +21065032 From the parts of the transcript read by Mr. Lang, it was unclear what exactly Mr. Lorin feared might happen. +21065033 When asked for a copy of the transcript, Mr. Lang said Judge Thomas P. Griesa had instructed him not to release it or the memorandum. +21065034 During the trial, Mr. Lang asked Mr. Lorin whether he had been so upset "that you considered killing Mr. Laff? . . . +21065035 Isn't it true that you were so worked up that framing Mr. Laff for this crime was the least that you planned for him?" +21065036 Mr. Lorin responded, "No." +21065037 When Mr. Lang asked Mr. Lorin whether he had taken steps to have Mr. Laff killed, the witness again said no. +21065038 Peter Lieb, the assistant U.S. attorney prosecuting the case, declined to comment on the trial. +21065039 TRUSTEE WHO MONITORED settlement payments to Dalkon Shield claimants quits. +21065040 Stephen A. Saltzburg, one of five trustees appointed to monitor payments to women injured by the Dalkon Shield intrauterine contraceptive, resigned, citing personal reasons. +21065041 Mr. Saltzburg, who teaches evidence at the University of Virginia School of Law and was a deputy assistant attorney general in the U.S. Justice Department until August, submitted his resignation earlier this month to federal Judge Robert R. Merhige Jr., in Richmond, Va. +21065042 Judge Merhige is overseeing the bankruptcy-law reorganization of A.H. Robins Co., the company that manufactured the shield. +21065043 In a letter Monday to Mr. Saltzburg, the judge said he would "reluctantly" accept the resignation. +21065044 The $2.38 billion Dalkon Shield Claimants Trust was established as part of A.H. Robins' bankruptcy-reorganization plan to resolve injury claims arising from use of the shield. +21065045 American Home Products Corp. proposes to acquire the company. +21065046 The remaining four trustees on the Claimants Trust have 60 days to nominate a successor to Mr. Saltzburg. +21065047 Judge Merhige will make the appointment. +21065048 CHICAGO LAW FIRM recruits American Express Co. vice president: +21065049 Coffield Ungaretti Harris & Slavin brought in Howard A. Menell as a partner in its Washington, D.C., office, which opened Oct. 1. +21065050 For the past six years, Mr. Menell, 43 years old, served as vice president for government affairs at American Express. +21065051 He previously was staff director and counsel for the Senate committee on banking, housing and urban affairs. +21065052 The other lawyer in the office is partner Robert A. Macari, the firm's legislative director. +21065053 THE PHILADELPHIA law firm of Ballard, Spahr, Andrews & Ingersoll said three partners have joined its business and finance department. +21065054 John Ake, 48, a former vice-president in charge of legal compliance at American Capital Management & Research Inc., in Houston, will join Ballard Spahr's corporate-securities practice. +21065055 Kent Walker, 45, a former partner at the Philadelphia law firm of Mesirov, Gelman, Jaffe, Cramer & Jamieson, will specialize in antitrust, real estate and mergers and acquisitions. +21065056 Richard L. Sherman, 42, will advise midsized businesses. +21065057 Mr. Sherman is former deputy general counsel for SmithKline Beckman Corp., in Philadelphia, now SmithKline Beecham PLC, in London. +21066001 Delmed Inc.'s top two officers resigned and were succeeded by executives of Fresenius USA Inc. and its parent, Fresenius AG, a major Delmed holder that has been negotiating to acquire a controlling stake. +21066002 In addition, Delmed, which makes and sells a dialysis solution used in treating kidney diseases, said negotiations about pricing had collapsed between it and a major distributor, National Medical Care Inc. +21066003 Delmed said Robert S. Ehrlich resigned as chairman, president and chief executive. +21066004 Mr. Ehrlich will continue as a director and a consultant. +21066005 Leslie I. Shapiro, chief operating officer and chief financial officer, also resigned, the company said. +21066006 Mr. Ehrlich was succeeded as chairman by Gerd Krick, a director of Fresenius, a West German pharmaceutical concern. +21066007 Ben Lipps, president of Fresenius USA, was named president, chief executive and chief operating officer. +21066008 None of the officials was available for comment. +21066009 In trading on the American Stock Exchange, Delmed closed at 50 cents, down 6.25 cents. +21066010 Fresenius owns about 42% of Delmed's fully diluted common stock. +21066011 The two companies have been discussing a transaction under which Fresenius would buy Delmed stock for cash to bring its beneficial ownership to between 70% and 80% of Delmed's fully diluted common stock. +21066012 The transaction also would combine Fresenius USA and Delmed. +21066013 Under the proposal, Delmed would issue about 123.5 million additional Delmed common shares to Fresenius at an average price of about 65 cents a share, though under no circumstances more than 75 cents a share. +21066014 Yesterday, Delmed said it "continues to explore the possibility of a combination with Fresenius USA." +21066015 It added that it is apparent that any terms of a combination "would be substantially less favorable than those previously announced." +21066016 While the discussions between Delmed and National Medical Care have been discontinued, Delmed will continue to supply dialysis products through National Medical after their exclusive agreement ends in March 1990, Delmed said. +21066017 In addition, Delmed is exploring distribution arrangements with Fresenius USA, Delmed said. +21067001 Philip L. Hall, president of J. Lawrence Hall Co., Nashua, was named a director of this thrift holding company, filling a vacancy. +21068001 Kennametal Inc. said it intends to acquire J&L America Inc. for $44 million plus a consideration of as much as an additional $12 million, payable over five years. +21068002 Kennametal is a carbide-products and cutting-tools company. +21068003 J&L, whose principal offices are in Detroit, is a mail-order distributer of industrial tools and supplies. +21068004 The acquisition is subject to approval by Kennametal's board. +21069001 Genentech Inc. said third-quarter profit more than doubled to $11.4 million, or 13 cents a share, from a depressed 1988 third-quarter performance of $5.3 million, or six cents a share. +21069002 Revenue rose 23% to $100 million from $81.6 million. +21069003 Net product sales accounted for $76 million, up from $57.5 million a year earlier. +21069004 Sales of the heart drug TPA were $43.6 million, better than last year's depressed third period when the company sold just $29.1 million of the drug. +21069005 But TPA sales fell below levels for this year's first and second quarter sales of $48 million, cooling investors. +21069006 Genentech stock fell 12.5 cents in trading yesterday on the New York Stock Exchange to $20.125. +21069007 In the nine months, net income slid 21% to $28.4 million, or 33 cents a share, from $36 million, or 42 cents a share. +21069008 Revenues climbed 18% to $289 million from $245.3 million. +21069009 "We continue to be on target for . . . increasing TPA sales 20% to 25% this year," said founder and Chief Executive Officer Robert Swanson. +21069010 But some analysts remain sour on the company. +21069011 "TPA sales are down quarter to quarter. +21069012 Expenses are flat and that's a good sign. +21069013 There's contract revenue from {limited research and development} partnerships. +21069014 But I still think the fundamentals are poor," said Denise Gilbert, an analyst with Montgomery Securities in San Francisco. +21069015 Genentech faces competition in the cardiac-drug market from SmithKline Beecham PLC's heart drug Eminase, expected to receive market approval shortly. +21069016 And Genentech isn't likely to have any new products ready for market until at least 1992, Ms. Gilbert added. +21069017 "The company's stock is trading at 40 times next year's numbers, and that's too much," she said. +21069018 On the plus side, Genentech is benefiting from a lower tax rate due to its research outlays, giving a boost to earnings, she said. +21070001 THE AMERICAN CANCER SOCIETY'S 1988 costs of fund raising and administration were $72.4 million, or 23.2% of its revenue. +21070002 A chart in last Friday's special report on personal finance contained an incorrect figure supplied by NonProfit Times, a monthly newspaper covering charities. +21071001 Ryder System Inc. posted a third-quarter net loss of $27.6 million, because of an expected $57 million after-tax charge and continued weakness in the company's truck-rental business. +21071002 The loss, which is 38 cents a share, is the transportation services concern's first quarterly setback in more than a decade and compares with net income of $55.3 million, or 68 cents a share, in the year-ago period. +21071003 The previous year's third quarter included gains on the sale of aircraft by the company's Aviation Leasing & Services Division. +21071004 Revenue was flat at $1.3 billion. +21071005 The latest quarter's after-tax charge -- which is 75 cents a share -- was related to adjustments to reserves for workers' compensation claims; reductions in vehicle fleets, staff and facilities; and writedowns of assets. +21071006 Although Ryder didn't break out the charge, analysts estimated that the majority of the $57 million was linked to workers' compensation reserves and anticipated losses on the disposal of trucks. +21071007 Many analysts said they weren't surprised that problems in many of Ryder's lines of business continued to plague the company. +21071008 "It pretty much confirms what we had been expecting," said Anthony Hatch, an analyst at PaineWebber Inc. +21071009 In New York Stock Exchange composite trading yesterday, Ryder closed at $22.25, down 37.5 cents. +21071010 M. Anthony Burns, Ryder's chairman and chief executive officer, said: "We're constantly trying to find ways to regain the earnings momentum. +21071011 But we're still at the beginning stages of some of these changes." +21071012 He said the fourth quarter will be "challenging," and maintained his conservative forecast that 1990 "won't be a barn burner." +21071013 In the nine months, net income fell 79% to $31.1 million, or 33 cents a share, from $149.3 million, or $1.82 a share, a year earlier. +21071014 Revenue rose slightly to $3.8 billion from $3.7 billion. +21072001 Robert L. Wood, 37-year-old chief financial officer, was named chairman and chief executive officer of this independent power producer, succeeding Raymond L. Hixson, 63. +21072002 Mr. Hixson, who resigned effective Jan. 1 for health reasons, remains a director. +21073001 Advanced Medical Technologies Inc. said it purchased 93% of a unit of Henley Group Inc. +21073002 Advanced Medical paid $106 million in cash for its share in a unit of Henley's Fisher Scientific subsidiary. +21073003 The unit makes intravenous pumps used by hospitals and had more than $110 million in sales last year, according to Advanced Medical. +21074001 Maxicare Health Plans Inc., operating under Chapter 11 bankrupty-law protection, outlined terms of its reorganization plan that calls for creditors and shareholders to receive at least $78.8 million in cash and $67 million face amount of 10-year, 13.5% notes. +21074002 The plan, outlined in a filing with the Securities and Exchange Commission, also calls for creditors and shareholders to receive common stock and warrants in the new company. +21074003 The health-maintenance concern said it reached the agreement with its court-appointed creditors' committees Sept. 28, and intends to submit the plan to the bankruptcy court in November. +21074004 Maxicare, which filed for bankruptcy protection March 16, has total debt of $750 million. +21074005 The company has promptly paid all its expenses and obligations since March 16, a Maxicare spokesman said. +21074006 General unsecured creditors of Maxicare's continuing operations initially will receive $47 million in cash, $35 million face amount of senior notes, and 49% of the new company's stock. +21074007 Those creditors, whose claims are estimated at about $200 million, include doctors and hospitals. +21074008 General unsecured creditors of Maxicare's discontinued operations, whose claims total $110 million, initially will receive $17.8 million in cash and $10 million in senior notes. +21074009 Maxicare's public shareholders will receive 2% of the new company's stock and warrants entitling them to acquire as much as an additional 5% of the stock on a fully-diluted basis. +21074010 General unsecured creditors of the parent holding company initially will receive $14 million in cash, $22 million face amount of senior notes and 49% of the new company's stock. +21074011 That group includes banks and bondholders, who have claims of $150 million and $350 million respectively. +21074012 Maxicare also will guarantee that the banks will realize at least $7 million on certain notes pledged to them. +21074013 Maxicare said the plan stipulates that enrollees in the company's health plans will have valid claims covered in full. +21074014 Those claims, along with priority employee claims, administrative claims, priority tax claims and administrative convenience claims, are expected to total about $16 million. +21074015 The plan is subject to approval by the bankruptcy court and others. +21074016 The spokesman said Maxicare hopes to complete the reorganization by early 1990. +21075001 Birmingham Steel Corp. said that its Emeryville, Calif., minimill sustained only minor damage from last week's earthquake. +21075002 Steelmaking resumed Oct. 18, but the company expects production to be hampered in the next few months by traffic disruptions around the plant and outages for repair to gas and electric power systems. +21076001 The average interest rate rose to 8.337% at Citicorp's $50 million weekly auction of 91-day commercial paper, or corporate IOUs, from 8.292% at last week's sale. +21076002 Bids totaling $475 million were submitted. +21076003 Accepted bids ranged from 8.328% to 8.347%. +21076004 However, Citicorp said that the average rate fell to 7.962% at its $50 million auction of 182-day commercial paper from 7.986% at last week's sale. +21076005 Bids totaling $425 million were submitted. +21076006 Accepted bids were all at 7.962%. +21076007 The bank holding company will auction another $50 million in each maturity next Tuesday. +21077001 Hughes Aircraft Co., a General Motors Corp. unit, said the Intelsat VI commercial communications satellite is set to be launched Friday. +21077002 The satellite, built by Hughes for the International Telecommunications Satellite Organization, is part of a $700 million contract awarded to Hughes in 1982 to develop five of the three-ton satellites. +21078001 Italian car manufacturer Fiat said it isn't interested in partnership or industrial cooperation with Swedish auto and aerospace group Saab-Scania AB, which faces heavy losses in its car division. +21078002 Fiat said it's only interested in technical cooperation with Saab. +21078003 "We know that Saab is looking for a partner for industrial and financial cooperation," Fiat said. +21078004 "But that partner isn't Fiat." +21078005 The Italian auto maker confirmed that it was discussing technical cooperation with Saab, but declined to comment on rumors that it was planning to buy Saab's car division. +21078006 Fiat's rejection of partnership with Saab means that the Swedish company, which announced last Friday that its pretax profit for the first eight months plummeted 49%, will have to look for a partner among other car manufacturers as both Ford Motor Corp. and Fiat have turned down the offer. +21078007 News reports said yesterday that Saab is trying to start negotiations with French automakers Peugeot and Renault. +21079001 ITT Corp., its insurance business hurt by Hurricane Hugo, reported a 4% decline in third-quarter net income, despite a 4.2% rise in revenue. +21079002 ITT also forecast a fourth-quarter blow to earnings from the California earthquake. +21079003 Except for insurance, however, ITT said it expects improved operating earnings "in all of our businesses for the full year." +21079004 Third-quarter net income dropped to $221 million, or $1.55 a share, from $230 million, or $1.60 a share, in the year-earlier period. +21079005 ITT bought back 8.8 million shares this year, including 2.8 million during the third quarter. +21079006 Third-quarter revenue rose to $4.9 billion from $4.7 billion. +21079007 In New York Stock Exchange composite trading yesterday, ITT common stock fell 62.5 cents to close at $58.75 a share. +21079008 In addition to insurance and finance, ITT has interests in electronic parts, defense technology, automotive parts, fluid technology, pulp and timber, and communications and information services. +21079009 "Hurricane Hugo losses and the continuing industrywide downturn in the property and casualty insurance business were the major factors affecting quarterly comparisons," said Rand V. Araskog, chairman and chief executive officer. +21079010 ITT's Hartford Insurance Group had a $53 million quarterly pretax loss from Hurricane Hugo, ITT said. +21079011 Hartford expects to report a further pretax loss of about $30 million for the current quarter, as a result of the California earthquake this month, ITT added. +21079012 The company also disclosed its financial operations had increased reserves for bankrupt accounts, resulting in a $40 million pretax charge for the third quarter. +21079013 This charge was partly offset, however, by $19 million in pretax capital gains. +21079014 ITT also said its consumer finance unit agreed in September to settle a civil suit with the California attorney general over alleged improper lending and sales practices. +21079015 Anticipating this settlement, the company recorded a pretax charge of $24 million during the fourth quarter of 1988. +21079016 An ITT spokesman said the charge wasn't publicly reported at the time. +21079017 "The company's product businesses, with the exception of electronic components, had higher operating earnings for the first nine months of 1989," the company said. +21079018 Elaborating on the exception, it said volume and margins were lower in semiconductor and power systems operations. +21080001 Amoco Corp. said it plans to install two platforms and drill as many as 22 wells to develop oil reserves it discovered in the Atlantic Ocean about 25 miles off the coast of Congo. +21080002 Amoco, an energy concern, is the operator of the project with a 43.75% working interest, and other partners include Hydro Congo, the Congolese state oil company, with a 50% interest, and Kuwait Foreign Petroleum Exploration Co. with a 6.25% stake. +21080003 Production is expected to be about 40,000 barrels of oil a day after completion of the drilling program. +21081001 Jacobs Engineering Group Inc.'s Jacobs International unit was selected to design and build a microcomputer-systems manufacturing plant in County Kildare, Ireland, for Intel Corp. +21081002 Jacobs is an international engineering and construction concern. +21081003 Total capital investment at the site could be as much as $400 million, according to Intel. +21081004 The 150,000-square-foot plant will be constructed on a 55-acre site near Dublin. +21081005 Jacobs Engineering officials couldn't be reached for comment. +21082001 Bob Evans Inc. said its board authorized the purchase of as many as 500,000 shares of its common. +21082002 The stock, to be purchased on the open market or through privately negotiated transactions, will be held as treasury shares for stock options or other general corporate purposes. +21082003 The program expires April 27. +21082004 The restaurant operator had 32.2 million shares outstanding as of Sept. 29. +21083001 Coda Energy Inc. said it completed the sale of Phenix-Transmission Co. to Bishop Pipeline Co., for $17 million in cash and notes. +21083002 Coda, an oil and gas concern, said it and its partners received $7 million in cash and $10 million in five-year notes for the Kansas intrastate pipeline. +21083003 Coda owned 60% of the pipeline and private entities owned the rest. +21083004 Bishop is based in Hutchinson, Kansas. +21084001 French consumer prices rose 0.2% in September from August, according to provisional estimates by the National Statistics Institute. +21084002 The agency noted that because of a strike by Finance Ministry personnel the provisional estimate doesn't correspond exactly to the consumer price index usually published. +21084003 The agency noted, however, the estimate will likely be confirmed. +21084004 The institute didn't estimate annual price growth in September, but a 0.2% rise by the consumer price index would put growth at either 178.8 or 178.9, up 3.3% or 3.4% from the year-earlier level of 173.1. +21084005 The index was 178.5 in August and is based on 1980 equaling 100. +21085001 International Technology Corp. and Davy McKee Corp., a unit of London's Davy Corp., said they were awarded a $55 million contract by the U.S. Army Corps of Engineers for the closure of the Helen Kramer Landfill Superfund site in Mantua Township, N.J. +21085002 International Technology, an environmental management concern, said the contract includes construction of slurry walls, gas collection systems, a multilayer cap and water treatment plant. +21086001 U.S. Memories Inc., the venture that seeks to crack Japan's domination of the memory-chip market, said it has chosen four potential sites for its operations after a fierce bidding war by 15 states. +21086002 U.S. Memories said it will begin visits during the next several weeks to sites in Austin, Texas; Colorado Springs, Colo.; Middletown, N.Y.; and Phoenix, Ariz. +21086003 Sanford Kane, president, said the finalists were chosen from among 57 locations based on financial, business, and quality of life considerations. +21086004 Conspicuous by its absence is California. +21086005 San Jose and several other California cities mounted major campaigns during the summer to woo the group, which was founded last June by seven electronics concerns. +21086006 The venture plans to announce a final site by late November. +21086007 It expects to begin construction by year end and start shipping four-megabit dynamic random-access memory chips by mid-1991. +21086008 U.S. Memories investors include Advanced Micro Devices Inc., Digital Equipment Corp., Hewlett-Packard Co., International Business Machines Corp., Intel Corp., LSI Logic Corp., and National Semiconductor Corp. +21086009 Mr. Kane said he expects several other companies to join some time after the venture completes a business plan, probably later this week. +21087001 A seat on the Chicago Board of Trade was sold for $390,000, unchanged from the previous sale Oct. 13. +21087002 Seats currently are quoted at $361,000 bid, $395,000 asked. +21087003 The record price for a full membership on the exchange is $550,000, set Aug. 31, 1987. +21088001 Dennis R. Mangino, a general manager of EniChem Americas, was named vice president of research and development, a new post at this steel company. +21089001 Fred D. Thompson, a 47-year-old attorney in private practice in Washington and Nashville, Tenn., was elected to the board of this engineering and construction company. +21089002 The board increased to 11 seats. +21090001 Sun Microsystems Inc. said Prime Computer Inc. has agreed to resell as much as $200 million worth of Sun's machines over the next two years. +21090002 The computers use the company's own microprocessor called Sparc, Sun said. +21091001 Quickview Systems Inc. said it filed a lawsuit against Apple Computer Inc., claiming patent infringement in an element of Apple's popular HyperCard software program. +21091002 The suit, filed in Minneapolis federal court, claims that Apple violated a Quickview patent that allows computer users to display "only portions of multiple fields on a computer screen with the ability to see the entire contents of any given field." +21091003 The HyperCard program allows users to design applications for Macintosh computers without having to be hardcore programmers and is distributed with every Macintosh sold. +21091004 It's one of the most popular computer programs of all time, but analysts said the Quickview suit doesn't appear to bode major difficulties for Apple. +21091005 The technology at issue "is not an underlying technology of HyperCard to my knowledge," said Danny Goodman, a San Francisco-area HyperCard program developer. +21091006 Nonetheless, the suit seeks unspecified damages that an attorney for Quickview claimed could run into the millions of dollars. +21091007 In Cupertino, Calif., Apple said that it believes the case has no merit, and that HyperCard does not infringe "any valid claims" of the Quickview patents. +21091008 It said it filed an action of its own in federal court in San Jose, Calif., seeking a declaration that Quickview's claims are invalid. +21092001 This is in response to Atsushi Kageyama's Manager's Journal, "Looking for the Real Thing in Sony" (editorial page, Oct. 2). +21092002 Though I agree with many of Mr. Kageyama's comments, I believe he points the gun in the wrong direction: It isn't the Americans who must be criticized for not understanding the Japanese culture, but the Japanese who insist on forcing their culture on Americans. +21092003 The Japanese want us to accept their culture, but they refuse to accept the American culture. +21092004 Japanese managers can't expect Americans to behave as if they were Japanese; instead, they must manage Americans as Americans. +21092005 Americans are expected to conform to the Japanese culture when in Japan. +21092006 What is wrong with expecting the Japanese to conform to American norms when they locate here? +21092007 Americans place native or native speakers in charge of subsidiaries overseas. +21092008 European multinationals do likewise; even in America, their affiliates are usually run by American managers. +21092009 But the Japanese insist upon Japanese managers everywhere they set up shop. +21092010 Do the Japanese feel so superior that they cannot find capable American managers? +21092011 Paul A. Herbig Indiana University Bloomington, Ind. +21092012 Mr. Kageyama suggests that Kotobuki Electronics Industries workers were having difficulty understanding their foreign bosses' perspective. +21092013 While Mr. Kageyama does an excellent job of explaining the differences, both cultural and philosophic, I question his perspective. +21092014 Would he suggest that employees of an American company doing business in Japan conform to their new bosses' culture and philosophy? +21092015 Obviously not. +21092016 Thus the conclusion is that the burden rests with management to understand/adopt the culture and philosophy of the country in which they are operating. +21092017 The workers can be motivated, and the company reach its full potential, only when management embraces the employees' perspective. +21092018 A. Lawton Langford President Municipal Code Corp. Tallahassee, Fla. +21092019 I believe Mr. Kageyama left out one major aspect of Japanese culture that permeated his piece: the belief in the superiority of Japanese culture and behavior vs. others. +21092020 A manager should not have to rebut the opinions of his employees about the style of his management. +21092021 Instead, he should listen to see how that criticism can be used constructively to advance his objective of carrying out a set of tasks through the efforts of his subordinates. +21092022 Japanese culture vs. American culture is irrelevant. +21092023 The key is how a manager from one culture can motivate employees from another. +21092024 For Mr. Kageyama to argue that American employees must passively accept a direct imposition of the Japanese way of doing things is outright cultural chauvinism of the first order. +21092025 The Japanese are neglecting the opportunity to synthesize a new corporate culture based on a fusion of the best aspects of both national cultures. +21092026 Mr. Kageyama is accurate to deny a specific anti-American bias. +21092027 It is more difficult to deny a general bigotry in seeing things only the Japanese way. +21092028 When the response to criticism is only a better explanation of policies without altering the reasons for the criticism, I am convinced that Mr. Kageyama has still failed to attack the root cause of the problem and is simply treating symptoms. +21092029 Norman L. Owens Tempe, Ariz. +21093001 Cie. Generale des Eaux reported that net profit climbed 30% in the first half of 1989 and said that it expects a gain of about 25% for the full year. +21093002 The French water treatment group said consolidated net profit after payments to minority interests rose to 749 million francs (US$119.2 million) from 575 million francs in the first half of 1988. +21093003 Revenue climbed 13% to 45.4 billion francs from 40.1 billion. +21093004 Generale des Eaux said the earnings gain was led by its water, energy and building activities. +21094001 As a presidential candidate in 1980, George Bush forthrightly expressed his position on abortion in an interview with Rolling Stone magazine published that March. +21094002 What did he think of the Supreme Court's decision legalizing abortion? +21094003 "I happen to think it was right," Mr. Bush said flatly. +21094004 A few months later, Mr. Bush became Ronald Reagan's running mate. +21094005 Suddenly, George Bush the pro-choice advocate became George Bush the anti-abortionist. +21094006 And the vacillation didn't end there. +21094007 Just a month ago, Mr. Bush sternly threatened to veto a pending welfare bill if it provided any abortion funds, except to save a woman's life. +21094008 Then, two weeks ago -- declaring that "I'm not looking for any conflict over this" -- the president said he would consider a compromise to fund abortions for poor women in cases of rape and incest. +21094009 But only four days after that, Mr. Bush resurrected the veto threat. +21094010 "I do not support federal funding for abortions except where the mother's life is threatened," he proclaimed, and finally vetoed the measure last weekend. +21094011 So what does George Bush really believe? +21094012 The answer is so murky that it is beginning to get this popular president in trouble with each of the increasingly vocal, increasingly powerful sides of the abortion issue. +21094013 The result is mistrust and criticism from all around. +21094014 Anti-abortion forces regard him as at best an uncertain ally. +21094015 "In all honesty if you ask me, `Is this man a true believer?' I don't know," says John Fowler, head of the Washington-based Ad Hoc Committee in Defense of Life Inc. +21094016 Yet abortion-rights forces remain bitterly critical. +21094017 Douglas Gould, vice president of communications for the Planned Parenthood Federation of America, calls Mr. Bush's position on the abortion-funding issue "extremely cruel," adding: "The guy hasn't done one thing about prevention. +21094018 He's totally geared to a punitive position." +21094019 Mr. Bush is plainly uncomfortable with the entire abortion question. +21094020 For most of the past nine years, he has striven to convince anti-abortion activists of his stalwart support for their position. +21094021 But ever since the Supreme Court's Webster vs. Reproductive Health Services decision this year changed the political landscape of the abortion issue, the president seemingly has tried just as hard to avoid saying anything more unless pressed to the wall. +21094022 Many Americans still agonize over their own personal feelings about abortion. +21094023 Mr. Bush's problem isn't so much that he seems to be agonizing over the issue as it is that he seems to vacillate on it. +21094024 The political risk would be far less if the president drew a firm line and hewed to it, experts insist. +21094025 "If you have a position, you're better off to stick with it than to move around very much," says Republican strategist John Sears. +21094026 The need for consistency is especially acute for Mr. Bush, who, Mr. Sears maintains, lacks a strong ideological base. +21094027 By his moderate Republican heritage as well as the warnings of political advisers who say the issue is vital to younger voters, the president might seem to have at least some sympathy with abortion-rights arguments. +21094028 Yet he is also firmly bound by his hard-line rhetoric and promises he made to anti-abortion activists during his long pursuit of the White House. +21094029 On many issues -- flag-burning, for instance -- his keen political sensitivities overcome such conflicts. +21094030 But Mr. Bush and his advisers miscalculated the politics of the abortion issue, failing to grasp how dramatically the abortion-rights movement would be aroused following last summer's Supreme Court decision to restrict those rights in the Webster case. +21094031 "It was one of the quickest changes in public attitudes I've ever seen," says former Reagan pollster Richard Wirthlin. +21094032 These days, when others raise the subject of abortion, the usually loquacious president can be close-mouthed almost to the point of curtness. +21094033 Ten days ago he was asked to amplify the reasons behind his anti-abortion stance. +21094034 "My position is well-known and well-stated," he replied. +21094035 A close look at his record over the last 15 years suggests that Mr. Bush has well-stated his views -- on all sides of the issue. +21094036 In 1974, as the U.S. representative to the United Nations, he wrote an introduction to a book on world population in which he boasted of his leadership during his term in Congress in expanding family-planning services for the poor. +21094037 Running for president in early 1980, he was also quoted as supporting federal funding for abortions in cases of rape, incest and to save the life of the mother. +21094038 In his Rolling Stone interview in 1980, Mr. Bush volunteered his abortion-rights remarks to contrast himself with his rival, Ronald Reagan. +21094039 In addition to supporting the landmark Roe vs. Wade Supreme Court decision legalizing abortion, Mr. Bush said he opposed the constitutional ban on abortion that Mr. Reagan was promising to promote. +21094040 As Mr. Reagan's running mate, though, Mr. Bush plunged headlong into the anti-abortion position, endorsing a constitutional amendment outlawing abortion. +21094041 He acknowledged only one difference with Mr. Reagan -- that the amendment ought to have exceptions for rape and incest as well as to save a woman's life. +21094042 Throughout the early 1980s, Mr. Bush was quoted sometimes supporting federal funding for abortion in cases of rape and incest and sometimes opposing it. +21094043 In April 1986, then-Vice President Bush had his staff write a letter spelling out that he would support a constitutional amendment banning abortions except in cases of rape, incest and life endangerment, but that he opposed federal funding in all but the latter case. +21094044 At the GOP convention last year, he again came out for an amendment with exceptions for rape, incest and life endangerment. +21094045 His rhetoric gathered momentum as he rolled into office, affirming his "firm support of our cause" during an anti-abortion rally three days after his inauguration last January. +21094046 He again urged passage of a constitutional amendment outlawing abortion. +21094047 But when the high court ruled in the Webster case in July, the president began to lower the volume. +21094048 When the ruling was handed down, the vacationing president dispatched Chief of Staff John Sununu to issue a statement and refused to answer questions himself. +21094049 He did later threaten vetoes over legislation restoring the District of Columbia's right to use its own tax money to fund abortions for poor women and over restoring funding to the United Nations Population Fund. +21094050 But in the months since then, while trying to drum up support for other issues -- such as an anti-flag-burning constitutional amendment -- he has shied away from talking about abortion. +21094051 What few comments he has initiated have been oblique, such as urging "greater efforts toward the protection of human life" at a meeting of Catholic lawyers in Boston last month. +21094052 The White House has likewise avoided any involvement in Florida's recent special legislative session on abortion, which anti-abortion forces had regarded as a key test of their ability to get state lawmakers to toughen abortion restrictions. +21094053 The session failed to enact any new curbs. +21094054 Now, some see Mr. Bush trapped in a position he is neither comfortable with nor able to escape. +21094055 Ken Ruberg, head of the Republican Mainstream Committee, a group of party moderates, observes: "The administration finds itself in an ideological cul de sac that it will find it difficult -- if not impossible -- to get itself out of. +21095001 Christopher Cox's Oct. 13 editorial-page article "Toward More Crippling Lawsuits . . ." misses the point. +21095002 The 1989 Americans With Disabilities Act is about eliminating discriminatory barriers. +21095003 When we look closely at our own history, it is clear that our constitutionally mandated civil rights have evolved not through the goodness of people's hearts but through legislation and constitutional amendments. +21095004 This is how American women won the right to vote. +21095005 And it is how African-Americans and other minority groups were guaranteed their equal rights as citizens in this nation. +21095006 For the more than 43 million Americans with disabilities, the 1989 Americans With Disabilities Act provides the missing piece. +21095007 Disabled Americans have had their civil rights guaranteed in all federally funded programs since Section 504 was passed as a part of the 1973 Rehabilitation Act. +21095008 The 1989 act simply extends these guarantees to the private sector. +21095009 Those who fear a plethora of suits paralyzing our legal system need only look at the record on the Rehabilitation Act. +21095010 Without legal recourse, there are no guarantees of civil rights for anyone. +21095011 John R. Garrison President National Easter Seal Society +21096001 Ford Motor Co. said it is consolidating control of its Asian operations under a new organization here that will be headed by W. Wayne Booker. +21096002 Ford Asia-Pacific will coordinate the activities of Ford subsidiaries in Japan, Australia, Taiwan and New Zealand and work with Ford business associates throughout the region. +21096003 These functions are currently performed out of Melbourne, Australia, and at Ford's headquarters in Dearborn, Mich. +21096004 Mr. Booker, executive director of Ford's Latin America Automotive Operations since December 1988, was named vice president of Ford Asia-Pacific. +21097001 Goodyear Tire & Rubber Co., buoyed by improved operating profit in its tire segment, reported that third-quarter net income rose 11% to $70.5 million, or $1.22 a share. +21097002 In the year-ago period, Goodyear had net of $63.5 million, or $1.11 a share. +21097003 Sales rose slightly to $2.68 billion, from $2.66 billion. +21097004 Analysts had mixed responses to the results. +21097005 Donald DeScenza, an independent analyst in New Canaan, Conn., said he was "impressed with the company's performance." +21097006 He said results were better than he'd expected and indicate that Goodyear is in the midst of a turnaround from a string of lackluster quarters that have plagued the company for a year. +21097007 However, Harry Millis, an analyst at McDonald & Co., Cleveland, said Goodyear's results "fell at the bottom" of his range of estimates. +21097008 Excluding an increase in the tax rate and the effects of foreign currency translations, Mr. Millis said the company's results "were still a little disappointing." +21097009 Goodyear's stock, which has been weak in recent weeks, fell $2.875 yesterday to close at $43.875 a share in composite trading on the New York Stock Exchange. +21097010 The Akron, Ohio-based company said pretax operating income in its tire segment jumped about 31% to $196.2 million from $150.2 million a year earlier, reflecting improvements in raw material costs, sales of replacement tires and pricing. +21097011 McDonald's Mr. Millis said Goodyear appeared to have held or gained some market share in the U.S. for the first time since the second quarter of 1988. +21097012 But Goodyear said total U.S. tire unit sales were off about 2%. +21097013 Total tire segment sales were up only about 1% to $2.2 billion, and the company said it reduced manufacturing levels at some of its U.S. tire plants because of inventory adjustments and slackened production by auto makers. +21097014 In the latest quarter, Goodyear's tax rate was 51% compared with 41% a year earlier. +21097015 As a result, total tax outlays were $73.5 million, compared with $44.1 million the year earlier. +21097016 For the nine months, profit skidded about 35%, reflecting charges taken in this year's second quarter and the effect of translations of weaker foreign currencies into the stronger U.S. dollar. +21097017 Net was $192.1 million, or $3.33 a share, compared with net of $293.7 million, or $5.13 a share, the year earlier. +21097018 The latest nine months included charges of $95 million related to the company's South African subsidiary and unused pipe sold by its crude oil pipeline unit. +21097019 Sales rose nearly 2% to $8.13 billion from $7.98 billion. +21098001 Environmental Control Group Inc. said it expects to report "minimal" earnings or a loss for the third quarter. +21098002 The environmental services company said that the discontinuation of unsuccessful product lines and an increase in baddebt reserves probably will result in charges of $2.5 million to $4 million, most of which will be taken against third-quarter results. +21098003 In the year-ago quarter, the company reported earnings of $2.2 million, or 35 cents a share. +21099001 Former USX Corp. Chairman David M. Roderick may have been lucky he retired last May. +21099002 As he handed over the reins to successor Charles A. Corry, steel profits were close to a cyclical peak. +21099003 Though imports were troublesome, they weren't running away with the market, and American companies had high hopes that steel import quotas would be extended for another five years. +21099004 Perhaps most important, Carl Icahn, who had once threatened a hostile takeover bid, was subdued. +21099005 He and Mr. Roderick were even dining out together. +21099006 Today, Mr. Corry presides over a company whose fortunes have changed abruptly. +21099007 Mr. Icahn, the company's deep-pocketed, tenacious adversary, recently disclosed that he had raised his USX stake to 13.1%, and he again threatened a takeover. +21099008 A battle with Mr. Icahn would rattle even the most seasoned chief executive, to say nothing of one who took the helm less than five months ago. +21099009 In addition, USX's giant steel segment, representing 34% of its 1988 sales, is facing softening demand and slipping prices as well as increasing competition from foreign steelmakers and low-cost minimills. +21099010 The import quotas got only a 2 1/2-year extension, and USX is laboring under a staggering $5.8 billion debt at a time when it must spend money to upgrade steel mills and drill for oil. +21099011 "It's a baptism of fire for Corry," says one USX executive. +21099012 The burning question is whether the new chief can parry Mr. Icahn without being pushed into unwelcome moves. +21099013 Mr. Corry might have to dismember the company more than he wants to. +21099014 Or he might have to incur a huge expense of either buying Mr. Icahn's stock, possibly at a premium, or paying stockholders a special dividend partly because of Mr. Icahn's pressure. +21099015 With his recent purchases of USX common stock, Mr. Icahn shattered a three-year-old, unwritten standstill agreement with Mr. Roderick. +21099016 In 1986, Mr. Roderick adroitly dodged Mr. Icahn's first bullet after the takeover specialist had built up an 11.4% stake. +21099017 Mr. Roderick did so by having USX redeem a series of guaranteed notes, a move that, in effect, raised the cost of a $7.19 billion Icahn bid by about $3 billion. +21099018 And he managed to fend off further advances and even strike up an unlikely friendship with the interloper. +21099019 Over dinners at New York's Sky Club and Links Club restaurants, the steel executive and the big investor talked steel, international trade and thoroughbred horses. +21099020 Mr. Corry, who has boned up on corporate raiders by reading T. Boone Pickens's autobiography, had hoped the detente would continue. +21099021 He was shocked, associates say, to learn of Mr. Icahn's new takeover threat. +21099022 (Both men declined to be interviewed for this article.) +21099023 But the fiercely competitive Mr. Corry quickly showed he's no pushover. +21099024 He huddled with directors at a special meeting two weeks ago and tried to block his opponent. +21099025 Although the board believed that Mr. Icahn is more interested in talking the stock price higher than acquiring USX, it adopted a poison-pill defense, to be swallowed if anyone amasses a 15% stake. +21099026 Now, it's Mr. Icahn's move. +21099027 Will he try to gain a seat on or control of the board and force a radical split of USX into separate oil and steel companies? +21099028 Given the weakness of the junk-bond market, can he finance a buy-out? +21099029 Mr. Icahn may not want to sell out unless he can get a special dividend similar to one he received before selling his stake in Texaco Inc. in June -- a coup that gave him enough cash to make his USX move. +21099030 And although the recent turmoil in the stock and junk-bond markets, by making it harder to arrange takeover financing, has eased some of the pressure on Mr. Corry, it doesn't end the takeover threat. +21099031 "I know it's not over," a sober-faced Mr. Corry acknowledged while greeting steel suppliers in New York on Oct. 12 and inviting them to a buffet of salmon and sushi in honor of Kobe Steel Ltd., USX's partner in a steel mill in Lorain, Ohio. +21099032 In fact, it's barely begun for Mr. Corry, who faces tough decisions before he has had a chance to get settled into his new job. +21099033 "He's in a vulnerable position because he hasn't established much credibility on his own," says Bryan Jacoboski, a securities analyst at PaineWebber Inc. +21099034 The 57-year-old tax attorney never even aspired to the job of chief executive. +21099035 An undistinguished college student who dabbled in zoology until he concluded that he couldn't stand cutting up frogs, Mr. Corry wanted to work for a big company "that could do big things." +21099036 But after joining the tax department of a USX subsidiary 30 years ago, he set the modest goal of becoming tax manager by the age of 46. +21099037 For years, he quietly stuck to the back accounting rooms, wearing a hat to work because everyone else did. +21099038 "I was never a rebel," he said in an earlier interview. +21099039 "I don't think most of the people that have been around me would ever say they've seen me pound the table or get angry." +21099040 Yet, the unassuming Mr. Corry helped chart USX's transition from Big Steel to Big Oil. +21099041 He served as Mr. Roderick's front man in tense negotiations for the 1982 purchase of Marathon Oil for $5.9 billion. +21099042 Nevertheless, Mr. Corry, once named chief executive, didn't waste any time distancing himself from his former boss, who still has an office on the 62nd floor of the USX tower in Pittsburgh. +21099043 Soon after taking over last June, Mr. Corry rescinded a pay cut imposed on clerical workers, a move that Mr. Roderick hadn't made in spite of improved earnings. +21099044 Mr. Corry also ruled that all board meetings would be held in Pittsburgh instead of New York or Findlay, Ohio, Marathon's home. +21099045 And, earlier this month, he announced the sale of the reserves of Texas Oil & Gas, which was acquired three years ago and hasn't posted any significant operating profits since. +21099046 One former executive says, "Nobody wanted that deal inside USX except Dave Roderick," who was a hunting and fishing buddy of William L. Hutchison, chairman of Texas Oil & Gas. +21099047 The executive recalls Mr. Corry whispering to him and others, "Remember, this was Dave's deal." +21099048 What miffed many USX executives and shareholders was that the acquisition, for $3 billion of stock, doubled the USX shares outstanding and considerably diluted them. +21099049 What's more, the takeover occurred as natural-gas prices were falling and just as Texas Oil & Gas reported its first annual loss in 28 years. +21099050 Mr. Corry expected the Texas Oil & Gas sale to delight Mr. Icahn by addressing his concern about boosting shareholder value. +21099051 But when the two men met in New York a day after Mr. Icahn disclosed the rise in his USX stake, Mr. Corry learned that Mr. Icahn wanted him to sell all of Texas Oil -- not just its reserves of about 1.2 trillion cubic feet of natural gas and 28 million barrels of oil but also its pipeline, gas-gathering and contract-drilling operations. +21099052 That would leave USX with Marathon, its steel mills and its diversified business segment, which includes, among other things, mineral and transportation products. +21099053 Some speculate that Mr. Corry would agree if he could find a buyer at the right price. +21099054 The problem is that Mr. Icahn is pushing him to move faster and further in restructuring USX than Mr. Corry had planned. +21099055 Mr. Icahn has long believed, associates say, that the company, whose 1988 sales totaled $16.88 billion, is worth $70 a share if broken up. +21099056 The stock closed yesterday at $33.625, giving Mr. Icahn's 33.6 million shares a value of $1.13 billion. +21099057 Mr. Icahn advocates the sale of the company's steel operations, and Mr. Corry doesn't necessarily disagree. +21099058 Unlike his predecessor, who saw steel as America's backbone, Mr. Corry tends to view it as a capital-draining and labor-intensive business with limited potential, associates say. +21099059 In the past five years, USX has turned steel into a profit maker by closing several plants and reducing labor costs. +21099060 But the short-term outlook is so-so. +21099061 It isn't surprising that Messrs. Roderick and Corry view steel so differently. +21099062 While Mr. Roderick was reared in the shadows of Pittsburgh's smoking mills, Mr. Corry grew up in Cincinnati, a city nicknamed "Porkapolis" and more accustomed to pork chops than pig iron. +21099063 He has never met Lynn Williams, the president of the United Steelworkers union, and isn't active in the industry's main trade group, the American Iron and Steel Institute, which Mr. Roderick served as chairman. +21099064 "Dave thought the country needed a strong U.S. Steel and, while Chuck agreed, he was more apt to say, `Not at any cost to shareholders,'" a former executive says. +21099065 Indeed, Mr. Corry, at an August press conference, talked about investing in steel as long as it provides a good return and "not a day longer." +21099066 However, shedding steel would run directly counter to Mr. Roderick's original rationale for diversifying into oil and gas: Having two major products would lessen the company's vulnerability to one market's down cycle and help smooth out the flow of cash and earnings. +21099067 As Mr. Roderick once said: "We're a two-product company and, boy, if you can't figure out the value of those two parts, you are so damn dumb that you don't belong on Wall Street." +21099068 Moreover, the opportunity to sell steel at a price acceptable to USX may be gone, for now. +21099069 "The time has passed for us to spin off steel," either in a public offering or to a buyer, one executive contends. +21099070 About the only way that USX now can get out of steel is to dish it out, piece by piece, in separate joint ventures, he adds. +21099071 With Mr. Icahn breathing down his neck, however, Mr. Corry may have little choice but to sell at a weak price, even if it means losing some steel-related tax-loss carryforwards. +21099072 That would leave USX essentially an oil company with Marathon as its core. +21099073 Marathon has benefited from higher crude-oil prices and strong demand for refined products. +21099074 Oil has long been Mr. Corry's pet. +21099075 Indeed, when the Bush administration finally decided this summer to renew import restrictions -- arguably the most important decision to affect the steel industry in five years -- Mr. Corry and his directors were aboard helicopters, high above Marathon's rich oil reserves in the North Sea. +21099076 Should USX be left with only Marathon, Mr. Corry might well feel pushed to scout out other energy companies. +21099077 However, even USX executives who work closely with him aren't sure about his long-term goals. +21099078 "I don't think he has a clear sense of where he wants the company to go," one says. +21099079 Right now, the executive adds, "he wants to continue to focus on paying down" USX's debt by selling assets. +21099080 One thing is certain, however: Mr. Corry, while studying other options, probably won't make a major move until he's clear about Mr. Icahn's intentions. +21099081 And then, "he won't panic," says J. Bruce Johnston, a former USX executive and now a labor and benefit consultant with Adler Cohen & Grigsby in Pittsburgh. +21099082 Mr. Corry learned presence under fire when, as vice president of corporate planning, he handled what Mr. Johnston calls "don't-con-me" negotiations that led to USX's shedding of a wide array of assets ranging from chemicals to construction. +21099083 When negotiating, Mr. Corry played his cards close to the vest. +21099084 Johnnie Johnson, who worked for Mr. Corry in strategic planning, recalls how his boss would routinely ask a subordinate to research an entire industry to target acquisition candidates. +21099085 "What he really wanted to know was about a particular company, but you didn't know that. +21099086 He wanted your own unbiased, virgin opinion," says Mr. Johnson, now managing director at Georgeson & Co., a proxy-solicitation and investor-relations firm. +21099087 Ever the pragmatist, Mr. Corry said in August that he realized that USX is on "acquisition screens all over the country." +21099088 "It's part of the capitalistic market system that equity can be bought and equity is bought," he said. +21099089 USX, he noted, was formed 88 years ago, "by in effect buying out a bunch of other companies. . . . +21099090 People got rich through takeovers in those days, as they do today." +21099091 Thomas F. O'Boyle contributed to this article. +21100001 Westinghouse Electric Corp. said it will buy Shaw-Walker Co. +21100002 Terms weren't disclosed. +21100003 Shaw-Walker, based in Muskegon, Mich., makes metal files and desks, and seating and office systems furniture. +21101001 Israel has launched a new effort to prove the Palestine Liberation Organization continues to practice terrorism, and thus to persuade the U.S. to break off talks with the group. +21101002 U.S. officials, however, said they aren't buying the Israeli argument. +21101003 Israeli counterterrorism officials provided the State Department with a 20-page list of recent terrorist incidents they attribute directly to forces controlled by PLO Chairman Yasser Arafat. +21101004 Mr. Arafat publicly renounced terrorism Dec. 15, satisfying the U.S. precondition for a direct "dialogue" with the PLO. +21101005 A U.S. counterterrorism official said experts are studying the Israeli list. +21101006 "We have no independent evidence linking Fatah to any acts of terrorism since Dec. 15, 1988," he said, referring to the specific PLO group that Mr. Arafat heads. +21101007 "So far, this list doesn't change our view. +21101008 Israel wants to end the dialogue, but our analysts take a different view than theirs." +21101009 Israeli Prime Minister Yitzhak Shamir's top adviser on counterterrorism, Yigal Carmon, was here Monday to present the report to members of Congress, reporters and others. +21101010 Mr. Carmon said he also presented the list last week to William Brown, U.S. Ambassador to Israel. +21101011 Separately, the New York Times reported that the Israeli government had provided its correspondent in Jerusalem with different documents that Israel said prove the PLO has been conducting terrorism from the occupied Arab territories. +21101012 The State Department said it hasn't yet seen copies of those papers. +21101013 "If the dialogue was based on the assumption that Arafat or the PLO would stop terrorism, and we have evidence of continued terrorism, what would be the logical conclusion?" Mr. Carmon asked. +21101014 Israel has long claimed Mr. Arafat never meant to renounce terrorism, particularly because he and his lieutenants reserved the right to press "armed struggle" against the Jewish state. +21101015 Now, Jerusalem says it is backing up its contention with detailed accounts of alleged terrorist acts and plans linked to Mr. Arafat. +21101016 It blames most of these on Fatah. +21101017 The new accusations come at a delicate time in U.S. efforts to bring about talks between Israel and Palestinian representatives. +21101018 The State Department said it had received a new letter on the subject from Israeli Foreign Minister Moshe Arens, restating Israel's previous objection to negotiating with any Palestinian tied to the PLO. +21101019 Deciding what constitutes "terrorism" can be a legalistic exercise. +21101020 The U.S. defines it as "premediated, politically motivated violence perpetrated against noncombatant targets by subnational groups or clandestine state agents." +21101021 To meet the U.S. criteria, Israel contended it only listed incidents that involved civilians and occurred inside its pre-1967 borders. +21101022 At the heart of Israel's report is a list of a dozen incidents Jerusalem attributes to Fatah, including the use of bombs and Molotov cocktails. +21101023 But U.S. officials say they aren't satisfied these incidents constitute terrorism because they may be offshoots of the intifadah, the Palestinian rebellion in the occupied territories, which the U.S. doesn't classify as terrorism. +21101024 In addition, the officials say Israel hasn't presented convincing evidence these acts were ordered by Fatah or by any group Mr. Arafat controls. +21101025 U.S. terrorism experts also say they are highly uncertain about the veracity of the separate documents leaked to the New York Times. +21101026 The papers, which Israel says were discovered in Israeli-occupied Gaza, refer to terrorist acts to be carried out in the name of a group called "the Revolutionary Eagles." +21101027 Some supporters of Israel say U.S. policy on Palestinian terrorism is colored by an intense desire to maintain the dialogue with the PLO. +21101028 But State Department officials accuse Israel of leaking questionable claims to embarrass the U.S. +21102001 The dollar finished lower yesterday, after tracking another rollercoaster session on Wall Street. +21102002 Concern about the volatile U.S. stock market had faded in recent sessions, and traders appeared content to let the dollar languish in a narrow range until tomorrow, when the preliminary report on third-quarter U.S. gross national product is released. +21102003 But seesaw gyrations in the Dow Jones Industrial Average yesterday put Wall Street back in the spotlight and inspired market participants to bid the U.S. unit lower. +21102004 UAL's decision to remain an independent company sent share prices tumbling. +21102005 By midmorning, the DJIA had plunged 80 points and foreign-exchange dealers quickly drove the dollar down. +21102006 When the DJIA modestly rebounded, the dollar bounced back in choppy dealings but ended the day below the levels of late Monday. +21102007 Stock prices, meanwhile, posted significant gains in later trading and closed down by only 3.69 points on the day. +21102008 Some dealers said that the market's strong reaction to Wall Street reflects a general uneasiness about the dollar. +21102009 They added that the DJIA's swift drop proved an easy excuse for the market to drive the U.S. currency in the direction it was already headed. +21102010 In late New York trading yesterday, the dollar was quoted at 1.8355 marks, down from 1.8470 marks Monday, and at 141.45 yen, down from 141.90 yen late Monday. +21102011 Sterling was quoted at $1.6055, up from $1.6030 late Monday. +21102012 In Tokyo Wednesday, the U.S. currency opened for trading at 141.57 yen, down from Tuesday's Tokyo close of 142.10 yen. +21102013 Tom Trettien, a vice president with Banque Paribas in New York, sees a break in the dollar's long-term upward trend, a trend that began in January 1988. +21102014 He argues that the dollar is now "moving sideways," adding that "the next leg could be the beginning of a longer term bearish phase." +21102015 Analysts peg the dollar's recent weakness to an underlying slowdown in the U.S. economy, highlighted by recent economic data, particularly a surprisingly sharp widening in the August U.S. trade gap. +21102016 They also point out that narrowing interest-rate differentials between the U.S. and its major trading partners tend to make the U.S. currency less attractive to foreign investors. +21102017 Despite several spurts of dollar trading, it was noted that mark-yen cross trade grabbed much of the market's attention. +21102018 Following the dive in U.S. stocks, the mark has strengthened more than its major counterparts. +21102019 Traders attribute the mark's surge to a robust West German economy and higher rate differentials. +21102020 But, they add that the mark's strength is in part a reflection of a shift away from U.S. assets by Japanese investors into West German investments. +21102021 "The question remains: how much can the West German market absorb?" says one senior dealer. +21102022 Some dealers say that Bank of Japan Governor Satoshi Sumita's reassurance that Japanese monetary policy won't be changed for the time being has given investors an added excuse to push the yen down even further against the mark. +21102023 Despite the yen's weakness with respect to the mark, Tokyo traders say they don't expect the Bank of Japan to take any action to support the Japanese currency on that front. +21102024 Meanwhile, sterling slumped on news that the United Kingdom posted a wider-than-expected trade deficit in September. +21102025 The news also knocked the British unit to below 2.95 marks in London, but a bout of short-covering helped sterling recoup some of its earlier losses. +21102026 On the Commodity Exchange in New York, gold for current delivery jumped $3.20 to $370.20 an ounce. +21102027 The close was the highest since Aug. 15. +21102028 Estimated volume was a light two million ounces. +21102029 In early trading in Hong Kong Wednesday, gold was quoted at $368.25 an ounce. +21103001 Boston Co., the upper-crust financial services concern that was rocked by a management scandal late last year, has had a sharp drop in profitability -- mainly because a high-risk bet on interest rates backfired. +21103002 Boston Co.'s fall from grace is bad news for its parent, Shearson Lehman Hutton Holdings Inc., which has relied heavily on the banking and money management unit's contributions in recent years. +21103003 In 1988, for example, Boston Co. had an estimated pretax profit of at least $110 million, while Shearson managed net income of just $96 million. +21103004 Shearson doesn't break out the earnings of its subsidiaries. +21103005 But people familiar with Boston Co.'s performance say the unit had profit of around $17 million for the third quarter, after barely breaking even for the first six months. +21103006 Shearson, meanwhile, posted net income of $106 million for the first nine months of the year, down slightly from $110 million for the year-ago period. +21103007 Moody's Investors Service Inc. last week downgraded the long-term deposit rating of Boston Co.'s Boston Safe Deposit & Trust Co. subsidiary, to single-A-1 from double-A-3, citing problems in the company's "aggressively managed securities portfolio." +21103008 John Kriz, a Moody's vice president, said Boston Safe Deposit's performance has been hurt this year by a mismatch in the maturities of its assets and liabilities. +21103009 The mismatch exposed the company to a high degree of interest-rate risk, and when rates moved unfavorably -- beginning late last year and continuing into this year -- "it cost them," Mr. Kriz said. +21103010 Mr. Kriz noted that Boston Safe Deposit "has taken some actions to better control asset-liability management and improve controls in general, and we think these will serve to improve credit quality." +21103011 As some securities mature and the proceeds are reinvested, the problems ought to ease, he said. +21103012 But he also cited concerns over the company's mortgage exposure in the troubled New England real estate market. +21103013 Boston Co. officials declined to comment on Moody's action or on the unit's financial performance this year -- except to deny a published report that outside accountants had discovered evidence of significant accounting errors in the first three quarters' results. +21103014 An accounting controversy at the end of last year forced Boston Co. to admit it had overstated pretax profits by some $44 million. +21103015 The resulting scandal led to the firing of James N. von Germeten as Boston Co.'s president and to the resignations of the company's chief financial officer and treasurer. +21103016 The executives were accused of improperly deferring expenses and booking revenue early, in an effort to dress up results -- and perhaps bolster performance-related bonuses. +21103017 Mr. von Germeten, in turn, attributed the controversy to judgmental errors by accountants and accused Shearson of conducting a "witch hunt." +21103018 Mr. Kriz of Moody's said the problems in the securities portfolio stem largely from positions taken last year. +21103019 The company's current management found itself "locked into this," he said. +21104001 Mexico exported an average of 1,296,800 barrels of crude oil a day at an average of $15.31 a barrel during 1989's first eight months for a total of $4.82 billion, Petroleos Mexicanos S.A. said. +21104002 The state petroleum monopoly said sales in the period gained 15%, and $262.4 million more than originally projected at an average of $10 a barrel on an export platform of 1,250,000 barrels a day. +21105001 CHICAGO - +21105002 Sears, Roebuck & Co. is struggling as it enters the critical Christmas season. +21105003 Yesterday, the retailing and financial services giant reported a 16% drop in third-quarter earnings to $257.5 million, or 75 cents a share, from a restated $305 million, or 80 cents a share, a year earlier. +21105004 But the news was even worse for Sears's core U.S. retailing operation, the largest in the nation. +21105005 Sears said its U.S. stores had a loss of $6.9 million, their first deficit for the period in more than five years. +21105006 Analysts estimated that sales at U.S. stores declined in the quarter, too. +21105007 The results underscore Sears's difficulties in implementing the "everyday low pricing" strategy that it adopted in March as part of a broad attempt to revive its retailing business. +21105008 Under the new approach, Sears set prices that were somewhere between its old "regular" and "sale" prices. +21105009 The company said it would resort far less often to slashing prices to woo shoppers. +21105010 Sears officials insist they don't intend to abandon the everyday pricing approach in the face of the poor results. +21105011 Instead, a spokesman blames the dismal third-quarter showing on "an environment that is being distorted by a very harsh climate for sales of durable goods," which account for roughly two-thirds of Sears's annual merchandise volume. +21105012 The new pricing strategy "is working," the spokesman asserted. +21105013 He added that, after an initial surge triggered by an advertising blitz in March, Sears expected that the pricing program wouldn't have any effect on revenue. +21105014 Sears has been counting on growth coming from the large displays of brand-name merchandise it is adding to its stores over the next two years in what it calls "power formats." +21105015 But analysts say Sears faces an especially daunting challenge on the eve of the Christmas shopping season. +21105016 "I believe everyday pricing in the current environment doesn't work," says Walter Loeb of Morgan Stanley & Co., pointing to soft durable-goods sales. +21105017 "Sears is likely to be unsuccessful if it continues with its pricing policy when everyone else is offering unusual values." +21105018 In what amounts to an admission that the transition hasn't gone as smoothly as Sears had hoped, the giant retailer is now trying new ways to drum up business without appearing to abandon its seven-month-old strategy. +21105019 The company is highlighting more special deals in its advertising and stores, and it's offering to defer finance charges on certain big-ticket items. +21105020 Sears is also stepping up its television ads and changing its message. +21105021 In a new TV ad, for instance, a woman going through the Sunday newspaper brands as hype claims by other stores that they are offering goods for "50%, 60% and 70% off. +21105022 " By lowering prices throughout its stores, she says, "Sears has the right idea." +21105023 But the ad also mentions Sears's sales -- a topic that the retailer has avoided since switching to everyday pricing. +21105024 "When Sears has a sale at a special price," the woman in the ad declares, "it's something you don't want to miss." +21105025 Recent surveys by Leo J. Shapiro & Associates, a market research firm in Chicago, suggest that Sears is having a tough time attracting shoppers because it hasn't yet done enough to improve service or its selection of merchandise. +21105026 The number of people who said they were more likely to shop at Sears fell in September to 37% from 66% in March, when Sears blanketed the airwaves with ads about its new pricing strategy. +21105027 Moreover, the number of people who spontaneously cited lower prices as the reason for their interest in Sears declined to 16% in September from 33% in March. +21105028 Just 5% of the respondents mentioned brands in September, up slightly from 2% in March. +21105029 Only 2% of the people in September cited Sears's "friendly personnel." +21105030 "The power of price as an appeal, which was very considerable in driving traffic in March and April, has diminished," says George Rosenbaum, president of Shapiro & Associates. +21105031 "You see some improvement in these other areas, but it's a very small and slow process." +21105032 For the third quarter, Sears said its total revenue rose 4.8% to $13.18 billion from $12.57 billion a year earlier. +21105033 Net income at Sears's merchandise group, which includes international and credit card operations, as well as U.S. stores, fell 25%. +21105034 Profit at Sears's Allstate insurance unit fell 38% to $126.1 million because of Hurricane Hugo, which inflicted the greatest single storm damage loss in the company's history. +21105035 Sears said claims from the storm, as expected, reduced its third-quarter net by $80 million, or 23 cents a share. +21105036 Allstate is expected to absorb another big hit in the fourth quarter as claims pour in from the San Francisco earthquake. +21105037 But a spokesman said the quake won't have as big a financial impact on Allstate as Hurricane Hugo did. +21105038 Net income at Sears's Dean Witter Financials Services group, meanwhile, rose nearly 32% to $35.7 million, reflecting improvements in its basic stock brokerage and Discover credit card businesses. +21105039 Profit at Sears's Coldwell Banker Real Estate Group nearly quadrupled to $81.2 million because of gains on sales of property. +21105040 In New York Stock Exchange composite trading yesterday, Sears shares closed at $40.50, up 87.5 cents. +21106001 Oil imports to Japan rose 12% in September from year-earlier levels, according to statistics released by the government's Ministry of International Trade and Industry. +21106002 The imports, totaling 98.5 million barrels, were 11% lower than August levels. +21106003 The year-on-year rise was partly because of higher demand for petroleum products, and partly because of tax changes in 1988 that left oil companies with high inventories in the late-summer/early-FALL PERIOD. +21106004 Imports of crude from the Middle East grew 17% from year-earlier levels, and Southeast Asian crude imports grew 43%. +21106005 While Mideast crude imports were higher compared with year-earlier levels, they fell 18% compared with August imports. +21106006 Southeast Asian crude imports, however, were 3.6% higher than August. +21107001 This is in response to George Melloan's Business World column "The Housing Market Is a Bigger Mess Than You Think" (op-ed page, Sept. 26). +21107002 In Houston, we have seen how bad the housing problem can become. +21107003 Unused houses deteriorate rapidly, affecting the value of nearby homes; in a domino effect, the entire neighborhood can fall victim. +21107004 At this stage some people just "walk away" from homes where the mortgage exceeds current market value. +21107005 But most of them could have afforded to keep up their payments -- they chose not to do so. +21107006 The problem is so vast that we need to try innovative solutions -- in small-scale experiments. +21107007 Here are some ideas: +21107008 1) Foreclosed homes could be sold by the FHA for no down payment (the biggest obstacle to young buyers), but with personal liability for the mortgage (no walking away by choice). +21107009 2) Encourage long-term occupancy by forgiving one month's payment (off the tail end of the mortgage) for every six months paid; or perhaps have the down payment deferred to the end of the mortgage (balloon), but "forgiven" on a monthly pro-rata basis as long as the owner remains the occupant. +21107010 3) Develop rental agreements with exclusive purchase options for the renter. +21107011 An occupant will, in most every case, be better for the home and neighborhood than a vacant house. +21107012 In this way, the house is not dumped on to a glutted market. +21107013 John F. Merrill +21107014 Houston +21107015 The Federal Housing Administration, Veterans Administration and the Department of Housing and Urban Development further aggravate the problem of affordable housing stock by "buying in" to their foreclosed properties (of which there are, alas, many) at an inflated "balance due" -- say $80,000 on a house worth $55,000 -- instead of allowing a free market to price the house for what it's really worth. +21107016 Worse, the properties then sit around deteriorating for maybe a year or so, but are resold eventually (because of the attractiveness of the low down payment, etc.) to a marginal buyer who can't afford both the mortgage and needed repairs; and having little vested interest that buyer will walk away and the vicious cycle repeats itself all over again. +21107017 Paul Padget +21108001 Italy's unemployment rate rose to 12% of the labor force in July from 11.9% in April, and was up from 11.7% a year earlier, according to quarterly figures from the state statistical institute. +21108002 Istat said a national survey during the first week of July showed the number of job seekers was 2,888,000 up from 2,822,000 in April, and from 2,853,000 a year ago. +21108003 The unemployment rate was by far the highest in the southern, so-called Mezzogiorno region. +21108004 The southern unemployment rate rose to 21.3% in July from 21.2% in April and from 20.6% a year earlier. +21108005 Istat said 369,000 more people were employed in July than in April. +21109001 Xerox Corp.'s third-quarter net income grew 6.2% on 7.3% higher revenue, earning mixed reviews from Wall Street analysts. +21109002 Quarter net for the business-machines and financial-services company rose to $155 million, or $1.41 a share, from $146 million, or $1.37 a share, in the year-earlier period. +21109003 Revenue rose to $4.45 billion from $4.15 billion. +21109004 In New York Stock Exchange composite trading, Xerox closed at $62.75 a share, up $1. +21109005 Sales growth and profit in business products and systems -- Xerox's main business -- were "disappointing," said B. Alex Henderson, who follows the company for Prudential-Bache Securities Inc. +21109006 Sales of Xerox copiers and other office products grew 1.6%; "we expected growth of 6% to 7%," Mr. Henderson said. +21109007 Operating-profit margins slipped almost 18%, to 4.3% of sales, the analyst noted. +21109008 Still, with competitors such as Eastman Kodak Co. faltering in copier sales, Xerox's sales increases "were encouraging," says Eugene Glazer of Dean Witter Reynolds Inc. +21109009 "They are holding their own in a weak market, and the restructuring is working," he says. +21109010 David T. Kearns, Xerox chairman and chief executive officer, cited the restructuring and "strong" cost controls for the 13% growth in profit from business products and systems operations. +21109011 Mr. Glazer expects Xerox to experience tough sledding, though, in financial services because of rate pressures and uncertainty surrounding tax treatment of capital gains. +21109012 In the quarter, the Crum & Forster insurance unit reported $200 million before tax of capital gains from property and casualty operations. +21109013 The subsidiary also increased reserves by $140 million, however, and set aside an additional $25 million for claims connected with Hurricane Hugo. +21109014 For the nine months, Xerox earned $492 million, or $4.55 a share, up 5.8% from $465 million, or $4.32 a share. +21109015 Revenue rose 7.6% to $12.97 billion from $12.05 billion. +21110001 New orders for durable goods fell back slightly in September after shooting up the month before, reflecting weakening auto demand after a spurt of orders for new 1990 models, the Commerce Department reported. +21110002 Orders for military equipment, household appliances, machinery and other goods expected to last at least three years dipped 0.1% last month, to $126.68 billion, after leaping 3.9% in August, the department said. +21110003 Most analysts had expected a sharper decline after the steep rise in August. +21110004 Moreover, a recent government report showing widespread layoffs in manufacturing had contributed to perceptions that the manufacturing sector of the economy had slowed to a crawl. +21110005 But many economists pointed to a 1.8% September rise in orders outside the volatile transportation category. +21110006 That "suggests the manufacturing sector is not falling apart," said Sally Kleinman, an economist at Manufacturers Hanover Securities Corp. in New York. +21110007 She added, however: "It is not robust by any means." +21110008 While a decline in orders for cars and civilian airplanes pulled down the orders total, an enormous jump in orders for heavy military equipment propped it up. +21110009 Orders for capital defense goods skyrocketed 56%, and a government analyst said nearly all areas saw increases, including airplanes, missiles, ships, tanks and communications equipment. +21110010 Orders for military goods usually catapult in September, government officials say, as the Pentagon scrambles to spend its money before the new fiscal year begins Oct. 1. +21110011 While all the numbers in the durable goods report were adjusted for seasonal fluctuations, a Commerce Department analyst said that the adjustment probably didn't factor out all of the wide-ranging surge in defense orders. +21110012 Without the increase in defense bookings, September orders would have plummeted 3.9%. +21110013 Analysts were most unsettled by evidence the backlog of orders at factories is slipping. +21110014 Unfilled orders for durable goods rose 0.4% in September, to $476.14 billion, after declining for the first time in 2 1/2 years in August. +21110015 In July unfilled orders grew 1%. +21110016 But analysts noted that excluding transportation-where what they believe was a temporary surge in auto demand pushed up the figures-order backlogs have declined for three months in a row. +21110017 "It means we're eating into the bread that keeps us going. +21110018 That is a little disturbing," Ms. Kleinman said. +21110019 "It also means if you have a real drop-off in orders, production will likely fall off very quickly because there is less to keep things going." +21110020 Capital goods orders outside of the defense sector tumbled for the second month in a row, posting a 5.6% drop after a 10.3% decline. +21110021 Such steep drops in a category seen as a barometer of business investment would customarily be grave news for the economy. +21110022 But a Commerce Department analyst said that in both months orders would have risen had it not been for a drop in civilian aircraft bookings, a category that is showing declines only after a huge surge earlier this year. +21110023 Still, Milton Hudson, senior economic adviser at Morgan Guaranty Trust Co. in New York, said: "If you look back a half-year or so the evidence was pretty good of affirmative strength in the capital-goods sector. +21110024 Now at least there are question marks about that, and without any question the pace of growth has slowed. +21111001 Norfolk Southern Corp. directors authorized the railroad company to buy back as many as 45 million of its shares, which would have a current value of more than $1.7 billion. +21111002 The buy-back, coupled with a nearly completed earlier purchase of 20 million shares, would reduce shares outstanding by more than 26%. +21111003 The Norfolk, Va., company has 172.2 million shares outstanding. +21111004 In a statement, Arnold B. McKinnon, chairman and chief executive officer, noted that the new repurchase program "should serve to enhance shareholder value." +21111005 A spokeswoman said the company will finance the buy-back with cash on hand, borrowing and "cash Norfolk expects to generate." +21111006 Analysts said they expected the action, and investors applauded the move. +21111007 In composite trading on the New York Stock Exchange, Norfolk Southern shares closed at $37.875, up $1.125. +21111008 Still, analysts don't expect the buy-back to significantly affect per-share earnings in the short term. +21111009 "The impact won't be that great," said Graeme Lidgerwood of First Boston Corp. +21111010 That is in part because of the effect of having to average the number of shares outstanding, she said. +21111011 In addition, Mrs. Lidgerwood said, Norfolk is likely to draw down its cash initially to finance the purchases and thus forfeit some interest income. +21111012 Longer term, however, the buy-back is expected to increase earnings, especially after 1990, Mrs. Lidgerwood said. +21111013 Moreover, the extensive program in effect establishes a floor for the stock price, said Joel Price, analyst for Donaldson, Lufkin & Jenrette. +21111014 The buy-back "is really a comfort to those who want to buy the stock that there is a {price} floor," he said. +21111015 "At a certain price, if the management thinks {the stock} is cheap, they can go in and buy it." +21111016 Under the program, Norfolk plans to acquire shares in the open market. +21111017 Under the earlier plan, Norfolk was authorized in 1987 to buy up to 20 million shares. +21111018 It has purchased about 19 million of them. +21112001 John B. Curcio, 55 years old, resigned as chairman of this diesel truck manufacturer, effective upon appointment of a successor. +21112002 Last month, Mr. Curcio was succeeded by Ralph E. Reins as chief executive officer following several quarters of lackluster or declining performance. +21113001 Falcon Holding Group Inc. said it agreed to acquire about 54,000 subscribers from First Carolina Cable TV Limited Partnership for about $100 million, or roughly $2,000 a subscriber. +21113002 The subscribers are in 52 different communities in Georgia, Alabama and Mississippi. +21113003 Completion of the sale is expected early next year, Falcon said. +21113004 Currently, Falcon has about 750,000 cable-television subscribers around the nation; the company's cable-television unit reported 1988 revenue of about $100 million. +21113005 In composite trading on the American Stock Exchange, Falcon closed at $20, unchanged. +21114001 Richard W. Lock, retired vice president and treasurer of Owens-Illinois Inc., was named a director of this transportation industry supplier, increasing its board to six members. +21115001 USX Corp. said it delayed the proposed initial public offering of common stock of RMI Titanium Co. because of market conditions. +21115002 RMI Titanium is owned jointly by USX and Quantum Chemical Corp. +21115003 USX, which hadn't set a date for the offering, didn't disclose any timetable for the offering. +21116001 Your Oct. 2 editorial "Reding, Wrighting & Erithmatic" on the recent "education summit" was like most pieces on the subject of education: It had little to say. +21116002 Oddly, though, on the very same page you printed a comment that addresses one of the most serious shortcomings of the American education system. +21116003 Unfortunately, the comment was buried in another article, so it could not stand out in an education context. +21116004 In the Manager's Journal, Atsushi Kageyama, in commenting on many differences between American and Japanese culture, said, "Japanese children are raised in a way many Americans would find severe. +21116005 After a wonderfully frivolous early childhood, they are exposed to rigid discipline as soon as they enter school." +21116006 What far too many people concerned about education either fail to understand or choose to ignore is that American children, on the whole, are among the most undisciplined in the world, making any attempt at improvements in the mode of education potentially unsuccessful. +21116007 Unless parents and educators alike start to develop more discipline in children, all the worthy concern, discussions and actions will not solve the problem. +21116008 Allen B. Richards Peterborough, N.H. +21117001 Retired Adm. William J. Crowe, former chairman of the Joint Chiefs of Staff, and Robert P. Luciano, chairman and chief executive officer of Schering-Plough Corp., were elected directors of this securities firm. +21117002 The board expanded to 17 seats. +21118001 Tuesday, October 24, 1989 +21118002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +21118003 PRIME RATE: 10 1/2%. +21118004 The base rate on corporate loans at large U.S. money center commercial banks. +21118005 FEDERAL FUNDS: 8 3/4% high, 8 5/8% low, 8 11/16% near closing bid, 8 11/16% offered. +21118006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +21118007 Source: Fulton Prebon (U.S.A.) Inc. +21118008 DISCOUNT RATE: 7%. +21118009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +21118010 CALL MONEY: 9 3/4% to 10%. +21118011 The charge on loans to brokers on stock exchange collateral. +21118012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.45% 30 to 44 days; 8.25% 45 to 68 days; 8.30% 69 to 89 days; 8.125% 90 to 119 days; 8% 120 to 149 days; 7.875% 150 to 179 days; 7.50% 180 to 270 days. +21118013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.55% 30 days; 8.475% 60 days; 8.45% 90 days. +21118014 CERTIFICATES OF DEPOSIT: 8.09% one month; 8.09% two months; 8.06% three months; 8% six months; 7.94% one year. +21118015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +21118016 The minimum unit is $100,000. +21118017 Typical rates in the secondary market: 8.55% one month; 8.50% three months; 8.35% six months. +21118018 BANKERS ACCEPTANCES: 8.48% 30 days; 8.30% 60 days; 8.28% 90 days; 8.10% 120 days; 8% 150 days; 7.90% 180 days. +21118019 Negotiable, bank-backed business credit instruments typically financing an import order. +21118020 LONDON LATE EURODOLLARS: 8 11/16% to 8 9/16% one month; 8 5/8% to 8 1/2% two months; 8 5/8% to 8 1/2% three months; 8 9/16% to 8 7/16% four months; 8 1/2% to 8 3/8% five months; 8 7/16% to 8 5/16% six months. +21118021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 11/16% one month; 8 11/16% three months; 8 1/2% six months; 8 1/2% one year. +21118022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +21118023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +21118024 These rate indications aren't directly comparable; lending practices vary widely by location. +21118025 TREASURY BILLS: Results of the Monday, October 23, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.52% 13 weeks; 7.50% 26 weeks. +21118026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +21118027 9.78%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +21118028 Source: Telerate Systems Inc. +21118029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.75%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +21118030 Source: Telerate Systems Inc. +21118031 MERRILL LYNCH READY ASSETS TRUST: 8.59%. +21118032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +21119001 Roy E. Parrott, the company's president and chief operating officer since Sept. 1, was named to its board. +21119002 The appointment increased the number of directors to 10, three of whom are company employees. +21119003 Simpson is an auto parts maker. +21120001 Japan has climbed up from the ashes of World War II and a gross national product of about $800 per capita to reach the heavyweight class among industrialized nations. +21120002 Now this remarkable economic growth seems to be coming to an end because the government has not converted itself into a modern, democratic, "developed nation" mode of operation. +21120003 Until 1980, when Japan joined the $10,000 per capita GNP club of the advanced countries, it was a model developing nation. +21120004 The government built ports, bridges, highways, schools, hospitals and railways. +21120005 When industries were weak, it protected them. +21120006 It gave the Japanese people a value system, based on the rationalization that given the country's lack of natural resources, they must work hard to create value through exports and buy food with the surplus. +21120007 Individual prosperity inevitably would result. +21120008 That system has worked. +21120009 The standard of living has increased steadily over the past 40 years; more than 90% of the people consider themselves middle class. +21120010 The people have given their leading and only credible political party, the Liberal Democratic Party, clear and uninterrupted power for those 40 years. +21120011 The LDP won by a landslide in the last election, in July 1986. +21120012 But less than two years later, the LDP started to crumble, and dissent rose to unprecedented heights. +21120013 The symptoms all point to one thing: Japan does not have a modern government. +21120014 Its government still wants to sit in the driver's seat, set the speed, step on the gas, apply the brakes and steer, with 120 million people in the back seat. +21120015 In a modern system, the government's role is to give the people as much choice as possible and to keep them well informed so they are capable of making a choice. +21120016 It also allows people to buy the best and the cheapest goods from anywhere in the world. +21120017 The Japanese government doesn't allow this. +21120018 The Ministry of Agriculture and Fishery actually is a ministry for farmers and fishermen instead of a ministry of provisions. +21120019 The Ministry of Health and Welfare is a ministry of doctors and pharmaceutical companies rather than an organization dedicated to protecting the health of the people. +21120020 The Ministry of Education is nothing but a cartel for licensed teachers, and certainly does not act on behalf of students. +21120021 The Ministry of Construction spreads concrete throughout the country and boasts in international conferences that Japan's paved roadway per capita is the longest in the world, but they seldom think of the poor commuters who spend so much time sitting in traffic. +21120022 The Ministry of Transportation serves the industry, certainly not the passengers who must pay extraordinarily high prices. +21120023 And the Ministry of Foreign Affairs works for itself, supporting Japanese diplomats who sprinkle abundant aid money around the world to ensure that their seat at the dinner table is next to the host's. +21120024 This ministry has done nothing to correct the misunderstandings and misperceptions that are at the root of Japan's deteriorating image. +21120025 Instead, it seems to be using foreign pressure and even the trade conflict to expand its sphere of influence vis a vis other ministries. +21120026 All this illustrates that Japanese ministries still have a "provider" mentality; they do not serve the people, and particularly not consumers. +21120027 They serve the industries and the special-interest groups. +21120028 The rest of the world accepted such methods when Japan was developing. +21120029 Japanese put up with it because the government provided job stability and growing paychecks. +21120030 Japan is not a political country. +21120031 It is a bureaucratic country. +21120032 The Diet plays a minor role compared with the powerful bureaucratic system. +21120033 Most bills are drafted by bureaucrats, not politicians. +21120034 The Diet doesn't normally even debate bills because the opposition parties are so often opposed to whatever LDP does that it would be a waste of time. +21120035 So most bills are passed without full discussion; particularly difficult bills are passed in the absence of the opposition parties. +21120036 A recent example is the 3% consumption tax on all commercial activities. +21120037 This makes enormous sense in Japan, where direct tax accounts for more than 70% of revenues and the capture rate of direct tax is so unfair. +21120038 If you are a salaried man, Amen! 100% captured. +21120039 If you are a retailer, 50%, and a farmer, 30%. +21120040 To correct this inequality, most people would have favored an indirect tax, like the consumption tax. +21120041 But the bill was passed without debate in the Diet, in the absence of the opposition. +21120042 As a result, the Japanese people didn't know what to expect when the new law was introduced on April 1. +21120043 They were frustrated by the longer queues at the cashier and the small coins given as change. +21120044 All of a sudden, prices were no longer in denominations of 100 or 200. +21120045 They were 103 or 206. +21120046 Pockets exploded with one-yen coins. +21120047 While people were jingling their change, the LDP politicians were caught in scandals. +21120048 Money, such as in Recruit's political donations, and women, as in the cases of Prime Minister Sosuke Uno and Secretary General Tokuo Yamashita, seldom have caused political scandals in Japan. +21120049 Whereas most men were a bit ambivalent about the sex scandals (though they were furious about Recruit), women were upset about both and surged to the polls. +21120050 In the recent Upper House and Tokyo metropolitan congressional elections, in which the Socialist Party won a runaway victory, 60% of all women voted, as opposed to the usual 40%. +21120051 It is difficult to analyze how much of their anger was due to Recruit, the sex scandals, or the one-yen coins in their purses, but they obviously were voting to punish the LDP. +21120052 Taken by surprise, the Socialist Party is busy changing its doctrines. +21120053 It's now OK to deal with the U.S., but not the Soviet Union. +21120054 Nuclear power plants are acceptable. +21120055 The U.S.-Japan Security Treaty can continue, sort of. +21120056 And so on. +21120057 Against the rapid cosmetic overhaul of the Socialist Party the LDP has been paralyzed. +21120058 Now is the time to reform the government from a provider, developing-country vanguard role to that of a modern, industrialized nation in which consumers have the ultimate choice. +21120059 If the LDP, as currently composed, can't make the transformation, then it should split into two parties. +21120060 One party could stand for consumer interests, small government, free trade and globalism to put Japan clearly among the most developed and open countries. +21120061 The other party could continue on the traditional track of the LDP, representing the manufacturers' preference for larger government, control, regulation and protectionism. +21120062 The LDP must make a decision immediately; Lower House elections must take place before June. +21120063 In the current mood of the Japanese people, journalists and even some industrialists, giving power to the Socialists might be good for the LDP, cleansing it of past sins. +21120064 We must not forget, however, that such a humble political experiment could cause a global tidal wave of shocks in real-estate and financial markets. +21120065 At the most there is only nine months before the LDP fuse burns out. +21120066 Mr. Ohmae is managing director of McKinsey & Co. in Japan. +21121001 Early this century, diamond mining in the magnificent dunes where the Namib Desert meets the Atlantic Ocean was a day at the beach. +21121002 Men would crawl in the sand looking for shiny stones. +21121003 It was as easy as collecting sea shells at Malibu. +21121004 Men are still combing the beach with shovels and hand brushes, searching for that unusual glint. +21121005 But only after a fleet of 336 gargantuan earthmoving vehicles belonging to De Beers Consolidated Mines Ltd., the world's diamond kingpins, do their work. +21121006 Last year, 43 million tons of desert were moved from one dune to another to recover 934,242 carats, which comes to 46 tons of sand per carat, or one-fifth gram. +21121007 Oh yes, the Atlantic was also pushed back 300 yards. +21121008 "If there's diamonds out there, we'll get to them," says Les Johns, De Beers's engineering manager. +21121009 Here, wedged between shifting dunes and pounding waves at the world's most inhospitable diamond dig, lies the earth's most precious jewel box. +21121010 Thanks to centuries of polishing by Mother Nature -- first in the gentle current of the Orange River that carried the stones from South Africa's interior, then in the cold surf of the ocean, and finally in the coarse sands of the desert -- 98% of the diamonds uncovered are of gem quality. +21121011 While other mines might yield more carats, a higher percentage of them go to industrial use. +21121012 Since this treasure chest is too big to fit in a bank vault, it has been turned into one. +21121013 Months after railway worker Zacharias Lewala first picked up a diamond from the sand in 1908, the German colonialists who controlled Namibia proclaimed a wide swath of the desert -- about 200 miles north from the Orange River and 60 miles inland from the Atlantic -- a restricted area, a designation normally reserved for military operations. +21121014 When the Germans lost World War I, they lost Namibia to South Africa and the diamonds to Ernest Oppenheimer, patriarch of Anglo American Corp. and De Beers. +21121015 Today, no one gets in or out of the restricted area without De Beers's stingy approval. +21121016 The mining zone has thus remained one of the most desolate places in Africa. +21121017 Ghost towns dot the Namib dunes, proving diamonds aren't forever. +21121018 Oranjemund, the mine headquarters, is a lonely corporate oasis of 9,000 residents. +21121019 Jackals roam the streets at night, and gemsbok, hardy antelope with long straight horns, wander in from the desert to drink from water sprinklers. +21121020 On most days, the desert's heat and the cool of the ocean combine to create a mist like a damp rag. +21121021 The wind, stinging with sand, never seems to stop. +21121022 Still, miners from all parts of Namibia as well as professional staff from De Beers's head offices in South Africa and London keep coming. +21121023 And Oranjemund boasts attractions besides diamonds. +21121024 There are six video rental shops, three restaurants, one cinema and 34 sports and recreation clubs for everything from cricket to lawn bowling. +21121025 The pride of Oranjemund is the 18-hole golf course -- with the largest sand trap in the world. +21121026 Last year, when the rising Orange River threatened to swamp the course, the same engineers who are pushing back the Atlantic rushed to build a wall to hold back the flood. +21121027 "Nothing is too good for our golf course," says Tony George, a mining engineer. +21121028 Despite fears the mine may be partially nationalized by the new Namibian government following next month's elections freeing the country from South African control, De Beers engineers are working to extend the mine's productive life for another 25 years, from the current estimate of 10. +21121029 Huge machines that look as though they came from the Star Wars desert-battle scene lumber among the dunes. +21121030 Mechanized vacuum cleaners probe the sand like giant anteaters; a whirring ferris wheellike excavator, with buckets instead of seats, chews through layers of compacted sand; tracks and conveyor belts, shuttling sand to the screening plants, criss-cross the beach. +21121031 Then there is the artifical sea wall, 600 yards long and 60 yards thick, jutting into the ocean. +21121032 Made of sand, it receives around-the-clock maintainence against the battering waves. +21121033 When the mining in front of the wall is complete, it is moved northward. +21121034 A companion jetty that helps hold back the sea looks like a rusting junkyard. +21121035 Engineers first used concrete blocks to bolster the barrier, but the ocean tossed them aside like driftwood. +21121036 Then someone decided to try broken-down earthmoving equipment that, inexplicably, held against the waves. +21121037 "The Caterpillar people aren't too happy when they see their equipment used like that," shrugs Mr. George. +21121038 "They figure it's not a very good advert." +21121039 Despite all these innovations, most of the diamonds are still found in the sand swept away by the men wielding shovels and brushes -- the ignominiously named "bedrock sweepers" who toil in the wake of the excavators. +21121040 Laboring in blue and gray overalls, they are supposed to concentrate on cleaning out crevices, and not strain their eyes looking for diamonds. +21121041 But should they spy one, the company will pay a bonus equal to one-third its value. +21121042 For these workers at the bottom of the mine's pay scale, this is usually enough to overcome the temptation to steal -- a crime that could earn them up to 15 years in jail. +21121043 Still, employees do occasionally try to smuggle out a gem or two. +21121044 One man wrapped several diamonds in the knot of his tie. +21121045 Another poked a hole in the heel of his shoe. +21121046 A food caterer stashed stones in the false bottom of a milk pail. +21121047 None made it past the body searches and X-rays of mine security. +21122001 DISASTER STATES aren't jumping to raise taxes for relief and recovery. +21122002 Not yet, anyway. +21122003 Just after Hurricane Hugo battered South Carolina, some officials talked of perhaps adding a penny to the state gasoline tax or raising property taxes. +21122004 Gov. Campbell responded, "They're mentioning rope when there's been a hanging in the family." +21122005 A spokesman says the governor believes he can avoid increases by relying on federal aid and shifting funds in state programs. +21122006 Still, Hugo's impact may revive unsuccessful proposals to give local governments authority to levy sales taxes. +21122007 A spokesman for North Carolina Gov. Martin says Hugo hasn't prompted proposals for state or local increases. +21122008 California, where earthquake damage may top $5 billion, plans a special legislative session. +21122009 Property-tax relief is likely. +21122010 Legislators are talking about temporary rises in sales or gasoline taxes, although Gov. Deukmejian says they should be a last resort. +21122011 Needs aren't clear, and the state constitution makes increasing taxes and spending very difficult. +21122012 But some legislators think the time may be ripe to revise the constitution. +21122013 THE IRS WILL PAY if its error burdens you with bank charges. +21122014 Policy statement P-5-39 sets out terms. +21122015 As a result of an erroneous IRS levy on a bank account, a taxpayer may incur administrative and overdraft charges. +21122016 If the IRS admits its error and the charges have been paid, it will reimburse a taxpayer who hasn't refused to give timely answers to IRS inquiries or hasn't contributed to continuing or compounding the error. +21122017 The IRS recently amended the policy to cover stop-payment charges for checks lost by the IRS. +21122018 If the IRS asks for and gets a replacement for a check that it concedes it lost in processing, it will reimburse the taxpayer for the stop-payment charge on the original. +21122019 Reimbursement claims must be filed with the IRS district or service-center director within a year after the expense accrues. +21122020 If the IRS seeks late-payment interest because of the lost check, you should request interest abatement, publisher Prentice Hall notes. +21122021 JUST FIVE ACRES MORE are all we need to feel really at home, they say. +21122022 A couple we'll call the Blandings spent nearly $800,000 on a 15-acre plot and main home and have an old $175,000 mortgage exempt from the new limit on mortgage-interest deductions. +21122023 They plan to expand the home site by buying five adjoining acres for $200,000, borrowed against a first mortgage on the five acres and also collateralized by the 15 acres. +21122024 Their debt will be well under the $1 million limit -- on borrowing to acquire, build, or improve a home -- that qualifies for mortgage-interest deductions. +21122025 As you can guess, the Blandings want to deduct home-mortgage interest on the $200,000 loan. +21122026 But, IRS private ruling 8940061 notes, no rule or court case bears directly on the issue of adding land to a principal residence. +21122027 So the IRS has drawn a rationale from the sale of a home site split in two and sold in different years to the same buyer; a court let the seller in that old case treat this as the sale of one residence. +21122028 Thus, the IRS says, the Blandings' $200,000 loan is home-acquisition debt, and interest on it is fully deductible. +21122029 EARTHQUAKE VICTIMS facing imminent filing and payment deadlines will get extensions and penalty waivers like those provided for Hugo's victims; IRS Notice 89108 has details. +21122030 Notice 89-107 offers added relief for hurricane-hit concerns that must file pension and benefit-plan returns. +21122031 REPORTS OF PAYMENTS to independent contractors for services must be filed by businesses, but don't bet that contractors' unreported income will be detected that way. +21122032 The General Accounting Office estimates that 50% of IRS audits don't spot companies that fail to file the reports. +21122033 UH HUH: +21122034 A claim by Peter Testa of New York that a stranger paid him $500 to go into a bank and change $44,400 in small bills into large bills "is unconvincing," the Tax Court found. +21122035 It held that Testa is taxable on $44,400 of unreported income. +21122036 WHY BE A MIDDLEMAN for charitable gifts? a retiree asks. +21122037 A retired electrical engineer we'll call Ben works part-time as a consultant, but he doesn't want to earn so much that Social Security reduces his benefits. +21122038 So he has arranged for a university foundation to set up a scholarship fund for undergraduate engineering students. +21122039 He plans to tell clients to pay certain fees directly to the foundation instead of to him; he would omit those fees from income reported on his return. +21122040 So he asked the IRS if the plan would work. +21122041 Well, notes IRS private ruling 8934014, "a fundamental principle" is that income must be taxed to whoever earns it. +21122042 The rule goes back at least as far as a 1930 Supreme Court decision, Robert Willens of Shearson Lehman Hutton says. +21122043 If you assign your income to another, you still have controlled its disposition and enjoyed the fruits of your labor, even if indirectly. +21122044 Ben earns any fees sent directly to charity and is taxable on them, the IRS says; of course, he also may take a charitable deduction for them. +21122045 BRIEFS: +21122046 Ways and Means veteran Gephardt (D., Mo.) moves to the House Budget Committee; Rep. Cardin (D., Md.) replaces him. . . . +21122047 Seattle's license fees for adult peep shows vary from those for other coin-operated amusements without serving a substantial government interest and are unconstitutional, the ninth-circuit appeals court holds for Acorn Investments Inc. +21123001 Blue-chip advertisers have plenty of complaints about the magazines they advertise in, ranging from inadequate consumer research to ad "clutter" and a seemingly unchecked proliferation of special interest magazines. +21123002 Criticism from such big advertisers as Estee Lauder Inc., Colgate-Palmolive Co. and Seagram Co. put a damper on the euphoria at the American Magazine Conference here. +21123003 The conference opened Monday with glowing reports about consumer magazines' growth in circulation and advertising revenue in the past year. +21123004 "Magazines are not providing us in-depth information on circulation," said Edgar Bronfman Jr., president and chief operating officer of Seagram, in a panel discussion. +21123005 "How do readers feel about the magazine? +21123006 How deeply do they read it? +21123007 Research doesn't tell us whether people actually do read the magazines they subscribe to." +21123008 Reuben Mark, chief executive of Colgate-Palmolive, said advertisers lack detailed demographic and geographic breakdowns of magazines' audiences. +21123009 "We need research that convinces us that magazines are a real value in reader's lives, that readers are really involved." +21123010 The critics also lambasted the magazine industry for something executives often are very proud of: the growth in magazine titles during the 1980s. +21123011 Leonard Lauder, president and chief executive officer of Estee Lauder, said consumer magazines are suffering from what he called "niche-itis,"the increasing number of magazines that target the idosyncratic interests of readers. +21123012 "Niche-itis fragments our advertising dollars," said Mr. Lauder. +21123013 "We are being over-magazined. +21123014 We are constantly faced with deciding which partnerships {with magazines} we can keep." +21123015 He added: "There's probably even a magazine for left-handed golfers . . . but the general interest magazine is something we all miss, and it should come back." +21123016 Mr. Lauder also attacked what he sees as the wide imitation of Elle, a fashion magazine published by Diamandis Communications Inc., and criticized the practice of stacking ads at the front of magazines. +21123017 "Readers don't want to face all those ad pages at the front of a magazine," he said. +21123018 Magazine editors did not take the criticisms lying down. +21123019 "We spend a fortune on research information," said Steve Burzon, publisher of Meredith Corp.'s Metropolitan Home. +21123020 And Tina Brown, editor of Conde Nast Publications Inc.'s Vanity Fair, said advertisers are frequently asked to take advertising positions in the back of her magazine to relieve ad clutter. +21123021 "But advertisers wouldn't think of it," she said. +21123022 Bernard Leser, president of Conde Nast, added: "Our research shows we sell more of our heavier issues . . . because readers believe they are getting more for what they pay for. +21124001 Wall Street securities giant Salomon Inc. posted a big, unexpected earnings gain in the third quarter, buoyed by its securities trading and investment banking activities. +21124002 Salomon said net income soared to $177 million, or $1.28 a share, from $65 million, or 38 cents a share, a year earlier. +21124003 Revenue more than doubled to $2.62 billion from $1.29 billion. +21124004 A Salomon spokesman said its stock, bond and foreign exchange trading, as well as its investment banking operations, were mostly responsible for the earnings jump. +21124005 "The earnings were fine and above expectations," said Michael W. Blumstein, an analyst at First Boston Corp. +21124006 Nevertheless, Salomon's stock fell $1.125 yesterday to close at $23.25 a share in New York Stock Exchange composite trading. +21124007 "I suspect October wasn't as good as the third quarter, and they'll have difficulty matching the third quarter in the fourth quarter," Mr. Blumstein said. +21124008 But some analysts say Salomon has turned the corner. +21124009 "I upgraded the firm to my buy list because I certainly see signs of improvement," says Lawrence Eckenfelder, an analyst at Prudential-Bache Securities. +21124010 "The market has been overly harsh to them." +21124011 Analysts say investors remain skittish toward Salomon because of its volatile earnings. +21124012 In the first quarter, Salomon had a record loss of $28 million on revenue of $1.54 billion. +21124013 But in the second quarter, Salomon posted a record $253 million net on revenue of $2.33 billion. +21125001 For the real estate industry, a watchword for the 1990s will be buy, more than build. +21125002 That's the word expected to be on the lips of the more than 3,000 developers, pension-fund advisers and real estate financiers slated to attend a four-day conference, beginning here today, sponsored by the Urban Land Institute. +21125003 The ULI is a non-profit research and education group based in Washington, D.C., with 14,000 members nationwide. +21125004 With the market overbuilt, builders are finding limited opportunities and increased risks. +21125005 Developers and money managers are looking for bargains among the thousands of financially troubled properties around the country. +21125006 Real estate professionals now often bill themselves as "turnaround experts" and "workout specialists." +21125007 Conference attendees are expected to be buzzing about the workings of the recently formed Resolution Trust Corp., a federal agency charged with disposing of an estimated $200 billion of real estate dumped in government hands by insolvent savings and loans. +21125008 Developers are also eyeing the real estate portfolios of major corporations. +21125009 Some plan to pursue foreign development ventures, mostly in Europe. +21125010 And other developers may shift from commercial to residential development in the U.S. +21125011 "There aren't as many economically viable alternatives for real estate developers in this country as 10 years ago," says Charles Shaw, a Chicago-based real estate developer. " +21125012 So developers are saying they will look into distressed properties. +21125013 They'll go into someone else's pasture as long as it's greener than the one they're in now." +21125014 Developers are also forming more joint ventures with pension funds and insurance companies that can finance big projects. +21125015 The builders are more willing to give up some equity and rely on management and consulting fees to stay afloat in the soft market. +21125016 "Developers are teaming up with institutions often acting as project managers," says Smedes York, ULI president and president of York Properties Inc., of Raleigh, N.C. +21125017 "They are growing more pragmatic about their role." +21125018 Real estate firms are also using their alliances with financial institutions to amass acquisition funds. +21125019 "Why should you beat your brains out fighting the environmentalists, the neighborhood groups, dealing with traffic mitigation, sewers and fighting city hall, then try to convince a lender to lend you money in an overbuilt market when you can get pension fund money, buy a portfolio, sell off pieces off it and play your own game?" says Jack Rodman, managing partner of the Los Angeles office of Kenneth Leventhal Inc. a national accounting firm. +21125020 But experts say that when it comes to distressed properties, finding diamonds in the rough isn't easy. +21125021 The level of interest in the RTC's properties has been greater than expected, and has come from larger companies than initially anticipated, says Stan Ross, Leventhal's co-managing partner. +21125022 And to succeed in the turnaround business, he says, developers may have to put in a lot of money and time. +21125023 Finding pension funds and other sources willing to invest is a high priority. +21125024 Quips David Shulman, director of real estate research for Salomon Brothers Inc.: "A theme of the Urban Land conference will be `take a pension fund manager to lunch. +21126001 Sheraton Corp. and Pan American World Airways announced that they and two Soviet partners will construct two "world-class" hotels within a mile of Red Square in Moscow. +21126002 U.S. and Soviet officials hailed the joint project as a new indication of the further thaw in U.S.-Soviet relations. +21126003 "This is an outstanding example of how the East and the West can work together for their mutual benefit and progress," said Soviet Ambassador Yuri Dubinin, who hosted a signing ceremony for the venture's partners at the Soviet embassy here. +21126004 Commerce Secretary Robert Mosbacher, who attended the ceremony, called the undertaking a "historic step" in the evolution of U.S.-Soviet ties. +21126005 He added that it likely will have a "mulitiplier effect" in stimulating further trade between the two countries. +21126006 The project will be the largest U.S.-backed joint venture to be undertaken in the Soviet Union in recent years. +21126007 One of the hotels, to be called the Sheraton Moscow, will have 450 rooms and will cost an estimated $75 million to build. +21126008 The six-story hotel will be on Gorky Street and initially will cater mostly to business travelers. +21126009 It will have a Russian tavern, an English pub, a discotheque and Japanese and Italian restaurants, according to a Sheraton announcement. +21126010 The hotel is scheduled to open in 1992. +21126011 The second hotel, to be called the Budapest Hotel, is to be constructed at a site even closer to Red Square. +21126012 Details about its size and cost haven't yet been determined. +21126013 Sheraton, a subsidiary of ITT Corp., will have a 40% share in the two hotels; Pan American, a subsidiary of Pan Am Corp., will have a 10% share. +21126014 The Soviet owners will be Mossoviet, Moscow's city governing body, and Aeroflot, the Soviet national airline. +21126015 Although a Finnish group has a minority interest in an already operating Moscow hotel, the Sheraton-Pan Am venture will be the first joint-venture hotels in the Soviet Union to have as much as 50% foreign ownership. +21126016 U.S. companies account for less than 8% of the 1,000 or more Soviet joint ventures that have been announced since the Soviets began encouraging such undertakings in 1987. +21126017 But some U.S. companies are negotiating projects that could be among the biggest ones to be launched. +21126018 Chevron Corp., Amoco Corp., Archer-Daniels-Midland Co., and Eastman Kodak Co. are among the U.S. companies known to be considering such ventures. +21126019 Sheraton and Pan Am said they are assured under the Soviet joint-venture law that they can repatriate profits from their hotel venture. +21126020 The Sheraton Moscow will charge about $140 to $150 a day for each of its rooms, and it will accept payment only in currencies that can be traded in foreign exchange markets, according to a Sheraton executive. +21126021 Thomas Plaskett, Pan Am's chairman, said the U.S. airline's participation is a natural outgrowth of its current arrangements with Aeroflot to jointly operate nonstop New York-Moscow flights. +21126022 He said the rising volume of passenger traffic on this route justifies a major investment in new high-standard Moscow hotels. +21127001 David Shaffer was named to the new post of executive vice president of the Maxwell Macmillan group of this communications giant. +21127002 Mr. Shaffer takes primary responsibility for the electronic and technical-services group. +21127003 He had been group vice president of the electronic-publishing group. +21127004 Also, Sheldon Aboff, formerly a vice president at Maxwell, was named group vice president with responsibility for various electronic and publishing-group companies. +21128001 Soichiro Honda's picture now hangs with Henry Ford's in the U.S. Automotive Hall of Fame, and the game-show "Jeopardy" is soon to be Sony-owned. +21128002 But no matter how much Japan gets under our skin, we'll still have mom and apple pie. +21128003 On second thought, make that just mom. +21128004 A Japanese apple called the Fuji is cropping up in orchards the way Hondas did on U.S. roads. +21128005 By 1995 it will be planted more often than any other apple tree, according to a recent survey of six apple-industry sages by Washington State University horticulturist Robert Norton. +21128006 Some fruit visionaries say the Fuji could someday tumble the Red Delicious from the top of America's apple heap. +21128007 It certainly won't get there on looks. +21128008 Compared to the Red Delicious, the exemplar of apple pulchritude, the Fuji is decidedly more dowdy -- generally smaller, less-perfectly shaped, greenish, with tinges of red. +21128009 To hear most U.S. growers tell it, we'd still be in Paradise if the serpent had proffered one to Eve. +21128010 But how sweet it is. +21128011 It has more sugar "than any apple we've ever tested," says Duane Greene, a University of Massachusetts pomologist, or apple scholar. +21128012 It has a long shelf life and "doesn't fool the public," says Grady Auvil, an Orondo, Wash., grower who is planting Fujis and spreading the good word about them. +21128013 "It doesn't look nice on the outside while getting mealy inside." +21128014 Mr. Auvil, razor sharp at 83, has picked and packed a zillion pecks of apples over the past 65 years. +21128015 He is known as the father of the U.S.-grown Granny Smith, a radically different apple that the conventional wisdom once said would never catch on. +21128016 It did, shaking the apple establishment to its roots. +21128017 Now, even more radical changes seem afoot as the grand old maverick of American apples plays the role of Hiroshi Appleseed. +21128018 "The Fuji is going to be No. 1 to replace the Red Delicious," he says. +21128019 The Delicious hegemony won't end anytime soon. +21128020 New apple trees grow slowly, and the Red Delicious is almost as entrenched as mom. +21128021 Its roots are patriotic -- with the first trees appearing in 1872 in an orchard near Peru, Iowa, to be exact. +21128022 For more than 50 years, it has been the apple of our eye. +21128023 A good Delicious can indeed be delicious. +21128024 More than twice as many Red Delicious apples are grown as the Golden variety, America's No. 2 apple. +21128025 But the apple industry is ripe for change. +21128026 "Red Delicious has been overplanted, and its prices have dropped below the cost of production," says Washington State's Mr. Norton. +21128027 The scare over Alar, a growth regulator that makes apples redder and crunchier but may be carcinogenic, made consumers shy away from the Delicious, though they were less affected than the McIntosh. +21128028 The glut and consequent lower prices, combined with cancer fears, was a very serious blow to growers. +21128029 "A lot of growers won't be around in a few years," says Mr. Norton, although they have stopped using Alar. +21128030 One may be William Broderick, a Sterling, Mass., grower. +21128031 "This is beautiful stuff," he says, looking ruefully at big boxes of just-picked Red Delicious next to his barn. +21128032 "But I'm going to lose $50,000 to $60,000 on it. +21128033 I'm going to have to get another job this year just to eat." +21128034 Besides rotten prices, he has been hit recently by hail, a bark-nibbling horde of mice, fungi and bugs. +21128035 Some 500 insects and 150 diseases wiggle, chew and romp through growers' nightmares, including maggots, mites, mildew, thrips, black rot and the flat-headed borer. +21128036 Even if a grower beats them back, his $2,000 rented bees might buzz off to the neighbors' orchards instead of pollinating his, Mr. Broderick says. +21128037 Though growers can't always keep the worm from the apple, they can protect themselves against the price vagaries of any one variety by diversifying -- into the recently imported Gala, a sweet New Zealand native; the Esopus Spitzenburg, reportedly Thomas Jefferson's favorite apple; disease-resistant kinds like the Liberty. +21128038 "I've ripped out a lot of Delicious" and grafted the trees with many different shoots, says Steve Wood, a West Lebanon, N.H., grower, tramping through his 100-acre Poverty Lane Orchard on a crisp autumn day recently. +21128039 "I've got 70 kinds of apples. +21128040 Here's a Waltana," he exclaims, picking one off a tree. +21128041 He bites it, scowls and throws it down. " +21128042 It's a real dog." +21128043 Supermarkets are getting into the variety act, too. +21128044 They still buy apples mainly for big, red good looks -- that's why so many taste like woodchucks' punching bags. +21128045 But freshness counts more than it once did, and stores are expanding shelf space for unconventional, but tastier, and often pricier, apples. +21128046 "Rather than sell 39-cents-a-pound Delicious, maybe we can sell 79-cents-a-pound Fujis," says Chuck Tryon, perishables director for Super Valu Inc., a Minneapolis supermarket chain and food distributor. +21128047 The Fuji is a product of meticulous Japanese pomological engineering, which fostered it 50 years ago at a government research orchard. +21128048 Japanese researchers have bred dozens of strains of Fujis to hone its color, taste and shelf life. +21128049 Now the best of them age as gracefully as Grannies, the industry's gold standard for storability. +21128050 In the cornucopia of go-go apples, the Fuji's track record stands out: During the past 15 years, it has gone from almost zilch to some 50% of Japan's market. +21128051 "The Japanese apple market is very keyed to high quality," says David Lane, a scientist at a Canadian horticulture research center in Summerland, British Columbia, and so apples are more of a delicacy there than a big food commodity. +21128052 The U.S. Department of Agriculture estimates that this year Americans will eat about 40% more fresh apples per capita than the Japanese. +21128053 The Fuji is still small potatoes in the U.S., sold mainly in fruit boutiques. +21128054 But in California, says Craig Ito, a Fuji-apple grower, "There's a Fuji apple cult. +21128055 Once somebody eats one, they get hooked." +21128056 Mr. Auvil, the Washington grower, says that he could sell Fujis to Taiwan buyers at $40 a box if he had them. +21128057 (Taiwan already is a big importer of Fujis from other places, he adds.) +21128058 But his first crop won't be picked till next year. +21128059 "I expect to see the demand exceed supply for Fujis for the next 10 to 15 years," he adds. +21128060 Washington Red Delicious, by the way, are wholesaling for less than $10 a box these days. +21128061 Mr. Auvil sees Fujis, in part, as striking a blow against the perversion of U.S. apples by supermarkets. +21128062 "When the chain stores took over, there was no longer a connection between grower and consumer. +21128063 A guy is sitting up in an office deciding what you're going to eat." +21128064 After all, until the 1950s even the Red Delicious was a firm, delectable morsel. +21128065 Then, as growers bred them more for looks, and to satisfy supermarket chains' demands of long-term storage, the Red went into decline. +21128066 Now, those red applelike things stores sell in summer are fruitbowl lovely, but usually not good eating. +21128067 They do deserve respect, however -- they are almost a year old, probably equal to about 106 in human years. +21128068 The Fuji, to be sure, has blemishes too. +21128069 It ripens later than most apples, and growing it in U.S. areas with chilly autumns may be tricky. +21128070 Moreover, the frumpy Fuji must compete with an increasingly dolledup Delicious. +21128071 Mr. Broderick, the Massachusetts grower, says the "big boss" at a supermarket chain even rejected his Red Delicious recently because they weren't waxed and brushed for extra shine. +21128072 And he hadn't used hormones, which many growers employ to elongate their Delicious apples for greater eye appeal. +21128073 Still, Mr. Auvil points out, Grannies became popular without big, red looks, so why not Fujis? +21128074 He sees a shift in American values -- at least regarding apples -- toward more emphasis on substance and less on glitz. +21128075 "Taste has finally come to the fore," he says. +21128076 Or, for that matter, the core. +21129001 Brush Wellman Inc. said its board increased the number of shares of common stock to be purchased under a previously authorized program to 3.9 million from 2.9 million. +21129002 The maker of engineered materials has acquired more than 2.7 million shares under the program. +21130001 The state attorney general's office filed suit against five New York brokerage firms, charging them with responsibility for much of a $200 million loss incurred by the state treasurer's office in 1987. +21130002 The suit sets the firms' liability at more than $185 million. +21130003 The firms are Morgan Stanley & Co., Salomon Brothers Inc., County Natwest Government Securities Inc., Greenwich Capital Markets Inc. and Goldman, Sachs & Co. +21130004 The firms have all said that West Virginia's suit is without merit. +21130005 On Friday, the firms filed a suit against West Virginia in New York state court asking for a declaratory judgment absolving them of liability. +21130006 That suit is pending. +21130007 The suits relate to a $200 million loss, disclosed in December, that was suffered by West Virginia's consolidated investment pool. +21130008 The pool invested idle cash for many state agencies and local governments. +21130009 In its suit, the attorney general's office alleges that brokers encouraged members of the treasurer's office to engage in high-volume, high-risk transactions that benefited the brokers. +21131001 Few people are aware that the federal government lends almost as much money as it borrows. +21131002 From 1980 to 1988, while federal budget deficits totaled $1.41 trillion, the government issued $394 billion of new direct loans and an additional $756 billion of new primary loan guarantees. +21131003 These figures omit secondary guarantees, deposit insurance, and the activities of Government-Sponsored Enterprises (a huge concern in its own right, as detailed on this page May 3). +21131004 Federal credit programs date back to the New Deal, and were meant to break even financially. +21131005 Since the 1950s, federal lending has experienced extraordinary growth in credit volume, subsidy rates, and policy applications, spurred on by the growth of government in general and budget gimmicks and deceptive management in particular. +21131006 As we will see, many of these obligations don't show up as part of the federal deficit. +21131007 But recent events indicate that federal credit is out of control. +21131008 Student loan defaults remain high at about 12%, and the program has been rocked by allegations of fraud and mismanagement. +21131009 Farmers Home Administration (FmHA) loans have turned into de facto giveaway programs; losses over the next three years are expected to exceed $20 billion. +21131010 Defaults on Veterans Affairs loan guarantees have quadrupled in the past eight years. +21131011 Last month, the General Accounting Office reported that defaults in Federal Housing Administration guarantees were five times as high as previously estimated, and that FHA's equity fell to minus $2.9 billion. +21131012 GAO's findings are particularly troubling because the FHA has about $300 billion in obligations outstanding and had previously been considered one of the most financially secure credit programs. +21131013 Scores of other credit programs, subsidizing agriculture, small business, exporters, defense, energy, transportation and others, are less visible but in no better shape. +21131014 If the programs continue their present path, the potential government losses are staggering: The federal government holds $222 billion in direct loans outstanding and backs an additional $550 billion in primary guarantees. +21131015 (Secondary guarantees of pools of FHA- and VA-backed loans by the agency known as Ginnie Mae currently exceed $330 billion.) +21131016 Although external events have contributed to the morass, the principal causes of the current crisis are internal and generic to all programs. +21131017 To reduce the risks while still retaining the legitimate benefits these programs can provide, credit policy must: 1. Use credit to improve the operation of capital markets, not to provide subsidies. +21131018 There is a fundamental conflict between providing a subsidy and maintaining the integrity of a credit program. +21131019 If the program is meant to provide a subsidy, collecting the debt defeats the original goal. +21131020 Thus, subsidized loans tend to turn into giveaway programs, with increasing subsidy and default rates over time. +21131021 To avoid this problem, government should issue credit only if it intends to use every legal method to collect. +21131022 In contrast, credit programs can be appropriate tools to improve the operation of capital markets. +21131023 For example, legal restrictions on interstate banking once inhibited the supply of credit to the agricultural sector. +21131024 Farm lending was enacted to correct this problem by providing a reliable flow of lendable funds. +21131025 However, this in no way justifies the huge government subsidies and losses on such loans. +21131026 Credit policy should separate these two competing objectives and eliminate aspects that provide the subsidy. +21131027 For example, student loans currently attempt to subsidize college attendance and mitigate problems created by the fact that students' future earnings are not accepted as collateral. +21131028 The program provides highly subsidized loans to any student whose family earns less than a particular amount. +21131029 High default rates, a low interest rate, and government coverage of all interest costs while the student is in school make program costs extremely high. +21131030 Families that do not need the loan can make money simply by putting the loan in the bank and paying it back when the student graduates. +21131031 In contrast, a student loan program that was meant solely to correct capital-market imperfections would allow loans for any student, regardless of family income, at market or near-market rates. +21131032 While the student was in school, interest costs would either be paid by the student or added to the loan balance. +21131033 This program, combined with cash grants to needy students, would reduce program costs and much more effectively target the intended beneficiaries. +21131034 2. Provide better incentives. +21131035 Given the structure of most credit programs, it is surprising that default rates are not even higher. +21131036 Guarantee rates are typically 100%, giving lenders little reason to screen customers carefully. +21131037 Reducing those rates moderately (say, to 75%) would still provide substantial assistance to borrowers. +21131038 But it would also encourage lenders to choose more creditworthy customers, and go a long way toward reducing defaults. +21131039 For example, the Small Business Administration has had reasonable success in reducing both guarantee rates and default rates in its Preferred Lenders' Program. +21131040 Borrowers' incentives are equally skewed. +21131041 Since the government has a dismal record of collecting bad debts, the costs to the borrower of defaulting are usually low. +21131042 In addition, it is often possible to obtain a new government loan even if existing debts are not paid off. +21131043 Simple policy prescriptions in this case would be to improve debt collection (taking the gloves off contracted collection agencies) and to deny new credit to defaulters. +21131044 These provisions would be difficult to enforce for a program intended to provide a subsidy, but would be reasonable and effective devices for programs that attempt to offset market imperfections. +21131045 3. Record the true costs of credit programs in the federal budget. +21131046 Since the budget measures cash flow, a new $1 direct loan is treated as a $1 expenditure, even though at least part of the loan will be paid back. +21131047 Loan guarantees don't appear at all until the borrower defaults, so new guarantees do not raise the deficit, even though they create future liabilities for the government. +21131048 By converting an expenditure or loan to a guarantee, the government can ensure the same flow of resources and reduce the current deficit. +21131049 Predictably, guarantees outstanding have risen by $130 billion since 1985, while direct loans outstanding have fallen by $30 billion. +21131050 The true budgetary cost of a credit subsidy is the discounted value of the net costs to government. +21131051 This figure could be estimated using techniques employed by private lenders to forecast losses, or determined by selling loans to private owners (without federal guarantees). +21131052 Neither technique is perfect, but both are better than the current system, which misstates the costs of new credit programs by amounts that vary substantially and average about $20 billion annually, according to the Congressional Budget Office. +21131053 A budget that reflected the real costs of lending would eliminate incentives to convert spending or lending programs to guarantees and would let taxpayers know what Congress is committing them to. +21131054 4. Impose standard accounting and administrative practices. +21131055 Creative accounting is a hallmark of federal credit. +21131056 Many agencies roll over their debt, paying off delinquent loans by issuing new loans, or converting defaulted loan guarantees into direct loans. +21131057 In any case, they avoid having to write off the loans. +21131058 Some agencies simply keep bad loans on the books; as late as 1987, the Export-Import Bank held in its portfolio at face value loans made to Cuba in the 1950s. +21131059 More seriously, FmHA has carried several billion dollars of defaulted loans at face value. +21131060 Until GAO's recent audit, FHA books had not been subject to a complete external audit in 15 years. +21131061 The administration of federal credit should closely parallel private lending practices, including the development of a loan loss reserve and regular outside audits. +21131062 Establishing these practices would permit earlier identification of emerging financial crises, provide better information for loan sales and budgeting decisions, and reduce fraud. +21131063 Government lending was not intended to be a way to obfuscate spending figures, hide fraudulent activity, or provide large subsidies. +21131064 The reforms described above would provide a more limited, but clearer, safer and ultimately more useful role for government as a lender. +21131065 Without such reforms, credit programs will continue to be a large-scale, high-risk proposition for taxpayers. +21131066 Mr. Gale is an assistant professor of economics at UCLA. +21132001 Malcolm S. Todt was named vice president and senior officer in charge of equipment leasing to municipalities, a new effort of this bond insurer. +21132002 Mr. Todt had been vice president and treasurer of Insilco Corp. +21133001 President Bush is considering casting a line-item veto as a test to determine whether the courts will rule that he has such authority. +21133002 Mr. Bush has long campaigned for passage of a bill or a constitutional amendment that would explicitly give him a line-item veto, which would enable him to kill individual items in a big spending bill without having to kill the entire bill. +21133003 He has argued that such presidential power is necessary to rein in congressional spending. +21133004 But some analysts, particularly conservative legal scholars, have urged Mr. Bush not to wait for explicit authorization but simply to assert that the Constitution already implicitly gives him the power to exercise a line-item veto. +21133005 Such an assertion most likely would bring about a court challenge from Congress that would clarify whether a president already has such power. +21133006 White House spokesman Marlin Fitzwater, confirming comments made this week by Vice President Dan Quayle, said Mr. Bush is "interested" in finding a suitable test case. +21133007 But he also said that exercising a test line-item veto isn't a "top initiative" on the president's agenda because he faces more-pressing budget issues at the moment. +21134001 Harris Ravine, executive vice president of customer satisfaction, was named executive vice president, finance and administration of this maker of data storage equipment. +21134002 Mr. Ravine succeeds William R. Mansfield Jr., who will remain with the company until the end of the year to support the transition and to complete important projects. +21135001 The Bush administration said it is submitting a "comprehensive" proposal for overhauling agricultural trade that could help break an impasse in the current round of multilateral trade negotiations. +21135002 The proposal reiterates the U.S. desire to scrap or reduce a host of trade-distorting subsidies on farm products. +21135003 But it would allow considerable flexibility in determining how and when these goals would be achieved. +21135004 The U.S. plan also would ease the transition to freer agriculture trade by allowing some countries to convert non-tariff barriers into tariffs that, together with existing tariffs, then would be phased out over 10 years. +21135005 Trade Representative Carla Hills, who along with Agriculture Secretary Clayton Yeutter unveiled the proposal, said she is confident it will gain considerable support from the U.S.'s trading partners. +21135006 Mr. Yeutter, seeking to allay European objections to an earlier U.S. plan that called for eliminating all farm-trade barriers by the year 2000, said the new U.S. proposal wouldn't "put farmers out of business" but would only encourage them to "grow what the markets desire instead of what the government wants." +21135007 The U.S. is submitting the proposal today in Geneva, hoping that the initiative will spur members of the General Agreement on Tariffs and Trade to reach agreement on new trade rules before their current negotiating round concludes in December 1990. +21135008 Another U.S. proposal filed Monday urges more "fair play" in services trade, including predictable and clear rules and equality in the treatment of foreign and domestic service companies. +21135009 Unlike the earlier U.S. farm-trade proposal which struck European countries as too extreme, the latest plan would provide some room for maneuver. +21135010 For instance, the new U.S. package makes clear there would be a transition period during which GATT members could use a combination of tariffs and quotas to cushion their farmers from foreign competition. +21135011 It also says countries could temporarily raise tariffs on certain products if they experience an unusually heavy volume of imports. +21135012 Instead of proposing a complete elimination of farm subsidies, as the earlier U.S. proposal did, the new package calls for the elimination of only the most tradedistorting ones. +21135013 Less objectionable ones would be subject only to some restraints, and others with a "relatively minor trade impact" would be allowed to continue under certain conditions. +21135014 The new U.S. plan also would establish procedures to prevent countries from using health and sanitation rules to impede trade arbitrarily. +21135015 The goal would be to resolve disputes such as one prompted by the European Community's current attempt to bar imports of beef from hormone-treated U.S. cattle. +21135016 The U.S. contends that the rules aren't justified on health grounds. +21135017 To encourage more competition among exporting countries, the U.S. is proposing that export subsidies, including tax incentives for exporters, be phased out in five years. +21136001 Procter & Gamble Co., helped by a gain from a lawsuit settlement and continued growth overseas, posted a 38% rise in fiscal first-quarter net income. +21136002 Net for the quarter ended Sept. 30 climbed to $551 million, or $1.66 a share, from $400 million, or $1.18 a share, a year earlier. +21136003 Per-share figures have been adjusted for a 2-for-1 stock split effective Oct. 20. +21136004 Sales increased 6% to $5.58 billion from $5.27 billion. +21136005 Earnings at the consumer-products giant were boosted by a gain of $125 million, or about 25 cents a share, stemming from last month's settlement of litigation with three of P&G's competitors over patents on P&G's Duncan Hines cookies. +21136006 Excluding the gain, P&G's earnings were close to analysts' predictions of about $1.40 a share for the quarter. +21136007 Wall Street had expected a modest rise in the company's domestic sales and earnings, and more substantial increases in overseas results. +21136008 One factor helping sales and earnings was a 3% price rise for most P&G products, except coffee, analysts said. +21136009 Unit volume, or amount of products shipped, rose about 11% in the international segment, with P&G continuing to win market share in Japan's diaper and detergent markets. +21136010 Jay Freedman, analyst with Kidder, Peabody & Co., said P&G's Always sanitary napkin, sold under the Whisper name in Japan, has firmly established itself as a leading brand. +21136011 He figures P&G will expand its personal-care product line in Japan to "continue that momentum." +21136012 P&G's U.S. shipments were up just 1%, partly because the company decided to shift more promotions and sales for health and beauty products to the fiscal second quarter. +21136013 Hugh Zurkuhlen, analyst with Salomon Bros., predicts the shift will mean P&G's sales growth in the second quarter will be "in the double digits." +21136014 Also slowing growth in the U.S. were lackluster results for P&G's cooking oils, which had a strong year-earlier first quarter. +21136015 Last year's drought in the Midwest prompted retailers to stock up on oils ahead of anticipated price increases, boosting sales for Crisco and Puritan oils, analysts said. +21136016 For fiscal 1990, analysts expect P&G's sales to continue to grow, with earnings climbing between 15% and 20%. +21136017 Lynne Hyman, vice president of equity research for First Boston Corp., expects P&G to post net of about $4.20 a share, on a post-split basis. +21136018 "But I'm recognizing there's a good chance they'll do a bit better than that," she says. +21136019 In fiscal 1989, P&G earned $3.56 a share, adjusted for the stock split. +21136020 One big factor affecting the fiscal second half will be the new stewardship of Edwin L. Artzt, who becomes chairman and chief executive officer in January. +21136021 Because of his remarkable success turning around P&G's international operations, analysts have high hopes for his tenure. +21136022 "If he does to the domestic operations what he did internationally," says Mr. Zurkuhlen, "this company will earn $6 or $7 a share in a few years. +21137001 The Voting Rights Act of 1965 was enacted to keep the promise of the Fifteenth Amendment and enable Southern blacks to go to the polls, unhindered by literacy tests and other exclusionary devices. +21137002 Twenty-five years later, the Voting Rights Act has been transformed by the courts and the Justice Department into a program of racial gerrymandering designed to increase the number of blacks and other minorities -- Hispanics, Asians and native Americans -- holding elective office. +21137003 In the 1980s, the Justice Department and lower federal courts that enforce the Voting Rights Act have required state legislatures and municipal governments to create the maximum number of "safe" minority election districts -- districts where minorities form between 65% and 80% of the voting population. +21137004 The program has even been called upon to create "safe" white electoral districts in municipalities where whites are the minority. +21137005 Although Section 2 of the act expressly disclaims requiring that minorities win a proportional share of elective offices, few municipal and state government plans achieve preclearance by the Justice Department or survive the scrutiny of the lower federal courts unless they carve out as many solidly minority districts as possible. +21137006 The new goal of the Voting Rights Act -- more minorities in political office -- is laudable. +21137007 For the political process to work, all citizens, regardless of race, must feel represented. +21137008 One essential indicator that they are is that members of minority groups get elected to public office with reasonable frequency. +21137009 As is, blacks constitute 12% of the population, but fewer than 2% of elected leaders. +21137010 But racial gerrymandering is not the best way to accomplish that essential goal. +21137011 It is a quick fix for a complex problem. +21137012 Far from promoting a commonality of interests among black, white, Hispanic and other minority voters, drawing the district lines according to race suggests that race is the voter's and the candidate's most important trait. +21137013 Such a policy implies that only a black politician can speak for a black person, and that only a white politician can govern on behalf of a white one. +21137014 Examples of the divisive effects of racial gerrymandering can be seen in two cities -- New York and Birmingham, Ala. +21137015 When they reapportion their districts after the 1990 census, every other municipality and state in the country will face this issue. +21137016 New York City: +21137017 Racial gerrymandering has been a familiar policy in New York City since 1970, when Congress first amended the Voting Rights Act to expand its reach beyond the Southern states. +21137018 In 1972, the Justice Department required that the electoral map in the borough of Brooklyn be redrawn to concentrate black and Hispanic votes, despite protests that the new electoral boundaries would split a neighborhood of Hasidic Jews into two different districts. +21137019 This year, a commission appointed by the mayor to revise New York's system of government completed a new charter, expanding the City Council to 51 from 35 members. +21137020 Sometime in 1991, as soon as the 1990 census becomes available, a redistricting panel will redraw the City Council district lines. +21137021 The Charter Revision Commission has made it clear that in response to the expectations of the Justice Department and the commission's own commitment to enhancing minority political leadership, the new district lines will be drawn to maximize the number of solidly minority districts. +21137022 Blacks and Hispanics currently make up 38% of the city's population and hold only 25% of the seats on the council. +21137023 Several of the city's black leaders, including Democratic mayoral nominee David Dinkins, have spoken out for racial gerrymandering to accord blacks and Hispanics "the fullest opportunity for representation." +21137024 In this connection, it is important to note that several members of New York's sitting City Council represent heterogeneous districts that bring together sizable black, Hispanic, and non-Hispanic white populations -- Carolyn Maloney's 8th district in northern Manhattan and the south Bronx and Susan Alter's 25th district in Brooklyn, for example. +21137025 To win their seats on the council, these political leaders have had to listen to all the voices in their district and devise public policies that would benefit all. +21137026 Often they have found that the relevant issue is not race, but rather housing, crime prevention or education. +21137027 Birmingham, Ala.: +21137028 The unusual situation in Birmingham vividly illustrates the divisive consequences of carving out safe districts for racial minorities. +21137029 In Birmingham, which is 57% black, whites are the minority. +21137030 Insisting that they are protected by the Voting Rights Act, a group of whites brought a federal suit in 1987 to demand that the city abandon at-large voting for the nine member City Council and create nine electoral districts, including four safe white districts. +21137031 The white group argued that whites were not fully and fairly represented, because in city-wide elections only black candidates or white candidates who catered to "black interests" could win. +21137032 No federal court has ruled that the Voting Rights Act protects a white minority, but in June the Justice Department approved a districting plan for Birmingham that carves out three white-majority districts and six black-majority districts. +21137033 Richard Arrington, Birmingham's black mayor, lamented the consequences. +21137034 "In the past, people who had to run for office had to moderate their views because they couldn't afford to offend blacks or whites," he said. +21137035 "Now you go to districts, you're likely to get candidates whose views are more extreme, white and black, on racial issues." +21137036 Two hundred years ago, critics of the new United States Constitution warned that the electoral districts for Congress were too large and encompassed too many different economic interests. +21137037 A small farmer and a seaport merchant could not be represented by the same spokesman, they said. +21137038 But James Madison refuted that argument in one of the most celebrated political treatises ever written, No. 10 of the Federalist Papers. +21137039 Madison explained that a representative's duty was to speak not for the narrow interests of one group but instead for the common good. +21137040 Large, heterogeneous election districts would encourage good government, said Madison, because a representative would be compelled to serve the interests of all his constituents and be servile to none. +21137041 Madison's noble and unifying vision of the representative still can guide us. +21137042 As long as we believe that all Americans, of every race and ethnic background, have common interests and can live together cooperatively, our political map should reflect our belief. +21137043 Racial gerrymandering -- creating separate black and white districts -- says that we have discarded that belief in our ability to live together and govern ourselves as one people. +21137044 Ms. McCaughey is a constitutional scholar at the Center for the Study of the Presidency in New York. +21138001 The Justice Department has distributed these new guidelines for U.S. Attorneys prosecuting RICO cases. +21138002 A related editorial appears today. +21138003 Under {RICO}, the government may seek a temporary restraining order (TRO) upon the filing of a RICO indictment, in order to preserve all forfeitable assets until the trial is completed and judgment entered. +21138004 Such orders can have a wide-ranging impact on third parties who do business with the defendants, including clients, vendors, banks, investors, creditors, dependents, and others. +21138005 Some highly publicized cases involving RICO TROs have been the subject of considerable criticism in the press, because of a perception that pre-trial freezing of assets is tantamount to a seizure of property without due process. +21138006 In order to ensure that the rights of all interested parties are protected, the Criminal Division has instituted the following requirements to control the use of TROs in RICO prosecutions. +21138007 (It should be noted that these requirements are in addition to any other existing requirements, such as review by the Asset Forfeiture Office.): +21138008 1. As part of the approval process for RICO prosecutions, the prosecutor must submit any proposed forfeiture TRO for review by the Organized Crime and Racketeering Section. +21138009 The prosecutor must show that less-intrusive remedies (such as bonds) are not likely to preserve the assets for forfeiture in the event of a conviction. +21138010 2. In seeking approval of a TRO, the prosecutor must articulate any anticipated impact that forfeiture and the TRO would have on innocent third parties, balanced against the government's need to preserve the assets. +21138011 3. In deciding whether forfeiture (and, hence, a TRO) is appropriate, the Section will consider the nature and severity of the offense; the government's policy is not to seek the fullest forfeiture permissible under the law where that forfeiture would be disproportionate to the defendant's crime. +21138012 4. When a RICO TRO is being sought, the prosecutor is required, at the earliest appropriate time, to state publicly that the government's request for a TRO, and eventual forfeiture, is made in full recognition of the rights of third parties -- that is, in requesting the TRO, the government will not seek to disrupt the normal, legitimate business activities of the defendant; will not seek through use of the relation-back doctrine to take from third parties assets legitimately transferred to them; will not seek to vitiate legitimate business transactions occurring between the defendant and third parties; and will, in all other respects, assist the court in ensuring that the rights of third parties are protected, through proceeding under {RICO} and otherwise. +21138013 The Division expects that the prosecutor will announce these principles either at the time the indictment is returned or, at the latest, at the first proceeding before the court concerning the TRO. +21139001 Sales of North American-built cars and trucks plunged 20.5% in mid-October from a year earlier, as domestic manufacturers paid the price for heavy incentives earlier this year. +21139002 "People are waiting for {new} factory giveaways," said Ben Kaye, sales manager of Bob Brest Auto World in Lynn, Mass., whose sales are slow. +21139003 This trend appears to be especially true at General Motors Corp., which used both dealer and consumer incentives to ignite sales in August and September. +21139004 Since then, deliveries have slumped. +21139005 GM's car sales dropped 24.8% in mid-October to 69,980, while truck sales fell 26% to 37,860. +21139006 GM also had dismal results in the first 10 days of the month, while other auto makers reported mixed results. +21139007 All of the Big Three suffered in the just-ended period, however, with sales of all domestically made cars, including those built at Japanese-managed plants, falling 19% to 158,863 from a year earlier. +21139008 The seasonal adjusted annual selling rate was six million vehicles, a small improvement from the 5.8 million rate of early October, but a big drop from the 7.1 million rate a year ago. +21139009 Sales of domestically made trucks also continued to be sluggish in mid-October, dropping 22.8% to 94,543 from a year ago. +21139010 The Big Three auto makers already have slashed fourth-quarter production plans 10.4% below year-ago levels, but that may not be enough to prevent inventories from ballooning if sales don't improve. +21139011 Industry analyst John H. Qualls, a vice president with Hill & Knowlton in St. Louis, forecasts that domestic auto makers will have a 93-day supply of cars at the end of the year, even if car sales improve to a 6.5 million vehicle rate for the quarter. +21139012 Ford Motor Co. reported a 21.2% drop in sales of domestic-made cars to 46,995 and a 24.2% drop in domestic trucks to 31,143. +21139013 The sales are being dragged down by a glut of 1989 vehicles, said Joel Pitcoff, a Ford analyst. +21139014 The earlier use of incentives depleted the market of "scavengers" for bargain-basement 1989 cars, he said. +21139015 Town & Country Ford in Charlotte, N.C., still needs to move about 850 1989 cars and trucks. +21139016 Business had been fairly strong until Hurricane Hugo hit the area, but has been down since. +21139017 Chrysler Corp. also hit the rocks in mid-October. +21139018 The No. 3 U.S. auto maker had a 23.7% plunge in car sales to 22,336 and a 17.5% drop in truck sales to 22,925, which include its minivans and Jeeps. +21139019 Honda Motor Co., which continues to have short supplies of domestically made Accords, saw its sales of North American-built cars fall 14.1% to 8,355. +21139020 But sales of domestic cars and trucks at Nissan Motor Corp. rose 26.1% to 5,651. +21139021 A Nissan spokesman attributed the increase to the use of incentives this year and not a year ago and to higher fleet sales. +21139022 Toyota Motor Corp., which opened a plant in Georgetown, Ky., last year, saw sales triple to 6,256 vehicles. +21139023 a-Totals include only vehicle sales reported in the period. +21139024 c-Domestic car +21139025 d-Percent change greater than 999%. +21139026 x-There were 9 selling days in the most recent period and 9 a year earlier. +21139027 Percentage differences based on daily sales rate rather than sales volume. +21140001 Short interest in Nasdaq over-the-counter stocks rose 6% as of mid-October, its biggest jump since 6.3% last April. +21140002 The most recent OTC short interest statistics were compiled Oct. 13, the day the Nasdaq composite index slid 3% and the New York Stock Exchange tumbled 7%. +21140003 The coincidence might lead to the conclusion that short-sellers bet heavily on that day that OTC stocks would decline further. +21140004 As it happens, the Nasdaq composite did continue to fall for two days after the initial plunge. +21140005 However, the short interest figures reported by brokerage and securities clearing firms to the National Association of Securities Dealers include only those trades completed, or settled, by Oct. 13, rather than trades that occurred on that day, according to Gene Finn, chief economist for the NASD. +21140006 Generally, it takes five business days to transfer stock and to take the other steps necessary to settle a trade. +21140007 The total short interest in Nasdaq stocks as of mid-October was 237.1 million shares, up from 223.7 million in September but well below the record level of 279 million shares established in July 1987. +21140008 The sharp rise in OTC short interest compares with the 4.2% decline in short interest on the New York Stock Exchange and the 3% rise on the American Stock Exchange during the September-October period. +21140009 Generally, a short seller expects a fall in a stock's price and aims to profit by selling borrowed shares that are to be replaced later; the short seller hopes the replacement shares bought later will cost less than those that were sold. +21140010 Short interest, which represents the number of shares borrowed and sold, but not yet replaced, can be a bad-expectations barometer for many stocks. +21140011 Among 2,412 of the largest OTC issues, short interest rose to 196.8 million shares, from 185.7 million in 2,379 stocks in September. +21140012 Big stocks with large short interest gains as of Oct. 13 included First Executive, Intel, Campeau and LIN Broadcasting. +21140013 Short interest in First Executive, an insurance issue, rose 55% to 3.8 million. +21140014 Intel's short interest jumped 42%, while Campeau's increased 62%. +21140015 Intel makes semiconductors and Campeau operates department-store chains and is strained for cash. +21140016 Meritor Savings again had the dubious honor of being the OTC stock with the biggest short interest position on Nasdaq. +21140017 Meritor has headed the list since May. +21140018 First Executive and troubled Valley National Corp. of Arizona were next in line. +21140019 Short selling isn't necessarily bad for the overall market. +21140020 Shorted shares must eventually be replaced through buying. +21140021 In addition, changes in short interest in some stocks may be caused by arbitrage. +21140022 For example, an investor may seek to profit during some takeover situations by buying stock in one company involved and shorting the stock of the other. +21140023 Two big stocks involved in takeover activity saw their short interest surge. +21140024 Short interest in the American depositary receipts of Jaguar, the target of both Ford Motor and General Motors, more than doubled. +21140025 Nasdaq stocks that showed a drop in short interest included Adobe Systems, Class A shares of Tele-Communications and takeover targets Lyphomed and Jerrico. +21140026 The NASD, which operates the Nasdaq computer system on which 5,200 OTC issues trade, compiles short interest data in two categories: the approximately two-thirds, and generally biggest, Nasdaq stocks that trade on the National Market System; and the one-third, and generally smaller, Nasdaq stocks that aren't a part of the system. +21140027 Short interest in 1,327 non-NMS securities totaled 40.3 million shares, compared with almost 38 million shares in 1,310 issues in September. +21140028 The October short interest represents 1.04 days of average daily trading volume in the smaller stocks in the system for the reporting period, compared with 0.94 day a month ago. +21140029 Among bigger OTC stocks, the figures represent 2.05 days of average daily volume, compared with 2.14 days in September. +21140030 The adjacent tables show the issues in which a short interest position of at least 50,000 shares existed as of Oct. 13 or in which there was a short position change of at least 25,000 shares since Sept. 15 (see accompanying tables -- WSJ Oct. 25, 1989). +21141001 From the Sept. 30-Oct. 4 issue of The Economist: +21141002 What defeated General Aoun was not only the weight of the Syrian army. +21141003 The weight of Lebanon's history was also against him; and it is a history Israel is in danger of repeating. +21141004 Like Lebanon, and however unfairly, Israel is regarded by the Arab world as a colonial aberration. +21141005 Its best hope of acceptance by its neighbours lies in reaching a settlement with the Palestinians. +21141006 Like Lebanon, Israel is being remade by demography. +21141007 In Greater Israel more than half the children under six are Muslims. +21141008 Within 25 years Jews will probably be the minority. +21141009 Yet Israel will neither share power with all these Arabs nor, says its present prime minister, redraw its borders closer to its pre-1967 Jewish heartland. +21141010 By not choosing one of these options, Israelis will condemn themselves, as the Maronites did, to perpetual war with the Muslims in their midst, and so to the internal erosion of their state. +21141011 Unlike the Maronites, Israel's Jews will not let themselves become the weakest force in a system of private armies; Jerusalem will become Belfast before it becomes Beirut. +21141012 But that is not much of a consolation to draw from the failure of General Aoun. +21142001 The Nasdaq over-the-counter market didn't fully recover from a selling stampede, and closed down 1.2%. +21142002 The effects on the market of the mostly computer-driven sell-off among exchange-listed stocks irked many market makers, who watched the Nasdaq Composite Index tumble in sympathy with the Dow Jones Industrial Average, and then saw it get left behind in the subsequent rally. +21142003 After plummeting 1.8% at one point during the day, the composite rebounded a little, but finished down 5.52, at 461.70. +21142004 In contrast, the industrial average recovered almost completely from its skid and closed down 0.1%. +21142005 The New York Stock Exchange Composite was 0.4% lower for the day. +21142006 As usual, the over-the-counter market's biggest technology stocks were hardest hit. +21142007 Microsoft, battered by profit taking in recent sessions, sank as much as 4; but it finished at 80 7/8, down 2 1/4 on volume of one million shares. +21142008 MCI Communications, the most active issue, finished down 5/8 to 42 1/8. +21142009 MCI traded as low as 41 3/8 during the session. +21142010 Other active stocks included Jaguar, whose American depositary receipts added 1/8 to 11 1/4. +21142011 Apple Computer improved 7/8 to 47 5/8; Intel slipped 1/4 to 33 1/4, and Valley National Corp. was up 1/8 to 15 1/8. +21142012 "The market started with several strikes against it," said Peter DaPuzzo, head of retail equity trading at Shearson Lehman Hutton, referring to news that the labor-management buy-out of UAL Corp. continued to unravel, and reports that the junk-bond market is disintegrating. +21142013 But the computer-guided selling in response to those developments dealt a serious blow to the over-the-counter market, Mr. DaPuzzo said. +21142014 Even though the over-the-counter market usually doesn't fall by as much as listed stocks during program-selling blitzes, he said, "when the market does recover, the damage is done and it leaves Nasdaq down more than the Big Board." +21142015 Mr. DaPuzzo also complained that the sharp swings in stock prices lately is scaring away retail and foreign investors. +21142016 While Shearson doesn't do computer-guided program trading for its own account, the firm does execute orders for clients involved in the buying and selling of shares tied to movements in certain stock indexes, Mr. DaPuzzo acknowledged. +21142017 The volatility inherent in program trading troubled other traders, too. +21142018 They don't like the risks they are forced to assume when prices swing so drastically. +21142019 Market makers are supposed to keep supplies of stocks on hand to maintain orderly trading when imbalances occur. +21142020 That means that on days when prices are tumbling and sellers abound they must be willing to buy shares from sellers when no one else will. +21142021 In such an environment, a market maker can absorb huge losses. +21142022 But the recent volatility in stock prices caused by the program trading has made some market makers less willing to soak up the stocks that are for sale. +21142023 The market makers say they aren't comfortable carrying big positions in stocks because they realize prices can tumble quickly. +21142024 The situation makes it harder to buy and sell shares quickly, exacerbating the rise and fall in stock prices during program-dominated trading. +21142025 Groused Robert Antolini, head of over-the-counter trading at Donaldson, Lufkin & Jenrette: "It's making it tough for traders to make money." +21142026 He said that when sell programs kick in, many traders believe that "there's no sense in sticking your nose out because you're an instant loser." +21142027 Kinder-Care Learning Centers added 1/4 to 4 7/8 on 461,200 shares. +21142028 Lodestar Group said it will make a $6-a-share offer for the remaining Kinder-Care Learning Center common stock if it acquires a majority of the company's shares in a pending rights offering by Kinder-Care Learning Center's parent, Kinder-Care Inc. +21142029 Shares of KinderCare Inc. closed at 3 1/2, also up 1/4, on volume of 700,000. +21142030 Ohio Casualty dropped 2 1/8 to 49 1/2. +21142031 The company posted third-quarter earnings of 95 cents a share, down from $1.26 a year earlier. +21142032 The company estimated that losses from Hurricane Hugo reduced net income by 32 cents a share in the most recent quarter. +21142033 The company said losses from the Oct. 17 earthquake in California haven't yet been determined, but that it provides earthquake coverage to about 1,400 properties in the stricken area. +21142034 Any quake-related losses will be reported in the fourth quarter, the company said. +21142035 North Atlantic Industries jumped 1 to 5 3/4. +21142036 The electronics-instruments maker is to be acquired by Asset Management Associates for $7.25 a share. +21142037 LIN Broadcasting slid 1 3/8 to 108 3/4, despite reporting third-quarter net of 46 cents a share, up from 39 cents the previous year. +21142038 The company said the latest quarter included about $3.4 million in special legal and financial advisory costs related to McCaw Cellular Communications' bid for the company and LIN's merger pact with BellSouth. +21142039 McCaw was unchanged at 40. +21142040 XL/Datacomp slid 2 1/4 to 16 1/2 amid continuing concerns about the company's contract negotiations with International Business Machines. +21142041 IBM is reviewing its entire business-partners program, and XL/Datacomp confirmed earlier this month that it was in talks with the company about possible modifications to its current IBM-remarketer contract. +21142042 Remarketers make modifications to IBM's computer hardware and resell the products. +21142043 Omni Capital Group surged 1 3/4 to 16 1/4. +21142044 The company said net rose to 38 cents a share in its fiscal-first quarter ended Sept. 30, from 35 cents a shares a year ago. +21143001 Probably the most clear-cut Soviet violation, for example, is the Krasnoyarsk radar. +21143002 -- "Arms Control Reality," Nov. 20, 1984, the first of some 20 Journal editorials saying that Krasnoyarsk violated the ABM treaty. +21143003 -- "Whether the installation is for early warning or space track, it clearly is not deployed," the lawmakers said. +21143004 "Thus we judge it to be not a violation of the ABM treaty at this time." +21143005 The delegation included a reporter from the New York Times, aides to Sen. Edward M. Kennedy and Rep. Les AuCoin, and Natural Resources Defense Council staff members. +21143006 -- The Washington Post, Sept. 9, 1987. +21143007 -- The U.S.S.R. has taken unprecedented unilateral measures of openness, by giving American representatives a possibility to inspect the building site of the Krasnoyarsk radar as well as radar vans in the areas of Gomel and Moscow, so as to see for themselves that there are no violations of the ABM treaty of 1972 on the part of the Soviet Union. +21143008 -- Letter from Eduard Shevardnadze to U.N. Secretary-General Perez de Cuellar, reported in Tass, June 10, 1988. +21143009 -- The construction of this station equal in size to the Egyptian pyramids constituted, I say it directly, a clear violation of ABM. +21143010 -- Eduard Shevardnadze, Oct. 23, 1989. +21143011 We're happy, we guess, to receive confirmation of the Krasnoyarsk violation from the Soviets, five years after we started writing about it. +21143012 Perhaps even the American apologists will now accede. +21143013 Without question, something intriguing is going on in the policy chambers of the Politburo. +21143014 As it bids for new agreements, new loans and indeed admission to the civilized world, the Soviet government has recognized it has a credibility problem. +21143015 So after 70 years, it is confessing the obvious, hoping to be believed about other things. +21143016 It's not enough. +21143017 If the Soviets want to be believed, they need to start telling the truth about more than the totally obvious. +21143018 Our own test of "glasnost's" authenticity would be a Soviet decision to open itself to a complete international examination of one of the most troubling mysteries in U.S.-Soviet relations -- the reported 1979 anthrax outbreak at a Soviet military facility in Sverdlovsk. +21143019 The U.S. government has never waivered in its assessment of this incident as an accident at a biological weapons facility there, and hence a violation of the 1972 Biological Weapons Convention. +21143020 The Pentagon's recently issued "Soviet Military Power," though in general adopting a softer line, repeated the Sverdlovsk assessment. +21143021 It also was detailed in Congressional testimony this past February: An explosion at the Microbiology and Virology Institute in Sverdlovsk released anthrax germs that caused a significant number of deaths. +21143022 Since Mr. Shevardnadze did not address this topic before the Supreme Soviet, the Soviet Union's official position remains that the anthrax deaths were caused by tainted meat. +21143023 We doubt this claim just as we doubted Mr. Shevardnadze's assurance last year that Krasnoyarsk didn't violate the ABM treaty. +21143024 And just as we did not believe the tendentious claims of the Congressmen and arms-control advocates who visited Krasnoyarsk, we are in no way persuaded by the assent to the tainted-meat theory by a U.S. team of scientists who met with Soviet counterparts in Washington last year. +21143025 The Soviets' explanation is that the anthrax came from one lot of animal feed made from the bones of cattle that grazed on soil that was naturally infected with anthrax spores. +21143026 Harvard's Matthew Meselson -- who we read has sold something called the "scientific community" on the notion that "yellow rain" attacks on the Laotian Hmong were in fact the result of fecal showers by giant bees -- found the Soviet anthrax scenario "completely plausible." +21143027 We don't believe it. +21143028 And we certainly do not believe that Mr. Gorbachev or any of his emissaries yet deserve to have the West take their word for it. +21143029 Sverdlovsk is a large gray cloud over glasnost and indeed over the legitimacy of the arms-control process itself. +21143030 The U.S. government's Sverdlovsk complaint, as with Krasnoyarsk, is no mere political posturing. +21143031 Biological weapons violations have figured little in political debate, and indeed have not been pressed vigorously enough by the U.S. government. +21143032 But the stated U.S. position is detailed and specific, and the prospect of biological warfare is profoundly chilling. +21143033 The Soviets should be willing to set in motion a process that would allow them to acknowledge that Sverdlovsk violated the 1972 agreement or, alternatively, that would give U.S. specialists reasonable confidence that this was a wholly civilian accident. +21143034 Until that happens, glasnost cannot begin to deserve the kind of credibility Mr. Shevardnadze was bidding for with his confessions on Monday. +21144001 Manville Corp. said it offered to buy $500 million of its convertible preferred stock from the Manville Personal Injury Settlement Trust in a move that would improve the trust's liquidity and reduce the potential number of Manville shares outstanding. +21144002 Manville said it made the offer within the past several weeks as part of an effort to improve shareholder value. +21144003 It said it would purchase the stock at market price. +21144004 Manville and a spokeswoman for the trust said that the two are discussing the proposal but a decision hasn't been made. +21144005 "We are considering that offer along with all other alternatives," the trust spokeswoman said. +21144006 "We need to look at how to maximize our cash flow to pay our beneficiaries." +21144007 The trust, created as part of Manville's bankruptcy-law reorganization to compensate victims of asbestos-related diseases, owns 7.2 million of the Series A convertible preferred shares, which are each convertible into 10 Manville common shares. +21144008 The trust also owns half of Manville's 48 million common shares outstanding. +21144009 Based on Manville's closing price yesterday of $9.25 a share, Manville's offer would purchase about 5.4 million of its preferred shares, or about 75% of the trust's preferred stock holding. +21144010 In addition to the stock and 20% of Manville's profits beginning in 1992, the trust is supposed to receive $2.5 billion over its 27-year life. +21144011 But it initially was funded with about $765 million and may soon face a cash crunch. +21144012 As of June 30, it had settled about 15,000 of 81,000 claims filed and its unpaid claims totaled $136 million, a large portion of its $268 million in cash and marketable securities. +21144013 Since most of its assets are tied to Manville, a forest and building products concern, the trust might also want to diversify its holdings. +21144014 As part of its offer, Manville said it requested changes in some covenants between it and the trust to allow Manville to "reflect a more typical corporate ownership and financial structure." +21144015 A Manville spokesman wouldn't elaborate on the proposed changes. +21144016 But he said they are "to a large degree, housekeeping," although some may generate some disagreement. +21144017 Manville said the shares issued to the trust were intended to be sold, as needed, and that Manville has the right of first refusal to buy those shares. +21145001 Northeast Utilities raised its bid for Public Service Co. of New Hampshire, which is operating under Bankruptcy Code protection, to $2.25 billion from $1.85 billion. +21145002 Northeast's raised bid, which was supported by PS of New Hampshire's official shareholder committee, is a prelude to what is expected to be a round of higher bids by the other groups trying to acquire the company, the largest utility in New Hampshire. +21145003 The $2.25 billion value claimed by Northeast, based in Hartford, Conn., is the highest yet given to a bid. +21145004 Some of the three other bidding groups are expected to increase their offers tomorrow, a date set for revised offers by a bankruptcy court judge. +21145005 A hearing is set for Nov. 15, but participants don't expect a resolution until July 1990. +21145006 Under the new Northeast Utilities plan, it would pay $1.65 billion in cash to creditors and assume $100 million in pollution control bonds. +21145007 Secured creditors would recover both principal and interest, while unsecured creditors would receive only principal and interest accrued before PS of New Hampshire filed for Bankruptcy Code protection in January +21145008 The biggest change in Northeast's offer was in improvements made for equity holders who had been given short shrift previously. +21145009 Assuming full operation of the Seabrook nuclear power plant, which is completed but isn't yet operating, equity holders would receive up to $500 million in cash, preferred stock and new 10-year Seabrook bonds. +21145010 Northeast's previous offer had proposed that equity holders receive just $165 million. +21145011 In addition, Northeast promised the State of New Hampshire that rate increases would be limited to 5.5% annually for seven years. +21145012 Its previous proposal had conditioned rate limits on Seabrook operations and other contingencies. +21145013 Wilbur Ross, financial adviser to the equity holders said, "Given the state's strong bargaining position . . . we believe the NU plan provides the best recovery available" to PS of New Hampshire's equity holders. +21145014 Officials of PS of New Hampshire couldn't be reached for comment. +21145015 The company has filed an internal reorganization plan it valued at $2.2 billion that would require 5.5% rate increases. +21145016 That plan would leave existing preferred shareholders with at least a 41% stake and give common shareholders as little as 13%. +21145017 New England Electric System, Westborough, Mass., has proposed buying the company for $2 billion as part of a plan that would require rate increases of only 4.8% annually for seven years. +21145018 The state of New Hampshire has favored that plan. +21145019 The other bidder is United Illuminating Co., New Haven, Conn., with a bid valued at $2.2 billion and and a proposal for seven years of 5.5% rate increases. +21146001 The Polish rat will eat well this winter. +21146002 Tons of delectably rotting potatoes, barley and wheat will fill damp barns across the land as thousands of farmers turn the state's buyers away. +21146003 Many a piglet won't be born as a result, and many a ham will never hang in a butcher shop. +21146004 But with inflation raging, grain in the barn will still be a safer bet for the private farmer than money in the bank. +21146005 Once again, the indomitable peasant holds Poland's future in his hands. +21146006 Until his labor can produce a profit in this dying and distorted system, even Solidarity's sympathetic new government won't win him over. +21146007 In coming months, emergency food aid moving in from the West will be the one buffer between a meat-hungry public and a new political calamity. +21146008 Factory workers on strike knocked Poland's Communist bosses off balance last year; this year, it was the farmers who brought them down. +21146009 In June, farmers held onto meat, milk and grain, waiting for July's usual state-directed price rises. +21146010 The Communists froze prices instead. +21146011 The farmers ran a boycott, and meat disappeared from the shops. +21146012 On Aug. 1, the state tore up its controls, and food prices leaped. +21146013 Without buffer stocks, inflation exploded. +21146014 That was when the tame old Peasants' Party, desperate to live through the crisis, broke ranks with the Communists and joined with Solidarity in the East Bloc's first liberated government. +21146015 But by the time Solidarity took office in September, the damage was done. +21146016 "Shortageflation," as economists have come to call it, had gone hyper. +21146017 The cost of raising a pig kept bounding ahead of the return for selling one. +21146018 The farmers stayed angry. +21146019 They still are. +21146020 At dawn on a cool day, hundreds travel to the private market in Radzymin, a town not far from Warsaw, hauling pigs, cattle and sacks of feed that the state's official buyers can't induce them to sell. +21146021 Here, they are searching for a higher price. +21146022 In a crush of trucks and horse carts on the trodden field, Andrzej Latowski wrestles a screeching, overweight hog into the trunk of a private butcher's Polish Fiat. +21146023 "Of course it's better to sell private," he says, as the butcher trundles away. +21146024 "Why should anybody want to sell to them?" +21146025 The young farmer makes money on the few hogs he sells here. +21146026 He won't for long, because his old state sources of rye and potatoes are drying up. +21146027 "There's no feed," he says. +21146028 "You can't buy anything nowadays. +21146029 I don't know why." +21146030 Edward Chojnowski does. +21146031 His truck is parked across the field, in a row of grain sellers. +21146032 Like the others, it is loaded with rye, wheat and oats in sacks labeled "Asbestos. Made in U.S.S.R." +21146033 The farmer at the next truck shouts, "Wheat! +21146034 It's nice! +21146035 It won't be cheaper! +21146036 We sell direct!" +21146037 A heavy, kerchiefed woman runs a handful through her fingers, and counts him out a pile of zlotys. +21146038 "Country people breed pigs," says Mr. Chojnowski, leaning against the back of his truck. +21146039 "They can't buy feed from the state. +21146040 There isn't enough. +21146041 Some state middlemen come to buy from me. +21146042 I sell -- a little. +21146043 I am waiting. +21146044 I have plenty more at home." +21146045 On this morning, he doesn't sell much in Radzymin, either. +21146046 At closing time, farmers cart out most of what they carted in. +21146047 A private market like this just isn't big enough to absorb all that business. +21146048 The hulk of Stalinism, it seems, will not quickly crumble away. +21146049 State monopolies will keep on stifling trade, "free" prices or not, until something else replaces them. +21146050 Polish agriculture will need a whole private network of procurement, processing and distribution -- plus a new manufacturing industry to supply it with tractors, pesticides, fertilizers and feed. +21146051 The Communists spent 40 years working to ensure that no such capitalistic structures ever arose here. +21146052 Building them now will require undergirding from the West, and removal of political deadwood, a job that Solidarity has barely started. +21146053 But Polish agriculture does possess one great asset already: the private farmer. +21146054 "We are dealing with real entrepreneurs," says Antoni Leopold, an economist who advises Rural Solidarity, the union's countryside offshoot. +21146055 "There are a lot of them, and they have property." +21146056 Polish peasants, spurning the collectivizers, were once a source of shame to orthodox Communists. +21146057 Now, among Communist reformers, they are objects of envy. +21146058 Food is the reformer's top priority, the key to popular support. +21146059 As the Chinese have shown and the Soviets are learning, family farms thrive where collectives fail. +21146060 Ownership, it seems, is the best fertilizer. +21146061 The Poles have had it all along. +21146062 Poland's 2.7 million small private farms cover 76% of its arable land. +21146063 On it, a quarter of the country's 39 million people produce three-quarters of its grain, beef, eggs and milk, and nine-tenths of its fruit, vegetables and potatoes. +21146064 Like the Roman Catholic Church, the Polish peasant is a pillar of the nation. +21146065 Try as they might, the Communists could neither replace nor break him. +21146066 And they did try. +21146067 A few miles past Radzymin, a dirt road narrows to a track of sand and leads into Zalubice, a village of tumbledown farms. +21146068 Czeslaw Pyszkiewicz owns 30 acres in 14 scattered scraps. +21146069 He grows rye and potatoes for a few hens, five cows and 25 piglets. +21146070 In patched pants and torn shoes, he stands in his barnyard eyeing the ground with a look both helpless and sardonic. +21146071 "It's bad soil," he says. +21146072 Until 1963, it was good soil. +21146073 Then the state put in a reservoir to supply the area with drinking water. +21146074 Farmers lay down before the bulldozers. +21146075 Their protest was ignored. +21146076 The dam caused the water level to drop in Zalubice. +21146077 Mr Pyszkiewicz smiles and his brow furrows. +21146078 He expected as much. +21146079 In his lifetime, 47 years, the Communists brought electricity to his village and piped in drinking water from the reservoir. +21146080 No phones. +21146081 No gas. +21146082 "We wanted them to build a road here," he says. +21146083 "They started, and then abandoned it." +21146084 A tractor, his only mechanized equipment, stands in front of the pigsty. +21146085 "It's Russian. +21146086 Good for nothing. +21146087 Parts are a tragedy. +21146088 Even if I had a lot of money, I couldn't buy what I need." +21146089 The farmer can say the same for coal, cement, saw blades. +21146090 In Poland, only 4% of all investment goes toward making things farmers want; in the West, it is closer to 20%. +21146091 The few big state farms take first crack at what does get made. +21146092 They use 60% more fertilizer per acre, twice the high-grade feed. +21146093 Yet their best boast is that they produce 32% of Polish pork. +21146094 "I've heard from friends that state farms are subsidized," Mr. Pyszkiewicz says as his wife, Wieslawa, sets some chairs out in the sun. +21146095 "We have one near here. +21146096 There is a lot of waste. +21146097 A private farmer never wastes anything." +21146098 The state quit shoving peasants onto its subsidized farms over 30 years ago. +21146099 But it never did let up on the pressure. +21146100 Until recently, a farmer with no heir had to will the state his land to collect his pension. +21146101 The pension's size still depends on how much produce he sells the state. +21146102 His allotment of materials also did, until the state couldn't hold up its end of that bargain. +21146103 Yet the state alone sells seeds and machines. +21146104 When supplies are short, it often hands them over only in exchange for milk or grain. +21146105 A private farmer in Poland is free to buy and sell land, hire help, decide what to grow and how to grow it. +21146106 He is free to invest in chickens, and to fail for lack of chicken wire. +21146107 He has plenty of freedom -- but no choices. +21146108 "I'm on my own land," Mr. Pyszkiewicz says. +21146109 "I don't have to listen to what anybody tells me to do." +21146110 "Sometimes," says his wife, "we're happy about that." +21146111 By starving the peasant, the Communists have starved Poland. +21146112 Villages like Zalubice exist in a desert of poor schools and few doctors. +21146113 Farm income is 15% below the average. +21146114 The young leave, especially girls who won't milk cows by hand. +21146115 Some men stay, their best friend a bottle of vodka, but two million acres have gone fallow. +21146116 Without machines, good farms can't get bigger. +21146117 So the potato crop, once 47 million tons, is down to 35 million. +21146118 Meat consumption is at 1979's level, pork production at 1973's, milk output at 1960's. +21146119 If a food crisis undid the Communists, a food revolution will make Solidarity. +21146120 The potential is displayed along every road into Warsaw: row upon row of greenhouses, stretching out behind modern mansions that trumpet their owners' wealth. +21146121 Vegetables are abundant and full of flavor in Poland, the pickles and sauerkraut sublime, the state monopolies long broken. +21146122 Grain, milk and meat come next. +21146123 A private challenge to the monolithic tractor industry will take more time and money than Poland can spare, although a smokehouse or a local dairy can spring up fast. +21146124 Poland makes no machinery for a plant on that scale. +21146125 Solidarity wants it from the West. +21146126 Maria Stolzman, one of its farm experts, lays it on the line: "The World Bank will be brought in to help us destroy the old system." +21146127 Felix Siemienas is destroying it now. +21146128 He packs pork. +21146129 A law went on the books in January that let him smoke bacon without breeding pigs. +21146130 He cashed in. +21146131 Poland is short on enterprises, not enterprise. +21146132 "I pay a lot to the farmer and five times the state salary to my employees," he says. +21146133 He is in Warsaw to open a shop. +21146134 "I hire transportation, and my customers have fresh cold cuts every day. +21146135 I don't subsidize anyone. +21146136 Everyone around me lives well. +21146137 Yes, my prices are high. +21146138 If nobody buys, I bring my prices down. +21146139 That's the rule. +21146140 That's the market." +21146141 Mr. Siemienas is making a fortune -- $10,000 a month, he says. +21146142 He has bought some trendy Western clothes, and a green Mercedes with an American flag in the window. +21146143 But the meat-processing machines he picked up are 50 years old. +21146144 "I don't want expensive machines. +21146145 If the situation changes, I'll get stuck with them." +21146146 That's politics. +21146147 By taking power in a deal with the Peasant Party's onetime Communist stooges, Solidarity has spooked the rural entrepreneur. +21146148 Rural Solidarity objected, to no avail, when Solidarity leader Lech Walesa accepted the Peasants' support. +21146149 It objected again in September when Prime Minister Tadeusz Mazowiecki reluctantly named a Peasant Party man as his agriculture minister. +21146150 Both the Peasants and Rural Solidarity are forming new political parties for farmers. +21146151 The Peasants can make a credible case, against Solidarity, that hell-bent reform will drive millions from the land. +21146152 Next Spring, the two will battle in local elections. +21146153 But until then, and probably long afterward, the Communists' apparat of obstruction -- from the head of the dairy co-op to the village bank manager -- will stay planted in the Polish countryside. +21146154 "We know how to get from capitalism to socialism," Sergiusz Niciporuk is saying one afternoon. +21146155 "We don't know how to get from socialism to capitalism." +21146156 He farms 12 acres in Grabowiec, two miles from the Soviet border in one of Poland's poorest places. +21146157 Now he is mounting the steps of a stucco building in a nearby village, on a visit to the Communist administrator, the "naczelnik." +21146158 "Many people in Poland hope this government will break down," says Mr. Niciporuk, who belongs to the local council and to Rural Solidarity. +21146159 "That's what the naczelnik counts on. +21146160 He is our most dangerous enemy. +21146161 Every time he sees me, he gets very nervous." +21146162 The farmer barges into the naczelnik's office. +21146163 A thin man in a gray suit looks up from a newspaper. +21146164 Mr. Niciporuk sits. +21146165 Anatol Pawlowski's leg begins jiggling beneath his desk. +21146166 "Solidarity doesn't care for the good of this region," he says after a few pleasantries. +21146167 "They want to turn everything upside down in a week. +21146168 Mr. Niciporuk here wants 60 acres used at the moment by a state farm. +21146169 He can't guarantee that he can use it any better." +21146170 "I am ready at any moment to compete with a state farm." +21146171 The naczelnik averts his eyes. +21146172 "What have you got? +21146173 Not even a tractor. +21146174 And you want to make wicker baskets, too." +21146175 "I can do five things at once -- to be a businessman." +21146176 "Big business," Mr. Pawlowski snorts in English. +21146177 The farmer stands to go. +21146178 The naczelnik stands, too. +21146179 "I care very much for this post," he says. +21146180 "Eight years I've had it. +21146181 A cultural center has been built, shops. +21146182 Suddenly, I am not a comfortable man for Solidarity. +21146183 I have accomplished too much. +21146184 They want to do more. +21146185 I wish them all the best!" +21146186 The farmer leaves. +21146187 And the naczelnik shuts his door. +21147001 The House approved a short-term spending bill to keep the government operating through Nov. 15 and provide $2.85 billion in emergency funds to assist in the recovery from Hurricane Hugo and the California earthquake. +21147002 The 321-99 roll call vote reflected broad support for the disaster assistance, but the cost to the Treasury is sure to aggravate budget pressures this year and next under the Gramm-Rudman deficit reduction law. +21147003 By a lopsided 401-18 margin, the chamber rejected an effort to waive Gramm-Rudman for purposes of addressing the two disasters, and budget analysts estimate the increased appropriations will widen the fiscal 1990 deficit by at least $1.44 billion unless offsetting spending cuts or new revenues are found by Congress. +21147004 The budget impact will be greater still in fiscal 1991, and the issue forced a confrontation between the Appropriations Committee leadership and Budget Committee Chairman Leon Panetta, whose California district was at the center of the earthquake last week. +21147005 Going to the well of the chamber, Mr. Panetta demanded the costs be fully counted. +21147006 His prominent role put him in the awkward position of challenging the very committee members on whom his state will be most dependent in the months ahead. +21147007 "We do not come to this House asking for any handout," said the California Democrat. +21147008 "We do not intend to hide these costs from the American people." +21147009 The $2.85 billion package incorporates $500 million for low-interest disaster loans, $1 billion in highway construction funds, and $1.35 billion divided between general emergency assistance and a reserve to be available to President Bush to meet unanticipated costs from the two disasters. +21147010 The funds are in addition to $1.1 billion appropriated last month to assist in the recovery from Hugo, bringing the total for the two disasters to nearly $4 billion in unanticipated spending. +21147011 Because of the vagaries of Gramm-Rudman, the immediate impact is relatively small. +21147012 But the appropriations set in motion spending that adds to an already grim budget picture for fiscal 1991. +21147013 Within the appropriations process, the situation is even more difficult since the costs will be counted against the share of funds to be allocated to those subcommittees that recently have had the greatest difficulty in staying within the budget. +21147014 The underlying bill approved yesterday is required to keep the government operating past midnight tonight, and this urgency has contributed to the speed -- and, critics say, mistakes -- that have accompanied the package of disaster assistance. +21147015 The hastily drafted measure could hurt California by requiring it to put up more matching funds for emergency highway assistance than otherwise would be required. +21147016 And the state's delegation is fearful that the new funding will be counted against a separate $185 million in federal highway funds it would expect to receive under its normal allocation this year. +21147017 Also, the high price of San Francisco real estate puts the state at odds with federal regulations more attuned to the national average. +21147018 For example, disaster loans, which will go to small businesses and homeowners, offer credit as low as 4% in some cases. +21147019 But the San Francisco delegation finds itself asking that the cap per household be lifted to $500,000 from $100,000 to assist the hard hit but often wealthy Marina district. +21147020 The Senate is expected to make some modifications today, but both the White House and Congress appear most anxious to speed final approval before tonight's deadline. +21147021 Administration pressure discourages any effort to add to total funding, and the Senate changes are expected to be largely technical -- dealing with highway aid and lifting the ceiling on total Small Business Administration loans to $1.8 billion to accommodate the increased activity expected. +21147022 Yesterday's floor action came as a House-Senate conference approved a nearly $8.5 billion fiscal 1990 military construction bill, representing a 5% reduction from last year and making severe cuts from Pentagon requests for installations abroad. +21147023 An estimated $25.8 million is allocated to continue work in Oman. +21147024 But all funding is cut for the Philippines, and projects in South Korea are cut to $13.6 million, or less than a sixth of the administration's request. +21147025 Closer to home, the negotiators were more generous. +21147026 An estimated $38.9 million was set aside for military installations in the home state of North Carolina Rep. W.G. Hefner, the House chairman. +21147027 And $70.2 million would go to projects in Tennessee represented by his Senate counterpart and fellow Democrat, Sen. James Sasser. +21147028 Texas and California are traditionally powerful within the conference, but equally striking is the dominance of Alaska, Pennsylvania and West Virginia because of their power elsewhere in the appropriations process. +21147029 Senate Appropriations Committee Chairman Robert Byrd (D., W.Va.) even added report language listing $49.4 million in projects he wants in the budget next year. +21147030 No individual illustrated this mix of power more yesterday than Sen. Daniel Inouye (D., Hawaii), who chairs the Senate defense subcommittee. +21147031 In the final trading, the House was insistent on setting aside $500 million to carry out base closings ordered to begin in fiscal 1990. +21147032 But it gave ground to Mr. Inouye on a number of projects, ranging from a $11 million parking garage here, to a land transfer in Hawaii, to a provision to assist the Makwah Indian Tribe in Washington state. +21147033 The tribe is one of the poorest in the Pacific Northwest. +21147034 Mr. Inouye, who chairs the select committee on Indian Affairs, used his power to move $400,000 from the Air Force to the Bureau of Indian Affairs to assist in renovating a decommissoned base to accommodate a drug and alcohol rehabilitation center. +21147035 Meanwhile, House-Senate negotiators have tentatively agreed on a $3.18 billion anti-drug and anti-crime intitiative, cutting other federal spending 0.43% to pay for it. +21147036 A formal House-Senate conference is expected to ratify the accord later this week. +21148001 Mobil Corp. is preparing to slash the size of its work force in the U.S., possibly as soon as next month, say individuals familiar with the company's strategy. +21148002 The size of the cuts isn't known, but they'll be centered in the exploration and production division, which is responsible for locating oil reserves, drilling wells and pumping crude oil and natural gas. +21148003 Employees haven't yet been notified. +21148004 Sources said that meetings to discuss the staff reductions have been scheduled for Friday at Mobil offices in New Orleans and Denver. +21148005 This would be a second round of cuts by Mobil, which along with other oil producers and refiners reduced its work force by 15% to 20% during the mid-1980s as part of an industrywide shakeout. +21148006 Mobil's latest move could signal the beginning of further reductions by other oil companies in their domestic oil-producing operations. +21148007 In yesterday's third-quarter earnings report, the company alluded to a $40 million provision for restructuring costs involving U.S. exploration and production operations. +21148008 The report says that "the restructuring will take place over a two-year period and will principally involve the transfer and termination of employees in our U.S. operations." +21148009 A company spokesman, reached at his home last night, would only say that there will be a public announcement of the reduction program by the end of the week. +21148010 Most oil companies, including Mobil, have been reporting lower third-quarter earnings, largely as a result of lower earnings from chemicals as well as refining and marketing businesses. +21148011 Individuals familiar with Mobil's strategy say that Mobil is reducing its U.S. work force because of declining U.S. output. +21148012 Yesterday, Mobil said domestic exploration and production operations had a $16 million loss in the third quarter, while comparable foreign operations earned $234 million. +21148013 Industrywide, oil production in this country fell by 500,000 barrels a day to 7.7 million barrels in the first eight months of this year. +21148014 Daily output is expected to decline by at least another 500,000 barrels next year. +21148015 Some Mobil executives were dismayed that a reference to the cutbacks was included in the earnings report before workers were notified. +21148016 One Mobil executive said that the $40 million charge related to the action indicates "a substantial" number of people will be involved. +21148017 Some will likely be offered severance packages while others will be transferred to overseas operations. +21149001 The Justice Department is in the process of trying to gain control over a law that federal Judge David Sentelle recently called a "monster." +21149002 Needless to say, he was talking about RICO. +21149003 With its recently revised guidelines for RICO, Justice makes it clear that the law currently holds too many incentives for abuse by prosecutors. +21149004 The text of the "new policy" guidelines from the Criminal Division are reprinted nearby. +21149005 They strongly suggest that Justice's prosecutions of Drexel Burnham Lambert, Michael Milken and Princeton/Newport violated notions of fundamental fairness. +21149006 Justice is attempting to avoid a replay of these tactics. +21149007 This amounts to an extraordinary repudiation of the tenure of New York mayoral candidate and former U.S. Attorney Rudolph Giuliani, who was more inclined to gathering scalps than understanding markets. +21149008 The new guidelines limit the pretrial forfeitures of assets of RICOed defendants and their investors, clients, bankers and others. +21149009 This follows earlier new guidelines from the Tax Division prohibiting Princeton/Newport-like tax cases from masquerading as RICO cases. +21149010 The forfeiture memo cited "considerable criticism in the press, because of a perception that pre-trial freezing of assets is tantamount to a seizure of property without due process." +21149011 It told prosecutors not to seek forfeitures if there are "less intrusive" alternatives, such as bonds, and in any case not to seek forfeitures "disproportionate to the defendant's crime." +21149012 These changes come a tad late for Princeton/Newport, the first RICOed securities firm. +21149013 It was forced into liquidation before trial when investors yanked their funds after the government demanded a huge pre-trial asset forfeiture. +21149014 Princeton/Newport investors, including McKinsey & Co. and the Harvard endowment, made the rational decision to withdraw their money; for the firm, the liquidation was sentence first, verdict later. +21149015 Prosecutors wanted $23.8 million in forfeiture for alleged tax fraud of some $400,000. +21149016 The experience of Princeton/Newport and initiation of other RICO-forfeiture cases against legitimate businesses taught Drexel that a RICOed investment bank would be an ex-investment bank. +21149017 Drexel therefore agreed instead to an arrangement allowing it to plea to charges "which the company is not in a position to dispute" because of RICO. +21149018 Part of Drexel's plea was to cut Mr. Milken loose. +21149019 So after all the prosecutorial hoopla no one has established what, if anything, Drexel did wrong. +21149020 So two cheers for the new rules. +21149021 Justice has finally recognized its employees' abuses, thanks largely to the demands for reform by former U.S. attorney in Washington Joseph diGenova, who wants to salvage RICO for real criminals. +21149022 But prosecutorial guidelines are effective only if someone at Justice is willing and able to supervise hyperactive prosecutors. +21149023 Judge Sentelle, of the appeals court in Washington, made this point at a Cato Institute conference last week in a remarkable speech titled, "RICO: The Monster That Ate Jurisprudence." +21149024 He said ours is supposed to be "a government of laws not of men," and yet RICO defenders "tell us that we should rely on prosecutorial discretion to protect against overbreadth of RICO." +21149025 No prosecutorial guidelines, observed or unobserved, limit civil RICO cases by plaintiffs for damages. +21149026 What now for Princeton/Newport officials, Drexel and Mr. Milken? +21149027 Justice should review these cases to see what other prosecutorial abuses may have occurred. +21149028 We suspect that Justice will some day agree that only the complete repeal of RICO can guarantee an end to injustices in its name. +21150001 "The Famous Teddy Z," which CBS Inc. had hoped would emerge as one of the few bright spots in its otherwise lackluster prime-time schedule, isn't turning out to be the hit the network envisaged. +21150002 Although the half-hour situation comedy seen Mondays at 9:30 p.m. Eastern and Pacific time isn't a candidate for cancellation, it is slated for fine-tuning and by next week the network may announce "Teddy Z" is moving to 8:30 p.m. from its 9:30 time slot, replacing "The People Next Door," which became the first network show to be canceled this season. +21150003 "Teddy Z," which centers on a mailroom clerk-turned agent at a Hollywood talent agency, was scheduled in the coveted 9:30 p.m. slot to follow "Murphy Brown," a situation comedy about a television news magazine, starring Candice Bergen. +21150004 "Teddy Z" was boosted by favorable reviews and a network-wide promotional tie-in contest with K mart Corp. +21150005 It was promoted on cable services, including MTV, Nick at Night and VH-1, and premiered as the No. 22-rated show for the week. +21150006 But five weeks after the premiere, the series has floundered. +21150007 In figures released yesterday by A.C. Nielsen Co. "Teddy Z," produced by the television unit of Columbia Pictures Entertainment Inc., was in 37th place. +21150008 Worse, every week it suffers audience drop-off from "Murphy Brown" and viewership on CBS picks up again once "Teddy Z" is over and is followed by "Designing Women." +21150009 "There is strong indication that `Teddy Z' is not compatible with the shows it is surrounding," said John Sisk, senior vice president at J. Walter Thompson Co., a unit of WPP Group PLC. +21150010 Last week, "Murphy Brown" was viewed by 14.1% of the available television households, while the number dropped to 12.6% for "Teddy Z" and rose to 14.2% for "Designing Women." +21150011 CBS executives said the program is also slated to undergo some plot changes. +21150012 Creator Hugh Wilson, for example, included the lead character's Greek family in the cast, "but that is not the right focus anymore," said one CBS executive. +21150013 Instead, CBS hopes the show will increasingly highlight the talent agency and the business of being an agent. +21150014 "We're making adjustments on the show, yes, but nothing radical," said Craig Nelson, the story consultant on "Teddy Z." +21150015 "But we hope to keep a balance between the office and the family." +21150016 The opening credits are being redone, Mr. Nelson said, "to make Teddy's situation clear to viewers who have not been with us since the beginning. +21150017 Those viewers find the show confusing. +21151001 The stock market's woes spooked currency traders but prompted a quiet little party among bond investors. +21151002 Prices of long-term Treasury bonds moved inversely to the stock market as investors sought safety amid growing evidence the economy is weakening. +21151003 But the shaky economic outlook and the volatile stock market forced the dollar lower against major currencies. +21151004 The bond market got an early boost from the opening-hour sell-off in stocks. +21151005 That rout was triggered by UAL Corp.'s announcement late Monday that the proposed management-labor buy-out had collapsed. +21151006 The 80-point decline in the Dow Jones Industrial Average during the morning trading session touched off a flight to safety that saw investors shifting assets from stocks to Treasury bonds. +21151007 At its strongest, the Treasury's benchmark 30-year bond rose more than a point, or more than $10 for each $1,000 face amount. +21151008 As the stock market recovered some of its losses later in the day, bond prices retreated. +21151009 But analysts said the combination of a second consecutive decline in monthly durable-goods orders and lackluster mid-October auto sales helped prop up the Treasury market. +21151010 A slowing economy and the implication of lower inflation and interest rates tend to bolster bond prices. +21151011 On the surface, the decline in September durable goods -- only 0.1% -- didn't appear very weak. +21151012 But orders for non-defense capital goods, a precursor of future plant and equipment spending, were off 5.6% after falling 10.3% in August. +21151013 Auto makers reported that mid-October sales were running at an annual rate of about 5.8 million units, far less than the 6.6 million units analysts had expected. +21151014 Taken together, the auto-sales and durable-goods reports confirmed perceptions that the economy is bogging down. +21151015 Although analysts don't expect the Federal Reserve to ease credit policy soon, reports like those yesterday help build the case for lower rates. +21151016 Now bond investors are looking toward next week's report from national purchasing managers and the government's October employment report as potentially prompting the Fed to lower rates. +21151017 The stock market's precipitous drop frightened foreign investors, who quickly bid the dollar lower. +21151018 But as stock prices recovered some of the early losses, so did the U.S. currency. +21151019 Although dealers said investors are becoming more bearish toward the dollar in the wake of the stock market's recent troubles and as the U.S. economy weakens, the dollar ended down only modestly. +21151020 In major market activity: Bond prices rose. +21151021 The Treasury's benchmark 30-year bond gained nearly half a point, or about $5 for each $1,000 face amount. +21151022 The yield on the issue slipped to 7.89%. +21151023 The dollar retreated. +21151024 In late New York trading the currency was quoted at 1.8355 marks and 141.45 yen, compared with 1.8470 marks and 141.90 yen Monday. +21152001 "Lifestyles of the Rich and Famous" may be visiting some new venues in the near future. +21152002 Judge Robert ("Maximum Bob") Potter sentenced Jim Bakker to 45 years in the big house yesterday, while a Beverly Hills judge tucked away Zsa Zsa Gabor for three days, plus 120 hours of work with homeless women. +21152003 Miss Gabor recanted her earlier-expressed fear of jailhouse lesbians. +21152004 Mr. Bakker said he was guilty of sin but not fraud. +21152005 We can only wonder who will be the next lost soul chosen to be America's Celebrity Convict. +21153001 Boeing Co. said Trans European Airways ordered a dozen 737 jetliners valued at a total of about $450 million. +21153002 The 300 and 400 series aircraft will be powered by engines jointly produced by General Electric Co. and Snecma of France. +21153003 Currently, Boeing has a backlog of about $80 billion, but production has been slowed by a strike of 55,000 machinists, which entered its 22nd day today. +21153004 Last week, a mediator failed to rekindle talks between the company and the strikers, who have rejected a pay raise offer of 10% over three years. +21154001 When the good fairy assigned to Slovakia hovered over the cradle of Edita Gruberova many years ago in Bratislava, she sprinkled her with high E flats, sparkling Ds, clean trills, and coloratura ornaments silvery as magic dust. +21154002 Maybe she could drop by at the Metropolitan Opera and bring along what she forgot, a little charm, a few smidgins of thespian skills and a nice wig. +21154003 Cast as Violetta Valery in a new production of Verdi's "La Traviata," Ms. Gruberova last week did many things nicely and others not so well. +21154004 It isn't every day that we hear a Violetta who can sing the first act's high-flying music with all the little notes perfectly pitched and neatly stitched together. +21154005 Never once did she gasp for air or mop her brow. +21154006 She was as cool as a cucumber. +21154007 But as you may know, things are not going well for Violetta. +21154008 There are times when she must show a little emotion. +21154009 She has TB, after all, and a weak-kneed lover; and though a successful courtesan, she is just about overdrawn at the bank. +21154010 Worse, her walls move all the time -- at least in this production. +21154011 Just when Ms. Gruberova sat down away from her guests to cough in private, her salon began sliding around the stage; her country hideaway also has a very active set of drapes. +21154012 Hold on to those funny braids! you wanted to caution her as the sets started to roll around once more. +21154013 This is the most moving "Traviata" I've ever seen. +21154014 Normally, Violetta can go about her business without wondering whether she is moving as gracefully as the scenery. +21154015 But this is a production designed and directed by Franco Zeffirelli and paid for by Sybil Harrington, who has no need to count her pennies, unlike Violetta, down to 20 louis at the opera's end. +21154016 Seeing all those millions in action, I was just so relieved that Ms. Gruberova, gawky thing that she is, didn't accidentally smother herself in a drape. +21154017 Large and lavish, "Traviata" is another addition to the Met's growing stock of cast-proof productions mostly by Mr. Zeffirelli. +21154018 They have a life of their own and can be counted on to look good and perform whenever a cast isn't up to either. +21154019 If a strike ever hits the Met, the company can still sell tickets to his "Boheme" and "Turandot" and boom out recordings (of another era). +21154020 Last week's discerning audience gave a bigger hand to a greenhouse than to the tenor Neil Shicoff, who sang an aria inside it. +21154021 Inexplicably costumed as a rabbinical student, tottering around on lifts, Mr. Shicoff hardly seemed the fellow to catch a fancy cocotte's eye. +21154022 I wish he could wear lifts in his voice. +21154023 Not nearly in his best form, the tenor made dullish sounds along with his usual clumsy hand gestures. +21154024 Maybe Mr. Z. was too busy taming his set to work with his naturally ungainly Alfredo. +21154025 Or is it that Mr. Z. is getting a little tired of "Traviata"? +21154026 This is the same production already seen in Paris and Florence, and its scenic ideas echo the movie he made with Placido Domingo and Teresa Stratas. +21154027 Decades earlier, Maria Callas sang the Dallas staging that introduced the flashback idea. +21154028 In an invention that drives Verdi purists bananas, Violetta lies dying in bed during the prelude, rising deliriously when then she remembers the great parties she used to throw. +21154029 The entire opera is her dream. +21154030 Given the prelude's thematic connections with the music preceding the last act, the idea is more worn than bad, though as luck would have it, for a change there actually was a conductor in the pit whom we wanted to hear, Carlos Kleiber, trying to make memorable music while we all waited for the bed lump to stir into song. +21154031 Once she did so, the big-souled German maestro with the shaky nerves who so often cancels offered a limpid, flowing performance that in its unswagged and unswaggering approach was totally at odds with the staging. +21154032 Of heart-pounding moments there were nearly none, and whether this has to do with Mr. Kleiber or the wooden cast is hard to say. +21154033 In any event, Ms. Gruberova barely ventilated Violetta's anguish in her long meeting with Wolfgang Brendel, who as Germont seemed fairly desperate trying to inject an Italianate lilt into his heavy, teutonic baritone. +21154034 "Di Provenza" wasn't much of an advertisement for sunny, southern France. +21154035 Perhaps Mr. Kleiber could let him substitute one of the songs about dead children and dark nights from Mahler's "Kindertotenlieder." +21154036 Speaking of dark nights, the Met's next-door neighbor, the New York City Opera, has canceled its season after failing to reach a settlement with its musicians, who wanted pay parity with the the Chicago Lyric and San Francisco Opera orchestras. +21154037 Well, they can now go and audition there. +21154038 Good luck. +21154039 Common sense suggests that people who play for a company that charges about half what those houses do for a ticket are not in the same market. +21154040 The cancellation bodes poorly for a company already beset with an identity crisis exacerbated by the retirement of general director Beverly Sills and the amazing appointment of Christopher Keene as her successor after his years of feckless toiling in the pit. +21154041 As the Met discovered years ago following a belated December opening, it is nearly impossible to recapture subscribers once they have had time to ponder their entertainment choices. +21154042 I, for instance, was perfectly happy at Avery Fisher Hall the other day listening to Helmuth Rilling conduct the Messa per Rossini, a strange piece written by 13 different Italian composers to honor Rossini after his death in 1868. +21154043 Each of them contributed a section at the behest of Verdi, who was nearly driven to his own early grave by the troublesome arrangements. +21154044 For all that, the piece landed unperformed in a dusty archive after Bologna refused to supply a chorus and orchestra. +21154045 We know Verdi's own contribution was mighty impressive since the operatic "Libera me" was reworked for the Manzoni Requiem, of which he wrote every note himself having learned his lesson. +21154046 The surprising discovery of the evening at Fisher was the high standard achieved by some of his now-obscure colleagues, notably Raimondo Boucheron. +21154047 His melodious "Confutatis" was smoothly sung by bass Brian Matthews. +21154048 Also, Teodulo Mabellini's "Lux aeterna" was intriguingly scored and splendidly put across by Mr. Rilling. +21154049 He brought along his Stuttgart-based Gaechinger Kantorei chorus, and even better, the Czech soprano Gabriela Benackova. +21154050 She was in her most radiant, expressive voice. +21154051 Maybe she could step across the plaza to the Met -- where she has still to make her debut -- and help out her Czech compatriot by singing the slow parts of "Traviata." +21154052 The Tokyo International Film Festival was no match for the Cannes Film Festival in terms of prestige, but it made its mark: It awarded the largest cash prize of any film festival to young and first-time film makers. +21154053 At this year's event, the third since the festival got under way in 1985, Idrissa Ouedraogo of Burkina Faso won the Sakura Gold prize of $143,000 for "Yaaba" ("Old Woman"). +21154054 By comparison, Cannes now gives $39,000 to the winner of its young director's award. +21154055 Says director George Miller ("Mad Max"): "I think the Tokyo festival may become known as a major attraction for young directors because of the money as well as the recognition." +21154056 There are drawbacks. +21154057 Vincent Tolentino, a correspondent for the French magazine Telerama, says of the recently ended Tokyo festival: "No one makes deals . . . and most of the films have been seen before at other festivals." +21154058 Belgium decided that investors who demand the delivery of their securities when they buy shares or domestic bonds will have to pay an additional 100 Belgian francs (about $2.60) for each transaction, bringing the total fee to 200 francs. +21154059 While no figures exist, it is thought that many small investors in Belgium store securities privately, in some cases to avoid paying high inheritance taxes. +21154060 The law could redound to the advantage of brokers and banks, who incur high administrative costs to deliver securities to investors. +21154061 Japan is considering giving aid to Hungary and Poland to support their recent political reforms, a spokesman for the Foreign Ministry said. +21154062 "This is the first time, if we decide to do so, for Japan to extend aid of this kind to Eastern European countries," the spokesman said. +21154063 He said Prime Minister Toshiki Kaifu also is studying the possibility of a visit to the two Eastern bloc nations and to Western Europe next January. +21154064 Drugs were a major issue in two days of talks between French President Francois Mitterrand and Spanish Prime Minister Felipe Gonzalez. +21154065 "I demand the utmost severity in the fight against drug traffickers," President Mitterrand said after the meeting in Valladolid, Spain. +21154066 He added: "Banks must open their books." +21154067 The leaders' talks coincided with a meeting in Madrid of anti-drug experts from the U.S., France, Italy, Spain, Peru, Bolivia and Colombia. +21154068 That conference, which began yesterday, was expected to cover such matters as police training and extradition agreements, Spanish officials said. +21154069 Three Soviet government officials -- the ministers of railroads, of foreign economic relations and of heavy-machine building -- will visit Tehran next month for talks, Iran's official news agency reported. +21154070 Under an agreement signed last June, the Soviets will help Iran in oil exploration and other areas in return for exports of Iranian natural gas. +21154071 And in Paris, Mahmoud Vaezi, Iran's vice minister of foreign affairs, began a five-day visit to discuss such matters as compensation to French enterprises for contracts broken by the Khomeini regime. +21154072 Toto Co., a Japanese ceramics maker, has developed a toilet that can check the user's health. +21154073 A Toto spokesman said the toilet not only tests blood pressure, pulse and urine, it also stores the data for up to 130 days. +21154074 Nippon Telegraph & Telephone Corp. and Omron Tateisi Electronics are involved with Toto's new product, which will go on the market in about two years time. +21154075 "It will be very expensive," the spokesman warned. +21154076 "The price cannot be less than $7,000." +21154077 Since Mexican President Carlos Salinas de Gortari took office last December, special agents have arrested more than 6,000 federal employees on charges ranging from extortion to tax evasion. +21154078 Hector Castaneda Jimenez, chief prosecutor at the Attorney General's Office, said that an estimated $82.8 million in government property and unpaid taxes have been recovered in the campaign to root out official corruption. +21154079 Mr. Castaneda's office will reportedly issue warrants during the next six months for the arrest of another 10,000 federal employees. +21154080 Those employees are suspected of illegally gaining an estimated $376.8 million, the prosecutor was quoted as saying by the Excelsior news service. +21154081 He added that federal agents hope to recover at least half that amount. +21154082 "The rest will probably not be recoverable either because the statute of limitations expired or because many prefer to spend additional time in jail rather than return the money," the prosecutor said. +21154083 The United Nations, which is distributing farm tools to returning refugees in Namibia, is rethinking a plan to hand out machetes because of the tense political climate during preparations for independence from South Africa. +21154084 "The decision to distribute machetes at this time, which could be used as weapons, is under review," said a U.N. spokesman. . . . +21154085 Sources close to the family of Pakistani Prime Minister Benazir Bhutto said she is expecting a second child, probably early next year. +21155001 Cray Research Inc. forecast that 1990 will be a no-growth year for its supercomputer line. +21155002 In what has become a series of bad-news announcements, the world's largest maker of supercomputers said that after reviewing its order prospects, "we have concluded it is prudent to plan for next year on the assumption that revenue again will be flat." +21155003 Cray jolted the market in July when it slashed revenue and earnings projections for this year, citing a slowing economy that has delayed orders from government as well as commercial customers. +21155004 The company made its 1990 projection -- an unusual event for Cray -- in announcing improved net income for the third quarter. +21155005 Cray said it earned $30.6 million, or $1.04 a share, up 35% from $22.6 million, or 73 cents a share, a year ago. +21155006 Revenue gained 45% to $210.2 million from $145.2 million. +21155007 For the nine months, earnings totaled $36.6 million, or $1.24 a share, down 46% from $68.1 million, or $2.19 a share, a year earlier. +21155008 Revenue was $454.6 million, a 6.9% gain from $425.4 million. +21155009 Cray made its announcement after the stock market closed. +21155010 In New York Stock Exchange composite trading yesterday, Cray closed down $1.125 at $34.25. +21155011 Cray said its order backlog at Sept. 30 was $315 million, down $25 million from June 30. +21155012 Marcello Gumucio, president, said the company "did well in the quarter as far as revenues and earnings are concerned, and not quite as well in terms of signing orders." +21155013 As for the current period, Mr. Gumucio said, "We anticipate that fourth-quarter revenue and earnings will be substantially greater than any of the preceding three quarters, but not up to the record levels of last year's fourth quarter" when Cray earned $88.5 million, or $2.80 a share. +21155014 He added that the company expects "strong" operating profit for the year, "but at a level significantly lower than last year." +21155015 He said 1989's net income could be 11% to 13% of revenue, which, assuming current expectations, would be 40% to 45% below 1988's level. +21155016 Last year, Cray earned $156.6 million, or $4.99 a share, on revenue of $756.3 million. +21155017 Next year "looks dismal," said analyst Paul Luber of Robert Baird & Co., Milwaukee. +21155018 Noting that Cray doesn't have a low-end supercomputer to compete with the likes of Convex Computer Corp. and International Business Machines Corp., Mr. Luber said such a machine would be necessary "to get things back on line here." +21155019 Cray has indicated it will decide on whether to build such a machine before year end. +21156001 Johnson & Johnson reported a 10% rise in third-quarter net income on a 12% sales increase-results that were driven particularly by new products including pharmaceuticals and the company's professional operations. +21156002 Net for the New Brunswick, N.J., maker of health-care products climbed to $265 million, or 80 cents a share, from $240 million, or 71 cents a share, in the year-earlier period. +21156003 Sales rose to $2.45 billion from $2.2 billion. +21156004 The year-ago per-share earnings are adjusted to reflect a 2-for-1 stock split last May. +21156005 In a statement, Ralph S. Larsen, chairman and chief executive officer, said the company was pleased with its third-quarter sales performance, "especially in light of the extremely competitive environment in domestic consumer markets and the negative impact of unfavorable exchange rates this quarter." +21156006 David J. Lothson, an industry analyst for PaineWebber Group Inc., said Johnson & Johnson's results slightly exceeded his expectations for the third quarter. +21156007 In New York Stock Exchange composite trading yesterday, Johnson & Johnson shares fell 37.5 cents to $54.625. +21156008 Mr. Larsen noted "substantial sales growth" for the recently introduced Acuvue disposable contact lens and Hismanal, a once-a-day antihistamine. +21156009 Eprex, used by dialysis patients who are anemic, and Prepulsid, a gastro-intestinal drug, did well overseas, he said. +21156010 Despite health-care cost controls and programs to hold down inventory, the professional division, which makes products including sutures and surgical stapling equipment, "achieved solid growth," Johnson & Johnson said. +21156011 But domestic consumer sales slipped 1.2% for the quarter, to $490 million from $496 million. +21156012 The company cited softness in the retail health and beauty aids category, "as well as the intense competition in the company's sanitary protection product line." +21156013 Overseas sales were stronger, principally because of a rebound in Brazil, where economic turmoil had hurt year-earlier results, Johnson & Johnson said. +21156014 Mr. Lothson of PaineWebber said the company's sales pace has been picking up largely because the effect of unfavorable exchange rates has been easing -- a pattern continuing this quarter. +21156015 He cautioned, however, that a "tough tax-rate comparison" may slow the company's earnings growth for the current quarter. +21156016 For last year's fourth quarter, the company's tax rate was less than 20%, he said. +21156017 While the third period contained no major surprises, Mr. Lothson said, the results show how sensitive the multinationals can be to developments in a single country such as Brazil. +21156018 He also questioned whether recent gains in that country can be sustained. +21156019 The following issues were recently filed with the Securities and Exchange Commission: +21156020 Bergen Brunswig Corp., proposed offering of liquid yield option notes, via Merrill Lynch Capital Markets. +21156021 Columbia Gas System Inc., shelf offering of up to $200 million of debentures. +21156022 Laserscope, initial offering of 1,656,870 common shares, of which 1,455,000 shares are to be sold by the company and 201,870 by holders, via Alex. Brown & Sons Inc. and Volpe, Covington & Welty. +21156023 TeleVideo Systems Inc., proposed offering of 1,853,735 common shares, to be sold by holders. +21156024 Western Gas System Inc., initial offering of 3,250,000 common shares, of which 3,040,000 shares will be sold by the company and 210,000 by a holder, via Prudential-Bache Capital Funding, Smith Barney, Harris Upham & Co. and Hanifen, Imhoff Inc. +21157001 Insiders have been selling shares in Dun & Bradstreet Corp., the huge credit-information concern. +21157002 Six top executives at the New York-based company sold shares in August and September. +21157003 Four of those insiders sold more than half their holdings. +21157004 The stock, in New York Stock Exchange composite trading yesterday, closed at $51.75, up 62.5 cents, well below the $56.13 to $60 a share the insiders received for their shares. +21157005 Much of the recent slide in Dun & Bradstreet's stock came late last week, after negative comments by analysts at Merrill Lynch & Co. and Goldman, Sachs & Co. +21157006 A company spokesman declined to comment and said that the officials who sold shares wouldn't comment. +21157007 One of Dun & Bradstreet's chief businesses is compiling reports that rate the credit-worthiness of millions of American companies. +21157008 It also owns Moody's Investors Service, which assigns credit-ratings to bonds and preferred stock; A.C. Nielsen, known for its data on television-viewing patterns, and Yellow-pages publisher Donnelley. +21157009 Last March, this newspaper reported on widespread allegations that the company misled many customers into purchasing more credit-data services than needed. +21157010 In June, the company agreed to settle for $18 million several lawsuits related to its sales practices, without admitting or denying the charges. +21157011 An investigation by U.S. Postal inspectors is continuing. +21157012 Among the insider sales, Charles Raikes, the firm's general counsel, sold 12,281 shares in August, representing 46% of his holdings in the company. +21157013 He received $724,579 for the shares, according to insider filings with the Securities and Exchange Commission. +21157014 John C. Holt, an executive vice president and Dun & Bradstreet director, sold 10,000 shares on Aug. 31 for $588,800, filings show. +21157015 He retains 9,232 shares. +21157016 William H.J. Buchanan, the firm's secretary and associate general counsel, sold 7,000 shares in two separate sales in September for $406,000. +21157017 The shares represented 66% of his Dun & Bradstreet holdings, according to the company. +21157018 The other insiders, all senior or executive vice presidents, sold between 2,520 and 6,881 shares, representing between 8% and 70% of their holdings, according to SEC filings. +21157019 Dun & Bradstreet's stock price began its recent spiral downward last Wednesday, when the company reported third-quarter results. +21157020 Net income rose to 83 cents a share from 72 cents a share the year-earlier period. +21157021 But analysts focused more on the drop in revenue, to $1.04 billion from $1.07 billion, reflecting in part a continuing drop in sales of the controversial credit-reporting services. +21157022 Last Thursday, Merrill Lynch securities analyst Peter Falco downgraded his investment rating on the firm, according to Dow Jones Professional Investors Report, citing a slowdown in the credit-reporting business. +21157023 He cut his rating to a short-term hold from above-average performer and reduced his 1990 earnings estimate. +21157024 Mr. Falco continues to rank the stock a longterm buy. +21157025 The stock slid $1.875 on more than four times average daily volume. +21157026 The stock received another blow on Friday, when Goldman Sachs analyst Eric Philo advised that investors with short-term horizons should avoid Dun & Bradstreet stock because it is unlikely to outperform the market. +21157027 The stock fell 75 cents. +21157028 Insider selling is not unusual at Dun & Bradstreet; in fact, the recent pace of selling is just about average for the company, according to figures compiled by Invest/Net, a North Miami, Fla., firm that specializes in tracking and analyzing SEC insider filings. +21157029 But previous sales have often been sales of shares purchased through the exercise of stock options and sold six months later, as soon as allowed, said Robert Gabele, president of Invest/Net. +21157030 The most recent sales don't appear to be option-related, he said. +21157031 TASTY PROFITS: +21157032 Michael A. Miles, chief executive officer of Philip Morris Cos.' Kraft General Foods unit, bought 6,000 shares of the company on Sept. 22 for $157 each. +21157033 The $942,000 purchase raised his holdings to 74,000 shares. +21157034 The stock split four-for-one on Oct. 10. +21157035 Mr. Miles's newly purchased shares are now worth $1,068,000, based on Philip Morris's closing price of $44.50, up 62.5 cents, in composite trading on the New York Stock Exchange yesterday. +21157036 A spokesman for Mr. Miles said he bought the shares because he felt they were "a good investment." +21157037 The executive made his purchases shortly before being named to his current chief executive officer's position; formerly he was Kraft General Foods' chief operating officer. +21157038 SHEDDING GLITTER: +21157039 Two directors of Pegasus Gold Inc., a Spokane, Wash., precious-metals mining firm, sold most of their holdings in the company Aug. 31. +21157040 John J. Crabb sold 4,500 shares for $11.13 each, leaving himself with a stake of 500 shares. +21157041 He received $50,085. +21157042 Peter Kutney sold 5,000 shares, all of his holdings, for $11.38 a share, or $56,900. +21157043 Gary Straub, corporate counsel for the company, said the directors sold for "personal financial reasons." +21157044 Both insiders declined to comment. +21157045 On Wall Street, Merrill Lynch & Co. analyst Daniel A. Roling rates the stock "neutral" and Drexel Burnham Lambert Inc. lists it as a "buy." +21157046 Pegasus Gold "has been on a lot of recommended lists as a junior growth company stepping into the big leagues," says Marty McNeill, metals analyst at Dominick & Dominick, a New York investment firm. +21157047 "It's a good company, and growing; there's nothing that would warrant that it be sold." +21157048 Yesterday, in composite trading on the American Stock Exchange, Pegasus closed at $10.125, up 12.5 cents. +21158001 Medieval philosophers used to hold the sensible belief that it was more perfect to exist than not to exist, and that to exist as a matter of necessity was most perfect of all. +21158002 Now, only God exists as a matter of absolute necessity; it is built into His nature. +21158003 But since the time of Darwin, we humans could at least claim a sort of natural necessity for the existence of our species. +21158004 Aren't we, after all, the inevitable culmination of that stately pageant called evolution? +21158005 If mutation and natural selection slowly but surely give rise to more and more advanced forms of life, then it was only a matter of eons before splendid beings endowed with reason, self-awareness and taste shimmered onto the scene. +21158006 Now along comes Stephen Jay Gould to dash this flattering illusion. +21158007 His credentials are excellent for the task. +21158008 Star lecturer at Harvard, author of numerous popular books on science, and scourge of the creationist lobby, Mr. Gould is perhaps the world's most eminent evolutionary theorist. +21158009 Yet he puts quite a twist on the old story handed down from Darwin. +21158010 For him, natural history is anything but a gradual, predictable march from primordial slime to human consciousness; it is a careening, chaotic affair in which the emergence of a featherless biped was a one-in-a-million shot. +21158011 In "Wonderful Life: The Burgess Shale and the Nature of History" (Norton, 326 pages, $19.95), Mr. Gould makes his case for "the awesome improbability of human evolution." +21158012 The argument turns on the discovery in 1909 of an amazing fossil quarry high in the Canadian Rockies called the Burgess Shale. +21158013 Here, in an area smaller than a city block, lay buried traces of countless weird creatures that had frolicked more than 500 million years ago -- creatures whose anatomical variety far exceeded what can be found in all the world's oceans today. +21158014 Such an embarrassment of riches was inconceivable to the man who discovered the Burgess Shale, one Charles Doolittle Walcott. +21158015 The received Darwinian wisdom of the day said that animals living so long ago must be simple in design, limited in scope and ancestral to contemporary species. +21158016 Accordingly, the hidebound traditionalist reconstructed hypothetical organisms from the Burgess fossils in such a way that they could be shoehorned into familiar categories. +21158017 It was not until the early 1970s that Cambridge Prof. Harry Whittington and two sharp graduate students began to publish a reinterpretation of the Burgess Shale. +21158018 By making clever inferences about how the squashed and distorted fossil remains corresponded to three-dimensional structures, this trio was able to piece together a series of wondrous beasties quite unlike anything currently on the planet. +21158019 One was so fantastic in appearance, it was dubbed Hallucigenia. +21158020 Would that Mr. Gould's minute descriptions of these creatures was always so colorful. +21158021 A good deal of the book is boring, particularly the endless allusions to high and pop culture and the frequent jokes festooning the text. +21158022 These turns do not provide sufficient relief from sentences like, "Most modern chelicerates have six uniramous appendages on the prosoma." +21158023 Interest picks up, though, when Mr. Gould gets around to discussing the meaning of the Burgess oddities for the theory of evolution. +21158024 Not long after the appearance of life, evidently, there was an explosive proliferation in the number of animal designs seen on the earth. +21158025 The vast majority of them, however, were wiped out by a succession of environmental upheavals that were too sudden and catastrophic for the normal rules of natural selection to operate. +21158026 Consequently, the winnowing process was like a lottery "in which each group {held} a ticket unrelated to its anatomical virtues. +21158027 " So much for survival of the fittest. +21158028 So much, too, for the notion that we humans triumphed in the Darwinian struggle by evolving big brains. +21158029 Our mammalian forerunners lucked out through the extraterrestrial impact that did in the dinosaurs because they were small, not smart. +21158030 If anyone has difficulty imagining a world in which history went merrily on without us, Mr. Gould sketches several. +21158031 In one, birds are the dominant carnivores; in another the seas abound with "little penises." +21158032 Back when the Burgess fauna were flourishing, it seems, human evolutionary hopes hung on the survival of a little worm with a backbone called Pikaia. +21158033 Mr. Gould finds this oddly exhilarating; like an existentialist of old, he views our contingency as "a source of both freedom and consequent moral responsibility." +21158034 I, by contrast, cannot help feeling that if some other curiosity from the Burgess Shale had survived instead, beings at once wiser and less boorish than Homo sapiens might have eventually gained earthly dominion. +21158035 But even if no conscious life had evolved here at all, the universe is a big place, and given the right conditions, sympathetic to creating some form of life. +21158036 Surely at some other cosmic address a Gouldoid creature would have risen out of the ooze to explain why, paleontologically speaking, "it is, indeed, a wonderful life." +21158037 Mr. Holt is a columnist for the Literary Review in London. +21159001 The Justice Department scrambled to play down the significance of its new guidelines concerning prosecutions under the federal racketeering law. +21159002 The guidelines were distributed to U.S. attorneys last summer but were disclosed for the first time by press reports this week. +21159003 They discourage prosecutors, under certain circumstances, from seeking court orders seizing the assets of racketeering defendants prior to trial. +21159004 But David Runkel, chief Justice Department spokesman, said the guidelines "are a codification and a clarification far more than a new direction." +21159005 Use of the Racketeer Influenced and Corrupt Organizations law against white-collar defendants, as opposed to alleged organized-crime figures, has come under attack from some defense lawyers and legal scholars. +21159006 Critics have complained that the law unfairly strips defendants of assets before a jury determines they have committed a crime and that aggressive use of the forfeiture provisions can ruin corporate defendants or force them into unfavorable plea bargains. +21159007 In the new guidelines, the Justice Department says that in attempting to freeze disputed assets before trial, "the government will not seek to disrupt the normal, legitimate business activities of the defendant" and "will not seek. . .to take from third parties assets legitimately transferred to them." +21159008 The guidelines also state, "The government's policy is not to seek the fullest forfeiture permissible under the law where that forfeiture would be disproportionate to the defendant's crime." +21159009 Another provision clarifies certain limits on when prosecutors may use tax-fraud charges as a basis for bringing a racketeering case. +21159010 Mr. Runkel declined to speculate on whether the guidelines would curb racketeering prosecutions against corporate defendants. +21159011 "The impact, if there is any, will be impossible to judge ahead of time because the decision whether to use {racketeering charges} is made in individual cases" by Justice Department officials in Washington, he said. +21159012 In a memorandum describing the guidelines, Assistant Attorney General Edward Dennis Jr. said that government efforts to freeze defendants' assets pending racketeering prosecutions "have been the subject of considerable criticism in the press." +21159013 But Mr. Runkel said the government isn't "backing off on these kinds of matters at all. +21160001 California legislators, searching for ways to pay for the $4 billion to $6 billion in damages from last week's earthquake, are laying the groundwork for a temporary increase in the state's sales tax. +21160002 The talk of a sales tax rise follows a rebuff from Congress on the question of how much the federal government is willing to spend to aid in California's earthquake relief efforts. +21160003 The state had sought as much as $4.1 billion in relief, but yesterday the House approved a more general scaled-back measure calling for $2.85 billion in aid, the bulk of which would go to California, with an unspecified amount going to regions affected by Hurricane Hugo. +21160004 That leaves the state roughly $2 billion to $4 billion short. +21160005 A sales tax increase appears to be the fastest and easiest to raise funds in a hurry. +21160006 According to the state department of finance, a one-penny increase in the state's six-cent per dollar sales tax could raise $3 billion. +21160007 Willie Brown, speaker of California's Assembly, said that Gov. George Deukmejian has agreed to schedule a special session of the legislature within two weeks. +21160008 California's so-called Gann limit effectively prevents the state from spending new tax money and so drastically limits its options in an emergency. +21160009 Both Mr. Brown, the state's most influential legislator, and Gov. Deukmejian favor a temporary sales tax increase -- should more money be needed than the state can raise from existing sources and the federal government. +21160010 According to a spokesman, the governor is also studying the possibility of raising state gasoline taxes. +21160011 Mr. Brown, meanwhile, believes "only one tax will be feasible, and it will be a one-penny sales tax increase," said Chuck Dalldorf, an aide. +21160012 One immediate source of money is an emergency fund set up by Gov. Deukmejian. +21160013 The fund has about $1 billion and is set up to handle "precisely the kind of emergency" the state faces, said Tom Beermann, the Governor's deputy press secretary. +21160014 But the fund's size is disputed by Mr. Brown's office, which estimates the fund holds from $630 million to $800 million. +21160015 Moreover, an aide to Mr. Brown said Gov. Deukmejian "has expressed a desire not to spend all the reserve on this." +21160016 To push through a sales tax increase, however, the state will have to suspend the Gann limit, citing an emergency. +21160017 And then it will be required to lower taxes by a corresponding amount during a three-year period after the temporary tax increase ends, said Cindy Katz, assistant director of the state department of finance. +21160018 A sales tax increase would require two-thirds approval in both houses of the state's legislature. +21160019 But observers expect broad support. +21160020 "If there's an emergency and there aren't sufficient funds from elsewhere, I think the attitude will be supportive," said Kirk West, president of the California Chamber of Commerce. +21160021 But others think property owners ought to pay a higher portion of the state's earthquake relief tab. +21160022 Since the late 1970s, California property owners have benefited from a tax rollback as a result of a state ballot initiative known as Proposition 13. +21160023 The state could also increase gasoline taxes; every one penny increase in the tax would yield $11 million a month. +21160024 But Gov. Deukmejian and others are reluctant to do anything to harm the state's chances of sharply raising gasoline taxes on a permanent basis. +21160025 To raise more highway funds, a measure to double the state's nine-cent a gallon tax over five years is set to appear on the state's June election ballot. +21160026 But some fear imposing a temporary gasoline tax increase in the meantime could undercut support among voters for the measure. +21160027 Not everyone is convinced the state must raise new revenue to meet its earthquake needs. +21160028 "It's possible, though not probable," that the state could get by with its existing resources and federal help, said Quentin Kopp, chairman of the state senate's transportation committee. +21160029 Separately, two men injured in last week's earthquake-triggered freeway collapse in Oakland began a legal battle against the state over whether officials adequately heeded warnings about the structure's safety. +21160030 The claims, which were filed with the State Board of Control but will probably end up in court, are the first arising out of the collapse of the so-called Cypress structure viaduct. +21160031 The men can defeat immunities that states often assert in court by showing that officials knew or should have known that design of the structure was defective and that they failed to make reasonable changes. +21160032 A Board of Control spokesman said the board had not seen the claim and declined to comment. +21161001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21161002 Exxon Capital Corp. -- $200 million of 8 1/4% notes due Nov. 1, 1999, priced at 99.60 to yield 8.31%. +21161003 The notes, which are noncallable, were priced at a spread of 45 basis points above the Treasury's 10-year note. +21161004 Rated triple-A by both Moody's Investors Service Inc. and Standard & Poor's Corp., the issue will be sold through Salomon Brothers Inc. +21161005 Citicorp -- $200 million of 8 3/4% notes due Nov. 1, 1996, priced at 99.64 to yield 8.82%. +21161006 The noncallable issue was priced at a spread of 98 basis points above the Treasury's seven-year note. +21161007 Rated single-A-1 by Moody's and double-A by S&P, the issue will be sold through Salomon Brothers. +21161008 Boatmen's Bancshares Inc. -- $150 million of 9 1/4% subordinated notes due Nov. 1, 2001, priced at 99.821 to yield 9.275%. +21161009 The noncallable issue was priced at a spread of 140 basis points above the Treasury's 10-year note. +21161010 Rated single-A-3 by Moody's and single-A-minus by S&P, the issue will be sold through underwriters led by Morgan Stanley & Co. +21161011 Xerox Corp. -- $150 million of 8 3/4% notes due Nov. 1, 1995, priced at 99.555 to yield 8.85%. +21161012 The noncallable issue was priced to yield 105 basis points above the Treasury's fiveyear note. +21161013 Rated single-A-2 by Moody's and single-A-plus by S&P, the issue will be sold through underwriters led by Salomon Brothers. +21161014 American General Finance Corp. -- $150 million of 8.45% notes due Oct. 15, 2009, through Bear, Stearns & Co., being offered at a price of 99.661 to yield 8.50%. +21161015 The noncallable issue, which has a one-time put Oct. 15, 1999, was priced at a spread of 66 basis points above the Treasury's 10-year note. +21161016 The issue is rated single-A-1 by Moody's and single-A-plus by S&P. +21161017 Baltimore Gas & Electric Co. -- $100 million of first and refunding mortgage bonds, due Oct. 15, 1999, through Shearson Lehman Hutton Inc., offered at par to yield 8.40%. +21161018 The noncallable issue is rated double-A-3 by Moody's and double-A-minus by S&P. +21161019 It was priced at a spread of 55 basis points above the Treasury's 10-year note. +21161020 Massachusetts -- $230 million of general obligation bonds, consolidated loan of 1989, Series D, due 1990-2009, through a Goldman, Sachs & Co. group. +21161021 The insured bonds, rated triple-A by Moody's and S&P, were priced to yield from 6.00% in 1990 to 7.20% in 2009. +21161022 Broward County School District, Fla. -- $185 million of school district general obligation bonds, Series 1989, due 1991-1999 and 2008, tentatively priced by a First Boston Corp. group to yield from 6.20% in 1991 to 7.30% in 2008. +21161023 There are $120.7 million of 7 1/8% term bonds due 2008, priced to yield 7.30%. +21161024 Serial bonds are priced to yield to 7% in 1999. +21161025 The bonds are rated single-A-1 by Moody's and double-A-minus by S&P. +21161026 Culver City Redevelopment Financing Authority, Calif. -- $145 million of revenue bonds, Series 1989, tentatively priced by a Stone & Youngberg group. +21161027 The issue includes $100 million of insured senior lien bonds. +21161028 These consist of current interest bonds due 1990-2002, 2010 and 2015, and capital appreciation bonds due 2003 and 2004, tentatively priced to yield from 5.75% in 1990 to 7.14% in 2010. +21161029 Bonds due 2003, 2004 and 2015 aren't being formally reoffered. +21161030 There are also $40 million of uninsured subordinate lien bonds, due Dec. 1, 2008, and Dec. 1, 2015. +21161031 There are $15,015,000 of 7 1/2% bonds priced at par and due 2008 and $24,985,000 of 7.6% bonds priced at par and due 2015. +21161032 The insured bonds are rated triple-A by Moody's and S&P. +21161033 The uninsured subordinate lien bonds aren't rated, according to the lead underwriter. +21161034 West Virginia Parkways, Economic Development and Tourism Authority -- $143 million of parkway revenue bonds, Series 1989, with current interest bonds due 1990-2002 and 2019 and capital appreciation bonds due 2003-2008, tentatively priced by a PaineWebber Inc. group to yield from 6% in 1990 to 7.31% in 2019. +21161035 There are $86,525,000 of 7 1/8% bonds priced at 97 3/4 to yield 7.31% in 2019. +21161036 Current interest serial bonds are tentatively priced to yield to 7.05% in 2002. +21161037 Capital appreciation bonds are priced to yield to maturity from 7.10% in 2003 to 7.25% in 2007 and 2008. +21161038 The bonds are insured and rated triple-A by Moody's and S&P. +21161039 Connecticut Housing Finance Authority -- $132.8 million of housing mortgage revenue bonds priced by a PaineWebber Inc. group. +21161040 The $82.8 million of Series B bonds, which aren't subject to the alternative minimum tax, were priced at par to yield from 6.85% in 2000 to 7.20% in 2009. +21161041 Meanwhile, the $50 million of Series C bonds, which are suject to the alternative minimum tax, were priced at par to yield from 6.25% in 1990 to 7.10% to 2000. +21161042 The issue is expected to receive a double-A rating from Moody's, the underwriter said. +21161043 An S&P rating of double-A-plus has already been confirmed. +21161044 Montgomery County, Md. -- $75 million of general obligation, Series B, consolidated public improvement bonds of 1989, through a Manufacturers Hanover Trust Co. group. +21161045 The bonds, rated triple-A by Moody's and S&P, were priced to yield from 5.75% in 1990 to 6.90% in 2006 to 2009. +21161046 Federal Home Loan Mortgage Corp. -- $500 million of Remic mortgage securities being offered by Prudential-Bache Capital Funding Inc. +21161047 There were no details available on the pricing of the issue, Freddie Mac's Series 108. +21161048 The issue is backed by Freddie Mac 8 1/2% securities. +21161049 Hanwa Co. (Japan) -- Two-part, $800 million issue of bonds due Nov. 9, 1994, with equity-purchase warrants, indicating a 4 3/8% coupon at par. +21161050 European portion of $700 million via Yamaichi International Europe Ltd. +21161051 Asian portion of $100 million via Yamatane Securities Europe Ltd. +21161052 Each $5,000 bond carries one warrant, exercisable from Nov. 28, 1989, through Oct. 26, 1994, to buy shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 26. +21161053 Japan Storage Battery Co. -- $100 million of bonds due Nov. 9, 1993, with equity-purchase warrants, indicating a 3 7/8% coupon at par via Nikko Securities Co. (Europe) Ltd. +21161054 Guaranteed by Mitsubishi Bank Ltd. +21161055 Each $5,000 bond carries one warrant, exercisable from Nov. 27, 1989, through Oct. 26, 1993, to buy shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Nov. 1. +21161056 Sanraku Inc. (Japan) -- $100 million of bonds due Nov. 9, 1993, with equity-purchase warrants, indicating a 3 7/8% coupon at par, via Nomura International. +21161057 Guaranteed by Dai-Ichi Kangyo Bank Ltd. +21161058 Each $5,000 bond carries one warrant, exercisable from Nov. 21, 1989, through Oct. 19, 1993, to buy shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 31. +21161059 Nippon Signal Co. (Japan) -- 80 million marks of bonds with equity-purchase warrants, indicating a 1 1/2% coupon, due Nov. 9, 1994, and priced at par, via Commerzbank. +21161060 Guaranteed by Fuji Bank. +21161061 Each 5,000 mark bond carries one warrant and one certificate for four warrants, exercisable from Dec. 18, 1989, to Oct. 26, 1994, to buy shares at an expected premium of 2 1/2% above the closing share price when prices are fixed Oct. 30. +21161062 Miyoshi Oil & Fat Co. (Japan) -- 120 million Swiss francs of privately placed convertible notes due Dec. 31, 1993, with a fixed 0.25% coupon at par, via Union Bank of Switzerland. +21161063 Put option on Dec. 31, 1991, at a fixed 107 to yield 3.43%. +21161064 Each 50,000 Swiss franc bond convertible from Nov. 28, 1989, to Dec. 20, 1993, at a 5% premium over closing share price Oct. 30, when terms are scheduled to be fixed. +21161065 Fokker N.V. (Netherlands) -- 150 million Swiss francs of convertible bonds due Nov. 15, 1997, with a fixed 4% coupon at par via Union Bank of Switzerland. +21161066 Each 5,000 Swiss franc bond convertible from Jan. 3, 1989, to Oct. 31, 1997. +21161067 Fees 2 1/8. +21161068 Sapporo Lion Ltd. (Japan) -- 50 million Swiss francs of privately placed convertible notes due Dec. 31, 1994, with a 0.25% coupon at par, via Yamaichi Bank (Switzerland). +21161069 Put option on Dec. 31, 1991, at an indicated 107 7/8 to yield 3.84%. +21161070 Each 50,000 Swiss franc note convertible from Dec. 1, 1989, to Dec. 16, 1994, at 5% premium over the closing share price Oct. 26, when terms are scheduled to be fixed. +21161071 Credit Local de France -- 100 million Swiss francs of 6%, privately placed notes due Dec. 1, 1996, priced at 100 1/2 to yield 5.91%, via Swiss Bank Corp. +21162001 People start their own businesses for many reasons. +21162002 But a chance to fill out sales-tax records is rarely one of them. +21162003 Red tape is the bugaboo of small business. +21162004 Ironically, the person who wants to run his or her own business is probably the active, results-oriented sort most likely to hate meeting the rules and record-keeping demands of federal, state and local regulators. +21162005 Yet every business owner has to face the mound of forms and regulations -- and often is the only one available to tackle it. +21162006 There is hope of change. +21162007 Last week, Sen. Malcolm Wallop (R., Wyo.) held hearings on a bill to strengthen an existing law designed to reduce regulatory hassles for small businesses. +21162008 "A great many federal regulations are meant for larger entities and don't really apply to small businesses," says Marian Jacob, a legislative aide to Sen. Wallop. +21162009 Other lawmakers are busy trying to revive the recently lapsed Paperwork Reduction Act, which many feel benefited small enterprises. +21162010 Thus, optimistic entrepreneurs await a promised land of less red tape -- just as soon as Uncle Sam gets around to arranging it. +21162011 Meanwhile, they tackle the mounds of paper -- and fantasize about a dream world where bulk-mail postal regulations and government inspectors are banished. +21162012 To find out what red tape riles entrepreneurs most, the Journal asked a completely unscientific, random sample of business owners to fantasize about the forms and regulations they would most like to get lost in the mail. +21162013 Some entrepreneurs say the red tape they most love to hate is red tape they would also hate to lose. +21162014 They concede that much of the government meddling that torments them is essential to the public good, and even to their own businesses. +21162015 Rules that set standards for products or govern business behavior, generally the best regarded form of red tape, "create a level playing field and keep unscrupulous competitors away," says Sidney West, president of TechDesign International Inc., a Springfield, Va., business that designs telecommunication and other products. +21162016 Mr. West cites the Federal Communications Commission and its standards for telecommunications equipment: "They monitor product quality and prevent junk from flooding the market." +21162017 Some gripes about red tape are predictable: Architects complain about a host of building regulations, auto leasing companies about car insurance rules. +21162018 Determining when handicapped access is required can be a nightmare for architects, says Mark Dooling, president of Dooling & Co., a Newton, Mass., architectural firm. +21162019 There is such a maze of federal, state and local codes that "building inspectors are backing away from interpreting them," Mr. Dooling says. +21162020 Taxi, leasing and other companies that maintain fleets of vehicles devote substantial resources to complying with state insurance laws and a host of agencies. +21162021 "It's very costly and time-consuming," says Phil Rosen, a partner in Fleet & Leasing Management Inc., a Boston car-leasing company. +21162022 One senior executive at his firm spends nearly 20% of his time on insurance, he says. +21162023 Other forms of red tape are more pervasive. +21162024 The most onerous, many entrepreneurs say, is the record-keeping and filing required by tax authorities. +21162025 Complying with environmental and workplace regulations runs a close second. +21162026 But gripes run the gamut. +21162027 Here is the red tape that irks surveyed business owners the most: +21162028 ENVIRONMENTAL REGULATIONS: +21162029 Next to medical insurance, "costs of compliance" are the fastest-growing expense at Impco Inc., a Providence, R.I., chemical company. +21162030 Peter Gebhard, the company's owner, says spending on regulatory paper work and the people to do it -- mostly to comply with federal, state and local environmental laws -- will rise almost 30% this year to $100,000. +21162031 Mr. Gebhard adds that spending on environmental red tape amounts to between 6.5% and 7.5% of Impco's total operating expenses. +21162032 Eastern Reproduction Corp., a Waltham, Mass., maker of thin metal precision parts, must report to five federal and state agencies as well as to local fire, police, hospital and plumbing authorities, says Robert Maguire, president. +21162033 One state environmental regulator returned a report because "it wasn't heavy enough, it couldn't have been correct," Mr. Maguire says. +21162034 WITHHOLDING RULES: +21162035 Employers must deposit withholding taxes exceeding $3,000 within three days after payroll -- or pay stiff penalties -- and that's a big problem for small businesses. +21162036 It's especially nettlesome "if you're on the road and you're the one responsible," says Eddie Brown, president of Brown Capital Management Inc., a Baltimore money-management firm. +21162037 EMPLOYEE MANUALS: +21162038 Revising employee manuals on pensions, health care and other subjects costs over $25,000 a year for Bert Giguiere, president of Professional Agricultural Management Inc., a Fresno, Calif., provider of business services to farmers. +21162039 An employer leaves itself open to a great deal of liability if its employee manuals don't reflect the most recent laws, he says. +21162040 But the ever-changing laws are usually so complicated and confusing that "you need professionals to help you; you can't do it yourself," he adds. +21162041 PENSION AND PROFIT-SHARING RULES: +21162042 Complying with these is enough to make business owners look forward to their own pension days. +21162043 Yearly changes in federal benefit laws force small businesses to repeatedly re-evaluate and redesign existing plans. +21162044 Alice Fixx, who runs her own public-relations concern in New York, says she has had to overhaul her pension and profit-sharing plans three times in the past three years. +21162045 "It doesn't increase benefits, but it's costly and time-consuming," Ms. Fixx says. +21162046 Compliance added 15% to 20% to her accounting bill last year, she says. +21162047 SALES TAX RECORDS: +21162048 Advertising agencies and other service companies are exempt from city and state sales tax in most locales -- but the exemption comes at a price of exhaustive records and rigorous reviews. +21162049 To justify their exempt status and avoid penalties, these businesses must show once a year that each and every transaction on which they didn't pay sales tax was a legitimate business expense. +21162050 "You need one person to just take care of sales tax," says Jennie Tong, executive vice president of Lee Liu & Tong Advertising Inc., New York. +21163001 When the Trinity Repertory Theater named Anne Bogart its artistic director last spring, the nation's theatrical cognoscenti arched a collective eyebrow. +21163002 Ms. Bogart, an acclaimed creator of deconstructed dramatic collages that tear into such sacred texts as Rodgers and Hammerstein's "South Pacific," is decidedly downtown. +21163003 Trinity Rep meanwhile is one of the nation's oldest and most respected regional theaters, still hosting an annual "A Christmas Carol." +21163004 How would this bastion of traditional values fare in Ms. Bogart's iconoclastic hands? +21163005 She held her fire with her first production at the Trinity earlier this season. +21163006 It was a predictable revival of her prize-winning off-Broadway anthology of Bertolt Brecht's theoretical writings, called "No Plays, No Poetry." +21163007 Now, with the opening of Maxim Gorky's bourgeois-bashing "Summerfolk," Ms. Bogart has laid her cards on the table. +21163008 Hers is a hand that will test the mettle of her audiences. +21163009 For Ms. Bogart, who initially studied and directed in Germany (and cites such European directors as Peter Stein, Giorgio Strehler and Ariane Mnouchkine as influences) tends to stage her productions with a Brechtian rigor -- whether the text demands it or not. +21163010 And Gorky, considered the father of Soviet socialist realism, did not write plays that easily lend themselves to deliberately antirealistic distancing techniques. +21163011 Gorky was a loyal if occasionally ambivalent proletarian writer committed to enlightening the masses with plain speaking rooted in a slightly sour version of Chekhovian humanism. +21163012 And "Summerfolk," penned in 1904 as a kind of sequel to Chekhov's "Cherry Orchard," is a lawn party of Russian yuppies engaged in an exhausting ideological fight to the finish between the allrightniks and the reformers. +21163013 Along the way there also are lots of romantic dalliances. +21163014 Wisely Ms. Bogart has kept Gorky's time and place intact. +21163015 Despite the absence of samovars (and a tendency to turn the furniture upside down), the production is rich in Russian ennui voiced by languorous folk sporting beige linen and rumpled cotton, with boaters and fishing poles aplenty. +21163016 But beyond this decorative nod to tradition, Ms. Bogart and company head off in a stylistic direction that all but transforms Gorky's naturalistic drama into something akin to, well, farce. +21163017 The director's attempt to force some Brechtian distance between her actors and their characters frequently backfires with performances that are unduly mannered. +21163018 Not only do the actors stand outside their characters and make it clear they are at odds with them, but they often literally stand on their heads. +21163019 Like Peter Sellars, Ms. Bogart manipulates her actors as if they were rag dolls, sprawling them on staircases, dangling them off tables, even hanging them from precipices while having them perform some gymnastic feats of derring-do. +21163020 There are moments in this "Summerfolk" when the characters populating the vast multilevel country house (which looks like a parody of Frank Lloyd Wright and is designed by Victoria Petrovich) spout philosophic bon mots with the self-conscious rat-a-tat-tat pacing of "Laugh In." +21163021 "Talk hurts from where it spurts," one of them says. +21163022 The clash of ideologies survives this treatment, but the nuance and richness of Gorky's individual characters have vanished in the scuffle. +21163023 As for the humor that Gorky's text provides, when repainted in such broad strokes (particularly by the lesser members of the ensemble) it looks and sounds forced. +21163024 Ms. Bogart does better with music than with words when she wants, as she so often does want, to express herself through Gorky's helpless play. +21163025 Here she has the aid of her longtime associate Jeff Helpern, whom she appointed Trinity's first-ever musical director and whom she equipped with a spanking new $60,000 sound system and recording studio. +21163026 For Gorky, Mr. Helpern provided an aural collage of Debussy and Rachmaninoff, which is less a score than a separate character with a distinct point of view. +21163027 Like Brecht, and indeed Ezra Pound, Ms. Bogart has said that her intent in such manipulative staging of the classics is simply an attempt to "make it new." +21163028 Indeed, during a recent post-production audience discussion, the director explained that her fondest artistic wish was to find a way to play "Somewhere Over the Rainbow" so that the song's "original beauty comes through," surmounting the cliche. +21163029 The danger that Ms. Bogart seems to be courting here is one of obfuscation rather than rejuvenation, a vision so at odds with the playwright's that the two points of view nullify, rather than illuminate, each other. +21163030 Ms. Bogart's cast is part and parcel of the problem. +21163031 Ed Shea and Barbara Orson never find a real reason for their love affair as the foolish, idealistic young Vass and the tirelessly humanitarian doctor Maria Lvovna. +21163032 Cynthia Strickland as the long-suffering Varvara is a tiresome whiner, not the inspirational counterrevolutionary Gorky intended. +21163033 Better to look in the corners for performances that inspire or amuse. +21163034 Janice Duclos, in addition to possessing one of the evening's more impressive vocal instruments, brings an unsuspected comedic touch to her role of Olga, everybody's favorite mom. +21163035 Marni Rice plays the maid with so much edge as to steal her two scenes. +21163036 But it is the Trinity Rep newcomer, Jonathan Fried (Zamislov, the paralegal) who is the actor to watch, whether he is hamming it up while conducting the chamber musicians or seducing his neighbor's wife (Becca Lish) by licking her bosom. +21163037 Ms. de Vries writes frequently about theater. +21164001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +21164002 MORGAN STANLEY, THE ONCE STODGY investment house, in 1974 helped a corporate client complete a hostile takeover. +21164003 It was the start of a boom in unfriendly, even ungentlemanly, mergers. +21164004 On July 18, 1974, International Nickle of Canada -- advised by Morgan -- offered $28 a share, equal to $157 million, for ESB, a Philadelphia battery maker. +21164005 ESB said it was given only a three-hour advance warning on a "take it or leave it" basis from Inco, as the Toronto company is called. +21164006 "ESB is aware that a hostile tender offer is being made by a foreign company for all of ESB's shares," said F.J. Port, ESB's president. +21164007 "Hostile" thus entered the merger-acquisition lexicon. +21164008 Joseph Flom, of Skadden, Arps, Slote, Meagher & Flom, which became a leading legal firm in merger cases, said the case "made takeovers respectable." +21164009 ESB spurned Inco and within five days ESB had a "white knight" as United Aircraft -- headed by Harry Gray, a shrewdly friendly acquirer of companies -- offered $34 a share. +21164010 Gray was advised by Goldman Sachs and Merrill Lynch. +21164011 ESB directors warmly accepted, but a whirlwind bidding match ensued. +21164012 Within a few days in July, Inco raised its bid to $36 and United matched it. +21164013 On a single day Inco lifted its offer to $38 and then to $41, equal to $225.5 million. +21164014 United met the $38 but then withdrew. +21164015 ESB on July 29 accepted the Inco offer and the brief battle -- unlike the intricate and lengthy big takeovers of 1984-1989 -- was over. +21164016 The new gritty game became a money maker for Wall Street's once austere old-name houses. +21164017 Inco paid Morgan an advisory fee of about $250,000, a paltry figure by today's measures. +21164018 Early this year Morgan and three other investment houses each received $25 million in advisory fees from Kohlberg Kravis & Roberts in its $25 billion friendly buy-out of RJR Nabisco. +21165001 HomeFed Corp. said third-quarter net income slid 14% to $23.9 million, or $1.10 per fully diluted share, from $27.9 million, or $1.21 a fully diluted share, because of increased bad assets and unexpected trouble in unloading foreclosed property. +21165002 The decline surprised analysts and jolted HomeFed's stock, which lost 8.6% of its value, closing at $38.50 on the New York Stock Exchange, down $3.625. +21165003 HomeFed had been one of the handful of large West Coast thrifts that in recent quarters had counteracted interest-rate problems dogging the industry by keeping a lid on problem assets and lending heavily into the furious California housing market. +21165004 Analysts had been projecting fully diluted earnings in the third quarter in the range of about $1.30 a share. +21165005 However, HomeFed's loan originations and purchases plunged 26% in the quarter, to $1.4 billion from $1.9 billion a year earlier. +21165006 Meanwhile, non-performing assets rose to $593 million from $518.7 million. +21165007 Some $380 million of the troubled assets is repossessed real estate, a 55.6% surge from the $244.2 million of repossesed property HomeFed held a year ago. +21165008 HomeFed has $17.9 billion of assets. +21165009 HomeFed said most of the troubled assets are apartment complexes, shopping malls and other commercial real estate. +21165010 It said about half are in California, with the rest scattered across the country. +21165011 It said sales of such properties were slower than anticipated in the third quarter, but it expects sales to pick up in the rest of the year. +21165012 HomeFed said the slide in loan originations was more a matter of design than a sign of cooling in the California market. +21165013 Any such downturn in California would be grim news for West Coast thrifts, particularly the less healthy ones, which have performed poorly even with a torrid market. +21165014 But HomeFed said it purposely curbed loan originations in the quarter because of uncertainty over the new capital requirements and regulations that will emerge from negotiations over implementing the government's massive thrift bailout bill. +21165015 It said its real-estate operations earned a record $21.7 million, more than double year-earlier real estate profit of $9 million. +21165016 And analysts said they see no signs of an imminent swoon in California real estate, even with last week's earthquake. +21165017 The thrift said earnings also were nicked in the quarter by a $4 million provision for losses associated with its previously reported plan to liquidate a real-estate franchise network. +21165018 For the nine months, HomeFed earned $82.5 million, or $3.52 a fully diluted share, a 4.3% increase from year-earlier net income of $79.1 million, or $3.43 a fully diluted share. +21166001 Yields on certificates of deposit at major banks were little changed in the latest week. +21166002 The average yield on six-month CDs of $50,000 and less slipped to 7.96% from 8.00%, according to Banxquote Money Markets, an information service based here. +21166003 On one-year CDs of $50,000 and less, the average slid to 8.02% from 8.06%. +21166004 Both issues are among the most popular with individual investors. +21166005 "Because of shrinkage in the economy, rates can be expected to decline over a one-year horizon," said Norberto Mehl, chairman of Banxquote. +21166006 "It's unclear how much rates can fall and how soon." +21166007 Changes in CD yields in the week ended Tuesday were in line with blips up and down within a fairly narrow range for the last two months. +21166008 Interest rates generally began declining last spring after moving steadily upward for more than a year. +21166009 The average yield on small-denomination three-month CDs moved up two-hundredths of a percentage point in the latest week to 7.85%. +21166010 Long-term CDs declined just a fraction. +21166011 The average yield on both two-year CDs and five-year CDs was 7.98%. +21166012 Only CDs sold by major brokerage firms posted significant increases in average yields in the latest week, reflecting increased yields on Treasury bills sold at Monday's auction. +21166013 The average yield on six-month broker-sold CDs rose to 8.29% from 8.05% and on one-year CDs the average yield rose to 8.30% from 8.09%. +21166014 The brokerage firms, which negotiate rates with the banks and thrifts whose CDs they sell, generally feel they have to offer clients more than they can get on T-bills or from banks and thrifts directly. +21166015 T-bills sold at Monday's auction yielded 7.90% for six months and 7.77% for three months, up from 7.82% and 7.61%, respectively, the week before. +21166016 So-called jumbo CDs, typically in denominations of $90,000 and up, also usually follow T-bills and interest rate trends in general more than those aimed at small investors. +21166017 Some jumbos posted fractional changes in average yields this week, both up and down. +21166018 The average yield on threemonth jumbos rose to 8.00% from 7.96%, while the two-year average fell by the same amount to 7.89%. +21166019 Six-month and oneyear yields were unchanged, on average. +21166020 "The (CD) market is unsettled right now," said Banxquote's Mr. Mehl. +21166021 "It's very easily influenced by changes in the stock market and the junk bond market." +21166022 The small changes in averages reflect generally unchanged yields at many major banks. +21166023 Some, however, lowered yields significantly. +21166024 At Chase Manhattan Bank in New York, for example, the yield on a small denomination six-month CD fell about a quarter of a percentage point to 8.06%. +21166025 In California, Bank of America dropped the yield on both six-month and one-year "savings" CDs to 8.33% from 8.61%. +21166026 Yields on money-market deposits were unchanged at an average 6.96% for $50,000 and less and down just a hundredth of a percentage point to 7.41% for jumbo deposits. +21167001 Lion Nathan Ltd. agreed to buy the franchise to bottle, distribute and market Pepsi-Cola soft-drink products in Australia, the company said. +21167002 The New Zealand brewing and retail concern didn't disclose terms. +21167003 The agreement is effective Jan. 1 and is subject to approval from Australia's Foreign Investment Review Board. +21167004 Cadbury Schweppes Australia Ltd. has held the Australian Pepsi franchise for the past four years. +21167005 Lion Nathan and PepsiCola Australia, a unit of PepsiCo Inc. of the U.S., didn't say why Cadbury Schweppes will no longer hold the franchise. +21168001 Wang Laboratories Inc. has sold $25 million of assets and reached agreements in principle to sell an additional $187 million shortly, Richard Miller, president, said at the annual meeting. +21168002 He said Wang had reached an agreement with a "major financial firm" to sell for $150 million its domestic equipment lease portfolio and that of its Wang Credit Corp. subsidiary. +21168003 He said it also agreed to sell a portion of its European real estate unit for $37 million. +21168004 Mr. Miller said that Wang has already sold some $12 million of miscellaneous assets and disclosed that it had received $13 million from Compaq Computer Corp., Houston, in the previously announced sale of its Stirling, Scotland, plant. +21168005 Mr. Miller repeated that in the next six months he plans to sell another $200 million to $300 million of assets to repay debt and reduce interest costs at Wang, a minincomputer maker in Lowell, Mass. +21168006 In response to questions after the annual meeting, Mr. Miller said the company is no longer looking for an equity investor. +21168007 During the summer, Wang executives had said they might seek outside investment. +21169001 Murata Mfg. Co. said it is establishing a subsidiary in Britain to produce electric parts, including ceramic condensers. +21169002 The Tokyo maker of ceramic capacitors said it purchased a plant in Plymouth. +21169003 The company didn't disclose a purchase price or capitalization figures. +21169004 Murata said, however, it will invest about 1.4 billion yen ($9.9 million) in the new company. +21169005 Production is slated to begin in April. +21169006 The company, which has a European foothold, Murata Europe Management G.m.b.H. in Germany, said the latest venture is designed to meet demand for electric parts in European Community countries ahead of the creation of the unified market by the end of 1992. +21169007 Murata expects sales at the unit of about 1.5 billion yen in the first year. +21170001 Safeway Stores Inc. reported a 69% decline in profit for the fiscal third quarter, but said operating improvements were masked by unusual gains in the year-earlier period. +21170002 The Oakland grocery retailer, closely held since a $4.2 billion leveraged buy-out in 1986, said profit for the three months ended Sept. 9 was $7.1 million, compared with $23 million a year earlier. +21170003 But it said the year-earlier results included gains of $23.5 million from divestitures. +21170004 Sales rose 4.2% to $3.31 billion from $3.2 billion. +21170005 For the nine months, the company said profit fell 49% to $23.5 million from $46 million in the year-earlier quarter, which included divestiture-related gains of $50.6 million. +21170006 Sales increased 5.5% to $9.81 billion from $9.3 billion. +21171001 Benjamin Jacobson & Sons has been the New York Stock Exchange specialist firm in charge of trading stock in UAL Corp. and its predecessors since the early 1930s. +21171002 But the firm has never had a day like yesterday. +21171003 At first UAL didn't open because of an order imbalance. +21171004 When it did a half-hour into the session, it was priced at $150 a share, down more than $28 from Monday's close. +21171005 It sank further to as low as $145, but a big rally developed in the last half hour, pushing the stock back up to close at $170, down just $8.375 from Monday. +21171006 In the process, 4.9 million shares traded, making UAL the second most active issue on the Big Board. +21171007 Munching pizza when they could and yelling until their voices gave out, the two Benjamin Jacobson specialists at the Big Board's UAL trading post yesterday presided over what can only be described as a financial free-for-all. +21171008 "It was chaotic. +21171009 But we like to call it 'controlled chaos,'" said 47-year-old Robert J. Jacobson Jr., grandson of the firm's founder. +21171010 He manned the UAL post yesterday with Christopher Bates, 33, an energetic Long Islander who's a dead ringer for actor Nicolas Cage. +21171011 Who was doing all the selling? +21171012 "Options traders, arbitrage traders -- everyone," said Mr. Bates, cooling down with a carton of apple juice after the close yesterday. +21171013 Added Mr. Jacobson, "There were some pretty bad losses in the stock." +21171014 Big Board traders said a 200,000-share buy order at $150 a share entered by Bear, Stearns & Co., which was active in UAL stock all day, is what set off the UAL crowd in the late afternoon. +21171015 A subsequent rally in UAL helped the staggering stock market stage an astonishing recovery from an 80-point deficit to finish only slightly below Monday's close. +21171016 Both Jacobson traders, who had been hoping UAL trading would get back to normal, read the news about the unraveling of UAL takeover plans on the train into work yesterday morning. +21171017 The news told them it would be a while longer before UAL resumed trading like a regular airline stock after months of gyrations. +21171018 When Mr. Jacobson walked into the office at 7:30 a.m. EDT, he announced: "OK, buckle up." +21171019 Messrs. Jacobson and Bates walked on the Big Board floor at about 8:45 a.m. yesterday and immediately spotted trouble. +21171020 Already entered in the Big Board's computers and transmitted to their post were sell orders for 65,000 UAL shares. +21171021 The UAL news had already caused a selling furor in the so-called third market, in which firms buy and sell stock away from the exchange floor. +21171022 UAL, which closed on the Big Board Monday at $178.375 a share, traded in the third market afterward as low as $158 a share. +21171023 There were rumors of $148-a-share trades. +21171024 In the 45 minutes before the 9:30 opening bell, the Jacobson specialists kept getting sell orders, heavier than they imagined. +21171025 And at 9:15, they posted a $135 to $155 "first indication," or the price range in which the stock would probably open. +21171026 That range was quickly narrowed to $145 to $155, although traders surrounding the post were told that $148 to $150 would be the likely target. +21171027 When UAL finally opened a half hour late, some 400,000 shares traded at $150. +21171028 There was "selling pressure from everyone," said one trader. +21171029 This month's Friday-the-13th market plunge spurred by UAL news wasn't as bad for the Jacobson specialists as yesterday's action. +21171030 On that earlier day, the stock's trading was halted at a critical time so the specialists could catch their breath. +21171031 Not yesterday. +21171032 Mr. Jacobson, his gray hair flying, didn't wear out his red-white-and-blue sneakers, but he sweat so much he considered sending out for a new shirt. +21171033 Mr. Bates usually handles day-to-day UAL trading on his own. +21171034 But yesterday, the heavy trading action eventually consumed not only Messrs. Jacobson and Bates but four other Jacobson partners, all doing their specialist-firm job of tugging buyers and sellers together and adjusting prices to accommodate the market. +21171035 About 30 floor traders crammed near the UAL post most of the day, and probably hundreds more came and went -- a "seething mass," as one trader described it. +21171036 The 4.9 million-share volume flowing through the Jacobson specialist operation was about five times normal for the stock. +21171037 The heavy buying in the last half hour led the specialists to take special steps. +21171038 The Bear Stearns order that marked the late-day turnaround caused a "massive buying effort" as UAL jumped $20 a share to $170 in the last half hour, said Mr. Bates. +21171039 With 15 seconds of trading to go, Mr. Jacobson, with what voice he had left, announced to the trading mob: "We're going to trade one price on the bell." +21171040 That meant no trading would occur in the final seconds, as a way of making sure that last-second orders aren't subjected to a sudden price swing that would upset customers. +21171041 About 11,000 shares sold at $170 on the bell, representing about eight to 10 late orders, the specialists estimate. +21171042 Big Board traders praised the Jacobson specialists for getting through yesterday without a trading halt. +21171043 In Chicago, a UAL spokesman, "by way of policy," declined to comment on the company's stock or the specialists' performance. +21171044 Leaving the exchange at about 5 p.m., the Jacobson specialists made no predictions about how trading might go today. +21171045 Said Earl Ellis, a Jacobson partner who got involved in the UAL action, "It all starts all over again" today. +21172001 Britain's current account deficit dropped to #1.6 billion ($2.56 billion) in September from an adjusted #2 billion ($3.21 billion) the previous month, but the improvement comes amid increasing concern that a recession could strike the U.K. economy next year. +21172002 The Confederation of British Industry's latest survey shows that business executives expect a pronounced slowdown, largely because of a 16-month series of interest-rate increases that has raised banks' base lending rates to 15%. +21172003 "The outlook has deteriorated since the summer, with orders and employment falling and output at a standstill," said David Wigglesworth, chairman of the industry group's economic committee. +21172004 He also said investment by businesses is falling off. +21172005 Of 1,224 companies surveyed, 31% expect to cut spending on plant equipment and machinery, while only 28% plan to spend more. +21172006 But despite mounting recession fears, government data don't yet show the economy grinding to a halt. +21172007 Unemployment, for example, has continued to decline, and the September trade figures showed increases in both imports and exports. +21172008 As a result, Prime Minister Margaret Thatcher's government isn't currently expected to ease interest rates before next spring, if then. +21172009 Chancellor of the Exchequer Nigel Lawson views the high rates as his chief weapon against inflation, which was ignited by tax cuts and loose credit policies in 1986 and 1987. +21172010 Officials fear that any loosening this year could rekindle inflation or further weaken the pound against other major currencies. +21172011 Fending off attacks on his economic policies in a House of Commons debate yesterday, Mr. Lawson said inflation "remains the greatest threat to our economic well-being" and promised to take "whatever steps are needed" to choke it off. +21172012 The latest government figures said retail prices in September were up 7.6% from a year earlier. +21172013 Many economists have started predicting a mild recession next year. +21172014 David Owen, U.K. economist with Kleinwort Benson Group, reduced his growth forecast for 1990 to 0.7% from 1.2% and termed the risk of recession next year "quite high." +21172015 But he said the downturn probably won't become a "major contraction" similar to those of 1974 and 1982. +21172016 Still, Britain's current slump is a cause for concern here as the nation joins in the European Community's plan to create a unified market by 1992. +21172017 Compared with the major economies on the Continent, the U.K. faces both higher inflation and lower growth in the next several months. +21172018 As a result, Mr. Owen warned, investment will be more likely to flow toward the other European economies and "the U.K. will be less prepared for the single market." +21172019 Britain's latest trade figures contained some positive news for the economy, such as a surge in the volume of exports, which were 8.5% higher than a year earlier. +21172020 But while September exports rose to #8.43 billion, imports shot up to #10.37 billion. +21172021 The resulting #1.9 billion merchandise trade deficit was partly offset by an assumed surplus of #300 million in so-called invisible items, which include income from investments, services and official transfers. +21172022 Despite the narrowing of the monthly trade gap, economists expect the current account deficit for all of 1989 to swell to about #20 billion from #14.6 billion in 1988. +21172023 Increasingly, economists say the big deficit reflects the slipping competitive position of British industry. +21172024 "When the country gets wealthier, we tend to buy high-quality imports," Mr. Owen said. +21173001 Vickers PLC, a British aerospace, defense and automotive conglomerate, said it reached an agreed cash bid of #108.2 million ($173.3 million) for Ross Catherall Group PLC, a maker of specialty alloy and ceramics. +21173002 The company said it expects to receive acceptances for its offer of 253 pence ($4.05) per share representing at least 67% of Ross Catherall's issued share capital, or 12.7 million ordinary shares. +21173003 Vickers said its offer also includes an option to receive a redeemable loan note in lieu of cash. +21173004 The notes can be redeemed starting in July 1991. +21173005 The company said its acquisition of Ross Catherall will be covered largely by cash raised in its July disposal of Howson-Algraphy for #241.7 million. +21174001 If bluebloods won't pay high prices for racehorses anymore, who will? +21174002 Breeders are betting on the common folk. +21174003 The Thoroughbred Owners and Breeders Association, a Lexington, Ky.-based trade group, has launched "seminars" for "potential investors" at race tracks around the country. +21174004 The group, which has held half a dozen seminars so far, also is considering promotional videos and perhaps a pitch to Wall Street investment bankers. +21174005 "People in this business have been insulated," says Josh Pons, a horse breeder from Bel Air, Md. +21174006 "But the real future of this game is in a number of people owning a few horses." +21174007 At the Laurel race track, the breeders are romancing people like Tim Hulings, a beer packaging plant worker. +21174008 Right now, Mr. Hulings is waving his racing program, cheering for Karnak on the Nile, a sleek thoroughbred galloping down the home stretch. +21174009 Mr. Hulings gloats that he sold all his stocks a week before the market plummeted 190 points on Oct. 13, and he is using the money to help buy a 45-acre horse farm. +21174010 "Just imagine how exciting that would be if that's your horse," he says. +21174011 But experts caution that this isn't a game for anyone with a weak stomach or wallet. +21174012 "It's a big-risk business," warns Charles C. Mihalek, a Lexington attorney and former Kentucky state securities commissioner. +21174013 "You have to go into it firmly believing that it's the kind of investment where you can lose everything." +21174014 And many have done just that. +21174015 Consider Spendthrift Farm, a prominent Lexington horse farm that went public in 1983 but hit hard times and filed for bankruptcy-court protection last year. +21174016 A group of investors recently bought the remaining assets of Spendthrift, hoping to rebuild it. +21174017 Other investors have lost millions in partnerships that bought thoroughbred racehorses or stallion breeding rights. +21174018 One big problem has been the thoroughbred racehorse market. +21174019 From 1974 to 1984, prices for the best yearlings at the summer sales rose 918% to an average of $544,681. +21174020 Since then, prices have slumped, to an average of $395,374 this summer. +21174021 But that's for the best horses, with most selling for much less -- as little as $100 for some pedestrian thoroughbreds. +21174022 Even while they move outside their traditional tony circle, racehorse owners still try to capitalize on the elan of the sport. +21174023 Glossy brochures circulated at racetracks gush about the limelight of the winner's circle and high-society schmoozing. +21174024 One handout promises: "Pedigrees, parties, post times, parimutuels and pageantry." +21174025 "It's just a matter of marketing and promoting ourselves," says Headley Bell, a fifth-generation horse breeder from Lexington. +21174026 Maybe it's not that simple. +21174027 For starters, racehorse buyers have to remember the basic problem of such ventures: These beasts don't come with warranties. +21174028 And for every champion, there are plenty of nags. +21174029 Katherine Voss, a veteran trainer at the Laurel, Md., track, offers neophytes a sobering tour of a horse barn, noting that only three of about a dozen horses have won sizable purses. +21174030 One brown two-year-old filly was wheezing from a cold, while another had splints on its legs, keeping both animals from the racetrack. +21174031 "You can see the highs and lows of the business all under one roof," she tells the group. +21174032 "There aren't too many winners." +21174033 Perhaps the biggest hurdle owners face is convincing newcomers that this is a reputable business. +21174034 Some badly managed partnerships have burned investors, sometimes after they received advice from industry "consultants." +21174035 So owners have developed a "code of ethics," outlining rules for consultants and agents, and disclosure of fees and any conflicts of interest. +21174036 But some are skeptical of the code's effectiveness. +21174037 "The industry is based on individual honesty," says Cap Hershey, a Lexington horse farmer and one of the investors who bought Spendthrift. +21174038 Despite the drop in prices for thoroughbreds, owning one still isn't cheap. +21174039 At the low end, investors can spend $15,000 or more to own a racehorse in partnership with others. +21174040 At a yearling sale, a buyer can go solo and get a horse for a few thousand dollars. +21174041 But that means paying the horse's maintenance; on average, it costs $25,000 a year to raise a horse. +21174042 For those looking for something between a minority stake and total ownership, the owners' group is considering a special sale where established horse breeders would sell a 50% stake in horses to newcomers. +21175001 BUELL INDUSTRIES Inc. halved its quarterly dividend to five cents a share, payable Nov. 17 to stock of record Nov. 3. +21175002 The company's quarterly dividend had been 10 cents a share since April 30, 1988. +21175003 Buell recently said it would incur an aftertax charge of about $3.6 million in its fourth quarter ending Tuesday, in connection with the sale and discontinuance of several lines at a plant. +21175004 The Waterbury, Conn., maker of industrial fasteners and metal stampings has 2.3 million shares outstanding. +21176001 Dunkin' Donuts Inc., battling a takeover proposal by Canada's DD Acquisition Corp., said that its directors will evaluate takeover offers submitted by Nov. 10. +21176002 Dunkin' Donuts, based in Randolph, Mass., previously said it would explore "alternatives," including a leveraged buy-out of the company, but hadn't set a date for submission of proposals. +21176003 Dunkin' Donuts Chairman and Chief Executive Robert M. Rosenberg said "a sale is one alternative being considered," but he added the board hasn't decided whether to sell the doughnut franchiser. +21176004 DD Acquisition, jointly owned by Unicorp Canada Corp.'s Kingsbridge Capital Group unit and Cara Operations Ltd., has made a $45-a-share tender offer valued at $268 million for Dunkin' Donuts. +21176005 Dunkin' Donuts' announcement followed DD Acquisition's request to the Delaware Court of Chancery Monday to set a trial date for its suit against the company. +21176006 The trial had been postponed to allow Dunkin' Donuts to seek alternatives to DD Acquisition's offer. +21177001 Combustion Engineering Inc. said third-quarter net income of $22.8 million, reversing a $91.7 million year-earlier loss. +21177002 The Stamford, Conn., power-generation products and services company said per-share earnings were 56 cents compared with the year-ago loss of $2.39. +21177003 Sales fell 1.5% to $884 million from $897.2 million. +21177004 Strong profit in the process industries, including chemical and pulp and paper, were offset by higher interest expense and by lower earnings as the company closed out certain long-term contracts. +21177005 Combustion reported improved profits in its automation and control products businesses, and it narrowed its losses in its public sector and environmental segment. +21177006 Power generation had higher sales but lower earnings; the company cited factors including work on certain low profit-margin contracts from previous years. +21177007 Net in the latest quarter included a pretax gain of $22.4 million from the sale of Combustion's minority interest in Stein Industrie to GEC Alsthom N.V. of the Netherlands. +21177008 Last year's results reflected a gain of $28.2 million on disposition of assets and a $165 million pretax provision mainly from costs of completing certain waste-to-energy and other power plants. +21178001 Claude Bebear, chairman and chief executive officer, of Axa-Midi Assurances, pledged to retain employees and management of Farmers Group Inc., including Leo E. Denlea Jr., chairman and chief executive officer, if Axa succeeds in acquiring Farmers. +21178002 Mr. Bebear added that the French insurer would keep Farmers' headquarters in Los Angeles and "will not send French people to run the company." +21178003 Axa would also maintain Farmers' relationships with the insurance exchanges that it manages. +21178004 Mr. Bebear made his remarks at a breakfast meeting with reporters here yesterday as part of a tour in which he is trying to rally support in the U.S. for the proposed acquisition. +21178005 The bid is part of Sir James Goldsmith's unfriendly takeover attempt for B.A.T Industries PLC, the British tobacco, retailing, paper and financial-services giant that acquired Farmers last year for $5.2 billion. +21178006 Axa has agreed to acquire Farmers from Sir James's investment vehicle, Hoylake Investments Ltd., for $4.5 billion plus a $1 billion investment in Hoylake. +21178007 Any acquisition of Farmers needs the approval of insurance commissioners in the nine states where Farmers operates, and Mr. Bebear's trip will take him to Idaho, Arizona and New York after his stay here; he will meet with insurance regulators, legislators, industry excutives and the press. +21178008 Hearings on Axa's acquisition application have been set for Nov. 13 in Idaho; Nov. 20 in Illinois; Nov. 24 and Dec. 4 in Arizona; Dec. 11 in Washington state; and Jan. 8 in Oregon. +21178009 Hearings haven't yet been set in Texas, Ohio and Kansas. +21178010 California's insurance commissioner doesn't hold hearings on acquisition applications. +21178011 Although Axa has been rebuffed by Farmers and hasn't had any meetings with management, Mr. Bebear nonetheless appears to be trying to woo the company's executives with promises of autonomy and new-found authority under Axa. +21178012 He said Mr. Denlea would be a member of the top management team of the Axa-Midi group of companies, and would "help define policies and strategies of the group." +21178013 Farmers was quick yesterday to point out the many negative aspects it sees in having Axa as its parent. +21178014 For one, Axa plans to do away with certain tax credits that have resulted in more than $600 million paid to the Farmers exchanges during the past few years to offset underwriting losses. +21178015 Those credits result because of taxes that Farmers, as the management company, has paid, and have "proved to be very important for the exchanges," a Farmers spokesman said. +21178016 Mr. Bebear contended that the tax cost to the exchanges under the revised structure would be about $8 million a year, which he described as "peanuts. +21179001 Honeywell Inc., Minneapolis, said it completed its previously announced sale of 16% of the shares outstanding in its Japanese joint venture, Yamatake-Honeywell, for $280 million. +21179002 The stake was acquired by a group of 10 Japanese financial institutions and industrial corporations, primarily insurance companies, Honeywell said. +21179003 Proceeds will be used to repurchase as many as 10 million shares of Honeywell stock, as previously announced. +21179004 Honeywell said a second sale of Yamatake-Honeywell is still being negotiated. +21179005 The company, which now holds a 34% stake in the venture, has indicated that it intends to retain at least a 20% stake long term. +21179006 A 20% stake would allow Honeywell to include Yamatake earnings in its results. +21179007 A company spokesman said the gain on the sale couldn't be estimated until the "tax treatment has been determined. +21180001 OPPENHEIMER CAPITAL LIMITED PARTNERSHIP increased the quarterly distribution to 40 cents a limited partnership unit from 36.25 cents. +21180002 The distribution represents available cash flow from the partnership between Aug. 1 and Oct. 31. +21180003 It is payable Nov. 30 to units of record Oct. 31. +21180004 The money manager is controlled 67.7% by its top officers and top officers of Oppenheimer & Co., a securities firm. +21180005 Both firms are in New York. +21180006 Oppenheimer Capital has about 7.9 million limited partnership units outstanding. +21180007 In New York Stock Exchange composite trading yesterday, the units closed at $15.125, up 12.5 cents. +21181001 Bank of Montreal said it added 850 million Canadian dollars (US$725.8 million) to its reserves against losses on Third World loans, bringing the total it has set aside this year to C$1 billion. +21181002 The bank said the C$1 billion in reserves will result in a charge of C$595 million against earnings but said it still expects to report a profit for the year ending Tuesday. +21181003 The bank reported net income of C$389 million for the nine months ended July 31. +21181004 The bank said the increase in loan-loss provisions won't affect the payment of dividends. +21181005 The bank said reserves now amount to 61% of its total less-developed-country exposure. +21181006 Excluding Mexico, reserves equal 95% of LDC exposure. +21181007 In Toronto Stock Exchange trading, Bank of Montreal closed at C$33.25, up 87.5 Canadian cents. +21182001 Knight-Ridder Inc. said third-quarter earnings jumped 18%, partly because of the sale of two of its media properties. +21182002 The media concern said net income rose to $37.8 million, or 72 cents a share, from $32 million, or 57 cents a share, in the year-earlier period. +21182003 The latest results include a gain of $4.2 million, or eight cents a share, on the sale of television stations in Oklahoma City and Flint, Mich. +21182004 Revenue increased 7.5% to $540.9 million from $503.1 million. +21182005 Robert F. Singleton, Knight-Ridder's chief financial officer, said the company was "pleased" with its overall performance, despite only single-digit growth in newspaper revenue. +21182006 That division's revenue rose 2.3% to $472.5 million from $461.9 million in the year-ago period. +21182007 Gains in advertising revenue, however, resulted in operating profit of $78.4 million -- up 20% from $65.6 million. +21182008 In New York Stock Exchange composite trading, Knight Ridder closed at $51.50 a share, down 12.5 cents. +21183001 ALBERTA ENERGY Co., Calgary, said it filed a preliminary prospectus for an offering of common shares. +21183002 The natural resources development concern said proceeds will be used to repay long-term debt, which stood at 598 million Canadian dollars (US$510.6 million) at the end of 1988. +21183003 The company plans to raise between C$75 million and C$100 million from the offering, according to a spokeswoman at Richardson Greenshields of Canada Ltd., lead underwriter. +21183004 The shares will be priced in early November, she said. +21184001 General Electric Co. executives and lawyers provided "misleading and false" information to the Pentagon in 1985 in an effort to cover up "longstanding fraudulent" billing practices, federal prosecutors alleged in legal briefs. +21184002 The government's startling allegations, filed only days before the scheduled start of a criminal overcharge trial against GE in Philadelphia federal district court, challenge the motives and veracity of the nation's third-largest defense contractor. +21184003 In a strongly worded response summarizing a filing made in the same court yesterday, GE asserted that "prosecutors have misstated the testimony of witnesses, distorted documents and ignored important facts." +21184004 The company attacked the government's allegations as "reckless and baseless mudslinging," and said its management "promptly and accurately reported" to the Pentagon all relevant information about billing practices. +21184005 The case strikes at the corporate image of GE, which provides the military with everything from jet engines and electronic warfare equipment to highly classified design work on the Strategic Defense Initiative, and could cause a loss of future defense contracts if Pentagon and Justice Department officials take a tough stance. +21184006 The company has been considered an industry leader in advocating cooperation and voluntary disclosures of improper or inflated billing practices. +21184007 But the government now claims that a group of company managers and lawyers engaged in an elaborate strategy over five years to obscure from federal authorities the extent and details of "widespread" fraudulent billing practices. +21184008 The problems were uncovered during a series of internal investigations of the company's Space Systems division, which has been the focus of two separate overcharge prosecutions by the government since 1985. +21184009 The dispute stems from pretrial maneuvering in the pending court case, in which prosecutors have been demanding access to a host of internal company memos, reports and documents. +21184010 Last November, a federal grand jury indicted GE on charges of fraud and false claims in connection with an alleged scheme to defraud the Army of $21 million on a logistics computer contract. +21184011 The company, for its part, maintains that many of the disputed documents are privileged attorney-client communications that shouldn't be turned over to prosecutors. +21184012 A hearing is scheduled on the issue today. +21184013 The government's 136-page filing covers events leading up to the current case and an earlier indictment in March 1985, when GE was accused of defrauding the Pentagon by illegally claiming cost overruns on Minuteman missile contracts. +21184014 GE pleaded guilty and paid a fine of more than $1 million in the Minuteman case, which involved some of the same individuals and operations that are at the center of the dispute in the Philadelphia court. +21184015 In order to show that all of its units had corrected billing problems and therefore should become eligible again for new contracts, prosecutors contend that "high-level GE executives" and company lawyers provided "misleading statements" to then-Air Force Secretary Verne Orr and other Pentagon officials during a series of meetings in 1985. +21184016 Overall, the government contends that GE's disclosure efforts largely were intended to "curry favor" with Pentagon officials without detailing the extent of the management lapses and allegedly pervasive billing irregularities uncovered by company investigations. +21184017 Prosecutors depict a company that allegedly sat on damaging evidence of overcharges from 1983 to 1985, despite warnings from an internal auditor. +21184018 When GE finally disclosed the problems, prosecutors contend that Mr. Orr "was erroneously informed that the {suspected} practices had only just been discovered" by GE management. +21184019 In its brief, the government asserted that it needs the internal GE documents to rebut anticipated efforts by GE during the trial to demonstrate "its good corporate character." +21184020 GE, which was surprised by the last-minute subpoena for more than 100 boxes and file cabinets of documents, countered that senior GE managers didn't find out about questionable billing practices until 1985, and that the information was passed on quickly to Mr. Orr at his first meeting with company representatives. +21184021 Subsequent meetings, initiated after the company and two of its units were briefly suspended from federal contracts, were held to familiarize Mr. Orr with the company's self-policing procedures and to disclose additional information, according to GE. +21184022 GE's filing contends that the billing practices at the heart of the current controversy involved technical disputes rather than criminal activity. +21184023 The company's conduct "does not even raise a question of wrongful corporate intent, ratification or cover-up," GE's brief asserts. +21184024 "On the contrary, it shows a corporation reacting swiftly and aggressively to very difficult issues in largely uncharted waters." +21184025 Mr. Orr couldn't be reached for comment yesterday. +21185001 Applied Solar Energy Corp. of City of Industry, Calif., said it and its majority shareholder, American Cyanamid Co., signed a non-binding letter of intent for the acquisition of Applied Solar by McDonnell Douglas Corp. for about $38 million. +21185002 The proposed acquisition provides for a cash payment of $10 a share at closing and a contingent payment of as much as 80 cents a share placed in escrow. +21185003 Details of the escrow agreement haven't been completed, the companies said. +21185004 There are 3.5 million shares of Applied Solar, of which American Cyanamid owns 2.7 million. +21185005 American Cyanamid is a Wayne, N.J., chemicals, drugs and fertilizer concern. +21185006 Completion of the acquisition is subject to execution of a definitive agreement, approval by all three companies' boards and the approval of Applied Solar's shareholders. +21185007 An Applied Solar spokesman said completion is expected at the end of the year or early next year. +21185008 A spokeswoman for the St. Louis aerospace and defense concern said it wanted the acquistion because Applied Solar is involved in solar cells and solid-state laser components, and this fits with McDonnell's business of laser applications for military space. +21186001 Trading in Cineplex Odeon Corp. shares was halted on the New York and Toronto stock exchanges late yesterday afternoon at the company's request, Toronto Stock Exchange officials said. +21186002 Brian Hemming, a spokesman for the company's committee of independent directors, established in May to solicit and evaluate offers for the company, said it was expected to make an announcement early this morning. +21186003 But Mr. Hemming said he wasn't aware of the nature of the talks under way between committee members and their advisers. +21186004 Cineplex traded on the New York Stock Exchange at $11.25 a share, up $1.125, before trading was halted. +21186005 Analysts have speculated in recent days that the value of offers received by the committee fell well short of what they had hoped, or even that the company's chairman, president and chief executive officer, Garth Drabinsky, is the only bidder for the company as a whole. +21186006 The current effort to auction off the company was triggered by a dispute between Mr. Drabinsky and the Toronto-based movie chain's major shareholder, MCA Inc. +21187001 London share prices closed sharply lower Tuesday on the back of Wall Street's steep drop and renewed fears over U.K. economic fundamentals. +21187002 Tokyo's winning streak came to an end, and stocks fell in Frankfurt and across Europe as well. +21187003 London's Financial Times 100-share index shed 40.4 points to finish at 2149.3. +21187004 At London's close, the Dow Jones Industrial Average was 51.23 points lower at 2611.68. +21187005 Dealers said the initial pressure came from mildly disappointing U.K. trade figures for September and a worrisome report by the Confederation of British Industry that a decline in orders for manufactured goods is depressing both business optimism and investment plans for the coming year. +21187006 The trade and CBI reports refocused attention on high interest rates and corporate profitability and helped rekindle underlying concerns over prospects for a recession in the U.K., dealers said. +21187007 The 30-share index fell 33.3 points to 1739.3. +21187008 Volume was a modest 405.4 million shares traded, but better than the year's lowest turnover of 276.8 million Monday. +21187009 Market watchers also noted an absence of institutional interest later in the session helped pave the way for broader declines when Wall Street opened weaker. +21187010 They added that market-makers were knocking share prices down in midafternoon in a bid to attract some interest, but the action largely helped open the way for London's late declines. +21187011 Insurance stocks provided some early support to the market, partly on favorable brokerage recommendatons and talk of continental European interest in British life and composite insurers. +21187012 British life insurer London & General, which firmed 2 pence to 356 pence ($5.70), and composite insurer Royal Insurance, which finished 13 lower at 475, were featured in the talk. +21187013 On the life insurance side, Pearl Group finished 5 lower at 640, and Sun Life dropped 15 to #11.53. +21187014 Jaguar finished 4 lower at 694. +21187015 Dealers said the market didn't react substantially to Ford Motor Co.'s disclosure to the U.S. Securities and Exchange Commission that it will seek 100% of Jaguar's shares outstanding when U.K. government share regulations are lifted at the end of next year. +21187016 Tokyo stocks closed easier, posting their first loss in six trading days, partly because of programmed index-linked selling by trust investment funds in the afternoon session. +21187017 The Nikkei index fell 58.97 points to 35526.55. +21187018 The index gained 99.14 points Monday. +21187019 In early trading in Tokyo Wednesday, the Nikkei index rose 17.92 points to 35544.47. +21187020 On Tuesday, the Tokyo stock price index of all first section issues was down 6.31 at 2681.22. +21187021 First section volume was estimated at 900 million shares, up from 605 million Monday. +21187022 Observers said the market again failed to find a trading focus, discouraging much participation by investors. +21187023 The market, however, is expected to remain stable and expectations for future gains are high, traders said. +21187024 Such sentiment is being supported by word that a large amount of cash from investment trust funds is scheduled to enter the market later this week and in early November. +21187025 The expected amount is said to be 700 billion yen ($4.93 billion) to 1.05 trillion yen -- the second largest amount this year in a given period, following the record high set at the end of July, according to market observers. +21187026 In addition to a large amount of investment trust fund cash, analysts generally see the market environment improving compared with the past couple of weeks. +21187027 Toshiyuki Nishimura, an analyst at Yamaichi Securities, said, "The market sentiment is bullish, simply because there are few bad factors." +21187028 Buying activity Tuesday centered on a wide range of midcapitalization, domestic demand-related shares whose prices range from 1,000 to 2,000 yen. +21187029 Investors expect these shares will be targets of investment trust funds, which often buy small amounts spread across a wide range of issues. +21187030 On the other hand, high-priced shares such as Pioneer Electronic and Sony failed to spark investor interest because these issues are unlikely to be bought by investment trust funds, observers said. +21187031 Tuesday's notable losers were highpriced shares such as Pioneer, which shed 210 yen to 5,900 yen. +21187032 Sony was down 130 to 8,590. +21187033 TDK fell 120 to 5,960, Fuji Photo Film declined 160 to 4,830, and Fanuc dropped 160 to 7,440. +21187034 Share prices on the Frankfurt stock exchange closed sharply lower in thin dealings as worried investors remained idle as the result of two potentially destabilizing domestic developments. +21187035 The DAX index fell 15.85 to end at 1507.37. +21187036 Cutting against the downward trend was Continental, which jumped 4 marks to 346 marks ($187) in heavy trading on rumors that the tire maker is about to be taken over. +21187037 It jumped 7.5 Monday. +21187038 Traders said the market was exceptionally thin, as small investors remain on the sidelines. +21187039 Market participants say investors are not only licking their wounds following the turbulence last week, but they have also been made nervous by two events in West Germany. +21187040 On Sunday, the governing Christian Democratic Union suffered a series of setbacks, the extent of which became fully known only late Monday, in municipal elections in Baden-Wuerttemberg. +21187041 Traders say investors are worried that the CDU won't be able to hold office in federal elections at the end of 1990. +21187042 And statements by the chairman of the IG Metall labor union, Franz Steinkuehler, also cast a cloud over trading, dealers said. +21187043 Mr. Steinkuehler said at a convention in West Berlin that the union has to prepare for "a big fight" to achieve its main goal of a 35-hour workweek, down from current 37-hour workweek. +21187044 The decline in prices cut broadly through the blue-chip issues, as Siemens tumbled 7.5 to 544, Deutsche Bank plunged 7 to 657, and the auto makers fell sharply as well. +21187045 Daimler-Benz dropped 12.5 to 710.5, Bayerische Motoren Werke dropped 10.5 to 543.5, and Volkswagen lost 7.1. +21187046 Elsewhere, share prices closed lower in Zurich, Amsterdam, Milan and Stockholm. +21187047 Uneasiness about Wall Street was cited in several markets. +21187048 Prices closed lower in Sydney, Singapore and Wellington, were mixed in Hong Kong and higher in Taipei, Manila, Paris, Brussels and Seoul. +21187049 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21187050 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21187051 The percentage change is since year-end. +21188001 Directors of Bergen Bank and Den Norske Creditbank, two of Norway's leading banks, announced they had agreed to the formal merger of the banks. +21188002 The merger would create Scandinavia's seventh largest bank, with combined assets of 210 billion Norwegian kroner ($30.3 billion). +21188003 The banks said an application for a concession to merge into one entity to be called Den Norske Bank AS was sent Monday to the Finance Ministry. +21188004 The two boards said in a joint statement that the proposed merger agreement was considered in separate board meetings in Oslo Monday. +21188005 They said the agreement will be submitted to their respective supervisory boards next Wednesday. +21188006 Extraordinary general meetings, to be held Nov. 28, will decide the share exchange ratio. +21188007 The merger requires the approval of Norwegian authorities. +21189001 Savings and loans reject blacks for mortgage loans twice as often as they reject whites, the Office of Thrift Supervision said. +21189002 But that doesn't necessarily mean thrifts are discriminating against blacks, the agency said. +21189003 The office, an arm of the Treasury, said it doesn't have data on the financial position of applicants and thus can't determine why blacks are rejected more often. +21189004 Nevertheless, on Capitol Hill, where the information was released yesterday at a Senate banking subcommittee hearing, lawmakers said they are worried that financial institutions are routinely discriminating against minorities. +21189005 They asked regulators to suggest new ways to force banks and thrifts to comply with anti-discrimination laws. +21189006 Sen. Alan Dixon (D, Ill.), chairman of the subcommittee on consumer and regulatory affairs, said, "I'm not a statistician. +21189007 But when blacks are getting their loan applications rejected twice as often as whites -- and in some cities, it is three and four times as often -- I conclude that discrimination is part of the problem." +21189008 James Grohl, a spokesman for the U.S. League of Savings Institutions, said, "The data is a red flag, but lacking the financial data you can't make a case that discrimination is widespread." +21189009 The trade group official added: "Certainly the federal government should take a hard look at it." +21189010 Sen. Dixon held the hearing to follow up on a provision in the savings and loan bailout bill that required regulators to report on evidence of discimination in mortgage lending. +21189011 The legislation also requires broad new disclosures of the race, sex and income level of borrowers, but that information won't be gathered in new studies for several months at least. +21189012 The Federal Reserve said its studies in recent years, which adjust for income differences and other variables, showed that blacks received fewer home mortgages from banks and thrifts than whites. +21189013 But John LaWare, a Fed governor, told the subcommittee the evidence is mixed and that the Fed's believes the vast majority of banks aren't discriminating. +21189014 For instance, he noted, the Fed studies have shown that blacks receive more home improvement loans than whites. +21189015 Several lawmakers were angered that the bank and thrift regulators generally said they have been too busy handling the record number of bank and thrift failures in the past few years to put much energy into investigating possible discrimination. +21189016 "We would be the first to admit that we have not devoted the necessary amount of emphasis over the past several years" to developing examinations for discrimination, said Jonathan Fiechter, a top official of the Office of Thrift Supervision. +21189017 "If we've got folks out there who are being turned away in the mortgage market improperly and unfairly," said Sen. Donald Riegle (D., Mich.), chairman of the banking committee, "then that is a matter that needs remedy now, not six months from now, or six years from now, or 26 years from now." +21189018 Officials of the Federal Deposit Insurance Corp. and the Office of the Comptroller of the Currency said they have punished only a few banks for violations of anti-discrimination laws. +21189019 The FDIC said it has issued five citations to banks over the past three years for discriminatory practices. +21189020 The comptroller's office said it found no indications of illegal discrimination in 3,437 examinations of banks since April 1987. +21189021 The comptroller's office also said that of 37,000 complaints it received since January 1987, only 16 alleged racial discrimination in real estate lending. +21189022 The agency investigated the complaints but no violations were cited. +21189023 Thrift regulators didn't give any figures on their enforcement actions. +21189024 Mr. Fiechter said that among the possibilities being considered by regulators to fight discrimination is the use of "testers" -- government investigators who would pose as home buyers. +21189025 The Department of Housing and Urban Development has used testers to investigate discrimination in rental housing. +21189026 Using testers could be controversial with financial institutions, but Mr. Grohl said the U.S. League of Savings Institutions hadn't yet taken any position on the matter. +21190001 Time Warner Inc. is considering a legal challenge to Tele-Communications Inc.'s plan to buy half of Showtime Networks Inc., a move that could lead to all-out war between the cable industry's two most powerful players. +21190002 Time is also fighting the transaction on other fronts, by attempting to discourage other cable operators from joining Tele-Communications as investors in Showtime, cable-TV industry executives say. +21190003 Time officials declined to comment. +21190004 Last week, Tele-Communications agreed to pay Viacom Inc. $225 million for a 50% stake in its Showtime subsidiary, which is a distant second to Time's Home Box Office in the delivery of pay-TV networks to cable subscribers. +21190005 Tele-Communications, the U.S.'s largest cable company, said it may seek other cable partners to join in its investment. +21190006 Tele-Communications is HBO's largest customer, and the two have a number of other business relationships. +21190007 Earlier this year, Time even discussed bringing Tele-Communications in as an investor in HBO, executives at both companies said. +21190008 The purchase of the Showtime stake is "a direct slap in our face," said one senior Time executive. +21190009 Time is expected to mount a legal challenge in U.S. District Court in New York, where Viacom in May filed a $2.5 billion antitrust suit charging Time and HBO with monopolizing the pay-TV business and trying to crush competition from Showtime. +21190010 Executives involved in plotting Time's defense say it is now preparing a countersuit naming both Viacom and Tele-Communications as defendants. +21190011 The executives say Time may seek to break up the transaction after it is consummated, or may seek constraints that would prevent Tele-Communications from dropping HBO in any of its cable systems in favor of Showtime. +21190012 Viacom officials declined to comment. +21190013 Jerome Kern, Tele-Communications' chief outside counsel, said he wasn't aware of Time's legal plans. +21190014 But he said that any effort by Time to characterize the Tele-Communications investment in Showtime as anti-competitive would be "the pot calling the kettle black." +21190015 "It's hard to see how an investment by the largest {cable operator} in the weaker of the two networks is anti-competitive, when the stronger of the two networks is owned by the second largest" cable operator, Mr. Kern said. +21190016 In addition to owning HBO, with 22 million subscribers, Time Warner separately operates cable-TV system serving about 5.6 million cable-TV subscribers. +21190017 Tele-Communications controls close to 12 million cable subscribers, and Viacom has about one million. +21190018 In its suit against Time, Viacom says the ownership of both cable systems and cable-programming networks gives the company too much market power. +21190019 Time argues that in joining up with Tele-Communications, Viacom has potentially more power, particularly since Viacom also owns cable networks MTV, VH-1 and Nick at Nite. +21190020 Ironically, Tele-Communications and Time have often worked closely in the cable business. +21190021 Together, they control nearly 40% of Turner Broadcasting Systems Inc.; Tele-Communications has a 21.8% stake, while Time Warner has a 17.8% stake. +21190022 But since Time's merger with Warner Communications Inc., relations between the two have become strained. +21190023 Each company worries that the other is becoming too powerful and too vertically integrated. +21190024 Meanwhile, some legal observers say the Tele-Communications investment and other developments are weakening Viacom's antitrust suit against Time. +21190025 Viacom accuses Time in its suit of refusing to carry Showtime or a sister service, The Movie Channel, on Time's Manhattan Cable TV system, one of the nation's largest urban systems. +21190026 But yesterday, Manhattan Cable announced it will launch Showtime on Nov. 1 to over 230,000 subscribers. +21190027 Showtime has also accused HBO of locking up the lion's share of Hollywood's movies by signing exclusive contracts with all the major studios. +21190028 But Showtime has continued to sign new contracts with Hollywood studios, and yesterday announced it will buy movies from Columbia Pictures Entertainment Inc., which currently has a non-exclusive arrangement with HBO. +21191001 The Federal Trade Commission said it authorized its staff to seek a preliminary injunction barring Imo Industries Inc. from acquiring the shares outstanding of the U.S. unit of the British company, United Scientific Holdings PLC, for $69 million. +21191002 The FTC said it "had reason to believe that the proposed acquisition could substantially reduce competition" in the production of certain image intensifier tubes, which are important components of night-vision devices sold primarily to the defense industry. +21191003 The FTC said it would seek to enjoin the proposed acquisition in a federal trial court, but declined to specify which one. +21191004 Under federal law, if the court grants a preliminary injunction, the FTC must begin administrative proceedings to determine the legality of the proposed stock purchase within 20 days. +21191005 Officials at the United Scientific unit, Optic-Electronic Corp. of Garland, Texas, and at Imo Industries of Lawrenceville, N.J., couldn't be reached for comment. +21192001 The airline industry's fortunes, in dazzling shape for most of the year, have taken a sudden turn for the worse in the past few weeks. +21192002 Citing rising fuel costs, promotional fare cuts and a general slowdown in travel, several major carriers have posted or are expected to post relatively poor third-quarter results. +21192003 Yesterday, USAir Group Inc., recently one of the industry's stellar performers, posted a worse-than-expected $77.7 million net loss for the period. +21192004 So far, the industry's fourth quarter isn't looking too strong either, prompting many analysts to slash earning projections for the rest of the year by as much as one-fourth. +21192005 And they say the outlook for 1990 is nearly as bad. +21192006 Airlines in 1989 "came in like a bang and are going out like a whimper," said Kevin Murphy, an airline analyst at Morgan Stanley & Co. +21192007 This turn of events has put a big damper on an industry that seemed almost invincible last spring, when fares were rising at double-digit rates and many carriers seemed to be growing fat on near-monopolies in certain markets. +21192008 Now, many airline companies might become a lot less attractive as takeover targets on Wall Street. +21192009 The downturn also raises questions about the carriers' ambitious orders for new airplanes, which currently total $32.5 billion over the next three years. +21192010 For travelers, though, the industry's problems have had some positive effects. +21192011 In recent weeks, airlines have cut numerous fares in leisure markets to try to win back customers. +21192012 Others have tried to spruce up frequent-flier programs. +21192013 Previously, airlines were limiting the programs because they were becoming too expensive. +21192014 Just last week, for example, Trans World Airlines and Pan Am Corp.'s Pan American World Airways went so far as to offer cash rebates or gift checks of $200 to $1,000 to certain frequent-flier members making trans-Atlantic flights in business class or first class. +21192015 The industry's slowdown became apparent this month when AMR Corp., parent of American Airlines, reported an 8.8% drop in third-quarter net income and said its fourth quarter would be "disappointing." +21192016 Shortly before that, USAir had said its third-quarter results would be "significantly lower" than a year earlier. +21192017 Yesterday, it provided the details: +21192018 Its loss of $77.7 million, or $1.86 a share, contrasted with net of $68.5 million, or $1.58 a share, in the 1988 third quarter. +21192019 Revenue rose only 3.3% in the latest period, to $1.53 billion from $1.48 billion. +21192020 For the nine months, the Arlington, Va., company's net plunged 73% to $38.5 million, or 76 cents a share, from $142.2 million, or $3.28 a share. +21192021 Revenue rose 12% to $4.75 billion from $4.22 billion. +21192022 The results surprised many analysts, because USAir has almost no competition in its Pittsburgh hub and has expanded operations by completing its acquisition of Piedmont Airlines. +21192023 Shortly after announcing its quarterly loss, USAir's stock tumbled $3 a share. +21192024 It ended at $40.125, down $2.375, in New York Stock Exchange composite trading. +21192025 "Nobody was expecting this size of a loss," said Paul Karos, an analyst with First Boston Corp. +21192026 One airline executive, who declined to be identified, called the loss "amazing." +21192027 In announcing the results, USAir cited many of the same problems that several other industry officials have named recently. +21192028 It said the industry's domestic traffic was flat in the third quarter; analysts say this was because hefty fare increases earlier in the year scared off many leisure travelers this summer. +21192029 To try to combat the traffic slowdown, airlines started reducing fares; average fares rose only 1.7% in August, in contrast to increases of 16% each in February and March. +21192030 But so far, the effort has failed, and traffic is still slow. +21192031 Some other fare promotions have backfired. +21192032 This summer, the industry introduced a "kids fly free" program, in which children were allowed to fly free if they were traveling with an adult. +21192033 Airlines tried to restrict the program substantially by limiting the offer to certain days of the week, but it still was apparently used far more heavily than the airlines expected. +21192034 Airlines also say their frequent-flier programs are squeezing profits because awards are being redeemed at a heavier-than-normal rate. +21192035 One airline official said about three times as many free-travel coupons are being turned in as in previous years -- not surprisingly, as the airlines last year allowed many travelers to build up mileage at triple the normal rate. +21192036 Rising operating expenses are another problem. +21192037 Fuel costs were up 10% in the third quarter. +21192038 Labor costs, which leveled off in the past few years because of lower pay scales for newer employees, are on the upswing again at many carriers. +21192039 And some carriers are facing other unexpected headaches: USAir, for example, blamed some of its loss on merger expenses and on disruptions caused by Hurricane Hugo last month. +21192040 "We cannot quantify the total adverse effects of Hugo," said Edwin Colodny, chairman and president of USAir Group. +21192041 Whatever the cause for the downturn, few people are predicting any sudden improvement. +21192042 Airline Economics Inc., an aviation consulting firm, is projecting an industrywide operating profit of $2.5 billion for 1989, compared with earlier forecasts of $3 billion to $3.5 billion. +21192043 As for 1990, the firm predicts that profit will slip to between $1 billion and $1.5 billion. +21193001 Good grief! +21193002 Charlie Brown is selling out. +21193003 Those Metropolitan Life ads were bad enough. +21193004 But now, Charlie Brown is about to start pitching everything from Chex Party Mix to light bulbs. +21193005 Why is he cashing in now? +21193006 Turns out that next year, Charlie Brown, Snoopy and the gang turn 40 -- and Scripps Howard's United Media unit, the syndicator and licensing agent for Charles Schulz's comic strip, sees a bonanza in licensing the cartoon characters to a bevy of advertisers for ads, tie-ins and promotions. +21193007 "Peanuts has become a major part of American culture," says Peter Shore, United Media's vice president of marketing and licensing. +21193008 The comic strip "has a magical, everlasting quality about it. +21193009 Our plan is to honor Charles Schulz and the strip all year long." +21193010 The effort will make the Peanuts gang very familiar pitchmen in 1990. +21193011 General Electric plans to use the characters to plug its Miser light bulb. +21193012 Teleflora will run TV ads at Valentine's Day promoting its "Snoopy's Love Bouquet." +21193013 Ralston Purina will promote its Chex Party Mix's three new flavor packets named for Charlie Brown, Lucy and Linus. +21193014 The characters will also be featured in a new public service effort for the United Way. +21193015 Beyond the advertisements, the syndicator is planning a traveling arena show, new TV specials for CBS and even an exhibit at the Smithsonian Institute. +21193016 The yearlong schedule of festivities will be kicked off officially with a combination live and animation half-time special at the Super Bowl in January. +21193017 All the tie-ins, though, have some marketing experts questioning whether the party may go too far. +21193018 "There are too many people participating," says Al Ries, of Trout & Ries, a Greenwich, Conn., marketing consulting firm. +21193019 "If you want to cut through the clutter, you have to make your message as distinct, sharp and individual as possible. +21193020 Sharing a character with other advertisers isn't a way to do that." +21193021 But United Media says it's very scrupulous with the contracts it hands out. +21193022 "We're not interested in promoting every single product that comes along," Mr. Shore says. +21193023 Metropolitan Life ad executives couldn't be reached about the use of the Peanuts characters by others. +21193024 But Mr. Shore says that company's exclusive advertising rights extend only to the insurance and financial services category. +21193025 Berry Rejoins WPP Group +21193026 Norman Berry, the creative executive who was apparently squeezed out of Ogilvy & Mather in June, is returning to Ogilvy's parent company, WPP Group PLC. +21193027 Mr. Berry, 58, had resigned after being asked by Ogilvy's chairman and chief executive officer, Kenneth Roman, to give up his title as creative head of the New York office and to take a fuzzier international role. +21193028 Yesterday, just a day after Mr. Roman announced he would leave to take a top post at American Express, WPP said Mr. Berry would return to take an international role at the parent company. +21193029 Mr. Berry said the timing was a coincidence and that his decision was unrelated to Mr. Roman's departure. +21193030 RJR Taps FCB/Leber +21193031 RJR Nabisco Inc. awarded its national broadcast media-buying assignment to FCB/Leber Katz Partners, the New York outpost of Chicago-based Foote, Cone & Belding. +21193032 The naming of FCB/Leber Katz Partners as agency of record for Nabisco Brands Inc. and Planters LifeSavers Co. follows RJR Nabisco's announcement last week that it will disband its RJR Nabisco Broadcast division and dismiss its 14 employees Dec. 1. to cut costs. +21193033 New York-based RJR Nabisco wouldn't say what it spends annually, but industry executives say it will spend more than $140 million this year, down from about $200 million last year. +21193034 Ad Notes. . . . +21193035 EARNINGS: +21193036 Interpublic Group of Cos. said third-quarter net rose 15% to $6.9 million, or 21 cents a share, from $6 million, or 18 cents a share, in the year-earlier period. +21193037 Revenue increased more than 5% to $283.2 million from $268.6 million. +21193038 HOLIDAY PROMOTION: +21193039 PepsiCo Inc. will give away 4,000 sets of "Game Boy," Nintendo's new hand-held video game in a two-month promotion scheduled to begin Nov. 1. +21193040 Pepsi said it will spend $10 million advertising the promotion. +21194001 International Business Machines Corp. agreed to acquire a 15% stake in Paxus Corp., an Australian computer-software and information-services concern, for 20 million Australian dollars (US$17 million). +21194002 The investment will be made through IBM Australia Ltd., a unit of IBM, the two companies said yesterday. +21194003 IBM can raise its stake in Paxus to 20% over three years, but agreed to not go beyond 20% in that time. +21194004 Paxus said in a statement it has several "well developed product and services relationships" with the U.S. computer company, and plans to expand these links. +21194005 The company earns about half its revenue overseas and plans further expansion. +21194006 A majority stake in Paxus currently held by NZI Corp. will be diluted to slightly less than 50% after IBM acquires its interest. +21194007 The agreement requires approval from Australia's Foreign Investment Review Board and National Companies and Securities Commission, and from shareholders of Paxus. +21195001 Bond Corp. Holdings Ltd.'s consolidated debt totals 6.9 billion Australian dollars (US$5.32 billion), including A$1.6 billion of bonds convertible into shares. +21195002 Alan Bond, chairman and controlling shareholder of the cash-strapped Australian media, brewing, resources and property concern, disclosed the debt figures yesterday. +21195003 The disclosure follows last Friday's news that Bond Corp. incurred an overall loss of A$980.2 million for the fiscal year ended June 30, the largest loss in Australian corporate history. +21195004 The debt load would have been higher but for a reduction of A$5 billion over the past year from asset sales, Mr. Bond said at a business gathering. +21195005 Mr. Bond indicated the consolidated debt figures, which include debt of units such as Bell Group Ltd., will be published soon in Bond Corp.'s 1989 annual accounts. +21195006 He predicted the debt will be reduced by another A$3.8 billion this fiscal year ending June 30, 1990, but didn't explain how this will be achieved. +21195007 Mr. Bond blamed rising Australian interest rates and the acquisition of Bell Group "with its very high levels of shortterm debt" for producing a condition "that was no longer sustainable. +21195008 "In order to restore confidence and ensure the support of our principal lenders," Mr. Bond said, "we embarked on fundamantal changes in the structure and direction of the group." +21195009 That reassessment resulted in continuing asset sales, as well as write-offs exceeding A$1.1 billion last fiscal year. +21195010 "In essence we have made a decision to clear the decks," Mr. Bond told the meeting. +21195011 While some assets have been written down, others are undervalued in the accounts, Mr. Bond maintained. +21195012 Among these are the company's Australian brewing assets, in the books at A$950 million but actually worth A$2.5 billion, he said. +21195013 An investment in Chile's telephone company is carried at US$300 million but really worth US$500 million, and the company's property portfolio is undervalued by at least A$250 million, Mr. Bond said. +21195014 Mr. Bond forecast that by next June, "what will emerge will be a company with a honed sense of purpose . . . a stable balance sheet, with good-quality assets in brewing, telecommunications, media and property." +21195015 He didn't name energy resources in that list, signaling that all the company's coal and oil interests might be for sale in total or in part. +21195016 Some of the oil interests already have been sold. +21196001 Mercedes-Benz of North America Inc., Grosse Pointe Shores, Mich., estimated it will sell about as many cars in 1990 as the 75,000 it expects to deliver this year. +21196002 Mercedes officials said they expect flat sales next year even though they see the U.S. luxury-car market expanding slightly. +21196003 Erich Krampe, president of the U.S. sales arm of West German auto maker Daimler Benz AG, predicted luxury-car sales will rise to 840,000 in 1990 from 830,000 this year primarily because of the new Japanese makes. +21196004 Most of the growth, he said, will come in the $35,000-to-$50,000 price range, where Mercedes has a 35% U.S. market share. +21196005 Mercedes sold 82,348 cars in 1988. +21196006 Mr. Krampe also said that Mercedes plans to bring out new models every year through the mid-1990s and it will shorten its product development cycle to eight years from 10 or 12 years to compete more effectively with Toyota Motor Corp.'s Lexus, Nissan Motor Co.'s Infiniti and Honda Motor Co.'s Acura luxury-car divisions. +21197001 Homestake Mining Co., San Francisco, blamed the continued slump in gold prices for an 83% plunge in third-quarter net income to $2 million, or two cents a share, from $11.2 million, or 12 cents a share, a year earlier. +21197002 Revenue rose 5% to $110.4 million from $105.4 million. +21197003 In New York Stock Exchange composite trading, Homestake closed at $15.25, down 25 cents. +21197004 "A significant increase in gold sales to 248,279 ounces for the quarter from 188,726 in the third quarter of 1988 was more than offset by the continued decline in average gold price realization to $367 from $429 per ounce," the company said. +21197005 For the nine months, the mining company posted a 40% drop in profit to $30.1 million, or 31 cents a share, from $50.6 million, or 52 cents a share, on a 6% rise in revenue to $323.2 million from $305.7 million. +21198001 The Treasury plans to raise $1.8 billion in new cash with the sale Monday of about $15.6 billion in short-term bills to redeem $13.81 billion in maturing bills. +21198002 The offering will be divided evenly between 13-week and 26-week bills maturing Feb. 1, 1990, and May 3, 1990, respectively. +21198003 Tenders for the bills, available in minimum $10,000 denominations, must be received by 1 p.m. EST Monday at the Treasury or at Federal Reserve banks or branches. +21198004 The Treasury said it will alter the auctions unless it has assurance of enactment of legislation to raise the statutory debt limit before the scheduled auctions Monday. +21199001 Apogee Enterprises Inc. said profit for the third quarter ending Dec. 2 will fall below the year-earlier results because of an after-tax charge of $1.9 million related to a project that was guaranteed by the company. +21199002 A year ago, the Minneapolis glass products and aluminum window maker earned $4 million, or 30 cents a share, on revenue of $114 million. +21199003 Apogee said the charge stems from a building supply contract in which the company guaranteed a contractor's performance. +21199004 Apogee said a subcontractor had severe cost overruns and was unable to fulfill the contract terms on its own, making it necessary for Apogee to advance cash to ensure completion of the project. +21199005 The company said its core businesses have performed well and it expects them to continue to do so in the remainder of the fiscal year. +21200001 Japan's production of cars, trucks and buses in September fell 4.1% from a year ago to 1,120,317 units because of a slip in exports, the Japan Automobile Manufacturers' Association said. +21200002 Domestic demand continues to grow, but its contribution to higher production was sapped in September by the estimated 2% fall in imports, accompanied by a growing tendency for Japanese manufacturers to build vehicles overseas, according to the association. +21200003 The association said domestic demand grew 8.8% in September. +21200004 Demand has been growing consistently under the encouragement of pro-consumption government policies, an association spokesman said. +21200005 He also said the introduction of a 3% consumption tax in April has helped sales. +21200006 The new tax, though a source of general resentment among Japanese taxpayers, replaced a higher commodities tax that applied to automobiles. +21200007 Japanese domestic motor-vehicle sales rose 12% in September, the Japan Automobile Dealers' Association said earlier this month. +21200008 The manufacturers' association will issue statistics on vehicle exports later this month. +21200009 Production of cars rose to 801,835 units in September, a 5.5% increase from a year earlier. +21200010 Midsized cars accounted for the greatest growth in units, rising 62,872 units to 134,550 units, or 88%. +21200011 Minicar output more than tripled. +21200012 Manufacturers produced 46,835 of the vehicles -- which have engines of 500 cubic centimeters or less -- an increase of 31,777 units. +21200013 Total truck production fell 22% from a year earlier to 315,546 units. +21200014 Minitruck production fell 13% to 94,243 units. +21200015 Bus production also slipped, by 49% from a year earlier to 2,936 units. +21200016 The association spokesman said bus production has declined since January, but couldn't offer an explanation for the fall. +21200017 Auto production for the first half of the fiscal year, which began in August, totaled 6,379,884 units, the association said. +21200018 Half-year production was up 3.4% compared with the same period a year earlier. +21201001 Stock of United Airlines parent UAL Corp. gyrated wildly yesterday amid speculation that one or more investors may challenge the UAL board's decision to remain independent instead of pursuing a buy-out or other transaction. +21201002 The board's decision, announced after the market closed Monday, initially prompted a severe sell-off in UAL shares, which at midday traded as low as $145 a share, down $33 a share, in composite trading on the New York Stock Exchange. +21201003 The deepening bloodbath for takeover-stock traders, who by then had seen UAL stock tumble 49% since Oct. 12, also triggered a marketwide sell-off that sent the Dow Jones Industrial Average down more than 80 points at 10:40 a.m. +21201004 But then steady, concentrated buying by Bear, Stearns & Co., which frequently buys stock for corporate raiders, took hold and steadied the fall in UAL, which eventually buoyed the entire market. +21201005 The industrial average closed down only 3.69 points at 2659.22. +21201006 Late in the afternoon, several big purchases by Bear, Stearns, particularly a block of 200,000 shares at 2:43 p.m. at $150 a share, triggered a buying spree that took UAL up more than 18 points in the final hour of trading. +21201007 UAL stock closed at $170 a share, down $8.375. +21201008 Volume was a tumultuous 4.9 million shares, or 22% of the 21.8 million UAL shares outstanding. +21201009 Traders estimated that Bear, Stearns bought more than 1 million shares. +21201010 The two most frequently rumored buyers, neither of whom would comment, were Coniston Partners, which battled the UAL board in 1987, and New York real estate developer Donald Trump, who recently made and withdrew an offer for American Airlines parent AMR Corp. +21201011 However, one person familiar with UAL said the signs pointed to Coniston because Mr. Trump hasn't asked for permission to buy more than $15 million of stock under federal antitrust rules. +21201012 Takeover-stock traders, stung by their huge losses in UAL stock, remained eager for some action by an outside catalyst following the collapse Oct. 13 of a $300-a-share, $6.79 billion labor-management buy-out. +21201013 Their hope was that the catalyst would seek to oust the board in a solicitation of shareholder consents. +21201014 Baker, Nye Investments, a New York takeover-stock trader that owns UAL stock, wouldn't comment on reports the firm is considering seeking such a shareholder vote. +21201015 But partner Richard Nye said, "This is the most extraordinary failed transaction I've seen in 25 years in this business. +21201016 It would make sense for somebody to do it. +21201017 I have never seen a case of incompetence shared by so many participants." +21201018 In 1986, Baker, Nye waged a proxy fight for control of Leaseway Transportation Inc. that ultimately led to Leaseway's being sold. +21201019 Some traders pointed hopefully to earlier estimates by UAL's investment adviser, First Boston Corp., that recapitalizations could yield $245 to $280 a share. +21201020 But those would require pilots' cooperation. +21201021 Any investor who acquires UAL stock in an attempt to force a buy-out or recapitalization must deal with United's contentious unions. +21201022 The pilots are working under an expired contract, and the machinists contract expires next month. +21201023 That gives them enormous leverage, including the threat of a strike to block any buy-out or recapitalization attempt they oppose. +21201024 However, a catalyst like Coniston could seek shareholder support for a sale to a labor-management group at the last price discussed by that group before the board meeting Monday. +21201025 The pilots had been working on a buy-out bid between $225 and $240 a share, or $5.09 billion to $5.42 billion. +21201026 One person familiar with UAL said the unsettled labor situation and the uncertain world-wide financial markets contributed to the board's decision to avoid "rushing around selling the company at a bargain price," particularly since it accepted a $300-a-share offer just last month. +21201027 Even some takeover-stock traders said they couldn't quarrel with the board's logic. +21201028 But the board's decision prompted many to bail out of the stock yesterday. +21201029 "We had a lot of people who threw in the towel today," said Earl Ellis, a partner in Benjamin Jacobson & Sons, a specialist in trading UAL stock on the Big Board. +21201030 Another trader noted that many arbitrage firms are afraid to sell their UAL stock at the bottom, but already own so much they can't buy any more. +21201031 "This deal is like a Roach Motel," he said. +21201032 "They check in, but they can't check out." +21201033 But both the traders and the pilots remain interested in some transaction. +21201034 So too, according to many reports, is British Airways PLC, despite its public withdrawal from the buy-out. +21201035 The pilots might end up teaming up with their longtime adversaries, the machinists union, in a recapitalization. +21201036 The machinists are reviewing proposals they made in the past for recapitalizations that would pay a special shareholder dividend and give employees a minority stake. +21201037 The company rejected those past proposals. +21201038 It is unclear, however, if the machinists would support a majority stake, as the pilots want. +21201039 A machinist official said that would depend on how much in concessions machinists would have to give in return for the majority stake. +21201040 Some investors whose names were bandied about by traders as potential UAL stock buyers said they weren't buying. +21201041 "I'm not interested," said Dallas investor Harold Simmons. +21201042 A source close to Carl Icahn, a corporate raider who owns Trans World Airlines Inc., said he hasn't owned any UAL stock and isn't buying. +21201043 One person familiar with Texas billionaire Robert Bass said he isn't likely to make any hostile moves. +21201044 And a spokesman for Reliance Group Holdings Inc., which had held 7% of UAL before the first buy-out bid but later reduced its holdings below 5%, wouldn't comment. +21201045 Marvin Davis, whose $5.4 billion takeover bid originally put the nation's second-largest airline in play, is limited by a standstill agreement with UAL he signed in September. +21201046 The Los Angeles investor can't buy UAL stock, solicit shareholder consents or make a new offer unless he makes a formal offer of $300 a share or UAL accepts an offer below $300. +21201047 However, Mr. Davis could pressure the board by asking that the agreement be waived, or letting it be known that he has financing for an offer at a lower price. +21202001 Times Mirror Co. said third-quarter net income fell 13% to $70.1 million, or 54 cents a share, compared with net income of $81 million, or 62 cents a share, a year earlier. +21202002 The Los Angeles media concern said that the year-ago period included a $26.5 million gain from the sale of assets, primarily timberlands. +21202003 Revenue was $873.9 million, up 7.3% from $814.8 million. +21202004 Stronger results from the company's broadcast and cable television units and professional and textbook publishing divisions, plus increased advertising at the company's largest newspaper, the Los Angeles Times, offset advertising declines in the company's newspapers in the Eastern U.S., the company said. +21202005 "Looking ahead to the fourth quarter, the outlook for the newspaper group remains guarded, with no improvement yet seen in operating trends in our Eastern markets," said Robert F. Erburu, Times Mirror's chairman and chief executive. +21203001 Copper futures sold off sharply yesterday, influenced by declines in the stock market and dollar, and a rally in bonds. +21203002 December copper opened near Monday's close, tried to rally but failed, and then triggered stop-loss orders on its way down to settle at $1.1510 a pound, off 4.50 cents for the day. +21203003 Stop-loss orders are placed previously with instructions to execute them if the market hits a predetermined price. +21203004 William Kaiser, president of the Kaiser Financial Group in Chicago, said the decline was almost certainly influenced by the early sell-off in the stock market, which partly reflected a weakening economy. +21203005 He said the recent decline in copper stocks was misleading in the face of a slowdown in manufacturing. +21203006 Mr. Kaiser said traders could have picked up signals of an imminent price decline had they been watching the scrap metal markets, which became noticeably weaker two to three weeks ago. +21203007 But though a weakening economy implies reduced demand, Mr. Kaiser said that Third World copper-producing countries haven't any choice but to sell copper. +21203008 They might even step up sales in a falling market, he said, in an effort to maintain the flow of foreign exchange into their treasuries. +21203009 Technically, Mr. Kaiser noted that a lot of traders had bought into the market when the price was in the $1.24 to $1.26 range, thinking there was support at the $1.20 level. +21203010 When the market fell below that level on Monday and then yesterday couldn't climb above that level, traders started selling out their positions. +21203011 Betty Raptopoulos, senior metals analyst at Prudential-Bache Securities in New York, agreed that most of the selling was of a technical nature. +21203012 She said the market hit the $1.18 level at around 10 a.m. EDT where it encountered a large number of stop-loss orders. +21203013 More stop-loss orders were touched off all the way down to below $1.14, where modest buying was attracted. +21203014 Ms. Raptopoulos said the settling of strikes in Canada and Mexico will have little effect on supplies of copper until early next year. +21203015 She thinks the next area of support for copper is in the $1.09 to $1.10 range. +21203016 "I believe that as soon as the selling abates somewhat we could see a rally back to the $1.20 region," she added. +21203017 She thinks a recovery in the stock market would help copper rebound as well. +21203018 She noted that the preliminary estimate of the third-quarter gross national product is due out tomorrow and is expected to be up about 2.5% to 3%. +21203019 "If the number is a little better, then copper will respond positively, if it is worse then more selling could ensue," she predicted. +21203020 Ms. Raptopoulos noted that relating economic numbers to specific market activity is tricky. +21203021 Yesterday, for example, "the durable goods numbers came out for September and the number was down only 0.1%," she said. +21203022 "However, if you exclude defense-related orders then durable goods were down 3.9%. +21203023 I believe that number reflects a slowing economy." +21203024 She said copper traders will also be looking toward the release of the index of leading economic indicators next Tuesday. +21203025 However, David Threlkeld, president of Threlkeld & Co., an international metals company, noted that so far this year copper consumption is way ahead of the same period of 1988, and that projected production is below last year. +21203026 Mr. Threlkeld said the copper market seems to be anticipating a recession in three months, with declining use being the result. +21203027 "But," he added, "we have had that exact same perception six times in the last six years." +21203028 He noted that currently the ratio of available copper to consumption is about 3.5 weeks. +21203029 He said the normal ratio is five to six weeks. +21203030 According to Mr. Threlkeld, the bottleneck in copper production isn't at the mines but at the copper refineries. +21203031 "It takes three months to turn copper concentrate into cathodes," he said. +21203032 If there isn't a recession, he said, "we will be out of copper by the end of March. +21203033 If there is a recession that will change the statistical situation." +21203034 He thinks that without a recession copper prices could exceed a high of $1.65 a pound, which was reached last year. +21203035 In the past Mr. Threlkeld has been known to have substantial long positionsthat is, he had bought copper futures in anticipation of rising prices -- in the copper futures market. +21203036 In other commodity markets yesterday: +21203037 ENERGY: The attitude was "wait-and-see" in crude oil futures yesterday in trading on the New York Mercantile Exchange. +21203038 Prices for the U.S. benchmark West Texas Intermediate crude remained locked in a fairly narrow range before ending the session four cents lower at $19.72 a barrel for December delivery. +21203039 Several analysts and brokers said the petroleum market was ready to rally after two days of price declines from profit-taking. +21203040 But an early 80-point drop in the Dow Jones Industrial Average stopped the crude rally cold. +21203041 The industrial average recovered to close only 3.69 points lower, but petroleum futures never shook off the chill. +21203042 Most market participants said they were looking to this week's inventory statistics from the American Petroleum Institute to give the market some direction. +21203043 The report isn't generally available until late on Tuesdays. +21203044 PRECIOUS METALS: Futures prices inched upward in mostly lackluster trading. +21203045 December gold was up $3.20 an ounce at $373.40; December silver gained 5.7 cents to $5.1950 an ounce. +21203046 January platinum rose $2.30 an ounce to $488.60. +21203047 Mr. Kaiser said there were no fundamental factors moving these markets. +21203048 He noted that two weeks ago there were rumors of Soviet sales of precious metals to finance grain purchases, but the sales don't seem to have materialized. +21203049 Ms. Raptopoulos thought yesterday's price action reflected weakness in the stock market and the dollar. +21203050 "Gold still acts as a haven when uncertainty prevails in the financial markets as it did" yesterday, she said. +21203051 Mr. Kaiser noted that gold was more than 71 times the price of silver at the close yesterday, which is historically high. +21203052 "The high ratio reflects the fact that silver is still regarded as about a half-industrial metal and its price lagging relative to gold says that traders are expecting a weakening economy," he said. +21203053 GRAINS AND SOYBEANS: Prices closed lower after trading in relatively narrow ranges because of strong selling in the cash market and continued favorable harvest weather. +21203054 The sale to the Chinese government of 330,000 metric tons of wheat under the government's export enhancement program was announced after the close of trading Monday, but the sale was expected and failed to buoy prices yesterday, said Dale Gustafson, a futures analyst with Drexel Burnham Lambert Inc. in Chicago. +21203055 As for other export customers, the Soviet Union isn't expected to be back buying U.S. corn in significant amounts until early next year, he said. +21203056 A number of commercial grain users buttressed that opinion yesterday by buying certain corn options for delivery in March, indicating to analysts that the commercial companies would use the options to hedge against expected corn sales in next year's first quarter. +21203057 COCOA: Futures at first continued the rally begun on Monday, but then faltered and closed lower. +21203058 The December contract opened just under Monday's close, triggered some previously placed buy orders just above $1,030 a metric ton, pushing the price to $1,040, and then encountered heavy selling by traders who buy and sell for their own accounts and by commercial interests. +21203059 The contract settled at $1,014 a ton, off $13. +21203060 Robert Hafer, senior commodities analyst at Kaiser Financial Group, said Monday's rally continued yesterday for only about 20 minutes after the opening. +21203061 He said even though there was arbitrage buying in New York because of the weak dollar, cocoa fell to relentless pressure from bearish traders. +21203062 But he noted that speculators apparently don't believe there is much more of a decline in store for cocoa. +21203063 The December contract reached its life-of-contract low of $975 a ton on Oct. 11; its lifetime high was $1,735, set in 1988, and its recent high was $1,368, set in early August. +21203064 The last time cocoa traded at prices as low as currently was in 1974. +21203065 But while further modest declines might be ahead, Mr. Hafer said it would be difficult to get through resistance levels just above yesterday's high. +21204001 Citizens First Bancorp. Inc. said it agreed to buy Lakeland First Financial Group Inc., a Succasunna, N.J., bank holding company, for about $50.6 million in cash and stock. +21204002 Citizens First, which controls Citizens First National Bank and is based in Glen Rock, N.J., will pay a maximum of 40% in cash for the parent of Lakeland Savings Bank and the remainder in convertible preferred stock, with a liquidation value of $18 a share. +21204003 Lakeland holders will have the option to request either stock or cash. +21204004 The convertible preferred will pay dividends at 7.875% and be convertible into shares of Citizens First at a rate equal to 20% above the average closing price of the stock during a 20-day period prior to the transaction's completion. +21204005 The deal requires regulatory and shareholder approval. +21205001 Color Systems Technology Inc., Los Angeles, said its major creditor, General Electric Pension Trust, agreed to convert $11.8 million of debt owed into 25% of Color System's fully diluted common stock. +21205002 The agreement also calls for General Electric Pension, a unit of General Electric Co., to receive as much as 10% of Color Systems' fully diluted common stock, depending on the proceeds from the sale of the AEI Film Library and its receivables. +21205003 General Electric Pension took control of the 85-title library last month after Color Systems defaulted on the loan. +21205004 The agreement depends on Color Systems' ability to win similar concessions from other creditors. +21205005 Buddy Young, president, said the company expects to conclude negotiations with other creditors within 60 days. +21205006 Color Systems, which converts black-and-white film to color videotape, posted a loss of $7.1 million, or $1.32 a share, on revenue of $10.6 million for the fiscal year ended June 30. +21205007 Its stock fell 12.5 cents, to $2.125, in American Stock Exchange composite trading yesterday. +21206001 Next to Kohlberg Kravis Roberts's megabillion RJR Nabisco deal, SCI Television is small fry. +21206002 But the troubles of SCI TV are a classic tale of the leveraged buy-out excesses of the 1980s, especially the asset-stripping game. +21206003 SCI TV, which expects to release a plan to restructure $1.3 billion of debt in the next day or so, isn't just another LBO that went bad after piling on debt -- though it did do that. +21206004 The cable and TV station company was an LBO of an LBO, a set of assets that were leveraged twice, enabling the blue-chip buy-out king Henry Kravis in 1987 to take more than $1 billion of cash out of the com- pany. +21206005 SCI TV's buy-out was an ace in the hole for Mr. Kravis and for investors in KKR partnerships. +21206006 But it has left holders of SCI TV's junk bonds holding the bag, including some heavyweights that KKR might need to finance future deals, such as Kemper Financial Services, First Executive, Columbia Savings & Loan and Prudential Insurance Co. of America. +21206007 Some junk-holders are said to be considering legal action against KKR or moves to force SCI TV into bankruptcy court. +21206008 And KKR's majority partner in SCI TV's buy-out, Nashville, Tenn., entrepreneur George Gillett, also is said to be very unhappy. +21206009 SCI TV's six stations once were part of Storer Communications. +21206010 KKR loaded up the cable and television company with debt in an 1985 buy-out, then later sold Storer's cable operations at a fat profit. +21206011 In 1987, KKR for the second time piled debt onto Storer's TV stations, selling them for $1.3 billion to a new entity that was 45%-owned by KKR and 55%-owned by Gillett Corp., which now operates the SCI TV stations. +21206012 In this second LBO, KKR with one hand took more than $1 billion of cash out of the TV company's assets and moved it into the Storer cable operations, making them more valuable in a 1988 sale. +21206013 (Storer also took $125 million of junior SCI TV bonds as partial payment for the TV assets.) +21206014 With the other hand, KKR put back into SCI TV less than 10% of the cash it had taken out, buying SCI TV common and preferred shares. +21206015 So, while KKR today has an estimated $250 million sunk in now-shaky SCI TV, including equity and debt, the LBO firm still is $1 billion ahead on the SCI TV buy-out after taking cash up front. +21206016 On Storer as a whole, KKR racked up compound annual returns of 60% in the three years it owned Storer. +21206017 Meanwhile, Mr. Gillett risks losing his entire equity investment of about $100 million in SCI TV if the company can't be restructured. +21206018 Overall, Mr. Gillett's holding company, Gillett Holdings, is heavily indebted and, except for its Vail Mountain resorts, isn't doing very well. +21206019 With the TV business falling on hard times in recent years, analysts say that if SCI TV had to be liquidated today, it might fetch 30% less than in the 1987 buy-out, wiping out most of the company's junk-holders and its stockholders. +21206020 Meanwhile, SCI TV can barely pay its cash interest bill, and to stay out of bankruptcy court it must soon reschedule a lot of bank loans and junk bonds that have fallen due. +21206021 SCI TV's grace period for paying its bills is due to expire Nov. 16. +21206022 It now is quietly circulating among creditors a preliminary plan to restructure debt. +21206023 Negotiations "have started con- structively, but that's not to say we like this particular offer," says Wilbur Ross of Rothschild Inc., adviser to SCI TV junk-holders. +21206024 No major player in the SCI TV deal will talk publicly. +21206025 But it's understood that Mr. Kravis is disappointed that Mr. Gillett didn't manage to boost SCI TV's operating profit after the buy-out. +21206026 Mr. Kravis apparently thinks SCI TV can survive if lenders extend its debt payments until TV stations rise in value again, allowing SCI TV to sell assets to pay debt. +21206027 Mr. Gillett is said to be proud of his operating record; he has lifted some stations' ratings and turned around a Detroit station. +21206028 As for junk-holders, they're discovering it can be a mistake to take the other side of a trade by KKR. +21206029 The bonds of SCI TV now are being quoted at prices ranging from only five cents to about 60 cents on the dollar, according to R.D. Smith & Co. in New York, which trades distressed securities. +21206030 People who have seen SCI TV's restructuring plan say it offers concessions by KKR and Gillett Corp. +21206031 They would both give part of their combined $50 million in common equity in SCI TV to holders of SCI TV's $488 million of junk bonds, as a carrot to persuade them to accept new bonds that might reduce the value of their claims on the company. +21206032 But some militant SCI TV junk-holders say that's not enough. +21206033 They contend that SCI TV's equity now is worthless. +21206034 They add that it isn't costing KKR anything to give up equity because of its big up-front cash profit on the buy-out, which they think contributed to SCI TV's current problems. +21206035 Kemper, the biggest holder of senior SCI TV bonds, has refused to join the bond-holders committee and is said to be reviewing its legal options. +21206036 To protect their claims, some junk-holders want KKR and perhaps Mr. Gillett to invest new money in SCI TV, perhaps $50 million or more. +21206037 One investment banker who isn't involved in the deal says SCI TV needs at least $50 million of new equity to survive. +21206038 Junk-holders say they have a stick to beat KKR with: "The threat of bankruptcy is a legitimate tool" to extract money from KKR, says one big SCI TV holder. +21206039 This could be the first major bankruptcy-law proceeding for KKR, he adds. +21206040 A big bankruptcy-court case might tarnish KKR's name, and provide new fuel for critics of LBOs in Washington and elsewhere. +21206041 But others say junk-holders have nothing to gain by putting SCI TV into bankruptcy-law proceedings. +21206042 While KKR doesn't control SCI TVwhich is unusual for a KKR investment -- it clearly has much deeper pockets than Mr. Gillett. +21206043 Bankruptcy specialists say Mr. Kravis set a precedent for putting new money in sour LBOs recently when KKR restructured foundering Seaman Furniture, doubling KKR's equity stake. +21206044 But with Seaman, KKR was only trying to salvage its original investment, says bankruptcy investor James Rubin of Sass Lamle Rubin in New York. +21206045 By contrast, KKR probably has already made all the money it can on SCI TV. +21206046 And people who know Mr. Kravis say he isn't in a hurry to pour more money into SCI TV. +21207001 Rubbermaid Inc., reflecting strong earnings growth, boosted its quarterly dividend 18%, to 13 cents a share from 11 cents. +21207002 The maker of household products said the new dividend is payable Dec. 1 to shares of record Nov. 10. +21207003 Separately, the company's board adopted a proposal to amend its 1986 shareholder rights plan, further insulating the company from takeover. +21207004 Rubbermaid officials said they aren't aware of any effort to take over the company, but believed the shareholder plan needed to be strengthened. +21207005 "The board has stated repeatedly that Rubbermaid should be independent," said Walter W. Williams, Rubbermaid president. +21207006 Some changes to the plan were minor adjustments, but the most significant was an amendment that provides that if any investor holds 25% or more of Rubbermaid's voting securities, each right held by others would entitle the holder to buy Rubbermaid shares with a market value of twice the right's exercise price. +21207007 Mr. Williams said the exercise price is $125, meaning holders would have the right to buy $250 of Rubbermaid stock for half price, diluting the investor's 25% stake. +21207008 For the third quarter, Rubbermaid earned $32.6 million, or 44 cents a share, up 16% from $28.1 million, or 38 cents a share, a year earlier. +21207009 Sales rose 9.7% to $351.5 million from $320.4 million. +21207010 Rubbermaid shares closed yesterday at $33.875, off 12.5 cents, in New York Stock Exchange composite trading. +21208001 The stock market went on a dizzying ride as UAL, parent of United Airlines, once again led shares into a breathtaking decline and then an afternoon comeback. +21208002 At the end of it all, the Dow Jones Industrial Average closed down 3.69 to 2659.22. +21208003 At one point yesterday morning, the Dow was down 80.53 points. +21208004 New York Stock Exchange volume was 237,960,000 shares. +21208005 Declining issues swamped advancers, 1,222 to 382. +21208006 Yesterday's sell-off and rebound was a powerful reminder that 11 days after the 190-point plunge on Friday the 13th, the stock market still has a bad case of nerves. +21208007 Takeover stock speculation and futures-related program trading drove the industrial average through wide ranges. +21208008 And there is more volatility to come. +21208009 "October 13th left us with a cut and exposed nerve," said Jack Solomon, technical analyst for Bear Stearns. +21208010 "People are fearful and sensitive. +21208011 Everybody's finger is one inch closer to the button. +21208012 I have never had as many calls as I had this morning. +21208013 Volatility is here to stay." +21208014 The Dow Jones Industrial Average plunged about 80 points in slightly more than one hour after the opening bell. +21208015 For many, it began to look like a replay of Oct. 13. +21208016 As stocks and stock-index futures fell, a trading limit was hit in the S&P 500 stock futures pit. +21208017 Under a post-1987 crash reform, the Chicago Mercantile Exchange wouldn't permit the December S&P futures to fall further than 12 points for a half hour. +21208018 That caused a brief period of panic selling of stocks on the Big Board. +21208019 But at a critical moment, stock-index arbitrage traders showed their power and control. +21208020 They scooped up hundreds of S&P futures when the market needed it most. +21208021 At about 10:40 a.m. EDT, several big buy orders hit the S&P pit simultaneously, lifting the futures up out of the trading limit and eventually into ranges that caused computer-driven program buying of stocks. +21208022 "It is very clear that those buy orders came from people who wanted their franchise protected," said one Chicago-based futures trader. +21208023 "These guys wanted to do something to show how powerful they are." +21208024 Traders said Goldman Sachs, Shearson Lehman Hutton and Salomon Brothers were the main force behind the futures buying at the pivotal moment. +21208025 Shearson Lehman Hutton declined to comment. +21208026 Officials at Goldman Sachs and Salomon Brothers were unavailable for comment. +21208027 As in the Oct. 13 massacre, yesterday morning's drop was triggered by bad news for speculators in UAL. +21208028 A UAL statement after the market closed Monday indicated that the airline's board wanted to keep the company independent, effectively crushing hopes of an immediate buy-out. +21208029 Five minutes before the Big Board opened, a preliminary price was flashed for UAL -- somewhere between 135 and 155, a loss of as much as $43 a share from Monday's close. +21208030 UAL finally opened for trading at 10:08 a.m. at 150, down $28. +21208031 Floor traders said there was a huge crowd around the Big Board specialist's post where UAL trades. +21208032 "There was a seething mass of people," said one floor trader. +21208033 "Then there was a big liquidation of stock" across the board, he added. +21208034 Takeover speculators -- who have already taken a record loss estimated at more than $700 million on UAL -- started selling other stocks as well as S&P futures in an attempt to hedge against a further UAL blood bath. +21208035 Shortly after the UAL opening, program traders started selling stocks in the Major Market Index and S&P 500 index. +21208036 The 20-stock MMI mimics the Dow Jones Industrial Average. +21208037 By 10:30 a.m. the Dow was down 62.70. +21208038 All 20-stocks in the MMI except Exxon, General Motors and Sears were down $1 to $2. +21208039 At 10:33, when the S&P 500 December futures contract crunched to a 12-point loss under the force of sell programs, S&P futures trading was halted and program trades on the Big Board were routed into a special computer that scans for order imbalances. +21208040 Under the rules adopted by the Chicago Mercantile Exchange, the futures contract cannot drop below the limit, but buyers can purchase futures. +21208041 At this point, the Dow industrials were down 75.41 points and falling. +21208042 The trading halt in the S&P 500 futures exacerbated selling and confusion, many traders maintain. +21208043 But as the fright began to spread through the S&P pit, the big brokerage firms came in and bought futures aggressively. +21208044 "It was whooosh!" said one futures trader. +21208045 In five minutes, the Dow industrials climbed almost 30 points. +21208046 The big futures buying triggered stock-index buy programs that eventually trimmed the Dow's loss to 31 points by 11 a.m. +21208047 Traders said the futures buying was finely calculated by program traders. +21208048 These firms sold stock into the big morning decline, but seeing the velocity of the market's drop, held back on their offsetting purchases of futures until the S&P futures hit the trading limit. +21208049 Then they completed the other side of the trade by buying futures, which abruptly halted the stock market's decline as traders began to buy stocks. +21208050 From then on, the Dow industrials held at a loss of 40 to 50 points. +21208051 Then, in late-afternoon trading, hundred-thousand-share buy orders for UAL hit the market, including a 200,000-share order through Bear Stearns that seemed to spark UAL's late price surge. +21208052 Almost simultaneously, PaineWebber began a very visible buy program for dozens of stocks. +21208053 The combined buying rallied the Dow into a small gain, before closing at a slight loss. +21208054 Some institutional traders loved the wild ride. +21208055 "This is fun," asserted Susan Del Signore, head equity trader at Travelers Investment Management Co. +21208056 She said she used the market's wild swings to buy shares cheaply on the sell-off. +21208057 On the comeback, Ms. Del Signore unloaded shares she has been aiming to get rid of. +21208058 But traders who risk money handling big blocks of stock were shaken. +21208059 "This market is eating away my youth," said Chung Lew, head equity trader at Kleinwort Benson North America Inc. +21208060 "Credibility sounds intangible. +21208061 But I think we are losing credibility because when the market does this, it doesn't present itself as a rational investment. +21208062 But if you overlook all this, it is a beautiful market for investment still." +21208063 Traders attributed rallies in a number of stocks to a Japanese buy program that PaineWebber carried out as part of a shift in portfolio strategy, according to Dow Jones Professional Investor Report. +21208064 Dow Jones climbed 5 3/4 to 41 on very heavy volume of 786,100 shares. +21208065 Analysts said a big Japanese buy order was behind the rise. +21208066 A Dow Jones spokesman said there were no corporate developments that would account for the activity. +21208067 Other issues said to be included in the buy program were Procter & Gamble, which rose 2 7/8 to 133 1/2; Atlantic Richfield, which gained 2 to 103 3/4, and Rockwell International, which jumped 2 3/4 to 27 1/8. +21208068 PaineWebber declined to comment. +21208069 UAL finished at 170, off 8 3/8. +21208070 Other airline stocks fell in response to the UAL board's decision to remain independent for now, including USAir Group, which separately reported a third-quarter loss of $1.86 a share compared with a year-ago profit. +21208071 USAir fell 2 1/2 to 40. +21208072 AMR, the parent of American Airlines, fell 1 3/4 to 68 7/8 on 2.3 million shares; Delta Air Lines lost 1 1/2 to 66, Southwest Airlines slid 3/4 to 24 1/4 and Midway Airlines dropped 1/4 to 14 7/8. +21208073 Texas Air, which owns Continental and Eastern airlines, lost 3/8 to 13 1/8 on the American Stock Exchange. +21208074 Metals stocks also were especially weak, as concerns about the earnings outlook for cyclical companies weighed on the group. +21208075 Aluminum Co. of America dropped 1 1/2 to 70 1/4, Phelps Dodge fell 4 to 59 7/8, Asarco lost 1 3/8 to 31 3/4, Reynolds Metals slid 1 3/8 to 50 3/8, Amax dropped 1 1/8 to 21 5/8 and Cyprus Minerals skidded 2 to 26 3/4. +21208076 Alcan Aluminium was an exception, as it gained 1 3/8 to 23 on two million shares. +21208077 Goodyear Tire & Rubber tumbled 2 7/8 to 43 7/8. +21208078 Its third-quarter earnings were higher than a year ago, but fell short of expectations. +21208079 Other stocks in the Dow industrials that failed to benefit from the market's rebound included United Technologies, which dropped 1 to 53 5/8, and Bethle hem Steel, which fell 1 to 16 7/8. +21208080 BankAmerica dropped 1 1/4 to 29 1/2 on 2.3 million shares amid rumors that the earthquake last week in the San Francisco area had caused structural damage to its headquarters building. +21208081 The company denied the rumors and noted that it doesn't own the building. +21208082 Stocks of California-based thrifts also were hard hit. +21208083 Great Western Financial lost 1 1/8 to 20 1/2 on 1.6 million shares, Golden West Financial dropped 1 1/4 to 28 1/2 and H.F. Ahmanson dipped 5/8 to 21 1/4. +21208084 HomeFed plunged 3 5/8 to 38 1/2; its third-quarter earnings were down from a year ago. +21208085 Golden Valley Microwave Foods skidded 3 5/8 to 31 3/4 after warning that its fourth-quarter results could be hurt by "some fairly large international marketing expenses." +21208086 Dividend-related trading swelled volume in two issues: Security Pacific, which fell 7/8 to 44 1/2 and led the Big Board's most actives list on composite volume of 14.8 million shares, and Nipsco Industries, which lost 3/8 to 17 3/8 on 4.4 million shares. +21208087 Both stocks have dividend yields of about 5% and will go ex-dividend Wednesday. +21208088 Kellogg surged 4 1/4 to 75. +21208089 Donaldson, Lufkin & Jenrette placed the stock on its list of recommended issues. +21208090 The company noted that its third-quarter results should be released later this week or early next week. +21208091 Vista Chemical rose 1 3/8 to 38 5/8 after Bear Stearns added the stock to the firm's buy list, citing recent price weakness. +21208092 Georgia Gulf, another producer of commodity chemicals, advanced 2 to 49 1/2; Dallas investor Harold Simmons, who holds about 10% of its shares, said he hasn't raised his stake. +21208093 Norfolk Southern went up 1 1/8 to 37 7/8. +21208094 The company's board approved the repurchase of up to 45 million common shares, or about 26% of its shares outstanding, through the end of 1992. +21208095 Airborne Freight climbed 1 1/8 to 38 1/2. +21208096 Its third-quarter earnings more than doubled from a year earlier and exceeded analysts' expectations. +21208097 John Harland, which will replace American Medical International on the S&P 500 following Wednesday's close, gained 5/8 to 24 1/8. +21208098 The Amex Market Value Index fell 3.10 to 376.36. +21208099 Volume totaled 14,560,000 shares. +21209001 GANNETT Co. raised its quarterly dividend 11% to 30 cents a share from 27 cents, payable Jan. 2, 1990, to shares of record Dec. 8, 1989. +21209002 The action increases the annual dividend to $1.20 a share from $1.08. +21209003 This is the 22nd year in which the Washington media company has increased dividends. +21209004 Gannett's third-quarter earnings rose 11% to 52 cents a share from 47 cents in the year-ago period. +21209005 Sales rose 2.9% to $827.9 million from $804.3 million. +21209006 Gannett has 161 million shares outstanding. +21210001 Fireman's Fund Corp. said third-quarter net income plunged 85% to $7.2 million from last year's $49.1 million, or 99 cents a share, because of ravages of Hurricane Hugo and increased reserves for legal expenses. +21210002 Payout of preferred dividends resulted in a net loss of five cents a share in the most recent quarter. +21210003 Revenue edged up 3.4% to $904 million from $874 million in last year's third quarter. +21210004 In New York Stock Exchange composite trading, Fireman's closed at $35.50 a share, down 50 cents. +21210005 Impact of the Oct. 17 San Francisco earthquake, which will be recorded in the fourth quarter, isn't expected to exceed $50 million after taxes, the company added. +21210006 For the nine months, the insurance company said net fell 46% to $88.8 million, or $1.54 a share, from $164 million, or $3.16 a share, the previous year. +21210007 Revenue slid 7% to $2.6 billion from $2.8 billion a year earlier. +21210008 Fireman's Fund property-liability subsidiaries reported a 120.7% combined underwriting ratio for the nine months, up from 108.4% for the year-ago period. +21210009 Hurricane Hugo accounted for about $36 million in pretax third-quarter losses, net of reinsurance recoveries. +21210010 The company said there was an additional increase in loss and loss-expense reserves of $71 million reflecting "higher than expected" development in claims legal expenses from to prior periods. +21210011 For the third quarter, net premiums were $742 million, up 9.6% from $677 million in last year's quarter, because of the expiration of the National Indemnity quota share reinsurance agreement. +21210012 Net premiums written through Sept. 30 fell 5% to $2.1 billion from $2.2 billion a year ago, because of the writing of fewer policies at flat prices, the company said. +21210013 Third-quarter and nine-month results don't include any provision for premium returns that could be ordered by the California Department of Insurance under Proposition 103. +21210014 Fireman's Fund said it has applied for an exemption from these rate rollbacks, and plans to defend its filing in hearings before the department. +21211001 CONTROL DATA Corp. said it is offering to purchase the $154.2 million amount of its 12 3/4% senior notes due June 15, 1991, at par, plus accrued interest to the Dec. 8 purchase date. +21211002 The Minneapolis computer systems and services concern said the offer is required under the senior note indenture as a result of Control Data's recent sale of its disk drive subsidiary, Imprimis, to Seagate Technology Inc. +21212001 Child's Game +21212002 There was very slow play on the market today, They were selling and buying by halves; Instead of trading like Bears and Bulls, They behaved like cubs and calves. +21212003 -- George O. Ludcke. +21212004 Politrick +21212005 I've learned one thing from candidates, A technique so deftly done: If a question can't be answered, Strongly answer an unasked one! +21212006 -- Mimi Kay. +21212007 Foresight +21212008 We need to get a space platform set up soon -- just in case we want to step out for a breath of fresh air. +21212009 -- Ivern Ball. +21213001 After being whipsawed by a volatile stock market, Treasury bonds closed higher. +21213002 But junk bonds took more hits. +21213003 Early in the day, bond dealers said trading volume was heavy as large institutional investors scrambled to buy long-term Treasury bonds on speculation that the stock market's volatility would lead to a "flight-to-quality" rally. +21213004 That happens when nervous stock investors dump equities and buy Treasurys, which are higher in quality and thus considered safe. +21213005 "Some retail accounts, such as commercial banks and pension funds, wanted to get on the bandwagon before it was too late," said Sung Won Sohn, chief economist at Norwest Corp., Minneapolis. +21213006 At one point, the Dow Jones Industrial average fell about 80 points on news that UAL Corp. decided to remain independent. +21213007 In response, Treasury prices soared 1 1/8 points, or about $11.25 for each $1,000 face amount. +21213008 But the gains in Treasury bonds were pared as stocks staged a partial recovery. +21213009 The industrial average ended at 2659.22, down 3.69 points. +21213010 Economists said the bond market's strength also is a sign that investors expect the Federal Reserve to cut interest rates amid growing evidence that the economy is slowing. +21213011 While they don't expect the Fed to move right away, they say the case for lower rates is building. +21213012 Yesterday, for example, the Commerce Department reported that new orders for durable goods fell 0.1%, while the nation's auto makers reported lackluster mid-October sales. +21213013 The Treasury's 30-year bond ended over 1/4 point higher. +21213014 Municipal, mortgage-backed and investment-grade corporate bonds rose 1/8 to 1/2 point. +21213015 But high-yield, high-risk bonds fell 1/4 to 1/2 point with the stock market early in the session and never recovered. +21213016 According to a trader at Drexel Burnham Lambert Inc., the hardest hit junk bonds were those issued by RJR Holdings Capital Corp., which are the easiest to sell. +21213017 RJR's 14.70% bonds due 2007 fell 2 1/2 points. +21213018 Trading activity in the junk market was extremely light as dealers couldn't find enough buyers to match sellers. +21213019 "While the stock market was falling, most {junk bond holders} were just watching it not knowing what to do," said Paul Suckow, director of fixed-income securities at Oppenheimer Management Corp. +21213020 "It was like driving down the highway watching a wreck. +21213021 Everybody was rubber-necking." +21213022 Adding to the junk market's jitters were reports that Donaldson, Lufkin & Jenrette Securities Corp. is having trouble structuring a $1.6 billion offering for TW Food Services Inc. and will postpone or even cancel the issue. +21213023 TW is the largest franchisee of Hardee's, a fast-food restaurant, and operates several other food chains. +21213024 Donaldson Lufkin wouldn't comment. +21213025 Credit analysts said investors are nervous about the issue because they say the company's ability to meet debt payments is dependent on too many variables, including the sale of assets and the need to mortgage property to retire some existing debt. +21213026 Also, the TW offering includes interest-deferred and pay-in-kind securities, which are currently unpopular. +21213027 Meanwhile, investors turned a cold shoulder to the Treasury's sale of $10 billion of new two-year notes yesterday. +21213028 "It's not too surprising that the auction was sloppy, given the volatility in the bond market because of stocks," said Robert T. McGee, a senior vice president at Tokai Bank Ltd. +21213029 "People are looking past supply to lower interest rates, but they're also worried about being whipsawed by the volatility in the stock market." +21213030 The new two-year notes were priced with an average yield of 7.74%. +21213031 That was higher than the 7.71% to 7.73% average yield that traders had expected. +21213032 In when-issued trading, the notes were quoted at a price to yield 7.78%. +21213033 Sluggish demand was also evidenced by the weak 2.41-to-1 bid-to-cover ratio, which was lower than the average 2.79-to-1 ratio at the last 12 similar auctions. +21213034 The ratio, which reflects the number of bids the Treasury receives for each bid accepted, is used to gauge investor demand. +21213035 Dealers said players shied away from the note sale because they were concerned that prices at the time of the auction might erode if the stock market staged a recovery, which, in fact, did happen. +21213036 Individual and Japanese participation in the auction was disappointing, according to dealers. +21213037 "Interest by Japanese investors was limited," said Michael Moran, chief economist at Daiwa Securities America Inc. +21213038 "They are typically not active in two-year note auctions, but today's participation could be viewed as lighter-than-normal." +21213039 However, Mr. Moran added that the Japanese generally have a positive view of the U.S. bond market because of expectations that the dollar will remain strong and interest rates will decline. +21213040 He said, "Possibly, they're waiting to buy at the (quarterly) refunding" of government debt to be held next month by the Treasury. +21213041 A trader at a Japanese firm estimated that the Japanese purchased no more than 10% of the two-year notes. +21213042 Treasury, Agency Securities +21213043 Today investors will focus on the long-awaited auction of $4.5 billion of 30-year bonds by Resolution Funding Corp. +21213044 The initial bond offering by the new government agency, which was created to help rescue the nation's troubled thrifts, isn't expected to see robust demand. +21213045 A small yield premium over comparable Treasurys and a lack of liquidity is hampering dealers' efforts to drum up interest in the so-called bailout bonds. +21213046 In when-issued trading, the Refcorp bonds were quoted at a price to yield 8.17%. +21213047 Yesterday, the benchmark 30-year bond was quoted late at 102 18/32 to yield 7.89%, compared with 102 9/32 to yield 7.93% on Monday. +21213048 The latest 10-year Treasury was quoted at 100 22/32 to yield 7.88%, compared with 100 17/32 to yield 7.9%. +21213049 Short-term rates were unchanged to slightly lower. +21213050 The discount rate on three-month Treasury bills was quoted at 7.52% for a bond-equivalent yield of 7.75%, while the rate on six-month Treasury bills was quoted at 7.47% for a yield of 7.85%. +21213051 Rates are determined by the difference between the purchase price and face value. +21213052 Thus, higher bidding narrows the investor's return while lower bidding widens it. +21213053 Corporate Issues +21213054 Several blue-chip companies tapped the new-issue market yesterday to take advantage of falling interest rates. +21213055 Three of the largest offerings, by Exxon Capital Corp., Xerox Corp. and Citicorp, were underwritten by groups led by Salomon Brothers Inc. +21213056 Exxon Capital, long-rumored to be a potential debt issuer, offered $200 million of 10-year notes priced to yield 8.31%. +21213057 Citicorp issued $200 million of seven-year notes priced to yield 8.82%, and Xerox priced $150 million of six-year notes to yield 8.85%. +21213058 Meanwhile, International Business Machines Corp. paved the way for a visit to the credit markets by filing a shelf registration with the Securities and Exchange Commission for $800 million in new debt. +21213059 This is in addition to IBM's existing shelf registration under which $200 million in debt securities are available for issuance. +21213060 In secondary trading, investment-grade corporate bonds ended 1/8 to 1/4 higher. +21213061 Municipals +21213062 Actively traded municipal bonds ended 1/4 to 1/2 point higher in brisk trading, despite a flood of new supply. +21213063 New Jersey Turnpike Authority's 7.20% issue of 2018 finished 1/4 point stronger at 98 1/2 bid, to yield 7.32%. +21213064 Traders said municipals were underpinned by influences including the climb in Treasury issue prices. +21213065 Also, municipal bonds lured buying because the stock market remains wobbly, traders contended. +21213066 Mainly, though, it was a favorable outlook for yesterday's new supply that propped up municipals, some traders said. +21213067 Among the new issues was Massachusetts's $230 million of general obligation bonds. +21213068 The bonds were won by a Goldman, Sachs & Co. group with a true interest cost of 7.17%. +21213069 They were priced to yield from 6.00% in 1990 to 7.20% in 2009. +21213070 The Massachusetts deal had an unsold balance of $84.3 million in late trading, the underwriter said. +21213071 Mortgage-, Asset-Backed Securities +21213072 Mortgage securities gained 3/32 to 9/32 point after a hectic session, with Government National Mortgage Association 8% securities as the standout issue. +21213073 The Ginnie Mae issue rose amid talk of large purchases of the securities by institutional investors. +21213074 The derivative markets remained active as one new issue was priced and talk circulated about more offerings in the next day or two. +21213075 The Federal Home Loan Mortgage Corp. issued a $500 million real estate mortgage investment conduit backed by its 8 1/2% securities. +21213076 In the asset-backed market, a big offering of Ford Motor Credit Corp. auto-loan securities was increased in size after strong institutional demand. +21213077 The deal by the Ford Motor Co. unit, priced Monday, was increased to $3.05 billion from $2.58 billion. +21213078 Among major pass-through issues, Ginnie Mae 9% securities for November delivery ended at 98 15/32, up 5/32, after touching an early high of 98 27/32; 8% securities were at 94 5/32, up 9/32; 9 1/2% securities at 100 15/32, up 4/32; and 10% securities at 102 11/32, up 3/32. +21213079 Freddie Mac 9% securities were at 97 21/32, up 5/32. +21213080 The Ginnie Mae 9% issue was yielding 9.34% to a 12-year average life assumption, as the spread above the Treasury 10-year note held at 1.46 percentage points. +21213081 Foreign Bonds +21213082 The Eurodollar bond market sprang to life late in the European trading session after the Dow Jones Industrial Average tumbled. +21213083 Eurodollar bonds are often issued by foreign corporations, but interest and principal are paid in dollars. +21213084 The bonds ended about 1/2 point higher yesterday. +21213085 Prices of European government bonds also rose as U.S. stocks declined. +21213086 West Germany's 7% issue due October 1999 rose 0.13 point to 99.93 to yield 7.01%, while the 6 3/4% issue due July 1994 rose 0.05 to 97.70 to yield 7.33%. +21213087 Britain's 11 3/4% Treasury bond due 2003/2007 rose 17/32 to 112 6/32 to yield 10.05%, while the 12% notes due 1995 rose 11/32 to 104 2/32 to yield 10.93%. +21213088 In Japan, government bond prices fell. +21213089 The No. 111 4.6% bond due 1998 ended on brokers' screens at 95.22, down 0.17 point, to yield 5.41%. +21214001 BSB BANCORP Inc., Binghamton, N.Y., said it increased its regular quarterly dividend 50%, to 15 cents a share from 10 cents. +21214002 It is payable Dec. 10 to stock of record Nov. 24. +21214003 The move was made because of the bank-holding company's increased profitability, officials said. +21214004 In the third quarter, BSB earned $2 million, up from $1.8 million a year earlier. +21214005 In national over-the-counter trading yesterday, BSB closed at $17.50, up 12.5 cents. +21214006 BSB has 3.1 million shares outstanding. +21215001 Staar Surgical Co.'s board said that it has removed Thomas R. Waggoner as president and chief executive officer and that John R. Wolf, formerly executive vice president, sales and marketing, has been named president and chief executive officer. +21215002 Mr. Waggoner has been involved in a dispute with the board since August, when he ousted all the directors. +21215003 Later they said they fired him, and two directors attempted to place the company under bankruptcy-law protection. +21215004 A federal judge turned down the Chapter 11 petition. +21215005 The company's latest announcement said Mr. Waggoner will remain a director of Staar, a maker of products for small-incision surgery. +21215006 Mr. Wolf and other members of the board declined to comment on the announcement. +21215007 Mr. Waggoner couldn't be reached. +21215008 The Staar board also said that John R. Ford resigned as a director, and that Mr. Wolf was named a member of the board. +21216001 EAST GERMANY'S KRENZ WARNED against further pro-democracy protests. +21216002 After the legislature confirmed him as the Communist Party leader, Krenz said demonstrations to demand democratic freedoms could cause a "worsening of the situation, or confrontation." +21216003 He also reaffirmed East Germany's allegiance to Communist orthodoxy. +21216004 But as many as 12,000 people marched in East Berlin after the speech to protest his election. +21216005 During the balloting, 26 members of the 500-seat Parliament voted against Krenz, a move considered unprecedented in the country's 40-year history. +21216006 Officials in East Berlin, responding to complaints from opposition groups, admitted police used excessive force in dispersing protesters this month. +21216007 The Iran-Contra judge agreed to allow Poindexter to subpoena the personal papers of ex-President Reagan, ruling that there was sufficient evidence that the data would be important to the defense. +21216008 But the judge denied a request by the former national security adviser, who faces five criminal charges, to seek documents from Bush. +21216009 San Francisco Bay area officials said nine people remain missing in the aftermath of last week's earthquake. +21216010 The death toll rose to 63. +21216011 The House, meanwhile, approved $2.85 billion to aid in the recovery from the temblor and from Hurricane Hugo as state legislators moved toward a temporary sales-tax increase. +21216012 U.S. officials expressed skepticism over an Israeli effort to show the PLO continues to practice terrorism. +21216013 Israel provided the State Department with a list of recent alleged terrorist incidents attributed to forces controlled by Arafat, but the U.S. said it wasn't satisfied that the incidents constituted terrorism. +21216014 TV evangelist Jim Bakker was sentenced to 45 years in prison and fined $500,000 for defrauding followers of his PTL ministry. +21216015 Bakker, who was immediately taken into custody, was convicted Oct. 5 by a federal court jury in Charlotte, N.C., of fraud and conspiracy for diverting more than $3.7 million of ministry funds for personal use. +21216016 Lawmakers in Moscow voted to deny the Communist Party its 100 guaranteed seats in the Soviet Congress, meaning Gorbachev and other aides might have to face voters. +21216017 In Warsaw, Shevardnadze held his first talks with the Solidarity-led government and vowed to maintain fuel supplies. +21216018 Poland's premier is to visit Moscow next month. +21216019 The Arab League pledged an accord for a complete Syrian troop pullout from Lebanon, where about 70,000 people marched to the headquarters of Christian leader Aoun to support his rejection of a peace plan approved Sunday by Lebanon's legislature. +21216020 The plan lacked a withdrawal timetable. +21216021 Pro-Iranian kidnappers renewed an offer to trade their captives in Lebanon for at least 15 Shiite Moslem comrades jailed in Kuwait. +21216022 The statement by Islamic Jihad, which holds at least two U.S. hostages, was accompanied by a photograph of Associated Press correspondent Terry Anderson, longest held of 18 Western hostages. +21216023 The Treasury Department said S&Ls reject blacks for mortgage loans twice as often as they reject whites. +21216024 The department's Office of Thrift Supervision said that doesn't necessarily mean thrifts are biased, but conceded that it doesn't have data about applicants to determine why blacks are rejected more often. +21216025 Emergency crews searched through the charred rubble of a Phillips Petroleum Co. plastics plant near Pasadena, Texas, where a series of explosions Monday killed at least two people and injured 124. +21216026 Company officials said 22 workers were missing and presumed dead. +21216027 Safety authorities didn't immediately know the cause of the blasts. +21216028 NATO defense ministers opened a two-day meeting in Portugal to assess the alliance's nuclear-weapons needs amid reduced East-West tensions. +21216029 The ministers ordered a study on the strategic role of nuclear arms in Western Europe once Soviet conventional weapons are reduced in the East bloc. +21216030 The Justice Department scrambled to play down the significance of revised guidelines concerning prosecutions under the federal racketeering law. +21216031 The guidelines, which discourage prosecutors from seeking court orders seizing the assets of certain racketeering defendants prior to trial, were first disclosed this week. +21216032 Died: S. Clark Beise, 91, ex-president and chief executive officer of Bank of America NT&SA, Saturday, in Hillsboro, Calif. +21217001 STOCK PRICES SWUNG wildly as the market reacted to an initial plunge by UAL shares, followed by a sharp rebound in the afternoon. +21217002 The Dow Jones industrials, down over 80 points in the morning, closed off 3.69, at 2659.22. +21217003 Bond prices surged in reaction to the sell-off in stocks, then eased slightly during the afternoon recovery. +21217004 The dollar finished lower. +21217005 UAL's stock regained most of an early loss amid speculation one or more investors may challenge the airline's decision to stay independent. +21217006 The stock closed down $8.375, at $170, after plunging $33, to $145. +21217007 Ford may seek all of Jaguar, setting the stage for a possible bidding war with GM. +21217008 Jaguar has been discussing an alliance with GM, but Ford's move may derail the talks. +21217009 Car and truck sales slid 20.5% in mid-October as U.S. manufacturers paid the price for heavy incentives earlier in the year. +21217010 General Motors continued to be hardest hit. +21217011 Durable goods orders slipped 0.1% in September, reflecting weakening auto demand after a spurt of orders for new 1990 models. +21217012 Excluding transportation items, orders rose 1.8%. +21217013 Norfolk Southern's board approved a buy-back of up to 45 million shares, valued at over $1.7 billion. +21217014 The repurchase, coupled with an earlier buyback, will reduce the firm's shares outstanding by over 26%. +21217015 PS New Hampshire received a sweetened $2.25 billion offer from Northeast Utilities, likely spurring a new round of bidding for the utility. +21217016 GE executives were accused by U.S. prosecutors of providing "misleading and false" data to the Pentagon in 1985 to cover up "longstanding fraudulent" billing practices. +21217017 Texaco said profit rose 11% in the quarter, partly due to a massive restructuring. +21217018 Sun posted a gain. +21217019 Mobil, Shell and Chevron had declines. +21217020 Mobil is preparing to slash its work force in the U.S., possibly as soon as next month, sources said. +21217021 Sears posted a 16% drop in third-quarter profit as U.S. retail operations recorded the first loss in over five years. +21217022 The results show Sears is struggling to attract shoppers. +21217023 Digital Equipment announced its first mainframe computers, targeting IBM's largest market and heating up the industry's biggest rivalry. +21217024 Cray Research expects supercomputer sales to be flat next year, the latest in a series of negative announcements by the company. +21217025 Short interest increased 6% in the Nasdaq over-the-counter market for the month ended Oct. 13. +21217026 Salomon posted an unexpectedly big gain in quarterly earnings, aided by its securities trading and investment banking activities. +21217027 Procter & Gamble's profit surged 38% in its latest fiscal quarter, aided by a gain from a legal settlement and continued growth overseas. +21217028 Goodyear's profit rose 11% in the quarter, buoyed by improved operating results in its tire business. +21217029 Markets -- +21217030 Stocks: Volume 237,960,000 shares. +21217031 Dow Jones industrials 2659.22, off 3.69; transportation 1210.70, off 25.96; utilities 215.04, off 0.31. +21217032 Bonds: Shearson Lehman Hutton Treasury index 3425.22, up +21217033 Commodities: Dow Jones futures index 129.24, off 0.25; spot index 130.76, off 0.88. +21217034 Dollar: 141.45 yen, off 0.45; 1.8355 marks, off 0.0115. +21218001 Genetic Defect Spotted In 3-Day-Old Embryo +21218002 RESEARCHERS diagnosed a genetic defect in a three-day-old mouse embryo in an experiment directly applicable to humans. +21218003 Prenatal diagnosis of genetic defects as early as the sixth week of pregnancy is increasingly common today. +21218004 But the mouse experiment at a Medical Research Council laboratory in London shows genetic defects can be detected three days after conception using a new American-developed gene-copying technique. +21218005 The experiment, applicable to many genetic disorders, involved beta-thalassemia, a severe blood anemia resulting from a missing hemoglobin gene. +21218006 It's an inherited human disorder that's been duplicated in mice. +21218007 In the experiment, mice with the defective gene were mated. +21218008 Three days later, before the new embryo had become implanted in the uterus, it was washed out of the mother mouse. +21218009 The embryo had progressed only to a clump of eight identical cells. +21218010 One cell was teased out, and its DNA extracted. +21218011 Using the new technique developed by Cetus Corp., called the polymerase chain reaction, the scientists rapidly made millions of copies of the section of DNA that ordinarily contains the hemoglobin gene, providing enough copies to test. +21218012 A genetic probe showed the hemoglobin gene was missing, the researchers report in the medical journal Lancet. +21218013 In the report, two molecular biologists suggest such embryo diagnosis can be used by couples at high risk of passing a genetic defect to a child. +21218014 For example, infertile couples who have the woman's eggs fertilized in the test tube usually have several eggs fertilized at a time. +21218015 When the fertilized cells divide to eight cells, a single cell from each embryo can be tested for genetic defects. +21218016 A healthy embryo can be picked for implantation and defective ones discarded. +21218017 Or in other couples, the embryo could be temporarily taken out and tested three days after conception and returned if healthy, or discarded if not. +21218018 Yeast Adapted to Make Gene-Spliced Drugs +21218019 AN OIL COMPANY finds a sideline in the microscopic world of yeast. +21218020 In the early 1970s, when the "world food crisis" was a major worry, Phillips Petroleum Co., like several other big companies, began developing "single-cell protein," edible protein made by microbes feeding on non-edible materials. +21218021 Phillips found and improved a yeast, "Pichia pastoris," which made protein from natural gas-derived alcohol. +21218022 It also could convert glucose from farm wastes into edible protein. +21218023 Single-cell protein never panned out, and most companies abandoned such research. +21218024 But Phillips persisted, calling in scientists from the Salk Institute. +21218025 They've now adapted the yeast to making genetically engineered drugs. +21218026 Like the bacteria used by genetic engineers, the yeast can take in human genes and churn out human proteins for medical use. +21218027 But the yeast genetic apparatus is more like that of animals than the bacterial genetic apparatus. +21218028 Thus, the proteins from the yeast are molecularly more like human proteins than those from bacteria. +21218029 The oil company claims its yeast system also is better than bacteria at high-volume production of genetically engineered drugs. +21218030 Chiron Corp., an Emeryville, Calif., biotechnology firm, is seeing if the Phillips yeast can be used to make its genetically engineered human proteins. +21218031 Peeking Inside Arteries From Outside the Body +21218032 VISUALIZING BLOOD vessels without poking catheters into the body may come out of research at AT&T Bell Laboratories. +21218033 Strokes, heart attacks, leg pains (intermittent claudication) and other problems stem from clogging of the arteries by cholesterol-rich deposits. +21218034 At present, doctors can see how badly an artery is clogged only by inserting a thin catheter into the artery and injecting a fluid that makes the arteries visible on X-rays. +21218035 A non-invasive method is being researched by biophysicist Lynn Jelinski at the AT&T unit. +21218036 It relies on the fact that certain atoms give off detectable signals when subjected to an intense magnetic field. +21218037 It's the same phenomenon used in the new MRI (magnetic resonance imaging) scanners being used in hospitals in place of X-ray scans. +21218038 In the Bell Labs experiments, an MRI-type of machine, synchronized with the heartbeat via an electrocardiogram, rapidly flashes a magnetic field on and off as blood passes a certain point in a vessel. +21218039 The rapidly flashing return signals from excited hydrogen atoms in the blood give a "stop-motion" movie of the blood-filled vessel, (like the "stop-motion" seen in disco dancers when a strobe light is flashing). +21218040 The scientists have experimented on the tiny neck arteries of rats. +21218041 They've been able to measure the minuscule movements of the artery wall as the beating heart raises and lowers the pressure of the flowing blood, a first for such tiny blood vessels, they report in Nature, a scientific journal. +21218042 They now are experimenting with measuring blood flow. +21218043 The ultimate hope is that the technique could identify diseased vessels. +21218044 Odds and Ends +21218045 TESTS ON 2,800-year-old mummies from Chile indicate ancient wood fires didn't produce dioxins or dibenzofurans, contradicting a theory the two pollutants today are coming from wood burning, General Electric Co. reports in Environmental Science & Technology magazine. . . . +21218046 Almost 40% of schizophrenic men have an impaired sense of smell vs. fewer than 10% of schizophrenic women, reports the American Journal of Psychiatry. +21219001 The Justice Department said it filed a lawsuit seeking more than $7.7 million from a Meredith Corp. unit on charges that the company defrauded the government on a contract to provide relocation services for federal employees. +21219002 The suit, filed in federal trial court in Des Moines, Iowa, where Meredith is based, alleges that the diversified media company's relocation unit cheated the government by misrepresenting the value of government employees' homes. +21219003 The government contract required Meredith Relocation Corp. to purchase employees' homes based on independent appraisals. +21219004 The Justice Department alleges that the company "engaged in various forms of misrepresentation" with the goal of reducing the appraised value of employees' homes. +21219005 In the suit, the department seeks to recover $7.7 million in costs incurred when the government terminated its contract with Meredith Relocation and sought other contracts to replace it. +21219006 The department also said it seeks "three times the government's damages, which are presently undetermined, plus penalties." +21219007 Officials with Meredith didn't have any immediate comment on the suit. +21220001 Lloyd's of London said it plans to clamp down on the ability of underwriting syndicates to leave their annual accounts open beyond the customary three years. +21220002 Underwriting syndicates at Lloyd's, the world's largest insurance market, generally don't close their accounts for three years, to allow for the filing of claims and litigation. +21220003 When such claims and litigation extend beyond the period, the syndicates can extend their accounting deadlines. +21220004 Lloyd's said there are currently 115 open account years involving 68 of the market's roughly 360 syndicates. +21220005 The open-year accounting practice "is widely recognized within Lloyd's as of serious concern" to the 31,329 member investors, who underwrite insurance at Lloyd's in return for premium and investment income, Lloyd's said. +21220006 The procedure causes "great uncertainty" because an investor can't be sure of his or her individual liability, Lloyd's said. +21220007 As a result, the insurance market plans new measures to restrict the ability of syndicate officials to leave years open. +21220008 Lloyd's said it expects to enact new rules mandating the changes by year end. +21220009 Under the new rules, the officials will have to secure additional information and reports from actuaries, including an assessment of whether officials have acted reasonably. +21220010 In addition, officials will have to get quotes for certain reinsurance contracts and obtain approvals from other syndicate directors. +21221001 Computer Associates International Inc. reported earnings for the second quarter, ended Sept. 30, plummeted 66%, primarily because of the acquisition of Cullinet Software Inc. +21221002 The nation's largest software company earned $9.6 million, or five cents a share, compared with $28 million, or 16 cents a share, a year earlier. +21221003 Revenue rose 5% to $282 million from $268.3 million. +21221004 The drop in earnings had been anticipated by most Wall Street analysts, but the results were reported after the market closed. +21221005 Computer Associates closed at $13.625, down 25 cents, in composite trading on the New York Stock Exchange. +21221006 Anthony Wang, president, attributed the drop to the disruption of the company's business resulting from the prolonged process of acquiring Cullinet. +21221007 The acquisition was completed in September. +21221008 In August, the company warned investors that the acquisition was being delayed, and many customers were holding off on purchase decisions until the takeover was completed. +21221009 The delays mainly affected sales of data base management products, a core area for both Computer Associates and Cullinet, as well as sales of other products as part of package sales. +21222001 Residents of this city soon will be seeing ads urging them to visit "Cleveland's outdoor museum" -- Lake View Cemetery. +21222002 Despite such famous tenants as oil magnate John D. Rockefeller, Lake View Cemetery has fallen on hard times. +21222003 So the inner-city burial ground is trying to resurrect itself with a television advertising campaign. +21222004 The ads celebrate the achievements of some of Lake View's residents. +21222005 A spot honoring Bill White, the inventor of chewing gum, shows a woman trying to extricate her high-heeled shoe from a wad of gum. +21222006 Another focuses on Charles Brush, the first person to light a city electrically. +21222007 It shows a boy hurling rocks at a street lamp. +21222008 Street lights, the ad points out, "helped sharpen the arm of many a budding baseball player." +21222009 Cemetery officials hope the ads, which will begin airing next month, will not only draw visitors but bolster burials and endowment fund contributions. +21222010 Lake View had an operating deficit last year and has a poor reputation as an out-of-repair and crime-infested cemetery. +21222011 The private, non-profit cemetery has had trouble competing against its for-profit counterparts, which use direct mail and other advertising to sell lots. +21222012 "We don't want to be known as ambulance chasers," says William Garrison, Lake View's president. +21222013 "We want people to think of Lake View as an historical park and educational experience. . . . +21222014 A pleasant place to come and spend a few hours." +21222015 Not all of the cemetery's better-known tenants lend themselves to the promotional job at hand, however. +21222016 For example, President James A. Garfield is entombed here, the victim of an assassination in 1881. +21222017 (Mr. Garrison notes, however, that the Garfield tomb is one of the nation's premier examples of Romanesque architecture.) +21222018 Mr. Rockefeller, buried beneath a 180-foot-tall granite obelisk, didn't seem right for an ad either. +21222019 The oil magnate, who spent his later years passing out dimes to counter his penny-pinching image, "isn't terribly amusing," says Barry Olson, creative director at Innis-Maggiore-Olson, Canton, Ohio, which is producing the ads. +21222020 But there are plenty of other promising prospects at Lake View, promoters believe: Ernest Ball, for instance, who wrote "When Irish Eyes are Smiling," and Garrett Morgan, the inventor of the gas mask and the tri-colored traffic light. +21223001 Euro Disneyland shares made a debut like Snow White yesterday while most of the London stock market looked like it had eaten the Evil Queen's poisoned apple. +21223002 In its first day of when-issued trading here, Euro Disney soared like Dumbo to close at 814 pence ($13.05), up 15% from its 707-pence offering price. +21223003 The overall London market, following Wall Street's early nosedive, took a late beating. +21223004 The Financial Times-Stock Exchange 100-Share Index plummeted 40.4 points to close at 2149.3. +21223005 Traders credited Euro Disney's share performance to the tremendous hyping of the project that the shares are destined to help finance: Walt Disney Co.'s 4,800-acre theme park 20 miles east of Paris. +21223006 The park is slated to open in 1992. +21223007 "The issue was very well-received -- Disney is such a well-known, you can say world-wide, name," said Vernon Dempsey, head trader of European equities at Kleinwort Benson Ltd., which is making a market in the issue. +21223008 Mr. Dempsey estimated that the issue's London debut was accompanied by "very, very heavy turnover -- between five million and six million shares." +21223009 Most of the buying was institutional, he added. +21223010 Official trading in the shares will start in London, Paris and Brussels on Nov. 6, when the French-franc denominated offering, valued at the equivalent of nearly $1 billion, comes to market in the European Community. +21223011 U.S. investors will be permitted to buy the shares from EC investors 90 days later. +21223012 Because of the interest connected with the issue, the London exchange took the unusual step of letting traders establish an officially sanctioned when-issued market. +21223013 A volatile, unofficial "gray" market in the shares has been operating in Paris for about two weeks. +21223014 In contrast to the London performance, Euro Disney there closed down three francs yesterday, at 79 1/2 francs ($12.66) bid, but still about 10% over the 72-franc offering price. +21223015 "A lot of people are getting hurt on this wicked whipsawing," cautioned Alistair Cuddeford, a London-based Salomon Brothers International Ltd. trader who makes a market in franc-denominated Euro Disney shares. +21223016 "There should be no great rush for investors to buy this. +21223017 A lot of big European banks, mostly French, and Swiss arb accounts have been buying the stock just to flip it" for a quick profit, he said. +21224001 Albert Fried Jr., a 59-year-old director and holder of a 9.5% stake in the company, was named chairman of this maker of products for the construction equipment, material handling and railroad industries. +21224002 He succeeds L.L. White Jr., 62, who resigned but continues as a director. +21224003 Mr. Fried also is the managing partner of Albert Fried & Co. +21225001 Ford Motor Co. intensified its battle with General Motors Corp. over Jaguar PLC by saying it is prepared to make a bid for all of the British auto maker when restrictions on its shareholding are lifted. +21225002 The statement was part of a Ford filing with the U.S. Securities and Exchange Commission. +21225003 Ford didn't say how much it might offer for Jaguar, or when. +21225004 The British government currently forbids any outside investor from holding more than 15% of the company's shares without permission until Dec. 31, +21225005 But with its stake in Jaguar, which it raised yesterday to 11.95%, Ford could convene a special Jaguar shareholders' meeting and urge holders to vote to drop the restriction sooner. +21225006 A successful vote would put pressure on the British government to lift the restriction. +21225007 "We have not made that decision" to seek a Jaguar special shareholders' meeting, said Martyn Watkins, a Ford spokesman in London. +21225008 He emphasized that the car maker only would bid for all of Jaguar under the right circumstances, and said "those circumstances aren't right or possible at the moment." +21225009 Last month, Ford announced plans to acquire as much as 15% of Jaguar. +21225010 Since then, Jaguar officials have confirmed that they are discussing an alliance with GM and said last week that they hoped to reach an agreement within a month. +21225011 Analysts have been expecting a GM-Jaguar pact that would give the U.S. car maker an eventual 30% stake in the British company and create joint ventures that would produce an executive-model range of cars. +21225012 But the specter of Ford eventually launching a full-fledged bid could unravel the GM-Jaguar talks. +21225013 Jaguar seems to be losing interest in giving GM a minority stake, said one individual close to the talks, adding, "It wouldn't surprise me if {Jaguar executives} want to wait and see what the color of that {Ford bid} is" first. +21225014 He predicted Ford officials will meet with Jaguar executives in the next week to outline their proposed offer. +21225015 Sir John Egan, Jaguar's chairman, so far has refused to meet with Ford officials, but he is believed to be willing to consider a specific bid proposal. +21225016 As for GM, its "fallback position has to be a full bid itself," said Stephen Reitman, European auto-industry analyst at London brokers UBS-Phillips & Drew. +21225017 A Ford takeover of Jaguar would "have such implications for the balance of power in the 1990s that General Motors can't afford to step aside. +21225018 They will have to throw their hat in the ring." +21225019 A GM spokesman yesterday reiterated the company's interest in acquiring a minority stake to help Jaguar remain independent. +21225020 A pitched battle could mean Jaguar would fetch #10 ($16.02) a share, or about #1.8 billion ($2.88 billion), several analysts believe. +21225021 The prospect of such a takeover fight has sent Jaguar shares soaring in recent weeks. +21225022 U.S. takeover-stock speculators now own an estimated 25% of Jaguar shares. +21225023 In a declining London stock market yesterday, Jaguar shares were down four pence from Monday in late trading, at 694 pence ($11.11) a share. +21225024 In the U.S., Jaguar's American depositary receipts rose 12.5 cents in over-the-counter trading, to $11.25. +21225025 Both Ford and GM badly need a luxury brand to combat new competition from the Japanese in the European and U.S. markets. +21225026 And financially strapped Jaguar has spent over a year looking for a rich uncle to provide cash and technological know-how. +21225027 The company has expressed a preference for GM over Ford because GM has promised it would keep Jaguar independent. +21225028 Ford's need to acquire some or all of Jaguar became more acute last week when it abandoned a four-year effort to market its German-built Merkur Scorpio sedan as a European luxury import in the U.S. +21225029 Then, last Friday, Ford's talks about a possible alliance with Saab-Scania AB of Sweden collapsed. +21225030 GM's interest in Jaguar reflects a desire to help diversify the U.S. company's products in the growing luxury-car segment of the market. +21225031 Its Opel line has a solid image and a recent string of highly successful new models, but it lacks Jaguar's cachet. +21225032 GM officials also see a lot of potential in marrying Jaguar's cars to the technological know-how of Group Lotus PLC, a British engineering and specialty car maker GM bought in 1986. +21226001 Texaco Inc. reported an 11% increase in third-quarter earnings, which it attributed partly to the company's massive restructuring after it emerged from bankruptcy-law proceedings 18 months ago. +21226002 Sun Co. also reported higher earnings. +21226003 Meanwhile, like many other oil companies hurt by less-profitable downstream businesses, Mobil Corp., Shell Oil Co. and Chevron Corp. reported lower quarterly earnings. +21226004 Texaco +21226005 Texaco's exploration and production earnings improved as a result of its streamlining of those operations as it sold many of its marginal producing properties over the past 18 months. +21226006 An increase in production at some major oil fields in the North Sea, which had been knocked out by an explosion in July 1988, also aided results. +21226007 The sale of a portion of refining and marketing operations to Saudi Arabia helped alleviate the decline in earnings from that business. +21226008 "The company has been completely revamped," said Frank Knuettel, analyst for Prudential-Bache Securities Inc. +21226009 Third-quarter net income at Texaco rose to $305 million from $274 million last year. +21226010 Revenue declined 3.4%, to $8.4 billion from $8.7 billion. +21226011 Per-share earnings declined to $1.10 a share from $1.12 a share, largely because of 21 million additional shares issued to retire $1 billion of debt. +21226012 Per-share earnings also shrank because of dividends on a new series of preferred stock. +21226013 Sun Sun Co.'s net income climbed 18% to $85 million, or 80 cents a share, from $72 million, or 67 cents a share. +21226014 Revenue increased 11%, to $2.73 billion from $2.46 billion. +21226015 Sun said some of the growth reflects higher earnings in the oil sands operation of Suncor, a majority-owned Canadian subsidiary. +21226016 Chairman Robert McClements Jr. said the synthetic crude oil production from the facility rose even as the price for that oil increased. +21226017 Overseas exploration and production results also improved because of additional output from the North Sea Magnus Field, a portion of which was acquired by Sun earlier this year. +21226018 Results declined, however, in Sun's refining and marketing and coal businesses. +21226019 Shell Oil +21226020 Profits of Shell, a subsidiary of the Royal Dutch/Shell Group, tumbled $24 million, or 6.6%, to $340 million, despite a gain of $30 million from an insurance settlement. +21226021 President Frank Richardson attributed the decline to lower natural gas prices, which countered higher earnings from the crude oil sector of Shell's exploration and production operation. +21226022 Shaving away some of the gain in that unit was a decline in U.S. oil production to 502,000 barrels of oil a day during the quarter from 527,000 barrels a day last year. +21226023 Shell's chemical earnings fell by $67 million, to $137 million, reflecting lower margins and less demand for commodity chemicals. +21226024 Mobil +21226025 Net income at Mobil Corp. slipped 4.5% to $532 million, or $1.30 a share, from $557 million, or $1.36 a share. +21226026 Revenue declined $518 million, to $13.63 billion. +21226027 Earnings included a one-time gain of $192 million on a property transaction in Hong Kong. +21226028 Exploration and production profits slumped $40 million due to a provision for restructuring costs. +21226029 The restructuring will take place over a two-year period and will involve the transfer and layoff of employees in U.S. operations to reduce costs and focus efforts in other areas. +21226030 Last year, third-quarter earnings included a $157 million gain from foreign tax rate changes and a loss from a $65 million write-off of reserves. +21226031 Chevron +21226032 Chevron's net income fell 0.7%, to $417 million, or $1.22 a share, from $420 million, or $1.23 a share. +21226033 Results included a $37 million gain from the sale of rights from Chevron's investment in Amax Inc., and a loss of $30 million from the sale of California oil and gas properties. +21226034 Revenue rose 11%, to $8 billion from $7.2 billion. +21226035 Chevron said higher crude oil prices boosted profits from production operations, but margins in refining and marketing declined. +21226036 Profits from U.S. exploration and production operations totaled $58 million, after the property sale loss, compared with a year-earlier $44 million loss that included a $16 million reorganization charge. +21226037 Refining and marketing operations earned $130 million in the quarter this year, compared with earnings of $186 million a year earlier that included $18 million in charges for environmental programs. +21226038 Foreign earnings fell to $180 million from $182 million that included a $48 million gain from lower Canadian and Australian taxes. +21226039 Chemical profits fell to $78 million from $98 million. +21226040 Jeff Rowe contributed to this article. +21227001 Asarco Inc., continuing its effort to refocus its business, ended its involvement in asbestos mining in the third quarter and said it would stop mining and selling coal by year end. +21227002 The mining, metal and specialty-chemical concern said combined revenue for asbestos and coal was about $40 million of the company's total revenue in 1988 of $1.98 billion. +21227003 Richard de J. Osborne, chairman, president and chief executive officer, said the company's "decisions to get out of asbestos and high-sulfur coal continue the process of simplifying and focusing the company in areas with a better future." +21227004 Asarco also reported third-quarter net income rose 14%, to $52.7 million, or $1.25 a share, from a restated $46.2 million, or $1.10 a share, a year earlier. +21227005 Asarco said the gain reflected continued strength in prices for refined copper, lead and zinc, and higher equity earnings in Mexico Desarrollo Industrial Minero S.A., a Mexican mining company in which Asarco has a 34% stake. +21227006 The 1988 results were restated for accounting-rules changes. +21227007 Sales rose 4.5% to $522.3 million from $499.4 million. +21227008 In August, Asarco, through its Lac d'Amiante du Quebec subsidiary, sold its remaining one-third interest in an asbestos mining limited partnership in Canada for $11.7 million. +21227009 Asarco said it plans to shut down or sell its Rapatee coal mine and will end its involvement in southern Illinois strip mining. +21227010 The company said that it is discussing a management-employee buy-out of the facility, but that it would stop mining and selling coal at year end when existing sales contracts expire, regardless of the outcome of those talks. +21227011 In New York Stock Exchange composite trading, Asarco fell $1.375 to close at $31.75. +21228001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +21228002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +21228003 Estimated and actual results involving losses are omitted. +21228004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +21228005 Otherwise, actual profit is compared with the 300-day estimate. +21229001 David W. Lodge was elected vice president and chief financial officer, effective Nov. 1. +21229002 Mr. Lodge, 48 years old, a former finance executive at Singer Sewing Machine Co. and Celanese Corp., succeeds Francis L. Brophy, 64, who plans to retire from the company next year. +21230001 Carlos A. Salvagni, vice president, pharmaceutical manufacturing, will assume responsibility for manufacturing in Kalamazoo, Mich., effective Nov. 1. +21230002 Mr. Salvagni, 53 years old, succeeds John C. Griffin, 57, who is retiring as corporate vice president of pharmaceutical manufacturing. +21230003 Upjohn is a world-wide provider of health-care products and services, seeds and speciality chemicals. +21231001 This Brooklyn, N.Y., generic-drug maker announced a 5% stock dividend payable Dec. 15, to holders of record Nov. 15. +21231002 As of Sept. 30, Halsey had 5.3 million common shares outstanding. +21231003 Jay Marcus, president, said the move "reflects the confidence of our board and management in Halsey's long-term prospects and our desire to provide our shareholders with an attractive return on their investment." +21231004 In American Stock Exchange composite trading, Halsey closed at $5.8125 a share, up 6.25 cents. +21232001 Walter M. Brady was named a senior vice president of this insurer in the Canadian head office. +21232002 He had been vice president in that office. +21232003 John B. Foy was named senior vice president and remains responsible for the individual policy services department. +21232004 Frank J. Ollari was named senior vice president in charge of the mortgage finance department. +21232005 He had been vice president of the department, which was formerly called the real estate department. +21233001 Timothy C. Brown, a vice president, was named executive vice president and a director of this lighting and specialty products concern. +21233002 In the director post, Mr. Brown, 38 years old, succeeds Joseph W. Hibben, who retired from the board in August. +21233003 C. Barr Schuler, 49, vice president and chief financial officer, was named senior vice president of corporate development and acquisitions, a new post. +21233004 Phillip J. Stuecker, 37, vice president, secretary and treasurer, was named vice president of finance and chief financial officer. +21233005 He remains secretary. +21234001 Ronald B. Koenig, 55 years old, was named a senior managing director of the Gruntal & Co. brokerage subsidiary of this insurance and financial-services firm. +21234002 Mr. Koenig will build the corporate-finance and investment-banking business of Gruntal, which has primarily been a retail-based firm. +21234003 He was chairman and co-chief executive officer of Ladenburg, Thalmann & Co. until July, when he was named co-chairman of the investment-banking firm along with Howard L. Blum Jr., who then became the sole chief executive. +21234004 Yesterday, Mr. Blum, 41, said he wasn't aware of plans at Ladenburg to name a co-chairman to succeed Mr. Koenig and said the board would need to approve any appointments or title changes. +21234005 Mr. Blum added he wasn't surprised Mr. Koenig resigned, but his departure was "nothing that we desired or worked for." +21234006 Mr. Koenig said: "I just got a tremendous offer from Gruntal. +21235001 MCI Communications Corp. said it received a $12 million contract to provide virtual network services to Woolworth Corp.'s 5,600 corporate and retail sites in the +21235002 The contract also provides for advanced billing and network management services. +21235003 Woolworth said it expects to expand usage of the MCI services as it adds about 6,000 business locations over the next few years. +21236001 The Philippine merchandise trade deficit widened to $1.71 billion during the first eight months of 1989 from $807 million a year earlier. +21236002 Imports continued to outpace Philippine exports, despite gains in shipments abroad, the government National Statistics Office said. +21236003 Exports reached $5.12 billion, up from $4.52 billion a year earlier, while imports rose to $6.81 billion from $5.33 billion. +21236004 The trade deficit in the first eight months is already wider than the trade gap of $1.09 billion for all of 1988. +21236005 Analysts expect the trade gap for the year to surpass $2 billion as demand for capital equipment and raw materials continues to push imports higher. +21237001 Birtcher Corp. said it signed a definitive agreement with C.R. Bard Inc., a Murray Hill, N.J., maker of health-care products, for the purchase of the company's Bard/EMS Electrosurgery division for about $11 million. +21237002 Birtcher, a maker of electronic medical equipment, said the transaction is expected to close on or before Nov. 30. +21237003 Bard/EMS had 1988 sales of about $14 million, Birtcher said. +21238001 WINSTON-SALEM, N.C. -- +21238002 First Wachovia Corp. said John F. McNair III will retire as president and chief executive officer of this regional banking company's Wachovia Corp. and Wachovia Bank & Trust Co. subsidiaries on Dec. 31. +21238003 Mr. McNair, 62 years old, will be succeeded by L.M. "Bud" Baker Jr., 47, the parent's chief credit officer and head of its administration division. +21238004 Mr. Baker will relinquish his previous positions, but a successor for him hasn't been named yet. +21238005 In addition, on Jan. 1, Thomas A. Bennett, 52, will become vice chairman and chief operating officer of Wachovia and Wachovia Bank & Trust, filling a vacancy left by the retired Hans W. Wanders in April. +21238006 Mr. Bennett will continue as executive in charge of the North Carolina banking operation. +21238007 Messrs. Baker and Bennett have been elected directors of Wachovia and Wachovia Bank & Trust filling vacant seats on both boards. +21239001 Canadian retail sales rose 0.2% in August from July, Statistics Canada, a federal agency, said. +21239002 The August increase followed a 0.3% decline in July. +21239003 During the past four months, retail sales have remained generally weak, advancing an average 0.2% a month, the agency said. +21240001 Raw-steel production by the nation's mills decreased 0.7% last week to 1,816,000 tons from 1,828,000 tons the previous week, the American Iron and Steel Institute said. +21240002 Last week's output fell 1.7% from the 1,848,000 tons produced a year earlier. +21240003 The industry used 81.6% of its capability last week, compared with 82.2% the previous week and 86.2% a year ago. +21240004 The American Iron and Steel Institute reported: The capability utilization rate is a calculation designed to indicate at what percent of its production capability the industry is operating in a given week. +21241001 With reduced exports and rising imports, South Korea's trade surpluses with the U.S. and Europe between January and September fell sharply from a year ago, the Customs Administration said. +21241002 Officials said South Korea's trade surplus with the U.S. for the first nine months of the year totaled $3.49 billion, down 43% from the same period last year on a customs-clearance basis. +21241003 South Korean exports to the U.S. during the period fell 1.6% from a year ago to $15.06 billion, while imports from the U.S. soared 26% to $11.56 billion. +21241004 The trade surplus with Europe was pegged at $414 million, down 57% from a year ago. +21241005 Officials said South Korean exports to Europe dropped 5.3% to $3.02 billion while imports from there went up 17% to $2.61 billion. +21242001 Bausch & Lomb Inc. said its pharmaceuticals subsidiary agreed to supply collagen corneal shields for animal eye surgery to a unit of International Minerals & Chemical Corp. +21242002 Terms weren't disclosed. +21242003 The agreement marks Bausch & Lomb's first venture selling its eye care products for use by veterinarians. +21242004 The collagen corneal shield helps speed healing of the cornea after eye surgery. +21242005 The product will be distributed by Pitman-Moore Inc., a subsidiary of International Minerals. +21243001 France's industrial production index for July and August rose 1% from June and was up 4.6% from a year ago, according to seasonally adjusted data from the National Statistics Institute. +21243002 The state agency, which usually publishes the data on monthly basis, but traditionally combines the index for the two summer-holiday months, said the advance was led by output of consumer goods, which rose 3.5% from June and was up 7.2% from a year earlier. +21243003 Semifinished goods turned in a strong showing, with a monthly rise of 2% and a year-on-year advance of 3%. +21243004 Food production was ahead 1.7% from June and 5.3% from a year earlier. +21243005 Output in the capital-goods sector was ahead 0.9% on a monthly basis and 2.7% year on year. +21243006 These gains were partly offset by output of cars and other consumer durables, which eased 3.9% from June's high level. +21243007 The sector was still 8.8% above its output levels from a year earlier, however. +21244001 International Minerals & Chemical Corp. said it agreed definitively to sell its international fragrance business to Bayer AG of West Germany. +21244002 Terms weren't disclosed. +21244003 The maker of animal health and nutrition products said the business, Creations Aromatiques of Port Valais, Switzerland, and Woodside, N.Y., is a division of its Mallinckrodt Inc. subsidiary and had sales of about $30 million for its most recent year. +21244004 International Minerals said the sale will allow Mallinckrodt to focus its resources on its core businesses of medical products, specialty chemicals and flavors. +21245001 Consumers Power Co. filed with the Michigan Public Service Commission a contract to buy power from the Palisades nuclear plant under a proposed new ownership arrangement for the plant. +21245002 Consumers Power and Bechtel Power Corp. last year announced a joint venture to buy the plant, currently owned completely by the utility. +21246001 Two Japanese scientists said they discovered an antibody that, in laboratory test-tube experiments, kills AIDS-infected cells while preserving healthy cells. +21246002 If further experiments are successful, the work would represent a major advance in research on acquired immune deficiency syndrome. +21246003 The drug AZT, the only treatment currently on the market, claims only to help stop the spread of AIDS, not to cure it. +21246004 But several analysts and Japanese scientists familiar with the study, which was announced at a conference in Nagoya yesterday, expressed skepticism over the significance of the results. +21246005 And the researchers themselves acknowledged they still must do much more work before they can say whether the treatment would actually cure humans. +21246006 Shin Yonehara, a research scientist at the Tokyo Metropolitan Institute of Medical Science, said the antibody he discovered works by recognizing an antigen called a Fas-antigen, which is characteristic of an infected cell. +21246007 The antibody then kills the cell. +21246008 Dr. Yonehara and his partner, Nobuyuki Kobayashi of Yamaguchi University, said their experiments showed that the antibody wiped out an average of 60% of AIDS-infected cells within three days. +21246009 In some of the experiments, it killed almost all the infected cells, the researchers said. +21246010 Meanwhile, fewer than 10% of the healthy cells were killed. +21246011 The two said they must still do more laboratory tests, then experiment on animals. +21246012 They said they hoped to conduct tests on human patients in the U.S. by late next year. +21246013 Japan doesn't have enough AIDS patients to do significant experimentation in that country, they said. +21246014 The announcement got wide exposure in the Japanese media, and even moved some pharmaceutical stocks yesterday. +21246015 But Takashi Kitamura, director of the biology department at Japan's National Institute of Health and secretary of the government's AIDS-research center, said, "I'm not so optimistic of its future use in therapeutic methods." +21246016 He said some infected cells may not have the relevant antigen and so wouldn't be killed even after exposure to the antibody. +21246017 "The results seem to be very premature," said Mitsuru Miyata, editor of Nikkei Biotechnology, a leading Japanese industry newsletter. +21246018 Dr. Kobayashi responded that he thought the antibody could potentially kill all infected cells. +21246019 But he and Dr. Yonehara said there were still several uncertainties, particularly regarding possible side effects. +21246020 "Our antibody specifically killed infected cells at a very low dose, but it can also kill other cells," said Dr. Yonehara. +21246021 "We don't know the effect of our antibody on the human body." +21246022 AIDS isn't considered a widespread problem in Japan -- the government reports about 1,000 known carriers of the virus -- but many companies have poured substantial resources into research in recent years, hoping to cash in on a possible cure. +21246023 Dr. Kitamura said about 35 projects are currently under way in Japan, and that Japanese researchers in the past year have made available three possible cures to American researchers for clinical tests. +21246024 He said that when scientists from the two countries meet again in January in New Orleans, the Japanese will present at least three more drugs for human testing. +21246025 AZT is the world's only prescription medicine approved for treating the disease. +21246026 Wellcome PLC, a major British pharmaceutical maker, sells the drug under the name Retrovir. +21246027 A Wellcome spokesman declined to comment on the discovery of the antibody in Japan. +21246028 But Andrew Porter, a drug-industry analyst at Nikko Securities Co. in London, said if the product were to be successfully developed it would represent "a potential threat to the long-term viability of Retrovir. +21247001 The following issues were recently filed with the Securities and Exchange Commission: +21247002 American Exploration Co., offering of five million common shares, via Smith Barney, Harris Upham & Co. and Shearson Lehman Hutton Inc. +21247003 Chemical Waste Management Inc., proposed global offering of 8,500,000 shares of common stock, of which seven million of the shares will be offered in the U.S. and 1,500,000 shares will be offered overseas, via Merrill Lynch Capital Markets (domestic) and Kidder, Peabody & Co. (international). +21247004 Interlake Corp., proposed offering of $200 million of senior subordinated debentures, via Goldman, Sachs & Co. +21247005 InterMedia Capital Corp., Robin Cable Systems L.P. and Brenmor Cable Partners, offering of senior subordinated discount reset debentures, via Drexel Burnham Lambert Inc. +21247006 John Nuveen & Co., initial offerings of the Nuveen California Performance Plus Municipal Fund Inc. and the Nuveen New York Performance Plus Municipal Fund Inc., via Alex. Brown & Sons Inc. +21247007 KnowledgeWare Inc., initial offering of three million shares of its common stock, of which 1,657,736 shares will be sold by the company and 1,342,264 will be sold by holders, via Montgomery Securities and Donaldson, Lufkin & Jenrette Securities Corp. +21247008 MGM Grand Inc., proposed offering of six million shares of common stock, via Merrill Lynch. +21247009 Microlog Corp., formerly called Old Dominion Systems Inc., offering of 1.2 million common shares, of which one million will be sold by the company, and the balance by holders, via Hambrecht & Quist and Johnston, Lemon & Co. +21247010 Scott Paper Co., shelf offering of up to $360 million of debt securities, via Goldman Sachs, Salomon Brothers Inc. and Smith Barney, Harris Upham. +21247011 Sullivan Graphics Inc., offering of $110 million of senior subordinated notes, via Merrill Lynch. +21247012 Sun Sportswear Inc., initial offering of 1.7 million common shares, of which one million shares will be sold by the company, and the balance by a holder, via Salomon Brothers Inc. and Piper, Jaffray & Hopwood Inc. +21247013 Yes Clothing Co., proposed initial offering of 776,470 common shares, of which 600,000 shares will be offered by the company and 176,470 by holders, via Seidler Amdec Securities Inc. +21248001 A #320 million ($508 million) British Airways PLC rights issue flopped badly -- the victim of recent market turbulence and the collapse of the buy-out bid for United Airlines' parent, UAL Corp. +21248002 The United Kingdom carrier had planned the issue to help finance its $750 million purchase of a 15% stake in UAL. +21248003 But British Airways withdrew from the UAL labor-management buy-out plan last Friday, after the group failed to get bank financing for its $6.79 billion buy-out. +21248004 British Airways said its shareholders accepted only 6.3% of the convertible capital bonds, but that the rest of the issue will be taken up by underwriters. +21248005 Analysts said that 6.3% level marked the poorest showing for any major British rights issue since the 1987 global stock market crash. +21248006 "It is close to being a record undersubscription," said Bob Bucknell, an analyst with London broker Smith New Court Securities. +21248007 "Fund managers don't like to have rights issues that don't have an obvious reason. +21248008 The obvious reason was (for British Air) to buy a stake in United Airlines." +21248009 In a statement, British Air Chairman Lord King said the company was "obviously disappointed that the issue was not taken up, but it would have been unreasonable to expect a better result given the volatility of the stock market since the launch of the issue." +21248010 But except for the embarrassment, British Air will emerge relatively unscathed from the flopped issue. +21248011 Underwriters led by Lazard Brothers & Co. will pick up the rest of the airline's offer of four convertible capital bonds for every nine common shares. +21248012 Lazard and other primary underwriters have reduced or eliminated their exposure by sub-underwriting the issue among U.K. institutional investors. +21248013 "The (paper) loss here is very small" for these sub-underwriters, observed John Nelson, a Lazard managing director. +21248014 In any case, he added, "most institutions probably won't sell" the bonds. +21248015 And instead of buying the UAL stake, the U.K. carrier will be able to reduce its high debt level and build an acquisition war chest. +21248016 "From a cash flow point of view, British Airways is better off not being in United Airlines in the short term," said Andy Chambers, an analyst at Nomura Research Institute in London. +21248017 Added another U.K. analyst: "It gives them some cash in the back pocket for when they want to do something." +21248018 For instance, British Air is continuing to negotiate with KLM Royal Dutch Airlines about each acquiring a 20% stake in Sabena World Airlines, the air transport subsidiary of the Belgian national airline. +21248019 A definitive agreement had been expected by the end of July. +21248020 The failed rights issue also should have a modest impact on British Air shares. +21248021 The airline's share price already is far below the 210 pence ($3.33) level seen after the company announced the rights issue in late September. +21248022 In late trading on London's Stock Exchange yesterday, the shares were off three pence at 194 pence. +21248023 And because British Air is issuing convertible bonds rather than ordinary shares, the share price won't be directly hurt by any surplus left with underwriters after they try to sell the issue in the open market. +21248024 But British Air's withdrawal from the UAL buy-out could have further repercussions. +21248025 Some analysts speculated yesterday that the move has set off a board room split, which may lead to the resignation of Sir Colin Marshall, the carrier's chief executive officer. +21248026 "The stories are rubbish," a British Air spokesman said. +21248027 "There is no difference of opinion between (Chairman) Lord King and Sir Colin on any aspect of company policy. +21249001 MINORITY RECRUITING has yet to meet hopes raised by Bush administration. +21249002 Six months ago, as some personnel specialists saw it, a perception that President Bush really cared about fair employment -- after what they said was eight years of Reagan-era neglect -- was prodding top management to raise hiring goals for females, blacks and other minorities. +21249003 The perception lingers, says an official at a major industrial company. +21249004 But so far, he declares, there's little evidence the "new urgency" is trickling down to the managers who actually do hiring. +21249005 "Is there really a commitment or an illusion of activity?" he asks. +21249006 The recruiting "hasn't materialized," asserts Jeffrey Christian, who runs a search agency. +21249007 Samuel Hall, Howard University's placement director, also doesn't see it. +21249008 And he questions the White House dedication. +21249009 "I don't think the Bush administration has done anything," he says. +21249010 Recruiter Donald Clark does note an increase in searches for minority candidates. +21249011 But some of the activity, he says, may reflect a rush to get "numbers in order" for end-of-year reports. +21249012 PAY FOR PERFORMANCE hangs mostly on boss's subjective view. +21249013 Du Pont Co. in a couple of units has installed objective tests based on earnings or return on equity. +21249014 Many companies have set up machinery to assure workers a fair shake. +21249015 At most firms, though, it's the immediate supervisor who decides the merit increases subordinates will be paid. +21249016 Managers have "some very broad discretion," says an official at Walt Disney Co. +21249017 Unocal Corp.'s top management sets guidelines, but line supervisors slice up the merit pie. +21249018 Lotus Development Corp. feeds its evaluations into a computer, but only for storage; the decisions are made by supervisors. +21249019 Hershey Foods Corp. strives for fairness by basing increases on quarterly reviews, annual appraisals and meetings with workers. +21249020 At Chemfix Technology Inc., each supervisor's recommendation must be approved by the next boss up the line, and then sanctioned by a salary review committee. +21249021 JAPANESE COMPANIES fare best in U.S. when they give Americans more say. +21249022 University of Michigan researchers find the companies earn more and win a bigger market share when their American employees get a voice in planning, product development and design, including decision-making back in Japan. +21249023 "You can't hire competent Americans and say, `Let them run only their own show,'" says Vladimir Pucik, who headed the study run with Egon Zehnder International, a search firm. +21249024 The researchers say many Japanese companies err in the U.S. by adopting the American practice of hiring managers on the "open market." +21249025 In Japan, by contrast, companies tend to develop their own talent and promote from within. +21249026 The Japanese also are accused of keeping their cards too close to their vests. +21249027 "Some Japanese executives are not yet . . . comfortable about sharing strategic information with their American colleagues," the researchers say. +21249028 Americans stay longer with Japanese firms than American companies. +21249029 But they think promotions are limited. +21249030 THE HOUSE votes down a proposal to put pension plans under the control of joint labor-management boards. +21249031 Some consultants had insisted it wouldn't work. +21249032 LONG-TERM care insurance gains favor. +21249033 More than half the people surveyed for the Employee Benefit Research Institute say they would be willing and able to pick up most of the cost of the coverage. +21249034 FRINGE-BENEFIT spending by small and medium-sized employers has dropped to 25% of payroll from 29% three years ago, says the National Institute of Business Management, an advisory service. +21249035 OUSTED EXECUTIVES over 50 years old take slightly less time than their younger colleagues to find a job -- 3.23 months vs. 3.26 for the juniors -- outplacement firm Challenger, Gray & Christmas finds. +21249036 It's the first time in the survey's 15 years that the over-50 group came out ahead. +21249037 FEAR OF AIDS hinders hiring at few hospitals. +21249038 Dedication runs high. +21249039 Wafaa El-Sadr, who heads the AIDS program at New York City's Harlem Hospital Center, can't find help. +21249040 "I've been recruiting every single day since it's been identified that many AIDS patients come from the inner city," she says. +21249041 She was the only staff physician available to treat AIDS patients last summer and now she has the help of only two doctors part time. +21249042 Part of the problem, though, may reflect a general unwillingness to work with the urban poor. +21249043 Parkland Memorial Hospital in Dallas says it hasn't had any problem recruiting, even after a nurse contracted the virus while injecting an AIDS patient. +21249044 "I can tell you that nobody quit over it. +21249045 No one panicked," a spokeswoman says. +21249046 St. Paul Medical Center, also in Dallas, sees only a "minimal erosion" of support staff due to AIDS. +21249047 Yale-New Haven Hospital sees no problem, says John Fenn, the chief of staff. +21249048 "There are enough enlightened and spirited individuals who know their responsibilities," he says. +21249049 THE CHECKOFF: At least somebody gains on layoffs. +21249050 The Association of Outplacement Consulting Firms says the industry's volume has soared tenfold since 1980, to $350 million a year. . . . +21249051 And somebody loses on the expected repeal of Section 89, the benefits test fought by most employers. +21249052 Triad Solutions says software producers had each invested hundreds of thousands of dollars in programs that now have no use. +21250001 Big gains for the ultra-right Republicans party in Baden-Wuerttemburg state municipal elections Sunday showed eroding support for Chancellor Helmut Kohl in a traditional bastion for his Christian Democratic Union. +21250002 With ballots from most of the state's major cities in by yesterday morning, the Republicans came away with 10% of the vote in several of the key districts. +21250003 With many rural districts yet to report ballots, election officials estimate support for Christian Democrats fell an average five percentage points statewide. +21250004 The left-of-center Social Democrats and the environmental Greens party posted mixed results. +21250005 Headed by a former Waffen SS sergeant and working from a nationalistic platform of anti-foreigner rhetoric, the fledgling Republicans party has scored surprising gains in earlier elections in the states of West Berlin, Hesse and North-Rhine Westphalia. +21250006 With West German unemployment remaining high at two million jobless and the lack of affordable housing becoming a primary issue for next year's campaign, the Republicans are seen drawing support for their "Germans First" stand on social-welfare issues. +21250007 Election analysts acknowledge that a "Red-Green" coalition of Social Democrats and Greens could edge out Chancellor Kohl's coalition in the December 1990 national election if support for the Republicans continues to spread. +21250008 International investigators urged Britain to allow prosecution of suspected Nazi war criminals who took refuge there after 1945. +21250009 Under current law, such suspects are immune from prosecution for acts committed while not British citizens. +21250010 "If we're not careful we could become known as a haven for war criminals," said Jeff Rooker, a member of Parliament and one of several British politicians attending a London conference with government investigators from the U.S., Canada and Australia. +21250011 A parliamentary inquiry found in July that more than 70 people living in Britain could have been part of death squads that roamed Nazi-occupied Eastern Europe. +21250012 Parliament is expected to discuss next month whether to change the law. +21250013 British investigations were prompted by a list of 17 alleged war criminals living in Britain sent to Prime Minister Margaret Thatcher in October 1986 by the Simon Wiesenthal Center in Los Angeles. +21250014 In a sign of easing tension between Beijing and Hong Kong, China said it will again take back illegal immigrants caught crossing into the British colony. +21250015 China had refused to repatriate citizens who sneaked into Hong Kong illegally since early this month, when the colony allowed a dissident Chinese swimmer to flee to the U.S. +21250016 About 1,100 Chinese were awaiting repatriation yesterday. +21250017 Italy's Foreign Ministry said it is investigating exports to the Soviet Union by an Ing. C. Olivetti & Co. subsidiary called OCN-PPL that makes numerically controlled machine tools. +21250018 Although Italy's investigation of whether Olivetti had violated Western export-control rules had previously been made known, this marked the first time the unit and product were named. +21250019 The U.S. is worried about the convertibility of Olivetti's machine tools to military use. +21250020 However, an Olivetti spokeswoman said OCN-PPL, of which Olivetti sold the majority interest last year, "doesn't make equipment that has the type of precision necessary for sophisticated productions." +21250021 Conservationists say that drift-net fishing threatens to wipe out much of the world's tuna stocks in a few years. +21250022 But the Japanese Fisheries Association criticized moves to ban the practice in international waters. +21250023 "It is really unfortunate for human beings to be swayed by emotional discussions," the association said. +21250024 In driftnet, or "wall of death," fishing, fleets lay nets up to three miles long that trap almost everything in their path. +21250025 Earlier this year, Japan said it would cut the number of its drift-net vessels in the South Pacific by two-thirds, or down to 20. +21250026 Workers at Peugeot S.A.'s car plant at Sochaux, in eastern France, voted to end a six-week-old strike that has cost the Peugeot group production of 60,000 automobiles, a company spokesman said. +21250027 The strikers voted to accept a series of management proposals that will give them a higher basic wage, better profit-sharing benefits and bigger annual bonuses. +21250028 The spokesman said the vote at Sochaux is expected to be followed by a similar move at the company's assembly plant at Mulhouse, where the number of strikers has been whittled down to 80. +21250029 About 8,000 National Union of Mineworkers members resumed their strike against De Beers Consolidated Mines Ltd. after further negotiations to settle a wage dispute broke down. +21250030 Striking workers, who began striking five diamond mines on Oct. 13, had returned to work last week when the union and De Beers arranged to reopen negotiations. +21250031 A De Beers spokesman said yesterday the company had offered to increase the minimum wage by 18%, while the union was demanding 26.6%. +21250032 Before the two parties resumed talks last week, De Beers offered 17% and the union wanted 37.6%. +21250033 China's People's Daily took note of the growing problem of computer fraud. +21250034 Since the first fraud was discovered in July 1986 at an office of the People's Bank of China in Shenzhen, 15 major cases have been found, the paper said; the biggest was the theft of $235,000 from a bank in Chengdu in March 1988. +21250035 The number of computers has mushroomed in recent years, with 10,000 in use, as well as 30,000 miniature models. +21250036 But security systems, effective management controls and regulations to govern their use have not kept pace, the People's Daily said. +21250037 Besides money, criminals have also used computers to steal secrets and intelligence, the newspaper said, but it gave no more details. +21250038 Japanese tourists will be told to take care when photographing earthquake damage in San Francisco, the Japan Association of Travel Agents said. +21250039 The association issued an advisory to its 1,685 member agencies following a report from the Foreign Ministry that picture-taking by Japanese tourists in earthquake-stricken areas was causing ill feeling among local residents. . . . +21250040 Tass said Lenin's tomb in Red Square will be closed from Nov. 10 to Jan. 15 for essential maintenance. +21250041 The red granite mausoleum draws thousands of visitors daily. +21251001 Fatalities on rural interstates rose 33% between 1986 and last year, the National Highway Traffic Safety Administration said in a report on the impact of the 65 miles-per-hour speed limit on those roads. +21251002 The report to Congress said that fatalities rose 18% in 1987 and 13% in 1988 on rural interstates. +21251003 The 1987 highway bill permitted states to raise the speed limit to 65 mph from 55 mph on interstate roads, which are defined as highways that pass through areas with fewer than 50,000 people. +21251004 Since 1987, 40 states have increased the speed limit on rural interstates. +21251005 "About one-third of the fatality increase is attributed to greater travel, and about two-thirds is attributed to other factors {primarily to greater speed}," according to NHTSA. +21251006 The report showed that deaths on urban interstate highways rose 7% between 1986 and last year, while fatalities on non-interstate roads were about the same in 1988 as in 1986. +21251007 In states that raised the speed limit on rural interstates, the fatality rate rose about 18% to 1.7 deaths per 100 million miles traveled between 1986 and 1988. +21251008 In contrast, the fatality rate in the states that retained the 55 mph limit was 0.9 last year, the same as in 1986. +21252001 Well-Seasoned Reasoning +21252002 ("Food manufacturer changes spelling of `catsup' to `ketchup,' saying that's the spelling people now prefer." +21252003 -- WSJ Business Bulletin) +21252004 Public preference is important, So product names should match up, And firms that find they're lagging behind Should now take steps to ketchup! +21252005 -- George O. Ludcke. +21252006 Judge Not +21252007 How easy it is To attack others' views Without ever setting A foot in their shoes! +21252008 -- G. Sterling Leiby. +21252009 Daffynition +21252010 Money-making course: wad-working. +21252011 -- Thomas Henry. +21253001 In an Oct. 10 editorial-page article, "It's the World Bank's Turn to Adjust," Paul Craig Roberts lays most of the blame for what ails developing countries at the doorstep of the World Bank. +21253002 The article is, unfortunately, replete with outrageous distortions. +21253003 One of Mr. Roberts's observations is that the Bank's own loan portfolio is in deep trouble because of its lending to developing countries. +21253004 This is just not so. +21253005 The reality is that Bank finances are rock solid. +21253006 As of June 30, 1989 -- the day our past fiscal year came to a close -- only 4.1% of the Bank's portfolio was affected by arrears of over six months. +21253007 This is an enviably low level. +21253008 Moreover, the Bank follows a prudent provisioning policy and has set aside $800 million against possible loan losses. +21253009 For the same fiscal year, by the way, the Bank's net income was a robust $1.1 billion after provisions. +21253010 Because of the business-like manner in which the Bank goes about development, financial markets have confidence in it. +21253011 This helps explain the triple-A rating enjoyed by our bonds and our ability to borrow $9.3 billion in fiscal 1989 on the most advantageous terms. +21253012 Another of Mr. Roberts's criticisms is that Bank lending has done more harm than good "by implanting the wrong incentives and deflecting energy away from economic development." +21253013 Here, too, Mr. Roberts is way off the mark. +21253014 The reality is that Bank loans have been linked to policy improvements for 40 years. +21253015 Our traditional project loans have, for instance, supported sensible energy pricing in the power sector, sound interest-rate policies in the credit area and the operation of public utilities as efficient, autonomous agencies. +21253016 By and large, these efforts have borne fruit. +21253017 In my home region, Latin America, much of the existing infrastructure base -- an important building block for development -- has been financed by the World Bank. +21253018 Mr. Roberts also takes a swipe at the Bank's adjustment lending. +21253019 What are the facts on this type of lending? +21253020 The Bank has been making adjustment loans for 10 years. +21253021 As their name implies, these operations are linked to far-reaching policy reforms that aim at helping borrowing countries get back on the growth path and at enhancing their credit-worthiness. +21253022 Typically, these measures include reforms to downsize the role of government and parastatals in the economy, to open up inward-looking economies to international competition and to promote the development of a vigorous private sector. +21253023 Support for the private sector has been a longstanding concern of the Bank's. +21253024 Over the years, it has helped encourage investments by entrepreneurs in the Third World through its extensive credit operations and through loans and investments by the International Finance Corp. +21253025 Most recently, the Bank Group has been expanded to include the Multilateral Investment Guarantee Agency to stimulate direct foreign investment in developing countries by offering guarantees against noncommercial risk and advice to member countries on how to improve their business climate. +21253026 These are not the actions of a development agency wed to central planning and to the concentration of investment decisions in the hands of government, as Mr. Roberts alleges. +21253027 Rather, they reflect the Bank's time-tested, pragmatic approach, which aims at ensuring that developing countries put their scarce resources to the best possible use. +21253028 Francisco Aguirre-Sacasa Director, External Affairs The World Bank +21254001 The government said it would streamline its enormous and often-criticized food marketing and distribution network, Compania Nacional de Subsistencias Populares, or Conasupo. +21254002 Conasupo Director Ignacio Ovalle Fernandez said the agency will sell 589 midsized supermarkets and several food-production plants and warehouses beginning early next year. +21254003 The agency will withdraw from the production of nine food products, maintaining production of the two most important ones, corn and milk. +21254004 Mr. Ovalle also said Conasupo will cut back subsidies to producers of nonessential farm products and close retail outlets in wealthy neighborhoods. +21254005 The agency's workers and private companies would be allowed to bid for the assets up for sale. +21254006 Conasupo controls prices on agricultural goods and operates retail outlets where basic consumer items are sold at state-subsidized prices. +21254007 Business leaders have long criticized the agency as a leading example of bureacratic waste. +21254008 Private-sector leaders praised the Conasupo restructuring. +21254009 But most economists doubt the streamlining would cut deeply into Conasupo government subsidy, which largely goes to reduce consumer prices for corn and milk. +21255001 The Food and Drug Administration banned all imports of mushrooms from China in response to a rash of food-poisoning outbreaks linked to canned Chinese mushrooms. +21255002 "The agency has concluded that contamination may be widespread throughout the mushroom-processing industry in China," an FDA spokesman said yesterday. +21255003 The agency won't allow mushrooms that were canned or packed in brine at any Chinese plant to enter the U.S. until "satisfactory sanitation-control measures are implemented in China to prevent" bacterial contamination. +21255004 On May 19, the FDA began detaining Chinese mushrooms in 68-ounce cans after more than 100 people in Mississippi, New York and Pennsylvania became ill from eating tainted mushrooms. +21255005 In subsequent tests, the agency found smaller-size cans from several Chinese plants to be similarly contaminated. +21255006 The outbreaks were traced to staphylococcus aureus, a type of bacteria that produces a toxin capable of surviving the high temperatures used in canning vegetables. +21255007 A recall of the mushrooms blamed for the food poisoning began in early March. +21255008 In 1987, China exported 65 million pounds of mushrooms, valued at $47 million, to the U.S. +21255009 The shipments went mostly to food-service distributors that supply pizzerias and restaurants. +21255010 A spokesman for the Chinese Embassy here said that the Beijing government has taken "many effective measures" to stop the mushroom contamination and is further investigating the underlying causes. +21255011 He predicted the problem will be solved "very soon." +21256001 Your Sept. 26 "Politics & Policy" article about William Bennett's Emergency Drug Plan for Washington gives the impression that the FBI has not been nor is actively involved. +21256002 This is not the case. +21256003 The FBI is very supportive of and an active participant in Mr. Bennett's initiative. +21256004 It was agreed at the outset of the Washington Drug Initiative that the FBI's role would be to continue targeting the major drug traffickers through our National Drug Strategy. +21256005 Through these investigations we do not focus on the street drug user, but rather we target and attack major drug-trafficking organizations that control a large segment of the drug market. +21256006 The trial of Raful Edmond III in Washington serves to highlight our efforts in this area and the results achieved through our excellent working relationship with the Drug Enforcement Administration and the Metropolitan Police Department (MPD). +21256007 The FBI's role is to complement the D.C. initiative through not only these major trafficking investigations, but also by providing a full range of services through various task forces and our contacts with local police squads handling drug-related crimes. +21256008 In fact, we have agents assigned full time to assist the MPD in drug-related crimes such as homicide and other crimes of violence. +21256009 Milt Ahlerich Assistant Director Office of Public Affairs Federal Bureau of Investigation +21257001 Ramada Inc. revised the terms of its restructuring and extended to Feb. 28, 1990, the deadline to complete the sale of its hotel business to New World Development Co. of Hong Kong and Prime Motor Inns Inc. of Fairfield, N.J. +21257002 Ramada's previous plan was derailed by upheaval in the junk-bond market that hindered the offering of $400 million in high-yield securities of Aztar Corp., the new company that will operate Ramada's casinos in Nevada and Atlantic City, +21257003 Under the new terms, New World will still pay $540 million for Ramada's hotel business, subject to adjustment at closing, but Ramada will now reimburse New World for $10 million in expenses. +21257004 Prime will still manage Ramada's domestic franchise system when the sale closes. +21257005 Revised terms call for each Ramada common share to be exchanged for $1 in cash, subject to possible reduction, and one share of Aztar common stock. +21257006 Shareholders will also receive one cent per share for the redemption of preferred stock purchase rights. +21257007 The cash payout will be reduced by 40% of any amount by which the weighted mean price of Ramada's common stock exceeds $14 on the day the transaction closes. +21257008 The provision will help provide for tax liabilities that may stem from the restructuring. +21257009 Ramada's stock rose 87.5 cents on the news to close at $11.25 in composite New York Stock Exchange trading. +21257010 The announcement dispelled some Wall Street observers' fears that New World might demand a huge premium for the delay, or scrap the deal entirely. +21257011 The previous deadline to complete the sale was Nov. 30. +21257012 One major advantage of the revised plan is that Aztar will have far less debt than under the old terms. +21257013 "They'll go from being one of the most leveraged to one of the least leveraged casino companies," said Daniel Lee, an analyst with Drexel Burnham Lambert Inc. +21257014 Mr. Lee values the package at between $15 and $20 a share, based on current trading prices of other casino-company stocks. +21257015 The much-revised restructuring, which was first announced in October 1988, must again be approved by shareholders and state casino regulators in Nevada and New Jersey. +21257016 Financing plans include raising $170 million in debt secured by the company's holdings in New Jersey. +21257017 In May, Ramada sold its Marie Callender Pie Shops Inc. unit to a group of private investors as part of its plan to focus on its casinos in Atlantic City and in Las Vegas and Laughlin, Nev. +21258001 Bond prices took the high road and stock prices took the low road as worries mounted about the economy and the junk bond market. +21258002 The Dow Jones Industrial Average fell 26.23 points to 2662.91 in sluggish trading. +21258003 But long-term Treasury bonds staged a modest rally, with prices on most issues rising about half a point, or $5 for each $1,000 face amount. +21258004 The dollar sagged against other major currencies in lethargic trading. +21258005 Traders and analysts said the divergence between the stock and bond markets is a sign of growing unease about the economic outlook. +21258006 A sinking economy depresses corporate earnings and thus stock prices, but it buoys bond prices as interest rates fall. +21258007 That unease is expected to grow today when the government reports on September durable goods orders and again Thursday when the first assessment of third-quarter economic growth is released. +21258008 Analysts say they think durable goods orders fell about 1%, compared with a 3.9% gain in August, and that growth in the third quarter slowed to about 2.3% from the second quarter's 2.5%. +21258009 The stock market's decline, coming after a record weekly gain of 119.88 points, surprised some investors. +21258010 But A.C. Moore, director of research at Argus Research, said last week's rally was a reflex reaction to the Oct. 13 stock market rout. +21258011 Overall, he said, the trend in stock prices will be down as the economy weakens. +21258012 "We think we're on target in looking for renewed economic deterioration," he said. +21258013 "Corporate profits are going to decrease faster than interest rates will fall, and the probability is that we'll see negative economic growth in the fourth quarter." +21258014 Hugh Johnson, chief investment officer at First Albany Corp., agreed that a deteriorating economy is worrisome, but he said the real concern among stock investors is that some new problem will crop up in the junk bond market. +21258015 In major market activity: Stock prices slumped in sluggish trading. +21258016 Volume on the New York Stock Exchange totaled 135.9 million shares. +21258017 Declining issues on the Big Board were ahead of gainers, 1,012 to 501. +21258018 Bond prices rallied. +21258019 The yield on the Treasury's benchmark 30-year bond slipped to 7.93%. +21258020 The dollar weakened against most other major currencies. +21258021 In late New York trading, the dollar was quoted at 1.8470 marks and 141.90 yen, compared with 1.8578 marks and 142.43 yen late Friday. +21259001 The Wall Street Journal "American Way of Buying" Survey consists of two separate, door-to-door nationwide polls conducted for the Journal by Peter D. Hart Research Associates and the Roper Organization. +21259002 The two surveys, which asked different questions, were conducted using national random probability samples. +21259003 The poll conducted by Peter D. Hart Research Associates interviewed 2,064 adults age 18 and older from June 15 to June 30, 1989. +21259004 The poll conducted by the Roper Organization interviewed 2,002 adults age 18 and older from July 7 to July 15, 1989. +21259005 Responses were weighted on the basis of age and gender to conform with U.S. Census data. +21259006 For each poll, the odds are 19 out of 20 that if pollsters had sought to survey every household in the U.S. using the same questionnaire, the findings would differ from these poll results by no more than 2 1/2 percentage points in either direction. +21259007 The margin of error for subgroups -- for example, married women with children at home -- would be larger. +21259008 In addition, in any survey, there is always the chance that other factors such as question wording could introduce errors into the findings. +21259009 (See related story: "The American Way of Buying: Is Buying a Car a Choice or a Chore? -- +21260001 Ironically, American Airlines' attempt to lead industry prices higher was reported in the same issue as your survey showing that consumers had the least confidence in the airline industry (Sept. 20). +21260002 You quote Robert Crandall, chairman of American's parent, AMR Corp., as having said that discount deals for big customers would be "dumb" because "you will go to Detroit because you have to go to Detroit whether the fare is $175, $275 or $375." +21260003 Even if Mr. Crandall is correct, he of all people must realize our society relies on competition to keep prices at a competitive level. +21260004 In 1986, he settled an antitrust suit based on a taped telephone conversation of him proposing to Braniff's president that they both raise fares 20%. +21260005 (Braniff declined). +21260006 When I asked American Airlines for its side of the story for use in my MBA class, where I teach business ethics, it did not respond. +21260007 Perhaps the ethics of an industry's leader filters down and is one of the factors that ultimately shapes consumer trust in that industry. +21260008 Arnold Celnicker Assistant Professor Ohio State University +21261001 Meredith Corp. is launching a new service to offer advertisers package deals combining its book, magazine and videocassette products. +21261002 The Des Moines-based publisher said it created a new Custom Marketing Group that will offer advertisers special rates for combination packages in its magazines, such as Ladies Home Journal and Better Homes and Gardens. +21261003 In addition, the group will create custom-designed media such as cookbooks, newspaper inserts and videos for ad campaigns. +21261004 Earlier this year, Meredith sold its first such package for $3 million to Kraft Inc., now a unit of New York-based Philip Morris Cos. +21261005 The Kraft package included a specially published cookbook, a national free-standing insert in Sunday newspapers, and a Kraft "advertorial" section that ran in five Meredith magazines. +21261006 Kraft recently agreed to spend an additional $3 million on similar programs through 1990. +21261007 Bill Murphy, director of the new marketing unit, said Meredith is negotiating other large-scale packages with leading companies in several product categories, but he wouldn't disclose their names. +21261008 Sources close to the company and ad agencies that work with Meredith said leading advertisers in consumer electronics, packaged goods and automotive products were among those negotiating ad packages with the Meredith group. +21261009 Other magazine publishing companies have been moving in the same direction. +21261010 The New York Times Co.'s Magazine Group earlier this year began offering advertisers extensive merchandising services built around buying ad pages in its Golf Digest magazine. +21261011 Time Warner Inc. recently formed a "synergy department" to seek out ways to offer advertisers packages that could combine Time's magazines with Warner products such as videocassettes. +21261012 Paul DuCharme, director of media services at Grey Advertising, said Meredith is the leader in providing multimedia packages. +21261013 "They may get passed up later when other publishers get their acts together, but for now they are the quickest offering the most extensive plan," he said. +21261014 Mr. Murphy of Meredith said one advertiser, which he wouldn't identify, wants Meredith to provide ad pages in seven Meredith magazines, publish an interior-decorating book that will be distributed at point of purchase, give away a videotape on installation pointers, and possibly use Meredith's Better Homes and Gardens' residential real-estate agents to distribute discount-coupon books to new homeowners. +21261015 "Five years ago, magazine publishers would simply bid on an advertiser's big ad schedule for their magazine," said Mr. Murphy. +21261016 "But the marketplace changed. +21261017 Advertisers now say `Help us improve our image and extend our selling season.' +21261018 They are coming to publishers looking for ideas. +21262001 Your Sept. 21 article "It's So Easy to Get Burned When Buying a Small Firm" was excellent. +21262002 I've been advising small businesses many years and have lived with the fact that 50% will go out of business within two years, and 80% in five years. +21262003 The economic loss, jobs lost, anguish, frustration and humiliation are beyond measure. +21262004 And most of these are absolutely unnecessary. +21262005 Your article points out the traps people fall into, but when reviewing those traps one sees just about all of them could have been avoided. +21262006 An accountant did not review the seller's books before buying a business. +21262007 "I guess I was naive," he said. +21262008 There is a more descriptive word to describe his lapse of common sense. +21262009 Corporate managers who want to start their own business are the highest failure risks. +21262010 They know all the answers and are not used to working more than 40 hours a week. +21262011 The blue-collar worker who decides to start a business will listen and take advice. +21262012 His humility gives him a much better chance of success. +21262013 A few months ago your paper reported the results of a study to determine why Asians who arrive in this country without any money, and unable to speak English, become overnight successes. +21262014 Their "secret" is that they gather a small group of advisers around them, listen to what they have to say, prepare a business plan and they are on their way. +21262015 Successful American business owners do the same thing. +21262016 Unfortunately, they are in the minority. +21262017 Avoiding failure is easy. +21262018 It's unfortunate so many must learn the hard way. +21262019 Daniel B. Scully Tucson, Ariz. +21263001 The management turnover at Reebok International Ltd. continued with the resignation of company president C. Joseph LaBonte, who joined Reebok just two years ago. +21263002 Mr. LaBonte's departure follows by two months the resignation of Mark Goldston as senior vice president and chief marketing officer after only 11 months at Reebok. +21263003 The resignations by the two executives, considered hard-charging and abrasive by Reebok insiders, reflect a difference in style with Paul Fireman, chairman and chief executive, according to several former executives. +21263004 The two executives are among a number of outsiders recruited by Reebok in the past few years to help it make the transition from a small start-up company to a marketing giant with sales last year of $1.79 billion. +21263005 The changes come as Reebok, which grew rapidly in the mid-1980s but has seen its sales flatten of late, is seeking to regain momentum in the athletic-shoe business against rivals Nike Inc. and L.A. Gear Inc. +21263006 The departures, said Alice Ruth, an analyst at Montgomery Securities in San Francisco, should enable the company to focus on business issues instead of management differences. +21263007 "I think it's more an issue of style. +21263008 I would view it as a net positive. +21263009 The company can go about its business. +21263010 They're in the midst of a turnaround," she noted. +21263011 Earnings have rebounded in 1989 after a 20% decline last year. +21263012 A former executive agreed that the departures don't reflect major problems, adding: "If you see any company that grows as fast as Reebok did, it is going to have people coming and going." +21263013 Reebok said Mr. LaBonte will resume the presidency of Vantage Group Inc., a California-based venture capital firm that he founded in 1983. +21263014 Before that he was president and chief operating officer of Twentieth Century-Fox Film Corp. +21263015 Reebok added that Mr. Fireman will assume the title of president. +21263016 A spokesman said that neither Mr. Fireman nor Mr. LaBonte would be available for comment. +21263017 "We will not be commenting beyond the news release," the spokesman said. +21263018 Mr. Goldston, who had been president of Faberge Inc.'s Faberge U.S.A. division before joining Reebok in September 1988, left in August to pursue other interests. +21264001 Magazine publishers are facing spiraling costs and a glut of new titles. +21264002 But even a raft of recent failures isn't stopping them from launching new publications. +21264003 At the American Magazine Conference here, publishers are plenty worried about the industry's woes. +21264004 But they are also talking about new magazines. +21264005 For example, Toronto-based Telemedia Inc. will publish Eating Well, a new food and health magazine due out next summer. +21264006 New York-based Hearst Corp. this fall plans to publish its first issue of 9 Months, a magazine for expectant mothers, and has already launched American Home. +21264007 And Time Warner Inc. is developing a spinoff of Time magazine aimed at kids, on the heels of its successful Sports Illustrated for Kids. +21264008 Over the past four years, the number of consumer magazines has increased by an average of 80 magazines annually, according to Donald Kummerfeld, president of the Magazine Publishers of America. +21264009 "This is an impressive show of faith in the future of the magazine industry," said Mr. Kummerfeld. +21264010 "Entrepreneurs don't rush to get into a stagnant or declining industry." +21264011 And despite the recent tough advertising climate, industry figures released at the meeting here indicate things may be turning around. +21264012 For the first nine months, advertising pages in consumer magazines tracked by the Publishers Information Bureau increased 4% from the same period last year, to 125,849 pages. +21264013 Total magazine ad revenue for the same period increased 12% to $4.6 billion. +21264014 Though for some magazines categories a tough advertising climate persists, the industry in general is doing well compared with the newspaper industry. +21264015 Though some magazines are thriving, the magazine publishing industry remains a risky business. +21264016 Within the same nine months, News Corp. closed down In Fashion, a once-promising young woman's fashion magazine, Drake Publications Inc. has folded the long-troubled Venture magazine, and Lang Communications has announced Ms. magazine, after 17 years, will no longer carry advertising as of January. +21264017 Lang is cutting costs and will attempt to operate the magazine with only subscription revenue. +21264018 Meanwhile, American Health Partners, publisher of American Health magazine, is deep in debt, and Owen Lipstein, founder and managing partner, is being forced to sell the magazine to Reader's Digest Association Inc. +21264019 Mr. Lipstein's absence from the meeting here raised speculation that the sale is in trouble. +21264020 Mr. Lipstein said in a telephone interview from New York that the sale was proceeding as planned. +21264021 "The magazine is strong. +21264022 It's simply the right time to do what we are doing," Mr. Lipstein said. +21264023 "Magazines can no longer be considered institutions," said James Autry, president of Meredith Corp.'s magazine group. +21264024 "Publishers will find that some magazines have served their purpose and should die," he added. +21264025 "Magazines could, like other brands, find that they have only a limited life." +21264026 There are also indications that the number of magazine entrepreneurs, traditionally depended upon to break new ground with potentially risky start-ups, are dwindling. +21264027 More than ever, independent magazines and small publishing groups are being gobbled up by larger publishing groups, such as American Express Publishing Corp., a unit of American Express Co., and Conde Nast Publications Inc., a unit of Advance Publications Inc., which are consolidating in order to gain leverage with advertisers. +21264028 Some entrepreneurs are still active, though. +21264029 Gerry Ritterman, president of New York-based Network Publishing Corp., earlier this year sold his Soap Opera Digest magazine to Rupert Murdoch's News Corp. +21264030 Mr. Ritterman said that in the next six months he will take $50 million from the Soap Opera Digest sale to acquire new magazines. +21264031 He would not reveal which magazines he is considering. +21264032 "The magazines I am looking for are underdeveloped," said Mr. Ritterman. +21264033 "They could be old or new, but they are magazines whose editorial quality needs to be improved. +21264034 They will be the next hot magazines. +21265001 MCA Inc. said its toy-making unit agreed to buy Buddy L Corp., producer of a line of toy vehicles and preschool products. +21265002 The price wasn't disclosed, but an executive of LJN Toys Ltd., the MCA unit, said the closely held Buddy L had annual sales in excess of $20 million. +21265003 The 40-year-old Buddy L concern, based in New York, designs and develops toys under the names "Buddy L" and "My First Buddy," he said. +21265004 MCA said it expects the proposed transaction to be completed "no later than Nov. 10. +21266001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +21266002 FRANKLIN NATIONAL BANK DIED at 3 p.m. EDT, Oct. 8, 1974, and was promptly resurrected under new owners to shore up confidence in other banks during a recession. +21266003 Arthur Burns, Federal Reserve Board chairman, said the government's "luck" in keeping the bank open -- despite being the then-biggest U.S. bank failure -- prevented "shock waves around the country and around the world." +21266004 Federal officials who had been probing the bank for months arranged a merger with European-American Bank & Trust, owned by six foreign banks, to avert the closedown. +21266005 And federal insurance protected the bank's 631,163 depositors. +21266006 The crisis had peaked on May 10, 1974, when the bank disclosed "severe" foreign-exchange losses due to "unauthorized" trading. +21266007 Massive withdrawals followed and there was a brief rescue attempt, with political undertones, including $1.77 billion in Federal Reserve loans. +21266008 Within six years many figures were convicted for their illegal abuse of Franklin funds. +21266009 In June 1980, Michele Sindona -- an Italian financier who in July 1972 had bought a 22% block of Franklin's stock from Loews Corp., headed by Laurence A. Tisch -- was sentenced to 25 years in prison after being convicted of fraud and perjury. +21266010 Included was the charge that Sindona siphoned $45 million of Franklin funds for his other ventures. +21266011 (Sindona in 1979 faked his "kidnapping" for 2 1/2 months to delay his trial.) +21266012 During 1976 to 1979, other former Franklin officials either pleaded guilty to or were found guilty of violations including phony transactions to hide the bank's losses. +21266013 Sindona, the onetime Vatican financial adviser with reported links to the Mafia, died on March 22, 1986, at age 65, reportedly after drinking cyanide-laced coffee in an Italian prison. +21266014 It happened four days after he was sentenced to life in prison for ordering a 1979 murder. +21266015 Italian magistrates labeled his death a suicide. +21267001 In a nondescript office building south of Los Angeles, human behavior is being monitored, dissected and, ultimately, manipulated. +21267002 A squiggly line snakes across a video screen, gyrating erratically as subjects with hand-held computers register their second-by-second reactions to a speaker's remarks. +21267003 Agreement, disapproval, boredom and distraction all can be inferred from the subjects' twist of a dial. +21267004 In another experiment, an elaborate chart with color codes reveals how people's opinions were shaped -- and how they can be reshaped. +21267005 Donald Vinson, who oversees the experiments, isn't some white-coated researcher. +21267006 He heads Litigation Sciences Inc., the nation's largest legal consulting firm, which is helping corporate America prepare for high-stakes litigation by predicting and shaping jurors' reactions. +21267007 In the process, Litigation Sciences is quietly but inexorably reshaping the world of law. +21267008 Little known outside the legal world but a powerhouse within, Litigation Sciences, a unit of Saatchi & Saatchi PLC, employs more than 100 psychologists, sociologists, marketers, graphic artists and technicians. +21267009 Twenty-one of its workers are Ph. D.s. +21267010 Among other services, the firm provides pre-trial opinion polls, creates profiles of "ideal" jurors, sets up mock trials and "shadow" juries, coaches lawyers and witnesses, and designs courtroom graphics. +21267011 Much like their cohorts in political consulting and product marketing, the litigation advisers encourage their clients to play down complex or ambiguous matters, simplify their messages and provide their target audiences with a psychological craving to make the desired choice. +21267012 With jury verdicts getting bigger all the time, companies are increasingly willing to pay huge sums for such advice. +21267013 Recently, Litigation Sciences helped Pennzoil Co. win a $10.5 billion jury verdict against Texaco Inc. +21267014 It advised the National Football League in its largely successful defense of antitrust charges by the United States Football League. +21267015 And it helped win defense verdicts in product-liability suits involving scores of products, ranging from Firestone 500 tires to the anti-nausea drug Bendectin. +21267016 Largely as a result, Litigation Sciences has more than doubled in size in the past two years. +21267017 Its 1988 revenue was $25 million. +21267018 Meanwhile, competitors are being spawned almost daily; some 300 new businesses -- many just one-person shops -- have sprung up. +21267019 Mr. Vinson estimates the industry's total revenues approach $200 million. +21267020 In any high-stakes case, you can be sure that one side or the other -- or even both -- is using litigation consultants. +21267021 Despite their ubiquity, the consultants aren't entirely welcome. +21267022 Some lawyers and scholars see the social scientists' vision of the American jury system as a far cry from the ideal presented in civics texts and memorialized on the movie screen. +21267023 In the film classic "Twelve Angry Men," the crucible of deliberations unmasks each juror's bias and purges it from playing a role in the verdict. +21267024 After hours of conflict and debate, that jury focuses on the facts with near-perfect objectivity. +21267025 In real life, jurors may not always work that way, but some court observers question why they shouldn't be encouraged to do so rather than be programmed not to. +21267026 Litigation consulting is, as New York trial attorney Donald Zoeller puts it, "highly manipulative." +21267027 He adds, "The notion they try to sell is that juries don't make decisions rationally. +21267028 But the effort is also being made to try and cause jurors not to decide things rationally. +21267029 I find it troubling." +21267030 But Mr. Zoeller also acknowledges that consultants can be very effective. +21267031 "It's gotten to the point where if the case is large enough, it's almost malpractice not to use them," he says. +21267032 Others complain that the consultants' growing influence exacerbates the advantage of litigants wealthy enough to afford such pricey services. +21267033 "The affluent people and the corporations can buy it, the poor radicals {in political cases} get it free, and everybody in between is at a disadvantage, and that's not the kind of system we want," says Amitai Etzioni, a prominent sociologist who teaches at George Washington University. +21267034 Sophisticated trial consulting grew, ironically, from the radical political movements of the 1960s and 1970s before finding its more lucrative calling in big commercial cases. +21267035 The Harrisburg 7 trial in 1972, in which Daniel Berrigan and others were charged with plotting anti-war-related violence, was a landmark. +21267036 In that case, a group of left-leaning sociologists interviewed 252 registered voters around Harrisburg. +21267037 The researchers discovered that Episcopalians, Presbyterians, Methodists and fundamantalist Protestants were nearly always against the defendants; the lawyers resolved to try to keep them off the jury. +21267038 The defense also learned that college-educated people were uncharacteristically conservative about the Vietnam War. +21267039 A more blue-collar panel became a second aim. +21267040 Ultimately, that carefully picked jury deadlocked with a 10-2 vote to acquit, and the prosecution decided not to retry the case. +21267041 Litigation consulting had arrived. +21267042 The fledgling science went corporate in 1977 when International Business Machines Corp. hired a marketing professor to help defend a complex antitrust case. +21267043 The problem for IBM trial lawyers Thomas Barr and David Boies was how to make such a highly technical case understandable. +21267044 As the trial progressed, they were eager to know if the jury was keeping up with them. +21267045 The solution devised by the professor was to hire six people who would mirror the actual jury demographically, sit in on the trial and report their reactions to him. +21267046 He then briefed Messrs. Boies and Barr, who had the chance to tilt their next day's presentation accordingly. +21267047 Thus, the "shadow" jury was born. +21267048 Mr. Vinson, the professor, got the law bug and formed Litigation Sciences. +21267049 (IBM won the case.) +21267050 "The hardest thing in any complex case is to retain objectivity and, in some sense, your ignorance," says Mr. Boies of Cravath, Swaine & Moore. +21267051 "What you look for in a shadow jury is very much what you do when you give an opening argument to your wife or a friend and get some response to it. +21267052 A shadow jury is a way to do that in a more systematic and organized way." +21267053 The approach worked well in the recent antitrust case in which Energy Transportation Systems Inc. sued Santa Fe Pacific Corp. over the transport of semi-liquefied coal -- the kind of case likely to make almost anyone's eyes glaze over. +21267054 Energy Transportation retained Litigation Sciences, at a cost of several hundred thousand dollars, to poll, pre-try, profile and shadow. +21267055 Just before the actual closing arguments, the firm put the case to a vote of the five shadow jurors, each of whom was being paid $150 a day. +21267056 The jurors, who didn't know which side had retained them, decided for Energy Transportation, and awarded $500 million in damages. +21267057 The real jury returned days later with a $345 million victory for Energy Transportation. +21267058 "It's just like weather forecasting," says Energy Transportation trial attorney Harry Reasoner of Vinson & Elkins. +21267059 "It's often wrong, but it's better than consulting an Indian rain dancer." +21267060 Forecasting is only one part of Litigation Sciences' work. +21267061 Changing the outcome of the trial is what really matters. +21267062 And to the uninitiated, some of the firm's approaches may seem chillingly manipulative. +21267063 Theoretically, jurors are supposed to weigh the evidence in a case logically and objectively. +21267064 Instead, Mr. Vinson says, interviews with thousands of jurors reveal that they start with firmly entrenched attitudes and try to shoe-horn the facts of the case to fit their views. +21267065 Pre-trial polling helps the consultants develop a profile of the right type of juror. +21267066 If it is a case in which the client seeks punitive damages, for example, depressed, underemployed people are far more likely to grant them. +21267067 Someone with a master's degree in classical arts who works in a deli would be ideal, Litigation Sciences advises. +21267068 So would someone recently divorced or widowed. +21267069 (Since Litigation Sciences generally represents the defense, its job is usually to help the lawyers identify and remove such people from the jury.) +21267070 For personal-injury cases, Litigation Sciences seeks defense jurors who believe that most people, including victims, get what they deserve. +21267071 Such people also typically hold negative attitudes toward the physically handicapped, the poor, blacks and women. +21267072 The consultants help the defense lawyers find such jurors by asking questions about potential jurors' attitudes toward volunteer work, or toward particular movies or books. +21267073 Litigation Sciences doesn't make moral distinctions. +21267074 If a client needs prejudiced jurors, the firm will help find them. +21267075 As Mr. Vinson explains it, "We don't control the facts. +21267076 They are what they are. +21267077 But any lawyer will select the facts and the strategy to employ. +21267078 In our system of advocacy, the trial lawyer is duty bound to present the best case he possibly can." +21267079 Once a jury is selected, the consultants often continue to determine what the jurors' attitudes are likely to be and help shape the lawyers' presentation accordingly. +21267080 Logic plays a minimal role here. +21267081 More important are what LSI calls "psychological anchors" -- a few focal points calculated to appeal to the jury on a gut level. +21267082 In one personal-injury case, a woman claimed she had been injured when she slipped in a pool, but the fall didn't explain why one of her arms was discolored bluish. +21267083 By repeatedly drawing the jury's attention to the arm, the defense lawyers planted doubt about the origin of the woman's injuries. +21267084 The ploy worked. +21267085 The defense won. +21267086 In a classic defense of a personal-injury case, the consultants concentrate on encouraging the jury to shift the blame. +21267087 "The ideal defense in a case involving an accident is to persuade the jurors to hold the accident victim responsible for his or her plight," Mr. Vinson has written. +21267088 Slick graphics, pre-tested for effectiveness, also play a major role in Litigation Sciences' operation. +21267089 Studies show, the consultants say, that people absorb information better and remember it longer if they receive it visually. +21267090 Computer-generated videos help. +21267091 "The average American watches seven hours of TV a day. +21267092 They are very visually sophisticated," explains LSI graphics specialist Robert Seltzer. +21267093 Lawyers remain divided about whether anything is wrong with all this. +21267094 Supporters acknowledge that the process aims to manipulate, but they insist that the best trial lawyers have always employed similar tactics. +21267095 "They may not have been able to articulate it all, but they did it," says Stephen Gillers, a legal ethics expert at New York University law school. +21267096 "What you have here is intuition made manifest." +21267097 Many lawyers maintain that all's fair in the adversary system as long as no one tampers with the evidence. +21267098 Others point out that lawyers in small communities have always had a feel for public sentiment -- and used that to advantage. +21267099 Litigation consulting isn't a guarantee of a favorable outcome. +21267100 Litigation Sciences concedes that in one in 20 cases it was flatout wrong in its predictions. +21267101 A few attorneys offer horror stories of jobs botched by consultants or of overpriced services -- as when one lawyer paid a consultant (not at Litigation Sciences) $70,000 to interview a jury after a big trial and later read more informative interviews with the same jurors in The American Lawyer magazine. +21267102 Some litigators scoff at the notion that a sociologist knows more than they do about what makes a jury tick. +21267103 "The essence of being a trial lawyer is understanding how people of diverse backgrounds react to you and your presentation," says Barry Ostrager of Simpson Thacher & Bartlett, who recently won a huge case on behalf of insurers against Shell Oil Co. +21267104 He says he used consultants in the case but "found them to be virtually useless." +21267105 But most lawyers accept that the marketplace has spoken. +21267106 And the question remains whether the jury system can maintain its integrity while undergoing such a skillful massage. +21267107 For more than a decade, Mr. Etzioni, the sociologist, has been a leading critic of the masseurs. +21267108 "There's no reason to believe that juries rule inappropriately," he says. +21267109 "But the last thing you want to do is manipulate the subconscious to make them think better. +21267110 What you then do is you make them think inappropriately." +21267111 To hamper the work of litigation scientists, he suggests that courts sharply limit the number of jurors that lawyers can remove from the jury panel through so-called peremptory challenges -- exclusions that don't require explanations. +21267112 In most civil cases, judges allow each side three such challenges. +21267113 For complex cases, judges sometimes allow many more. +21267114 Mr. Etzioni also suggests forbidding anyone from gathering background information about the jurors. +21267115 (Some courts release names and addresses, and researchers can drive by houses, look up credit ratings, and even question neighbors.) +21267116 Furthermore, he says, psychologists should not be allowed to analyze jurors' personalities. +21267117 Even some lawyers who have used consultants to their advantage see a need to limit their impact. +21267118 Mr. Boies, the first lawyer to use Mr. Vinson's services, cautions against courts' allowing extensive jury questioning (known as voir dire) or giving out personal information about the jurors. +21267119 "The more extensive the voir dire, the easier you make it for that kind of research to be effective, and I don't think courts should lend themselves to that," Mr. Boies says. +21268001 Silicon Graphics Inc., a fast-growing maker of computer workstations, said it landed two federal government contracts worth more than $100 million over the next five years. +21268002 One award is part of a Department of Defense contract to Loral Rolm Mil-Spec Computers and could be valued at more than $100 million over five years. +21268003 The other involves the sale of about 35 of the company's high-end workstations to the National Institutes of Health. +21268004 The models, which cost about $75,000 each, will be used in research. +21268005 The awards are evidence that Silicon Graphics' approach to computer graphics is catching on with users of powerful desktop computers, analysts said. +21268006 "The company's on a roll," said Robert Herwick, an analyst at Hambrecht & Quist. +21268007 "No other {computer} vendor offers graphics performance that good for their price." +21268008 In the battle to supply desktop computers for researchers and design engineers, most of the attention is given to the biggest competitors: Sun Microsystems Inc., Hewlett-Packard Co. and Digital Equipment Corp., which make computers mainly aimed at a wide range of engineering and scientific needs. +21268009 Silicon Graphics, on the other hand, has targeted a specific niche since its inception in 1982, which has been dubbed by some as "motion-picture computing." +21268010 This is a style of "visual" computing that provides three-dimensional, color models of everything from the inside of a house to the latest in women's fashion. +21268011 Though Silicon Graphics is much smaller than Digital, Hewlett and Sun, it has emerged in recent years as a feared adversary in this graphics portion of the workstation market. +21268012 In addition, the company has made it tough on competitors by offering a stream of desktop computers at sharply lower prices. +21268013 A year ago, Silicon Graphics introduced a model priced at $15,000 -- almost as cheap as mainstream workstations that don't offer special graphics features. +21268014 Silicon Graphics also plans to unveil even less expensive machines in the near future. +21268015 "It's pretty safe to assume we can bring the cost down of these systems by 30% to 40% a year," said Edward McCracken, the company's chief executive officer. +21268016 Silicon Graphics' strategy seems to be paying off. +21268017 Revenue for its first quarter ended Sept. 30 was $86.4 million, a 95% increase over the year-ago period. +21268018 Profit was $5.2 million, compared with $1 million for the year-ago quarter. +21269001 Remember those bulky, thick-walled refrigerators of 30 years ago? +21269002 They, or at least something less efficient than today's thin-walled units, may soon be making a comeback. +21269003 That something, whatever it is, could add as much as $100 to the $600 or so consumers now pay for lower-priced refrigerators. +21269004 These and other expensive changes in products ranging from auto air conditioners to foam cushioning to commercial solvents are in prospect because of something called the Montreal Protocol, signed by 24 nations in 1987. +21269005 In one of the most sweeping environmental regulatory efforts to date -- involving products with an annual value of $135 billion in the U.S. alone -- the signatories agreed to curtail sharply the use of chlorofluorocarbons (CFCs). +21269006 World-wide production would be cut in half by 1998. +21269007 The U.S. Senate liked the treaty so well it ratified it by a vote of 89 to 0. +21269008 Not to be outdone, George Bush wants CFCs banished altogether by the year 2000, a goal endorsed at an 80-nation U.N. environmental meeting in Helsinki in the spring. +21269009 That's a lot of banishment, as it turns out. +21269010 CFCs are the primary ingredient in a gas, often referred to by the Du Pont trade name Freon, which is compressed to liquid form to serve as the cooling agent in refrigeration and air-conditioning equipment. +21269011 Gases containing CFCs are pumped into polyurethane to make the foam used in pillows, upholstery and insulation. +21269012 Polyurethane foam is a highly efficient insulator, which accounts for why the walls of refrigerators and freezers can be thinner now than they were back in the days when they were insulated with glass fiber. +21269013 But even though by some estimates it might cost the world as much as $100 billion between now and the year 2000 to convert to other coolants, foaming agents and solvents and to redesign equipment for these less efficient substitutes, the Montreal Protocol's legions of supporters say it is worth it. +21269014 They insist that CFCs are damaging the earth's stratospheric ozone layer, which screens out some of the sun's ultraviolet rays. +21269015 Hence, as they see it, if something isn't done earthlings will become ever more subject to sunburn and skin cancer. +21269016 Peter Teagan, a specialist in heat transfer, is running a project at Arthur D. Little Inc., of Cambridge, Mass., to find alternative technologies that will allow industry to eliminate CFCs. +21269017 In addition to his interest in ozone depletion he has extensively studied the related topic of global warming, a theory that mankind's generation of carbon dioxide through increased combustion of fossil fuels is creating a "greenhouse effect" that will work important climatic changes in the earth's atmosphere over time. +21269018 "I would be the first to admit that there is not a complete consensus in the scientific community on either one of these problems," says Mr. Teagan. +21269019 "In the kind of literature I read I come across countervailing opinions quite frequently. +21269020 But the nature of the problem is such that many others feel it has to be addressed soon, before all the evidence is in. +21269021 We can't afford to wait." +21269022 But does it have to be so soon? +21269023 Some atmospheric scientists think that even if CFCs were released into the atmosphere at an accelerating rate, the amount of ozone depletion would be only 10% by the middle of the next century. +21269024 It's easy to get something comparable by simply moving to a higher altitude in the U.S. +21269025 Moreover, there are questions, particularly among atmospheric scientists who know this subject best, about the ability of anyone to know what in fact is happening to the ozone layer. +21269026 It is generally agreed that when CFCs rise from earth to stratosphere, the chlorine in them is capable of interfering with the process through which ultraviolet rays split oxygen molecules and form ozone. +21269027 But ozone creation is a very large-scale natural process and the importance of human-generated CFCs in reducing it is largely a matter of conjecture. +21269028 The ozone layer is constantly in motion and thus very hard to measure. +21269029 What scientists have known since the late 1970s is that there is a hole in the layer over Antarctica that expands or contracts from year to year. +21269030 But it is at least worthy of some note that there are very few refrigerators in Antarctica. +21269031 Moreover, surely someone has noticed that household refrigerators are closed systems, running for many years without either the CFC gas or the insulation ever escaping. +21269032 Another argument of the environmentalists is that if substitutes are available, why not use them? +21269033 Mr. Teagan cites a list of substitutes but none, so far, match the nonflammable, nontoxic CFCs. +21269034 Butane and propane can be used as coolants, for example, but are flammable. +21269035 Moreover, new lubricants will be needed to protect compressors from the new formulations, which, as with CFCs, are solvents. +21269036 Mr. Teagan points out as well that if the equipment designed to get along without CFCs is less efficient than current devices, energy consumption will rise and that will worsen the greenhouse effect. +21269037 Folks in the Midwest who just suffered a mid-October snowstorm may wonder where the greenhouse was when they needed it, but let's not be flippant about grave risks. +21269038 As it happens, Arthur D. Little is not at all interested in throwing cold water on ozone depletion and global warming theories. +21269039 It is interested in making some money advising industry on how to convert to a world without CFCs. +21269040 There is, after all, big money in environmentalism. +21269041 Maybe we should ask why it was that Du Pont so quickly capitulated and issued a statement, giving it wide publicity, that it was withdrawing CFCs. +21269042 Freon, introduced in 1930, revolutionized America by making refrigeration and air conditioning practical after all. +21269043 One answer is that big companies are growing weary of fighting environmental movements and are trying instead to cash in on them, although they never care to put it quite that way. +21269044 Du Pont, as it happens, has a potential substitute for CFCs. +21269045 Imperial Chemical Industries of the U.K. also has one, and is building a plant in Louisiana to produce it. +21269046 Japanese chemical companies are at work developing their own substitutes and hoping to conquer new markets, of course. +21269047 There are still others who don't mind seeing new crises arise. +21269048 Environmental groups would soon go out of business were they not able to send out mailings describing the latest threat and asking for money to fight it. +21269049 University professors and consultants with scientific credentials saw a huge market for their services evaporate when price decontrol destroyed the energy crisis and thus the demand for "alternative energy." +21269050 They needed new crises to generate new grants and contracts. +21269051 In other words, environmentalism has created a whole set of vested interests that fare better when there are many problems than when there are few. +21269052 That tends to tilt the public debate toward "solutions" even when some of the most knowledgeable scientists are skeptical about the seriousness of the threats and the insistence of urgency. +21269053 There is an element of make-work involved. +21269054 Consumers pay the bill for all this in the price of a refrigerator or an air-conditioned car. +21269055 If they were really getting insurance against environmental disaster, the price would be cheap. +21269056 But if there is no impending threat, it can get to be very expensive. +21270001 but worries about 1990. +21270002 With most legislatures adjourned for the year, small business is tallying its scorecard. +21270003 Much of its attention was spent fighting organized labor's initiatives on issues the small-business community traditionally opposes -- from raising state minimum wage levels to mandating benefits in health plans. +21270004 While results were mixed in many states, "small business got by fairly well," concludes Don L. Robinson, associate director of the National Federation of Independent Business, the largest small-business organization. +21270005 Five states -- Oregon, Rhode Island, New Hampshire, Iowa and Wisconsin -- passed bills to boost the minimum wage, but measures in 19 other states were defeated. +21270006 Oregon's rate will rise to $4.75 an hour, the nation's highest, in Jan. 1, 1991. +21270007 Iowa's will be the second highest -- at $4.65 an hour in January 1992 -- but small-business lobbyists won an exclusion for tiny concerns and a lower training rate. +21270008 In 17 central states, one small-business count shows lawmakers adopted only three of 46 bills mandating health coverage or parental leave. +21270009 The Illinois Legislature narrowly passed a parental-leave bill, which Gov. James Thompson vetoed, and Iowa and Tennessee amended laws to require that employers pay for breast-cancer exams. +21270010 Small business is bracing for an avalanche of similar proposals next year. +21270011 "Those kinds of issues always keep coming back," says Robert Beckwith, who manages the Illinois Chamber of Commerce's small-business office. +21270012 DESPITE VICTORIES this year, small business fears losing parental-leave war. +21270013 Only two states -- Vermont and Washington -- this year joined five others requiring private employers to grant leaves of absence to employees with newborn or adopted infants. +21270014 Similar proposals were defeated in at least 15 other states. +21270015 But small business, which generally detests government-mandated benefits, has taken note of the growing number of close votes. +21270016 "It's just a matter of time before the tide turns," says one Midwestern lobbyist. +21270017 Consequently, small business is taking more "pro-active" steps to counter mandated leaves. +21270018 In Pennsylvania, small businesses are pushing for a voluntary alternative; they favor a commission that would develop sample leave policies that employers could adopt. +21270019 They also support a tax credit for employers to offset the cost of hiring and training workers who temporarily replace employees on parental leave. +21270020 In 1990, the issue is expected to be especially close in Alaska, California, Michigan, New York, Pennsylvania and Illinois. +21270021 "We'll be playing a lot of defense, especially in the Midwest and Northeast," says Jim Buente of the NFIB. +21270022 IN LOS ANGELES, more small businesses ponder adopting a child-care policy. +21270023 Triggering the re-examination is a recent city council decision to give preference in letting city contracts to suppliers with a stated policy on child care for their employees. +21270024 The preferential treatment even applies to awarding small contracts under $25,000 and consulting and temporary services -- which often go to the smaller concerns. +21270025 Firms are permitted wide flexibility in the child-care arrangements they provide. +21270026 Council member Joy Picus, the measure's chief advocate, considers it part of a "pro-family policy" that makes Los Angeles a leader in "humanizing the workplace." +21270027 NOVEMBER BALLOTS will contain few referendum or initiative issues that especially affect small business. +21270028 In San Francisco, small businesses are urging passage of a local initiative to build a new $95 million downtown baseball stadium; they believe it will spur retail sales and hotel-restaurant business. +21270029 But in Washington state, small business generally opposes an initiative to boost spending on children's programs by $360 million, fearing the state's 7.8% sales tax will be raised to finance the outlays. +21270030 DIALING DOLLARS: +21270031 Small businesses in suburban Chicago are discovering that an area-code switch Nov. 11 -- to 708 from the familiar 312 -- won't be without some costs as they alter stationery, among other things, and notify customers. +21270032 Wessels & Pautsch, a small St. Charles law firm, plans to mail 500 customers a list of its lawyers' new phone and fax numbers as well as updated Rolodex cards. +21270033 But many owners plan to practice frugality -- crossing out the old code and writing in the new one until their stock runs out. +21270034 Even print-shop operator Clay Smith of Naperville won't discard his old supply. +21270035 (He reports his business is up slightly from customers replacing old stock.) +21270036 CALIFORNIA, A TREND-SETTER in franchising rules, stirs a controversy. +21270037 With some new rules, state officials say they made it easier -- and faster -- to sell new franchises whose terms stray from those in state-registered contracts. +21270038 Previously, regulators insisted that franchisers pre-register such changes with the state -- a costly process taking at least six weeks. +21270039 Now some negotiated sales that meet a series of tests don't have to be pre-registered. +21270040 For instance, franchisers no longer must pre-register sales to aspiring franchisees who qualify as "sophisticated purchasers." +21270041 Such buyers must have a minimum net worth of $1 million, $200,000 annual income, or recent experience in the business area of the franchise being sold. +21270042 But critics consider the changes regressive. +21270043 Lewis G. Rudnick, a Chicago lawyer who represents franchisers, contends California is narrowly limiting -- rather than expanding -- opportunities for negotiating sales. +21270044 He argues California regulators historically have misinterpreted their law -- and he says negotiated sales that aren't pre-registered have been legal all along. +21270045 San Francisco lawyer Timothy H. Fine, who represents franchisees, insists California's cautiousness helps protect franchisees from crafty sales negotiators who push unlawful clauses. +21270046 SMALL TALK: +21270047 A new Maryland law frees store owners of liability if a customer trips or otherwise gets hurt on the way to the restroom. . . . +21270048 Only 4% of Missouri small businesses surveyed say they've tested an employee or applicant for drug or alcohol use. . . . +21270049 By 52%-36%, Tennessee NFIB members favor laws to limit foreign ownership of land and facilities in the state. +21271001 About 400,000 commuters trying to find their way through the Bay area's quake-torn transportation system wedged cheek-to-jowl into subways, sat in traffic jams on major freeways or waited forlornly for buses yesterday. +21271002 In other words, it was a better-than-average Manhattan commute. +21271003 City officials feared widespread gridlock on the first day that normal business operations were resumed following last Tuesday's earthquake. +21271004 The massive temblor, which killed at least 61 people, severed the Bay Bridge, a major artery to the east, and closed most ramps leading to and from Highway 101, the biggest artery to the south. +21271005 It will take several weeks to repair the bridge, and several months to repair some of the 101 connections. +21271006 But in spite of a wind-driven rainstorm, gridlock never materialized, mainly because the Bay Area Rapid Transit subway system carried 50% more passengers than normal. +21271007 For the first time in memory, it was standing-room only in BART's sleek, modern railcars. +21271008 Moreover, the two main bridges still connecting San Francisco with the East Bay didn't charge tolls, allowing traffic to zip through without stopping. +21271009 Officials also suspect that traffic benefited from steps by major employers to get workers to come in at odd hours, or that many workers are still staying at home. +21271010 Many commuters who normally drove across the Bay Bridge, which is shut down for several weeks because of damage to one span, actually may have reached work a bit faster on BART yesterday, provided they could find a parking space at the system's jammed stations. +21271011 In the best of times, the Bay Bridge is the worst commute in the region, often experiencing back-ups of 20 to 30 minutes or more. +21271012 Not that getting into town was easy. +21271013 Storm flooding caused back-ups on the freeway, and many commuters had to find rides to BART's stations, because parking lots were full before dawn. +21271014 Bus schedules were sometimes in disarray, stranding commuters such as Marilyn Sullivan. +21271015 Her commute from Petaluma, Calif., normally takes an hour and 15 minutes, via the Golden Gate Bridge, which connects San Francisco with the North Bay area. +21271016 Yesterday, she was still waiting at a bus stop after three hours, trying to transfer to a bus going to the financial district. +21271017 "It's worse than I thought," she said. +21271018 "I don't know where all the buses are." +21271019 But while traffic was heavy early in the commute over the Golden Gate, by 8 a.m. it already had thinned out. +21271020 "It's one of the smoothest commutes I've ever had," said Charles Catania, an insurance broker on the bus from Mill Valley in Marin County. +21271021 "It looks like a holiday. +21271022 I think a lot of people got scared and stayed home." +21271023 However, a spokeswoman for BankAmerica Corp. said yesterday's absenteeism at the bank holding company was no greater than on an average day. +21271024 At the San Mateo Bridge, which connects the San Francisco peninsula with the East Bay, police were surprised at the speed with which traffic moved. +21271025 "Everybody pretty much pitched in and cooperated," said Stan Perez, a sergeant with the California Highway Patrol. +21271026 There were many indications that the new work hours implemented by major corporations played a big role. +21271027 The Golden Gate handled as many cars as normally yesterday, but over four hours rather than the usual two-hour crush. +21271028 Bechtel Group Inc., the giant closely held engineering concern, says it has instituted a 6 a.m. to 8 p.m. flextime arrangement, whereby employees may select any eight-hour period during those hours to go to work. +21271029 Of Bechtel's 17,500 employees, about 4,000 work in San Francisco -- one-third of them commuting from stricken East Bay. +21271030 Pacific Gas & Electric Co. is offering its 6,000 San Francisco employees a two-tier flextime schedule -- either 6 a.m. to 2 p.m. or 10 a.m. to 6 p.m. +21271031 The flextime may cut by almost a third the number of PG&E employees working conventional 9-5 hours, a spokesman says. +21271032 Some of the utility's employees may opt for a four-day workweek, 10 hours a day, to cut the commute by 20%. +21271033 At Pacific Telesis Group, flextime is left up to individual working groups, because some of the telephone company's employees must be on-site during normal business hours, a spokeswoman says. +21271034 Some individuals went to some lengths on their own to avoid the anticipated gridlock. +21271035 One senior vice president at Bechtel said he got up at 3 a.m. to drive into San Francisco from the East Bay. +21271036 But transportation officials worry that such extraordinary measures and cooperation may not last. +21271037 Although one transportation official said drivers who didn't use car pools were committing "an anti-social act," about two-thirds of the motorists crossing the Golden Gate were alone, compared with the normal 70% rate. +21271038 And some commuters, relieved by the absence of gridlock, were planning to return to their old ways. +21272001 Garry Kasparov went to combat Sunday with the world's most advanced chess computer and kicked it around -- symbolically, anyway -- like an old tin can. +21272002 Playing black in the first game, the human champion maneuvered Deep Thought, known for its attacking prowess, into a totally passive position. +21272003 Then he unleashed his own, unstoppable, attack. +21272004 And in the second game, with Mr. Kasparov advancing ferociously as white, D.T. offered feeble resistance and lost even faster. +21272005 Well, mankind can rest easier for now. +21272006 Though almost everybody at the playing site had been looking for the 26-year-old Soviet to beat the Pennsylvania-based computer, he gave the machine a far worse drubbing than many expected. +21272007 And when Mr. Kasparov strode into the playing hall, he called the outcome. +21272008 As if he were Iron Mike, about to enter the ring with a 98-pound weakling, he declared: "I'll be able to beat any computer for the next five years." +21272009 His strategy against D.T. was based on a thorough study of dozens of its games, he said, including its notorious whippings of the grandmasters Bent Larsen of Denmark and Robert Byrne of the U.S. +21272010 Mr. Kasparov was underwhelmed. +21272011 "The computer's mind is too straight, too primitive," lacking the intuition and creativity needed to reach the top, he said. +21272012 The champion apparently was not worried at all about D.T.'s strong points. +21272013 Its chief builder, Taiwan-born Feng-hsiung Hsu, nicknamed his brainchild "the Weasel" for its tactical flair at wriggling out of horrible positions. +21272014 D.T. also has a prodigious and flawless memory, is utterly fearless, and couldn't be distracted by the sexy nude sculptures spread around the playing hall, in the New York Academy of Art. +21272015 In fact, D.T. never left home, Carnegie Mellon University in Pittsburgh, but communicated with its human handlers by telephone link. +21272016 They conceded that the odds favored Mr. Kasparov, but they put their hope in D.T.'s recently enhanced capacity for examining positions -- up to a million per second, from 720,000. +21272017 But the handlers mistakenly stuck with silicon chips; they needed kryptonite. +21272018 This became apparent as game one, a Sicilian Defense by Mr. Kasparov, proceeded. +21272019 No human can examine millions of moves, but Mr. Kasparov, using his ineffably powerful brain, consistently found very good ones. +21272020 After eight moves by each side, the board was the same as in a game in which Nigel Short of Great Britain fought the champion to a draw in 1980. +21272021 But the computer didn't play Mr. Short's ninth move, a key pawn thrust, and its position deteriorated rapidly. +21272022 Instead of castling, a standard measure to safeguard the king, D.T. made a second-rate rook maneuver at move 13; then it put a knight offside on move 16. +21272023 "Only two classes of minds would think of this -- very weak human players, and computers," said Edmar Mednis, the expert commentator for the match, which was attended by hundreds of chess fans. +21272024 By move 21, D.T. had fallen into a deep positional trap. +21272025 It allowed Mr. Kasparov to exchange his dark-squared bishop for one of D.T.'s knights. +21272026 Bishops usually are worth slightly more than knights, but in this case Mr. Kasparov was left with a very dangerous knight and D.T.'s surviving bishop was reduced to passivity. +21272027 Indeed, it looked more like a pawn, a "tall pawn," as spectators snidely put it. +21272028 Consistently, D.T. was over-optimistic about its chances, which it continually sized up, in numerical form. +21272029 When most spectators thought its position hopeless, the computer thought it was only, in effect, one-half of a pawn down. +21272030 Such evaluations met with derision, and kept the machine from resigning as soon as humans would have -- prompting more derision. +21272031 While D.T. shuffled its king back and forth in a defensive crouch, Mr. Kasparov maneuvered the knight to a dominant outpost. +21272032 He also launched a kingside storm, sacrificing a pawn to denude D.T.'s king. +21272033 No amount of weasling could have saved this game for D.T. +21272034 A piece down, the computer resigned. +21272035 Now, with the crowd in the analysis room smelling figurative blood, the only question seemed to be how fast Mr. Kasparov could win game two. +21272036 With the advantage of playing white (which moves first), Mr. Kasparov followed up cleverly against the computer's defense, a Queen's Gambit Accepted. +21272037 As early as move six, Mr. Kasparov deviated from a well-known sequence of moves, developing a knight instead of making a standard bishop attack against the computer's advanced knight. +21272038 This left the computer with a broader range of plausible replies -- and it immediately blundered by moving a queenside pawn, to the neglect of kingside development. +21272039 "In a new position just after the opening, a computer will have serious problems," Mr. Kasparov said later. +21272040 In such positions, he explained, "you have to create something new, and the computer isn't able to do that right now." +21272041 After only 11 moves for each side, the computer's position was shaky. +21272042 Greedily, it grabbed a pawn, at the cost of facing a brutal attack. +21272043 And when a defensive move was called for, D.T. passed up an obvious pawn move and instead exposed its queen to immediate tactical threats. +21272044 Mr. Kasparov remarked later that "even a weak club player" would have avoided the queen move. +21272045 Now, after only a dozen moves, spectators were looking for a mating combination. +21272046 On a demonstration board, emcee Shelby Lyman showed a quick kill initiated by a knight sacrifice; no spectator refuted this line of play. +21272047 Mr. Kasparov's continuation was slower but, in the end, just as deadly. +21272048 He won D.T.'s queen for two minor pieces and two pawns -- not enough compensation, in this position, to give the computer much hope. +21272049 In a hopeless position, the computer resigned rather than make its 37th move. +21272050 And Mr. Kasparov, to cheers and applause, marched back into the analysis room. +21272051 "In both games I got exactly what I wanted," he said. +21272052 What he had demonstrated, he added, is that there's more to chess than sheer calculation. +21272053 Undeterred, D.T.'s handlers vowed to press on. +21272054 Indeed, three of them will be building a successor machine for International Business Machines Corp. +21272055 Promises Feng-hsiung Hsu: "In three years we'll mount a better challenge." +21272056 Mr. Tannenbaum is a reporter in the Journal's New York bureau. +21273001 Reaching for that extra bit of yield can be a big mistake -- especially if you don't understand what you're investing in. +21273002 Just ask Richard Blumenfeld, a New Jersey dentist who considers himself "a reasonably sophisticated investor." +21273003 In May 1986, Dr. Blumenfeld gave Merrill Lynch & Co. about $40,000 for a federally insured certificate of deposit offering an effective yield of more than 9%. +21273004 "It was a time when interest rates came down very rapidly," Dr. Blumenfeld recalls. +21273005 Yields on five-year CDs at major banks were averaging about 7.45%, and 10-year Treasury notes were paying less than 8%. +21273006 The CD seemed like a great deal. +21273007 But nearly 3 1/2 years later, Merrill says the investment is worth about $43,000 -- an amount that represents an annual return of just over 2% on Dr. Blumenfeld's $40,000. +21273008 The problem is that the CD he bought for a retirement plan wasn't a plain vanilla CD. +21273009 Instead, his Merrill broker put him in a zero-coupon CD, which is sold at a deep discount to its face value. +21273010 The difference between the price and the face value payable at maturity is the investor's return. +21273011 More important, the CD was purchased on the secondary, or resale, market. +21273012 Because the CD had an effective yield of 13.4% when it was issued in 1984, and interest rates in general had declined sharply since then, part of the price Dr. Blumenfeld paid was a premium -- an additional amount on top of the CD's base value plus accrued interest that represented the CD's increased market value. +21273013 Now the thrift that issued the CD is insolvent, and Dr. Blumenfeld has learned to his surprise that the premium isn't insured under federal deposit insurance. +21273014 The tip-off came when he opened a recent Merrill Lynch statement and found that the CD's "estimated current market value" had plummeted by $9,000 in a month. +21273015 Several phone calls and a visit to his broker's office later, the dentist found out that the $9,000 drop represented the current value of the premium he paid when he bought the CD, and that the amount wasn't insured. +21273016 "This is one thing I was never aware of," he says. +21273017 He assumed that principal and interest were "fully insured up to $100,000," he adds. +21273018 Dr. Blumenfeld isn't unique. +21273019 Especially at times like these, when declining rates make it hard for investors to get yields they have come to expect, too many people chase the promise of above-market returns without fully appreciating the risk. +21273020 "Yield greed often gets in the way of understanding things," says John Markese, research director of the American Association of Individual Investors, a Chicago-based educational group. +21273021 "The biggest problem we have is that investors realize, after the fact, that they didn't understand what they were investing in." +21273022 Dr. Blumenfeld concedes he didn't fully understand what he was buying. +21273023 He says that he knew he was getting a zero-coupon CD and that he had previously invested in TIGRs (Treasury Income Growth Receipts), a type of zero-coupon Treasury security sold by Merrill Lynch. +21273024 But he says he didn't understand he was buying the CD on the secondary market, and he contends his broker never fully explained the risks. +21273025 The broker, Thomas Beairsto of Merrill Lynch's Morristown, N.J., office, refuses to discuss the matter with a reporter, referring inquiries to Merrill Lynch officials in New York. +21273026 Those officials say there was full disclosure of the risks in a "fact sheet" sent to all CD investors with their confirmation of sale. +21273027 The fact sheet, dated April 1986, says on page three: "If the price paid for a CD purchased in the secondary market . . . is higher than the accreted value in the case of zero-coupon CDs, the difference . . . is not insured . . . . +21273028 Computations involving zero-coupon CDs are more complicated and you should discuss any questions you may have with your financial consultant." +21273029 Dr. Blumenfeld says he doesn't remember the paragraph about premiums in the fact sheet he received and didn't realize part of what he paid was a premium. +21273030 "I assumed I was buying a CD as a CD," he says. +21273031 Nevertheless, Merrill Lynch has agreed that if the thrift that issued Dr. Blumenfeld's CD, Peoples Heritage Federal Savings & Loan Association in Salina, Kan., is liquidated and the CD terminated, the brokerage firm would cover the premium Dr. Blumenfeld paid. +21273032 (Federal deposit insurance would pay principal and interest accrued to the date of liquidation, to a maximum of $100,000.) +21273033 "It's not a blanket commitment, it's a case-by-case situation," says Albert Disposti, a managing director of Merrill Lynch Money Markets Inc. +21273034 "There's a question whether brokers at the time were fully aware" of the risks. +21273035 "We weren't sure that full disclosure, as we wanted it, was being made." +21273036 Merrill Lynch says it's impossible to estimate how many investors are in Dr. Blumenfeld's situation, although it says the firm has received only one other complaint about premiums on the secondary market in three years. +21273037 Merrill Lynch now provides credit rating information about the institutions whose CDs it sells, which it didn't provide in 1986. +21273038 Zero-coupon CDs are only a small portion of the $1 trillion-plus in CDs outstanding, and those purchased on the secondary market are an even smaller part of the total. +21273039 Merrill Lynch estimates that fewer than 10 financial institutions currently issue zero-coupon CDs. +21273040 Still, there are several billion dollars of zero-coupon CDs with various maturities outstanding. +21273041 Because of the tax consequences of zero-coupon investments -- income tax is payable in the year interest is accrued, although interest isn't actually paid until maturity -- zero-coupon CDs are usually sold for tax-advantaged accounts to finance things like retirement and children's education. +21273042 Most zero-coupon CDs are in maturities of six to nine years, and they usually double in value by maturity. +21273043 But investors who bought zero-coupon CDs in the secondary market aren't the only ones who may be surprised to learn the full amount of their investments isn't insured. +21273044 People who paid a premium for standard CDs purchased on the secondary market could also find that those premiums aren't insured if the institutions that issued the CDs failed. +21273045 However, those premiums are usually far smaller than on zero-coupon CDs, and the simpler pricing structure of a standard CD makes it more apparent when a premium is paid. +21273046 Whatever the case, a Merrill Lynch spokesman emphasizes, investors shouldn't have to worry about the uninsured premium issue, unless the bank or thrift that issued the CD is closed and its deposits paid off before maturity or transferred to another institution at a lower rate. +21273047 Dr. Blumenfeld says he's satisfied that his problem has been resolved. +21273048 And he says he's learned a lesson: "You always have to watch out for yourself. +21273049 No one else will watch out for you. +21274001 Americans are drinking less, but young professionals from Australia to West Germany are rushing to buy premium-brand American vodka, brandy and other spirits. +21274002 In particular, many are snubbing the scotch preferred by their parents and opting for bourbon, the sweet firewater from the Kentucky countryside. +21274003 With U.S. liquor consumption declining steadily, many American producers are stepping up their marketing efforts abroad. +21274004 And those efforts are paying off: Spirits exports jumped more than 2 1/2 times to $157.2 million in 1988 from $59.8 million in 1983, according to the Distilled Spirits Council of the U.S., a trade group. +21274005 "Spirits companies now view themselves as global marketers," says Michael Bellas, president of Beverage Marketing Corp., a research and consulting firm. +21274006 "If you want to be a player, you have to be in America, Europe and the Far East. +21274007 You must have world-class brands, a long-term perspective and deep pockets." +21274008 The internationalization of the industry has been hastened by foreign companies' acquisitions of many U.S. producers. +21274009 In recent years, for example, Grand Metropolitan PLC of Britain acquired Heublein Inc., while another British company, Guinness PLC, took over United Distillers Group and Schenley Industries Inc. +21274010 But the shift has also been fueled by necessity. +21274011 While premium-brand spirits like Smirnoff vodka and Jack Daniel's whiskey are riding high in the U.S., domestic spirits consumption fell 15% to 141.1 million cases in 1988 from 166 million cases in 1979. +21274012 In recent years, growth has come in the foreign markets. +21274013 U.S. brandy exports more than doubled last year to 360,000 proof gallons, a standard industry measure, according to Jobson Beverage Alcohol Group, an industry association. +21274014 Exports of rum surged 54% to 814,000 proof gallons. +21274015 Mexico is the biggest importer of both rum and brandy from the U.S. +21274016 Japan, the world's third-largest liquor market after the U.S. and Britain, helped American companies in April when it lowered its tax on imported spirits and levied a tax on many domestic products. +21274017 California wineries, benefiting from lowered trade barriers and federal marketing subsidies, are expanding aggressively into Japan, as well as Canada and Great Britain. +21274018 In Japan, the wineries are promoting their products' Pacific roots and courting restaurant and hotel chefs, whose recommendations carry weight. +21274019 In Australia, Britain, Canada and Greece, Brown-Forman Corp. has increased its marketing of Southern Comfort Liqueur. +21274020 Using cinema, television and print ads, the company pitches Southern Comfort as a grand old drink of the antebellum American South. +21274021 The biggest foreign inroads, though, have been made by bourbon. +21274022 While U.S. makers of vodka, rum and other spirits compete against powerhouses abroad, trade agreements prohibit any other country from making bourbon. +21274023 (All bourbon comes from Kentucky, though Jack Daniel's Tennessee whiskey often is counted as bourbon because of similarity of taste.) +21274024 Moreover, just as vodka has acquired an upscale image in the U.S., bourbon has become fashionable in many foreign countries, a uniquely American product tied to frontier folklore. +21274025 How was the West won? +21274026 With a six-shooter in one hand and bourbon in the other. +21274027 "We imagine with bourbon the Wild West, Western motion pictures and gunmen appearing," says Kenji Kishimoto, vice president of Suntory International Corp., a division of Suntory Ltd., Japan's largest liquor company. +21274028 Suntory distributes Brown-Forman bourbons in Japan. +21274029 Bourbon makes up just 1% of world-wide spirits consumption, but it represented 57% of U.S. liquor exports last year, according to Jobson; no other category had more than 19%. +21274030 Big U.S. distillers are fiercely vying for this market, which grew to $77 million last year from $33 million in 1987, according to government figures. +21274031 Jim Beam Brands Co., a division of American Brands Inc., is the leading exporter of bourbon and produces 10 other types of liquor. +21274032 The company says it will increase its international advertising 35% in 1990, with bourbon representing most of that amount. +21274033 Guinness's Schenley Industries unit has increased its TV advertising in Japan and has built partnerships with duty-free shops throughout Asia, enabling it to install prominent counter displays. +21274034 The company's I.W. Harper brand is the leading bourbon in Japan, with 40% of the market. +21274035 Bourbon exporters have succeeded in Japan where other industries have failed, avoiding cultural hitches in marketing and distribution by allying themselves with local agents. +21274036 Jim Beam Brands has a distribution partnership with Nikka Whiskey Co., a distiller. +21274037 Seagram Co., which exports Four Roses bourbon, has such a link with Kirin Brewery Co. +21274038 Some bourbon makers advertise abroad as they do at home. +21274039 To promote Jack Daniel's overseas, Brown-Forman uses the same photos of front porches from Lynchburg, Va., and avuncular old men in overalls and hightops. +21274040 Jim Beam print ads, however, strike different chords in different countries. +21274041 In Australia, land of the outback, a snapshot of Jim Beam lies on a strip of hand-tooled leather. +21274042 West Germans get glitz, with bourbon in the foreground and a posh Beverly Hills hotel in the background. +21274043 Ads for England are artsy and irreverent. +21274044 One ad features a huge robot carrying a voluptuous woman in a faint. +21274045 The tagline: "I only asked if she wanted a Jim Beam. +21275001 Capital Cities/ABC Inc.'s net income rose 29% on a modest 9% increase in revenue in the third quarter, mainly on strong advertising demand at its ABC television network operation. +21275002 Demand for ads also rose at the eight TV stations Capital Cities owns and at its 80%-owned ESPN sports cable channel. +21275003 The broadcast and publishing company reported net climbed to $80.8 million, or $4.56 a share, from $62.6 million, or $3.55 a share, in the year-earlier period. +21275004 Revenue reached $1.1 billion from $1.01 billion. +21275005 In New York Stock Exchange composite trading yesterday, Capital Cities closed at $558.50, down $5. +21275006 The broadcasting unit reported operating profit of $134.9 million, up 18% from the year-earlier $114.3 million. +21275007 Publishing reported operating profit was $33.3 million, nearly flat with the year-before $33 million. +21275008 Revenue at the broadcasting unit, consisting of the network and stations, advanced 11%, to $838 million from $752.9 million. +21275009 The publishing unit reported revenue edged up 2.6% to $263.2 million from $256.6 million. +21275010 Chairman Thomas S. Murphy cited Capital Cities' nine daily newspapers in explaining most of the gain. +21275011 The parent also publishes weeklies, shopping guides and specialty magazines. +21275012 For 1989's first nine months, Capital Cities net income grew 23% to $303.7 million, or $16.97 a share, from $246.9 million, or $14.43 a share. +21275013 Revenue eased 0.3% to $3.45 billion from $3.46 billion. +21275014 Last week, ABC unseated General Electric Co.'s National Broadcasting Co. unit as the No. 1 network, as rated by A.C. Nielsen Co. +21275015 ABC has four shows in the top 10, including the top show, "Roseanne. +21276001 As part of a previously announced transaction, Federal Mogul Corp. has bought approximately 565,000 shares of its common stock from Nortek Inc. at $23.50 a share. +21276002 Nortek has agreed not to acquire any securities of Federal-Mogul for 10 years and not to influence company affairs during that period. +21277001 Weyerhaeuser Co. said it sold its wall-paneling business to an affiliate of one of Indonesia's largest wood-products firms. +21277002 Terms of the transaction weren't disclosed. +21277003 Weyerhaeuser said its paneling business employs about 300 workers at two facilities in Chesapeake, Va., and Hancock, Vt. +21278001 Manville Corp. said it will build a $24 million power plant to provide electricity to its Igaras pulp and paper mill in Brazil. +21278002 The company said the plant will ensure that it has adequate energy for the mill and will reduce the mill's energy costs. +21278003 Manville said it expects the plant to begin operating at the end of 1991. +21279001 Housing and Urban Development Secretary Jack Kemp called on the Federal Reserve System to lower interest rates. +21279002 In a speech to the Mortgage Bankers Association, Mr. Kemp broke the administration's public silence on the Fed and complained that "interest rates are too high." +21279003 "I am convinced that a monetary policy for this country that would return interest rates to the historical level of 4% or 5% would have not only an immediate impact on housing starts, the housing stock, our industry in America, the refurbishing of our industrial system, it would help the Third World economies considerably and it would particularly have a favorable impact upon our budget deficit," Mr. Kemp said. +21279004 The Fed recently eased credit by lowering the bellwether federal funds interest rate to 8 3/4% from about 9%. +21279005 Bush administration officials say inflation is under control. +21279006 With economic growth slowing, they say they believe the Fed should ease credit even further. +21279007 But for the most part, officials have avoided expressing those views in public, fearing they would unnecessarily antagonize the Fed. +21280001 McDonald's Corp. said third-quarter earnings rose 14% on a hefty sales gain, but domestic franchisees apparently didn't partake of the improvement. +21280002 The world's largest fast-food chain said net income rose to $217.9 million, or 59 cents a share, from $191.3 million, or 51 cents a share, a year ago. +21280003 In the latest period, the company had an average of 370.8 million shares, 5.6 million shares below last year's level. +21280004 Revenue rose 12% to $1.63 billion from $1.46 billion. +21280005 Systemwide sales, which include sales at franchisee as well as company-owned stores, totaled $4.59 billion compared with $4.2 billion. +21280006 But sales for U.S. franchisees were flat at best on a per-store basis despite weak 1988 figures. +21280007 Compared with the first nine months of last year, average franchisee store sales this year were down nearly $3,200, reflecting a fierce discounting war among fast-food chains. +21280008 Since McDonald's menu prices rose this year, the actual decline may have been more. +21280009 McDonald's closed at $31.375, up $1, in New York Stock Exchange composite trading yesterday. +21280010 While franchisees were having a tough time holding sales, McDonald's company-operated stores posted hefty gains for the nine months, with sales per company-operated unit rising $20,000. +21280011 One analyst noted that the company often has better store locations than do its franchisees, thus aiding promotional efforts. +21280012 On average in the latest nine months, company-operated units in the U.S. had $90,552 more in sales than did franchised outlets. +21280013 There are more than three times as many franchised domestic outlets as there are company stores. +21280014 Profit margins at U.S. company-owned stores in the quarter were up nearly 1%, which the company attributed in part to lower food costs. +21280015 Prudential-Bache Securities analyst Leslie Steppel said reduced labor costs helped boost margins, although she doubted "that kind of performance is sustainable." +21280016 Calling sales "still relatively soft," Ms. Steppel believes that in real terms, U.S. sales slipped 3 1/2% to 4% at company-operated stores in the quarter. +21280017 Apparently acknowledging weaker U.S. sales systemwide, McDonald's vowed "to use our size and muscle to do all that is necessary to build the brand." +21280018 Overseas, both franchisees and the company performed substantially better than a year ago. +21280019 Third-quarter sales in Europe were exceptionally strong, boosted by promotional programs and new products -- although weaker foreign currencies reduced the company's earnings. +21280020 McDonald's said that systemwide sales would have been $115 million greater had 1988 exchange rates remained in effect. +21280021 "Going into the fourth quarter the sales comparison will be more difficult," predicted restaurant analyst Howard Hansen of Kidder, Peabody & Co. +21280022 Reflecting better growth prospects abroad, McDonald's noted that as of Sept. 30 more stores were under construction overseas than a year ago, while the opposite was true for domestic expansion. +21280023 At the end of the third quarter McDonald's had 10,873 units operating world-wide. +21280024 In the nine months, earnings rose 12% to $555.6 million, or $1.49 a share, from $494.4 million, or $1.31 a share, a year earlier. +21280025 Revenue rose 11% to $4.56 billion from $4.12 billion. +21281001 Carnival Cruise Lines Inc.'s common stock was dragged down yesterday amid concerns that a bankruptcy filing by a Finnish shipbuilder would delay delivery of three big cruise ships. +21281002 The Miami-based company's stock fell $1.75 yesterday to $20.75 a share in heavy American Stock Exchange composite trading. +21281003 Early yesterday, Carnival said in a company statement that it had been "notified unofficially" that Waertsilae Marine Industries, the Finnish shipyard that is building its three new cruise ships, planned to file for bankruptcy. +21281004 Officials at Carnival declined to comment. +21281005 "There is just a tremendous amount of uncertainty about what the effect, if any, of all this is," said John P. Uphoff, an analyst at Raymond James Associates Inc. +21281006 "I didn't even know that a company in a socialistic country could file for bankruptcy." +21281007 Carnival said the "Fantasy," the first of the three $200 million ships that Carnival has on order, is scheduled to be delivered next month, just in time for the winter tourist season in the Caribbean. +21281008 That ship, which would carry about 2,050 passengers, would expand the capacity of Carnival's existing 14-ship fleet by 24%. +21281009 The second ship, which is half-completed, is scheduled to be delivered in fall 1990, and the third in fall 1991. +21281010 "There's a 99% chance that the Fantasy will be delivered close to schedule," said Caroline Levy, an analyst at Shearson Lehman Hutton Inc. +21281011 "The others will probably be delivered as well, but Carnival will likely have to pay a higher price for them." +21281012 She said the company could pay as much as 25% more for the ships. +21281013 If the ships aren't delivered, however, it will likely have an effect on the company's earnings as soon as the 1990 fiscal year, which begins Dec. 1. +21281014 Analysts said those estimates -- which range from about $1.80 a share to $1.95 a share -- are based on Fantasy being in operation in 1990. +21281015 If the ship fails to arrive, those per-share earnings estimates could be trimmed 15 cents or more. +21281016 Analysts weren't willing to speculate on how much money Carnival might lose through deposits. +21281017 Normally, a company pays a portion of the total cost of a ship as it reaches various stages of construction. +21281018 Carnival, for example, has already paid about $160 million of the total cost for Fantasy. +21281019 Some analysts say this may give it the right to seize the ship if the situation warrants it. +21281020 According to reports from Finland, Waertsilae Marine, 19%-owned by conglomerate Oy Waertsilae, filed for bankruptcy yesterday after the shipyard's contractors had started to demand bank guarantees. +21281021 The shipyard disclosed in mid-August that it expected losses stemming from a series of unprofitable orders. +21282001 Designer Sandra Garratt filed for Chapter 7 Bankruptcy Code protection, saying that her cash flow had been cut off. +21282002 The designer, whose line of modular, one-size-fits-all clothing has spawned a host of clones, has been in a dispute with her latest licensee, Jerell Inc. for several months. +21282003 Ms. Garratt was the subject of a Wall Street Journal article in March. +21282004 The designer's attorney, Molly Bartholow, said that Ms. Garratt was forced to start bankruptcy-law proceedings because Jerell began withholding her royalty payments last month. +21282005 Jerell paid Ms. Garratt royalties for the line known as Multiples by Sandra Garratt, which are sold primarily through department stores. +21282006 Ms. Garratt sued the Dallas apparel maker earlier this year, charging that Jerell developed and marketed clothing lines fashioned after her designs, in violation of their contract. +21282007 That lawsuit is still pending. +21282008 Jerell couldn't immediately be reached for comment. +21282009 Ms. Garratt's assets and liabilities weren't disclosed. +21283001 Eaton Corp. had a 26% drop in third-quarter profit mainly because of lower sales of truck parts, its largest and most profitable single business. +21283002 Sales of medium and heavy-duty trucks continue to lag previous-year rates, leading Eaton to expect fourth-quarter net income to fall below year-earlier levels, said Stephen R. Hardis, vice chairman and chief financial and administrative officer. +21283003 He declined to make a specific earnings estimate. +21283004 Third-quarter net was $40 million, or $1.04 a share, from $54.4 million, or $1.47 a share, a year ago. +21283005 Sales rose 2.8% to $864.1 million, from $840.4 million. +21283006 The quarter net was below analyst expectations mainly because truck-parts sales didn't rebound in September from the summer doldrums as they usually do, said Patrick E. Sheridan, analyst with McDonald & Co. +21283007 Mr. Sheridan, who had been expecting quarter profit of about $1.25 a share, says he is reducing his estimate for the year to the area of $5.70 a share, from his previous estimate of $6.10. +21283008 Eli Lustgarten of PaineWebber Inc., who a couple of weeks ago reduced his 1989 estimate to $5.70 a share because of the weakening truck market, says he will make another cut to about $5.50 a share in light of the third-quarter report. +21283009 He said Eaton's quarter profit margin on controls was lower than he anticipated. +21283010 Eaton said sales of truck axles, transmissions and other parts fell 7.2% to $295 million. +21283011 Sales of parts for cars and construction vehicles rose. +21283012 Eaton doesn't provide profit figures separately for each category, but operating profit for vehicle parts as a group fell 26% to $51 million on an about 1% drop in sales to $488 million. +21283013 Mr. Hardis said truck-fleet operators appear to be cautious about buying new trucks until they see how the economy behaves. +21283014 The truck sales slowdown reflects the general slowing in sales of consumer goods, he said, and the latest reports show a slight improvement rather than any indication of a downward spiral. +21283015 Operating profit from electrical and electronics controls, Eaton's other major business group, fell 11% to $32 million, despite a 7.7% increase in sales to $376 million. +21283016 The company attributed the decline to weakness in the commercial-switch market in North America and in the European appliance-controls market. +21283017 For the nine months, net -- including profit from discontinued operations both years and in 1988 an extraordinary charge of $17.7 million related to settlement of a lawsuit -- was $170.6 million, or $4.54 a share, up 5.8% from $161.3 million, or $4.32 a share, a year ago. +21283018 Eaton earned from continuing operations $165.1 million, or $4.40 a share, down 7% from $177.5 million, or $4.76 a share, a year earlier. +21283019 Nine-month sales were $2.79 billion, up 8.2% from $2.58 billion a year earlier. +21283020 In New York Stock Exchange composite trading, Eaton closed at $57.50 a share, down $2.50. +21284001 In Poland's rapid shift from socialism to an undefined alternative, environmental issues have become a cutting edge of broader movements to restructure the economy, cut cumbersome bureaucracies, and democratize local politics. +21284002 Initial steps were taken at Poland's first international environmental conference, which I attended last month. +21284003 The conference, held in Lower Silesia, was co-sponsored by the Environment Ministry, the Rockefeller Brothers Fund, and the Polish Ecological Club, and was attended by 50 Poles from government and industry, as well as Hungarians, Czechs, Russians, Japanese and Americans. +21284004 The conference was entitled "Economic Mechanisms for Environmental Protection," a significant departure from East Bloc usage, which recognizes only one economic mechanism -- central planning -- to direct industrial behavior. +21284005 Even more remarkably, it focused on emissions trading and similar market approaches to address pollution, notwithstanding Poland's lack of functioning markets. +21284006 Why did East Bloc participants unanimously endorse market-based pollution approaches? +21284007 The answer lies both in the degraded environment of these countries and the perceived causes of that degradation. +21284008 Like other East Bloc countries, Poland possesses environmental laws more honored in their breach than in their observance. +21284009 According to a detailed report by Zbigniew Bochniarz of the University of Minnesota's Hubert Humphrey Institute, 27 areas containing a third of Poland's population are regarded as "ecological hazards" due to multiple violations of standards. +21284010 Norms are consistently exceeded at 60% of nitrogen oxide monitoring sites and 80% of those for dust and soot emissions. +21284011 Four-fifths of Poland's soils have become highly acidified; 70% of its southern forests are projected to die by century's end. +21284012 Between 1965 and 1985, Polish waters fit for human consumption dropped from 33% to 6% of all surface waters, while those unfit even for industry use nearly doubled. +21284013 Poland produces about 20 times more soot and five times more sulfur dioxide and solid waste per unit of gross national product than does Western Europe. +21284014 Its mortality rate for males over 35 is about 50% higher than West Germany's, and 50% higher in hazard areas than the national average. +21284015 Since 1978, average annual growth rates for most pollutants have outstripped the growth of GNP. +21284016 Conference participants saw these effects as flowing directly from (a) Marxist devaluation of environmental resources, which are not produced by labor; (b) planned economies' inability to control pollution where enterprises are state-owned and penalties are paid by the government; and (c) the continuing Stalinist emphasis on heavy industry for economic development, producing a far heavier and more wasteful use of energy and natural resources than in the West. +21284017 They repeatedly noted that environmental progress could not be secured without true ownership, genuine competition based on market factors, and the risk of bankruptcy if a business makes the wrong decisions. +21284018 The solutions they formally proposed included lead/sulfur taxes, conservation and recycling incentives, reforestation offsets, transferable pollution permits, an ecological bank to finance pollution-reduction credits, and debt-for-environment swaps. +21284019 But their most fundamental recommendation was to separate industry from the state, making it fully accountable for pollution control. +21284020 A revolution takes more than conference manifestos. +21284021 Indeed, skepticism was amply captured by a joke told by Poles at the conference: "The world must be coming to an end. +21284022 The Russians are talking peace. +21284023 The Palestinians are talking elections. +21284024 And the Poles are engaged in commerce." +21284025 But the implications of such a shift to market approaches go well beyond the fact that Poland is already working on nationwide emissions trades to reduce smelter pollution, or that the Soviets plan to introduce marketable pollution permits in some republics next year. +21284026 Those implications include: -- Privatization. +21284027 Faced with a $40 billion foreign debt and skyrocketing inflation, Poland must privatize industry and eliminate subsidies to stabilize its currency and qualify for international assistance. +21284028 Market-based pollution control may consume some capital that would otherwise purchase state industries. +21284029 But it could also accelerate "marketization" by reinforcing industrial accountability, breaking up state monopolies, giving managers a stake in solutions, and ensuring that modernization is not reversible for failure to address environmental effects. +21284030 -- Least-cost solutions. +21284031 As conferees noted, scarce capital means the costs of control must be minimized through a broad menu of compliance choices for individual firms. +21284032 That means simple, clear rules that secure the first large blocks of reduction, deferring more complex issues such as risk. +21284033 It also means use of quantity-based pollution limits such as transferable permits, rather than price-based limits such as effluent fees. +21284034 That's because quota-trained managers will likely respond better to quantity than to price signals. +21284035 -- Creative financing. +21284036 Even least-cost environmental solutions will require billions of dollars. +21284037 New types of financing must make funds available without draining Poland's hard-currency reserves. +21284038 -- Democratization. +21284039 East Bloc pollution data typically have been state secrets. +21284040 While Polish data have been freely available since 1980, it was no accident that participants urged the free flow of information. +21284041 For once information flows, public participation follows and repression becomes difficult to reimpose. +21284042 -- Global reciprocity. +21284043 One participant prematurely declared that America has had a free market in goods but a planned economy for environmental protection, while Poland represents the opposite. +21284044 His point: It will be increasingly difficult for the U.S. to cling to command-and-control measures if even the East Bloc steps to a different drummer. +21284045 At the moment, Poland resembles 19th-century Pittsburgh more than a modern industrial society -- with antiquated production, inadequate environmental management, and little ecological awareness. +21284046 But the continuing pressures for free-market economics suggest the conference's vision was not all fantasy. +21284047 Mr. Levin, former head of EPA's regulatory reform staff, adapted this from his November column for the Journal of the Air and Waste Management Association. +21285001 Disappointing earnings news from some technology companies unnerved investors in the over-the-counter market, who sold shares of Apple Computer, Intel and many other computer-related concerns. +21285002 The drop in those and other technology stocks contributed to an 0.7% slide by the Nasdaq composite index. +21285003 It finished at 467.22, down 3.45. +21285004 The nervousness about the technology stock outlook also hurt the Dow Jones Industrial Average, which slipped about 1%. +21285005 Mostly because of the sell-off in technology stocks, the Nasdaq 100 Index of the OTC's largest non-financial issues dropped 4.58 to 457.52. +21285006 The Nasdaq Financial Index of giant insurance and banking issues lost 2.38 to 458.32. +21285007 Some traders said the sell-off of technology stocks on low volume reflected a lack of conviction by investors. +21285008 But Charlie Howley, vice president in charge of OTC trading at SoundView Financial in Stamford, Conn., said the selling was orderly. +21285009 "It's a quiet retreat," said Mr. Howley. +21285010 "It's nothing dramatic, just a routine sell-off." +21285011 Some of it was due to lower-than-expected earnings from leading companies, he said. +21285012 But some of it also represented profit-taking by investors who have made big gains in some issues. +21285013 Yesterday's volume of 117.2 million shares was far below last week's sizzling average of nearly 177 million. +21285014 For October so far, daily volume is averaging 150.3 million, putting it on track to be the year's busiest month. +21285015 Apple Computer, which reported lackluster earnings Friday, lost 1 1/4 to 46 3/4 on 1.1 million shares. +21285016 Stratus Computer, which reported earnings late Friday that were in line with a disappointing forecast, eased 3/4 to 24 on 816,000 shares. +21285017 Investors apparently didn't like the news from Rainbow Technologies either. +21285018 It said net income was 17 cents a share in the third quarter, compared with 16 cents a share a year earlier. +21285019 Rainbow's stock dropped 2 to 14 1/4. +21285020 Other technology stocks that were weaker included Intel, which fell 1 1/4 to 33 1/2 on 1.9 million shares, Mentor Graphics, down 3/4 to 16 1/4 on 1.6 million shares, Sun Microsystems, which slipped 3/8 to 18 1/4, and MCI Communications, down 1 to 42 3/4. +21285021 Microsoft, which last week rose to a record, fell victim to profit-taking, traders said, as it declined 2 1/8 to 83 1/8. +21285022 Conner Peripherals was unchanged at 15. +21285023 Among takeover stocks, Jefferson Smurfit jumped 1 1/4 to 42 1/2 after SIBV-MS Holdings said the price to be paid to Jefferson Smurfit's minority holders has been raised to $43 a share. +21285024 The increase of $1.25 a share is being made to settle shareholder litigation relating to SIBV-MS's tender offer. +21285025 SIBV-MS Holdings is a new company jointly owned by an affiliate of Jefferson Smurfit and a Morgan Stanley limited partnership. +21285026 The Jefferson Smurfit affiliate, Smurfit International B.V., holds about 78% of the shares outstanding. +21285027 These shares will be bought by SIBV-MS Holdings at $41.75 each after the acquisition of the minority shares. +21285028 Another takeover target, LIN Broadcasting, eased 1/2 to 110 1/8 on 313,800 shares. +21285029 LIN's suitor, McCaw Cellular Communications, dropped 1 to 40 on almost 350,000 shares. +21285030 Some analysts say investors will begin paying more attention to earnings, partly in response to the latest round of disappointments. +21285031 They say investors will favor companies that historically have posted annual earnings growth of 15% to 20%. +21285032 That would be good news for the OTC market, some analysts say, because many small growth stocks are traded there. +21285033 Michael R. Weisberg, partner in charge of research at Robertson Stephens & Co. in San Francisco, said some investors have already made the switch. +21285034 The Robertson Stephens Index of 340 emerging growth stocks is up 23.1% for the year through Friday. +21285035 The rise matches that of the Dow Jones industrials this year. +21285036 "It's been a spectacular year for the emerging growth stock investor," Mr. Weisberg said. +21285037 He predicted that the most popular growth companies will be those with "some kind of unique product or franchise" that makes them appear able to sustain their momentum. +21285038 He puts the OTC market's Nellcor, Office Club and BizMart on the list. +21285039 Nellcor, a maker of electronic patient monitoring systems, was up 3/4 to 16 7/8 on 258,000 shares yesterday, while retailing issue Office Club was unchanged at 10 3/4 on 65,200 shares. +21285040 BizMart, another retailing stock, was off 3/8 to 8 1/4 on nearly 80,000 shares. +21285041 Other favorites of growth-stock analysts and money managers also had a mixed session. +21285042 Payco American, a credit collection concern, jumped 1 3/8 to 20 5/8 on volume of 93,000, and Mail Boxes Etc., a private postal services company, advanced 1/2 to 23 1/2 on volume of 64,000. +21285043 But Legent, a systems software stock, was down 1/2 to 29 3/4 on 39,300 shares. +21285044 Novell, a computer networking concern, fell 1 1/2 to 30 on 152,000 shares. +21285045 Elsewhere, Valley National continued its slide, dropping 2 1/8 to 15 on 1.7 million shares. +21285046 The Arizona banking concern is facing difficulties related to weakness in the real estate market in the state. +21285047 Higher earnings helped some issues. +21285048 Amgen rose 2 1/4 to 54 3/4 on almost 800,000 shares, and CVB Financial jumped 4 to 41 on only 1,000 shares. +21286001 Why can't we teach our children to read, write and reckon? +21286002 It's not that we don't know how to, because we do. +21286003 It's that we don't want to. +21286004 And the reason we don't want to is that effective education would require us to relinquish some cherished metaphysical beliefs about human nature in general and the human nature of young people in particular, as well as to violate some cherished vested interests. +21286005 These beliefs so dominate our educational establishment, our media, our politicians, and even our parents that it seems almost blasphemous to challenge them. +21286006 Here is an example. +21286007 If I were to ask a sample of American parents, "Do you wish the elementary schools to encourage creativity in your children?" the near-unanimous answer would be, "Yes, of course." +21286008 But what do we mean, specifically, by "creativity"? +21286009 No one can say. +21286010 In practice, it ends up being equated with a "self-expression" that encourages the youngsters' "self-esteem." +21286011 The result is a generation of young people whose ignorance and intellectual incompetence is matched only by their good opinion of themselves. +21286012 The whole notion of "creativity" in education was (and is) part and parcel of a romantic rebellion against disciplined instruction, which was (and is) regarded as "authoritarian," a repression and frustration of the latent talents and the wonderful, if as yet undefined, potentialities inherent in the souls of all our children. +21286013 It is not surprising that parents find this romantic extravagance so attractive. +21286014 Fortunately, these same parents do want their children to get a decent education as traditionally understood, and they have enough common sense to know what that demands. +21286015 Their commitment to "creativity" cannot survive adolescent illiteracy. +21286016 American education's future will be determined by the degree to which we -- all of us -- allow this common sense to prevail over the illusions that we also share. +21286017 The education establishment will fight against common sense every inch of the way. +21286018 The reasons are complex, but one simple reason ought not to be underestimated. +21286019 "Progressive education" (as it was once called) is far more interesting and agreeable to teachers than is disciplined instruction. +21286020 It is nice for teachers to think they are engaged in "personality development" and even nicer to minimize those irksome tests with often disappointing results. +21286021 It also provides teachers with a superior self-definition as a "profession," since they will have passed courses in educational psychology and educational philosophy. +21286022 I myself took such courses in college, thinking I might end up a schoolteacher. +21286023 They could all fairly be described as "pap" courses. +21286024 But it is unfair to dump on teachers, as distinct from the educational establishment. +21286025 I know many schoolteachers and, on the whole, they are seriously committed to conscientious teaching. +21286026 They may not be among the "best and brightest" of their generation -- there are very few such people, by definition. +21286027 But they need not be to do their jobs well. +21286028 Yes, we all can remember one or two truly inspiring teachers from our school days. +21286029 But our education proceeded at the hands of those others, who were merely competent and conscientious. +21286030 In this sense, a teacher can be compared to one's family doctor. +21286031 If he were brilliant, he probably would not be a family doctor in the first place. +21286032 If he is competent and conscientious, he serves us well. +21286033 Our teachers are not an important factor in our educational crisis. +21286034 Whether they are or are not underpaid is a problem of equity; it is not an educational problem. +21286035 It is silly libel on our teachers to think they would educate our children better if only they got a few thousand dollars a year more. +21286036 It is the kind of libel the teachers' unions don't mind spreading, for their own narrow purposes. +21286037 It is also the kind of libel politicians find useful, since it helps them strike a friendly posture on behalf of an important constituency. +21286038 But there is not one shred of evidence that, other things being equal, salary differentials result in educational differentials. +21286039 If there were such evidence, you can be sure you would have heard of it. +21286040 If we wish to be serious about American education, we know exactly what to do -- and, just as important, what not to do. +21286041 There are many successful schools scattered throughout this nation, some of them in the poorest of ghettos, and they are all sending us the same message. +21286042 Conversely, there are the majority of unsuccessful schools, and we know which efforts at educational reform are doomed beforehand. +21286043 We really do know all we need to know, if only we could assimilate this knowledge into our thinking. +21286044 In this respect, it would be helpful if our political leaders were mute, rather than eloquently "concerned." +21286045 They are inevitably inclined to echo the conventional pap, since this is the least controversial option that is open to them. +21286046 Thus at the recent governors' conference on education, Gov. Bill Clinton of Arkansas announced that "this country needs a comprehensive child-development policy for children under five." +21286047 A comprehensive development policy for governors over 30 would seem to be a more pressing need. +21286048 What Gov. Clinton is advocating, in effect, is extending the educational system down to the pre-kindergarten years. +21286049 Whether desirable or not, this is a child-care program, not an educational program. +21286050 We know that very early exposure to schooling improves performance in the first grade, but afterward the difference is quickly washed away. +21286051 Let us sum up what we do know about education and about those education reforms that do work and don't work: -- "Parental involvement" is a bad idea. +21286052 Parents are too likely to blame schools for the educational limitations of their children. +21286053 Parents should be involved with their children's education at home, not in school. +21286054 They should see to it that their kids don't play truant; they should make certain that the children spend enough time doing homework; they should scrutinize the report card. +21286055 If parents are dissatisfied with a school, they should have the option of switching to another. +21286056 -- "Community involvement" is an even worse idea. +21286057 Here, the experience of New York City is decisive. +21286058 Locally elected school boards, especially in our larger cities, become the prey of ambitious, generally corrupt, and invariably demagogic local politicians or would-be politicians. +21286059 New York is in the process of trying to disengage itself from a 20-year-old commitment to this system of school governance, even as Chicago and other cities are moving to institute it. +21286060 -- In most states, increasing expenditures on education, in our current circumstances, will probably make things worse, not better. +21286061 The reason is simple: Education takes place in the classroom, where the influence of money is minimal. +21286062 Decades of educational research tell us unequivocally that even smaller classes have zero effect on the academic performance of the pupils -- though they may sometimes be desirable for other reasons. +21286063 The new money flows into the already top-heavy administrative structure, which busies itself piling more and more paper work on the teachers. +21286064 There is neither mystery nor paradox in the fact that as educational expenditures (in real terms) have increased sharply in the past quarter-of-a-century -- we now spend more per pupil than any other country in the world -- educational performance has declined. +21286065 That is the way the system works. +21286066 -- Students should move up the educational ladder as their academic potential allows. +21286067 No student should be permitted to be graduated from elementary school without having mastered the 3 R's at the level that prevailed 20 years ago. +21286068 This means "tracking," whose main purpose is less to permit the gifted youngsters to flourish (though that is clearly desirable) than to ensure that the less gifted get the necessary grounding for further study or for entering the modern world of work. +21286069 The notion that tracking is somehow "undemocratic" is absurd. +21286070 The purpose of education is to encourage young men and women to realize their full academic potential. +21286071 No one in his right mind actually believes that we all have an equal academic potential. +21286072 -- It is generally desirable to use older textbooks -- many of them, alas, out of print -- rather than newer ones. +21286073 The latter are modish, trendy, often downright silly, and at best insubstantial. +21286074 They are based on dubious psychological and sociological theories rather than on educational experience. +21286075 One of the reasons American students do so poorly in math tests, as compared with British, French, German or Japanese students, is the influence of the "New Math" on American textbooks and teaching methods. +21286076 Anyone who wants to appreciate just how bizarre this situation is -- with students who can't add or subtract "learning" the conceptual basis of mathematical theory -- should read the article by Caleb Nelson (himself a recent math major at Harvard) in the November American Spectator. +21286077 -- Most important of all, schools should have principals with a large measure of authority over the faculty, the curriculum, and all matters of student discipline. +21286078 Study after study -- the most recent from the Brookings Institution -- tells us that the best schools are those that are free of outside interference and are governed by a powerful head. +21286079 With that authority, of course, goes an unambiguous accountability. +21286080 Schools that are structured in this way produce students with higher morale and superior academic performance. +21286081 This is a fact -- though, in view of all the feathers that are ruffled by this fact, it is not surprising that one hears so little about it. +21286082 Mr. Kristol, an American Enterprise Institute fellow, co-edits The Public Interest and publishes The National Interest. +21287001 International Business Machines Corp. unveiled a broad strategy to tackle the biggest problem that manufacturers face when computerizing their operations: Most machines can't talk to each other. +21287002 The company unveiled more than 50 products, mostly software, that are designed to integrate the three areas of a manufacturing operation -- the plant floor, design operations and production planning. +21287003 The aim, ultimately, is to increase the flow of information into a manufacturer's main computer network for use in business planning, marketing and other operations. +21287004 Manufacturers have already spent so heavily on automation that they are one of the computer industry's leading revenue sources. +21287005 But many manufacturers find that communication between different computers has been rendered nearly impossible by the babel of computer languages used by different machines, including robots and machine tools. +21287006 IBM's announcement, which was expected and will formally be made to customers today, also marks an attempt to gain credibility on the plant floor, where Digital Equipment Corp. has long dominated and where Hewlett-Packard Co. has recently gained market share. +21287007 Consultants have said that it will take a while for all the pieces of the IBM strategy to fall into place, even though the specific products IBM unveiled will generally be available by the end of the first quarter. +21287008 Sam Albert, a consultant in Scarsdale, N.Y., said that in the past IBM has developed broad software strategies only for problems that crossed industry lines. +21287009 He said he believes IBM's decision to invest this sort of effort into a single industry showed that it was getting serious about understanding customers' problems and wasn't just selling technology. +21287010 He said he expects IBM to unveil similar strategies for other industries in coming months. +21287011 IBM's push is also unusual in its approach to marketing. +21287012 Rather than just send out marketing people to knock on customers' doors, IBM is making several hundred of its own manufacturing people available to discuss specific needs. +21287013 IBM's manufacturing staff also will be able to provide software that IBM has developed internally and will be able to form teams with a customer to jointly solve manufacturing problems. +21287014 IBM can obviously bring its expertise to bear on problems related to computer manufacturing, but it could also help customers on software to deal with such things as changes in engineering documents. +21287015 "We may not have every manufacturing problem, but we have most," said George Conrades, IBM's top marketing official. +21288001 Japan's Big Four securities firms posted first-half unconsolidated results that mirrored softer performance as a result of slower turnover on the Tokyo Stock Exchange during July and August. +21288002 Figures for the period ended Sept. 30 for the four largest brokerage firms -- Nomura Securities Co., Daiwa Securities Co., Yamaichi Securities Co. and Nikko Securities -- also reflected a changeover to a fiscal year ending March 31, replacing the 12-month term formerly finishing Sept. 30. +21288003 As a result, brokerage house officials said, appropriate comparisons from the same period a year earlier were unavailable. +21288004 Operating profit, pretax profit and net income results, however, were provided for the immediately preceding six-month period. +21288005 The statistics follow a year-on-year rebound in consolidated and unconsolidated results in the full fiscal year ended in March 1989, recovering from dismal results in the prior fiscal year as a result of the October 1987 stock market crash. +21288006 Nomura said its pretax profits inched up 0.9% to 248.91 billion yen (US$1.75 billion) from 246.60 billion yen in the six months ended March 31. +21288007 Total operating profit fell 3.1% to 486.1 billion yen from 501.61 billion yen. +21288008 Net income, however, rose 3.7% to 107.87 billion yen from 103.98 billion yen. +21288009 Per-share net rose to 55.10 yen from 54.51 yen. +21288010 Daiwa said its pretax profits surged 9.6% to 171.04 billion yen from 156.12 billion yen in the preceding six-month term. +21288011 Operating profit rose 5.5% to 332.38 billion yen from 315.12 billion yen. +21288012 Net income jumped 21% to 79.03 billion yen from 65.53 billion yen. +21288013 Per-share net rose to 62.04 yen from 51.50 yen. +21288014 Yamaichi said its pretax profit increased 8.9% to 117.94 billion yen from 108.28 billion yen. +21288015 Operating profit rose 5.3% to 279.75 billion yen from 265.79 billion yen. +21288016 Net income surged 21% to 55.59 billion yen from 46.02 billion yen. +21288017 Per-share net rose to 47.46 yen from 39.31 yen. +21288018 Nikko's pretax profit rose 1.6% to 130.25 billion yen from 128.19 billion yen. +21288019 Operating profit rose 4% to 293.29 billion yen from 282.08 billion yen. +21288020 Net income rose 23% to 63.52 billion yen from 51.65 billion yen. +21288021 Per-share net rose to 44.08 yen from 36.13 yen. +21289001 Harken Energy Corp. of Dallas said it will drop its $11.75-a-share, or $190 million, offer for Tesoro Petroleum Corp. if the two companies don't have an agreement to merge by Dec. 15. +21289002 Harken, which made its offer in August, said it still is awaiting a response to its offer from Tesoro's board. +21289003 Harken also said that its financing from Bankers Trust Co. has been extended until Dec. 15 to give Tesoro's board time to consider the offer at a Tesoro board meeting scheduled for mid-November. +21289004 Harken, which owns about 800 retail gas stations, has said it is particularly interested in Tesoro's refinery because it would fill a gap in its business. +21289005 However, Tesoro, based in Houston, already has rejected a suitor in the past year. +21290001 Francis D. John, 35-year-old president, will assume the additional job of chief executive officer. +21290002 He succeeds Paul J. Montle, 42, who will remain chairman. +21290003 National Environmental also said it will move its headquarters from Hingham to Folcroft, Pa., the site of its sludge dewatering facility. +21290004 National Environmental, formerly Yankee Cos., is a sludge treatment company. +21291001 Eagle Clothes Inc., which is operating under Chapter 11 of the federal Bankruptcy Code, said it reached an agreement with its creditors. +21291002 Under the accord, Albert Roth, chairman and chief executive officer, and Arthur Chase, Sam Beigel, and Louis Polsky will resign as officers and directors of the menswear retailer. +21291003 Mr. Roth, who has been on leave from his posts, will be succeeded by Geoffrie D. Lurie of GDL Management Inc., which is Eagle's crisis manager. +21291004 Mr. Lurie is currently co-chief executive. +21291005 Arnold Levine, acting co-chief executive, will continue as senior vice president and a board member. +21291006 Eagle also said it received a commitment for as much as $8 million in financing from Norfolk Capital Group Inc. +21291007 In addition, a Norfolk affiliate, York Capital Inc., will purchase all of the interests of Eagle's secured lenders, which total $11.5 million, and guarantee as much as $8.2 million in payments to Eagle's unsecured creditors. +21291008 A committee representing the unsecured creditors agreed to accept 24 cents on the dollar, Eagle said. +21291009 The plan would extend the period under which Eagle has the exclusive right to file a reorganization plan. +21291010 It would extinguish all of Eagle's existing capital stock and issue new stock to York as sole holder. +21291011 A bankruptcy court hearing is set for Nov. 3 on these accords. +21291012 In its bankruptcy-law petition, filed in U.S. Bankruptcy Court in Manhattan, Eagle said its problems began in 1987 and early 1988 when its then-senior lender, Bankers Trust Co., reduced its credit line. +21291013 In September 1988, Eagle acquired Biny Clothing Inc., a closely held New York chain operated under the Bonds name. +21291014 Eagle's management retired and Biny's management took control of the company. +21291015 At the time, Eagle reached a new credit agreement with Bankers Trust and with Bank Leumi Trust Co. of New York for $8 million, and a new subordinated debt accord with First Century Partners and Biny management for $2 million. +21291016 But Eagle said the financing was insufficient and sales during the past fiscal year sagged. +21291017 Under Chapter 11, a company operates under protection from creditors' lawsuits while it works out a plan to pay debts. +21292001 Standard & Poor's Corp. said it would add John H. Harland Co., an Atlanta check printer, to its 500-stock index, effective at the close of trading on Wednesday. +21292002 American Medical International Inc., a New York hospital operator, will be deleted from the index at that time. +21292003 American Medical is being acquired. +21293001 The tougher new regulations under the savings-and-loan bailout law are accelerating the thrift industry's shrinking act. +21293002 Largely to meet tougher new capital requirements, thrifts reduced their assets $13.4 billion in August, by selling such assets as mortgage-backed securities and loans. +21293003 Industry assets as of Aug. 31 were $1.31 trillion, the lowest since August 1988. +21293004 As thrifts sell assets to improve their capital-to-asset ratio, as required under the new law passed in August, they must also reduce liabilities, such as deposits. +21293005 As interest rates paid depositors were lowered, thrift withdrawals exceeded deposits by $5.1 billion, not including interest credited to accounts. +21293006 It was the third consecutive month in which thrifts shed assets to increase the size of their capital in relation to their assets, the Office of Thrift Supervision said. +21293007 The asset shrinkage was particularly concentrated in several large California institutions. +21293008 "The downsizing of the thrift industry is well under way," said Bert Ely, an industry consultant in Alexandria, Va. +21293009 "This suggests the bailout law is having a more dramatic effect than anyone would have imagined so soon." +21293010 James Barth, an economist with the Office of Thrift Supervision, also attributed some of the outflow to seasonal factors. +21293011 "August is a month when people are paying school tuition," he said. +21293012 "That and adjustment to the new law were the biggest factors in the industry." +21293013 Not including thrifts under government conservatorship, S&Ls reduced their assets by $10.1 billion from the previous month, and deposit outflows totaled $3.9 billion. +21293014 For the 264 insolvent thrifts under government management at the end of August, assets declined by $3.3 billion and withdrawals exceeded deposits by $1.2 billion. +21293015 Thrifts raised capital mostly by selling mortgages and mortgage-backed securities, which were reduced by $7.8 billion in August from the prior month. +21293016 As of Aug. 31, thrifts held $185 billion in mortgage-backed securities. +21293017 The deposit numbers for August marked a swing back to huge outflows after a July net deposit inflow of $54 million -- the only net inflow in more than a year. +21293018 Deposits aren't expected to exceed withdrawals in the foreseeable future, as the industry continues to shrink. +21293019 "I think we are going to see deposit shrinkage continue, unless we see big changes in rates," Mr. Ely said. +21293020 For the first eight months of 1989, thrifts' withdrawals exceeded deposits by $44.5 billion. +21293021 For the prior year, deposits exceeded withdrawals by $8.8 billion. +21294001 The estimates of real gross national product prepared by the Bureau of Economic Analysis in the Department of Commerce significantly understate the rate of economic growth. +21294002 Since the bureau's estimates for the business sector provide the numerator for the productivity ratios calculated by the Department of Labor, underestimated growth rates artificially depress official productivity statistics. +21294003 If this thesis is correct, it has important implications for macroeconomic policies: It may lower the sense of urgency behind efforts to enact tax incentives and other measures to increase the rate of growth in productivity and real GNP. +21294004 It would also affect the perceptions of the board of governors of the Federal Reserve System, and the informed public generally, as to what constitutes a reasonable degree of price stability. +21294005 In the early 1980s, I predicted a significant acceleration in productivity growth over the rest of the decade. +21294006 This forecast was based on the apparent reversal of most of the negative forces -- such as demographic changes, the oil shock and accelerating inflation -- that had reduced productivity gains in the 1970s. +21294007 There has indeed been more than a one percentage point improvement in productivity growth since 1981. +21294008 But I had expected more, which is one reason I began looking at evidence suggesting defects in the official output estimates. +21294009 The evidence does not clearly support the view that the downward bias in output growth has become greater during the 1948-89 period, but all I am claiming is that the growth trend is understated. +21294010 (It is, however, possible, that further study will reveal increasing bias.) +21294011 This bias is in no way deliberate. +21294012 The understatement of growth is due largely to the conservative expedients adopted to deal with deficiencies in basic economic data. +21294013 The first of three major sources of error is the use of labor input estimates (mainly employment or hours) instead of output estimates for those sectors, such as governments, paid household services and private non-profit institutions, where there are difficulties in assembling output data. +21294014 This means that no allowance is made for possible increases in output per unit of labor. +21294015 In an unrelated program in which the Labor Department does estimate output per employee for more than two-thirds of federal civilian employees, it found an average annual rate of productivity improvement of 1.7% during the 1980s. +21294016 Even if it is assumed that productivity rose no more than half as quickly in the rest of the nonbusiness sector, this Labor Department estimate indicates a downward bias in the real GNP estimates of 0.2 percentage point a year, on average. +21294017 The federal productivity estimators use labor input, rather than output, data for their calculations of half of private financial and service industries as well. +21294018 Independent estimates of output in those industries, including one by the Department of Labor for banking, suggests that productivity in finance and services appears to have risen by an average of at least 1.5% a year between 1948 and 1988. +21294019 Because finance and services contribute 10% to final business product, missing these productivity improvements depresses the overall growth rate by 0.15% a year. +21294020 The second source of error in growth statistics is the use of inappropriate deflators to adjust for price changes. +21294021 I estimate that these mismeasurements as detailed by Martin N. Baily and Robert J. Gordon add a further 0.12 percentage point to the downward bias in the growth rate of real business product. +21294022 Finally, the official estimates understate growth because they make inadequate allowance for improvements in quality of goods and services. +21294023 In 1985, a new price index for computers adjusted for changes in performance characteristics was introduced, and that resulted in a significantly larger increase in real outlays for durable goods than the earlier estimates had showed. +21294024 Since then, further research argues that failure to take account of quality improvements has contributed a total of at least 0.26 percentage point to the downward bias in the growth rate. +21294025 In sum, the biases ennumerated above indicate a 0.7 percentage point understatement in growth of total real GNP. +21294026 For the private domestic business economy, the bias was a bit over 0.5 percentage point. +21294027 In other words, the growth rates of both total GNP and real private business product per labor hour have been underestimated by about 20%. +21294028 Mr. Kendrick is professor emeritus of economics at George Washington University. +21294029 He is co-author of "Personal Productivity: How to Increase Your Satisfaction in Living" (M.E. Sharp, 1988). +21295001 Union Carbide Corp. said third-quarter net income plunged 35% from a year earlier on weakness in the company's mainstay chemicals and plastics business. +21295002 Net was $139 million, or 98 cents a share, for the quarter, compared with $213 million, or $1.56 a share, a year ago. +21295003 Sales were $2.14 billion, up 1.6% from $2.11 billion the previous year. +21295004 Carbide, like other companies with a heavy reliance on the so-called commodity end of the chemicals industry, was expected to post earnings sharply lower than in an exceptionally strong 1988 third quarter. +21295005 But the company's latest quarter was a few pennies a share lower than the more pessimistic projections on Wall Street. +21295006 "It certainly wasn't a disaster, but it does show weakness" in some of the company's chief markets, said George Krug, a chemicals-industry analyst at Oppenheimer & Co. +21295007 In New York Stock Exchange composite trading, Carbide closed at $24.50 a share, down 50 cents. +21295008 Prices for polyethylene, a common plastic and an important Carbide product, started to fall early this year; the slide accelerated in the third quarter as buyers continued to trim inventories. +21295009 Prices also fell for ethylene oxide and glycols, products used in making antifreeze. +21295010 Some producers of polyethylene, figuring the inventory reductions are near an end, have announced price boosts. +21295011 The first real test of whether prices have hit bottom may come in the next several weeks, when the new prices become effective. +21295012 A Carbide spokesman said "the conditions are right for the increase to hold." +21295013 For the third quarter, operating profit from Carbide's chemicals and plastics business fell to $238 million from $352 million a year ago, before accounting for taxes and interest expense. +21295014 Operating profit from carbon products, such as graphite electrodes, also declined, to $6 million from $20 million. +21295015 In the industrial-gases segment, operating profit climbed to $87 million from $58 million. +21295016 The latest quarter included a gain of about $62 million on the sale of the company's urethane polyols and propylene glycols businesses. +21295017 Propylene glycols are used in making personal-care products such as shampoo, and urethane polyols are used in making the polyurethane foam found in furniture cushioning and other products. +21295018 That gain was mostly offset by a loss of about $55 million from a write-down in its polysilicon business. +21295019 Polysilicon is used in making integrated circuits. +21295020 For the nine months, net totaled $526 million, or $3.74 a share, up 5% from $501 million, or $3.71 a share, a year ago. +21295021 Sales rose 7.7% to $6.66 billion from $6.19 billion. +21296001 At least 10 states are resisting Drexel Burnham Lambert Inc.'s nationwide effort to settle its legal troubles, and some might instead try to revoke the firm's license to sell securities within their borders. +21296002 The reluctance of some states to let Drexel off the hook could hamper the firm's attempts to polish its image after its guilty plea to six felonies last month, say several people familiar with the discussions. +21296003 Up to now, Drexel has made a rapid-fire series of settlements with 25 states and the commonwealth of Puerto Rico. +21296004 Just yesterday, New Hampshire announced it made a $75,000 settlement with Drexel, a record-tying fine for a securities-law matter in that state. +21296005 These states have been entering into settlements with Drexel as part of the firm's efforts to operate freely anywhere in the U.S. despite its record as an admitted felon. +21296006 But individuals familiar with the generally successful Drexel talks say the firm is meeting resistance from some big states, including New Jersey, New York, California, Pennsylvania, Connecticut and Missouri. +21296007 Officials in some of these states say they don't want to simply accept the settlements offered by Drexel. +21296008 They question if Drexel is getting easier treatment than the many small penny-stock firms whose brokerage licenses are routinely revoked. +21296009 Drexel has to settle with state securities regulators in the wake of its criminal guilty plea and a related civil settlement with the Securities and Exchange Commission that includes payment of $650 million in penalties. +21296010 These stem from a two-year federal investigation of insider trading and securities fraud on Wall Street. +21296011 Ohio, the District of Columbia, Tennessee and Illinois have been less resistant to Drexel than the other six states, but nonetheless have refused to settle so far, say those familiar with the discussions. +21296012 Drexel says it doesn't expect any of its state brokerage licenses will be revoked, and even if some are, its securities business wouldn't be directly hurt. +21296013 It already has sold its retail, or individual-investor, brokerage network; securities firms don't need brokerage licenses for non-retail activities such as investment banking. +21296014 Still, if nothing else, a revoked brokerage license could be a burden because it must be disclosed in many of the transactions in which Drexel could be involved. +21296015 Securities regulators praise Drexel for its energetic effort, led by government-approved general counsel Saul S. Cohen, to settle its legal problems with the states. +21296016 But they disagree about the message these settlements give to the public. +21296017 "There was a lot of internal debate about that specific issue," said Susan Bryant, Oklahoma's chief securities regulator and president of the North American Securities Administrators Association, which drafted a voluntary settlement plan for the states with Drexel. +21296018 The question, she said, is whether Drexel should be allowed to pay and move on, or "whether you should (simply) revoke the license when someone is convicted of a felony." +21296019 While Ms. Bryant's state went ahead and accepted Drexel's settlement offer of $25,000, she said: "I don't have any argument with those who came to different conclusions. +21296020 I can see both sides." +21296021 Similarly, Alfred Rubega, New Hampshire's director of securities regulation, said his state hadn't received any complaints about Drexel, so it really couldn't press the issue. +21296022 Still, "I understand the reasons" that other states are holding out, he said. +21296023 Mr. Cohen, the Drexel general counsel, said, "I don't think, as we say in investment banking, that `by the end of the day' we'll be losing any licenses." +21296024 Asked about states that are taking a hard line, he said, "There are states that have asked for additional information, which we are providing to them." +21296025 Mr. Cohen said more than $2.8 million has been paid to 26 states and that Drexel still expects to pay out a total of $11.5 million. +21296026 By the end of this week, Drexel should have another three to four settlements, Mr. Cohen said. +21296027 "The rate we're going, I think that by the end of the month, we're looking to have a total of 30 to 35," he said. +21296028 That total would be important for Drexel. +21296029 The investment bank has previously announced that as part of its punishment it would create an independent foundation to promote ethical behavior in the securities industry. +21296030 A proviso to that promise is that a minimum of 35 states reach settlement agreements before next Tuesday. +21296031 There are, according to several securities commissioners, at least 16 states that are either close to settlements with Drexel or who don't appear opposed to settling. +21296032 Drexel's proposed state fines have been based on a state's population and on the size of Drexel's business in the state. +21296033 New Jersey, for example, was asked to accept $300,000, but refused. +21296034 The state isn't ruling out revoking Drexel's brokerage license. +21296035 The state can also bar Drexel as an investment adviser. +21296036 State officials won't describe their position in detail, but James McLelland Smith, state securities chief, said: "We really are still looking at it and have informed (Drexel) that the proposal is really not sufficient for settlement." +21296037 Connecticut already has issued a "notice of intent" to revoke Drexel's brokerage license. +21296038 It is one of the states that have met with Mr. Cohen and asked for additional information about investors' accounts and other matters. +21296039 "This particular issue goes to the very integrity of the capital-formation market," state Banking Commissioner Howard Brown said. +21296040 A banking department spokesman added: "Commissioner Brown doesn't feel that money alone is the issue here." +21296041 Particularly touchy are the cases of New York, which is Drexel's base, and California, the base of Drexel's highly profitable junk-bond operation that led to the firm's legal difficulties. +21296042 Neither state has settled, and officials in the two states won't discuss their reasons for not doing so. +21296043 But Drexel has made it clear it could mount a significant legal battle in each state if its license is revoked, according to state officials. +21296044 Ms. Bryant, the head of the state securities group, said Drexel has done a better job of settling with the states than E.F. Hutton did after its guilty plea to a massive check-kiting scheme several years ago. +21296045 Still, she said, Drexel's trouble with some states isn't a bad thing. +21296046 "This process should point out that it's not going to be easy for a firm that's convicted of a felony to immediately jump back into the retail business," Ms. Bryant said. +21296047 "We need to have somebody worried so they don't do this again." +21296048 These are the 26 states, including the commonwealth of Puerto Rico, that have settled with Drexel: Alaska, Arkansas, Delaware, Georgia, Hawaii, Idaho, Indiana, Iowa, Kansas, Kentucky, Maine, Maryland, Minnesota, Mississippi, New Hampshire, New Mexico, North Dakota, Oklahoma, Oregon, South Carolina, South Dakota, Utah, Vermont, Washington, Wyoming and Puerto Rico. +21297001 Time Warner Inc. reported a third-quarter net loss of $176 million, or $2.88 cents a share, reflecting acquisition costs for a 59.3% stake in Warner Communications Inc. and the purchase method of accounting for the transaction. +21297002 Separately, Warner reported a net loss of $106 million, or 56 cents a share, including merger expenses of $100 million and $120 million in charges associated with stock-appreciation-based compensation plans. +21297003 Time Warner is in the process of completing its acquisition of the remaining Warner shares. +21297004 Time Warner emphasized in a news release that it should be evaluated based on its cash flow, which the company defined as earnings before interest, taxes, depreciation and amortization. +21297005 On a pro-forma basis, assuming the merger was effective Jan 1, 1988, including the results from both Time Inc. and all of Warner, that cash flow figure would be $526 million for the latest quarter, more than double the comparable figure a year ago, or $242 million, according to Time Warner. +21297006 Some analysts at least are buying that argument, and weren't alarmed by the losses. +21297007 "What really matters is the operating income of the divisions: I look at these numbers and I say, these businesses are doing well," said Mark Manson, a vice president of Donaldson, Lufkin & Jenrette Securities Corp. +21297008 "For example, Warner made more than $100 million from filmed entertainment in three months. +21297009 That's a big number. +21297010 Warner also had a gain of more than 13% from records and music publishing, even though the domestic record business was sluggish this summer." +21297011 In the year-ago third quarter, Time on its own reported net income of $81 million, or $1.42 a share. +21297012 Combined revenue for the latest quarter of Time Warner was $2.2 billion, compared with the year-ago Time revenue of $1.1 billion. +21297013 On a pro forma basis, including all of Warner's earnings, Time Warner had a third-quarter loss of $217 million, compared with a $342 million loss a year earlier. +21297014 On the same basis, revenue rose to $2.7 billion from $2.2 billion. +21297015 For the third quarter, Warner's $106 million loss compared with a year-ago loss of $113 million, or 90 cents a share. +21297016 Revenue rose to $1.5 billion from $1.1 billion. +21297017 The 1988 figures were restated to include the results of Lorimar Telepictures Corp., which Warner acquired in January. +21297018 Time Warner's operating earnings got a boost from Warner's record box-office results. +21297019 "Batman" alone has racked up more than $247 million in box-office receipts to date, making it Warner Bros.' largest grossing film ever. +21297020 "Lethal Weapon II" was also a big hit. +21297021 Warner also contributed record results from its music business, where unit sales of compact discs rose more than 50% from a year ago, the company said, helped by Prince's "Batman" soundtrack. +21297022 Time Warner said its cable division turned in a 77% increase in operating cash flow, to $166 million from $94 million, reflecting higher per-subscriber revenue. +21297023 In addition, the 1988 results included a $20 million charge reflecting a reserve for relocation related expenses at American Television & Communications Corp. +21297024 On the other hand, Time Warner said its operating cash flow declined in the quarter for its magazine division, its books division and the Home Box Office programming division. +21297025 In magazines, higher advertising revenues at Sports Illustrated and Fortune were offset by lower ad revenue for other major magazines. +21297026 The programming division saw a decline in operating cash flow because the year-ago quarter included a $12 million dividend from Turner Broadcasting System and because the quarter includes expenses associated with the Nov. 15 launch of HBO's Comedy Channel. +21297027 In New York Stock Exchange composite trading, Time Warner closed at $138.625 a share, up $1.875, while Warner closed at $63.875 a share, up 12.5 cents. +21298001 Robert J. Penn, president and chief executive officer, will take early retirement from this steelmaker Dec 31. +21298002 William S. Leavitt, chairman, said Mr. Penn, 58 years old, would continue as a consultant and would work with the board in selecting a successor. +21298003 UNR recently emerged from bankruptcy-law proceedings that left 64% of the reorganized company's common stock in the hands of trustees of an asbestos-disease claims trust. +21298004 The company said it would have no further comment. +21298005 Mr. Leavitt, 37, was elected chairman earlier this year by the company's new board, having served as vice president for legal and corporate affairs. +21298006 His father, David S. Leavitt, was chairman and chief executive until his death in an accident five years ago, at which time Mr. Penn was named president. +21299001 Some House Democrats are trying to head off an appointment by President Bush to the board that oversees the savings-and-loan bailout, contending that the prospective nominee is the head of troubled banks himself. +21299002 Four Democrats on the House Banking Committee sent President Bush a letter stating their concerns about the expected appointment of James Simmons, an Arizona banker and former fund-raiser for Mr. Bush, to the Oversight Board of the Resolution Trust Corp. +21299003 The Oversight Board, created in the savings-and-loan law signed in August, sets policy for the RTC, which will sell hundreds of the nation's sick thrifts and billions of dollars of their assets. +21299004 Treasury Secretary Nicholas Brady, Federal Reserve Board Chairman Alan Greenspan and Housing and Urban Development Secretary Jack Kemp are members of the board. +21299005 President Bush must appoint two other members, one a Democrat and one a Republican. +21299006 An administration official confirmed last week that Mr. Simmons, the chairman of Valley National Bank in Phoenix, is the Republican appointee, and that a security clearance was under way. +21299007 The Democratic appointee hasn't been determined, the official said. +21299008 Mr. Simmons declined to comment, and the White House said the congressmen's letter is under review. +21299009 The letter, dated last Thursday, cited the losses at Valley National, and at United Bank, also of Phoenix, where Mr. Simmons was chairman for 29 years. +21299010 Both banks have been battered, as have other Arizona banks, by falling real estate prices. +21299011 Valley National, for example, had $470 million in problem assets as of June. +21299012 "We believe that there are numerous other candidates more qualified for this important position and we encourage you to give them your thorough consideration before making this key RTC appointment," the letter said. +21299013 "The RTC needs the most able, competent management available." +21299014 But Mr. Simmons has long ties to both Republicans and banking. +21299015 He was co-chairman of Mr. Bush's Arizona campaign committee in last year's election, and also worked for Mr. Bush in the 1980 election. +21299016 The two met more than 30 years ago, when Mr. Simmons worked for Commercial Bank & Trust Co. of Midland, Texas, where Mr. Bush was an organizing director. +21299017 In 1986, Mr. Simmons also served on a committee of businessmen headed by William Seidman, chairman of the Federal Deposit Insurance Corp. and the Resolution Trust Corp. +21299018 That committee determined to open Arizona to banking across state lines. +21299019 Arizona Trend magazine referred to Mr. Simmons this year as one of the 25 most influential people in the state. +21299020 The letter to Mr. Bush was signed by Reps. Bruce Vento (D., Minn.), the chairman of the Banking Committee's RTC Task Force, Thomas McMillen (D., Md.), Kweisi Mfume (D., Md.) and Paul Kanjorski (D., Pa.). +21300001 Randolph W. McElroy, a vice chairman of this bank-holding company, was named to the additional position of chairman of its principal unit, Sovran Bank. +21300002 Mr. McElroy, 54 years old, will remain president and chief executive officer of the unit. +21300003 Sovran also named John B. Werner a vice chairman of the parent company and the unit and elected him to the newly created position of chief credit officer of Sovran Financial, increasing the number of corporate board members to 35. +21300004 Mr. Werner, 58, was formerly senior executive vice president of the parent company and the unit. +21301001 Moody's Investors Service Inc. said it lowered the debt ratings of certain long-term debt held by this company. +21301002 The debt-rating concern cited the bank's move into the Texas market, noting its profitability and capital adequacy measurements will be depressed relative to the bank's past performance. +21301003 Moody's also said it raised its rating on the Deposit Insurance Bridge Bank, now known as Bank One, Texas N.A., reflecting the support of other banking affiliates and substantial assistance for the FDIC. +21301004 Officials at the New York bank-holding company weren't available for comment on the debt-rating changes. +21302001 At Lloyd's of London, underwriters still scratch out policies using fountain pens and blotting paper. +21302002 Visitors are ushered into the premises by red-frocked doormen known as waiters, a reminder of the insurance market's origins in a coffeehouse in 17th century London. +21302003 Such trappings suggest a glorious past but give no hint of a troubled present. +21302004 Lloyd's, once a pillar of the world insurance market, is being shaken to its very foundation. +21302005 The 301-year-old exchange is battered by enormous claims from a decade-long run of unprecedented disasters, the most recent of which is last week's earthquake in California's Bay Area. +21302006 At the same time, Lloyd's is besieged by disgruntled investors and hamstrung by inefficient but time-honored ways of conducting business. +21302007 The exchange is gradually being squeezed into narrow, less-profitable segments of the market by less hidebound competitors. +21302008 "Lloyd's is on the ropes," says Peter Nutting, a Lloyd's investor for 17 years who now leads a dissident group threatening to sue exchange underwriters for alleged mismanagement and negligence. +21302009 "It needs more discipline. +21302010 It needs to sort itself out." +21302011 Most troublesome is the shrinking pool of "names," the well-heeled investors (some of them royal) who, as members of about 360 syndicates, underwrite policies. +21302012 Some 1,750 members quit the exchange last year, more than triple the number of resignations in 1987. +21302013 Names are resigning at an even faster pace this year. +21302014 Lackluster returns are one reason. +21302015 The average after-tax return on investment in 1986, the most recent year for which results are available, was 6.5%, according to Chatset Ltd., an insurance consulting firm in London. +21302016 In 1985, it was 2.1%. +21302017 Between 1981 and 1986, the most recent five-year period for which figures are available, Lloyd's reported over #3.6 billion in claims and reserves against future losses ($5.7 billion at today's exchange rates), more than double the #1.35 billion posted in the previous five-year period. +21302018 Many of the 31,329 investors who remain are beginning to question one of the exchange's most basic tenets, the concept of unlimited personal liability. +21302019 Investors may reap huge profits when premiums exceed claims, but they are liable to their last pound or dollar in the event of a catastrophe. +21302020 And catastrophes are getting ever more costly. +21302021 Lloyd's claims for the 1988 Piper Alpha oil-rig disaster in the North Sea, for instance, may reach $1 billion. +21302022 During the five-year period ended 1986, roughly 80% of the names had money tied up in money-losing syndicates, according to Chatset consultants. +21302023 The peril of unlimited liability looms large for a number of them now. +21302024 "I have wished I could die and be out of it -- that's how bad it is," Betty Atkins, a secretary from suburban London, says. +21302025 Ms. Atkins, whose Lloyd's membership was a bonus from a former employer in 1981, belongs to Mr. Nutting's dissident group on the Outhwaite syndicate, which has been hard hit by asbestos reinsurance claims. +21302026 Ms. Atkins, who underwrote #20,000, or about $32,000, of insurance coverage on that syndicate, now faces potential losses of roughly #70,000, or $111,000. +21302027 "If Lloyd's wants #70,000 out of me they will have to take everything I've got -- and even then I don't know if it will be enough," she says. +21302028 Unease is widespread among exchange members. +21302029 "I can't think of any reason to join Lloyd's now," says Keith Whitten, a British businessman and a Lloyd's member since 1979. +21302030 "The downside is very considerable, and at the moment the upside is very marginal." +21302031 If profits don't improve, Mr. Whitten says he may quit the exchange. +21302032 Meanwhile, competition from rivals unencumbered by history is intensifying. +21302033 Lloyd's is being squeezed out of low-margin but more consistently profitable product lines such as primary property and marine insurance. +21302034 Over the past decade, competitors have chipped away at the exchange's share of the #2.5 billion marine market in London, where half the world's ships are insured. +21302035 Lloyd's 66% stake in that market has shrunk to 50% in that period, according to an official at the Institute of London Underwriters, a Lloyd's competitor. +21302036 (The official asked not to be named.) +21302037 Much of the business has gone to the institute, an association of more than 100 insurers, including Cigna Corp., Allianz Versicherungs AG of West Germany and Britain's Commercial Union Assurance PLC. +21302038 Lloyd's has endured decades of genteel decline. +21302039 At the peak of its power and influence a century ago, Lloyd's dominated the insurance world with a 50% stake. +21302040 It virtually dictated how ships were to be built and it monitored commerce through a unrivaled intelligence network in ports around the globe. +21302041 Today, Lloyd's share of the world market, excluding life insurance, is about 2%. +21302042 (Its stake is even smaller if life insurance is included.) +21302043 Bigger rivals, such as Aetna and Allianz, backed by armies of statisticians using computers in hundreds of branches, operate more efficiently and often can offer lower rates, brokers say. +21302044 Though Lloyd's pioneered such now-standard policies as worker's compensation insurance, burglary insurance for homeowners and businesses, and bankers' liability insurance, competitors now underwrite most of that business. +21302045 Beyond that, many big oil, chemical and airline companies are siphoning off big chunks of the market by insuring themselves through "captive" offshore companies for industry-specific coverage. +21302046 Even Lloyd's specialty -- unusually risky ventures -- is being challenged. +21302047 Only 10 years ago, for instance, Lloyd's was the pre-eminent insurer of thoroughbred horses. +21302048 But since 1981, Kirk Horse Insurance Inc. of Lexington, Ky. has grabbed a 20% stake of the market. +21302049 Ronald Kirk, president, says Lloyd's has suffered because its structure doesn't allow underwriters to deal directly with clients; brokers are required intermediaries. +21302050 Thus, he asserts, Lloyd's can't react quickly to competition. +21302051 "Lloyd's has lost control of the situation," he says. +21302052 "They aren't controlling their destiny like they used to." +21302053 Murray Lawrence, Lloyd's chairman, agrees the exchange faces big challenges. +21302054 "This is a watershed time, and we are trying to plot our way ahead," he says. +21302055 "We have been a great market for inventing risks which other people then take, copy and cut rates." +21302056 Lloyd's, he says, is cut off from "the vast body of premium down at the bottom end which acts as a steadying influence" against catastrophic losses. +21302057 By that, he means low-margin but low-risk products such as certain types of primary property insurance. +21302058 The exchange, he says, must find new products and new markets. +21302059 That won't be an easy task. +21302060 Tradition is dictator at Lloyd's. +21302061 Three years ago, the exchange took up residence in a space-age tower of steel and glass -- evocative of the kind of modern architecture that Britain's Prince Charles has denounced. +21302062 (Some exchange wags call the building "the oil rig.") +21302063 But along with such treasured artifacts as Lord Nelson's spyglass, Lloyd's also brought its outmoded ways of doing business. +21302064 The Lloyd's market actively underwrites insurance just 4 1/2 hours a day, brokers say. +21302065 Underwriting doesn't get under way until after morning tea at 10 a.m. +21302066 A two-hour lunch break follows. +21302067 Things wind down at about 4:30 p.m., just in time for afternoon tea. +21302068 Lloyd's vast trading hall houses a warren of well-polished desks. +21302069 The hall's few computers are used mostly to send messages. +21302070 Sandwiched between desks, underwriters sit on benches surrounded by stacks of policies. +21302071 Brokers clutching thick folders stand in lines, waiting their turn to speak to the underwriters. +21302072 A broker may have to approach as many as 20 underwriters who insure the endeavors on behalf of the syndicates. +21302073 It could take six months for a claim to be paid. +21302074 "The system," says Nicholas Samengo-Turner, a Lloyd's broker who left the exchange in 1985, "is so ludicrously unprofessional it drives you mad." +21302075 Some maintain underwriters also have been inept. +21302076 John Wetherell, a Lloyd's underwriter, says he and his fellow underwriters underestimated by as much as 50% the premiums they should have charged for property risks from 1980 to 1985. +21302077 "How unprofessional we must have appeared to the outside world -- how incompetent at risk assessment and evaluation," he says. +21302078 Lloyd's officials decline to comment on the matter. +21302079 More recently, property rates have increased. +21302080 Many at Lloyd's expect the San Francisco earthquake will cause the industry to boost rates even further. +21302081 But it will be years before it is clear whether higher rates will offset the payouts for such disasters. +21302082 The magnitude of the exchange's problems may not become known for some time because of Lloyd's practice of leaving the books open for three years to allow for the settlement of claims. +21302083 Lloyd's only recently reported its financial results for 1986. +21302084 That year, it posted record pretax profit of #650 million, a gain it attributes to higher rates and fewer claims. +21302085 But Mr. Lawrence says reported profit will be down in 1987, 1988 and 1989, though he declines to specify how steep the decline will be. +21302086 Insurance analysts say the exchange's downturn in profitability is likely to be aggravated by more than $600 million in aviation losses (including the 1988 Pan Am airline disaster over Lockerbie, Scotland) and a still-uncalculated chunk of claims from September's Hurricane Hugo. +21302087 Lloyd's says the departures of names isn't likely to hurt its underwriting capacity, currently about #11 billion. +21302088 Mr. Lawrence says the drain of funds has been offset by an increase in investments by the remaining names. +21302089 Meanwhile, the exchange has been trying to lower costs. +21302090 (It recently cut its work force by 9%, or 213.) +21302091 But Lloyd's is hampered in its efforts to overhaul operations by its reluctance to embrace modern technology. +21302092 Mr. Wetherell, the underwriter, reckons half of his business could be transacted by computer, cutting costs at least 10%. +21302093 Though Lloyd's has talked for years about computerizing underwriting transactions, the effort hasn't gotten very far. +21302094 Competition among underwriters and brokers makes them loath to centralize price and policy information. +21302095 Both groups cling to traditional face-to-face dealings, even for routine policies. +21302096 Lloyd's overblown bureaucracy also hampers efforts to update marketing strategies. +21302097 Some underwriters have been pressing for years to tap the low-margin business by selling some policies directly to consumers. +21302098 Lloyd's presently sells only auto insurance directly to the public, and such policies are sold only in limited markets such as the U.K. and Canada. +21302099 But such changes must be cleared by four internal committees and dozens of underwriters, brokers and administrators before being implemented. +21302100 The proposal to sell directly to the public remains mired in bureaucratic quicksand. +21302101 Lloyd's is moving forward on some fronts, though. +21302102 Mr. Lawrence says the exchange is updating some procedures to make speedier payments on claims. +21302103 By next year, all underwriters will be linked to a communications network that could reduce paper work on claims. +21303001 Japan's Daiwa Securities Co. named Masahiro Dozen president. +21303002 Mr. Dozen succeeds Sadakane Doi, who will become vice chairman. +21303003 Yoshitoki Chino retains his title of chairman of Daiwa, Japan's second-largest securities firm. +21303004 In Japanese firms, the president usually is in charge of day-to-day operations, while the chairman's role is more a ceremonial one. +21303005 The title of chief executive officer isn't used. +21303006 While people within Daiwa, particularly internationalists, expected that Mr. Dozen, 52, would eventually become Daiwa's president, the speed of his promotion surprised many. +21303007 It was only earlier this year that the jovial, easygoing executive -- he likes to joke with Americans about how his name is synonymous with twelve -- was appointed deputy president. +21303008 Mr. Dozen is taking over the reins of a securities company that does very well in its domestic market but that is still seeking to realize its potential in global investment banking and securities dealing. +21303009 Daiwa is one of the world's largest securities firms. +21303010 As of March 31, the Daiwa group had shareholder equity of 801.21 billion yen ($5.64 billion). +21303011 For the six months ended Sept. 30, Daiwa reported unconsolidated (parent company) net income of 79.03 billion yen ($556.5 million) on revenue of 332.38 billion yen ($2.34 billion). +21303012 Both figures were record highs. +21303013 Several observers interpreted Mr. Dozen's appointment as an attempt by Daiwa to make its international operations more profitable while preparing the firm for the effects of the continuing deregulation of Japan's domestic markets, which should mean increased competition. +21303014 All of Japan's so-called Big Four securities firms -- Nomura Securities Co. Ltd., the world's largest, Nikko Securities Co. Ltd., Yamaichi Securities Co. Ltd. and Daiwa -- have suffered setbacks in their attempts to break into foreign markets. +21303015 While they have moved to the fore in underwriting fixed-income securities in the Eurobond market -- mostly for Japanese firms -- they have been only marginally profitable, if at all, in the U.S. +21303016 American institutional investors have never had a large appetite for Japanese equities. +21303017 And while the Japanese have stepped up their purchases of U.S. shares in the past several months, they have shown themselves in the past to be fickle investors. +21303018 At the same time, Daiwa and its brethren have faced stiff competition from well-entrenched American competitors that have prevented them from building strong links to U.S. corporations and institutional investors. +21303019 Mr. Dozen knows these problems firsthand. +21303020 When he arrived in the U.S. in 1969 -- the start of an eight-year tour -- he tried selling Japanese yen-denominated bonds to U.S. investors. +21303021 "He made desperate efforts, using the yellow pages from beginning to end," said Koji Yoneyama, president of Daiwa's U.S. unit. +21303022 "But not a single piece of paper was sold." +21303023 By his own account, Mr. Dozen didn't do much better with U.S. bonds. +21303024 In an interview a few months ago, he recalled how after some training at Salomon Brothers Inc., he successfully bid for the opportunity to sell portions of 20 U.S. corporate bond issues. +21303025 But he couldn't sell any. +21303026 "Japanese stock salesmen selling American bonds? +21303027 Maybe it's crazy," he said. +21303028 Mr. Dozen even related the indignity suffered when he and two colleagues went on an overnight fishing expedition off the New Jersey shore and caught nothing. +21303029 Upon returning to New York, "Exhausted, I got into a taxicab, and the woman driver said: `Americans make better fishermen,'" he recalled. +21303030 Undaunted, Mr. Dozen said that Daiwa's goal is to build "a high-technology oriented international organization with maybe some Japanese flavor to it." +21303031 He said that he was particularly interested in his firm gaining expertise in futures, options, mortgaged-backed securities, computerized trading and investment systems as well as mergers and acquisitions. +21303032 Mr. Dozen said Daiwa's strengths were its large capital base, its influential position in the Tokyo market and its links to Japanese corporations and institutional investors. +21303033 Mr. Dozen joined Daiwa upon his graduation from Kyoto University in 1959. +21303034 Like many young recruits in Japanese securities firms, he began his career peddling stock to individual investors. +21303035 In his climb to the top, Mr. Dozen also headed the company's stock-exchange division, its fixed-income units and its international operations. +21303036 "He was constantly picking up new things to fill out his experience; he is very well-balanced," said Takuro Isoda, chairman of Daiwa's U.S. unit in New York. +21303037 But it Mr. Dozen's experience as a salesman that enabled him to gain the political support -- particularly from the retail sales force -- to accede to the presidency. +21303038 Commission income from domestic stock and bond sales accounts form a large portion of Japanese securities companies' earnings. +21303039 And anybody who lacked the backing of the retail sales force "would be fragile," said a Daiwa executive. +21303040 If Mr. Dozen has a weakness, it may be his golf game. +21303041 "He digs in the sand instead of hitting the ball, like a farmer," said Mr. Yoneyama. +21304001 Inco Ltd. posted a 35% decline in third-quarter net income, a performance that was in line with analysts' expectations. +21304002 The nickel producer also raised its quarterly dividend to 25 cents a share from 20 cents and said it may buy back as much as 4.8% of its common outstanding. +21304003 Inco shares fell after the announcements. +21304004 Analysts said some investors were disappointed that the cash-rich company had failed to announce a special dividend. +21304005 Inco closed at $31.125 a share, down 62.5 cents, in New York Stock Exchange composite trading. +21304006 Some analysts said Inco, which had cash reserves of $272 million as of Sept. 30, could still announce a special dividend in the next few months, though it would be smaller than the $10-a-share special dividend it paid last year. +21304007 The quarterly dividend is payable Dec. 1 to shares of record Nov. 3. +21304008 Inco's net fell to $129.3 million, or $1.23 a share, in the third quarter from $200.3 million, or $1.88 a share, a year earlier. +21304009 Sales rose 8.2% to $848.7 million from $784.5 million. +21304010 Excluding special gains from tax-loss carry-forwards, earnings in the latest quarter were $117.7 million, or $1.12 a share, compared with $187.4 million, or $1.76 a share. +21304011 Inco said the drop in earnings resulted mainly from lower nickel prices for the period and a temporary cut in nickel output at the company's Manitoba operations due to high levels of arsenic in the ore. +21304012 Inco said it plans to buy back as many as five million common shares over the next 12 months if nickel market conditions are favorable. +21304013 Under a previous buyback program, Inco has purchased 1.7 million of its shares since April. +21305001 UAL Corp.'s board quashed any prospects for an immediate revival of a labor-management buy-out, saying United Airlines' parent should remain independent for now. +21305002 As a result, UAL's chairman, Stephen M. Wolf, pulled out of the buy-out effort to focus on running the company. +21305003 The two developments put the acquisition attempt back to square one and leaves the airline with an array of unresolved matters, including an unsettled labor situation and a management scrambling to restore its damaged credibility. +21305004 The effort to create the nation's largest employee-owned company began unraveling Oct. 13 when the labor-management group was unable to obtain financing for its $300-a-share, $6.79 billion offer. +21305005 Just last week it suffered another major setback when British Airways PLC, the largest equity investor in the labor-management bid, withdrew its support. +21305006 Takeover stock traders, focusing on the company's intention to stay independent, took the announcement as bad news. +21305007 UAL, which had risen $9.875 to $178.375 in composite trading on the New York Stock Exchange on reports of a new bid being prepared by the group, reversed course and plummeted in off-exchange trading after the 5:09 p.m. EDT announcement. +21305008 Among the first trades reported by the securities firm of Jefferies & Co., which makes a market in UAL after the exchange is closed, were 10,000 shares at $170, 6,000 shares at $162, 2,500 at $162, and 10,000 at $158. +21305009 The rebound in UAL stock during regular trading hours Monday was its first daily gain after six consecutive losses left the price 41% below its level before Oct. 13, the day the group announced the bank financing couldn't be obtained for the original deal. +21305010 Twelve of UAL's outside directors met at a five-hour meeting yesterday in Chicago to consider an informal proposal from the buy-out group for a revised bid. +21305011 But the board said it wasn't interested for now. +21305012 That proposal, valued at between $225 and $240 a share, would have transferred majority ownership to employees while leaving some stock in public hands. +21305013 The buy-out group had no firm financing for the plan. +21305014 And, with no other offers on the table, the board apparently felt no pressure to act on it. +21305015 The directors signaled, however, that they would be willing to consider future offers or take some other action to maximize shareholder value, saying they would continue to explore "all strategic and financial alternatives." +21305016 But it was clear that for the time being, the board wants the company to return to normalcy. +21305017 The board said it concluded that "the welfare of the company, its shareholders, its employees and the broader public . . . can best be enhanced by continued development of UAL as a strong, viable, independent company." +21305018 Mr. Wolf urged all employees to "now turn their full attention" to operating the airline. +21305019 He also vowed to "make every effort to nurture . . . a constructive new relationship that has been forged with participating employee groups." +21305020 But Mr. Wolf faces a monumental task in pulling the company back together again. +21305021 Labor problems top the list. +21305022 For a brief time, the buy-out effort seemed to solve his problems with United's pilot union. +21305023 In return for an ownership stake in the company, the pilots were willing to agree to a seven-year contract that included a no-strike clause and significant wage concessions and productivity gains the union previously resisted. +21305024 That contract was tied to the success of the buy-out. +21305025 As a "good-will measure," the pilots had been working four extra hours a month and had agreed to fly UAL's two new Boeing 747-400 aircraft. +21305026 It's uncertain if the pilots will continue to do so without a contract settlement. +21305027 The union said late last night that it is still committed to majority employee ownership and that the labor disputes that faced the company prior to the buy-out effort "still need to be addressed." +21305028 The buy-out effort also worsened already-strained relations between United's pilot and machinist unions. +21305029 The machinists' criticisms of the labor-management bid and their threats of a strike unless they received substantial wage increases this year helped cool banks' interest in financing the transaction. +21305030 The machinists previously had shown themselves to be an ally to Mr. Wolf, but he lost much of his credibility with that group when he teamed up with the pilot union. +21305031 The machinists criticized the terms Mr. Wolf and management received in the buy-out. +21305032 They paid $15 million for a 1% stake and received an additional 9% of the company at no additional cost. +21305033 His credibility is also on the line in the investment community. +21305034 Until the collapse of this bid, Mr. Wolf was regarded as one of the nation's savviest airline executives after engineering turnarounds of Tiger International Inc. and Republic Airlines. +21305035 But he and his chief financial officer, John Pope, sowed some of the seeds for the deal's failure by insisting banks accept low financing fees and interest rates, while they invested in the transaction only a small fraction of the $114.3 million they stood to gain from sale of their UAL stock and options. +21305036 The board's actions leave takeover stock traders nursing some $700 million in losses and eager to respond to anyone who might make a new offer. +21305037 It also inevitably leaves a residue of shareholder lawsuits. +21305038 Arbitragers said they were disappointed the company didn't announce some recapitalization or other plan to maximize value. +21305039 One takeover expert noted that arbitragers could force a recapitalization through the written consent process under which holders may oust the board by a majority vote. +21305040 The machinists union has suggested it may propose a recapitalization that includes a special dividend for holders and a minority ownership stake for employees. +21305041 Los Angeles investor Marvin Davis, whose $240-a-share offer for UAL in August triggered a bidding war, says he remains interested in the airline. +21305042 However, he is restricted from making certain hostile moves by an agreement he signed to obtain confidential UAL data. +21305043 Essentially, he can't make any hostile moves unless he makes a tender offer at least $300 a share. +21306001 Tandy Corp. said it won't join U.S. Memories, the group that seeks to battle the Japanese in the market for computer memory chips. +21306002 Tandy's decision is a second setback for U.S. Memories. +21306003 Last month, Apple Computer Inc. said that it wouldn't invest in the group. +21306004 Apple said that its money would be better spent in areas such as research and development. +21306005 U.S. Memories is seeking major investors to back its attempt to crack the $10 billion market for dynamic random access memory chips, a market dominated by the Japanese. +21306006 Those chips were in dire shortage last year, hurting many U.S. computer companies that couldn't get sufficient Japanese-supplied chips. +21306007 Tandy said its experience during the shortage didn't merit the $5 million to $50 million investment U.S. Memories is seeking from each investor. +21306008 "At this time, we elected not to get involved because we have been able to satisfy our need {for DRAMs} from the market as a rule," said Ed Juge, Tandy's director of market planning. +21306009 Sanford Kane, U.S. Memories president, said the decision was "disappointing," but doesn't presage U.S. Memories' failure. +21306010 "I would like to have had them," he said. +21306011 But "they weren't on my list of companies who were critical to be a part of it." +21306012 Mr. Kane became president and chief executive officer of U.S. Memories last June, when the group was formed by seven electronics companies: Advanced Micro Devices Inc., Digital Equipment Corp.; Hewlett-Packard Co.; Intel Corp.; International Business Machines Corp.; LSI Logic Corp. and National Semiconductor Corp. +21306013 Mr. Kane said he expects two or three major corporations to announce their participation in U.S. Memories soon after the group finishes a business plan, probably late this week. +21306014 U.S. Memories needs a catalyst, he said, to inspire others to join. +21306015 But so far, most potential participants haven't decided. +21306016 Sun Microsystems Inc. said it's still actively evaluating U.S. Memories and plans to meet with U.S. Memories representatives later this week. +21306017 American Telephone & Telegraph Co. said it was waiting to see U.S. Memories' business plan. +21306018 Personal-computer maker AST Research Inc. said it is still studying the situation. +21306019 A Compaq Computer Corp. spokeswoman said that the company hasn't made a decision yet, although "it isn't under active consideration. +21307001 In a startling turnabout, Members of the Senate Intelligence Committee are complaining that someone in the executive branch is leaking on them. +21307002 David Boren, the Intelligence Committee chairman, is upset that someone leaked a letter to the committee from the Reagan administration suggesting that the U.S. would undertake to warn Panamanian thug Manuel Noriega if it got wind of an impending coup that might result in his assassination. +21307003 With due respect to "highly classified correspondence" and other buzzwords, the leakers are performing a public service. +21307004 If the CIA has become a protection service for Mr. Noriega, the American people ought to know. +21307005 What went wrong in Panama is a fitting subject for public and congressional inquiry. +21307006 Naturally, Senator Boren and his committee would like free rein to blame the executive branch while stamping "top secret" on their own complicity. +21307007 But there's no danger of exposing sources and methods in disclosing the debate running up and down Pennsylvania Avenue. +21307008 And if Congress is going to assume authority to micromanage foreign policy, it's going to have to take some of the responsibility too. +21307009 The President of the United States urged the Panamanian armed forces to move against Mr. Noriega. +21307010 When they did, his commanders didn't have the initiative to do more than block a couple of roads. +21307011 The executive branch bears the first responsibility for timidity. +21307012 But what kind of initiative can you expect given the climate set by Congress? +21307013 For example, what exactly did the CIA tell Major Giroldi and his fellow coup plotters about U.S. laws and executive orders on assassinations? +21307014 What part did U.S. warnings play in the major's unwillingness to pull the trigger when he had General Noriega in custody, but was under attack by pro-Noriega troops? +21307015 Mr. Noriega didn't suffer from any hesitation once he had the pistol. +21307016 Maybe we need a CIA version of the Miranda warning: You have the right to conceal your coup intentions, because we may rat on you. +21307017 Or maybe a Surgeon General's warning: Confiding in the United States may be fatal. +21307018 CIA chief William Webster, hardly a Washington malcontent, got the debate started last week by noting that the executive order banning assassinations had contributed to U.S. paralysis during the coup. +21307019 The CIA's Deputy Director of Operations, Richard Stoltz, tried to smooth things over a few days later, but instead simply underlined Mr. Webster's point. +21307020 "The interpretation" of the executive order, Mr. Stoltz said, "and the way in which the various committees have over time interpreted it, has led in my view to a proper caution on the part of operators, including me." +21307021 In other words, Congress won't let the CIA do much of anything anymore, and that's fine with the CIA. +21307022 The pay's the same, and the duty's lighter. +21307023 And of course, doing anything that might be second-guessed by Congress carries heavy penalties. +21307024 Witness the Walsh prosecution of Ollie North. +21307025 The Intelligence Committee's ranking Republican, Senator William Cohen, joined with Senator George Mitchell to write a best seller about Iran-Contra, deploring "Men of Zeal." +21307026 No doubt many people in the CIA, the Pentagon and the National Security Council have read it. +21307027 What kind of initiative should anyone expect from people out on the line who've read all this and know what can happen if they fail? +21307028 Who wants to end up as the protagonist in a Bill Cohen morality play? +21307029 The order against assassinations is another artifact of the same congressional mind-set, a product of the 1970s Vietnam syndrome against any executive action. +21307030 President Bush would do himself and the country a favor by rescinding the order as an ambiguous intrusion on his ability to defend America's national security. +21307031 There are of course good reasons the U.S. shouldn't get into the assassination business, but rescinding the executive order is not the same thing as saying the U.S. should start passing out exploding cigars. +21307032 The world being the nasty place it is, we want Presidents to have the freedom to order operations in which someone might get killed. +21307033 In such situations, you cannot write rules in advance, you can only make sure the President takes the responsibility. +21307034 The executive order and the reported agreements with the Intelligence Committee are neither sensible nor moral. +21307035 As it now stands, the U.S. can bomb Tripoli, but can't "assassinate" Colonel Gadhafi. +21307036 It can send a fighter squadron to strafe terrorist hideouts in the Bekaa Valley, but can't shoot Abu Nidal. +21307037 Both the assassination order and the quality of debate in Washington are telling the world that the only way the U.S. will kill a madman is by making sure we take some innocent civilians with him. +21308001 We've heard California's property-tax-cutting Proposition 13 blamed for a lot over the years, but ABC's Ted Koppel came up with a new wrinkle in his earthquake coverage last week when he asked Democratic Assemblyman Richard Katz if Prop. 13 had withheld money needed for road maintenance. +21308002 Mr. Katz happily agreed, sliding over the fact that California's roads and bridges aren't funded by property taxes but by state and federal gasoline taxes. +21308003 Both have been raised at least 30% in recent years, even while the price of gasoline has fallen. +21308004 Dragging Prop. 13 into this story is a pretty long stretch. +21309001 A series of explosions tore through the huge Phillips Petroleum Co. plastics plant near here, injuring more than a hundred and closing parts of the Houston Ship Channel. +21309002 There were no immediate reports of deaths, but officials said a number of workers were still unaccounted for last night. +21309003 The Bartlesville, Okla., oil company late yesterday still hadn't said officially what caused the explosions and fires, which sent columns of heavy black smoke billowing high into the air. +21309004 One local Phillips manager said a seal blew in one of the plant's reactors. +21309005 Glenn Cox, Phillips' president and chief operating officer, and other Phillips officials flew from Bartlesville to assess the damage and determine the cause of the afternoon explosions. +21309006 In composite trading on the New York Stock Exchange, Phillips Petroleum shares fell $1.125 to $23.125. +21309007 The plastics plant is located on an 800-acre tract in the heart of the petrochemical corridor that reaches along the U.S. Gulf Coast. +21309008 The U.S. Coast Guard closed six miles of the Houston Ship Channel, where about 150 companies have operations, because the thick, black smoke obscured the area. +21309009 The Port of Houston closed its terminal for handling bulk cargo. +21309010 Broken water lines and gas leaks hindered firefighters' efforts, but by late yesterday authorities said they had the fire under control. +21309011 The blasts blew out windows, spewed debris for miles and crumpled the ceiling in an area elementary school. +21309012 The initial fireball was caught by cameras in downtown Houston, about 10 miles away. +21309013 Nearby Pasadena, Texas, police reported that 104 people had been taken to area hospitals, but a spokeswoman said that toll could rise. +21309014 The injured, including three in critical condition, were treated for burns, breathing problems and cuts from flying glass, hospital officials said. +21309015 The plant employs between 800 and 900 on three shifts. +21309016 The number working at the time of the blast wasn't known. +21309017 Yesterday's explosions were the second round in two months at the plastics plant. +21309018 In late August, four contract workers were injured and one Phillips employee died after an explosion at a fuel supply line near the facility's boiler house. +21309019 The Phillips facility manufactures polyethylene, polypropylene and K-resin, plastics used in a wide array of applications, including milk jugs and toys. +21309020 Plastics are the cornerstone of Phillips' chemicals operations, which is the biggest single contributor to the company's profits. +21310001 A federal judge in Manhattan has entered a judgment requiring a Chicago organized crime figure to pay the government $250,000, representing alleged profits he gained from his involvement with the International Brotherhood of Teamsters. +21310002 Manhattan U.S. Attorney Otto Obermaier said it was the first time ever that the government had obtained any disgorgement from an organized crime figure indicted under the civil racketeering law. +21310003 Joseph Lombardo, who the government alleged was the "captain" of organized crime in Chicago, was one of numerous defendants in the government's sweeping racketeering suit against the Teamsters. +21310004 In the suit, filed in June 1988, the government accused the union's leadership of depriving its 1.6 million members of their rights through a pattern of racketeering. +21310005 Among other things, the government claimed that organized crime figures had routinely handpicked the union's top officials. +21310006 U.S. District Judge David Edelstein also permanently enjoined Mr. Lombardo from any future dealings with the Teamsters or any other labor union. +21310007 Mr. Lombardo, the last of the defendants to settle the suit, agreed to pay the government the $250,000 within one week. +21311001 Exxon Corp. said its third-quarter earnings slipped 9% as profits from two of its three major businesses sagged. +21311002 All cleanup costs from last spring's Alaskan oil spill were reflected in earlier results, it said. +21311003 Phillips Petroleum Co. and Atlantic Richfield Co. also reported declines in quarterly profit, while Ashland Oil Inc. posted a loss for the latest quarter. +21311004 Amerada Hess Corp. and Occidental Petroleum Corp. reported higher earnings. +21311005 Exxon +21311006 Although Exxon spent heavily during the latest quarter to clean up the Alaskan shoreline blackened by its huge oil spill, those expenses as well as the cost of a continuing spill-related program are covered by $880 million in charges taken during the first half. +21311007 An Exxon official said that at this time the oil company doesn't anticipate any additional charges to future earnings relating to the cleanup of oil spilled when one of its tankers rammed into an underwater reef. +21311008 She added, however, that charges already taken don't take into account the potential effect of litigation involving the oil spill. +21311009 She said that impact can't be reasonably assessed yet. +21311010 Exxon's net income during the third quarter dropped to $1.11 billion, or 87 cents a share, from $1.22 billion, or 93 cents a share, a year earlier. +21311011 Revenue rose 8.1%, to $23.65 billion from $21.88 billion. +21311012 During the third quarter, Exxon purchased 8.34 million shares of its stock at a cost of $373 million. +21311013 Exxon's profitability, like that of many other oil companies, was hurt during the third quarter by declining returns from the chemicals and refining and marketing businesses. +21311014 Exxon's earnings from chemicals operations fell $90 million, to $254 million, while refining and marketing profits declined $180 million, to $357 million. +21311015 Although crude oil prices were significantly higher this year, they weren't strong enough to offset the declining profits in those business sectors at most oil companies, said William Randol, oil analyst for First Boston Corp. +21311016 He estimates that the price of West Texas Intermediate, the U.S. benchmark crude, was $4.04 a barrel higher during the third quarter of this year than in the same period last year. +21311017 Ashland Oil +21311018 A rash of one-time charges left Ashland Oil with a loss of $39 million for its fiscal fourth quarter. +21311019 A year earlier, the refiner earned $66 million, or $1.19 a share. +21311020 Quarterly revenue rose 4.5%, to $2.3 billion from $2.2 billion. +21311021 For the year, net income tumbled 61% to $86 million, or $1.55 a share. +21311022 The Ashland, Ky., oil company reported a $38 million charge resulting from settlement of a 10-year dispute with the National Iranian Oil Co. over claims that Ashland didn't pay for Iranian crude it had received. +21311023 In September, Ashland settled the long-simmering dispute by agreeing to pay Iran $325 million. +21311024 Ashland also took a $25 million after-tax charge to cover anticipated costs to correct problems with boilers built by one of its subsidiaries. +21311025 The oil refiner also booked a $15 million charge for selling Ashland Technology Corp., one of its subsidiaries, at a loss. +21311026 Amerada Hess +21311027 Third-quarter earnings at Amerada Hess more than tripled to $51.81 million, or 64 cents a share, from $15.7 million, or 20 cents a share, a year earlier. +21311028 Revenue climbed 28%, to $1.18 billion from $925 million. +21311029 Profits improved across Hess's businesses. +21311030 Refining and marketing earnings climbed to $33.3 million from $12.9 million, and exploration and production earnings rose to $37.1 million from $17.9 million. +21311031 Hess's earnings were up despite a $30 million charge to cover the cost of maintaining operations after Hurricane Hugo heavily damaged the company's refinery at St. Croix. +21311032 It is widely known within industry circles that Hess had to buy oil products in the high-priced spot markets to continue supplying its customers. +21311033 Hess declined to comment. +21311034 Phillips Petroleum +21311035 Phillips Petroleum's third-quarter earnings slid 60%, to $87 million, or 36 cents a share, from $215 million, or 89 cents a share. +21311036 Revenue rose 6.9%, to $3.1 billion from $2.9 billion. +21311037 Shrinking profit margins in chemical and refining and marketing sectors accounted for most of the decline, said Chairman C.J. Silas in a statement. +21311038 Despite higher oil prices, exploration and production profits were off because of foreign-currency losses and some construction costs incurred in one of Phillips' North Sea oil fields. +21311039 A year ago, results were buoyed by a $20 million after-tax gain from an asset sale. +21311040 Occidental Petroleum +21311041 Occidental Petroleum's third-quarter net income rose 2.9% to $108 million, or 39 cents a share, from $105 million, or 38 cents a share, a year earlier. +21311042 The latest quarter included an after-tax gain of $71 million from non-recurring items. +21311043 Sales dropped 2%, to $4.8 billion from $4.9 billion. +21311044 The latest period included a $54 million gain from the sale of various oil and gas properties, a $22 million charge from the restructuring of Occidental's domestic oil and gas operations, and tax credits of $42 million. +21311045 Both periods included non-recurring charges of $3 million for early retirement of debt. +21311046 Occidental said oil and gas earnings fell to $17 million from $20 million. +21311047 The latest period includes net gains of $32 million in non-recurring credits from the sale of properties, indicating operating losses for the quarter in the oil and gas division. +21311048 Chemical earnings fell 10%, reflecting softening of demand. +21311049 Atlantic Richfield +21311050 Citing its reduced ownership in the Lyondell Petrochemical Co., Atlantic Richfield reported that net income slid 3.1% in the third quarter to $379 million, or $2.19 a share, from $391 million, or $2.17 a share, for the comparable period last year. +21311051 Sales fell 20%, to $3.7 billion from $4.6 billion. +21311052 Arco's earnings from its 49.9% stake in Lyondell fell to $37 million from $156 million for the same period last year, when Lyondell was wholly owned. +21311053 Offsetting the lower stake in Lyondell were higher crude oil prices, increased natural gas volumes and higher coke prices, the company said. +21311054 Coal earnings rose to $26 million from $21 million. +21311055 For the nine months, Arco reported net income of $1.6 billion, or $8.87 a share, up 33% from $1.2 billion, or $6.56 a share a year earlier. +21311056 Sales were $12 billion, off 13% from $13.8 billion. +21311057 Jeff Rowe contributed to this article. +21312001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21312002 Imo Industries Inc. -- $150 million of senior subordinated debentures due 2001, priced at par to yield 12%. +21312003 The issue will be sold through Morgan Stanley & Co. +21312004 Other details weren't available. +21312005 San Antonio, Texas -- $575 million of electric and gas system revenue refunding bonds, Series 1989, 1989A and 1989B, tentatively priced by a First Boston Corp. group to yield from 6.15% in 1991 to 7.30% in 2009. +21312006 The issue includes current interest bonds due 1991-2000, 2009, 2012, 2014 and 2016, and capital appreciation bonds due 2001-2005. +21312007 The current interest serial bonds are priced to yield from 6.15% in 1991 to 7.10% in 2000. +21312008 There are about $100 million of 7% term bonds due 2009, priced to yield 7.30%, which is the issue's high yield. +21312009 There are also about $124 million of 6 1/2% bonds priced to yield 7.25% in 2012; about $97 million of 6% bonds priced to yield 7.20% in 2014; and about $26.5 million of 5% bonds priced to yield 7.15% in 2016. +21312010 All of the term bonds are original issue discount bonds, according to the lead underwriter. +21312011 The capital appreciation bonds are tentatively priced to yield to maturity from 7% in 2001 to 7.10% in 2003-2005. +21312012 The bonds are rated double-A by Moody's Investors Service Inc. and Standard & Poor's Corp. +21312013 Maryland Stadium Authority -- $137.6 million of sports facilities lease revenue bonds, Series 1989 D, due 1992-1999, 2004, 2009 and 2019, tentatively priced at par by a Morgan Stanley group to yield from 6.35% in 1992 to 7.60% in 2019. +21312014 Serial bonds are priced to yield to 7.10% in 1999. +21312015 There are $15,845,000 of 7 3/8% bonds priced at par and due 2004; $22,985,000 of 7 1/2% bonds priced at par and due 2009; and $82.6 million of 7.60% bonds priced at par and due 2019. +21312016 The bonds are rated double-A by Moody's and double-A-minus by S&P. +21312017 Interest on the bonds will be treated as a preference item in calculating the federal alternative minimum tax that may be imposed on certain investors. +21312018 Federal Home Loan Mortgage Corp. -- $250 million of Remic mortgage securities being offered in 11 classes by Morgan Stanley. +21312019 The offering, Series 107, is backed by Freddie Mac 15-year, 9% securities, and brings Freddie Mac's 1989 Remic issuance to $32.8 billion and its total volume to $46.8 billion since the program began in February 1988. +21312020 The offering used at-market pricing. +21312021 Federal National Mortgage Association -- $500 million of Remic mortgage securities being offered in 10 classes by Merrill Lynch Capital Markets. +21312022 The offering, Series 1989-85, is backed by Fannie Mae 9% securities. +21312023 Separately, a $400 million issue of Fannie Mae Remic mortgage securities is being offered in 15 classes by Bear, Stearns & Co. +21312024 The offering, Series 1989-86, is backed by Fannie Mae 9% securities. +21312025 Finally, a $300 million issue of Fannie Mae Remic mortgage securities is being offered in 12 classes by Smith Barney, Harris Upham & Co. +21312026 The offering, Series 1989-87, is backed by Fannie Mae 9 1/2% securities. +21312027 The three offerings together bring Fannie Mae's 1989 Remic issuance to $32.4 billion and its total Remic volume to $44.5 billion since the program began in April 1987. +21312028 Credit Agricole (CNCA) (French) -- $250 million of 8 3/4% bonds due Nov. 21, 1994, priced at 101.80 to yield 8.77% annually less full fees, via IBJ International Ltd. +21312029 Fees 1 7/8. +21312030 Hokuriku Electric Power Co. (Japan) -- $200 million of 8 7/8% bonds due Nov. 20, 1996, priced at 101 3/4 to yield 8.90% less full fees, via Yamaichi International (Europe) Ltd. +21312031 Fees 1 7/8. +21312032 International Finance Corp. (agency) -- 10 billion pesetas of 11.6% bonds due Nov. 30, 1994, priced at 101 5/8 to yield 11.60% less full fees, via Citibank (Madrid) and Banco Espanol de Credito, Spain. +21312033 Fees 1 5/8. +21312034 Royal Bank of Canada, Grand Cayman branch (Canada) -- 100 million Canadian dollars of 10 3/4% deposit notes due Nov. 30, 1994, priced at 101 3/4 to yield 10.78% less full fees, via RBC Dominion Securities International Ltd. +21312035 Fees 1 7/8. +21312036 Union Bank of Finland -- 100 million Australian dollars of 9% bonds due Nov. 9, 1990, priced at 94 to yield 17.20% less full fees, via Banque Paribas Capital Markets Ltd. +21312037 Fees 1. +21312038 Ford Motor Credit -- $2.57 billion of certificates backed by automobile loans with a coupon rate of 8.70%, priced at 99 19/32 to yield 8.903% through an underwriting group headed by First Boston Corp. +21312039 The issue is the first by Ford Motor Credit, a unit of Ford Motor Co., and the second largest in the four-year history of the $45 billion asset-backed market. +21312040 The largest issue was a $4 billion offering of auto-loan securities by General Motors Acceptance Corp. in 1986. +21312041 The Ford issue, through Ford Credit 1989-A Grantor Trust, was priced at a yield spread of 95 basis points above the Treasury 7 3/4% issue due July 1991. +21312042 The offering is rated doubleA-2 by Moody's and double-A by S&P, based on the quality of the underlying auto loans and a guarantee covering 9% of the deal from Ford Motor Credit. +21312043 The certificates have an estimated average life of 1.8 years, assuming monthly prepayments at 1.3% of the original balance. +21312044 The final maturity is in five years. +21313001 The Mouth is back. +21313002 Morton Downey Jr., who self-destructed as a talk-show host and frequently verbally abused his guests, has been signed to co-host a half-hour nightly program on the Consumer News and Business Channel, the cable channel partly owned by the General Electric Co.'s National Broadcasting Co. +21313003 The premiere of "Showdown," with Mr. Downey and Richard G. Carter, a columnist with the New York Daily News, is scheduled for Dec. 4 at 8 p.m. +21313004 CNBC is available to 13 million cable households. +21313005 Mr. Downey said he is not going to change his style, which some critics said was flamboyant and others deemed offensive. +21313006 "But I'm going to proceed in a more logical way. +21313007 I'm not going to do anything that is not acceptable in anyone's home. +21313008 But that doesn't mean I'm not going to get angry." +21313009 Michael Eskridge, president of CNBC, said that although there will be a studio audience, viewers will no longer have to endure the shouting of "Mort! Mort! Mort!" +21313010 But just how does Mr. Downey's unorthodox style mesh with the sedate tone of CNBC's business programming? +21313011 "Ninety percent of Mort's old show fits into our style," said Mr. Eskridge. +21313012 "That is consumer issues." +21313013 Mr. Downey's previous show, a one-hour shout fest, syndciated by MCA Inc. and produced by Quantum Media Inc., was canceled in July after advertisers and stations abandoned it. +21314001 Investors dumped stocks of big companies whose earnings fluctuate with the economy. +21314002 Many of those "cyclical" issues are in the Dow Jones Industrial Average, which fell 26.23 to 2662.91. +21314003 Declining issues on the New York Stock Exchange outpaced advancers, 1,012 to 501. +21314004 Recession fears are springing up again among investors. +21314005 Analysts say that the selling of cyclical stocks yesterday will be followed by a sell-off in shares of companies with big debt loads on their balance sheets. +21314006 In an economic slowdown, heavy debt loads reduce the flexibility of companies because cash that would normally be used to keep the company buoyant must be diverted to interest payments. +21314007 On the other hand, investors beat a clear path yesterday to blue-chip issues with proven earnings growth records. +21314008 Among the 30 Dow industrials, they bought McDonald's, Coca-Cola Co. and Procter & Gamble and sold Aluminum Co. of America. +21314009 In another sign of slowdown fears, investors dumped technology shares. +21314010 Many money managers are bracing for a decline in stocks of companies with big debt loads on their balance sheets. +21314011 "The junk bond market is being taken apart" because of recession fears, said J. David Mills, senior vice president at Boston Company Advisers. +21314012 "Under this scrutiny, the first thing you do is sell your cyclical stocks and the second thing you do is sell your over-leveraged companies." +21314013 In fact, much of the buying in blue chips yesterday was a pursuit of companies with lower debt levels. +21314014 In a recent investment letter entitled "Winners of the `Leverage Wars,' " Edward Kerschner, chairman of PaineWebber's investment policy committee, suggested that investors buy stocks of companies that have avoided loading up on debt. +21314015 "We're saying companies have to pay increasing attention to balance sheets," said Mr. Kerschner. +21314016 He suggested that investors buy the shares of Great Atlantic & Pacific Tea, J. Baker, McDonald's, Philip Morris and Sara Lee. +21314017 He said that all of these companies will be able to compete fiercely in an economic downturn. +21314018 McDonald's has long-term debt equaling 91% of shareholder equity currently, but Mr. Kerschner said the company is carrying real estate assets at about $2.6 billion below their real value. +21314019 Coca-Cola climbed 1 3/8 to 72 1/8; McDonald's added 1 to 31 3/8, and Procter & Gamble gained 3/4 to 130 5/8. +21314020 A&P fell 1 1/4 to 57 5/8, and J. Baker gained 3/8 to 21 1/4. +21314021 Philip Morris slipped 1/2 to 43 7/8, while Sara Lee closed unchanged at 60 1/8. +21314022 According to Salomon Brothers' "stub" stock index of 20 companies whose debt is giant compared with shareholder equity, investors are already beginning to retreat from shares of debt-laden companies. +21314023 From January to early September, the index of stub stocks -- the tiny portion of equity that's publicly traded following a recapitalization -- outperformed Standard & Poor's 500-stock index by about 20%. +21314024 But starting in early September, the index started to slide and now stands about even with the S&P 500. +21314025 "Stocks that have a high default risk have started to underperform those stocks that have a lower default risk," said Eric Sorenson, director of quantitative analysis at Salomon Brothers. +21314026 "Companies that have the most exposure to the business cycle have underperformed since late last summer." +21314027 Union Carbide, whose third-quarter earnings dropped about 35% from a year earlier and fell short of analysts' expectations, declined 1/2 to 24 1/2. +21314028 Also, Exxon went down 3/8 to 45 3/4 and Allied-Signal lost 7/8 to 35 1/8 even though the companies' results for the quarter were in line with forecasts. +21314029 Other weak blue-chip issues included Chevron, which went down 2 to 64 7/8 in Big Board composite trading of 1.3 million shares; Goodyear Tire & Rubber, off 1 1/2 to 46 3/4, and American Express, down 3/4 to 37 1/4. +21314030 Texas Instruments, which had reported Friday that third-quarter earnings fell more than 30% from the year-ago level, went down 2 1/8 to 33 on 1.1 million shares. +21314031 Motorola, another major semiconductor producer, dropped 1 1/8 to 57 1/2. +21314032 Pinnacle West Capital, whose earnings have been hurt by continued problems at its MeraBank unit, fell 1 5/8 to 9 1/8 on 2.1 million shares to lead the Big Board's list of most active issues. +21314033 Growing pressures on the Arizona real-estate market are affecting the thrift; Pinnacle West told Dow Jones Professional Investor Report it may consider filing for Chapter 11 bankruptcy protection if it can't reach an agreement with federal regulators to provide additional capital to MeraBank. +21314034 Hercules dropped 2 5/8 to 41 3/4 on one million shares -- about six times its average daily trading volume -- after a disappointing third-quarter earnings report. +21314035 Merrill Lynch and Prudential-Bache Securities both lowered the stock's investment rating immediately after the results were issued Friday, according to PIR. +21314036 Elsewhere in the chemicals sector, Dow Chemical fell 1 1/4 to 97 1/2, Monsanto lost 1 7/8 to 118, B.F. Goodrich slipped 2 1/4 to 44 3/4 and Olin slid 1 to 57 3/4. +21314037 Other stocks hurt by earnings-related selling included Tandy, which dropped 1 3/8 to 44, and Eaton, which retreated 2 1/2 to 57 1/2. +21314038 Third-quarter earnings at both companies were below analysts' forecasts. +21314039 After declining about 41% last week, UAL advanced 9 7/8 to 178 3/8 on 1.1 million shares on anticipation of a revised takeover offer from a labor-management group for the parent company of United Airlines. +21314040 However, Delta Air Lines fell 1 1/2 to 67 1/2 and USAir Group dropped 3/4 to 42 1/2. +21314041 Ramada gained 7/8 to 11 1/4 after revamping the terms of its restructuring plan, which calls for the company to sell its hotel operations for $540 million and spin off its casino business to shareholders. +21314042 The revision follows last month's withdrawal of a $400 million junk-bond offering for the new casino company, Aztar Corp. +21314043 Mead gained 1 to 37 7/8. +21314044 USA Today reported that the Rales brothers, Washington, D.C.-based investors who made an unsuccessful offer to acquire Interco last year, have bought nearly 3% of Mead's common shares. +21314045 Entertainment and media stocks generally escaped the market's slide as well. +21314046 Paramount Communications rose 5/8 to 58 3/4, Time Warner climbed 1 7/8 to 138 5/8, Walt Disney advanced 3 1/8 to 127 1/2, MCA rose 1 1/8 to 65 5/8 and McGraw-Hill added 1/2 to 67 1/8. +21314047 The American Stock Exchange Market Value Index lost 3.11 to 379.46. +21314048 Volume totaled 10,450,000 shares. +21314049 Carnival Cruise Lines Class A fell 1 3/4 to 20 3/4. +21314050 The company said it had been notified unofficially that Waertsilae Marine Industries, a Finnish shipyard building three cruise ships for the company, is having financial trouble and may already have filed for bankruptcy. +21315001 "Hacksaw" and "Bonecrusher" are the sort of nicknames normally associated with linebackers and heavyweight contenders. +21315002 Who'd have thought that the next group of tough guys carrying around reputations like that would be school superintendents? +21315003 Chicago's new school chief is the hard-nosed Ted Kimbrough. +21315004 At his old job in Compton, Calif., he took a bitter teachers' strike and nearly came to blows with a school-board member. +21315005 At his first Chicago press conference, he berated the reporters. +21315006 In New York City, the new Chancellor, Joseph Fernandez, has landed like a 16-inch shell in the middle of a system that has been impervious to serious reform. +21315007 Both men fit the mood of the times -- the mood being one of a public fed up with officials' rationalizations for why their schools don't work. +21315008 Former Patterson, N.J., principal Joe Clark was no doubt the general public's first experience with this new breed of no-nonsense administrator. +21315009 The subject of the movie "Lean on Me," Mr. Clark controlled his school with a bullhorn and a baseball bat. +21315010 He may have gone overboard in his pursuit of good discipline, but isn't it interesting that some of the country's biggest, most troubled school districts are choosing new chiefs from the same gravel-chewing mold? +21315011 Elena Scambio, the woman assigned to run the Jersey City school system that was taken over by the state, says her top priority will be to "cut through the dead hand of bureaucracy." +21315012 Mr. Fernandez doesn't take control in New York until January, but already he's roiling the waters. +21315013 He's attacked the concept of "building tenure," one of the most disgraceful institutions in American public schools. +21315014 It means it is virtually impossible to fire or even transfer incompetent principals. +21315015 Once they are in the building, they stay. +21315016 One South Bronx principal kept his job for 16 years, despite a serious drinking problem and rarely showing up for work. +21315017 He was finally given leave when he was arrested for allegedly buying crack. +21315018 Naturally, the principals' union loves building tenure, and tenure has withstood previous challenge. +21315019 We suggest that Mr. Fernandez find an incompetent principal, toss him out of the building and let the forces of the status quo explain to the parents whatever it is they're defending. +21315020 In his old job, as Dade County chief, Mr. Fernandez forced out 92 teachers and reshuffled 48 principals. +21315021 He cut the dropout rate by 5.5%. +21315022 But the no-more-nonsense superintendents are going to have to be judicious as well; incompetent principals and administrators should go, but the good ones ought to be left alone. +21315023 The situation will be especially delicate for Mr. Kimbrough. +21315024 He takes over a school system in the midst of radical reform. +21315025 Chicagoans have just elected 540 neophyte school boards, one for each school. +21315026 This of course led to disaster in New York City. +21315027 Getting a community of parents to care again about its schools is essential, but in Chicago the new boards will make mistakes and Mr. Kimbrough will have to identify them. +21315028 The rise of superintendents such as Joseph Fernandez and Ted Kimbrough suggests plainly the process of disintegration in many school systems. +21315029 The schools' central mission, educating children, became subsumed by the competing interests of bureaucrats, politicians and unions. +21315030 The classroom itself operated on the periphery of this awful system, discipline collapsed, and kids stopped learning. +21315031 Mr. Chips was a nice fellow, and maybe some day he'll return. +21315032 Until then, it's clear that some of the people who've been keeping big-city schools down are going to be dealing with the Terminator. +21316001 Ingersoll Publications Co. agreed to buy the New Haven Register in a transaction valued at $275 million from Goodson Newspaper Group Inc. +21316002 As part of the agreement, Goodson also terminated the contract under which Ingersoll manages Goodson's 66 newspapers, ending a long association between the two companies that has turned increasingly bitter recently. +21316003 Goodson has accused Ingersoll of paying less attention to its properties and more to such ventures as the recent launch of the St. Louis Sun. +21316004 Under the terms of the accord, Ingersoll will pay about $255 million for the Register, a daily that Goodson bought for about $170 million in 1986. +21316005 Goodson will pay the additional $20 million in settlement of the management contract. +21316006 Goodson also announced that it hired the former president and senior vice president of Ingersoll to run the Goodson papers. +21316007 Both executives left the company after clashes with Chairman Ralph Ingersoll Jr. +21316008 Goodson, which is based here, will use part of the proceeds to pay down debt associated with its purchase of the Morristown Daily Record for $155 million in 1987. +21316009 The New Jersey paper, like the New Haven, Conn., paper, was purchased by Ingersoll on Goodson's behalf as part of the management contract. +21316010 Industry analysts have said that the purchase price for the paper was too high, causing a strain on Goodson's finances. +21316011 Investment bankers familiar with the company said Goodson is seeking a new bank credit line of $190 million and may have to sell additional newspapers. +21316012 David N. Hurwitz, president and chief operating officer of Goodson, said in a telephone interview that the company doesn't currently have any plans to sell additional newspapers. +21316013 Goodson said David Carr, former president of Ingersoll Publications, and Ray Cockburn, former senior vice president, would head the new in-house management team at Goodson, which had revenue of $225 million in 1988. +21316014 The association between the two companies stretches back thirty years to a friendship between television producer Mark Goodson and Ingersoll founder Ralph Ingersoll. +21316015 The latter's son, Ralph Ingersoll Jr., took over the company and has been managing the Goodson properties and acting as an agent in the purchase of newspapers for Goodson. +21316016 But in recent years, Mr. Ingersoll began focusing more on expanding his own newspaper empire in partnership with investment banking firm Warburg, Pincus & Co. +21316017 Ingersoll has 28 dailies and 200 other non-daily papers in the U.S. and Europe. +21316018 The company said its revenue will exceed $750 million this year. +21316019 Ingersoll President Robert M. Jelenic said in a statement that the company is "delighted by the conclusion of the Goodson relationship" and will be able to "concentrate all our energies" on Ingersoll's own papers. +21316020 Mr. Goodson, in his own statement, was less upbeat, saying "unfortunately over the past few years, it has become increasingly clear that Ralph and I have different agendas," and that he feels "more comfortable with a management team whose sole interest and responsibility is in the Goodson papers. +21317001 Just five months after Ogilvy Group was swallowed up in an unsolicited takeover, Kenneth Roman, Ogilvy's chairman and chief executive officer, said he is leaving to take a top post at American Express Co. +21317002 Mr. Roman, 59 years old, abruptly announced he will leave the venerable ad agency, whose largest client is American Express, to become American Express's executive vice president for corporate affairs and communications. +21317003 He will succeed Harry L. Freeman, 57, who has said he will retire in December. +21317004 Mr. Freeman said in August that he would retire by the end of this year to take "executive responsibility" for an embarrassing effort to discredit banker Edmond Safra. +21317005 American Express representatives apparently influenced the publication of unfavorable articles about Mr. Safra. +21317006 The company later apologized and agreed to make $8 million in contributions to charities chosen by him. +21317007 Although Mr. Freeman is retiring, he will continue to work as a consultant for American Express on a project basis. +21317008 Ad industry executives weren't surprised by Mr. Roman's decision to leave Ogilvy. +21317009 The agency, under his direction, bitterly fought a takeover attempt by WPP Group PLC of London before succumbing in May. +21317010 And although Mr. Roman and WPP's chief executive, Martin Sorrell, have gone out of their way to be publicly supportive of each other, people close to Mr. Roman say he was unhappy giving up control of the company. +21317011 Some executives also cite tension because of efforts by Mr. Sorrell, a financial man, to cut costs at the agency. +21317012 Mr. Roman will be succeeded as the head of Ogilvy's flagship ad agency, Ogilvy & Mather Worldwide, by Graham Phillips, 50, who had been president of North American operations and who, like Mr. Sorrell, is British. +21317013 Alexander Brody, 56, will take on the newly created position of president of the world-wide agency and chief executive of its international operations. +21317014 He had been president of the international operations. +21317015 Mr. Roman also had overseen Ogilvy Group's two other units, the Scali McCabe Sloves advertising agency and its research division, but those units will now report directly to WPP. +21317016 Mr. Roman appears custom-made for the American Express job. +21317017 Known as a traditional executive, he is very much in the conservative American Express mold. +21317018 Moreover, after 26 years at Ogilvy he had honed a reputation for being squeaky-clean and a straight arrow -- which can only help American Express in the wake of the Safra incident. +21317019 He also is close to American Express's chairman and chief executive officer, James D. Robinson III. +21317020 Aside from working with Mr. Robinson on the American Express advertising account for about 11 years, Mr. Roman serves on several of the same charities and boards as Mr. Robinson. +21317021 The abrupt management change sparked widespread speculation that Mr. Roman had been pushed out of Ogilvy's top spot by Mr. Sorrell. +21317022 But Mr. Roman flatly denied the speculation, saying Mr. Sorrell had tried several times to persuade him to stay, offering various incentives and in one instance sending a note with a case of wine (The wine, naturally, was Seagram's brand, an Ogilvy client). +21317023 "He asked me not to resign. +21317024 The implication that I was pushed aside wouldn't be accurate," Mr. Roman said. +21317025 Mr. Sorrell, traveling in the Far East, couldn't be reached. +21317026 Mr. Roman said American Express's Mr. Robinson first approached him about the job in late September. +21317027 According to industry executives, Peter Sutherland, a former European Community commissioner from Ireland, was also a serious contender for the American Express job. +21317028 Although it ultimately wasn't offered to him, he will be on retainer to American Express as an adviser on international matters. +21317029 After talking on and off for the past four weeks, Mr. Roman said, he agreed to take the job because "it's the right time, it's a terrific opportunity, and I think I leave the company in very strong hands. +21317030 It was my decision, not anyone else's." +21317031 Mr. Roman also brushed aside reports about infighting between him and Mr. Phillips, his successor at Ogilvy. +21317032 The two executives could hardly be more different. +21317033 Mr. Roman comes across as a low-key executive; Mr. Phillips has a flashier personality. +21317034 During time off, Mr. Roman tends to his garden; Mr. Phillips confesses to a fondness for, among other things, fast cars and planes. +21317035 Industry executives say that although the two executives used to clash more frequently, the WPP takeover brought them closer together. +21317036 "I'm the guy who made him head of New York, head of the U.S., president of North America, and recommended him {to Mr. Sorrell} as my successor. +21317037 Would I have done all those things successively if I didn't think he was the right guy?" Mr. Roman asked. +21317038 He labeled reports of friction "ridiculous," and said that he spent part of the weekend on Mr. Phillips's boat in Connecticut. +21317039 Mr. Roman will oversee American Express's public relations and government affairs, among other things, but he won't be involved in its advertising, which is handled by the operating units. +21317040 "I consider this a second career," he said. +21317041 He also will sit on the company's corporate planning and policy committee, made up of the top corporate and operating executives. +21317042 Mr. Roman's departure isn't expected to have any enormous repercussions at Ogilvy. +21317043 American Express, Kraft General Foods, and Mattel executives said the move won't affect their relationships with the ad agency. +21317044 "General Foods's relationships with its agencies are based on the agencies' work, and will continue to be," said David Hurwitt, a vice president of Kraft General Foods. +21317045 But some clients and analysts expressed concern that Mr. Phillips isn't as well-known to many clients. +21317046 "Ken was my key contact," said J. Nicholas Hahn, president and chief executive officer of Cotton Inc., which represents cotton producers. +21317047 "I don't know {Mr. Phillips} all that well. +21317048 I haven't seen or talked to him in several years." +21317049 And some analysts questioned whether Mr. Phillips would have the skills Ogilvy needs to turn the agency around. +21317050 While the agency has done well in many parts of the world, its flagship New York office has had a dismal track record recently; it has won few new accounts while losing big ones, including Maxwell House. +21317051 "I think {Mr. Phillips} is going to need some help. +21317052 I think they need creative leadership, and I don't think they have it," said Emma Hill, an analyst with Wertheim & Co. +21317053 Ogilvy & Mather's top creative executive, Norman Berry, left the agency earlier this year. +21317054 "Norm Berry was a creative inspiration at the company, and nobody has filled that void," said Ms. Hill. +21317055 But other analysts said that having Mr. Phillips succeed Mr. Roman would make for a smooth transition. +21317056 "Graham Phillips has been there a long time, knows the culture well, is aggressive, and apparently gets along well with" Mr. Sorrell, said Andrew Wallach, an analyst with Drexel Burnham Lambert. +21317057 "It's probably a reasonable transition. +21317058 Hopefully, he'll be the answer to the problems they've had in New York." +21317059 Sale of Saatchi Unit Close +21317060 Computer Sciences Corp., El Segundo, Calif., said it is close to making final an agreement to buy Cleveland Consulting Associates from Saatchi & Saatchi +21317061 Computer Sciences wouldn't disclose the proposed purchase price for Cleveland Consulting, which counsels companies on logistics and supply. +21317062 But David Lord, managing editor of Consultants News, an industry publication based in Fitzwilliam, N.H., said an industry standard would suggest a purchase price of between one and two times Cleveland Consulting's approximately $15 million annual revenue. +21317063 Both Saatchi & Saatchi, which announced its intention to sell off most of its consulting business in June, and Cleveland Consulting declined to comment on the proposed sale. +21317064 Ad Notes. . . . +21317065 NEW ACCOUNT: +21317066 AmBase Corp., New York, awarded the ad account for its Home Insurance Co. unit to Biederman, Kelly & Shaffer, New York. +21317067 Billings weren't disclosed. . . . +21317068 Puerto Rico Telephone Co. awarded its $3 million account to West Indies & Grey, Grey Advertising's office in Puerto Rico. +21317069 DIET COKE: +21317070 Coca-Cola Co. yesterday said singer Elton John signed to appear in an ad for Diet Coke. +21317071 Details of the commercial, which will be part of the brand's 1990 advertising campaign, weren't disclosed. +21317072 Mr. John becomes the latest of many music stars, including George Michael and Whitney Houston, to appear in ads for the diet drink. +21318001 Turner Broadcasting System Inc. said it formed a unit to make and distribute movies to theaters overseas and, eventually, to U.S. theaters, too. +21318002 The operator of cable-television networks said the new Turner Pictures unit will produce movies that will premiere on Turner Broadcasting's Turner Network Television channel, or TNT, and then will be released internationally in movie theaters. +21318003 The unit's first two offerings are slated to be "The Secret Life of Ian Fleming," a dramatization about the former British spy who wrote the James Bond novels, and "Treasure Island," produced by Charlton Heston, who also stars in the movie. +21318004 Ted Turner, Turner Broadcasting's chairman, was named chairman of Turner Pictures, and Gerry Hogan, president of Turner Entertainment Networks, was named president of the unit. +21318005 In an interview, Mr. Hogan said the subsidiary's primary mission will be to make movies for TNT and to distribute them internationally. +21318006 But he said Turner Broadcasting already has found some ideas that might work well as films for theatrical release in the U.S. +21318007 "When that occurs, and when the time is right, we'll release the films in the U.S.," he said, adding that Turner Pictures may develop such movies next year for domestic release in 1991. +21318008 Turner has made several movies, docudramas and documentaries for its networks in recent years, but the company has never acted as a full-fledged movie studio and released its own pictures to theaters. +21318009 Mr. Hogan said "The Secret Life of Ian Fleming" and "Treasure Island" cost more than $6 million each to make, which is only about one-third the cost of most movies made for theatrical release. +21318010 The Turner move is in line with a cable-TV trend toward more original programming -- and toward finding more ways to amortize the high cost of producing films. +21318011 In July, Viacom Inc. formed Viacom Pictures to produce 12 low-budget movies a year that will premiere on Showtime network and be distributed later in various markets, including foreign theaters. +21319001 In a sign the stock slump hasn't quieted Europe's takeover fever, Cie. Financiere de Paribas said it intends to bid for one of France's other large financial and industrial holding companies, Cie. de Navigation Mixte. +21319002 Paribas said that once it receives the go-ahead from French stock market authorities, it will offer to boost its Navigation Mixte stake to 66.7% from the current 18.7%. +21319003 Its cash-or-shares bid values Navigation Mixte at about 22.82 billion francs ($3.62 billion), making this one of France's largest-ever attempted takeovers. +21319004 The cost of buying the additional 48% stake would be 10.95 billion francs ($1.74 billion). +21319005 The move would greatly boost Paribas's stake in the insurance, transport and food businesses, where Navigation Mixte is strong. +21319006 It also would make Paribas a major French ally of West Germany's Allianz AG insurance group. +21319007 Allianz holds a 50% stake in Navigation Mixte's insurance interests, acquired three weeks ago. +21319008 Those include Rhin et Moselle Vie and Via Assurances. +21319009 Long considered a potential takeover target, Navigation Mixte had hoped Allianz would help protect it from raiders. +21319010 That idea may have backfired. +21319011 Paribas is Allianz's main French bank, and the Munich-based group said it intends to stay neutral. +21319012 Navigation Mixte said it wouldn't have any comment until its board meets Wednesday. +21319013 But Navigation Mixte is loosely held and hard to defend. +21319014 "The defensive options are limited," says Philippe Braye, a partner in portfolio management concern France Finance Quatre. +21319015 "Who would bid against Paribas?" +21319016 If the Paribas bid succeeds, it will be the second time in two months a big French investment banking group has snapped up an insurance group. +21319017 Last month, Paribas's archrival, Cie. Financiere de Suez, won a battle for Groupe Victoire, France's second-largest private-sector insurer, which itself had just acquired West Germany's Colonia Versicherung AG. +21319018 That complex bid was billed as France's largest takeover ever (this one is slightly smaller). +21319019 Moreover, Suez had just finished winning an even larger battle last year for control of Societe Generale de Belgique. +21319020 Paribas officials, once considered France's toughest bankers, felt abashed at Suez's success and its rapid growth. +21319021 Although Paribas denies it, analysts say the new bid in part simply reflects the continuing rivalry between France's two largest investment banking groups. +21319022 It also reflects the broader pressure on companies in Europe to keep up as the European Community prepares to reduce internal trade barriers by 1992. +21319023 Although Paribas Chairman Michel Francois-Poncet wouldn't rule out eventually selling all of Navigation Mixte's insurance operations to Allianz, he stressed the potential for the two groups instead to cooperate. +21319024 He also told reporters the acquisition would give Paribas fresh diversity, bringing it properties in food and transport where it has been weak. +21319025 Navigation Mixte has investments in a sugar company, a food and canning concern, a bakery and bus and trucking firms, among others. +21319026 And Navigation Mixte has a huge hidden attraction. +21319027 Payment by Allianz for the insurance interests it has just bought will help swell the French concern's treasury to an estimated 11 billion francs. +21319028 Paribas said it will bid 1,850 francs a share for Navigation Mixte shares that qualify for a full yearly dividend, and 1,800 francs for those created July 1, which are eligible for partial dividends. +21319029 Alternatively, it said it would offer three Paribas shares, themselves eligible for dividends as of next Jan. 1, for one Navigation Mixte share. +21319030 Paribas shares closed down 30 francs at 610 francs, and Navigation Mixte shares were suspended at 1,800 francs pending the outcome of the bid. +21319031 Paribas said it would publish details of its bid once authorities clear it. +21319032 This is one of the first bids under new takeover rules aimed at encouraging open bids instead of gradual accumulation of large stakes. +21319033 Some financial sources said privately that Paribas blundered in failing to move sooner for the insurance and industrial group, bidding only after speculation had pushed up the price. +21319034 Mr. Francois-Poncet responded that his group initially intended to take only a minority stake, striking an alliance with current management. +21319035 When notoriously independent-minded Navigation Mixte Chairman Marc Fournier rejected Paribas's offer and began buying Paribas shares in retaliation, Mr. Francois-Poncet said, he felt obliged to bid for control. +21319036 He told reporters he had information that Mr. Fournier was preparing to buy as much as 20% of Paribas, up from less than 5% currently. +21319037 A bid against Paribas couldn't be ruled out. +21319038 France's second-largest government-owned insurance company, Assurances Generales de France, has been building its own Navigation Mixte stake, currently thought to be between 8% and 10%. +21319039 Analysts said they don't think it is contemplating a takeover, however, and its officials couldn't be reached. +21320001 Crude oil futures prices fell further as analysts and traders said OPEC oil producers aren't putting the brakes on output ahead of the traditionally weak first quarter. +21320002 In trading on the New York Mercantile Exchange, the U.S. benchmark West Texas Intermediate crude fell 39 cents a barrel to $19.76 for December delivery. +21320003 Petroleum products prices also declined. +21320004 Analysts pointed to reports that the Organization of Petroleum Exporting Countries is producing substantially more than its official limit of 20.5 million barrels a day, with some accounts putting the 13-nation group's output as high as 23 million barrels a day. +21320005 That level of production didn't take its toll on futures prices for the fourth quarter, when demand is traditionally strong. +21320006 But because first-quarter demand is normally the weakest of the year, several market participants say, OPEC production will have to decline to keep prices from eroding further. +21320007 The group plans to meet in a month to discuss production strategy for early 1990. +21320008 With prices already headed lower, news of a series of explosions at a major Phillips Petroleum Co. chemical facility on the Houston Ship Channel also was bearish for prices. +21320009 Even though such facilities use a relatively small amount of crude, analysts say, now the facility won't need any, at a time of already high availability. +21320010 The Phillips plant makes polyethylene, polypropylene and other plastic products. +21320011 A company official said the explosions began when a seal blew out. +21320012 Dozens of workers were injured, authorities said. +21320013 There was no immediate estimate of damage from the company. +21320014 Some petroleum futures traders say technical considerations now will help to put downward pressure on futures prices. +21320015 For instance, one trader said that prices inevitably will go lower now that they've fallen below $20 a barrel. +21320016 "Our technician is a little bearish now that we've taken out $20," he said. +21320017 In other commodity markets yesterday: +21320018 COPPER: +21320019 The selling that started on Friday continued yesterday. +21320020 The December contract fell 3.85 cents a pound to $1.1960. +21320021 London Metal Exchange warehouse stocks were down only 4,800 metric tons for the week to 84,500 tons; expectations late last week were a drop of 10,000 to 15,000 tons. +21320022 The New York market made its high for the day on the opening and when it dropped below the $1.23-a-pound level, selling picked up as previous buyers bailed out of their positions and aggressive short sellers -- anticipating further declines -- moved in. +21320023 Fund selling also picked up at that point. +21320024 According to Bernard Savaiko, senior commodity analyst at PaineWebber, the only stability to the market came when short sellers periodically moved in to cover their positions by buying contracts. +21320025 This activity produced small rallies, which in turn attracted new short selling. +21320026 Mr. Savaiko noted that copper had a steep fall in spite of a weak dollar, which would normally support the U.S. copper market. +21320027 Such support usually comes from arbitragers who use a strong British pound to buy copper in New York. +21320028 "The sell-off would probably have been worse if the dollar had been strong," he said. +21320029 Copper has been stuck in a trading range of $1.19 to $1.34. +21320030 Mr. Savaiko believes that if copper falls below the bottom of this range the next significant support level will be about $1.04. +21320031 PRECIOUS METALS: +21320032 Platinum and palladium struggled to maintain their prices all day despite news stories over the weekend that recent cold fusion experiments, which use both metals, showed signs of producing extra heat. +21320033 January platinum closed down $2.80 an ounce at $486.30, nearly $4 above its low for the day. +21320034 December palladium was off $1.55 an ounce at $137.20. +21320035 Platinum is believed to have good support around $480 and palladium at around $130. +21320036 Some traders were thought to be waiting for the auto sales report, which will be released today. +21320037 Such sales are watched closely by platinum and palladium traders because both metals are used in automobile catalytic converters. +21320038 Mr. Savaiko theorized that the news on cold fusion didn't affect the market yesterday because many traders have already been badly burnt by such stories. +21320039 He said the traders are demanding a higher level of proof before they will buy palladium again. +21320040 Also weighing on both metals' prices is the role of the chief supplier, the Soviet Union. +21320041 Many analysts believe that the Soviets' thirst for dollars this year to buy grain and other Western commodities and goods will bring them to the market whenever prices rally very much. +21320042 GRAINS AND SOYBEANS: +21320043 Prices closed mixed as contracts reacted to largely offsetting bullish and bearish news. +21320044 On the Chicago Board of Trade, soybeans for November delivery closed at $5.63 a bushel, down half a cent, while the December wheat contract rose three-quarters of a cent to $4.0775 a bushel. +21320045 Supporting prices was the announcement late Friday of additional grain sales to the Soviet Union. +21320046 But acting as a drag on prices was the improved harvest weather over the weekend and the prospect for continued fair weather this week over much of the Farm Belt. +21320047 Strong farmer selling over the weekend also weighed on prices. +21320048 SUGAR: +21320049 World prices tumbled, mostly from their own weight, according to analysts. +21320050 The March contract ended at 13.79 cents a pound, down 0.37 cent. +21320051 For the past week or so, traders have been expecting India to buy between 150,000 and 200,000 tons of refined sugar, and there have been expectations of a major purchase by Japan. +21320052 But with no reports of either country actually entering the market, analysts said, futures prices became vulnerable. +21320053 Developing countries such as India, some analysts said, seem to have made it a point to stay away whenever sugar reached the top of its trading range, around 14.75 cents, and wait for prices to return to the bottom of the range, around 13.50 cents. +21320054 But Erik Dunlaevy, a sugar analyst with Balfour Maclaine International Ltd., said the explanation for the latest drop in sugar prices is much simpler: Speculators, he said, "got too long too soon and ran into resistance around the old contract highs." +21320055 A PaineWebber analyst said that in light of a new estimate of a production increase of four million metric tons and only a modest increase in consumption, sugar isn't likely to rise above the top of its trading range without a crop problem in a major producing country. +21320056 COCOA: +21320057 Futures rallied modestly. +21320058 The December contract rose $33 a metric ton to $1,027, near its high for the day. +21320059 Gill & Duffus Ltd., a British cocoa-trading house, estimated that the 1989-90 world cocoa surplus would be 231,000 tons, down from 314,000 tons for the previous year. +21320060 Market technicians were encouraged by the price patterns, which in the past have preceded sharp rallies. +21320061 Recent prices for cocoa have been near levels last seen in the mid-1970s. +21320062 At such prices, according to Mr. Savaiko, bargain hunting and short-covering -- buying back of contracts previously sold -- by speculators isn't uncommon. +21320063 But Mr. Savaiko expects stepped-up producer selling at around the $1,040 to $1,050 level. +21320064 He also noted that a strong sterling market yesterday might have helped cocoa in New York as arbitragers took advantage of the currency move. +21320065 Sandra Kaul, research analyst at Shearson Lehman Hutton, said the market pushed higher mainly in anticipation of a late harvest in the Ivory Coast, a major cocoa producer. +21321001 Rockwell International Corp. bought out Ikegai Corp.'s interest in Ikegai-Goss, a joint venture of the two companies based in Tokyo. +21321002 The price was 3.6 billion yen ($25 million). +21321003 The agreement provides that Ikegai Corp. will remain a supplier to Ikegai-Goss, which makes printing presses for the newspaper industry. +21321004 The purchase was made by Rockwell Graphic Systems, a Chicago subsidiary of the El Segundo, Calif., concern. +21321005 Ikegai-Goss, which has about 200 employees, is among the industry leaders in keyless inking technology, which reduces time and materials waste when preparing a press for printing. +21322001 The bond market, which sometimes thrives on bad news, cheered yesterday's stock market sell-off and perceptions that the economy is growing weaker. +21322002 Early in the day, bonds rose modestly on economists' forecasts that this week's slate of economic data will portray an economy headed for trouble. +21322003 Such news is good for bonds because economic weakness sometimes causes the Federal Reserve to lower interest rates in an effort to stimulate the economy and stave off a recession. +21322004 For example, today the Department of Commerce is scheduled to release the September durable goods report. +21322005 The consensus forecast of 14 economists surveyed by Dow Jones Capital Markets Report is for a 1.2% drop in September orders. +21322006 That would follow a 3.9% advance in August. +21322007 Bonds received a bigger boost later in the day when stock prices moved broadly lower. +21322008 The Dow Jones Industrial Average fell 26.23 points to 2662.91. +21322009 "Bond investors have been watching stocks closely," said Joel Marver, chief fixed-income analyst at Technical Data Global Markets Group. +21322010 "When you get a big sell-off in equities, money starts to shift into bonds," which are considered safer, he said. +21322011 The Treasury's benchmark 30-year bond ended about 1/2 point higher, or up about $5 for each $1,000 face amount, while the yield slid to 7.93% from 7.98% Friday. +21322012 Municipals ended mixed, while mortgage-backed and investment-grade corporate bonds rose. +21322013 Prices of high-yield, high-risk corporate securities ended unchanged. +21322014 In more evidence of the growing division between "good" and "bad" junk bonds, a $150 million issue by Imo Industries Inc. was snapped up by investors while underwriters for Beatrice Co.'s $350 million issue are considering restructuring the deal to attract buyers. +21322015 In the Treasury market, analysts expect bond prices to trade in narrow ranges this week as the market takes in positive and negative news. +21322016 "On the negative side, the market will be affected by constant supply in all sectors of the market," said William M. Brachfeld, economist at Daiwa Securities America Inc. +21322017 "On the other hand, we have economic news that is {expected to be} relatively positive for the bond market. +21322018 We will go back and forth with a tilt toward slightly lower yields," he said. +21322019 Today, the Treasury will sell $10 billion of new two-year notes. +21322020 Tomorrow, Resolution Funding Corp., a division of a new government agency created to bail out the nation's troubled thrifts, will hold its first bond auction at which it will sell $4.5 billion of 30-year bonds. +21322021 So far, money managers and other bond buyers haven't shown much interest in the Refcorp bonds. +21322022 Analysts have mixed views about the two-year note auction. +21322023 While some say the auction should proceed smoothly, others contend that yesterday's sale of $2.58 billion of asset-backed securities by Ford Motor Credit Corp. may have siphoned some potential institutional buyers from the government's note sale. +21322024 The division of auto maker Ford Motor Co. made its debut in the asset-backed securities market with the second-largest issue in the market's four-year history. +21322025 The company offered securities backed by automobile loans through an underwriting group headed by First Boston Corp. +21322026 The issue yields 8.90% and carries a guarantee covering 9% of the deal from the company. +21322027 First Boston sweetened the terms from the original yield estimate in an apparent effort to place the huge offering. +21322028 The issue was offered at a yield nearly one percentage point above the yield on two-year Treasurys. +21322029 The only asset-backed deal larger than Ford's was a $4 billion offering by General Motors Acceptance Corp. in 1986. +21322030 Treasury Securities +21322031 Treasury bonds were 1/8 to 1/2 point higher yesterday in light trading. +21322032 The benchmark 30-year bond ended at a price of 102 3/32, compared with 101 17/32 Friday. +21322033 The latest 10-year notes were quoted late at 100 17/32 to yield 7.90%, compared with 100 3/32 to yield 7.97%. +21322034 The latest two-year notes were quoted late at 100 28/32 to yield 7.84%. +21322035 Short-term rates rose yesterday at the government's weekly Treasury bill auction, compared with the previous bill sale. +21322036 The Treasury sold $7.81 billion of three-month bills with an average discount rate of 7.52%, the highest since the average of 7.63% at the auction on Oct. 10. +21322037 The $7.81 billion of six-month Treasury bills were sold with an average discount rate of 7.50%, the highest since the average of 7.60% at the Oct. 10 auction. +21322038 The rates were up from last week's auction, when they were 7.37% and 7.42%, respectively. +21322039 Here are auction details: +21322040 Rates are determined by the difference between the purchase price and face value. +21322041 Thus, higher bidding narrows the investor's return while lower bidding widens it. +21322042 The percentage rates are calculated on a 360-day year, while the coupon-equivalent yield is based on a 365-day year. +21322043 Both issues are dated Oct. 26. +21322044 The 13-week bills mature Jan. 25, 1990, and the 26-week bills mature April 26, 1990. +21322045 Corporate Issues +21322046 Investment-grade corporates closed about 1/4 point higher in quiet trading. +21322047 In the junk bond market, Imo Industries' issue of 12-year debentures, considered to be one of the market's high-quality credits, was priced at par to yield 12%. +21322048 Peter Karches, managing director at underwriter Morgan Stanley & Co., said the issue was oversubscribed. +21322049 "It's a segmented market, and if you have a good, strong credit, people have an appetite for it," he said. +21322050 Morgan Stanley is expected to price another junk bond deal, $350 million of senior subordinated debentures by Continental Cablevision Inc., next Tuesday. +21322051 In light of the recent skittishness in the high-yield market, junk bond analysts and traders expect other high-yield deals to be sweetened or restructured before they are offered to investors. +21322052 In the case of Beatrice, Salomon Brothers Inc. is considering restructuring the reset mechanism on the $200 million portion of the offering. +21322053 Under the originally contemplated terms of the offering, the notes would have been reset annually at a fixed spread above Treasurys. +21322054 Under the new plan being considered, the notes would reset annually at a rate to maintain a market value of 101. +21322055 Price talk calls for the reset notes to be priced at a yield of between 13 1/4% and 13 1/2%. +21322056 Mortgage-Backed Securities +21322057 Activity in derivative markets was strong with four new real estate mortgage investment conduits announced and talk of several more deals in today's session. +21322058 The Federal National Mortgage Association offered $1.2 billion of Remic securities in three issues, and the Federal Home Loan Mortgage Corp. offered a $250 million Remic backed by 9% 15-year securities. +21322059 Part of the reason for the heavy activity in derivative markets is that underwriters are repackaging mortgage securities being sold by thrifts. +21322060 Traders said thrifts have stepped up their mortgage securities sales as the bond market has risen in the past two weeks. +21322061 In the mortgage pass-through sector, active issues rose but trailed gains in the Treasury market. +21322062 Government National Mortgage Association 9% securities for November delivery were quoted late yesterday at 98 10/32, up 10/32; and Freddie Mac 9% securities were at 97 1/2, up 1/4. +21322063 The Ginnie Mae 9% issue was yielding 8.36% to a 12-year average life assumption, as the spread above the Treasury 10-year note widened slightly to 1.46 percentage points. +21322064 Municipals +21322065 A $575 million San Antonio, Texas, electric and gas system revenue bond issue dominated the new issue sector. +21322066 The refunding issue, which had been in the wings for two months, was one of the chief offerings overhanging the market and limiting price appreciation. +21322067 But alleviating that overhang failed to stimulate much activity in the secondary market, where prices were off 1/8 to up 3/8 point. +21322068 An official with lead underwriter First Boston said orders for the San Antonio bonds were "on the slow side." +21322069 He attributed that to the issue's aggressive pricing and large size, as well as the general lethargy in the municipal marketplace. +21322070 In addition, he noted, the issue would normally be the type purchased by property and casualty insurers, but recent disasters, such as Hurricane Hugo and the Northern California earthquake, have stretched insurers' resources and damped their demand for bonds. +21322071 A $137.6 million Maryland Stadium Authority sports facilities lease revenue bond issue appeared to be off to a good start. +21322072 The issue was oversubscribed and "doing very well," according to an official with lead underwriter Morgan Stanley. +21322073 Activity quieted in the New York City bond market, where heavy investor selling last week drove yields on the issuer's full faith and credit backed bonds up as much as 0.50 percentage point. +21322074 Foreign Bonds +21322075 Japanese government bonds ended lower after the dollar rose modestly against the yen. +21322076 The turnaround in the dollar fueled bearish sentiment about Japan's bond market. +21322077 The benchmark No. 111 4.6% bond due 1998 ended on brokers' screens at a price of 95.39, off 0.28. +21322078 The yield rose to 5.38%. +21322079 West German bond prices ended lower after a day of aimless trading. +21322080 The benchmark 7% bond due October 1999 fell 0.20 point to 99.80 to yield 7.03%, while the 6 3/4% notes due July 1994 fell 0.10 to 97.65 to yield 7.34%. +21322081 British government bonds ended slightly higher in quiet trading as investors looked ahead to today's British trade report. +21322082 The benchmark 11 3/4% Treasury bond due 2003/2007 rose 1/8 to 111 21/32 to yield 10.11%, while the 12% issue of 1995 rose 3/32 to 103 23/32 to yield 11.01%. +21323001 "The croaker's done gone from the hook -- +21323002 damn! +21323003 My language sure goes to pot down here on the coast." +21323004 The husky blond guide with the Aggie cap twists his face in mock fury. +21323005 "I got to get back to school and straighten out my English." +21323006 He has two more years at Texas A&M. +21323007 Right now he takes people out to fish in the bays behind the barrier islands that curve for hundreds of miles along the eastern coast of Texas, enclosing milky green lagoons behind ridges of sand and grassy scrub that rim the deep blue of the Gulf beyond. +21323008 There have been three days of hot, wind-swept rain, and now with the first sun we are after speckled seatrout, which with redfish provides most of the game fishing hereabouts. +21323009 The little radio fizzes as other boats want to see if we have found any fish -- spotting location is everything in this sport. +21323010 Negative answers crackle back. +21323011 The fish often are plentiful around the pilings of the old gas wells that dot the flat surface like the remains of sunken ships. +21323012 We go from one to the other. +21323013 The sun is hot now though it's only 8 in the morning. +21323014 The great silver clouds on the horizon build themselves on the pale water. +21323015 We cruise toward another set of pilings. +21323016 The guide scoops into a pail and puts a frantically wiggling croaker on the hook. +21323017 Then he casts out. +21323018 "Just wait for that tap-tap, that thump-thump. +21323019 It comes real gentle before it pulls. +21323020 Don't forget, trout have very soft mouths." +21323021 The radio queries again. +21323022 "Pickin' one or two," says the guide, chuckling. +21323023 "You can tell they've got nothin'." +21323024 A pair of black skimmers zig-zag past close to the surface. +21323025 Soon we have our limit of the shimmering fish stippled in rose-gold and black. +21323026 And we are the first back at the dock, where the great blue herons stand waiting by the cleaning benches. +21323027 The guide is young and he knows this business but he wants a different life after college, such as working for IBM and wearing a necktie. +21323028 This must be the last big stretch of the American seacoast that is "undeveloped." +21323029 There are a few ramshackle fishing towns with quiet atolls of resort houses nearby. +21323030 People are not apt to be self-conscious about the place or themselves. +21323031 Texas is big and beautiful and they live here, that's all. +21323032 Jutting out just to the north of us is the Blackjack Peninsula (after the oak, not the game) which forms the core of the Aransas Wildlife Refuge. +21323033 It is famous as the winter home of the whooping crane, that symbol of the destruction of wild America. +21323034 Last year a gunner shot a whooper by mistake thinking that it was a snow goose. +21323035 He paid an immense fine and was lucky, according to a local wag, to escape the gas chamber. +21323036 The peninsula comes off the vast southeastern alluvial plain with fields of rice and cotton and sorghum as far as the eye can see. +21323037 Near the coast there are dense coverts of live oak interspersed with marshes and prairies. +21323038 Deer, wild hog, armadillos and alligators are the glamour quadrupeds and the birds are innumerable, especially the herons and the spoonbills. +21323039 Above the blossoms of lantana and scarlet pea the inky-brown and golden palamedes butterfly floats on its lazy wingbeat. +21323040 Inland a few miles from the refuge there is a place called Tivoli, with a white church, a gas station and a grocery, the houses relatively close together for such a settlement in these parts. +21323041 "Tivoli Motel," I read a sign in the usual pronunciation of the name as we whoosh through. +21323042 "Here in south Texas we say Tie-vole-ee," my host gently corrects. +21323043 Mr. King is the director of the Foreign Press Center in New York. +21324001 AEG AG and Siemens AG said they will launch their previously announced joint venture for power semiconductors in January. +21324002 The two West German electronics concerns said they have set up European Power Semiconductor Co. to merge their activities in the field. +21324003 AEG and Siemens each will hold a 50% stake in the venture. +21324004 The joint venture will have nominal capital of 50 million marks ($26.9 million) and 700 employees. +21324005 It will develop, produce and market high-performance electronic parts. +21324006 Siemens is West Germany's largest electronics group. +21324007 AEG is 80% owned by Daimler-Benz AG, the country's biggest industrial concern. +21325001 Dana Corp. said its third-quarter net income fell 27% to $29.6 million, or 72 cents a share, from $40.7 million, or $1 a share, a year earlier. +21325002 Sales dropped 4% to $1.12 billion from $1.17 billion. +21325003 The company, which supplies transmissions and other drive-train parts to auto makers, said about half the earnings drop came from the "virtual collapse" of the Venezuelan auto industry. +21325004 The Venezuelan currency plummeted this year, making it difficult for auto makers there to afford imported parts. +21325005 Dana also said it was hurt by slumping U.S. truck sales and by a strike at a parts supplier. +21325006 The company, based in Toledo, Ohio, had said it expected reduced third-quarter profit. +21325007 Mary Anne Sudol, an analyst at Fitch Investors in New York, said automotive suppliers were reporting lower profit almost "across the board." +21325008 Southwood J. Morcott, Dana's president, said the company's decision to approve its normal fourth-quarter dividend indicated its underlying strength. +21326001 Norimasa Furuta, president of Japan's Mazda Motor Corp., said the Japanese car maker is planning joint production with Ford Motor Co. in Europe ahead of the European Community's 1992 integration. +21326002 Mr. Furuta didn't disclose further details of the arrangement at a news conference, but said the project would be undertaken with Ford's European subsidiary. +21326003 A Ford official confirmed in Tokyo that the U.S. motor vehicle maker is studying such an arrangement. +21327001 At age eight, Josephine Baker was sent by her mother to a white woman's house to do chores in exchange for meals and a place to sleep -- a place in the basement with the coal. +21327002 At age 19, she was a Paris sensation, transformed from unwanted child to international sex symbol in just over a decade. +21327003 It is the stuff of dreams, but also of traumas. +21327004 Only the bravest spirits survive such roller coasters. +21327005 And, for Ms. Baker, the ride was far from over. +21327006 Her bare breasts, her dancing, her voice, her beauty and, perhaps most famously, her derriere, were prominent attractions, but courage of a rare sort made her remarkable life possible. +21327007 Bricktop, another American black woman who found a measure of fame in Paris, said: "I don't think I've ever known anyone with a less complicated view of life, or whose life was more complicated than Josephine's." +21327008 Men were a constant complication. +21327009 Baker had lots of them. +21327010 But she didn't trust them and didn't reward trust. +21327011 As she saw one key love affair, the problem wasn't her infidelity, it was his jealousy. +21327012 Her appetite for children also was large. +21327013 She adopted 12 of assorted races, naming them the Rainbow Tribe, and driving her husband first to despair and then to Argentina. +21327014 She made money, but spent more. +21327015 Friends pitched in. +21327016 Finally, Prince Rainier and Princess Grace saved her with the offer of a house in Monaco. +21327017 Another lifelong complication, as Phyllis Rose makes clear in "Jazz Cleopatra: Josephine Baker in Her Time" (Doubleday, 321 pages, $22.50), was racism. +21327018 Baker had the good luck to arrive in 1925 Paris, where blacks had become exotic. +21327019 African art was in vogue and some intellectuals were writing breathlessly of a dawning age to be inspired by blacks. +21327020 To be exotic was to be patronized as well as prized, but for the most part Paris was a friendly island in a racist world. +21327021 Baker had bitter experience of bigotry from her St. Louis childhood and her days in New York theater, where she was judged too dark for an all-black chorus line (performing of course for all-white audiences). +21327022 Paris loved her at first sight. +21327023 "She just wiggled her fanny and all the French fell in love with her," sniffed the literary world's Maria Jolas, not entirely inaccurately. +21327024 "One can hardly overemphasize the importance of her rear end," Ms. Rose writes. +21327025 Ms. Rose, who teaches literature at Wesleyan University, quickly proceeds to overemphasize, claiming that Baker's dancing "had uncovered a new region for desire" and thereby ignoring centuries of tributes to the callipygous. +21327026 "Jazz Cleopatra" contains other, more important, false notes that undermine what is, for the most part, a lively account of a life already familiar from earlier works. +21327027 It is easy to see why Baker, a free spirit who broke many of the restraints convention places on women, attracts Ms. Rose, the author of "Parallel Lives," a wonderful study of Victorian marriage. +21327028 Still, even the title raises questions about the author's vision of her subject. +21327029 Baker's art was jazz only by the widest stretch of the term. +21327030 To find parallels, other than sexual appeal, with Cleopatra, requires an equal stretch. +21327031 Baker was 68 years old when she died in Paris, two days after the sold-out opening of her newest show: a movie-like ending to what was a cinematic life. +21327032 In fact, Ms. Baker played scenes in Casablanca that could have made it into "Casablanca." +21327033 During World War II, her uncomplicated view of life led her to the conclusion that the Nazis were evil and must be resisted, a decision made by only about 2% of French citizens. +21327034 She was devoted to Charles de Gaulle's cause, accepting great financial sacrifice and considerable risk to become first a spy and then a one-woman USO tour for the forces of Free France. +21327035 In Humphrey Bogart's nightclub, Victor Laszlo leads Free French sympathizers in "La Marseillaise" to drown out the Nazis. +21327036 The night the Germans occupied all of France, Baker performed in Casablanca. +21327037 The Free French wore black arm bands, and when she sang "J'ai deux amours" they wept. +21327038 Ms. Rose is best on the early years and World War II. +21327039 In her introduction, Ms. Rose writes that she feels she has much in common with Baker, but as "Jazz Cleopatra" goes on, it seems more rushed, as though the author were growing less interested. +21327040 It doesn't help that sometimes Ms. Rose's language fails to deliver the effect she appears to want. +21327041 One chapter opens: "World War II was not one of France's glorious moments." +21327042 Elsewhere, in an attempt to explain without stating it plainly that Baker had a large gay following later in her career when she was an overdressed singer rather than underdressed dancer, Ms. Rose writes: "She was a female impersonator who happened to be a woman." +21327043 One devoted fan who fell under Baker's spell in 1963 and began collecting Baker memorabilia was Bryan Hammond. +21327044 In "Josephine Baker" (Jonathan Cape, 304 pages, $35), which was published in Britain last year and distributed in the U.S. this month, Mr. Hammond has used his collection to produce an album of photographs and drawings of the star. +21327045 The text by Patrick O'Connor is a tough read, but the pictures make her magnetism clear and help explain why Ernest Hemingway called Baker "The most sensational woman anybody ever saw. +21327046 Or ever will." +21327047 Mr. Lescaze is foreign editor of the Journal. +21328001 Manville, having rid itself of asbestos, now sells fiberglass, forest products, minerals and industrial goods. +21328002 Heady stuff it's not. +21328003 But Manville's ownership is unusual, and it has caught the eye of some canny -- and patient -- investors. +21328004 The Denver-based concern, which emerged from bankruptcy-law proceedings late last year, is controlled by the Manville Personal Injury Settlement Trust. +21328005 The trust, which owns 80% of Manville's stock on a fully diluted basis, is a separate legal entity that is settling claims with asbestos victims. +21328006 When and if the trust runs out of cash -- which seems increasingly likely -- it will need to convert its Manville stock to cash. +21328007 But as an 80% owner, if it tried to sell much of its stock in the market, it would likely depress the price of its shares. +21328008 Some investors say there is a good chance that the trust will, instead, seek to convert the company's shares to cash, in some sort of friendly restructuring that wouldn't involve just dumping stock on the market. +21328009 "Their principal asset is Manville common stock," says Jeffrey Halis, who runs Sabre Associates, an investment fund that owns Manville shares. +21328010 "If they tried to sell, they'd be chasing their own tail. +21328011 What makes the most sense is to find someone who wants to buy the whole company or cause a recapitalization of all shares." +21328012 The trust isn't commenting on when it might need to liquefy its Manville stock. +21328013 However, the trust's cash flow from investments is far short of its payments to asbestos victims. +21328014 Its cash and liquid securities fell by $338 million in the first six months of 1989. +21328015 The trust also will receive $75 million a year starting in 1991 on a bond it holds from Manville. +21328016 And, beginning in 1992, it will have a claim on as much as 20% of Manville's annual net income. +21328017 Even so, the trust would seem to be facing a cash crunch. +21328018 As of June 30, it had settled only about 15,000 of the 81,000 received claims from asbestos victims, for an average of $40,424 each. +21328019 (The average should drop over time, since the most expensive claims are being settled first). +21328020 And as of midyear, settled but unpaid claims amounted to $136 million -- more than half the trust's total of $268 million in cash and marketable securities. +21328021 "At some point, we're going to need an infusion of funds," a person close to the trust says. +21328022 Even before then, the trust may be eager to unload Manville stock. +21328023 It doesn't pay a dividend, and this trust needs income. +21328024 Moreover, with 88% of its assets tied up in Manville, the trust is badly in need of diversification. +21328025 "Obviously, a diversified portfolio would have less risk," the person close to the trust says. +21328026 Manville itself doesn't rule out a restructuring. +21328027 Though the ink is barely dry on its new, post-bankruptcy law structure, Bill Bullock, Manville's head of investor relations, says the company is continually pondering "whether there is a better way to be structured. +21328028 We understand that the trust is ultimately going to need to sell some of our shares," he says. +21328029 Of course, one option would be for Manville to buy out the trust's shares -- which would do little to benefit public stockholders. +21328030 But the trust, in most cases, is forbidden from seeking a buyer for only its shares before November 1993. +21328031 And both the trust and Manville are seeking to avoid the bad publicity that, in the asbestos era, tarred the Manville name. +21328032 Thus, analysts say, the trust is unlikely to do anything that would hurt Manville's other shareholders. +21328033 "This is a rare case of a company with a big majority holder which will probably act in the interests of the minority holders," one investor says. +21328034 Even if there is no restructuring, Manville seems to be attractive long-term. +21328035 Its stock, at 9 5/8, trades at about 8 1/2 times estimated 1989 earnings -- an appropriately low multiple for a company with recession-sensitive customers. +21328036 Mr. Bullock says 45% of revenues are tied to construction. +21328037 Analysts predict little or no near-term growth. +21328038 They are, nonetheless, high on Manville's management. +21328039 "It's one of the best in the business," says Salomon Brothers analyst Stephen Dobi. +21328040 And he says Manville has the financial flexibility to buy other companies at the best possible momentwhen other construction-related firms are hurting and selling cheap. +21328041 With a conservative debt-to-equity ratio of 1-to-1 -- and $329 million in cash -- Manville is indeed actively on the prowl. +21328042 So far, as a price-conscious shopper, Manville hasn't bought much. +21328043 Paul Kleinaitis, an analyst at Duff & Phelps, says, "Even though they have borrowing power, they have been disciplined about acquisitions." +21328044 And Mr. Kleinaitis says that with 80% of its stock in friendly hands, Manville is the rare publicly traded company that can ignore short-term stock fluctuations and plan for the long haul. +21328045 Manville (NYSE; Symbol: MVL) +21328046 Business: Forest products and roofing +21328047 Year ended Dec. 31, 1988: Sales: $2.06 billions Net loss: $1.30 billion* +21328048 Third quarter, Sept. 30, 1989: Per-share earnings: 30 cents vs. 44 cents** +21328049 Average daily trading volume: 74,351 shares +21328050 Common shares outstanding: 120 million +21328051 *Includes $1.29 billion extraordinary charge. +21328052 **Year ago figure is restated. +21329001 Emerson Electric Co. and Robert Bosch G.m.b.H. said the Federal Trade Commission has requested additional information from the two companies about their announced intention to acquire Vermont American Corp. for $40 a share, or about $440 million. +21329002 Yesterday, in composite trading on the American Stock Exchange, Vermont American common closed at $39.75, off 25 cents. +21329003 The FTC's request was "not unusual" and Emerson will make a "full and prompt" response, according to a spokesman. +21329004 Spokesmen for Emerson and Vermont American, which has agreed to be acquired, said they don't anticipate "any problems" with the completion of the transaction. +21329005 An FTC spokesman said the matter is "in a non-public posture at this time" and declined to comment further. +21329006 Emerson and Bosch, through their joint acquisition arm, Maple Acquisition, have begun a cash tender offer for all of Vermont's common shares outstanding. +21329007 The offer, set to expire Nov. 1, may be extended pending the timing and resolution of the FTC request, the companies said. +21329008 St. Louis-based Emerson and Stuttgart-based Bosch make electrical and electronic products, including power tools. +21329009 The Vermont American acquisition is designed to enhance their position in the accessories portion of the power-tool industry. +21330001 Santa Fe Pacific Corp. is preparing a plan to sell a 20% stake in its large real estate unit to a California public employee pension fund for $400 million, after which it would spin off the realty operation to shareholders. +21330002 The plan places an indicated value on the real estate operation, Santa Fe Pacific Realty Corp., of $2 billion. +21330003 Santa Fe Pacific directors are expected to review the plan at a meeting today, according to people familiar with the transaction. +21330004 If approved, the sale is expected to close by year's end, with the spinoff occurring by the end of 1992. +21330005 In composite trading on the New York Stock Exchange yesterday, Santa Fe Pacific closed at $20.625, down 25 cents. +21330006 Santa Fe Pacific Realty is a major California land and building owner whose prime properties include 1,850 undeveloped acres in the San Francisco Bay area, and several office sites. +21330007 A spokesman said the properties survived without significant damage in last week's Northern California earthquake. +21330008 As a result of the partial sale and spinoff, the $56 billion California Public Employees Retirement System would obtain two seats on the board of the real estate operation, according to officials of the fund, who described the plan. +21330009 A spokesman for Chicago-based Santa Fe Pacific confirmed that negotiations were being held with the fund. +21330010 Also holding two seats each on the board, they said, would be Olympia & York Developments Ltd., controlled by the Reichmann family of Canada, and Itel Corp., controlled by Chicago businessman Sam Zell. +21330011 The Reichmanns and Mr. Zell, the largest holders of Santa Fe Pacific stock, have been looking for ways to raise the value of their investments, including possible spinoffs. +21330012 Itel bought a 17% stake in Sante Fe Pacific last year and Olympia & York later purchased about a 20% stake; they would have interests in the new realty company in line with their holdings in Sante Fe Pacific. +21330013 The sale and spinoff of the real estate unit is the first phase of what could lead to the breakup of Santa Fe Pacific into free-standing companies for its railroad and energy operations, as well as real estate. +21330014 The debt-laden parent has been under pressure from large shareholders to boost the company's share price. +21330015 At the same time it has been caught in an earnings squeeze. +21330016 The California pension fund's planned investment in the real estate unit is unusual. +21330017 Pension funds rarely own as much as a 20% stake in what is expected to be a publicly traded company. +21330018 In addition, pension funds are rarely given seats on company boards and most often try to avoid them because of legal concerns. +21330019 But fund officials said the Santa Fe Pacific Realty investment provides an opportunity to buy a stake in a large real estate portfolio heavily weighted with California properties. +21330020 It also marks a "major commitment to {real estate} development, which we haven't been involved with before," said Dale Hanson, the fund's executive director. +21330021 Under the proposed plan, the fund would also lend Santa Fe Pacific Realty $75 million in the form of a note that would be convertible into additional shares of the realty company after the second year at the then-prevailing market price. +21330022 The note would accrue interest at the rate of 13.5% a year, which would be payable to the fund after five years, according to Stephen E. Roulac, a real estate consultant working for the fund. +21330023 The purpose of the note is to provide added capital for the spun-off company in a form that will save it spending cash on immediate interest payments, Mr. Roulac said. +21330024 The spun-off concern "clearly will be one of the dominant real estate development companies with a prime portfolio," he said. +21330025 For the last year, Santa Fe Pacific has redirected its real estate operations toward longer-term development of its properties, hurting profits that the parent had generated in the past from periodic sales from its portfolio. +21330026 Real estate operating income for the first nine months fell to $71.9 million from $143 million a year earlier, the company said. +21330027 In a statement late yesterday, Santa Fe Pacific's chairman, Robert D. Krebs, said that Santa Fe Pacific Realty would repay more than $500 million in debt owed to the parent before the planned spinoff. +21330028 That would help reduce Santa Fe Pacific's remaining debt to about $600 million from a high of $3.7 billion in early 1988. +21330029 It wasn't clear where Santa Fe Pacific expected to obtain the payment of more than $500 million, which would be well above the $400 million that California pension fund officials say they plan to provide. +21330030 The realty unit might take on new debt or obtain additional investors, among other possibilities. +21330031 The Santa Fe Pacific spokesman declined to comment on that aspect, saying the deal was still under negotiation. +21330032 Santa Fe Pacific Realty owns 2.8 million acres of property, including 219 buildings with more than 11 million square feet of space. +21330033 It also holds nearly 40,000 acres of raw land with development potential, but under a previously announced strategy, the company has targeted building on 5,400 acres in California, Arizona and the Chicago area. +21330034 Among those are the 1,850 acres in the San Francisco Bay area, including 208 acres in the Mission Bay area. +21330035 The California pension fund, which has $16 billion already invested in real estate and mortgages, could be a valuable funding source for that development, although it isn't obliged to make further investments. +21330036 The fund is the nation's largest public employee fund, and it has a growing cash flow now topping $3 billion a year. +21330037 Fund officials negotiated the final structure of the proposed deal with Santa Fe Pacific, but they were approached with the idea by real estate brokers JMB Realty Corp. of Chicago. +21330038 JMB officials are expected to be hired to represent the pension fund on the Santa Fe Pacific Realty board, Mr. Roulac said, to insulate the fund from potential liability problems. +21331001 GAF, Part III is scheduled to begin today. +21331002 After two mistrials, the stakes in the stock manipulation trial of GAF Corp. and its vice chairman, James T. Sherwin, have changed considerably. +21331003 The first two GAF trials were watched closely on Wall Street because they were considered to be important tests of the government's ability to convince a jury of allegations stemming from its insider-trading investigations. +21331004 In an eight-count indictment, the government charged GAF, a Wayne, N.J., chemical maker, and Mr. Sherwin with illegally attempting to manipulate the common stock of Union Carbide Corp. in advance of GAF's planned sale of a large block of the stock in 1986. +21331005 The government's credibility in the GAF case depended heavily on its star witness, Boyd L. Jefferies, the former Los Angeles brokerage chief who was implicated by former arbitrager Ivan Boesky, and then pointed the finger at Mr. Sherwin, takeover speculator Salim B. Lewis and corporate raider Paul Bilzerian. +21331006 The GAF trials were viewed as previews of the government's strength in its cases against Mr. Lewis and Mr. Bilzerian. +21331007 Mr. Jefferies's performance as a witness was expected to affect his sentencing. +21331008 But GAF's bellwether role was short-lived. +21331009 The first GAF trial ended in a mistrial after four weeks when U.S. District Judge Mary Johnson Lowe found that a prosecutor improperly, but unintentionally, withheld a document. +21331010 After 93 hours of deliberation, the jurors in the second trial said they were hopelessly deadlocked, and another mistrial was declared on March 22. +21331011 Meanwhile, a federal jury found Mr. Bilzerian guilty on securities fraud and other charges in June. +21331012 A month later, Mr. Jefferies was spared a jail term by a federal judge who praised him for helping the government. +21331013 In August, Mr. Lewis pleaded guilty to three felony counts. +21331014 Nevertheless, the stakes are still high for the players directly involved in the GAF case. +21331015 The mistrials have left the reputations of GAF, Mr. Sherwin and GAF Chairman Samuel Heyman in limbo. +21331016 For Mr. Sherwin, a conviction could carry penalties of five years in prison and a $250,000 fine on each count. +21331017 GAF faces potential fines of $500,000 for each count. +21331018 Individuals familiar with the case said that throughout September, defense attorneys were talking with the government in an effort to prevent a trial, but by the end of the month the talks had ended. +21331019 There is much speculation among attorneys not involved that the strategy of GAF's attorney, Arthur Liman, and Mr. Sherwin's counsel, Stephen Kaufman, will include testimony by Mr. Sherwin or Mr. Heyman. +21331020 Neither testified at the previous trials. +21331021 For now, defense attorneys are tight-lipped about their plans. +21331022 Max Gitter, another GAF defense attorney, said yesterday, "As we go in for the third time, Yogi Berra's famous line is apt: `It's deja vu all over again.'" +21331023 DALKON SHIELD CLAIMANTS hope to stop reorganization-plan appeal. +21331024 Attorneys for more than 18,000 women who claim injuries from the Dalkon Shield contraceptive device have asked the U.S. Supreme Court to refuse to hear an appeal of the bankruptcy-law reorganization plan for A.H. Robins Co., which manufactured the device. +21331025 The dispute pits two groups of claimants against each other. +21331026 Baltimore attorney Michael A. Pretl and 17 other attorneys representing 18,136 claimants in the U.S. and abroad argue that the appeal would delay -- and perhaps even destroy -- a $2.38 billion settlement fund that is the centerpiece of the reorganization plan. +21331027 The bankruptcy-court reorganization is being challenged before the Supreme Court by a dissident group of claimants because it places a cap on the total amount of money available to settle claims. +21331028 It also bars future suits against Robins company officials, members of the Robins family and Robins's former insurer, Aetna Life & Casualty Co. +21331029 The latter provision is "legally unprecedented," said Alan B. Morrison, a public interest lawyer in Washington, D.C., who is challenging the plan on behalf of 900 claimants. +21331030 More than 100,000 claims against Robins are pending. +21331031 The company made and marketed the Dalkon Shield in the early 1970s amid mounting evidence that it could cause serious injuries. +21331032 Robins has been in proceedings under Chapter 11 of the U.S. Bankruptcy Code since August 1985; such proceedings give it protection from creditor lawsuits while it works out a plan for paying its debts. +21331033 American Home Products Corp. wants to acquire Robins, but only if all legal challenges to the plan are exhausted. +21331034 In a brief filed with the Supreme Court last week, Mr. Pretl criticizes the appeal for raising "abstract" and "theoretical" legal issues, while jeopardizing the proposed reorganization and the settlement payments to claimants. +21331035 The Supreme Court is scheduled to consider the case Nov. 3 and may issue a decision as early as Nov. 6. +21331036 JURY'S CRIMINAL CONVICTION under Superfund law is a first. +21331037 Charles A. Donohoo, sole proprieter of a Louisville, Ky., demolition company, was found guilty of violating the Superfund law as well as the Clean Air Act. +21331038 Criminal convictions under the federal Superfund law are rare, and the decision is the first jury verdict in such a case. +21331039 Under Superfund, those who owned, generated or transported hazardous waste are liable for its cleanup, regardless of whether their actions were legal at the time. +21331040 Environmental lawyers say virtually all of the Superfund cases to date have involved civil penalties designed to insure cleanup of past polluting activities. +21331041 But Superfund also contains a criminal provision concerning the release of toxic substances into the environment. +21331042 In 1986 Congress strengthened the penalty by making it a felony. +21331043 Mr. Donohoo was convicted in Louisville late last month of violating Superfund by failing to report the release of asbestos into the environment from a building he was demolishing. +21331044 He was also convicted of failing to properly remove asbestos from the building, a violation of the Clean Air Act. +21331045 The government sought a criminal penalty because "no cleanup is possible here. +21331046 Once {asbestos} is released into the environment, it can lodge anywhere," says Richard A. Dennis, the assistant U.S. attorney who prosecuted the case. +21331047 Mr. Donohoo is scheduled to be sentenced Dec. 11. +21331048 His lawyer could not be reached for comment. +21331049 Mr. Donohoo faces as much as three years in prison and a $250,000 fine for the Superfund conviction and as much as one year in prison and a $100,000 fine for the violation of the Clean Air Act. +21331050 TED BUNDY'S LAWYERS switch to victims' side in death-sentence case. +21331051 Wilmer, Cutler & Pickering, the Washington, D.C., law firm that spent over $1 million fighting the execution of mass-murderer Ted Bundy -- who eventually was executed -- has taken on another death penalty case before the Supreme Court, this time on the side of the family of four murder victims in Arkansas. +21331052 The law firm has filed a friend-of-the-court brief jointly with the Washington Legal Foundation, a conservative legal group. +21331053 The key issue in the case, which the law firm is handling without a fee, or pro bono, is whether a person sentenced to death can voluntarily waive his rights of appellate review. +21331054 The murderer, Ronald Gene Simmons, was convicted of killing 14 people. +21331055 Another murderer on death row has appealed Mr. Simmons's death sentence in a "next friend" capacity. +21331056 Wilmer Cutler's brief argues that there is no mandatory appellate review of capital sentences and that the inmate who filed the appeal lacks proper standing. +21331057 P.J. Mode, Wilmer Cutler's managing partner, says the trial team that represented Mr. Bundy was asked by the firm's pro bono committee whether the new case posed a conflict and that no objections were raised. +21331058 The coupling of the law firm and the Washington Legal Foundation is odd also, because Wilmer Cutler was one of the firms singled out for criticism two years ago by the conservative legal group for displaying a liberal bias in its pro bono work. +21331059 "We give them a lot of credit for taking this case," says WLF's Alan Slobodin. +21331060 THE CASE OF THE FAKE DALIS: +21331061 In federal court in Manhattan, three defendants pleaded guilty to charges of fraud in connection with the sale of fake Salvador Dali lithographs. +21331062 James Burke and Larry Evans, formerly owners of the now-defunct Barclay Gallery, and Prudence Clark, a Barclay sales representative, were charged with conducting high-pressure telephone sales in which they misrepresented cheap copies of Dali artwork as signed, limited-edition lithographs. +21331063 The posters were sold for $1,300 to $6,000, although the government says they had a value of only $53 to $200 apiece. +21331064 Henry Pitman, the assistant U.S. attorney handling the case, said about 1,000 customers were defrauded and that Barclay's total proceeds from the sales were $3.4 million. +21331065 Attorneys for Messrs. Burke and Evans and Ms. Clarke said that although their clients admitted to making some misrepresentations in the sales, they had believed that the works were authorized by Mr. Dali, who died in January. +21331066 The posters were printed on paper pre-signed by Mr. Dali, the attorneys said. +21332001 Westamerica Bancorp. said Richard W. Decker resigned as president and chief executive officer after only a year on the job because of "differences" with the board. +21332002 The banking company couldn't be reached to comment beyond a written announcement. +21332003 It didn't specify the nature of the differences, saying only that they related to "management style" and "strategic objectives." +21332004 Westamerica said Mr. Decker's posts were assumed by David Payne, Westamerica's chairman, who at 34 years of age becomes one of the youngest chief executives of a sizable bank in the country. +21332005 Mr. Decker is about 45 years old. +21332006 Neither Mr. Payne nor Mr. Decker could be reached to comment. +21332007 Westamerica has about $1.3 billion of assets and is the largest independent bank in northern California. +21332008 It controls about 35% of the affluent Marin County market across the Golden Gate bridge from San Francisco. +21332009 Mr. Decker's resignation surprised many industry officials. +21332010 He was brought to the company in September 1988 after 15 years at Los Angeles-based First Interstate Bancorp. +21332011 The bank had been suffering in late 1987 from a slew of bad real estate loans made in Arizona. +21332012 When he was hired, Mr. Payne lauded Mr. Decker's "extraordinary . . . skills" and his "outstanding reputation as one of the West's brightest bankers." +21332013 Though the bank isn't performing as well as some of its competitors in the lucrative California market, its condition has improved since Mr. Decker took over. +21332014 For the six months ended June 30, it earned $3.1 million, or 61 cents a share, compared with net income of $2.4 million, or 41 cents a share, a year earlier. +21332015 Its stock also has risen lately, at least partly because it is considered a possible takeover candidate. +21332016 Interstate banking is scheduled to begin in California in 1991, and larger California banks, such as Wells Fargo & Co., have been paying fat premiums to buy smaller banks to control markets before any out-of-state banks enter the fray. +21332017 In American Stock Exchange composite trading yesterday, Westamerica closed at $22.25 a share, down 75 cents. +21333001 Varian Associates Inc., Palo Alto, Calif., reported fiscal fourth-quarter profit plunged more than 95% to $1 million, or five cents a share, from $24.2 million, or $1.10 a share, in the year-earlier quarter. +21333002 The diversified electronics company blamed the decline in the quarter ended Sept. 29, on previously reported operating problems in its Electron Devices & Systems Group. +21333003 For the full fiscal year, Varian posted a 13% profit rise to $31.5 million, or $1.53 a share, up from $27.8 million, or $1.27 a share, last year. +21333004 Sales for the year rose almost 15% to $1.34 billion from $1.17 billion last year. +21333005 A profit last year in both the quarter and year included a net gain of $9.6 million, or 44 cents a share, from the sale of a division. +21333006 Additionally, the full-year profit last year reflected an after-tax restructuring charge of $22.8 million, or $1.04 a share. +21333007 Shares of Varian, which last month warned there would be a fourth-quarter plunge, closed at $22.75, down 62.5 cents in composite trading on the New York Stock Exchange. +21333008 Sales rose 18% in the fiscal fourth quarter to $364.1 million from $307.9 million on the strength in semiconductors and other products. +21334001 In a last-ditch effort to keep its sales force and customer base, Integrated Resources Inc. said it agreed in principle to transfer ownership of its broker-dealer subsidiary to two of its top executives. +21334002 The financial-services firm, struggling since summer to avoid a bankruptcy-law filing after missing interest payments on about $1 billion of debt, will retain the right to regain the subsidiary. +21334003 It said it will exercise that right only if it sells substantially all of its other core businesses. +21334004 It also can sell the right to regain the subsidiary to another party. +21334005 Also, the broker-dealer subsidiary, Integrated Resources Equity Corp., was renamed Royal Alliance Associates Inc. +21334006 Because of Integrated's widely reported troubles, the unit's representatives had been requesting a name change. +21334007 Royal Alliance, to which the 3,900 representatives' licenses will be transferred, is a shell company Integrated owns. +21334008 In the transaction, Integrated will transfer 100% ownership of the subsidiary to Gerard M. Lavin, executive vice president of Integrated and head of back-office operations at the subsidiary, and Gary W. Krat, executive vice president of the parent and president of the subsidiary. +21334009 Integrated will pump $3.5 million to $4 million into Royal Alliance as initial funding. +21334010 In an interview, Mr. Krat said that based on criteria yet to be determined, he expects to distribute 49% of Royal Alliance to the representatives, who sell Integrated's insurance and mutual-fund products. +21334011 If Integrated regains Royal Alliance, the representatives will retain their 49% ownership. +21334012 Mr. Krat indicated that completion of the transaction could take several weeks, and it wasn't immediately clear what would happen to the broker-dealer subsidiary if Integrated files for bankruptcy-law protection in the meantime. +21334013 The subsidiary isn't expected to be profitable for at least one year. +21334014 If Integrated regains the unit, it would receive any profit the unit reports, even while the unit is independent. +21334015 If the deal closes, the two officers will draw salaries from the independent operation, not from Integrated. +21334016 Many aspects of the agreement were worked out Wednesday in Chicago, when Integrated senior managers met with about 150 representatives. +21334017 "I think it was something that we and they thought was constructive," said Stephen D. Weinroth, chairman and co-chief executive officer of Integrated. +21334018 Integrated made its announcement after the market closed. +21334019 In New York Stock Exchange Composite trading, Integrated shares closed at $1.125, up 12.5 cents. +21335001 The dollar weakened in indecisive trading as foreign-exchange dealers awaited fresh economic news that they hope will jolt the U.S. unit out of its narrow ranges. +21335002 The Canadian dollar climbed to its highest level against the U.S. dollar since late August, prompting the Bank of Canada to sell the Canadian currency on the market. +21335003 Traders say that after a week of nervously tracking every development on Wall Street, the foreign-exchange market has settled back to catch its breath ahead of new U.S. economic data. +21335004 They noted, however, that a 26-point drop in the Dow Jones Industrial Average gave the dollar a sharp nudge downward late in the day. +21335005 In late New York trading yesterday, the dollar was quoted at 1.8470 marks, down from 1.8578 marks late Friday, and at 141.90 yen, down from 142.43 yen late Friday. +21335006 Sterling was quoted at $1.6030, up from $1.5885 late Friday. +21335007 In Tokyo Tuesday, the U.S. currency opened for trading at 141.80 yen, down from Monday's Tokyo close of 142.40 yen. +21335008 The market's attention is especially focused on a preliminary report on the U.S. third-quarter gross national product, due out Thursday, which could show the economy is continuing to expand at a relatively brisk pace. +21335009 The consensus view on real GNP, the total value of the U.S. output of goods and services adjusted for inflation, calls for a 2.3% gain on an annual basis, slowing somewhat from the second quarter's 2.5%, but still fairly strong. +21335010 Few market participants expect the U.S. unit to rally sharply on the news, if it turns out as expected. +21335011 Many contend that the report may overstate the economy's health and predict the third-quarter figures may be the last vigorous statistics for some time to come. +21335012 "Everyone is waiting for GNP," says Walter Simon, an assistant treasurer with Bank Julius Baer & Co. +21335013 "Yet even a relatively strong number -- 2.8% to 2.9% -- won't alter the market's view that the economy is softening." +21335014 Hubert Pedroli, managing director of foreign exchange at Credit Suisse in New York, adds, "The market sees this as the last piece of good news." +21335015 Mr. Pedroli notes that the GNP deflator, a measure of inflation, is expected to slow, which would give the Federal Reserve more room to ease key U.S. rates. +21335016 Analysts predict a 3.5% rise in the deflator, after climbing 4.6% in the second quarter. +21335017 They note that when an unexpectedly sharp widening in the U.S. trade gap in August was reported earlier this month, hopes for a sustained narrowing of the trade deficit were dashed and sentiment gripped the market that the U.S. economy was losing its momentum. +21335018 A 190-point plunge in U.S. stock shares compounded the view, they say. +21335019 "Everyone is extremely convinced the economy is slowing," says one senior New York dealer. +21335020 "If we're not headed for a recession, we're certainly headed for a major slowdown." +21335021 While the market expects little reaction from news of U.S. durable goods orders, scheduled for release today, participants note that the figures will probably serve to reinforce this bearish sentiment. +21335022 U.S. durable goods orders are expected to show a decline of 1.2% in September, according to economists. +21335023 The anticipated drop follows a 3.9% rise in August. +21335024 Traders, however, are quick to point out that while there is little enthusiasm for buying dollars, the U.S. unit has found a "natural bottom" at about 1.85 marks and 140 yen. +21335025 Its resilience around these levels is pegged to persistent investor demand for the greenback, especially in Japan. +21335026 On the Commodity Exchange in New York, gold for current delivery settled at $367 an ounce, down 30 cents. +21335027 Estimated volume was a very light one million ounces. +21335028 In early trading in Hong Kong Tuesday, gold was quoted at $366.79 an ounce. +21336001 Liz Claiborne Inc., New York, said its third-quarter net income jumped 62%, citing continued strength in apparel sales and the start of shipments of its new product lines: a men's fragrance, large-size women's apparel and casual knitwear. +21336002 The big apparel maker and retailer said that its net income in the latest quarter increased to $51.1 million, or 58 cents a share, from $31.7 million, or 36 cents a share, a year earlier. +21336003 Sales in the quarter gained 29% to $410.4 million from $317.7 million a year earlier. +21336004 Claiborne shares closed yesterday at $25.125, up 50 cents, in national over-the-counter trading. +21336005 Claiborne's directors also declared its regular cash dividend payment of five cents a share payable on Dec. 5 to shareholders of record at the close of business on Nov. 13. +21336006 For the nine months, net income rose 48% to $124.2 million, or $1.41 a share, from $83.8 million, or 96 cents a share a year earlier. +21336007 Sales gained 16% to $1.03 billion from $894 million. +21337001 Tokyo stocks closed firmer Monday, with the Nikkei index making its fifth consecutive daily gain. +21337002 Stocks also rose in London, while the Frankfurt market was mixed. +21337003 In Tokyo, the Nikkei index added 99.14 to 35585.52. +21337004 The index moved above 35670 at midmorning, nearly reaching the record of 35689.98 set Sept. 28. +21337005 But the market lost part of the early gains on index-linked investment trust fund selling. +21337006 In early trading in Tokyo Tuesday, the Nikkei index rose 1.08 points to 35586.60. +21337007 On Monday, traders noted that some investors took profits against the backdrop of the Nikkei's fast-paced recovery following its plunge last Monday in reaction to the Oct. 13 drop in New York stock prices. +21337008 But overall buying interest remained strong through Monday, with many observers saying they expect the Nikkei to continue with moderate gains this week. +21337009 Turnover remained relatively small. +21337010 Volume on the first section was estimated at 600 million shares, down from 1.03 billion shares Friday. +21337011 The Tokyo stock price index of first section issues was up 7.81 at 2687.53. +21337012 Relatively stable foreign currency dealings Monday were viewed favorably by market players, traders said. +21337013 But institutional investors may wait a little longer to appraise the direction of the U.S. monetary policy and the dollar, traders said. +21337014 Hiroyuki Wada, general manager of the stock department at Okasan Securities, said Monday's trading was "unfocused." +21337015 He said investors were picking individual stocks based on specific incentives and the likelihood of a wider price increase over the short term. +21337016 The selective approach blurred themes such as domestic-demand issues, large-capitalization issues or high-technology shares, which had been providing at least some trading direction over the past few weeks, Mr. Wada said. +21337017 Investors took profits on major construction shares, which advanced last week, shifting their attention to some midsize companies such as Aoki Corp., Tobishima and Maeda. +21337018 Aoki gained 60 yen to 1,480 yen ($10.40). +21337019 Some pharmaceutical shares were popular on rumors related to new products to be introduced at a cancer conference that opened in Nagoya. +21337020 Teijin was up 15 at 936, and Kyowa Hakko gained 30 to 1,770. +21337021 Mochida advanced 40 to 4,440. +21337022 Fujisawa continued to attract investors because of strong earning prospects stemming from a new immune control agent. +21337023 Fujisawa gained 50 to 2,060. +21337024 Kikkoman was up 30 to 1,600, receiving investor interest for its land property holdings near Tokyo, a trader said. +21337025 London prices closed modestly higher in the year's thinnest turnover, a condition that underscored a lack of conviction ahead of a U.K. balance of payments report Tuesday. +21337026 Limited volume ahead of the September trade data showed the market is nervous, but dealers added that the day's modest gains also signaled some support for London equities. +21337027 They pegged the support largely to anticipation that Britain's current account imbalance can't be much worse than the near record deficits seen in July and August. +21337028 "It's a case of the market being too high to buy and too afraid to sell," a senior dealer with Kleinwort Benson Securities said. +21337029 "It's better to wait." +21337030 The Financial Times 100-share index finished 10.6 points higher at 2189.7. +21337031 The 30-share index closed 11.6 points higher at 1772.6. +21337032 Volume was 276.8 million shares, beneath the year's previous low of 280.5 million shares Sept. 25, the session before the August trade figures were released. +21337033 Analysts' expectations suggest a September current account deficit of #1.6 billion ($2.54 billion), compared with August's #2.0 billion deficit. +21337034 Dealers, however, said forecasts are broadly divergent with estimates ranging between #1 billion and #2 billion. +21337035 "The range of expectations is so broad," a dealer at another major U.K. brokerage firm said, "the deficit may have to be nearer or above #2 billion for it to have any impact on the market." +21337036 Lucas Industries, a British automotive and aerospace concern, rose 13 pence to 614 pence after it said its pretax profit for the year rose 28%. +21337037 Share prices on the Frankfurt stock exchange closed narrowly mixed in quiet dealings after recovering most of their early losses. +21337038 The DAX index eased 0.99 point to end at 1523.22 after falling 5.5 points early in the session. +21337039 Brokers said the declines early in the day were partly caused by losses of the ruling Christian-Democratic Union in communal elections in the state of Baden-Wuerttemberg. +21337040 The start of a weeklong conference by the IG Metall metal worker union in Berlin is drawing attention to the impending wage negotiations, which could boost companies' personnel costs next year, they said. +21337041 But there was little selling pressure, and even small orders at the lower levels sufficed to bring the market back to Friday's opening levels. +21337042 Traders said the thin trading volume points to continued uncertainty by most investors following last Monday's record 13% loss. +21337043 The market is still 4% short of its level before the plunge, and analysts aren't sure how long it will take until the DAX has closed that gap. +21337044 But Norbert Braeuer, chief trader at Hessische Landesbank Girozentrale (Helaba), said he expects share prices to move upward in the coming weeks. +21337045 Banking stocks were the major gainers Monday amid hope that interest rates have peaked, as Deutsche Bank and Dresdner Bank added 4 marks each to 664 marks ($357) and 326 marks, respectively. +21337046 Commerzbank gained 1 to 252.5. +21337047 Auto shares were mixed, as Daimler-Benz firmed 2 to 723, Bayerische Motoren Werke lost the same amount to 554, and Volkswagen inched down 1.4 to 451.6. +21337048 Elsewhere, prices closed higher in Amsterdam, lower in Zurich, Stockholm and Milan, mixed in Brussels and unchanged in Paris. +21337049 Shares closed higher in Hong Kong, Singapore and Manila, and were lower in Sydney, Seoul and Taipei. +21337050 Wellington was closed. +21337051 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21337052 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21337053 The percentage change is since year-end. +21338001 Enviropact Inc. said it entered into an agreement in principle to sell its pump and tank division and drilling division to GSX Chemical Services for $4 million. +21338002 The Miami-based environmental engineering concern said GSX Chemical also will assume about $1.6 million in debt related to those divisions. +21338003 Further, GSX will buy $1 million of Enviropact common stock, at $2.625 a share, plus an option to acquire an additional $1.5 million of common at the same price, the company said. +21338004 In American Stock Exchange composite trading yesterday, Enviropact closed at $3 a share, up 25 cents. +21338005 Enviropact said the two divisions account for about $8 million of the company's $20 million in annual revenue. +21338006 The transaction is expected to close within about 20 days, the company added. +21338007 Enviropact said the proceeds will be used as working capital for expansion and to pay its existing tax liability of about $1.5 million that was due Sept. 15. +21338008 GSX is a unit of Laidlaw Transportation Ltd. of Burlington, Canada. +21339001 Monday, October 23, 1989 +21339002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +21339003 PRIME RATE: 10 1/2%. +21339004 The base rate on corporate loans at large U.S. money center commercial banks. +21339005 FEDERAL FUNDS: 8 3/4% high, 8 11/16% low, 8 11/16% near closing bid, 8 3/4% offered. +21339006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +21339007 Source: Fulton Prebon (U.S.A.) Inc. +21339008 DISCOUNT RATE: 7%. +21339009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +21339010 CALL MONEY: 9 3/4% to 10%. +21339011 The charge on loans to brokers on stock exchange collateral. +21339012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.50% 2 to 44 days; 8.25% 45 to 69 days; 8.40% 70 to 89 days; 8.20% 90 to 119 days; 8.05% 120 to 149 days; 7.90% 150 to 179 days; 7.50% 180 to 270 days. +21339013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.575% 30 days; 8.50% 60 days; 8.45% 90 days. +21339014 CERTIFICATES OF DEPOSIT: 8.09% one month; 8.09% two months; 8.06% three months; 8% six months; 7.94% one year. +21339015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +21339016 The minimum unit is $100,000. +21339017 Typical rates in the secondary market:8.60% one month; 8.60% three months; 8.40% six months. +21339018 BANKERS ACCEPTANCES: 8.50% 30 days; 8.32% 60 days; 8.32% 90 days; 8.16% 120 days; 8.05% 150 days; 7.96% 180 days. +21339019 Negotiable, bank-backed business credit instruments typically financing an import order. +21339020 LONDON LATE EURODOLLARS: 8 3/4% to 8 5/8% one month; 8 11/16% to 8 9/16% two months; 8 3/4% to 8 5/8% three months; 8 5/8% to 8 1/2% four months; 8 9/16% to 8 7/16% five months; 8 9/16% to 8 7/16% six months. +21339021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 3/4% one month; 8 3/4% three months; 8 9/16% six months; 8 1/2% one year. +21339022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +21339023 FOREIGN PRIME RATES: Canada 13.50%; Germany 9%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +21339024 These rate indications aren't directly comparable; lending practices vary widely by location. +21339025 Results of the Monday, October 23, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.52%, 13 weeks; 7.50%, 26 weeks. +21339026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. 9.86%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +21339027 Source: Telerate Systems Inc. +21339028 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par). 9.80%, standard conventional fixed-rate mortgages; 8.75%, 6/2 rate capped one-year adjustable rate mortgages. +21339029 Source: Telerate Systems Inc. +21339030 MERRILL LYNCH READY ASSETS TRUST: 8.56%. +21339031 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +21340001 Bankers Trust New York Corp., as expected, reported a third-quarter loss of $1.42 billion, or $17.39 a share, following its $1.6 billion boost in reserves for losses on loans to less-developed countries. +21340002 The loss compares with net income of $162.1 million, or $2.01 a share, in the year-earlier period. +21340003 Interest income rose 29% to about $1.35 billion from $1.05 billion. +21340004 The New York bank holding company's assets at Sept. 30 climbed to $59.4 billion from $57.9 billion. +21340005 Excluding the increase in loan-loss reserves, Bankers Trust said third-quarter net income would have increased 11% to $180 million. +21340006 A number of major banks have posted big losses after sharply increasing loan-loss reserves. +21340007 Most of the loans in question are to Third World countries in South America. +21340008 In New York Stock Exchange composite trading yesterday, Bankers Trust fell 12.5 cents to $50.50. +21341001 BRISTOL-MYERS SQUIBB Co. (New York) -- +21341002 Gerald C. Beddall, 47 years old, was named president of the Clairol division of this pharmaceuticals and health-care company. +21341003 He succeeds C. Benjamin Brooks Jr., who will retire Nov. 1. +21341004 Mr. Brooks declined to give his age, but he said his leaving is a normal retirement. +21341005 Mr. Beddall had been executive vice president of the division since April. +21341006 Clairol, which makes hair and skin products, was a division of Bristol-Myers Co. before that company's merger with Squibb Corp. +21342001 Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly-average basis: +21342002 a-Discounted rate. +21342003 b-Week ended Wednesday, October 18, 1989 and Wednesday October 11, 1989. +21342004 c-Yields, adjusted for constant maturity. +21343001 American Telephone & Telegraph Co. said it will spend $20 million to build a factory in Guadalajara, Mexico, to make telephone answering machines. +21343002 Construction of the 265,000-square-foot facility will begin next year, with production expected to start in late 1991. +21343003 When fully operational, the Guadalajara factory will employ about 1,500 workers and have annual operating expenses of $5 million to $6 million. +21343004 An AT&T representative said that the Guadalajara factory will make a full line of answering machines. +21343005 AT&T already has a factory in Matamoros, Mexico, to make electrical devices. +21343006 It also purchases data systems products from a manufacturer based in Monterrey. +21344001 Lucas Industries PLC, a British maker of industrial parts and systems, reported a 28% rise in pretax profit for the year to July 31, helped in particular by a 32% jump in operating profit at its aerospace division. +21344002 Pretax profit in the latest year climbed to #187.1 million ($297.1 million) from #146.3 million ($232.3 million). +21344003 Profit after taxes and minority interests but before extraordinary items climbed 27% to #143.4 million from #112.5 million, with earnings per share rising to 85.1 pence ($1.35) from 79.4 pence ($1.26). +21344004 The results were at the upper end of market expectations, which ranged from #185 million to #188 million. +21345001 TW Services Inc. posted a $3.3 million third-quarter net loss, compared with a $24.9 million profit, reflecting $60 million of expenses related to its much-publicized proposed takeover by Coniston Partners. +21345002 The per-share loss for the Paramus, N.J., food-services concern totaled seven cents, compared with earnings of 51 cents a share a year earlier. +21345003 Revenue rose 5% to $981.7 million from $934.7 million. +21345004 Coniston, a New York investment partnership, awaits a vote by TW's shareholders, scheduled for Friday, on Coniston's $34-a-share, or $1.66 billion, offer for TW. +21345005 Nine-month net income dropped 47% to $26.3 million, or 54 cents a share, from $49.7 million, or $1.02 a share. +21345006 Revenue rose 6% to $2.79 billion from $2.63 billion. +21346001 Cummins Engine Co., Columbus, Ind., hurt by a drop in engine orders from heavy-truck makers, reported a third-quarter loss of $39.7 million, or $4.12 a share, on essentially flat sales of $807.6 million. +21346002 In the year-earlier period, the maker of diesel engines and parts had a narrower deficit of $17.6 million, or $1.84 a share, with sales of $808.3 million. +21346003 A spokeswoman said shipments of truck engines, which provide a higher margin than most of the company's other products, declined 16% from a year earlier. +21346004 Although Cummins's stock stumbled last month after the company projected a "substantial" third-period loss, the stock also fell $1.125 in composite New York Stock Exchange trading yesterday, to $51.75. +21346005 It traded as high as $64 a month ago, before the loss projection. +21346006 For the nine months, the latest loss trimmed net income to $3.6 million, which after payment of preferred dividends represented a 31-cent loss a common share. +21346007 The year-before loss was $8.4 million, or $1.36 a common share. +21347001 Exxon Corp. filed suit against the state of Alaska, charging state officials interfered with the oil company's initial efforts to treat last spring's giant oil spill. +21347002 The action is a counterclaim to a suit filed by Alaska in August against Exxon and six other oil companies. +21347003 The state's suit alleges that Exxon's response to the spill failed to prevent contamination of hundreds of miles of shoreline along Prince William Sound. +21347004 That suit and Exxon's countersuit were filed in a state court in Anchorage. +21347005 Neither suit lists specific dollar claims, largely because damage assessment hasn't yet been completed. +21347006 Legal strategists say that damage claims against the oil giant and others could well exceed $1 billion. +21347007 Litigation, if not settled out of court, could drag on for years. +21347008 Exxon said in its suit that it will seek reimbursement from the state for that part of the cleanup costs and damage claims it says resulted from the state's conduct. +21347009 The oil company claims that Alaskan officials prevented Exxon from spraying dispersant onto the almost 11 million gallons of oil dumped when one of its tankers ran into an underwater reef. +21347010 Craig Tillery, an Alaska assistant attorney general, said in an interview last night that Exxon's accusations "are not new. +21347011 Exxon has made them before, at which point the state demonstrated they were untrue. +21347012 The state will vigorously defend against any counterclaim." +21347013 Since the spill last March, Exxon and the state have been wrangling over whether spraying dispersant on the oil in the first hours after the spill, when the weather was clear and calm, would have helped limit the environmental damage. +21347014 Exxon claims that use of dispersants, which break an oil slick into microscopic droplets, was a crucial part of its immediate-response plan and that state officials banned their use during the two days of fair weather following the spill. +21347015 The oil company claims that it had permission from the U.S. Environmental Protection Agency prior to the spill to use dispersant during such an incident at the discretion of the U.S. Coast Guard. +21347016 The state's opposition to the use of dispersants, Exxon says, caused the Coast Guard "to delay granting permission." +21347017 Alaskan and Coast Guard officials say Exxon's charges aren't relevant because tests conducted during the first two days following the spill showed that the dispersant wasn't working anyway. +21347018 Use of dispersants was approved when a test on the third day showed some positive results, officials said. +21348001 Meson Investment Ltd., a Vancouver, B.C.-based investment firm, said it raised its stake in Verit Industries to 8.9% of the common shares outstanding. +21348002 In a Securities and Exchange Commission filing, Meson said it holds 67,400 Verit common shares, including net purchases of 8,100 shares bought from Oct. 10, 1988, to Oct. 11, 1989, for $3.875 to $7 each. +21348003 Meson is the personal holding company of Steven Morfey, a Vancouver securities dealer. +21348004 He said the transaction was made for investment purposes. +21348005 Officials for Sun Valley, Calif.-based Verit couldn't be reached for comment. +21348006 In composite trading on the American Stock Exchange, Verit closed unchanged yesterday at $3.875 a share. +21349001 The House Appropriations Committee approved an estimated $2.85 billion in emergency funding to assist California's recovery from last week's earthquake and to extend further aid to East Coast victims of Hurricane Hugo. +21349002 The package was termed excessive by the Bush administration, but it also provoked a struggle with influential California lawmakers who sought unsuccessfully to add nearly $1 billion more and waive current restrictions to expedite the distribution of funds. +21349003 By a 26-7 margin, the committee scuttled the more expensive alternative, and the debate forced a strained confrontation between Appropriations Committee Chairman Jamie Whitten (D., Miss.) and his party's largest state delegation in the House. +21349004 "I have no regrets about going forward," said Rep. Vic Fazio (D.,Calif.), who sought later to play down the sometimes hostile tone of the long evening meeting. +21349005 "We are the Golden State," Mr. Fazio said, "and there is a certain amount of jealousy." +21349006 The $2.85 billion package incorporates $500 million for small-business loans, $1 billion in highway construction funds, and $1.35 billion divided between general emergency assistance and a reserve to be available to President Bush to meet unanticipated costs from the two disasters. +21349007 The funding is attached to a stopgap bill to keep most of the government operating through Nov. 15. +21349008 The measure is expected to come before the House today, and Congress is under pressure to complete action before midnight EDT tomorrow, when the current continuing resolution expires. +21349009 Given California's size and political importance, the White House is eager to appear generous. +21349010 But in private meetings yesterday, Budget Director Richard Darman argued that only $1.5 billion in new federal appropriations are needed to supplement existing resources. +21349011 A White House budget office analysis estimates that $500 million -- or half the level in the committee bill -- is needed for highway assistance to meet California's needs, and the administration rejects the notion that new appropriations are needed to finance disaster loans by the Small Business Administration. +21349012 "Everybody appreciates that it is a national disaster and that we've got to address it," said Mr. Darman, who came to the Capitol to meet with Mr. Whitten and California lawmakers before the committee session. +21349013 "I would hope very much that we wouldn't end up in a kind of situation where you have a bidding war and then a veto threat." +21349014 Although this White House pressure was clearly a factor among committee Republicans, no single influence was greater than Mr. Whitten. +21349015 A master of pork-barrel politics, he had crafted the $2.85 billion package in vintage style and used the full force of his chairmanship to keep the proposal intact and dismiss any alternative. +21349016 When Mr. Fazio offered the California-backed $3.84 billion plan, Mr. Whitten insisted that the full 14 pages be read aloud by the panel's clerk to underscore the range of legislative changes also sought by the delegation. +21349017 On the chairman's motion, the California package was subsequently reduced to less-binding report language, and even when this was accepted as such on a voice vote, Mr. Whitten pointedly opposed it. +21349018 More important than money in many cases are waivers California is seeking on current restrictions covering federal highway funds, such as a $100 million cap on how much any single state can receive in emergency funds in a year. +21349019 Mr. Whitten's package appears to accomplish this purpose, but the state faces more resistance in its bid for an extended waiver on having to put up any matching funds on repairs completed in the next six months. +21349020 A member in the House leadership and skilled legislator, Mr. Fazio nonetheless found himself burdened not only by California's needs but by Hurricane Hugo amendments he accepted in a vain effort to build support in the panel. +21349021 The California Democrat appeared embarrassed by provisions inserted on behalf of owners of private beaches in the Virgin Islands, and lumber interests sought to add another $100 million in federal aid to plant timber on private land in North and South Carolina. +21349022 California's high-priced real estate puts it in an awkward position, too. +21349023 One provision last night would have raised the cap on disaster loans to $500,000 from $100,000 per household to accommodate San Francisco losses. +21350001 Kurzweil Music Systems Inc. said it retained Kidder, Peabody & Co. to study financial alternatives, including the possible sale of the financially struggling company. +21350002 Kurzweil, Waltham, Mass., makes digital electronic keyboard instruments used by professional recording musicians. +21350003 It recently introduced a line for the home market. +21350004 However, Raymond C. Kurzweil, chairman and chief executive, said "The company continues to require additional funding to realize the potential of its technology." +21350005 In the year's first six months, Kurzweil had a loss of $6.9 million on sales of $11.2 million. +21350006 Last month its president, John S. Donnelly, resigned citing "management differences" with Mr. Kurzweil. +21351001 Amtech Systems Inc., Tempe, Ariz., said its preliminary year-end results of operations indicate "substantial improvement" over the previous fiscal year. +21351002 Amtech, which makes an automated process system that improves the yields of semiconductor manufacturers, said profit for the year ended Sept. 30 rose to more than $800,000 from $446,000 last year. +21351003 Per-share earnings are estimated at more than 40 cents, up from 22 cents for fiscal 1988. +21351004 Total revenue is expected to double to more than $22 million from $10.8 million. +21351005 Amtech, which also provides technical temporary employment services to aerospace, defense, computer and high-tech companies in the Southwest and Baltimore-Washington areas, said its final audited results are due in late November. +21351006 The company attributed the improvement to strong demand in the semiconductor equipment segment as well as the acquisition of Echelon Service Co. and the inclusion of a full year's results of operations for RTS Inc., compared with seven months' results for the prior year. +21352001 LDI Corp., Cleveland, said it will offer $50 million in commercial paper backed by lease-rental receivables. +21352002 The program matches funds raised from the sale of the commercial paper with small to medium-sized leases. +21352003 LDI termed the paper "non-recourse financing," meaning that investors would be repaid from the lease receivables, rather than directly by LDI Corp. +21352004 LDI leases and sells data-processing, telecommunications and other high-tech equipment. +21353001 SHEVARDNADZE ADMITTED that Moscow violated the 1972 ABM treaty. +21353002 In a foreign-policy address before the Soviet legislature, the foreign minister conceded that the radar station in Krasnoyarsk breached the superpower Anti-Ballistic Missile treaty and said it would be dismantled. +21353003 Shevardnadze said it took Gorbachev's government four years to determine that the station's location in Siberia violated the accord, as Western arms-control officials have long contended. +21353004 He also denounced Moscow's nine-year involvement in the war in Afghanistan, saying it involved "gross violations of . . . civil norms and ethics." +21353005 Secretary of State Baker, in his first major arms-control speech, called for a new military relationship with Moscow to reduce "first strike" nuclear arms. +21353006 BAY AREA COMMUTERS BATTLED earthquake-related transportation snarls. +21353007 Travelers crowded into subways, sat in traffic jams on major freeways or waited for buses in the rain, but the massive gridlock anticipated by officials in the San Francisco Bay area never materialized. +21353008 As the death toll from last week's temblor climbed to 61, the condition of freeway survivor Buck Helm, who spent four days trapped under rubble, improved, hospital officials said. +21353009 Rescue crews, however, gave up hope that others would be found alive under the collapsed roadway. +21353010 The House Appropriations Committee approved a $2.85 billion aid package for the quake region, less than the $3.8 billion sought by California officials. +21353011 Hungary declared itself a democracy and for the first time openly commemorated the anniversary of the 1956 anti-Stalinist uprising that was crushed by the Soviet Union. +21353012 A crowd estimated at 100,000 held a torch-lit march through Budapest as Acting President Szuros delivered a nationally televised address rejecting communist dominance. +21353013 About 200,000 East Germans marched in Leipzig and thousands more staged protests in three other cities in a fresh challenge to the Communist leadership to introduce democratic freedoms. +21353014 In an East Berlin suburb, meanwhile, employees at an electronics plant formed an independent trade union called Reform, a worker spokesman said. +21353015 The space shuttle Atlantis landed at a desert air strip at Edwards Air Force Base, Calif., ending a five-day mission that dispatched the Jupiter-bound Galileo space probe. +21353016 The five astronauts returned to Earth about three hours early because high winds had been predicted at the landing site. +21353017 Fog shrouded the base before touchdown. +21353018 Explosions shook a Phillips Petroleum Co. plastics plant near Pasadena, Texas, hurling debris and causing a fire visible from 10 miles away. +21353019 More than 100 people were injured, and a number of workers were missing. +21353020 Parts of the Houston Ship Channel were closed. +21353021 The White House said Bush is conferring with leaders of the Senate Intelligence Committee to ease differences over guidelines for CIA agents. +21353022 The statement came after officials said Bush complained at a private meeting last week that a strict interpretation of a policy requires the U.S. to notify foreign dictators of certain coup plots. +21353023 Lebanon's Gen. Aoun placed Christian military forces on alert in case of renewed fighting with Syrian-backed Moslems after Lebanon's two main Shiite militias rejected an Arab-sponsored peace accord. +21353024 The plan, approved by lawmakers and rejected Sunday by Aoun, includes political changes aimed at ending the 14-year-old civil war. +21353025 NATO defense ministers are expected to call for a reduction in nuclear forces in Europe when the alliance's nuclear planning group convenes a two-day session today in Portugal. +21353026 The ministers are to reshape NATO's defenses in Western Europe amid fast-paced changes in the Soviet bloc. +21353027 Iran's President Rafsanjani offered to help gain freedom for Western hostages in Lebanon, but said the assistance was contingent on U.S. aid in resolving the cases of three Iranians kidnapped in Lebanon in 1982 or the release of frozen Iranian assets. +21353028 Washington rejected the bid, saying the hostages weren't linked to other issues. +21353029 PLO leader Arafat asked Egypt to seek clarifications from the U.S. on Secretary of State Baker's plan for Mideast peace talks, an aide to Egyptian President Mubarak said. +21353030 The official stressed that the PLO hasn't rejected the five-point formula. +21353031 Commonwealth leaders turned to issues ranging from drugs to the world economy after Zimbabwe's President Mugabe called Thatcher's views on South Africa "despicable." +21353032 At a meeting in Malaysia, Australia and Canada also assailed the British prime minister for criticizing the 49-nation group's call for Pretoria to ease apartheid. +21354001 CMS Enhancements Inc. said it estimates that sales and earnings for the fiscal first quarter ended Sept. 30 fell somewhat from the year-earlier period. +21354002 Jim Farooquee, chief executive officer of the Tustin, Calif., computer accessories supplier, said he was "comfortable" with analysts' expectations that CMS would earn between six cents and eight cents a share on revenue of about $42 million. +21354003 A year earlier, CMS posted profit of $1.1 million, or 13 cents a share, on sales of $48 million. +21354004 This time, there are 30% more shares outstanding. +21354005 Mr. Farooquee attributed the decline to an industrywide softening of demand for computer enhancement products. +21355001 Property Capital Trust said it dropped its plan to liquidate because it wasn't able to realize the value it had expected. +21355002 It said it will buy back two million shares, or 18.4%, of the total outstanding, and continue operations buying and managing real estate. +21355003 Property Capital, which is based in Boston, had told shareholders it expected to distribute at least $21 a share, or $229 million, in a liquidation, based on an expected asset sale price of $290 million or more. +21355004 The company said it didn't receive an offer it wanted to accept. +21355005 As a result of dropping the liquidation plan, shareholders will have to treat dividends received this year as ordinary income or capital gains rather than as tax free returns of capital, the company said. +21355006 The share repurchase will be funded mostly from borrowings. +21356001 A.H. Belo Corp. said its net income was $3.1 million, or 15 cents a share, in the third quarter, more than four times its profit of $663,000, or three cents a share, last year. +21356002 Included in the results was an adjustment to the Dallas-based company's tax rate that reduced net income by about 10 cents a share, or approximately $2 million. +21356003 Belo said it increased its effective tax rate to 52% from 47% to account for potential liabilities related to an Internal Revenue Service investigation of its tax returns for the years 1984 through 1988. +21356004 The newspaper and television owner said it expects the tax adjustment to reduce its net income for the full year by 14 cents, or approximately $2.8 million based on its 20.2 million shares outstanding. +21356005 For the third quarter, Belo said its revenue increased 11%, to $101.5 million from $91.2 million last year. +21356006 For the nine months, the company had net income of $15.1 million, or 74 cents a share, up 98% from $7.6 million, or 38 cents a share last year. +21356007 Revenue grew almost 8% to $301.9 million from $279.8 million last year. +21357001 A federal judge granted a temporary stay of the California Student Aid Commission's emergency action to stop guaranteeing loans for National Technical Schools, a unit of United Education & Software Inc. +21357002 The California Student Aid Commission took the action Oct. 15 after a government audit cited National Technical Schools for having courses too short to be eligible for the educational loan program and having a student drop-out rate far in excess of federal standards, and it alleged other serious violations of law and regulations. +21357003 United Education & Software, a Los Angeles education services company, called the commission's action "precipitous and unwarranted." +21357004 The court set a hearing on the emergency action for Oct. 30. +21357005 United Education & Software posted a $250,000 bond against potential losses to the student aid commission and to taxpayers in guaranteeing any more loans for National Technical Schools students prior to the hearing. +21358001 A decline in Allied-Signal Inc.'s automotive business contributed to flat sales and only slightly higher earnings in the third quarter. +21358002 Allied-Signal reported that net rose 1.7% to $121 million, or 81 cents a share, from $119 million, or 80 cents a share, the year earlier. +21358003 Sales slipped 1.3% to $2.82 billion from $2.86 billion. +21358004 For the nine months, the Morris Township, N.J.-based company, with businesses in aerospace, automotive products and engineered materials, earned $413 million, or $2.77 cents a share, up 15% from $359 million, or $2.40 a share. +21358005 Sales eased 0.2% to $8.88 billion from $8.90 billion. +21358006 Chairman Edward L. Hennessy Jr. said that a drop in sales of auto and truck parts contributed to lower earnings in the automotive unit. +21358007 He also cited unfavorable foreign-exchange rates and a lower tax rate. +21358008 Earnings for the group declined to $11 million from $33 million last year. +21358009 Earnings at Allied-Signal's aerospace business rose to $55 million from $41 million a year ago, primarily on higher sales and profit in its engines and auxiliary power units. +21358010 In New York Stock Exchange composite trading yesterday, Allied-Signal shares closed at $35.125, off 87.5 cents. +21359001 The National Highway Traffic Safety Administration said it will start enforcing stiffer regulations Jan. 31 for so-called gray-market imports of vehicles. +21359002 The regulations, required under legislation enacted by Congress last year, will apply to imports of vehicles that weren't built to meet U.S. government auto safety standards and were intended for use in Europe or elsewhere abroad. +21359003 U.S. officials estimated that gray-market imports total about 2,100 units a year, a small part of the more than three million vehicles exported to the U.S. each year. +21359004 According to the NHTSA, the new regulations will prohibit anyone other than an importer that has registered with the U.S. government, or a person who has a contract with a registered importer, from permanently importing a vehicle that doesn't meet the U.S. auto safety standards. +21359005 The registered importer would be required to bring such vehicles into compliance with the U.S. safety standards, compared with the current situation in which anyone can bring in such vehicles and modify them to meet the U.S. standards. +21359006 Congress tightened auto safety standards for gray-market imports after U.S. auto dealers, including franchised foreign-car dealers, complained that they often were blamed when the second and third buyers of such vehicles found that the cars couldn't meet U.S. auto safety standards. +21360001 Legent Corp. said it expects to report net income between $6.4 million and $6.9 million, or between 32 cents and 34 cents a share, for its fourth quarter ended Sept. 30. +21360002 In the year-ago quarter, the software developer reported pro forma earnings of $4.8 million, or 24 cents a share. +21360003 Vienna, Va.-based Legent said it expects to post revenue for the quarter of more than $31 million, compared with pro forma revenue of $25.2 million in 1988. +21360004 For the fiscal year, the company said it anticipates reporting earnings of $23 million, or about $1.15 a share, including a charge of about $5.9 million, or 22 cents a share, related to the merger that created Legent out of Duquesne Systems Inc. and Morino Inc. in March 1989. +21360005 Revenue for fiscal 1989 is expected to exceed $124 million. +21360006 Pro forma earnings for fiscal 1988 were $19.6 million, or 99 cents a share, on revenue of $97.2 million. +21360007 The company attributed much of the growth in earnings to increased demand for its systems productivity software. +21361001 Archive Corp. said it expects to report net income for its fiscal year ended Sept. 29 of a record $15 million, or $1.15 a share, up 43% from $10.5 million, or 80 cents a share, for the prior year. +21361002 The Costa Mesa, Calif., maker of computer tape drives also projected record revenue for the year of $181 million, up from $122.7 million for the previous year. +21361003 Archive attributed the gains to strong demand for its products, continued growth of the reseller market and the acquisition of Maynard Electronics in February, which accounted for about 14% of the company's revenue. +21362001 Detrex Corp. said a reserve it is establishing to cover expected pollution cleanup costs at an Ohio plant reduced its third-quarter net income by $1.9 million. +21362002 Detrex, which has annual sales of about $100 million, declined to say if it would post a loss in the third quarter. +21362003 The Southfield, Mich.-based company earned $774,000 in the quarter last year. +21362004 Detrex is setting aside $3.1 million for the cleanup, but said the reserve reduced its quarterly income by only $1.9 million because of tax considerations. +21362005 In addition, the manufacturer said it signed a consent decree with Ohio to build a $1.4 million pollution-control facility at the Ashtabula chemical manufacturing plant by Aug. 1, 1990. +21362006 Detrex said it is one of at least 17 companies notified by the Environmental Protection Agency that they may be potentially responsible for cleaning up the Fields Brook watershed near Detrex's Ashtabula plant at a total cost the EPA estimates at $48 million -- a figure Detrex said the companies dispute. +21363001 First Executive Corp. said about 96% of the rights to purchase its depositary shares and warrants have been exercised. +21363002 Of the 17.6 million rights units issued, just under 17 million were exercised before the Oct. 10 expiration of the offering, the insurance holding company said. +21363003 Remaining units will be sold to the underwriters, Drexel Burnham Lambert Inc. and Kidder, Peabody & Co., which will also purchase an over-allotment of 2.3 million additional units. +21363004 First Executive said the offering will raise about $299 million -- minus underwriting fees and other expenses -- that the company plans to use to write new life insurance and annuity business. +21363005 In addition, analysts have viewed the rights offering as a takeover defense that prospectively balloons the number of shares outstanding. +21363006 Each of the units consists of two warrants, each of which could be used to purchase a half-share of common stock, and one depositary preference share. +21363007 Depositary shares are convertible into common stock on a 1-to-1 basis. +21363008 Currently, the company has about 88.1 million common shares outstanding. +21363009 In over-the-counter trading Monday, the stock closed at $10.625, off 37.5 cents. +21364001 UNITED AIR'S PARENT quashed any prospects for an immediate revival of the labor-management buy-out, saying UAL should remain independent for now. +21364002 Also, UAL Chairman Stephen Wolf pulled out of the buy-out effort to focus on running the company. +21364003 The two developments leave the airline with several problems, including an unsettled labor situation. +21364004 Stock prices fell and bonds rose as worries mounted about the economy and the junk bond market. +21364005 The Dow Jones industrials sank 26.23 points, to 2662.91. +21364006 The dollar also declined. +21364007 The turmoil in junk bonds may last for years, investors and traders say. +21364008 Even Drexel is pulling back. +21364009 Santa Fe Pacific plans to sell 20% of its large real estate unit to a California pension fund for $400 million and spin the rest off to shareholders. +21364010 The proposal values the company's real estate operation at $2 billion. +21364011 Time Warner reported a $176 million loss for the third quarter, reflecting the cost of the recent merger and a method of accounting for the deal. +21364012 Thrifts continued to shed assets in August, mainly to comply with stiffer capital rules under the S&L bailout law. +21364013 Also, withdrawals exceeded deposits by $5.1 billion in the month. +21364014 Exxon's profit fell 9% in the third quarter, hurt by sagging results at two of its three main businesses. +21364015 Phillips and Arco posted declines. +21364016 Ashland had a loss. +21364017 Amerada Hess and Occidental Petroleum had gains. +21364018 Ogilvy's chairman, Kenneth Roman, is leaving to take a top post at American Express. +21364019 His resignation follows a hostile takeover of the ad agency in May by WPP of Britain. +21364020 The Justice Department took steps that could restrict the use by prosecutors of criminal racketeering charges against white-collar defendants. +21364021 Shearson was sued by money manager George Soros, who claimed one of his funds was defrauded out of $60 million during stock-index futures trading just after the 1987 crash. +21364022 Drexel's efforts to settle its legal troubles are being resisted by at least 10 states. +21364023 Some may try to revoke the firm's license to sell securities. +21364024 Prime Computer plans to dismiss 20% of its work force to cut costs following its recent leveraged buy-out. +21364025 The action renews concern about buyouts in high-tech industries. +21364026 Paribas plans a bid for another big French financial and industrial firm, Navigation Mixte, a sign Europe's takeover fever hasn't cooled. +21364027 Qintex Australia unveiled plans to restructure and sell assets to try to ease its financial problems. +21364028 Union Carbide's earnings plunged 35% in the third quarter, reflecting weakness in the company's core chemicals and plastics businesses. +21364029 Japan's Daiwa Securities named Masahiro Dozen president. +21364030 The rapid advance of the 52-year-old executive surprised many at the company. +21364031 Markets -- +21364032 Stocks: Volume 135,860,000 shares. +21364033 Dow Jones industrials 2662.91, off 26.23; transportation 1236.66, up 5.86; utilities 215.35, off 0.13. +21364034 Bonds: Shearson Lehman Hutton Treasury index 3411.08, up +21364035 Commodities: Dow Jones futures index 129.49, off 0.13; spot index 131.64, up 0.30. +21364036 Dollar: 141.90 yen, off 0.53; 1.8470 marks, off 0.0108. +21365001 The Justice Department has revised certain internal guidelines and clarified others in a move that could restrict the use of criminal racketeering charges against white-collar defendants. +21365002 The most significant changes in department policy are new requirements that federal prosecutors avoid disrupting "the normal business functions" of companies charged under the racketeering law, a senior department official said. +21365003 Another important revision of department policy is a new guideline warning prosecutors "not to take steps that would harm innocent third parties" in a case brought under the racketeering law, the official, David Runkel, said. +21365004 The department distributed the revisions and clarifications to U.S. attorneys around the country this summer as part of a routine process of updating prosecutorial guidelines, Mr. Runkel said. +21365005 The changes apply to prosecutions brought under the Racketeer Influenced and Corrupt Organizations law. +21365006 Under that law, defendants who allegedly commit a pattern of crimes by means of a "criminal enterprise" may be charged with racketeering and forced to forfeit the proceeds of the enterprise. +21365007 The RICO law has come under criticism from some defendants and defense lawyers. +21365008 They argue that the rights of RICO defendants and third parties not named in RICO indictments have been unfairly damaged. +21365009 The department's most significant clarification of existing RICO policy is a directive to prosecutors that they should seek to seize assets from defendants "in proportion" to the nature of the alleged offense, Mr. Runkel said. +21365010 "That means that if the offense deals with one part of the business, you don't attempt to seize the whole business; you attempt to seize assets related to the crime," he explained. +21365011 In general, the thrust of the department's directive is to encourage prosecutors to limit pretrial asset seizures if there are less intrusive means of protecting assets the government may subsequently be able to seize after a conviction, Mr. Runkel said. +21366001 It was the kind of snubbing rarely seen within the Congress, let alone within the same party. +21366002 Sen. Alan Cranston trekked over to the House side of Capitol Hill a few days ago and volunteered his testimony to fellow Democrat Rep. Henry Gonzalez. +21366003 It was offered as an expression of cooperation to Mr. Gonzalez, who is investigating the $2.5 billion failure of Lincoln Savings & Loan Association. +21366004 But instead of thanks, Sen. Cranston was treated with cool formality. +21366005 "Every witness receives a formal subpoena," Rep. Gonzalez told him. +21366006 Seldom have House hearings caused so much apprehension in the Senate, where California Sen. Cranston and four other senators were already writhing in the glare of unfavorable publicity over the alleged looting of Lincoln by their friend and political benefactor, Charles Keating Jr., principal stockholder of Lincoln's parent company, American Continental Corp. of Phoenix, Ariz. +21366007 At the first day of the House Banking Committee's hearings last week, William Seidman, chairman of the Resolution Trust Corp., the federal agency created to sell sick thrifts, said the agency is investigating whether Lincoln made illegal political contributions. +21366008 Mr. Keating arranged nearly $1 million in donations to Sen. Cranston and his various political causes, and hundreds of thousands more to other lawmakers. +21366009 Future witnesses include a former federal S&L regulator who has accused the five senators of attempting to "subvert" the regulatory process by intervening on behalf of Mr. Keating. +21366010 Unlike many lawmakers, Chairman Gonzalez says he considers intervening with regulators to be improper. +21366011 "When you reach a point where a policy-making body is trying to shape administrative decisions, then that's a no-no in my book," the Texas lawmaker says. +21366012 And he has attached himself to the Lincoln story tenaciously. +21366013 "Unless the questions are answered, I will keep on going." +21366014 Lawmakers often are reluctant to embarrass colleagues, even those of opposing political parties. +21366015 In the recent Housing and Urban Development Department scandal, for example, Rep. Thomas Lantos, the California Democrat who led the hearings, tiptoed through embarrassing disclosures about HUD grants secured by Sen. Alfonse D'Amato, a New York Republican. +21366016 But Chairman Gonzalez is a genuine maverick. +21366017 He comes from the same political line as Wright Patman, a bank-baiting Texas populist who chaired the Banking Committee until 1974. +21366018 Mr. Gonzalez is also a stickler for ethical standards who refuses to accept honorariums and who believes in conducting official business in the open. +21366019 Early in his political career, as a city councilman in San Antonio, he walked out of a meeting when political supporters asked that the police chief be replaced, denouncing the closed-door affair publicly as a "bat-roost meeting." +21366020 The immediate target of Rep. Gonzalez's inquiry is Danny Wall, chairman of the Office of Thrift Supervision. +21366021 As the principal regulator of the thrift industry, Mr. Wall delayed seizing Lincoln S&L for more than two years after his staff told him that the California thrift was insolvent and that potential losses to taxpayers were growing rapidly. +21366022 Rep. Gonzalez seems primed to lash out at Mr. Wall when hearings resume Thursday with testimony by two federal regulators from San Francisco, William Black and Mike Patriarca. +21366023 Mr. Wall relieved them of responsibility for supervising Lincoln in 1988. +21366024 Mr. Gonzalez expressed concern over a report that the two had been summoned to Washington by Mr. Wall last week to discuss their testimony in advance. +21366025 "I think he is trying to improperly influence a witness, and by God I'm not going to tolerate it," he says. +21366026 Mr. Wall, however, is a self-proclaimed "child of the Senate" and former staff director of its Banking Committee. +21366027 An inquiry into his handling of Lincoln S&L inevitably will drag in Sen. Cranston and the four others, Sens. Dennis DeConcini (D., Ariz.), John McCain (R., Ariz.), John Glenn (D., Ohio) and Donald Riegle (D., Mich.). +21366028 They all attended a meeting in April 1987 questioning why a federal audit of Lincoln S&L had dragged on for two years. +21366029 "I'm certain that in the course of the hearings the names {of the senators} will be brought out," Mr. Gonzalez says. +21366030 This is raising eyebrows. +21366031 "When I first got a glimpse at the witness list, I couldn't believe that they were going to go ahead and do this," says Michael Waldman, director of Congress Watch, a consumer group. +21366032 "There are some witnesses who will be forced to testify about their meetings with senators." +21366033 And a Democratic aide to a Banking Committee member remarks, "I too am astounded by it, because Gonzalez has certainly placed a lot of Democratic senators in a very bad position." +21366034 All the senators say they merely were trying to ensure fairness for a constituent. +21366035 Mr. Keating lives in Phoenix, and the California thrift's parent is an Ohio-chartered corporation with holdings in Michigan. +21366036 Chairman Gonzalez expresses sympathy for Sen. Riegle, his counterpart as chairman of the Senate Banking Committee. +21366037 "He's wise, he's good and I know he's an honest man," the Texan says. +21366038 But at the same time, Mr. Gonzalez hasn't forgotten a confrontation over Mr. Wall during House-Senate negotiations over S&L bailout legislation during the summer. +21366039 The Senate negotiators included Sens. Cranston and Riegle and Mr. Wall's principal sponsor, Republican Sen. Jake Garn of Utah. +21366040 They were willing to trade important provisions in the bailout legislation to preserve Mr. Wall's job and to avoid a reconfirmation hearing in which he would be called upon to testify about Lincoln S&L. +21366041 Most importantly, the Senate traded away the Bush administration's controversial plan to finance the bailout, which was partly reinstated later. +21366042 At the time, Mr. Gonzalez said several senators told him that they "could get some roadblocks out of the way if there could be some understanding on Garn's insistence on Wall." +21366043 Now Mr. Gonzalez is holding the equivalent of reconfirmation hearings anyway, under the guise of the Lincoln investigation. +21366044 "In a way, that's what this is," Mr. Gonzalez concedes. +21366045 Even some House Banking Committee members could suffer from the fallout. +21366046 Mr. Keating raised $20,000 for Rep. Doug Barnard's 1986 re-election campaign while the Georgia Democrat was taking his side against regulators who wanted to curb risky investments and wholesale deposit brokering. +21366047 He recently voted "present" when the committee authorized a subpoena to compel Mr. Keating to testify, then changed his vote to yes. +21366048 But the chairman's supporters have the upper hand as federal regulators press a $1.1 billion fraud suit against Mr. Keating and others. +21366049 Rep. Jim Leach (R., Iowa) says the Lincoln S&L affair is "the biggest bank heist in history," and adds: "The great question that remains to be resolved is whether we have a congressional Watergate in the making." +21366050 A witness set to testify on Thursday was quoted in a news report over the weekend as saying Lincoln "laundered" campaign contributions illegally. +21366051 But the witness, William Crawford, California's chief state thrift regulator, denies saying that. +21366052 "I don't know whether it was done properly or not, because I'm not a lawyer," he said in a telephone interview yesterday. +21366053 But he said he is prepared to testify that executives of Lincoln and its parent corporation got unusually high salaries and frequent calls directing them to make specific contributions. +21366054 The committee also has summoned Mr. Wall's predecessor, Edwin Gray. +21366055 He has characterized the five senators' roles as "tantamount to an attempt to subvert the . . . regulatory process," and he isn't expected to back down even though the five senators have disputed his account of a 1987 meeting. +21366056 So the senators must brace themselves. +21366057 Sen. Cranston, as he returned to the capital last week from a one-day trip to inspect earthquake damage in San Francisco, sighed to an aide: "Well, back to Keatingland. +21367001 When Anne Volokh and her family immigrated to the U.S. 14 years ago, they started life in Los Angeles with only $400. +21367002 They'd actually left the Soviet Union with $480, but during a stop in Italy Ms. Volokh dropped $80 on a black velvet suit. +21367003 Not surprisingly, she quickly adapted to the American way. +21367004 Three months after she arrived in L.A. she spent $120 she didn't have for a hat. +21367005 ("A turban," she specifies, "though it wasn't the time for that 14 years ago. +21367006 But I loved turbans.") +21367007 Since then she has become wealthy. +21367008 Her husband and older son -- a computer prodigy profiled in The Wall Street Journal in 1981, when he was 13 -- run a software company with expected sales this year of $10 million. +21367009 Most recently, she has become the publisher of Movieline, a four-year-old Los Angeles magazine that began national distribution last month, with an initial press run of 100,000 copies. +21367010 Distributed by the Hearst Corp.'s Eastern News, the glossy publication melds Vanity Fair's gossipy archness and Premiere's earnest delving into behind-the-scenes minutiae, with a special emphasis on Tinseltown as fashion trendsetter. +21367011 It's being sold through bookstores, newsstands and some video stores. +21367012 Though Ms. Volokh is a small woman, she has an outsized personality and dramatic flair that seem perfectly suited to capitalism as it is practiced in Hollywood. +21367013 Certainly life for her has changed considerably since the days in Kiev, when she lived with her parents, her husband and her two sons in a 2 1/2-room apartment in what she calls "silent internal immigration," dreaming of escape. +21367014 Now, for example, she owns 48 hats. +21367015 However, she remembers the lean years and recalls with relish wearing her first major American purchase -- that turban10 years later and having a Los Angeles boutique owner ask her if it was a Chanel. +21367016 With obvious satisfaction, she says she told him: "No darling, I just give it a Chanel look." +21367017 She keeps track of the rest of her hats by stapling Polaroid snapshots to the outside of each hatbox. +21367018 Are the hats merely part of her new L.A. persona, along with the many ultra-thin Capri cigarettes she smokes, the parties she throws for 500 people, the Chekovian feasts she offers guests at her weekend place in Santa Barbara? +21367019 "No, darling," she said recently in her fluent, slightly affected English, during a trip East to promote Movieline's national expansion. +21367020 "You have to be born with it. +21367021 I used to wear hats in Russia, but I had to make them and my dresses. +21367022 On the hat side I wasn't getting what I wanted." +21367023 Now 48 years old, Ms. Volokh has definite ideas about what she wants. +21367024 At Movieline, she wants "specific paragraphing, specific tone, a specific attitude -- bright and bold and tongue-in-cheek." +21367025 In restaurants (in this case, the Russian Samovar, a New York restaurant operated by and for Soviet emigres), she didn't want the chirpy, folkish music bouncing through the room. +21367026 "You people here think this is Russian music," she said with disdain, and called over to the waitress: "Could you turn it off?" +21367027 That done, Ms. Volokh spoke with rampant eloquence about the many attributes she feels she was born with: an understanding of food, business, Russian culture, human nature, and parties. +21367028 "Parties are rather a state of mind," she said, pausing only to taste and pass judgment on the Georgian shashlik ("a little well done, but very good"). +21367029 "If you are born to give parties, you give parties. +21367030 Even in Russia we managed to give parties. +21367031 In Los Angeles, in our lean years, we gave parties." +21367032 As publisher of a magazine devoted to movies as guideposts for fashion and other fantasies, Ms. Volokh sees her party-giving as an important part of business. +21367033 She has thrown extravagant soirees for crowds of people, but prefers more intimate gatherings. +21367034 "At American cocktail parties everyone's always looking over your shoulder to see who they can talk to next. +21367035 I like rather tea, because it is at the end of the day." +21367036 She serves high Russian tea, at 5 p.m. +21367037 "It's supposed to be later but I just moved it. +21367038 In Los Angeles, it's important to catch people just after work." +21367039 She also frequently invites directors, producers, actors, writers and other show business people for "coffee and clips in the pleasure dome." +21367040 Guests bring movies on tape, and show their favorite three-to-five minute segments on the screen that unrolls from the ceiling of the Volokhs' art-nouveau library ("the pleasure dome"). +21367041 They eat "sinful and sensual things" -- and explain their clips. +21367042 "It's very revealing and soul baring," said Ms. Volokh. +21367043 The idea for Movieline actually was dreamed up by an old friend of the Volokhs, Boris Krutchensky (who has the title of co-publisher), and Laurie Halpern Smith, now the magazine's co-editor. +21367044 Mr. Krutchensky approached Ms. Volokh five years ago about backing the publication, which started out as a listing guide. +21367045 She was interested only if she could guide it editorially as well. +21367046 "Anne doesn't believe in blandness," said Ms. Smith. +21367047 "She wants things to be exciting. +21367048 And she has this inexhaustible energy. +21367049 She'll think of an idea the editorial people think is impossible, then she'll have us make it work." +21367050 In fact, Ms. Volokh wasn't just a rich lady who needed a hobby. +21367051 Back in the Soviet Union she was a respected journalist, writing a weekly column about the national cuisine for Sunday Izvestia. +21367052 Those columns -- vivid discussions of the cultural and literary reverberations of food as well as practical advice on how to glamorize dreary Sovietized meals -- became the basis for her erudite and entertaining cookbook, "The Art of Russian Cuisine," brought out in 1983 by Macmillan Publishing Co. +21367053 "I don't trust people who don't eat," said Ms. Volokh, though she herself stopped eating lunch a few years ago to drop 25 pounds. +21367054 "Look at Dostoevski and Kafka. +21367055 No one ever eats in their books and look at them. . . . +21367056 Tolstoy's characters eat, Pushkin's, Gogol's." +21367057 In her cookbook, which Macmillan is bringing out in soft cover this month (with the blini recipe revised so it works), she introduces each chapter with appropriate quotations from Russian literature: Pushkin on blini, Goncharov on piroghi. +21367058 In life, she offers practical dieting advice: "Divide your meals into important and unimportant. +21367059 In a great restaurant, don't deprive yourself. +21367060 The other meals don't matter." +21367061 Amusing as she is, and frivolous as she can seem, this is a serious person with some difficult memories. +21367062 She was the child of relative privilege. +21367063 Her mother was a translator; her father was "the eternal vice director." +21367064 "I emigrated to wear better hats, do better parties," she said with a giggle. +21367065 "But we shouldn't leave out political reasons, number one. +21367066 You try to maintain your dignity under difficult circumstances. +21367067 One cannot imagine how you live when you live those double and triple lives." +21367068 By 1973, after their second child was born, it had become clear to Ms. Volokh and her husband Vladimir, a computer scientist, that they wanted to leave the U.S.S.R. +21367069 Ms. Volokh quit her job, to remove herself from the public eye. +21367070 The wait was miserable. +21367071 Before granting Ms. Volokh's parents a visa, the government required her mother to obtain permission from her first husband, whom she had divorced 38 years earlier. +21367072 Mr. Volokh was fired from his job, and had to endure hours of organized verbal abuse from his co-workers, accusations of sabotage and counterrevolutionary activities. +21367073 The Volokhs were afraid that they'd end up like a friend of theirs who'd applied for a visa and waited for 10 years, having been demoted from his profession of theoretical mathematician to shipping clerk. +21367074 They didn't. +21367075 Their visa came in relatively short order, and they moved to Los Angeles. +21367076 Mr. Volokh soon found work in his field, but Ms. Volokh refused the obvious and available occupation-as translatorfor a Russian who spoke fluent English. +21367077 "That's always looking back," she said. +21367078 "I wanted to be in business." +21367079 On the way to that goal, she received her first U.S. paycheck for proofreading a book of Polish poetry, attended secretarial school, then went to work for a fund-raising organization. +21367080 Soon she was running the office. +21367081 When her husband and son founded their computer company, Vesoft, she worked as business manager, bookkeeper and publicist. +21367082 Now Movieline is located in the same building as Vesoft. +21367083 "Things work out unexpectedly in life," said Ms. Volokh. +21367084 "You never know if you'll be chosen to be the scapegoat or the lucky one. +21367085 We were lucky. +21368001 William D. Forrester, president of the U.S.-U.S.S.R. Trade and Economic Council, has a warning for U.S. companies trying to do business in the Soviet Union. +21368002 "It's an extremely complex market, and you have to be prepared to make a big commitment," Mr. Forrester says. +21368003 "We are not trying to encourage everyone." +21368004 Undeterred by such words of caution, corporate America is flocking to Moscow, lured by a huge untapped market and Mikhail Gorbachev's attempt to overhaul the Soviet economy. +21368005 Doing business with the Russians, once the pursuit of a handful of hardened veterans, has become the goal of such major companies as General Motors Corp., Federal Express Corp. and Procter & Gamble Co., as well as a cluster of smaller firms. +21368006 Reflecting the new-found interest, more than 140 U.S. companies are taking part in a Moscow exhibition organized by Mr. Forrester's trade group. +21368007 But while U.S. interest may be big and growing, the difficulties that have stymied deals in the past show no sign of abating. +21368008 Alongside the old problems of a non-convertible currency and an inpenetrable bureaucracy, Western business executives must now grapple with new complexities linked to perestroika, the restructuring of the Soviet economy. +21368009 Executives say Mr. Gorbachev's moves to break up the government's foreign trade monopoly have created uncertainties as well as opportunities. +21368010 Changing legislation has opened the field to thousands of inexperienced Soviet players, many who promise more than they can deliver. +21368011 And some foreign firms are finding that even when they manage to overcome such hurdles, their ventures now have to be endorsed by such unpredictable bodies as the Soviet parliament and the governments of the nation's republics. +21368012 "You have to go out to all your constituents," says James H. Giffen, who is spearheading the most ambitious attempt by U.S. firms to break into the Soviet market, involving investment of more than $5 billion in some two dozen joint ventures. +21368013 As part of that attempt, by the American Trade Consortium, Mr. Giffen says he spends a lot of time lobbying. +21368014 Growing public fears about the Soviet environment is one new factor affecting some joint-venture plans. +21368015 Over the past two years, Soviet ministries have been talking to international firms, including Occidental Petroleum Co. and Combustion Engineering Inc. of the U.S., Montedison S.p.A. of Italy and several Japanese groups, about jointly building and operating several big petrochemical plants. +21368016 The plans have come under fire from Soviet environmentalists, and officials say many are likely to be scaled back or dropped. +21368017 Whatever the difficulties, Mr. Gorbachev remains committed to increasing foreign trade. +21368018 For political as well as economic reasons, U.S. companies are at the top of his priorities -- a point he underscored by spending two hours walking around the U.S. trade show last week. +21368019 Talking to a small group of U.S. executives afterwards, Mr. Gorbachev appeared impatient for a big expansion in U.S.-Soviet trade, which now amounts to a meager $3 billion annually. +21368020 The U.S. ranks fourth of countries that have concluded joint ventures, behind West Germany, Finland and Italy. +21368021 According to several people present at the meeting, Mr. Gorbachev also supported the idea of concluding several commercial accords with the U.S., possibly at his next summit meeting with President Bush. +21368022 Judging by the crush at the exhibition, deprived Soviet consumers are more than ready for U.S. products. +21368023 Hundreds of people lined up every day at the Colgate-Palmolive Co. stand to receive a free tube of toothpaste, a commodity in chronically short supply here. +21368024 And unruly crowds at RJR Nabisco Inc.'s booth almost knocked over a glass showcase in the rush to get a free Camel cigarette sticker. +21368025 Some U.S. products are filtering into the Soviet market under an emergency import program. +21368026 Both Colgate and Procter & Gamble have received big orders for toothpaste, soap and detergents. +21368027 The American Trade Consortium says it is planning to ship some $500 million of consumer goods, financed by bank credits, in the first few months of next year. +21368028 But the current Soviet purchasing spree may be a one-time affair. +21368029 The goal of most U.S. firms -- joint ventures -- remains elusive. +21368030 Because the Soviet ruble isn't convertible into dollars, marks and other Western currencies, companies that hope to set up production facilities here must either export some of the goods to earn hard currency or find Soviet goods they can take in a counter-trade transaction. +21368031 International competition for the few Soviet goods that can be sold on world markets is heating up, however. +21368032 Shelley M. Zeiger, an entrepreneur from New Jersey who buys Soviet porcelain and "matryoshka" nesting dolls for export to the U.S., says West German companies already have snapped up much of the production of these items. +21368033 Seeking to overcome the currency problems, Mr. Giffen's American Trade Consortium, which comprises Chevron Corp., RJR, Johnson & Johnson, Eastman Kodak Co., and Archer-Daniels-Midland Co., has concocted an elaborate scheme to share out dollar earnings, largely from the revenues of a planned Chevron oil project. +21368034 Several medical concerns, including Pfizer Inc., Hewlett-Packard Co., Colgate and Abbott Laboratories intend to pursue a similar consortium approach. +21368035 "It's hard to invest capital here on the same basis as investing in other countries," says Dennis A. Sokol, president of Medical Service Partners Inc., who is putting the medical consortium together. +21368036 Some U.S. entrepreneurs operate on a smaller scale. +21368037 One group seeks to publish a U.S.-Soviet medical journal in conjunction with the U.S.S.R. Ministry of Health. +21368038 According to Richard P. Mills, a Boston-based official of the U.S. partner, 10,000 copies of the quarterly will be printed in Russian from next year. +21368039 It will be financed by advertisements from U.S. companies and by simultaneous publication of an English-language journal containing details of Soviet medical advancements. +21368040 "We found a market niche," Mr. Mills boasts. +21368041 "It's truly entrepreneurial. +21369001 General Electric Co. was given an $89.6 million Navy contract for nuclear propulsion parts. +21369002 Westinghouse Electric Corp. also won a $75.5 million Navy contract for nuclear propulsion parts. +21369003 Federal Data Corp. was issued a $14.5 million Navy contract for computer systems. +21369004 American Telephone & Telegraph Co. was awarded an $11.5 million Navy contract for oceanographic services. +21370001 Cray Research Inc. said it sold one of its newest and largest computer systems, the Cray Y-MP/832, to the United Kingdom Meteorological Office. +21370002 The system is the first to be sold through the joint marketing agreement between Cray and Control Data Corp. +21370003 The supercomputer, which lists for $18.5 million, will be installed in the first quarter of 1990 in the meteorological office's headquarters in Bracknell, England. +21371001 Shareholders of Nuovo Banco Ambrosiano S.p.A. voted to accept a bid of 5,500 lire ($4.03) a share by France's Credit Agricole for 13.32% of the bank, rejecting an earlier, equal offer by Italy's Assicurazioni Generali S.p.A. +21371002 The move will give Nuovo Banco a badly needed foreign presence, and make Credit Agricole the bank's largest shareholder. +21371003 It also opens a rift in the bank's shareholders' syndicate that could lead to a battle for control of the concern. +21371004 Nuovo Banco will become Italy's biggest private-sector bank when it completes its scheduled merger with Banca Cattolica del Venetoen by year end. +21371005 Credit Agricole asked a Milan court to sequester the Nuovo Banco shares, the Italian news agency ANSA reported. +21371006 The tribunal is scheduled to rule on the request Friday. +21371007 No reason for the request was given. +21371008 Credit Agricole officials couldn't be immediately reached for comment. +21371009 The decision to accept Credit Agricole's bid, valued at 283.3 billion lire ($207.4 million), came after a stormy weekend meeting. +21371010 Nuovo Banco's second largest shareholder, the Fiat S.p.A.-controlled investment concern, Gemina S.p.A., fought to have Generali's offer approved. +21371011 Gemina, which owns 13.26% of Nuovo Banco, abstained in the final vote on Credit Agricole, which was nonetheless approved by a majority of shareholders. +21371012 The linkup with Credit Agricole will give Nuovo Banco its first foreign presence since it was formed from the wreck of the old Banco Ambrosiano, which collapsed amid scandal after the death of Chairman Roberto Calvi in 1982. +21371013 Since then, the bank has strengthened its Italian network, and has posted strong results. +21371014 "The shareholders felt we needed a foreign presence more than we needed links with an insurance company," an Ambrosiano spokeswoman said. +21371015 Gemina said in a statement that "it reserves the right to take any action to protect its rights as a member of the syndicate." +21371016 A company spokeswoman said the company hadn't decided what measures to take, but didn't rule out legal action. +21371017 Generali, Italy's biggest insurer, last month offered 5,500 lire a share for the Nuovo Banco stake held by Banco Popolare di Milano, the bank's largest shareholder, which announced plans to sell the holdings earlier this year. +21371018 A Generali spokesman declined to comment on Nuovo Banco's rejection of the insurer's offer. +21371019 On the Milan stock exchange, Nuovo Banco's shares jumped to 4,830 lire each from 4,695 lire Friday. +21372001 Qintex Australia Ltd., a media and resorts concern controlled by Australian entrepreneur Christopher Skase, announced a plan to restructure and sell assets to try to ease its financial problems. +21372002 Mr. Skase, a 41-year-old former newspaper reporter who chairs the company, said in a statement that Qintex will sell its 51% stake in its upscale Mirage resorts in Australia and Hawaii as well as three Australian television stations. +21372003 The sales are expected to raise more than 600 million Australian dollars (US$462.2 million), Mr. Skase said. +21372004 Qintex Australia hasn't disclosed its borrowings, but analysts estimate the company's debt at A$1.2 billion. +21372005 Mr. Skase also said the restructuring plan calls for the merger of Qintex Australia with Qintex Ltd., which owns 55% of Qintex Australia. +21372006 He said the move will "significantly reduce administrative and operating costs," but he didn't provide details of the merger. +21372007 Company officials said over the weekend that Qintex Australia's bank creditors have become concerned about a barrage of bad news at the company, including a failed US$1.5 billion plan to buy MGM/UA Communications Co., a Beverly Hills, Calif., movie and television production concern. +21372008 Friday, Qintex Entertainment Inc., a 43%-owned U.S. affiliate, filed for protection from creditor lawsuits under Chapter 11 of the U.S. Bankruptcy Code. +21372009 Analysts predicted that the move would further shake creditor confidence in Qintex Australia and force it to sell assets. +21372010 The company's latest moves were disclosed after the Australian Stock Exchange suspended trading in shares of Qintex Australia and Qintex Ltd. because the companies hadn't answered an exchange inquiry about the extent of their loans, investments and deposits at Qintex Entertainment. +21372011 Mr. Skase's statement was addressed to the stock exchange and appeared to be a response to the inquiry. +21372012 It said Qintex Entertainment owes Qintex Australia US$38.1 million in loans not secured by specific assets. +21372013 Qintex Australia also said it has an investment of A$83.3 million in Qintex Entertainment shares. +21372014 In the statement, Mr. Skase said that on the basis of current interest rates in Australia, the company's asset sales would reduce interest expense by about A$120 million a year in addition to eliminating certain liabilities. +21372015 In March, Qintex sold 49% of the three Mirage resorts to Japan's Nippon Shinpan Co. and Mitsui & Co. for A$433 million. +21372016 Yesterday's statement didn't say whether the Japanese companies will acquire Qintex's remaining stake in the resorts. +21372017 Before its shares were suspended from trading, Qintex Australia plunged to 16 Australian cents (12 U.S. cents) a share yesterday from 33 Australian cents Friday. +21372018 The shares traded at about A$1.50 in March, when the plan to acquire MGM/UA was announced. +21372019 Qintex Ltd. shares sank to A$1.50 yesterday from A$3.05 Friday. +21372020 Mr. Skase's statement cited four recent problems that he said had cut group cash flow by more than A$200 million. +21372021 They were what he called an "unlawful termination" by MGM/UA of the acquisition agreement with Qintex, high Australian interest rates, a pilots' strike at Australian domestic airlines that cut revenue at the company's Australian resorts and delays in completing a sale of two regional TV stations in Queensland state. +21372022 MGM/UA has sued Qintex Australia for breach of contract and fraud over the collapsed acquisition agreement, and Qintex Australia has threatened a countersuit. +21372023 Qintex Australia hasn't yet reported results for the fiscal year ended July 31. +21372024 In his statement, Mr. Skase said preliminary accounts showed that group profit before interest, tax and depreciation "will exceed A$170 million." +21372025 He gave no further details. +21372026 Shareholders' funds as of July 31 were estimated at more than A$1 billion, Mr. Skase said, compared with A$725 million a year earlier. +21372027 The company will make "adequate provisions" to cover costs of the dispute with MGM/UA and any loss from the investment in Qintex Entertainment, he said. +21372028 Mr. Skase also disclosed a disagreement among directors of Qintex Australia over certain fees claimed by Qintex Group Management Services Pty., a management-services concern in which Qintex Australia executives have an interest. +21372029 Qintex Australia paid the management company A$32.6 million in the latest fiscal year. +21372030 Mr. Skase said most of the money went to other parties for expenses such as rent and travel, but a smaller portion is owed to senior executives and others for management services. +21372031 Non-executive directors of Qintex Australia, who must approve payments to the senior executives, balked at the amount. +21372032 Two of the directors resigned, Mr. Skase said, so the payments haven't yet been approved. +21373001 Chip's Memory Is Here Today, Here Tomorrow +21373002 TWO COMPANIES plan to market a new chip with ceramic circuits that store data even when the power is off. +21373003 Today's most widely used data-storing chips have "volatile" memories -- their data disappear if they aren't fed a steady diet of electricity, so they need external power supplies. +21373004 National Semiconductor Corp. and a start-up named Ramtron Corp. plan to start shipping so-called ferroelectric memories, which can remember data for at least 10 years without any current flowing to them. +21373005 The chips use materials, such as lead zirconate titanate, to form microscopic switches that retain their data without electricity. +21373006 Developers caution that broad applications are several years away because the technology isn't fully refined. +21373007 But Ramtron of Colorado Springs, Colo., plans to start shipping commercial quantities of simple ferroelectric chips in December. +21373008 The company expects the chips eventually to be used in devices that mimic a whole range of computer memory equipment, including floppy-disk and hard-disk drives. +21373009 National Semiconductor is getting ferroelectric technology from Krysalis Corp. in Albuquerque, N.M. +21373010 National says it agreed to acquire Krysalis's assets and will start shipping commercial quantities of its first chips, including a 4-kilobit memory, next year. +21373011 Once production hurdles are overcome, the chips could take over a significant part of the market. +21373012 In addition to not needing an outside power source, they are potentially cheaper to make because they require fewer manufacturing steps than conventional chips. +21373013 Military buyers have shown interest, National says, because ferroelectric chips resist atomic radiation. +21373014 And while today's non-volatile chips -- such as electronically erasable programmable read-only memory chips -- can't be used in a computer's central memory because they "learn" data slowly, ferroelectric chips accept data at very high speeds. +21373015 Showing Up in Court Without Being There +21373016 AN AUSTIN, Texas, company plans to make it easy for you show up in court a thousand miles away without leaving town. +21373017 Witnesses often must travel long distances to give face-to-face depositions before lawyers and court reporters. +21373018 That means huge travel bills. +21373019 And telephone or videotape depositions just don't match physical encounters. +21373020 That could change, thanks to lower long-distance rates and cheaper electronics. +21373021 Video Telecom Corp., which markets videoconferencing systems, is working with court reporters to wire a nationwide network to allow depositions by live television. +21373022 The company installed a prototype system that connects Dallas with Miami over digital phone lines. +21373023 And it is preparing to set up shop in Chicago, New York and 10 other cities where court-reporting agencies can tie conference rooms into the network. +21373024 While lawyers arranged individual tie-ups before, the formal network of court reporters should make things easier and cheaper. +21373025 An attorney will be able to use the network for an hourly fee of between $200 and $400, depending on the quality of the picture, to take depositions from witnesses in any of the connected cities. +21373026 Japanese Reverse Tack On Patent Protection +21373027 JAPAN'S MISUSE of U.S. patents has been a sore point for American chip makers. +21373028 Now at least one Japanese company is turning the courtroom tables. +21373029 Until now, most Japanese charges have been responses to suits against them. +21373030 But last year Hitachi Ltd. surprised Japan's electronics industry when it accused Korea's Samsung Electronics Co. of using Hitachi technology to make dynamic random-access memory chips. +21373031 (A settlement was reached but wasn't made public.) +21373032 And Hitachi went on the offensive against the U.S.'s Motorola Inc. earlier this month with a suit charging that Motorola's new MC88200 chip infringes on a Hitachi patent. +21373033 Another recent Hitachi suit accuses Motorola of reverse engineering a Hitachi technology -- a turnabout from a nation of champion reverse engineers. +21373034 The moves illustrate the more aggressive attitude toward patent protection that patent experts say Japan is starting to take. +21373035 Hitachi made the reverse-engineering charges in an amendment to a counterclaim filed in a federal district court in Texas after Motorola sued Hitachi for patent violation. +21373036 Hitachi charges Motorola "has engaged in fraudulent and inequitable conduct in the procurement of certain Motorola patents" used in Motorola's MC68030 microprocessor chip. +21373037 Translation: Motorola appears to have taken a Hitachi technology that is patented in the U.S., Hitachi says, and "tried to make it look like a new technology." +21373038 Motorola either denied or wouldn't comment on the various charges. +21373039 Odds and Ends +21373040 COMPUTER chips that simulate human vision have been developed by Japan's Sharp Corp. +21373041 They mimic the brain by "looking" at an image, extracting the fundamentals -- boundaries, corners and lines -- and translating them into computer data. +21373042 Sharp says the set of chips could improve fax machines, graphics computers or identification systems that recognize facial features. . . . +21373043 An N.V. Philips unit has created a computer system that processes video images 3,000 times faster than conventional systems. +21373044 Using reduced instruction-set computing, or RISC, chips made by Intergraph of Huntsville, Ala., the system splits the image it "sees" into 20 digital representations, each processed by one chip. +21374001 Tandy Corp., citing sluggish sales of consumer-electronics goods, said net income dropped 3.3% for the first quarter ended Sept. 30. +21374002 The results, which represented the fifth consecutive quarter of flat-to-lower earnings for the big electronics retailer, disappointed analysts and traders. +21374003 Tandy's stock fell $1.375 a share to close at $44 in New York Stock Exchange composite trading. +21374004 Net for the quarter was $62.8 million, or 73 cents a share, down from $64.9 million, or 72 cents a share, a year earlier. +21374005 The company said earnings would have increased if it hadn't been actively repurchasing its shares, thus increasing its interest expense and reducing its interest income. +21374006 Tandy had 86.3 million shares outstanding at Sept. 30, down from 90 million a year earlier. +21374007 Revenue rose 5% to $986 million from $937 million. +21374008 Tandy said consumer electronics sales at its Radio Shack stores have been slow, partly because of a lack of hot, new products. +21374009 "Radio Shack continues to be lackluster," said Dennis Telzrow, analyst with Eppler, Guerin & Turner in Dallas. +21374010 He said Tandy "has done a decent job" increasing sales by manufacturing computers for others and expanding sales of its Grid Systems Corp. subsidiary, which sells computers to bigger businesses, but "it's not enough to offset the problems at Radio Shack." +21374011 Sales at Radio Shack stores open more than a year grew only 2% in the quarter from a year earlier, he said. +21374012 As a result, Mr. Telzrow said he cut his fiscal 1990 per-share earnings estimate for Tandy to $4.05 from $4.20. +21374013 Tandy earned $88.8 million, or $3.64 a share, in the year ended June 30. +21374014 Barry Bryant, an analyst with Drexel Burnham Lambert Inc., said Tandy also has suffered from lethargic sales of its computers aimed at the home and small-office market, which are less-advanced and cheaper than computers aimed at the corporate market. +21374015 Tandy has added several new products to that line, including a laptop computer priced around $1,000, and is focusing its advertising on the easy-to-use software that is packaged with its machines. +21374016 Mr. Bryant and other analysts hope all those moves will combine to help Tandy's results improve in the important Christmas quarter. +21374017 "They've been promising 13% to 15% growth based on the strategic moves they've made," he said. +21374018 "If the earnings acceleration is to take place, that should be the quarter. +21375001 At a private dinner Thursday, Drexel Burnham Lambert Inc. chief executive Frederick Joseph delivered a sobering message about the junk bond market to officials of Prudential Insurance Co. of America. +21375002 Mr. Joseph conceded the junk market was in disarray, according to people familiar with the discussion. +21375003 He said Drexel -- the leading underwriter of high-risk junk bonds -- could no longer afford to sell any junk offerings if they might later become troubled because Drexel risked losing its highly lucrative junk franchise. +21375004 The dinner was a stark confirmation that 1989 is the worst year ever for the $200 billion junk market. +21375005 And investors and traders alike say the current turmoil could take years to resolve. +21375006 Amid the market disorder, even Drexel, which has the widest and most loyal following of junk bond investors, is pulling in its horns. +21375007 Although the big investment bank still dominates the junk market, Drexel has been unable to stem the fallout from growing junk bond defaults, withdrawn new offerings, redemptions by shareholders in junk bond mutual funds and an exodus of once-devoted investors. +21375008 For many money managers, the past four months have been humiliating. +21375009 "This is the worst shakeout ever in the junk market, and it could take years before it's over," says Mark Bachmann, a senior vice president at Standard & Poor's Corp., a credit rating company. +21375010 In the third quarter, for example, junk bonds -- those with less than an investment-grade rating -- showed negative returns, the only major sector of the bond market to do so. +21375011 Since the end of last year, junk bonds have been outperformed by all categories of investment-grade bonds, including ultra-safe Treasury securities. +21375012 The junk market, which mushroomed to $200 billion from less than $2 billion at the start of the decade, has been declining for months as issuers have stumbled under the weight of hefty interest payments. +21375013 The fragile market received its biggest jolt last month from Campeau Corp., which created its U.S. retailing empire with more than $3 billion in junk financing. +21375014 Campeau developed a cash squeeze that caused it to be tardy on some interest payments and to put its prestigious Bloomingdale's department store chain up for sale. +21375015 At that point, the junk market went into a tailspin as buyers disappeared and investors tried to sell. +21375016 In an interview, Mr. Joseph says his dinner discussion with the Prudential executives acknowledged problems for junk. +21375017 "What I thought I was saying is that the market is troubled but still viable and, appropriately enough, quite quality-conscious, which is not at all bad," he says. +21375018 "Nobody's been perfect in their credit judgments the past couple years, and we're going to make sure our default rates are going to be in the acceptable parameters of the market." +21375019 What has jolted many junk buyers is the sudden realization that junk bonds cannot necessarily be bought and sold with the ease of common stocks and many investment-grade bonds. +21375020 Unlike the New York Stock Exchange, where buyers and sellers are quickly matched, the junk market, where risky corporate loans are traded, is sometimes closed for repairs. +21375021 At closely held Deltec Securities Corp., junk bond money managers Amy K. Minella and Hannah H. Strasser say the problems of the junk market go deeper than a temporary malaise. +21375022 In recent months, they say, there has been heavy selling of junk bonds by some of the market's traditional investors, while new buyers haven't materialized to replace them. +21375023 Wall Street securities firms, "the primary source of liquidity for the high yield market," have been net sellers of junk bonds because of trading losses, Deltec said in a recent, grim report to customers. +21375024 Mutual funds have also been net sellers of junk bonds as junk's relatively poor performance and negative press coverage have produced "above-normal" redemptions by shareholders, Deltec said. +21375025 Investors, trying to raise cash, have sold "large liquid issues" such as RJR Holdings Corp. and Kroger Co.; declines in these benchmark issues have contributed to the market's distress. +21375026 And, Deltec said, buying has been severely reduced because savings and loans have been restricted in their junk purchases by recently passed congressional legislation. +21375027 "In fact, savings and loans were sellers of high yield holdings throughout the quarter," Deltec said. +21375028 Ms. Minella and Ms. Strasser say they are managing their junk portfolios defensively, building cash and selectively upgrading the overall quality. +21375029 Meanwhile, Prudential, the nation's largest insurer and the biggest investor in junk bonds, has seen the value of its junk bond portfolio drop to $6.5 billion from $7 billion since August because of falling junk prices. +21375030 "We certainly do have a lack of liquidity here, and it's something to be concerned about," says James A. Gregoire, a managing director. +21375031 "I have no reason to think things will get worse, but this market has a knack for surprising us. +21375032 This market teaches us to be humble." +21375033 The junk market's "yield hogs are learning a real painful lesson," he says. +21375034 Although the majority of junk bonds outstanding show no signs of default, the market has downgraded many junk issues as if they were in trouble, says Stuart Reese, manager of Aetna Life & Casualty Insurance Co.'s $17 billion investment-grade public bond portfolio. +21375035 "But we think the risks are there for things getting a lot worse. +21375036 And the risks aren't appropriate for us," he says. +21375037 The big insurer, unlike Prudential, owns only about $150 million of publicly sold junk bonds. +21375038 The string of big junk bond defaults, which have been a major cause of the market's problems this year, probably will persist, some analysts say. +21375039 "If anything, we're going to see defaults increase because credit ratings have declined," says Paul Asquith, associate professor at the Massachusetts Institute of Technology's Sloan School of Management. +21375040 Mr. Asquith, whose study on junk bond defaults caused a furor on Wall Street when it was disclosed last April, says this year's junk bond defaults already show a high correlation with his own findings. +21375041 His study showed that junk bonds over time had a cumulative default rate of 34%. +21375042 One indication of a growing number of junk defaults, Mr. Asquith says, is that about half of the $3 billion of corporate bonds outstanding that have been lowered to a default rating by S&P this year are junk bonds sold during the market's big issue years of 1984 through 1986. +21375043 These bonds, now rated single-D, include junk offerings by AP Industries, Columbia Savings (Colorado), First Texas Savings Association, Gilbraltar Financial Corp., Integrated Resources Inc., Metropolitan Broadcasting Corp., Resorts International Inc., Southmark Corp. and Vyquest Inc. +21375044 "Obviously, we got a lot more smoke than fire from the people who told us the market wasn't so risky," says Bradford Cornell, professor of finance at University of California's Anderson Graduate School of Management in Los Angeles. +21375045 Mr. Cornell has just completed a study that finds that the risks and returns of junk bonds are less than on common stocks but more than on investment-grade bonds. +21375046 Mr. Cornell says: "The junk market is no bonanza as Drexel claimed, but it also isn't a disaster as the doomsayers say." +21375047 Despite the junk market's problems, Drexel continues to enjoy a loyalty among junk bond investors that its Wall Street rivals haven't found. +21375048 During the past three weeks, for example, Drexel has sold $1.3 billion of new junk bonds for Turner Broadcasting Co., Uniroyal Chemical, Continental Air and Duff & Phelps. +21375049 Still, the list of troubled Drexel bond offerings dwarfs that of any firm on Wall Street, as does its successful offerings. +21375050 Troubled Drexel-underwritten issues include Resorts International, Braniff, Integrated Resources, SCI TV, Gillette Holdings, Western Electric and Southmark. +21375051 "Quality junk bonds will continue to trade well," says Michael Holland, chairman of Salomon Brothers Asset Management Inc. +21375052 "But the deals that never should have been brought have now become nuclear waste. +21376001 As Helen Boehm, who owns an art porcelain company, sipped her luncheon cocktail, she reeled off the names of a few pals -- Prince Charles, Princess Diana, Sarah Ferguson, John Kluge, Milton Petrie. +21376002 Then, flashing a diamond ring as big as the Ritz ("my day diamond, darling"), she told her two companions that she is on the "board" of the Vatican Museum in Rome. +21376003 As it turns out, the board has a lot of important members, including Winton Blount (former postmaster general of the U.S.), Mrs. Henry Gaisman (widow of the inventor of auto-strop razor) and Vincent Murphy (an investment banker at Merrill Lynch & Co.) +21376004 But Mrs. Boehm didn't mention any of them. +21376005 "Helen Boehm has a way with names," says James Revson, a gossip columnist for Newsday (and son of Joseph Revson, a founder of Revlon). +21376006 Like which are droppable and which are not. +21376007 With the fall social season well under way, name-droppers are out in force, trying to impress their betters and sometimes put down their lessers. +21376008 But the truth is that almost everyone, from real-estate agents to city fathers, name-drops; and a surprising number of people have an ancient uncle who claims he lived next door to the cartoonist who did the Katzenjammer Kids. +21376009 (In case you have forgotten, his name was Rudolph Dirks.) +21376010 "Name-dropping is pervasive and getting more so as society becomes more complex and alienating," says Herbert Freudenberger, a New York psychoanalyst, with a high-powered clientele. +21376011 "It can be an avenue of entrance to a certain sector of society. . . . +21376012 It provides some people a needed sense of affiliation and can help open up a conversation with someone you don't know." +21376013 Like the Long Island matron in the theater district the other day who swore to a stranger that she once met Liza Minnelli. +21376014 "I was having a drink in Sardi's, when all of a sudden I saw a woman's backside coming up the steps on the second floor and she was wearing sequined slacks. +21376015 I knew it was someone important, so I followed her into the ladies room and sure enough, it was Liza. +21376016 So I said, `Hello.' +21376017 And she said, `Hello.' +21376018 Can you imagine? +21376019 Liza said hello to me." +21376020 Some people must drop names -- call it an irresistible impulse. +21376021 "They can't help talking about the big important people they know, even if they don't really know them," says Dr. Freudenberger. +21376022 Beauregard Houston-Montgomery, a New York writer who changed his name from William Stretch in 1980, is an inveterate name-dropper. +21376023 "I do it innately and pathologically, and while it may occasionally get me into trouble, it's also gotten me access to parties and society," he says. +21376024 Name-dropping recently helped Mr. Houston-Montgomery crash a party Fame magazine threw for 100 of the 2,809 people mentioned in the diaries of the late Andy Warhol. +21376025 "I guess I might have asked Beauregard to leave, but he drops so many good names, we decided to let him stay," says Steven Greenberg, publisher of Fame. +21376026 "After all, Warhol was the ultimate namedropper, dropping five a day in his diaries. +21376027 And Beauregard was mentioned twice -- although very briefly and in passing." +21376028 Mr. Houston-Montgomery says that at the party he waved to Malcolm Forbes, publisher of Forbes magazine ("We've been in the columns together"), Mary Boone, a New York art dealer ("I think she knows me, but I'm not sure ") and Bridget Fonda, the actress ("She knows me, but we're not really the best of friends"). +21376029 Mr. Revson, the gossip columnist, says there are people who actually plan whose names they are going to drop before attending a party. +21376030 These droppers don't flaunt only their friendships with the Trumps, Brooke Astor or Georgette Mosbacher. +21376031 "They even drop semi-obscure names like Wolfgang Flottl, whom everybody these days apparently has heard of but no one really knows," says Mr. Revson. +21376032 "It's the one-upsmanship of name-dropping that counts." +21376033 But name-dropping has other benefits, often civic. +21376034 In the name of civic pride and from the desire to nullify a negative image, some city promoters seek to link their municipality with the most recognizable names the city has to offer. +21376035 Take Cleveland. +21376036 It has gotten a bad rep because its once heavily polluted Cuyahoga River caught fire, because former Mayor Ralph Perk set his hair on fire with an acetylene torch and because its proposed Rock 'n' Roll Hall of Fame was recently refused an urban-development grant. +21376037 Some people call it "The Mistake on the Lake" -- Lake Erie, that is. +21376038 "It helps to point out how many important people came through Cleveland on their way to the top," says George Miller, executive director of the New Cleveland Campaign, a nonprofit organization devoted to citing the city's strengths. +21376039 Mr. Miller notes that actor Paul Newman's family owned a sporting-goods store in Cleveland, that the late actress Margaret Hamilton, who played the bad witch in "The Wizard Of Oz," once ran a nursery school in Cleveland and that comedian Bob Hope's father, a stonemason, once worked on a church next to Severence Hall, Cleveland's main concert hall. +21376040 "Power names like that don't hurt the city's reputation," Mr. Miller says. +21376041 In Hollywood, an average family can gain cachet from moving into a home vacated by the famous or near famous. +21376042 "Why we even just sold a three-bedroom house in Van Nuys and were able to keep the price firm in a weak real-estate market by noting that the original Lone Ranger lived there," says David Rambo, a sales associate with Jon Douglas Co., a Los Angeles real-estate agency. +21376043 "Most people can't even remember his name." +21376044 (It is John Hart.) +21376045 Mr. Rambo says that a 3.2-acre property overlooking the San Fernando Valley is priced at $4 million because the late actor Erroll Flynn once lived there. +21376046 "If Flynn hadn't lived there, the property might have been priced $1 million lower," says Mr. Rambo, noting that Flynn's house has been bulldozed, and only the swimming pool remains. +21376047 Press agents and public-relations practitioners are notorious name-droppers. +21376048 And some even do it with malice aforethought. +21376049 Len Kessler, a financial publicist in New York, sometimes uses it to get the attention of journalists who try to avoid him. +21376050 He says that when Dan Dorfman, a financial columnist with USA Today, hasn't returned his phone calls, he leaves messages with Mr. Dorfman's office saying that he has an important story on Donald Trump, Meshulam Riklis or Marvin Davis. +21376051 He admits he has no story on any of them on these occasions. +21376052 "But it does get him to return my calls, and it makes me feel better for the times he's given me the brushoff," Mr. Kessler says. +21376053 There are, of course, obvious dangers to blatant, unsubstantiated name-dropping. +21376054 Jeffry Thal, a publicity agent for the Lantz Office in Los Angeles, warns that dropping the wrong name labels the dropper as a fake and a fraud. +21376055 "Get caught and you're dead in the water," says Mr. Thal. +21376056 Mr. Thal says that Elizabeth Taylor, a client, "hates being called `Liz.'. . . +21376057 If directors or producers phone me and say they know `Liz, ' I know they've never met her. +21376058 She prefers `Elizabeth.'" +21376059 In New York society, Pat Buckley, the very social wife of author William Buckley, has the nicknames "Mrs. Buckles" and "Patsy." +21376060 And her husband sometimes calls her "Ducky." +21376061 "But call her `Patty,' and it's a sure giveaway you're not in her circle, because she doesn't use that name," says Joan Kron, editor-in-chief of Avenue magazine, a monthly publication sent to all the right names. +21376062 John Spencer Churchill, a nephew of the late Sir Winston Churchill, former prime minister of Great Britain, isn't that impressed with most name-droppers he meets. +21376063 That's because they only drop "mere names," says Mr. Churchill. +21376064 Currently writing his memoirs, Mr. Churchill, an artist, tells how tycoons such as the late Jean Paul Getty, the oil billionnaire, were, in fact, known only by one initial, their last. +21376065 "When you're at the club, you ask whether they've spoken to `G.' +21376066 Now they know who you mean and you know who you mean. +21376067 But no one else does. +21376068 Now that's name-dropping, if you know what I mean. +21377001 Part of a Series} +21377002 SMYRNA, Ga. -- +21377003 The auto-dealer strip in this booming suburb runs nearly five miles along Cobb Parkway, stretching from the Perimeter highway that circles Atlanta to the "Big Chicken," a pullet-roofed fast-food restaurant and local landmark. +21377004 Twenty years ago, in the infancy of suburban sprawl, just a handful of dealerships were here. +21377005 Now there are 23. +21377006 Alongside such long-familiar names as Chevrolet, Ford and Dodge are nameplates that didn't exist until three years ago: Acura, Sterling, Hyundai. +21377007 Under construction is the strip's 24th showroom, the future home of Lexus, a luxury marque launched by Toyota Motor Corp. just two months ago. +21377008 The 1980s have spawned an explosion of consumer choice in America, in everything from phone companies to colas. +21377009 And especially, as the Cobb Parkway strip attests, in cars. +21377010 Americans now can choose among 572 different models of cars, vans and trucks, up from just 408 when the decade began, according to Automotive News, a trade publication. +21377011 For car marketers, it has become a much tougher battle to keep loyal customers from defecting to one of the new makes on the block. +21377012 For American car buyers, the proliferation of choice is both liberating and confusing. +21377013 Malcolm MacDougall, vice chairman of the Jordan, McGrath, Case & Taylor advertising agency in New York, calls the proliferation "nameplate mania." +21377014 He says the number of automobile choices is causing stress among consumers today, and that people will simply ignore new models that lack a well-defined image. +21377015 "The winners," he predicts, "will be brands from car makers that have traditionally been associated with quality and value." +21377016 He says it's important for a new make to be as distinctive as possible while still retaining links to the parent company's quality image. +21377017 He applauds Toyota and Nissan Motor Co. for creating separate divisions for their new luxury models, rather than simply adding more nameplates to their standard car lines. +21377018 Some auto executives believe the benefits of more choice outweigh the drawbacks. +21377019 "There's more noise out there, and the consumer may have to work harder to cut through it," says Vincent P. Barabba, executive director of market research and planning at General Motors Corp. +21377020 "But the reward is that there's less need to make tradeoffs" in choosing one's wheels. +21377021 Jeanene Page, of North Salt Lake City, Utah, likes the broader selection. +21377022 She wants something big, and already has looked at the Chrysler New Yorker and Lincoln Town Car. +21377023 Now, the 55-year-old car shopper is zeroing in on a full-sized van, figuring that it's just the thing to haul nine grandchildren and pull a boat at the same time. +21377024 "That seems to be what all my friends are using to take the grandkids to the lake," she says. +21377025 Market segmentation in cars isn't new, but it's far more extensive than when Alfred P. Sloan Jr. conceived the idea 50 years ago. +21377026 The legendary GM chairman declared that his company would make "a car for every purse and purpose." +21377027 Now there are many cars for every purse and purpose. +21377028 Just four years ago, GM planners divided the combined car and truck market into seven segments. +21377029 Today, they identify 19 distinct segments for cars, and another 11 for trucks and vans. +21377030 The number of makes has mushroomed because the U.S. is the world's biggest and richest market for automobiles; virtually every auto maker wants to sell here. +21377031 For every brand like Renault or Fiat that has been squeezed out, others such as Isuzu, Daihatsu and Mitsubishi have come in. +21377032 Detroit tries to counter the foreign invasion with new brands of its own. +21377033 GM launched the Geo marque this year to sell cars made in partnership with foreign auto makers, and next year GM's long-awaited Saturn cars will make their debut. +21377034 Ford Motor Co. created the Merkur nameplate in 1985 to sell its German-made touring sedans in the U.S. +21377035 But slow sales forced Ford to kill the brand just last week. +21377036 When consumers have so many choices, brand loyalty is much harder to maintain. +21377037 The Wall Street Journal's "American Way of Buying" survey found that 53% of today's car buyers tend to switch brands. +21377038 For the survey, Peter D. Hart Research Associates and the Roper Organization each asked about 2,000 U.S. consumers about their buying habits. +21377039 Which cars do Americans favor most these days? +21377040 It's hard to generalize, but age seems to be the best predictor. +21377041 Adults under age 30 like sports cars, luxury cars, convertibles and imports far more than their elders do. +21377042 Three of every 10 buyers under 30 would prefer to buy a sports car, compared with just 16% of adults 30 and over, according to the Journal survey. +21377043 Young consumers prefer luxury cars by a 37% to 28% margin -- even though older buyers, because of their incomes, are more likely to actually purchase a luxury car. +21377044 Perhaps most striking, 35% of households headed by people aged 18 to 44 have at least one foreign car. +21377045 That's true of only 14% of households headed by someone 60 or older. +21377046 Generally, imports appeal most to Americans who live in the West and are well-educated, affluent and, especially, young. +21377047 "For many baby boomers, buying a domestic car is a totally foreign experience," says Christopher Cedergren, auto-market analyst with J.D. Power & Co. of Agoura Hills, Calif. +21377048 Such preferences persist even though many Americans believe differences between imported and domestic cars are diminishing. +21377049 Only 58% of Americans now believe that foreign cars get better gas mileage than domestic models, the Journal survey found, down from 68% in 1987. +21377050 Some 46% give foreign cars higher quality ratings, down from 50% two years ago. +21377051 On the other hand, only 42% say foreign cars are less comfortable than U.S. models, down from 55% in 1987. +21377052 People in the automotive business disagree over how susceptible younger Americans are to brand switching. +21377053 "Once buying habits are formed, they're very hard to break," declares Thomas Mignanelli, executive vice president for Nissan's U.S. sales operations. +21377054 But out on Cobb Parkway, Ted Negas sees it differently. +21377055 "The competition is so intense that an owner's loyalty to a dealership or a car is virtually nonexistent," says Mr. Negas, vice president of Ed Voyles Oldsmobile, one of the first dealerships to locate on the strip. +21377056 Thus the very fickleness of baby boomers may make it possible to win them back, just as it was possible to lose them. +21377057 The battle for customer loyalty is evident along the Cobb Parkway strip. +21377058 Ed Voyles Olds recently established a special section in the service department for owners whose cars are less than a year old, so they get quicker service. +21377059 Just down the street, Chris Volvo invites serious shoppers to test-drive a new Volvo to any other dealership along the strip, and compare the cars side-by-side. +21377060 Manufacturers, too, are stretching further to lure buyers. +21377061 GM's Cadillac division, ignoring Detroit's long-held maxim that safety doesn't sell, is airing television commercials touting its cars' safety features. +21377062 Cadillac may be on to something. +21377063 Some 60% of the survey respondents said they would buy anti-lock brakes even if they carry a medium or high price tag. +21377064 More than 50% felt the same way about air bags. +21377065 Both features appealed most to buyers under 45. +21377066 In contrast, dashboard computers, power seats and turbo-charged engines had little appeal. +21377067 But even a little appeal has a lot of attraction these days. +21377068 GM's Pontiac division is offering a turbo-charged V-6 engine on its Grand Prix model, even though it expects to sell only about 4,000 cars equipped with that option. +21377069 The reason: Items with narrow appeal can be important in a market as fragmented as today's. +21377070 Americans spent more than $190 billion on new cars and trucks last year, and just 1% of that market exceeded Polaroid Co.'s sales of $1.86 billion. +21377071 "Even if it's only 1%," says GM's Mr. Barabba, "would you throw away sales the size of Polaroid?" +21378001 American Telephone & Telegraph Co. said it will lay off 75 to 85 technicians here, effective Nov. 1. +21378002 The workers install, maintain and repair its private branch exchanges, which are large intracompany telephone networks. +21379001 It's a California crime saga worthy of an Erle Stanley Gardner title: The Case of the Purloined Palm Trees. +21379002 Edward Carlson awoke one morning last month to find eight holes in his front yard where his prized miniature palms, called cycads, once stood. +21379003 Days later, the thieves returned and dug out more, this time adding insult to injury. +21379004 "The second time," he says, "they left the shovel." +21379005 No garden-variety crime, palm-tree rustling is sprouting up all over Southern California, bringing big bucks to crooks who know their botany. +21379006 Cycads, the most popular of which is the Sago Palm, are doll-sized versions of California's famous long-necked palms, with stubby trunks and fern-like fronds. +21379007 Because the Sago is relatively rare and grows only a couple of inches a year, it's a pricey lawn decoration: A two-foot tall Sago can retail for $1,000, and taller ones often fetch $3,000 or more. +21379008 "Evidently, somebody has realized it's easy money to steal these things," says Loran Whitelock, a research associate specializing in cycads at the Los Angeles State and County Arboretum. +21379009 Just last week, would-be thieves damaged three Sagos at Mr. Whitelock's home in the Eagle Rock section before something frightened them off, foiled. +21379010 "It's hard to think someone is raping your garden," he says. +21379011 Police suspect that the criminals, who dig up the plants in the dead of night, are selling them to nurseries or landscapers. +21379012 The Sago has become a popular accent in tony new housing tracts, apparently giving the rustlers a ready market for their filched fronds. +21379013 Thieves are going to find "anybody who has enough bucks to plant these things in their front yard," says William Morrissey, an investigator with the police department in Garden Grove, Calif., where five such thefts have been reported in the past several weeks. +21379014 The department is advising residents to plant Sagos, if they must, in the back yard and telling nurseries to be on the lookout for anyone trying to palm one off. +21379015 But for those Californians who want exotic gardens out front where neighbors can appreciate them, there's always Harold Smith's approach. +21379016 After three Sagos were stolen from his home in Garden Grove, "I put a big iron stake in the ground and tied the tree to the stake with a chain," he says proudly. +21379017 "And you can't cut this chain with bolt cutters. +21380001 Program trading on the New York Stock Exchange in September rose to its highest recorded level as a percentage of total monthly trading volume. +21380002 September program trading amounted to 13.8% of average daily New York Stock Exchange volume of 151.8 million shares, the largest percentage since the exchange began making such figures public in July 1988. +21380003 A daily average of 20.9 million shares traded in program strategies in September, the second-highest level ever. +21380004 The highest level was in June 1989, when a daily average of 22.1 million shares traded in program strategies. +21380005 Average daily trading volume in June of 180.3 million shares was considerably higher than in September. +21380006 Program trading amounted to 12.3% of average daily volume in June. +21380007 The Big Board says program trading describes a variety of strategies involving the purchase or sale of a basket of 15 or more stocks. +21380008 The most controversial of these is stock-index arbitrage, in which traders buy or sell baskets of stocks and offset the position with an opposite trade in stock-index futures to lock in profits. +21380009 It's the most controversial form of program trading because it can create abrupt price swings in the stock market. +21380010 Salomon Brothers Inc. was the top program trader in September, but most of the firm's activity involved portfolio trading strategies other than stock-index arbitrage. +21380011 Overall, Salomon reported program trading volume of 75.2 million shares. +21380012 The top stock-index arbitrage firm last month was Morgan Stanley & Co. +21380013 Of Morgan Stanley's 66.8 million shares in program trades for the month, 53.1 million were in stock-index arbitrage trades. +21380014 Behind second-place Morgan Stanley were Kidder, Peabody & Co., Goldman, Sachs & Co. and CS First Boston Inc.'s First Boston Corp. unit. +21381001 A group of shareholders filed suit against Imperial Corp. of America, Drexel Burnham Lambert Inc., First Executive Corp. and others, charging them with artificially inflating Imperial's stock price to protect certain major investors. +21381002 The complaint, filed in federal district court, accuses Imperial and other defendants of issuing false and misleading financial data. +21381003 It also charges that Imperial, the holding company for Imperial Savings & Loan, experienced major losses and writedowns because of improper assessment of the risks of junk-bond investments and wholesale consumer loan packages. +21381004 The suit seeks unspecified damages. +21381005 Imperial is in the midst of reducing its junk-bond holdings and getting out of the investment banking business in order to return to traditional thrift activities. +21381006 The derivative suit is similar to a class-action complaint filed earlier this year. +21381007 Imperial said in a statement it expects other complaints to be filed in the wake of the original suit and a recent article in Barron's magazine that focused on the company's problems. +21381008 Although an Imperial spokesman said the company hadn't yet been served with the derivative suit, he reiterated the company's statement that it would vigorously defend itself against the class-action suit. +21381009 Spokesmen at Drexel and First Executive said the companies hadn't yet been served with the suit. +21381010 In a separate complaint also filed in federal court here, shareholder Max Grill of New York charged Imperial, its top executives and directors with breach of fiduciary duty and squandering the company's assets. +21381011 Imperial said it hadn't been served with this suit either. +21382001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +21382002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +21382003 Estimated and actual results involving losses are omitted. +21382004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +21382005 Otherwise, actual profit is compared with the 300-day estimate. +21383001 Rhone-Poulenc S.A., Paris, said it completed the purchase of the specialty chemicals operation of RTZ Corp., a British mining and industrial group. +21383002 Rhone-Poulenc, a chemical and pharmaceutical company, said RTZ Chemicals has annual sales of about $900 million. +21383003 It didn't release terms of the transaction. +21384001 Consumer spending in Britain rose 0.1% in the third quarter from the second quarter and was up 3.8% from a year ago, the Central Statistical Office estimated Friday. +21385001 A group including Gene E. Phillips, former chairman of Southmark Corp., and William S. Friedman, former vice chairman of Southmark, lowered its stake in the Dallas real estate concern to 7.7%, according to a filing with the Securities and Exchange Commission. +21385002 The group said it sold 455,410 Southmark common shares from Sept. 5 to Oct. 5 for 18.75 cents to 25 cents a share. +21385003 The filing said the group continues to hold 3,481,887 remaining shares. +21386001 Eastman Kodak Co., seeking to position itself in the potentially huge high-definition television market, unveiled a converter that can transform conventional motion-picture film into high-definition video. +21386002 The move also helps the Rochester, N.Y., photographic giant ensure that its motion-picture film business -- for which it holds a virtual monopoly, supplying every Hollywood movie company -- isn't made obsolete by the upstart HDTV business. +21386003 While the prototype converter is costly, it's being lauded by the infant HDTV industry as a way of increasing the number of high-quality shows that can be seen on the new medium. +21386004 "The industry has been waiting with bated breath for the machines to come along," says David Niles, president of Eleven Twenty Five Productions Inc., a New York pioneer in high-definition programming. +21386005 He notes that industry executives have until now worried that they would face a severe shortage of programs once consumers begin replacing their TV sets with HDTVs. +21386006 Japanese electronic giants, such as Sony Corp. and Hitachi Ltd., have focused almost entirely on HDTV hardware, and virtually ignored software or programs shot in high-definition. +21386007 And only a handful of small U.S. companies are engaged in high-definition software development. +21386008 It's estimated that just about 250 hours of HD programming is currently available for airing. +21386009 Kodak says its new CCD HDTV converter will help alleviate the problem by allowing programmers and broadcasters to convert movies and television programs shot in 35mm motion-picture film into high-definition video. +21386010 Consumers will be able to switch on their HDTV sets and get all the viewing benefits the high-tech medium offers. +21386011 Otherwise, they'd be watching programs that are no different in quality from what they currently view on color TVs. +21386012 It would be like "watching a black and white movie on a color TV set," says Malcolm G. Saull, chairman of the film and video department at the Rochester Institute of Technology. +21386013 The new converters are "a critical link between film and the television domain," says Joerg D. Agin, vice president and general manager of Kodak's Motion Picture and Audiovisual Products division. +21386014 Kodak won't disclose the cost or when its converter will be on the market, but it's estimated the machine may be available within two years. +21386015 A similar machine already on the market, made by Rank Sintel Ltd., a unit of Rank Organisation, costs about $500,000. +21386016 And the potential market is tremendous, industry experts say. +21386017 If HDTV takes off in the U.S., there will be demand for some 4,000 to 5,000 HDTV converters, known in the industry as telecines. +21386018 Demand will come first from programming production companies and then from television stations. +21386019 "The converter is head and shoulders above anything else I've seen," says Richard J. Stumpf, vice president-engineering and development at MCA Inc.'s Universal City Studios. +21386020 And Mr. Niles, the program producer, contends that Kodak's move is "a sound marketing decision. +21386021 They can't afford to stay out of HDTV." +21386022 Indeed, the stakes are high. +21386023 The U.S. electronics industry estimates that the HDTV market will total about $150 billion over the next two decades, with an additional $400 billion expected to go for related products. +21386024 HDTVs break down images into more than 1,100 lines, compared with 525 for today's televisions, providing considerably sharper detail. +21386025 And the sets are wider, resembling the dimensions of a movie screen. +21386026 But the financial rewards aren't expected soon, nor are they guaranteed. +21386027 Experts estimate the first sets of HDTVs won't be available for another five to 10 years, and will probably retail for more than $3,000 each in today's dollars. +21386028 Some critics say they won't be quickly embraced by consumers because of the high price. +21386029 Nevertheless, Kodak couldn't risk letting HDTV turn its motion-picture film business into a dinosaur. +21386030 "Kodak understands HDTV is where everybody is going," says RIT's Mr. Spaull. +21387001 Yet another political scandal is racking Japan. +21387002 But this time it's hurting opposition as well as ruling-party members. +21387003 And as it unfolds, it's revealing some of the more tangled and seamier aspects of Japanese society. +21387004 Already, ruling Liberal Democratic Party demands that opposition members testify under oath in parliament have stalled one budget committee session and forced the committee to plan a special two-day investigation at the end of the month. +21387005 But the scandal itself is so convoluted that ruling-party members are divided between those who want to pursue the matter in hope of undermining the opposition and those who favor leaving well enough alone. +21387006 "The opposition can be the most hurt because everyone already figures the LDP is that kind of beast," says Shigezo Hayasaka, former aide to LDP kingmaker Kakuei Tanaka and now an independent analyst. +21387007 But, he adds, "We can't tell where it will go at all because we're still in the middle of it." +21387008 This time, the scandal centers on donations made by the not-quite-mainstream pachinko parlor industry. +21387009 Pachinko, a kind of pinball, is Japan's favorite form of legal gambling. +21387010 The donations so far appear to be small, especially compared with the huge sums that changed hands in the Recruit Co. influence-peddling scandal that plagued the ruling party last year. +21387011 But the implications could be great. +21387012 Pachinko is slightly on the shady side, often linked to the lower ranks of Japan's underworld and regularly at the top of annual lists of tax evaders. +21387013 Recently the industry has faced the threat of new restrictions, and political donations may have been made with the intent to bribe. +21387014 Also, about 60% of pachinko parlor owners are Korean, many of whom maintain close ties with North or South Korean residents' organizations, and donations by such foreign groups are illegal in Japan. +21387015 To many Japanese, pachinko is benign or enticingly unsavory. +21387016 Garish neon pachinko marquees blaze from the main streets and narrow alleys of cities and towns across the country. +21387017 Devotees pass hours, watching the lights blink and listening to the metal balls ping, as much to gamble as to get a little time to be anonymous, alone with their thoughts. +21387018 At 500 yen ($3.60) for a handful of balls, pachinko is a common pastime, and has been since it took root as cheap entertainment in the years after World War II. +21387019 But the total of all those pinging balls has created an industry with a reported annual income of 13 trillion yen (almost $92 billion), or nearly the size of Japan's vaunted automobile industry. +21387020 And because the pachinko industry is regularly at the top of annual lists for tax evasion, some observers estimate the real income could be as much as 20 trillion yen. +21387021 If that money were being taxed, it could bring the government a badly needed several trillion yen. +21387022 In 1984, an attempt was made to crack down on the industry with tougher restrictions. +21387023 Then, in 1988, a proposal to keep better track of income by selling prepaid cards for pachinko was fielded in parliament. +21387024 The proposal split the industry in two, along the lines of national origin: North Koreans oppose the plan while South Koreans, Japanese and Taiwanese accept it or are neutral. +21387025 In August, a conservative weekly magazine reported that a pachinko industry organization donated money to Japan Socialist Party members. +21387026 The magazine alleged that in making the donations, the pachinko industry may have been offering bribes to win support in the battle against prepaid cards, or it may have been laundering money back and forth between the JSP and the North Korean residents' organization, the Chosen Soren. +21387027 The Chosen Soren and the JSP immediately denied the report. +21387028 And at first, neither the opposition nor the LDP wanted to pursue the issue. +21387029 But the press kept it alive; as with the Recruit scandal, lists began circulating with names of people who had received money. +21387030 Within a matter of weeks, less-conservative magazines reported that members of the ruling LDP had received much larger donations from pachinko organizations. +21387031 So far, though, there have been no allegations that the contributions the LDP members received amounted to bribes. +21387032 Then the two camps upped the ante: Reports that Chosen Soren had donated directly to JSP members were rapidly countered by statements that the South Korean residents' organization had long been donating directly to LDP members. +21387033 The JSP admitted Oct. 13 that its members received about eight million yen from the pachinko organization, and charged LDP members with receiving 125 million yen ($880,000) and other opposition parties with taking about 2.5 million yen. +21387034 On Friday, the chief cabinet secretary announced that eight cabinet ministers had received five million yen from the industry, including 450,000 yen ($3,175) by Prime Minister Toshiki Kaifu. +21387035 No one has alleged that the donations were by themselves illegal. +21387036 Direct donations from either of the residents' organizations would be illegal because the groups are defined as foreign, but both groups deny making direct donations. +21387037 They say its possible some of their members may be donating privately. +21387038 The issue is further complicated because although the organizations represent Korean residents, those residents were largely born and raised in Japan and many speak only Japanese. +21387039 That they retain Korean citizenship and ties is a reflection of history -- their parents were shipped in as laborers during the decades when Japan occupied Korea before World War II -- and the discrimination that still faces Koreans in Japanese society. +21387040 Many Japanese think it only natural that the organizations or their members would donate to politicians, the way many Japanese do, to win favor or support. +21387041 Both residents' organizations admit to receiving some funding from abroad. +21387042 But LDP members and supporters of the prepaid card idea tend to speak in innuendo about the JSP's alleged donations, implying that North Korean money would be more suspect than South Korean because North Korea is communist and South Korea is an ally. +21388001 When Robert McDuffie was 14, he got a chance to play in the starting lineup for his high school basketball team in Macon, Ga. +21388002 Unfortunately, his mother had tickets for a recital by Itzhak Perlman the same night, and she was adamant about his attending. +21388003 "I threw such a fit," says Mr. McDuffie, who had begun violin studies at the age of six. +21388004 "But once Perlman started playing, I didn't give a damn about basketball. . . . +21388005 Afterwards, I went home and practiced for three hours." +21388006 Today, it's obvious that the brawny, six-foot, one-inch musician made the right choice. +21388007 At 31, Mr. McDuffie has a rich, full-bodied tone, an admirable rhythmic precision and an increasingly busy schedule. +21388008 He's currently in the midst of a 17-city U.S. tour with Yehudi Menuhin and the Warsaw Sinfonia, with stops including Charleston, S.C. (Oct. 25), Sarasota, Fla. (Oct. 28), Tampa, Fla. (Oct. 29) and Miami (Oct. 31). +21388009 Later this season he gives a recital at Washington's Kennedy Center, and appears as soloist with several major orchestras. +21388010 Yet Mr. McDuffie's career has developed at a slower pace than those of some of his better known contemporaries. +21388011 During the late 1970s, he was part of a musical "brat pack" -- a group of budding virtuosos who studied at the Juilliard School with the noted pedagogue Dorothy DeLay. +21388012 His violin classmates included Shlomo Mintz, a protege of Isaac Stern who performed with major orchestras while still a student; Cho-Liang Lin, who joined the roster of ICM Artists Inc. at the age of 18; and Nadja Salerno-Sonnenberg, who launched her career by winning the 1981 Naumberg Competition. +21388013 "I thought I was over the hill at 22," recalls Mr. McDuffie, an outgoing man with pale blue eyes and a light Southern drawl. +21388014 "But I wasn't ready for a career at that time." +21388015 Young McDuffie's first violin teacher was Henrik Schwarzenberger, a Hungarian refugee who taught in the Macon public school system. +21388016 "He taught me how to play like a gypsy," jokes the musician. +21388017 "I didn't learn to count until I got to Juilliard." +21388018 After studies at that conservatory's Pre-College Division with an assistant to the legendary instructor Ivan Galamian, he switched at the college level to Miss DeLay, Mr. Galamian's longtime assistant and, ultimately, his rival. +21388019 "I think I had to prove myself to her," says Mr. McDuffie. +21388020 "But she was always encouraging. +21388021 She only put her foot down twice," he continues. +21388022 "In my freshman year, my roommate was known as a party animal. +21388023 She thought I wasn't getting my practicing done." +21388024 As the violinist tells it, his grandmotherly looking teacher "put her hands on her hips, stomped her foot and said, `You've just got to get the {expletive deleted} out of there.'" +21388025 The second incident took place after Mr. McDuffie gave an ambitious student recital and was feeling rather pleased with himself. +21388026 Miss DeLay requested that he come to her studio with a tape of the recital. +21388027 "We listened to the Chausson `Poeme,'" he recalls, "and she said, `You hear the first note, that B-flat? +21388028 That's the only note that's truly in tune . . .'." +21388029 "That's the most important experience I've had with any teacher," he says, "because she taught me how to listen. +21388030 Now, when I play with orchestras, the musicians often compliment me on my intonation." +21388031 It was also at Juilliard that Mr. McDuffie discovered his predilection for conservative, 20th-century American composers such as David Diamond and Samuel Barber. +21388032 After winning a school competition with a performance of the latter's "Violin Concerto," Mr. McDuffie was invited to play the work for the composer, who was dying of cancer. +21388033 "Barber was seated by the fireplace looking very pale," recalls the violinist, who performed the work with a piano accompanist at the composer's apartment. +21388034 "He didn't say much, but what he said was important because it's not in the score. +21388035 There's a beautiful, Coplandesque motif -- he'd kill me if he heard me say that -- throughout the first movement . . . +21388036 The only time the violin has it is right at the end. +21388037 It's written `marcato' in the score, and I played it that way, kind of gigue-like. +21388038 And he yelled out `dolce! dolce!' {`sweet! sweet!'}." +21388039 "So we did it over," he adds. +21388040 "I played very transparently, with the tip of the bow. +21388041 If a conductor is sensitive enough to bring down the orchestra {volume} at that point, it makes the piece magical. +21388042 I don't know why Barber never told anybody else. +21388043 On Isaac Stern's recording it's very biting." +21388044 Since leaving Juilliard, Mr. McDuffie has made some smart moves and some controversial ones. +21388045 His guest appearance on the NBC soap opera "Another World," scandalized musical elitists. +21388046 By contrast, he's won kudos for his espousal of William Schuman's "Violin Concerto," which he recently recorded for Angel/EMI along with Leonard Bernstein's engaging "Serenade for Violin Solo, Strings and Percussion." +21388047 Mr. McDuffie's sweet tone, heartfelt lyricism and rhythmic punch make him an ideal interpreter of both works. +21388048 Aided by the fluid playing of the St. Louis Symphony under Leonard Slatkin's direction, this "Serenade" really swings. +21388049 Mr. Schuman's "Violin Concerto," which sounds more like a mildly atonal rhapsody for solo violin with orchestral accompaniment, meanders until the propulsive "Agitato, fervente." +21388050 But there are ample rewards in its plaintive slow sections and virtuoso fireworks for soloist, brass and timpani. +21388051 At Avery Fisher Hall here, Mr. McDuffie was heard recently with Mr. Menuhin and the Warsaw Sinfonia in more conventional fare -- Bruch's overwrought "Violin Concerto in G Minor." +21388052 His performance was so effusive and driven that the phrases rarely breathed. +21388053 The 35-member Sinfonia played adroitly with a big, lush sound that belied its size. +21388054 Whatever he plays, Mr. McDuffie finds satisfaction in the music itself -- "something greater out there than me," as he puts it during an interview at the Manhattan apartment he shares with wife, Camille, a literary publicist. +21388055 "A normal person did not write the Beethoven `Violin Concerto,'" he declares. +21388056 "Even when I hear it played badly, I'm still humbled by the piece. +21388057 If I could ever feel I've contributed to it in some way, then all the hard work has been worth it." +21388058 Ms. Jepson is a free-lance music writer in New York. +21389001 Are consumers too deep in hock? +21389002 A lot of observers think so, and, if they're right, the whole economy as well as the spendthrifts among us could be hurt. +21389003 A sudden, forced cutback by consumers, who normally account for about two-thirds of economic activity, would damp the economy at a time when plant-and-equipment spending is slowing and deficit-racked governments can't readily take up the slack. +21389004 And another wave of bad loans would further batter many already-shaky lending institutions. +21389005 The worriers cite some worrisome trends. +21389006 During the almost seven-year-old economic expansion, inflation-adjusted gross national product, disposable personal income and personal consumption expenditures have risen 30%, but inflation-adjusted consumer installment credit has surged 66%. +21389007 And the ratio of installment debt to disposable personal income -- personal income after taxes -- has hit a high of about 18 1/2%. +21389008 However, these figures don't seem to worry Thomas A. Durkin, an economist at the Federal Reserve Board. +21389009 In a paper presented at the recent annual meeting of the National Association of Business Economists in San Francisco, Mr. Durkin comments that "installment credit always grows rapidly in cyclical advances, and growth in this cycle is very typical of earlier experiences." +21389010 He adds: "We are now witnessing a slowdown which, if history is a guide, could persist for a while." +21389011 But what about the debt burden? +21389012 Mr. Durkin doubts that "there is some magic level" at which the ratio of installment debt to disposable income "indicates economic problems." +21389013 And, "more importantly," he says, "the debt burden measured other ways is not really in uncharted waters." +21389014 The chart below shows why (see accompanying illustration -- WSJ Oct. 23, 1989). +21389015 The ratio of consumer installment credit to disposable income, though up a bit, hasn't climbed steeply, and such debt as a percent of household assets is little changed. +21389016 Moreover, the burden of consumer credit payments relative to disposable income may be "lower in this cycle than earlier," Mr. Durkin says. +21389017 He notes that some "revolving credit-card credit is actually convenience credit" being used simply as a handy way of paying bills rather than a handy way of borrowing. +21389018 In addition, he says, "longer maturities on automobile and other forms of installment credit boost the stock of debt faster than the flow of repayments and the accompanying payment burden." +21389019 And if you "consider the changing distribution of credit," Mr. Durkin says, "much of the increase in debt in recent years is due to increasing credit use by higher-income families," that is, "those probably best able to handle it." +21389020 Citing figures on home-equity loans, he notes that "11% of homeowners had home-equity credit accounts, but the proportion rises to 16% of homeowners in the $45,000-$60,000 income range and 23% of homeowners with income above $60,000." +21389021 And much home-equity credit is used conservatively. +21389022 "The most frequent use is home improvement, which presumably improves the value of the property," Mr. Durkin says. +21389023 So, it isn't surprising that consumer-credit delinquencies at banks remain, as the chart shows, reassuringly below some earlier highs (see accompanying illustration -- WSJ Oct. 23, 1989). +21389024 A severe recession could, of course, raise delinquency rates, but so far the current levels of consumer debt don't seem to loom as a major threat. +21389025 In fact, the current weakness in auto buying and department-store sales and the gradual upturn in the household saving rate suggest that consumers, conservative as ever, are already clutching their purses a bit more tightly. +21389026 In July, consumer installment credit outstanding fell for the first time since January 1987. +21389027 "Consumers appear unwilling to add to their leverage to support their spending," Bruce Steinberg, a Merrill Lynch economist, says. +21389028 "As a result, household debt appears to be stabilizing at around 63% of GNP." +21389029 Consumers, credit cards in hand, aren't running amok through the shopping malls -- or putting the economy at any great risk. +21390001 Maidenform Inc. loves to be intimate with its customers, but not with the rest of the public. +21390002 The 67-year-old maker of brassieres, panties, and lingerie enjoys one of the best-known brand images, but its financial profile is closely guarded by members of the founding family. +21390003 "There are very few companies that can boast of such a close-knit group," says Robert A. Brawer, 52 years old, recently named president, succeeding Beatrice Coleman, his mother-in-law, who remains chairman. +21390004 "We are a vanishing breed," he muses. +21390005 Mrs. Coleman, 73, who declined to be interviewed, is the Maidenform strategist. +21390006 Sales have tripled during her 21-year tenure to about $200 million in 1988. +21390007 Maidenform says it is very profitable but declines to provide specifics. +21390008 The company sells image. +21390009 Its current ad campaign, on which Maidenform has spent more than $15 million since fall 1987, doesn't even show its underwear products, but rather men like Christopher Reeve, star of the "Superman" movies, talking about their lingerie turn-ons. +21390010 The Maidenform name "is part of American pop culture," says Joan Sinopoli, account supervisor of the campaign by Levine, Huntley, Schmidt & Beaver, a New York ad firm. +21390011 Maidenform generated such memorable campaigns as "I dreamed I . . . in my Maidenform bra," and "The Maidenform woman. +21390012 You never know where she'll turn up." +21390013 "Capitalizing on the brand is key," says Mr. Brawer, whose immediate plans include further international expansion and getting better control of distribution outside the U.S. +21390014 "The intimate apparel industry is perceived to be a growth industry and clearly {Maidenform} is a force to be reckoned with," says David S. Leibowitz, a special situations analyst at American Securities Corp. in New York. +21390015 Although working women are "forced to wear the uniform of the day, to retain their femininity they are buying better quality, more upscale intimate apparel," he said. +21390016 Although Mr. Brawer's appointment as president was long expected, the move on Sept. 25 precipitated the resignation of Alan Lesk as senior vice president of sales and merchandising. +21390017 Three days later, Mr. Lesk was named president and chief executive officer of Olga Co., a competing intimate apparel division of Warnaco Inc. +21390018 Warnaco also owns Warners, another major intimate apparel maker. +21390019 Mr. Lesk couldn't be reached to comment. +21390020 But Maidenform officials say that after spending 24 years at Maidenform, Mr. Lesk, 48, made it clear he wanted the top job. +21390021 "If you want the presidency of the company, this isn't the firm to work for," says James Mogan, 45, who was named senior vice president of sales, assuming some of the responsibilities of Mr. Lesk. +21390022 The company downplayed the loss of Mr. Lesk and split his merchandising responsibilities among a committee of four people. +21390023 "My style is less informal," Mr. Brawer says. +21390024 Top officers insist Maidenform's greatest strength is its family ownership. +21390025 "You can't go anywhere in this company and find an organizational chart," one delights. +21390026 "It is fun competing as a private company," Mr. Brawer says. +21390027 "You can think long range." +21390028 Other major players in intimate apparel apparently feel the same way. +21390029 Warnaco was taken private by Spectrum Group in 1986 for about $487 million. +21390030 And last year, Playtex Holdings Inc. went private for about $680 million. +21390031 It was then split into Playtex Apparel Inc., the intimate apparel division, and Playtex Family Products Corp., which makes tampons, hair-care items and other products. +21390032 Publicly traded VF Corp., which owns Vanity Fair, and Sara Lee Corp., which owns Bali Co., are also strong forces in intimate apparel. +21390033 Buy-out offers for Maidenform aren't infrequent, says Executive Vice President David C. Masket, but they aren't taken very seriously. +21390034 When he gets calls, "I don't even have to consult" with Mrs. Coleman, Mr. Masket says. +21390035 The company could command a good price in the market. +21390036 "Over the past three and a half years, apparel companies, many of whom have strong brand names, have been bought at about 60% of sales," says Deborah Bronston, Prudential-Bache Securities Inc. apparel analyst. +21390037 Mr. Brawer, along with Mrs. Coleman and her daughter, Elizabeth, an attorney who is vice chairman, are the family members involved in the operations of Maidenform, which employs about 5,000. +21390038 Mr. Brawer's wife, Catherine, and Robert Stroup, Elizabeth's husband, round out the five-member board. +21390039 Each has an equal vote at the monthly meetings. +21390040 "We are all very amiable," Mr. Brawer says. +21390041 Executives say Mrs. Coleman is very involved in the day-to-day operations, especially product development. +21390042 In the late 1960s she designed a lightweight stretch bra that boosted sales. +21390043 Her father, William Rosenthal, designed the then-dress making company's first bra in the 1920s, which he said gave women a "maiden form" compared with the "boyish form" they got from the "flat bandages" used for support at the time. +21390044 While Mr. Rosenthal introduced new undergarment designs, his wife, Ida, concentrated on sales and other financial matters. +21390045 The name Maidenform was coined by a third business partner, Enid Bissett. +21390046 The company has 14 plants and distribution facilities in the U.S., Puerto Rico, other parts of the Caribbean and Ireland. +21390047 Maidenform products are mainly sold at department stores, but the company has quietly opened a retail store of its own in Omaha, Neb., and has 24 factory outlets, with plans to add more. +21390048 Before joining Maidenform in 1972, Mr. Brawer, who holds a doctoral degree in English from the University of Chicago, taught at the University of Wisconsin. +21390049 As a senior vice president, he has headed the company's designer lingerie division, Oscar de la Renta, since its inception in 1988. +21390050 To maintain exclusivity of that designer line, it isn't labeled with the Maidenform name. +21390051 While the company has always been family-run, Mr. Brawer isn't the first person to marry into the family and subsequently head Maidenform. +21390052 Mrs. Coleman's husband, Joseph, a physician, succeeded Mrs. Rosenthal as president and served in that post until his death in 1968. +21391001 China could exhaust its foreign-exchange reserves as early as next year, a Western government report says, unless imports are cut drastically to help narrow the balance-of-payments deficit. +21391002 According to the report, completed last month, if China's trade gap continues to widen at the pace seen in the first seven months of this year, the reserves would be wiped out either in 1990 or 1991. +21391003 A country is considered financially healthy if its reserves cover three months of its imports. +21391004 The $14 billion of reserves China had in June would cover just that much. +21391005 The report by the Western government, which declines to be identified, concludes that "a near-term foreign-exchange payment problem can be avoided only if import growth drops to below 5% per annum." +21391006 According to Chinese customs figures, import growth has slowed in recent months, dropping to 16% in July and 7.1% in August from the year-earlier periods, compared with an average growth rate of 26% in the first half. +21391007 But before import growth slowed, China's buying spree in the first half already had taken its toll on foreign-exchange reserves. +21391008 The $14 billion level in June marked a drop from $19 billion at the end of April. +21391009 China's last big import binge sent reserves tumbling to $10.6 billion in June 1985 from $16.6 billion the previous September. +21391010 China might stave off a crisis if it acts as forcefully as it did to arrest the 1985 decline, when Beijing slammed the brakes on foreign-exchange spending and devalued the currency. +21391011 But this time, China faces a more difficult battle because of economic forces that have come into play since the Tiananmen Square killings June 4. +21391012 For example, China's hard-currency income is expected to suffer from the big drop in tourist arrivals since June 4. +21391013 Revenue from tourism this year is projected to total $1.3 billion, down from $2.2 billion last year. +21391014 Because of this and the huge trade gap, the deficit in China's current account, which measures trade in goods and services plus certain unilateral transfers of funds, is expected to widen sharply from the $3.8 billion deficit last year. +21391015 The Western government report suggests a number of scenarios for China's current-account balance, two of which are considered most likely. +21391016 In one, imports and exports continue to grow at the respective average rates of 25% and 5% recorded during the first seven months, and the current-account deficit widens to $13.1 billion. +21391017 In 1985, China had a record deficit of $11.4 billion. +21391018 The other scenario assumes that Beijing takes effective actions to curb imports in the coming months. +21391019 In this case, China would still finish the year with a current-account deficit of $8.7 billion, based on projections that imports for all of this year grow 20% and exports 10%. +21391020 If China were still on good terms with foreign lenders, it might be able to stem the drain on its foreign-exchange reserves by using some loan funds to offset the current-account deficit. +21391021 But since June, foreign bankers led by international financial institutions have virtually suspended their new loans to China. +21391022 Even if borrowing resumes, commercial bankers aren't expected to lend as much as before. +21391023 In addition, economists are forecasting a slowdown in foreign direct investments as businessmen become increasingly wary of China's deteriorating political and economic environment. +21391024 On top of all this, foreign-debt repayments are expected to peak in 1991 to 1992. +21391025 With less capital coming in, China's balance of payments would suffer. +21391026 The Western government report's first scenario assumes a 30% reduction in foreign borrowing and a 5% contraction in foreign direct investment. +21391027 In the second, foreign borrowing is projected to grow 10% and investment to drop 10%. +21391028 But in either case, the report says, China's balance of payments would rapidly dry up foreign reserves, which are used to finance the imbalance. +21391029 In the first scenario, the reserves would be exhausted next year, and in the second they would be wiped out in 1991. +21392001 Roche Holding AG, parent of the Swiss chemical and pharmaceutical group, said its group sales rose 22% in the first nine months of the year to 7.32 billion francs ($4.51 billion). +21392002 The company reported good gains in all of its divisions. +21392003 Roche also said it expects a "considerable rise" in 1989 group profit from the 641.5 million-franc ($396 million) net in 1988. +21393001 New Canaan Investments Inc. said it closed the acquisition of Carr-Lowrey Glass Co. from Newell Co., a Freeport, Ill., maker of do-it-yourself home products. +21393002 Terms weren't disclosed. +21393003 Carr-Lowrey, a maker of glass bottles for the cosmetics and toiletries industries, had sales last year of about $40 million. +21393004 New Canaan Investments is a closely held investment partnership with interests primarily in the packaging industry. +21394001 Ralph Brown was 31,000 feet over Minnesota when both jets on his Falcon 20 flamed out. +21394002 At 18,000 feet, he says, he and his co-pilot "were looking for an interstate or a cornfield" to land. +21394003 At 13,000 feet, the engines restarted. +21394004 But knowing that mechanics would probably ground him for repairs, Mr. Brown skipped his stop in nearby Chicago and set course to get his load -- a few hundred parcels -- to the Memphis package-sorting hub on time. +21394005 Had he been a little less gung-ho, "I'd have gotten the thing on the ground and headed for the nearest bar," Mr. Brown says. +21394006 But he flies for Federal Express Corp., perhaps the closest thing in corporate America to the Green Berets. +21394007 Federal's employees work long hours and seem to thrive on the stress of racing the clock. +21394008 Like Mr. Brown, they sometimes go to surprising lengths to meet that overarching corporate goal: delivering the goods on time. +21394009 They are a tribute to Federal's management which, since the company's founding 16 years ago, has had its way with its work force -- an unusual feat in the contentious transportation industry. +21394010 That may soon change. +21394011 This month, Federal's 2,048 pilots, including some 961 acquired along with Tiger International Inc. in February, will decide whether to elect the powerful Air Line Pilots Association as their bargaining agent. +21394012 The election, which would bring the first major union to Federal's U.S. operations, has pitted new hires against devoted veterans such as Mr. Brown. +21394013 It has also rattled Federal's strongly anti-union management, which is already contending with melding far-flung operations and with falling profits. +21394014 "A union, sooner or later, has to have an adversary, and it has to have a victory," Frederick W. Smith, Federal's chairman and chief executive, says with disdain. +21394015 "In our formula, we don't have any losers except the competition." +21394016 What managers really fear is that the pro-union movement could spread beyond the pilots. +21394017 Under federal transportation law, a government mediator is attempting to reconcile the melding of Tiger's job classifications into Federal's. +21394018 Depending on the outcome, the merged company may face union elections this fall among airplane mechanics, ramp workers, stock clerks and flight dispatchers. +21394019 These groups constitute up to 10% of its work force. +21394020 "Unions would have a profound effect on the whole culture of the company," says Bernard La Londe, a professor at Ohio State University at Columbus and a Federal consultant. +21394021 That culture, carefully crafted by Mr. Smith, leaves little, if any, room for unions. +21394022 Since founding the company, the charismatic Vietnam vet, who is still only 46 years old, has fostered an ethos of combat. +21394023 Flights are "missions." +21394024 Mr. Smith's managers have, at times, been called "Ho Chi Minh's Guerrillas." +21394025 The Bravo Zulu award, the Navy accolade for a "job well done," is bestowed on Federal's workers who surpass the call of duty. +21394026 Competitors are known as the "enemy." +21394027 To reinforce employees' dedication, Mr. Smith pays well. +21394028 He also lets workers vent steam through an elaborate grievance procedure and, as a perk, fly free in empty cockpit seats. +21394029 He gives pep talks in periodic "family briefings" beamed internationally on "FXTV," the company's own television network. +21394030 And, with many of his 70,000 workers, Mr. Smith's damn-the-torpedoes attitude has caught on. +21394031 James Cleveland, a courier who earned a Bravo Zulu for figuring out how to get a major customer's 1,100-parcel-a-week load to its doorstep by 8 a.m., considers himself far more than a courier. +21394032 "We don't just hand the customer the package. +21394033 That's just the beginning," he says. +21394034 "In essence, we run the show." +21394035 David Sanders, a longtime pilot, bristles at the mere suggestion that a union might tamper with his flight schedule. +21394036 "This is America," he says. +21394037 "Nobody has the right to tell me how much I can work." +21394038 Such attitudes have given Federal flexibility, not only to rapidly implement new technology but to keep its work force extraordinarily lean. +21394039 The company deliberately understaffs, stretching employees' schedules to the limit. +21394040 But though couriers work as many as 60 hours a week during the autumn rush, they leave early during slack times while still being assured of a minimum paycheck. +21394041 Pilots, as well, routinely fly overtime to ensure that none are furloughed during seasonal lows. +21394042 The operational freedom has also given Federal a leg up on archrival United Parcel Service Inc., the nation's largest employer of United Brotherhood of Teamsters members. +21394043 UPS won't discuss its labor practices, but, according to Mr. Cleveland, a former UPS employee, and others, union work rules prohibit UPS drivers from doing more than carrying packages between customers and their vans. +21394044 Because UPS drivers aren't permitted to load their own vehicles at the depot, say these couriers, packages often get buried in the load and are delivered late. +21394045 Labor problems are the last thing Mr. Smith needs right now. +21394046 Although the Tiger acquisition has brought Federal a long way toward becoming the global player it wants to be, it also has brought problems. +21394047 It more than doubled Federal's long-term debt to $1.9 billion, thrust the company into unknown territory -- heavy cargo -- and suddenly expanded its landing rights to 21 countries from four. +21394048 Federal, on its own, hadn't been doing very well overseas. +21394049 It had hemorrhaged in its attempt to get into Asia, where treaty restrictions forced it to fly some planes half-empty on certain routes. +21394050 On routes to South America, the company had no backup jets to ensure delivery when planes were grounded. +21394051 In Europe, business suffered as Federal bought several local companies, only to have the managers quit. +21394052 These and other problems squeezed Federal's profit margins last year to 8%, down from more than 13% annually in the first half of the decade. +21394053 Earnings have plummeted, too, in each of the past three quarters. +21394054 In the fiscal first period ended Aug. 31, profit fell 54% to $30.4 million, or 58 cents a share, mostly because of the Tiger merger, Federal says. +21394055 Federal's stock price, however, has held up well, driven in part by the general run-up of airline stocks, analysts say. +21394056 Since trading as low as $42.25 a share in May, Federal's shares have rallied as high as $57.87 in New York Stock Exchange composite trading. +21394057 They closed Friday at $53.25, down 50 cents on the day. +21394058 There's a certain irony in the fact that Federal Express faces its first union problems as a result of its Tiger purchase. +21394059 Tiger itself was founded by a band of gungho airmen who had airlifted supplies "over the Hump" from India to China during World War II. +21394060 In the early 1970s, Mr. Smith modeled his fledgling company on Tiger's innovation of hub-and-spoke and containerized-cargo operations. +21394061 But from early on, Tiger's workers unionized, while Federal's never have. +21394062 Federal Express officials acknowledge mistakes in their drive overseas but say it will pay off eventually. +21394063 Analysts expect Federal's earnings to improve again in its fiscal third quarter ending Feb. 28, when the company should begin benefiting from Tiger's extra flights, back-up planes and landing rights. +21394064 Until then, they expect the cost of integrating the two carriers to continue crimping profits. +21394065 For now, the union issue is the most nettlesome of Federal's Tiger problems, management believes. +21394066 Although encouraging dialogue between managers and workers, Mr. Smith doesn't countenance what he considers insubordination. +21394067 When a large group of pilots once signed petitions opposing work-rule and compensation changes, he called a meeting in a company hangar and dressed them down for challenging his authority. +21394068 He then made most of the changes, pilots say. +21394069 That sort of approach, however, hasn't worked since the addition of Tiger. +21394070 Its 6,500 workers, who had battled Tiger's management for years over givebacks, were union members until the day of the merger, when most of their unions were automatically decertified. +21394071 Soon after the merger, moreover, Federal's management asked Tiger's pilots to sign an agreement stating that they could be fired any time, without cause or notice. +21394072 When the pilots refused, the company retracted it. +21394073 Mr. Smith angered Federal's pilots, too. +21394074 In his haste to seal the deal with Tiger Chairman Saul Steinberg last August, Mr. Smith ignored a promise that he had made to his own pilots three years ago: that any fliers acquired in future mergers would be "end-tailed" -- put at the bottom of the pilot seniority list that determines work schedules, pay and career options. +21394075 The Tiger merger agreement stipulated that the lists be combined on the basis of tenure. +21394076 Mr. Smith is trying hard to allay the anger. +21394077 And even some pro-union pilots say his charisma and popularity among the many former military fliers could be tough to beat. +21394078 "A lot of people are identifying a vote for representation as a vote against Fred Smith," says J.X. Gollich, a Tiger-turned-Federal pilot and union activist. +21394079 Mr. Smith and other top Federal executives have met with Tiger workers in Los Angeles, Ohio, New York, Alaska, Asia and Europe. +21394080 Recently, they have appeared every few weeks in talk-show type videos, countering pro-union arguments. +21394081 In one video, Mr. Smith defended his agreement to merge the pilot-seniority lists. +21394082 He said Mr. Steinberg had insisted that the merger talks move quickly. +21394083 Regulators, as well, might have quashed the deal if Tiger's pilots hadn't been protected, he said. +21394084 Furthermore, Mr. Smith added, "our contract with our pilots says that we will manage our fleet operations with their advice. +21394085 It doesn't give any particular group the ability to veto change." +21394086 Already, the fight has been costly. +21394087 The seniority-list controversy, along with the job-classification dispute, has been turned over to the mediator. +21394088 Meanwhile, the company is operating with two separate pilot groups and seniority lists, and that is costing Federal "a big number," says James Barksdale, executive vice president and chief operating officer. +21394089 The issue has also cost Federal management a lot of good will among its old pilots. +21394090 "They were willing to mistreat us because we hadn't shown any moxie, any resistance," says William Queenan, a DC-10 pilot and 14-year Federal veteran. +21394091 Adds John Poag, a 727 captain and past chairman of the company-sponsored Flight Advisory Board: "They've made all these magnanimous gestures to the Flying Tiger pilots, and for us, nothing." +21394092 Such animosity could prove pivotal in the union vote. +21394093 A large majority of the 961 former Tiger fliers support the union, according to a union study. +21394094 But though most of the 1,087 Federal pilots are believed opposed, it is unclear just how much their loyalty to Mr. Smith has been eroded. +21394095 The fight has turned ugly and, among pilots at least, has shattered the esprit de corps that Mr. Smith worked so hard to build. +21394096 Anti-union pilots have held ballot-burning parties. +21394097 Some younger pilots say they have had to endure anti-union harangues by senior pilots while flying across the country. +21394098 And for now, at least, the competition isn't the only enemy. +21394099 Barney Barnhardt, a 727 captain and leader of the pro-union forces, said he has received two anonymous death threats and been challenged to a fight with tire irons by a colleague. +21394100 "The pilots are either for us or extremely against us," he says with a sigh. +21395001 Harsco Corp. said it obtained a $33.1 million export order for armored recovery vehicles and related support equipment. +21395002 Harsco declined to say what country placed the order. +21395003 The company said it received an order for 23 of the vehicles, which retrieve tanks and other heavy-tracked vehicles when they break down or are damaged, and an option for 16 more. +21395004 Delivery is to begin in early 1991. +21395005 Harsco produces products for defense, industrial, commercial and construction markets. +21396001 The Senate convicted U.S. District Judge Alcee Hastings of Florida of eight impeachment articles, removing the 53-year-old judge from his $89,500-a-year, lifetime job. +21396002 Mr. Hastings's case was particularly nettlesome because it marked the first time a federal official was impeached and removed from office on charges of which a jury had acquitted him. +21396003 In 1983, Mr. Hastings was found not guilty of accepting a $150,000 bribe in a case before him, the central charge on which the Senate convicted him. +21396004 He was only the sixth federal judge ever ousted from office after an impeachment trial. +21396005 With no floor debate, the Senate on Friday voted 69-26 to convict Mr. Hastings of perjury and conspiring to accept a bribe, five votes more than needed. +21396006 Conviction on any single impeachment article was enough to remove Judge Hastings from office. +21396007 He was found not guilty of three charges, involving accusations that he had improperly disclosed information about a sensitive, government investigation. +21396008 The Senate didn't vote on six lesser charges. +21396009 Although Mr. Hastings had been acquitted by a jury, lawmakers handling the prosecution in Congress had argued that the purpose of impeachment isn't to punish an individual. +21396010 Instead, they argued that impeachment aims to protect public institutions from people who have abused their positions of trust, irrespective of the outcome of prior criminal or civil cases. +21396011 Mr. Hastings faced the senators and sat impassively during the first two roll-call votes, then quickly left the chamber. +21396012 In an impromptu news conference on the Capitol steps, he denounced the senators' action. +21396013 "Their opinion is devoid of the wisdom of the forefathers' teaching regarding impeachment," Mr. Hastings said. +21396014 For the future, he said he would run for governor of Florida. +21396015 Mr. Hastings was appointed to the federal bench by President Carter in 1979 and was one of the few black federal judges in the country. +21396016 While he packed the Senate gallery with his supporters during some of the impeachment trial, most civil rights groups kept their distance from his case. +21396017 Following the impeachment conviction, Dr. Benjamin Hooks, executive director of the National Association for the Advancement of Colored People, issued a restrained statement, warning that the Hastings case could set a "dangerous precedent," but adding, "We must respect the considered judgment of the Senate. +21397001 When last we left him, FBI Agent Nick Mancuso had solved a murder mystery, unraveled a Washington political scandal, and racked up some pretty good ratings numbers in the miniseries "Favorite Son." +21397002 What next for the crusty FBI agent with the heart of gold? +21397003 A spinoff series, of course. +21397004 There are plenty of worse inspirations for shows -- and most of them had already made the fall lineup: +21397005 a nun raising some lovable orphans. +21397006 A den mother raising some lovable teen models. +21397007 A bunch of tans and bathing suits posing as lovable lifeguards. +21397008 In that context, Robert Loggia's riveting performance as the unlovable -- even crotchety -- veteran agent seems a better franchise for a series than most. +21397009 Week by week on "Mancuso FBI" (NBC, Fridays, 10 p.m. ET), he pokes around the crime styles of the rich, famous and powerful of the Washington scene -- a loose cannon on deck at the FBI. +21397010 Over the first few weeks, "Mancuso FBI" has sprung straight from the headlines, which is either a commendable stab at topicality, or a lack of imagination, or both. +21397011 The opening show featured a secretary of defense designate accused of womanizing (a la John Tower). +21397012 When his secretary is found floating dead in the pol's pool, Mancuso is called in to investigate. +21397013 Last week, a young black girl claimed she had been raped by a white police officer (a la Tawana Brawley). +21397014 In this week's show, there's an unsafe nuclear weaponsmaking facility (a la Rocky Flats). +21397015 Along the way, we're introduced to the supporting cast: a blond bombshell secretary (Randi Brazen -- her real name, honest), a scheming young boss (Fredric Lehne), another blonde bombshell who's also an idealistic lawyer (Lindsay Frost), and a forensics expert (Charles Siebert). +21397016 If all of this seems a little stale, it's redeemed in part by some tricky plot twists: +21397017 The usual suspects are found to be guilty, then not guilty, then guilty -- but of a different crime. +21397018 (In last week's rape case, for example, the girl turns out to have been a victim of incest, and the biggest villains are the politicians who exploit the case.) +21397019 Most of all though, the show is redeemed by the character of Mancuso. +21397020 What makes the veteran FBI man so endearing is his hard-bitten cynicism -- earned, we discover, when he was assigned to the civil rights movement back in the 1960s. +21397021 He wasn't protecting the Freedom Marchers; he was tailing them as subversives. +21397022 This is not the "Mississippi Burning" scenario that thrills his young colleagues: "Kid, you've been reading Classic Comics too long," Mancuso says. +21397023 "Back in 1964, the FBI had five black agents. +21397024 Three were chauffeurs for J. Edgar Hoover, and two cleaned his house." +21397025 At the core of Mr. Loggia's Mancuso is his world-weary truculence. +21397026 He describes a reporter as "Miss First Amendment." +21397027 He describes a drowned corpse as "Esther Williams." +21397028 And when he's told "Try a little tenderness," he shoots back "I'm going home to try a little linguine." +21397029 Yet for all his cynicism, he's at heart a closet idealist, a softy with a secret crush on truth, justice and the American Way. +21397030 He's the kind of guy who rescues trampled flags. +21397031 If "Mancuso FBI" has an intriguing central character, it also has a major flaw: +21397032 It's wildly overwritten. +21397033 Executive Producers Steve Sohmer and Jeff Bleckner (and writer/producers Ken Solarz and Steve Bello) have revved this show up to the breaking point. +21397034 To start, there's always a crisis -- and someone always worries, "What if the press gets a hold of this?" +21397035 At least once an episode we see protestors marching around screaming slogans. +21397036 At least once Mancuso's boss yells "In here -- now," and proceeds to dress his investigator down: +21397037 "You are a dinosaur . . . a hangover in a $10 suit . . . +21397038 One more word and you are out on a park bench, mister." +21397039 Finally, of course, the boss gives in, but he's still yelling: "I find myself explaining anything to Teddy Kennedy, you'll be chasing stolen cars in Anchorage." +21397040 In fact, throughout "Mancuso FBI," we don't get words or lines -- we get speeches. +21397041 Witnesses shout, scream, pontificate: ". . . a dream that the planet could be saved from itself and from the sadistic dumb creatures who try to tear down every decent man who raises his voice." +21397042 And Mancuso himself is investigating at the top of his lungs: "How the hell can you live with yourself?" he erupts at a politician. +21397043 "You twist people's trust. +21397044 You built your career on prejudice and hate. +21397045 The scars will be here years after the polls close." +21397046 In each show, Mancuso gets to unleash similar harangues: +21397047 "Where the hell are they gonna live when people like you turn the world into a big toxic waste dump? +21397048 You're the real criminal here . . . and what you did wasn't just a murder -- it was a crime against humanity." +21397049 And, at least once a show, someone delivers the line "Get off that soapbox." +21397050 Now that's advice the writers should take to heart. +21397051 They have a series with a good character, some interesting, even occasionally surprising plot lines, and they're ruining it. +21397052 Why, when a key witness disappears, does Mancuso trash her apartment, tearing down drapes, smashing walls? +21397053 It's a bizarre and totally inappropriate reaction, all to add more pizzazz to a script that's already overdosing on pizzazz. +21397054 That's not plot. +21397055 That's not character. +21397056 That's hyperventilating. +21397057 There is a scene at the end of the first week's show where Mancuso attends the unveiling of the memorial to his dead partner David. +21397058 Asked to say a few words, he pulls out his crumpled piece of paper and tries to talk, but he's too choked up to get the words out. +21397059 He bangs on the piece of paper in frustration, then turns and walks away. +21397060 It was a profoundly moving moment for series television, and Robert Loggia's acting resonated in the silence. +21397061 There's a pretty good program inside all the noise of "Mancuso FBI." +21397062 If the show's creators could just let themselves be quiet for a little, they might just hear it. +21398001 With a Twist of the Wrist Boys with tops, and Frisbee tossers, And P.R. types with bees in their bonnet, Have a goal in common, all of them try To put the right spin on it. +21398002 -- George O. Ludcke. +21398003 Net Gain +21398004 Investment letters now abound, I really like to read them; If I peruse enough, I've found I've no time left to heed them! +21398005 -- Bern Sharfman. +21398006 Daffynition +21398007 TV evangelist: salesparson. +21398008 -- Marguerite Whitley May. +21399001 Texaco Inc. has purchased an oil-producing company in Texas for $476.5 million, its first major acquisition since its legal brawl with Pennzoil Co. began more than four years ago. +21399002 The White Plains, N.Y., oil company said Friday that it had acquired Tana Production Corp., a subsidiary of TRT Energy Holdings Inc., for $95.1 million in cash, with the rest to be paid in shares of a new, non-voting issue of preferred stock. +21399003 Tana, which holds properties in 17 oil and gas fields in south Texas, will provide Texaco with mostly gas reserves. +21399004 The fields contain recoverable reserves of 435 billion cubic feet of natural gas and four million barrels of oil. +21399005 "This acquisition is another indication of Texaco's commitment to increase the company's reserve base," said Chief Executive Officer James W. Kinnear. +21399006 Texaco has also been attempting to sell oil properties. +21399007 At least two years ago, the company put 60 million barrels of oil reserves on the block. +21399008 They were either too small or uneconomic to maintain, the company said. +21399009 Not all of those parcels have yet been sold. +21399010 Texaco acquired Tana before it completed those sales because Tana's properties are high quality and near other fields Texaco already owns, a company spokeswoman said. +21399011 Texaco, like many other oil companies, has been struggling to replace its falling oil and gas reserves. +21399012 Texaco's situation had become particularly complex because much of its effort had for years been focused on its brawl with Pennzoil and then on New York investor Carl C. Icahn's attempt to take over the company. +21399013 Pennzoil had sued Texaco for improperly interfering with its acquisition of a portion of Getty Oil Co. +21399014 Eventually, Texaco, which was forced into bankruptcy proceedings by that litigation, settled its fight with Pennzoil for $3 billion in 1986. +21399015 Mr. Icahn, who played a key role in the settlement and attempted subsequently to take control of the company, sold his stake in Texaco just last summer. +21399016 Completion of Texaco's acquisition of Tana is subject to government approval under the Hart-Scott-Rodino Antitrust Improvements Act. +21400001 CRI Inc. said it reduced the estimated cash distribution for its Capital Housing and Mortgage Partners Inc. trust to between 71 cents and 74 cents a share, from between 75 cents and 80 cents, for the year ending June 9, 1990. +21400002 The change in expected cash distributions from the Champs real estate investment trust stems from a revised estimate of administrative costs, said Jay R. Cohen, Champs executive vice president. +21400003 CRI, which sponsors Champs, is a world-wide real estate investment firm. +21401001 H&R BLOCK Inc. had net income of $100.2 million, or $1.90 a share, in the fiscal year ended April 30. +21401002 The figure was incorrectly shown as a net loss in a chart accompanying Friday's Heard on the Street column. +21402001 Your Oct. 2 article on Daniel Yankelovich cited the quote "A good name is better than great riches" as being from Cervantes' "Don Quixote." +21402002 Actually, Cervantes borrowed that quote from a writer of some 25 centuries earlier: Israel's King Solomon wrote those words in the Book of Proverbs (22:1). +21402003 Michael E. Hill +21403001 Japan had an unadjusted trade surplus of $1.82 billion for the first 10 days of October, down from $3.16 billion a year earlier, the Finance Ministry said. +21403002 The latest drop shows the narrowing in the nation's trade gap reflected in successive full monthly reports is continuing. +21403003 The report follows five-consecutive declines in full monthly figures. +21403004 Imports rose sharply in the period, to $5.19 billion from $4.04 billion a year earlier, a change of 28%. +21403005 Exports during the period were $7.01 billion, 2.6% below $7.20 billion a year ago. +21404001 Groupe AG's chairman said the Belgian insurer is prepared to give up some of its independence to a white knight if necessary to repel a raider. +21404002 Amid heavy buying of shares in Belgium's largest insurer, Maurice Lippens also warned in an interview that a white knight, in buying out a raider, could leave speculators with big losses on their AG stock. +21404003 Since the beginning of the year, the stock has nearly doubled, giving AG a market value of about 105 billion Belgian francs ($2.7 billion). +21404004 The most likely white knight would be Societe Generale de Belgique S.A., which already owns 18% of AG and which itself is controlled by Cie. Financiere de Suez, the acquisitive French financial conglomerate. +21404005 But Mr. Lippens said a rescue also could involve Asahi Mutual Life Insurance Co., which owns 5% of AG. +21404006 AG is hardly alone in its anxiety. +21404007 A rambunctious shake-up is quickly reshaping Europe's once-stately insurance business. +21404008 Worried by European Community directives that will remove many of the barriers to cross-border insurance services, starting in mid-1990, insurers are rushing to find partners and preparing for price wars. +21404009 In West Germany and the Netherlands, insurers are flirting with banks. +21404010 In France, Suez and Axa-Midi Assurances S.A. both have been on the prowl for giant acquisitions; Suez last month acquired control of Groupe Victoire, the sixth-largest European insurance company, after a takeover battle with Cie. Industrielle. +21404011 Mr. Lippens said the volume of shares changing hands has grown significantly since mid-September. +21404012 But he estimated that a raider would have been able to amass no more than 4% of the shares in recent months. +21404013 Aside from exploring plans for joint ventures or acquisitions, Mr. Lippens has called top managers of companies rumored as potential raiders -- among them, Axa-Midi, Union des Assurances de Paris and Suez, all based in France. +21404014 They have all "very clearly stated that they have not acquired and are not acquiring shares of AG," he said. +21404015 Any raider would find it hard to crack AG's battlements. +21404016 A "syndicate" of shareholders holds just under 50% of AG, Mr. Lippens said, and members have agreed to give one another the right of first refusal should they sell any AG shares. +21404017 Aside from Generale de Belgique and Asahi, the syndicate includes Antwerpsche Hypotheekkas, a Belgian savings bank, and various family interests. +21404018 A Generale spokesman confirmed that the giant Belgian holding company would be willing to raise its stake in AG should a raider seek control. +21404019 Asahi officials couldn't be reached for comment. +21404020 Even without bid talk, this year's surge in prices for Brussels real estate has excited interest in AG. +21404021 The company says those holdings constitute the third-biggest real-estate portfolio in Belgium. +21405001 With the dust settling from the failed coup attempt in Panama, one of the many lingering questions the Bush administration will ponder is this: Is the National Security Council staff big enough, and does it have enough clout, to do its job of coordinating foreign policy? +21405002 President Bush's national security adviser, Lt. Gen. Brent Scowcroft, came into office in January intent on making the NSC staff leaner and more disciplined than it had been during the Reagan administration. +21405003 Gen. Scowcroft was a member of the Tower Commission, which investigated the Iran-Contra affair. +21405004 He was all too aware of how a large, inadequately supervised NSC staff had spun out of control and nearly wrecked President Reagan's second term. +21405005 So, following both the style he pursued as President Ford's national security adviser and the recommendations of the Tower Commission, Gen. Scowcroft has pruned the NSC staff and tried to ensure that it sticks to its assigned tasks -- namely, gathering the views of the State Department, Pentagon and intelligence community; serving as an honest broker in distilling that information for the president and then making sure presidential decisions are carried out. +21405006 The Tower Commission specifically said that the NSC staff should be "small" and warned against letting "energetic self-starters" like Lt. Col. Oliver North strike out on their own rather than leaving the day-to-day execution of policies to the State Department, Pentagon or Central Intelligence Agency. +21405007 However, the Panama episode has raised questions about whether the NSC staff is sufficiently big, diverse and powerful to coordinate U.S. policy on tough issues. +21405008 During the coup attempt and its aftermath, NSC staffers were "stretched very thin," says one senior administration official. +21405009 "It's a very small shop." +21405010 Gen. Scowcroft doesn't plan to increase the staff right now, but is weighing that possibility, the official adds. +21405011 The NSC staff "doesn't have the horsepower that I believe is required to have an effective interagency process," says Frank Gaffney, a former Pentagon aide who now runs the Center for Security Policy, a conservative Washington think-tank. +21405012 "The problem with this administration, I think, is that by design it has greatly diminished, both in a physical sense and in a procedural sense, the role of the NSC." +21405013 The National Security Council itself was established in 1947 because policy makers sensed a need, in an increasingly complex world, for a formal system within the White House to make sure that communications flowed smoothly between the president and the State Department, Pentagon and intelligence agencies. +21405014 By law, the council includes the president, vice president and secretaries of state and defense. +21405015 In practice, the director of central intelligence and chairman of the Joint Chiefs of Staff also serve as unofficial members. +21405016 But the size, shape and role of the NSC staff have been left for each president and his national security adviser to decide. +21405017 That task is one of Washington's perennial problems. +21405018 In the Bush White House, the size of the NSC's staff of professional officers is down to about 50 from about 70 in 1987, administration officials say. +21405019 Administration officials insist that the size of the staff wasn't a problem during the Panama crisis. +21405020 But one clear problem during the coup attempt was that the NSC staffer most experienced in Latin America, Everett Briggs, was gone. +21405021 He had just resigned, at least in part because of a feud with Assistant Secretary of State Bernard Aronson over the administration's policy on Panama and support for Nicaragua's Contra rebels. +21405022 The absence of Mr. Briggs underscored the possible inadequacy of the current NSC staff. +21405023 Both Gen. Scowcroft and his deputy, Robert Gates, are experts in U.S.-Soviet affairs. +21405024 Gen. Scowcroft is particularly well-versed in arms control, and Mr. Gates has spent years studying Soviet politics and society. +21405025 Both have become confidants of President Bush. +21405026 But neither has an extensive background in Latin America, the Middle East or Asia. +21405027 In those areas, the role of NSC staffers under them therefore have become more important. +21405028 Gen. Scowcroft knows as well as anyone that one of the biggest dangers he faces is that NSC staffers working in relative anonymity will take over policy-making and operational tasks that are best left to bigger and more experienced State Department and Pentagon bureaus. +21405029 But just as every previous NSC adviser has, Gen. Scowcroft now will have to mull at what point the NSC staff becomes too lean and too restrained. +21406001 Japan's wholesale prices in the first 10 days of October fell 0.3% from the previous 10 days but rose 3.3% from a year ago, the Bank of Japan said. +21406002 The wholesale price index stood at 89.6 (1985 equals 100). +21407001 A former Sperry Corp. marketing executive, admitting his role in the Pentagon procurement scandal, pleaded guilty to bribery and conspiracy charges for helping funnel $400,000 to a midlevel Navy acquisition official during the early 1980s. +21407002 Frank Lavelle, who at the time was the marketing director for Sperry in Clearwater, Fla., admitted participating in a scheme to bribe Garland Tomlin, the Navy official. +21407003 Mr. Tomlin, who left the Navy in 1985, pleaded guilty earlier this year to related conspiracy, bribery and tax-evasion charges. +21407004 The bribery scheme took place between 1982 and 1985, according to documents filed by prosecutors in connection with Mr. Lavelle's guilty plea in federal district court in Alexandria, Va. +21407005 Sperry merged with Burroughs Corp. to become Unisys Corp. in late 1986. +21407006 Court documents filed by prosecutors indicate Mr. Tomlin tried to steer to Sperry a multimillion dollar contract to computerize maintenance of certain Navy electronics equiment. +21407007 Mr. Tomlin, among other things, illegally provided Mr. Lavelle with inside information and documents intended to give Sperry an unfair advantage in the competition, the documents said. +21407008 Sperry ultimately was eliminated from the competition without receiving the work. +21407009 Documents filed by prosecutors also indicate that Mr. Lavelle and his fellow conspirators requested and obtained "approval of the scheme" from more-senior Sperry officials "because the payment which {Mr.} Tomlin requested was so large." +21407010 Charles Gardner, a former Unisys vice president, and James Neal, a former company consultant, have admitted participating in this and other bribery schemes. +21407011 Unisys has said that all of the company officials who participated in improper activities have left the company. +21407012 Mr. Lavelle faces a maximum of 20 years in jail and a $500,000 fine. +21408001 The New York Stock Exchange said a seat was sold for $500,000, unchanged from the sale Thursday. +21408002 Seats are quoted at $430,000 bid and $525,000 asked. +21409001 Bureaucrats may deserve their bad reputation, after all. +21409002 Matthew Lesko, something of a professional defender of government, thought he had a sure-fire winner last summer when he offered $5,000 for the best "verifiable story of 250 words or less about how a government bureaucrat helped you." +21409003 He sent out thousands of news releases from his Kensington, Md., office. +21409004 He plugged the contest on Larry King's radio show, on Pat Sajak's television show and on the C-SPAN cable television network. +21409005 He talked about it in every speech he made as he roamed the country promoting his books, which dispense handy how-to advice on using government information for fun and profit. +21409006 Mr. Lesko figured he would be flooded with entries by now. +21409007 After all, he says, "we've got like 15 million bureaucrats." +21409008 And in addition to the $5,000, he has promised the winner a "My Favorite Bureaucrat" plaque and offered each of two runners-up $500. +21409009 So far, though, Mr. Lesko has received only one entry. +21409010 To make matters worse, the lone nomination came from another bureaucrat: A woman from the New York State Department of Taxation and Finance who nominated her boss. +21409011 Mr. Lesko, who is making the rules as he goes, has determined that bureaucrats are eligible for nomination by other bureaucrats. +21409012 But he says he would prefer to get nominations from rank-and-file folks. +21409013 He admits that he hasn't had much luck generating free publicity for his contest. +21409014 Newspapers, including this one, have generally ignored his news releases. +21409015 Talk show hosts quickly change the topic. +21409016 But Mr. Lesko's staff is beginning to wonder whether there isn't some larger phenomenon foiling the contest. +21409017 "Is the government not helping anybody?" asks Toni Murray, an assistant to Mr. Lesko. +21409018 Mr. Lesko himself isn't yet prepared to accept that explanation. +21409019 "People hate to write," he says. +21409020 "Maybe people don't believe I want to give this money away." +21409021 Maybe Americans are just so annoyed with government that they aren't interested in admitting that bureaucrats come in handy once in a while. +21409022 If he sponsored a contest on how a bureaucrat mishandled something, Mr. Lesko admits, "I'd get 5,000 entries." +21409023 Now there's an idea. +21410001 Ford Motor Co. and Saab-Scania AB of Sweden broke off talks about a possible alliance after Ford officials concluded that the cost to modernize Saab's car operations would outweigh the likely return. +21410002 With the collapse of the talks Friday, European analysts expect Ford to intensify its pursuit of British luxury car maker Jaguar PLC, which is scrambling to fend off a hostile Ford bid by negotiating a friendly alliance with Ford's archrival, General Motors Corp. +21410003 Saab, meanwhile, is left to continue its search for an ally to shore up its sagging car business. +21410004 Saab said last week it "has had and will continue to have contacts with other manufacturers." +21410005 Among the possible suitors is Italy's Fiat S.p. A, analysts said last week. +21410006 Ford and Saab officials declined to elaborate publicly on the announcement Friday that their negotiations failed to yield an agreement "that could make long-term business sense to both parties." +21410007 Individuals close to the Ford side of the negotiations said late last week that the No. 2 U.S. auto maker lost interest as it became clear that the Swedish auto maker's automotive operations had little to offer in the way of image or technology. +21410008 Ford originally had seen a Saab alliance as a way to expand its presence in the European and U.S. luxury car markets. +21410009 In addition, Ford and Saab had discussed a possible link between their heavy truck operations. +21410010 But the talks on a heavy truck alliance apparently didn't go far. +21410011 Some European analysts speculated that officials of Saab's highly profitable Scania truck operation balked at surrendering any of their autonomy. +21410012 Meanwhile, Ford officials became convinced they couldn't expect to recover the investment it would require to make Saab's cars competitive in the increasingly crowded luxury market. +21410013 Saab's problems were underscored Friday when the company announced that its car division had a 1.2 billion kronor ($186.1 million) loss during the first eight months of this year, slightly worse than Saab-Scania had forecast in its first-half report last month. +21410014 Overall, Saab-Scania's pretax profit during the first eight months of the year plunged 48.9% to 1 billion Swedish kronor ($155.1 million) from 1.96 billion kronor ($303.9 million) a year earlier. +21410015 Industry analysts in Europe said the most likely suitor for Saab now is Fiat. +21410016 Saab and Fiat have worked together in the past, in one case developing jointly a new auto chassis that became the foundation of Saab's 9000 model, Fiat's Croma and Lancia's Thema. +21410017 Last month, Saab-Scania Chief Executive Georg Karnsund said his company has had talks with Fiat about a broader alliance. +21410018 But the talks yielded "nothing so advanced that we needed to make a public announcement about it," he said. +21410019 As for Ford, analysts expect the end of the Saab play will allow the U.S. auto maker to focus its resources on the intensifying struggle with GM for a stake in Jaguar. +21410020 The failure of the Saab talks "makes it even more crucial for {Ford} to be victorious" in the Jaguar contest, said Stephen Reitman, European auto industry analyst at UBS-Phillips & Drew in London. +21410021 Ford faces an uphill fight for Jaguar, however. +21410022 Jaguar executives said last week they expect to have a friendly alliance with GM wrapped up by the end of the month. +21410023 GM, meanwhile, is hosting a delegation of members of the British Parliament who are touring the auto maker's headquarter operations in Detroit. +21410024 A GM spokesman said the visit isn't connected to the Jaguar situation. +21410025 But Ford clearly views Jaguar as a prize worth fighting for, since the company's gilded brand image would give Ford a badly needed leg up in the high end of the luxury markets in both Europe and the U.S. +21410026 Last week, Ford encountered a setback in its effort to broaden its U.S. luxury offerings when it was forced to abandon a four-year-old effort to market its German-built Scorpio sedan in the U.S. as a luxury import under the Merkur brand name. +21410027 So despite the GM-Jaguar romance, analysts say Ford by last Friday had boosted its Jaguar holding to about 11% of the luxury auto maker's shares outstanding from 10.4% early last week. +21410028 About 5.4 million Jaguar shares changed hands in active trading on London's stock exchange Friday, and Jaguar shares moved up 19 pence to 696 pence ($11). +21410029 On the U.S. over-the-counter market, Jaguar's American depositary receipts rose 12.5 cents to $11.125. +21410030 Joann S. Lublin contributed to this article. +21411001 The Dallas Cowboys are looking at a long-yardage situation, struggling to pull ahead of the Atlanta Falcons. +21411002 Up in his stadium box, their new and controversial owner, Jerral "Jerry" Jones, watches anxiously as the team bounds up to the scrimmage line. +21411003 Mr. Jones takes heart. +21411004 There in the center of the pack is quarterback Troy Aikman, the key to the Cowboys' comeback strategy. +21411005 So key, in fact, that Mr. Jones signed him in April for $11.4 million over the next six years -- a record for a rookie. +21411006 "He's a genuine Wheaties-box athlete," gushes Mr. Jones. +21411007 With three minutes left on the clock, Mr. Aikman takes the snap, steps back and fires a 21-yard pass -- straight into the hands of an Atlanta defensive back. +21411008 The crowd groans, Mr. Jones shakes his head, the Cowboys lose the game. +21411009 A few days after that Sept. 17 game, Mr. Aikman broke a finger, sidelining him for weeks. +21411010 Ah, the glamour of professional sports. +21411011 For Mr. Jones, losing his quarterback temporarily was just the latest in a string of setbacks that has beset the Dallas Cowboys -- and, this year, much of the National Football League. +21411012 Once fat and happy, the Cowboys now are losing games, fans and money. +21411013 Last year, the team ended up $2 million in the red on $30 million in revenue. +21411014 It has some of the highest costs in the league. +21411015 Its attendance is off 23% from six years ago. +21411016 At the very least, Mr. Jones, who cultivates the society circuit as eagerly as his bench, can take comfort in one fact: These days, he isn't alone. +21411017 Nearly half the owners of the 28 National Football League teams are losing money, the result of flat attendance, aging stadiums and -- more than anything -- skyrocketing salaries for star players like Mr. Aikman. +21411018 Last year, the top 12 players on each NFL team took home an average $536,000, a figure comparable to baseball and higher than in basketball. +21411019 First-round draft picks have done even better: Average salaries and bonuses for them rose to $685,000 this year, up 44% from 1987. +21411020 "It's a vicious circle," says Art Modell, owner of the Cleveland Browns. +21411021 "One team pays so much and the other pays more. +21411022 We just don't have that kind of income stream." +21411023 All this is causing convulsions in professional football. +21411024 Owners, largely complacent in the past, are now almost desperately looking for ways to lower costs and raise revenue -- embracing some revolutionary ideas in the process. +21411025 Though not intentionally, the Cowboys' Mr. Jones has come to represent this new breed of owner. +21411026 Shortly after buying 66% of the team from H.R. "Bum" Bright for $145 million, and mindful of the Cowboys' ragged bottom line, the 47-year-old Mr. Jones set about his own round of team cuts. +21411027 First, he unceremoniously sacked Tom Landry, the legendary coach who took the Cowboys to five Super Bowls and 20 consecutive winning seasons. +21411028 In Dallas, Mr. Landry has a standing just shy of sainthood. +21411029 Anti-Jones sentiment flooded the local press: "A crude obnoxious hick," said one writer; "a real oink," said another; "Who in the hell does he think he is?" wrote a third. +21411030 For Mr. Jones, it was just the beginning. +21411031 He quickly cut the team's bloated administrative staff by half, shut down a Cowboys-owned dance academy and, in July, announced plans to sell Valley Ranch, the team's 30-acre practice camp and the most lavish training facility in the NFL. +21411032 Mr. Jones calls the ranch "the Pentagon of Sportdom." +21411033 It is a maze of halls that connects film rooms, elaborate spas and weight-training centers that testify to a richer, more free-spending era. +21411034 He likes to tell the yarn of how he got lost on the expansive ranch during an early visit, took refuge in an office and called the front desk for help. +21411035 "I said, `Somebody come get me. +21411036 I'm at extension 29.'" +21411037 With a new day dawning on the sport, Mr. Jones doesn't see a place for this sort of luxury. +21411038 "It's just not cost efficient," he says. +21411039 The place costs nearly $2 million a year to maintain. +21411040 When he sells it, he says, the Cowboys will move to a more practical -- read affordable -- grass practice field near Texas Stadium. +21411041 And as for Tom Landry, well, in Mr. Jones's mind, he had played out his winning years. +21411042 After posting losing seasons in each of the last three years, the Cowboys needed a change, he says. +21411043 Football has long been Mr. Jones's passion, both on and off the field. +21411044 An Arkansas native, he started at guard on the undefeated 1964 University of Arkansas team that won a national championship. +21411045 After college, he worked at his father's insurance company in Little Rock, and in 1966 led an aborted attempt to buy the San Diego Chargers. +21411046 Years later, with cash from the sale of the insurance company, he founded Arkoma Production Corp., an oil and gas exploration company based in Little Rock. +21411047 So it wasn't surprising that Mr. Jones returned to his Arkansas roots when he went looking for a replacement for Mr. Landry. +21411048 He tapped Jimmy Johnson, a teammate on the 1964 University of Arkansas squad and the head coach at the University of Miami, where he led the Hurricanes to five winning seasons and a national championship in 1987. +21411049 Whatever Mr. Johnson's talents, in the hearts and minds of many Dallas fans, he is no Tom Landry. +21411050 Seven games (and, after a loss to the Kansas City Chiefs yesterday, seven losses) into the season, the "new" Cowboys aren't doing any better than the old. +21411051 In fact, the last time they played this badly was in 1960, their opening season. +21411052 Average attendance at their games, about 49,000 last year, continues flat. +21411053 Mr. Jones is attacking the problem on several fronts. +21411054 He continues to reshuffle the team, trading famed running back Herschel Walker to the Minnesota Vikings this month for a slew of players and future draft picks. +21411055 To try to draw more fans, he has dropped end-zone ticket prices from $25 to $19. +21411056 But the general trend, given rising costs in the league, has been to raise prices, and Mr. Jones is expected to eventually follow suit. +21411057 "It's simple," says Lamar Hunt, who owns the Kansas City Chiefs and last year raised ticket prices by $2.40 to an average $17. +21411058 "If we didn't increase prices, we'd be in the red." +21411059 Mr. Jones has also beefed up his marketing staff to sell the 118 luxury suites topping Texas Stadium (his deal with Bum Bright included operating rights for the stadium). +21411060 The suites are air-conditioned, have wet bars and plush seating, and offer a clear view of the field -- all for a sale price of $475,000 to $1 million, depending on their size and location. +21411061 Mr. Jones has been taking prospective suite owners onto the field during practice to let them rub elbows with players, and promises those who actually buy one of the rooms an insider's look at the team's strategy before game time. +21411062 The sales job seems to be paying off: When he bought the team, only six of the suites had been sold. +21411063 Today, 30 have. +21411064 Gate receipts are only the Cowboys' second largest source of cash. +21411065 The biggest is the NFL's contract with national television for broadcast of the league's games. +21411066 Last year, the Cowboys' share of that pie came to $17.6 million. +21411067 The team additionally earns between $2 million and $4 million for local radio and television broadcast rights. +21411068 Mr. Jones is currently trying to jack up the price for those local rights. +21411069 He is also trying to get more stations in Mexico, where the Cowboys have a following, to pick up the games. +21411070 Mr. Jones, whose twangy voice and folksy ways belie an intense businessman who works 16-hour days, is resigned to the hefty salaries he pays his players these days. +21411071 He calls the contracts "critical to winning in the NFL" and has played his part in the bidding wars. +21411072 Besides signing Mr. Aikman to a sizable contract, Mr. Jones has agreed to pay rookie quarterback Steve Walsh $4.1 million over the next four years. +21411073 This wage inflation is bleeding the NFL dry, the owners contend. +21411074 Soon, only large corporations will be able to afford to buy and run football teams, predicts John J. Veatch Jr., an investment banker with Salomon Brothers who handled the Cowboys sale. +21411075 To tackle the problem, NFL owners have proposed setting a rookie wage scale to try to rein in salaries. +21411076 Details of the plan, which would go into effect in 1993, are sketchy, but each player would apparently be paid a base salary keyed to his position and ability. +21411077 Bonuses would be paid based on playing time and performance. +21411078 The NFL Players Association, meanwhile, contends that athletes are paid a wage commensurate with their ability to draw fans, and that some owners are in financial trouble because of poor business management, not players' salaries. +21411079 The owners are trying to boost profit in other ways, too. +21411080 Many have launched promotions to attract new fans and are renegotiating dated stadium contracts. +21411081 Most of the owners must pay up to 10% of gross ticket sales for leases on stadiums they say are either too small or too old. +21411082 In Chicago, for example, size is the issue. +21411083 "We have the worst lease in the NFL," contends Michael B. McCaskey, the president of the Chicago Bears and a grandson of George Halas, who founded the NFL's predecessor organization. +21411084 "We're in a metro area with millions of Bear fans, and only a small number can be accommodated." +21411085 When the lease expires in 1999, he says, "It's got to be changed." +21411086 This year, the NFL also imposed an 80-player limit on teams going into training camp, down from 120, in a move meant to trim payroll costs. +21411087 And the league is trying to get more for its three-year national network contract, which expires after this season. +21411088 The current contract pays the NFL $1.4 billion. +21411089 Owners say they expect the league to demand a 50% increase, despite the fact that televised football games have had lackluster ratings. +21411090 An NFL spokesman also says the league will probably expand its offerings to cable TV companies like ESPN. +21411091 The changes haven't come easy. +21411092 Like the game of professional football, the NFL organization itself is in turmoil. +21411093 The new breed of team owner, Mr. Jones included, has been fighting the NFL bureaucracy for a greater say in league affairs, and the battle has produced a form of organizational gridlock. +21411094 In July, 11 NFL owners, almost all of them new, blocked an effort to install Jim Finks as a replacement for retiring league commissioner Pete Rozelle. +21411095 Mr. Finks is perceived by some owners as a standard-bearer for the Old Guard. +21411096 Earlier this month, another effort to choose a commissioner failed. +21411097 The owners meet again tomorrow. +21411098 For his part, Jerry Jones says he's in the business for the long haul, and his work style seems to support that. +21411099 He puts in busy six-day weeks (excluding game days), and on one recent afternoon fielded questions, in the course of an hour, from a TV producer, his luxury-suite marketing manager, a disgruntled customer and a roomful of Arkansas reporters. +21411100 To keep his schedule on track, he flies two personal secretaries in from Little Rock to augment his staff in Dallas. +21411101 "When I made this investment, I made it on a lifetime basis," he explains. +21411102 "I'm not here to make money by reselling the team later on. +21411103 While the Cowboys may not be the best investment now, I don't accept they can't be in the future." +21411104 Besides, to a large extent, Mr. Jones may already be getting what he wants out of the team, even though it keeps losing. +21411105 Owning the Cowboys has bought him entree to a glitzy life that drilling for oil in Arkansas just didn't provide. +21411106 There is the new private jet, the platoon of assistants, invitations to the best parties, and television appearances on shows such as "Prime Time Live." +21411107 A few weeks ago, Mr. Jones even entertained Elizabeth Taylor in his private suite at Texas Stadium. +21411108 "You're in the catbird seat every day in this job," he says. +21412001 How interestingly clever of Robert Goldberg to use the form of pretend advocacy journalism to explain his perception of "Days of Rage" in his television critique (Leisure & Arts, Sept 11). +21412002 He chastises Jo Franklin-Trout for her inept presentation of advocacy journalism, judging her project as "intellectually slipshod." +21412003 Was not the title very clear? +21412004 One example he gives: "She didn't ask" (why the Palestinian children are soldiers throwing stones). +21412005 Really now, did she have to ask? +21412006 Were not the pictures and happenings, which have been continuing news headlines, answers enough? +21412007 Mr. Goldberg contends that even as "propaganda" the film fails because it presents only one view. +21412008 Of course the Palestinians complain about their treatment; of course the Israelis feel put upon. +21412009 But his complaint that "Days of Rage" doesn't contain balanced comments from Israelis about how badly the Palestinians are behaving is irrelevant. +21412010 It's like doing a documentary on apartheid and insisting that equal time be given to how terrific white South Africans are. +21412011 This film did emphasize how long the Israeli/Palestinian stalemate has existed by tracing the conflict to the days of World War I when the British tried to guarantee both a Jewish state and a Palestinian state without specifying how it was to be done. +21412012 Well, "Days of Rage" airing with before-and-after packaging, and after repeated delays, was a beginning. +21412013 Every issue is multisided. +21412014 This film attempts to show a side rarely seen in our media. +21412015 Now we must endure a rash of critics who apparently wish to know details of one side only. +21412016 Salaam. +21412017 Shalom. +21412018 Charlotte Carpenter Bainbridge Island, Wash. +21413001 President Bush wants the Pentagon to get special treatment in coping with the across-the-board spending cuts that took effect last week. +21413002 Mr. Bush asked Congress to raise to $6 billion from $3 billion the amount of money Defense Secretary Dick Cheney may shift among the Pentagon's individual programs, projects and activities, allowing him to ease the pain that the Gramm-Rudman budget law was intended to inflict. +21413003 If the request is approved by both the House and Senate, Mr. Cheney would need only permission from the White House Office of Management and Budget to move the money, according to Senate budget analysts. +21413004 That would give the Pentagon flexibility that no other federal agency has. +21413005 "It's simply a way of making the cuts less onerous for defense than they are for domestic programs," said Chairman James Sasser (D., Tenn.) of the Senate Budget Committee, who said he would oppose the request. +21413006 "That isn't consistent with the kind of discipline that Gramm-Rudman is supposed to impose," he said. +21413007 The president's request didn't indicate how Mr. Cheney would shift the money. +21413008 A Pentagon official said the request was made to give the department "maximum flexibility" to deal with the cuts. +21413009 Last week, Budget Director Richard Darman structured the $16.1 billion spending reduction, half of which must come from defense, to "impose a little bit more discipline" by applying cuts to each individual program, project or activity in the budget. +21413010 That would give agencies "less ability . . . to fudge over things," he told reporters. +21413011 Under the deficit-reduction law, 4.3% of the Pentagon's money and 5.3% of other agencies' money has been canceled. +21413012 Lawmakers are expected to try to restore the funds once a pending deficit-cutting measure has been signed into law. +21414001 Rochester Telephone Corp. said it completed its purchase of Urban Telephone Corp., of Clintonville, Wis., the second-largest unaffiliated independent telephone company in that state. +21414002 Rochester Telephone said the acquisition was made in an exchange of its common shares for all the shares of Urban Telephone, but a price wasn't disclosed. +21414003 Urban is the company's first telephone subsidiary in Wisconsin. +21414004 Since June, Rochester Telephone signed letters of intent to purchase three other Wisconsin firms. +21415001 A bill that would permit the Securities and Exchange Commission to monitor the financial condition of securities firms' holding companies is facing tough opposition from some Wall Street firms, which argue that the legislation is unnecessary. +21415002 The legislation and other issues related to the stock market will be the focus of hearings this week by the House Telecommunications and Finance Subcommittee and the Senate Securities Subcommittee. +21415003 Richard Breeden, the new chairman of the SEC, hasn't taken a formal position on the bill, which would also require investors to disclose large trades and give the SEC additional authority during market emergencies. +21415004 However, he recently told the Senate Banking Committee that he believes the agency should have explicit authority to monitor debt levels at holding companies and affiliates of broker-dealers, which are frequently used to issue bridge loans. +21415005 The bridge loans are intended to provide temporary financing for acquisitions. +21415006 Since such loans are often refinanced through the sale of high-risk, high-yield junk bonds, the recent woes of the junk-bond market have renewed concerns among regulators about the risks associated with Wall Street firms issuing bridge loans. +21415007 But some Wall Street executives argue that such fears are unwarranted. +21415008 In a July 6 letter to the Senate Securities Subcommittee, First Boston Corp. argued that the fact that no retail brokerage firm failed during the 1987 market crash demonstrates that current rules are adequate. +21415009 First Boston, whose holding company, CS First Boston Group, is one of the larger issuers of bridge loans on Wall Street, said it is also concerned that once the SEC has the power to monitor holding companies, it will try to regulate their activities. +21415010 "The proposal, while well-intended, I think can be dangerously misleading because the likely consequence would be to weaken, rather than strengthen the control the SEC has exercised for 50 years over the financial adequacy and viability of broker-dealers," Michael Raoul-Duval, managing director of First Boston, said in an interview. +21415011 The bill would "divert scarce resources of the commission away from broker-dealers into areas which simply have no way of affecting broker-dealers," Mr. Raoul-Duval said. +21415012 Sources in the industry and on Capitol Hill say a compromise that would placate the industry while addressing the SEC's concerns may be possible. +21415013 An aide to the Senate Securities Subcommittee says some legislators support the concept of risk disclosure, but adds: "nobody is wedded to the language in the bill." +21415014 Edward O'Brien, president of the Securities Industry Association, said that the securities-industry trade group opposes the bill as it is written but that it is "hopeful a compromise can be reached to achieve the SEC's goals." +21415015 Mr. O'Brien will elaborate on the SIA's position in testimony before the House Telecommunications and Finance Subcommittee this week, a spokesman said. +21416001 This letter was inspired by David Asman's Sept. 25 editorial-page article about Fidel Castro, "Man in the Middle of Drug Trafficking." +21416002 I've organized a series of exchanges, exhibitions and other continuing projects between Cuban and American artists. +21416003 In any matters between us and the Cubans there can be no simplicity, consequently I've become familiar not only with Cuban art and artists, but also with Cuban bureaucrats and their counterparts in our own government. +21416004 Despite levels of obstruction, incompetence and ensuing frustration of mythic proportion, these projects all remain, in my mind, valuable and well worth the effort. +21416005 There is a simple reason for this: the Cuban people. +21416006 Let me immediately put limits to whatever nostalgic notions that may intimate. +21416007 Those "people" to whom I refer are not some heroic, indecipherable quantity; they are artists, critics, taxi drivers, grandmothers, even some employees of the Ministry of Culture, all of whom share a deep belief in the original principles of the Cuban Revolution, spelled out in terms such as equality among all members of the society, reverence for education and creative expression, universal rights to health and livelihood, housing, etc. +21416008 In fact, the generation of painters growing into maturity right now works with such profoundly held humanist assumptions and such passionate commitment to moral and ethical principles that it makes Che Guevara's famous linkages of art, idealism and revolution seem modest. +21416009 It is on behalf of these people, and out of my real respect for them, that I am responding to Mr. Asman's opinions of their country. +21416010 The Ochoa trial in July, with its revelations of deeply rooted and widespread corruption, and the summary trial and execution, was extremely disturbing to everyone who has ever considered himself a friend of Cuba. +21416011 However, unacceptable though those occurrences may have been, they still provide no excuse for wholesale departures from truth. +21416012 Mr. Asman should make distinctions among Fidel, the army and the Cuban people. +21416013 They are not interchangeable, since they are motivated to act based on their own circumstances. +21416014 It is naivete to equate a government's policies with the will of the people (as we well know), and it is even worse folly to merge the clearly divergent agendas of Fidel and the military and the state bureaucracy. +21416015 Mr. Asman is also annoyed that Mr. Castro has resisted collaboration with U.S. officials, even though by his own account that collaboration has been devised essentially as a mechanism for acts directly hostile to the Cuban regime, such as facilitating defections. +21416016 I think it's a little disingenuous to be surprised that Fidel doesn't invite the U.S. State Department to violate the jurisdiction of the Cuban government over its own territory. +21416017 We badly need to follow fact rather than the rhetoric of conventional wisdom. +21416018 Without this basic level of attention to reality, our policies on Cuba will continue to be as counterproductive as they have for 30 years. +21416019 From my own point of view, given the qualities of humanity, creativity and warm spirit in which the Cuban people excel, we deny ourselves access to things we hold dear, and which seem to run in such short supply these days. +21416020 There is no rational justification for such behavior. +21416021 Rachel Weiss Brookline, Mass. +21417001 ENGRAPH INC. recently reported third-quarter earnings, which were mistakenly shown in the Quarterly Earnings Surprises table in last Tuesday's edition to be lower than the average of analysts' estimates. +21417002 Zacks Investment Research didn't adjust one analyst's estimate for a stock split, which therefore was artificially high. +21417003 Engraph's third-quarter net income of 15 cents a share actually was 7% higher than the adjusted average of estimates. +21418001 Investors bailed out of New York City bonds in droves last week, driving prices lower and boosting yields. +21418002 One bond trader estimated that more than $50 million of New York City general obligation bonds were put up for sale Friday alone. +21418003 While that represents a small percentage of the city's public debt outstanding, Friday's selling followed a weeklong effort to unload the bonds by a broad spectrum of institutional and individual investors. +21418004 "I've never seen so many {New York City} G.O.'s up for sale," said another trader. +21418005 "Every broker has blocks of every size and maturity." +21418006 Municipal bond analysts said the sell-off was triggered by concerns about the city's financial health, rumors of a $900 million bond offering coming soon, and political uncertainty. +21418007 A spokesman for the city wouldn't confirm the size of the bond issue, but did say that a general obligation offering is in the works and should be priced sometime in the next two weeks, before the November mayoral election. +21418008 (General obligation bonds are backed by the city's overall revenues and credit.) +21418009 Although many investors were aware that a bond offering was being scheduled, many expected a much smaller amount of bonds to be sold. +21418010 The fact that the city will issue such a large amount of debt was interpreted as a sign that New York's budgetary problems are more serious than had been expected. +21418011 New York, one of the nation's largest issuers of tax-exempt bonds, sold $750 million of municipal bonds just a few weeks ago. +21418012 There have been reports for months that the city's economy is weakening, as the October 1987 stock market crash continues to make itself felt. +21418013 The recent sharp stock market decline exacerbated those concerns. +21418014 Meanwhile, tax revenues are falling while the city's spending needs are expanding. +21418015 Rumors persisted last week that New York's credit ratings -- single-A from Moody's Investors Service Inc. and single-A-minus from Standard & Poor's Corp. -- are at risk. +21418016 The weakness in New York City bonds follows a warning from New York state Comptroller Edward Regan that the 1987 crash seriously weakened the city's economy. +21418017 In a study, the comptroller said, "The city's glory days are over." +21418018 Mr. Regan warned mayoral candidates "to be prepared for limited options and constraints on service increases to address the city's problems in the next few years, due to the now-evident weakening in the New York City economy." +21418019 New York City's revised financial plan, due out later this month, is expected to include measures to balance the city's $27 billion budget. +21418020 At present, analysts project a budget gap on the order of $500 million to $600 million for the fiscal year ending June 30, 1990, although the city's own budget analysts project a narrower deficit. +21418021 Mark Page, New York's deputy director of finance, said that investors' concerns about the city's financial health are "unwarranted given our proven ability to manage ourselves." +21418022 He charges the city's critics with spreading "unfounded emotional rhetoric." +21418023 There are also questions about whether a new and inexperienced mayor can manage the city through what could become a financial crisis. +21418024 The leading contender for the mayoral office, Democrat David Dinkins, has been criticized recently for the way he handled his personal financial affairs. +21418025 And the controversy has led to uncertainty about the outcome of the election. +21418026 Until last week, Mr. Dinkins was considered a shoo-in. +21418027 "The market can adjust to good news or bad news, but uncertainty drives people wild," said Bernard B. Beal, chief executive of M.R. Beal & Co., a securities firm that specializes in the municipal market. +21418028 Until last week, "Everyone felt certain they knew the outcome of the election. +21418029 Now, there have been a number of questions raised." +21418030 Last week, yields on long-term New York City general obligation bonds jumped half a percentage point. +21418031 New York City's 6% bonds due 2018, for example, were quoted late Friday at a price to yield 7.80%, compared with 7.60% Thursday. +21418032 As the yield on New York general obligation bonds rose, the Bond Buyer 20-bond general obligation index, the mostly widely followed gauge of the tax-exempt market, held steady at 7.19% in the week ended Oct. 19. +21419001 Qintex Australia Ltd. encountered another setback Friday when its Los Angeles-based affiliate, Qintex Entertainment Inc., filed for protection under Chapter 11 of the U.S. Bankruptcy Code. +21419002 Qintex Entertainment also said David Evans, its president and chief executive, and Roger Kimmel, a director, both resigned. +21419003 Neither could be reached for comment. +21419004 Earlier this month, Qintex Australia's $1.5 billion agreement to acquire MGM/UA Communications Co. collapsed because of a dispute over a $50 million letter of credit the Australian operator of television stations and resorts was to have supplied as security in the transaction. +21419005 Mr. Evans had been the de facto head of MGM/UA for months. +21419006 Qintex Entertainment, a producer and distributor of television programs most noted for its co-production of the hit miniseries "Lonesome Dove," said it filed for Chapter 11 protection after Qintex Australia failed to provide it with $5.9 million owed to MCA Inc. in connection with the distribution of "The New Leave It to Beaver Show." +21419007 Qintex Entertainment is 43% owned by Qintex Australia and said it relies on the Australian company for funding its working capital requirements. +21419008 After the announcement of the bankruptcy filing, Qintex Entertainment stock sank $2.625 in over-the-counter trading to close at $1.50 on heavy volume of more than 1.4 million shares. +21419009 The stock traded as high as $10 this past summer. +21419010 Jonathan Lloyd, executive vice president and chief financial officer of Qintex Entertainment, said Qintex Entertainment was forced to file for protection to avoid going into default under its agreement with MCA. +21419011 The $5.9 million payment was due Oct. 1 and the deadline for default was Oct. 19. +21419012 Mr. Lloyd said if Qintex had defaulted it could have been required to repay $92 million in debt under its loan agreements. +21419013 MCA on Friday said that as a result of Qintex's failure to make the required payment it was terminating the distribution agreement on "The New Leave It to Beaver" as well as other MCA properties. +21419014 Qintex Australia was "saying as recently as last weekend that they would take care of the situation. +21419015 They continued to represent that to the board," said Mr. Lloyd. +21419016 "We were reassured they would stand behind the company." +21419017 Mr. Lloyd said both Qintex Entertainment and Qintex Australia had attempted to secure a loan that would allow the company to make the $5.9 million payment but the request was turned down by an unidentified lender on Oct. 14. +21419018 At that point, he said, Qintex Australia stated it would "endeavor to arrange" the financing. +21419019 However a Qintex Australia spokesman said his firm had never "promised or guaranteed" to make the payment. +21419020 In a prepared statement from Australia, the company also said that, following the breakdown of the MGM talks, it "had been re-evaluating its position as a significant shareholder and a substantial creditor of Qintex Entertainment" and had "resolved to minimize the degree of further loans to Qintex Entertainment in excess of that previously made." +21419021 The Qintex Australia spokesman added that his company had opposed the Chapter 11 filing. +21419022 He said the company believed Qintex Entertainment's financial problems could have been resolved by other means. +21419023 The report of the bankruptcy filing stunned Hollywood executives and investors. +21419024 "It's a shocker," said Joseph Di Lillo, chairman of Drake Capital Securities, a brokerage firm that has an investment in Qintex Entertainment. +21419025 Qintex Australia was "going to pay more than $1 billion for MGM/UA and then they couldn't come up with the far smaller sum of $5.9 million." +21419026 Qintex said Mr. Evans, the former president, resigned for "personal reasons" and that Mr. Kimmel, an attorney, resigned because his participation in evaluating the company's role in buying MGM/UA was no longer necessary. +21419027 Mr. Kimmel was a director of the company and a predecessor firm since 1980. +21419028 The announcement seemed to further damp prospects that talks between Qintex Australia and MGM/UA might be revived. +21419029 It's understood that MGM/UA recently contacted Rupert Murdoch's News Corp., which made two failed bids for the movie studio, to see if the company was still interested. +21419030 However, "we aren't currently doing anything. +21419031 It isn't a current topic of conversation at the company," said Barry Diller, chairman and chief executive officer of the Fox Inc. unit of News Corp. +21420001 Financial printer Bowne & Co. said it formed a business translation service, which will provide legal, financial and other services in most major languages, including Japanese, Chinese and Russian. +21421001 Japan's Finance Ministry strongly denied playing any role in the New York stock-price free fall. +21421002 Makoto Utsumi, vice minister for international affairs, said the ministry didn't in any way suggest to Japanese banks that they stay out of the UAL Corp. leveraged buy-out. +21421003 The ministry has never even suggested that Japanese banks be cautious about leveraged buy-outs in general, Mr. Utsumi said. +21421004 "There are no facts {behind the assertions} that we sent any kind of signal," he declared in an interview. +21421005 The comments were the ministry's first detailed public statement on the subject, and reflect the ministry's concern that foreigners will think Japan is using its tremendous financial power to control events in foreign markets. +21421006 A number of accounts of the events leading to the 190 point drop in New York stock prices on Oct. 13 accused the ministry of pulling the plug on the UAL deal for one reason or another. +21421007 Mr. Utsumi said the most the ministry had ever done was ask Japanese banks about "the status of their participation" in one previous U.S. leveraged buy-out. +21421008 The ministry inquired about that deal -- which Mr. Utsumi declined to identify -- because the large presence of Japanese banks in the deal was "being strongly criticized in the U.S. Congress" and it was "necessary for us to grasp the situation." +21421009 He said the inquiry wasn't made in a way that the banks could have interpreted as either encouraging or discouraging participation, and he added that none of the Japanese banks changed their posture on the deal as a result of the inquiry. +21421010 Mr. Utsumi also said some Japanese banks were willing to participate in the UAL financing up to the very end, which would suggest at the very least that they weren't under orders to back out. +21421011 In general, Mr. Utsumi said, Japanese banks are becoming more "independent" in their approach to overseas deals. +21421012 "Each Japanese bank has its own judgment on the profits and risks in that {UAL} deal," he said. +21421013 "They are becoming more independent. +21421014 It's a sound phenomenon." +21421015 Sanwa Bank Ltd. is one Japanese bank that decided not to participate in the first UAL proposal. +21421016 A Sanwa Bank spokesman denied that the finance ministry played any part in the bank's decision. +21421017 "We made our own decision," he said. +21421018 Still, Mr. Utsumi may have a hard time convincing market analysts who have rightly or wrongly believed that the ministry played a role in orchestrating recent moves by Japanese banks. +21421019 All week there has been much speculation in financial circles in Tokyo and abroad about the ministry's real position. +21421020 Bank analysts say ministry officials have been growing increasingly concerned during the past few months about Japanese banks getting in over their heads. +21421021 "The {ministry} thinks the banks don't know what they are doing, that they have very little idea how to cope with risk," said one foreign bank analyst who asked not to be identified. +21421022 "The {ministry} wants to see the Japanese banks pull in their horns" on leveraged buy-outs, he added. +21421023 Although some of the Japanese banks involved in the first proposed bid for UAL bowed out because they found the terms unattractive, observers here say they have a hard time believing that commercial considerations were the only reason. +21421024 Japanese banks are under "political pressure" as well, the analyst said. +21421025 Moreover, analysts point out that Japanese banks have a reputation for doing deals that aren't extremely profitable if they offer the chance to build market share, cement an important business relationship or curry favor with powerful bureaucrats. +21421026 Clearly, some financial authorities are concerned about the Japanese banks role in leveraged buy-outs. +21421027 At a news conference this week, Bank of Japan Gov. Satoshi Sumita cautioned banks to take a "prudent" stance regarding highly leveraged deals. +21421028 Despite Mr. Sumita's statements, it is the Finance Ministry, not the central bank, that makes policy decisions. +21421029 While recent events may cool some of the leveraged buy-out fever, Japanese banks aren't likely to walk away from the game. +21421030 Despite the risks, the deals can be an attractive way for Japanese banks to increase their presence in the U.S. market, bank analysts say. +21421031 Flush with cash at home, but with fewer customers to lend to, leading banks are eager to expand overseas. +21421032 Jumping in on big deals is a high profile way to leapfrog the problem of not having a strong retail-banking network. +21422001 France's national tobacco company, known for making brown-tobacco cigarettes such as Gauloises and Gitanes, is branching out. +21422002 Concerned by dipping demand for its traditional products, it is moving not only into blonde cigarettes, but also into electronic car-parking payment cards to be sold in neighborhood tobacco stores. +21422003 Brown tobacco in France is a more pungent, stronger grade than the lighter grade, or blonde tobacco, used in so-called American-style cigarettes. +21422004 "We aren't Philip Morris Cos.," says Bertrand de Galle, chairman of government-owned Societe Nationale d'Exploitation Industrielle des Tabacs & Allumettes S.A., known as Seita. +21422005 He says that because Seita's profits are limited by government-controlled cigarette prices, he doesn't have the cash to diversify as heavily into food and drink as the U.S. concern has done. +21422006 (Last year, for example, Seita's net profit soared 150% to 461.6 million French francs ($73.5 million) on sales of FFr27.68 billion-a 1.7% profit margin.) +21422007 Instead, he said in an interview, he is looking for ways to exploit France's network of 39,000 tobacco agents, most of them cafes. +21422008 While Seita doesn't own the French tabacs, its close alliance with them offers distribution possibilities. +21422009 One proposal is to introduce a new payment system for parking in Paris. +21422010 Instead of paying for parking by putting money in the existing machines, which deliver little paper receipts, drivers would be able to buy electronic cards in local tobacco shops. +21422011 Once activated, the card would sit in the car's window, showing traffic wardens how much time the motorist could remain. +21422012 When the motorist returned to his car he could turn the card off and, if it showed time remaining, save it for later. +21422013 Seita is a partner in the project, which was developed by Matra SA using Japanese technology. +21422014 Seita and Matra currently are negotiating with city officials for the right to begin service. +21422015 And Seita is considering further diversification. +21422016 It wanted to buy RJR Nabisco Inc.'s French cracker subsidiary, Belin, in hopes of selling its products in tobacco stores, but lost the bidding to food group BSN SA. +21422017 It currently is considering bidding for Swedish Match Co. +21422018 And it retains an interest in acquiring candies and other articles that might be sold in tobacco shops. +21422019 It also is trying to shore up its tobacco business. +21422020 Brown-tobacco cigarettes such as Gauloises now make up just 40% of the French tobacco market, half the level of about two decades ago. +21422021 While Seita retains a manufacturing monopoly in France, it is being hurt by rising imports and from waning cigarette demand. +21422022 So Seita has introduced blonde cigarettes under the Gauloises label, and intends to relaunch the unsuccessful Gitanes Blondes in new packaging, similar to the slide-packs used by brown-tobacco Gitanes. +21422023 The aim, says Mr. de Galle, is to win market share from imported cigarettes, and to persuade smokers who are switching to blonde cigarettes to keep buying French. +21423001 When the Supreme Court upheld Missouri's abortion restrictions last July, the justices almost certainly didn't have drunk driving, trespassing and false imprisonment on their minds. +21423002 But the 5-4 ruling may have had as much immediate impact on those activities -- especially trespassing -- as on abortion rights. +21423003 The decision, Webster vs. Reproductive Health Services, illustrates how Supreme Court rulings often have a ripple effect, spreading into areas of law and policy that weren't part of the actual cases decided and that never were contemplated by the justices. +21423004 In the Missouri case, unforeseen consequences may have arisen because the high court reinstated the preamble of the state's 1986 abortion law. +21423005 The preamble says that human life begins at conception and that unborn children have rights protected by the Constitution. +21423006 Last year, a federal appeals court in St. Louis said the preamble was unconstitutional, citing an earlier Supreme Court ruling that states can't justify stricter abortion curbs by changing the definition of when life begins. +21423007 But the Supreme Court concluded that it was premature to rule on the constitutionality of the preamble because the definition of human life hadn't yet been used to restrict abortion services. +21423008 The high court majority said it was up to the state courts for now to decide whether the definition has any bearing on other state laws. +21423009 Already, local Missouri judges have relied on the restored preamble in two separate cases to throw out criminal trespass charges against anti-abortion demonstrators who blocked access to Reproductive Health Services, an abortion clinic in St. Louis. +21423010 The protesters said their actions were justified by the desire to save the lives of unborn children. +21423011 Under a 1981 Missouri law, persons accused of some crimes, including trespassing, may offer a defense that their actions were justified "as an emergency measure to avoid an imminent public or private injury." +21423012 Relying on the preamble's statement that a fetus is an unborn child, the two St. Louis County Circuit Court judges in August accepted the justification that the abortion clinic protesters were trying to save lives. +21423013 In another case, a protester, Ann O'Brien, was convicted of trespass before the Supreme Court's Webster ruling. +21423014 Last week, when her appeal was argued before the Missouri Court of Appeals, her lawyer also relied on the preamble. +21423015 "The effect of the Supreme Court Webster opinion is that it left room for grass to grow in the cracks of Roe vs. Wade, and I think this is one of the cracks," said Mark Belz, a St. Louis lawyer who represented Ms. O'Brien and the other St. Louis protesters. +21423016 Roe vs. Wade was the Supreme Court's 1973 decision that recognized a woman's right to abortion. +21423017 Mario Mandina, president of Kansas City Lawyers for Life, says that if abortion foes succeed in using the preamble to escape prosecution for trespass, "This will shut down abortion in Missouri. +21423018 There's no risk to the protesters, and you can't keep an abortion clinic open if there are 3,000 people standing outside every day." +21423019 That would be an ironic result of a case in which the Supreme Court expressly stopped short of overruling Roe vs. Wade. +21423020 In two other cases, the possible consequences of the Supreme Court ruling appear even more unintended. +21423021 In one, the lawyer for a 20-year-old resident of Columbia, Mo., who was charged with drunk driving, argued that his client should be treated as a 21-year-old adult because his actual age should be calculated from conception, not from birth. +21423022 In Missouri, those caught drinking and driving between the ages of 16 and 21 may have their licenses revoked for one year, while those 21 or older suffer only a 30-day suspension. +21423023 A Boone County judge rejected the motion, but Daniel Dodson, a Jefferson City lawyer, says he has appealed. +21423024 And in a case filed in federal court in August, a lawyer is arguing that Missouri authorities are wrongfully imprisoning the fetus of a pregnant woman who is in jail for theft and forgery. +21424001 In terms of sheer brutality, the Somali regime of Siad Barre may rank as No. 1 in the world. +21424002 The only reason that Somalia remains in obscurity is numbers: a sparsely populated wasteland of 8.5 million people spread out over an expanse nearly the size of Texas. +21424003 The Barre dictatorship simply is limited in the amount of people it can torture and kill. +21424004 Beheading small children, stabbing elderly people to death, raping and shooting women, and burying people alive are just a few of the grisly activities that the Somali armed forces have been engaged in over the past two years. +21424005 Up to 500,000 Somalis have escaped to the relative safety of Marxist Ethiopia because of the behavior of President Barre's troops. +21424006 In the port of Berbera, for example, hundreds of men of the rival Issak clan were rounded up in May 1988, imprisoned, and then taken out at night in groups of five to 50 men to be executed without any judicial process whatsoever. +21424007 Guns were never used: Each man was stabbed to death with a large knife. +21424008 The horrific details are only now emerging from a painstakingly documented report, based on hundreds of interviews with randomly selected refugees. +21424009 The study was done by Robert Gersony, a consultant to the U.S. State Department who has years of experience in investigating human-rights abuses on both sides of the left-right ideological divide. +21424010 What gives these events particular significance, however, is the fact that they are part of a wider drama affecting the strategic positions of both the U.S. and the Soviet Union on the horn of Africa. +21424011 Not since the late 1970s has the horn been so up for grabs as it has suddenly become in just the past few weeks. +21424012 Mr. Barre's rule is crumbling fast. +21424013 Mutinies wrack his armed forces (really just an armed gang), which control less than half the country. +21424014 Inflation is at record levels. +21424015 Desperate, he has called in the Libyans to help fight the rebels of the Somali National Movement in the north, which is only one of several groups picking away at the regime in the capital of Mogadishu. +21424016 Seventy years old and a self-declared "scientific socialist," President Barre has a power base, composed only of his minority Mareham clan, that according to observers is "narrowing." +21424017 The U.S.'s interest in Somalia consists of a single runway at the port of Berbera, which U.S. military aircraft have the right to use for surveillance of the Gulf of Aden and the Indian Ocean. +21424018 That strip of concrete is backed up by a few one-story, air-conditioned shacks where a handful of American nationals -- buttressed by imported food, cold soft drinks and back issues of Sports Illustrated -- maintain radio contact with the outside world. +21424019 In the past two years, the desert behind them has become a land of mass executions and utter anarchy, where, due to Mr. Barre's brutality and ineptitude, nobody is any longer in control. +21424020 As long as the rival Soviet-backed regime of Mengistu Haile Mariam held a total gridlock over neighboring Ethiopia, the U.S. was forced to accept that lonely Berbera runway as a distant No. 2 to the Soviets' array of airfields next door. +21424021 But due to dramatic events on the battlefield over the past few days and weeks, those Soviet bases may soon be as endangered and as lonely as the American runway. +21424022 On Sept. 7, I wrote on these pages about the killing and capturing of 10,000 Ethiopian soldiers by Eritrean and Tigrean guerrillas. +21424023 Recently, in Wollo province in the center of Ethiopia, Tigrean forces have killed, wounded and captured an additional 20,000 government troops. +21424024 (Think what these numbers mean -- considering the headline space devoted to hundreds of deaths in Lebanon, a small country of little strategic importance!) +21424025 Tigrean armies are now 200 miles north of Addis Ababa, threatening the town of Dese, which would cut off Mr. Mengistu's capital from the port of Assab, through which all fuel and other supplies reach Addis Ababa. +21424026 As a result, Mr. Mengistu has been forced to transfer thousands of troops from Eritrea just to hold the town, thereby risking the loss of even more territory in Eritrea only to keep the Tigreans at bay. +21424027 Mr. Mengistu is in an increasingly weak position: Half his army is tied down defending the northern city of Asmara from the Eritreans. +21424028 The weaker he gets, the more he turns toward the U.S. for help. +21424029 While the Tigreans are communists, like the Eritreans they are among the most anti-Soviet guerrillas in the world, having suffered more than a decade of aerial bombardment by the Soviet-supplied Mengistu air force. +21424030 What this all means in shorthand is that Soviet dominance in Ethiopia is collapsing as fast as President Barre's regime in Somalia is. +21424031 The U.S., therefore, has a historic opportunity both to strike a blow for human rights in Somalia and to undo the superpower flip-flop of the late 1970s on the Horn of Africa. +21424032 Back to Somalia: +21424033 The State Department, to its credit, has already begun distancing itself from Mr. Barre, evinced by its decision to publish the Gersony report (which the press has ignored). +21424034 What's more, the U.S. has suspended $2.5 million in military aid and $1 million in economic aid. +21424035 But this is not enough. +21424036 Because the U.S. is still perceived to be tied to Mr. Barre, when he goes the runway could go too. +21424037 Considering how tenuous the security of that runway is anyway, the better option -- both morally and strategically -- would be for the Bush administration to blast the regime publicly, in terms clear enough for all influential Somalis to understand. +21424038 It is a certainty that Mr. Barre's days are numbered. +21424039 The U.S. should take care, however, that its own position in the country does not go down with him. +21424040 Nobody is sure what will come next in Somalia or whom the successor might be. +21424041 But as one expert tells me: "Whoever it is will have to work pretty damn hard to be worse than Barre." +21424042 While the State Department positions itself for the post-Barre period in Somalia, it should continue to back former President Carter's well-intentioned role as a mediator between Mr. Mengistu and the Eritrean guerrillas in Ethiopia, while concomitantly opening up channels of communications with the Tigrean rebels through neighboring Sudan. +21424043 Ethiopian politics are the most sophisticated, secretive and Byzantine in all of black Africa. +21424044 Remember that it took Mr. Mengistu many months, in what became known as the "creeping coup," to topple Emperor Haile Selassie in 1974 and 1975. +21424045 There is simply no way to engineer a succession covertly, as is sometimes possible elsewhere on the continent. +21424046 But the U.S. has one great advantage: The Soviets are universally loathed throughout Ethiopia for what they did to the country this past decade -- famine and all. +21424047 It's not just in Eastern Europe where the march of events is finally on the U.S. side, but on the horn of Africa as well. +21424048 The only U.S. liability in the region is what remains of the link to Mr. Barre, and that should be cut fast. +21424049 Mr. Kaplan, author of "Surrender or Starve: The Wars Behind the Famine" (Westview Press, 1988), lives in Lisbon. +21425001 Translant Inc., Rancho Cucamonga, Calif., got an $86 million Navy contract for missile-launch systems. +21425002 General Electric Co. received a $30.6 million Air Force contract for MX-missile nose cones. +21425003 Goodyear Tire & Rubber Co. was awarded a $19.1 million Army contract for armored-vehicle parts. +21425004 Analytic Sciences Corp. was awarded a $10.1 million Air Force contract for technical support. +21426001 McCormick Capital Inc. said the final proration factor was 0.628394 on its oversubscribed, $3-a-share tender offer to buy back as many as 1.1 million of its common shares. +21426002 Payment will begin "as soon as Oct. 25," the company said. +21426003 McCormick is a developer and manager of futures-investment limited partnerships. +21426004 Through a separate agreement between Peter Dauchy, president, and a group of selling shareholders, the company said, Mr. Dauchy will on Oct. 30 buy 231,405 shares from the group, boosting his stake to about 717,000 shares, or 50.7% of the total after the buy-back. +21427001 Canada's consumer price index rose a seasonally adjusted 0.2% in September from August, Statistics Canada, a federal agency, said. +21427002 The rise followed boosts of 0.1% in August, 0.7% in July and 0.6% in June. +21428001 OPEC's ability to produce more petroleum than it can sell is beginning to cast a shadow over world oil markets. +21428002 Output from the Organization of Petroleum Exporting Countries is already at a high for the year and most member nations are running flat out. +21428003 But industry and OPEC officials agree that a handful of members still have enough unused capacity to glut the market and cause an oil-price collapse a few months from now if OPEC doesn't soon adopt a new quota system to corral its chronic cheaters. +21428004 As a result, the effort by some oil ministers to get OPEC to approve a new permanent production-sharing agreement next month is taking on increasing urgency. +21428005 The organization is scheduled to meet in Vienna beginning Nov. 25. +21428006 So far this year, rising demand for OPEC oil and production restraint by some members have kept prices firm despite rampant cheating by others. +21428007 But that could change if demand for OPEC's oil softens seasonally early next year as some think may happen. +21428008 OPEC is currently producing more than 22 million barrels a day, sharply above its nominal, self-imposed fourth-quarter ceiling of 20.5 million, according to OPEC and industry officials at an oil conference here sponsored by the Oil Daily and the International Herald Tribune. +21428009 At that rate, a majority of OPEC's 13 members have reached their output limits, they said. +21428010 But it is estimated that at least three million barrels a day -- and possibly as much as seven million barrels a day -- of spare capacity still exists within OPEC. +21428011 Most is concentrated in five Persian Gulf countries, including his own, Issam Al-Chalabi, Iraq's oil minister, told the conference Friday. +21428012 He puts OPEC's current capacity at 28 million to 29 million barrels a day. +21428013 That's higher than some other estimates. +21428014 Ali Khalifa Al-Sabah, Kuwait's oil minister, recently estimated OPEC capacity at 25 million barrels a day. +21428015 Either way, the overhang is big enough to keep delicately balanced oil markets on edge. +21428016 Even modest amounts of additional output by those with the huge extra capacity and reserves, such as Saudi Arabia and Iraq, could upset the market. +21428017 The Iraqi oil minister and Saudi oil minister Hisham Nazer insisted in their comments to the conference that their countries would act responsibly to maintain a stable market. +21428018 However, in interviews later, both ministers stressed that they expect future OPEC quotas to be based mainly on the production capacity and reserves of each member. +21428019 Under that approach, countries with the most unused oil capacity would get bigger shares of any future increases in OPEC's production ceiling than they would under the current system. +21428020 "If you are already producing at 95% or 100% of your capacity, what's the good to be told you can produce at 105% of capacity?" asked Mr. Al-Chalabi. +21428021 At an inconclusive Geneva meeting late last month, OPEC's oil ministers halfheartedly approved another increase of one million barrels a day in their production ceiling. +21428022 They doled it out using the existing formula, however, which meant that even those countries that couldn't produce more received higher official allotments. +21428023 The main effect of the ceiling boost was to "legitimize" some of the overproduction already coming from the quota cheaters. +21428024 Still, there was a breakthrough at Geneva. +21428025 Previously, no OPEC member had been willing to accept a reduction in its percentage share of the group's total output target, or ceiling. +21428026 But the concept of disproportionate quotas for those with unused capacity, advanced there in an Iranian proposal, was generally endorsed by the ministers. +21428027 In the end politics got in the way. +21428028 Libya accepted Iran's proposal only so long as it was promised production parity with Kuwait. +21428029 And the United Arab Emirates, a chronic quota cheater, refused to give any guarantee it would change its ways. +21428030 But the oil ministers continue to study the plan, and it will probably be the basis for discussion at next month's meeting. +21428031 It's understood several compromises already have been worked into the plan. +21428032 The ceiling would be lifted to 21.5 million barrels to provide Kuwait and the United Arab Emirates much higher official quotas while reducing percentage shares of some others. +21428033 Libya's previous conditions are no longer considered a problem, although the United Arab Emirates is still an issue. +21428034 Saudi Arabia, OPEC's kingpin, also has surfaced as a possible obstacle, some OPEC sources said. +21428035 Insisting on a 24.5% share of any ceiling, Saudi officials have long pressed for the pro rata distribution of increases to all members. +21428036 In Geneva, however, they supported Iran's proposal because it would have left the Saudi percentage of the OPEC total intact, and increased actual Saudi volume to nearly 5.3 million barrels daily from five million. +21428037 Some of the proposed modifications since, however, call on Saudi Arabia to "give back" to the production-sharing pool a token 23,000 barrels. +21428038 Though tiny, that's a reduction in its share. +21428039 Mr. Nazer, the Saudi oil minister, reiterated here that the kingdom would insist on maintaining its percentage share of OPEC production under any quota revisions. +21428040 "Under any circumstances, Saudi Arabia should get more" rather than less, Mr. Nazer said. +21429001 In a blow to France's Rafale jet fighter, the French navy for the first time publicly stated its desire to buy 15 McDonnell Douglas Corp. F-18 Hornets to defend its aircraft carriers. +21429002 The statement is likely to sharpen the debate within France's military establishment over the Rafale, which is made by Avions Marcel Dassault-Breguet Aviation SA. +21429003 In an interview in the navy's official weekly magazine Cols Bleus, the navy's second-in-command, Adm. Yves Goupil, said the navy still intends to buy 86 Rafales as scheduled in the late 1990s and early 21st century. +21429004 The air force is to take at least 250 more. +21429005 Adm. Goupil said the navy can't wait until 1998, when the naval Rafale becomes available, to replace its obsolete fleet of American-made Crusaders, used since the 1950s to protect carriers from attack. +21429006 Rather than renovate the Crusaders, which Dassault is proposing to do for around 1.8 billion French francs ($286.6 million), Adm. Goupil said the navy wants to buy used F-18s from the U.S. Navy. +21429007 Officially, the statement isn't an attack on the Rafale. +21429008 Adm. Goupil said that when the F-18s wear out, the navy is prepared to take Rafales to replace them. +21429009 But unofficially, senior navy officials sharply criticize the Rafale as an air force plane ill-suited to carrier use. +21429010 Although they never said so publicly, they have made no secret of their preference for the F-18 on operational grounds. +21429011 Adm. Goupil's comments are likely to inflame the broader dispute within the military establishment here over the role of Dassault. +21429012 Although government-controlled, Dassault still is run by the founder's son, Chairman Serge Dassault, who has fiercely protected his company's independence. +21429013 The Rafale project is the result of France's inability jointly to develop a plane with other countries, and French officials question whether the state can continue paying for expensive independent programs. +21429014 So far, Mr. Dassault has resisted pressure to change. +21429015 What brought the naval issue to a head is that the Crusaders are literally falling apart, without any immediate plan to replace them. +21429016 Adm. Goupil, a former Crusader squadron leader, said that the last other country to use Crusaders, the Philippines, retired its last ones two years ago. +21429017 A French Crusader crash a few months ago heightened pressure for new planes here. +21429018 Adm. Goupil rejected Dassault's proposal to renovate the Crusaders, saying the cost was impossible to estimate. +21429019 Even modernized, he said, the Crusaders represent an obsolete and dangerous protection for the aircraft carriers France has sent to meet such crises as the wars in Lebanon and the Persian Gulf. +21429020 Defense Minister Jean-Pierre Chevenement told a meeting of the Anglo-American Press Association that the question of modernizing the Crusaders or buying used F18s is a "political" decision that he will make in due time. +21430001 THE SUPREME COURT ruling upholding Missouri's restrictive abortion law was Webster vs. Reproductive Health Services. +21430002 The citation was misstated in Friday's edition. +21431001 Spending by average Japanese households in August fell an adjusted 1.9% from a year earlier, the Statistics Bureau of the Prime Minister's Office said. +21431002 The bureau cited typhoons in the month that discouraged shopping and leisure opportunities. +21431003 Spending by Japanese households averaged 290,782 yen ($2,052.10) in August. +21431004 In nominal terms it rose 0.6% from a year earlier before adjustment. +21431005 August adjusted spending by wage-earning families was down 0.6% to 309,381 yen from a year earlier. +21431006 The real income of wage-earning families in the month eased 1.2% to 438,845 yen from the previous year. +21432001 For Cathay Pacific Airways, the smooth ride may be ending. +21432002 The first signs of trouble came last month when the Hong Kong carrier, a subsidiary of Swire Pacific Ltd., posted a 5% drop in operating profit for the first six months and warned that margins will remain under pressure for the rest of the year. +21432003 Securities analysts, many of whom scrapped their buy recommendations after seeing Cathay's interim figures, believe more jolts lie ahead. +21432004 Fuel and personnel costs are rising, and tourism in and through Hong Kong remains clouded by China's turmoil since the June 4 killings in Beijing. +21432005 In addition, delivery delays for the first two of as many as 28 Boeing 747-400s that the carrier has ordered have raised costs because personnel had been hired to man the planes. +21432006 And tough competition in the air-freight market is cutting into an important sideline. +21432007 There also is concern that once Hong Kong reverts to China's sovereignty in 1997, Cathay will be forced to play second fiddle to China's often-disparaged flag carrier, Civil Aviation Administration of China, or CAAC. +21432008 "The sense is we would never be in a position again where everything works for us the way it did before," says Rod Eddington, Cathay's commercial director. +21432009 Sarah Hall, an analyst at James Capel (Far East) Ltd., says there isn't much Cathay can do about rising costs for jet fuel, Hong Kong's tight labor market, or the strengthening of the local currency, which is pegged to the U.S. dollar. +21432010 These factors are further complicated by the airline's push to transform itself from a regional carrier to an international one, Ms. Hall says. +21432011 Ms. Hall expects Cathay's profit to grow around 13% annually this year and next. +21432012 In 1988, it earned $2.82 billion Hong Kong (US$361.5 million) on revenue of HK$11.79 billion. +21432013 Cathay is taking several steps to bolster business. +21432014 One step is to beef up its fleet. +21432015 In addition to aircraft from Boeing Co., Cathay announced earlier this year an order for as many as 20 Airbus A330-300s. +21432016 The expansion, which could cost as much as US$5.7 billion over the next eight years, will expand the fleet to about 43 planes by 1991, up from 30 at the end of last year, according to Sun Hung Kai Securities Ltd. +21432017 The fuel-efficient Airbus planes will be used largely to replace Cathay's aging fleet of Lockheed Tristars for regional flights, while the Boeing aircraft will be used on long-haul routes to Europe and North America. +21432018 Cathay also is moving some of its labor-intensive data-processing operations outside Hong Kong. +21432019 Fierce bidding for young employees in Hong Kong is pushing up Cathay's labor costs by 20% a year for low-level staff, while experienced, skilled employees are leaving the colony as part of the brain drain. +21432020 Some jobs already have been moved to Australia, and there are plans to place others in Canada. +21432021 David Bell, a spokesman for the airline, says the move is partly aimed at retaining existing staff who are leaving to secure foreign passports ahead of 1997. +21432022 Cathay is working to promote Hong Kong as a destination worth visiting on its own merits, rather than just a stopover. +21432023 Although the June 4 killings in Beijing have hurt its China flights, Cathay's other routes have retained high load factors. +21432024 Mr. Eddington regards promoting Hong Kong as an important part of attracting visitors from Japan, South Korea and Taiwan, where the number of people looking to travel abroad has surged. +21432025 There also has been speculation that Cathay will be among the major private-sector participants in the Hong Kong government's plans to build a new airport, with the carrier possibly investing in its own terminal. +21432026 Cathay officials decline to comment on the speculation. +21432027 Mr. Eddington sees alliances with other carriers -- particularly Cathay's recent link with AMR Corp.'s American Airlines -- as an important part of Cathay's strategy. +21432028 But he emphasizes that Cathay hasn't any interest in swapping equity stakes with the U.S. carrier or with Lufthansa, the West German airline with which it has cooperated for about a decade. +21432029 Analysts believe Cathay is approached for such swaps by other carriers on a regular basis, particularly as the popularity of share exchanges has grown among European carriers. +21432030 "We think alliances are very important," Mr. Eddington says. +21432031 "But we'd rather put funds into our own business rather than someone else's. +21432032 I'm not sure cross-ownership would necessarily make things smoother." +21432033 In a pattern it aims to copy in several key U.S. destinations, Cathay recently announced plans to serve San Francisco by flying into American Airlines' Los Angeles hub and routing continuing passengers onto a flight on the U.S. carrier. +21432034 "We'll never have a big operation in the U.S., and they'll never have one as big as us in the Pacific," Mr. Eddington says. +21432035 "But this way, American will coordinate good extensions to Boston, New York, Chicago and Dallas. +21432036 We'll coordinate on this end to places like Bangkok, Singapore and Manila." +21432037 Asian traffic, which currently accounts for 65% of Cathay's business, is expected to continue as the carrier's mainstay. +21432038 Cathay has long stated its desire to double its weekly flights into China to 14, and it is applying to restart long-canceled flights into Vietnam. +21432039 Further expansion into southern Europe is also possible, says Mr. Bell, the spokesman. +21432040 While a large number of Hong Kong companies have reincorporated offshore ahead of 1997, such a move isn't an option for Cathay because it would jeopardize its landing rights in Hong Kong. +21432041 And Mr. Eddington emphatically rules out a move to London: "Our lifeblood is Hong Kong traffic rights." +21432042 He says the airline is putting its faith in the Sino-British agreement on Hong Kong's return to China. +21432043 A special section dealing with aviation rights states that landing rights for Hong Kong's airlines, which include the smaller Hong Kong Dragon Airlines, will continue to be negotiated by Hong Kong's government. +21432044 But critics fret that post-1997 officials ultimately will be responsible to Beijing. +21432045 "My feeling is {Cathay doesn't} have a hope in the long run," says an analyst, who declines to be identified. +21432046 "Cathay would love to keep going, but the general sense is they're going to have to do something." +21432047 Mr. Eddington acknowledges that the carrier will have to evolve and adapt to local changes, but he feels that the Sino-British agreement is firm ground to build on for the foreseeable future. +21432048 "We're confident that it protects our route structure," he says, "and our ability to grow and prosper. +21433001 Falcon Cable Systems Co. said it proposed an amendment that would allow it to increase its debt cap to 65% of the company's fair market value from the 40% currently allowed. +21433002 Falcon, a limited partnership, said it wanted the increase in order to continue its $2.15-per-unit annual payment, and for expansion and acquisitions. +21433003 A spokesman for the company said a meeting would be held for shareholders to vote on the amendment before year's end. +21434001 Friday, October 20, 1989 +21434002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +21434003 PRIME RATE: 10 1/2%. +21434004 The base rate on corporate loans at large U.S. money center commercial banks. +21434005 FEDERAL FUNDS: 8 3/4% high, 8 5/8% low, 8 11/16% near closing bid, 8 3/4% offered. +21434006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +21434007 Source: Fulton Prebon (U.S.A.) Inc. +21434008 DISCOUNT RATE: 7%. +21434009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +21434010 CALL MONEY: 9 3/4% to 10%. +21434011 The charge on loans to brokers on stock exchange collateral. +21434012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.50% 15 to 44 days; 8.25% 45 to 72 days; 8.375% 73 to 96 days; 8.125% 97 to 119 days; 8% 120 to 149 days; 7.875% 150 to 179 days; 7.50% 180 to 270 days. +21434013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.55% 30 days; 8.45% 60 days; 8.40% 90 days. +21434014 CERTIFICATES OF DEPOSIT: 8.05% one month; 8.02% two months; 8% three months; 7.98% six months; 7.95% one year. +21434015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +21434016 The minimum unit is $100,000. +21434017 Typical rates in the secondary market: 8.55% one month; 8.50% three months; 8.40% six months. +21434018 BANKERS ACCEPTANCES: 8.45% 30 days; 8.33% 60 days; 8.32% 90 days; 8.15% 120 days; 8.06% 150 days; 7.96% 180 days. +21434019 Negotiable, bank-backed business credit instruments typically financing an import order. +21434020 LONDON LATE EURODOLLARS: 8 11/16% to 8 9/16% one month; 8 11/16% to 8 9/16% two months; 8 11/16% to 8 9/16% three months; 8 5/8% to 8 1/2% four months; 8 9/16% to 8 7/16% five months; 8 1/2% to 8 3/8% six months. +21434021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 3/4% one month; 8 11/16% three months; 8 9/16% six months; 8 1/2% one year. +21434022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +21434023 FOREIGN PRIME RATES: Canada 13.50%; Germany 8.50%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +21434024 These rate indications aren't directly comparable; lending practices vary widely by location. +21434025 TREASURY BILLS: Results of the Monday, October 16, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.37% 13 weeks; 7.42% 26 weeks. +21434026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. 9.84%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +21434027 Source: Telerate Systems Inc. +21434028 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.78%, standard conventional fixed-rate mortgages; 8.75%, 6/2 rate capped one-year adjustable rate mortgages. +21434029 Source: Telerate Systems Inc. +21434030 MERRILL LYNCH READY ASSETS TRUST: 8.52%. +21434031 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +21435001 In the hard-hit Marina neighborhood, life after the earthquake is often all too real, but sometimes surreal. +21435002 Some scenes: -- Saturday morning, a resident was given 15 minutes to scurry into a sagging building and reclaim what she could of her life's possessions. +21435003 Saturday night she dined in an emergency shelter on salmon steaks prepared by chefs from one of the city's four-star restaurants. +21435004 -- Mayor Art Agnos stands in the glare of television lights trying to explain for the 20th time why the city is severely restricting access to badly damaged structures. +21435005 A couple in fashionable spandex warm-up suits jogs by, headphones jauntily in place, weaving their way along a street of fractured and fallen houses. +21435006 At a nearby corner, they swerve perilously close to a listing apartment house, oblivious to any danger. +21435007 A policeman shakes his head in amazement as he steers them away. +21435008 -- A young woman who has been out of town shows up at the Marina Middle School to learn that her apartment is on the condemned list. +21435009 She is told she can't enter unless she is accompanied by an inspector. +21435010 She bursts into tears and walks away. +21435011 Nearby, five temporary residents of the school shelter sit on stools, having their necks and backs kneaded by volunteer masseuses. +21435012 The Marina rescue center offered a very San Franciscan response to the disaster. +21435013 In addition to free massages, there was free counseling, phone calls and a free shuttle bus to a health club, which offered up its showers, saunas and hot tubs. +21435014 The cafeteria offered donated croissants and brie for breakfast, and for dinner, pasta salad and chocolate mousse torts along with the salmon. +21435015 "This has been a 15-pound earthquake for me," said resident Joan O'Shea, who works in an acupuncturist's office. +21435016 She and some friends are considering offering earthquake victims free yoga classes and "aroma therapy" -- massages with scented oils. +21435017 She finds the response of Marina residents -- primarily yuppies and elderly people -- to the devastation of their homes "incredible. +21435018 People have been very respectful of each other. +21435019 I don't know if this would have happened somewhere else." +21435020 Out on the streets, some residents of badly damaged buildings were allowed a 15-minute scavenger hunt through their possessions. +21435021 "It's so weird to have to decide what's really important to you," said Barbara May. +21435022 She went first for personal mementos. +21435023 In post-earthquake parlance, her building is a "red." +21435024 After being inspected, buildings with substantial damage were color-coded. +21435025 Green allowed residents to re-enter; yellow allowed limited access; red allowed residents one last entry to gather everything they could within 15 minutes. +21435026 Reds and yellows went about their business with a kind of measured grimness. +21435027 Some frantically dumped belongings into pillowcases, others threw goods out windows. +21435028 It didn't help that on Saturday, after three days of sunshine, it rained. +21435029 "The guys are going for their skis, their stereos, their personal computers," said Frank Fitzgerald, who helped others empty their apartments. +21435030 "The women wanted photo albums, a certain brooch, kind of sentimental things." +21435031 He showed an unbroken, still-ticking pocket watch that he retrieved for one woman. +21435032 It belonged to her grandfather. +21435033 Some residents defied orders and returned to "red" buildings to retrieve goods. +21435034 One building was upgraded to red status while people were taking things out, and a resident who wasn't allowed to go back inside called up the stairs to his girlfriend, telling her to keep sending things down to the lobby. +21435035 A policewoman had to be called in to make her leave; the policewoman helped carry out one last load. +21435036 Enforcement of restricted-entry rules was sporadic, residents said. +21435037 One man trying to remove his car was told by officials to get out of his garage. +21435038 When he sneaked back later to try again, a different policeman offered to help him get the car out. +21435039 The Marina also has become the focal point of city efforts to reunite residents with any pets that may have fled or become lost during the earthquake. +21435040 On lampposts along Fillmore Street, a major Marina artery, posters were offering a $100 reward for a cat lost during the quake. +21435041 The San Francisco Society for the Prevention of Cruelty to Animals also has been providing medical care, food, water and foster homes for quake-displaced animals. +21435042 The SPCA says it has received more than 100 requests for foster homes on behalf of dogs and cats, though some people have sought temporary homes for birds and fish. +21435043 For example, one parakeet owner returning home found that her apartment, like many others in the Marina, didn't have heat. +21435044 "She can stay there with no heat, but for a parakeet, that can be deadly," says Daralee Konowitch, animalcare services manager for the SPCA. +21435045 A warm foster home has been found. +21436001 The neighborhood around Alexander Haagen Co.'s Vermont-Slauson Shopping Center in the Watts section of Los Angeles resembles the crime-ridden, deteriorating sections of many inner cities and certainly isn't the sort of area one would choose to visit. +21436002 But turn into the shopping center's parking lot, and one could be in the safe, busy mall of a prosperous suburb. +21436003 Only it is safer, and busier. +21436004 Over the past year there have been only one burglary, three thefts of or from autos, no purse-snatchings, and one attempted robbery in the mall, which opened in late 1981. +21436005 A shopping center of similar size in an affluent Los Angeles suburb would, per year, be expected to have eight burglaries, 70 thefts of or from autos, and four robberies. +21436006 The Watts mall has annual sales of more than $350 per leasable square foot; the figure for a comparable suburban shopping center would be $200. +21436007 Three other Haagen shopping centers in the Watts area are doing almost as well. +21436008 A successful low-crime mall in a high-crime area violates the more typical inner-city pattern, in which commercial areas are taken over by unruly youth, gangs, and the criminal element, with an erosion of the customer base, development capital, and insurability. +21436009 Major regional and national chain stores are replaced by mom-and-pop operations offering poorer-quality merchandise at higher prices. +21436010 Along with the exodus of shopping opportunities is an exodus of the jobs that the major chains used to provide to community residents. +21436011 Thus there is even more to the Vermont-Slauson Center than a good place to shop. +21436012 This defensible commercial zone becomes, for the residents, a secure oasis in a barren urban landscape, evidence that community decay is not inevitable and that the gangs are not invincible. +21436013 The center improves the community image to outsiders as well, and may help to arrest, or even reverse, the exodus of capital and investment. +21436014 An additional benefit is the creation of jobs. +21436015 This starts in the construction phase through the use of minority contractors and local workers. +21436016 It continues through the life of the center; the Vermont-Slauson Center has created 500 permanent private-sector jobs at a one-time cost in public funds of only $2,500 per job. +21436017 As many of these jobs are filled by local residents, who move from the welfare rolls to the tax rolls, the $2,500-per-job public investment should repay itself in a few years. +21436018 And that is before consideration of increased state and local revenues from taxes and fees on sales, real estate, licenses and the like. +21436019 Profits are also plowed back into the community; the non-profit Vermont-Slauson Economic Development Corp. receives 60% of the profits from the Vermont-Slauson Center and uses the money to provide moderate and low-cost housing in the community -- now running into the hundreds of units -- as well as commercial and industrial development projects. +21436020 Bradford Crowe, director of the mayor's City Economic Development Office, says: "There is no question that Vermont-Slauson had a halo effect on the surrounding neighborhood. +21436021 What had been a deteriorated area with nothing but wig shops and shoe shops is now experiencing a major upgrading in the housing and commercial stock, thanks to a continuously replenished source of revitalization capital that Vermont-Slauson yields." +21436022 Another benefit is that substantial percentages of the proprietors in these centers are minority businessmen and women. +21436023 In the Grand Boulevard Plaza developed by Matanky Realty Group in Chicago's Third Ward, opposite the Robert Taylor Homes, 29% of the stores to date have been leased to blacks and 14% to members of other minority groups. +21436024 Children from the community will have worthier role models than the drug kingpins. +21436025 So what's the catch? +21436026 Primarily that putting one of these inner-city deals together takes time, patience, breadth of vision and negotiating skills that not all developers possess. +21436027 Security costs are also quite high. +21436028 One of these centers can involve years of negotiating with numerous public agencies, local political leaders, and citizen groups, and with prospective tenants and sources of financing. +21436029 Suburban deals are not without their delays and complications -- inner-city deals just have more of them. +21436030 Security at a typical Haagen inner-city center is impressive, but unobtrusive. +21436031 The entire site is enclosed by a 6-to-8-foot-high ornamental iron fence with a small number of remote-controlled gates. +21436032 Shrubs and flowers give it a pleasing and non-fortress-like appearance. +21436033 Infrared motion detectors and closed-circuit TV cameras monitor the entire center; lighting levels are three to five times the industry standard. +21436034 The security command post, camouflaged as second-story retail space, has its own "crow's nest" above the roofs of the other buildings, with a panoramic view of the entire center. +21436035 Local law enforcement is present in a sub-station occupying space donated by the center. +21436036 These features are also used in Matanky Realty Group's Grand Boulevard Plaza. +21436037 Haagen has its own large security force of well-trained and well-paid personnel on round-the-clock duty at each center. +21436038 Security is 60% to 70% of the common area charges of these centers, vs. an industry average of about 15%. +21436039 These security costs are kept off-budget because the centers' site acquisition, construction, and financing costs were reduced by such programs as Urban Development Action Grants, Economic Development Administration Grants, Community Development Block Grants, tax-free Industrial Development Bonds, Enterprise Zone tax write-offs, city infrastructure grants, and tax increment financing. +21436040 Many of these programs no longer exist, or have been severely cut back. +21436041 However, since these centers appear to pay for themselves, there is nothing to prevent state and local governments from enacting legislation with similar provisions. +21436042 Many states already have Enterprise Zones and legislation that combines tax incentives, loans, and grants to encourage investment in depressed areas with requirements for the hiring of the unemployed and minorities. +21436043 These programs could be expanded to focus on funds for project planning, identifying sources of funds, and for acquiring a site and preparing it. +21436044 Combatting crime and the fear of it in inner-city commercial areas should give Enterprise Zones more success than most have enjoyed to date. +21436045 With many suburban areas basically overbuilt with shopping centers, inner-city areas may represent a major new untapped market for investment. +21436046 New approaches to mall design and operation make it possible to tap these markets. +21436047 If the risks and rewards are reasonable, developers will respond. +21436048 Government officials who wonder how important it is for them to encourage development in high-risk areas should visit Vermont-Slauson and Grand Boulevard Plaza and decide for themselves. +21436049 The answer will be obvious. +21436050 Mr. Titus is a researcher at the Justice Department's National Institute of Justice. +21437001 ATHLONE INDUSTRIES Inc. said that on Dec. 21 it will redeem $10 million face amount of its $59.3 million of 15.625% subordinated notes outstanding, due June 1, 1991. +21437002 For each $1,000 of notes, the maker of specialty metals, industrial fasteners and consumer products will pay $1,026.46 plus $8.68 of interest accrued from Dec. 1. +21437003 The company will notify holders of the notes to be redeemed. +21437004 Manufacturers Hanover Trust Co. is redemption agent. +21438001 One company recently was listed on the New York Stock Exchange, and another will join the Big Board from the over-the-counter market this week. +21438002 Putnam Investment Grade Municipal Trust, Boston, was listed with the symbol PGM. +21438003 The new closed-end management investment company trades shares of beneficial interest. +21438004 It invests primarily in tax-exempt municipal securities. +21438005 Hibernia Corp., a New Orleans bank holding company, will join the Big Board Thursday under HIB. +21438006 Three companies began trading over the counter. +21438007 Exabyte Corp., a Boulder, Colo., maker of high-capacity tape cartridge systems used to back up computer disk drives, started OTC trading with the symbol EXBT. +21438008 Rally's Inc., a Louisville, Ky., restaurant franchisor, started trading under RLLY. +21438009 Sierra Tucson Cos., Tucson, Ariz., started trading under STSN. +21438010 It operates various types of addiction-treatment facilities. +21438011 Separately, on the Pacific Stock Exchange, put and call options on the common stock of Aldus Corp. started trading. +21438012 Aldus, Seattle, makes computer software products. +21438013 Options give a holder the right, but not the obligation, to buy or sell a security at a set price within a set period of time. +21439001 Dow Chemical Co. said its Destec Energy Inc. unit has agreed to buy PSE Inc., a Houston energy company, in a deal valued at about $115 million. +21439002 Dow, of Midland, Mich., said its unit will begin by Thursday a tender offer of $12.25 a share for all PSE common shares outstanding. +21439003 Among other conditions, the offer depends on the Dow unit acquiring at least 66 2/3% of the PSE shares outstanding, the companies said in a joint statement Friday. +21439004 PSE has about 9.2 million shares outstanding. +21439005 The company said the approximately $115 million acquisition price includes its total $33 million of long-term debt outstanding. +21439006 Dow said it already has agreements with Albert J. Smith Jr., chairman and chief executive officer of PSE, and certain other officers of the company under which Dow may buy about 40% of the PSE common shares outstanding. +21439007 PSE is a designer and operator of energy-cogeneration facilities and had 1988 sales of $234 million. +21439008 The company is owner and operator, or an equity partner, in six cogeneration facilities -- two in Texas and four in California. +21439009 The company said recently it expects third-quarter earnings will be in range from $1.3 million to $1.7 million, or 14 cents to 18 cents a share, compared with $326,000, or four cents a share, a year ago. +21440001 If growth regains its glamour among investors, a sluggish segment of the Nasdaq over-the-counter market could show some flash. +21440002 Some stock pickers already are targeting the OTC market, where, they say, await plenty of small- and medium-sized growth stocks. +21440003 Best of all, they add, these growth issues, unlike their big blue-chip cousins on the New York Stock Exchange, are languishing at depressed prices. +21440004 Growth stocks will return to favor, some analysts and money managers think, because of the jitters caused by the market's steep slide on Oct. 13, and because of the current swell of disappointing earnings announcements. +21440005 Against such a backdrop, companies with proven track records of earnings gains of 20% or so annually have extra appeal. +21440006 "The market will have to look for a new theme now and that theme will be a return to growth," declares Mary Farrell, a PaineWebber analyst. +21440007 Among her OTC picks are Oshkosh B'Gosh and A&W Brands. +21440008 Like many OTC growth issues, they have market values -- as measured by stock price times shares outstanding -- of roughly $100 million to $500 million. +21440009 Some like to specialize in growth companies whose shares haven't traded publicly very long. +21440010 These are sometimes dubbed "emerging" growth companies, though they also have expanding-profit track records. +21440011 While many growth stocks are small, not all small stocks have earnings-growth momentum. +21440012 That's an important distinction because some analysts and brokers, who perennially predict that small stocks are about to outperform bigger issues, may use any spurt in growth issues to help them sell all small stocks. +21440013 "You can find some good, quality companies over the counter," but investors should be selective, says John Palicka, chief portfolio manager at Midco Investors, a Newark, N.J., money management company with about $900 million invested in growth stocks of varying sizes. +21440014 Mr. Palicka's picks from the OTC market include Legent, Mail Boxes Etc., and Payco American. +21440015 The main argument for growth stocks is their usually superior performance in a slowing economy. +21440016 "If the market refocuses on earnings, we should get better valuations of growth stocks," says L. Keith Mullins, a growth-stock analyst at Morgan Stanley. +21440017 Eventually, he believes, investors will be willing to pay higher prices for companies with proven track records of earnings growth. +21440018 In anticipation of that shift, he and other analysts are encouraging their clients to buy such issues now. +21440019 Understandably, smaller growth stocks haven't been in favor recently. +21440020 The average issue on Standard & Poor's 500-stock Index gained 35% last year, Ms. Farrell of PaineWebber says. +21440021 Smaller-stock earnings, by comparison, rose between 15% and 20%. +21440022 In addition, earnings growth took a back seat to cash flow, restructuring and takeover potential, and breakup value as the preferred stock-picking standards for much of the year. +21440023 Also, the smaller growth stocks aren't widely traded, and so are harder to buy and sell quickly than blue chips. +21440024 As a result, Morgan Stanley's Index of 40 Emerging Growth Stocks -- most of which are in the OTC market -- is up only 13% for the year, while the Dow Jones Industrial Average has leaped 24% and the S&P 500 has grown 25%. +21440025 The Nasdaq Composite has gained 23% this year, but that's largely due to the 100 largest nonfinancial stocks, which have soared 30%. +21440026 Some investors are skeptical of growth stocks because investing in them means ignoring that maxim found in the fine print of some investment advertisements -- that past performance isn't indicative of future results. +21440027 "People are naturally suspicious of them," says Mr. Mullins of Morgan Stanley. +21440028 Among his favorites in his firm's index are Legent, Silicon Graphics and Novell. +21440029 However, more money managers are reassured that profit is regaining importance. +21440030 Mark Schoeppner, portfolio manager at Pittsburgh-based Quaker Capital Management, says that in reaction to nervousness about debt-laden buy-out transactions, analysts and investors now appear to be "valuing stock based on future earnings as opposed to the amount of debt the company can support." +21440031 Barney Hallingby, managing director of research at Hambrecht & Quist, also believes earnings growth is beginning to play a greater part in investors' buying decisions. +21440032 On Friday, Hambrecht & Quist added St. Jude Medical to the list of 20 stocks it strongly recommends. +21440033 The opinion is largely based on the company's earnings momentum, Mr. Hallingby says. +21440034 St. Jude's market value on Nasdaq exceeds $1 billion, so it isn't a small stock. +21440035 The medical devices maker's earnings rose nearly 35% in 1987 from 1986, and 75% in 1988. +21440036 Kurt Kruger, who follows the stock for Hambrecht & Quist, anticipates that the company's net income will grow 51% to $2.15 a share this year. +21440037 St. Jude finished up 1/4 to 44 1/2 on Friday. +21440038 Friday's Market Activity +21440039 The Nasdaq Composite Index eased 0.13 to 470.67. +21440040 The composite finished up 0.7% from last Friday's close. +21440041 It was a busy week for OTC stocks. +21440042 Friday's volume totaled 158.2 million shares; the daily average for the week was a bustling 176.7 million. +21440043 Valley National lost 1 3/8 to 17 1/8 on volume of 1.9 million shares. +21440044 The company reported a big third-quarter loss on Thursday. +21440045 Merchants Bank of New York lost 1 to 106 after reporting that its third-quarter net income fell to $1.62 a share from last year's $1.67 a share. +21440046 Eliot Savings Bank lost 7/8 to 1 5/8 after reporting that it had a $4.8 million loss in the latest third quarter mostly because of loan-loss provisions. +21440047 In the 1988 quarter, the bank earned $1.1 million. +21440048 One bank stock was a winner. +21440049 BanPonce jumped 4 1/2 to 47 3/4 after agreeing to be acquired by Banco Popular de Puerto Rico for $56.25 a share. +21440050 Banco Popular, meanwhile, dropped 1 1/4 to 21 1/2. +21440051 Sierra Tucson, an initial public offering, made the most active list. +21440052 The company's shares began trading at 12 1/2, up from its initial offering price of 12, and closed at 13. +21440053 Sierra Tucson operates an addiction treatment center. +21440054 Among declining issues, a weak earnings outlook drove Groundwater Technology down 6 1/4 to 24. +21440055 The company said results for its second quarter ended Oct. 28 could drop as much as 20% below the 30 cents a share reported in the year-earlier quarter. +21440056 Medstone International plummeted 3 1/4 to 7 1/4. +21440057 A Food and Drug Administration advisory panel has asked that Medstone perform more studies on its device to treat gallstones. +21440058 Qintex Entertainment dropped 2 5/8 to 1 1/2 after seeking protection from creditor lawsuits under Chapter 11 of the federal Bankruptcy Code for itself and its two operating subsidiaries, Hal Roach Studios and Qintex Productions. +21440059 Raymond Corp. lost 1 to 10 after it said late Thursday that it will take a $4.4 million charge in its third quarter for reserves to cover potential charges in connection with the closing and sale of a manufacturing plant. +21440060 As a result, the company has suspended its quarterly dividend. +21440061 McCaw Cellular Communications and its target, LIN Broadcasting, were active. +21440062 LIN added 5/8 to 110 5/8 and McCaw lost 1/4 to 41. +21440063 McCaw said it has secured commitments from three banks to help finance its $125-a-share bid for 22 million of Lin's shares. +21440064 McCaw has called for a "fair auction" of LIN, which earlier entered a stock-swap merger pact with BellSouth. +21440065 Following the release of the company's fourth-quarter earnings, Apple Computer dropped 3/4 to 48 on volume of more than 2.3 million shares. +21440066 Apple earned $161.1 million, or $1.24 a share, in the quarter, including $48 million from the sale of its Adobe Systems stock. +21441001 The following were among Friday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21441002 Chicago & North Western Acquisition Corp. -- $475 million of senior subordinated resettable debentures, due Oct. 15, 2001, priced at par to yield 14.75%. +21441003 The coupon will be reset in one year at a rate that will give the issue a market value of 101. +21441004 However, the maximum coupon rate on the issue when it is reset can only be 15.5%. +21441005 Debenture holders will also receive the equivalent of 10% of the common stock of CNW Holdings. +21441006 The equity kicker is not attached to the offering, but underwriters said it will be offered after a filing for 68,548 common shares of CNW Holdings is declared effective by the Securities & Exchange Commission. +21441007 The issue is noncallable for five years and has a sinking fund starting in 2000 to retire 50% of the issue before maturity. +21441008 Rated single-B-2 by Moody's Investors Service Inc. and single-B-minus by Standard & Poor's Corp., the issue will be sold through underwriters led by Donaldson Lufkin & Jenrette Securities Corp. +21441009 Tokuyama Soda Co. (Japan) -- $200 million of Eurobonds due Nov. 9, 1993, with equity-purchase warrants, indicating a 4% coupon at par, via Nomura International Ltd. +21441010 Each $5,000 bond carries one warrant, exercisable from Nov. 28, 1989, through Oct. 28, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 27. +21442001 For bankers and regulators, Arizona is looking more like Texas every day. +21442002 On Friday, Los Angeles-based First Interstate Bancorp said it expects a net loss of $16 million for the third quarter of 1989 because of hemorrhaging at its First Interstate Bank of Arizona unit. +21442003 First Interstate said the unit, bludgeoned by Arizona's worsening real-estate woes, will have a $174 million loss for the quarter. +21442004 First Interstate took a huge $350 million provision for loan losses at the Arizona bank. +21442005 It charged off an estimated $200 million of Arizona loans, leaving the unit with a reserve for future losses of $255 million, about 61% of its $416 million of troubled loans and repossessed real estate. +21442006 First Interstate made the move under pressure from regulators. +21442007 The action capped a spurt of grim Arizona banking news for the third quarter, and emphatically signaled that Arizona is challenging Texas's long reign as banking's busiest graveyard. +21442008 Earlier last week, Valley National Corp., the state's largest locally owned banking company, reported a $72.2 million loss and suspended its dividend. +21442009 Pinnacle West Capital Corp., which has been wrangling with regulators for months over what to do about Pinnacle's moribund Merabank thrift unit, suspended its dividend and reported a 91% plunge in third-quarter net income. +21442010 Security Pacific Corp. said third-quarter credit losses surged a third to $109 million, mainly because of sour Arizona real-estate loans. +21442011 New York-based Chase Manhattan Corp. took an $85 million Arizona-related charge. +21442012 Furthermore, the regulatory maneuvering behind First Interstate's loss suggests regulators have concluded that lenders' reserves are far too low to absorb their future Arizona losses and are forcing bankers to do something about it. +21442013 Examiners from the Office of the Comptroller of the Currency had been combing through First Interstate's real-estate portfolio since last month; they first recommended that First Interstate take a provision that was less than the eventual $350 million third-quarter hit. +21442014 When First Interstate balked, arguing that the figure was too high, regulators responded by raising their recommendation to $350 million. +21442015 "At that point, {First Interstate} decided it was the better part of valor not to negotiate further," said one industry official close to the talks. +21442016 Thomas P. Marrie, chief financial officer, wouldn't comment about the details of the negotiations. +21442017 He said the provision "wasn't forced upon us, but the regulators made it very clear what they thought was an appropriate number." +21442018 The tough regulatory stance portends large future losses, especially at the state's thrifts. +21442019 At least six of Arizona's 12 savings and loan institutions have either been taken over by the government's conservatorship program or are essentially insolvent; they are sitting on enormous unrecognized losses. +21442020 For example, Western Savings & Loan Association, which is now in conservatorship, had tangible capital-assets minus liabilities -- of a negative $357.4 million at June 30. +21442021 It had a $258.9 million loss in the second quarter. +21442022 Yet it still held $916.3 million of repossessed real estate, for which it maintains no reserves whatsoever. +21442023 It also had $479.7 million of past-due loans; its level of reserves against those wasn't immediately available, though it is believed to be small. +21442024 The rapid deterioration of the Arizona thrifts only adds to the ever-swelling cost of the government's massive thrift bailout, officially estimated at about $166 billion. +21442025 Together, the six government-controlled or essentially insolvent Arizona thrifts have tangible capital of a negative $1.5 billion, foreclosed property of $1.8 billion and pastdue loans of $1.63 billion. +21442026 They have no reserves against the real estate, and their reserves against the loans are miniscule compared with the levels of reserves banks are moving to set up. +21442027 The thrifts had a combined loss of $487.8 million in the second quarter. +21442028 Other lenders have been recovering only 50 cents to 60 cents on the dollar on foreclosed Arizona property, if they can sell it at all. +21442029 All this havoc is the result of one of the worst busts in Arizona's boom-and-bust history, compounded by some of the usual suspects in 1980s banking debacles: greed, fraud and plain bad banking. +21442030 In the late 1970s and early 1980s, lenders and developers poured money into office buildings, condominiums and massive tracts of raw desert land, confident that Arizona's population would grow at annual rates of 4% to 6% for years to come. +21442031 Now, annual population growth is running at about 2% a year, some desert tracts bought three years ago for $90,000 an acre are being sold at $25,000 an acre and Phoenix has a seven-year supply of unoccupied office space. +21442032 "It's horrible to say, but it's unfortunate that earthquake wasn't in Phoenix -- it might have knocked out some of our empty buildings," said C.W. Jackson, a prominent Arizona businessman with interests in real estate, banking and many other businesses. +21442033 Many Arizona real-estate experts think the worst may be yet to come. +21442034 Ralph Shattuck, publisher of Foreclosure Update newsletter, said foreclosures have climbed to about 1,482 a month just in Maricopa County, where Phoenix is located. +21442035 That's up from about 687 a month in 1985, and it's accelerating: So far this month, foreclosures are averaging about 85 a day. +21442036 "It's frightening," Mr. Shattuck said. +21442037 Moreover, Mr. Shattuck and others said residential real estate, which had remained fairly strong through most of the downturn, is beginning to comprise more and more of the foreclosures. +21442038 And the generally frail condition of Arizona's lenders means there is little capital available in the state to shore up the economy and slow down the slide. +21442039 "It's reasonable to say there is not a solvent S&L in the state and the amount of viable bank capital is very low," said Mr. Jackson. +21442040 "We're going to see another big wave of failures and defaults between now and year-end. . . . +21442041 The only thing a lot of these lenders can get out of their mouth now is: `Pay me in 60 days.'" +21442042 First Interstate had a $214.4 million loss in 1988's third quarter, mainly from writedowns and reserves connected with its Texas operations. +21442043 For the six months ended June 30, it reported net income of $234.3 million, or $4.83 a share, including $46 million from tax credits and accounting changes. +21442044 The bank's Arizona unit holds about $6 billion of First Interstate's $50 billion of assets. +21442045 Mr. Marrie said the bank expects Arizona real-estate prices, which plummeted 40% over the last year, to fall another 20% before stabilizing. +21442046 Some in Arizona think that may be optimistic. +21442047 First Interstate said its operations outside of Arizona "achieved results as expected for the quarter," but didn't specify the results. +21442048 First Interstate stock closed at $57.625, down 25 cents, in composite trading Friday on the New York Stock Exchange. +21442049 Since its unsuccessful bid for BankAmerica Corp. in 1986, the bank has undertaken a major restructuring in an effort to cut costs and boost performance, but many industry officials believe it may be ripe for a takeover bid, especially with interstate banking set to begin in California in 1991. +21442050 Mr. Marrie said the problems in Arizona have only "increased our resolve to continue to make our restructuring even more effective." +21442051 Separately, Standard & Poor's Corp. lowered its ratings on Valley National Corp.'s senior debt to double-B from double-B-plus, affecting about $300 million of long-term debt. +21442052 S&P also lowered ratings on unsecured deposits and issues backed by a letter of credit from the bank holding company's principal unit, Valley National Bank of Arizona. +21442053 The ratings service said the downgrades reflect the continued slide in the company's financial condition. +21442054 A spokesman for Phoenix, Ariz.-based Valley National, said the concern will be able to withstand the current downturn in Arizona real estate. +21442055 Commercial paper holders have reinvested their funds, he said, and consumer deposits have been up in the last few days. +21443001 Immunex Corp. said its scientists isolated a molecule which may hold potential as a treatment for disruptions of the immune-system, ranging from organ-transplant rejection, to allergies and asthma. +21443002 The molecule is the mouse version of a protein called the interleukin-4 receptor. +21443003 IL-4 is a hormone which directs the growth and function of white blood cells involved in the body's immune response. +21443004 The IL-4 receptor on the surface of such cells receives the hormone's message to rally the body's defense. +21443005 But in certain conditions such as autoimmune diseases and allergies and transplant rejection, doctors would like to damp the immune response so such cells don't touch off harmful inflammatory reactions or cell destruction. +21443006 A soluble form of the receptor might turn off a specific part of the immune response without general immune suppression, the company said. +21443007 The IL-4 receptor is one of five such receptors to be developed and tested by Receptech Corp., a spinoff of Immunex, through a proposed $30 million initial public offering. +21443008 Immunex will contract with the spinoff to provide the research, development and initial testing of the new agents. +21443009 Immunex will have the option to buy back Receptech shares after five years. +21444001 The following issues were recently filed with the Securities and Exchange Commission: +21444002 Heller Financial Inc., an indirect subsidiary of Fuji Bank Ltd., shelf offering of up to $1 billion debt securities and warrants. +21444003 Jason Overseas Ltd., proposed offering of five million common shares, via Smith Barney & Co. and Mabon Nugent & Co. +21444004 MCI Communications Corp., shelf offering of up to $750 million of debt securities via Merrill Lynch Capital Markets, Drexel Burnham Lambert Inc., Goldman, Sachs & Co., and Salomon Brothers Inc. +21444005 Millicom Inc., offering of $60 million subordinated exchangeable debentures, via Bear, Stearns & Co. Inc. +21444006 Union Tank Car Co., offering of $100 million of equipment trust certificates, via Salomon Brothers. +21445001 Conner Peripherals Inc., which has a near-monopoly on a key part used in many portable computers, is on target to surpass Compaq Computer Corp. as the fastest-growing start-up manufacturing firm in U.S. business history. +21445002 Conner dominates the market for hard-disk drives used to store data in laptop computers. +21445003 It said yesterday that net income for its third quarter soared 72% to $11.8 million, or 28 cents a share, from $6.8 million, or 19 cents a share, in the year-ago period. +21445004 Its revenue totaled $184.4 million, an increase of 172% from $67.8 million a year ago. +21445005 For the nine months, the San Jose, Calif.-based company said net income jumped 84% to $26.9 million, or 69 cents a share, from $14.6 million, or 43 cents a share. +21445006 Revenue nearly tripled to $479 million, from $160 million. +21445007 Analysts expect Conner's earnings to reach roughly $40 million, or $1 to $1.05 a share, on sales of $650 million, for 1989, the company's third full year in business. +21445008 That's a faster growth rate than reported by Compaq, which didn't post similar results until its fourth year, in 1986. +21445009 But Compaq had achieved that level of sales faster than any previous manufacturing start-up. +21445010 Conner's performance is closely tied to the burgeoning demand for battery-operated computers, the computer industry's fastest-growing segment. +21445011 Since its inception, Conner has both benefited from and helped make possible the rapid spread of portable computers by selling storage devices that consume five to 10 times less electricity than drives used in desktop machines. +21445012 Today, Conner controls an estimated 90% of the hard-disk drive market for laptop computers. +21445013 The company supplies drives to Compaq and Zenith Data Systems, the top two U.S. manufacturers of laptops, and to Toshiba Corp., NEC Corp. and Sharp Corp., the leading Japanese laptop makers. +21445014 "They've had this field to themselves for over a year now, and they've been greatly rewarded," said Bob Katsive, an analyst at Disk/Trend Inc., a market researcher in Los Altos, Calif. +21445015 In the coming months, however, this is likely to change. +21445016 Next month, Seagate Technology, which is the dominant supplier of hard-disk drives for personal computers, plans to introduce its first family of low-power drives for battery-operated computers. +21445017 And the Japanese are likely to keep close on Conner's heels. +21445018 "They are going to catch up," said David Claridge, an analyst with Hambrecht & Quist. +21445019 Both Toshiba and NEC already produce hard-disk drives, and Sony also is studying the field, Mr. Claridge said. +21445020 But Conner isn't standing still. +21445021 Yesterday, the company introduced four products, three of which are aimed at a hot new class of computers called notebooks. +21445022 Each of the three drives uses a mere 1.5 watts of power and one weighs just 5.5 ounces. +21445023 "Most of our competitors are announcing products based on our (older) products," said Finis Conner, chief executive officer and founder of the firm that bears his name. +21445024 "We continue to develop products faster than anyone else can." +21445025 These new products could account for as much as 35% of the company's business in 1990, Mr. Conner estimated. +21445026 "We're not afraid of obsoleting some of our old stuff to stay ahead of the competition," he said. +21445027 Conner already is shipping its new drives. +21445028 Last week, for instance, Compaq introduced its first notebook computer to rave reviews. +21445029 Conner is supplying hard-disk drives for the machine, which weighs only six pounds and fits in a briefcase. +21445030 From its inception, Conner has targeted the market for battery-operated machines, building hard-disk drives that are smaller and use far less power than those offered by competitors such as Seagate. +21445031 The availability of these drives, in turn, boosted demand for laptop computers, whose usefulness had been limited because of lack of storage. +21445032 Conner also makes hard-disk drives for desktop computers and is a major supplier to Compaq, which as of July owned 40% of Conner's stock. +21445033 Sales to Compaq represented 26% of Conner's business in its third quarter, compared with 42% in the year-ago period. +21446001 Move over, pornographic phone services: A legal service with a "900" number has been launched in California. +21446002 A Newport Beach law firm started the pay-as-you-go legal service, called Telelawyer, using MCI Communication Corp.'s toll-tele-phone service. +21446003 Cane & Associates touts its $2-a-minute service as the "cheapest legal hour you'll ever find." +21446004 Though the service is available only in California, Telelawyer founder Michael Cane says he plans to franchise it in other states. +21446005 He says his aim is to reach people who are bedridden, have no access to transportation, can't find a lawyer to take their case or simply can't afford lawyers' consultation fees. +21446006 Mr. Cane stresses that he isn't using the telephone to lure clients to his doorstep. +21446007 "We will only deal with clients on the phone," he says. +21446008 "We have no in-office business." +21446009 Telelawyer is apparently the only telephone service that offers the telephone equivalent of an office visit. +21446010 Local bar associations in some states have numbers that provide free tape-recorded messages explaining certain areas of the law. +21446011 There also are "800" hotlines which refer people to lawyers, usually personal-injury specialists, for in-office consultation. +21446012 When a caller reaches Telelawyer by dialing 900-TELELAW, a receptionist refers the call to one of six attorneys. +21446013 In an effort to determine whether a caller has reason to sue, Cane lawyers review documents and perform research, if necessary, with the help of three law clerks and several support staffers. +21446014 There is no charge for research -- only for time on the phone. +21446015 If the matter requires further legal work or litigation, Mr. Cane says, his lawyers may refer the client to a law firm. +21446016 But he says Cane & Associates doesn't receive referral fees. +21446017 So far, says Mr. Cane, most calls have involved landlord-tenant problems, tax problems, divorce, and probate questions. +21446018 The firm is getting about 50 calls a day, and the average call lasts about 15 minutes. +21446019 Out of the $2 charge, the law firm pockets about $1.55. +21446020 JURY CONVICTS congressman in connection with Wedtech Corp. scandal. +21446021 A federal court jury in New York found U.S. Rep. Robert Garcia (D., N.Y.) and his wife, Jane Lee Garcia, guilty of extorting $76,000 from Wedtech in return for official acts by the congressman. +21446022 The jury also convicted them of extortion in obtaining a $20,000, interest-free loan from a Wedtech officer. +21446023 The jury found them guilty of conspiracy in obtaining the payments, some of which were disguised as fees for consulting services from Mrs. Garcia. +21446024 Wedtech, which became embroiled in political-corruption cases that eventually led to its demise, formerly was a minority-owned South Bronx, N.Y., defense contractor. +21446025 Edward J.M. Little, one of the assistant U.S. attorneys who prosecuted the case, said the Garcia trial "is the last of the Wedtech prosecutions." +21446026 Mr. Little said more than 20 people have been convicted in the Wedtech cases, including former U.S. Rep. Mario Biaggi (D., N.Y.). +21446027 Lawyers for the Garcias said they plan to appeal. +21446028 Mr. Garcia, who represents New York's 18th congressional district, which includes the Bronx, said he hasn't decided whether he will resign. +21446029 "In the next few weeks, I will be consulting with my political advisers and with the Democratic leaders about the best way of preserving the interests of my constituents," said Mr. Garcia, 56 years old. +21446030 Mrs. Garcia, 49, formerly was a member of Mr. Garcia's congressional staff. +21446031 The Garcias were cleared of four other felony counts, involving the receipt of bribes and gratuities. +21446032 U.S. Judge Leonard B. Sand set the Garcias' sentencing for Jan. 5. +21446033 FIVE SHEA & GOULD PARTNERS are leaving to form a new firm. +21446034 The new firm, Hutton Ingram Yuzek Gainen Carroll & Bertolotti, will be based in New York. +21446035 The five partners who resigned from Shea & Gould late last week are Tom Hutton, Sam Ingram, Dean Yuzek, Daniel Carroll and Ernest Bertolotti. +21446036 They will be joined by Larry Gainen, who resigned from the firm of LePatner, Gainen & Block. +21446037 Howard Rubenstein, a New York publicist who represents Shea & Gould, said, "Shea & Gould understands they're leaving because they wanted a different environment -- a smaller firm they would be principals of." +21446038 Mr. Rubenstein said the five, who weren't on Shea & Gould's management committee, "are leaving on good terms." +21446039 He said Shea & Gould held a number of discussions with the five partners during the past few weeks to get them to stay but that the five were firmly committed to running their own firm. +21446040 Hutton Ingram will have a general corporate, securities, real-estate and litigation practice, and a substantial practice serving the professional-design community. +21446041 DISCIPLINARY PROCEEDINGS against lawyers open to public in Illinois. +21446042 While investigations into lawyer misconduct will remain secret, the public will be notified once a formal complaint is filed against an attorney. +21446043 The actual disciplinary hearings will be public. +21446044 In addition, Illinois attorneys will lose the right to sue clients who file malicious complaints against them. +21446045 Non-lawyers will be added to the inquiry panels that look into allegations of misconduct. +21446046 Illinois joins 36 other states that allow public participation in attorney-disciplinary proceedings and 32 states that open disciplinary hearings to the public, according to the American Bar Association. +21446047 One vocal critic of the changes, Chicago lawyer Warren Lupel, says non-lawyers shouldn't be on the inquiry panels because they are unlikely to appreciate the nuances of attorney-client relationships. +21446048 In addition, he says, publishing the names of lawyers who are facing charges unnecessarily subjects them to public derogation. +21446049 Nevertheless, Mr. Lupel anticipates no legal action to reverse the Illinois Supreme Court's decision to institute the changes. +21446050 "There's no constitutional right involved in the rule change," he says. +21446051 "You don't have a right to practice. +21446052 You only have a privilege to practice." +21446053 DREXEL BURNHAM LAMBERT Inc. agreed to pay a $50,000 fine to Delaware, the 26th state to settle with Drexel in the wake of the firm's guilty plea to federal insider-trading charges. +21446054 Drexel doesn't have a Delaware office, but the New York firm has been negotiating settlements that would allow it to operate freely nationwide despite its record as an admitted felon. +21446055 The firm has said it expects to pay $11.5 million overall to settle with states. +21446056 Drexel pleaded guilty in September to six felony counts of securities and mail fraud; it also made a $650 million civil settlement with the Securities and Exchange Commission. +21447001 Philip Morris Cos., whose Benson & Hedges cigarette brand has been losing market share, has asked at least one other agency to try its hand at creative work for the big account, which has been at Wells Rich Greene Inc. since 1966. +21447002 Executives close to Philip Morris said that the tobacco and food giant has asked Backer Spielvogel Bates Worldwide Inc., a unit of Saatchi & Saatchi Co., and possibly others to work on creative ideas for the account. +21447003 Several executives said another potential contender is WPP Group's Ogilvy & Mather agency, which works on some other Philip Morris products. +21447004 Both Philip Morris and Backer Spielvogel declined to comment. +21447005 A spokeswoman for Ogilvy & Mather said the agency doesn't comment on "idle speculation." +21447006 Also mentioned as a contender was TBWA Advertising, but the company denied it was participating. +21447007 The loss of the cigarette account would be a severe blow to Wells Rich. +21447008 Benson & Hedges has been one of its most high-visibility campaigns, as well as one of its largest clients. +21447009 The account billed almost $60 million last year, according to Leading National Advertisers. +21447010 But Philip Morris has scaled back ad spending on the brand over the past year, industry executives said, and it now bills about $30 million to $40 million. +21447011 Industry executives said Philip Morris had asked the other agencies to create campaigns in a bid to stop the brand's slipping market share. +21447012 According to John Maxwell, an analyst at Wheat First Securities, Richmond, Va., Benson & Hedges has slipped from 4.7% of the cigarette market in 1985 to just 4.1% after the second quarter of this year. +21447013 The brand is No. 7 overall in the cigarette business, Mr. Maxwell said. +21447014 The slip has come despite high-profile ads created by Wells Rich, including one picturing a young man clad only in pajama bottoms interrupting a festive brunch. +21447015 That ad generated so much publicity that a trade magazine launched a contest for its readers to guess who the guy was and what he was doing. +21447016 Wells Rich first popularized the Benson & Hedges brand more than 20 years ago with ads portraying, among other things, an elevator door closing on a passenger's cigarette. +21447017 The brand early on achieved an upscale appeal -- a trait that some analysts believe is partly responsible for its staid performance. +21447018 Philip Morris, trying to revive the Benson & Hedges franchise, put the account up for review in 1986. +21447019 Wells Rich Greene, however, in an effort directed by Mary Wells Lawrence, emerged the victor of the review and retained the business. +21447020 Kenneth Olshan, Wells Rich's chairman, didn't return phone calls seeking comment. +21447021 While Wells Rich recently picked up Hertz Corp.'s $25 million to $30 million account, it has lost a number of big accounts this year, including the $20 million to $25 million Cadbury-Schweppes Canada Dry and Sunkist accounts, the $18 million Procter & Gamble Co. Sure deodorant account and the $10 million Polo/Ralph Lauren business. +21447022 Its victories include more than $30 million in Sheraton Corp. business and an assignment from Dun & Bradstreet worth $5 million to $10 million. +21448001 This city is girding for gridlock today as hundreds of thousands of commuters avoid travel routes ravaged by last week's earthquake. +21448002 Estimates of damage in the six-county San Francisco Bay area neared $5 billion, excluding the cost of repairing the region's transportation system. +21448003 The Bay Bridge, the main artery into San Francisco from the east, will be closed for at least several weeks. +21448004 Part of the bridge collapsed in the quake, which registered 6.9 on the Richter scale. +21448005 The bridge normally carries 250,000 commuters a day. +21448006 Also, most of the ramps connecting the city to its main link to the south, the 101 freeway, have been closed for repairs. +21448007 The Bay Area Rapid Transit system, which runs subway trains beneath the bay, is braced for a doubling of its daily regular ridership to 300,000. +21448008 BART has increased service to 24 hours a day in preparation for the onslaught. +21448009 Most unusual will be water-borne commuters from the East Bay towns of Oakland and Berkeley. +21448010 For the first time in 32 years, ferry service has been restored between the East Bay and San Francisco. +21448011 The Red and White Fleet, which operates regular commuter ferry service to and from Marin County, and tourist tours of the bay, is offering East Bay commuters a chance to ride the waves for the price of $10 round-trip. +21448012 That tariff is too stiff for some Financial District wage earners. +21448013 "I'll stay with BART," said one secretary, swallowing her fears about using the transbay tube. +21448014 Officials expect the Golden Gate Bridge to be swamped with an extra load of commuters, including East Bay residents making a long detour. +21448015 "We're anticipating quite a traffic crunch," said one official. +21448016 About 23,000 people typically travel over the Golden Gate Bridge during commute hours. +21448017 About 130,000 vehicles cross during a 24-hour period. +21448018 Meetings canceled by Apple Computer Inc.'s European sales force and by other groups raised the specter of empty hotel rooms and restaurants. +21448019 It also raised hackles of the city's tourism boosters. +21448020 "Other cities are calling {groups booked here for tours and conferences} and -- not to be crass -- stealing our booking list," said Scott Shafer, a spokesman for Mayor Art Agnos. +21448021 City officials stuck by their estimate of $2 billion in damage to the quake-shocked city. +21448022 The other five Bay area counties have increased their total damage estimates to $2.8 billion. +21448023 All estimates exclude highway repair, which could exceed $1 billion. +21448024 Among the expensive unknowns are stretches of elevated freeway in San Francisco that were closed because of quake-inflicted damage. +21448025 The most worrisome stretch is 1.2 miles of waterfront highway known as the Embarcadero Freeway. +21448026 Until it was closed Tuesday, it had provided the quickest series of exits for commuters from the Bay Bridge heading into the Financial District. +21448027 Engineers say it will take at least eight months to repair the Embarcadero structure. +21448028 As part of the quake recovery effort, the city Building Department has surveyed about 3,000 buildings, including all of the Financial District's high-rises. +21448029 The preliminary conclusion from a survey of 200 downtown high-rises is that "we were incredibly lucky," said Lawrence Kornfield, San Francisco's chief building inspector. +21448030 While many of these buildings sustained heavy damage, little of that involved major structural damage. +21448031 City building codes require construction that can resist temblors. +21448032 In England, Martin Leach, a spokesman for Lloyd's of London, said the insurance market hasn't yet been able to estimate the total potential claims from the disaster. +21448033 "The extent of the claims won't be known for some time," Mr. Leach said. +21448034 On Friday, during a visit to California to survey quake damage, President Bush promised to "meet the federal government's obligation" to assist relief efforts. +21448035 California officials plan to ask Congress for $3 billion or more of federal aid, in the form of grants and low-interest loans. +21448036 The state has a $1 billion reserve, and is expected to add $1 billion to that fund in the next year. +21448037 Some of that money will be available for highway repair and special emergency aid, but members of the legislature are also mulling over a temporary state gasoline tax to raise money for earthquake relief. +21448038 However, state initiatives restrict the ability of the legislature to raise such taxes unless the voters approve in a statewide referendum. +21448039 G. Christian Hill and Ken Wells contributed to this article. +21449001 Bond Corp. Holdings Ltd. posted a loss for fiscal 1989 of 980.2 million Australian dollars (US$762.4 million), the largest in Australian corporate history. +21449002 That loss compared with a year-earlier profit of A$273.5 million. +21449003 In preliminary, unaudited results reported Friday, Bond Corp. also posted an operating loss of A$814.1 million for the year ended June 30, compared with operating profit of A$354.7 million a year earlier. +21449004 Operating revenue rose 69% to A$8.48 billion from A$5.01 billion. +21449005 But the net interest bill jumped 85% to A$686.7 million from A$371.1 million. +21449006 Bond Corp. has interests in brewing, media and communications, natural resources and property. +21449007 Much of Bond Corp.'s losses stemmed from one-time write-downs of the value of some of Bond Corp.'s assets and those of its units. +21449008 The results included a A$453.4 million write-off of future income-tax benefits and a provision for a loss of A$149.5 million on the sale of a stake of about 20% in Lonrho PLC. +21449009 However, Bond Corp. said the tax benefits remain available and might be used later. +21449010 Earnings before interest and tax from brewing dived 50% to A$123.8 million from A$247.3 million. +21449011 The company said the general financial performance of its U.S. brewing operations, G. Heileman Brewing Co., was "disappointing, and this has been reflected in the results." +21449012 Bond Corp.'s shares closed Friday before news of the results at 28 Australian cents a share, up one Australian cent. +21449013 The staggering losses cap a tumultuous year for Alan Bond and his flagship, Bond Corp. +21449014 Only a year ago, the chairman of Bond Corp., who controls about 58% of the company, appeared to be building a war chest to attack some big companies. +21449015 Now Bond Corp. has agreed to sell at least half its Australian brewing assets. +21449016 It has sold billions of dollars of other assets and has more on the block. +21449017 But in a TV interview Sunday Mr. Bond said, "We've taken a big loss. +21449018 We've taken it on the chin. +21449019 But we're out there and we're going to stay in business. +21449020 Bond Corp. signaled it will focus on building its domestic and international media and communications businesses. +21449021 It said it will look at opportunities in brewing, property and energy resources to the extent consistent with the dominant objective of manageable debt-to-assets ratios. +21449022 The result "will ultimately be a very different group in size and structure," Bond Corp. directors said in a statement. +21449023 Some analysts contend the total writeoffs should have been much greater, and Bond Corp.'s auditors cited a list of several assets and deals about which there is "uncertainty" regarding the current value and potential impact on the firm. +21449024 Bond Corp. said the acknowledged losses mean net asset backing is in the red to the tune of 53 Australian cents a share, vs. positive asset backing of A$1.92 a share a year ago. +21449025 Still, the directors said, "Having fully considered all aspects of the company's state of affairs and future cash flows, the directors confirm absolutely that the company is solvent." +21449026 Indeed, in a note to the results, directors said if the "true worth" of some of the group's assets were taken into account instead of using book values, the negative net asset backing a share would turn into "a substantial positive" one. +21450001 The Bakersfield Supermarket went out of business last May. +21450002 The reason was not high interest rates or labor costs. +21450003 Nor was there a shortage of customers in the area, the residential Inwood section of northern Manhattan. +21450004 The business closed when the owner was murdered by robbers. +21450005 The owner was Israel Ortiz, a 29-year-old entrepreneur and father of two. +21450006 In his first year of operating the store he bought for $220,000, Mr. Ortiz was robbed at least twice at gunpoint. +21450007 The first time he was shot in the hand as he chased the robbers outside. +21450008 The second time he identified two robbers, who were arrested and charged. +21450009 Two weeks later -- perhaps in retaliation -- Mr. Ortiz was shot three times in the back, during what police classified as a third robbery attempt. +21450010 That was his reward for working until 11 p.m. seven days a week to cover his $3,000 a month rent. +21450011 For providing what his customers described as very personal and helpful service. +21450012 For creating a focus for neighborhood life. +21450013 Israel Ortiz is only one of the thousands of entrepreneurs and their employees who will be injured or killed by crime this year. +21450014 The U.S. Bureau of Justice Statistics reports that almost 2% of all retail-sales workers suffer injuries from crime each year, almost twice the national average and about four times the rate for teachers, truck drivers, medical workers and door-to-door salespeople. +21450015 Only a few other occupations have higher reported rates of criminal injury, such as police, bartenders and taxi drivers. +21450016 Yet these figures show only the most visible part of the problem. +21450017 Recent data from New York City provide more of the picture. +21450018 While by no means the highest crime community in the country, New York is a prime example of a city where crime strangles small-business development. +21450019 A survey of small businesses there was conducted this spring by Interface, a policy research organization. +21450020 It gave 1,124 businesses a questionnaire and analyzed 353 responses. +21450021 The survey found that over a three-year period 22% of the firms said employees or owners had been robbed on their way to or from work or while on the job. +21450022 Seventeen percent reported their customers being robbed. +21450023 Crime was the reason that 26% reported difficulty recruiting personnel and that 19% said they were considering moving. +21450024 More than one-third of the responding businesses said they suffer from drug dealing and loitering near their premises. +21450025 In Brooklyn and the Bronx, one out of four commercial firms is burglarized each year. +21450026 Industrial neighborhoods fare even worse, with burglary rates twice the citywide average. +21450027 Crime is clearly more deadly to small-scale entrepreneurship than to big businesses. +21450028 Two decades ago, the Small Business Administration reported Yale Prof. Albert Reiss's landmark study of crime against 2,500 small businesses drawn from national IRS records. +21450029 He found that monetary crime losses, as a proportion of gross receipts, were 37 times higher for small businesses than for large ones. +21450030 The New York study's companies averaged 27 employees; their annual crime losses averaged about $15,000, with an additional $8,385 annual cost in security -- enough money to hire at least one more worker. +21450031 The costs of crime may also be enough to destroy a struggling business. +21450032 Whatever the monetary crime losses, they may not be nearly as important to entrepreneurs as the risk of personal injury. +21450033 After repeated gun robberies, some entrepreneurs may give up a business out of fear for their lives. +21450034 One Washington couple recently sold their liquor store after 34 years in business that included four robbery deaths and 16 robberies or burglaries on the premises. +21450035 These findings illustrate the vicious cycle that National Institute of Justice Director James K. Stewart calls "crime causing poverty." +21450036 Underclass neighborhoods offer relatively few employment opportunities, contributing to the poverty of local residents. +21450037 Small neighborhood businesses could provide more jobs, if crime were not so harmful to creating and maintaining those businesses. +21450038 This may help explain why small businesses create 65% of all jobs nationally, but only 22% of jobs in a crime-ridden city like New York. +21450039 Bigger business can often better afford to minimize the cost of crime. +21450040 The New York study found that the cost of security measures in firms with fewer than five employees was almost $1,000 per worker, compared with one-third that amount for firms with more than 10 employees. +21450041 The shift of retailing to large shopping centers has created even greater economies of scale for providing low-crime business environments. +21450042 Private security guards and moonlighting police can invoke the law of trespass to regulate access to these quasi-public places. +21450043 Since 1984, in fact, revenues of the 10 largest guard companies, primarily serving such big businesses, have increased by almost 62%. +21450044 Few small neighborhood businesses, however, can afford such protection, even in collaboration with other local merchants. +21450045 In the neighborhoods with the highest crime rates, small business generally relies on the public police force for protection. +21450046 This creates several problems. +21450047 One is that there are not enough police to satisfy small businesses. +21450048 The number one proposal for reducing crime in the New York survey was to put more police on foot or scooter patrol, suggested by more than two-thirds of the respondents. +21450049 Only 22% supported private security patrols funded by the merchants themselves. +21450050 A second problem is the persistent frustration of false alarms, which can make urban police less than enthusiastic about responding to calls from small businesses. +21450051 Only half the New York small businesses surveyed, for their part, are satisfied with the police response they receive. +21450052 Some cities, including New York, have experimented with special tax districts for commercial areas that provide additional patrols funded by local businesses. +21450053 But this raises added cost barriers to urban entrepreneurship. +21450054 Another solution cities might consider is giving special priority to police patrols of small-business areas. +21450055 For cities losing business to suburban shopping centers, it may be a wise business investment to help keep those jobs and sales taxes within city limits. +21450056 Increased patrolling of business zones makes sense because urban crime is heavily concentrated in such "hot spots" of pedestrian density. +21450057 With National Institute of Justice support, the Minneapolis police and the Crime Control Institute are currently testing the effects of such a strategy, comparing its deterrence value with traditional random patrols. +21450058 Small-business patrols would be an especially helpful gesture whenever a small-business person is scheduled to testify against a robbery suspect. +21450059 While no guarantee, an increased police presence might even deter further attacks. +21450060 It might even have saved the life, and business, of Israel Ortiz. +21450061 Mr. Sherman is a professor of criminology at the University of Maryland and president of the Crime Control Institute in Washington, D.C. +21451001 ENFIELD Corp. said in Toronto that it hopes to raise 56 million Canadian dollars (US$47.7 million) through a rights offering to shareholders. +21451002 Under the offer, shareholders can purchase one Enfield share at C$6.27 for each five shares held. +21451003 In Toronto Stock Exchange trading Friday, Enfield closed at C$6.75, down 37.5 cents. +21451004 The holding company said the rights offering should reduce its C$171 million debt to "more manageable levels" before Dec. 31 and allow it to finance future investments with equity capital. +21451005 At last report, Enfield had about 44.5 million shares outstanding. +21452001 Former U.N. Ambassador Jeane Kirkpatrick, in a CNN "Capital Gang" discussion Oct. 7 of House action on federal catastrophic-illness insurance: +21452002 I think this repeal was kind of a thoughtless action, as a matter of fact. . . . +21452003 They will have to revisit this issue, and they'll have to revisit it before long. +21453001 Diversification pays. +21453002 That's a fundamental lesson for investors, but its truth was demonstrated once again in the performance of mutual funds during and after the stock market's Friday-the-13th plunge. +21453003 Stock funds, like the market as a whole, generally dropped more than 2% in the week through last Thursday, according to figures compiled by Lipper Analytical Services Inc. +21453004 That reflects the huge drop a week ago Friday, last Monday's rebound and the dips and blips that followed. +21453005 But several other types of funds shielded investors from the worst of the market's slide. +21453006 Funds that invest internationally were the top-performing stock and fixed-income funds. +21453007 "More than ever, people should realize they should have a diversified portfolio," said Jeremy Duffield, a senior vice president of Vanguard Group. +21453008 "That means stocks, bonds, money market instruments and real estate." +21453009 One week's performance shouldn't be the basis for any investment decision. +21453010 But the latest mutual fund performance figures do show what can happen when the going gets rough. +21453011 "You want to know how a fund did when the market got hammered," said Kurt Brouwer, an investment adviser with Brouwer & Janachowski in San Francisco. +21453012 "It's like kicking the tires of a car . . . . +21453013 What you want to know is when the road's rough, when there's snow and ice, how's this car going to perform?" +21453014 General equity funds fell an average of 2.35% in the week ended Thursday, compared with a 2.32% slide for the Standard & Poor's 500-stock index. +21453015 But Lipper Analytical's figures show that there were a number of ways investors could have cushioned themselves from the stock market's gyrations. +21453016 Gold-oriented funds, for instance, which invest in companies that mine and process the precious metal, posted an average decline of 1.15%. +21453017 Flexible portfolio funds, which allocate investments among stocks, bonds and money-market instruments and other investments, declined at about half the rate of stock funds -- an average drop of 1.27%, according to Lipper. +21453018 Global allocation funds take the asset-allocation concept one step further by investing at least 25% of their portfolios outside the U.S. +21453019 This gives them the added benefits of international diversification -- including a foreign-exchange boost during periods, like the past week, when the dollar declines against other major currencies. +21453020 With all that going for them, global flexible portfolio funds declined only 1.07% in the week through last Thursday. +21453021 But while the merits of diversification shine through when times are tough, there's also a price to pay: A diversified portfolio always underperforms an undiversified portfolio during those times when the investment in the undiversified portfolio is truly hot. +21453022 And Friday the 13th notwithstanding, stocks have been this year's hot investment. +21453023 Thus, even including the latest week, the average general stock fund has soared more than 24% so far this year, the Lipper Analytical figures show. +21453024 By comparison, global asset allocation funds have turned in an average total return of about 19%, while domestic flexible portfolios are up about 17%. +21453025 Fixed-income funds have returned 8.2%, while gold funds, which tend to be volatile, have risen just 4.55%, on average. +21453026 "That's the problem with trying to hedge too much," said Mr. Brouwer. +21453027 "You don't make any real money." +21453028 Over the last 20 years, for example, Mr. Brouwer says, an investor putting $5,000 a year in the S&P 500 would have made nearly twice as much than if it were invested in Treasury bills. +21453029 Some equity funds did better than others in the week that began on Friday the 13th. +21453030 The $4 million Monetta Fund, for instance, was the seventh top performing fund for the week, with a 2.65% return. +21453031 Its return so far this year has been a credible 21.71%. +21453032 The fund's strategy is to sell when a stock appreciates 30% over its cost. +21453033 By the time the market plummeted 10 days ago, Monetta was 55% in cash, said Robert Bacarella, president and portfolio manager. +21453034 Last Monday, he started "buying the high-quality growth companies that people were throwing away at discount prices." +21453035 Among Mr. Bacarella's picks: Oracle Systems, Reebok International Ltd. and Digital Microwave Corp. +21453036 The fund's cash position is now about 22%, which Mr. Bacarella calls "still bearish." +21453037 Among the big stock funds, Dreyfus Fund, with more than $2 billion in assets, had a decline of just 1.49% for the week and a return of 21.42% for the year. +21453038 Howard Stein, chairman of Dreyfus Corp., said the fund was about half invested in government bonds on Oct. 13, and about 10% in cash. +21453039 "In a downward market, bonds act better," he said. +21453040 "We still think there's a lot of unsettlement in this market. +21453041 We believe interest rates will continue to trend lower, and the economy will slow around the world." +21453042 Many of the funds that did best in the last week are heavily invested overseas, giving them the benefit of foreign currency translations when the dollar is weak. +21453043 From its high point on Thursday, Oct. 12, to where it traded late in New York a week later, the dollar fell 3.6% against the West German mark, 3.4% against the British pound and 2.1% against the Japanese yen. +21453044 Three International Cash Portfolios funds, which invest almost exclusively in bonds and money-market instruments overseas, were among the four top-performing funds in the latest week. +21453045 Because the funds' investments are denominated in foreign currencies, their value expressed in dollars goes up when those currencies rise against the dollar. +21453046 But when the dollar rises against major foreign currencies, as it did for much of this year, the dollar value of these funds declines. +21453047 All three funds posted negative returns for the year to date. +21453048 Of the funds that fared the worst in the post-Oct. 13 week, two are heavily invested in airlines stocks, which led the market slide following problems with financing for the UAL Corp. buy-out plan. +21453049 Reflecting airline takeover activity, however, both the Fidelity Select Air Transportation Portfolio and the National Aviation & Technology fund posted better-than-average returns for the the year to date: 30.09% for the Fidelity Air Transportation fund and a whopping 47.24% for National Aviation & Technology. +21453050 The small drop in equity funds in general in the latest week may not necessarily be a good sign, said A. Michael Lipper, president of Lipper Analytical. +21453051 Noting that equity funds are up nearly 60% from their post-crash low on Dec. 3, 1987, he said that what happened last week "may not be enough of an adjustment. +21453052 There's either more to come or an extremely long period of dullness." +21453053 But investors don't seem to think so. +21453054 Several big mutual fund groups said last week that cash flows into stock funds were heavier than usual after heavy outflows on the 13th. +21453055 Vanguard Group said it had a more than $50 million net inflow into its stock funds last week. +21453056 "There certainly hasn't been a panic reaction," said Steven Norwitz, a vice president at T. Rowe Price Associates. +21453057 "People showed some staying power and, in fact, interest in buying equities." +21453058 Source: Lipper Analytical Services Inc. +21453059 *Not counting dividends +21453060 **With dividends reinvested +21453061 Sources: Lipper Analytical Services Inc.; Standard & Poor's Corp. +21454001 Guardian Royal Exchange Assurance PLC, a major British composite insurer, said it is taking a stake in Nationwide Anglia Building Society's estate agency business as part of a plan to create a range of commercial linkages in the U.K. and Europe. +21454002 Officials declined to disclose the value of the transaction or the exact stake that GRE will hold in Nationwide Anglia Estate Agents. +21454003 But the companies said that Nationwide Anglia Estate Agents will market GRE life insurance, pension and investment products through its more than 1,000 retail outlets in the U.K. +21454004 Besides the marketing agreement, GRE said Nationwide Anglia has agreed to develop life insurance products with the composite insurer. +21455001 Sitting at the bar of the Four Seasons restaurant, architect William McDonough seems oblivious to the glamorous clientele and the elegant setting. +21455002 He is ogling the curtains rippling above the ventilation ducts. +21455003 "Look how much air is moving around!" he says. +21455004 "The ventilation here is great!" +21455005 You may be hearing more about the 38-year-old Mr. McDonough and his preoccupation with clean air. +21455006 After years of relative obscurity, he is starting to attract notice for the ecological as well as the aesthetic quality of his architecture. +21455007 Mr. McDonough believes that the well-being of the planet depends on such stratagems as opening windows to cut indoor air pollution, tacking down carpets instead of using toxic glues, and avoiding mahogany, which comes from endangered rain forests. +21455008 He has put some of his aesthetic ideas into practice with his design of the four-star Quilted Giraffe restaurant -- "architecturally impeccable," Progressive Architecture magazine called it -- and his remodeling of Paul Stuart, the Madison Avenue clothing store. +21455009 He has designed furniture and homes as well as commercial and office space. +21455010 He is now designing a Broadway stage set for a show by the band Kid Creole and the Coconuts. +21455011 What really stirs his muse, though, is aerobic architecture. +21455012 Now the question is: Is Poland ready for it? +21455013 Mr. McDonough is about to tackle his biggest clean-air challenge yet, the proposed Warsaw Trade Center in Poland, the first such center in Eastern Europe. +21455014 The project has already acquired a certain New York cachet. +21455015 Bloomingdale's plans to sell a foot-tall chocolate model of the center during the holidays. +21455016 Some of the sales proceeds will go to the Design Industries Foundation for AIDS. +21455017 A cake topped with a replica of the center will be auctioned at an AIDS benefit at Sotheby's in December. +21455018 If Mr. McDonough's plans get executed, as much of the Polish center as possible will be made from aluminum, steel and glass recycled from Warsaw's abundant rubble. +21455019 A 20-story mesh spire will stand atop 50 stories of commercial space. +21455020 Solar-powered batteries will make the spire glow. +21455021 The windows will open. +21455022 The carpets won't be glued down, and walls will be coated with nontoxic finishes. +21455023 To the extent that the $150 million budget will allow it, Mr. McDonough will rely on solid wood, rather than plywood or particle board, to limit the emission of formaldehyde. +21455024 If Mr. McDonough has his way, the Poles will compensate for the trade center's emissions of carbon dioxide, a prime suspect in the global atmospheric warming many scientists fear. +21455025 The Poles would plant a 10-square-mile forest somewhere in the country at a cost of $150,000, with the center's developer footing the bill. +21455026 The news hasn't exactly moved others in Mr. McDonough's profession to become architectural Johnny Appleseeds. +21455027 All architects want to be aware of the ecological consequences of their work, says John Burgee, whose New York firm is designing the redevelopment of Times Square, "but we can't all carry it to that extreme." +21455028 Karen Nichols, senior associate at Michael Graves's architecture firm in Princeton, N.J., says: "We're really at the mercy of what the construction industry can and will do readily." +21455029 Mr. McDonough responds: "I'm asking people to broaden their agendas." +21455030 The son of a Seagram's executive who was stationed in many countries around the world, Mr. McDonough was born in Tokyo and attended 19 schools in places ranging from Hong Kong to Shaker Heights, Ohio, before entering Dartmouth College. +21455031 He earned a master's degree in architecture from Yale. +21455032 His interest in the natural environment dates from his youth. +21455033 He and his father still spend time each summer fly-fishing for salmon in Iceland. +21455034 Living in Hong Kong, he says, made him sensitive to the limits on food, power and water supplies. +21455035 At his first school in the U.S. he was thought a little strange for shutting off open water taps and admonishing his schoolmates to take only brief showers. +21455036 He and a Dartmouth roommate established a company that restored three hydroelectric power plants in Vermont. +21455037 At Yale, he designed one of the first solarheated houses to be built in Ireland. +21455038 Mr. McDonough's first professional project fully to reflect his environmental ardor was his 1986 design for the headquarters of the Environmental Defense Fund in New York. +21455039 The offices took 10,000 square feet of a building with 14-foot ceilings and big, operable windows. +21455040 Since the 1970s energy crisis, some efforts to conserve energy by sealing buildings have had an unintended side effect: high indoor pollution. +21455041 To reduce it at the fund's building, workers rubbed beeswax instead of polyurethane on the floors in the executive director's office. +21455042 Jute, rather than a synthetic material, lies under the tacked-down carpets, and the desks are of wood and granite instead of plastic. +21455043 The budget was only $400,000. +21455044 "Athens with Spartan means," Mr. McDonough says. +21455045 The fund's lawyers work in an Athenian grove of potted trees. +21455046 Economists and administrators sit along a "boulevard" with street lamps and ficus trees. +21455047 In offices, triphosphorous bulbs simulate daylight. +21455048 Offices with outside windows have inside windows, too, to let in more real daylight. +21455049 "We proved a healthy office doesn't cost more," says Frederic Krupp, executive director of the fund. +21455050 It "really looks beautiful and is very light," says Ann Hornaday, a free-lance writer who has visited the office for lunch meetings. +21455051 But, she says, "I guess I didn't really notice the trees. +21455052 Maybe they were hidden by all the people." +21455053 Neither the Quilted Giraffe nor the Paul Stuart renovation reflects much of Mr. McDonough's environmental concern. +21455054 The restaurant was conceived as a sparkling, crystalline "geode." +21455055 It makes extensive use of stainless steel, silver and aluminum that sets off black granite table tops and a gray terrazzo with zinc-strip floors. +21455056 To more than replace the wood from two English oaks used for paneling at Paul Stuart, however, Mr. McDonough and friends planted 1,000 acorns around the country. +21455057 The ambitious Warsaw project still awaits approval by city officials. +21455058 Its developer is a Polish American, Sasha Muniak. +21455059 He had worked with Mr. McDonough on an earlier project and recruited him as architect for the trade center. +21455060 The center will provide space for computer hardware and facsimile and other telecommunications equipment, not readily accessible in Poland now, for a growing number of Westerners doing business in Eastern Europe. +21455061 Mr. McDonough thinks of the center as the "Eiffel Tower of Warsaw" and "a symbol of the resurgence of Poland." +21455062 If any nation can use environmentally benign architecture, it is Poland. +21455063 Jessica Mathews, vice president of World Resources Institute in Washington, D.C., says that perhaps a quarter of Poland's soil is too contaminated for safe farming because of air pollution. +21455064 The pollution is also killing forests and destroying buildings that date back to the Middle Ages. +21455065 The future of the forest remains uncertain. +21455066 Mr. Muniak's company, Balag Ltd., has agreed to set aside the money to plant and maintain it, but discussions are still going on over where to place it and how to ensure that it will be maintained. +21455067 After all, Mr. Muniak says, "in Poland there aren't too many people worried about the environment. +21455068 They're more worried about bread on the table. +21456001 Pittston Co.'s third-quarter net income plunged 79%, reflecting the impact of a prolonged and bitter labor strike at its coal operations. +21456002 Net sank to $3.1 million, or eight cents a share, including $789,000, or two cents a share, reflecting a tax-loss carry-forward. +21456003 In the year-ago quarter, net totaled $14.7 million, or 38 cents a share, including $4 million, or 10 cents a share, reflecting a tax-loss carry-forward. +21456004 Revenue slipped 0.7% to $395.3 million from $398.3 million. +21456005 Pittston also owns Brink's Inc., the security service, and Burlington Air Express, the air-freight concern. +21456006 In addition to expected losses tied to the labor strike, the coal group has spent almost $20 million since the strike began for security, the company said. +21456007 As a result, the group's third-quarter loss widened to $9.8 million from the second quarter's $3.6 million. +21456008 Pittston continues to hire replacement workers, the company said. +21456009 Burlington's operating profit grew to $9.2 million from $3.8 million a year earlier, Pittston said. +21456010 While "the tone" of domestic and international air-freight markets remains sound, seasonal factors are likely to hinder Burlington Air from matching third-quarter results in the fourth quarter, Pittston said. +21456011 Brink's operating profit was about flat with the year-earlier period, reflecting continued pricing and cost pressures. +21456012 In New York Stock Exchange composite trading Friday, Pittston closed at $18.50 a share, down 12.5 cents. +21457001 Doesn't anybody here want to win this mayor's race? +21457002 As they stumble and bumble toward election day two weeks from tomorrow, both Democrat David Dinkins and Republican Rudolph Giuliani are in trouble. +21457003 Mr. Dinkins, the Manhattan borough president, can afford more bumbling and stumbling because he holds a comfortable 20-point lead in most of the public-opinion polls. +21457004 But, in the past 10 days, he has taken a series of body blows to his pride and his reputation that could adversely affect his ability to govern this tumultuous city should he become New York's first black mayor. +21457005 Ordinarily, a clever opponent would find a way to capitalize on the other side's misfortunes. +21457006 But Mr. Giuliani, a celebrated prosecutor, has had difficulty switching from his crime-busting, finger-pointing mode to a political stance that suggests he might know something about running this big, troubled city. +21457007 And now, at the crucial moment, he's running out of money. +21457008 This is the nation's biggest city and, traditionally, its mayor is the nation's best-known urban politician. +21457009 Democrats hoped that Mr. Dinkins could become a highly visible national leader. +21457010 Republicans figured that in Mr. Giuliani, the nation's best-known prosecutor, they had a chance for a huge upset in the heart of Democratic territory and that they would pick up a new political star. +21457011 But it hasn't worked out that way. +21457012 "Dinkins is a decent but sloppy guy," says David Garth, veteran campaign consultant here who has always worked for Mayor Edward Koch, defeated by Mr. Dinkins in the Sept. 12 Democratic primary. +21457013 "The alternative -- Giuliani -- is ghastly." +21457014 "I guess we'll reluctantly go ahead and do it, vote for Dinkins," says Richard Wade, a politically active professor who supported Richard Ravitch, an also-ran in the Democratic primary. +21457015 "There's nothing on the other side." +21457016 "We're picking up steam," insists Roger Ailes, Mr. Giuliani's media consultant, whose last big campaign helped put George Bush in the White House. +21457017 He adds: "It just hasn't gotten down to the engine room yet." +21457018 But the steam may never reach the engine room. +21457019 For, just as Mr. Giuliani latches on to an issue that has Mr. Dinkins reeling, his campaign desperately needs cash to keep Mr. Ailes's commercials on the air beyond Wednesday or Thursday. +21457020 To help out this week, the White House is dispatching chief of staff John Sununu and three Cabinet members -- HUD's Jack Kemp, Transportation's Samuel Skinner and Treasury's Nicholas Brady, according to Peter Powers, the Giuliani campaign manager. +21457021 For Republicans who began this campaign with such high hopes, all of this is deeply frustrating. +21457022 Historically, New York is almost always in trouble. +21457023 But the trouble it faces now under Democratic rule seems bigger and more daunting than anything it has faced in the past. +21457024 This year, the city faces a budget deficit that could become even bigger next year. +21457025 And hardly surprising, many residents trying to cope with the city's other problems are constantly on edge, one ethnic group scrapping with another. +21457026 "People weren't so happy in the 1930s," says Thomas Lessner, another local professor and the biographer of the legendary Fiorello LaGuardia, the city's fusion mayor who built a coalition Mr. Giuliani hopes to emulate. +21457027 "But, at least, back then they didn't generally direct their anger at each other." +21457028 The 62-year-old Mr. Dinkins, an ex-Marine, has served as the city clerk and as Manhattan borough president, a job with limited executive responsibilities +21457029 ("I defy you to come up with one major accomplishment of David Dinkins," says Mr. Giuliani.) +21457030 He defeated the contentious Mr. Koch in the Democratic primary partly because he seemed to offer hope he could heal the city's racial and ethnic wounds. +21457031 His general-election campaign is almost Reagan-like, all muted pictures and comforting words. +21457032 His theme is unity, decency, humanity, bringing New York together again. +21457033 Both candidates are negotiating about holding debates, but Mr. Dinkins is widely seen as the major obstacle for scheduling them. +21457034 The 45-year-old Mr. Giuliani has run a negative campaign to pick up votes leaning to Mr. Dinkins. +21457035 "He's got to get Dinkins's negatives up," says Lee Miringoff, director of the Marist College Institute of Public Opinion. +21457036 "But our polls show voters don't like the attack stuff. +21457037 Why, even 20% of the Republican vote is going to Dinkins." +21457038 "It's assault-weapons politics," says John Siegal, Mr. Dinkins's issues director, insisting there is a strong racist undertone to the Giuliani effort. +21457039 For the Giuliani forces, it's a conundrum. +21457040 On the one hand, Mr. Giuliani wants to cut into Mr. Dinkins's credibility. +21457041 On the other, he seeks to convince voters he's the new Fiorello LaGuardia -- affable, good-natured and ready to lead New York out of the mess it's in. +21457042 It hasn't helped that he's waffled on abortion and gay rights, sought the support of both the Liberal and Conservative parties (he won the Liberal endorsement) and that he turned to comedian Jackie Mason for help with Jewish voters. +21457043 Mr. Mason left the campaign after telling reporters Mr. Dinkins is "a fancy 'shvartzer' with a moustache." +21457044 Shvartzer is a derogatory Yiddish word for a black person. +21457045 Mr. Dinkins concedes nothing in his ability to stumble and bumble. +21457046 He can match Jackie Mason with his own Robert "Sonny" Carson, an angry street organizer who was convicted of kidnapping in 1974. +21457047 The Dinkins campaign paid Mr. Carson close to $10,000 to get out the vote on primary-election day. +21457048 Paper work on how it was spent is incomplete. +21457049 Mr. Carson has been charged with being anti-Semitic. +21457050 Asked about that the other day, he replied, "Anti-Semitic? +21457051 I'm anti-white." +21457052 More troubling for Mr. Dinkins is his record in personal accounting. +21457053 It began in 1973, when he was being considered for deputy mayor, and a routine check unearthed the extraordinary fact that he hadn't paid his income tax for the previous four years. +21457054 "I was always going to do it tomorrow," he explained at the time. +21457055 And now he's busily trying to explain an arrangement in which he sold stock in Inner City Broadcasting Co., headed by his old friend and patron, Percy Sutton, to his son, David Dinkins Jr., for $58,000. +21457056 He had valued the shares at more than $1 million two years earlier. +21457057 He says he sold the stock to avoid conflict-of-interest problems in his role as a voting member of the city's Board of Estimate. +21457058 He says his son hasn't paid for the shares. +21457059 "It looks like serious tax evasion," says Mr. Ailes, the Giuliani media consultant. +21457060 "It follows the same pattern as his tax returns. +21457061 He waits to talk about it until after he gets caught." +21457062 "He simply hasn't explained why something worth a million dollars ended up worth $58,000 two years later," says Mr. Powers, the Giuliani campaign manager. +21457063 "It's ludicrous for him to suggest it's the difference between the 'breakup' value of the shares and their market value." +21457064 So far though, no one -- not even former U.S. attorney Giuliani -- has been able to pinpoint just what law Mr. Dinkins has broken or just what tax he has evaded. +21457065 "The crime goes to character," says Ron Maiorana, a consultant to the Giuliani campaign. +21457066 "It's serious stuff. +21457067 He evades and ducks. +21457068 He's had a history of deception and this is the latest chapter." +21457069 "It makes people think, maybe this guy isn't so squeaky clean after all," says Mr. Garth, Mayor Koch's media consultant. +21457070 "The result may turn out to be a lot closer than people think. +21458001 The long-running scandal surrounding the 1982 collapse of Banco Ambrosiano was reignited by the arrest last week of Rome businessman Flavio Carboni on fraud charges. +21458002 Rome magistrates accuse Mr. Carboni and several other people of trying to extort 1.2 billion lire ($880,000) from the Vatican in return for documents contained in the briefcase of Roberto Calvi, the Ambrosiano chairman found hanged under London's Blackfriar's Bridge shortly before the bank's collapse. +21458003 Banco Ambrosiano, which was Italy's largest private-sector bank, collapsed in 1982 with $1.3 billion of debts. +21458004 Most of the money was lent to a series of shell companies in Panama and Luxembourg that were owned, directly or indirectly, by the Vatican bank. +21458005 The Vatican, which denies any wrongdoing, paid $250 million to the Milan bank's creditors as a "goodwill gesture" in 1985. +21458006 Italian news reports said Mr. Carboni and a colleague obtained 1.2 billion lire in checks from a Vatican official, Pavel Hnilica. +21458007 Italian papers speculated the briefcase contained papers either exonerating the Vatican bank from blame in the scandal, or showing that the bank, known as the Istituto per le Opere di Religione, channeled funds to East bloc groups such as Solidarity in Poland. +21458008 Neither Mr. Hnilica, Mr. Carboni nor Vatican officials could be reached for comment over the weekend. +21459001 This business trust company said its board elected Kieran E. Burke, a consultant to Drexel Burnham Lambert Group Inc., as chief executive officer, a new post, and as president. +21459002 Mr. Burke succeeds Richard D. Manley, who will remain as a consultant to the company. +21459003 Both men were unavailable to comment. +21459004 The company also named Michael E. Gellert, a director and a major shareholder, to fill the vacant seat of chairman. +21460001 Britain's Serious Fraud Office said it will investigate the circumstances surrounding alleged phantom contracts at Ferranti International Signal PLC's International Signal & Control unit. +21460002 The investigation, which will be coordinated with one already under way in the U.S., follows the discovery of what Ferranti has called a "serious" fraud involving its U.S. subsidiary. +21460003 International Signal & Control, Lancaster, Pa., a defense-equipment manufacturer, was bought by Ferranti in 1987 for #420 million ($670.3 million). +21460004 Ferranti has said that it would be forced to write off #185 million against the phantom contracts, reducing its net asset value by more than half. +21460005 The Serious Fraud Office, a division of London's Metropolitan Police responsible for investigating financial crimes, said its work would take in "allegations of fraud prior to, surrounding and subsequent to the merger." +21460006 Ferranti said that it welcomes the investigation and that it will "cooperate fully." +21460007 Derek Alun-Jones, Ferranti's chairman, has said he hoped to pursue legal action against those responsible. +21460008 The British defense electronics group has said it will sell #100 million in assets and may seek a merger to strengthen itself in the wake of its troubles. +21461001 Chicago businessmen Bertram M. Lee and Peter Bynoe signed a new agreement to purchase the Denver Nuggets basketball team, but not as principal owners. +21461002 On Saturday, the partners said the team would be purchased for $54 million by a new group including Comsat Video Enterprises Inc., a unit of Communications Satellite Corp. based here. +21461003 Comsat Video will pay $17 million for a 62.5% interest, with Messrs. Lee and Bynoe putting up $8 million for a 37.5% stake in the team. +21461004 Under terms of the sale, Nuggets owner Sidney Shlenker could receive up to $11 million in additional payments from the franchise's future earnings. +21461005 Messrs. Lee and Bynoe last July announced a deal that would have made them the first black principal owners of a major professional sports franchise. +21461006 But the deal fell apart last week for lack of financing. +21461007 Comsat Video is headed by Robert Wussler, who resigned his No. 2 executive post with Turner Broadcasting System Inc. just two weeks ago to take the Comsat position. +21461008 Comsat Video, which distributes pay-per-view programs to hotel rooms, plans to add Nuggets games to their offerings, as Mr. Turner did successfully with his Atlanta Hawks and Braves sports teams. +21461009 Messrs. Lee and Bynoe will manage the Nuggets' day-today affairs. +21462001 Royal Business Group Inc. said it filed suit in federal court here charging Realist Inc. and its directors with violating federal securities laws "by engaging in a scheme to prevent" Royal from acquiring Realist. +21462002 Royal, which makes and distributes business forms, owns an 8% stake in Realist. +21462003 Royal contends that Realist failed to disclose material information, including Realist's negotiations to acquire Ammann Laser Technik AG, to stockholders prior to Realist's June 6 annual meeting. +21462004 Royal's suit contends that the Ammann acquisition was "designed to entrench management and thwart Royal's offer." +21462005 Royal withdrew its offer to buy Realist, a maker of optical and electronic products based in Menomonee Falls, Wis., for $14.06 a share in July after Realist disclosed the Ammann purchase. +21462006 The suit seeks "in excess of $350,000 in damages." +21462007 A Realist official said the company hadn't yet received the full complaint and wouldn't have a response until it had an opportunity to review it. +21463001 Winnebago Industries Inc., battered by a deepening slowdown in recreational vehicle industry sales, reported a widened fourth-quarter loss and slashed its dividend in half. +21463002 The Forest City, Iowa, maker of motor homes said it had a loss of $11.3 million, or 46 cents a share, in the quarter ended Aug. 26. +21463003 A year earlier, the company had a deficit of $1.5 million, or six cents a share. +21463004 The cut in the dividend to 10 cents a share semiannually, from 20 cents, "would indicate to me they don't see the problems being fixed real quick," said Frank Rolfes, an analyst at Dain Bosworth Inc. in Minneapolis. +21463005 Indeed, Winnebago said it started "several promotional programs" to spur retail sales in the fall and winter. +21463006 The year was already shaping up as a difficult one for the recreational vehicle industry, which makes products such as motor homes, travel trailers, folding campers and van conversions. +21463007 With the exception of van conversions, the industry has seen a decline from 1988's robust sales. +21463008 But the rate of the decline snowballed in August, with unit sales to dealers for the month down 10.5% from a year earlier, according to the Recreation Vehicle Industry Association. +21463009 At Winnebago, sales for the quarter fell 6% to $89.5 million from $95.4 million a year earlier. +21463010 The company attributed the decline to consumers' concern over interest rates and gas prices -- two key expenses for RV buyers. +21463011 "It's a large-ticket discretionary purchase," said Robert Curran, who follows the industry for Merrill Lynch & Co. +21463012 "So when there's talk and concern about the economy, it's not unreasonable for a portion of the buying public to defer purchases." +21463013 Mr. Curran expects industry RV sales for all of 1989 to fall about 5% from 1988, when sales of 427,300 units were the highest since 1978. +21463014 And he said the weakness could continue in the first half of next year. +21463015 But he said the industry has "a good decade ahead," particularly if aging baby boomers fulfill the industry's dreams by buying RVs. +21463016 Winnebago was hit especially hard in the latest downturn because unit sales in its bread-and-butter motor home business tumbled 25% industrywide in August, and 10.4% in the first eight months of the year. +21463017 The company said it also suffered in the quarter from incentive programs, losses from discontinuing a motor home line and costs of developing a new commercial vehicle, among other things. +21463018 The news sent Winnebago stock falling 62.5 cents, to $5.25, in New York Stock Exchange composite trading-a 52-week low. +21463019 The dividend cut will prove most costly for John K. Hanson, Winnebago's founder and chairman. +21463020 Based on his control of about 45% of Winnebago's 24.7 million shares, his annual dividend income would be cut to about $2.2 million from $4.4 million. +21463021 For the year, Winnebago had a loss of $4.7 million, or 19 cents a share, following profit of $2.7 million, or 11 cents a share, a year earlier. +21463022 Sales rose 2% to $437.5 million from $430.3 million. +21464001 Bullish bond market sentiment is on the rise again. +21464002 As the government prepares to release the next batch of economic reports, the consensus among economists and money managers is that the news will be negative. +21464003 And that, they say, will be good for bonds. +21464004 "Recent data have indicated somewhat weaker economic activity," said Elliott Platt, director of economic research at Donaldson, Lufkin & Jenrette Securities. +21464005 Mr. Platt is advising clients that "the near-term direction of bond prices is likely to remain upward." +21464006 Analysts insist that even without help from a shaky stock market, which provided a temporary boost for bonds during the Oct. 13 stock market plunge, bond prices will start to climb on the prospects that the Federal Reserve will allow interest rates to move lower in the coming weeks. +21464007 That would be comforting to fixed-income investors, many of whom were badly burned in the third quarter by incorrectly assuming that the Fed would ease. +21464008 Investors rushed to buy bonds during the summer as prices soared on speculation that interest rates would continue to fall. +21464009 But when it became clear that rates had stabilized and that the Fed's credit-easing policy was on hold, bond yields jumped and prices tumbled. +21464010 Long-term bonds have performed erratically this year. +21464011 For example, a group of long-term Treasury bonds tracked by Merrill Lynch & Co. produced a total return of 1% in the first quarter, 12.45% in the second quarter and -0.06% in the third quarter. +21464012 Total return is price changes plus interest income. +21464013 Now some investment analysts insist that the economic climate has turned cold and gloomy, and they are urging clients to buy bonds before the rally begins. +21464014 Among other things, economists note that consumer spending is slowing, corporate profit margins are being squeezed, business confidence is slipping and construction and manufacturing industries are depressed. +21464015 At the same time, last week's consumer price index showed that inflation is moderating. +21464016 Add it all up and it means "that the Fed has a little leeway to ease its credit policy stance without the risk of rekindling inflation," said Norman Robertson, chief economist at Mellon Bank Corp., Pittsburgh. +21464017 "I think we will see a federal funds rate of close to 8 1/2% in the next two weeks and 8% by year end." +21464018 The federal funds rate, which banks charge each other on overnight loans, is considered an early signal of changes in the Fed's credit policy. +21464019 Economists generally agree that the rate was lowered by the Fed from around 9%, where it had been since July, to about 8 3/4% in early October on the heels of a weak employment report. +21464020 Although the rate briefly drifted even lower following the stock market sell-off that occurred Oct. 13, it ended Friday at about 8 11/16%. +21464021 James Kochan, chief fixed-income strategist at Merrill Lynch, is touting shorter-term securities, which he says should benefit more quickly than longer-term bonds as interest rates fall. +21464022 "Given our forecast for lower rates, purchases made now should prove quite rewarding before year end," he said. +21464023 Mr. Kochan also likes long-term, investment-grade corporate bonds and long-term Treasurys. +21464024 He says these bonds should appreciate in value as some investors, reacting to the recent turmoil in the stock and high-yield junk bond markets, seek safer securities. +21464025 "If the {Tennessee Valley Authority} sale is any guide, there appears to be good demand for top-quality, long-term paper from both domestic and overseas accounts," he said. +21464026 TVA, in its first public debt offering in 15 years, sold $4 billion of long-term and intermediate-term securities last week. +21464027 Strong investor demand prompted the utility to boost the size of the issue from $3 billion. +21464028 TVA, which operates one of the nation's largest electric power systems, is a corporation owned by the federal government. +21464029 But persuading investors to buy bonds may be especially tough this week, when the U.S. government will auction more than $30 billion of new securities. +21464030 Today, the Treasury Department will sell $15.6 billion of three-month and six-month bills at the regular weekly auction. +21464031 Tomorrow, the Treasury will sell $10 billion of two-year notes. +21464032 Resolution Funding Corp., known as Refcorp, a division of a new government agency created to bail out the nation's troubled savings and loan associations, will hold its first bond auction Wednesday, when it will sell $4.5 billion of 30-year bonds. +21464033 All of this comes ahead of the government's big quarterly refunding of the federal debt, which takes place sometime in November. +21464034 So far, investors haven't shown much appetite for Refcorp's initial bond offering. +21464035 Roger Early, a portfolio manager at Federated Investors Corp., said that yields on the so-called bailout bonds aren't high enough to attract his attention. +21464036 "Why should I bother with something that's an unknown for a very small pickup in yield?" he said. +21464037 "I'm not going to jump on them the first day they come out." +21464038 He seems to be typical of many professional money managers. +21464039 When the size of the Refcorp offering was announced last week and when-issued trading activity began, the bailout bonds were yielding about 1/20 percentage point more than the Treasury's benchmark 30-year bond. +21464040 On Friday, the yield was quoted at about 1/4 percentage point higher than the benchmark bond, an indication of weak demand. +21464041 Some economists believe that yields on all Treasury securities may rise this week as the market struggles to absorb the new supply. +21464042 But once the new securities are digested, they expect investors to focus on the weak economic data. +21464043 "The supply is not a constraint to the market," said Samuel Kahan, chief financial economist at Kleinwort Benson Government Securities Inc. +21464044 "If one thinks that rates are going down, you don't care how much supply is coming." +21464045 Friday's Market Activity +21464046 Most bond prices fell on concerns about this week's new supply and disappointment that stock prices didn't stage a sharp decline. +21464047 Junk bond prices moved higher, however. +21464048 In early trading, Treasury bonds were higher on expectations that a surge in buying among Japanese investors would continue. +21464049 Also providing support to Treasurys was hope that the stock market might see declines because of the expiration of some stock-index futures and options on indexes and individual stocks. +21464050 Those hopes were dashed when the stock market put in a relatively quiet performance. +21464051 Treasury bonds ended with losses of as much as 1/4 point, or about $2.50 for each $1,000 face amount. +21464052 The benchmark 30-year bond, which traded as high as 102 1/4 during the day, ended at 101 17/32. +21464053 The yield on the benchmark bond rose slightly to 7.98% from 7.96%. +21464054 In the corporate bond market, traders said the new-issue market for junk bonds is likely to pick up following Chicago & North Western Acquisition Corp.'s $475 million junk bond offering Friday. +21464055 Today, for example, underwriters at Morgan Stanley & Co. said they expect to price a $150 million, 12-year senior subordinated debenture offering by Imo Industries Inc. +21464056 Traders expect the issue to be priced to yield 12%. +21464057 Shearson Lehman Hutton Inc. said that a $150 million senior subordinated discount debenture issue by R.P. Scherer Drugs is expected by the end of the month. +21464058 However, despite the big new-issue calendar, many junk bond investors and analysts are skeptical the deals will get done. +21464059 "There are about a dozen more deals coming," said Michael McNamara, director of fixed-income research at Kemper Financial Services Inc. +21464060 "If they had this much trouble with Chicago & North Western, they are going to have an awful time with the rest." +21464061 Last week, underwriters were forced to postpone three junk bond deals because of recent weakness in the market. +21464062 And pressure by big investors forced Donaldson Lufkin & Jenrette Securities Corp. to sweeten Chicago & North Western's $475 million junk bond offering. +21464063 After hours of negotiating that stretched late into Thursday night, underwriters priced the 12-year issue of resettable senior subordinated debentures at par to yield 14.75%, higher than the 14.5% that had been expected. +21464064 The coupon on the issue will be reset in one year at a rate that will give the issue a market value of 101. +21464065 However, the maximum coupon rate on the issue when it is reset is 15.50%. +21464066 Debenture holders also will receive the equivalent of 10% of the common stock in Chicago & North Western's parent company. +21464067 "The coupon was raised to induce some of the big players on the fence to come in," said a spokesman for Donaldson. +21464068 "We put a price on the deal that the market required to get it done." +21464069 The spokesman said the issue was sold out and met with strong interest abroad, particularly from Japanese investors. +21464070 In the secondary, or resale, market, junk bonds closed 1/2 point higher, while investment-grade corporate bonds fell 1/8 to 1/4 point. +21465001 Sotheby's Inc.'s gamble in the art-dealing business appears to have paid off. +21465002 The New York arm of the London-based auction house auctioned off the estate of John T. Dorrance Jr., the Campbell's Soup Co. heir, for $131 million last week, a record for a single-owner art collection. +21465003 That total was below the $140 million the auction house estimated the collection might sell for, but was enough to ensure that an unprecedented financial arrangement Sotheby's had made with the Dorrance family proved profitable to the auction house. +21465004 Sotheby's provided the Dorrance family a guarantee of at least $100 million, and as much as $120 million, to obtain the collection, people familiar with the transaction said, thus taking a greater than usual financial interest in the property to be sold. +21465005 The Dorrance estate, auctioned off in a series of sales held over four days, included porcelains, furniture and paintings. +21465006 An Henri Matisse, auctioned last Wednesday, fetched $12.4 million, a world record for the artist. +21465007 In addition, a handful of paintings from the Dorrance collection remain to be sold at Sotheby's annual old masters paintings auction in January. +21466001 The Better Business Bureau of San Diego and the state Attorney General's office entered into a settlement stemming from an investigation of bureau-sponsored business directories published by an outside firm, Better Book Inc. +21466002 The settlement stems from charges that Better Book, now defunct, made misrepresentations in selling advertising for the directories and memberships in the bureau from 1984 to 1986. +21466003 Without admitting any guilt, the bureau agreed to several conditions if it again contracts with an outside firm to publish its directories. +21466004 The conditions include not misrepresenting how many directories will be distributed, and agreeing to make refunds to directory advertisers if any misrepresentations are involved in the sale. +21466005 The Attorney General's investigation was sparked by lawsuits and charges by angry California businesspeople that they were swindled in a bureau-sponsored directory project contracted by Better Book. +21466006 The uproar led to the closing of the Los Angeles Better Business Bureau in late 1987. +21467001 McCaw Cellular Communications Inc. said it obtained "firm" financing commitments from three major banks in regard to its offer for 50.3% of LIN Broadcasting Corp. +21467002 Morgan Guaranty Trust, Toronto-Dominion Bank and Provident National Bank, an affiliate of PNC Financial Corp., jointly committed $1.2 billion of financing, subject to certain conditions, McCaw said. +21467003 Further, McCaw said the banks expressed confidence that the balance of the $4.5 billion bank facility will be committed within the next several weeks by a syndicate of foreign and domestic banks. +21467004 Morgan, Toronto-Dominion and Provident are leading that syndicate. +21467005 McCaw is offering to buy 22 million shares of LIN for $125 each in cash, which would result in McCaw owning 50.3% of the cellular-phone and broadcasting concern. +21467006 The offer is in limbo, however, because LIN has agreed to merge its cellular-phone businesses with BellSouth Corp. +21467007 In national over-the-counter trading Friday, LIN shares rose 62.5 cents to close at $110.625. +21467008 Beijing lawmakers have called for jails to be built to house prostitutes and for severe punishment, including the death sentence, for anyone who induces or coerces women into prostitution. +21467009 The official Xinhua News Agency said the municipal government was discussing a draft bill to give the capital its first anti-prostitution statutes. +21467010 It quoted Liu Changyi, deputy director of the Beijing Public Security Bureau, as saying that there were many more people involved in prostitution now than in 1985, when there were about 100 cases. +21467011 Foreigners involved in prostitution will be punished according to the law, and those with sexually transmitted diseases will be expelled from the country, according to the regulations. +21467012 The Communists nearly succeeded in eliminating prostitution after taking over in 1949, but the practice has returned in recent years with the country's increased exposure to the outside world. +21467013 Japan agreed to enforce a decision by an international wildlife conference to ban all trade in ivory, a spokesman for the Ministry of International Trade and Industry said. +21467014 Earlier, Japan had said it might file a reservation against the ivory ban decided by ballot at the 103-nation United Nations Conference on International Trade in Endangered Species in Switzerland last week. +21467015 The Japanese use 40% of the world's ivory. +21467016 Italy should close the Leaning Tower of Pisa because it's a danger to tourists, government-appointed experts said. +21467017 "In some places the stonework is so damaged it shows signs of breaking off," scientists and technicians said in a report to Public Works Minister Giovanni Prandini. +21467018 Each year, nearly a million people pay about $3 to make the spiral climb up 294 steps to the top of the 800-year-old marble tower. +21467019 East Germany pledged to reduce alcohol consumption by boosting production of soft drinks and fruit juices. +21467020 Trade and Supply Minister Gerhard Briksa said in a letter published in the youth daily Junge Welt that the rise in alcohol consumption in East Germany had been halted; but to reduce it further, he said, production and supply of other beverages, including fruit juices, should be stepped up. +21467021 He added that shops will have to continue reducing their stocks of liquor and avoid displaying them too prominently in the window. +21467022 Hong Kong has built a detention center for illegal immigrants from China because China has refused for the past two weeks to accept them back. +21467023 The center, close to Hong Kong's border with China, will be ready today and will be able to house 1,000 inmates, Police Deputy Director Peter Wong said. +21467024 The dispute started when China, angry that Hong Kong had allowed dissident swimmer Yang Yang to flee to the U.S., halted the usual daily transfer of illegal immigrants caught in this British colony, which reverts to Beijing's control in 1997. +21467025 Sweating under the glare of newly installed television lights, British members of Parliament demanded a halt to the experimental televising of debates. +21467026 A group of senior Conservative legislators, complaining the House of Commons was like a sauna, demanded that the experiment be stopped unless the intensity of the lights is reduced. +21467027 One Conservative MP, David Wilshire, said: "I should have a wonderful suntan by Christmas." +21467028 Debates are due to be broadcast nationally starting Nov. 21 in a six-month experiment. +21467029 A majority of Japanese banks are said to be wary of making new loans to Mexico under the Brady plan because they're uncertain the Mexican economy will remain stable. +21467030 Instead, many small and medium-sized banks, and some larger ones, are likely to take one of the other two options open to them under the plan, Japanese banking officials said. +21467031 The plan, proposed by U.S. Secretary of State Nicholas Brady, calls for banks either to make new loans or to reduce the principle on existing loans or to cut the interest rate on those existing loans. +21467032 The officials said that most Japanese banks prefer the losses they'd suffer in either of the latter options to the risk of new lending. +21467033 But an official at a long-term credit bank explained that since some larger banks have already taken loss provisions for loans to other Third World nations, further write-offs could be viewed as intolerable. +21467034 "They can't take the hit" to their earnings, he said. +21467035 As a result, the official said, they may be forced into a no-win situation in which they make risky loans that they could have to write off later. +21467036 A poll in male-dominated South Korea put Margaret Thatcher first on a list of most-respected foreign leaders. +21467037 The British prime minister was the only woman singled out by respondents, who put Soviet President Mikhail Gorbachev in second place. . . . +21467038 The Soviet newspaper Trud reported that Mickey Mouse will appear in a Russian-language comic book to be issued four times a year by Soviet publisher Fizkultura i Sport and Denmark's Gutenberghus Group. +21467039 The comic book will cost about $2. +21468001 Ekco Group Inc., Nashua, N.H., expects to report that net income in the third quarter, ended Oct. 1, fell 50% to 60% from $2.1 million, or 11 cents a share, a year earlier. +21468002 Robert Stein, president and chief executive officer, attributed the expected decline partly to the effects of a two-week strike last month at the company's Masillon, Ohio, bakeware facility. +21468003 Softer-than-expected orders in early September also played a role, he said in an interview. +21468004 But Mr. Stein said he is "reasonably confident" that earnings for the full year will exceed the $3.1 million, or 17 cents a share, in 1988. +21468005 That would require fourth-quarter net of more than about 22 cents to 24 cents a share, assuming that Mr. Stein's third-quarter estimate proves accurate. +21468006 In the year-earlier fourth quarter, the company had profit of $2.7 million, or 15 cents a share. +21468007 Third-quarter revenue is expected to be $40 million to $45 million, up from $38.2 million a year earlier, according to Neil Gordon, treasurer. +21468008 The year-earlier periods don't reflect results of the company's Woodstream Corp. unit, acquired last January, but include some Canadian operations that were sold at the end of 1988. +21468009 August through October traditionally is the busiest season for the bakeware business, as many retailers use the goods as autumn promotional items. +21468010 Mr. Stein said some retailers -- perhaps anxious about minimizing inventories -- appear to have held back on orders in September but have been ordering more heavily in October. +21468011 Mr. Stein said Woodstream is "marginally profitable" but hasn't performed as well as expected. +21468012 Woodstream's Victor-brand mousetraps and other pest-control products are "doing very well," and its plastic storage-case products "are poised for growth," he said. +21468013 But the unit's third segment, wildlife traps, is suffering from a "depressed market," and Ekco is seeking to sell that segment, he said. +21468014 Mr. Stein said he expects profit to be higher in 1990 than in 1989, reflecting a number of measures taken since the acquisition of Ekco Housewares in late 1987. +21468015 (Prior to acquiring the housewares business, the company was known as Centronics Corp.; Centronics had been a maker of computer printers, but Mr. Stein and other officers decided to sell that business after Japanese competitors grabbed a dominant share of the market.) +21468016 Mr. Stein said tighter operating controls have enabled Ekco to reduce inventory levels 25% to 30%; improve on-time delivery of orders to about 95% from around 70%; and to lower the number of labor hours required to produce a unit. +21468017 By moving the design of new products in-house -- instead of contracting out the work -- the company also has been able to come up with designs that can be manufactured more efficiently, he said. +21468018 In addition to those measures, the company spent heavily earlier this year to install displays at its customers' retail outlets -- a strategy that Mr. Stein said has helped bolster awareness of the company's brands. +21468019 Ekco's housewares operation makes kitchen tools and gadgets, as well as bakeware, at factories in the U.S. and Canada. +21468020 The main issue in the strike at the Ohio facility was health-care benefits, Mr. Stein said. +21468021 The strike ended Oct. +21468022 Ekco continues to seek further acquisitions in the consumer-products industry, Mr. Stein said. +21468023 He indicated that Ekco may be interested in acquiring another company with revenue in the range of $75 million to $100 million, partly because mass merchandisers increasingly want to rely on larger, and fewer, suppliers. +21469001 After several years of booming business with China, foreign traders are bracing for the biggest slump in a decade. +21469002 The imposition of austerity measures, starting last October, already had begun to pinch when the massacre in Tiananmen Square on June 4 and subsequent events tugged the belt far tighter. +21469003 Foreign lending has been virtually suspended since then, choking liquidity and hobbling many projects. +21469004 And Beijing has pulled back on domestic loans and subsidies, leaving many domestic buyers and export-oriented plants strapped for cash. +21469005 Givaudan Far East Ltd., a Swiss concern that sells chemicals to shampoo and soap factories in China, typifies the problems. +21469006 Last year's retrenchment dried up the working capital of Chinese factories. +21469007 The company's sales flattened during 1989's first half. +21469008 The June killings magnified the problems. +21469009 In Canton, Givaudan's representative office received no orders in June. +21469010 At first it attributed the slump to temporary business disruptions, but when no orders were logged in August and September, manager Donald Lai became convinced that business would be bad for many months. +21469011 "Things have grown worse since June 4," Mr. Lai says. +21469012 He predicts that sales will drop between 30% and 40% from last year's $3 million. +21469013 The consumer-products and light-industrial sectors are bearing the brunt of China's austerity measures, and foreign companies such as Givaudan that deal with those industries are being hit the hardest. +21469014 But in general, all foreign-trading companies are feeling the pinch. +21469015 "The import pie will shrink," says John Kamm, first vice president of the American Chamber of Commerce in Hong Kong and a China trade specialist. +21469016 "On the down side, sales could fall as much as 90% for some companies; on the upper side, sales will be flat." +21469017 China's foreign trade has gone in cycles during the past decade. +21469018 The last time that traders experienced a trough was during 1985-86, when Beijing imposed tough measures to curb imports and conserve foreign exchange. +21469019 The current trough is expected to be much deeper, because Beijing has cut off domestic funds from factories for the first time to slow inflation. +21469020 In addition, the suspension of loans and export credits from foreign governments and institutions following the June killings have been a big setback. +21469021 "The freeze on new lending is dealing the single biggest blow to trading," says Raymond Wong, China manager for Mannesmann AG, a West German machinery-trading company. +21469022 Import growth from the year-earlier months slowed to 16% in July and 7.1% in August, compared with an average growth rate of 26% in the first half. +21469023 In the first eight months of 1989, imports grew 21%, to $38.32 billion, down slightly from a growth rate of 23% a year earlier. +21469024 The picture for China's exports is just as bleak, mainly because of the domestic credit squeeze. +21469025 Exports in the first eight months grew only 9%, to $31.48 billion, compared with a growth rate of 25% a year earlier, according to Chinese customs figures. +21469026 The threat to China's balance of payments is further aggravated by the plunge in its foreign-exchange reserves, excluding gold holdings. +21469027 The reserves dropped for the first time in recent years, to $14 billion in June from $19 billion in April. +21469028 The trend has prompted Beijing to intensify efforts to curb imports. +21469029 In recent weeks, China's leaders have recentralized trading in wool and scores of chemical products and commodities. +21469030 The Ministry of Foreign Economic Relations and Trade set up a special bureau last month to monitor the issue of import and export licenses. +21469031 Beijing's periodic clampdowns on imports have taught many trading companies that the best way to get through the drought is by helping China export. +21469032 For example, Nissho Iwai Corp., one of the biggest Japanese trading houses, now buys almost twice as many goods from China as it sells to that country. +21469033 Three years ago, the ratio was reversed. +21469034 But the strategy isn't helping much this time. +21469035 "Both sectors of imports and exports look just as bad," says Masahiko Kitamura, general manager of Nissho Iwai's Canton office. +21469036 He expects the company's trading business to drop as much as 40% this year. +21469037 For a short time after June 4, it appeared that the trade picture would remain fairly bright. +21469038 Many foreign trading offices in Hong Kong were swamped with telexes and telephone calls from Chinese trade officials urging them not to sever ties. +21469039 Even the Bank of China, which normally took weeks to process letters of credit, was settling the letters at record speed to dispel rumors about the bank's financial health. +21469040 But when foreign traders tried to do business, they discovered that the eagerness of Chinese trade officials was just a smokescreen. +21469041 The suspension of foreign loans has weakened the buying power of China's national trading companies, which are among the country's biggest importers. +21469042 Business isn't any better on the provincial or municipal level, foreign traders say. +21469043 Shanghai Investment & Trust Co., known as Sitco, is the city's main financier for trading business. +21469044 Sitco had customarily tapped the Japanese bond market for funds, but it can't do that any longer. +21469045 Foreign traders say the company is strapped for cash. +21469046 "It has difficulties paying its foreign debts," says a Hong Kong executive who is familiar with Sitco's business. +21469047 "How can it make available funds for purchases?" +21469048 Foreign traders also say many of China's big infrastructural projects have been canceled or postponed because of the squeeze on domestic and foreign credit. +21469049 Albert Lee, a veteran trader who specializes in machinery sales, estimates that as many as 70% of projects that had obtained approval to proceed have been canceled in recent months. +21469050 "There are virtually no new projects, and that means no new business for us," he says. +21469051 Even when new lending resumes, foreign exchange would still be tight because Beijing will likely try to rein in foreign borrowing, which has grown between 30% and 40% in the past few years. +21469052 And foreign creditors are likely to be more cautious about extending new loans because China is nearing a peak repayment period as many loans start falling due in the next two to five years. +21469053 Another reason for the intensity of the trade problems is that Beijing has extended the current clampdown on imports beyond the usual target of consumer products to include steel, chemical fertilizers and plastics. +21469054 These have been among the country's leading imports, particularly last year when there were shortages that led many traders to buy heavily and pay dearly. +21469055 But the shortages also spawned rampant speculation and spiraling prices. +21469056 To stem speculation, Beijing imposed ceiling prices that went into effect earlier this year. +21469057 Traders who had bought the goods at prices above the ceiling don't want to take a loss on resales and are holding onto their stock. +21469058 The resulting stockpiling has depressed the market. +21469059 But Beijing can't cut back on such essential imports as raw materials for too long without hampering the country's export business. +21469060 Mr. Kamm, the China trade expert, estimates that as much as 50% of Guangdong's exports is made up of processed imported raw materials. +21470001 Oil Spill Case Shows Liability Fund Flaws +21470002 AN UNRESOLVED two-year-old dispute stemming from an Alaskan oil spill has helped spur a drive for tougher federal laws to protect victims of such accidents. +21470003 The class-action suit highlights shortcomings of the Trans-Alaska Pipeline Liability Fund, which gets its money from oil companies using the pipeline and compensates those harmed by oil spills. +21470004 On July 2, 1987, the tanker S.S. Glacier Bay struck a rock and spilled almost 150,000 gallons of oil into the Cook Inlet. +21470005 Commercial fishermen and fish processors filed suit in federal court in a claim that has ballooned to more than $104.8 million. +21470006 Defendants include British Petroleum America; Trinidad Corp., the shipper; and the pipeline liability fund. +21470007 The fund was created by the Trans-Alaska Pipeline Act, which provides that the owner or operator of a vessel involved in an oil spill must pay the first $14 million in damages. +21470008 The fund is required to pay claims up to an additional $86 million. +21470009 The fund's purpose is to provide quick and adequate relief. +21470010 But the Glacier Bay case, the fund's first test, shows how easily the fund can be undermined. +21470011 Trinidad Corp. is contesting liability. +21470012 It claims the Coast Guard failed to chart the rock and refuses to pay damages. +21470013 That means the fund isn't obligated to pay anything, at least so far. +21470014 The Oil Pollution Act, scheduled to come up for a vote in Congress this fall, would provide that if claimants aren't paid within 90 days of a spill, the liability fund would compensate them and seek reimbursement from the owner or operator of the vessel, says a spokesman for Rep. George Miller (D., Calif.), a sponsor of the bill. +21470015 The spokesman says the "glitch" in the statute is "the worst kind of Catch-22." +21470016 Many Law School Grads Find Classes Never End +21470017 RECENT LAW school graduates are starting jobs with law firms this fall -- and heading back to class. +21470018 Bar associations and consultants are offering more programs to teach associates all they need to know about law but didn't learn in law school. +21470019 "Law school teaches wonderful theory, but it doesn't teach the nuts and bolts of practical lawyering," says Aaron Weitz, head of a New York County Lawyers' Association committee that sponsors such a course. +21470020 In the past, associates learned the basics from senior lawyers who acted as mentors. +21470021 But these days, large firms hire as many as 30 new associates a year, and it's impossible to personally train everyone, says Joel Henning of Hildebrandt Inc., a consulting firm that runs training classes. +21470022 The Hildebrandt course enables students to brush up on negotiation skills by role playing in simulated deals. +21470023 Students also are taught to return clients' phone calls immediately and to treat the support staff with respect. +21470024 Many law firms sponsor their own programs. +21470025 At the Baltimore firm of Weinberg & Green, new corporate and banking associates are required to enroll in a 20-class course. +21470026 Partners lecture on how to form corporations, draft agreements and defend clients against unwanted tender offers. +21470027 Now, clients know that new associates have had some practical training before working on their cases, says James J. Hanks, a partner at the firm. +21470028 Los Angeles Creates A Courthouse for Kids +21470029 THE CHILDREN of Los Angeles will soon have their own $52 million courthouse. +21470030 The building, which will handle child abuse, custody and foster care cases, will be "less formal, less threatening and just basically less grim than most courthouses," says Edmund Edelman, chairman of the Los Angeles County Board of Supervisors. +21470031 Designs call for an L-shaped structure with a playground in the center. +21470032 There will be recreation and movie rooms. +21470033 Teens will be able to listen to music with headsets. +21470034 Study halls, complete with reference materials, will be available. +21470035 And there will be a nurse's station and rooms for children to meet with social workers. +21470036 The building's 25 courtrooms will be smaller, says Charlene Saunders, a court administrator. +21470037 The bench will be lower so the judge seems less intimidating, and walls will be painted in bright colors and covered with murals. +21470038 Cases in Los Angeles County involving dependent children are usually heard in the Criminal Courts Building. +21470039 "We need to get the kids away from the criminals into a less traumatic environment," says Mr. Edelman. +21470040 About 45,000 children in Los Angeles County are under court supervision, Mr. Edelman says, and an average of 1,500 new children are added each month. +21470041 The courthouse, to be built in Monterey Park, is expected to open in the spring of 1992. +21470042 Law Firm Management Can Be Quite Rewarding +21470043 IT PAYS to follow a management career path -- even at law firms. +21470044 That's the conclusion of a recent study of large law firms conducted by Altman & Weil Inc., an Ardmore, Pa., law firm consultant. +21470045 Its survey of 96 firms, each with 100 to 1,000 lawyers, shows that managing partners earned an average of $395,974 in compensation and cash benefits in the firms' 1988 fiscal years. +21470046 Managing partners who responded to the survey typically spend over half their time supervising their firms' day-to-day operations and just a little more than a third of their time practicing law. +21470047 Partners in the survey who devote most of their time to practicing law earned an average of about $217,000. +21471001 Chairman Jamie Whitten (D., Miss.) of the House Appropriations Committee proposed a $2.85 billion emergency funding package to assist California's recovery from last week's earthquake and extend further aid to East Coast victims of Hurricane Hugo. +21471002 The sweeping measure incorporates $500 million in small-business loans, $1 billion in highway-construction funds and $1.25 billion divided between general emergency assistance and a reserve to be available to President Bush to meet unanticipated costs from the two disasters. +21471003 The funds would be attached to a stop-gap spending bill required to keep most of the government operating past Wednesday. +21471004 The measure is scheduled to be taken up by the Appropriations Committee today. +21471005 The panel is expected to add provisions waiving restrictions on the use of federal highway funds and may also shift money within the package to bolster the share for the Small Business Administration. +21471006 "We will support it, we will thank him, and we will augment it where appropriate," said Rep. Vic Fazio (D., Calif.). +21471007 Dubbed the "Dire Emergency Supplemental to Meet the Needs of Natural Disasters of National Significance," the measure is vintage Whitten in asserting federal responsibility and in disdaining budget impediments. +21471008 "Such other amounts will be made available subsequently as required," the legislation reads, and the new obligations "shall not be a charge against the Budget Act, Gramm-Rudman-Hollings, or other ceilings. +21472001 Moody's Investors Service Inc. said it lowered the ratings of some $145 million of Pinnacle debt because of "accelerating deficiency in liquidity," which it said was evidenced by Pinnacle's elimination of dividend payments. +21472002 Henry Sargent Jr., Pinnacle executive vice president, said the action "won't really have any effect on us. +21472003 We aren't selling bonds right now, and I don't think it will affect the value of our existing bonds." +21472004 The rating agency said it lowered the ratings on $75 million of the holding company's convertible subordinated Eurodebentures to B-3 from B-1. +21472005 Moody's said it also lowered the ratings of $70 million of Pinnacle's MeraBank thrift unit long-term deposits to B-3 from B-2, and on its subordinated debt to Ca from Caa. +21472006 MeraBank's rating for short-term deposits remains Not Prime. +21472007 Securities of MeraBank were placed under review last May, and will remain under review for downgrade, the agency said. +21473001 First, the somewhat affected idealism of the 1960s. +21473002 Then, the all-too-sincere opportunism of the 1970s and 1980s. +21473003 What now? +21473004 To judge from novels that mirror the contemporary scene, we're back in the age of anxiety. +21473005 Where '60s dropouts professed to scorn middle-class life and ambitious yuppies hoped to leave it far behind as they scaled the upper reaches of success, it now seems that so many people feel they're slipping between the cracks, that middle-class life is viewed with nostalgia or outright longing. +21473006 Lisa Zeidner's third novel, "Limited Partnerships" (North Point Press, 256 pages, $18.95) is a stylish, funny and thoughtful look at the way love relationships are affected by the pressures of money, or, more specifically, the lack of it. +21473007 Nora Worth and Malcolm DeWitt, 33 and 39 respectively, live together in a townhouse in a transitional Philadelphia neighborhood. +21473008 Malcolm, a former film-maker turned architect, has just seen his first big chance at a lucrative commission turn to dust with the arrest of his shady, obnoxious client, a fly-by-night real estate developer. +21473009 Nora, who still has artistic aspirations, knows she is lucky to be working as a food stylist, prepping pies, burgers, frosty cold drinks and other comestibles to look as appetizing as possible in front of the camera. +21473010 After all, she reasons, "there were housewives with Nikons and degrees from cooking schools in France who would kill for her job." +21473011 But Nora and Malcolm feel trapped. +21473012 They seem to be having the "worst of both worlds: artistic work with none of art's integrity and no control over the finished product; self-employment without fun or profit." +21473013 It's a downbeat, "thirtysomething" world, in which bright, still youngish people are engaged in a glossy version of day labor, doing free-lance, semi-professional work that brings little satisfaction or security but that they know they should be grateful to do. +21473014 Uncertainty dogs every aspect of their lives. +21473015 Malcolm faces bankruptcy and an IRS audit, but Nora finds an extra $30,000 in her bank account, suddenly increasing her available funds some fifteenfold. +21473016 While she is wondering whether to live it up, and do something even more dramatic, say get married, her life is further complicated by the reappearance of an old flame, David, a film critic and actor who always seems to be just on the brink of stardom. +21473017 In novels of an earlier vintage, David would have represented excitement and danger; Malcolm, placid, middle-class security. +21473018 The irony in this novel is that neither man represents a "safe" middle-class haven: Nora's decision is between emotional excitement and emotional security, with no firm economic base anywhere. +21473019 The characters confront a world in which it seems increasingly difficult to find a "middle way" between the extremes of success and failure, wealth and poverty. +21473020 In making Malcolm and Nora such wonderfully representative specimens of their class and generation, Ms. Zeidner has somewhat neglected the task of making them distinctively individual characters. +21473021 The humor of the story owes much to the fact that no hearts (even the characters' own) are likely to bleed for the plight of health-food eaters. +21473022 But readers may well feel the pangs of recognition. +21473023 In any case, the foundering middle classes aren't the only ones in trouble -- or whose troubles provide material for fiction. +21473024 "Rascal Money" (Contemporary Books, 412 pages, $17.95), a novel by consultant and business analyst Joseph R. Garber, tells the story of an innovative, well-run, widely respected computer manufacturing company called PegaSys as it faces a hostile takeover attempt by AIW, a much smaller corporation that is so incompetently managed as to constitute a standing joke in the business world. +21473025 Patrician, dynamic Scott Thatcher, founder and head of PegaSys, initially finds the takeover threat risible. +21473026 But, as he and his skilled team soon discover, they're up against two factors they hadn't counted on: first, a business climate in which a failing company with few assets and many debts can borrow against the assets of the successful company it hopes to acquire in order to finance the takeover; second, that standing behind AIW is a sinister consortium of much bigger, shadier and shrewder foreign interests secretly providing the money and muscle for the deal. +21473027 Mr. Garber manages to invest this tale of financial wars with the colorful characters and fast-paced action of a suspense novel. +21473028 And like a spy or mystery story, this novel has strong elements of allegory, as the good and evil forces battle it out. +21473029 Mr. Garber depicts these moral qualities with the broad brush strokes of a satire that occasionally descends to the realm of cliched caricatures. +21473030 Standard-issue portraits of flaky Californians, snobbish homosexuals and Neanderthal union leaders undermine the force of the author's perceptions. +21473031 Yet the heavy-handedness of the satire also can be effective in a book like this: If the head of AIW were not portrayed as an utterly contemptible, malicious dolt, we would not much care whether his schemes were defeated, and would not be so diverted in the process. +21473032 Ms. Rubin is a free-lance writer based in Los Angeles. +21474001 High-definition television promises to be the TV of tomorrow, so it is a natural multibillion-dollar market. +21474002 Although major U.S. manufacturers have all but ceded the main segment of that future business to Japan, not everyone here is ready to give up. +21474003 A handful of small U.S. companies are struggling to develop the technology to build the screens for the thin, high-quality televisions that are expected to hang on living room walls by the end of the 1990s. +21474004 With only small help from the government, these start-up concerns are trying to compete with the Goliaths of the Japanese consumer electronics industry, which enjoy considerable backing from the Japanese government. +21474005 Photonics Technology Inc. of Northwood, Ohio, aims to use a new form of plasma technology to put movie-quality images on a TV display that is 40 inches in diameter but only a few inches thick. +21474006 Planar Systems Inc. of Beaverton, Ore., the largest of these firms, with $20 million in annual revenue, has similar plans. +21474007 It already has had success in electroluminescence, another promising technology adaptable for high-definition television. +21474008 Two other firms, Ovonic Imaging Systems Inc. of Troy, Mich., and Magnascreen Corp. of Pittsburgh are developing a variation of the flat-panel screens called active-matrix liquid crystal displays. +21474009 The new technologies are intended to retire the cathode-ray tube, which accounts for most of the bulk of the conventional TV set. +21474010 Replacing the cathode-ray tube with a large, thin screen is the key to the creation of a high-definition television, or HDTV, which is expected to become a $30 billion business world-wide within a decade. +21474011 Large U.S. companies are interested in other segments of the HDTV business, such as signal-processing and broadcast equipment. +21474012 But except for Zenith Electronics Corp. and International Business Machines Corp., which is collaborating with Toshiba on computer displays, they are poorly positioned to exploit advances in large panels. +21474013 General Electric Co. recently sold off its interests in liquid-crystal displays to Thompson-CSF of France. +21474014 "We found the market not developing as we thought it would," a GE spokesman says. +21474015 The small U.S. firms are persisting because of their strong positions in patents, and because the prize is still there to be seized. +21474016 "No one yet has shown the ability to manufacture these panels" at commercial costs, says Zvi Yaniv, the president of Ovonic Imaging. +21474017 He says he thinks his company is just a few years from doing that. +21474018 The Bush administration, hearing conflicting advice about what its role in HDTV should be, isn't doing much for now. +21474019 The only material support it is extending to the struggling U.S. industry is $30 million in awards from the Pentagon's Defense Advanced Research Projects Agency. +21474020 The DARPA funds are a pittance compared with what Japan and other prospective competitors are spending. +21474021 The Commerce Department estimates that Japanese government and industry spending on HDTV research is already over $1 billion. +21474022 "Unless it gets more help, the U.S. industry won't have a chance," says Peter Friedman, Photonics's executive vice president. +21474023 Thus far, almost all of the basic technology relating to high-definition television has come from U.S. laboratories. +21474024 But Peter Brody, Magnascreen's president, says Japanese companies are poised to snatch the technology and put it to commercial use, just as they did with earlier U.S. innovations in color television and video recording. +21474025 In the 1970s, Mr. Brody helped develop the first display panels based on active-matrix liquid crystals at Westinghouse Electric Corp.'s research labs in Pittsburgh. +21474026 The panels are like oversized semiconductors surfaced with a million or more picture elements, each contributing to the color and tone of a TV image. +21474027 In 1979, however, Westinghouse abandoned the project along with its stake in advanced television. +21474028 Mr. Brody left the company to find other backers. +21474029 He has a claim to the right to commercialize the Westinghouse patents, but he contends that those patents are being infringed by a number of Japanese producers. +21474030 "Most American investors have just given up," Mr. Brody says. +21474031 "They aren't prepared to compete in an area where the Japanese want to enter." +21474032 Many critics question the industry's need for federal support; the Pentagon justifies its help on national-security grounds. +21474033 "We don't see a domestic source for some of our {HDTV} requirements, and that's a source of concern," says Michael Kelly, director of DARPA's defense manufacturing office. +21474034 So DARPA is trying to keep the industry interested in developing large display panels by doling out research funds. +21474035 HDTV already has some military applications, such as creating realistic flight simulations and transmitting information to combat commanders. +21474036 The Navy is ordering displays for its Aegis cruisers and the Army wants smaller versions for its Abrams battle tanks. +21474037 The Commerce Department also is trying to encourage HDTV because of the benefits that could spin off to the semiconductor and computer industries. +21474038 "It isn't just yuppie television," argues Jack Clifford, director of the department's office of microelectronics and instrumentation. +21474039 "The industry will create industrial products such as displays for work stations and medical diagnostic equipment before it acquires a mass consumer market." +21474040 Although some HDTV advocates are calling for other forms of aid, such as antitrust relief for research consortia, the small firms simply would prefer more DARPA funds. +21474041 Each claims to possess the right technology and wants just a bit more money to make it commercial. +21474042 They also want U.S. trade policy to reflect the Pentagon and Commerce department's concern over their future. +21474043 They all are strongly opposed to a petition from several Japanese TV manufacturers, including Matsushita, Hitachi, and Toshiba, to exempt portable color TVs with liquid-crystal displays from anti-dumping duties that the U.S. imposes on the larger Japanese color TVs. +21474044 And they want the U.S. to help them sell overseas. +21474045 Planar President James Hurd says he has to pay tariffs as high as 15% to sell his display panels in Japan and South Korea, while panels from those countries enter the U.S. duty-free. +21474046 "This isn't a technology issue, but an attitude issue," he says. +21474047 "We just haven't learned what it takes to compete. +21475001 Burmah Oil PLC, a British independent oil and specialty-chemicals marketing concern, said SHV Holdings N.V. has built up a 7.5% stake in the company. +21475002 The holding of 13.6 million shares is up from a 6.7% stake that Burmah announced SHV held as of last Monday. +21475003 SHV, of the Netherlands, which last year merged its North Sea oil and gas operations with those of Calor Group PLC and which owns 40% of Calor, was identified as a possible suitor for Burmah. +21475004 Burmah said it hadn't held any discussions with SHV and that "no deal of any nature is in contemplation. +21476001 The top state environmental official in Massachusetts said Clean Harbors Inc.'s environmental-impact statement for a proposed incinerator in Braintree was inadequate. +21476002 The official, John DeVillars, asked Clean Harbors for more information before ruling on a permit for the site. +21476003 Critics of the plan, including the town of Braintree, say the incinerator is a health hazard. +21476004 Clean Harbors, based in Quincy, said it "will proceed expeditiously" to submit the data requested. +21476005 Alan McKim, chief executive officer of Clean Harbors said he was "very much encouraged" by the official's praise of Clean Harbors for the quality of some of the data in the report. +21477001 Citizens & Southern Corp. said it signed a definitive agreement to acquire Security Pacific Corp.'s New York-based factoring unit. +21477002 Terms of the bank holding companies' agreement weren't disclosed. +21477003 Factoring involves the purchase and collection of another company's receivables. +21477004 Citizens, based in Atlanta, said it has about $4.6 billion in factored sales annually; the Security Pacific unit has about $1.8 billion annually. +21477005 Security Pacific's factoring business works with companies in the apparel, textile and food industries, among others. +21478001 The Office of Thrift Supervision banned B.J. Garman, a former director of the failed Vision Banc Savings Association of Kingsville, Texas, from working in any financial institution insured by the government. +21478002 The office, a Treasury Department unit that is the successor to the Federal Home Loan Bank Board, said this was the first announcement of an enforcement action since this year's thrift-bailout legislation ordered that all such actions by federal banking regulators be made public. +21478003 Generally, regulators haven't announced enforcement actions in the past. +21478004 Indeed, the OTS said that before the law took effect Aug. 9, it banned another "key Vision Banc insider" from insured financial institutions. +21478005 That individual wasn't identified. +21478006 Vision Banc was placed in government conservatorship in March, and it operates under the control of the Resolution Trust Corp., the agency created to sell or liquidate insolvent thrifts. +21478007 The OTS didn't say specifically why the action was taken against Ms. Garman. +21478008 However, it said examiners found a variety of insider dealings at the thrift, including "extraordinary loan commissions" paid to a firm associated with Vision Banc officials, and loans diverted through borrowers back to the thrift officials. +21478009 Ms. Garman couldn't be reached for comment. +21479001 Arizona Instrument Corp. said it expects to post a third-quarter net loss of about $600,000, or 25 cents to 27 cents a share, compared with net income of $214,000, or 10 cents a share, a year earlier. +21479002 The Tempe, Ariz., maker of underground fuel-storage systems said the most recent period was affected by customers' problems complying with recent Environmental Protection Agency regulations. +21479003 For the nine months, the company expects to post a net loss of about $879,000, or 35 cents to 40 cents a share, on revenue of $6.5 million. +21479004 A year earlier, it had a loss of $199,203 or nine cents a share, on revenue of $7.6 million. +21480001 Growth is good. +21480002 At least, that's a theme emerging among many money managers who are anxious both to preserve the handsome stock-market gains they have already achieved this year and to catch the next wave of above-average performers. +21480003 They are starting to buy growth stocks. +21480004 Remember them? +21480005 The upper echelon of this group were shares of the "nifty 50" companies whose profits of the 1960s and early 1970s grew steadily, if not spectacularly, through thick and thin. +21480006 That sort of workhorse performance sounds made to order for a time when corporate profits overall have been weakening from the brisk increases of recent years. +21480007 The current flood of third-quarter reports are producing many more negative surprises than positive ones. +21480008 Those are unwelcome trends in a year that the Dow Jones Industrial Average has risen 23% so far, even with the 190.58-point plunge on Oct. 13; broader market measures are in the same neighborhood. +21480009 The question for investors is, how to protect these returns and yet reach a little for additional gains. +21480010 That's the path of reasoning leading to growth stocks. +21480011 "I think it is a good theme for what looks to be an uncertain market," says Steven Einhorn, partner at Goldman Sachs. +21480012 Growth stocks may be as big as Philip Morris or medium-sized such as Circuit City Stores, but their common characteristic is a history of increasing profits on the order of at least 15% to 20% a year, money managers say. +21480013 "The period when growth stocks should be performing well is when their earnings are growing at a superior rate to the general level of corporate profits," says Stephen Boesel, president of T. Rowe Price's Growth and Income Fund. +21480014 Growth stocks also are attractive in periods of market volatility, which many investors and analysts expect in the weeks ahead as everybody tries to discern where the economy is heading. +21480015 This kind of jumpy uncertainty reminds John Calverley, senior economist for American Express Bank, of the 1969-72 period, when the industrial average rolled through huge ranges and investors flocked to the shares of companies with proven earnings records, which became known as the "nifty 50." +21480016 And they will again, say money-manager proponents of the growth-stock theme. +21480017 Cabanne Smith, president of a money management company bearing his name, predicts that investment companies using computers to identify companies with earnings "momentum" will climb on the growth-stock bandwagon as the overall corporate earnings outlook deteriorates further. +21480018 He also thinks foreign investors, who are showing signs of more discriminate investing, will join the pursuit and pump up prices. +21480019 "We're just seeing the beginning of a shift," Mr. Smith says. +21480020 Mr. Smith recommends Cypress Semiconductor that is currently showing a robust 63% earnings growth rate. +21480021 Ronald Sloan, executive vice president of Siebel Capital Management, likes Wellman Inc., a company that recycles plastic into synthetic fibers for carpeting. +21480022 Mr. Sloan praises the company as recession resistant and notes that it has an annual earnings growth rate of 32% a year over the past five years. +21480023 Wellman stock closed Friday at 39 3/8, up 1/8; Mr. Sloan thinks that in a year it could hit 60. +21480024 Others preach the gospel of buying only blue-chip growth stocks. +21480025 Carmine Grigoli, chief market strategist for First Boston, who still says, "We expect the Dow average {to be at} 3000 by mid-1990," nonetheless foresees a sluggish economy in the meantime. +21480026 He recommends such blue-chip growth stalwarts as Philip Morris, PepsiCo, CPC International, Reebok International, and Limited Inc. +21480027 All have a fiveyear earnings growth rate of more than 20% a year. +21480028 Some money managers are pursuing growth stocks at the expense of those that rise and fall along with the economic cycle. +21480029 "One of the stories of the fourth quarter is that we will get an unusual number of earnings disappointments from companies sensitive to the economy," says Mr. Boesel of T. Rowe Price. +21480030 James Wright, chief investment officer for Banc One Asset Management, says, "We've been selling a disproportionate share of cyclical companies and buying a disproportionate share of high earnings stocks." +21480031 He recently trimmed his portfolio of International Paper, Dow Chemical, Quantum Chemical, International Business Machines and Digital Equipment. +21480032 He is putting money in Dress Barn, Circuit City Stores, Bruno's, and Rubbermaid. +21480033 Big cyclical companies are using "all the tricks they can to stabilize earnings," says Mr. Sloan. +21480034 He cites IBM, which reported a 30% earnings decline in the third quarter, and which last week announced a $1 billion buy-back of its shares. +21480035 "What they are telling you is that they don't have the ability to generate higher returns internally," says Mr. Sloan. +21480036 "When they are buying back stock at 10 times earnings, they are suggesting that the rate of return on competing internal projects is below" returns on the stock. +21480037 IBM says it considers its shares a good investment. +21480038 But not all strategists or money managers are ready to throw in the towel completely on cyclicals. +21480039 Growth stocks may underperform cyclical stocks next year if the Federal Reserve begins to let interest rates drift sufficiently lower to boost the economy. +21480040 Goldman Sachs's Mr. Einhorn, for one, subscribes to that scenario. +21480041 He suggests investors think about buying cyclical shares in the weeks ahead, as well as growth issues. +21480042 Friday's Market Activity +21480043 Stock prices finished about unchanged Friday in quiet expiration trading. +21480044 Traders anticipated a volatile session due to the October expiration of stock-index futures and options, and options on individual stocks. +21480045 But there were fewer price swings than expected. +21480046 Buy order imbalances on several big stocks were posted by the New York Stock Exchange. +21480047 But block trading desks and money managers made a concerted effort to meet the imbalances with stock to sell, one trader said. +21480048 As a result, the Dow Jones Industrial Average drifted in narrow ranges in the final hour of trading, and closed 5.94 higher to 2689.14. +21480049 New York Stock Exchange volume was 164,830,000. +21480050 Advancers on the Big Board lagged decliners 662 to 829. +21480051 For the week, the industrial average gained 119.88 points, or 4.7%, the biggest weekly point advance ever and a better than 50% rebound from the 190.58 point loss the industrial average logged Oct. 13. +21480052 Broader market averages were little changed in the latest session. +21480053 Standard & Poor's 500-Stock Index gained 0.03 to 347.16, the Dow Jones Equity Market Index fell 0.02 to 325.50, and the New York Stock Exchange Composite Index fell 0.05 to 192.12. +21480054 Most of last week's surge in the industrial average came on Monday, when the average rose 88.12 points as market players snapped up blue-chip issues and shunned the broad market. +21480055 That contrast was reflected in the smaller weekly percentage gains recorded by the broader averages. +21480056 The S&P 500 rose 4%, the Dow Jones Equity Market index gained 3.7% and the New York Stock Exchange composite index added 3.5%. +21480057 The Dow Jones Transportation Average fell 32.71 to 1230.80 amid renewed weakness in the airline sector. +21480058 UAL skidded 21 5/8 to 168 1/2 on 2.2 million shares. +21480059 On the week, UAL was down nearly 40%. +21480060 The latest drop followed a decision by British Airways, which had supported the $300-a-share buy-out offer for UAL from a labor-management group, not to participate in any revised bid. +21480061 British Airways fell 1 to 31 7/8. +21480062 While most other airline issues took their cue from UAL, USAir Group rose 1 3/4 to 43 1/4 on 1.5 million shares amid speculation about a possible takeover proposal from investor Marvin Davis. +21480063 USA Today reported that Mr. Davis, who had pursued UAL before dropping his bid Wednesday, has acquired a stake of about 3% in USAir. +21480064 Unocal fell 1 1/2 to 52 1/4 and Burlington Resources declined 7/8 to 45 5/8. +21480065 At a meeting with analysts, British Petroleum officials dispelled speculation that the company may take over a U.S. oil company, according to Dow Jones Professional Investor Report. +21480066 Both Unocal and Burlington had been seen as potential targets for a British Petroleum bid. +21480067 Paper and forest-products stocks declined after Smith Barney, Harris Upham & Co. lowered investment ratings on a number of issues in the two sectors, based on a forecast that pulp prices will fall sharply. +21480068 International Paper dropped 5/8 to 51, Georgia-Pacific fell 1 3/4 to 56 1/4, Stone Container tumbled 1 1/2 to 26 5/8, Great Northern Nekoosa went down 5/8 to 38 3/8 and Weyerhaeuser lost 7/8 to 28 1/8. +21480069 Dun & Bradstreet dropped 3/4 to 51 1/8 on 1.9 million shares on uncertainty about the company's earnings prospects. +21480070 Merrill Lynch cut its rating and 1990 earnings estimate Thursday, citing weakness in its credit-rating business. +21480071 Lamson & Sessions, which posted sharply lower third-quarter earnings and forecast that results for the fourth quarter might be "near break-even," fell 1/2 to 9 1/4. +21480072 Winnebago Industries slid 5/8 to 5 1/4. +21480073 The company, which reported that its loss for the fiscal quarter ended Aug. 26 widened from a year earlier, cut its semiannual dividend in half in response to the earnings weakness. +21480074 MassMutual Corporate Investors fell 3 to 29 after declaring a quarterly dividend of 70 cents a share, down from 95 cents a share. +21481001 Stoneridge Resources Inc. said it will begin an offering of rights equivalent to 2.6 million common shares and valued at $22,750,000. +21481002 The Bloomfield Hills, Mich.-based real-estate holding company said it will offer the rights at $8.75 a share to shareholders of record on Oct. 26. +21481003 The offering is scheduled to expire on Nov. 30. +21481004 The company said it will use the proceeds of the offering for debt reduction and general corporate purposes, including acquisitions. +21481005 Stockholders may buy one share at the subscription price for every four shares of stock they own. +21481006 Stockholders who exercise all their rights may buy additional shares, the company said. +21481007 The company said it has an option to increase the offering by up to 350,000 shares. +21482001 The following U.S. Treasury, corporate and municipal offerings are tentatively scheduled for sale this week, according to Dow Jones Capital Markets Report: $15.6 billion three-month and six-month bills. +21482002 $10 billion of two-year notes. +21482003 Resolution Funding Corp. to sell $4.5 billion 30-year bonds. +21482004 Aim Prime Rate Plus Fund Inc. -- 10 million common shares, via PaineWebber Inc. +21482005 Allied Capital Corp. II -- 6,500,000 common shares, via Shearson Lehman Hutton Inc. +21482006 American Cyanamid Co. -- 1,250,000 common shares, via Merrill Lynch Capital Markets. +21482007 Associated Natural Gas Corp. -- 1,400,000 common shares, via Dillon Read & Co. +21482008 B & H Crude Carriers Ltd. -- Four million common shares, via Salomon Brothers Inc. +21482009 Baldwin Technology Co. -- 2,600,000 Class A shares, via Smith Barney, Harris Upham & Co. +21482010 Blockbuster Entertainment Corp. -- $250 million (face amount) Liquid Yield Option Notes, via Merrill Lynch. +21482011 Chemex Pharmaceuticals Inc. -- 1,200,000 units, via PaineWebber. +21482012 Immune Response Corp. -- Three million common shares, via Merrill Lynch. +21482013 Marsam Pharmaceuticals Inc. -- 1,300,000 common shares, via Smith Barney, Harris Upham. +21482014 RMI Titanium Co. -- 15 million common shares, via Salomon Brothers Inc. +21482015 Tidewater Inc. -- 4,631,400 common shares, via Salomon Brothers Inc. +21482016 Massachusetts -- Approximately $230 million of general bonds, consolidated loan of 1989, Series D, via competitive bid. +21482017 Montgomery County, Maryland -- $75 million of general consolidated public improvement bonds of 1989, Series B, via competitive bid. +21482018 Trinity River Authority, Texas -- $134,750,000 of regional wastewater system improvement revenue bonds, Series 1989, via competitive bid. +21482019 City and County of Honolulu, Hawaii -- $75 million of obligation bonds, 1989 Series B, due 1993-2009, via competitive bid. +21482020 Beverly Hills -- $110 million of civic center project certificates of participation, Series 1989, via a Goldman, Sachs & Co. group. +21482021 Broward County School District, Florida -- $185 million of school district general bonds, via a First Boston Corp. group. +21482022 Connecticut Housing Finance Authority -- $132,620,000 of housing mortgage revenue (AMT and non-AMT) bonds, via a PaineWebber group. +21482023 Maryland Stadium Authority -- $137,550,000 of sports facilities lease revenue Alternative Minimum Tax (AMT) bonds, Series 1989 D, via a Morgan Stanley & Co. group. +21482024 Michigan -- $80 million of Michigan First general bonds, including $70 million of environmental protection project bonds and $10 million of recreation project bonds, via a Shearson Lehman Hutton group. +21482025 West Virginia Parkways Economic Development and Tourism Authority -- $143 million of parkway revenue bonds, Series 1989, via a PaineWebber group. +21482026 San Antonio, Texas -- $640 million of gas and electric revenue refunding bonds, via a First Boston group. +21483001 MCI COMMUNICATIONS Corp. said it filed a shelf registration with the Securities and Exchange Commission for issuance of as much as $750 million of debt securities. +21483002 The debt will include medium-term notes sold through Merrill Lynch Capital Markets; Drexel Burnham Lambert Inc.; Goldman, Sachs & Co. and Salomon Brothers Inc. +21483003 The funds will be used for refinancing existing debt of the Washington, D.C., concern at lower interest rates and for other general purposes. +21483004 The effective date of the registration is to be determined by the SEC. +21484001 A group including ESL Partners Ltd., a Fort Worth, Texas, investment partnership, and Richard E. Rainwater, a former adviser to the Fort Worth Bass family, said it reduced its stake in Anacomp Inc. to 3.6% of the common shares outstanding. +21484002 In a filing with the Securities and Exchange Commission, the group said it sold 1,325,900 Anacomp common shares from Aug. 31 to last Wednesday for $4.48 to $5.84 a share, resulting in a drop in its holdings to 1,351,662 shares. +21484003 No reason was given in the filing for the sales. +21484004 An Anacomp official said the Indianapolis computer-services concern had no comment on the group's share sales. +21484005 In March, the group disclosed it held a 7.2% stake in Anacomp for investment purposes. +21484006 It said then it had had and would continue to have discussions with Anacomp's management concerning its investment. +21485001 Home Beneficial Corp., Richmond, Va., said it contracted to sell its 50% interest in a Richmond-area shopping mall to a buyer that wasn't identified. +21485002 The life-insurance holding company said the sale would result in an after-tax gain of about $32 million, or $3.09 a share, in the first quarter of +21485003 The company also said it will adopt new accounting standards in the first quarter. +21485004 The change will result in a charge of about $8.5 million, or 82 cents a share, because of an increase in deferred income-tax liability. +21485005 In the first quarter of 1988, the company earned $10 million, or 94 cents a share. +21486001 Following is a weekly listing of unadited net asset values of publicly traded investment fund shares, reported by the companies as of Friday's close. +21486002 Also shown is the closing listed market price or a dealer-to-dealer asked price of each fund's shares, with the percentage of difference. +21486003 Closed End Bond Funds +21486004 Flexible Portfolio Funds +21486005 Specialized Equity and Convertible Funds +21486006 a-Ex-dividend. +21486007 b-As of Thursday's close. +21486008 c-Translated at Commercial Rand exchange rate. +21486009 e-In Canadian dollars. +21486010 f-As of Wednesday's close. +21487001 A shareholder filed suit, seeking to block Unitel Video Inc.'s proposed plan to be acquired by a new affiliate of closely held Kenmare Capital Corp. for $15 a share, or $33.6 million. +21487002 The suit, which seeks class-action status, was filed in Delaware Chancery Court. +21487003 The complaint alleges that the price is "unfair and grossly inadequate" and that the defendants are seeking to ensure a "lockup" of the purchase of Unitel, thereby discouraging other bids. +21487004 It seeks unspecified money damages. +21487005 The New York company called the lawsuit without merit. +21487006 Shareholders are scheduled to vote on the transaction Nov. +21488001 This Toronto closed-end fund cut the annual dividend on its Class A common shares to one Canadian cent from 10 Canadian cents. +21488002 The fund invests mainly in gold and silver bullion. +21488003 It said the reduced dividend reflects the low price for precious metals. +21488004 Greg Davies, Central Fund's vice president, finance, said losses for the fiscal year ending Oct. 31 could be as high as one million Canadian dollars (US$852,000). +21488005 The fund last had a profit in 1985. +21488006 The new dividend rate is payable Nov. 15 to holders of record Oct. 31. +21488007 In American Stock Exchange composite trading Friday, Central Fund was unchanged at $4.6875 a share. +21489001 Comair Holdings Inc. said in Cincinnati that it bought Airline Aviation Academy, a pilot training school based at Sanford Regional Airport near Orlando, Fla. +21489002 Comair said it paid cash but declined to disclose the price. +21489003 Comair Holdings is the parent of Comair Inc., a regional air carrier. +21489004 Airline Aviation, which has annual revenue of $5 million to $6 million, has great growth potential because of the large number of U.S. pilots nearing retirement age, Comair said. +21489005 The unit will be renamed Comair Aviation Academy and will continue to be headed by Scott Williams, a son of its founder, Comair said. +21490001 The collapse of a $6.79 billion buy-out of United Airlines parent UAL Corp. has handed Wall Street's takeover stock speculators their worst loss ever on a single deal. +21490002 Their $700 million-plus in estimated paper losses easily tops the $400 million in paper losses the takeover traders, known as arbitragers, suffered in 1982 when Gulf Oil Co. dropped a $4.8 billion offer for Cities Service Co. +21490003 In the six trading days since the UAL labor-management buy-out group failed to get bank financing, culminating Friday with the withdrawal of its partner British Airways PLC, UAL stock has plummeted by 41% to 168 1/2 from 285 1/4. +21490004 The arbs may recoup some of their paper losses if the UAL deal gets patched up again, as they did in 1982 when Occidental Petroleum Co. rescued them with a $4 billion takeover of Cities Service. +21490005 In the meantime, the question faced by investors is: What is UAL stock worth? +21490006 The short answer, on a fundamental basis, is that airline analysts say the stock is worth somewhere between $135 and $150 a share. +21490007 That's based on a multiple of anywhere between 8.5 to 10 times UAL earnings, which are estimated to come in somewhere around $16 a share this year. +21490008 Airline stocks typically sell at a discount of about one-third to the stock market's price-earnings ratio -- which is currently about 13 times earnings. +21490009 That's because airline earnings, like those of auto makers, have been subject to the cyclical ups-and-downs of the economy. +21490010 That analysis matches up with stock traders' reports that, despite the huge drop in the stock, UAL hasn't returned to the level at which it could attract buying by institutions solely on the basis of earnings. +21490011 So anyone buying the stock now is betting on some special transaction such as a recapitalization or takeover, and must do so using some guesswork about the likelihood of such an event. +21490012 One analyst, who asked not to be identified, said he believes that the UAL pilots and management can put together a bid "in the $225 area," but that it could take three to four months to close. +21490013 At that level, and given the uncertainty, he believes UAL stock should trade closer to +21490014 Other observers note that UAL's board, having accepted a bid of $300 a share, might hold out for a new bid much closer to the original level -- even if it means that the management goes back to running the company for a while and lets things return to normal. +21490015 By that logic, the closing of a deal could be much further away than three to four months, even though the eventual price might be higher. +21490016 Investment bankers following UAL agree that the strongest impetus for an eventual deal is that the pilots have been attempting a buy-out for more than two years, and aren't likely to stop, having come so close to success. +21490017 The pilots have a strong financing tool in their willingness to cut their annual compensation by $200 million, and to commit $200 million from their retirement funds. +21490018 On Friday, they also persuaded the UAL flight attendants to join them. +21490019 However, investment bankers say that banks aren't likely to lend the almost $5 billion that would be necessary for a takeover even at a lower price without someone putting up a hefty wad of cash -- probably even greater than the 17% in cash put up by investors in the leveraged takeover of Northwest Airlines parent NWA Corp. in July. +21490020 Banks want to see someone putting up real cash at risk, that is, subordinate to the bank debt in any deal. +21490021 That way, they figure, someone else has an even stronger motivation to make sure the deal is going to work, because they would be losing their money before the banks lost theirs. +21490022 Banks also want to be able to call someone on the telephone to fix a problem with a deal that goes bad -- preferably someone other than a union leader. +21490023 That leaves the pilots still in need of cash totaling around $1 billion -- far more than either they or the flight attendants can lay their hands on from retirement funds alone. +21490024 One obstacle to the pilots' finding such a huge amount of cash is their insistence on majority ownership. +21490025 Investors such as Marvin Davis of Los Angeles who have sought airline ownership this year have insisted they, not the pilots, must have control. +21490026 One way out of that dilemma could be a partial recapitalization in which the pilots would wind up sharing the value of their concessions with public shareholders. +21490027 The pilots could borrow against the value of their concessions, using the proceeds to buy back stock from the public and give themselves the majority control they have been seeking. +21490028 But it isn't clear that banks would lend sufficient money to deliver a big enough price to shareholders. +21490029 The lack of any new cash probably would still leave the banks dissatisfied. +21490030 In advising the UAL board on the various bids for the airline, starting with one for $240 a share from Mr. Davis, the investment bank of First Boston came up with a wide range of potential values for the company, depending on appraisal methods and assumptions. +21490031 Using the the NWA takeover as a benchmark, First Boston on Sept. 14 estimated that UAL was worth $250 to $344 a share based on UAL's results for the 12 months ending last June 30, but only $235 to $266 based on a management estimate of results for 1989. +21490032 First Boston's estimates had been higher before management supplied a 1989 projection. +21490033 Using estimates of the company's future earnings under a variety of scenarios, First Boston estimated UAL's value at $248 to $287 a share if its future labor costs conform to Wall Street projections; $237 to $275 if the company reaches a settlement with pilots similar to one at NWA; $98 to $121 under an adverse labor settlement, and $229 to $270 under a pilot contract imposed by the company following a strike. +21490034 And using liquidation value assuming the sale of all UAL assets, First Boston estimated the airline is worth $253 to $303 a share. +21490035 Unfortunately, all those estimates came before airline industry fundamentals deteriorated during the past month. +21490036 American Airlines parent AMR and USAir Group, both subject to takeover efforts themselves, have each warned of declining results. +21490037 Some analysts don't expect a quick revival of any takeover by the pilots. +21490038 The deal has, as one takeover expert puts it, "so many moving parts. +21490039 I don't see anybody who's sophisticated getting his name associated with this mess until the moving parts stop moving." +21490040 In addition to the need for another cash equity investor, the other moving parts include: the pilots themselves, who can scuttle rival deals by threatening to strike; the machinists union, the pilots' longtime rivals who helped scuttle the pilots' deal; and regulators in Washington, whose opposition to foreign airline investment helped throw the deal into doubt. +21490041 In the meantime, the arbs are bleeding. +21490042 Wall Street traders and analysts estimate that takeover stock traders own UAL stock and options equal to as many as 6.5 million shares, or about 30% of the total outstanding. +21490043 Frank Gallagher, an analyst with Phoenix Capital Corp. in New York, estimates that the arbs paid an average of about $280 a share for their UAL positions. +21490044 That would indicate that the arbs have paper losses on UAL alone totalling $725 million. +21490045 UAL Corp. (NYSE; Symbol: UAL) +21490046 Business: Airline +21490047 Year ended Dec. 31, 1988: +21490048 Sales: $8.98 billion +21490049 Net income*: $599.9 million; or $20.20 a share +21490050 Second quarter, June 30, 1989: Per-share earnings: $6.52 vs. $5.77 +21490051 Average daily trading volume: 881,969 shares +21490052 Common shares outstanding: 21.6 million +21491001 Eastern Enterprises, bolstered by improved tonnages in its marine-shipping unit, had a narrower third-quarter net loss of $1.1 million, or five cents a share. +21491002 Last year, Eastern had a quarter loss of $1.7 million, or eight cents a share. +21491003 Quarter revenue rose 44% to $160.1 million from $111.2 million a year ago. +21491004 The Weston, Mass., utilities and marine-transport concern said results for the third quarter, usually a money-losing one because of the seasonality of the gas business, were also aided by higher gas sales and the May 1989 acquisition of Water Products Company. +21491005 For the nine months, Eastern had net income of $41.8 million, or $1.80 a share, up 23% from $33.9 million or $1.46 a share a year ago. +21491006 Revenue grew 24% to $614.5 million from $497.1 million. +21492001 Convex Computer Corp., continuing its rapid growth while other computer companies falter, reported an 87% increase in third-quarter net income from a year earlier and a 50% increase in revenue. +21492002 Net was $3.1 million, or 16 cents a share, up from $1.6 million, or nine cents a share. +21492003 Revenue was $41.2 million, up from $27.5 million. +21492004 For the nine months, net was $7.7 million, or 41 cents a share, up 97% from $3.9 million, or 22 cents a share, a year earlier. +21492005 Revenue was $111.9 million, up 50% from $74.8 million. +21492006 Convex makes supercomputers that sell for up to $2 million and has an installed base of more than 550 systems and 340 customers world-wide. +21492007 During the third quarter, it said, it won several significant contracts, including a five-year contract with the National Institutes of Health valued at an estimated $8 million. +21492008 Earlier this month, Convex made a bid to outflank other supercomputer competitors like Digital Equipment Corp. and International Business Machines Corp. by adopting an open set of standards and introducing new hardware and software to link different systems. +21492009 The new products allow customers to add Convex machines to established systems made by other manufacturers, which "opens up a phenomenal market for us," said Robert J. Paluck, Convex's chairman, president and chief executive. +21492010 Convex also recently agreed to use Posix, a standard for the computer language called UNIX. +21492011 Posix is one of three or four versions of UNIX, but it is increasingly required by the federal government as it tries to standardize its computer systems. +21492012 Most other supercomputer manufacturers have yet to adopt the Posix standard, Mr. Paluck said, adding that they prefer to maintain proprietary systems that lock in customers. +21492013 "They want a lobster trap -- once you get in, you can't get out," he said. +21492014 "But the customer doesn't want that." +21492015 Convex closed in over-the-counter trading on Friday at $15.375 a share, down 12.5 cents. +21493001 Troubled Saatchi & Saatchi Co. has attracted offers for some of its advertising units, with potential suitors including Interpublic Group, but has rejected them, people familiar with the company said. +21493002 Industry executives said Interpublic approached Saatchi in August about buying its Campbell-Mithun-Esty unit, but was turned down by Chairman Maurice Saatchi. +21493003 More recently, Interpublic inquired about one of Saatchi's smaller communications companies -- identified as the Rowland public relations firm by several industry executives -- but again was rebuffed, they said. +21493004 Interpublic's chairman and chief executive officer, Philip Geier Jr., made the pitches in visits to Mr. Saatchi in London, the executives said. +21493005 A Saatchi spokesman declined to comment about Interpublic. +21493006 But the spokesman confirmed that Saatchi has received several inquiries from companies interested in acquiring its Campbell-Mithun and Rowland units. +21493007 He added, "We have no intention of selling either business." +21493008 Interpublic declined comment. +21493009 The offers come as Saatchi is struggling through the most troubled period in its 19-year history. +21493010 Takeover speculation has been rife, its consulting business is on the block, and its largest shareholder, Southeastern Asset Management, has said it's been approached by third parties regarding a possible restructuring. +21493011 Analysts have continually lowered their earnings estimates for the company, and their outlook, at least for the short term, is bleak. +21493012 In the midst of the current turmoil, Saatchi is attempting to shore up its ad businesses. +21493013 It named a new chief executive officer, former IMS International head Robert Louis-Dreyfus. +21493014 It rebuffed an offer by Carl Spielvogel, head of Saatchi's Backer Spielvogel Bates unit, to lead a management buy-out of all or part of Saatchi. +21493015 And last week, people close to Saatchi said Maurice Saatchi and his brother, Charles, would lead a buy-out if a hostile bid emerged. +21493016 But Saatchi's troubles have only whipped up interest among outsiders interested in picking off pieces of its ad businesses. +21493017 While Saatchi's major agency networks -- Backer Spielvogel and Saatchi & Saatchi Advertising -- would be difficult for any ad firm to buy because of potential client conflicts, its smaller businesses are quite attractive. +21493018 Campbell-Mithun-Esty, for example, has had big problems at its New York office, but offers strong offices in other areas of the country, including Minneapolis and Chicago. +21493019 That would would make it appealing to a network such as Interpublic that already has a healthy New York presence. +21493020 (While there would be some client conflicts, they wouldn't be nearly as onerous as with Saatchi's other agencies.) +21493021 Campbell-Mithun also would be a sizable addition to an agency network: It has billings of about $850 million and blue-chip clients including General Mills, Jeep/Eagle and Dow Brands. +21493022 Rowland, meanwhile, has expanded aggressively, and now ranks as the fifth-largest U.S. public relations firm, according to O'Dwyer's Directory of Public Relations Firms. +21493023 It would be attractive to an agency such as Interpublic, one of the few big agency groups without an affiliated public relations firm of its own. +21493024 Other Saatchi units include ad agency McCaffrey & McCall, which has the Mercedes account and which has been attempting to buy itself back; and Howard Marlboro, a sports and event marketing firm. +21493025 Despite Saatchi's firm stand against selling its ad units, U.S. analysts believe the company may ultimately sell some of the smaller units. +21493026 Mr. Louis-Dreyfus, in a recent interview, said he might sell "a marginal agency or office." +21493027 Analysts believe he may ultimately dispose of some of the non-advertising businesses. +21493028 Prudential's Final Four +21493029 Prudential Insurance Co. of America said it selected four agencies to pitch its $60 million to $70 million account. +21493030 In addition to Backer Spielvogel Bates, a Saatchi unit that has handled the account since 1970, the other agencies include Lowe Marschalk, a unit of the Lowe Group; Grey Advertising; and WPP Group's Scali, McCabe, Sloves agency. +21493031 All agencies are New York-based. +21493032 A spokesman for the insurance and financial services firm, based in Newark, N.J., said it hopes to make a decision within three to four months. +21493033 Jamaica Fires Back +21493034 The Jamaica Tourist Board, in the wake of Young & Rubicam's indictment on charges that it bribed Jamaican officials to win the account in 1981, released a scathing memo blaming the agency for the embarrassing incident. +21493035 The memo attempts to remove the tourist board as far as possible from the agency, which pleaded innocent to the charges. +21493036 Among other things, the memo contends that Young & Rubicam gave false assurances that the investigation wouldn't uncover any information that would "embarrass the government of Jamaica or the Jamaica Tourist Board." +21493037 It also contends that Young & Rubicam never told the tourist board about its relationship with Ad Ventures, a Jamaican firm hired by the agency. +21493038 The U.S. indictment charges Ad Ventures was a front used to funnel kickbacks to the then-minister of tourism. +21493039 The memo also chastises the agency for the timing of its announcement Thursday that it would no longer handle the $5 million to $6 million account. +21493040 The agency declined comment, but said it will continue work until a new agency is chosen. +21493041 Ad Notes. . . . +21493042 NEW ACCOUNT +21493043 : American Suzuki Motor Corp., Brea, Calif., awarded its estimated $10 million to $30 million account to Asher/Gould, Los Angeles. +21493044 Also participating in the finals was Los Angeles agency Hakuhodo Advertising America. +21493045 American Suzuki's previous agency, Keye/Donna/Pearlstein, didn't participate. +21493046 AYER TALKS: +21493047 N W Ayer's president and chief executive officer, Jerry J. Siano, said the agency is holding "conversations" about acquiring Zwiren Collins Karo & Trusk, a midsized Chicago agency, but a deal isn't yet close to being completed. +21493048 WHO'S NEWS: +21493049 John Wells, 47, former president and chief executive of N W Ayer's Chicago office, was named management director and director of account services at WPP Group's J. Walter Thompson agency in Chicago. . . . +21493050 Shelly Lazarus, 42, was named president and chief operating officer of Ogilvy & Mather Direct, the direct mail division of WPP Group's Ogilvy & Mather agency. +21494001 Grand Metropolitan PLC, the United Kingdom food and beverage group that owns Pillsbury Inc. of the U.S., announced a reshuffling of board-level executive duties intended to fit the company's recent expansion. +21494002 David Nash, formerly group finance director at Cadbury Schweppes PLC, will become Grand Met's first group finance director in January. +21494003 In a statement, Grand Met said its recent "growth and wider geographic spread" made it necessary to create the new position. +21494004 The company also reassigned several executive responsibilities. +21494005 David Tagg, formerly in charge of gambling operations, was appointed chief executive for retailing and property. +21494006 Peter Cawdron, group strategy development director, and Bill Shardlow, group personnel director, will become part of the board's management committee. +21495001 David Baltimore, who has just been named president of Rockefeller University, already knows what it's like to go through life with "Nobel laureate" appended to one's name. +21495002 He is currently experiencing what it's like to have the phrase, "under investigation for scientific fraud," also attached to his name. +21495003 The Nobel committee made the first addition; John Dingell's congressional committee created the second. +21495004 Both of Dr. Baltimore's public faces have been on view the past few weeks while he was under consideration to succeed Joshua Lederberg as head of the prestigious Rockefeller research institution. +21495005 It came to light that a substantial number of Rockefeller's faculty were upset over or even opposed to Dr. Baltimore's impending appointment. +21495006 They were disturbed at what they regarded as Dr. Baltimore's confrontational attitude toward the Dingell committee, which held hearings on a dispute over the lab notebooks of a researcher who had co-authored a scientific paper with Dr. Baltimore. +21495007 Readers of these columns ("The Science Police," May 15) will recall that Dr. Baltimore was merely the most well-known part of the Dingell committee's larger investigation, which touched MIT, Tufts, Duke, the National Institutes of Health and elsewhere. +21495008 Rep. Dingell even managed to enlist the services of the Secret Service in his investigation of the Baltimore paper. +21495009 Insofar as Mr. Dingell has a special interest in NIH and the institutions that receive its funding, the Rockefeller scientists were no doubt discomfited by Dr. Baltimore's unflattering public opinion of this congressional patron, whose behavior reminded Dr. Baltimore of the McCarthy era. +21495010 This well may be the first time that the venerable Rockefeller University has brushed up publicly against the intimidations now common in American science. +21495011 John Dingell demagogues a David Baltimore, animal-rights activists do $3.5 million of damage to labs at the U.Cal-Davis, Meryl Streep decries the horrors of chemistry on talk shows, Jeremy Rifkin files lawsuits in federal court to thwart biotech experiments, and Dutch-elm-disease researcher Gary Strobel's own colleagues at Montana State denounce him for "violating" EPA rules. +21495012 Scientists are mistaken who still think that the anti-science movement in this country isn't their concern or that a David Baltimore could have somehow placated a John Dingell. +21495013 (Mr. Dingell, by the way, has decreed another NIH investigation of the Baltimore paper, adding to several previous investigations. +21495014 Something other than what most scientists would recognize as the truth is being sought here.) +21495015 Fortunately, there are signs that increasing numbers of scientists understand the necessity of speaking out. +21495016 David Hubel, a Nobel laureate at Harvard, has taken the lead in defending research with animals, as has Dr. Michael DeBakey. +21495017 NASA defended itself vigorously and successfully against a Rifkin suit to block the Galileo launch. +21495018 Scientists need to understand that while they tend to believe their work is primarly about establishing new knowledge or doing good, today it is also about power. +21495019 In a media-linked world, scientists may earn wide praise and even Nobels for their work, but they also attract the attention of people who wish to gain control over the content, funding and goals of that work. +21495020 When a David Baltimore -- or the next target -- decides it is better to stand up to these forces, his fellow scientists would do well to recognize what is fundamentally at stake, and offer their public support. +21496001 Wisconsin Toy Co. said it definitively agreed to acquire closely held Everything's a Dollar Inc. of Virginia Beach, Va., for stock currently valued at about $4.7 million. +21496002 The Milwaukee toy retailer said the agreement calls for Everything's a Dollar holders to receive for their holdings a total of 354,600 newly issued Wisconsin Toy shares. +21496003 Wisconsin Toy currently has about 4.7 million shares outstanding. +21496004 A company official said Arthur Borie, until January chief operating officer of Pic 'N Save Inc., will buy a 20% stake in the new Wisconsin Toy subsidiary, and will act as head of Everything's a Dollar. +21496005 Wisconsin Toy has 71 retail stores, primarily in discount settings. +21496006 Everything's a Dollar operates 60 specialty-retail stores. +21497001 While welcoming Nicholas McInnes's Sept. 18 letter offering corrections to your "World-Wide Tax Revolution" table (editorial page, Aug. 29), I am surprised that he neglected other errors that, for some of us, strike close to home. +21497002 As a Channel Islander, I was amazed to see my birthplace listed as one of "86 countries with an income tax." +21497003 Despite a history of heated local debate on the topic, my passport clearly reads "British citizen." +21497004 Whether Mr. McInnes's oversight is merely a sign of a mainlander's benign neglect is a question my fellow Channel Islanders (and friends on the Isle of Man) will continue to ponder. +21497005 Patrick Basham +21498001 Roland J. Hawkins, chairman of Jet Vacations Inc., was elected to the board of this cruise line. +21498002 The board expands to seven members. +21499001 Ducks. +21499002 If the White House spots one, it intends to fire a veto at it. +21499003 Ducks are this season's word for new taxes, under OMB Director Richard Darman's formulation that "if it looks like a duck, walks like a duck and quacks like a duck, it's a duck." +21499004 George Bush is quite clear: No new ducks. +21499005 But what about all those non-duck ducks flapping over Washington? +21499006 We see a whole flock of programs that will impose significant costs on the American economy in the form of burdensome regulation and higher liabilities. +21499007 Federal child care (quack). +21499008 The Clean Air bill (quack). +21499009 The disabled-workers bill (quack, quack). +21499010 The Bush White House is breeding non-duck ducks the same way the Nixon White House did: It hops on an issue that is unopposable -- cleaner air, better treatment of the disabled, better child care. +21499011 It comes up with a toned-down version of a Democratic proposal. +21499012 The bill gets signed into law and then the administration watches helplessly, wondering where all the "unexpected" costs came from. +21499013 Consider, for instance, the very fat fowl known as federalized child care. +21499014 The President came up with a good bill, but now may end up signing the awful bureaucratic creature hatched on Capitol Hill. +21499015 It would create 38,000 local day-care commissions, answerable to the Department of Health and Human Services. +21499016 They'd determine where parents could store their kids during the day, and they'd regulate the storage facilities. +21499017 The initial costs are said to be in the $2 billion a year range, but that's only the beginning. +21499018 New entitlements tend to grow, creating a rationale for new taxes. +21499019 Quack. +21499020 The administration claims that its Clean Air bill will cost businesses between $14 billion and $19 billion annually, but economist Michael Evans estimates that the costs for firms will actually be in the $60 billion a year range. +21499021 The House bill also distorts economic efficiency in all sorts of perverse ways. +21499022 For example, the administration proposal imposes extremely tough emissions standards on new power plants. +21499023 So instead of building more efficient modern plants, utilities stick scrubbers on the old plants. +21499024 The money spent on scrubbers is diverted from planned research on new, cleaner technology. +21499025 The bill also imposes the California auto-emissions standards on all cars nationwide, as if a car registered in Big Sky, Montana, needed to be as clean as one driven in Los Angeles. +21499026 Proponents of the nationwide standards say the cost for car buyers would be about $500 per car. +21499027 Other analysts say that estimate is low. +21499028 Quack. +21499029 Nobody knows how many billions of dollars the Americans With Disabilities Act will cost, because nobody knows what the bill entails. +21499030 It is an intentionally vague document that will create a wave of litigation. +21499031 Judges will write the real bill as suits roll through the courts. +21499032 Lawyers will benefit. +21499033 Private companies, and ultimately their customers, will end up footing the huge bill. +21499034 The effect of Nixon era non-duck ducks was an economy clogged up with regulations and distortions. +21499035 All this was recognized and documented in the succeeding years by economists, some of whom worked in the Reagan administration to lift this burden from the American people, states and local governments. +21499036 Running for President in 1980 and 1988, George Bush also persuasively diagnosed the economic stagnation of the 1970s. +21499037 In fact, during last year's campaign, the entire nation constantly heard Mr. Bush tout his accomplishments as head of the Task Force on Regulatory Relief. +21499038 "Government continues to inhibit the productivity of our citizenry and the international competitiveness of American business," the vice president declared when he was head of the task force. +21499039 But with the impending passage of these new programs, Mr. Bush will surely be sending many people hurtling back into the regulatory thicket that he had helped cut back. +21499040 By 1986, the number of federal regulators was down to about 103,000. +21499041 Then it turned up, and by one estimate the number will be up to about 109,000 regulators by next year. +21499042 Holding the dam on taxes is the most important task of the Bush presidency. +21499043 We would have thought by now, though, that there was a significant core of people involved in government life who understood that direct taxation isn't the only way to slow down an economy. +21499044 It is merely the most obvious. +21499045 What is even more ironic is that all over the world nations are learning that well-intentioned public programs often backfire. +21499046 But while they are unloading these burdens, the United States is close to creating three more big ones. +21499047 The Bush administration ought to be setting aside some of its buckshot for the non-duck ducks. +21500001 Confidence in the pound is widely expected to take another sharp dive if trade figures for September, due for release tomorrow, fail to show a substantial improvement from July and August's near-record deficits. +21500002 Chancellor of the Exchequer Nigel Lawson's restated commitment to a firm monetary policy has helped to prevent a freefall in sterling over the past week. +21500003 But analysts reckon underlying support for sterling has been eroded by the chancellor's failure to announce any new policy measures in his Mansion House speech last Thursday. +21500004 This has increased the risk of the government being forced to increase base rates to 16% from their current 15% level to defend the pound, economists and foreign exchange market analysts say. +21500005 "The risks for sterling of a bad trade figure are very heavily on the down side," said Chris Dillow, senior U.K. economist at Nomura Research Institute. +21500006 "If there is another bad trade number, there could be an awful lot of pressure," noted Simon Briscoe, U.K. economist for Midland Montagu, a unit of Midland Bank PLC. +21500007 Forecasts for the trade figures range widely, but few economists expect the data to show a very marked improvement from the #2 billion ($3.2 billion) deficit in the current account reported for August. +21500008 The August deficit and the #2.2 billion gap registered in July are topped only by the #2.3 billion deficit of October 1988. +21500009 Sanjay Joshi, European economist at Baring Brothers & Co., said there is no sign that Britain's manufacturing industry is transforming itself to boost exports. +21500010 At the same time, he remains fairly pessimistic about the outlook for imports, given continued high consumer and capital goods inflows. +21500011 He reckons the current account deficit will narrow to only #1.8 billion in September. +21500012 However, Mr. Dillow said he believes that a reduction in raw material stockbuilding by industry could lead to a sharp drop in imports. +21500013 Combined with at least some rebound in exports after August's unexpected decline, the deficit could narrow to as little as #1.3 billion. +21500014 Mr. Briscoe, who also forecasts a #1.3 billion current account gap, warns that even if the trade figures are bullish for sterling, the currency won't advance much because investors will want to see further evidence of the turnaround before adjusting positions. +21500015 Nevertheless, he noted, "No one will want to go into the trade figures without a flat position" in the pound. +21500016 Meanwhile, overall evidence on the economy remains fairly clouded. +21500017 In his Mansion House speech, Mr. Lawson warned that a further slowdown can be expected as the impact of the last rise in interest rates earlier this month takes effect. +21500018 U.K. base rates are at their highest level in eight years. +21500019 But consumer expenditure data released Friday don't suggest that the U.K. economy is slowing that quickly. +21500020 The figures show that spending rose 0.1% in the third quarter from the second quarter and was up 3.8% from a year ago. +21500021 This compares with a 1.6% rise in the second from the first quarter and a 5.4% increase from the second quarter of 1988. +21500022 Mr. Dillow said the data show the economy "is still quite strong," but suggestions that much of the spending went on services rather than consumer goods should reduce fears of more import rises. +21500023 Certainly, the chancellor has made it clear that he is prepared to increase interest rates again if necessary to both ensure that a substantial slowdown does take place and that sterling doesn't decline further. +21500024 Thursday, he reminded his audience that the government "cannot allow the necessary rigor of monetary policy to be undermined by exchange rate weakness." +21500025 Analysts agree there is little holding sterling firm at the moment other than Mr. Lawson's promise that rates will be pushed higher if necessary. +21500026 And, they warn, any further drop in the government's popularity could swiftly make this promise sound hollow. +21500027 Sterling was already showing some signs of a lack of confidence in Mr. Lawson's promise Friday. +21500028 In European trading it declined to $1.5890 and 2.9495 marks from $1.5940 and 2.9429 marks late Thursday. +21500029 Economists suggested that if the pound falls much below 2.90 marks, the government will be forced to increase rates to 16%, both to halt any further decline and ensure that the balance of monetary policy remains unchanged. +21500030 Friday's Market Activity +21500031 The dollar posted gains in quiet trading as concerns about equities abated. +21500032 Foreign exchange dealers said that the currency market has begun to distance itself from the volatile stock exchange, which has preoccupied the market since Oct. 13, when the Dow Jones Industrial Average plunged more than 190 points. +21500033 Currency analysts predict that in the coming week the foreign exchange market will shift its focus back to economic fundamentals, keeping a close eye out for any signs of monetary easing by U.S. Federal Reserve. +21500034 Late in the New York trading day, the dollar was quoted at 1.8578 marks, up from 1.8470 marks late Thursday in New York. +21500035 The U.S. currency was also changing hands at 142.43 yen, up from 141.70 yen in New York late Thursday. +21500036 In Tokyo on Monday, the U.S. currency opened for trading at 141.95 yen, up from Friday's Tokyo close of 141.35 yen. +21500037 On the Commodity Exchange in New York, gold for current delivery settled at $367.30 an ounce, up 20 cents. +21500038 Estimated volume was a light 2.4 million ounces. +21500039 In early trading in Hong Kong Monday, gold was quoted at $366.50 an ounce. +21501001 East Rock Partners Limited Partnership said it proposed to acquire A.P. Green Industries Inc. for $40 a share. +21501002 In an Oct. 19 letter to A.P. Green's board, East Rock said the offer is subject to the signing of a merger agreement by no later than Oct. 31. +21501003 The letter, attached to a filing with the Securities and Exchange Commission, said the approval is also contingent upon obtaining satisfactory financing. +21501004 An A.P. Green official declined to comment on the filing. +21501005 The $40-a-share proposal values the company at about $106.6 million. +21501006 A.P. Green currently has 2,664,098 shares outstanding. +21501007 Its stock closed at $38, up $1.875, in national over-the-counter trading. +21501008 The company is a Mexico, Mo., maker of refractory products. +21501009 East Rock also said in the filing that it boosted its stake in A.P. Green to 8.7%. +21501010 It now holds 233,000 A.P. Green common shares, including 30,000 shares bought last Thursday for $35.50 to $36.50 a share. +21501011 New York-based John Kuhns and Robert MacDonald control East Rock Partners Inc., the sole general partner of East Rock Partners L.P. +21501012 The sole limited partner of the partnership is Westwood Brick Lime Inc., an indirect subsidiary of Westwood Group Inc. +21501013 Both Westwood Brick and Westwood Group are based in Boston. +21502001 Freight rates, declining for most of the decade because of competition spurred by deregulation, are bottoming out, turning upward and threatening to fuel inflation. +21502002 Trucking, shipping and air-freight companies have announced rate increases, scheduled for this fall or early next year, reflecting higher costs and tightened demand for freight transport. +21502003 Major shippers say they expect freight rates to rise at least as fast as inflation and maybe faster in the next few years. +21502004 That's a big change from recent years when freight haulage was a bright spot for U.S. productivity, helping to restrain inflation and make U.S. industry more competitive abroad. +21502005 "Demand has caught up with the supply of certain types of freight transportation, and rates are starting to move up" at a rate "close to or slightly more than the inflation rate," said Clifford Sayre, director of logistics at Du Pont Co. +21502006 Shippers surveyed recently by Ohio State University said they expect their freight-transport, storage and distribution costs to rise about 4% this year. +21502007 Only 10% of the 250 shippers polled expected their freight-transport costs to decrease, compared with 30% who had looked to freight transport to reduce costs in past years. +21502008 "This is the first year since transportation deregulation in 1980 that we have had such a dramatic and broad-based upturn in perceived transportation rates," said Bernard LaLonde, a transportation logistics professor at Ohio State in Columbus. +21502009 The deregulation of railroads and trucking companies that began in 1980 enabled shippers to bargain for transportation. +21502010 Carriers could use their equipment more efficiently, leading to overcapacity they were eager to fill. +21502011 Shippers cut about $35 billion from their annual, inter-city truck and rail costs, to about $150 billion, or about 6.4% of gross national product, down from 8% of GNP in 1981. +21502012 But with much of the inefficiency squeezed out of the freight-transport system, rising costs are likely to be reflected directly in higher freight rates. +21502013 "Shippers are saying `the party's over,'" said Mr. LaLonde. +21502014 "Shippers won't be able to look for transportation-cost savings as they have for the last eight or nine years. +21502015 Transport rates won't be an opportunity for offsetting cost increases in other segments of the economy." +21502016 Robert Delaney, a consultant at Arthur D. Little Inc., Cambridge, Mass., said "We've gotten all the benefits of deregulation in freight-cost reductions. +21502017 Now we are starting to see real freight-rate increases as carriers replace equipment, pay higher fuel costs and pay more for labor. +21502018 You'll see carriers try to recoup some of the price cutting that occurred previously." +21502019 Not everyone believes that the good times are over for shippers. +21502020 "There's still a lot of pressure on rates in both rail and truck," said Gerard McCullough, lecturer in transportation at Massachusetts Institute of Technology. +21502021 Less-than-truckload companies, which carry the freight of several shippers in each truck trailer, discounted away a 4.7% rate increase implemented last April. +21502022 The carriers were competing fiercely for market share. +21502023 Railroad-rate increases are likely to be restrained by weakening rail-traffic levels and keen competition for freight from trucks. +21502024 An official at Consolidated Freightways Inc., a Menlo Park, Calif., less-than-truckload carrier, said rate discounting in that industry has begun to "stabilize." +21502025 Consolidated Freightways plans to raise its rates 5.3% late this year or early next year, and at least two competitors have announced similar increases. +21502026 Truckers are "trying to send signals that they need to stop the bloodletting, forget about market share and go for higher rates," said Michael Lloyd, an analyst at Salomon Bros. +21502027 And "shippers are getting the feeling that they have played one trucker off against another as much as they can," he said. +21502028 Air-freight carriers raised their rates for U.S. products going across the Pacific to Asia by about 20% earlier this month. +21502029 And Japan Air Lines said it plans to boost its rates a further 25% over the next two years. +21502030 Such rate increases "will increase the total cost of U.S. products and slow down the rate of increase of U.S. exports," said Richard Connors, a senior vice president of Yusen Air & Sea Service U.S.A. Inc., the U.S. air-freight-forwarding subsidiary of Nippon Yusen Kaisha of Japan. +21502031 Ship companies carrying bulk commodities, such as oil, grain, coal and iron ore, have been able to increase their rates in the last couple of years. +21502032 Some bulk shipping rates have increased "3% to 4% in the past few months," said Salomon's Mr. Lloyd. +21502033 And ship lines carrying containers are also trying to raise their rates. +21502034 Carriers boosted rates more than 10% in the North Atlantic between the U.S. and Europe last September, hoping to partly restore rates to earlier levels. +21502035 Ship lines operating in the Pacific plan to raise rates on containers carrying U.S. exports to Asia about 10%, effective next April. +21503001 MGM Grand Inc. said it filed a registration statement with the Securities and Exchange Commission for a public offering of six million common shares. +21503002 The Beverly Hills, Calif.-based company said it would have 26.9 million common shares outstanding after the offering. +21503003 The hotel and gaming company said Merrill Lynch Capital Markets will lead the underwriters. +21503004 Proceeds from the sale will be used for remodeling and refurbishing projects, as well as for the planned MGM Grand hotel/casino and theme park. +21504001 Bob Stone stewed over a letter from his manager putting him on probation for insubordination. +21504002 Mr. Stone thought the discipline was unfair; he believed that his manager wanted to get rid of him for personal reasons. +21504003 Unable to persuade the manager to change his decision, he went to a "company court" for a hearing. +21504004 At the scheduled time, Mr. Stone entered a conference room in a building near where he worked. +21504005 After the three members of the court introduced themselves, the chairman of the panel said: "Go ahead and tell us what happened. +21504006 We may ask questions as you go along, or we may wait until the end." +21504007 No lawyers or tape recorders were present. +21504008 The only extra people were a couple of personnel specialists, one of whom knew Mr. Stone's case intimately and would help fill in any facts needed to give the court the full picture. +21504009 Over a cup of coffee, Mr. Stone told his story. +21504010 He talked about 20 minutes. +21504011 When he was through, the court members asked many questions, then the chairman said they would like to hear his manager's side and talk to witnesses. +21504012 The chairman promised Mr. Stone a decision within two weeks. +21504013 Bob Stone is a fictional name, but the incident described is real. +21504014 It happened at Northrop Corp. in Los Angeles. +21504015 The court is called the Management Appeals Committee, or just "MAC," and it is likely to hear a couple of dozen cases a year. +21504016 Alter some details of this example and it could be taking place today at Federal Express in Memphis, the Defense and Underseas Systems divisions of Honeywell in Minneapolis, a General Electric plant in Columbia, Md., or a number of other companies. +21504017 These firms are pioneers in a significant new trend in the corporate world: the rise of what I call corporate due process. +21504018 Although corporate due process is practiced today in few companies -- perhaps 40 to 60 -- it is one of the fastest developing trends in industry. +21504019 In the coming decade a majority of people-oriented companies are likely to adopt it. +21504020 Corporate due process appeals to management for a variety of reasons. +21504021 It reduces lawsuits from disgruntled employees and ex-employees, with all that means for reduced legal costs and better public relations. +21504022 It helps to keep out unions. +21504023 It increases employee commitment to the company, with all that means for efficiency and quality control. +21504024 What must your management team do to establish corporate due process? +21504025 Here are four key steps: +21504026 1. Make sure you have a strong personnel department. +21504027 It must be able to handle most of the complaints that cannot be solved in the trenches by managers and their subordinates, else the company court or adjudicators will be inundated with cases. +21504028 At Polaroid, the Personnel Policy Planning Committee may hear only about 20 cases a year; the rest of the many hundreds of complaints are resolved at earlier stages. +21504029 At TWA, the System Board of Adjustment hears 50 to 75 cases a year, only a fraction of the complaints brought to personnel specialists. +21504030 At Citicorp, the Problem Review Board may hear only 12 or so cases because of personnel's skill in complaint-resolution. +21504031 In a typical year, up to 20% of the work force goes to personnel specialists with complaints of unfair treatment. +21504032 In a large company that means many hundreds of complaints for personnel to handle. +21504033 2. Formally or informally, train all your managers and supervisors in the company's due-process approach. +21504034 See that they know company personnel policy backwards and forwards, for it is the "law" governing company courts and adjudicators. +21504035 Coach them in handling complaints so that they can resolve problems immediately. +21504036 In case managers and personnel specialists are unsuccessful and subordinates take their complaints to a company court or adjudicator, teach managers to accept reversals as a fact of business life, for in a good due-process system they are bound to happen. +21504037 In the 15 companies I studied, reversal rates range on the average from 20% to 40%. +21504038 3. Decide whether you want a panel system or a single adjudicator. +21504039 A panel system like that in the Bob Stone example enjoys such advantages as high credibility and, for the panelists, mutual support. +21504040 An adjudicator system -- that is, an investigator who acts first as a fact-finder and then switches hats and arbitrates the facts -- has such advantages as speed, flexibility and maximum privacy. +21504041 International Business Machines and Bank of America are among the companies using the single-adjudicator approach. +21504042 4. Make your due-process system visible. +21504043 It won't do any good for anybody unless employees know about it. +21504044 Most managements hesitate to go all out in advertising their due-process systems for fear of encouraging cranks and chronic soreheads to file complaints. +21504045 On the other hand, they make sure at a minimum that their systems are described in their employee handbooks and talked up by personnel specialists. +21504046 Smith-Kline Beecham goes further and sometimes features its grievance procedure in closed-circuit TV programs. +21504047 Naturally, one of the best ways to guarantee visibility for your due-process system is for top management to support it. +21504048 At IBM, the company's Open Door system is sometimes the subject of memorandums from the chief executive. +21504049 Federal Express goes further in this respect than any company I know of with both Frederick Smith and James Barksdale, chief executive and chief operating officer, respectively, sitting in on the Appeals Board almost every Tuesday to decide cases. +21504050 Mr. Ewing is a consultant based in Winchester, Mass., and author of "Justice on the Job: Resolving Grievances in the Nonunion Workplace" (Harvard Business School Press, 1989). +21505001 Tokyo stocks closed higher in active trading Friday, marking the fourth consecutive daily gain since Monday's sharp fall. +21505002 London shares closed moderately lower in thin trading. +21505003 At Tokyo, the Nikkei index of 225 selected issues was up 112.16 points to 35486.38. +21505004 The index advanced 266.66 points Thursday. +21505005 In early trading in Tokyo Monday, the Nikkei index rose 101.98 points to 35588.36. +21505006 Friday's volume on the First Section was estimated at one billion shares, up from 862 million Thursday. +21505007 Winners outpaced losers, 572 to 368, while 181 issues remained unchanged. +21505008 With investors relieved at the overnight gain in New York stocks, small-lot buying orders streamed into the market from early morning, making traders believe the market was back to normal. +21505009 The Nikkei, which reached as high as 35611.38 right after the opening, surrendered part of its early advance toward the end of the day because of profit-taking. +21505010 "Investors, especially dealers, don't want to hold a position over the weekend," a trader at Dai-ichi Securities said, adding, though, that the trading mood remained positive through the afternoon session. +21505011 The Tokyo Stock Price Index (Topix) of all issues listed in the First Section, which gained 22.78 points Thursday, was up 14.06 points, or 0.53%, at 2679.72. +21505012 The Second Section index, which rose 15.72 points Thursday, was up 11.88 points, or 0.32%, to close at 3717.46. +21505013 Volume in the second section was estimated at 30 million shares, up from 28 million Thursday. +21505014 In turmoil caused by the previous Friday's plunge in New York stocks, the Nikkei marked a sharp 647.33-point fall Monday. +21505015 But the Nikkei fell an overall 1.8% in value that day compared with Wall Street's far sharper 6.9% drop on Oct. 13. +21505016 The Tokyo market's resiliency helped participants to regain confidence gradually as they spent more time on analyzing factors that caused the Friday plunge and realized these problems were unique to New York stocks and not directly related to Tokyo. +21505017 The Nikkei continued to gain for the rest of the week, adding 1017.69 points in four days -- more than erasing Monday's losses. +21505018 But further major advances on the Nikkei aren't foreseen this week by market observers. +21505019 Investors are still waiting to see how the U.S. government will decide on interest rates and how the dollar will be stabilized. +21505020 Some high-priced issues made a comeback Friday. +21505021 Pioneer surged 450 yen ($3.16) to 6,050 yen ($42.60). +21505022 Kyocera advanced 80 yen to 5,440. +21505023 Fanuc gained 100 to 7,580. +21505024 Breweries attracted investors because of their land property holdings that could figure in development or other plans, traders said. +21505025 Sapporo gained 80 to 1,920 and Kirin added 60 to 2,070. +21505026 Housings, constructions and pharmaceuticals continued to be bought following Thursday's gains because of strong earnings outlooks. +21505027 Daiwa House gained 50 to 2,660. +21505028 Misawa Homes was up 20 at 2,960. +21505029 Kajima advanced 40 to 2,120 and Ohbayashi added 50 to 1,730. +21505030 Fujisawa added 80 to 2,010 and Mochida advanced 230 to 4,400. +21505031 London share prices were influenced largely by declines on Wall Street and weakness in the British pound. +21505032 The key Financial Times-Stock Exchange 100-share index ended 10.2 points lower at 2179.1, above its intraday low of 2176.9, but off the day's high of 2189. +21505033 The index finished 2.4% under its close of 2233.9 the previous Friday, although it recouped some of the sharp losses staged early last week on the back of Wall Street's fall. +21505034 London was weak throughout Friday's trading, however, on what dealers attributed to generally thin interest ahead of the weekend and this week's potentially important U.K. trade figures for September. +21505035 The FT-SE 100 largely remained within an 11-point range establshed within the first hour of trading before it eased to an intraday low late in the session when a flurry of program selling pushed Wall Street lower. +21505036 The FT 30-share index closed 11.0 points lower at 1761.0. +21505037 Volume was extremely thin at 351.3 million shares, the lightest volume of the week and modestly under Thursday's 387.4 million shares. +21505038 Dealers said the day's action was featureless outside some response to sterling's early weakness against the mark, and fears that Wall Street might open lower after its strong leap forward Thursday. +21505039 They added that market-makers were largely sidelined after aggressively supporting the market Thursday in their quest to cover internal shortages of FT-SE 100 shares. +21505040 Interest may remain limited into tomorrow's U.K. trade figures, which the market will be watching closely to see if there is any improvement after disappointing numbers in the previous two months. +21505041 The key corporate news of the day was that British Airways decided to withdraw from a management-led bid for UAL Corp., the parent of United Airlines. +21505042 British Airways rose initially after announcing its withdrawal from the UAL deal. +21505043 Dealers said they viewed the initial #390-million ($622 million) outlay for a 15% stake in the airline as a bit much. +21505044 Its shares slid in late dealings to close a penny per share lower at 197 pence. +21505045 The airline was the most active FT-SE 100 at 8.2 million shares traded. +21505046 The next most active top-tier stock was B.A.T Industries, the target of Sir James Goldsmith's #13.4 billion bid. +21505047 The company gained shareholder approval Thursday to restructure in a bid to fend off the hostile takeover. +21505048 Sir James said Thursday night that his plans for the takeover hadn't changed. +21505049 B.A.T ended the day at 778, down 5, on turnover of 7.5 million shares. +21505050 Dealers said it was hit by some profit-taking after gains since mid-week. +21505051 In other active shares, Trusthouse Forte shed 10 to 294 on volume of 6.4 million shares after a Barclays De Zoete Wedd downgrading, while Hillsdown Holdings, a food products concern, was boosted 2 to 271 after it disclosed it would seek shareholder approval to begin share repurchases. +21505052 Elsewhere in Europe, share prices closed higher in Stockholm, Brussels and Milan. +21505053 Prices were lower in Frankfurt, Zurich, Paris and Amsterdam. +21505054 South African gold stocks closed moderately lower. +21505055 Share prices closed higher in Sydney, Taipei, Wellington, Manila, Hong Kong and Singapore and were lower in Seoul. +21505056 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21505057 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21505058 The percentage change is since year-end. +21506001 The U.S. is required to notify foreign dictators if it knows of coup plans likely to endanger their lives, government officials said. +21506002 The notification policy was part of a set of guidelines on handling coups outlined in a secret 1988 exchange of letters between the Reagan administration and the Senate Intelligence Committee. +21506003 The existence of the guidelines has become known since President Bush disclosed them privately to seven Republican senators at a White House meeting last Monday. +21506004 Officials familiar with the meeting said Mr. Bush cited the policy as an example of the sort of congressional requirements the administration contends contribute to the failure of such covert actions as this month's futile effort to oust Panamanian dictator Manuel Noriega. +21506005 According to the officials, Mr. Bush even read to the senators selections from a highly classified letter from the committee to the White House discussing the guidelines. +21506006 They said the president conceded the notification requirement didn't affect his decision to lend only minor support to this month's Panama coup effort. +21506007 No notification was ever considered, officials said, apparently because the U.S. didn't think the coup plotters intended to kill Mr. Noriega, but merely sought to imprison him. +21506008 What's more, both administration and congressional officials hint that the notification requirement is likely to be dropped from the guidelines on coup attempts that are being rewritten by the panel and the White House. +21506009 The rewriting was launched at a meeting between Mr. Bush and intelligence committee leaders Oct. 12, a few days before the meeting at which the president complained about the rules. +21506010 However, the disclosure of the guidelines, first reported last night by NBC News, is already being interpreted on Capitol Hill as an unfair effort to pressure Congress. +21506011 It has reopened the bitter wrangling between the White House and Congress over who is responsible for the failure to oust Mr. Noriega and, more broadly, for difficulties in carrying out covert activities abroad. +21506012 A statement issued by the office of the committee chairman, Sen. David Boren (D., Okla.), charged that the disclosure is part of a continuing effort to shift the criticism for the failure of the recent coup attempt in Panama. +21506013 The statement added, "Someone has regrettably chosen to selectively summarize portions of highly classified correspondence between the two branches of government. +21506014 Not only does this come close to a violation of law, it violates the trust we have all worked to develop." +21506015 Sen. Boren said, "It's time to stop bickering and work together to develop a clear and appropriate policy to help the country in the future. +21506016 I've invited the president to send his suggestions to the committee." +21506017 Republican Sen. William Cohen of Maine, the panel's vice chairman, said of the disclosure that "a text torn out of context is a pretext, and it is unfair for those in the White House who are leaking to present the evidence in a selective fashion." +21506018 Sen. Boren said the committee couldn't defend itself by making the documents public because that would violate classification rules. +21506019 But the chairman and other committee members stressed that the notification guideline wasn't imposed on the White House by a meddling Congress. +21506020 Instead, both congressional and administration officials agreed, it grew out of talks about coup-planning in Panama that were initiated by the administration in July 1988 and stretched into last October. +21506021 The guideline wasn't a law, but a joint interpretation of how the U.S. might operate during foreign coups in light of the longstanding presidential order banning a U.S. role in assassinations. +21506022 In fact, yesterday the administration and Congress were still differing on what had been agreed to. +21506023 One administration official said notification was required even if the U.S. "gets wind" of somebody else's coup plans that seem likely to endanger a dictator's life. +21506024 But a congressional source close to the panel said the rule only covered coup plans directly involving the U.S. +21506025 Although the notification guideline wasn't carried out in this month's coup attempt, some administration officials argue that it may have led to hesitation and uncertainty on the part of U.S. intelligence and military operatives in Panama. +21506026 One senior administration official called the guideline "outrageous" and said it could make U.S. operatives reluctant to even listen to coup plans for fear they may get into legal trouble. +21506027 The issue came to a head last year, officials recalled, partly because the Reagan administration had sought unsuccessfully to win committee approval of funding for new Panama coup efforts. +21506028 In addition, both administration and congressional officials said the need for guidelines on coups and assassinations was partly spurred by a White House desire to avoid nasty overseas surprises during the election campaign. +21506029 Though the assassination ban is a White House order that Congress never voted on, the intelligence committees can exercise influence over its interpretation. +21506030 Last week, Central Intelligence Agency Director William Webster publicly called on Congress to provide new interpretations of the assassination order that would permit the U.S. more freedom to act in coups. +21506031 The administration has reacted to criticism that it mishandled the latest coup attempt by seeking to blame Congress for restrictions the White House said have hampered its freedom of action. +21506032 However, last week Mr. Webster's two top CIA deputies said congressional curbs hadn't hampered the spy agency's role in the coup attempt in Panama. +21506033 Nevertheless, the administration's criticisms appeared to have made some headway with Sens. Boren and Cohen after their Oct. 12 meeting with the president. +21506034 The three men agreed to rewrite the guidelines, without changing the basic assassination ban, to clear up any ambiguities that may have hampered U.S. encouragement of coups against anti-American leaders. +21506035 The new argument over the notification guideline, however, could sour any atmosphere of cooperation that existed. +21506036 Gerald F. Seib contributed to this article. +21507001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +21507002 MUTUAL FUNDS ARRIVED IN THE U.S. during the Roaring Twenties (they had been in Britain for a century), but they didn't boom until the money market fund was created in the 1970s. +21507003 By 1980, there were more than 100 such funds. +21507004 Besides creating a vehicle for investors, money market funds also helped rewrite banking regulations. +21507005 The idea was to let small investors, the backbone of the fund business, deal in the money market's high short-term interest rates. +21507006 This had been the exclusive province of those rich enough to use six-figure sums to get income that was figured beyond the third or fourth decimal place. +21507007 The now-standard price of $1 a share came about by accident. +21507008 An early fund had filed a registration with the Securities and Exchange Commission that included a fixed $1 price. +21507009 It arrived just as the regulator handling such operations was retiring. +21507010 His successor approved the $1 price in the process of clearing the backed-up papers on his desk. +21507011 When Dreyfus started the first advertising-backed retail fund in February 1974, it was priced at $10 a share (and reached $1 billion in assets in one year.) +21507012 Dreyfus moved to the $1 price after the SEC set standards -- an average 120-day maturity of high-grade paper -- that are still the rule. +21507013 Keeping the listed price at a dollar is primarily a convenience. +21507014 Actually, the funds do fluctuate, but beyond the third decimal place. +21507015 Rounding-off keeps them at $1. +21507016 Eventually, the money funds' success forced relaxation of curbs on bank interest rates to allow banks to offer competing yields. +21507017 The new instrument also introduced many to the industry -- 30% of fund owners (there are more than 54 million accounts) started with a money fund. +21507018 Today more than 470 money market funds have total assets exceeding $350 billion. +21507019 (The companion tax-exempt funds add $71 billion.) +21507020 Dreyfus alone has seen its money market funds grow from $1 billion in 1975 to closes to $15 billion today. +21508001 Procter & Gamble Co. and Noxell Corp. said they received early termination of the waiting period under the Hart-Scott-Rodino Act regarding the proposed $1.4 billion merger of Noxell into P&G. +21508002 Shareholders of Noxell, of Hunt Valley, Md., will vote on the merger at a special meeting on Nov. 30, the companies said. +21508003 P&G, Cincinnati, agreed to exchange 0.272 share of its common stock for each share of Noxell common and Class B stock, a total of about 11 million P&G shares. +21508004 The transaction would mark the entry of P&G into cosmetics. +21508005 The company already markets a wide range of detergents, food, household and health-care products. +21509001 Shareholders of Messerschmitt-Boelkow-Blohm G.m.b.H. postponed their formal endorsement of a merger with Daimler-Benz AG until another meeting on Nov. 17. +21509002 The owners of the defense and aerospace concern, which include three regional states, several industrial companies and banks, met Friday to discuss the final terms of the transaction, in which Daimler-Benz will acquire 50.01% of +21509003 But agreement aparently couldn't be reached because of opposition from the states of Hamburg and Bremen, which are demanding more influence over the German Airbus operations and a better guarantee against job losses in the troubled Northern German region. +21509004 The two states and the state of Bavaria still hold a majority in MBB, but their stake will fall to around 30% after Daimler-Benz acquires its stake in the concern. +21510001 Jeffrey E. Levin was named vice president and chief economist of this commodity futures and options exchange. +21510002 He had been associate professor in the department of finance at Seton Hall University. +21511001 SIERRA TUCSON Cos. said it completed its initial public offering of 2.5 million common shares, which raised $30 million. +21511002 The Tucson, Ariz., operator of addiction-treatment centers said proceeds will be used for expansion, to pay debt and for general corporate purposes. +21511003 Oppenheimer & Co. was the lead underwriter. +21512001 The government issues its first reading on third-quarter real gross national product this week in a report that is expected to disclose much tamer inflation. +21512002 The consensus view on real GNP, the total value of the nation's output of goods and services adjusted for inflation, calls for a 2.3% gain, down from the second quarter's 2.5%, according to MMS International, a unit of McGraw-Hill Inc., New York. +21512003 But inflation, as measured by the GNP deflator in Thursday's report, is expected to rise only 3.5%, down from 4.6% in the second quarter. +21512004 "Inflation could be a real surprise," said Samuel D. Kahan, chief financial economist at Kleinwort Benson Government Securities Inc., in Chicago. +21512005 "If that gets people excited, it could serve as an impetus to the fixed-income markets to lower their rates," he added. +21512006 The week's other notable indicators include mid-October auto sales, September durable goods orders as well as September personal income, personal consumption and the saving rate. +21512007 Most are expected to fall below previous-month levels. +21512008 Many economists see even slower GNP growth for the remainder of the year, with some leaning more strongly toward a possible recession. +21512009 In addition to softer production data, weaker housing starts and lower corporate profits currently in evidence, some analysts believe the two recent natural disasters -- Hurricane Hugo and the San Francisco earthquake -- will carry economic ramifications in the fourth quarter. +21512010 The recent one-day, 190-point drop in the Dow Jones Industrial Average seems to be significant to economists mainly for its tacit comment on the poor quality of third-quarter profits now being reported. +21512011 "The stock market is sick because profits are crumbling," says Michael K. Evans, president of Evans Economics Inc., Washington. +21512012 The economy, he noted, moves the market, not vice versa. +21512013 On the other hand, Mr. Evans expects the hurricane and the earthquake "to take a hunk out of fourth-quarter GNP." +21512014 His estimate of 3.3% for third-quarter GNP is higher than the consensus largely because he believes current inventories aren't as low as official figures indicate. +21512015 Demand, he believes, is being met from overhang rather than new production. +21512016 By and large, economists believe the two natural catastrophes will limit economic damage to their regions. +21512017 Edward J. Campbell, economist at Brown Brothers Harriman & Co., New York, noted that large increases in construction activity along with government and private relief efforts could offset loss of production in those areas. +21512018 Gary Ciminero, economist at Fleet/Norstar Financial Group, Providence, R.I., expects the deflator to rise 3.7%, well below the second quarter's 4.6%, partly because of what he believes will be temporarily better price behavior. +21512019 He expects real GNP growth of only 2.1% for the quarter, noting a wider trade deficit, slower capital and government spending and the lower inventory figures. +21512020 Sung Won Sohn, chief economist at Norwest Corp., Minneapolis, holds that the recent stock-market volatility "increases the possibility of economic recession and reinforces the bad news" from recent trade deficit, employment and housing reports. +21512021 The consensus calls for a 0.5% increase in September personal income and a 0.3% gain in consumption. +21512022 In August, personal income rose 0.4% and personal consumption increased 0.9%. +21512023 Charles Lieberman, managing director of financial markets reasearch at Manufacturers Hanover Securities Corp., New York, said Hurrican Hugo shaved 0.1% to 0.2% from personal-income growth, because of greatly diminished rental income from tourism. +21512024 Durable goods orders for September, due out tomorrow, are expected to show a slip of 1%, compared with August's 3.9% increase. +21512025 As usual, estimates on the fickle report are wide, running from a drop of 3.5% to a gain of 1.6%. +21513001 HASTINGS MANUFACTURING Co. declared a regular quarterly dividend of 10 cents a share and an extra dividend of five cents a share on its common stock, payable Dec. 15 to shares of record Nov. 17. +21513002 This is the 11th consecutive quarter in which the company has paid shareholders an extra dividend of five cents. +21513003 The Hastings, Mich., concern makes piston rings, filters and fuel pumps. +21514001 Vickers PLC, a United Kingdom defense and engineering company, said an investment unit controlled by New Zealand financier Ron Brierley raised its stake in the company Friday to 15.02% from about 14.6% Thursday and from 13.7% the previous week. +21514002 I.E.P. Securities Ltd., a unit of Mr. Brierley's Hong Kong-based Industrial Equity (Pacific) Ltd., boosted its holdings in Vickers to 38.8 million shares. +21514003 The latest purchase follows small increases in his holdings made over the past five months. +21514004 In May, Mr. Brierley's stake shrank to 8.7% after ranging between 9% and 11% for much of the previous year. +21514005 "Ron Brierley clearly views our company as a good investment," a Vickers spokesman said. +21514006 The spokesman refused to comment on speculation that Industrial Equity might use its interest as a platform to launch a hostile bid for the company. +21514007 Vickers makes tanks for the U.K. army, Rolls Royce cars, and has marine and medical businesses. +21515001 When Rune Andersson set out to revive flagging Swedish conglomerate Trelleborg AB in the early 1980s, he spurned the advice of trendy management consultants. +21515002 "All these consultants kept coming around telling us we should concentrate on high technology, electronics or biotechnology, and get out of mature basic industries," Mr. Andersson recalls. +21515003 Yet under its 45-year-old president, Trelleborg moved aggressively into those unfashionable base industries -- first strengthening its existing rubber and plastics division, later adding mining as well as building and construction materials. +21515004 It was a gutsy move for a little-known executive, fired after only two months as president of his previous company. +21515005 But going against the grain has never bothered Mr. Andersson. +21515006 Stroking his trademark white goatee during a recent interview, the diminutive Swede quips: "It turned out to be lucky for us. +21515007 If the whole market thinks what you're doing is crazy you don't have much competition." +21515008 Mr. Andersson is anxious to strengthen Trelleborg's balance sheet. +21515009 Characteristically, he didn't waste much time getting started. +21515010 On Tuesday, Trelleborg's directors announced plans to spin off two big divisions -- minerals processing, and building and distribution -- as separately quoted companies on Stockholm's Stock Exchange. +21515011 At current market prices, the twin public offerings to be completed next year would add an estimated 2.5 billion Swedish kronor ($386 million) to Trelleborg's coffers, analysts say. +21515012 The board had also been expected to approve a SKr1.5 billion international offering of new Trelleborg shares. +21515013 But that share issue -- intended to make Trelleborg better known among international investors -- was postponed until market conditions stabilize, people familiar with the situation say. +21515014 Trelleborg's internationally traded "Bfree" series stock plunged SKr29 ($4.48) to SKr205 ($31.65) in volatile trading Monday in Stockholm. +21515015 Tuesday, the shares regained SKr20, closing at SKr225. +21515016 Mr. Andersson says he is confident that taking parts of the company public will help erase the "conglomerate stigma" that has held down Trelleborg's share price. +21515017 Trelleborg plans to remain the dominant shareholder with stakes of slightly less than 50% of both units. +21515018 The spinoff should solve a problem for the parent. +21515019 A family foundation set up by late founder Henry Dunker controls 59% of Trelleborg's voting shares outstanding. +21515020 But the foundation bylaws require the entire Trelleborg stake to be sold in the open market if control drops below 50%. +21515021 That possibility had crept closer as repeated new share offerings to finance Trelleborg's rapid growth steadily diluted the foundation's holding. +21515022 That growth is the result of Mr. Andersson's shopping spree, during which he has bought and sold more than 100 companies during the past five years. +21515023 Most of the new additions were barely profitable, if not outright loss makers. +21515024 Applying prowess gained during earlier stints at appliance maker AB Electrolux, Mr. Andersson and a handful of loyal lieutenants aggressively stripped away dead wood -- and got quick results. +21515025 The treatment turned Trelleborg into one of Scandinavia's biggest and fastest-growing industrial concerns. +21515026 Between 1985 and 1988, sales multipled more than 10 times and pretax profit surged almost twelvefold. +21515027 Many analysts expect Mr. Andersson, who owns 1.7% of the company, to be named Trelleborg's new chairman when Ernst Herslow steps down next year. +21515028 But the promotion isn't likely to alter a management style Mr. Andersson describes as "being the driving force leading the troops, not managing by sitting back with a cigar waiting for people to bring me ideas." +21515029 Last month, in his boldest move yet, Mr. Andersson and Trelleborg joined forces with Canada's Noranda Inc. in a joint $2 billion hostile takeover of another big Canadian mining concern, Falconbridge Ltd. +21515030 Industry analysts suggest that the conquest of Falconbridge could vault Trelleborg from a regional Scandinavian success story to a world-class mining concern. +21515031 "Trelleborg isn't in the same league yet as mining giants such as RTZ Corp. or Anglo-American Corp.," says Mike Kurtanjek, a mining analyst at James Capel & Co., London. +21515032 "But we certainly like what we've seen so far." +21515033 But Trelleborg still must clear some tough hurdles. +21515034 Mr. Andersson acknowledges that the company's mining division "will be busy for a while digesting its recent expansion." +21515035 Booming metals prices have fueled Trelleborg's recent profit surge, raising mining's share of pretax profit to 68% this year from a big loss two years earlier. +21515036 But analysts caution an expected fall in metal prices next year could slow profit growth. +21515037 Mining is likely to remain Trelleborg's main business. +21515038 Analysts say its chances of success will likely hinge on how well Trelleborg manages to cooperate with Noranda in the Falconbridge venture. +21515039 Noranda and Trelleborg each came close to winning Falconbridge alone before the successful joint bid. +21515040 Some analysts say Noranda would prefer to break up Falconbridge, and that the Swedes -- relatively inexperienced in international mining operations -- could have problems holding their own with a much bigger partner like Noranda operating on its home turf. +21515041 Mr. Andersson insists that Trelleborg and Noranda haven't discussed a Falconbridge break-up. +21515042 Falconbridge, he says, will continue operating in its current form. +21515043 "We'd be reluctant to accept 50-50 ownership in a manufacturing company. +21515044 But such partnerships are common in mining, where there aren't problems or conflict of interest or risk of cheating by a partner," Trelleborg's president says. +21515045 Perhaps more important, both companies share Mr. Andersson's belief in the coming renaissance of base industries. +21515046 "If the 1980s were a decade of consumption, the '90s will be the investment decade," Mr. Andersson says. +21515047 "The whole of Europe and the industrialized world is suffering from a breakdown in infrastructure investment," he says. +21515048 "That's beginning to change. +21515049 And investment is the key word for base metals, and most other businesses Trelleborg is in. +21516001 Apple Computer Inc. posted improved fiscal fourth-quarter profit due largely to a $48 million gain on the sale of its stock in Adobe Systems Inc. +21516002 Excluding the gain, the company registered a modest 4.6% increase for the quarter ended Sept. 29 to $113 million, or 87 cents a share, from the year-earlier $107.9 million, or 84 cents a share. +21516003 Proceeds of the Adobe sale brought net income in the quarter to $161.1 million, or $1.24 a share. +21516004 Apple shares fell 75 cents in over-the-counter trading to close at $48 a share. +21516005 Fiscal fourth-quarter sales grew about 18% to $1.38 billion from $1.17 billion a year earlier. +21516006 Without the Adobe gain, Apple's full-year operating profit edged up 1.5% to $406 million, or $3.16 a share, from $400.3 million, or $3.08 a share. +21516007 Including the Adobe gain, full-year net was $454 million, or $3.53 a share. +21516008 Sales for the year rose nearly 30% to $5.28 billion from $4.07 billion a year earlier. +21516009 John Sculley, chairman and chief executive officer, credited the Macintosh SE/30 and IIcx computers, introduced in the winter, for the brightened sales performance. +21516010 Mr. Sculley also indicated that sagging margins, which dogged the company through most of 1989, began to turn up in the fourth quarter as chip prices eased. +21516011 "Adverse pressure on gross margins . . . has subsided," Mr. Sculley said. +21516012 Margins in the fiscal fourth quarter perked up, rising to 51% from 49.2% a year earlier. +21516013 For all of fiscal 1989, however, the average gross margin was 49%, below the average 1988 gross margin of 51%. +21516014 Lower component costs -- especially for DRAMs, or dynamic random access memory chips -- were cited for the easing of margin pressure on the company, a spokeswoman said. +21516015 Looking ahead to 1990, Mr. Sculley predicted "another year of significant revenue growth," along with improved profitability, as the recovery in gross margins continues into 1990. +21517001 Gary J. Schantz, 44 years old, was named president and chief operating officer. +21517002 Polymerix makes lumber-like materials that it describes as "plastic wood." +21517003 The operating chief's post is new. +21517004 Martin Schrager, 51, who had been president, was named vice chairman. +21517005 He remains chief executive officer. +21517006 Mr. Schantz was vice president and chief operating officer of the Acrylic division of Polycast Technology Corp. +21517007 Separately, the board expanded to six members with the election of David L. Holewinski, a consultant. +21517008 The company also said it privately placed stock and warrants in exchange for $750,000. +21518001 Terry L. Haines, formerly general manager of Canadian operations, was elected to the new position of vice president, North American sales, of this plastics concern. +21518002 Also, Larry A. Kushkin, executive vice president, North American operations, was named head of the company's international automotive operations, another new position. +21518003 He remains an executive vice president, the company said, and his new position reflects "the growing importance of the world automotive market as a market for A. Schulman's high performance plastic materials." +21518004 Gordon Trimmer will succeed Mr. Haines as manager of Canadian operations, and Mr. Kushkin's former position isn't being filled at this time, the company said. +21519001 General Electric Co. said it signed a contract with the developers of the Ocean State Power project for the second phase of an independent $400 million power plant, which is being built in Burrillville, R.I. +21519002 GE, along with a division of Ebasco, a subsidiary of Enserch Corp., have been building the first 250-megawatt phase of the project, which they expect to complete in late 1990. +21519003 The second portion will be completed the following year. +21519004 GE's Power Generation subsidiary will operate and maintain the plant upon its completion. +21520001 The Environmental Protection Agency is getting a lot out of the Superfund program. +21520002 Of the $4.4 billion spent so far on the program, 60% is going for administrative costs, management and research, the Office of Technology Assessment just reported. +21520003 Only 36 of 1,200 priority cleanup sites have been "decontaminated." +21520004 Over the next 50 years, $500 billion is earmarked for the program. +21520005 At current allocations, that means EPA will be spending $300 billion on itself. +21520006 It may not be toxic, but we know where one waste dump is. +21521001 Chambers Development Co. said its Security Bureau Inc. unit purchased two security concerns in Florida that will add $2.1 million of annual revenue. +21521002 Purchase of the businesses serving Miami, Fort Lauderdale and West Palm Beach, Fla., is part of a plan by Chambers to expand in the growing security industry. +21521003 Terms weren't disclosed. +21522001 Basf AG said it moved its headquarters for Latin America to Mexico and the headquarters for the Asia/Australia regional division to Singapore, effective Oct. +21522002 The central offices for both regions were previously located in Ludwigshafen, Basf headquarters. +21522003 The West German chemical concern called the moves a further step in the internationalization of its business activities. +21522004 Both regions are the fastest-growing areas for Basf, the company said. +21523001 David H. Eisenberg, 53 years old, was named president and chief operating officer of Imasco's 500-store Peoples Drug Stores Inc. unit, based in Alexandria, Va. +21523002 Mr. Eisenberg was senior executive vice president and chief operating officer. +21523003 Imasco is a tobacco, retailing, restaurant and financial services concern. +21524001 Lotus Development Corp. is in talks to sell its Signal stock-quote service to Infotechnology Inc., the New York parent of Financial News Network, people familiar with the negotiations said. +21524002 They said the price would be around $10 million. +21524003 Signal, which has an estimated 10,000 subscribers and is profitable, provides stock quotes over an FM radio band that can be received by specially equipped personal computers. +21524004 The computers will display stock prices selected by users. +21524005 Lotus, Cambridge, Mass., has been rumored to have the sale of the four-year-old unit under consideration for a year. +21524006 The business isn't related to Lotus's main businesses of making computer software and publishing information on compact disks. +21525001 "Please submit your offers," says Felipe Bince Jr. +21525002 He surveys the prospective investors gathered in the board room of the Philippine government's Asset Privatization Trust for the sale of a 36% interest in the country's largest paper mill. +21525003 The agency expects the bids to be equivalent of more than $80 million. +21525004 Not a peso is offered. +21525005 Mr. Bince, the trust's associate executive trustee, declares the bidding a failure. +21525006 "It's getting harder to sell," he mutters as he leaves the room. +21525007 Indeed. Recently, the trust failed to auction off the paper mill, a bank, an office building and a small cotton-ginning plant. +21525008 Of the four, only the bank and the plant drew bids -- one apiece. +21525009 In October 1987, President Corazon Aquino vowed that her government would "get out of business" by selling all or part of the state's holdings in the many companies taken over by the government during the 20-year rule of Ferdinand Marcos. +21525010 Two years later, Mrs. Aquino's promise remains largely unfulfilled. +21525011 October is a critical month for the privatization program. +21525012 Manila is offering several major assets for the first time and is trying to conclude sales already arranged. +21525013 In addition, the government is scheduled to unveil plans for privatizing Philippine Airlines, the national carrier, an effort that lawyer and business columnist Rodolfo Romero calls "the bellwether of privatization." +21525014 All told, there are assets on the line valued at up to $1.03 billion. +21525015 The privatization program is designed to rid the government of hundreds of assets and to raise critically needed funds. +21525016 Much of the money from the sales is earmarked for a multibillion-dollar agrarian-reform program. +21525017 But efforts have been thwarted by official indifference, bureaucratic resistance, a legal system that operates at a snail's pace, political opposition and government misjudgments. +21525018 Most recently, a lack of buyers has been added to the list. +21525019 Rather than gathering momentum, the program is in danger of slowing even more as the government tackles several big assets. +21525020 The axiom appears to be that the more valuable the asset, the harder the privatization process. +21525021 "You just don't see a whole lot happening," says an international economist. +21525022 To be sure, the program hasn't completely stalled. +21525023 The Asset Privatization Trust, the agency chiefly responsible for selling government-held properties, has recorded sales of more than $500 million since it began functioning in December 1986. +21525024 But its success has been largely in the sale of small, nonperforming companies, which are valued for their assets. +21525025 Dealing with the sales this month could be particularly challenging because almost every problem that has hobbled the program in the past is popping up again. +21525026 Ramon Garcia, the Asset Trust's executive trustee, admits to what he calls "temporary setbacks." +21525027 In light of the poor results recently, he says, the agency is adopting an "attitude of flexibility." +21525028 October's troubles began when the trust failed to sell a state-owned commercial bank, Associated Bank, for the minimum price of 671 million pesos ($31 million). +21525029 At the end of the month, the agency again will offer the bank. +21525030 But instead of a minimum price, only a target price will be established. +21525031 Bankers say, however, that the government may have difficulty selling the institution even without a floor price. +21525032 The bank has a negative net worth, they say. +21525033 In addition, special bidding rules give the bank's former owner, Leonardo Ty, the right to match the highest bid. +21525034 Mr. Ty lost control to the government in 1980 when a government bank made emergency loans to the cash-strapped institution. +21525035 In 1983, the loans were converted into equity, giving Manila 98% of the bank, but with the understanding that Mr. Ty had repurchase rights. +21525036 His ability to match any bid has scared off many potential buyers. +21525037 Separately, the government will try again within a month to sell the 36% stake in Paper Industries Corp. of the Philippines, or Picop, as the paper mill is known. +21525038 The price will depend on how much Picop shares fetch on the local stock market. +21525039 But according to bankers and stock analysts who have studied the paper mill, price isn't the only consideration. +21525040 As it stands now, the government would continue to hold 45% of Picop after the 36% stake is sold. +21525041 (About 7.5% of Picop is publicly traded and other shareholders own the rest of the equity.) +21525042 Potential buyers, mostly foreign companies, are reluctant to take a non-controlling stake in a company that, by the government's own reckoning, needs some $100 million in new capital for rehabilitation. +21525043 The prospect of buying into a cash-hungry company without getting management control persuaded at least three foreign buyers, including a member of the Elders group of Australia, to pull out of the bidding, the bankers and analysts say. +21525044 Mr. Garcia acknowledges the problem and says the Asset Trust will study why the bidding failed and what changes the agency may be able to offer. +21525045 Under government regulations, however, foreign ownership of Picop's equity is limited to 40%. +21525046 Even though the government would retain the 45% stake in Picop, critics have accused the trust of selling out to foreigners. +21525047 A series of newspaper articles accused the trust of short-changing the government over the Picop sale. +21525048 Mr. Garcia says he has been notified of congressional hearings on the Picop bidding and possible legislation covering the paper mill's sale, both prompted by the criticism of the agency. +21525049 The question of control could further hinder long-delayed plans for the government to divest itself of Philippine Airlines, in which it has a 99% stake. +21525050 The carrier has valuable trans-Pacific and Asian routes but it remains debt-laden and poorly managed. +21526001 This maker of electronic measuring devices named two new directors, increasing board membership to nine. +21526002 The new directors are Gordon M. Sprenger, president and chief executive officer of LifeSpan Inc., and Peter S. Willmott, chairman and chief executive officer of Willmott Services Inc. +21527001 Gerard E. Wood, 51 years old, was elected president, chief executive officer and a director of this minerals and materials company. +21527002 He succeeds Harry A. Durney, 65, who is retiring from active duty but remains a director and consultant. +21527003 Mr. Wood has been president and chief executive of Steep Rock Resources Inc. +21528001 Eagle Financial Corp. and Webster Financial Corp., two Connecticut savings bank-holding companies, agreed to merge in a tax-free stock transaction. +21528002 The new holding company, Webster/Eagle Bancorp Inc., will have about $1.2 billion of assets and 19 banking offices in Connecticut. +21528003 Tangible capital will be about $115 million. +21528004 The merger is subject to regulatory clearance and a definitive agreement. +21528005 In the merger, each share of Webster, based in Waterbury, will be converted into one share of the new company. +21528006 Each share of Eagle, based in Bristol, will become 0.95 share of Webster/Eagle. +21528007 In American Stock Exchange composite trading Friday, Eagle shares rose 12.5 cents to $11. +21528008 In national over-the-counter trading, Webster shares fell 25 cents to $12.375. +21528009 Webster has 3.5 million shares outstanding and Eagle 2.6 million. +21528010 Their indicated market values thus are about $43.3 million and $28.6 million, respectively. +21528011 Frank J. Pascale, chairman of Eagle, will be chairman of the new firm and James C. Smith, president and chief executive officer of Webster, will take those posts at Webster/Eagle. +21528012 Harold W. Smith Sr., chairman of Webster, will become chairman emeritus and a director of the new company. +21528013 Ralph T. Linsley, vice chairman of Eagle, will become vice chairman of Webster/Eagle. +21528014 The board will be made up of seven directors of each holding company. +21528015 In an interview, James Smith said the banks' "markets are contiguous and their business philosophies are similar and conservative." +21528016 Nonperforming loans will make up only about 0.5% of the combined banks' total loans outstanding, he said. +21528017 At June 30, Webster, which owns First Federal Savings & Loan Association of Waterbury, had assets of $699 million. +21528018 Eagle, which controls Bristol Federal Savings Bank and First Federal Savings & Loan Association of Torrington, had assets of $469.6 million on that date. +21529001 Guillermo Ortiz's Sept. 15 Americas column, "Mexico's Been Bitten by the Privatization Bug," is a refreshingly clear statement of his government's commitment to privatization, and must be welcomed as such by all Americans who wish his country well. +21529002 The Mexico-United States Institute is glad to see such a high official as Mexico's undersecretary of finance view his country's reforms "in the context of a larger, world-wide process" of profound change toward free-market economics, especially in the statist countries. +21529003 Having said that, we must caution against an apparent tendency to overstate the case. +21529004 It is not quite true, for example, that the Mexican government has "privatized" Mexicana de Aviacion, as Mr. Ortiz claims. +21529005 In the same sentence he contradicts himself when he reports that the government still retains 40% of the total equity of the airline. +21529006 How can a company be considered "privatized" if the state is so heavily represented in it? +21529007 (True, the Mexican government has granted "control" over the airline to a new private consortium, but its propensity to take back what it gives is too well known to permit one to be sanguine.) +21529008 Regrettably, too, Mr. Ortiz resorts to the familiar "numbers game" when he boasts that "fewer than 392 {state enterprises} currently remain in the public sector," down from the "1,155 public entities that existed in 1982. +21529009 " But the enterprises still in state hands include the biggest and most economically powerful ones in Mexico; indeed, they virtually constitute the economic infrastructure. +21529010 I refer essentially to petroleum, electric power, banking and newsprint. +21529011 Those enterprises, however, are not going to be privatized. +21529012 They are officially considered "strategic," and their privatization is prohibited by the Mexican Constitution. +21529013 In language that sidesteps the issue, Mr. Ortiz writes, "The divestiture of nonpriority and nonstrategic public enterprises is an essential element of President Carlos Salinas's plan to modernize Mexico's economy. . . ." +21529014 Yet clearly, modernization must embrace its key industries before it can be said to have caught the "privatization bug." +21529015 The bottom line, however, is not economic but political reform. +21529016 A long succession of Mexican presidents arbitrarily nationalized whatever industry they took a fancy to, without having to answer to the public. +21529017 To guarantee that Mexicana de Aviacion and other companies will really be privatized, Mexico needs a pluri-party political system that will ensure democracy and hence accountability. +21529018 Daniel James President Mexico-United States Institute +21530001 The board of this Ponce, Puerto Rico concern voted to suspend payment of its quarterly of 11 cents a share for the third quarter. +21530002 The third-largest thrift institution in Puerto Rico also said it expects a return to profitability in the third quarter when it reports operating results this week. +21530003 Ponce Federal said the dividend was suspended in anticipation of more stringent capital requirements under the Financial Institutions Reform, Recovery, and Enforcement Act of 1989. +21531001 A labor-management group is preparing a revised buy-out bid for United Airlines parent UAL Corp. that would transfer majority ownership to employees while leaving some stock in public hands, according to people familiar with the group. +21531002 The group has been discussing a proposal valued in a range of $225 to $240 a share, or $5.09 billion to $5.42 billion. +21531003 But to avoid the risk of rejection, the group doesn't plan to submit the plan formally at a UAL board meeting today. +21531004 Instead, the group is raising the proposal informally to try to test the board's reaction. +21531005 People familiar with the company say the board isn't likely to give quick approval to any offer substantially below the $300-a-share, $6.79 billion buy-out bid that collapsed last week after banks wouldn't raise needed loans and after a key partner, British Airways PLC, dropped out. +21531006 In composite trading Friday on the New York Stock Exchange, UAL closed at $168.50 a share, down $21.625. +21531007 But the pilots union, which has been pushing for a takeover since 1987, appears to be pressing ahead with the revised bid to avoid further loss of momentum even though it hasn't found a partner to replace British Air. +21531008 Although the bidding group hasn't had time to develop its latest idea fully or to discuss it with banks, it believes bank financing could be obtained. +21531009 After the collapse of the last effort, the group doesn't plan to make any formal proposal without binding commitments from banks covering the entire amount to be borrowed. +21531010 Under the type of transaction being discussed, the pilot-management group would borrow several billion dollars from banks that could then be used to finance a cash payment to current holders. +21531011 Those current holders would also receive minority interests in the new company. +21531012 For example, the group could offer $200 a share in cash plus stock valued at $30 a share. +21531013 UAL currently has 22.6 million shares, fully diluted. +21531014 The new structure would be similar to a recapitalization in which holders get a special dividend yet retain a controlling ownership interest. +21531015 The difference is that current holders wouldn't retain majority ownership or control. +21531016 The failed takeover would have given UAL employees 75% voting control of the nation's second-largest airline, with management getting 10% control and British Air 15%. +21531017 It wasn't clear how the ownership would stack up under the new plan, but employees would keep more than 50%. +21531018 Management's total could be reduced, and the public could get more than the 15% control that had been earmarked for British Air. +21531019 One option the board is likely to consider today is some sort of cooling-off period. +21531020 Although the pilots are expected to continue to pursue the bid, UAL Chairman Stephen Wolf may be asked to withdraw from the buy-out effort, at least temporarily, and to return to running the company full time. +21531021 The board could eventually come under some pressure to sell the company because its members can be ousted by a majority shareholder vote, particularly since one-third of UAL stock is held by takeover stock speculators who favor a sale. +21531022 The labor-management buy-out group plans to keep its offer on the table in an apparent attempt to maintain its bargaining position with the board. +21531023 However, the only outsider who has emerged to lead such a shareholder vote, Los Angeles investor Marvin Davis, who triggered the buy-out with a $5.4 billion bid in early August, is hanging back -- apparently to avoid being blamed for contributing to the deal's collapse. +21531024 Three top advisers to Mr. Davis visited New York late last week, at least in part to confer with executives at Citicorp. +21531025 Mr. Davis had paid $6 million for Citicorp's backing of his last bid. +21531026 But Citicorp has lost some credibility because it also led the unsuccessful effort to gain bank loans for the labor-management group. +21531027 On Friday, British Air issued a statement saying it "does not intend to participate in any new deal for the acquisition of UAL in the foreseeable future." +21531028 However, several people said that British Air might yet rejoin the bidding group and that the carrier made the statement to answer questions from British regulators about how it plans to use proceeds of a securities offering previously earmarked for the UAL buy-out. +21531029 Also late last week, UAL flight attendants agreed to participate with the pilots in crafting a revised offer. +21531030 But the machinists union, whose opposition helped scuttle the first buy-out bid, is likely to favor a recapitalization with a friendly third-party investor. +21531031 One advantage the buy-out group intends to press with the board is that pilots have agreed to make $200 million in annual cost concessions to help finance a bid. +21531032 Speculation has also arisen that the UAL executive most closely identified with the failure to gain bank financing, chief financial officer John Pope, may come under pressure to resign. +21531033 However, people familiar with the buy-out group said Mr. Pope's departure would weaken the airline's management at a critical time. +21531034 Despite the buy-out group's failure to obtain financing, UAL remains obligated to pay $26.7 million in investment banking and legal fees to the group's advisers, Lazard Freres & Co., Salomon Brothers Inc., and Paul Weiss Rifkind Wharton & Garrison. +21532001 Whittle Communications Limited Partnership, Knoxville, Tenn., will launch its first media property targeting Hispanic women. +21532002 "La Familia de Hoy," or "Today's Family," will debut this spring and will combine a national bimonthly magazine and TV programming. +21532003 The television element of "La Familia" includes a series of two-minute informational features to air seven days a week on the Spanish-language Univision network, a unit of Univision Holdings Inc., which is 80%-owned by Hallmark Cards Inc. +21532004 The features will focus on "parenting, family health and nutrition, and financial management," and will carry 30 seconds of advertising. +21532005 The magazines, also ad-supported, will be distributed in more than 10,000 doctors' offices, clinics, and health centers in Hispanic and largely Hispanic communities. +21533001 WEIRTON STEEL Corp. said it completed a $300 million sale of 10-year notes, the final step in the 1984 buy-out of the company from National Steel Corp. +21533002 The 10 7/8% notes were priced at 99.5% to yield 10.958% in an offering managed by Bear, Stearns & Co., Shearson Lehman Hutton Inc. and Lazard Freres & Co., the company said. +21533003 Weirton, of Weirton, W. Va., said $60.3 million of the proceeds were used to prepay the remaining amounts on the note outstanding to National Intergroup Inc., the parent of National Steel. +21533004 Remaining proceeds were used to pay other debt and to finance the company's capital spending program. +21534001 Lep Group PLC of Britain, which holds a 62.42% stake in Profit Systems Inc., said it is considering courses of action that could result in its having "active control" of the company. +21534002 In a filing with the Securities and Exchange Commission, Lep Group said a possible course of action may include acquiring some or all of the Profit Systems shares it doesn't already own. +21534003 It noted, however, that it hasn't determined any specific terms of a possible transaction. +21534004 Lep Group and affiliates currently control 3,513,072 Profit Systems common shares, or 62.42%, the filing said. +21534005 Profit Systems, Valley Stream, N.Y., is an air freight forwarding concern. +21535001 U.S. official reserve assets rose $6.05 billion in September, to $68.42 billion, the Treasury Department said. +21535002 The gain compared with a $1.10 billion decline in reserve assets in August to $62.36 billion, the department said. +21535003 U.S. reserve assets consist of foreign currencies, gold, special drawing rights at the International Monetary Fund and the U.S. reserve position -- its ability to draw foreign currencies -- at the IMF. +21535004 The nation's holdings of foreign currencies increased $5.67 billion in September to $39.08 billion, while its gold reserves were virtually unchanged at $11.07 billion. +21535005 U.S. holdings of IMF special drawing rights last month rose $247 million, to $9.49 billion, and its reserve position at the IMF increased $142 million, to $8.79 billion. +21536001 Alusuisse of America Inc. plans to sell its Consolidated Aluminum Corp. subsidiary as part of its strategy to focus more on aluminum packaging in the U.S. +21536002 Alusuisse, of New York, declined to say how much it expects to get for the unit; the company has hired First Boston Corp. to help identify bidders. +21536003 Alusuisse is a subsidiary of Swiss Aluminium Ltd., a Zurich, Switzerland, producer of aluminum, chemicals and packaging products. +21536004 Consolidated, which had 1988 revenue of $400 million, makes aluminum sheet and foil products at its Hannibal, Ohio, and Jackson, Tenn., rolling mills and recycles aluminum at a plant in Bens Run, W.Va. +21537001 Manhattan National Corp. said Michael A. Conway, president and chief executive officer, was elected chief executive of the holding company's two principal insurance subsidiaries. +21537002 He succeeds Paul P. Aniskovich Jr., who resigned to pursue other business interests, the company said. +21537003 Mr. Conway, 42 years old, was elected chairman, president and chief executive of Manhattan Life Insurance Co. and president and chief executive of Manhattan National Life Insurance Co. +21537004 Harry Rossi, 69, chairman of the holding company, also remains chairman of Manhattan National Life Insurance Co. +21537005 Mr. Conway was executive vice president and chief investment officer of Union Central Life Insurance Co., of Cincinnati, in 1987, when Union Central bought a 54% interest in Manhattan National Corp. +21537006 He resigned as an officer of Central Life to accept the Manhattan National presidency. +21538001 Daniel J. Terra, a director of First Illinois Corp., said that in August he reduced his stake in First Illinois to 26.48% of the common shares outstanding. +21538002 In a filing with the Securities and Exchange Commission, Mr. Terra said he sold 263,684 First Illinois common shares from Aug. 9 to Aug. 28 for $9.9375 to $10.5625 a share. +21538003 As a result of the sales he holds 6,727,042 shares. +21538004 Mr. Terra said in the filing that he sold the stock to decrease his position in the Evanston, Ill., banking concern. +21538005 He may sell more shares in the open market or in private transactions, but wouldn't rule out changing his intentions and buying shares, the filing said. +21539001 SciMed Life Systems Inc., Minneapolis, said a federal appeals court vacated an earlier summary judgment in its favor. +21539002 A lower court in St. Paul had ruled in September 1988 that a heart catheter SciMed manufactures doesn't infringe on a patent owned by Advanced Cardiovascular Systems, a unit of Eli Lilly & Co. +21539003 SciMed said the appeals court remanded the case back to the district court for further proceedings. +21539004 In national over-the-counter trading Friday, SciMed shares tumbled $2.75 to $43. +21539005 SciMed said it "remains committed" both to the "vigorous defense" of its position that the catheter doesn't infringe the Lilly unit's patent, and to the pursuit of its own counterclaims, which allege Lilly engaged in antitrust violations and other wrongful acts. +21540001 A REVISED BID FOR UAL is being prepared by a labor-management group, sources said. +21540002 The new proposal, which would transfer majority ownership of United Air's parent to employees and leave some stock in public hands, would be valued at $225 to $240 a share, or as much as $5.42 billion. +21540003 But UAL's board isn't expected to give quick approval to any offer substantially below the $300-a-share bid that collapsed recently. +21540004 Takeover stock speculators have incurred paper losses of over $700 million from the failed UAL offer, their worst loss ever on a single deal. +21540005 Ford and Saab ended talks about a possible alliance after Ford concluded that the cost to modernize Saab's car operations would outweigh the likely return. +21540006 The collapse Friday prompted speculation that Ford would intensify its pursuit of Jaguar, which is negotiating a defensive alliance with GM. +21540007 Stock prices edged up in quiet trading Friday. +21540008 The Dow Jones industrials rose 5.94, to 2689.14, making the gain for the week a record 119.88 points, or 4.7%. +21540009 Most bond prices fell, but junk bonds and the dollar rose. +21540010 New York City bonds were sold off by many investors last week amid political and economic uncertainty. +21540011 More banks are being hurt by Arizona's worsening real-estate slump. +21540012 First Interstate Bancorp of Los Angeles said Friday it expects a $16 million quarterly loss, citing property-loan losses at its Arizona unit. +21540013 OPEC's ability to produce more oil than it can sell is starting to cast a shadow over world oil markets. +21540014 OPEC officials worry that prices could collapse a few months from now if the group doesn't adopt new quotas. +21540015 Saatchi & Saatchi has attracted offers for some of its advertising units but has rejected them, sources said. +21540016 The proposals, from suitors including Interpublic Group, come as the London-based ad giant struggles through its most difficult period ever. +21540017 Qintex Australia suffered another setback Friday when its Los Angeles-based affiliate filed for Chapter 11 protection. +21540018 Qintex's $1.5 billion pact to buy MGM/UA collapsed recently. +21540019 Kodak entered the high-definition television market by unveiling a device that can convert conventional film into high-definition video. +21540020 A handful of small U.S. firms are refusing to cede the HDTV-screen market to Japanese manufacturers. +21540021 Freight rates are bottoming out and starting to rebound. +21540022 Trucking, shipping and air-freight firms are all planning rate increases, reflecting higher costs and tightened demand. +21540023 Texaco has purchased an oil-producing company in Texas for $476.5 million. +21540024 It is Texaco's first major acquisition since the legal battle with Pennzoil began over four years ago. +21540025 Winnebago posted a widened quarterly loss and slashed its dividend in half, reflecting the deepening slowdown in recreational vehicle sales. +21540026 Markets -- +21540027 Stocks: +21540028 Volume 164,830,000 shares. +21540029 Dow Jones industrials 2689.14, up 5.94; transportation 1230.80, off 32.71; utilities 215.48, up 0.06. +21540030 Bonds: +21540031 Shearson Lehman Hutton Treasury index 3392.49, off +21540032 Commodities: +21540033 Dow Jones futures index 129.62, off 0.51; spot index 131.34, up 0.88. +21540034 Dollar: +21540035 142.43 yen, up 0.73; 1.8578 marks, up 0.0108. +21541001 Inmac Corp., a money-losing direct marketer of computer supplies and accessories, said directors suspended payment of its semiannual dividend as too great a drain on funds. +21541002 The company paid five cents a share in April. +21541003 The directors' action, taken Oct. 10 but announced Friday, had little or no effect on the company's stock, which stagnated at $4.75 in light over-the-counter trading. +21541004 Inmac recently disclosed a $12.3 million write-off related to a corporate restructuring that resulted in the company's posting a $6.4 million net loss for the year ended July 29, compared with year-earlier profit of $9.7 million, or $1.02 a share. +21541005 Sales rose 12% to $249.5 million from $222.8 million. +21541006 "The board felt that the continued payment of our semiannual dividend was inconsistent with recent operating results," said Kenneth A. Eldred, president and chief executive officer. +21541007 "All our efforts are now focused on improving earnings to the point where we can fund additional new-country development, continue to invest in the business and reinstate the dividend," he added. +21541008 The company offers more than 3,500 parts and supplies directly to microcomputer and minicomputer users through catalog sales. +21542001 The Food and Drug Administration said American Home Products Corp. agreed to recall certain generic drugs that were produced by its Quantum Pharmics unit in Amityville, N.Y. +21542002 Quantum stopped shipping the drugs last month, following a federal investigation regarding information the company supplied to obtain three drug approvals. +21542003 The FDA requested the recall of Quantum's mioxidil tablets, chlorazepate dipotassium tablets and meclofenamate sodium capsules because, it said, the size of the production runs submitted for testing to gain FDA approval was in each case misrepresented as much larger than it actually was. +21542004 American Home Products, based in New York, agreed to recall four other products, trazadone, doxepin, diazepam and lorazapam, because of concerns about data submitted in their original approval applications before the FDA. +21542005 No safety problems with the products are known, the FDA said. +21542006 An FDA spokesperson said the drugs are still available under other brand names. +21542007 Last month, American Home Products said it was suspending production and distribution of all 21 of Quantum's generic drug products pending the completion of an exhaustive internal audit. +21542008 It also temporarily closed Quantum, because of the internal investigation, as well as the FDA's ongoing inquiry. +21542009 In New York Stock Exchange composite trading, American Home Products rose 75 cents to $105 on Friday. +21543001 Lyondell Petrochemical Co. said third-quarter net income fell 54%, to $73 million, or 91 cents a share, from $160 million a year earlier. +21543002 Year-earlier per-share results aren't applicable because the company went public in January. +21543003 Revenue rose 7.7% to $1.28 billion from $1.18 billion. +21543004 The petrochemical maker said the biggest reason earnings declined was a loss of production time and the increased costs associated with a temporary maintenance closing and expansion of an olefins plant. +21543005 Like other refiners, Lyondell's margins for chemicals and gasoline were narrower. +21543006 While the company said chemical margins continued to worsen this quarter, costs will be lower because the maintenance and expansions are complete. +21543007 In New York Stock Exchange composite trading Friday, Lyondell was unchanged at $18.50 a share. +21544001 Four former Cordis Corp. officials were acquitted of federal charges related to the Miami-based company's sale of pacemakers, including conspiracy to hide pacemaker defects. +21544002 Jurors in U.S. District Court in Miami cleared Harold Hershhenson, a former executive vice president; John Pagones, a former vice president; and Stephen Vadas and Dean Ciporkin, who had been engineers with Cordis. +21544003 Earlier this year, Cordis, a maker of medical devices, agreed to plead guilty to felony and misdemeanor charges related to the pacemakers and to pay the government about $5.7 million in fines and other costs. +21544004 Cordis sold its pacemaker operations two years ago to Telectronics Holding Ltd. of Australia. +21545001 PAPERS: +21545002 Management and unions representing 2,400 employees at Torstar Corp.'s Toronto Star reached a tentative contract agreement Friday, averting a strike by most employees of Canada's largest daily newspaper. +21545003 Members of the largest union, representing 1,700 workers, voted in favor of the pact yesterday. +21545004 Four other unions have yet to vote, but their leadership also recommended approval. +21545005 The pact proposes a 2 1/2-year contract with a raise of 8% in the first year, 7% in the second and 4% for the final six months. +21546001 Amgen Inc. said its second-quarter earnings increased more than tenfold to $3.9 million, or 22 cents a share, due to increased sales of the company's new antianemia drug for kidney patients. +21546002 The Thousand Oaks, Calif.-based biotechnology company reported a 97% increase in revenue to $42.5 million for the quarter ended Sept. 30. +21546003 In the year-ago period, Amgen reported net income of $320,000, or two cents a share, on revenue of $21.5 million. +21546004 For the six months, the company reported a more than sixfold increase in earnings to $4.7 million, or 26 cents a share, from $625,000, or four cents a share a year ago. +21546005 Revenue rose 77% to $72.6 million, from last year's $41 million. +21547001 LEBANESE LAWMAKERS APPROVED a peace plan but Aoun rejected it. +21547002 Lebanon's Parliament passed the power-sharing accord to end the country's 14-year-old conflict, but the Christian military leader wad the plan was "full of ambiguities." +21547003 The Arab League-sponsored pact, drafted during three weeks of talks at the Saudi Arabian resort of Taif, includes Syrian proposals for at least a partial troop pullout from Lebanon, and guarantees an equal number of seats for Moslems and Christians in the Parliament. +21547004 The rejection by Aoun, who has demanded a total and immediate pull-out of Damascus's 33,000 troops, puts the future of the agreement in doubt. +21547005 NORTHERN CALIFORNIA BRACED for earthquake-related traffic jams. +21547006 As rescuers pressed their efforts after finding a survivor in a collapsed freeway, the San Francisco Bay area girded for hundreds of thousands of commuters seeking to avoid routes ravaged by last Tuesday's tremor. +21547007 In Oakland, officials said the 57-year-old longshoreman who spent four days entombed in rubble was in critical condition with slight improvement. +21547008 Estimates of damage in the area, visited Friday by Bush, topped $5 billion. +21547009 The baseball commissioner announced that the third game of the World Series between the Giants and the Athletics wouldn't resume until Friday. +21547010 THE U.S. IS REQUIRED to notify foreign dictators of certain coup plans. +21547011 Under guidelines included in an exchange of letters between the Reagan administration and the Senate Intelligence panel last year, the U.S. must inform foreign dictators of plans likely to endanger their lives. +21547012 The existence of the policy became known after Bush disclosed it to seven GOP senators last week, citing the plan as an example of congressional requirements the administration contends contribute to the failure of covert actions, officials said. +21547013 Bush conceded that the requirement didn't affect a decision to lend only minor support to this month's failed effort to oust Panama's Noriega, aides said. +21547014 The shuttle Atlantis's crew prepared to return to Earth today several hours earlier than planned to avoid high winds forecast at the landing site at Edwards Air Force Base, Calif. +21547015 The five astronauts, who stowed gear and tested the spacecraft's steering, said they were unconcerned about the touchy weather expected in the Mojave Desert. +21547016 Commonwealth leaders issued a declaration giving South Africa six months to deliver on pledges to ease apartheid or face new reprisals. +21547017 The 49-nation organization, meeting in Malaysia, called for tighter financial pressure immediately. +21547018 Britain's Prime Minister Thatcher alone dissented. +21547019 East Germany's leadership vowed swift action to ease travel to the West. +21547020 Despite the pledge by the Communist rulers, tens of thousands of people across the country staged marches over the weekend to demand democratic freedoms. +21547021 In Leipzig, more than 500 people met with local party officials to discuss internal changes. +21547022 The Senate convicted federal Judge Alcee Hastings of Miami of eight impeachment articles, removing him from the bench. +21547023 The chamber voted 69-26 Friday to convict the judge of perjury and bribery conspiracy. +21547024 It marked the first time a U.S. official was impeached on charges of which a jury had acquitted him. +21547025 Rep. Garcia and his wife were found guilty by a federal jury in New York of extorting $76,000 from Wedtech Corp. in return for official acts by the New York Democrat. +21547026 The jury also convicted them of extortion in obtaining a $20,000 interest-free loan from an officer of the defunct defense contractor. +21547027 Authorities in Honduras launched an investigation into the cause of Saturday's crash of a Honduran jetliner that killed 132 of the 146 people aboard. +21547028 The Boeing 727, en route to Honduras from Costa Rica via Nicaragua, smashed into the hills outside Tegucigalpa as it approached the capital's airport in high winds and low clouds. +21547029 The U.S. and Israel have been holding what an aide to Prime Minister Shamir called intense telephone negotiations in an effort to bridge differences over Mideast peace moves. +21547030 The Labor Party, meanwhile, threatened to support a parliamentary motion to topple the coalition unless Shamir showed flexibility on Arab-Israeli talks. +21547031 Nicaragua's Defense Ministry said a group of Contra rebels ambushed two trucks carrying troops in northern Nicaragua, killing 18 of the soldiers. +21547032 The incident occurred Saturday night. +21547033 The Sandinista government and the U.S.-backed insurgents agreed in March to suspend offensive operations, but there has been sporadic fighting. +21547034 Scientists have isolated a molecule that may hold potential as a treatment for disruptions of the immune system, ranging from organ-transplant rejection, to allergies and asthma, Immunex Corp. said. +21547035 The molecule is the mouse version of a protein called the interleukin-4 receptor, which directs the growth and function of white blood cells. +21547036 Died: Alfred Hayes, 79, former president of the Federal Reserve Bank of New York, Saturday, in New Canaan, Conn. +21548001 Contel Corp. said third-quarter net income increased 16% to $72 million, or 45 cents a share, from $62 million, or 39 cents a share, as a result of strong growth in telephone-access lines and long-distance minutes of use. +21548002 The telecommunications company's results included a one-time gain of $4 million, or two cents a share, from the sale of Contel Credit, a leasing and financial-services subsidiary. +21548003 Revenue rose 8.3% to $780 million from $720 million. +21548004 Telephone-operations quarterly profit increased 9% to $84 million from $77 million, while federal-systems earnings declined 33% to $4 million from $6 million. +21548005 Information systems posted a loss of $8 million, compared with a loss of $9 million a year earlier. +21548006 Customer-access lines increased at an annualized rate of about 4% and minutes of long-distance use rose about 12%. +21548007 A 10% gain in operating profit in the quarter was offset by a 21% boost in interest expense, reflecting higher consolidated borrowings and interest rates. +21548008 In New York Stock Exchange composite trading, Contel closed at $33.75 a share, down .50 cents. +21549001 In East Germany, where humor has long been the only way to express political criticism, they're not laughing about their new leader Egon Krenz. +21549002 Mr. Krenz is such a contradictory figure that nobody has even come up with any good jokes about him. +21549003 "You have to have clear feelings about someone before you can make jokes," says an East German mother of two who loves swapping political barbs with her friends. +21549004 "With Krenz, we just don't know what to expect." +21549005 Mr. Krenz doesn't seem to be the knee-jerk hardliner many initially thought he was when the 52-year-old Politburo member was selected last week to succeed Erich Honecker. +21549006 But he doesn't appear to be ready to make broad changes either. +21549007 According to East Germany's ADN news agency, Mr. Krenz spoke to Soviet leader Mikhail Gorbachev by telephone over the weekend and acknowledged East Germany could learn from Moscow's glasnost policies. +21549008 Already last week, Mr. Krenz started overhauling East Germany's heavily censored and notoriously boring news media. +21549009 On Thursday, a day after he took office, East German television broke into regular programming to launch a talk show in which viewers call in questions for a panel of officials to answer. +21549010 The regular nightly news program and daily newspapers are also getting a visible injection of Soviet-style glasnost. +21549011 "It was quite a shock," says a 43-year-old East German shopkeeper. +21549012 "For the first time in my life, I wasn't sure whether I was listening to our news or West German television." +21549013 Other changes, including easing restrictions on travel for East Germans, are expected. +21549014 But whether such moves can win back the confidence of East Germans, who have taken to the streets by the thousands in recent weeks to demand democratic changes, depends largely on whether they feel they can trust Mr. Krenz. +21549015 And that's a problem. +21549016 Mr. Krenz is not only closely identified with his mentor, Mr. Honecker, but also blamed for ordering violent police action against protesters this month and for praising China for sending tanks against student demonstrators. +21549017 "I hope he grows with the job," says Rainer Eppelmann, a Protestant pastor in East Berlin. +21549018 "The most important thing is that he have a chance." +21549019 Although Mr. Krenz is dedicated to East Germany's conservative vein of communism, there is much about his style that sets him apart from his party comrades. +21549020 Unlike Mr. Honecker, who tended to lecture people about socialist values, Mr. Krenz enjoys asking questions. +21549021 Indeed, one of his first actions as leader was to visit a gritty machine factory on the outskirts of Berlin and wander among the workers -- a la Gorbachev. +21549022 He was later shown on television, fielding questions. +21549023 At one point, he asked a worker whether he thought East Germans were fleeing the country because of restrictive travel policies. +21549024 The worker's tart reply: "It's more than just travel. +21549025 People have a sense the government is ignoring the real problems in our society." +21549026 The exchange was all the more remarkable in that authorities released television footage to Western news agencies. +21549027 This same tendency toward openness impressed a group of visiting U.S. congressmen this spring. +21549028 Rather than trying to "lecture us," says one congressional aide who attended the two-hour meeting, Mr. Krenz "wanted to listen." +21549029 Rep. Ronnie Flippo (D., Ala.), one of the members of the delegation, says he was particularly impressed by Mr. Krenz's ready admission that East Germany needed to change. +21549030 "He's a very tough man, but one who's also open to arguments," adds an aide to West German Chancellor Helmut Kohl. +21549031 But there's another side to Mr. Krenz. +21549032 Born in a Baltic town in an area which is now part of Poland, he has dedicated his life to the party apparatus. +21549033 He moved quickly through the ranks with the help of his patron, Mr. Honecker, and emerged as the heir apparent. +21549034 Barbara Donovan, an expert on East Germany at Radio Free Europe in Munich, says Mr. Krenz may project a smooth image, but she doubts he's a true reformer. +21549035 Even if he is, she adds, he appears to have only limited room for maneuver within the Communist Party's ruling Politburo. +21549036 Against this background, the new East German leader must move quickly to shore up his government's standing. +21549037 The sudden growth of the opposition movement, together with the steady outflow of citizens escaping through Poland and Hungary, has plunged the country into its deepest political crisis since an anti-Soviet workers' uprising in 1953. +21549038 "He doesn't have any honeymoon period," says a Western diplomat based in East Berlin. +21549039 "But if he's sharp and quick, he has a chance." +21549040 The diplomat adds that Mr. Krenz has several things going for him. +21549041 The East German economy is strong compared with other East bloc nations. +21549042 And his relative youth could help him project a more vibrant image, contrasting with the perception of Mr. Honecker as an out-of-touch old man. +21549043 For average East Germans, Mr. Krenz remains a puzzle. +21549044 "Either he wasn't being real in the past, or he isn't being real right now," says a 30-year-old East German doctor. +21549045 "Either way, I have a problem with how quickly he's changed." +21549046 The doctor was among dozens of people milling through East Berlin's Gethsemane Church Saturday morning. +21549047 The walls of the church are covered with leaflets, news clippings, and handwritten notes associated with the country's political opposition. +21549048 "I have to come here to read the walls," says the doctor, "because it's information I still can't get through the newspapers." +21549049 Meanwhile, East Germany's growing openness may even allow the state-controlled news media to display a muted sense of humor. +21549050 Television last week carried a new report on East Berlin's main wallpaper factory and the need to boost production. +21549051 East Germans remember a comment a few years ago by Kurt Hager, the government's top ideologist, that just because a neighbor hangs new wallpaper, there's no reason to change your own. +21549052 His point was there is no reason for East Germany to copy Soviet-style changes. +21549053 "It's hard to know whether it was intended to be funny," says the East Berlin shopkeeper, "But everyone I know laughed about it. +21550001 The list of laboratories claiming to be producing inexplicable amounts of heat from "cold fusion" experiments is slowly growing. +21550002 But the experiments continue to be plagued by lack of firm evidence that the extra heat is coming from the fusing of hydrogen atoms. +21550003 New experiments at some of the big national laboratories are still unable to find hints of nuclear fusion reactions, leaving only the finding of tritium in a Texas experiment to support University of Utah chemists' claim of achieving hydrogen fusion at room temperatures. +21550004 The latest developments in cold fusion research were presented in 24 reports delivered at the fall meeting here of the Electrochemical Society, the first scientific meeting in five months to hear formal reports on cold fusion experiments. +21550005 The meeting offered stark evidence of a dramatic fall in scientific interest in cold fusion research. +21550006 Of the 1,300 chemists registered for the society's weeklong meeting, fewer than 200 sat through the day and a half of cold fusion presentations at week's end. +21550007 This was in contrast with the society's meeting last May, at the height of the controversy, when more than 1,500 scientists, along with scores of reporters and TV crews, crowded into a Los Angeles hotel ballroom for a tumultuous special night session on the subject. +21550008 Neither of the two chemists whose Utah experiments triggered the cold fusion uproar, Martin Fleischmann and B. Stanley Pons, were at the meeting. +21550009 But some members of an ad hoc expert committee set up by the Department of Energy to evaluate the cold fusion research were in the audience. +21550010 The committee is to recommend at the end of the month whether DOE should support cold fusion research. +21550011 Most of the two dozen scientists taking the podium reported results with new, more sophisticated variations of the seemingly simple electrolysis-of-water experiments described last March by Messrs. Fleischmann and Pons. +21550012 The experiments involve encircling a thin rod of palladium metal with a wire of platinum and plunging the two electrodes into "heavy" water in which the hydrogen atoms are a doubly heavy form known as deuterium. +21550013 When an electric current is applied to the palladium and platinum electrodes, the heavy water did begin to break up, or dissociate. +21550014 Ordinarily the electrolysis, or breakup, of the water would consume almost all of the electrical energy. +21550015 But Messrs. Fleischmann and Pons said their experiments also produced large amounts of heat. +21550016 The heat energy plus the energy consumed by the breakup of the water molecules added to far more energy coming out of the apparatus than electrical energy going in, they reported. +21550017 Because they also detected tritium and indications of nuclear radiation, they asserted that the "excess" heat energy must be coming from energy released by the nuclear fusion of deuterium atoms inside the palladium rod. +21550018 As of last weekend, a dozen labs also have reported measuring "excess" heat from similar electrolytic experiments, although amounts of such heat vary widely. +21550019 One of the seven reports presented here of excess heat production was given by Richard A. Oriani, professor of chemical engineering at the University of Minnesota. +21550020 Mr. Oriani said his skepticism of the Utah claims was initially confirmed when his first experiments last spring failed to produce results. +21550021 But he then borrowed a palladium rod from chemists at Texas A&M who said they were getting excess heat. +21550022 "The results were fascinating," he said. +21550023 On the fourth "run" with the borrowed rod, the experiment began producing excess heat. +21550024 The experiment was stopped briefly to change an instrument. +21550025 When it was restarted, heat output "really took off" and produced excess heat for several hours before dying down, he said. +21550026 Typical of other experiments, Mr. Oriani said his experiment was "very erratic." +21550027 It would go along doing nothing but dissociating the heavy water and then at totally unpredictable times, it would begin producing excess heat for as long as 10 or 11 hours before quieting down. +21550028 The excess heat was 15% to 20% more than the energy involved in the electrolysis of water. +21550029 Mr. Oriani said the heat bursts were too large and too long to be explained by the sudden release of energy that might have slowly accumulated during the experiments' quiescent times, as some scientists have suggested. +21550030 "There is a reality to the excess energy," he said. +21550031 Other scientists said they also were getting sporadic bursts of excess heat lasting several hours at a time. +21550032 The bursts often occur, they said, after they "perturbed" the experiments by raising or lowering the amount of electric current being applied, or switching the current off and on. +21550033 One chemist privately suggested this hinted that some "anomalous" chemical reactions might be producing the heat. +21550034 One reason questions surround the heat experiments is that they involve unusually meticulous measurements. +21550035 Typically, the input energy ranges from a third of a watt to one watt and the excess energy is measured in tenths of a watt. +21550036 One exception is a continuing experiment at Stanford University where as much as 10 watts of energy are being put into the electrolytic cells. +21550037 A cell filled with heavy water is producing 1.0 to 1.5 watts more heat than an identical electrolytic cell filled with ordinary water next to it, reported Turgut M. Gur, an associate of materials scientist Robert A. Huggins, head of the Stanford experimental team. +21550038 One of the few hints the excess heat might be produced by fusion came from brief remarks by chemist John Bockris of Texas A&M University. +21550039 Mr. Bockris previously reported getting bursts of excess heat and of detecting increasing amounts of tritium forming in the heavy water. +21550040 He said that within the past few days, he's gotten evidence that there is a "weak correlation" between the time the heat bursts occur and the production of tritium. +21550041 There isn't any way to continuously measure the amount of tritium in the heavy water, so it's been difficult to tell whether the tritium formation is related to the heat bursts or some other phenomenon. +21550042 Increasingly careful attempts to measure neutrons, which would be strong evidence of fusion reactions, continue to be negative. +21550043 Messrs. Fleischmann and Pons initially reported indirect evidence of neutrons being produced in their experiment but later conceded the measurements were questionable. +21550044 Researchers at Sandia National Laboratories in Albuquerque, N.M., reported they went so far as to take a "cold fusion" experiment and three neutron detectors into a tunnel under 300 feet of granite to shield the detectors from cosmic rays. +21550045 A number of times they detected neutrons in one, sometimes two, of the three detectors, but only once during 411 hours of the experiment did they detect a neutron burst in all three detectors -- and they think that was a spurious event. +21550046 Shimson Gottesfeld of Los Alamos National Laboratory said researchers there detected a burst of neutrons from an early cold fusion experiment last April but decided not to announce it until they could confirm it. +21550047 In subsequent experiments, one of two neutron detectors occasionally indicated a burst of neutrons but neutron bursts were never recorded in both detectors at the same time. +21550048 They concluded the indications of neutrons stemmed from faults in the detectors rather than from the cold fusion experiment. +21550049 At the Lawrence Berkeley Laboratory in California, new experiments indicated that the lithium added to the heavy water so it will conduct a current can produce previously unsuspected electrical effects on the surface of the palladium rod -- which Messrs. Fleischmann and Pons might have misinterpreted, reported Philip Ross from the California laboratory. +21551001 Dow Jones & Co. announced Wall Street Journal advertising rates for 1990. +21551002 The rates, which take effect Jan. 2, include a 4% increase for national edition advertising. +21551003 The Journal also will offer expanded volume and frequency discounts. +21551004 The increase for national edition advertising is less than the inflation rate and compares with a 6.5% increase in 1989. +21551005 "Newsprint and postage prices this year have not gone up," said Peter R. Kann, president of Dow Jones. +21551006 "We have invested in improved editorial quality and expanded our quality audience without substantially increasing our costs. +21551007 Fundamental fairness and a sense of responsibility lead us to share operating efficiencies with our customers." +21551008 Advertising rates for the Eastern, Midwest, Western and Southwest editions will increase an average 5.5%, and rates for localized advertising editions will increase 7.5%. +21551009 Rates for the Wall Street Journal Reports will remain unchanged. +21551010 A one-time noncontract full-page advertisement in The Wall Street Journal national edition will cost $99,385. +21551011 Advertising rates for The Wall Street Journal/Europe, published in Brussels and printed in the Netherlands and Switzerland, will increase 9%. +21551012 Rates for The Asian Wall Street Journal, published and printed in Hong Kong and also printed in Singapore and Tokyo, will rise 8%. +21551013 Rates for The Asian Wall Street Journal Weekly, published in New York for North American readers, will rise 6%. +21551014 Dow Jones also publishes Barron's magazine, other periodicals and community newspapers and operates electronic business information services. +21551015 It owns 67% of Telerate Inc., a leading supplier of computerized financial information on global markets. +21552001 Reflecting the impact of lower semiconductor prices and cuts in defense spending, Texas Instruments Inc. said third-quarter net income fell 31% and sales dropped slightly from a year earlier. +21552002 Net fell to $65 million, or 67 cents a common share, from $93.7 million or $1.03 a share, a year ago. +21552003 Sales fell 2.5% to $1.54 billion from $1.58 billion. +21552004 For the nine months, the electronics and defense concern had net of $255.8 million, or $2.70 a share, down 5.6% from $271 million, or $3.01 a share, in the year-ago period. +21552005 Sales were $4.66 billion, up 1.3% from $4.6 billion. +21552006 Jerry Junkins, chairman, president and chief executive officer, said sluggish consumer-electronics sales reduced demand for semiconductors. +21552007 That, coupled with lower semiconductor prices and higher semiconductor-depreciation expense, contributed to the decline in sales and profit. +21552008 In addition, cost increases related to fixed-price defense contracts and a $10 million charge to reduce the work force of Texas Instruments' defense-electronics division also reduced net. +21552009 However, the quarter results included $28 million in royalty income from patent licenses, up from $21 million in the year-earlier period. +21552010 The nine months include $125 million of royalty income, up from $98 million last year. +21552011 Mr. Junkins wasn't optimistic about the short-term outlook, hinting that further workforce reductions may be needed. +21552012 "We expect near-term sluggishness in the electronics market," he said, "and we will take ongoing cost-reduction actions as necessary to keep operations aligned with demand." +21552013 Further, he said, an internal reorganization to combine several divisions into the Information Technology Group is expected to affect fourth-quarter results by an undisclosed amount. +21553001 Lynch Corp. said its Lynch Telephone Corp. subsidiary completed the acquisition of Western New Mexico Telephone Co. for $20 million plus assumption of $24 million of debt. +21553002 Western New Mexico Telephone, Silver City, had net income of $1.9 million on revenue of about $10 million last year. +21553003 It is an independent phone company with a service area of 15,000 square miles in southwest New Mexico. +21553004 It is also a partner in the wireline cellular franchise covering most of western New Mexico. +21553005 The transaction represents Lynch's entry into the telephone business. +21553006 The company, which has interests in television, trucking services, and glass-making and food-processing equipment, said it plans to make other acquisitions in the telephone industry. +21554001 Nelson Bunker Hunt's attempted corner on silver a decade ago is still haunting the market in this metal. +21554002 Silver, now trading around $5 an ounce, surged to an all-time peak of $50 an ounce in January 1980 from around $9 in mid-1979. +21554003 "Mr. Hunt's attempt to squeeze the silver market 10 years ago is still indirectly to blame for today's market depression," says Lesley Edgar, managing director of Sharps Pixley Ltd., London bullion brokers. +21554004 While some 100 million ounces of silver once held by Mr. Hunt and Middle Eastern associates aren't hanging over the market anymore, the price surge of 1979-80 precipitated an expansion of mine production and scrap recovery and encouraged silver consumers to economize on silver use, Mr. Edgar says. +21554005 Photographic developers, for example, bought equipment to recover silver from spent photographs, negatives and processing solutions. +21554006 Meanwhile, the photographic industry, which accounts for 44% of silver consumption, continues to look for substitutes. +21554007 Japanese and U.S. photographic firms are beginning to produce electronic cameras and X-rays that don't require silver, dealers say. +21554008 Silver's history of volatility is also discouraging investors, dealers say. +21554009 Even in the present uncertain investment climate, investors are preferring "quality assets" such as Treasury bills and bonds to gold, silver and platinum, dealers say. +21554010 Although prices rallied briefly following the tumble on world stock markets earlier this month and the related decline of the dollar, precious metals are out of favor for the moment because of high interest rates and a determination by industrial nations to curb inflation, dealers say. +21554011 Silver, however is in a deeper slump than are gold and platinum. +21554012 Some analysts contend that silver is cheap now that prices are languishing at levels last seen in the mid-1970s. +21554013 "Bargain hunters believe that silver offers the best value amongst precious metals," says Frederick R. Demler, analyst at Drexel Burnham Lambert Inc. +21554014 A further decline in prices will lead to mine production cuts in the U.S., he says. +21554015 Scrap merchants are converting smaller quantities of metal into silver, while low prices are discouraging exports from India and the Soviet Union. +21554016 Silver prices could also be boosted by strikes in leading producing nations Peru and Mexico, Mr. Demler says. +21554017 Meanwhile, total fabrication demand for silver has risen six years in a row, he says. +21554018 Japanese demand grew by 70% in the first half of this year and the nation plans an issue of a silver commemorative coin that will require 4.5 million ounces. +21554019 Compared with huge annual surpluses of more than 100 million ounces in the first half of the 1980s, world silver supplies and consumption are now nearly in balance, Mr. Demler says. +21554020 Despite intermittent rallies in the past few years, improvements in the supply-demand balance haven't managed to push silver prices into a higher range. +21554021 "There's just too much silver around," says Tom Butler, an analyst at Samuel Montagu & Co., a London bullion house. +21554022 A huge silver stockpile at exchanges, refiners, consuming industries and government warehouses of at least 617 million ounces is the market depressant, says Shearson Lehman Hutton Inc. in a report. +21554023 This year alone, inventories at the Commodity Exchange of New York jumped "by a staggering 46 million to 221 million ounces" because of producer deliveries, de-stocking by fabricators and sales by disenchanted investors, says Rhona O'Connell, London-based precious metals analyst at Shearson Lehman Hutton. +21554024 "Silver production is also in an inexorable upward trend," Ms. O'Connell says. +21554025 Moreover, while Asian and Middle Eastern investors hoard gold and help underpin its price, silver doesn't have the same mystique, dealers say. +21554026 Investors have gotten burned on silver so often that they are far more partial to gold, says Urs Seiler, senior vice president at Union Bank of Switzerland. +21554027 Yet if gold prices improve, silver prices could rally sharply, he says. +21554028 However, dealers caution that any increase would be $1 to $2 at most. +21554029 Looking ahead to other commodity markets this week: +21554030 Livestock and Meats +21554031 Analysts expect the prices of live cattle futures contracts to rise in trading today in the wake of a government quarterly census that found fewer-than-expected cattle on feedlots. +21554032 After the close of trading Friday, the Agriculture Department reported that feedlots in the 13 biggest ranch states held 8.06 million cattle on Oct. 1, down 6% from that date a year earlier. +21554033 Most analysts had expected the government to report a 4% decline. +21554034 Feedlots fatten young cattle for slaughter, so a decline signals a tightening supply of beef. +21554035 The government reported that the number of young cattle placed on feedlots during the quarter dropped 5% compared with the year-earlier quarter. +21554036 Many industry analysts had been projecting a 3% decline in placements for the quarter. +21554037 In the 1988 quarter, many farmers were forced to sell their cattle to feedlot operators because the drought dried out the pasture on their ranches. +21554038 The number of cattle moving onto feedlots in the recent quarter was also lower because fattening cattle is less profitable. +21554039 A shortage of young cattle has made them more expensive for feedlot operators to buy. +21554040 The Agriculture Department also said that the number of fattened cattle slaughtered in the quarter dropped by 5% from the 1988 quarter, which was in line with projections by analysts. +21554041 Energy +21554042 Friday's 44-cent-a-barrel price drop to $19.98 in the expiring November contract for West Texas Intermediate crude may well set the tone for trading this week in petroleum futures on the New York Mercantile Exchange. +21554043 Most traders and analysts attributed the decline to technical factors associated with the contract's going off the board. +21554044 Others said that the drop continued the downward correction that's been due in the petroleum pits and that such a trend could well continue in the next several trading sessions. +21554045 Barring any petroleum-related news events, trading in the days ahead should further test recent projections by oil economists and other market watchers that strong fourth-quarter demand will keep prices firm. +21554046 Copper +21554047 Copper prices fell sharply Friday afternoon. +21554048 For example, copper for December delivery settled 4.5 cents lower at $1.2345 a pound. +21554049 Pressure came from several developments including the settlement of two long-term strikes. +21554050 On Friday, one analyst said, rank-and-file workers ratified a new labor agreement ending a three-month strike at the Highland Valley mine in British Columbia. +21554051 In Mexico, the analyst added, employees at the Cananea mine, who have been out of work since late August when the mine was declared bankrupt by the government, accepted a 35% cut in the 3,800-man work force. +21554052 The mine is expected to return to production in about a week. +21554053 On Friday, selling dominated the afternoon "curb" session in London, which takes place at noon EDT. +21554054 The premium of cash copper to the three-month forward offerings narrowed, indicating weaker demand for cash copper. +21554055 Long-term support for the December contract was believed to be at $1.25 a pound. +21554056 A technical analyst said there were a number of stop-loss orders under that level that were touched off when the contract's price fell below it. +21554057 That brought in considerable fund selling, which continued until the close of trading. +21554058 "In general, it was a bearish close," said Ben Hanauer, a copper trader at Rudolph Wolff & Co., a major commodities trading and brokerage firm. +21554059 But whether this price break has implications for this week, he said, "we will know more when the London Metal Exchange copper stock levels are released Monday morning." +21554060 Another analyst said he expected LME inventories to be down by about 15,000 tons when the weekly report is issued. +21554061 Bernard Savaiko, senior commodities analyst at PaineWebber Inc., said that when traders saw the market wasn't reacting positively to the forecasts of lower LME stocks, they perceived a bearish sign. +21554062 He also noted that the Japanese, who had been buying at prices just above the $1.25 level, apparently pulled back from the market on Friday. +21554063 Mr. Savaiko said he sees a possibility of the December contract dropping to $1.05 a pound. +21555001 Hewlett-Packard Co. will announce today a software program that allows computers in a network to speed up computing tasks by sending the tasks to each other. +21555002 Called Task Broker, the program acts something like an auctioneer among a group of computers wired together. +21555003 If a machine has a big computing task, Task Broker asks other computers in the network for "bids" on the job. +21555004 It then determines which machine is free to do the task most quickly and sends the task to that machine. +21555005 Hewlett-Packard claims that the software allows a network to run three times as many tasks as conventional networks and will run each task twice as fast. +21555006 The new Hewlett-Packard program, said analyst John McCarthy at Forrester Research Inc., a computer-market research company, "is a key building block as people move to this new model of distributed processing." +21555007 In today's computer networks, some machines often sit idle while others are overtaxed. +21555008 With the Hewlett-Packard program, he said, "You get more bang for the buck you've spent on computers." +21555009 The program, which will be shipped in January 1990, runs on the Unix operating system. +21555010 Hewlett-Packard will charge $5,000 for a license covering 10 users. +21555011 The program now works on all Hewlett-Packard and Apollo workstations and on computers made by Multiflow Computer Inc. of Branford, Conn. +21555012 Hewlett-Packard said it will sell versions later next year that run on Sun Microsystems Inc. and Digital Equipment Corp. machines. +21555013 The Task Broker differs from other programs that spread computing tasks around a network. +21555014 A previously available program called Network Computing System, developed by Hewlett-Packard's Apollo division, for instance, takes a task and splits it up into parts, divvying up those parts to several computers in a network for simultaneous processing. +21555015 But programs in individual computers must be revised in order to work with that system. +21555016 Applications won't have to be rewritten to work with Task Broker, Hewlett-Packard said, and the user of a computer won't be able to tell that another machine is doing the work. +21555017 The Task Broker "turns that network into -- as far as the user is concerned -- one giant computer," said Bill Kay, general manager of Hewlett-Packard's workstation group. +21556001 Price wars between the fast-food giants are starting to clobber the fast-food little guys: the franchisees. +21556002 "When elephants start fighting, ants get killed," says Murray Riese, co-owner of National Restaurants, a New York franchisee for Pizza Hut, Roy Rogers and other chains. +21556003 As hamburger and pizza outlets saturate one area after another, franchisers are struggling desperately for market share, slashing prices and stepping up costly promotions. +21556004 The fight is putting a tight squeeze on profits of many, threatening to drive the smallest ones out of business and straining relations between the national fast-food chains and their franchisees. +21556005 The chains "used to offer discounts during winter when business was slow, but in the last year or so, discounting has become a 12-month thing," says Donald Harty, president of Charisma Group Inc., a New York franchisee of Grand Metropolitan PLC's Burger King chain. +21556006 Though Charisma's sales are up slightly this year, Mr. Harty says profits will be flat or lower. +21556007 And Bill Konopnicki, a Safford, Ariz., licensee of McDonald's Corp. who is chairman of the company's National Operators Advisory Board, says some fast-food outlets "could be in serious trouble, based on the amount of discounting that seems to be going on." +21556008 Until recently, the huge fast-food industry, with sales of about $60.1 billion last year, kept price-skirmishing to a minimum. +21556009 But early this year, PepsiCo Inc.'s Taco Bell unit and Wendy's International Inc. slashed prices and stepped up promotions, says John Rohs, an analyst for Wertheim Schroder & Co. +21556010 That brought a chain reaction in the industry. +21556011 The situation was further aggravated early this month, when McDonald's set plans to heat up the discounting by offering coupons. +21556012 It also decided to go national with pizza, which it has been test-marketing. +21556013 Now, two-for-one deals on pizza are common; so are 99-cent specials on sandwiches normally priced twice as high. +21556014 The discounting, say fast-food operators, occurs on a scale and with a frequency they haven't seen before. +21556015 The result is that some franchisees are running hard just to stay even, laying off middle managers and working harder to make less. +21556016 Joe Mack, a district manager for Cormack Enterprises Inc., a Burger King operator in Omaha, Neb., says discounting is so prevalent that "we have to serve 15% to 20% more customers" to keep sales level. +21556017 "It's almost as if you're doing extra work to give away the food," he says. +21556018 Alan D'Agosto, president of Panda's Inc., an operator of Arby's restaurants in Omaha, says: "All we're doing is keeping the customers coming, but we aren't increasing sales." +21556019 With fast-food outlets on every corner, he, like many, doesn't think he has a choice in the price war: "Our customers say that they won't go into a fast-food store unless they get a coupon." +21556020 If the battle continues much longer, many fast-food businesses will close or merge, predicts Vincent Morrissey, who owns a string of Kentucky Fried Chicken stores in the Midwest. +21556021 "The industry is overbuilt," he says. +21556022 "Fast-food franchisers have managed to squeeze in stores into every corner available." +21556023 The National Restaurant Association says quick-service restaurant units in the U.S. rose 14% to 131,146 between 1983 and 1987, the last year for which figures are available. +21556024 With the market so crowded, says a spokesman for Wendy's in Columbus, Ohio, "If you're doing well, you're doing well at someone else's expense." +21556025 Simply put, there isn't enough business for every store to grow. +21556026 According to Mr. Rohs, inflation-adjusted, same-store sales at company-owned Wendy's units in the U.S. have trailed year-earlier levels throughout 1989, except for August. +21556027 "McDonald's has also been running negative all year," the analyst says. +21556028 Spokesmen for Wendy's and McDonald's criticized Mr. Rohs's calculations. +21556029 Jack Greenberg, executive vice president and chief financial officer of McDonald's, says the company doesn't compute, much less disclose, inflation-adjusted, same-store sales. +21556030 He adds that short-term comparisons "can be very misleading because of differences in timing of marketing programs from year to year." +21556031 Profit margins at company-owned McDonald's outlets in the U.S. "are holding up quite nicely," says Mr. Greenberg. +21556032 Profits of franchisees haven't been higher since the mid-1970s, he adds. +21556033 But Mr. Greenberg's sanguine outlook isn't matched by many fast-food industry observers. +21556034 Smaller chains and single-store operators will be the first to fail, many in the industry predict. +21556035 Big franchise groups "can ride out the storm a lot longer," says Mr. Harty, the Burger King operator in New York. +21556036 The prolonged price pressures are driving a wedge between some franchisers and their franchisees. +21556037 Mr. Morrissey, the Kentucky Fried Chicken franchisee, notes that most franchise owners must absorb increases in expenses without any cut in the royalties, or portion of sales, that they must pay franchisers. +21556038 Franchisees can't be forced to go along with a franchiser's discounting. +21556039 But once a franchisee agrees to a promotional program, the franchiser can demand full participation to the very end, says Lew Rudnick, a principal of Rudnick & Wolfe, a Chicago law firm with franchise industry clients. +21556040 He says courts have held that antitrust considerations are outweighed in such cases by the need to protect consumers from deceptive marketing. +21556041 In any case, many franchisees, in order to stay on good terms with franchisers, routinely go along with promotions. +21556042 Says Mr. Riese of National Restaurants: "If you resisted on prices, maybe you would never get that telephone call about a new franchise. +21557001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +21557002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +21557003 Estimated and actual results involving losses are omitted. +21557004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +21557005 Otherwise, actual profit is compared with the 300-day estimate. +21558001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +21558002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +21558003 Estimated and actual results involving losses are omitted. +21558004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +21558005 Otherwise, actual profit is compared with the 300-day estimate. +21559001 CalMat Co. said it completed a $32.8 million sale of assets from its Los Angeles area real estate portfolio for net income of $12 million. +21559002 CalMat said the sale is part of its previously announced plan to sell much of its real estate holdings to focus on its core business of mining and producing asphalt, concrete, rock and sand. +21560001 And you thought the only reason to save your canceled checks was to prepare for an IRS audit. +21560002 Reggie Jackson, the retired baseball star, has found another use for them. +21560003 Mr. Jackson, who won the nickname "Mr. October" for his World Series exploits, is selling some of his canceled checks to autograph collectors through a dealer for as much as $500 each. +21560004 Dealers say the budding trade in Mr. Jackson's canceled checks is unusual. +21560005 "I don't know of any living ballplayer that's ever done it," says Jack Smalling, a dealer in Ames, Iowa, and a recognized expert in the field of baseball autographs. +21560006 An initial batch of Mr. Jackson's checks was on sale at a baseball-card show held in San Francisco over Labor Day weekend. +21560007 Mr. Jackson showed up at the affair to sign autographs for a fee as well. +21560008 "For someone who has everything else -- Reggie's jersey, cap and cards -- his checks might be a nice addition," says William Vizas, owner of Bill's Sports Collectibles in Denver, who examined the checks at the San Francisco card show. +21560009 For years, the canceled checks of a small number of well-known baseball players have been bought and sold. +21560010 But these players were dead. +21560011 "Maybe three years ago, there were a lot of {Ty} Cobbs in the hobby, and awhile back there were Babe Ruth checks," says Mr. Smalling. +21560012 However, the thought of a living player selling his checks rubs some people the wrong way. +21560013 "Maybe I'm a little stuffy, but I wouldn't sell them," sniffs Bob Machon, owner of Papa's Sports Cards in Menlo Park, Calif. +21560014 "Who knows how much they'll be worth 100 years from now?" +21560015 And Mr. Smalling doesn't believe they're worth all that much now. +21560016 "I don't think the checks are worth $15 apiece," he says. +21560017 Why Mr. Jackson, who couldn't be reached for comment, has made some of his checks available for sale isn't clear. +21560018 He probably hasn't done it for the cash. +21560019 "I would say he's definitely not in need of money," says Matt Merola, an agent of Mr. Jackson's based in New York. +21560020 "He has good investments." +21560021 And Mr. Jackson probably has opened new checking accounts, too. +21560022 Or at least he should. +21560023 "I assume those accounts are closed," says Mr. Smalling, referring to the accounts of the canceled checks. +21560024 "I don't think he'd want to give out his current account numbers. +21561001 USX Corp. and its Japanese partner, Kobe Steel Ltd., agreed to form a joint venture to build a new plant to produce hot-dipped galvanized sheet products, mainly for the automotive market. +21561002 Terms weren't disclosed for the plant, which will have annual capacity of 600,000 tons. +21561003 The move by the nation's largest steelmaker follows a string of earlier announcements by other major steel companies. +21561004 Bethlehem Steel Corp., LTV Corp. and Armco Inc. all have plans to build additional lines for such coated corrosion-resistant steel. +21561005 The surge in production, analysts say, raises questions about capacity outpacing demand. +21561006 They note that most of the new plants will come on line in 1992, when the current import trade restraint program ends, which could result in more imports. +21561007 "There's too much capacity," contended Charles Bradford, an analyst with Merrill Lynch Capital Markets. +21561008 "I don't think there's anyone not building one." +21561009 He does add, however, that transplanted Japanese car makers are boosting the levels of U.S.-made steel in their autos, instead of relying heavily on imported steel. +21561010 That trend could increase demand for hot-dipped galvanized sheet. +21561011 The hot-dipped galvanized segment is one of the fastest-growing and most profitable segments of the steel market, coveted by all major integrated steelmakers wanting to maintain an edge over smaller minimills and reconstructed mills -- those spun off to employees. +21561012 Indeed, USX said it expects the market for coated sheet steel to reach 12 million tons annually by 1992, compared with 10.2 million tons shipped in 1988. +21561013 For the first eight months of 1989, analysts say shipments of hot-dipped galvanized steel increased about 8% from a year earlier, while overall steel shipments were up only 2.4%. +21561014 USX and Kobe Steel hope to reach a definitive agreement establishing the 50-50 partnership by the end of the year, with construction tentatively slated for the spring of 1990 and production by 1992. +21561015 USX already has six lines in existing plants producing hot-dipped galvanized steel, but this marks the first so-called greenfield plant for such production. +21561016 Moreover, it will boost by 50% USX's current hot-dipped capacity of 1,275,000 tons. +21561017 The company said it doesn't expect the new line's capacity to adversely affect the company's existing hot-dipped galvanizing lines. +21561018 Steelmakers have also been adding capacity of so-called electrogalvanized steel, which is another way to make coated corrosion-resistant steel. +21561019 One of the advantages of the hot-dipped process is that it allows the steel to be covered with a thicker coat of zinc more quickly. +21562001 ONCE YOU MAKE UP your mind about an investment, the rest is easy, right? +21562002 You just call your broker and say "buy" or "sell." +21562003 Dream on. +21562004 There are all sorts of ways to give buy and sell instructions to a broker -- and just as many ways to get burned if you don't know what you're doing. +21562005 So here's a rundown of the most common types of market orders permitted by the stock and commodity exchanges. +21562006 Two things to keep in mind: Not all exchanges accept every type of order. +21562007 And even when a specific order is acceptable to an exchange, a brokerage firm can refuse to enter it for a customer. +21562008 Market Order: This is probably the most widely used order -- and the one most open to abuse by unscrupulous floor brokers, since it imposes no price restrictions. +21562009 With a market order, an investor tells a broker to buy or sell "at the market." +21562010 It's like saying, "get me in now" or "get me out now." +21562011 For example, if wheat is being offered at $4.065 and bid at $4.060, a market order to buy would be filled at the higher price and a market order to sell at the lower price. +21562012 A recent indictment alleges that some floor brokers at the two largest Chicago commodity exchanges used market orders to fill customers' orders at unfavorable prices by arranging trades with fellow brokers. +21562013 Profits realized from these trades would then be shared by the conspiring brokers. +21562014 Limit Order: Limit orders are used when investors want to restrict the amount they will receive or pay for an investment. +21562015 Investors do this by specifying a minimum price at which the investment may be sold or the maximum price that may be paid for it. +21562016 Suppose an investor wants to sell a stock, but not for less than $55. +21562017 A limit order to sell could be entered at that price. +21562018 One risk: Investors may regret the restriction if the stock reaches 54 and then falls. +21562019 Unless the market goes at least one tick (the smallest price increment permitted) beyond the limit price, investors aren't assured of having their orders filled because there may not be sufficient trading volume to permit filling it at the specified price. +21562020 Stop Order: Stop orders tell a floor broker to buy or sell an investment once the price reaches a certain level. +21562021 Once the price reaches that level, a stop order turns into a market order, and the order is filled at whatever price the broker can get. +21562022 Stop orders are sometimes called "stop-loss" orders because they are frequently used to protect profits or limit losses. +21562023 While stop orders sound similar to limit orders, there is a difference: Sell stops must be entered at a price below the current market price and buy stops above. +21562024 In contrast, sell limit orders must be placed above the market price and buy limit orders are placed below. +21562025 The crash in October 1987 and last Friday's sell-off painfully taught some investors exactly what stop orders will and won't do. +21562026 An investor who may have placed a stop-loss order at $90 under a stock that was trading at $100 a share on the Friday before the crash was stunned to discover that the order was filled at $75 when the stock opened at that price on Monday. +21562027 Stop-Limit Order: Stop-limit orders turn into limit orders when an investment trades at the price specified in the order. +21562028 Unlike stop orders -- which are filled at the market price when the stop price is hit -- stop-limit orders demand that the trades be made only at the specified price. +21562029 If it can't be made at that price, it doesn't get filled. +21562030 Investors who wish to be out of a position, without the risk of receiving a worse-than-expected price from a market order, may use this type of order to specify the price at which the order must be filled. +21562031 But if the market moves quickly enough, it may be impossible for the broker to carry out the order because the investment has passed the specified price. +21562032 Market-If-Touched Order: Market-if-touched orders are like stop orders in that they become market orders if a specified price is reached. +21562033 However, unlike a buy-stop order, a buy market-if-touched order is entered at a price below the current price, while a sell market-if-touched order is entered at a price above it. +21562034 As soon as the market trades at the specified price the floor broker will fill it at the best possible price. +21562035 Fill-Or-Kill Order: The fill-or-kill order is one of several associated with the timing of trades. +21562036 It instructs a broker to buy or sell an investment at the specified price or better. +21562037 But if the investment can't be bought or sold immediately, the order is automatically canceled. +21562038 Gregory Bessemer, who came in second in the stock division of the recently completed U.S. Trading Championship, says he uses fill-or-kill orders almost exclusively when trading options. +21562039 "I like to use them to feel out the market," he says. +21562040 "If they don't fill it immediately, then I can start over at a new price or try again with the same price." +21562041 Not-Held Order: This is another timing order. +21562042 It is a market order that allows floor brokers to take more time to buy or sell an investment, if they think they can get a better price by waiting. +21562043 Not-held orders, which are also known as "disregard the tape" orders, are always done at the customer's risk. +21562044 One-Cancels-The-Other Order: This is really two orders in one, generally for the same security or commodity, instructing floor brokers to fill whichever order they can first and then cancel the other order. +21562045 In a fast-moving market, it prevents an investor from getting stuck with having made two trades on the same security. +21562046 Specific-Time Order: This type of order couples many of the orders described above with instructions that the order must be carried out at or by a certain time. +21562047 "On the close" can be added to many types of orders. +21562048 For example, "market-on-close orders" must be filled during the last few minutes of trading for the day at a price that is within the official closing range of prices as determined by the exchange. +21562049 "Stop-close-only orders" are stop orders that only become active during the closing minutes of trading. +21562050 "Day orders" expire at the end of the day on which they are entered, "good-till-canceled orders" have no expiration date. +21562051 Most brokers assume that all orders are day orders unless specified otherwise. +21562052 On Oct. 19, 1987, some investors learned the consequences of entering "good-til-canceled limit orders" and then forgetting about them. +21562053 They found they had bought stock from limit orders that they might have entered weeks or months earlier and had forgotten to cancel. +21562054 It is always the responsibility of investors to keep track of the orders they have placed. +21562055 Investors who change their mind about buying or selling after an order has been filled are, usually, stuck with the consequences. +21562056 Mr. Angrist writes on the options and commodities markets for The Wall Street Journal. +21563001 IN SIZING UP the risks of stock-market investments, there's probably no starting place better than "beta." +21563002 But investors better not ignore its limitations, either. +21563003 Beta is a handy gauge that measures the volatility of a stock or stock mutual fund. +21563004 For any given move in the overall market, it suggests how steeply that particular issue might rise or fall. +21563005 Beta figures are widely available and easy to interpret. +21563006 The beta of the broad market, typically defined as the Standard & Poor's 500-stock index, is always 1.0. +21563007 So a stock with a beta of 0.5 is half as volatile, one at 1.5 is 50% more volatile, and so on. +21563008 Cautious investors should generally go with stocks that have low betas. +21563009 Go with high-beta stocks to get the biggest payoff from a bet on a bull market. +21563010 Remember, though, that beta also has important limitations. +21563011 "Beta is only part of the risk in a stock," says William F. Sharpe, the Stanford University emeritus professor who developed the measure. +21563012 "There is risk that is not associated with market moves, and the beta doesn't tell you the magnitude of that." +21563013 In particular, beta doesn't measure the company- and industry-specific risk associated with an individual stock. +21563014 That "business" risk is very significant for an investor with only a few stocks, but it virtually disappears in a large and well-diversified portfolio. +21563015 Beta is also a poor indicator of the risk in stock groups that march to their own drummer. +21563016 In particular, the prices of gold and other precious-metals stocks shoot up and down, but the stocks tend to have low betas because their moves are not market-inspired. +21563017 Concern that investors could misinterpret such readings led the American Association of Individual Investors to eliminate beta figures for precious-metals funds in the 1989 edition of its mutual-fund guide. +21563018 "Our fear was people would look just at the beta {of a gold fund} and say here is an investment with very low risk," says John Markese, director of research for the Chicago-based group. +21563019 "In reality it's very volatile, but the movements are not because of market movements. +21564001 READY TO REVIEW the riskiness of your investment portfolio? +21564002 First, a pop quiz. +21564003 When you think of the words "risk" and "investment," what's the specific peril that comes to mind? +21564004 Pencils down. +21564005 If you're like most people, you said it's a holding that goes completely sour -- maybe a bond that defaults or a stock whose value disappears in a bankruptcy proceeding. +21564006 "People tend to see risk primarily on that one dimension," says Timothy Kochis, national director of personal financial planning for accountants Deloitte, Haskins & Sells. +21564007 But therein lies another aspect of investment risk: the hazard of shaping your portfolio to avoid one or more types of risk and being blind-sided by others. +21564008 This is clearly not good news to all you people who sleep like babies every night, lulled by visions of your money sitting risk-free in six-month CDs. +21564009 Risk wears many disguises, and investments that are low in one type of obvious risk can be distressingly high in other, less obvious kinds. +21564010 U.S. Treasury bonds, for example, are supersafe when it comes to returning money at maturity. +21564011 But their value as investments can be decimated by inflation, which erodes the purchasing power of bonds' fixed-dollar interest payments. +21564012 Risk is also a function of time. +21564013 When financial professionals measure risk mathematically, they usually focus on the volatility of short-term returns. +21564014 Stocks are much riskier than Treasury bills, for example, because the range in performance from the best years to the worst is much wider. +21564015 That is usually measured by the standard deviation, or divergence, of annual results from the average return over time. +21564016 But investors who are preoccupied with short-term fluctuations may be paying too little attention to another big risk -- not generating enough money to meet long-term financial and life-style goals. +21564017 For instance, some investors have sworn off stocks since the 1987 market crash; last Friday's debacle only reinforced those feelings. +21564018 But the stock market, despite some stomach-churning declines, has far outperformed other securities over extended periods. +21564019 By retreating to the apparent security of, say, money-market funds, investors may not be earning enough investment return to pay for a comfortable retirement. +21564020 "That's the biggest risk of all -- the risk of not meeting your objectives," says Steven B. Enright, a New York financial planner with Seidman Financial Services. +21564021 As a result, financial advisers say they take several steps when evaluating the riskiness of clients' portfolios. +21564022 They estimate the return a person's current portfolio is likely to generate over time, along with a standard deviation that suggests how much the return will vary year by year. +21564023 They try to figure out the long-term results the person needs to meet major goals. +21564024 And they eyeball types of risk that are not easily quantified. +21564025 The portfolios of two hypothetical families, one a couple at retirement age and another a two-income couple at age 45, illustrate several types of risk that investors need to consider. +21564026 For instance, the insured municipal bonds that dominate the older couple's portfolio were probably selected in large part for their low repayment risk. +21564027 But they expose the holders to a lot of inflation risk and interest-rate risk. +21564028 The younger couple's stockholdings involve more risk than a diversified stock portfolio because the bulk of the money is in a single issue. +21564029 Note that the younger couple's portfolio has a higher expected annual return, 10.1% vs. 8.8%, as calculated by Seidman Financial Services, which is the financial-planning affiliate of BDO Seidman. +21564030 That largely reflects the heavy stockholdings. +21564031 But one price paid for the higher expected return is greater short-term volatility, as reflected in the higher standard deviation that Seidman estimates for the younger couple's portfolio. +21564032 (Here's how to interpret a standard deviation figure: Take the expected return and add one standard deviation to it. +21564033 Then take the expected return and subtract one standard deviation. +21564034 In two of three years, the actual result should fall within that range if all the assumptions were accurate. +21564035 Then add and subtract two standard deviations to get a wider range. +21564036 There's a 95% probability any year's result will fall in the range.) +21564037 Of course, the greater volatility of the younger couple's portfolio doesn't necessarily mean those investments are riskier in terms of meeting the holders' long-term goals. +21564038 Indeed, the older couple's portfolio could actually be riskier in that sense if the expected return won't generate enough dollars to meet their spending plans. +21564039 "They may feel emotionally secure now because they are not heavily in the stock market," says John H. Cammack, a financial planner with Alexandra Armstrong Advisors Inc. in Washington. +21564040 "But they may pay a price 10 or 20 years in the future." +21564041 Ms. Slater reports on personal finance from The Wall Street Journal's New York bureau. +21564042 When it comes to investing, trying to weigh risk and reward can seem like throwing darts blindfolded: Investors don't know the actual returns that securities will deliver, or the ups and downs that will occur along the way. +21564043 Looking to the past can provide some clues. +21564044 Over several decades, for instance, investors who put up with the stock market's gyrations earned returns far in excess of those on bonds and "cash" investments like Treasury bills. +21564045 But while history can suggest what is reasonable to expect there's no guarantee that the past will repeat itself. +21564046 For instance, some analysts believe bond returns and volatility have moved permanently closer to those of the stock market. +21564047 And returns on cash investments may continue to exceed inflation by a wider margin than they did over the long-term past. +21564048 Portfolio A: Retired couple, age 65; $400,000 portfolio. +21564049 Portfolio B: Two-income couple, age 45; $150,000 portfolio. +21565001 A letter from Senator John Kerry chides us today for implying that he had "flip-flopped" on Manuel Noriega. +21565002 He correctly says he has been down on Noriega for some time, hence his criticism of administration mishandling of the attempted coup. +21565003 Our October 12 editorial should have been more precise. +21565004 It meant to convey our hope that the Senator and other members of the congressional left are broadening their dislike of Noriega to include other notorious Central American drug runners. +21565005 The Sandinistas of Nicaragua, for example, also are part of the Castro-Medellin cartel nexus. +21565006 In his letter and on the basis of his losing vote Tuesday against U.S. aid for the Nicaraguan opposition, Senator Kerry makes clear he has not made that intellectual leap. +21565007 We were wrong. +21566001 THROUGHOUT THE 1980s, investors have been looking for creative alternatives to traditional modes of financial planning. +21566002 Capital has been democratized, and people want in. +21566003 Too often, however, small investors are left with the same stale solutions that appealed to previous generations of fiduciary strategists. +21566004 Now a startling new approach is available to building your financial portfolio without undue risk, without extensive planning and without hurting your life style one bit! +21566005 This is particularly good news for those who hate risk, who are incapable of doing extensive amounts of planning and who refuse to see their life styles hurt in any way. +21566006 You know who you are. +21566007 My revolutionary system is also useful for those who have tried customary forms of growing their currency cushion. +21566008 Like all Americans seeking chronic prosperity, I do find it necessary to plunge certain funds into conservative monetary tools, if only to assuage my father-in-law, who believes in such things. +21566009 So throughout the decade I have maintained my share of individual retirement accounts and CDs, and tinkered with stocks, bonds and mutual funds, as well as preserving my necessary position in the residential real-estate market. +21566010 Return on this fine portfolio has been modest when it has not been negative. +21566011 Figure 1 demonstrates the performance of those businesses I've invested in during this prosperous decade (see accompanying illustration -- WSJ Oct. 20, 1989). +21566012 Oil-related properties suffered a huge decline until I divested myself of all such stocks in 1985, at which point the industry, while not lighting up any Christmas trees, began a slow recovery. +21566013 Likewise, mutual funds remained relatively flat until I made what was, for me, a serious investment. +21566014 By 1987, these properties were in a tailspin, causing my broker at Pru-Bache to remark that she'd "never seen anything like it." +21566015 Concerned for her state of mind, I dropped them -- and the market instantly began its steady climb back to health. +21566016 Perhaps most dramatic was the performance of the metropolitan New York real-estate market, which was booming until I entered it in late 1988, at which time it posted the first negative compound annual growth rate in years. +21566017 Disgusted, I cast around for a different way to plan my asset distribution, and with hardly any heavy breathing the answer struck me: I was doing it already! +21566018 We've all got money to spend, some of it clearly disposable since we keep disposing of it. +21566019 Bank it? +21566020 Not really! +21566021 Sock it away in long-term instruments? +21566022 Nonsense! +21566023 Daily living is the best possible investment! +21566024 Your priorities may be different, but here in Figure 2 is where I've chosen to build for the future: personal space; automotive pursuits; children's toys; gardening equipment, bulbs and shrubs; and finally, entertainment, perhaps the best investment of all. +21566025 All have paid off for me in double-digit annual growth and continue to provide significant potential. +21566026 At least, according to my calculations. +21566027 Personal space (Figure 3) has grown 35% annually over the course of the decade, a performance that would compare positively with an investment in, say, synthetic-leather products for the interiors of cold-weather vehicles, which my cousin got into and sort of regrets to this day. +21566028 The assortment of expensive children's toys that I have purchased wisely at a host of discount-toy brokerage firms (Figure 4) has increased handsomely in total asset value far beyond any personal investment except, perhaps, for my record collection, whose worth, I think it's safe to say, is incalculable. +21566029 Continued investment in my 1984 subcompact has been part of my strategy (Figure 5), with present annual contributions now equaling more than 60% of the car's original value. +21566030 According to my calculations, these outlays should have brought the value of my sedan to more than $22,000 on the open market (Figure 6), where I plan to offer it shortly. +21566031 Expansion of my living space has produced an obvious need for maintenance and construction of suitable lawns, shrubs and bushes fitting to its suburban locale. +21566032 I have thus committed sufficient personal outlay to ensure that my grounds and lodgings will never be short of greens and flowers. +21566033 My initial stake in this blooming enterprise has grown tenfold, according to my conservative calculations. +21566034 At the same time, my share in a wide variety of entertainment pursuits has given perhaps the most dramatic demonstration of the benefits of creative personal financial planning. +21566035 Over the course of the decade, for instance, my return on investment in the area of poker alone (Figures 7A and 7B) has been most impressive, showing bodacious annual expansion with -- given the way my associates play -- no sign of abatement into the 1990s and beyond. +21566036 With this personal strategy firmly in place, I look forward to years of fine life-style investments and increasing widespread leverage. +21566037 My kids' college education looms as perhaps the greatest future opportunity for spending, although I'll probably have to cash in their toy portfolio to take advantage of it. +21566038 But with every step I take, I'm building wealth. +21566039 You can, too, if you, like me, refuse to bite the bullet. +21566040 So go out there and eat that debt. +21566041 You're right there in the mainstream of American business, building value on the back of insupportable expenditures. +21566042 Henry Kravis, watch out! +21566043 Mr. Schwartz is a business executive and writer in New York. +21567001 WHEN JAMES SCHWARTZ was just a lad his father gave him a piece of career advice. +21567002 "He told me to choose an area where just by being mediocre I could be great," recalls Mr. Schwartz, now 40. +21567003 He tried management consulting, traded in turquoise for a while, and even managed professional wrestlers. +21567004 Now he has settled into a career that fits the bill -- financial planning. +21567005 It should be noted that Mr. Schwartz, who operates out of Englewood, Colo., is a puckish sort who likes to give his colleagues the needle. +21567006 But in this case the needle has a very sharp point. +21567007 Though it's probably safe to assume that the majority of financial planners are honest and even reasonably competent, the fact remains that, as one wag puts it, "anybody who can fog a mirror" can call himself a financial planner. +21567008 Planners now influence the investment of several hundred billion dollars, but in effect they operate in the dark. +21567009 There is no effective regulation of planners, no accepted standard for admission into their ranks -- a dog got into one trade group -- no way to assess their performance, no way even to know how many of them there are (estimates range from 60,000 to 450,000). +21567010 All anyone need do is hang up a shingle and start planning. +21567011 So it should come as no shock that the profession, if that's what it is, has attracted a lot of people whose principal talents seem to be frittering away or flat-out stealing their clients' money. +21567012 Alarmed, state and federal authorities are trying to devise ways to certify and regulate planners. +21567013 Industry groups and reputable planners who are members of them want comprehensive standards, too; they're tired of seeing practitioners depicted collectively in the business press as dumber than chimpanzees and greedier than a herd of swine. +21567014 But reform hasn't taken hold yet. +21567015 "The industry is still pretty much in its Wild West days," says Scott Stapf, director of investor education for the North American Securities Administrators Association. +21567016 An admittedly limited survey by NASAA, whose members are state securities-law regulators, found that between 1986 and 1988 "fraud and abuse" by financial planners cost 22,000 investors $400 million. +21567017 The rogues' gallery of planners involved includes some convicted felons, a compulsive gambler or two, various businessmen who had planned their own previous ventures right into bankruptcy, and one man who scammed his wife's grandmother. +21567018 What's more, the losses they and the others caused "are just what we are stumbling over," says Mr. Stapf, adding that the majority of misdeeds probably go undetected. +21567019 So do just about all the losses that could be attributed to the sheer incompetence of unqualified planners. +21567020 Nobody can estimate the toll, but John Gargan, a Tampa, Fla., planner and head of one trade group, the International Association of Registered Financial Planners, thinks the danger to investors from incompetence is "humongous," far greater than that from crookery. +21567021 His group, like others, wants minimum standards applied to all who call themselves financial planners. +21567022 Surveying all this, some people now think the best planner might be no planner at all. +21567023 For most investors "the benefits just aren't worth the risks," says Barbara Roper, who follows financial-planning issues for the Consumer Federation of America, a consumer-advocacy organization based in Washington. +21567024 She concedes that such a position is "unfair" to the thousands of conscientious and qualified people plying the trade, but as a consumer advocate she feels impelled to take it. +21567025 She says her group used to give tips on selecting planners -- check educational and experience credentials, consult regulators and Better Business Bureaus -- but found that even some people who took these steps "were still getting ripped off." +21567026 The bad news, however, hasn't been bad enough to kill the growing demand for financial planning. +21567027 The Tax Reform Act of 1986, which eliminated many tax shelters peddled by planners, and the stock market crash the next year did cause a sharp slump in such demand, and many planners had to make an unplanned exit from the business. +21567028 But membership in the International Association of Financial Planners (IAFP), the industry's biggest trade group, is still nearly triple what it was in 1980, and it's believed that the ranks of planners who don't belong to any group have soared as well. +21567029 An estimated 10 million Americans are now using financial planners, and the pool of capital they influence is enormous. +21567030 A survey of 54,000 of them conducted by the IAFP in April showed that these practitioners alone had controlled or guided the investment of $154 billion of their clients' money in the previous 12 months. +21567031 The sheer number of planners makes the business extremely difficult, if not impossible, to regulate. +21567032 Even the minority of them who must register with the Securities and Exchange Commission as "investment advisers" -- people who are in the business of counseling others on the buying and selling of securities specifically -- have been enough to swamp the agency's capacity. +21567033 The SEC has only about 200 staffers assigned to keep tabs on investment advisers -- about the same as in 1980 -- even though the number of advisers has tripled to about 15,000 over the past decade. +21567034 Currently, a registered investment adviser can expect an SEC audit only once every 12 years. +21567035 A lot of bad things can happen in 12 years. +21567036 "It doesn't take a rocket scientist to figure out our problem," says Kathryn McGrath, director of the SEC's division of investment management. +21567037 So the SEC has proposed to Congress that much of the job of oversight be turned over to an industry-funded, self-regulatory organization patterned on the National Association of Securities Dealers, which operates in the brokerage business. +21567038 Such an organization could, among other things, set minimum standards for competence, ethics and finances and punish those investment advisers who broke the rules. +21567039 The proposal has set off a lively debate within an industry that was far from united to begin with. +21567040 Mr. Schwartz, the puckish planner from Englewood, Colo., says that allowing the business to police itself would be "like putting Dracula in charge of the blood bank." +21567041 Mr. Gargan, the Tampa planner who heads one trade group, favors simply assessing the industry and giving the money to the SEC to hire more staff. +21567042 (Mr. Gargan's views are not greeted with wild enthusiasm over at the IAFP, the major industry organization. +21567043 When the IAFP recently assembled other industry groups to discuss common standards that might be applied to planners, Mr. Gargan's group was excluded. +21567044 That may be because Mr. Gargan, smarting at what he considered slurs on his membership standards made by the rival group, enrolled his dog, Beauregard, as a member of the IAFP. +21567045 Then he sent the pooch's picture with the certificate of membership -- it was made out to "Boris `Bo' Regaard" -- to every newspaper he could think of.) +21567046 The states have their own ideas about regulation and certification. +21567047 NASAA, the organization of state securities regulators, is pushing for a model regulatory statute already adopted in eight states. +21567048 It requires financial planners to register with states, pass competency tests and reveal to customers any conflicts of interest. +21567049 The most common conflict involves compensation. +21567050 NASAA estimates that nearly 90% of planners receive some or all of their income from sales commissions on securities, insurance and other financial products they recommend. +21567051 The issue: Is the planner putting his clients into the best investments, or the ones that garner the biggest commissions? +21567052 In 1986 the New York attorney general's office got an order from a state court in Albany shutting down First Meridian Corp., an Albany financial-planning firm that had invested $55 million on behalf of nearly 1,000 investors. +21567053 In its notice of action, the attorney general said the company had promised to put clients into "balanced" investment portfolios; instead, the attorney general alleged, the company consistently shoved unwary customers into high-risk investments in paintings, coins and Florida condos. +21567054 Those investments paid big commissions to First Meridian, payments investors were never told about, the attorney general alleged. +21567055 Investors were further assured that only those with a minimun net worth would be accepted. +21567056 In practice, the attorney general alleged in an affidavit, if an investor had access to cash "the chances of being turned down by First Meridian were about as probable as being rejected by the Book-of-the-Month Club." +21567057 And, the attorney general added, First Meridian's president, Roger V. Sala, portrayed himself as a "financial expert" when his qualifications largely consisted of a high-school diploma, work as a real-estate and insurance salesman, and a stint as supervisor at a highway toll booth. +21567058 First Meridian and its officials are currently under investigation for possible criminal wrongdoing, according to a spokeswoman for the attorney general. +21567059 Harry Manion, Mr. Sala's attorney, says his client denies any wrongdoing and adds that the attorney general's contentions about First Meridian's business practices are incorrect. +21567060 As for Mr. Sala's qualifications, "the snooty attorneys for the state of New York decided Mr. Sala wasn't qualified because he didn't have a Harvard degree," says Mr. Manion. +21567061 Civil suits against planners by clients seeking recovery of funds are increasingly common. +21567062 Two such actions, both filed earlier this year in Georgia state court in Atlanta, could be particularly embarrassing to the industry: both name J. Chandler Peterson, an Atlanta financial planner who is a founder and past chairman of the IAFP, as defendant. +21567063 One suit, filed by more than three dozen investors, charges that Mr. Peterson misused much of the $9.7 million put into a limited partnership that he operated and promoted, spending some of it to pay his own legal bills and to invest in other companies in which he had an interest. +21567064 Those companies, in turn, paid Mr. Peterson commissions and fees, the suit alleges. +21567065 The other suit was filed by two men in a dispute over $100,000 investments each says he made with Mr. Peterson as part of an effort to purchase the Bank of Scottsdale in Scottsdale, Ariz. +21567066 One plaintiff, a doctor, testified in an affidavit that he also gave Mr. Peterson $50,000 to join a sort of investment club which essentially gave the physician "the privilege of making additional investments" with Mr. Peterson. +21567067 In affidavits, each plaintiff claims Mr. Peterson promised the bank purchase would be completed by the end of 1988 or the money returned. +21567068 Mr. Peterson took the plaintiffs' and other investors' money to a meeting of the bank's directors. +21567069 Wearing a business suit and western-style hat and boots, he opened up his briefcase and dumped $1 million in cash on a table in front of the directors, says Myron Diebel, the bank's president. +21567070 "He said he wanted to show the color of his money," recalls Mr. Diebel. +21567071 Bank officials, however, showed him the door, and the sale never came off. +21567072 According to the suit, Mr. Peterson has yet to return the plaintiffs' investment. +21567073 They want it back. +21567074 Mr. Peterson declines to comment on specific allegations in the two suits, saying he prefers to save such responses for court. +21567075 But he does say that all of his activities have been "entirely proper." +21567076 On the suit by the limited partners, he says he is considering a defamation suit against the plaintiffs. +21567077 The suit, he adds, "is almost in the nature of a vendetta by a handful of disgruntled people." +21567078 Rearding the suit over the bank bid, Mr. Peterson says it is filled with "inflammatory language and half truths." +21567079 He declines to go into specifics. +21567080 Mr. Peterson says the suits against him are less a measure of his work than they are a "sign of the times" in which people generally are more prone to sue. +21567081 "I don't know anybody in the industry who hasn't experienced litigation," he says. +21567082 Mr. Peterson also says he doesn't consider himself a financial planner anymore. +21567083 He now calls himself an "investment banker." +21567084 In many scams or alleged scams involving planners, it's plain that only a modicum of common sense on the part of the investors would have kept them out of harm's way. +21567085 Using it, wouldn't a proessional hesitate to pay tens of thousands of dollars just for a chance to invest witha planner? +21567086 Other cases go to show that an old saw still applies: If it sounds too good to be true, it probably is. +21567087 Certificates of deposit don't pay 23% a year, for example, but that didn't give pause to clients of one Alabama planner. +21567088 Now they're losers and he's in jail in Mobile County. +21567089 CDs yielding 40% are even more implausible -- especially when the issuing "bank" in the Marshall Islands is merely a mail drop watched over by a local gas-station operator -- but investors fell for that one too. +21567090 And the Colorado planner who promised to make some of his clients millionaires on investments of as litle as $100? +21567091 Never mind. +21567092 You already know the answer. +21567093 Mr. Emshwiller is a staff reporter in The Wall Street Journal's Los Angeles bureau. +21568001 At the ritzy Fashion Island Shopping Center, the tanned and elegant ladies of this wealthy Southern California beach community disembark from their Mercedes-Benzes and BMWs for another day of exercising their credit cards. +21568002 They root among the designer offerings at Neiman-Marcus and Bullocks Wilshire. +21568003 They stroll through the marble-encased corridors of the Atrium Court. +21568004 They graze at the Farmers Market, a combination gourmet food court and grocery store, while a pianist accompanies the noon fashion show with a selection of dreamy melodies. +21568005 "The beautiful look of wool," croons the show's narrator, "slightly Victorian in its influence...." +21568006 Meanwhile, in the squat office buildings that ring Fashion Island, the odds are good that someone is getting fleeced. +21568007 Law-enforcement authorities say that at any given time, a host of fraudulent telemarketing operations mingle with the many legitimate businesses here. +21568008 "They seem to like these industrial parks," says Kacy McClelland, a postal inspector who specializes in mail fraud. +21568009 "We call them fraud farms." +21568010 Welcome to that welter of contradictions known as Newport Beach. +21568011 This city of more than 70,000 is known for sunshine, yachts and rich residents. +21568012 It is also known as the fraud capital of the U.S., dubbed by investigators and the media as the "Cote de Fraud". +21568013 How does a community famous for its high living end up as a haven for low-lifes? +21568014 Clearly, the existence of the former lures the latter. +21568015 The places renowned for breeding bunco, like the Miami neighborhood known as the "Maggot Mile" and Las Vegas's flashy strip of casinos, invariably offer fast cars, high rollers, glamorous women and lots of sunshine. +21568016 You don't hear much about unusual concentrations of fraud in Green Bay or Buffalo. +21568017 Con men hate snow. +21568018 Newport Beach fits the scam artists' specifications perfectly. +21568019 What more could a con man in search of the easy life ask for? +21568020 Nothing seems hard here. +21568021 The breezes are soft, the waves lap gently and the palm trees sway lazily. +21568022 Nightlife is plentiful. +21568023 Moreover, ostentation is appreciated. +21568024 The median price of homes is $547,000; more than 9,000 vessels fill what the chamber of commerce calls the nation's largest pleasure-boat harbor. +21568025 "Blondes, cocaine and Corvettes," mutters Mr. McClelland. +21568026 "That's what they're after." +21568027 The rich image of Newport Beach also helps lend the con artists' operation an air of respectability. +21568028 "One reason they use Newport Beach is that it sounds swankier than most addresses," says David Katz, a U.S. attorney who, until recently, headed a multi-agency Southern California fraud task force. +21568029 "Newport Beach is known in Rhode Island for having a lot of rich people." +21568030 No wonder all kinds of big-time scams have flourished here, from phony tax-sheltered Bible sales to crooked car dealers to bogus penny-stock traders. +21568031 But above all, this is the national headquarters for boiler-room operators, those slick-talking snake-oil salesmen who use the telephone to extract money from the gullible and the greedy and then vanish. +21568032 Because only a fraction of them are ever prosecuted, nobody really knows how much money bogus telemarketing operators really harvest. +21568033 "I've heard that there is $40 billion taken in nationwide by boiler rooms every year," Mr. McClelland says. +21568034 "If that's true, Orange County has to be at least 10% of that." +21568035 And most of the truly big scams in Orange County seem to originate in Newport Beach or one of the other well-heeled communities that surround this sliver-like city that hooks around a point of land on the California coast south of Los Angeles. +21568036 In fact, sophisticated big-bucks boiler-room scams are known generically among law-enforcement types as "Newport Beach" operations. +21568037 That contrasts with the penny-ante sales of things such as pen-and-pencil sets and office supplies that are known as "Hollywood" scams. +21568038 Newport Beach telemarketers concentrate on precious metals and oil-leasing deals that typically cost thousands of dollars a shot. +21568039 The investors range from elderly widows to affluent professionals. +21568040 In one ingenious recent example of a Newport Beach boiler room, prospective investors in Capital Trust Inc. were allegedly told that their investment in precious metals was insured against losses "caused by employees due to dishonesty, destruction or disappearance," according to an indictment handed up by a federal grand jury in Los Angeles last month. +21568041 Thus falsely reassured, investors sent $11.4 million to the Newport Beach company, most of which was diverted to unauthorized uses, the indictment charges. +21568042 Douglas Jones, an attorney representing Richard O. Kelly Sr., the chairman and president of Capital Trust, says his client denies that there was any attempt to defraud investors. +21568043 "There were some business deals that went bad," Mr. Jones says, "but no intent to defraud." +21568044 Newport Beach operations differ from the Hollywood boiler rooms in style as well as in dollars. +21568045 Traditionally, boiler rooms operate on the cheap, since few, if any, customers ever visit their offices. +21568046 Indeed, the name derives from the tendency among telemarketing scammers to rent cheap basement space, near the boiler room. +21568047 But, says Mr. Katz, the U.S. attorney, "the interesting thing about Newport Beach operations is that they give themselves the indulgence of beautiful offices, with plush furnishings. +21568048 When we go there, it's quite different from these Hollywood places where the sandwiches are spread out on the table and the people are picking their noses." +21568049 The Newport Beach operators also tend to indulge themselves privately. +21568050 Investigators cite the case of Matthew Valentine, who is currently serving a six-year sentence at Lompoc Federal Prison for his role in Intech Investment Corp., which promised investors returns of as much as 625% on precious metals. +21568051 Mr. Valentine, who pleaded guilty to five counts of fraud in federal court in Los Angeles, drove a leased Mercedes and lived in an expensive home on Lido Isle, an island in Newport's harbor, according to investigators. +21568052 With the $3 million received from investors, he took frequent junkets with friends to exotic locales and leased an expensive BMW for his girlfriend, whom he met at the shop where he got his custom-tailored suits. +21568053 "It's amazing the amount of money that goes up their nose, out to the dog track or to the tables in Las Vegas," Mr. Katz says. +21568054 All this talk of boiler rooms and fraud is unnerving to the city's legitimate business element. +21568055 Vincent M Ciavarella, regional manager of Property Management Systems, insists he doesn't know of any bogus telemarketers operating in the 1.6 million square feet of office space around Fashion Island that his company leases for Irvine Co., the owner and developer of the project. +21568056 Mr. Ciavarella has rejected a few prospective tenants who provided "incomplete" financial information and acknowledges that illegitimate operators "are not easily detectable. +21568057 " (Investigators stress that building owners are victims, too, since boiler rooms often leave without paying rent.) +21568058 Richard Luehrs, president of the Newport Harbor Area Chamber of Commerce, calls boiler rooms a "negative we wish we could get rid of." +21568059 Actually, "we don't get much negative publicity about this," he insists, "except for the press who write about it." +21568060 Mr. Lancaster is deputy chief of The Wall Street Journal's Dallas bureau. +21569001 YOU WENT to college and thought you got an education. +21569002 Now you discover that you never learned the most important lesson: How to send your kids to college. +21569003 True, when you went to college, there wasn't that much to learn. +21569004 Stick some money in an interest-bearing account and watch it grow. +21569005 Now, investment salesmen say it's time to take some risks if you want the kind of returns that will buy your toddler a ticket to Prestige U. in 18 years. +21569006 In short, throw away the passbook and go for the glory. +21569007 The reason is cost. +21569008 Nothing in the annals of tuition readied parents for the 1980s. +21569009 Tuitions at private colleges rose 154% in the 10 years ended in June of this year; that's twice the 77% increase in consumer prices for the same period. +21569010 A year at Harvard now goes for $19,395. +21569011 By 2007, when this year's newborns hit campus, a four-year Ivy League sheepskin will cost $300,000, give or take a few pizzas-with-everything at exam time. +21569012 Stanford, MIT and other utmosts will cost no less. +21569013 So what's a parent to do? +21569014 Some investment advisers are suggesting, in effect, a bet on a start-up investment pool -- maybe even on margin. +21569015 Others prefer deep-discount zero-coupon bonds. +21569016 Still others say, Why not take a chance on a high-octane growth fund? +21569017 "You're not going to make it in a 5% bank account," says James Riepe, director of mutual funds at T. Rowe Price. +21569018 To get the necessary growth, adds Murray Ruffel, a marketing official at the Financial Programs mutual-fund group, "you need to go to the stock market." +21569019 In other words, a little volatility never hurt. +21569020 It never hurt anyone, that is, unless the growth funds don't grow when you need them to. +21569021 Or the zero-coupon bonds turn out not to have been discounted deeply enough to pay your kid's tuition. +21569022 That's the dilemma for today's parent. +21569023 Although many experts are advising risk, no one has a good answer for you if the risk doesn't pay off. +21569024 Help may be on the way. +21569025 The antitrust division of the Justice Department is investigating the oddly similar tuition charges and increases among the top schools. +21569026 Fear of the price police could help cool things off in the 1990s. +21569027 And then there's always State U. +21569028 But parents' craving for a top-rated education for their children is growing like their taste for fancy wheels and vintage wine. +21569029 Belatedly aware of public concern, lawmakers and financial middlemen are working overtime to create and sell college savings and investment schemes. +21569030 Their message, explicit or implicit, is that a good college will cost so much by whenever you want it that the tried and true won't do anymore. +21569031 Forget about Treasury bills or a money-market fund. +21569032 The latest wave of marketing is instructive. +21569033 Several outfits -- including the Financial Programs, Franklin, and T. Rowe Price mutual-fund groups and the Edward D. Jones brokerage house -- are advertising "college planner" tables and charts that tell you how much you need to put aside regularly. +21569034 The calculations generally rely on an after-tax rate of return of 8% annually -- a rate historically obtainable by the individual in only one place, the stock market. +21569035 Most of the mailers are free, but Denver-based Financial Programs sells, for $15, a version customized to the age of the child and the college of choice. +21569036 The figures are shocking. +21569037 To build a nest egg that would pay for Stanford when a current first-grader reaches college age, parents would need to set aside $773.94 a month -- for 12 years. +21569038 They can cut this to $691.09 a month if the investing keeps up through college. +21569039 And they can further reduce the monthly amount if they start saving earlier -- when mother and child come home from the hospital. +21569040 Plugging a cheaper college into the formulas still doesn't generate an installment most people can live with. +21569041 Using a recent average private-school cost of about $12,500 a year, T. Rowe Price's planner prescribes $450 monthly if the plan begins when the child is six. +21569042 Since the formula assumes an 8% before-tax return in a mutual fund, there would also be $16,500 in taxes to pay over the 12 years. +21569043 Not everyone is so pessimistic. +21569044 "People are basically peddling a lot of fear," says Arthur Hauptman, a consultant to the American Council on Education in Washington. +21569045 He takes issue with projections that don't factor in students' own contribution, which reduces most parents' burden substantially. +21569046 Still, he says, "it's no bad thing" if all the marketing prods people into putting aside a little more. +21569047 "The situation you want to avoid is having somebody not save anything and hope they'll be able to do it out of current income," he says. +21569048 "That's crazy." +21569049 His advice: Don't panic. +21569050 Parents, he says, should aim at whatever regular investment sum they can afford. +21569051 Half the amount that the investment tables suggest might be a good goal, he adds. +21569052 That way, parents will reduce borrowings and outlays from current income when the time comes to pay tuition. +21569053 Mr. Hauptman reckons that the best investment choice is mutual funds because they are managed and over time have nearly kept up with the broad stock averages. +21569054 He favors either an all-stock fund or a balanced fund that mixes both stocks and bonds. +21569055 In their anxiety, however, parents and other student benefactors are flocking to new schemes. +21569056 They have laid out about $1 billion for so-called baccalaureate zero-coupon municipal bonds -- so far offered by Connecticut, Illinois, Virginia and eight other states. +21569057 And they have bought about $500 million in prepaid-tuition plans, offered in Michigan, Florida and Wyoming. +21569058 The prepaid plans take payment today -- usually at current tuitions or at a slight discount -- for a promise that tuition will be covered tomorrow. +21569059 The baccalaureate bonds -- tax-free, offered in small denominations and usually containing a provision that they won't be called before maturity -- seem to be tailor-made for college savers. +21569060 Like other zeros, they pay all their interest at maturity, meaning that buyers can time things so that their bonds pay off just when Junior graduates from high school. +21569061 Their compounding effect is also alluring. +21569062 In June, Virginia sold bonds for $268.98 that will pay $1,000 in 2009. +21569063 But Richard Anderson, head of the Forum for College Financing Alternatives, at Columbia University, a research group partly financed by the federal government, says zeros are particularly ill-suited. +21569064 Their price falls further than that of other bonds when inflation and interest rates kick up. +21569065 That won't matter if they are held to maturity, but if, for any reason, the parents need to sell them before then, there could be a severe loss of principal. +21569066 Had zeros been available in 1972 and had parents bought a face amount equal to four years' tuition at the time, aiming for their children's 1988 enrollment, they would have been left with only enough to pay for two years, Mr. Anderson figures. +21569067 Most other bonds, however, would probably not have fared much better. +21569068 The prepaid plans may be a good bet, provided the guarantee of future tuition is secure. +21569069 Issuing states generally limit the guarantees to in-state institutions, however, and buyers get refunds without much interest if the children don't attend the specified schools. +21569070 Two private groups are seeking Securities and Exchange Commission approval for plans that could be more broadly transferable. +21569071 Mr. Anderson wants the prestige colleges to sponsor such a plan. +21569072 The issue here may be the soundness of the guarantee. +21569073 Prepayments, much like mutual-fund purchases, are pooled for investment. +21569074 Sponsors are naturally counting on their ability to keep ahead of tuition inflation with investment returns. +21569075 But buyers are essentially betting on a start-up investment fund with no track record -- and some have been encouraged to borrow to do so. +21569076 One problem is that the Internal Revenue Service has decided that the investment earnings and gains of the sponsors' funds are taxable. +21569077 The colleges, as educational institutions, had hoped that wouldn't be the case. +21569078 Based on historical rates of return, Mr. Anderson reckons a 100% stock portfolio, indexed to the market, would have kept up with tuition and taxes in the 20th century. +21569079 But sponsors might not pick the stocks that will match the market. +21569080 And they're leaning more toward fixed income, whose returns after tax have trailed tuition increases. +21569081 "I'm not sure they're going to make it work," says Mr. Anderson. +21569082 What happens if the sponsors don't have the cash to pay the tuitions? +21569083 Florida and Wyoming have backed up their guarantees with the full faith and credit of the state governments, meaning that taxpayers will pick up any slack. +21569084 Not so Michigan. +21569085 Its plan is set up as an independent agency. +21569086 The state says there's no worry -- investment returns, combined with fees and the gains from unused plans, will provide all the cash it needs. +21569087 Mr. Putka covers education from The Wall Street Journal's Boston bureau. +21569088 If you start saving for your child's eduction on Jan. 1, 1990, here's the monthly sum you will need to invest to pay for four years at Yale, Notre Dame and University of Minnesota. +21569089 Figures assume a 7% annual rise in tuition, fees, room and board and an 8% annual investment return. +21569090 Note: These figures are only for mandatory charges and don't include books, transportation etc. +21569091 *For in-state students +21569092 Source: PaineWebber Inc. +21570001 AMONG THE CATFISH farmers in the watery delta land of Humphreys County, Miss., Allen D. Tharp of Isola was one of the best known and most enterprising. +21570002 He sold quarter-inch fingerlings to stock other farmers' ponds, and he bought back one-pound-or-so food-fish that he "live-hauled" to market along with his own whiskery crop. +21570003 And he nearly always bought and sold for cash. +21570004 Along the way, Mr. Tharp omitted a total of $1.5 million from his receipts reported on federal tax returns for three years. +21570005 The returns landed in the hands of an Internal Revenue Service criminal investigator, Samuel James Baker. +21570006 Mr. Baker interviewed or wrote to hundreds of catfish farmers, live-haulers and processors throughout the South before coming up with detailed estimates of purchases and sales, in pounds and dollars, by Mr. Tharp and others. +21570007 Unknown to Mr. Tharp, he had fouled his net on a special IRS project to catch catfish farmers and haulers inclined to cheat on their taxes. +21570008 Confronted with the evidence, Mr. Tharp pleaded guilty to one charge of filing a false return and was fined $5,000 and sentenced to 18 months in prison. +21570009 He also owes a lot of back taxes, interest and civil fraud penalties. +21570010 A lot of taxpayers out there aren't as paranoid as one might think. +21570011 Federal and state tax enforcers develop many group targets for investigation, on the basis of occupation, high income, type of income, or some other characteristic that may signal an opportunity or tendency to hide income or exaggerate deductions. +21570012 Many professions long have seemed to be targets because of the exotic or ludicrous efforts of some members to offset high income with fake losses from phony tax shelters: dentists who invested in dubiously dubbed foreign films or airline pilots who raised racehorses on their days off. +21570013 Mail-order ministers have been squelched. +21570014 Now, television and radio evangelists are under scrutiny. +21570015 The IRS recently won part of its long-running battle with the Church of Scientology over exemptions when the U.S. Supreme Court held that members' payments to the church weren't deductible because the members received services in return. +21570016 IRS statistics show that the more persistent hiders of income among sole proprietors of businesses include used-car dealers, entertainment producers, masons, roofers, and taxi owners. +21570017 Small businesses in general account for almost 40% of unreported personal income, the IRS has said. +21570018 Once such abuses become so pervasive, the IRS builds another factor into its secret computer formula for selecting returns for audit and doesn't need special projects for them. +21570019 San Franciscans have a much higher incidence of audits than average because more of them score high under that formula, not because IRS agents envy their life styles. +21570020 Many openings for mass cheating, such as questionable tax shelters and home offices, have gaped so broadly that Congress has passed stringent laws to close them. +21570021 Deductions of charitable gifts of highly valued art now must be accompanied by appraisals. +21570022 And laws requiring the reporting of more varieties of transactions have enabled the IRS to rely on computers to ferret out discrepancies with returns and to generate form-letter inquiries to taxpayers. +21570023 Unreported alimony income can be spotted by computer because a payer of alimony (who gets a deduction) must report the former spouse's Social Security number. +21570024 Passport applicants now must give Social Security numbers, enabling the IRS to see whether Americans living abroad are filing required U.S. returns. +21570025 But while IRS computers focus routinely on target groups like these, the agency has assigned many agents to special projects that need more personal attention. +21570026 In most cases, the IRS says, these projects are local or regional, rather than national, and arise because auditors in an area detect some pattern of abuse among, say, factory workers claiming that having a multitude of dependents frees them from tax withholding or yacht owners deducting losses from sideline charter businesses. +21570027 The national office currently has 21 noncriminal audit projects, according to Marshall V. Washburn, deputy assistant commissioner for examination. +21570028 Auditors involved in noncriminal projects can't send anyone to jail, but they can make life miserable in other ways -- for one, by imposing some of the 150 different civil penalties for negligence, failure to file a return, and the like. +21570029 The targeted audit groups include direct sellers -- people who sell cosmetics, housewares and other items door to door or at home parties -- and employers who label workers as independent contractors instead of employees, to avoid the employer share of payroll taxes. +21570030 Other projects look for offenders among waiters who get cash tips, people who engage in large cash transactions, and people whose returns show they sold a home for a profit without reinvesting the capital gain in another home by the end of the same year; the gain must be rolled over within two years to defer tax. +21570031 And now that returns must show dependents' Social Security numbers, the IRS wants to see which dependents show up on more than one return -- and which dependents turn out to be deceased. +21570032 Impetus for the direct-seller project came from a congressional hearing some years back. +21570033 It prompted an IRS study that found many sellers were concealing income and treating large amounts of nondeductible travel and other personal expenses as business costs, Mr. Washburn says. +21570034 The study provided criteria for singling out returns of "potentially noncompliant" taxpayers who report low income and large expenses from a part-time business. +21570035 The Tax Court recently denied business deductions by Mr. and Mrs. Peter S. Rubin of Cherry Hill, N.J., who both were part-time distributors of Amway products in addition to their regular jobs as sales people in other fields. +21570036 For 1984, they reported gross income of $1,647 from Amway sales, offset by expenses totaling $16,746 -- including car costs of $6,805 and travel and entertainment costs of $5,088. +21570037 The Tax Court didn't believe that the Rubins, who earned $65,619 in their regular jobs, treated the sideline as a real business and derived "merely incidental elements of recreation and other personal pleasure and benefits" from it. +21570038 The Direct Selling Association, a trade group, points out that its members, which include Amway Corp., cooperate with the IRS to distribute tax-compliance material to sales people and are helping to prepare a public-service television program on the subject. +21570039 The independent-contractor project, which began in 1988, involves about 350 IRS agents. +21570040 In the fiscal nine months ended June 30, reports Raymond P. Keenan, assistant commissioner for collection, they examined about 13,000 employers, assessed more than $67 million in delinquent employment taxes, and reclassified about 56,000 workers as employees instead of self-employed contractors. +21570041 The number of misclassified workers may be in the millions, mostly paid by small firms. +21570042 Many workers, especially professionals, want to remain independent to avoid tax withholding and to continue to deduct many expenses that employees can't. +21570043 But many others, who want to qualify for employee benefits and unemployment compensation, become tipsters for the IRS, says Jerry Lackey, who manages the IRS project's force of nine agents in north and central Florida from Orlando. +21570044 Firms that are paying employment taxes also provide leads to competitors that aren't, he says. +21570045 In his area, Mr. Lackey continues, the miscreant employers most commonly are in construction -- doing framing, drywall, masonry and similar work. +21570046 But a medical clinic with about 20 employees wrongly listed all of them -- including physicians and receptionists -- as independent contractors. +21570047 The IRS assessed the clinic $350,000 in back payroll taxes. +21570048 It assessed nearly $500,000 against a cruise-ship company that carried about 100 deckhands, cooks, bartenders, entertainers and other employees as self-employed independents. +21570049 Revenue-short states also are becoming more aggressive pursuers of tax delinquents, and perhaps none tracks them down with more relish than does New York since it acquired an $80 million computer system in 1985. +21570050 The state's tax enforcers have amassed data bases from other New York agencies that license or register professionals and businesses; from exchange agreements with the IRS, 24 other states, and two Canadian provinces, and even from phonebook Yellow Pages. +21570051 Thus armed for massive matching of documents by computer, they single out high-income groups, looking primarily for people who haven't filed New York income-tax returns. +21570052 The state has combed through records relating to architects, stockbrokers, lawyers in the New York City area, construction workers from out of the state, and homeowners who claim to be residents of other states -- especially Florida, which has no personal income tax. +21570053 Soon to feel the glare of attention are lawyers elsewhere in the state, doctors, dentists, and accountants, says Frederick G. Hicks, director of the tax-department division that develops the computer-matching programs. +21570054 The department has collected over $6.5 million from brokers so far and recommended more than 30 of them for criminal prosecution. +21570055 In the early stage of checking people with incomes exceeding $500,000 who were filing nonresident returns, it squeezed $7.5 million out of a man who was posing as a Florida resident. +21570056 "We think we can reclaim hundreds of millions of dollars just through the nonresident project," Mr. Hicks declares. +21570057 Mr. Schmedel is editor of The Wall Street Journal's Tax Report column. +21571001 In finding "good news" in Berkeley's new freshman admissions plan ("The Privileged Class," editorial, Sept. 20), you're reading the headline but not the story. +21571002 The plan indeed raises from 40% to 50% the number of freshmen applicants admitted strictly by academic criteria. +21571003 But that doesn't mean "half of the students attending Berkeley" will be admitted this way. +21571004 The plan is talking about applicants admitted, not students who enroll. +21571005 Since the "yield" from this top slice of applicants is relatively low, boosting admits from 40% to 50% will boost registrants from about 31% to 38% of the class. +21571006 In addition, perhaps 5% of registrants will come from a new category consisting of applicants whose academic credentials "narrowly missed" gaining them admission in the first category. +21571007 But against that combined increase of 12% in students chosen by academic criteria, the plan eliminates a large category in which admissions now are based on grades, test scores and "supplemental points" for factors such as high-school curriculum, English-language proficiency and an essay. +21571008 This category now accounts for about 19% of admits and 22% of registrants. +21571009 The plan thus will decrease by 22%, for a net loss of 10%, the number of students admitted primarily by academic criteria. +21571010 Who will take over these places? +21571011 The plan creates a new category of students from "socioeconomically disadvantaged backgrounds," a concept not yet defined, and gives them about 10% of the class. +21571012 One of the plan's authors has defended the "socioeconomic disadvantage" category as perhaps making more sense than the current affirmative-action preferences based on race. +21571013 Perhaps it does. +21571014 But the new category does not replace or reduce Berkeley's broad racial preferences. +21571015 Nor will students from racial-minority groups who are admitted through the new category be counted against the affirmative-action "target" for their group. +21571016 The plan thus places a large new affirmative-action program, based on "socioeconomic disadvantage," on top of the existing program based on race. +21571017 The role of academic criteria in choosing Berkeley's freshmen can only decline as a result. +21571018 Stephen R. Barnett Professor of Law University of California Berkeley, Calif. +21572001 FOR THOSE WHO DELIGHT in the misfortune of others, read on. +21572002 This is a story about suckers. +21572003 Most of us know a sucker. +21572004 Many of us are suckers. +21572005 But what we may not know is just what makes somebody a sucker. +21572006 What makes people blurt out their credit-card numbers to a caller they've never heard of? +21572007 Do they really believe that the number is just for verification and is simply a formality on the road to being a grand-prize winner? +21572008 What makes a person buy an oil well from some stranger knocking on the screen door? +21572009 Or an interest in a retirement community in Nevada that will knock your socks off, once it is built? +21572010 Because in the end, these people always wind up asking themselves the same question: "How could I be so stupid?" +21572011 There are, unfortunately, plenty of answers to that question -- and scam artists know all of them. +21572012 "These people are very skilled at finding out what makes a person tick," says Kent Neal, chief of the economic-crime unit of the Broward County State Attorney's Office in Fort Lauderdale, Fla., a major haven for boiler rooms. +21572013 "Once they size them up, then they know what buttons to push." +21572014 John Blodgett agrees -- and he ought to know. +21572015 He used to be a boiler-room salesman, peddling investments in oil and gas wells and rare coins. +21572016 "There's a definite psychology of the sale and different personalities you pitch different ways," he says. +21572017 The most obvious pitch, of course, is the lure of big returns. +21572018 "We're all a little greedy. +21572019 Everyone is vulnerable," says Charles Harper, associate regional administrator for the Securities and Exchange Commission in Miami. +21572020 "These guys prey on human frailties." +21572021 While the promises of big profits ought to set off warning bells, they often don't, in part because get-rich-quick tales have become embedded in American folklore. +21572022 "The overnight success story is part of our culture, and our society puts an emphasis on it with lotteries and Ed McMahon making millionaires out of people," says Michael Cunningham, an associate professor of psychology at the University of Kentucky in Louisville. +21572023 "Other people are making it overnight, and the rest who toil daily don't want to miss that opportunity when it seems to come along." +21572024 Adds Spencer Barasch, branch chief for enforcement at the SEC in Fort Worth, Texas: "Why do people play the lottery when the odds are great against them? +21572025 People are shooting for a dream." +21572026 Clearly, though, scam artists have to be a bit more subtle than simply promising millions; the psychology of suckers isn't simply the psychology of the greedy. +21572027 There's also, for instance, the need to be part of the in-crowd. +21572028 So one popular ploy is to make a prospective investor feel like an insider, joining an exclusive group that is about to make a killing. +21572029 Between 1978 and 1987, for instance, SH Oil in Winter Haven, Fla., sold interests in oil wells to a very select group of local residents, while turning away numerous other eager investors. +21572030 The owner of the company, Stephen Smith, who has since pleaded guilty to state and federal fraud charges, confided to investors that he had a secret agreement with Amoco Oil Co. and said the location of his wells was confidential, according to a civil suit filed in a Florida state court by the Florida comptroller's office. +21572031 Neither the Amoco agreement nor the wells existed, the suit alleged. +21572032 Such schemes, says Tony Adamski, chief of the financial-crimes unit of the Federal Bureau of Investigation in Washington, D.C., appeal to investors' "desire to believe this is really true and that they are part of a chosen group being given this opportunity." +21572033 At times, salesmen may embellish the inside information with "the notion that this is some slightly shady, slightly illegal investment the person is being included in," says Mr. Cunningham. +21572034 In appealing to those with a bit of larceny in their hearts, the fraud artist can insist that a person keep an investment secret -- insulating himself from being discovered and keeping his victim from consulting with others. +21572035 It also adds to the mystery of the venture. +21572036 Mr. Blodgett, the boiler-room veteran, believes that for many investors, the get-rich-quick scams carry a longed-for element of excitement. +21572037 "Once people got into it, I was allowing them to live a dream," he says. +21572038 He phoned them with updates on the investment, such as "funny things that happened at the well that week," he says. +21572039 "You gave them some excitement that they didn't have in their lives." +21572040 (Mr. Blodgett, who was convicted in Florida state court of selling unregistered securities and in California state court of unlawful use of the telephone to defraud and deceive, is now on probation. +21572041 He says he has quit the business and is back in school, majoring in psychology with aspirations to go into industrial psychology.) +21572042 For some investors, it's the appearances that leave them deceived. +21572043 "The trappings of success go a long way -- wearing the right clothes, doing the right things," says Paul Andreassen, an associate professor of psychology at Harvard. +21572044 Conservative appearances make people think it's a conservative investment. +21572045 "People honestly lose money on risky investments that they didn't realize were a crapshoot," he says. +21572046 Paul Wenz, a Phoenix, Ariz., attorney, says a promise of unrealistic returns would have made him leery. +21572047 But Mr. Wenz, who says he lost $43,000 in one precious-metals deal and $39,000 in another, says a salesman "used a business-venture approach" with him, sending investment literature, a contract limiting the firm's liability, and an insurance policy. +21572048 When he visited the company's office, he says, it had "all the trappings of legitimacy." +21572049 Still others are stung by a desire to do both well and good, says Douglas Watson, commanding officer of the Los Angeles Police Department's bunko-forgery division. +21572050 Born-again Christians are the most visible targets of unscrupulous do-gooder investment pitches. +21572051 But hardly the only ones: The scams promise -- among other things -- to help save the environment, feed starving families and prevent the disappearance of children. +21572052 Psychologists say isolated people who don't discuss their investments with others are particularly at risk for fraud. +21572053 Scam artists seek out such people -- or try to make sure that their victims isolate themselves. +21572054 For instance, salesmen may counter a man's objection that he wants to discuss an investment with his wife by asking, "Who wears the pants in your family?" +21572055 Or an investor who wants his accountant's advice may be told, "You seem like a guy who can make up his own mind." +21572056 Often con artists will try to disarm their victims by emphasizing similarities between them. +21572057 William Lynes, a retired engineer from Lockheed Corp., says he and his wife, Lily, warmed to the investment pitches of a penny-stock peddler from Stuart-James Co. in Atlanta after the broker told them he, too, had once worked with Lockheed. +21572058 The Lyneses, of Powder Springs, Ga., have filed suit in Georgia state court against Stuart James, alleging fraud. +21572059 They are awaiting an arbitration proceeding. +21572060 They say the broker took them out for lunch frequently. +21572061 He urged them to refer their friends, who also lost money. +21572062 (Donald Trinen, an attorney for the penny-brokerage firm, denies the fraud allegations and says the Lyneses were fully apprised that they were pursuing a high-risk investment.) +21572063 "It's not uncommon for these guys to send pictures of themselves or their families to ingratiate themselves to their clients," says Terree Bowers, chief of the major-frauds section of the U.S. attorney's office in Los Angeles. +21572064 "We've seen cases where salesmen will affect the accent of the region of the country they are calling. +21572065 Anything to make a sale." +21572066 Experts say that whatever a person's particular weak point, timing is crucial. +21572067 People may be particularly vulnerable to flim-flam pitches when they are in the midst of a major upheaval in their lives. +21572068 "Sometimes when people are making big changes, retiring from their jobs, moving to a new area, they lose their bearings," says Maury Elvekrog, a licensed psychologist who is now an investment adviser and principal in Seger-Elvekrog Inc., a Birmingham, Mich., investment-counseling firm. +21572069 "They may be susceptible to some song and dance if it hits them at the right time." +21572070 They are obviously also more susceptible when they need money-retirees, for instance, trying to bolster their fixed income or parents fretting over how to pay for a child's college expenses. +21572071 "These people aren't necessarily stupid or naive. +21572072 Almost all of us in comparable circumstances might be victimized in some way," says Jerald Jellison, a psychology professor at the University of Southern California in Los Angeles. +21572073 Nick Cortese thinks that's what happened to him. +21572074 Mr. Cortese, a 33-year-old Delta Air Lines engineer, invested some $2,000 in penny stocks through a broker who promised quick returns. +21572075 "We were saving up to buy a house, and my wife was pregnant," says Mr. Cortese. +21572076 "It was just before the Christmas holidays, and I figured we could use some extra cash." +21572077 The investment is worth about $130 today. +21572078 "Maybe it was just a vulnerable time," says Mr. Cortese. +21572079 "Maybe the next day or even an hour later, I wouldn't have done it." +21572080 Ms. Brannigan is a staff reporter in The Wall Street Journal's Atlanta bureau. +21573001 Prices for seats on the New York Stock Exchange are recovering a bit after hitting a four-year low earlier this month. +21573002 Two seats on the Big Board were sold yesterday for $455,000, and then $500,000. +21573003 The previous sale was $436,000 on Oct. 17; the last time prices were that low was November 1985, when a seat sold for $425,000. +21573004 Prices peaked at $1,150,000 in September 1987. +21573005 Seats are currently quoted at $430,000 bid and $525,000 asked. +21574001 FOX HUNTING HAS been defined as the unspeakable in pursuit of the inedible, but at least it's exercise. +21574002 At least it has a little dash. +21574003 Most of us have to spend our time on pursuits that afford neither, drab duties rather than pleasures. +21574004 Like trying to buy life insurance, for instance, an endeavor notably lacking in dash. +21574005 Call it the uninformed trudging after the incomprehensible. +21574006 But sooner or later, most of us have to think about life insurance, just as we often have to think about having root-canal work. +21574007 And my time has come. +21574008 I'm 33, married, no children, and employed in writing stories like this one. +21574009 In times past, life-insurance salesmen targeted heads of household, meaning men, but ours is a two-income family and accustomed to it. +21574010 So if anything happened to me, I'd want to leave behind enough so that my 33-year-old husband would be able to pay off the mortgage and some other debts (though not, I admit, enough to put any potential second wife in the lap of luxury). +21574011 Figuring that maybe $100,000 to $150,000 would do but having no idea of what kind of policy I wanted, I looked at the myriad products of a dozen companies -- and plunged into a jungle of gibberish. +21574012 Over the past decade or two, while I was thinking about fox hunting, the insurance industry has spawned an incredible number of products, variations on products, and variations on the variations. +21574013 Besides term life and whole life (the old standbys), we now have universal life, universal variable life, flexible adjustable universal life, policies with persistency bonuses, policies festooned with exotic riders, living benefit policies, and on and on. +21574014 What to do? +21574015 First, generalize. +21574016 Shorn of all their riders, special provisions, and other bells and whistles, insurance policies can still be grouped under two broad categories: so-called pure insurance, which amasses no cash value in the policy and pays off only upon death, and permanent insurance, which provides not only a death benefit but also a cash value in the policy that can be used in various ways while the insured is still alive. +21574017 If all you want is death-benefit coverage, pure insurance -- a term policy -- gives you maximum bang for your buck, within limits. +21574018 It's much cheaper than permanent insurance bought at the same age. +21574019 But "term" means just that; the policy is written for a specific time period only and must be renewed when it expires. +21574020 It may also stipulate that the insured must pass another medical exam before renewal; if you flunk -- which means you need insurance more than ever -- you may not be able to buy it. +21574021 Even if you're healthy and can renew, your premium will go up sharply because you're that much older. +21574022 So term insurance may not be as cheap as it looks. +21574023 There are all sorts of variations on term insurance: policies structured to pay off your mortgage debt, term riders tacked on to permanent insurance, and many others. +21574024 One variation that appealed to me at first was the "Money Smart Term Life" policy offered by Amex Life Insurance Co., the American Express unit, to the parent company's credit-card holders. +21574025 Upon examination, however, I wondered whether the plan made a lot of sense. +21574026 Amex said it would charge me $576 a year for $100,000 of coverage -- and would pay me back all the premiums I put in if I canceled the policy after 10 years. +21574027 Sounds great -- or does it? +21574028 First, if I canceled, I'd have no more insurance, a not insignificant consideration. +21574029 Second, the $5,760 I'd get back would be much diminished in purchasing power by 10 years of inflation; Amex, not I, would get the benefit of the investment income on my money, income that would have exceeded the inflation rate and thus given the company a real profit. +21574030 Third and most important, Amex would charge me a far higher premium than other reputable companies would on a straight term policy for the same amount; I'd be paying so heavily just to have the option of getting my premiums back that I'd almost have to cancel to make the whole thing worthwhile. +21574031 That would be all right with Amex, which could then lock in its investment profit, but it doesn't add up to a "smart money" move for me. +21574032 Which goes to show that the First Law applies in insurance as in anything else: There is no free lunch, there is only marketing. +21574033 And the Second Law, unique to insurance? +21574034 If I die early, I win -- a hollow victory, since I can't enjoy it -- and if I live long, the insurer wins. +21574035 Always. +21574036 This is worth remembering when insurers and their salesmen try to sell you permanent insurance, the kind that amasses cash value. +21574037 The word "death" cannot be escaped entirely by the industry, but salesmen dodge it wherever possible or cloak it in euphemisms, preferring to talk about "savings" and "investment" instead. +21574038 The implication is that your permanent-insurance policy is really some kind of CD or mutual-fund account with an added feature. +21574039 That is gilding the lily. +21574040 The fact is that as a savings or investment vehicle, insurance generally runs a poor second to any direct investment you might make in the same things the insurance company is putting your money into. +21574041 That's because you have to pay for the insurance portion of the policy and the effort required to sell and service the whole package. +21574042 Again, no free lunch. +21574043 This is reflected in a built-in mortality cost -- in effect, your share of the company's estimated liability in paying off beneficiaries of people who had the effrontery to die while under its protection. +21574044 And in most cases, a huge hunk of your premium in the initial year or two of the the policy is, in effect, paying the salesman's commission as well; investment returns on most policies are actually negative for several years, largely because of this. +21574045 So view permanent insurance for what it is -- a compromise between pure insurance and direct investment. +21574046 The simplest, most traditional form of permanent insurance is the straight whole life policy. +21574047 You pay a set premium for a set amount of coverage, the company invests that premium in a portfolio of its choosing, and your cash value and dividends grow over the years. +21574048 One newer wrinkle, so called single-premium life (you pay for the whole policy at once), has been immensely popular in recent years for tax reasons; the insured could extract cash value in the form of policy "loans," and none of the proceeds were taxable even though they included gains on investment. +21574049 Congress closed this loophole last year, or thought it did. +21574050 However, Monarch Capital Corp. of Springfield, Mass., has developed a "combination plan" of annuity and insurance coverage that it says does not violate the new regulations and that allows policy loans without tax consequences. +21574051 But the percentage of your cash reserve that you can borrow tax-free is very small. +21574052 I'm not prepared in any case to put that much money into a policy immediately, so I look into the broad category called universal life. +21574053 Hugely popular, it is far more flexible than straight whole life. +21574054 I can adjust the amount of insurance I want against the amount going into investment; I can pay more or less than the so-called target premium in a given year; and I can even skip payments if my cash reserves are enough to cover the insurance portion of the policy. +21574055 In looking at these and other policies, I learn to ask pointed questions about some of the assumptions built into "policy illustrations" -- the rows of numbers that show me the buildup of my cash values over the years. +21574056 They commonly give two scenarios: One is based on interest rates that the company guarantees (usually 4% to 4.5%) and the other on the rate it is currently getting on investment, often 8.5% or more. +21574057 Projecting the latter over several decades, I find my cash buildup is impressive -- but can any high interest rate prevail for that long? +21574058 Not likely, I think. +21574059 Also, some policy illustrations assume that mortality costs will decline or that I will get some sort of dividend bonus after the 10th year. +21574060 These are not certain, either. +21574061 Companies "aren't comfortable playing these games, but they realize they're under pressure to make their policies look good," says Timothy Pfiefer, an actuarial consultant at Tillinghast, a unit of Towers Perrin Co., the big New York consulting firm. +21574062 Another factor to consider: Some of the companies currently earning very high yields are doing so through substantial investment in junk bonds, and you know how nervous the market has been about those lately. +21574063 There are seemingly endless twists to universal life, and it pays to ask questions about all of them. +21574064 At a back-yard barbecue, for example, a friend boasts that she'll only have to pay premiums on her John Hancock policy for seven years and that her death benefits will then be "guaranteed." +21574065 I call her agent, David Dominici. +21574066 Yes, he says, premiums on such variable-rate coverage can be structured to "vanish" after a certain period -- but usually only if interest rates stay high enough to generate sufficient cash to cover the annual cost of insurance protection. +21574067 If interest rates plunge, the insurer may be knocking on my door, asking for steeper premium payments to maintain the same amount of protection. +21574068 I don't like the sound of that. +21574069 Some insurers have also started offering "persistency bonuses," such as extra dividends or a marginally higher interest yield, if the policy is maintained for 10 years. +21574070 But Glenn Daily, a New York-based financial consultant, warns that many of these bonuses are "just fantasies," because most aren't guaranteed by the companies. +21574071 And the feature is so new, he adds, that no insurer has yet established a track record for actually making such payments. +21574072 So-called living-benefits provisions also merit a close inspection. +21574073 Offered by insurers that include Security-Connecticut Life Insurance Co., Jackson National Life Insurance Co., and National Travelers Life Insurance Co., these policy riders let me tap a portion of my death benefits while I'm still alive. +21574074 Some provisions would let me collect a percentage of the policy's face value to pay for long-term care such as nursing-home stays; others would allow payments for catastrophic illnesses and conditions such as cancer, heart attarcks, renal failure and kidney transplants. +21574075 But the catastrophic events for which the policyholder can collect are narrowly defined, vary from policy to policy, and generally permit use of only a small fraction of the face amount of insurance. +21574076 Also, financial planners advising on insurance say that to their knowledge there has not yet been a tax ruling exempting these advance payments from taxes. +21574077 And considering the extra cost of such provisions, some figure that people interested in, say, paying for extended nursing-home care would be better off just buying a separate policy that provides it. +21574078 I'm more favorably impressed by "no-load life," even though it turns out to be low-load life. +21574079 Insureres selling these policies market them directly to the public or otherwise don't use commissioned salesmen; there is still a load -- annual administrative fees and initial "setup" charges -- but I figure that the lack of commission and of "surrender fees" for dropping the policy early still saves me a lot. +21574080 I compared one universal policy for $130,000 face amount from such an insurer, American Life Insurance Corp. of Lincoln, Neb., with a similar offering from Equitable Life Assurance Society of the U.S., which operates through 11,000 commissioned salesmen. +21574081 After one year I could walk away from the Ameritas policy with $792, but Id get only $14 from the Equitable. +21574082 The difference is magnified by time, too. +21574083 At age 65, when I'd stop paying premiums, the Ameritas offering would have a projected cash value $14,000 higher than the other, even though the Equitable's policy illustration assumed a fractionally higher interest rate. +21574084 Did I buy it? +21574085 Well, not yet. +21574086 I'm thinking about using the $871 annual premium to finance a trip to Paris first. +21574087 A person can do some heavy thinking about insurance there -- and shop for something more exciting while she's doing it. +21575001 Rorer Group Inc. will report that third-quarter profit rose more than 15% from a year earlier, though the gain is wholly due to asset sales, Robert Cawthorn, chairman, president and chief executive officer, said. +21575002 His projection indicates profit in the latest quarter of more than $17.4 million, or 55 cents a share, compared with $15.2 million, or 48 cents a share, a year ago. +21575003 Mr. Cawthorn said in an interview that sales will show an increase from a year ago of "somewhat less than 10%." +21575004 Through the first six months of 1989, sales had grown about 12% from the year-earlier period. +21575005 Growth of 10% would make sales for the latest quarter $269 million, compared with $244.6 million a year ago. +21575006 Mr. Cawthorn said the profit growth in the latest quarter was due to the sale of two Rorer drugs. +21575007 Asilone, an antacid, was sold to Boots PLC, London. +21575008 Thrombinar, a drug used to stanch bleeding, was sold to Jones Medical Industries Inc., St. Louis. +21575009 He said Rorer sold the drugs for "nice prices" and will record a combined, pretax gain on the sales of $20 million. +21575010 As the gain from the sales indicates, operating profit was "significantly" below the year-earlier level, Mr. Cawthorn said. +21575011 Rorer in July had projected lower third-quarter operating profit but higher profit for all of 1989. +21575012 He said the company is still looking for "a strong fourth quarter in all areas -- sales, operating income and net income." +21575013 Mr. Cawthorn attributed the decline in third-quarter operating profit to the stronger dollar, which reduces the value of overseas profit when it is translated into dollars; to accelerated buying of Rorer products in the second quarter because of a then-pending July 1 price increase, and to higher marketing expenses for Rorer's Maalox antacid, whose sales and market share in the U.S. had slipped in the first half of 1989. +21575014 He said Rorer opted to sell Asilone and Thrombinar to raise revenue that would "kick start" its increased marketing efforts behind Maalox, still its top-selling product with about $215 million in world-wide sales in 1988. +21575015 "We had underfunded Maalox for a year," he said, because the company was concentrating on research and development and promoting other drugs. +21575016 He said Rorer will spend $15 million to $20 million more on Maalox advertising and promotion in the second half of 1989 than in the year-earlier period. +21575017 A "big chunk" of that additional spending came in the third quarter, he said. +21576001 Hoechst AG said it will stop producing fertilizer in 1990 because of continued losses and a bleak outlook. +21576002 The West German chemical concern said it will close the last remaining fertilizer plant in Oberhausen in the fall of next year. +21576003 Hoechst said the fertilizer market faces overcapacity in Western Europe, rising imports from East bloc countries and overseas, and declining demand. +21577001 HomeFed Corp. said its main subsidiary, Home Federal Savings & Loan, converted from a federal savings and loan to a federal savings bank and changed its name to HomeFed Bank. +21577002 The federal Office of Thrift Supervision approved the conversion last Friday, HomeFed said. +21577003 The change in charter doesn't alter the federal insurance of deposits, federal regulatory powers or company operations, a spokesman said. +21578001 It was the second anniversary of the 1987 crash, but this time it was different. +21578002 Stocks rallied on good earnings reports and on data that showed less inflation than expected. +21578003 Blue chips led the march up in heavy trading. +21578004 The Dow Jones Industrial Average rose 39.55 points to 2683.20. +21578005 The 30 industrials led the market higher from the opening bell as foreign buyers stepped in. +21578006 By afternoon, the broader market joined the advance in full strength. +21578007 Standard & Poor's 500-stock Index rose 5.37 to 347.13 and the Nasdaq composite index jumped 7.52 to 470.80. +21578008 New York Stock Exchange volume swelled to 198,120,000 shares. +21578009 The industrials were up about 60 points in the afternoon, but cautious investors took profits before the close. +21578010 Traders said a variety of factors triggered the rally. +21578011 The consumer price index rose 0.2% in September, while many economists were looking for a 0.4% increase. +21578012 Stock-index arbitrage buy programs -- in which traders buy stock against offsetting positions in futures to lock in price differences -- helped the rally's momentum. +21578013 The euphoria was such that investors responded to good earnings reports of companies such as American Express, while ignoring the disappointing profits of companies such as Caterpillar, analysts said. +21578014 Stock-index arbitrage trading was a minor influence in yesterday's rally, traders said. +21578015 Institutional buyers were the main force pushing blue chips higher. +21578016 To the amazement of some traders, takeover stocks were climbing again. +21578017 Hilton rose 2 7/8 to 100, for example. +21578018 Last Friday, takeover traders spilled out of Hilton, knocking the stock down 21 1/2 to 85. +21578019 Among other stocks involved in restructurings or rumored to be so: Holiday Corp. gained 1 7/8 to 73 and Honeywell rose 2 7/8 to 81 1/2. +21578020 One floor trader noted in astonishment that nobody seemed to mind the news that British Airways isn't making a special effort to revive the UAL buy-out. +21578021 The announcement of the buy-out's troubles triggered the market's nose dive a week ago. +21578022 Takeover enthusiasm may have been renewed when an investor group disclosed yesterday that it had obtained all the financing required to complete its $1.6 billion leveraged buy-out of American Medical International. +21578023 "That's put some oomph back into this market," said Peter VandenBerg, a vice president of equity trading at Shearson Lehman Hutton. +21578024 But some traders thought there was less to the rally than met the eye. +21578025 "There is no strength behind this rally," asserted Chung Lew, head trader at Kleinwort Benson North America. +21578026 "It's traders squaring positions. +21578027 It's not good; the market is setting up for another fall." +21578028 Indeed, many traders said that uncertainty about today's monthly expiration of stocks-index futures and options, and options on individual stocks, prompted a lot of buying by speculative traders who were unwinding positions that were bets on declining stock prices. +21578029 The number of outstanding contracts in the October Major Market Index jumped from 5,273 on Friday to 9,023 on Monday. +21578030 The MMI is a 20-stock index that mimics the Dow Jones Industrial Average. +21578031 Outstanding contracts are those that remain to be liquidated. +21578032 By Wednesday, the outstanding October contracts amounted to 8,524, representing about $1.13 billion in stock, noted Donald Selkin, head of stock-index futures research at Prudential-Bache Securities, who expects a volatile expiration today. +21578033 "There has been a tremendous increase" in MMI positions, Mr. Selkin said. +21578034 Consumer stocks once again set the pace for blue-chip issues. +21578035 Philip Morris added 1 1/8 to 44 1/2 in Big Board composite trading of 3.7 million shares, Coca-Cola Co. gained 2 3/8 to 70 3/8, Merck gained 1 3/8 to 77 3/8 and American Telephone & Telegraph advanced 7/8 to 43 3/8 on 2.5 million shares. +21578036 American Medical jumped 1 7/8 to 23 5/8. +21578037 IMA Acquisition, an investor group that includes First Boston and the Pritzker family of Chicago, said Chemical Bank had made arrangements for 23 other banks to provide $509 million in bank financing for the buy-out offer. +21578038 Chemical and six other banks, along with First Boston, are providing the rest of the $1.6 billion. +21578039 Elsewhere on the takeover front, Time Warner advanced 2 5/8 to 136 5/8 and Warner Communications tacked on 7/8 to 63 7/8. +21578040 The Delaware Supreme Court affirmed a ruling that barred Chris-Craft Industries from voting its Warner preferred stock as a separate class in deciding on the companies' proposed merger. +21578041 Paramount Communications climbed 1 1/4 to 58 1/2 and MCA rose 1 1/2 to 64; both media companies have long been mentioned as potential acquisition candidates. +21578042 Among other actual and rumored targets, Woolworth rose 1 1/4 to 60 1/2, Upjohn went up 1 1/8 to 39 3/4, Armstrong World Industries gained 1 to 40 1/8 and Kollmorgen rose 3/4 to 13 7/8. +21578043 In addition: -- Soo Line jumped 2 3/4 to 20 1/4, above the $19.50 a share that Canadian Pacific offered for the company in a takeover proposal. +21578044 -- Xtra gained 1 1/8 to 27 1/8. +21578045 Investor Robert M. Gintel, who owns a 4.7% stake in the company, said he plans a proxy fight for control of its board. +21578046 -- Golden Nugget rose 2 to 28 1/4. +21578047 Its board approved the repurchase of as many as three million common shares, or about 17% of its shares outstanding. +21578048 Buying interest also resurfaced in the technology sector, including International Business Machines, whose board approved a $1 billion increase in its stock buy-back program. +21578049 IBM rose 2 3/8 to 104 1/8 as 2.2 million shares changed hands. +21578050 Compaq Computer soared 4 5/8 to 111 1/8 on 1.8 million shares in response to the company's announcement of plans to introduce several products next month. +21578051 Digital Equipment gained 1 3/8 to 89 3/4 despite reporting earnings for the September quarter that were on the low end of expectations. +21578052 Among other technology issues, Cray Research rose 1 5/8 to 37, Hewlett-Packard added 1 1/4 to 50 1/4, Tandem Computers rallied 1 1/8 to 25 3/4, Data General rose 3/4 to 14 1/2 and Motorola gained 2 3/8 to 59 1/4. +21578053 On the other hand, Symbol Technologies dropped 1 1/4 to 18 1/2 after Shearson Lehman Hutton lowered its short-term investment rating on the stock and its 1989 earnings estimate, and Commodore International fell 7/8 to 8 after the company said it expects to post a loss for the September quarter. +21578054 Insurance stocks continued to climb on expectations that premium rates will rise in the aftermath of the earthquake in the San Francisco area. +21578055 American International Group climbed 4 to 106 5/8, General Re rose 3 1/8 to 89 5/8, Kemper added 2 1/2 to 48, AON went up 1 3/8 to 36 and Chubb rose 1 1/4 to 82 1/4. +21578056 Stocks of major toy makers rallied in the wake of strong third-quarter earnings reports. +21578057 Mattel added 1 1/4 to 19 5/8, Tonka firmed 1 to 18 1/2 and Lewis Galoob Toys rose 7/8 to 13 5/8 on the Big Board, while Hasbro gained 1 to 21 7/8 on the American Stock Exchange. +21578058 Capital Cities-ABC surged 42 5/8 to 560. +21578059 Kidder Peabody raised its investment rating on the stock and its earnings estimates for 1989 and 1990, based on optimism that the company's ABC television network will continue to fare well in the ratings. +21578060 Dun & Bradstreet lost 1 7/8 to 51 7/8 on 1.8 million shares. +21578061 Merrill Lynch lowered its short-term rating on the stock and its estimate of 1990 earnings, citing a sales slowdown in the company's credit-rating business. +21578062 Pinnacle West Capital, which suspended its common-stock dividend indefinitely and reported a 91% decline in third-quarter earnings, fell 5/8 to 11 3/8. +21578063 The Amex Market Value Index recorded its sharpest gain of the year by climbing 4.74 to 382.81. +21578064 Volume totaled 14,580,000 shares. +21578065 B.A.T Industries, the most active Amex issue, rose 3/8 to 12 3/8. +21578066 The company received shareholder approval for its restructuring plan, designed to fend off a hostile takeover bid from a group headed by financier Sir James Goldsmith. +21578067 Chambers Development Class A jumped 3 1/8 to 37 1/8 and Class B rose 2 5/8 to 37 1/4. +21578068 The company said six officers are buying a total of $1.5 million of its stock. +21578069 TRC Cos., the target of an investigation by the U.S. inspector general, dropped 2 to 10 3/4. +21578070 The probe involves testing procedures used on certain government contracts by the company's Metatrace unit. +21579001 Avondale Industries Inc., New Orleans, received a $23 million contract from the Navy to enlarge by 50% the capacity of an auxiliary oiler. +21579002 The award results from the Navy's exercising of an option in an earlier contract it awarded Avondale. +21580001 Richard J. Pinola was elected to the board of this personnel consulting concern, increasing its size to nine members. +21580002 Mr. Pinola is president and chief operating officer of Penn Mutual Life Insurance Co. +21581001 The Senate rejected a constitutional amendment that President Bush sought to protect the U.S. flag from desecration. +21581002 The 51-48 roll call fell well short of the two-thirds majority needed to approve changes to the Constitution. +21581003 The vote, in which 11 GOP lawmakers voted against Mr. Bush's position, was a victory for Democratic leaders, who opposed the amendment as an intrusion on the Bill of Rights. +21581004 "We can support the American flag without changing the American Constitution," said Senate Majority Leader George Mitchell of Maine. +21581005 In order to defuse pressure for an amendment, Mr. Mitchell and House Speaker Thomas Foley (D., Wash.) had arranged for lawmakers to pass a statute barring flag desecration before voting on the constitutional change. +21581006 Mr. Bush said he would allow the bill to become law without his signature, because he said only a constitutional amendment can protect the flag adequately. +21581007 In June, the Supreme Court threw out the conviction of a Texas man who set a flag afire during a 1984 demonstration, saying he was "engaging in political expression" that is protected by the First Amendment. +21582001 If you think you have stress-related problems on the job, there's good news and bad news. +21582002 You're probably right, and you aren't alone. +21582003 A new Gallup Poll study commissioned by the New York Business Group on Health, found that a full 25% of the work force at companies may suffer from anxiety disorders or a stress-related illness, with about 13% suffering from depression. +21582004 The study surveyed a national group of medical directors, personnel managers and employee assistance program directors about their perceptions of these problems in their companies. +21582005 It is one of a series of studies on health commissioned by the New York Business Group, a non-profit organization with about 300 members. +21582006 The stress study was undertaken because problems related to stress "are much more prevalent than they seem," said Leon J. Warshaw, executive director of the business group. +21582007 In presenting the study late last week, Dr. Warshaw estimated the cost of these types of disorders to business is substantial. +21582008 Occupational disability related to anxiety, depression and stress costs about $8,000 a case in terms of worker's compensation. +21582009 In terms of days lost on the job, the study estimated that each affected employee loses about 16 work days a year because of stress, anxiety or depression. +21582010 He added that the cost for stress-related compensation claims is about twice the average for all injury claims. +21582011 "We hope to sensitize employers" to recognize the problems so they can do something about them, Dr. Warshaw said. +21582012 Early intervention into these types of problems can apparently save businesses long-term expense associated with hospitalization, which sometimes results when these problems go untreated for too long. +21582013 Even the courts are beginning to recognize the link between jobs and stress-related disorders in compensation cases, according to a survey by the National Council on Compensation Insurance. +21582014 But although 56% of the respondents in the study indicated that mental-health problems were fairly pervasive in the workplace, there is still a social stigma associated with people seeking help. +21582015 The disorders, which 20 years ago struck middle-age and older people, "now strike people at the height of productivity," says Robert M.A. Hirschfeld, of the National Institute of Mental Health, who spoke at the presentation of the study's findings. +21582016 The poll showed that company size had a bearing on a manager's view of the problem, with 65% of those in companies of more than 15,000 employees saying stress-related problems were "fairly pervasive" and 55% of those in companies with fewer than 4,000 employees agreeing. +21582017 The poll also noted fear of a takeover as a stress-producing event in larger companies. +21582018 More than eight in 10 respondents reported such a stress-provoking situation in their company. +21582019 Mid-sized companies were most affected by talk of layoffs or plant closings. +21582020 The study, which received funding from Upjohn Co., which makes several drugs to treat stress-related illnesses, also found 47% of the managers said stress, anxiety and depression contribute to decreased production. +21582021 Alcohol and substance abuse as a result of stress-related problems was cited by 30% of those polled. +21582022 Although Dr. Warshaw points out that stress and anxiety have their positive uses, "stress perceived to be threatening implies a component of fear and anxiety that may contribute to burnout." +21582023 He also noted that various work environments, such as night work, have their own "stressors." +21582024 "We all like stress, but there's a limit," says Paul D'Arcy, of Rohrer, Hibler & Replogle, a corporate psychology and management consulting firm. +21582025 The problem, says Mr. D'Arcy, a psychologist, is that "it's very hard to get any hard measures on how stress affects job performance. +21583001 For Cheap Air Fares, Spend Christmas Aloft +21583002 IT ISN'T TRUE that a 90-year old clergyman on a mission of mercy to a disaster area on Christmas Day can fly free. +21583003 But his circumstances are among the few that can qualify for the handful of really cheap airline tickets remaining in America. +21583004 In recent years, carriers have become much more picky about who can fly on the cheap. +21583005 But there still are a few ways today's traveler can qualify under the airline's many restrictions. +21583006 One of the best deals, though, may mean skipping Christmas dinner with the relatives. +21583007 This week, many carriers are announcing cut-rate fares designed to get people to fly on some of the most hallowed -- and slowest -- days of the year, including Christmas. +21583008 In recent years, the airlines had waited until the last moment to court Christmas season vacationers with bargain fares. +21583009 That approach flopped: Last Christmas Day, a USAir Group Inc. DC-9 jetliner flew about seven passengers from Chicago to Pittsburgh. +21583010 So this year, the airlines are getting a jump on holiday discounts. +21583011 They are cutting ticket prices by as much as 70% from normal levels for travel to most U.S. locations on Dec. 24, 25, 29, 30 and 31, and Jan. 4, 5 and 6. +21583012 The promotions -- dubbed everything from 'Tis the Season to be Jolly to Kringle fares -- put round-trip fares at $98, $148 and $198. +21583013 "They're trying to keep planes flying on days they'd normally park them," says Roger Bard, president of Mr. Mitchell Travel Service in Burnsville, N.C. +21583014 Expect, of course, sky-high prices on other dates near the holidays when the airlines know vacationers are eager to travel. +21583015 Consider Adopting Your Spouse's Name +21583016 IF CONTINENTAL Airlines has its way, couples like Marlo Thomas and Phil Donahue may find it a hassle to qualify for some new discounts. +21583017 Continental, a Texas Air Corp. unit, recently unveiled a marketing program offering free companion tickets to business-class and first-class passengers on international flights. +21583018 The Continental catch: Only immediate family members are allowed, and they must have the same last name as the buyer of the ticket or legal proof they're related. +21583019 That irritates many women who haven't taken their husbands' last name. +21583020 "What a bunch of nonsense," says Jessica Crosby, president of the New York chapter of the National Association of Women Business Owners. +21583021 "This sets things way back." +21583022 Continental's logic: It doesn't want business companions abusing the promotion by falsely claiming to be related. +21583023 "We accommodate their choice of names by allowing them to demonstrate" family affiliation with legal documents, says Jim O'Donnell, a senior vice president. +21583024 But gay rights advocates are angry, too. +21583025 The Lambda Legal Defense and Education Fund of New York City has received complaints from homosexual couples whom the airline doesn't recognize as family. +21583026 "It's certainly discrimination," says attorney Evan Wolfson, whose group forced Trans World Airlines this year to change a rule that allowed travelers to transfer frequent flier awards only to family members. +21583027 Take Your Vacation In a Hurricane Area +21583028 WHEN HURRICANE Hugo careened through the Caribbean and the Atlantic coast states, it downed electric and telephone lines, shot coconuts through cottage rooftops, shattered windows and uprooted thousands of lives. +21583029 It also lowered some air fares. +21583030 Since the hurricane, Midway Airlines Inc. and American Airlines, a unit of AMR Corp., trimmed their one-way fares to the Virgin Islands to $109 from prices that were at times double that before the storm. +21583031 The fares are code-named Hugo, Compassion and Virgin Islands Aid. +21583032 (Airlines aren't lowering fares to Northern California following this week's earthquake, but reservation agents can waive advance-purchase restrictions on discount fares for emergency trips.) +21583033 Some hotels in the hurricane-stricken Caribbean promise money-back guarantees. +21583034 In Myrtle Beach, S.C., the damaged Yachtsman Resort offers daily rates as low as $35, or as much as 22% below regular prices. +21583035 Says Michele Hoffman, a clerk in the resort's front office: "We don't have the outdoor pool, the pool table, ping pong table, snack bar or VCR, but we still have the indoor pool and Jacuzzi." +21583036 Just Wait Until You're a Bit Older +21583037 SENIOR CITIZENS have long received cheap air fares. +21583038 This year, the older someone is the bigger the discount. +21583039 A senior citizen between 62 and 70 saves 70% off regular coach fare. +21583040 Travelers up to age 99 get a percentage discount matching their age. +21583041 And centenarians fly free in first class. +21583042 Next month, Northwest Airlines says, a 108-year-old Lansing, Mich., woman is taking it up on the offer to fly with her 72-year-old son to Tampa, Fla. +21583043 Last year when Northwest first offered the promotion, only six centenarians flew free. +21583044 If All Else Fails. . . . +21583045 THE NATION'S carriers also provide discounts to Red Cross workers, retired military personnel and medical students. +21583046 There's even a special fare for clergy that doesn't require the usual stay over Saturday night. +21583047 That way, they can be home in time for work Sunday. +21584001 The British Petroleum Co. PLC said its BP Exploration unit has produced the first oil from its Don oilfield in the North Sea. +21584002 In an official release, BP said initial production from the field was 11,000 barrels a day, and that it expects peak output from the field of 15,000 barrels a day to be reached in 1990. +21585001 As the sponsor of the "Older Americans Freedom to Work Act," which would repeal the Social Security earnings limit for people aged 65 and older, I applaud your strong endorsement to repeal this Depression-era fossil. +21585002 For every dollar earned over $8,880, Social Security recipients lose 50 cents of their Social Security benefits; it's like a 50% marginal tax. +21585003 But the compounded effects of "seniors only" taxes result in truly catastrophic marginal tax rates. +21585004 Imagine a widow who wants to maintain her standard of living at the same level she had before she had to pay the catastrophic surtax. +21585005 Although this widow earns only twice the minimum wage, largely due to the earnings limit, she would have to earn an additional $4,930 to offset her catastrophic surtax of $496. +21585006 Eliminating the earnings limit would greatly help seniors and reduce the deficit. +21585007 Repeal would generate more in new taxes than the government would lose in increased Social Security benefit payments. +21585008 We now need support from the Democrats on the Rules Committee in order to include earnings-limit reform in the Reconciliation Bill. +21585009 Since all four Republicans on the committee are co-sponsors of my bill, it is the Democrats who will be held fully accountable if an earnings test amendment is not allowed from the floor. +21585010 The time is now to lift the burdensome Social Security earnings limit from the backs of our nation's seniors. +21585011 Rep. J. Dennis Hastert (R., Ill.) +21586001 When his Seventh Avenue fur business here was flying high 20 years ago, Jack Purnick had 25 workers and a large factory. +21586002 Now his half-dozen employees work in an eighth-floor shop that he says is smaller than his old storage room. +21586003 He also says he is losing money now. +21586004 He blames imports. +21586005 But just down Seventh Avenue, where about 75% of U.S. fur garments are made, Larry Rosen has acquired two retail outlets, broadened his fur-making line and expanded into leather. +21586006 He credits imports. +21586007 The difference lies in how the two entrepreneurial furriers reacted to the foreign competition and transformation of their industry over the past 10 years. +21586008 One stuck to old-line business traditions, while the other embraced the change. +21586009 "The small, good fur salon is not what it used to be," says Mr. Purnick, 75 years old. +21586010 "We make the finest product in the world, and the Americans are being kicked around." +21586011 Mr. Rosen, though, believes imports have reinvigorated the industry in which he has worked for most of his 57 years. +21586012 "You've got some minds here that won't think progressively," he says. +21586013 Import competition for U.S. furs has risen sharply since furriers started aggressively marketing "working-girl mink" and similar lower-priced imported furs in recent years. +21586014 Merchants discovered a consumer largely ignored by higher-priced furriers: the younger woman -- even in her late 20s -- who never thought she could buy a mink. +21586015 The new market helped boost U.S. fur sales to about $1.8 billion a year now, triple the level in the late 1970s. +21586016 It also opened the door to furs made in South Korea, China, Hong Kong and other countries. +21586017 Jindo Furs, a large South Korean maker, says it operates 35 retail outlets in the U.S. and plans to open 15 more by the end of next year. +21586018 Mr. Purnick and other old-line furriers call many of the the imports unstylish and poorly made. +21586019 High-end U.S. furriers say these imports haven't squeezed them. +21586020 But low-priced and middle-priced furriers like Mr. Purnick, who once saturated the five-block Seventh Avenue fur district, say imports have cut their sales. +21586021 A woman who once would have saved for two or three seasons to buy a U.S.-made mink can now get an imported mink right away for less than $2,000. +21586022 Yet Mr. Rosen has turned the import phenomenon to his advantage. +21586023 Early in the decade he saw that fur workers in many foreign countries were willing to work longer hours at lower wages than their American counterparts and were more open to innovation. +21586024 In 1982, he started a factory in Greece. +21586025 Two years later, he opened one in West Germany. +21586026 He also noticed that foreign makers were introducing many variations on the traditional fur, and he decided to follow suit. +21586027 By combining his strengths in innovation and quality control with the lower costs of production abroad, he says he has been able to produce high-quality goods at low cost. +21586028 To maintain control over production and avoid overdependence on foreign sources, he says he still makes most of his furs in the U.S. +21586029 But six years ago he also began importing from the Far East. +21586030 Inspired by imports, Mr. Rosen now makes fur muffs, hats and flings. +21586031 This year he produced a men's line and offers dyed furs in red, cherry red, violet, royal blue and forest green. +21586032 He has leather jackets from Turkey that are lined with eel skin and topped off with raccoon-skin collars. +21586033 From Asia, he has mink jackets with floral patterns made by using different colored furs. +21586034 Next he will be testing pictured embroidery (called kalega) made in the Far East. +21586035 He plans to attach the embroidery to the backs of mink coats and jackets. +21586036 Besides adding to sales, leathers also attract retailers who may buy furs later, he adds. +21586037 Other furriers have also benefited from leathers. +21586038 Seymour Schreibman, the 65-year-old owner of Schreibman Raphael Furs Inc., treats the reverse side of a Persian lambskin to produce a reversible fur-and-leather garment. +21586039 He says it accounts for 25% of total sales. +21586040 Mr. Rosen is also pushing retail sales. +21586041 This year he bought two stores, one in Brooklyn and one in Queens. +21586042 Other furriers have also placed more weight on retailing. +21586043 Golden Feldman Furs Inc. began retailing aggressively eight years ago, and now retail sales account for about 20% of gross income. +21586044 In other moves, Mr. Rosen says he bought a truck three years ago to reach more retailers. +21586045 Since then he has expanded his fleet and can now bring his furs to the front door of retailers as far away as the Midwest. +21586046 Small retailers who can't afford to travel to his New York showroom have become fair game. +21586047 Such moves have helped Mr. Rosen weather the industry slump of recent years. +21586048 The industry enjoyed six prosperous years beginning in 1980, but since 1986 sales have languished at their $1.8 billion peak. +21586049 Large furriers such as Antonovich Inc., Fur Vault Inc. and Evans Inc. all reported losses in their latest fiscal years. +21586050 Aftereffects of the 1987 stock market crash head the list of reasons. +21586051 In addition, competition has glutted the market with both skins and coats, driving prices down. +21586052 The animal-rights movement hasn't helped sales. +21586053 Warm winters over the past two years have trimmed demand, too, furriers complain. +21586054 And those who didn't move some production overseas suffer labor shortages. +21586055 "The intensive labor needed to manufacture furs {in the U.S.} is not as available as it was," says Mr. Schreibman, who is starting overseas production. +21586056 But even those who have found a way to cope with the imports and the slump, fear that furs are losing part of their allure. +21586057 "People are promoting furs in various ways and taking the glamour out of the fur business," says Stephen Sanders, divisional merchandise manager for Marshall Field's department store in Chicago. +21586058 "You can't make a commodity out of a luxury," insists Mr. Purnick, the New York furrier. +21586059 He contends that chasing consumers with low-priced imports will harm the industry in the long run by reducing the prestige of furs. +21586060 But Mr. Rosen responds: "Whatever people want to buy, I'll sell. +21586061 The name of the game is to move goods. +21587001 Four workers at GTE Corp.'s headquarters have been diagnosed as having hepatitis, and city health officials are investigating whether a cafeteria worker may have exposed hundreds of other GTE employees to the viral infection, company and city officials said. +21587002 The four cases were all reported to GTE's medical director and state and local health authorities. +21587003 GTE shut down its cafeteria Tuesday afternoon after testing determined that at least one cafeteria worker employed by GTE's private food vending contractor, ARA Services Inc., was suffering from a strain of the virus, officials said. +21587004 More than 700 people work in the GTE building. +21587005 The cafeteria remains closed. +21587006 Dr. Andrew McBride, city health director, said his staff suspects the hepatitis, which can be highly contagious, was spread by the cafeteria worker with the virus. +21587007 The exact strain of hepatitis that the cafeteria worker contracted hasn't been determined but should be known by the end of the week, Dr. McBride said. +21587008 Hepatitis A, considered the least dangerous strain of the virus, has been confirmed in at least one GTE employee, company and city officials said. +21587009 "From a public health point of view we're relieved because hepatitis A is rarely life-threatening," said Dr. Frank Provato, GTE's medical director. +21587010 "It's a double-edged sword though, because it is also the most contagious kind of hepatitis." +21587011 GTE officials began posting warning notices about the potential threat to exposure Wednesday morning at various places at the company, said GTE spokesman Thomas Mattausch. +21587012 The company has begun offering shots of gamma globulin, which will diminish the flu-like symptoms of hepatitis A, in anyone who has contracted the disease, Mr. Mattausch said. +21587013 "We're strongly recommending that anyone who has eaten in the cafeteria this month have the shot," Mr. Mattausch added, "and that means virtually everyone who works here. +21588001 I was appalled to read the misstatements of facts in your Oct. 13 editorial "Colombia's Brave Publisher." +21588002 It is the right-wing guerrillas who are aligned with the drug traffickers, not the left wing. +21588003 This information was gleaned from your own news stories on the region. +21588004 Past Colombian government tolerance of the "narcotraficantes" was due to the drug lords' history of wiping out leftists in the hinterlands. +21588005 Mary Poulin Palo Alto, Calif. +21588006 I suggest that The Wall Street Journal (as well as other U.S. news publications of like mind) should put its money where its mouth is: Lend computer equipment to replace that damaged at El Espectador, buy ad space, publish stories under the bylines of El Espectador journalists. +21588007 Perhaps an arrangement could be worked out to "sponsor" El Espectador journalists and staff by paying for added security in exchange for exclusive stories. +21588008 Reward El Espectador's courage with real support. +21588009 Douglas B. Evans +21589001 COCA-COLA Co. (Atlanta) -- +21589002 Anton Amon and George Gourlay were elected vice presidents of this soft-drink company. +21589003 Mr. Amon, 46 years old, is the company's director of quality assurance; most recently, he served as vice president, operations, for Coca-Cola Enterprises. +21589004 Mr. Gourlay, 48, is manager for corporate manufacturing operations; he was assistant vice president at the company. +21590001 In the wake of a slide in sterling, a tailspin in the stock market, and a string of problematic economic indicators, British Chancellor of the Exchequer Nigel Lawson promised gradual improvement in the U.K. economy. +21590002 In a speech prepared for delivery to London's financial community, Mr. Lawson summed up current economic policy as a battle to wring inflation out of the British economy, using high interest rates as "the essential instrument" to carry out the campaign. +21590003 Two weeks after boosting base rates to 15%, he pledged that "rates will have to remain high for some time to come." +21590004 Mr. Lawson also made it clear that he would be watching exchange rates carefully. +21590005 A sinking pound makes imports more expensive and increases businesses' expectations of future inflation, he argued. +21590006 In an apparent warning to currency traders who have lately been selling the British currency, he stated that the exchange rates will have a "major role in the assessment of monetary conditions." +21590007 In reaffirming the current monetary policy of using high interest rates to fight inflation and shore up the pound, Mr. Lawson dismissed other approaches to managing the economy. +21590008 He said he monitors the money-supply figures, but doesn't give them paramount importance, as some private and government economists have suggested. +21590009 Mr. Lawson also dismissed the possibility of imposing direct credit controls on Britain's financial system. +21590010 Mr. Lawson's speech, delivered at the Lord Mayor of London's annual dinner at Mansion House, came on the heels of a grueling period for the U.K. economy. +21590011 Two weeks ago, in a campaign to blunt inflation at home and arrest a world-wide plunge in the pound, he raised base rates a full percentage point to 15%. +21590012 Despite the increase, the British currency slid below a perceived threshold of three marks early last week. +21590013 It was quoted at 2.9428 marks in late New York trading Wednesday. +21590014 Leading up to the speech was a drumroll of economic statistics suggesting that the British war on inflation will be more bruising than previously assumed. +21590015 Unemployment in September dropped to 1,695,000, the lowest level since 1980. +21590016 While lower joblessness is generally good news, the hefty drop last month indicates that the economy isn't slowing down as much as hoped -- despite a doubling of interest rates over the last 16 months. +21590017 Meanwhile, average earnings in Britain were up 8.75% in August over the previous year. +21590018 Another inflationary sign came in a surge in building-society lending to a record #10.2 billion ($16.22 billion) last month, a much higher level than economists had predicted. +21590019 In a separate speech prepared for delivery at the dinner, Robin Leigh-Pemberton, Bank of England governor, conceded that "demand pressures were even more buoyant than had been appreciated" when the British economy was heating up last year. +21590020 He added that "there's no quick-fix solution" to the economic woes, and said "tight monetary policy is the right approach." +21590021 Discussing the recent slide in stock prices, the central bank governor stated that "the markets now appear to have steadied" after the "nasty jolt" of the 190.58-point plunge in the Dow Jones Industrial Average a week ago. +21590022 Although the New York market plunge prompted a 70.5-point drop in the London Financial Times-Stock Exchange 100 Share Index, Mr. Leigh-Pemberton declared "that the experience owed nothing to the particular problems of the British economy." +21590023 Specifically, he pointed out that compared with the U.S. market, the U.K. has far fewer highly leveraged junk-bond financings. +21590024 Discussing future monetary arrangements, Mr. Lawson repeated the Thatcher government's commitment to join the exchange rate mechanism of the European Monetary System, but he didn't indicate when. +21591001 Ing. +21591002 C. Olivetti & Co., claiming it has won the race in Europe to introduce computers based on a powerful new microprocessor chip, unveiled its CP486 computer yesterday. +21591003 The product is the first from a European company based on Intel Corp.'s new 32-bit 486tm microprocessor, which works several times faster than previously available chips. +21591004 Hewlett-Packard Co. became the first company world-wide to announce a product based on the chip earlier this month, but it won't start shipping the computers until early next year. +21591005 An Olivetti spokesman said the company's factories are already beginning to produce the machine, and that it should be available in Europe by December. +21591006 "What this means is that Europeans will have these machines in their offices before Americans do," the spokesman said. +21591007 The new chip "is a very big step in computing, and it is important that Olivetti be one of the first out on the market with this product," said Patricia Meagher Davis, an analyst at James Capel & Co. in London. +21591008 Executives at Olivetti, whose earnings have been steadily sliding over the past couple of years, have acknowledged that in the past they have lagged at getting new technology to market. +21591009 Ms. Davis said the new machines could steal some sales away from Olivetti's own minicomputers, but would bring new sales among professionals such as engineers, stockbrokers and medical doctors. +21591010 Although Olivetti's profits tumbled 40% in the first half of this year, she believes Olivetti's restructuring last fall and its introduction of new products will begin to bear fruit with an earnings rebound next year, especially if it can fulfill its promise to deliver the new machines by December. +21591011 "We think the worst is over" in the European information-technology market, she said. +21591012 Depending on the type of software and peripherals used, the machines can serve either as the main computer in a network of many terminals (a role usually filled by a minicomputer), as a technical workstation or as a very fast personal computer. +21591013 "It's the missing link" in Olivetti's product line between small personal computers and higher-priced minicomputers, the Olivetti spokesman said. +21591014 He added that Olivetti will continue making its LSX minicomputer line. +21591015 The machines will cost around $16,250 on average in Europe. +21591016 The Intel 486 chip can process 15 million instructions per second, or MIPS, while Intel's previous 386 chip could handle only 3 to 6 MIPS. +21591017 Olivetti also plans to sell the CP486 computer in the U.S. starting next year through Olivetti USA and through its ISC/Bunker Ramo unit, which specializes in automating bank-branch networks. +21592001 Viatech Inc. said it received approval from the French government for its proposed $44.7 million acquisition of Ferembal S.A. +21592002 The approval satisfies the remaining conditions of the purchase, which is expected to close within two weeks. +21592003 erembal, the second-largest maker of food cans in France, had 1988 sales of $150 million. +21592004 Ferembal has 930 workers at four canning manufacturing plants and one plastic container facility. +21592005 Viatech makes flexible packaging films and machinery, and materials for the food and pharmaceutical industries. +21593001 Social Security benefits will rise 4.7% next year to keep pace with inflation, boosting the average monthly benefit to $566 from $541, the Department of Health and Human Services announced. +21593002 The higher payments will start with Social Security checks received on Jan. 3, 1990. +21593003 Supplemental Security Income payments to the disabled also will rise 4.7%, starting with checks received on Dec. 29, 1988, increasing the maximum SSI payment to $386 from $368 a month. +21593004 The inflation adjustment also means that the maximum annual level of earnings subject to the wage tax that generates revenue for the Social Security trust fund will rise to $50,400 in 1990 from $48,000 this year. +21593005 As mandated by law, the tax rate will rise to 7.65% in 1990 from 7.51% and won't rise any further in the future. +21593006 This means that the maximum yearly Social Security tax paid by workers and employers each will rise $250.80 next year to $3,855.60. +21593007 Beneficiaries aged 65 through 69 will be able to earn $9,360 without losing any Social Security benefits in 1990, up from $8,880 this year. +21593008 The exempt amount for beneficiaries under 65 will rise to $6,840 from $6,480. +21593009 The adjustments reflect the increase in the consumer price index for urban wage earners and clerical workers from the third quarter of last year to the third quarter of this year. +21594001 Health-care companies should get healthier in the third quarter. +21594002 Medical-supply houses are expected to report earnings increases of about 15% on average for the third quarter, despite sales increases of less than 10%, analysts say. +21594003 To offset sluggish sales growth, companies have been cutting staff, mostly through attrition, and slowing the growth in research and development spending. +21594004 Sales growth in the quarter was slowed by mounting pressure from groups of buyers, such as hospitals, to hold down prices. +21594005 Suppliers were also hurt by the stronger U.S. dollar, which makes sales abroad more difficult. +21594006 In some cases, competition has squeezed margins. +21594007 Becton, Dickinson & Co., for example, faces stiff competition from a Japanese supplier in the important syringe market. +21594008 The Franklin Lakes, N.J., company is expected to report sales growth of only 5% to 6%, but should still maintain earnings growth of 10%, says Jerry E. Fuller, an analyst with Duff & Phelps Inc. +21594009 Among the first of the group to post results, Abbott Laboratories said third-quarter net income jumped 14% to $196 million, or 88 cents a share, from $172 million, or 76 cents a share, a year earlier. +21594010 Sales for the company, based in Abbott Park, Ill., rose 8.3% to $1.31 billion from $1.21 billion. +21594011 Baxter International Inc. yesterday reported net climbed 20% in the third period to $102 million, or 34 cents a share, from $85 million, or 28 cents a share, a year earlier. +21594012 Sales for the Deerfield, Ill., company rose 5.8% to $1.81 billion from $1.71 billion. +21594013 But not every company expects to report increased earnings. +21594014 C.R. Bard Inc. yesterday said third-quarter net plunged 51% to $9.9 million, or 18 cents a share, from $20 million, or 35 cents a share, a year earlier. +21594015 Sales fell 1.2% to $190.1 million from $192.5 million. +21594016 The Murray Hill, N.J., company said full-year earnings may be off 33 cents a share because the company removed a catheter from the market. +21594017 In 1988, the company earned $1.38 a share. +21594018 The Food and Drug Administration had raised questions about the device's design. +21594019 Some analysts add that third-party pressures to reduce health costs will continue to bedevil companies' bottom lines. +21594020 Takeover speculation, which has been buoying stocks of supply houses, may also ease, says Peter Sidoti, an analyst with Drexel Burnham Lambert Inc. +21594021 "As that wanes, you're going to see the stocks probably wane as well," he says. +21594022 Hospitals companies, meanwhile, are reporting improved earnings. +21594023 Bolstered by strong performances by its psychiatric hospitals, National Medical Enterprises Inc., Los Angeles, reported net income of $50 million, or 65 cents a share, for the first quarter ended Aug. 31, up from $41 million, or 56 cents a share, a year earlier. +21594024 Humana Inc., Louisville, Ky., also reported favorable results, with net income of $66.7 million, or 66 cents, in the fourth quarter ended Aug. 31, up from $58.2 million, or 59 cents, a year earlier. +21594025 Analysts say the handful of hospital companies that are still publicly traded are benefiting from several trends. +21594026 Most important, hospital admission rates are stabilizing after several years of decline. +21594027 Moreover, companies have sold off many of their smaller, less-profitable hospitals and have completed painful restructurings. +21594028 Humana's revenues, for example, are being boosted by large increases in enrollments in the company's health maintenance organizations. +21594029 Says Todd Richter, an analyst with Dean Witter Reynolds: "The shakeout in the publicly traded companies is over. +21595001 Initial claims for regular state unemployment benefits rose to a seasonally adjusted 396,000 during the week ended Oct. 7 from 334,000 the previous week, the Labor Department said. +21595002 The number of people receiving regular state benefits in the week ended Sept. 30 decreased to a seasonally adjusted 2,202,000, or 2.2% of those covered by unemployment insurance, from 2,205,000 the previous week, when the insured unemployment rate also was 2.2%. +21595003 Counting all state and federal benefit programs, the number of people receiving unemployment benefits in the week ended Sept. 30 fell to 1,809,300 from 1,838,200 a week earlier. +21595004 These figures aren't seasonally adjusted. +21595005 A Labor Department spokesman said the unusually high number of initial claims for state unemployment benefits reflects the impact of Hurricane Hugo on southern states, particularly North Carolina and South Carolina. +21595006 The figure also may reflect initial claims filed by striking Nynex Corp. workers who have become eligible for unemployment benefits, the official said. +21596001 Digital Equipment Corp. reported a 32% decline in net income on a modest revenue gain in its fiscal first quarter, causing some analysts to predict weaker results ahead than they had expected. +21596002 Although the second-largest computer maker had prepared Wall Street for a poor quarter, analysts said they were troubled by signs of flat U.S. orders and a slowdown in the rate of gain in foreign orders. +21596003 The Maynard, Mass., company is in a transition in which it is trying to reduce its reliance on mid-range machines and establish a presence in workstations and mainframes. +21596004 Net for the quarter ended Sept. 30 fell to $150.8 million, or $1.20 a share, from $223 million, or $1.71 a share, a year ago. +21596005 Revenue rose 6.4% to $3.13 billion from $2.94 billion. +21596006 Digital said a shift in its product mix toward low-end products and strong growth in workstation sales yielded lower gross margins. +21596007 A spokesman also said margins for the company's service business narrowed somewhat because of heavy investments made in that sector. +21596008 The lack of a strong product at the high end of Digital's line was a significant drag on sales. +21596009 Digital hopes to address that with the debut of its first mainframe-class computers next Tuesday. +21596010 The new line is aimed directly at International Business Machines Corp. +21596011 "Until the new mainframe products kick in, there won't be a lot of revenue contribution at the high end, and that's hurt us," said Mark Steinkrauss, Digital's director of investor relations. +21596012 He said unfavorable currency translations were also a factor in the quarter. +21596013 DEC shares rose $1.375 to $89.75 apiece in consolidated New York Stock Exchange trading yesterday. +21596014 But analysts said that against the backdrop of a nearly 40-point rise in the Dow Jones Industrial Average, that shouldn't necessarily be taken as a sign of great strength. +21596015 Some cut their earnings estimates for the stock this year and predicted more efforts to control costs ahead. +21596016 "I think the next few quarters will be difficult," said Steven Milunovich of First Boston. +21596017 "Margins will remain under pressure, and when the new mainframe does ship, I'm not sure it will be a big winner. +21596018 " Mr. Milunovich said he was revising his estimate for DEC's current year from $8.20 a share to "well below $8," although he hasn't settled on a final number. +21596019 One troubling aspect of DEC's results, analysts said, was its performance in Europe. +21596020 DEC said its overseas business, which now accounts for more than half of sales, improved in the quarter. +21596021 It even took the unusually frank step of telling analysts in a morning conference call that orders in Europe were up in "double digits" in foreign-currency terms. +21596022 That gain probably translated into about 5% to 7% in dollar terms, well below recent quarters' gains of above 20%, reckons Jay Stevens of Dean Witter Reynolds. +21596023 "That was a disappointment" and a sign of overall computer-market softness in Europe, Mr. Stevens said. +21596024 Marc Schulman, with UBS Securities in New York, dropped his estimate of DEC's full-year net to $6.80 a share from $8. +21596025 Although overall revenues were stronger, Mr. Schulman said, DEC "drew down its European backlog" and had flat world-wide orders overall. +21596026 "The bottom line is that it's more hand to mouth than it has been before," he said. +21596027 Mr. Schulman said he believes that the roll-out of DEC's new mainframe will "occur somewhat more leisurely" than many of his investment colleagues expect. +21596028 He said current expectations are for an entry level machine to be shipped in December, with all of the more sophisticated versions out by June. +21596029 For reasons he wouldn't elaborate on, he said he's sure that schedule won't be met, meaning less profit impact from the product for DEC in the next few quarters. +21596030 John R. Wilke contributed to this article. +21597001 Colgate Palmolive Co. reported third-quarter net income rose 27%, bolstered by strong sales in its Latin American business and surprisingly healthy profits from U.S. operations. +21597002 Colgate said net income for the quarter rose to $76.7 million, or $1.06 a share, on sales that increased 6% to $1.3 billion. +21597003 In the year-earlier period, Colgate posted net income of $60.2 million, or 88 cents a share. +21597004 Last year's results included earnings from discontinued operations of $13.1 million, or 19 cents a share. +21597005 Reuben Mark, chairman and chief executive officer of Colgate, said earnings growth was fueled by strong sales in Latin America, the Far East and Europe. +21597006 Results were also bolstered by "a very meaningful increase in operating profit at Colgate's U.S. business," he said. +21597007 Operating profit at Colgate's U.S. household products and personal care businesses, which include such well-known brands as Colgate toothpaste and Fab laundry detergent, jumped more than 40%, the company said. +21597008 Mr. Mark attributed the improvement to cost savings achieved by consolidating manufacturing operations, blending together two sales organizations and more carefully focusing the company's promotional activities. +21597009 "We've done a lot to improve (U.S.) results and a lot more will be done," Mr. Mark said. +21597010 "Improving profitability of U.S. operations is an extremely high priority in the company." +21597011 Colgate's results were at the high end of the range of analysts' forecasts. +21597012 The scope of the improvement in the U.S. business caught some analysts by surprise. +21597013 The company's domestic business, especially its household products division, has performed poorly for years. +21597014 Analysts say the earnings improvement came from cutting costs rather than increasing sales. +21597015 For the nine months, net increased 14% to $217.5 million, or $3.09 a share. +21597016 Sales rose 7% to $3.8 billion. +21597017 The company earned $191.1 million, or $2.79 a share, in the year-earlier period. +21597018 Colgate's 1988 net income included $40.1 million, or 59 cents a share, from discontinued operations. +21597019 Colgate sold its hospital supply and home health care business last year. +21597020 Separately, Colgate Wednesday finalized an agreement with MacroChem Corp., a tiny dental products and pharmaceutical concern based in Billerica, Mass., to market in the U.S. four of MacroChem's FDA-approved dental products. +21597021 The products -- sealants and bonding materials used by dentists -- all contain fluoride that is released over time. +21597022 The move is part of a drive to increase Colgate's business with dentists, a company spokeswoman said. +21597023 Terms of the agreement weren't given. +21598001 USACafes Limited Partnership said it completed the sale of its Bonanza restaurant franchise system to a subsidiary of Metromedia Co. for $71 million in cash. +21598002 USACafes, which is nearly half-owned by Sam and Charles Wyly of Dallas, said it will distribute proceeds from the sale to unit holders as a liquidating dividend as soon as possible. +21598003 The Bonanza franchise system, which generates about $600 million in sales annually, represented substantially all of the partnership's assets. +21598004 The sale of the system has been challenged in a class-action suit on behalf of unit holders filed last week in a Delaware court, USACafes said. +21598005 The company said it believes the suit is without merit. +21599001 American Telephone & Telegraph Co. unveiled a sweetened pension and early-retirement program for management that it hopes will enable it to save $450 million in the next year. +21599002 AT&T also said net income rose 19% in the third quarter. +21599003 AT&T said its amended pension program will nearly double to 34,000 the number of managers eligible to retire with immediate pension payments. +21599004 AT&T said that based on studies of other companies that have offered retirement plans, it expects about one-third of its eligible managers to retire under the new program. +21599005 AT&T said third-quarter net income grew, despite stiff competition in all of the company's markets. +21599006 Net income rose to $699 million, or 65 cents a share, from the year-earlier $587 million, or 55 cents a share. +21599007 Revenue edged up to $8.9 billion from $8.81 billion. +21599008 The latest period's net was reduced $102 million, or nine cents a share, for a change in depreciation method and concurrent changes in estimates of depreciable lives and net salvage for certain telecommunications equipment. +21599009 The results roughly matched estimates of securities analysts, who were encouraged by AT&T increasing its operating margin to 13% from 11% a year ago, because of continued cost-cutting efforts. +21599010 Sales of long-distance services, an extremely competitive market, rose 6.4%. +21599011 But the growth was partly offset by lower equipment sales and rentals and price cuts on some products. +21599012 Under the amended pension program, AT&T managers who have at least five years of service will have five years added to their age and length of service for pension purposes. +21599013 Managers who retire Dec. 30 will have an additional 15% added to their monthly pension for as long as five years or age 65, whichever comes earlier. +21599014 An AT&T spokeswoman said the company would likely replace about one-third of its managers who choose to retire with new employees. +21599015 Analysts hailed the sweetened pension package, which they said had been the subject of rumors for several months. +21599016 "This tells you AT&T is serious about continuing to manage their cost structure and is committed to 20%-a-year earnings growth," said Jack Grubman, an analyst with PaineWebber Inc. +21599017 But other analysts expressed disappointment that the cost-cutting move won't result in even greater earnings growth. +21599018 "This is a good move, but it only gets you to where people's expectations already are," in terms of earnings growth, said Joel D. Gross, an analyst with Donaldson, Lufkin & Jenrette. +21599019 Mr. Gross said he had hoped that a cost savings of $450 million would result in even greater growth than the 20% annual earnings increase AT&T has told analysts it expects in the future. +21599020 AT&T said the special retirement option will increase fourth-quarter expenses. +21599021 But the company said the amount can't be determined until it knows how many managers opt to retire. +21599022 AT&T said the expense increase will be largely offset by a gain from its previously announced plan to swap its holdings in Ing. C. Olivetti & Co. for shares in Cie. Industriali Riunite, an Italian holding company. +21599023 For the nine months, AT&T said net income was $1.99 billion, or $1.85 a share, up 19% from $1.67 billion, or $1.56 a share. +21599024 Revenue gained 3.1% to $26.81 billion from $26 billion. +21599025 In composite trading yesterday on the New York Stock Exchange, AT&T shares closed at $43.375, up 87.5 cents. +21600001 When it comes to buying and selling shares, Westridge Capital Management Inc. takes a back seat to no one. +21600002 Every dollar's worth of stock in the Los Angeles money manager's portfolio is traded seven or eight times a year, the firm estimates. +21600003 That makes it the most active trader among all the nation's investment advisers, according to Securities and Exchange Commission filings. +21600004 But wait a second. +21600005 Westridge Capital is an index fund -- the type of stolid long-term investor whose goal is to be nothing more than average. +21600006 Westridge Capital's frenetic trading reflects the changes sweeping through the previously sleepy world of indexing. +21600007 Indexing for the most part has involved simply buying and then holding stocks in the correct mix to mirror a stock market barometer, such as Standard & Poor's 500-stock index, and match its performance. +21600008 Institutional investors have poured $210 billion into stock and bond indexing as a cheap and easy form of investment management that promises to post average market returns. +21600009 These big investors have flocked to indexing because relatively few "active" stock pickers have been able to consistently match the returns of the S&P 500 or other bellwethers, much less beat it. +21600010 And the fees investors pay for indexing run a few pennies for each $100 of assets -- a fraction of the cost of active managers. +21600011 That's because computers do most of the work, and low trading activity keeps a lid on commission costs. +21600012 But today, indexing is moving from a passive investment strategy to an increasingly active one. +21600013 Because index-fund managers are no longer satisfied with merely being average, they have developed "enhanced" indexing strategies that are intended to outperform the market as much as three percentage points. +21600014 "Indexing has been the most single successful investment concept in the last decade, but the index money has been just sort of sitting there," says Seth M. Lynn, president of Axe Core Investors Inc., an indexer based in Tarrytown, N.Y. +21600015 "Now the interest is in what else can I do with that money." +21600016 Among the souped-up indexing strategies: Indexed portfolios can be built around thousands of stocks, or just a few dozen, rather than being restricted to the S&P 500 companies. +21600017 They can ignore the S&P 500 stocks altogether and focus on particular types of stocks, such as smaller companies, those paying high dividends or companies in a particular industry, state or country. +21600018 With today's computer-driven program trading techniques, index funds can trade back and forth between stock-index futures and the actual stocks making up indexes such as the S&P 500. +21600019 Futures and options also make it possible to build "synthetic" index funds that don't actually own a single share of stock, but can produce returns that match or exceed the broad stock market. +21600020 One reason for these hybrids is that indexing's rapid growth is slowing, particularly for those "plain vanilla" funds that mirror the S&P 500. +21600021 "There isn't a boatload {of big investors} out there still waiting to get into indexing," says P. James Kartalia, vice president of ANB Investment Management Co., Chicago, which offers both indexing and active management services. +21600022 (After tripling in size in the past five years, index funds now hold about 20% of the stock owned by pension funds.) +21600023 A further problem is razor-thin profits. +21600024 Plain-vanilla funds have become so commonplace that fees they can charge have plunged to almost nothing, and in some cases are just that. +21600025 To land customers for their well-paying stock custodial business, big banks sometimes will throw in basic indexing services for free. +21600026 "It's like getting a free toaster when you open an account," says Axe Core's Mr. Lynn. +21600027 As a result, indexers have been looking for ways to give investors something more than the average for their money. +21600028 And many have been successful, as in the case of the index fund operated by hyper-trader Westridge Capital. +21600029 Westridge Capital has used enhanced indexing techniques to beat the S&P 500's returns by 2.5 to 3 percentage points over the past four years, with the same risk level as holding the S&P 500 stocks, according to James Carder, the firm's president. +21600030 Strategies vary for Westridge Capital, which has $300 million under management. +21600031 The firm sometimes buys S&P 500 futures when they are selling at a discount to the actual stocks, and will switch back and forth between stocks and stock-index futures to take advantages of any momentary price discrepencies. +21600032 Mr. Carder also goes through periods when he buys stocks in conjunction with options to boost returns and protect against declines. +21600033 And in some months, he buys stock-index futures and not stocks at all. +21600034 "By their nature, our trades are very short-term and are going to create high turnover," Mr. Carder adds. +21600035 "The more turnover, the better for our clients." +21600036 Big indexer Bankers Trust Co. also uses futures in a strategy that on average has added one percentage point to its enhanced fund's returns. +21600037 J. Thomas Allen, president of Pittsburgh-based Advanced Investment Management Inc., agrees it's a good idea to jump between the S&P 500 stocks and futures. +21600038 "You're buying the S&P, and you always want to hold the cheapest form of it," he says. +21600039 But some indexers make little or no use of futures, saying that these instruments present added risks for investors. +21600040 "If the futures markets have a problem, then those products could have a problem," says John Zumbrunn, managing director of Prudential Insurance Co. of America's Investment Index Technologies Inc. unit. +21600041 Prudential currently is seeking approval to offer a new fund offering a return equal to the S&P 500 index plus 5/100 of a percentage point. +21600042 An added feature is that the slighty improved return would be guaranteed by Prudential. +21600043 There are many other strategies to bolster the returns of index funds. +21600044 They include: +21600045 LIMITED RISK FUNDS: +21600046 These guarantee protection against stock market declines while still passing along most gains. +21600047 Here a fund may promise to pay back, say, $95 of every $100 invested for a year, even if the market goes much lower. +21600048 The fund could invest $87 for one year in Treasury bills yielding 8% to return the guaranteed $95. +21600049 That leaves $13, which could be used to buy S&P 500 options that will nearly match any gain in the S&P index. +21600050 MANAGER REPLICATION FUNDS: +21600051 Say a big investor is interested in growth stocks. +21600052 Instead of hiring one of the many active managers specializing in growth stocks, indexers can design a portfolio around the same stocks; the portfolio will be maintained by computer, reducing both fees and, in theory, risk (because of the large number of stocks). +21600053 "We see a lot of interest in those kind of things," says Frank Salerno, a vice president of Bankers Trust. +21600054 "People comfortable with the passive approach are using them for other strategies." +21600055 TILT FUNDS: +21600056 This is an index fund with a bet. +21600057 Instead of replicating the S&P 500 or some other index exactly, some stocks are overweighted or underweighted in the portfolio. +21600058 One simple approach is to exclude S&P 500 companies considered bankruptcy candidates; this can avoid weak sisters, but also can hurt when a company like Chrysler Corp. rebounds. +21600059 Another approach: An investor with $100 million might use $75 million to buy the S&P 500 index and spend the other $25 million on a favorite group of stocks. +21600060 SPECIALIZED FUNDS: +21600061 Indexes can be constructed to serve social goals, such as eliminating the stocks of companies doing business in South Africa. +21600062 Other funds have been designed to concentrate on stocks in a geographic area in order to encourage local investment. +21600063 Pennsylvania State Employees Retirement System, for example, has about $130 million invested in a fund of 244 companies that are either Pennsylvania-based or have 25% of their work forces in the state. +21601001 Short interest on the New York Stock Exchange declined for the second consecutive month, this time 4.2%, while the American Stock Exchange reported its third consecutive record month of short interest. +21601002 The Big Board reported that short interest dropped to 523,920,214 shares as of Oct. 13 from 547,347,585 shares in mid-September. +21601003 Amex short interest climbed 3% to 53,496,665 shares from 51,911,566 shares. +21601004 For the year-earlier month, the Big Board reported 461,539,056 shares, indicating a 13.5% year-to-year rise, while the Amex reported 36,015,194 shares, a 48% leap. +21601005 Amex short interest has been heading upward since mid-December, with increases in each month since then except at mid-July. +21601006 Traders who sell short borrow stock and sell it, betting that the stock's price will decline and that they can buy the shares back later at a lower price for return to the lender. +21601007 Short interest is the number of shares that haven't yet been purchased for return to lenders. +21601008 Although a substantial short position reflects heavy speculation that a stock's price will decline, some investors consider an increase in short interest bullish because the borrowed shares eventually must be bought back. +21601009 Fluctuation in short interest of certain stocks also may be caused partly by arbitraging. +21601010 The figures occasionally include incomplete transactions in restricted stock. +21601011 The level of negative sentiment measured by the Big Board short interest ratio slipped to 3.36 from last month's 3.38. +21601012 The ratio is the number of trading days, at the exchange's average trading volume, that would be required to convert the total short interest position. +21601013 Some analysts suggest, however, that the ratio has weakened in value as an indicator because options and other products can be used to hedge short positions. +21601014 Varity Corp. led the Big Board list of largest short volumes with 12,822,563 shares. +21601015 Varity has proposed to acquire K-H Corp., consisting of the auto parts division and some debt of Fruehauf Corp., for $577.3 million of cash and securities. +21601016 Chemical Waste Management posted the biggest increase in short volume on the New York exchange, up 3,383,477 shares to 5,267,238. +21601017 Bristol-Myers Squibb Co., the entity formed from the recent acquisition of Squibb Corp. by Bristol-Myers Co., logged the largest volume decline, 7,592,988 shares, to 12,017,724. +21601018 Short interest in International Business Machines Corp. plunged to 1,425,035 shares from 2,387,226 shares a month earlier. +21601019 Also closely watched is Exxon Corp., where short interest slid to 4,469,167 shares from 5,088,774. +21601020 On a percentage basis, Germany Fund Inc. led the gainers, leaping to 67,972 shares from three shares. +21601021 TransCanada PipeLines Ltd. led the percentage decliners, dropping to 59 shares from 183,467. +21601022 The Amex short interest volume leader again was Texas Air Corp., rising to 3,820,634 shares from 3,363,949. +21601023 Bolar Pharmaceutical Co. posted the largest volume increase, 552,302 shares, to 2,157,656. +21601024 The company is under an investigation concerning procedures to gain Food and Drug Administration approval of generic drugs. +21601025 Bolar has denied any wrongdoing. +21601026 The largest volume drop -- down 445,645 shares to 141,903 -- came in shares represented by B.A.T Industries PLC's American depositary receipts. +21601027 The company is facing a takeover proposal from the financier Sir James Goldsmith. +21601028 First Iberian Fund led the percentage increases, rising to 73,100 shares from 184. +21601029 Nelson Holdings International Ltd. dropped the most on a percentage basis, to 1,000 shares from 255,923. +21601030 The adjacent tables show the Big Board and Amex issues in which a short interest position of at least 100,000 shares existed as of mid-October or in which there was a short position change of at least 50,000 shares since mid-September. +21602001 Your Oct. 12 editorial "Pitiful, Helpless Presidency?" correctly states that I was critical of the Bush administration's failure to have any plan in place to respond in a timely fashion to the opportunities to oust Manuel Noriega presented by the attempted military coup on Oct. 3. +21602002 You are absolutely wrong, however, in opining that this position is some kind of "flip-flop," something newly arrived at as a result of reading the opinion polls. +21602003 My position is one founded on both the facts and the law. +21602004 Although you may have forgotten, public opinion about Gen. Noriega is where it is in large measure because of my investigation of his years of involvement in narcotics smuggling (and simultaneous work as a U.S. operative). +21602005 The public made up its mind about Gen. Noriega largely as a result of the hearings I chaired in the Subcommittee on Terrorism and Narcotics of the Foreign Relations Committee on Feb. 8, 9, 10 and 11, 1988, and again on April 4, 1988. +21602006 It was during those hearings that the nation first learned the breadth and depth of Gen. Noriega's criminality, and of his enduring relationships with a variety of U.S. government agencies. +21602007 Those hearings also highlighted how Gen. Noriega was able to use his relationships with these agencies to delay U.S. action against him, and to exploit the administration's obsession with overthrowing the Sandinistas to protect his own drug-dealing. +21602008 As former Ambassador to Costa Rica Francis J. McNeil testified before the subcommittee, the Reagan administration knew that Gen. Noriega was involved with narcotics, but made a decision in the summer of 1986 "to put Gen. Noriega on the shelf until Nicaragua was settled." +21602009 As the report issued by the subcommittee concluded, "Our government did nothing regarding Gen. Noriega's drug business and substantial criminal involvement because the first priority was the Contra war. +21602010 This decision resulted in at least some drugs entering the United States as a hidden cost of the war." +21602011 Unfortunately, this problem continued even after Gen. Noriega's indictment. +21602012 Throughout 1988 and this year, I and others in Congress have pressed the U.S. to develop a plan for pushing this "narcokleptocrat" out of Panama. +21602013 Regrettably, two administrations in a row have been unwilling and unable to develop any plan, military or economic, for supporting the Panamanian people in their attempts to restore democracy. +21602014 Sen. John Kerry (D., Mass.) +21603001 For Vietnamese, these are tricky, often treacherous, times. +21603002 After years of hesitation, economic and political reform was embraced at the end of 1986, but ringing declarations have yet to be translated into much action. +21603003 Vietnam is finding that turning a stagnant socialist order into a dynamic free market doesn't come easy. +21603004 Here is how three Vietnamese are coping with change: +21603005 The Tire King +21603006 Nguyen Van Chan is living proof that old ways die hard. +21603007 Mr. Chan used to be an oddity in Hanoi: a private entrepreneur. +21603008 His business success made him an official target in pre-reform days. +21603009 Mr. Chan, now 64 years old, invented a fountain pen he and his family produced from plastic waste. +21603010 Later, he marketed glue. +21603011 Both products were immensely popular. +21603012 For his troubles, Mr. Chan was jailed three times between 1960 and 1974. +21603013 Though his operation was registered and used only scrap, he was accused of conducting illegal business and possessing illegal materials. +21603014 Once he was held for three months without being charged. +21603015 Things were supposed to change when Vietnam's economic reforms gathered pace, and for awhile they did. +21603016 After years of experimenting, Mr. Chan produced a heavy-duty bicycle tire that outlasted its state-produced rival. +21603017 By 1982, he was selling thousands of tires. +21603018 Newspapers published articles about him, and he was hailed as "the tire king." +21603019 His efforts earned a gold medal at a national exhibition -- and attracted renewed attention from local authorities. +21603020 District police in 1983 descended on his suburban home, which he and his large family used as both residence and factory, and demanded proof the house and equipment were his. +21603021 He produced it. +21603022 "That was the first time they lost and I won," he says. +21603023 He was further questioned to determine if he was "a real working man or an exploiter." +21603024 Says Mr. Chan: "When I showed it was from my own brain, they lost for the second time." +21603025 But a few days later the police accused him of stealing electricity, acquiring rubber without permission and buying stolen property. +21603026 Warned he was to be jailed again, he fled to the countryside. +21603027 His family was given three hours to leave before the house and contents were confiscated. +21603028 With only the clothes they were wearing, family members moved to a home owned by one of Mr. Chan's sons. +21603029 After six months on the run, Mr. Chan learned the order for his arrest had been canceled. +21603030 He rejoined his family in January 1984 and began the long struggle for justice, pressing everyone from Hanoi municipal officials to National Assembly deputies for restoration of his rights. +21603031 He and his family kept afloat by repairing bicycles, selling fruit and doing odd jobs. +21603032 Mr. Chan achieved a breakthrough in 1987 -- and became a minor celebrity again -- when his story was published in a weekly newspaper. +21603033 In 1988, 18 months after the sixth congress formally endorsed family-run private enterprise, district authorities allowed Mr. Chan to resume work. +21603034 By late last year he was invited back as "the tire king" to display his products at a national exhibition. +21603035 National leaders stopped by his stand to commend his achievements. +21603036 Mr. Chan now produces 1,000 bicycle and motorbike tires a month and 1,000 tins of tire-patching glue in the son's small house. +21603037 Eighteen people pack the house's two rooms -- the Chans, four of their 10 children with spouses, and eight of 22 grandchildren. +21603038 Most sleep on the floor. +21603039 Come daybreak, eight family members and two other workers unroll a sheet of raw rubber that covers the floor of the house and spills out onto the street. +21603040 The primitive operations also burst out the back door into a small courtyard, where an ancient press squeezes rubber solution into a flat strip and newly made tires are cooled in a bathtub filled with water. +21603041 Mr. Chan talks optimistically of expanding, maybe even moving into the import-export field. +21603042 First, however, he has unfinished business. +21603043 When district authorities allowed him to resume manufacturing, they released only one of his machines. +21603044 They didn't return the rubber stocks that represent his capital. +21603045 Nor did they return his house and contents, which he values at about $44,000. +21603046 He wants to recover more than just his property, though. +21603047 "I want my dignity back," he says. +21603048 The Editor +21603049 Nguyen Ngoc seemed an obvious choice when the Vietnamese Writers Association was looking for a new editor to reform its weekly newspaper, Van Nghe. +21603050 After the sixth congress, journalists seized the opportunity provided by the liberalization to probe previously taboo subjects. +21603051 Mr. Ngoc, 57 years old, had solid reformist credentials: He had lost his official position in the association in he early 1980s because he questioned the intrusion of politics into literature. +21603052 Appointed editor in chief in July 1987, Mr. Ngoc rapidly turned the staid Van Nghe into Vietnam's hottest paper. +21603053 Circulation soared as the weekly went way beyond standard literary themes to cover Vietnamese society and its ills. +21603054 Readers were electrified by the paper's audacity and appalled by the dark side of life it uncovered. +21603055 One article recounted a decade-long struggle by a wounded soldier to prove, officially, he was alive. +21603056 Another described how tax-collection officials in Thanh Hoa province one night stormed through homes and confiscated rice from starving villagers. +21603057 The newspaper also ran a series of controversial short stories by Nguyen Huy Thiep, a former history teacher, who stirred debate over his interpretation of Vietnamese culture and took a thinly veiled swipe at writers who had blocked his entry into their official association. +21603058 Van Nghe quickly made influential enemies. +21603059 "Those who manage ideology and a large number of writers reacted badly" to the restyled paper, says Lai Nguyen An, a literary critic. +21603060 After months of internal rumblings, Mr. Ngoc was fired last December. +21603061 His dismissal triggered a furor among intellectuals that continues today. +21603062 "Under Mr. Ngoc, Van Nghe protected the people instead of the government," says Nguyen Duy, a poet who is the paper's bureau chief for southern Vietnam. +21603063 "The paper reflected the truth. +21603064 For the leadership, that was too painful to bear." +21603065 The `Billionaire' +21603066 Nguyen Thi Thi is Vietnam's entrepreneur of the 1980s. +21603067 Her challenge is to keep her fledgling empire on top in the 1990s. +21603068 Mrs. Thi didn't wait for the reforms to get her start. +21603069 She charged ahead of the government and the law to establish Hochiminh City Food Co. as the biggest rice dealer in the country. +21603070 Her success, which included alleviating an urban food shortage in the early 1980s, helped persuade Hanoi to take the reform path. +21603071 Her story is becoming part of local folklore. +21603072 A lifelong revolutionary with little education who fought both the French and the U.S.-backed Saigon regime, she switched effortlessly to commerce after the war. +21603073 Her instincts were capitalistic, despite her background. +21603074 As she rode over regulations, only her friendship with party leaders, including Nguyen Van Linh, then Ho Chi Minh City party secretary, kept her out of jail. +21603075 Following Mr. Linh's appointment as secretary-general of the party at the sixth congress, Mrs. Thi has become the darling of "doi moi", the Vietnamese version of perestroika. +21603076 The authorities have steered foreign reporters to her office to see an example of "the new way of thinking." +21603077 Foreign publications have responded with articles declaring her Vietnam's richest woman. +21603078 "Some people call me the communist billionaire," she has told visitors. +21603079 Actually, 67-year-old Mrs. Thi is about as poor as almost everyone else in this impoverished land. +21603080 She has indeed turned Hochiminh City Food into a budding conglomerate, but the company itself remains state-owned. +21603081 She manages it with the title of general-director. +21603082 The heart of the business is the purchase of rice and other commodities, such as corn and coffee, from farmers in the south, paying with fertilizer, farm tools and other items. +21603083 Last year, Hochiminh City Food says it bought two million metric tons of unhusked rice, more than 10% of the country's output. +21603084 The company operates a fleet of trucks and boats to transport the commodities to its warehouses. +21603085 A subsidiary company processes commodities into foods such as instant noodles that are sold with the rice through a vast retail network. +21603086 In recent years, Mrs. Thi has started to diversify the company, taking a 20% stake in newly established, partly private Industrial and Commercial Bank, and setting up Saigon Petro, which owns and operates Vietnam's first oil refinery. +21603087 Mrs. Thi says Hochiminh City Food last year increased pretax profit 60% to the equivalent of about $2.7 million on sales of $150 million. +21603088 She expects both revenue and profit to gain this year. +21603089 She is almost cavalier about the possibility Vietnam's reforms will create rivals on her home turf. +21603090 "I don't mind the competition inside the country," she says. +21603091 "I am only afraid that with Vietnam's poor-quality products we can't compete with neighboring countries. +21604001 The earthquake that hit the San Francisco Bay area isn't likely to result in wholesale downgrading of bond ratings, officials at the two major rating agencies said. +21604002 Standard & Poor's Corp. is reviewing debt issued by 12 California counties, and "there are potential isolated problems," said Hyman Grossman, a managing director. +21604003 The agency is preparing a report, to be issued today, on the earthquake's impact on the property- and casualty-insurance industry. +21604004 The only securities so far to be singled out are those issued by Bay View Federal Savings & Loan. +21604005 Moody's Investors Service Inc. said it is reviewing, with an eye toward a possible downgrade, the ratings on Bay View Federal bonds, long-term deposits and the preferred-stock rating of its parent company, Bay View Capital Corp. +21604006 As for property and casualty insurers, Moody's said "preliminary estimates suggest that losses should not have a significant impact on most insurers' financial condition," but it "raises concerns about potentially substantial risks" longer-term. +21604007 "Losses from the earthquake are expected to be of similar magnitude to those of Hurricane Hugo," according to Moody's. +21605001 Your Oct. 5 editorial "A Democratic Tax Cut" contained an error. +21605002 In the third paragraph it referred to the senators seeking loophole suggestions from lobbyists for various sectors of the economy. +21605003 Among them, "banana farmers." +21605004 The only significant commercial banana farmers in the U.S. are in Hawaii. +21605005 The Hawaii Banana Industry Association, to which nearly all of them belong, has no lobbyist. +21605006 Thomas V. Reese Sr. Maui Banana Co. +21606001 Western Digital Corp. reported a net loss of $2.7 million, or nine cents a share, for its first quarter ended Sept. 30, citing factors as varied as hurricane damage, an advance in graphics technology and the strengthening dollar. +21606002 In the year-ago period, the company earned $12.9 million, or 45 cents a share, on sales of $247 million. +21606003 Sales for the just-ended period fell to about $225 million, the maker of computer parts said. +21606004 Nonetheless, Chairman Roger W. Johnson said he expects the company to be profitable in the current quarter. +21606005 "We are positioned to come through," he said, noting that the company's backlog was up from the previous quarter. +21606006 In its second quarter last year, Western Digital earned $12.7 million, or 44 cents a share, on sales of $258.4 million. +21606007 Mr. Johnson said Western Digital's plant in Puerto Rico was affected by Hurricane Hugo, losing three days' production because of the storm, which wrecked much of the Caribbean island's infrastructure. +21606008 Although the plant itself wasn't damaged, Mr. Johnson said millions of dollars in first-quarter revenue were lost. +21606009 The revenue will be regained in the current period, he added. +21606010 There are no plans to initiate a common stock dividend, Mr. Johnson said, explaining that the board continues to believe shareholders are best served by reinvesting excess cash. +21606011 Mr. Johnson said the first-quarter loss also heavily reflected a rapid change in graphics technology that left reseller channels with too many of the old computer graphics boards and too few new monitors compatible with the new graphics boards. +21606012 Western Digital doesn't make the monitors. +21606013 An accelerating move by personal computer manufacturers' to include advanced graphics capabilities as standard equipment further dampened reseller purchases of Western Digital's equipment. +21606014 "The other areas of the business -- storage and microcomputers -- were very good," Mr. Johnson said. +21606015 He said Western Digital has reacted swiftly to the movement to video graphics array, VGA, graphics technology from the old enhanced graphics adapter, EGA, which has a lower resolution standard, technology and now is one of the leading producers of these newer units. +21606016 Other makers of video controller equipment also were caught in the EGA-VGA shift, he said, "but we were able to respond much more quickly." +21606017 Still, Mr. Johnson said, "our stock is grossly undervalued." +21606018 He said the company has cut operating expenses by about 10% over the last few quarters, while maintaining research and development at about 8% to 9% of sales. +21606019 As part of its reorganization this week, Western Digital has divided its business into two segments -- storage products, including controllers and disk drives; and microcomputer products, which include graphics, communications and peripheral control chips. +21606020 Graphics, communications and peripheral control chips were combined because, increasingly, multiple functions are being governed by a single chip. +21606021 Storage, which includes computer controllers and 3.5-inch disk drives, represents nearly two-thirds of the company's business. +21606022 Disk drives, which allow a computer to access its memory, generated 38% more revenue in the most recent period compared with the fiscal first quarter a year earlier. +21606023 Computer parts are getting ever smaller, Mr. Johnson said, a shrinking that has propelled laptops into position as the fastest-growing segment of the computer business. +21606024 As smaller and more powerful computers continue to be the focus of the industry, he said, Western Digital is strengthening development of laptop parts. +21606025 Next year Western Digital plans to consolidate its operations from 11 buildings in Irvine into two buildings in the same citya new headquarters and, a block away, a modern $100 million silicon wafer fabrication plant. +21606026 The plan will help the company in its existing joint manufacturing agreement with AT&T. +21606027 About half of Western Digital's business is overseas, and Mr. Johnson expects that proportion to continue. +21606028 Plans to dissolve many of the trade barriers within Europe in 1992 creates significant opportunities for the company, he said, particularly since Western Digital already manufactures there. +21606029 Capitalizing on that presence, Western Digital is launching a major effort to develop the embryonic reseller market in Europe. +21607001 Directors of state-owned Banca Nazionale del Lavoro approved a two-step capital-boosting transaction and a change in the bank's rules that will help it operate more like a private-sector institution. +21607002 Until now, BNL's top managers and its directors have been appointed by a Treasury decree. +21607003 But under the bank's proposed statutes, an assembly of shareholders must approve board members. +21607004 The bank's chairman and director general, who also sit on the board, still would be appointed by the Treasury. +21607005 BNL, which is controlled by the Italian Treasury, was rocked by the disclosure last month that its Atlanta branch extended more than $3 billion in unauthorized credits to Iraq. +21607006 The ensuing scandal, in which the bank's management resigned, has helped renew calls for privatization, or at least an overhaul, of Italy's banking system, which is about 80% state-controlled. +21607007 In a related move, the bank also proposed that board representation be linked more closely to the bank's new shareholding structure. +21607008 BNL called a shareholders' assembly meeting in December to vote on the proposals. +21607009 BNL has about 75,000 nonvoting shares that are listed on the Milan Stock Exchange. +21607010 The shares were suspended from trading following disclosure of the Atlanta scandal; Consob, the stock exchange regulatory body, reportedly will decide soon whether to end the trading suspension. +21608001 Switzerland's wholesale price index increased 0.3% in September from August, and was up 3.9% from a year ago, marking the first time this year that the index has fallen below 4% on a year-to-year basis, the government reported. +21608002 The government attributed the 0.3% month-to-month rise in the index largely to higher energy prices. +21608003 In August, the index was up 0.2% from the previous month, and was up 4.5% on a year-to-year basis. +21608004 The wholesale price index, based on 1963 as 100, was 180.9 in September. +21609001 American Express Co. posted a 21% increase in third quarter net income despite a sharp rise in reserves for Third World loans at its banking unit. +21609002 Aided by a sharp gain in its travel business, American Express said net rose to $331.8 million, or 77 cents a share, from $273.9 million, or 64 cents a share. +21609003 The year-earlier figures included $9.9 million, or three cents a share, in income from discontinued operations. +21609004 Income from continuing operations was up 26%. +21609005 Revenue rose 24% to $6.5 billion from $5.23 billion. +21609006 The travel, investment services, insurance and banking concern added $110 million to reserves for credit losses at its American Express Bank unit, boosting the reserve to $507 million as of Sept. 30. +21609007 The bank's Third World debt portfolio totals $560 million, down from $2.2 billion at the end of 1986. +21609008 The bank charged off $53 million in loans during the quarter. +21609009 At the American Express Travel Related Services Co. unit, net rose 17% to a record $240.8 million on a 19% revenue increase. +21609010 The figures exclude businesses now organized as American Express Information Services Co. +21609011 American Express card charge volume rose 12%. +21609012 Travel sales rose 11%, led by gains in the U.S. +21609013 At IDS Financial Services, the financial planning and mutual fund unit, net rose 19% to a record $47.6 million on a 33% revenue gain. +21609014 Assets owned or managed rose 20% to $45 billion, and mutual fund sales rose 45% in the quarter to $923 million. +21609015 American Express Bank earnings fell 50% to $21.3 million from $42.5 million despite a 29% revenue gain. +21609016 The results include $106 million of tax benefits associated with previous years' Third World loan activity, compared with $15 million a year earlier. +21609017 Profit rose 38% at American Express Information Services to $21.6 million. +21609018 Shearson Lehman Hutton Holdings Inc., as previously reported, had net of $65.9 million, reversing a $3.5 million loss a year earlier; its latest results include a $37 million gain from the sale of an institutional money management business. +21609019 American Express's share of Shearson's earnings was $41 million, after preferred stock dividends; it owns about 68% of Shearson's common. +21609020 For the nine months, American Express said net rose 11% to $899.8 million, or $2.09 a share, from $807.5 million, or $1.89 a share. +21609021 Revenue rose 24% to $18.73 billion from $15.09 billion. +21610001 Textron Inc., hampered by a slowdown in its defense sales, reported an 8% decline in per-share earnings on nearly flat revenue for its third quarter. +21610002 The aerospace and financial services concern said net income fell 5% to $59.5 million from $62.8 million. +21610003 Revenue of $1.73 billion was almost unchanged from last year's $1.72 billion. +21610004 Per-share net of 66 cents, down from 72 cents, fell by more than overall net because of more shares outstanding. +21610005 The company said that improved results in its financial-services sector were negated by increased costs in its government contract business, lower operating earnings in its commercial-products sector and soft automotive markets. +21610006 Net was aided by a lower income tax rate. +21610007 Profit before taxes fell 17% to $84.4 million from $101.4 million. +21610008 For the nine months, Textron reported net of $182.1 million, or $2.06 a share, on revenue of $5.41 billion. +21610009 A year ago, net was $170.4 million, or $1.93 a share, on revenue of $5.3 billion. +21610010 The nine-month results included a $9.5 million special charge in 1989 for an arbitration settlement related to past export sales, and $29.7 million in extraordinary charges in 1988 related to a former line of business and early redemption of debt. +21610011 Textron said that nine-months' results don't include earnings of Avdel PLC, a British maker of industrial fasteners, but do include interest costs of $16.4 million on borrowings related to the proposed purchase of Avdel. +21610012 A federal judge has issued a preliminary injunction against the purchase because of Federal Trade Commission concerns that the transaction would reduce competition in the production of two kinds of rivets. +21610013 For the quarter, Textron said aerospace revenue, including Bell helicopter and jet-engine manufacture, declined 9.8% to $755.9 million from $838.3 million, an indication of slowing government defense work. +21611001 As the Hunt brothers' personal bankruptcy cases sputter into their second year, Minpeco S.A. has proposed a deal to settle its huge claim against the troubled Texas oil men. +21611002 But the plan only threatens to heighten the tension and confusion already surrounding the cases that were filed in September 1988. +21611003 The Peruvian mineral concern's $251 million claim stems from 1988 jury award in a case stemming from the brothers' alleged attempts to corner the 1979-80 silver market. +21611004 Minpeco now says it is willing to settle for up to $65.7 million from each brother, although the actual amount would probably be much less. +21611005 Although the proposal must be approved by federal Judge Harold C. Abramson, W. Herbert Hunt has agreed to the Peruvian mineral concern's proposal. +21611006 Nelson Bunker Hunt is considering it, although his attorney says he won't do it if the proposal jeopardizes a tentative settlement he has reached with the Internal Revenue Service, which claims the brothers owe $1 billion in back taxes and is by far the biggest creditor in both cases. +21611007 The tentative agreement between the IRS and Nelson Bunker Hunt is awaiting U.S. Justice Department approval. +21611008 Under it, the former billionaire's assets would be liquidated with the IRS getting 80% of the proceeds and the rest being divided among other creditors, including Minpeco and Manufacturers Hanover Trust Co., which is seeking repayment of a $36 million loan. +21611009 A similiar proposal has been made in the W. Herbert Hunt case although he and the IRS are at odds over the size of the non-dischargable debt he would have to pay to the government from future earnings. +21611010 In both cases, Minpeco and Manufacturers Hanover have been fighting ferociously over their shares of the pie. +21611011 With support from the IRS, Manufacturers Hanover has filed suit asking Judge Abramson to subordinate Minpeco's claim to those of Manufacturer Hanover and the IRS. +21611012 Minpeco has threatened a "volcano" of litigation if the Manufacturers Hanover Corp. unit attempts to force such a plan through the court. +21611013 Minpeco said it wouldn't pursue such litigation if its settlement plan in the W. Herbert Hunt case is approved by Judge Abramson, who will consider the proposal at a hearing next week. +21611014 Minpeco attorney Thomas Gorman decribed the plan as one step toward an overall settlement of the W. Herbert Hunt case but Hugh Ray, attorney for Manufacturers Hanover, called it "silly" and said he would fight it in court. +21611015 "The thing is so fluid right now that there's really no way to say what will happen," says Justice Department attorney Grover Hartt III, who represents the IRS in the case. +21611016 "Developments like this are hard to predict. +21612001 Banc One Corp. said it agreed in principle to buy five branch offices from Trustcorp Inc., Toledo, Ohio, following the planned merger of Trustcorp into Society Corp., Cleveland. +21612002 The five offices in Erie and Ottawa counties in northern Ohio have total assets of about $88 million, Banc One said. +21612003 The purchase price will be established after Banc One has an opportunity to study the quality of the assets, Banc One said. +21612004 Society Corp. already has branches in the area, and selling the Trustcorp offices could avoid a problem with regulators over excessive concentration of banking in the two counties after the merger of Trustcorp into Society, according to industry sources. +21612005 The merger is scheduled to take place in the 1990 first quarter. +21613001 Stock-market fears and relatively more attractive interest rates pushed money-market mutual fund assets up $6.07 billion in the latest week, the sharpest increase in almost two years. +21613002 The 473 funds tracked by the Investment Company Institute, a Washington-based trade group, rose to $356.1 billion, a record. +21613003 The $6.07 billion increase was the strongest weekly inflow since January 1988. +21613004 The increase was spread fairly evenly among all three types of funds. +21613005 Individual investors, represented in the general-purpose and broker-dealer fund categories, pulled money from the stock market after its big drop last Friday and put the money into funds, said Jacob Dreyer, vice president and chief economist of the Institute. +21613006 "Insitutional investors, on the other hand, reacted to the steep decline in yields on direct money-market instruments following the stock-market decline last Friday," Mr. Dreyer said. +21613007 Yields on money funds dropped in the week ended Tuesday, according to Donoghue's Money Fund Report, a Holliston, Mass., newsletter. +21613008 The average seven-day compounded yield fell to 8.55% from 8.60% the week earlier, Donoghue's said. +21613009 At the auction of six-month U.S. Treasury bills on Monday, the average yield fell to 7.61% from 7.82%. +21613010 Likewise, certificates of deposit on average posted lower yields in the week ended Tuesday. +21613011 The 142 institutional-type money funds rose $2.23 billion to $85.49 billion. +21613012 The 235 general-purpose funds increased $2.53 billion to $116.56 billion, while 96 broker-dealer funds increased $1.3 billion to $154.05 billion. +21614001 Domestic lending for real estate and property development was the source of Bank Bumiputra Malaysia Bhd.'s most recent spate of financial troubles, the institution's executive chairman, Mohamed Basir Ismail, said. +21614002 Speaking to reporters this week after Bank Bumiputra's shareholders approved a rescue plan, Tan Sri Basir said heavy lending to the property sector rocked the bank when property prices in Malaysia plummeted in 1984-85. +21614003 He said the bank couldn't wait any longer for prices to recover and for borrowers to service their loans. +21614004 So the bank's board decided to make 1.23 billion Malaysian dollars (US$457 million) in provisions for interest payments from loans previously recorded as revenue but never actually received by the bank, and to submit a bailout package to replenish the bank's paid-up capital. +21614005 The predicament, he added, was similar to the Hong Kong 1982-83 property-price collapse, which exposed the involvement of Bank Bumiputra's former subsidiary in the colony in the largest banking scandal in Malaysia's history. +21614006 The subsidiary, Bumiputra Malaysia Finance Ltd., was left with M$2.26 billion in bad loans made to Hong Kong property speculators. +21614007 Both episodes wiped out Bank Bumiputra's shareholders' funds. +21614008 Each time, the bank's 90% shareholder -- Petroliam Nasional Bhd., or Petronas, the national oil company -- has been called upon to rescue the institution. +21614009 In five years, Petronas, which became the dominant shareholder in a 1984 rescue exercise, has spent about M$3.5 billion to prop up the troubled bank. +21614010 Tan Sri Basir said the capital restructuring plan has been approved by Malaysia's Capital Issues Committee and central bank. +21614011 Malaysia's High Court is expected to approve the plan. +21614012 Once the plan is approved, Tan Sri Basir said, most of Bank Bumiputra's nonperforming loans will have been fully provided for and the bank will be on track to report a pretax profit of between M$160 million and M$170 million for the fiscal year ending March 31. +21614013 For the previous financial year, the bank would have reported a pretax profit of M$168 million if it hadn't made provisions for the nonperforming loans, he said. +21614014 Malaysia's Banking Secrecy Act prohibited the bank from identifying delinquent borrowers, said Tan Sri Basir. +21614015 But public documents indicate 10% or more of the bank's provisions were made for foregone interest on a M$200 million loan to Malaysia's dominant political party, the United Malays National Organization, to build its convention and headquarters complex in Kuala Lumpur. +21614016 The loan to UMNO was made in September 1983. +21614017 "We lent a lot of money all over the place," said Tan Sri Basir, who refused to discuss the bank's outstanding loans to +21614018 As well as the M$1.23 billion in provisions announced on Oct. 6, the restructuring package covers an additional M$450 million in provisions made in earlier years but never reflected in a reduction of the bank's paid-up capital. +21614019 At the end of the exercise, the cash injection from Petronas will increase the bank's paid-up capital to M$1.15 billion after virtually being wiped out by the new provisions. +21615001 Heidi Ehman might have stepped from a recruiting poster for young Republicans. +21615002 White, 24 years old, a singer in her church choir, she symbolizes a generation that gave its heart and its vote to Ronald Reagan. +21615003 "I felt kind of safe," she says. +21615004 No longer. +21615005 When the Supreme Court opened the door this year to new restrictions on abortion, Ms. Ehman opened her mind to Democratic politics. +21615006 Then a political novice, she stepped into a whirl of "pro-choice" marches, house parties and fund-raisers. +21615007 Now she leads a grassroots abortion-rights campaign in Passaic County for pro-choice Democratic gubernatorial candidate James Florio. +21615008 "This is one where I cross party lines," she says, rejecting the anti-abortion stance of Rep. Florio's opponent, Reagan-Republican Rep. James Courter. +21615009 "People my age thought it wasn't going to be an issue. +21615010 Now it has -- especially for people my age." +21615011 Polls bear out this warning, but after a decade of increased Republican influence here, the new politics of abortion have contributed to a world turned upside down for Mr. Courter. +21615012 Unless he closes the gap, Republicans risk losing not only the governorship but also the assembly next month. +21615013 Going into the 1990s, the GOP is paying a price for the same conservative social agenda that it used to torment Democrats in the past. +21615014 This change comes less from a shift in public opinion, which hasn't changed much on abortion over the past decade, than in the boundaries of the debate. +21615015 New Jersey's own highest court remains a liberal bulwark against major restrictions on abortion, but the U.S. Supreme Court ruling, Webster vs. Missouri, has engaged voters across the nation who had been insulated from the issue. +21615016 Before July, pro-choice voters could safely make political decisions without focusing narrowly on abortion. +21615017 Now, the threat of further restrictions adds a new dimension, bringing an upsurge in political activity by abortion-rights forces. +21615018 A recent pro-choice rally in Trenton drew thousands, and in a major reversal, Congress is defying a presidential veto and demanding that Medicaid abortions be permitted in cases of rape and incest. +21615019 "If Webster hadn't happened, you wouldn't be here," Linda Bowker tells a reporter in the Trenton office of the National Organization for Women. +21615020 "We could have shouted from the rooftops about Courter . . . and no one would have heard us." +21615021 New Jersey is a proving ground for this aggressive women's-rights movement this year. +21615022 The infusion of activists can bring a clash of cultures. +21615023 In Cherry Hill, the National Abortion Rights Action League, whose goal is to sign up 50,000 pro-choice voters, targets a union breakfast to build labor support for its cause. +21615024 The league organizers seem more a fit with a convention next door of young aerobics instructors in leotards than the beefy union leaders; "I wish I could go work out," says a slim activist. +21615025 A labor chief speaks sardonically of having to "man and woman" Election Day phones. +21615026 No age group is more sensitive than younger voters, like Ms. Ehman. +21615027 A year ago this fall, New Jersey voters under 30 favored George Bush by 56% to 39% over Michael Dukakis, according to a survey then by Rutgers University's Eagleton Institute. +21615028 A matching Eagleton-Newark Star Ledger poll last month showed a complete reversal. +21615029 Voters in the same age group backed Democrat Florio 55% to 29% over Republican Courter. +21615030 Abortion alone can't explain this shift, but New Jersey is a model of how so personal an issue can become a baseline of sorts in judging a candidate. +21615031 By a 2-to-1 ratio, voters appear more at ease with Mr. Florio's stance on abortion, and polls indicate his lead widens when the candidates are specifically linked to the issue. +21615032 "The times are my times," says Mr. Florio. +21615033 The Camden County congressman still carries himself with a trademark "I'm-coming-down-your-throat" intensity, but at a pause in Newark's Columbus Day parade recently, he was dancing with his wife in the middle of the avenue in the city's old Italian-American ward. +21615034 After losing by fewer than 1,800 votes in the 1981 governor's race, he has prepared himself methodically for this moment, including deciding in recent years he could no longer support curbs on federal funding for Medicaid abortions. +21615035 "If you're going to be consistent and say it is a constitutionally protected right," he asks, "how are you going to say an upscale woman who can drive to the hospital or clinic in a nice car has a constitutional right and someone who is not in great shape financially does not?" +21615036 Mr. Courter, by comparison, seems a shadow of the confident hawk who defended Oliver North before national cameras at Iran-Contra hearings two years ago. +21615037 Looking back, he says he erred by stating his "personal" opposition to abortion instead of assuring voters that he wouldn't impose his views on "policy" as governor. +21615038 It is a distinction that satisfies neither side in the debate. +21615039 "He doesn't know himself," Kathy Stanwick of the Abortion Rights League says of Mr. Courter's position. +21615040 Even abortion opponents, however angry with Mr. Florio, can't hide their frustration with the Republican's ambivalence. +21615041 "He doesn't want to lead the people," says Richard Traynor, president of New Jersey Right to Life. +21615042 Moreover, by stepping outside the state's pro-choice tradition, Mr. Courter aggravates fears that he is too conservative as well on more pressing concerns such as auto insurance rates and the environment. +21615043 He hurt himself further this summer by bringing homosexual issues into the debate; and by wavering on this issue and abortion, he has weakened his credibility in what is already a mean-spirited campaign on both sides. +21615044 Elected to Congress in 1978, the 48-year-old Mr. Courter is part of a generation of young conservatives who were once very much in the lead of the rightward shift under Mr. Reagan. +21615045 Like many of his colleagues, he didn't serve in Vietnam in the 1960s yet embraced a hawkish defense and foreign policy -- even voting against a 1984 resolution critical of the U.S. mining of Nicaraguan harbors. +21615046 Jack Kemp and the writers Irving Kristol and George Gilder were influences, and Mr. Courter's own conservative credentials proved useful to the current New Jersey GOP governor, Thomas Kean, in the 1981 Republican primary here. +21615047 The same partnership is now crucial to Mr. Courter's fortunes, but the abortion issue is only a reminder of the gap between his record and that of the more moderate, pro-choice Gov. Kean. +21615048 While the Warren County congressman pursued an anti-government, anti-tax agenda in Washington, Gov. Kean was approving increased income and sales taxes at home and overseeing a near doubling in the size of New Jersey's budget in his eight years in office. +21615049 Kean forces play down any differences with Mr. Courter, but this history makes it harder for the conservative to run against government. +21615050 Mr. Courter's free-market plan to bring down auto insurance rates met criticism from Gov. Kean's own insurance commissioner. +21615051 Mr. Courter is further hobbled by a record of votes opposed to government regulation on behalf of consumers. +21615052 Fluent in Spanish from his days in the Peace Corps, Mr. Courter actively courts minority voters but seems oddly over his head. +21615053 He is warm and polished before a Puerto Rican Congress in Asbury Park. +21615054 Yet minutes after promising to appoint Hispanics to high posts in state government, he is unable to say whether he has ever employed any in his congressional office. +21615055 "I don't think we do now," he says. +21615056 "I think we did." +21615057 Asked the same question after his appearance, Democrat Florio identifies a staff member by name and explains her whereabouts today. +21615058 When he is presented with a poster celebrating the organization's 20th anniversary, he recognizes a photograph of one of the founders and recalls time spent together in Camden. +21615059 Details and Camden are essential Florio. +21615060 Elected to Congress as a "Watergate baby" in 1974, he ran for governor three years later. +21615061 In the opinion of many, he hasn't stopped running since, even though he declined a rematch with Gov. Kean in 1985. +21615062 His base in South Jersey and on the House Energy and Commerce Committee helped him sustain a network of political-action committees to preserve his edge. +21615063 With limited budgets for television in a high-priced market, Mr. Florio's higher recognition than his rival is a major advantage. +21615064 More than ever, his pro-consumer and pro-environment record is in sync with the state. +21615065 Auto insurance rates are soaring. +21615066 A toxic-waste-dump fire destroyed part of an interstate highway this summer. +21615067 In Monmouth, an important swing area, Republican freeholders now run on a slogan promising to keep the county "clean and green." +21615068 Mr. Florio savors this vindication, but at age 52, the congressman is also a product of his times and losses. +21615069 He speaks for the death penalty as if reading from Exodus 21; to increase state revenue he focuses not on "taxes" but on "audits" to cut waste. +21615070 Hard-hitting consultants match ads with Mr. Courter's team, and Mr. Florio retools himself as the lean, mean Democratic fighting machine of the 1990s. +21615071 Appealing to a young audience, he scraps an old reference to Ozzie and Harriet and instead quotes the Grateful Dead. +21615072 The lyric chosen -- "long strange night" -- may be an apt footnote to television spots by both candidates intended to portray each other as a liar. +21615073 The Democratic lawmaker fits a pattern of younger reformers arising out of old machines, but his ties to Camden remain a sore point because of the county's past corruption. +21615074 His campaign hierarchy is chosen from elsewhere in the state, and faced with criticism of a sweetheart bank investment, he has so far blunted the issue by donating the bulk of his profits to his alma mater, Trenton State College. +21615075 Mr. Florio's forcefulness on the abortion issue after the Webster ruling divides some of his old constituency. +21615076 Pasquale Pignatelli, an unlikely but enthusiastic pipe major in an Essex County Irish bagpipe band, speaks sadly of Mr. Florio. +21615077 "I am a devout Catholic," says Mr. Pignatelli, a 40-year-old health officer. +21615078 "I can't support him because of abortion." +21615079 Bill Wames Sr., 72, is Catholic too, but unfazed by Mr. Florio's stand on abortion. +21615080 A security guard at a cargo terminal, he wears a Sons of Italy jacket and cap celebrating "The US 1 Band." +21615081 "I still think the woman has the right to do with her body as she pleases," he says. +21615082 "If you want more opinions ask my wife. +21615083 She has lots of opinions. +21616001 Consumer prices rose a surprisingly moderate 0.2% in September, pushed up mostly by a jump in clothing costs, the Labor Department reported. +21616002 Energy costs, which drove wholesale prices up sharply during the month, continued to decline at the retail level, pulling down transportation and helping to ease housing costs. +21616003 The report was the brightest news the financial markets had seen since before the stock market plunged more than 190 points last Friday. +21616004 The Dow Jones Industrial Average rallied on the news, closing 39.55 points higher at 2683.20. +21616005 Bond prices also jumped as traders appeared to read the data as a sign that interest rates may fall. +21616006 But many economists were not nearly as jubilant. +21616007 The climb in wholesale energy prices is certain to push up retail energy prices in the next few months, they warned. +21616008 They also said the dollar is leveling off after a rise this summer that helped to reduce the prices of imported goods. +21616009 "I think inflation is going to pick up through the fall," said Joel Popkin, a specialist on inflation who runs an economic consulting firm here. +21616010 "It has been in what I would describe as a lull for the past several months." +21616011 "We've had whopping declines in consumer energy prices in each of the past three months, and at the wholesale level those are fully behind us now," said Jay Woodworth, chief domestic economist at Bankers Trust Co. in New York. +21616012 Because wholesale energy prices shot up by a steep 6.5% last month, many analysts expected energy prices to rise at the consumer level too. +21616013 As a result, many economists were expecting the consumer price index to increase significantly more than it did. +21616014 But retail energy prices declined 0.9% in September. +21616015 Though analysts say competition will probably hold down increases in retail energy prices, many expect some of the wholesale rise to be passed along to the consumer before the end of the year. +21616016 Still, some analysts insisted that the worst of the inflation is behind. +21616017 "It increasingly appears that 1987-88 was a temporary inflation blip and not the beginning of a cyclical inflation problem," argued Edward Yardeni, chief economist at Prudential-Bache Securities Inc. in New York. +21616018 In both 1987 and 1988, consumer prices rose 4.4%. +21616019 A run-up in world oil prices last winter sent consumer prices soaring at a 6.7% annual rate in the first five months of this year, but the subsequent decline in energy prices has pulled the annual rate back down to 4.4%. +21616020 Mr. Yardeni predicted that world business competition will continue to restrain prices. +21616021 "The bottom line is, it seems to me that the economic environment has become very, very competitve for a lot of businesses," he said. +21616022 "Back in 1987-88, business was operating at fairly tight capacity, so businesses felt they could raise prices." +21616023 Now, he said, a slowdown in economic activity has slackened demand. +21616024 The mild inflation figures renewed investors' hopes that the Federal Reserve will ease its interest-rate stance. +21616025 The steep climb in producer prices reported last Friday fostered pessimism about lower interest rates and contributed to the stock market's 6.9% plunge that day. +21616026 In the past several days, however, the U.S.'s central bank has allowed a key interest rate to fall slightly to try to stabilize the markets. +21616027 Analysts say Fed policy makers have been wary of relaxing credit too much because they were still uncertain about the level of inflation in the economy. +21616028 Excluding the volatile categories of energy and food -- leaving what some economists call the core inflation rate -- consumer prices still rose only 0.2% in September. +21616029 Transportation costs actually fell 0.5%, and housing costs gained only 0.1%. +21616030 Apparel prices rocketed up 1.7%, but that was after three months of declines. +21616031 Medical costs continued their steep ascent, rising 0.8% after four consecutive months of 0.7% increases. +21616032 Car prices, another area that contributed to the steep rise in the wholesale index last month, still showed declines at the consumer level. +21616033 They dropped 0.4% as dealers continued to offer rebates to attract customers. +21616034 Food prices rose 0.2% for the second month in a row, far slower than the monthly rises earlier in the year. +21616035 Separately, the Labor Department reported that average weekly earnings rose 0.3% in September, after adjusting for inflation, following a 0.7% decline in August. +21616036 All the numbers are adjusted for seasonal fluctuations. +21616037 Here are the seasonally adjusted changes in the components of the Labor Department's consumer price index for September. +21617001 After watching interest in the sport plummet for years, the ski industry is trying to give itself a lift. +21617002 Across the country, resorts are using everything from fireworks to classical-music concerts to attract new customers. +21617003 Some have built health spas, business centers and shopping villages so visitors have more to do than ski. +21617004 And this week, the industry's efforts will go national for the first time when it unveils a $7 million advertising campaign. +21617005 Such efforts -- unheard of only a few years ago -- are the latest attempts to revive the sagging $1.76 billion U.S. ski industry. +21617006 Since the start of the decade, lift-ticket sales have grown only 3% a year on average, compared with 16% annual growth rates in the '60s and '70s. +21617007 Last season, lift-ticket sales fell for the first time in seven years. +21617008 By some estimates, nearly a fourth of all U.S. ski areas have been forced to shut down since the early '80s. +21617009 Competition and mounting insurance and equipment costs have been the undoing of many resorts. +21617010 But another big problem has been the aging of baby boomers. +21617011 Skiing, after all, has mainly been for the young and daring and many baby boomers have outgrown skiing or have too many family responsibilities to stick with the sport. +21617012 In its new ad campaign, created by D'Arcy Masius Benton & Bowles Inc., Chicago, the ski industry is trying to change its image as a sport primarily for young white people. +21617013 One 60-second TV spot features a diverse group of skiers gracefully gliding down sun-drenched slopes: senior citizens, minorities, families with children -- even a blind skier. +21617014 "Ski school is great," cries out a tot, bundled in a snowsuit as he plows down a bunny slope. +21617015 "You'll never know 'til you try," says a black skier. +21617016 "We used to show some hot-dog skier in his twenties or thirties going over the edge of a cliff," says Kathe Dillmann, a spokeswoman for the United Ski Industries Association, the trade group sponsoring the campaign. +21617017 Ski promotions have traditionally avoided the touchy issue of safety. +21617018 But the new commercials deal with it indirectly by showing a woman smiling as she tries to get up from a fall. +21617019 "We wanted to show it's okay if you fall," says Ms. Dillmann. +21617020 "Most people think if you slip, you'll wind up in a body cast." +21617021 The ad campaign represents an unusual spirit of cooperation among resorts and ski equipment makers; normally, they only run ads hyping their own products and facilities. +21617022 But in these crunch times for the ski industry, some resorts, such as the Angel Fire, Red River and Taos ski areas in New Mexico, have even started shuttle-busing skiers to each other's slopes and next year plan to sell tickets good for all local lifts. +21617023 Many resorts also are focusing more on the service side of their business. +21617024 Since 40% of skiers are parents, many slopes are building nurseries, expanding ski schools and adding entertainment for kids. +21617025 Vail, Colo., now has a playland that looks like an old mining town; kids can ski through and pan for fool's gold. +21617026 For $15, they can enjoy their own nightly entertainment, with dinner, without mom and dad. +21617027 A few years ago, parents usually had to hire a sitter or take turns skiing while one spouse stayed with the children. +21617028 "Most parents who had to go through that never came back," says Michael Shannon, president of Vail Associates Inc., which owns and operates the Vail and nearby Beaver Creek resorts. +21617029 To make skiing more convenient for time-strapped visitors, several resorts are buying or starting their own travel agencies. +21617030 In one phone call, ski buffs can make hotel and restaurant reservations, buy lift tickets, rent ski equipment and sign up for lessons. +21617031 And resorts are adding other amenities, such as pricey restaurants, health spas and vacation packages with a twist. +21617032 During Winter Carnival week, for example, visitors at Sunday River in Maine can take a hot-air balloon ride. +21617033 "People these days want something else to do besides ski and sit in the bar," says Don Borgeson, executive director of Angel Fire, N.M.'s Chamber of Commerce. +21617034 The ski industry hopes to increase the number of skiers by 3.5 million to about 21.7 million in the next five years with its latest ads and promotions. +21617035 But some think that's being overly optimistic. +21617036 For one thing, it may be tough to attract people because skiing is still expensive: a lift ticket can cost up to $35 a day and equipment prices are rising. +21617037 And most vacationers still prefer a warm climate for their winter excursions. +21617038 An American Express Co. survey of its travel agents revealed that only 34% believe their clients will pick a trip this winter based on the availability of winter sports, as opposed to 69% who think that warm-weather sports will be the deciding factor. +21617039 "Even if they could bring in that many new skiers, I don't know if {the industry} could handle that kind of an increase," says I. William Berry, editor and publisher of the Ski Industry Letter in Katonah, N.Y. +21617040 "Most people will come on the weekend, the slopes will be overcrowded and then these {new skiers} won't come back. +21618001 They didn't play the third game of the World Series on Tuesday night as scheduled, and they didn't play it on Wednesday or Thursday either. +21618002 But you knew that, didn't you? +21618003 They are supposed to play the game next Tuesday, in Candlestick Park here. +21618004 The theory is that the stadium, damaged by Tuesday's earthquake, will be repaired by then, and that people will be able to get there. +21618005 Like just about everything else, that remains to be seen. +21618006 Aftershocks could intervene. +21618007 But, at least, the law of averages should have swung to the favorable side. +21618008 It may seem trivial to worry about the World Series amid the destruction to the Bay Area wrought by Tuesday's quake, but the name of this column is "On Sports," so I feel obliged to do so. +21618009 You might be interested to know that baseball, not survival, appeared to be the first thought of most of the crowd of 60,000-odd that had gathered at Candlestick at 5:04 p.m. Tuesday, a half-hour before game time, when the quake struck. +21618010 As soon as the tremor passed, many people spontaneously arose and cheered, as though it had been a novel kind of pre-game show. +21618011 One fan, seated several rows in front of the open, upper-deck auxiliary press section where I was stationed, faced the assembled newsies and laughingly shouted, "We arranged that just for you guys!" +21618012 I thought and, I'm sure, others did: "You shouldn't have bothered." +21618013 I'd slept through my only previous brush with natural disaster, a tornado 15 or so summers ago near Traverse City, Mich., so I was unprepared for one reaction to such things: the urge to talk about them. +21618014 Perhaps primed by the daily diet of radio and TV reporters thrusting microphones into people's faces and asking how they "feel" about one calamity or another, fellow reporters and civilians who spied my press credential were eager to chat. +21618015 "It felt like I was on a station platform and a train went by," said one man, describing my own reaction. +21618016 A women said she saw the park's light standards sway. +21618017 A man said he saw the upper rim undulate. +21618018 I saw neither. +21618019 Dictates of good sense to the contrary not withstanding, the general inclination was to believe that the disturbance would be brief and that ball would be played. +21618020 "I was near the top of the stadium, and saw a steel girder bow six feet from where I sat, but I stayed put for 10 or 15 minutes," confessed a friend. +21618021 "I guess I thought, `This is the World Series and I'm not gonna wimp out!'" +21618022 Here in the Global Village, though, folks do not stay uninformed for long. +21618023 Electrical power was out in still-daylighted Candlestick Park, but battery-operated radios and television sets were plentiful. +21618024 Within a few minutes, the true extent of the catastrophe was becoming clear. +21618025 Its Richter Scale measurement was reported as 6.5, then 6.9, then 7.0. +21618026 A section of the Bay Bridge had collapsed, as had a part of Interstate Highway 880 in Oakland. +21618027 People had died. +21618028 At 5:40 p.m., scheduled game time having passed, some fans chanted "Let's Play Ball." +21618029 No longer innocent, they qualified as fools. +21618030 The stadium was ordered evacuated soon afterward; the announcement, made over police bullhorns, cited the power outage, but it later was revealed that there also had been damage of the sort reported by my friend. +21618031 Outside, I spotted two young men lugging blocks of concrete. +21618032 "Pieces of Candlestick," they said. +21618033 The crowd remained good natured, even bemused. +21618034 TV reporters interviewed fans in the parking lots while, a few feet away, others watched the interviews on their portable TVs. +21618035 The only frenzy I saw was commercial: Booths selling World Series commemorative stamps and dated postmarks were besieged by fledgling speculators who saw future profit in the items. +21618036 The traffic jam out of the park was monumental. +21618037 It took me a half-hour to move 10 feet from my parking spot in an outer lot to an aisle, and an additional hour to reach an inner roadway a half-block away. +21618038 The six-mile trip to my airport hotel that had taken 20 minutes earlier in the day took more than three hours. +21618039 At my hotel, the Westin, power was out, some interior plaster had broken loose and there had been water damage, but little else. +21618040 With Garpian randomness, a hotel across the street, the Amfac, had been hit harder: A large sheet of its concrete facade and several window balconies were torn away. +21618041 The Westin staff had, kindly, set out lighted candles in the ballroom, prepared a cold-cuts buffet and passed around pillows and blankets. +21618042 I fell asleep on the lobby floor, next to a man wearing a Chicago Cubs jacket. +21618043 I expected him to say, "I told you so," but he already was snoring. +21618044 The journalistic consensus was that the earthquake made the World Series seem unimportant. +21618045 My response was that sports rarely are important, only diverting, and the quake merely highlighted that fact. +21618046 Should the rest of the Series be played at all? +21618047 Sure. +21618048 The quake and baseball weren't related, unlike the massacre of athletes that attended the 1972 Olympics. +21618049 That heavily politicized event learned nothing from the horrifying experience, and seems doomed to repeat it. +21618050 Two ironies intrude. +21618051 This has been widely dubbed the BART Series, after the local subway line, and the Bay Bridge Series. +21618052 Flags fly at half-staff for the death of Bart Giamatti, the late baseball commissioner, and now the Bay Bridge lies in ruins. +21618053 A Series that was shaping up as the dullest since the one-sided Detroit-over-San Diego go of 1984 has become memorable in the least fortunate way. +21618054 Still, its edge is lost. +21618055 It now will be played mostly for the record, and should be wrapped up as quickly as possible, without "off" days. +21618056 And I will never again complain about a rainout. +21619001 The disarray in the junk-bond market that began last month with a credit crunch at Campeau Corp. has offered commercial banks a golden opportunity to play a greater role in financing billion-dollar takeovers. +21619002 But two big New York banks seem to have kicked those chances away, for the moment, with the embarrassing failure of Citicorp and Chase Manhattan Corp. to deliver $7.2 billion in bank financing for a leveraged buy-out of United Airlines parent UAL Corp. +21619003 For more than a decade, banks have been pressing Congress and banking regulators for expanded powers to act like securities firms in playing Wall Street's lucrative takeover game, from giving mergers advice all the way to selling and trading high-yield junk bonds. +21619004 Those expanded powers reached their zenith in July when Bankers Trust New York Corp. provided mergers advice, an equity investment and bank loans for the $3.65 billion leveraged buy-out of Northwest Airlines parent NWA Inc. +21619005 One of the major selling points used by Los Angeles financier Alfred Checchi in getting the takeover approved was that the deal didn't include any junk bonds. +21619006 That was seen as an advantage in lobbying airline employees and Washington regulators for approval of the contested takeover. +21619007 All $3.35 billion in debt for the deal was supplied by banks. +21619008 Charles Nathan, co-head of mergers and acquisitions at Salomon Brothers Inc., says it is natural for banks to try to expand beyond their bread-and-butter business of providing senior debt for buy-outs. +21619009 But the UAL collapse, he says, "may tell you it's not going to work that easily." +21619010 David Batchelder, a mergers adviser in La Jolla, Calif., who aided Los Angeles investor Marvin Davis on the bids which put both UAL and NWA in play as takeover candidates this year, says that banks have been "preparing to play a larger and larger role in acquisition financing." +21619011 Mr. Batchelder says that in the past, banks would normally have loaned 65% of a total buy-out price, with the loans secured by the target company's assets. +21619012 Another 20% of the borrowed funds would come from the sale to investors of junk bonds, which offer less security and typically carry higher yields than bank loans. +21619013 Mr. Checchi's purchase of NWA, Mr. Batchelder notes, "was probably the most aggressive to date," with bank debt at 85% of the purchase price. +21619014 But Mr. Batchelder says that Citicorp's "failure to deliver" on its promise to raise the UAL bank debt for a labor-management buy-out group "is very distressing to potential users of a `highly-confident' letter from commercial banks." +21619015 His client, Mr. Davis, used just such a letter from Citicorp in pursuing UAL; Citicorp later agreed to work with a competing UAL buy-out group. +21619016 Executives of Citicorp and Chase Manhattan declined to comment on either the UAL situation, or on the changing nature of banks' role in financing takeovers. +21619017 In the wake of Campeau's problems, prices of junk bonds tumbled, throwing into doubt the ability of corporate acquirers to finance large takeovers with the help of junk bond sales. +21619018 Mark Solow, senior managing director at Manufacturers Hanover Trust Co., says the falloff in junk bonds may yet open new business opportunities to banks in structuring takeovers. +21619019 But he warns that banks will have "to have enough discipline" not to make loans that are too risky. +21619020 In fact, Manufacturers Hanover said in its third-quarter earnings report that fees from syndicating loans to other banks dropped 48%, to $21 million. +21619021 "We didn't take part in a lot of deals because their credit quality was poor," says a bank spokesman. +21619022 James B. Lee, head of syndications and private placements at Chemical Banking Corp., said he believes banks can still make a credible offer of one-stop shopping for takeover finance. +21619023 As evidence, he cites yesterday's arrangement for the final financing of a $3 billion bid for American Medical International Inc. in which Chemical served as both the lead bank and an equity investor. +21619024 Beyond the current weakness in the junk bond market, banks have another advantage over investment banks in financing contested takeovers. +21619025 Arthur Fleischer Jr., a takeover lawyer at Fried Frank Harris Shriver & Jacobson, notes that "a political and emotional bias" has developed against junk bonds. +21619026 One hostile bidder who deliberately avoided using junk bonds was Paramount Communications Inc. in its initial offer to acquire Time Inc. for $10.7 billion, or $175 a share. +21619027 A Paramount spokesman says that decision was based on the financial, not political, drawbacks of junk bonds. +21619028 But some observers believe Paramount Chairman Martin Davis wanted to avoid the possible taint of being perceived as a corporate raider in his controversial bid for Time. +21619029 In the end, Mr. Davis used junk bonds so that he could raise Paramount's bid to $200 a share. +21619030 Some Monday-morning quarterbacks said the initial lower bid, without junk bonds, was a factor in his losing the company. +21619031 Time eluded Paramount by acquiring Warner Communications Inc. +21619032 The success of the NWA financing, and the failure of the UAL deal, also seem to highlight the important new role in takeover financing being played by Japanese banks. +21619033 Japanese banks accounted for 50% of the NWA bank debt, according to a report by Transportation Secretary Samuel Skinner. +21619034 But it was broad-scale rejection by Japanese banks that helped seal the fate of the attempt to buy UAL. +21619035 Citicorp and Chase are attempting to put together a new, lower bid. +21619036 Takanori Mizuno, chief economist of the Institute for Financial Affairs Inc., a Tokyo research center on finance and economics, says, "The junk bond market became very jittery, and there's a fear of a coming recession and the possible bankruptcy of LBO companies. +21620001 Harley-Davidson Inc. filed suit in federal court here, alleging that a group that holds 6.2% of its stock made "false, deceptive and misleading" statements in recent regulatory filings and public announcements. +21620002 Harley-Davidson's complaint claims that the group, led by investor Malcolm I. Glazer, violated securities laws by failing to disclose plans to purchase 15% of the company's shares outstanding and that when the required Hart-Scott-Rodino filing eventually was made, it didn't disclose the group's alleged earlier violation of the so-called prior-notice requirements of the law. +21620003 Mr. Glazer couldn't immediately be reached to comment. +21620004 But when Harley last week publicly questioned the legality of the group's filing procedures, the Rochester, N.Y., investor said "we complied with every law," and he denied any wrongdoing. +21620005 The Glazer group said in a Securities and Exchange Commission filing in early October that it may seek a controlling interest in Harley-Davidson, or seek representation on the company's board. +21620006 Harley has said it doesn't intend to be acquired by the Glazer group or any other party. +21621001 Inland Steel Industries Inc., battered by lower volume and higher costs, posted a 75% drop in third-quarter earnings. +21621002 The nation's fourth-largest steelmaker earned $18.3 million, or 43 cents a share, compared with $61 million, or $1.70 a share, a year earlier, when the industry was enjoying peak demand and strong pricing. +21621003 Sales fell to $981.2 million from $1.02 billion. +21621004 The earnings also mark a significant drop from the second quarter's $45.3 million or $1.25 a share. +21621005 Moreover, the earnings were well below analysts' expectations of about $1.16 a share. +21621006 In composite trading on the New York Stock Exchange, Inland closed yesterday at $35.875 a share, down $1. +21621007 The company attributed the earnings drop to lower volume related to seasonal demand and the soft consumer durable market, especially in the automotive sector. +21621008 However, the company also lost orders because of prolonged labor talks in the second quarter. +21621009 Third-quarter shipments slipped 7% from the year-ago period, and 17% from this year's second quarter. +21621010 Profit of steel shipped for the company's steel segment slid to $26 a ton, from $66 a ton a year earlier and $57 a ton a quarter earlier. +21621011 Analysts noted that the disappointing results don't reflect lower prices for steel products. +21621012 Charles Bradford, an analyst with Merrill Lynch Capital Markets, said higher prices for galvanized and cold-rolled products offset lower prices for bar, hot-rolled and structural steel. +21621013 Structural steel, which primarily serves the construction market, was especially hurt by a 15% price drop, Mr. Bradford said. +21621014 The company said its integrated steel sector was also hurt by higher raw material, repair and maintenance, and labor costs. +21621015 The increased labor costs became effective Aug. 1 under terms of the four-year labor agreement with the United Steelworkers union. +21621016 Meanwhile, the company's service center segment, which saw operating profit drop to $11.5 million from $30.7 million a year ago, experienced much of the same demand and cost problems, as well as start-up costs associated with a coil processing facility in Chicago and an upgraded computer information system. +21621017 Inland Chairman Frank W. Luerssen said the company's short-term outlook is "clouded by uncertainties in the economy and financial markets." +21621018 However, he noted that steel mill bookings are up from early summer levels, and that he expects the company to improve its cost performance in the fourth quarter. +21621019 In the first nine months, profit was $113 million, or $3.04 a share, on sales of $3.19 billion, compared with $204.5 million, or $5.76 a share, on sales of $3.03 billion, a year earlier. +21622001 The "seismic" activity of a financial market bears a resemblance to the seismic activity of the earth. +21622002 When things are quiet (low volatility), the structures on which markets stand can be relatively inefficient and still perform their functions adequately. +21622003 However, when powerful forces start shaking the market's structure, the more "earthquake-resistant" it is, the better its chance for survival. +21622004 America's financial markets do not yet have all the required modern features required to make them fully "aftershock-resistant." +21622005 Investors lack equal access to the markets' trading arena and its information. +21622006 That structural lack is crucial because investors are the only source of market liquidity. +21622007 And liquidity is what markets need to damp quakes and aftershocks. +21622008 In today's markets, specialists (on the New York Stock Exchange) and "upstairs" market makers (in the over-the-counter market) are the only market participants allowed to play a direct role in the price-determination process. +21622009 When they halt trading, all market liquidity is gone. +21622010 And when any component of the market -- cash, futures or options -- loses liquidity, the price discovery system (the way prices are determined) becomes flawed or is lost entirely for a time. +21622011 Last Friday the 13th (as well as two years ago this week) the markets became unlinked. +21622012 When that happened, "seismic" tremors of fear -- much like the shock waves created by an earthquake -- coursed through the market and increased the market's volatility. +21622013 Lack of important, needed information can cause fear. +21622014 Fear is the father of panic. +21622015 Panic frequently results in irrational behavior. +21622016 And in financial markets, irrational behavior is sometimes translated into catastrophe. +21622017 When market tremors start, it is crucial that as much information about transaction prices and the supply-demand curve (buy and sell orders at various prices) be made available to all, not just to market makers. +21622018 Because of a lack of information and access, many investors -- including the very ones whose buying power could restore stability and damp volatility -- are forced to stand on the sidelines when they are most needed, because of their ignorance of important market information. +21622019 To add aftershock-damping power to America's markets, a modern, electronic trading system should be implemented that permits equal access to the trading arena (and the information that would automatically accompany such access) by investors -- particularly institutional investors. +21622020 Contrary to some opinions, the trading activities of specialists and other market makers do not provide liquidity to the market as a whole. +21622021 What market makers provide is immediacy, a very valuable service. +21622022 Liquidity is not a service. +21622023 It is a market attribute -- the ability to absorb selling orders without causing significant price changes in the absence of news. +21622024 Market makers buy what investors wish to sell; their business is reselling these unwanted positions as quickly as possible to other investors, and at a profit. +21622025 As a result, while any one customer may purchase immediacy by selling to a market maker (which is micro-liquidity for the investor), the market as a whole remains in the same circumstances it was before the transaction: The unwanted position is still an unwanted position; only the identity of the seller has changed. +21622026 In fact it can be argued that increasing capital commitments by market makers (a result of some post-1987 crash studies) also increases market volatility, since the more securities are held by market makers at any given time, the more selling pressure is overhanging the market. +21622027 In an open electronic system, any investor wishing to pay for real-time access to the trading arena through a registered broker-dealer would be able to see the entire supply-demand curve (buy and sell orders at each price) entered by dealers and investors alike, and to enter and execute orders. +21622028 Current quotations would reflect the combined financial judgment of all market participants -- not just those of intermediaries who become extremely risk-averse during times of crisis. +21622029 Investors and professionals alike would compete on the level playing field Congress sought and called a "national market system" (not yet achieved) almost 15 years ago when it passed the Securities Reform Act of 1975. +21622030 Last Friday's market gyrations did not result in severe "aftershocks." +21622031 Were we smart or just lucky? +21622032 I'm not certain. +21622033 But I am sure we need to maximize our "earthquake" protection by making certain that our market structures let investors add their mighty shock-damping power to our nation's markets. +21622034 Mr. Peake is chairman of his own consulting company in Englewood, N.J. +21623001 NOW YOU SEE IT, now you don't. +21623002 The recession, that is. +21623003 The economy's stutter steps leave investors wondering whether things are slowing down or speeding up. +21623004 So often are government statistics revised that they seem to resemble a spinning weather vane. +21623005 For the past seven years, investors have had the wind at their backs, in the form of a generally growing economy. +21623006 Some may have forgotten -- and some younger ones may never have experienced -- what it's like to invest during a recession. +21623007 Different tactics are called for, as losing money becomes easier and making money becomes tougher. +21623008 For those investors who believe -- or fear -- that 1990 will be a recession year, many economists and money managers agree on steps that can be taken to lower the risks in a portfolio. +21623009 In a nutshell, pros advise investors who expect a slowdown to hold fewer stocks than usual and to favor shares of big companies in "defensive" industries. +21623010 A heavy dose of cash is prescribed, along with a heavier-than-usual allotment to bonds -- preferably government bonds. +21623011 It's tempting to think these defensive steps can be delayed until a recession is clearly at hand. +21623012 But that may not be possible, because recessions often take investors by surprise. +21623013 "They always seem to come a bit later than you expect. +21623014 When they do hit, they hit fast," says David A. Wyss, chief financial economist at the Data Resources division of McGraw-Hill Inc. +21623015 Though he himself doesn't expect a recession soon, Mr. Wyss advises people who do that "the best thing to be in is long that is, 20-year to 30-year Treasury bonds." +21623016 The reason is simple, Mr. Wyss says: "Interest rates almost always decline during recession." +21623017 As surely as a seesaw tilts, falling interest rates force up the price of previously issued bonds. +21623018 They are worth more because they pay higher interest than newly issued bonds do. +21623019 That effect holds true for both short-term and long-term bonds. +21623020 But short-term bonds can't rise too much, because everyone knows they will be redeemed at a preset price fairly soon. +21623021 Long-term bonds, with many years left before maturity, swing more widely in price. +21623022 But not just any bonds will do. +21623023 Corporate bonds "are usually not a good bet in a recession," Mr. Wyss says. +21623024 As times get tougher, investors fret about whether companies will have enough money to pay their debts. +21623025 This hurts the price of corporate bonds. +21623026 Also, he notes, "most corporate bonds are callable." +21623027 That means that a corporation, after a specified amount of time has passed, can buy back its bonds by paying investors the face value (plus, in some cases, a sweetener). +21623028 When interest rates have dropped, it makes sense for corporations to do just that; they then save on interest costs. +21623029 But the investors are left stranded with money to reinvest at a time when interest rates are puny. +21623030 If corporate bonds are bad in recessions, junk bonds are likely to be the worst of all. +21623031 It's an "absolute necessity" to get out of junk bonds when a recession is in the offing, says Avner Arbel, professor of finance at Cornell University. +21623032 "Such bonds are very sensitive to the downside, and this could be a disaster." +21623033 Municipal bonds are generally a bit safer than corporate bonds in a recession, but not as safe as bonds issued by the federal government. +21623034 During an economic slump, local tax revenues often go down, raising the risks associated with at least some municipals. +21623035 And, like corporates, many municipal bonds are callable. +21623036 But a few experts, going against the consensus, don't think bonds would help investors even if a recession is in the offing. +21623037 One of these is Jeffrey L. Beach, director of research for Underwood Neuhaus & Co., a brokerage house in Houston, who thinks that "we're either in a recession or about to go into one." +21623038 What's more, he thinks this could be a nastier recession than usual: "Once the downturn comes, it's going to be very hard to reverse." +21623039 Investors, he advises, "should be cautious," holding fewer stocks than usual and also shunning bonds. +21623040 Because he sees a "5% to 6% base rate of inflation in the economy," he doubts that interest rates will fall much any time soon. +21623041 Instead, Mr. Beach says, investors "probably should be carrying a very high level of cash," by which he means such so-called cash equivalents as money-market funds and Treasury bills. +21623042 Greg Confair, president of Sigma Financial Inc. in Allentown, Pa., also recommends that investors go heavily for cash. +21623043 He isn't sure a recession is coming, but says the other likely alternative -- reignited inflation -- is just as bad. +21623044 "This late in an expansion," the economy tends to veer off either into damaging inflation or into a recession, Mr. Confair says. +21623045 The Federal Reserve Board's plan for a "soft landing," he says, requires the Fed to navigate "an ever-narrowing corridor." +21623046 A soft landing isn't something that can be achieved once and for all, Mr. Confair adds. +21623047 It has to be engineered over and over again, month after month. +21623048 He believes that the task facing Fed Chairman Alan Greenspan is so difficult that it resembles "juggling a double-bladed ax and a buzz saw." +21623049 And, in a sense, that's the kind of task individuals face in deciding what to do about stocks -- the mainstay of most serious investors' portfolios. +21623050 It comes down to a question of whether to try to "time" the market. +21623051 For people who can ride out market waves through good times and bad, stocks have been rewarding long-term investments. +21623052 Most studies show that buy-and-hold investors historically have earned an annual return from stocks of 9% to 10%, including both dividends and price appreciation. +21623053 That's well above what bonds or bank certificates have paid. +21623054 Moreover, because no one knows for sure just when a recession is coming, some analysts think investors shouldn't even worry too much about timing. +21623055 "Trying to time the economy is a mistake," says David Katz, chief investment officer of Value Matrix Management Inc. in New York. +21623056 Mr. Katz notes that some economists have been predicting a recession for at least two years. +21623057 Investors who listened, and lightened up on stocks, "have just hurt themselves," he says. +21623058 Mr. Katz adds that people who jump in and out of the stock market need to be right about 70% of the time to beat a buy-and-hold strategy. +21623059 Frequent trading runs up high commission costs. +21623060 And the in-and-outer might miss the sudden spurts that account for much of the stock market's gains over time. +21623061 Still, few investors are able to sit tight when they are convinced a recession is coming. +21623062 After all, in all five recessions since 1960, stocks declined. +21623063 According to Ned Davis, president of Ned Davis Research Inc. in Nokomis, Fla., the average drop in the Dow Jones Industrial Average was about 21%, and the decrease began an average of six months before a recession officially started. +21623064 By the time a recession is "official" (two consecutive quarters of declining gross national product), much of the damage to stocks has already been done-and, in the typical case, the recession is already half over. +21623065 About six months before a recession ends, stocks typically begin to rise again, as investors anticipate a recovery. +21623066 The average recession lasts about a year. +21623067 Unfortunately, though, recessions vary enough in length so that the average can't reliably be used to guide investors in timing stock sales or purchases. +21623068 But whatever their advice about timing, none of these experts recommend jettisoning stocks entirely during a recession. +21623069 For the portion of an investor's portfolio that stays in stocks, professionals have a number of suggestions. +21623070 Mr. Katz advocates issues with low price-earnings ratios -- that is, low prices in relation to the company's earnings per share. +21623071 "Low P-E" stocks, he says, vastly outperform others "during a recession or bear market." +21623072 In good times, he says, they lag a bit, but overall they provide superior performance. +21623073 Prof. Arbel urges investors to discard stocks in small companies. +21623074 Small-company shares typically fall more than big-company stocks in a recession, he says. +21623075 And in any case, he argues, stocks of small companies are "almost as overpriced as they were Sept. 30, 1987, just before the crash." +21623076 For example, Mr. Arbel says, stocks of small companies are selling for about 19 times cash flow. +21623077 (Cash flow, basically earnings plus depreciation, is one common gauge of a company's financial health.) +21623078 That ratio is dangerously close to the ratio of 19.7 that prevailed before the 1987 stock-market crash, Mr. Arbel says. +21623079 And it's way above the ratio (7.5 times cash flow) that bigger companies are selling for. +21623080 Another major trick in making a portfolio recession-resistant is choosing stocks in "defensive" industries. +21623081 Food, tobacco, drugs and utilities are the classic examples. +21623082 Recession or not, people still eat, smoke, and take medicine when they're sick. +21623083 George Putnam III, editor of Turnaround Letter in Boston, offers one final tip for recession-wary investors. +21623084 "Keep some money available for opportunities," he says. +21623085 "If the recession does hit, there will be some great investment opportunities just when things seem the blackest." +21623086 Mr. Dorfman covers investing issues from The Wall Street Journal's New York bureau. +21623087 Some industry groups consistently weather the storm better than others. +21623088 The following shows the number of times these industries outperformed the Standard & Poor's 500-Stock Index during the first six months of the past seven recessions. +21624001 Bond prices posted strong gains as investors went on a bargain hunt. +21624002 But while the overall market improved, the new-issue junk-bond market continued to count casualties, even as junk-bond prices rose. +21624003 Yesterday, Prudential-Bache Securities Inc. said it postponed a $220 million senior subordinated debenture offering by York International Corp. +21624004 And Donaldson, Lufkin & Jenrette Securities Corp. scrambled to restructure and improve the potential returns on a $475 million debenture offering by Chicago & North Western Acquisition Corp. that was still being negotiated late last night. +21624005 The issue by Chicago & North Western is one of the so-called good junk-bond offerings on the new-issue calendar. +21624006 Some analysts said the restructuring of the railroad concern's issue shows how tough it is for underwriters to sell even the junk bonds of a company considered to be a relatively good credit risk. +21624007 Since last week's junk-bond market debacle, many new issues of high-yield, high-risk corporate bonds have either been scaled back, delayed or dropped. +21624008 On Wednesday, Drexel Burnham Lambert Inc. had to slash the size of Continental Airlines' junk-bond offering to $71 million from $150 million. +21624009 Salomon Brothers Inc. has delayed Grand Union Co.'s $1.16 billion junk-bond offering while it restructures the transaction. +21624010 Last week, the Grand Union offering was sweetened to include warrants that allow bondholders to acquire common stock. +21624011 Prudential-Bache said the York issue was delayed because of market conditions. +21624012 "Everything is going through firehoops right now, and {Chicago & North Western} is no exception," said Mariel Clemensen, vice president, high-yield research, at Citicorp. +21624013 Portfolio managers say sweeteners like equity kickers and stricter protective covenants may increasingly be required to sell junk-bond deals. +21624014 Dan Baldwin, managing director of high-yield investments at Chancellor Capital Management, said the Chicago & North Western offering was restructured in part because "several large insurance buyers right now are demanding equity as part of the package. +21624015 If you're going to take the risk in this market, you want something extra." +21624016 Mr. Baldwin likes the offering. +21624017 But several mutual-fund managers, nervous about the deteriorating quality of their junk-bond portfolios and shy about buying new issues, said they're staying away from any junk security that isn't considered first rate for its class. +21624018 While they consider the Chicago & North Western issue to be good, they don't view it as the best. +21624019 To lure buyers to the Chicago & North Western bonds, portfolio managers said Donaldson Lufkin sweetened the transaction by offering the bonds with a resettable interest rate and a 10% equity kicker. +21624020 The bonds are expected to have a 14 1/2% coupon rate. +21624021 The equity arrangement apparently would allow bondholders to buy a total of 10% of the stock of CNW Corp., Chicago & North Western's parent company. +21624022 Donaldson Lufkin declined to comment on the restructuring. +21624023 According to some analysts familiar with the negotiations, the 10% of equity would come directly from Donaldson Lufkin and a fund affiliated with the investment bank Blackstone Group, which would reduce their CNW equity holdings by 5% each. +21624024 That would leave the Blackstone fund with a 60% stake and Donaldson Lufkin with 15%. +21624025 Despite the problems with new issues, high-yield bonds showed gains in the secondary, or resell, market. +21624026 Junk bonds ended about one-half point higher with so-called high-quality issues from RJR Capital Holdings Corp. and Petrolane Gas Service Limited Partnership rising one point. +21624027 In the Treasury market, the benchmark 30-year bond rose seven-eighths point, or $8.75 for each $1,000 face amount. +21624028 The gain reflects fresh economic evidence that inflation is moderating while the economy slows. +21624029 That raised hopes that interest rates will continue to move lower. +21624030 The Labor Department reported that consumer prices rose just 0.2% last month, slightly lower than some economists had expected. +21624031 But there were also rumors yesterday that several Japanese institutional investors were shifting their portfolios and buying long-term bonds while selling shorter-term Treasurys. +21624032 Short-term Treasury securities ended narrowly mixed, with two-year notes posting slight declines while three-year notes were slightly higher. +21624033 Yesterday, the Fed executed four-day matched sales, a technical trading operation designed to drain reserves from the banking system. +21624034 The move was interpreted by some economists as a sign that the Fed doesn't want the federal funds rate to move any lower than the 8 3/4% at which it has been hovering around during the past week. +21624035 The closely watched funds rate is what banks charge each other on overnight loans. +21624036 It is considered an early signal of Fed credit policy changes. +21624037 "The fact that they did four-day matched sales means they are not in a mood to ease aggressively. +21624038 They are telling us that {8 3/4%} is as low as they want to see the fed funds rate," said Robert Chandross at Lloyds Bank PLC. +21624039 Treasury Securities +21624040 The benchmark 30-year bond was quoted late at a price of 101 25/32 to yield 7.955%, compared with 100 29/32 to yield 8.032% Wednesday. +21624041 The latest 10-year notes were quoted late at 100 9/32 to yield 7.937%, compared with 99 26/32 to yield 8.007%. +21624042 Short-term rates rose yesterday. +21624043 The discount rate on three-month Treasury bills rose to 7.56% from 7.51% Wednesday, while the rate on six-month bills rose to 7.57% from 7.53%. +21624044 Meanwhile, the Treasury sold $9.75 billion of 52-week bills yesterday. +21624045 The average yield on the bills was 7.35%, down from 7.61% at the previous 52-week bill auction Sept. 21. +21624046 Yesterday's yield was the lowest since 7.22% on July 27. +21624047 Here are details of the auction: +21624048 Rates are determined by the difference between the purchase price and face value. +21624049 Thus, higher bidding narrows the investor's return while lower bidding widens it. +21624050 The percentage rates are calculated on a 360-day year, while the coupon-equivalent yield is based on a 365-day year. +21624051 Corporate Issues +21624052 Junk bond price climbed yesterday despite skittishness in the new-issue market for high-yield securities. +21624053 Dealers said junk bond issues on average were up by 1/4 to 1/2 point with so-called quality issues from RJR Capital Holdings Corp. and Petrolane Gas Service Limited Partnership posting one-point gains. +21624054 Petrolane Gas Service's 13 1/4% debentures traded at 102, after trading around par earlier this week, and RJR's 13 1/2% subordinated debentures of 2001 were at 101 5/8 after trading at below par earlier this week. +21624055 Investment-grade bonds were unchanged. +21624056 Municipals +21624057 Activity was brisk in the high-grade general obligation market, as a series of sell lists hit the Street and capped upward price movement in the sector. +21624058 Traders estimated that more than $140 million of high-grade bonds was put up for sale via bid-wanted lists circulated by a handful of major brokers. +21624059 There was speculation that the supply was coming from a commercial bank's portfolios. +21624060 According to market participants, the bonds were met with decent bids, but the volume of paper left high grades in the 10-year and under maturity range unchanged to 0.05 percentage point higher in yield. +21624061 Away from the general obligation sector, activity was modest. +21624062 Long dollar bonds were flat to up 3/8 point. +21624063 New Jersey Turnpike Authority's 7.20% issue of 2018 was up 3/8 at 98 3/8 bid to yield about 7.32%, down 0.03 percentage point. +21624064 The debt of some California issuers pulled off lows reached after Tuesday's massive earthquake, although traders said market participants remained cautious. +21624065 California expects to rely on federal emergency funds and its $1.06 billion in general fund reserves to meet the estimated $500 million to $1 billion in damages resulting from the quake, according to a state official. +21624066 It's also unclear precisely how the state will rebuild its reserve, said Cindy Katz, assistant director of California's department of finance, although she noted that a bond offering for that purpose isn't anticipated. +21624067 Meanwhile, new issuance was slow. +21624068 The largest sale in the competitive arena was a $55.7 million issue of school financing bonds from the Virginia Public School Authority. +21624069 A balance of $25.8 million remained in late order-taking, according to the lead manager. +21624070 Mortgage-Backed Securities +21624071 Mortgage securities generally ended 6/32 to 9/32 point higher, but lagged gains in the Treasury market because of a shift in the shape of the Treasury yield curve and rumored mortgage sales by thrifts. +21624072 Premium Government National Mortgage Association securities with coupon rates of 13% and higher actually declined amid concerns about increased prepayments because of a plan being considered by Congress to speed the refinancing of government-subsidized mortgages. +21624073 Ginnie Mae 13% securities were down about 1/4 at 109 30/32. +21624074 If the refinancing plan clears Congress, there could be fairly heavy prepayments on the premium securities, hurting any investor paying much above par for them. +21624075 In the current-coupon sector, a shift in the Treasury yield curve resulting from the better performance of long-dated issues over short-dated securities hurt major coupons because it will become more difficult to structure new derivative securities offerings. +21624076 Ginnie Mae 9% securities ended at 98 6/32, up 9/32, and Federal Home Loan Mortgage Corp. 9% securities were at 97 10/32, up 6/32. +21624077 The Ginnie Mae 9% issue was yielding 9.42% to a 12-year average life assumption, as the spread above the Treasury 10-year note widened 0.03 percentage point to 1.48. +21624078 While Remic issuance may slow in the coming days because of the shift in the Treasury yield curve, underwriters continued to crank out new real estate mortgage investment conduits structured when the yield curve was more favorable. +21624079 Two new Remics totaling $900 million were announced by Freddie Mac yesterday. +21624080 Foreign Bonds +21624081 British government bonds ended little changed as investors awaited an economic policy address last night by Chancellor of the Exchequer Nigel Lawson. +21624082 The Treasury 11 3/4% bond due 2003/2007 was down 2/32 at 111 29/32 to yield 10.09%, while the 11 3/4% notes due 1991 were unchanged at 98 19/32 to yield 12.94%. +21624083 In Japan, the bellwether No. 111 4.6% bond of 1998 ended off 0.03 at 95.72, to yield 5.32%, and in West Germany, the 7% benchmark issue due October 1999 ended 0.05 point lower at 99.85 to yield 7.02%. +21625001 THE PANHANDLER approaches, makes his pitch. +21625002 It may be straightforward -- he wants money for food -- or incredibly convoluted; his sister is at this very moment near death in Hoboken, he has lost his wallet and has only $1.22 in change to put toward a bus ticket costing $3.83, and won't you give him the difference? +21625003 No? +21625004 Well, how about a loan, he'll take your name and address . . . +21625005 Figuring that their money would more likely go toward a bottle of Night Train Express, most people have little trouble saying no to propositions like this. +21625006 But healthy skepticism vanishes when they are solicited by an organized charity to help fight cancer, famine, child abuse, or what have you. +21625007 Most see little reason to doubt that their cash will go toward these noble goals. +21625008 But will it? +21625009 In a distressing number of cases, no. +21625010 In fact, the donors sometimes might be better off giving the money to the panhandler: at least he has no overhead, and he might even be telling the truth. +21625011 Last year, more than $100 billion was donated to the nation's 400,000 charities. +21625012 While the vast bulk of it was indeed spent by reputable organizations on the good works it was raised for, it's equally true that a sizable hunk was consumed in "expenses" claimed by other operators, including fraudulent expenses. +21625013 In many cases the costs claimed were so high that only a dribble of cash was left for the purported beneficiaries. +21625014 It's impossible to say exactly how much of the total charity intake is devoured by stratospheric fund-raising costs, high-living operators, and downright fraud. +21625015 But the problem clearly is widespread and persistent. +21625016 State law enforcers can barely keep up with charity scams, and reports from watchdog groups such as the Council of Better Business Bureaus are not encouraging. +21625017 The Philanthropic Advisory Service of the BBB reviews hundreds of new charities every year, measuring them against minimum standards for accountability; for accuracy and honesty in solicitation; and for percentage of funds actually going to work for which the charity was supposedly established. +21625018 The Service figures at least half of the money taken in should be spent on program. +21625019 Roughly a third of the charities reviewed flunk the test. +21625020 Which, it should be added, doesn't prevent the charities from raking in a lot of money anyway. +21625021 Without a microscope and a subpoena, it's often hard to sort out worthwhile causes from ripoffs if all you've got to go on is the solicitation itself. +21625022 On this basis, "there's no way the average person can know a good charity from a bad one," says David Ormstedt, an assistant attorney general in Connecticut. +21625023 "A lot of donors just get taken." +21625024 Including those, he contends, who put about $1 million into the kitty for the Connecticut Association of Concerned Veterans and the Vietnam Veterans Service Center. +21625025 The state has sued these charities in state court, complaining that much of the money was grossly misspent; 82%, says Mr. Ormstedt, went to fund raisers and most of the rest to the people who ran the charities and to their relatives -- for fur coats, trips to Florida, Lucullan restaurant tabs. +21625026 The telephone number for the charity in Shelton, Conn., has been disconnected, and the former officials couldn't be located. +21625027 Running a charity does cost money, but reputable organizations manage to get the lion's share of donations out to where they are really needed. +21625028 The Arthritis Foundation, the American Cancer Society and the United Way of America all say that they spend roughly 90% of their income on programs, not overhead. +21625029 With some other charities, however, its the other way around. +21625030 The fledgling National Children's Cancer Society, for example, took in $2.5 million last year to finance bone-marrow transplants for children. +21625031 By the time it paid its expenses it only had $120,000 left -- not enough to treat even one child. +21625032 The state of Illinois is suing the charity for fraud in Chicago, along with Telesystems Marketing Inc., its Houston-based fund raiser. +21625033 Both deny wrongdoing. +21625034 The charity admits spending a lot on fund raising, but says that was necessary to establish a donor base it can tap at much lower cost in years to come. +21625035 Michael Burns, president of Telesystems, says his concern has only benefited from the publicity surrounding the case, noting that three other charities have signed on as clients because they were impressed with the amount he raised for National Children's. +21625036 Meanwhile, a state court judge has allowed the charity to go on soliciting funds. +21625037 Enforcers can't put charities out of business simply because they spend the lion's share of their income on fund raising. +21625038 State laws previously used as a yardstick minimum percentages of income -- usually half -- that had to be spent on the program rather than overhead, but these have been overturned by the U.S. Supreme Court. +21625039 It has ruled that such laws might work to stifle fund raising, which would amount to limiting the charities' first-amendment right to freedom of expression. +21625040 This puts upon enforcers the burden of proving outright fraud or misrepresentation, and such actions have been brought against hundreds of charities recently. +21625041 The attorney general's office in Connecticut alone has put seven of them out of business over the past couple of years, and the enforcement drive is continuing there and elsewhere. +21625042 In making cases, the authorities frequently zero in on alleged misrepresentations made by the charities' fund raisers. +21625043 Illinois, for instance, currently has under investigation 10 of the 30 companies drumming up funds for charities soliciting there. +21625044 Enforcers pay special attention to operators using sweepstakes prizes as an additional inducement to give. +21625045 Attorneys general in several states, including Illinois, are already suing Watson & Hughey Co., an Alexandria, Va.-based outfit that they say has used deceptive sweepstakes ads to solicit donations for the American Heart Disease Foundation and the Cancer Fund of America. +21625046 According to the Illinois attorney general's suit, Watson & Hughey sent mailings indicating that recipients were guaranteed cash prizes, and could win up to an additional $1,000 on top of them, if they contributed as little as $7. +21625047 But the total value of the prizes was only $5,000 and most "winners" will receive just 10 cents, according to the attorney general's office. +21625048 The suit is still pending in Illinois state court. +21625049 Watson & Hughey has denied the allegations in court; officials decline to comment further. +21625050 While they can target some of the most obvious miscreants, enforcers concede that they are only scratching the surface. +21625051 There are so many cunning ploys used by so many dubious operators, they say, that it is probably impossible to stop them all. +21625052 One maneuver: the "public education" gambit. +21625053 The solicitation material indicates that donations will go toward a campaign alerting and informing the public about some health or other issue. +21625054 What it doesn't say is that the entire "campaign" may be the fund-raising letter itself. +21625055 "All too often this will merely be a statement on the solicitation such as, `Don't smoke!' or `Wear suntan lotion,' " says William Webster, attorney general of Missouri. +21625056 "By putting these pithy statements on the solicitations, hundreds of thousands of dollars are claimed to have been spent on education to consumers when in fact this represents the costs of sending the newsletters." +21625057 Mr. Webster cites a four-page mailing from the United Cancer Council that offers a chance to win $5,000 in gold bullion to those giving as little as $5 to cancer education. +21625058 "A few boilerplate warnings about cancer appear but that's only two inches in all four pages. +21625059 I think some people may believe they're helping fund a massive TV and print campaign, but we couldn't find that the charity does anything except write these letters," he says. +21625060 Officials at the Washington D.C.-based charity didn't return repeated phone calls. +21625061 Many fly-by-night charities ride the coattails of the biggest, best-known and most reputable ones by adopting names similar to theirs. +21625062 The established charities are bothered by this but say they can do little about it. +21625063 "We can't police the many organizations that have sprung up in the last few years using part of our name. +21625064 Most of them don't last for long, but in the meantime all we can do is tell people they aren't connected with us," says a spokeswoman for the American Heart Association. +21625065 And sometimes a reputable charity with a household name gets used and doesn't even know it. +21625066 A couple in Rockford, Ill., raised $12,591 earlier this year using the name and logo of Mothers Against Drunk Driving, without permission from the group. +21625067 MADD didn't learn of the fund raising until the couple sent it a check for $613, along with a letter saying that was the charity's "share." +21625068 The Illinois Attorney General won a court order to prevent the couple from raising further funds without MADD's permission. +21625069 The couple couldn't be reached for comment and apparently have left Rockford, law enforcement officials report. +21625070 Denise McDonald, a spokeswoman for MADD, says, "It's scary, because anybody could do this." +21625071 Mr. Johnson is a staff reporter in The Wall Street Journal's Chicago bureau. +21625072 Overhead costs at some of the largest charities, in millions of dollars +21626001 British Airways PLC, a crucial participant in the proposed buy-out of UAL Corp., washed its hands of the current efforts to revive a bid for the parent of United Airlines. +21626002 Specifically, the British carrier said it currently has no plans to participate in any new offer for UAL. +21626003 In addition, British Air officially withdrew its support for the previous $300-a-share bid in a terse statement that said "the original deal is closed." +21626004 Company officials said later that British Airways believes its involvement in the UAL buy-out ended last Friday when the buy-out group, which also includes UAL's management and pilot union, failed to obtain financing for the $6.79 billion transaction. +21626005 The carrier stopped short of saying it wouldn't at some point reconsider participating in any new bid for UAL. +21626006 However, company officials said they plan to take "no initiatives" to resurrect the transaction, and "aren't aware" of any restructured bid in the making. +21626007 Collectively, the statements raised questions about whether a new bid for UAL will ever get off the ground. +21626008 The transaction has had a series of setbacks since the financing problems became known last Friday, with no signs or statements from the buy-out group to indicate that any progress has taken place. +21626009 However, in response to the British Air decision, United's pilot union vowed to continue efforts to revive the buy-out. +21626010 Pilot union Chairman Frederick C. Dubinsky said advisers to UAL management and the union will begin meeting in New York today and will work through the weekend to devise a new proposal to present to UAL's board "at the earliest time possible." +21626011 Pilot union advisers appeared confident that a new bid could go forward even without British Air's participation. +21626012 UAL declined to comment on British Air's statement. +21626013 UAL Chairman Stephen M. Wolf, who is leading the management end of the buy-out, hasn't provided investors with any assurances about the prospect of a new deal. +21626014 In another setback yesterday, United's machinist union asked the Treasury Department to investigate whether certain aspects of the original buy-out proposal violated tax laws. +21626015 In an effort to derail the buy-out, the union has already called for investigations by the Securities and Exchange Commission, Transportation Department and Labor Department. +21626016 But there was one bright spot yesterday. +21626017 The United flight-attendants union agreed to negotiations that could lead to the flight attendants contributing concessions to a revived bid in exchange for an ownership stake. +21626018 The pilot union, the only one to support the buy-out thus far, said the flight attendants' decision "enforces our belief that an all-employee owned airline is practical and achievable." +21626019 Still, without the assurance of British Airways' financial backing, it will be tougher for the buy-out group to convince already-reluctant banks to make loan commitments for a revised bid, especially since British Air's original investment represented 78% of the cash equity contribution for the bid. +21626020 Under the previous plan, British Air would have received a 15% stake in UAL in exchange for a $750 million equity investment, with a 75% stake going to UAL employees and 10% to UAL management. +21626021 British Air officials said the airline's chairman, Lord King, was concerned about news reports indicating that British Air might be willing to participate in a bid that included a lower purchase price and better investment terms for the British carrier. +21626022 The previous reports were based on remarks by British Air's chief financial officer, Derek Stevens, who said any revised bid would have to include a lower purchase price to reflect the sharp drop in UAL's stock in the past week. +21626023 UAL stock dropped $1.625 yesterday to $190.125 on volume of 923,500 shares in composite trading on the New York Stock Exchange. +21626024 UAL declined to comment on British Air's statement. +21626025 In an interview Wednesday with Dow Jones Professional Investor Report, Mr. Stevens said, "We're in no way committed to a deal going through at all. +21626026 We're not rushing into anything. +21626027 We don't want to be party to a second rejection." +21626028 Indeed, British Air seemed to be distancing itself from the troubled transaction early in an effort to avoid any further embarrassment. +21626029 The original transaction fell through on the same day British Air shareholders approved the plan at a special meeting after the British succeeded in arranging the financing for its equity contribution. +21626030 The carrier also seemed eager to place blame on its American counterparts. +21626031 "The {buy-out} consortium ceased to exist because our American partners were not capable of organizing the financing," a British Air spokesman said. +21626032 British Airways may have begun to have second thoughts about the transaction after the Transportation Department forced Northwest's Airlines' new owners to restructure the equity contribution of KLM Royal Dutch Airlines in that carrier. +21626033 Most of the department's statements since the Northwest transaction indicated it planned to curtail foreign ownership stakes in U.S. carriers. +21626034 Even before British Air's announcement, pilot union leaders had been meeting in Chicago yesterday to consider their options. +21626035 The leaders expressed support for trying to revive the bid following a briefing Wednesday by the union's advisers, Lazard Freres & Co. and Paul, Weiss, Rifkind Wharton & Garrison. +21626036 They also unanimously re-elected Mr. Dubinsky, the union chairman who has led the pilots' 2 1/2-year fight to take control of the airline. +21626037 UAL's advisers have indicated previously that it may take a while to come forward with a revised plan since they want to have firm bank commitments before launching a new bid. +21626038 They have maintained that banks remain interested in financing the transaction. +21626039 The buy-out fell through after Citicorp and Chase Manhattan Corp., the lead banks in the transaction, failed to obtain $7.2 billion in financing needed for the plan. +21627001 Italy's industrial wholesale sales index rose 13.2% in June from a year earlier, the state statistical institute Istat said. +21627002 The June increase compared with a rise of 10.5% in May from a year earlier. +21627003 Domestic wholesale sales rose 11.9% from a year earlier, while foreign sales jumped 17.3%, Istat said. +21627004 For the first six months, wholesale sales rose 12.3% from the year before, reflecting to a 11.5% jump in domestic sales and a 14.6% boost in foreign sales. +21627005 Sales of capital goods to foreign and domestic destinations increased 16.6% in the January-June period from a year earlier. +21627006 Sales of consumer goods rose 6.9% in the same period, while sales of intermediate goods were up 13.8% from a year ago. +21628001 Senate Democrats favoring a cut in the capital-gains tax have decided, under pressure from their leaders, not to offer their own proposal, placing another obstacle in the path of President Bush's legislative priority. +21628002 A core group of six or so Democratic senators has been working behind the scenes to develop a proposal to reduce the tax on the gain from the sale of assets. +21628003 The plan was complete except for finishing touches, and there was talk that it would be unveiled as early as yesterday. +21628004 But Senate Majority Leader George Mitchell (D., Maine), a vigorous opponent of the capital-gains tax cut, called the group to meet with him Wednesday night and again yesterday. +21628005 Sen. Mitchell urged them to desist. +21628006 Afterward, leaders of the dissident Democrats relented, and said they wouldn't offer their own proposal as they had planned. +21628007 The decision is a setback for President Bush, who needs the support of Democrats to pass the tax cut through the Democratic-controlled Senate. +21628008 Having a proposal sponsored by Democrats would have given the president an advantage. +21628009 Having only a Republican measure makes the task harder. +21628010 Still, Sen. Bob Packwood (R., Ore.), the lead sponsor of the Republican capital-gains amendment, predicted that the tax cut would be enacted this year. +21628011 He said a clear majority of senators back the tax reduction and that ultimately there would be enough senators to overcome any procedural hurdle the Democratic leadership might erect. +21628012 But Sen. Mitchell, buoyed by his victory among fellow Democrats, strongly disagreed. +21628013 Mr. Mitchell has been predicting that the president's initiative would fail this year. +21628014 Yesterday, in an interview, he added that the Democrats' decision "increases the likelihood that a capital-gains tax cut will not pass this year." +21628015 Mr. Mitchell's first victory came last week, when the Senate passed a deficit-reduction bill that didn't contain a capital-gains provision. +21628016 That vote made it unlikely that a capital-gains tax cut would be included in the final bill, now being drafted by House and Senate negotiators. +21628017 The House version of the bill does include the tax cut. +21628018 Now Republican leaders are concentrating on attaching a capital-gains amendment to some other bill, perhaps a measure raising the federal borrowing limit or a second tax bill that would follow on the heels of the deficit-reduction legislation. +21628019 To help lay the groundwork for that fight, President Bush plans early next week to meet at the White House with some 20 Democratic senators who favor cutting the capital-gains tax or are undecided on the issue. +21628020 The president apparently will have only one bill to push, Sen. Packwood's, and at least some of the dissident Democrats plan to support it. +21628021 "I may want to offer additional amendments to improve it when the bill comes to the floor," said Sen. David Boren (D., Okla.), a leader of those Democrats. +21628022 The Packwood plan, as expected, would allow individuals to exclude from income 5% of the gain from the sale of a capital asset held for more than one year. +21628023 The exclusion would rise five percentage points for each year the asset was held, until it reached a maximum of 35% after seven years. +21628024 The exclusion would apply to assets sold after Oct. 1. +21628025 As an alternative, taxpayers could chose to reduce their gains by an inflation index. +21628026 For corporations, the top tax rate on the sale of assets held for more than three years would be cut to 33% from the current top rate of 34%. +21628027 That rate would gradually decline to as little as 29% for corporate assets held for 15 years. +21628028 The Packwood plan also would include a proposal, designed by Sen. William Roth (R., Del.), that would create new tax benefits for individual retirement accounts. +21628029 The Roth plan would create a new, non-deductible IRA from which money could be withdrawn tax-free not only for retirement, but also for the purchase of a first home, education expenses and medical expenses. +21628030 Current IRAs could be rolled over into the new IRAs, but would be subject to tax though no penalty. +21629001 Westmoreland Coal Co., realizing benefits of a sustained effort to cut costs and boost productivity, reported sharply improved third-quarter results. +21629002 The producer and marketer of low-sulfur coal said net income for the quarter was $5.9 million, or 71 cents a share, on revenue of $145.4 million. +21629003 For the year-earlier period, the company reported a loss of $520,000 or six cents a share. +21629004 In the latest nine months, the company earned $8.5 million, or $1.03 a share. +21629005 Last year's net loss of $3,524,000 included a benefit of $1,640,000 from an accounting change. +21629006 Revenue for the nine months rose to $449 million from $441.1 million. +21629007 In an interview, Pemberton Hutchinson, president and chief executive, cited several reasons for the improvement: higher employee productivity and "good natural conditions" in the mines, as well as lower costs for materials, administrative overhead and debt interest. +21629008 In the latest nine months, Mr. Hutchinson said, total coal sales rose to about 14.6 million tons from about 14.3 million tons a year earlier. +21629009 In addition, long-term debt has been trimmed to about $72 million from $96 million since Jan. 1. +21629010 He predicted the debt ratio will improve further in coming quarters. +21629011 Westmoreland's strategy is to retain and expand its core business of mining and selling low-sulphur coal in the Appalachia region. +21629012 The operating territory includes coal terminals on the Ohio River and in Newport News, Va. +21629013 Westmoreland exports about a fourth of its coal tonnage, including a significant amount of metallurgical coal produced by others that is used by steelmakers overseas. +21629014 For the past couple of years, Westmoreland has undertaken an aggressive streamlining of all aspects of its business. +21629015 Marginal operations and assets have been sold. +21629016 The size of the company's board has been reduced to eight directors from 13. +21629017 About 140 salaried management jobs and hundreds of hourly wage positions have been eliminated. +21629018 Even perks have been reduced. +21629019 For example, the chief executive himself now pays 20% of the cost of his health benefits; the company used to pay 100%. +21629020 "I think the ship is now righted, the bilges are pumped and we are on course," Mr. Hutchinson said of the restructuring program. +21629021 "Much of what we set out to do is completed." +21629022 But he cautioned that Westmoreland's third quarter is typically better than the fourth, so investors "shouldn't just multiply the third quarter by four" and assume the same rate of improvement can be sustained. +21629023 One difference, he said, is that the fourth quarter has significantly fewer workdays because of holidays and the hunting season. +21629024 "I don't want to give the impression that everybody can relax now," he said. +21629025 "We have to keep working at improving our core business to stay efficient. +21629026 It's a process that never really ends." +21629027 Nevertheless, Mr. Hutchinson predicted that 1989 would be "solidly profitable" for Westmoreland and that 1990 would bring "more of the same." +21629028 For all of 1988, the company reported an after-tax operating loss of $134,000 on revenue of $593.5 million. +21629029 An accounting adjustment made net income $1.5 million, or 18 cents a share. +21629030 In a move that complements the company's basic strategy, its Westmoreland Energy Inc. unit is developing four coal-fired cogeneration plants with a partner in Virginia. +21629031 Some of the coal the plants buy will come from Westmoreland mines. +21629032 Mr. Hutchinson predicted that the unit's contribution to company results in the 1990s "will be exciting." +21629033 He said Westmoreland is looking at investment stakes in other cogeneration plants east of the Mississippi River. +21629034 Westmoreland expects energy demand to grow annually in the 2.5% range in the early 1990s. +21629035 "We see coal's piece of the action growing," Mr. Hutchinson said. +21629036 "Coal prices, while not skyrocketing, will grow modestly in real terms, we think. +21630001 Chase Manhattan Corp., after trying unsuccessfully to sell its interest in its lower Manhattan operations building, has exercised its option to purchase the 50-story office tower. +21630002 Chase had purchased an option to buy the building at One New York Plaza for an undisclosed sum from the late Sol Atlas as part of its original lease in 1970. +21630003 The current transaction cost the bank approximately $140 million. +21630004 Of that amount, $20 million was payment for the land underneath the building and the rest was for the building itself. +21630005 The building houses about 4,500 Chase workers, most of whom will be moved to downtown Brooklyn after the bank's new back office center is completed in 1993. +21630006 The move is part of Chase's strategy to consolidate its back offices under one roof. +21630007 The headquarters is located a few blocks away at 1 Chase Manhattan Plaza. +21630008 As part of its decision to leave the building, Chase tried to sell its interest, along with the Atlas estate's interest, shortly after the October 1987 stock market crash. +21630009 Chase Senior Vice President George Scandalios said the bank decided to exercise its option after bids fell short of expectations. +21630010 He said Chase and the Atlas estate were looking to sell the entire building for $400 million to $475 million, but didn't get an offer for more than $375 million. +21630011 As the building's new owner, Chase will have its work cut out for it. +21630012 Chase is vacating 1.1 million square feet of space, and Salomon Brothers Inc., whose headquarters is in the building, also plans to move shortly. +21630013 In addition, another major building tenant, Thomson McKinnon Inc.'s Thomson McKinnon Securities, likely will vacate the premises as part of its liquidation. +21630014 New York real estate brokerage Edward S. Gordon Co. will have the difficult task of finding new tenants. +21630015 Even with its striking views of the New York harbor, the building is considered antiquated by modern office standards. +21630016 And Chase will have to spend approximately $50 million to remove asbestos from the premises. +21631001 WALL STREET, SHAKE hands with George Orwell. +21631002 The author of the futuristic novel "1984" invented a language called Newspeak that made it impossible to fully develop a heretical thought -- that is, anything negative about the policies and practices of the state. +21631003 Wall Street hasn't gotten that far yet, but it has made a promising start. +21631004 Its language -- call it Streetspeak -- is increasingly mellifluous, reassuring, and designed to make financial products and maneuvers appear better, safer or cheaper than they really are. +21631005 When something undeniably nasty happens, a few euphemisms are deployed to simply make it disappear, much as a fresh grave may be covered by a blanket of flowers. +21631006 For example, we'll bet you thought that the stock market crashed two years ago. +21631007 Wrong. +21631008 According to some of the grand panjandrums of the market, it never happened. +21631009 In their lexicon the 508-point collapse in the Dow Jones Industrial Average on Oct. 19, 1987, was just a big blip. +21631010 Trotting out a much-beloved Streetspeak term, New York Stock Exchange Chairman John Phelan recently declared that history would record the event as only "a major technical correction." +21631011 (Another much-beloved saying, however, this one in plain English, holds that if something walks like a duck and quacks like a duck, it is a duck. +21631012 On Oct. 29, 1929 -- a date historians stubbornly insist on associating with the dreaded C-word -- the DJ industrials fell 12.8%. +21631013 In the "technical correction" of two years ago, they lost a whopping 22.6%.) +21631014 Customers hear a lot of this stuff from people who try to sell them stock. +21631015 These people used to be called brokers, but apparently this word either is not grandiose enough or carries too many negative connotations from the aforementioned technical correction, when terrified customers couldn't raise brokers on the phone. +21631016 Either way, the word "broker" is clearly out of favor. +21631017 Of the major New York-based securities firms, only Morgan Stanley & Co. still calls its salespeople brokers. +21631018 At Merrill Lynch & Co. and Shearson Lehman Hutton Inc., they are "financial consultants." +21631019 At Drexel Burnham Lambert Inc., Prudential Bache Securities, and Dean Witter Reynolds Inc., they are "account executives." +21631020 At PaineWebber Inc., they are "investment executives." +21631021 Such titles are designed to convey a sense of dignified, broad-scale competence and expertise in selling today's myriad financial products. +21631022 It is a competence and expertise that some brokers themselves, overwhelmed by all the new things being dreamed up for them to peddle, don't feel. +21631023 "Its almost product de jour," grouses one account executive at Dean Witter. +21631024 The transmogrified brokers never let the C-word cross their lips, instead stressing such terms as "safe," "insured" and "guaranteed" -- even though these terms may be severely limited in their application to a particular new financial product. +21631025 The names of some of these products don't suggest the risk involved in buying them, either. +21631026 A case in point: "government-plus" bond funds. +21631027 What could imply more safety than investing in government bonds? +21631028 What could be better than getting a tad more income from them (the plus) than other people? +21631029 Indeed, conservative investors, many of them elderly, have poured more than $50 billion into such funds, which promise fatter yields than ordinary Treasury bonds -- only to learn later that these funds use part of their money to dabble in high-risk bond options, a gambler's game. +21631030 When a certain class of investment performs so poorly that its reputation is tarnished, look for Wall Street to give it a new moniker. +21631031 This seems to be happening now to limited partnerships, many of which either have gone into the tank in recent years or have otherwise been grievous disappointments. +21631032 They are still being sold, but more and more often as "direct investments" -- with all the same risks they had under the old label. +21631033 In such cases, the game hasn't changed, only the name. +21631034 In others a familiar old name still prevails, but the underlying game has changed. +21631035 For example, "no load" mutual funds remain a favorite with investors because they don't carry a frontend sales commission. +21631036 Getting out of them, however, may be a different story now. +21631037 Traditional no-loads made their money by charging an annual management fee, usually a modest one; they imposed no other fees, and many still don't. +21631038 In recent years, though, a passel of others flying the no-load flag have been imposing hefty charges -- all the way up to 6% -- when an investor sells his shares. +21631039 Shouldn't they properly be called exit-load funds? +21631040 The mutual-fund industry is debating the question, but don't expect a new name while the old one is working so well. +21631041 And don't expect anyone to change the term "blue chip," either, even though some of the companies that still enjoy the title may be riskier investments than they were. +21631042 American Telephone & Telegraph Co., for one, is still a favorite of widows, orphans and trust departments -- but shorn of its regional telephone units and exposed to competition on every side, it is a far different investment prospect than it was before divestiture. +21631043 Also, blue chips in general have suffered much more short-term price volatility in recent years. +21631044 Larry Biehl, a money manager in San Mateo, Calif., blames that on the advent of program trading, in which computers used by big institutional investors are programmed to buy and sell big blocks when certain market conditions prevail. +21631045 Blue chips, he says, "are now being referred to as poker chips." +21631046 Finally, even the time-honored strategy called "value investing" no longer means what it once did. +21631047 Before the takeover mania of the '80s, it referred to rooting out through analysis undervalued stocks, especially those with shrewd management, sound fundamentals and decent prospects. +21631048 Now, says Mr. Biehl, value investing often means "looking for downtrodden companies with terrible management that are in real trouble." +21631049 To institutional investors or brokers, he adds, a company with value is a company at risk of being swallowed up. +21631050 Ms. Bettner covers personal finance from The Wall Street Journal's Los Angeles bureau. +21632001 I was amused to read your recent news stories on the banking industry's reserve additions and concomitant threats to cease making new loans to less-developed countries. +21632002 If the whole story were told, it would read something like this: +21632003 -- During the 1970s the commercial banks lured the country loan business away from the bond markets where the discipline of a prospectus and "Use of Proceeds" confirmation allowed lenders to audit expenditures of old loans before new loans were made. +21632004 -- The reward for that reckless lending was high reported earnings (and management bonuses); the price, a sea of bad loans. +21632005 -- For the past several years, the banks, lacking a private navy to enforce their interests, have been pressuring the U.S. Treasury to underwrite their bad LDC credits. +21632006 -- The Treasury wisely has refused, but has concluded that indirect credit support through various multinational agencies should be made available for a price: either debt reduction or debt-service reduction or new loans (the Brady Plan). +21632007 -- The banks will threaten not to make further loans, but in truth, lacking the capital to write off their mistakes or to build a navy, they have no alternative but to go along. +21632008 George A. Wiegers +21633001 Gillette Co. elected Warren E. Buffett, chairman of Berkshire Hathaway Inc., to its board, increasing the number of directors to 12 from 11. +21633002 Berkshire Hathaway earlier this year bought $600 million of preferred stock in Gillette that is convertible into an 11% stake, and Gillette said at the time that Mr. Buffett would be added to the board. +21633003 Separately, Gillette said its third-quarter earnings rose 2% to $65.2 million, or 57 cents a share, from $63.9 million, or 57 cents a share, in the year-earlier period; per-share earnings remained flat despite an increase in net income in part because the company paid a $10.4 million dividend on the new preferred stock in the period. +21633004 Sales rose 9% to $921.6 million from $845.7 million, with sales of the company's international/diversified operations "well above" the year earlier-period. +21633005 For the nine months, Gillette's net income declined 1% to $205.3 million, or $2.02 a share, from $207 million, or $1.82 a share, in the 1988 period. +21633006 Sales rose 6% to $2.77 billion from $2.61 billion. +21633007 In composite trading on the New York Stock Exchange, the company closed yesterday at $45.50 a share, up 25 cents. +21634001 When Walter Yetnikoff, the president of Sony Corp.'s CBS Records, last month told producer Peter Guber that Sony was about to make a $3.4 billion bid for Columbia Pictures and needed someone to run the studio, Mr. Guber jumped at the chance. +21634002 Within two days, he was on his way to New York and Tokyo to meet with top brass at Sony. +21634003 And before the week was out, Sony had offered Mr. Guber and his partner, Jon Peters, the most lucrative employment contracts in the history of the movie business. +21634004 Not only that, Sony also agreed to give them a stake in Columbia's future profits and buy their company, Guber Peters Entertainment Co., for $200 million, almost 40% more than the market value of the company. +21634005 There was just one sticking point: The two had a prior commitment. +21634006 Just seven months earlier, they had signed a five-year exclusive contract to make movies for Warner Bros. for which they had just produced the smash hit "Batman." +21634007 But Mr. Guber figured that Warner Communications Inc. chairman Steven Ross, would empathize and let the producers go, knowing the Sony offer was "the culmination of a life's work." +21634008 He figured wrong. +21634009 Last week, following fruitless settlement talks, Warner, now merging with Time Inc., filed a $1 billion breach of contract suit in Los Angeles Superior Court against both Sony and Guber Peters. +21634010 Sony promptly countersued, charging Warner with trying to sabotage its acquisitions and hurt its efforts to enter the U.S. movie business. +21634011 The accusations of lying and duplicity are flying thick and fast on both sides: As one Sony executive puts it, "It's World War III." +21634012 That two successful producers who aren't all that well known outside Hollywood could occasion such a clash of corporate titans suggests how desperate the quest for proven talent is in the movie business. +21634013 And they are a very odd team in any case. +21634014 Mr. Guber was raised in Boston and educated in New York. +21634015 He is a lawyer with a string of academic degrees. +21634016 Mr. Peters is a high-school dropout who came to fame as Barbra Streisand's hairdresser. +21634017 Yet, they are far and away the most prolific producers in Hollywood. +21634018 And despite their share of duds, they make movies that make money. +21634019 That is a skill Sony badly needs -- and Warner is loath to lose. +21634020 Although Columbia had a good summer with "Ghostbusters II" and "When Harry Met Sally," rivals such as Warner, Paramount Pictures, Walt Disney Co. and Universal Studios have been thrashing Columbia at the box office. +21634021 After five years of management turmoil, with four different studio heads, Columbia sorely needs a stable, savvy team to restore its credibility and get it back in the business of making hits. +21634022 Mr. Guber and Mr. Peters aren't universally loved in Hollywood but they are well connected. +21634023 Their stock in trade as "executive producers" is sniffing out hot properties, locking them up and then getting big studios to bankroll and distribute them. +21634024 Sometimes Mr. Guber and Mr. Peters do little more than grab the first draft of a screenplay for a "Flashdance," or buy rights to a best seller such as "The Color Purple." +21634025 It falls to others to do the writing, directing and producing. +21634026 With MGM/UA's "Rainman," for instance, Messrs. Guber and Peters had virtually nothing to do with day-to-day production, but their names still appear in big letters on the credits, and they are inevitably associated with its success. +21634027 Sometimes, as with "Batman," the pair really do make the film. +21634028 In that case, Guber Peters acquired the rights in 1979, nursed the movie through a dozen scripts, and were on the set in London for 11 months hovering over the most minute changes in casting and production. +21634029 "They're the best production talent around," says Brian De Palma, beholden to Guber Peters for hiring him to direct the Warner movie of Tom Wolfe's novel "Bonfire of the Vanities." +21634030 On that film, which is to start shooting in a few months, "they've been very much involved, hiring talent and discussing the development of the script. +21634031 And when you're making a movie this big, you need all the help you can get," Mr. De Palma adds. +21634032 "I wish they were around 24 hours a day." +21634033 And some movies seem to have been hurt by their inattention. +21634034 Warner executives blame Mr. Guber's and Mr. Peters's lack of involvement in "Caddyshack II" for casting and production problems and the film's ultimate dismal failure. +21634035 "We've had a few bombs," admits Mr. Peters. +21634036 "But by and large this company has only been profitable." +21634037 He says his company's prowess at packaging and marketing "is why we'll be good at Columbia. +21634038 We practically ran our own studio." +21634039 Longtime Hollywood associates describe Mr. Guber as the intellectual powerhouse of the two, a man with a flair for deal-making and marketing. +21634040 "Peter is a major piece of Hollywood manpower who has really earned his success," says Robert Bookman, an agent at Creative Artists Agency. +21634041 Mark Johnson, the producer of "Rainman," chimes in: "He has a great ability to hire terrific people and delegate authority. . . . +21634042 It's no accident that they've been able to develop such successful material." +21634043 Mr. Peters, on the other hand, has fewer fans in Hollywood, and his detractors like to characterize him as something of a hot-tempered bully. +21634044 He gets better reviews as a creative whiz, an enthusiast, an idea man. +21634045 He also had to fight harder for credibility than his partner did. +21634046 Barbra Streisand made him famous. +21634047 He cut her hair. +21634048 He lived with her. +21634049 He came to produce her records and her movies -- "A Star Is Born" and "The Main Event." +21634050 Thrice married but now single, Mr. Peters got plenty of ink last summer for an on-set romance with actress Kim Basinger during the making of "Batman." +21634051 Mr. Guber, by contrast, has been married to one woman for more than 20 years. +21634052 But for all their intellectual and stylistic differences, they make the perfect "good cop, bad cop" team, Hollywood associates say. +21634053 "Peter is the bright, sympathetic guy when you're doing a deal," says one agent. +21634054 "If there's a problem, Peter disappears, and all of a sudden Jon shows up." +21634055 Mr. Guber and Mr. Peters rub many people in Hollywood the wrong way. +21634056 Producers Don Simpson and Jerry Bruckheimer, who shepherded "Flashdance" through several scripts and ultimately produced the movie, bristle when Messrs. Guber and Peters take credit for the film. +21634057 Says Mr. Simpson: "The script was unreadable. +21634058 We reinvented it. +21634059 We are the producers of that movie. +21634060 They got a small piece of the net profits and a screen credit" as executive producers. +21634061 When Roger Birnbaum, an executive who worked for Guber Peters in the early 1980s, left to take a job as head of production at the United Artists studio, they made him forfeit all credits and financial interest in the films he had helped develop, including "Rainman" and "Batman." +21634062 Mr. Peters acknowledges that and says it's not unlike the situation he and Mr. Guber are in with Warner. +21634063 "I was upset with Roger, I fumpered and schmumpered," says Mr. Peters. +21634064 "But he wanted to pursue his own dream, and he went." +21634065 Still, Mr. Birnbaum says his relationship with Guber Peters was "one of the most successful I've had in Hollywood." +21634066 The two "have a wonderful chemistry -- Jon is very impulsive, and Peter is very compulsive," adds Mr. Birnbaum, who is now head of production at News Corp.'s 20th Century Fox Film Co. +21634067 "Jon Peters will come barreling into a room, say he's got a great idea, and be gone. +21634068 Peter will take the kernel of that idea and make it grow into something specific. . . ." +21634069 Mr. Birnbaum recalls that Mr. Guber and Mr. Peters shifted into high gear a few years back upon learning that they had competition for the story of the murdered naturalist Dian Fossey, which became "Gorillas in the Mist." +21634070 He says, "Within a few weeks, we made deals with the government of Rwanda and everyone who had ever met or talked to Dian Fossey. +21634071 I think Peter even made some deals with the gorillas." +21634072 Universal Studios was working on a competing film, but the studio and its producers ultimately agreed to co-produce the film with Guber Peters and Warner. +21634073 More recently, Guber Peters beat out a dozen other producers, reportedly including Robert Redford and Ted Turner, for rights to the life story of Chico Mendes, the murdered Brazilian union leader who fought developers in the Amazon rain forest. +21634074 Messrs. Guber and Peters assiduously courted the man's widow for months, showing her a tape of "Gorillas in the Mist" to impress her with the quality of their work. +21634075 Money helped, too. +21634076 Ultimately, they paid more than $1 million for the rights. +21634077 (The sale caused a rift between the widow and some of her husband's followers. +21634078 Some of the money will go to the Chico Mendes Foundation, but it isn't earmarked for groups trying to save the rain forest.) +21634079 It's hardly astonishing (given the men's track record) that Sony wants Mr. Guber and Mr. Peters. +21634080 But it is puzzling to some Hollywood executives that Sony rushed to hire them without clearing up the Warner situation first. +21634081 Some note that Sony might have saved itself some trouble by just hiring Mr. Guber and letting Mr. Peters stay on to fulfill the Warner contract. +21634082 But though "people in town may ask why Guber needs Peters, it's good to have a partner, and obviously the chemistry works," says Steven Tisch, a producer who once worked for Mr. Guber. +21634083 "This business isn't about personalities at the end of the day -- its about whether the ink is red or black. +21634084 In the case of Peter and Jon, the ink has been very, very black." +21634085 Mr. Guber got his start in the movie business at Columbia two decades ago. +21634086 Recruited from New York University's MBA program, he rose within two years to head of production, overseeing such films as "The Way We Were," "Taxi Driver," "Tommy" and "Shampoo." +21634087 In 1976, he teamed up with record producer Neil Bogart in Casablanca Records and Filmworks -- later called Polygram Pictures -- where they produced such hits as as "The Deep," and "Midnight Express." +21634088 In 1980, Mr. Guber got together with Mr. Peters, by then a successful producer in his own right, after the death of Mr. Bogart. +21634089 While Guber Peters produced a number of hits for Warner and others, their record wasn't always so impressive. +21634090 Among their clinkers were "The Legend of Billie Jean," "VisionQuest," "Clue" and "Clan of the Cave Bear." +21634091 And the failures make it possible for Warner in its current lawsuit to paint the producers as ingrates. +21634092 The studio says it stuck with them "even in the early years when the creative partnership was not particularly profitable for Warner." +21634093 Mr. Guber replies that "this is a Goliath, this Time Warner, trying to chew up two fellows who have done only well for them for a long period of time." +21634094 Mr. Guber and Mr. Peters maintain that executives at Warner have always known of their ambitions to run a major entertainment powerhouse, but that Warner never felt threatened until they linked up with Sony. +21634095 "From the beginning, {they} knew we had a goal and a dream," says Mr. Guber. +21634096 On a number of occasions, he adds, he tried to get Warner to buy Guber Peters outright. +21634097 "They always listened, but they never acted," Mr. Guber says. +21634098 In 1987, Mr. Guber and Mr. Peters contributed their company's assets in exchange for a 28% stake in Barris Entertainment, a small-fry TV production company controlled by Giant Industries Inc. Chairman Burt Sugarman. +21634099 In July a year later, Warner agreed to release the producers from their old contract when Messrs. Guber, Peters and Sugarman made a $100 million offer to buy 25% of MGM/UA. +21634100 Mr. Guber and Mr. Peters planned to run the nearly dormant MGM studio, and the two even tried to interest Warner Bros.' President Terry Semel in becoming a partner after he advised them on the deal. +21634101 But the MGM plan collapsed just two weeks later. +21634102 Mr. Guber and Mr. Peters say they got a look at the books and balked at the price. +21634103 Their relationship with Mr. Sugarman soured shortly thereafter. +21634104 Last May, he sold his 24% stake in Barris to a passive Australian investor and Barris was renamed Guber Peters Entertainment Co. +21634105 Meanwhile, Mr. Guber and Mr. Peters had agreed to extend their Warner agreement with the new five-year exclusive contract. +21634106 The new deal was considered the most generous of its kind, both financially and in terms of creative freedom. +21634107 But it paled by comparison to what Sony was to offer last month: the chance, at last, to run a major studio, about $50 million in deferred compensation, up to 10% of Columbia's future cash flow, 8% of the future appreciation of Columbia's market value, and annual salaries of $2.7 million for each. +21634108 The producers' 28% share of publicly held Guber Peters would net them an additional $50 million. +21634109 Sony also agreed to indemnify the producers against any liability to Warner. +21634110 Sony is paying a hefty price for a company that had revenue of only $42 million last year. +21634111 And earnings have been erratic. +21634112 In the the latest quarter, thanks in part to "Batman," Guber Peters earned $5.8 million, or 50 cents a share, compared to a loss of $6.8 million, or 62 cents a share, in last year's quarter. +21634113 Guber Peters stock, which traded as low as $6 a share last year, closed yesterday at $16.625. +21634114 The two sides now are accusing each other of lying. +21634115 Mr. Guber and Mr. Peters claim they have an oral agreement with Warner executives that allows them to terminate their contract should the opportunity to run a major studio arise. +21634116 But in affidavits filed yesterday in the Los Angeles court, Mr. Ross, Warner Bros. Chairman Robert Daly and President Semel deny that such an oral agreement was ever made. +21634117 Warner, in its court filings, calls it "a piece of fiction created for this litigation." +21634118 Mr. Daly in his affidavit acknowledges that Warner agreed to release the producers last year to take over MGM but says that situation was altogether different. +21634119 For one thing, according to Mr. Daly, the producers requested a release in advance. +21634120 Moreover, the old contract was about to expire, and the lineup of Guber Peters pictures for Warner wasn't as strong as it is now. +21634121 Warner itself was in negotiations with MGM over certain movie and other rights, and it was "in Warner's interest to accommodate MGM/UA, Guber and Peters by permitting them to become MGM executives," Mr. Daly said in his affidavit. +21634122 Warner obviously doesn't think that it is in its own interests to let Mr. Guber and Mr. Peters go off to Columbia. +21634123 At the very least, Mr. Ross clearly sees an opportunity to use the two men to get a pound of flesh from Sony. +21634124 During settlement talks, for example, Warner demanded such things as cable TV rights to Columbia movies and Columbia's interest in the studio it jointly owns with Warner, according to executives involved in the talks. +21634125 In any settlement, Warner is almost certain to demand rights to most of the 50 or so projects Mr. Guber and Mr. Peters have locked up for the next few years, notably sequels to "Batman." +21634126 Mr. Guber and Mr. Peters refuse to concede that they may have made a tactical error in accepting the Sony offer before taking it up with Warner. +21634127 And they say there are plenty of precedents in Hollywood for letting people out of contracts. +21634128 The last time Columbia Pictures was looking for a studio chief, they note, Warner released producer David Puttnam from his contract, then took him back after he was subsequently fired by his bosses at Columbia. +21634129 In his affidavit filed yesterday, Warner's Mr. Ross indicated he isn't buying any such argument: "If Sony succeeds here, no written contract in Hollywood will be worth the paper it's written on. +21635001 THE SALES PITCH couldn't sound better. +21635002 First, there's the name: "asset-backed securities." +21635003 Better than all those offers you get to buy securities backed by nothing. +21635004 And there's more. +21635005 The assets backing the securities come from some of the country's biggest -- and most secure -- institutions. +21635006 Most earn high ratings from credit agencies. +21635007 Their yields are higher than those of U.S. Treasury issues. +21635008 And the booming market has already attracted many of the nation's biggest institutional investors. +21635009 Ready to jump? +21635010 Well, think twice. +21635011 The concept may be simple: Take a bunch of loans, tie them up in one neat package, and sell pieces of the package to investors. +21635012 But the simplicity may be misleading. +21635013 Skeptics say the slightly higher returns aren't enough to compensate for the extra risk. +21635014 They warn that asset-backed securities are only as good as the assets and credit backing that support them -- and those are hard to evaluate. +21635015 Moreover, the securities were introduced only about 4 1/2 years ago; the biggest unknown is how they will fare in a recession. +21635016 "A lot of this stuff really is in untested waters," says Owen Carney, director of the investment securities division of the U.S. comptroller of the currency. +21635017 "We don't know how this whole market will work in a serious economic downturn." +21635018 Such concerns, however, haven't stopped asset-backed securities from becoming one of Wall Street's hottest new products. +21635019 Since the spring of 1985, financial alchemists have transformed a wide variety of debt into these new securities. +21635020 They have sold issues backed by car loans, boat loans and recreational-vehicle loans. +21635021 They have offered bundles of homeequity loans, as well as packages of loans used to buy vacation time-shares. +21635022 Last year, there was an issue of "death-backed bonds" -- securities backed by loans to life-insurance policyholders. +21635023 Some predict there will be "Third World bonds," backed by loans to Brazil, Argentina and other debt-ridden nations. +21635024 And the biggest volume this year has been on securities backed by credit-card receivables, sometimes known as "plastic bonds." +21635025 "This is the heyday of debt," says James Grant, editor of Grant's Interest Rate Observer, a newsletter. +21635026 "Before the sun sets on the '80s, it seems nothing will be left unhocked." +21635027 The result is a $45 billion market, according to Securities Data Co. +21635028 That includes more than $9.5 billion issued through August of this year, up sharply from $6.5 billion in the comparable 1988 period -- and more than in all of 1987. +21635029 Most issues have been sold to professional money managers, pension funds, bank trust departments and other institutions. +21635030 But wealthy individuals also have been jumping in, and lately brokers have been pushing smaller investors into the asset-backed market. +21635031 The entry fee is affordable: Issues typically are sold in minimum denominations of $1,000. +21635032 "We expect additional offerings" of asset-backed securities targeted toward individual investors, says Bill Addiss, a senior vice president at Shearson Lehman Hutton Inc. +21635033 The process typically begins when an institution, such as Citibank or Sears, Roebuck & Co., takes a pool of credit-card or other receivables and sells them to a specially created trust. +21635034 The trust then issues securities -- generally due in five years or less -- that are underwritten by Wall Street brokerage firms and offered to investors. +21635035 Issues typically come with "credit enhancements," such as a bank letter of credit, and thus have received high credit ratings. +21635036 Enthusiasts say the booming market has opened up a valuable new source of funds to issuers, while providing a valuable new investment for individuals and institutions. +21635037 Asset-backed securities "are an attractive investment compared to bank certificates of deposit or other corporate bonds," says Craig J. Goldberg, managing director and head of the asset-backed securities group at Merrill Lynch Capital Markets. +21635038 But skeptics question whether asset-backed bonds offer sufficient rewards to compensate for the extra risks. +21635039 Consider a $500 million offering of 9% securities issued last spring and backed by Citibank credit-card receivables. +21635040 The triple-A-rated issue offered a yield of only about 0.5 percentage point above four-year Treasury issues. +21635041 On a $10,000 investment, that's a difference of only $50 a year. +21635042 That kind of spread can be critical for money managers who buy bonds in large quantities and whose livelihood depends on outperforming the money manager across the street. +21635043 But for individuals who buy much smaller amounts and care less about relative performance than in preserving what they have, that margin is meaningless. +21635044 "If you're in the bond business playing the relative-performance derby, then even an extra 25 basis points (0.25 percentage point) becomes an important consideration on a career basis," says Mr. Grant. +21635045 "But if you're an individual investing money and trying to get it back again, then that isn't of overwhelming importance." +21635046 Moreover, the interest on asset-backed securities is fully taxable, while interest on Treasury issues is tax-free at the state and local level. +21635047 That's why some investment managers, such as Alex Powers, a vice president of Chase Manhattan Bank's private banking division, don't recommend most asset-backed issues for individuals in high-tax states, such as New York or California. +21635048 But Mr. Powers has purchased asset-backed issues for individuals with tax-deferred accounts, such as retirement plans. +21635049 He points out that institutions buying asset-backed issues in large quantities can earn higher spreads over Treasurys than individuals buying smaller amounts. +21635050 Another concern is liquidity, or how easily a security can be converted into cash. +21635051 The secondary, or resale, market for asset-backed securities is relatively new and much less active than for Treasury issues. +21635052 That could make it tricky for investors who need to sell their holdings quickly before the securities mature. +21635053 That's particularly true, analysts say, for certain of the securities, such as those backed by time-share loans. +21635054 "You could see massive gyrations here because it's such a thinly traded market," says Jonathan S. Paris, a vice president of European Investors Inc., a New York investment-management firm. +21635055 In addition, an investor who wants to know the daily value of Treasury bonds, or corporate bonds traded on the New York Stock Exchange, can simply check newspaper listings. +21635056 There aren't any such listings for asset-backed securities. +21635057 Evaluating asset-backed securities poses another problem. +21635058 Investors, for instance, may mistakenly assume that the bank or company that originally held the assets is guaranteeing the securities. +21635059 It isn't. +21635060 The front cover of the prospectus for the Citibank credit-card receivables offering points out in bold capital letters that the certificates represent an interest only in the specially created trust and "do not represent interests in or obligations of the banks, Citibank N.A., Citicorp or any affiliate thereof." +21635061 In other words, if there's a problem, don't expect Citibank to come to the rescue. +21635062 The prospectus also notes that the securities are not guaranteed by any government agency. +21635063 That means investors have to focus on the quality of the debt that lies beneath the securities, as well as on the credit enhancement for the issue and the credit ratings the issue has received. +21635064 That also isn't easy. +21635065 Take the "credit enhancements," which typically include a bank letter of credit or insurance from a bond-insurance company. +21635066 The letter of credit typically is not offered by the bank selling the assets to back the securities. +21635067 Nor does it cover the entire portfolio. +21635068 Details of credit enhancements vary widely from issue to issue. +21635069 Still, they play a crucial role in winning top ratings for most asset-backed issues -- which in turn is why the yield above Treasurys is so slim. +21635070 But skeptics ask why you should bother buying this stuff when you can get only slightly lower yields on government-guaranteed paper. +21635071 When you buy an asset-backed issue, you take the risk that a bank or an insurer could run into unexpected difficulties. +21635072 If a bank's credit rating was lowered because of, say, its loans to Third World nations, that could also affect the ratings, liquidity and prices of the asset-backed issues that the bank supports. +21635073 Underwriters insist these issues are constructed to withstand extremely tough economic conditions. +21635074 But despite the credit enhancements, despite the high ratings, some money managers still worry that a recession could wreak havoc on the underlying assets. +21635075 At a time when Americans are leveraged to their eyeballs, asset-backed investors may be taking a heady gamble that consumers will be able to repay loans in hard times. +21635076 At the very least, a recession would prompt investors to buy the highest-quality bonds they can find -- that is, Treasurys. +21635077 That could widen the yield spread between Treasurys and asset-backed securities, as well as make it tougher to unload the latter. +21635078 But it could be much worse. +21635079 Some analysts are especially wary of credit-card issues. +21635080 For one thing, credit-card loans are unsecured. +21635081 In addition, they fear that banks have been overeager to issue cards to the public -- giving cards to too many big spenders who will default during a recession. +21635082 "A day of reckoning is coming where we think the market will place a high premium on the highest-quality debt issues, and therefore we think the best debt investment is U.S. government bonds," says Craig Corcoran of Davis/Zweig Futures Inc., an investment advisory firm. +21635083 What about triple-A-rated asset-backed issues? +21635084 "Nope, we still say to stick with Treasurys," Mr. Corcoran replies. +21635085 Ratings, he notes, "are subject to change." +21635086 All this makes asset-backed securities seem too risky for many people. +21635087 And it reminds Raymond F. DeVoe Jr., a market strategist at Legg Mason Wood Walker Inc., of what he calls "DeVoe's Unprovable but Highly Probable Theory No. 1: +21635088 "More money has been lost reaching for yield than in all the stock speculations, scams and frauds of all time." +21635089 Mr. Herman is a staff reporter in The Wall Street Journal's New York bureau. +21635090 Volume of asset-backed securities issued annually +21635091 *Principal amount +21635092 **As of August 30 +21635093 *Principal amount +21635094 Source: Securities Data Co. +21636001 IF YOU FORCE financial planners to sum up their most important advice in a single sentence, it would probably be a one-word sentence: Diversify. +21636002 Judging by a poll of Wall Street Journal readers conducted this summer by Erdos & Morgan Inc., serious investors have taken that advice to heart. +21636003 Nearly 1,000 investors responded to the Journal's poll, providing an in-depth look at their portfolios. +21636004 Those portfolios are remarkably diversified. +21636005 By spreading their wealth among several investment alternatives, the respondents have protected themselves against squalls in any one area, be it stocks, bonds or real estate. +21636006 For example, about 88% of Journal readers owned stock (down slightly from 91% in a similar poll last year). +21636007 But only 17.5% said they had more than half their money in the stock market. +21636008 Similarly, 57% of respondents own shares in a money-market mutual fund, and 33% own municipal bonds. +21636009 But only 6% to 7% of the investors were committing more than half their funds to either of those alternatives. +21636010 The poll, conducted Aug. 7-28, also provides a glimpse into the thinking of serious investors on a variety of other topics. +21636011 It found them in a cautious, but not downbeat, mood. +21636012 Of 1,500 people sent a questionnaire, 951 replied. +21636013 The response rate, more than 63%, allows the results to be interpreted with a high degree of confidence. +21636014 The results can't be extrapolated to all investors, though. +21636015 Journal readers are relatively affluent, with a median household income of between $75,000 and $99,000. +21636016 Nearly half of the respondents (47%) said their investment portfolio was worth $250,000 or more, and 17% said it was worth $1 million or more. +21636017 The respondents were mildly optimistic about the economy and investment markets, but their collective judgments were a notch more sober than they were a year ago. +21636018 For example, 12% of this year's respondents said they expect a recession within 12 months. +21636019 Last year, only 8% were expecting a recession. +21636020 An additional 56% of this year's respondents expect the economy to slow down during the next 12 months. +21636021 Only 42% of last year's respondents anticipated slowing growth. +21636022 Apparently, the respondents don't think that an economic slowdown would harm the major investment markets very much. +21636023 A slim majority (51%) think stock prices will be higher in August 1990 than they were in August 1989. +21636024 Their verdict on real estate is almost the same. +21636025 Some 50% expect real estate in their local area to increase in value over the next 12 months. +21636026 By contrast, only 32% expect an increase in the price of gold. +21636027 Since gold tends to soar when inflation is high, that finding suggests that people believe inflation remains under control. +21636028 Even though only 12% actually predicted a recession, many respondents were taking a better-safe-than sorry investment stance. +21636029 Nearly a third said they have made some portfolio changes to anticipate a possible recession. +21636030 For the most part, the changes were "slight." +21636031 The two-thirds who haven't tried to make their portfolios more recession-resistant were split about evenly between investors who "don't believe in trying to predict the markets" (about 31%) and investors who "don't expect a recession" (about 15%) or are "unsure if and when a recession might come" (about 22%). +21636032 A buy-and-hold approach to stocks continues to be the rule among respondents. +21636033 Most own two to 10 stocks, and buy or sell no more than three times a year. +21636034 Some 71% had bought some stock in the past year; only 57% had sold any. +21636035 But the lurking shadow of 1987's stock-market crash still seems dark. +21636036 About 33% considered another crash "likely," while about 63% said one is "unlikely." +21636037 Those percentages hardly changed from the previous year's poll. +21636038 And the respondents' commitment to the stock market remains somewhat lighter than usual. +21636039 About 60% of them said they would "ordinarily" have at least 25% of their money in stocks. +21636040 But as of August, only 50% actually had stock-market investments of that size. +21636041 Most stock-market indexes were hitting all-time highs at around the time of the poll. +21636042 But it appears that many Journal readers were taking that news as a sign to be cautious, rather than a signal to jump on the bandwagon. +21636043 Mr. Dorfman covers investing issues from The Wall Street Journal's New York bureau. +21637001 Canadian steel ingot production totaled 276,334 metric tons in the week ended Oct. 14, down 5.3% from the preceding week's total of 291,890 tons, Statistics Canada, a federal agency, said. +21637002 The week's total was down 7.1% from 297,446 tons a year earlier. +21637003 A metric ton is equal to 2,204.62 pounds. +21637004 The cumulative total in 1989 was 12,283,217 tons, up 7.5% from 11,429,243 tons a year earlier. +21638001 Health Care Property Investors Inc. said it acquired three long-term care facilities and one assisted-living facility in a purchase-and-lease transaction valued at $15 million. +21638002 The real estate investment trust said that it leased the three Florida facilities to National Health Care Affiliates Inc. of Buffalo, N.Y. +21638003 Health Care Property holds an interest in 139 facilities in 30 states. +21639001 Moody's Investors Service said it lowered its rating on about $75 million of this Chatsworth, Calif., concern's convertible subordinated debentures, due 2012, to Caa from B2. +21639002 It said the reduction reflects impaired business prospects and reduced financial flexibility caused by continuing losses at the maker of Winchester disk drives. +21639003 VALLEY National Corp. -- +21639004 Moody's Investors Service Inc. said it lowered its rating on about $400 million of this bank holding company's senior debt to B2 from Ba3. +21639005 Moody's said it expects Valley National, of Phoenix, Ariz., to make substantial further provisions against its real-estate portfolio, and that it continues to suffer from the high cost of carrying nonperforming assets, and from high loan-loss provisions. +21640001 Electronic theft by foreign and industrial spies and disgruntled employees is costing U.S. companies billions and eroding their international competitive advantage. +21640002 That was the message delivered by government and private security experts at an all-day conference on corporate electronic espionage. +21640003 "Hostile and even friendly nations routinely steal information from U.S. companies and share it with their own companies," said Noel D. Matchett, a former staffer at the federal National Security Agency and now president of Information Security Inc., Silver Spring, Md. +21640004 It "may well be" that theft of business data is "as serious a strategic threat to national security" as it is a threat to the survival of victimized U.S. firms, said Michelle Van Cleave, the White House's assistant director for National Security Affairs. +21640005 The conference was jointly sponsored by the New York Institute of Technology School of Management and the Armed Forces Communications and Electronics Association, a joint industry-government trade group. +21640006 Any secret can be pirated, the experts said, if it is transmitted over the air. +21640007 Even rank amateurs can do it if they spend a few thousand dollars for a commercially available microwave receiver with amplifier and a VCR recorder. +21640008 They need only position themselves near a company's satellite dish and wait. +21640009 "You can have a dozen competitors stealing your secrets at the same time," Mr. Matchett said, adding: "It's a pretty good bet they won't get caught." +21640010 The only way to catch an electronic thief, he said, is to set him up with erroneous information. +21640011 Even though electronic espionage may cost U.S. firms billions of dollars a year, most aren't yet taking precautions, the experts said. +21640012 By contrast, European firms will spend $150 million this year on electronic security, and are expected to spend $1 billion by 1992. +21640013 Already many foreign firms, especially banks, have their own cryptographers, conference speakers reported. +21640014 Still, encrypting corporate communications is only a partial remedy. +21640015 One expert, whose job is so politically sensitive that he spoke on condition that he wouldn't be named or quoted, said the expected influx of East European refugees over the next few years will greatly increase the chances of computer-maintenance workers, for example, doubling as foreign spies. +21640016 Moreover, he said, technology now exists for stealing corporate secrets after they've been "erased" from a computer's memory. +21640017 He said that Oliver North of Iran-Contra notoriety thought he had erased his computer but that the information was later retrieved for congressional committees to read. +21640018 No personal computer, not even the one on a chief executive's desk, is safe, this speaker noted. +21640019 W. Mark Goode, president of Micronyx Inc., a Richardson, Texas, firm that makes computer-security products, provided a new definition for Mikhail Gorbachev's campaign for greater openness, known commonly as glasnost. +21640020 Under Mr. Gorbachev, Mr. Goode said, the Soviets are openly stealing Western corporate communications. +21640021 He cited the case of a Swiss oil trader who recently put out bids via telex for an oil tanker to pick up a cargo of crude in the Middle East. +21640022 Among the responses the Swiss trader got was one from the Soviet national shipping company, which hadn't been invited to submit a bid. +21640023 The Soviets' eavesdropping paid off, however, because they got the contract. +21641001 The University of Toronto stepped deeper into the contest for Connaught BioSciences Inc. by reaching an unusual agreement with Ciba-Geigy Ltd. and Chiron Corp. +21641002 The University said the two companies agreed to spend 25 million Canadian dollars ($21.3 million) over 10 years on research at Canadian universities if they are successful in acquiring the vaccine maker. +21641003 It said $10 million would go to the University of Toronto. +21641004 Ciba-Geigy and Chiron have made a joint bid of C$866 million for Connaught, and Institut Merieux S.A. of France has made a rival bid of C$942 million. +21641005 The University is seeking an injunction against the Merieux bid, arguing that Connaught's predecessor company agreed in 1972 that Connaught's ownership wouldn't be transferred to foreigners. +21641006 The university implied that it would drop its opposition to foreign ownership if Ciba-Geigy and Chiron are successful with their lower bid. +21641007 It said the new agreement would "replace" the old one that forms the basis of its suit against the Merieux takeover. +21641008 "Notwithstanding foreign ownership of Connaught, this accord would enhance research and development in Canada," said James Keffer, the university's vice president of research. +21641009 Ciba-Geigy is a Swiss pharmaceutical company and Chiron is based in Emeryville, Calif. +21641010 In a statement, Jacques-Francois Martin, director general of Merieux, said the French company is still determined to acquire Connaught. +21641011 While he didn't comment directly on the pact between Ciba-Geigy and the university, he said Merieux can transfer new products and technologies to Connaught more rapidly than other companies "not currently producing and marketing vaccines {who} can only promise this for some . . . years in the future." +21641012 In national over-the-counter trading yesterday, Connaught closed at $28.625, up $1.25. +21642001 Microsoft and other software stocks surged, leading the Nasdaq composite index of over-the-counter stocks to its biggest advance of the year on breathtaking volume. +21642002 Leading the pack, Microsoft soared 3 3/4, or 4%, to a record price of 84 1/4 on 1.2 million shares. +21642003 On the other hand, Valley National tumbled 24% after reporting a sizable third-quarter loss. +21642004 The Nasdaq composite leaped 7.52 points, or 1.6%, to 470.80. +21642005 Its largest previous rise this year came Aug. 7, when it gained 4.31. +21642006 The OTC market's largest stocks soared as well, as the Nasdaq 100 Index jumped 10.01, or 2%, to 463.06. +21642007 The Nasdaq Financial Index rose 5.04, or 1.1%, to 460.33. +21642008 By comparison, the Dow Jones Industrials and the New York Stock Exchange Composite each rose 1.5%. +21642009 Volume totaled 173.5 million shares, 30% above this year's average daily turnover on Nasdaq. +21642010 Among broader Nasdaq industry groups, the utility index gained 18.11 to 761.38. +21642011 The transportation and insurance sectors each posted gains of 8.59, with the transports finishing at 486.74 and the insurers at 537.91. +21642012 The Nasdaq industrial index climbed 8.17 to 458.52, and the "other finance" index, made up of commercial banks and real estate and brokerage firms, rose 3.97 to 545.96. +21642013 The index of smaller banks improved 1.97. +21642014 Of the 4,346 issues that changed hands, 1,435 rose and 629 fell. +21642015 Jeremiah Mullins, head of OTC trading at Dean Witter Reynolds, said both institutional and retail investors were buying. +21642016 But there was a dearth of sellers, traders said, so buyers had to bid prices up to entice them. +21642017 "There's no pressure on OTC stocks at this point," said Mr. Mullins, who said some buyers are beginning to shop among smaller OTC issues. +21642018 Microsoft's surge followed a report this week of substantially improved earnings for its first quarter, ended Sept. 30. +21642019 The stock was trading at 69 just two weeks ago. +21642020 Rick Sherlund, a Goldman Sachs analyst, has raised his earnings estimates for the company twice in the past two weeks, citing improved margins. +21642021 After the earnings were announced, he raised his fiscal 1990 estimate to between $3.80 and $4 a share. +21642022 Microsoft earned $3.03 a share in fiscal 1989. +21642023 Among other software issues, Autodesk jumped 1 1/4 to 42, Lotus Development was unchanged at 32 1/2, Novell jumped 7/8 to 30 3/4, Ashton-Tate gained 1/4 to 10 5/8, and Oracle Systems rose 3/4 to 25 3/4. +21642024 Caere, a new software issue, surged from its offering price of 12 to close at 16 1/8. +21642025 The company also makes optical character recognition equipment. +21642026 Caere was underwritten by Alex. Brown & Sons. +21642027 Another recently offered Alex. Brown issue, Rally's, surged 3 1/8 to 23. +21642028 The operator of fast-food restaurants, whose shares began trading last Friday, climbed 3 1/8 to 23 on 944,000 shares. +21642029 Its 1.7 million-share offering was priced at 15. +21642030 Valley National's slide of 5 3/4 points to 18 1/2 on 4.2 million shares followed its report late Wednesday of a $72.2 million third-quarter loss. +21642031 In the 1988 quarter, the Phoenix, Ariz., commercial banking concern earned $18.7 million. +21642032 Valley National said its $110 million provision for credit losses and $11 million provision for other real estate owned is related to weakness in the Arizona real estate market. +21642033 Additionally, Moody's Investors Service said it downgraded Valley National's senior debt and confirmed the company's commercial paper rating of "not prime." +21642034 A new issue, Exabyte, surged 2 1/8 from its initial offering price to close at 12 1/8. +21642035 The offering was for about 2.8 million shares of the data storage equipment maker; more than 2.2 million shares changed hands after trading began. +21642036 Dell Computer dropped 7/8 to 6. +21642037 The company said earnings for the year ending Jan. 28, 1990, are expected to be 25 to 35 cents a share, compared with a previous estimate of 50 to 60 cents a share. +21642038 Nutmeg Industries lost 1 3/4 to 14. +21642039 Raymond James & Associates in St. Petersburg, Fla., lowered its third-quarter earnings estimate for the company, according to Dow Jones Professional Investor Report. +21642040 A.P. Green Industries advanced 1 5/8 to 36 1/8. +21642041 East Rock Partners, which has indicated it might make a bid for the company, said A.P. Green, a refractory products maker, told the partnership it isn't for sale. +21643001 Row 21 of Section 9 of the Upper Reserved at Candlestick Park is a lofty perch, only a few steps from the very top of the stands. +21643002 From my orange seat, I looked over the first-base line and the new-mown ball field in the warm sun of the last few minutes before what was to have been the third game of the World Series. +21643003 It was five in the afternoon, but that was Pacific time. +21643004 Back in New York the work day was already over, so I didn't have to feel guilty. +21643005 Even still, I did feel self-indulgent, and I couldn't help remembering my father's contempt for a rich medical colleague who would go to watch the Tigers on summer afternoons. +21643006 This ballpark, the Stick, was not a classic baseball stadium -- too symmetrical, too much bald concrete. +21643007 And it didn't have the crowded wild intimacy of Yankee Stadium. +21643008 But I liked the easy friendliness of the people around me, liked it that they'd brought their children, found it charming that, true citizens of the state of the future, they had brought so many TVs and radios to stay in touch with electroreality at a live event. +21643009 Maybe it was their peculiar sense of history. +21643010 The broadcasters were, after all, documenting the game, ratifying its occurrence for millions outside the Stick. +21643011 Why not watch or hear your experience historicized while you were living it? +21643012 The day was saturated with the weight of its own impending history. +21643013 Long lines of people waited to buy special souvenir World Series postcards with official postmarks. +21643014 Thousands of us had paid $5 for the official souvenir book with its historical essays on Series trivia, its historical photographs of great moments in Series past, and its instructions, in English and Spanish, for filling in the scorecard. +21643015 Pitcher=lanzador. +21643016 Homerun=jonron. +21643017 Players ran out on the field way below, and the stands began to reverberate. +21643018 It must be a local custom, I thought, stamping feet to welcome the team. +21643019 But then the noise turned into a roar. +21643020 And no one was shouting. +21643021 No one around me was saying anything. +21643022 Because we all were busy riding a wave. +21643023 Sixty thousand surfers atop a concrete wall, waiting for the wipeout. +21643024 Only at the moment of maximum roll did I grasp what was going on. +21643025 Then I remembered the quake of '71, which I experienced in Santa Barbara in a second-story motel room. +21643026 When the swaying of the building woke me up, I reasoned that a) I was in Southern California; b) the bed was moving; c) it must be a Magic Fingers bed that had short-circuited. +21643027 Then I noticed the overhead light was swaying on its cord and realized what had happened. +21643028 What should I do? +21643029 Get out of the possibly collapsing building to the parking lot. +21643030 But the lot might split into crevasses, so I had better stand on my car, which probably was wider than the average crevasse. +21643031 Fortunately, the quake was over before I managed to run out and stand naked on the hood. +21643032 At the Stick, while the world shook, I thought of that morning and then it struck me that this time was different. +21643033 If I survived, I would have achieved every journalist's highest wish. +21643034 I was an eyewitness of the most newsworthy event on the planet at that moment. +21643035 What was my angle? +21643036 How would I file? +21643037 All these thoughts raced through my head in the 15 seconds of the earthquake's actual duration. +21643038 The rest is, of course, history. +21643039 The Stick didn't fall. +21643040 The real tragedies occurred elsewhere, as we soon found out. +21643041 But for a few minutes there, relief abounded. +21643042 A young mother found her boy, who had been out buying a hotdog. +21643043 The wall behind me was slightly deformed, but the center had held. +21643044 And most of us waited for a while for the game to start. +21643045 Then we began to file out, to wait safely on terra firma for the opening pitch. +21643046 It was during the quiet exodus down the pristine concrete ramps of the Stick that I really understood the point of all those Walkmen and Watchmen. +21643047 The crowd moved in clumps, clumps magnetized around an electronic nucleus. +21643048 In this way, while the Stick itself was blacked out, we kept up to date on events. +21643049 Within 15 minutes of the quake itself, I was able to see pictures of the collapsed section of the Bay Bridge. +21643050 Increasingly accurate estimates of the severity of the quake became available before I got to my car. +21643051 And by then, expensive automobile sound systems were keeping the gridlocked parking lot by the bay informed about the fire causing the big black plume of smoke we saw on the northern horizon. +21643052 Darkness fell. +21643053 But the broadcasts continued through the blacked-out night, with pictures of the sandwiched highway ganglion in Oakland and firefighting in the Marina district. +21643054 By then, our little sand village of cars had been linked with a global village of listeners and viewers. +21643055 Everyone at the Stick that day had started out as a spectator and ended up as a participant. +21643056 In fact, the entire population of the Bay Area had ended up with this dual role of actor and audience. +21643057 The reporters were victims and some of the victims turned into unofficial reporters. +21643058 The outstanding example of this was the motorist on the Bay Bridge who had the presence of mind to take out a video camera at the absolutely crucial moment and record the car in front as it fell into the gap in the roadway. +21643059 The tape was on tv before the night was out. +21643060 Marshall McLuhan, you should have been there at that hour. +21644001 Investors who received Shearson Lehman Hutton Inc.'s latest stock commentary may be left with blank expressions. +21644002 The first 10 pages of the 76-page Weekly Portfolio Perspective are completely blank, except for the page numbers. +21644003 Rather than printing devils, Shearson puts all the blame on the unpredictable stock market. +21644004 The plunge made Shearson's market commentary instantly out of date. +21644005 In fact, last Friday's 190.58-point tumble in the stock market caught many people and businesses by surprise, not the least of them brokerage firms such as Shearson that print their weekly market commentaries on Fridays for dissemination the following week. +21644006 Shearson, a 62%-owned unit of American Express Co., didn't have enough time to update its market commentary so, "We decided to kill our strategy pieces," says Jack Rivkin, the head of Shearson's research department. +21644007 The first thought some investors had was that a red-faced Shearson must have been wildly bullish on stocks in its original commentary, and that's why it purged its pages. +21644008 Investors recalled that Shearson last week had been advising that "the market is still exhibiting all the signs of a further advance." +21644009 Many other brokerage firms had similarly bullish views. +21644010 But Mr. Rivkin insists that the 10 pages weren't pulled because they were too bullish. +21644011 Instead, he says, "they were cautious, and that wasn't the message we wanted to deliver" on Monday. +21644012 As Mr. Rivkin explains it, "We were raising some caution flags about rate rises in Europe and concerns about the LBO market. +21644013 And by late Friday afternoon, actually after the close, we decided that was the wrong tone to take. +21644014 With the market down, we wanted to tell people to put their orders in on the opening." +21644015 Both before and after the Friday plunge, Shearson has maintained a recommended portfolio weighting of 65% stocks, 20% bonds and 15% cash. +21645001 Sheldon B. Lubar, chairman of Lubar & Co., and John L. Murray, chairman of Universal Foods Corp., were elected to the board of this engine maker. +21645002 They succeed Robert W. Kasten and John R. Parker, who reached the mandatory retirement age. +21646001 China's slide toward recession is beginning to look like a free fall. +21646002 In a report on China's foundering economy, the official State Statistical Bureau disclosed that industrial output last month rose 0.9% from a year earlier-the lowest growth rate in a decade for September. +21646003 Retail sales are plummeting, while consumer prices still are rising. +21646004 Chinese and foreign economists now predict prolonged stagflation: low growth and high inflation. +21646005 "The economy is crashing hard," says an Asian economist in Beijing. +21646006 "The slowdown is taking hold a lot more quickly and devastatingly than anyone had expected." +21646007 A lengthy recession, if it materializes, would drain state coffers and create severe hardships for urban workers. +21646008 Experts predict the coming year will be characterized by flat or negative industrial growth, rising unemployment and a widening budget deficit. +21646009 Unless the government suddenly reverses course, wages for most workers won't keep pace with inflation, creating a potential source of urban unrest. +21646010 The economy's slowdown is due only partly to the austerity program launched in September 1988 to cool an overheated economy and tame inflation. +21646011 (Industrial output surged 21% in 1988, while inflation peaked last February at nearly 30%.) +21646012 The slowdown also results from chronic energy and raw-materials shortages that force many factories to restrict operations to two or three days a week. +21646013 In Western, market-driven countries, recessions often have a bright side: prodding the economy to greater efficiency. +21646014 In China, however, there isn't likely to be any silver lining because the economy remains guided primarily by the state. +21646015 Instead, China is likely to shell out ever-greater subsidies to its coddled state-run enterprises, which ate up $18 billion in bailouts last year. +21646016 Nor are any of these inefficient monoliths likely to be allowed to go bankrupt. +21646017 Rather, the brunt of the slowdown will be felt in the fast-growing private and semi-private "township" enterprises, which have fallen into disfavor as China's leaders re-emphasize an orthodox Marxist preference for public ownership. +21646018 "When the going gets rough, China penalizes the efficient and rewards the incompetent," says a Western economist. +21646019 Reports of an economy near recession come as officials prepare a major Communist Party plenum for sometime in the next few weeks. +21646020 The meeting is expected to call for heightened austerity for two years. +21646021 But with industrial growth stagnant and inflation showing signs of easing, some voices may call for measures to pump new life into the economy. +21646022 Some analysts believe China soon will begin relaxing economic controls, particularly by loosening credit. +21646023 That would benefit Chinese enterprises as well as Sino-foreign joint ventures, both of which have been plagued by shortages of working capital. +21646024 A dangerous buildup this year of billions of dollars in inter-company debts threatens, if unchecked, to bring the economy to a collapse. +21646025 One sign of a possible easing of credit policy was the decision this week of People's Bank of China, the central bank, to allocate $5.4 billion in short-term loans to pay farmers for the autumn harvest, the official China Daily reported. +21646026 But while pumping more money into the economy would bring relief to many industries, it also runs the risk of triggering another period of runaway growth and steep inflation. +21646027 The cycle has been repeated several times since China began reforming its planned economy in 1979. +21646028 And, because China's leaders have abandoned plans to drastically reform the economy, it is likely to continue, analysts say. +21646029 The statistical bureau's report, cited in China Daily, notes that industrial output in September totaled $29.4 billion, a rise of just 0.9% from a year earlier. +21646030 Output declined in several provinces, including Jiangsu and Zhejiang, two key coastal areas, and Sichuan, the nation's agricultural breadbasket. +21646031 Production in Shanghai, China's industrial powerhouse and the largest source of tax revenue for the central government, fell 1.8% for the month. +21646032 Nationwide, output of light industrial products declined 1.8% -- "the first decline in 10 years," a bureau spokesman told China Daily. +21646033 In an unusually direct statement, the bureau spokesman recommended that state banks extend more credit to shopkeepers so that they can purchase manufacturers' goods. +21646034 "This will prevent a slide in industrial production, which will otherwise cause new panic buyings," the spokesman said. +21647001 The 1986 tax overhaul, the biggest achievement of President Reagan's second term, is beginning to fall apart, and interest groups are lining up for tax goodies all over Capitol Hill. +21647002 Real-estate executives are lobbying to ease anti-tax-shelter rules. +21647003 Charitable groups are trying to reinstate the write-off for contributions made by individuals who don't itemize their deductions. +21647004 Big auction houses want to make collectibles eligible for lower capital-gains taxes. +21647005 And heavy-industry lobbyists are quietly discussing the possibility of reinstating the investment tax credit. +21647006 "Everything is up for grabs," says Theodore Groom, a lobbyist for mutual life-insurance companies. +21647007 Adds Robert Juliano, the head lobbyist for a variety of interests that want to protect the tax deduction for travel and entertainment expenses: "It appears as though the whole thing is wide open again." +21647008 The catalyst has been the congressional move to restore preferential tax treatment for capital gains, an effort that is likely to succeed in this Congress. +21647009 Other fundamental "reforms" of the 1986 act have been threatened as well. +21647010 The House seriously considered raising the top tax rate paid by individuals with the highest incomes. +21647011 The Senate Finance Committee voted to expand the deduction for individual retirement accounts, and also to bring back income averaging for farmers, a tax preference that allows income to be spread out over several years. +21647012 As part of the same bill, the finance panel also voted in favor of billions of dollars in narrow tax breaks for individuals and corporations, in what committee member Sen. David Pryor (D., Ark.) calls a "feeding frenzy" of special-interest legislating. +21647013 The beneficiaries would range from pineapple growers to rich grandparents to tuxedo-rental shops. +21647014 To be sure, the full Senate, facing a fast-approaching budget deadline, last Friday stripped away all of the tax breaks that were contained in the Finance Committee bill. +21647015 But lawmakers of both parties agree that the streamlining was temporary. +21647016 Other bills will be moving soon that are expected to carry many of the tax cuts, including both the capital-gains and IRA provisions. +21647017 "There isn't any doubt that the thread of the '86 code has been given a mighty tug," says Rep. Thomas Downey (D., N.Y.). +21647018 "You'll see the annual unraveling of it." +21647019 "It's back to tax-give-away time for the select few," says Rep. William Gray of Pennsylvania, the third-ranking Democrat in the House. +21647020 Referring to the chairmen of the Senate and House tax-writing committees, he adds, "Next year, every special-interest group is going to be there knocking on Lloyd Bentsen's door, on Danny Rostenkowski's door." +21647021 Many groups aren't waiting that long. +21647022 Just last week, a House Ways and Means subcommittee held a lengthy meeting to hear the pleas of individual cities, companies and interest groups who want to open their own special loopholes. +21647023 "It's a Swiss-cheese factory and the cheese smells pretty good," commented one veteran lobbyist who was watching the proceedings. +21647024 Even lobbyists for heavy industry, one of the interests hit hardest in the 1986 bill, are encouraged. +21647025 The return of pro-investment tax breaks such as those for capital gains and IRAs "creates more of a mood or a mindset that is helpful for getting better depreciation (write-offs) or investment credits," says Paul Huard, a vice president for the National Association of Manufacturers. +21647026 Corporate lobbyist Charls Walker is planning a spring conference to discuss what tax changes to make to improve "competitiveness." +21647027 In reaction to proposed capital-gains legislation, groups are lobbying to make sure they aren't left off the gravy train. +21647028 Real-estate interests, for example, are protesting an omission in President Bush's capital-gains proposal: It doesn't include real-estate gains. +21647029 "If there is going to be a tax scheme that contemplates lower treatment of capital gains, they certainly want to be part of it," says real-estate lobbyist Wayne Thevenot of Concord Associates. +21647030 In the House-passed tax bill, Mr. Thevenot got his wish; real-estate assets are included in the capital-gains provision. +21647031 But Sotheby's, Christie's and the National Association of Antique Dealers are still trying to get theirs. +21647032 They have sent a letter to congressional tax-writers asking that gains from the sale of collectibles also be given preferential treatment. +21647033 "Collectibles should continue to be recognized as capital assets," the letter states. +21647034 All of this talk is antithetical to the Tax Reform Act of 1986. +21647035 In exchange for dramatically lower tax rates, the framers of that legislation sought to eliminate most of the exemptions, deductions and credits that gave some taxpayers an advantage over others. +21647036 The goal was to tax people with roughly equivalent incomes equally, and to eliminate the many shelters that allowed the wealthy to escape taxes. +21647037 Two of the major ways that tax-writers managed to attain these ends were to scrap the preferential treatment of capital gains and to curtail the use of paper losses, also known as passive losses, that made many tax shelters possible. +21647038 Many other tax benefits also were swept away. +21647039 This year Congress, with prodding from President Bush, has been busy trying to put many of these same tax preferences back into the code. +21647040 It appears likely that, this year or next, some form of capital-gains preference and passive-loss restoration will be enacted. +21647041 Other tax benefits probably will be restored and created. +21647042 The main obstacle is finding a way to pay for them. +21647043 "The '86 act was a fluke. +21647044 They wanted reform and they got a revolution," says overhaul advocate Rep. Willis Gradison (R., Ohio). +21647045 So, is the tax code now open game again? +21647046 Mr. Juliano thinks so. +21647047 One recent Saturday morning he stayed inside the Capitol monitoring tax-and-budget talks instead of flying to San Francisco for a fund-raiser and then to his hometown of Chicago for the 30th reunion of St. Ignatius High School. +21647048 "I'm too old to waste a weekend, but that's what I did," the 48-year-old Mr. Juliano moans. +21647049 "These days, anything can happen. +21648001 Lufthansa AG said passenger volume climbed 5.2% for the first nine months of 1989 to 15.3 million passengers from 14.5 million passengers in the year-earlier period. +21648002 The West German national air carrier said cargo volume jumped 12% to 638,000 metric tons from 569,000 tons a year ago. +21648003 Load factor, or percentage of seats filled, climbed to 67.1% from 66.6%, even though the number of flights rose 6.9% to 215,845 in the first-three quarters. +21648004 From January through September, the distance flown by Lufthansa airplanes rose 5.6% to 266.2 million kilometers from a year earlier, the company added. +21649001 Raymond Chandler, in a 1950 letter defending a weak Hemingway book, likened a champion writer to a baseball pitcher. +21649002 When the champ has lost his stuff, the great mystery novelist wrote, "when he can no longer throw the high hard one, he throws his heart instead. +21649003 He throws something. +21649004 He doesn't just walk off the mound and weep." +21649005 Chandler might have been predicting the course of his own career. +21649006 His last published novel featuring private detective Philip Marlowe, the inferior "Playback" (1958), at times read almost like a parody of his previous work. +21649007 When he died in 1959, Chandler left behind four chapters of yet another Marlowe book, "The Poodle Springs Story," which seemed to go beyond parody into something like burlesque. +21649008 "Champ" Chandler's last pitch, apparently, was a screwball. +21649009 Now Robert Parker, author of several best sellers featuring Spenser, a contemporary private eye in the Marlowe mold, has with the blessings of the Chandler estate been hired to complete "The Poodle Springs Story." +21649010 The result, "Poodle Springs" (Putnam's, 288 pages, $18.95) is an entertaining, easy to read and fairly graceful extension of the Marlowe chronicle, full of hard-boiled wisecracks and California color. +21649011 If it does not quite have Chandler's special magic -- well, at the end, neither did Chandler. +21649012 As the book begins, a newly wed Marlowe roars into the desert resort of Poodle (a.k.a. Palm) Springs at the wheel of a Cadillac Fleetwood. +21649013 His bride is the rich and beautiful Linda Loring, a character who also appeared in Chandler's "The Long Goodbye" and "Playback." +21649014 Philip and Linda move into her mansion and can't keep their hands off each other, even in front of the Hawaiian/Japanese houseman. +21649015 But the lovebirds have a conflict. +21649016 He wants to continue being a low-paid private eye, and she wants him to live off the million dollars she's settled on him. +21649017 That's Chandler's setup. +21649018 Mr. Parker spins it into a pretty satisfying tale involving Poodle Springs high life, Hollywood low life and various folk who hang their hats in both worlds. +21649019 The supporting lineup is solid, the patter is amusing and there's even a cameo by Bernie Ohls, the "good cop" of previous Chandler books who still doesn't hesitate to have Marlowe jailed when it suits his purposes. +21649020 The style throughout bears a strong resemblance to Chandler's prose at its most pared down. +21649021 All told, Mr. Parker does a better job of making a novel out of this abandoned fragment than anyone might have had a right to expect. +21649022 But there are grounds for complaint. +21649023 At one point, the reader is two steps ahead of Marlowe in catching on to a double identity scam -- and Marlowe is supposed to be the pro. +21649024 More bothersome, there are several apparent anachronisms. +21649025 Contact lenses, tank tops, prostitutes openly working the streets of Hollywood and the Tequila Sunrise cocktail all seem out of place in the 1950s. +21649026 A little more care in re-creating Marlowe's universe would have made the book that much more enjoyable. +21649027 Mr. Nolan is a contributing editor at Los Angeles Magazine. +21650001 Ko Shioya spent eight years as the editor in chief of the Japanese edition of Reader's Digest. +21650002 "Japan has been a major importer of foreign information and news," says Mr. Shioya. +21650003 "But one gets fed up with importing information and news." +21650004 Mr. Shioya has turned the tables. +21650005 Today, he is publisher of Business Tokyo magazine, the first English-language business magazine devoted to coverage of Japanese business. +21650006 After a slick redesign, the two-year-old magazine has been relaunched this month by its parent company, Keizaikai Corp., the Tokyo-based company with interests that include financial services, book publishing and a tourist agency. +21650007 Printed in the U.S. and carrying the line "The Insider's Japan," Business Tokyo's October cover story was "The World's No. 1 Customer" -- Japanese women. +21650008 Keizaikai is one of a small but growing band of Japanese companies taking their first steps into American publishing, after making major investments in entertainment, real estate and banking companies here. +21650009 Japanese concerns have retained a number of publishing consultants and media brokers to study the U.S. market, including the New York-based investment banker Veronis, Suhler & Associates. +21650010 And they are quietly linking up with U.S. publishing trade groups. +21650011 "Japanese publishers want to be introduced to the publishing and information industries," said John Veronis, chairman of Veronis Suhler. +21650012 While there aren't any major deals in the works currently on the scale of Sony Corp.'s recent $3.4 billion agreement to buy Columbia Pictures Entertainment Inc., observers don't rule out a transaction of that size. +21650013 "The Japanese take the long view." said Mr. Veronis. +21650014 "It may not be weeks or months, but they are also opportunistic and if they feel comfortable, they will move on a deal," he said. +21650015 In recent months, three big Tokyo-based publishing concerns -- including Nikkei Business Publications, Nikkei Home (no relation), and Magazine House -- applied for membership in Magazine Publishers of America, which represents almost all U.S. consumer magazines. +21650016 Japanese involvement in American publishing has been so small to date that magazines such as Business Tokyo are considered groundbreakers. +21650017 When Keizaikai launched Business Tokyo in 1987, it appealed to a more multinational audience. +21650018 The magazine was overhauled with the aid of American magazine design gurus Milton Glaser and Walter Bernard, and targets top-level U.S. executives with Japanese and American advertisers. +21650019 American publishers appear more than ready to do some selling. +21650020 Susumu Ohara, president of Nihon Keizai Shinbun America Inc., publisher of the Japan Economic Journal, said he receives telephone calls weekly from media bankers on whether his parent company is interested in buying a U.S. consumer or business magazine. +21650021 "The Japanese are in the early stage right now," said Thomas Kenney, a onetime media adviser for First Boston Corp. who was recently appointed president of Reader's Digest Association's new Magazine Publishing Group. +21650022 "Before, they were interested in hard assets and they saw magazines as soft. +21650023 Now they realize magazines are as much a franchise as Nabisco is a franchise. +21651001 Bell Atlantic Corp. and Southern New England Telecommunications posted strong profit gains for the third quarter, while Nynex Corp., Pacific Telesis Group and U S West Inc. reported earnings declines for the period. +21651002 Rate settlements in Minnesota and Colorado depressed U S West's third-quarter profit. +21651003 Denver-based U S West said net income dropped 8.9%, noting that the year-ago quarter included the sale of a building by its BetaWest Properties unit. +21651004 Revenue dropped 4.3% to $2.3 billion from $2.4 billion, reflecting declines in its consumer-telephone sector, long-distance carrier business and diversified division. +21651005 Revenue from business-telephone operations grew 3.3% to $618.9 million from $599.4 million a year ago. +21651006 New telephone lines posted healthy growth. +21651007 Overall they increased 2.8% to 12.1 million, putting U S West over the 12 million mark for the first time. +21651008 Business lines increased 3.7% to 3.3 million. +21651009 "On a truly comparable basis, we've seen modest earnings growth this year from the operations of our company," said Jack MacAllister, chairman and chief executive officer. +21651010 "The major negative factor was the cumulative impact of regulatory activity over the past two years." +21651011 He said the company expects to be "on target" with analysts' projections by year end but conceded that the fourth quarter represents "a significant challenge." +21651012 Expenses in the quarter dropped 11.2% to $664.3 million from $747.7 million a year ago. +21651013 Yesterday, U S West shares rose 75 cents to close at $71.25 in New York Stock Exchange composite trading. +21651014 Philadelphia-based Bell Atlantic said net rose 6.5%, aided by strong growth in the network-services business and an increase in the number of new telephone lines. +21651015 Revenue jumped 5.6% to $2.9 billion from $2.8 billion in the year-ago quarter. +21651016 Revenue from financial and real-estate services jumped 23% to $177.4 million from $144.1 million a year ago. +21651017 Network-access revenue from long-distance telephone companies increased 6.4% to $618.6 million. +21651018 Bell Atlantic added 148,000 new telephone lines in the quarter for a total of 16.9 million. +21651019 The company said per-share earnings were slightly reduced by the sale of 4.1 million shares of treasury stock to the company's newly formed Employee Stock Ownership Plans. +21651020 In composite trading on the Big Board, Bell Atlantic closed at $100.625, up $1.50 a share. +21651021 At Nynex, net slumped 14.8%, primarily because of a continuing strike by 60,000 employees, lower-than-expected profit at its New York Telephone unit and significantly higher taxes and costs. +21651022 State and local taxes increased to $131.3 million from $99.1 million a year ago. +21651023 Nynex said expenses rose 4.5% to $2.73 billion from $2.61 billion, a $119 million increase. +21651024 Most of the higher costs were associated with acquisitions and growth in nonregulated business units, it added. +21651025 "Our net income isn't where we would want it to be at this point," said William C. Ferguson, chairman and chief executive officer. +21651026 "This deviation from our past growth patterns is caused largely by lower earnings at New York Telephone." +21651027 Mr. Ferguson said a continued softness in New York City area's economy and increased competition, particularly in the private-line market, took a heavy toll on earnings. +21651028 The three-month-old strike at Nynex seriously hurt the installation of new telephone lines in the quarter. +21651029 Nynex said access lines in service at the end of the quarter were off 18,000 from the previous quarter, which reported an increase of 160,000 new access lines. +21651030 Revenue rose to $3.31 billion from $3.18 billion, mostly from acquisition of AGS Computers and robust non-regulated businesses. +21651031 In Big Board composite trading yesterday, Nynex common closed at $81.125, up $1.625. +21651032 Southern New England Telecommunications, which bolstered its marketing efforts for telephone and non-telephone subsidiaries, reported that net increased 8.1%. +21651033 Walter H. Monteith Jr., SNET chairman and chief executive officer, said: "Innovative marketing of our products and services contributed to increase revenue." +21651034 Revenue and sales increased 7.5% to $423.9 million from $394.4 million a year earlier. +21651035 Yellow pages advertising sales rose 11.8% to $41.2 million. +21651036 Cost and expenses for the quarter, excluding interest, increased 6.1% to $333.3 million from $314 million the year before. +21651037 SNET common rose $1.25 to $85.50 a share yesterday in composite trading on the Big Board. +21651038 San Francisco-based Pacific Telesis said net declined 12.6%, primarily because of regulatory action. +21651039 Revenue was about flat at $2.4 billion. +21651040 Revenue was reduced $33 million by three extraordinary items: a California Public Utilities Commission refund for an American Telephone & Telegraph Co. billing adjustment; a provision for productivity sharing to be paid to customers in 1990 and a one-time accrual for a toll settlement with long-distance telephone companies. +21651041 Excluding the one-time charges, the company would have posted earnings of $298 million, or 73 cents a share. +21651042 The company also was hurt by a $289 million rate reduction that went into effect in 1989. +21651043 "This is a good quarter for us in terms of our business fundamentals," said Sam Ginn, chairman and chief executive officer. +21651044 Pacific Telesis said new telephone lines increased 4.5% for a total of about $13.5 million for the quarter; toll calls increased 9.6% to 807 million and minutes of telephone usage increased to 9.9 billion. +21651045 In Big Board composite trading yesterday, Pacific Telesis common closed at $45.50, up 87.5 cents. +21651046 a-Includes a one-time gain of $88.7 million from a commonstock sale by U S West's U S West New Vector Group. +21651047 b-Includes a $41.3 million gain on the sale of FiberCom. +21652001 Amoco Corp. said third-quarter net income plunged 39% to $336 million, or 65 cents a share, as gasoline refining and marketing profits lagged substantially behind last year's record level. +21652002 A charge of $80 million related to projected environmental costs in its refining and marketing operations further depressed results. +21652003 A spokesman said Amoco completed an environmental analysis last quarter but that no single clean-up project was responsible. +21652004 In the 1988 third quarter, the Chicago-based oil company earned $552 million, or $1.07 a share. +21652005 Revenue in the latest quarter rose 12% to $6.6 billion from $5.91 billion. +21652006 Aside from the special charge, Amoco's results were in line with Wall Street estimates. +21652007 The company's stock ended at $48.375, up 25 cents in New York Stock Exchange composite trading. +21652008 Amoco is the first major oil company to report third-quarter results. +21652009 Analysts expect others to show a similar pattern. +21652010 Generally in the quarter, overproduction of gasoline and higher crude oil prices pressured profitability. +21652011 The industry's chemical profits also declined because excess capacity has depressed prices. +21652012 Gasoline margins may rebound this quarter, some industry officials say, but they believe chemical margins could worsen. +21652013 American Petrofina Inc., a Dallas-based integrated oil company, yesterday said its third-quarter earnings declined by more than half. +21652014 Fina blamed lower chemical prices, reduced gasoline margins and refinery maintenance shutdowns. +21652015 It said net income dropped to $15.1 million, or 98 cents a share, from $35.2 million, or $2.66 a share. +21652016 Sales rose 2.2% to $711.9 million from $696.1 million. +21652017 Amoco's refining and marketing profit in the quarter fell to $134 million from $319 million. +21652018 Chemical earnings declined by one-third to $120 million last year's robust levels. +21652019 Amoco's domestic oil and natural gas operations recorded a profit of $104 million in the quarter compared with a loss of $5 million, "primarily on the strength of higher crude oil prices," said Chairman Richard M. Morrow. +21652020 Amoco also sharply boosted natural-gas output, part of it from properties acquired from Tenneco Inc. last year. +21652021 But foreign exploration and production earnings fell sharply, to $12 million from $95 million. +21652022 Higher oil prices weren't enough to offset a roughly $20 million charge related to a 10% reduction in Amoco's Canadian work force as well as increased exploration expenses. +21652023 For the nine months, Amoco said that net income fell to $1.29 billion from $1.69 billion but if unusual items are excluded, operations produced essentially flat results. +21652024 Revenue rose 12% to $19.93 billion from $17.73 billion. +21653001 James F. Gero, former chairman and chief executive officer of Varo Inc., and Richard J. Hatchett III, a Dallas investment banker, were elected directors of this medical-products concern, boosting the board to seven members. +21654001 For retailers, Christmas, not Halloween, promises to be this year's spookiest season. +21654002 Many retailers fear a price war will erupt if cash-strapped companies such as Campeau Corp. slash tags to spur sales. +21654003 Concerns about the stock market, doubts about the economy in general and rising competition from catalog companies also haunt store operators. +21654004 "Profits at Christmas could be under attack for every retailer," asserts Norman Abramson, president and chief operating officer of Clothestime Inc., an off-price chain. +21654005 Even if there isn't any widespread discounting, the outlook for industry profits isn't good. +21654006 Management Horizons forecasts a 1.4% profit decline for non-auto retailers this year, after annual drops that averaged 4.5% in 1988 and 1987. +21654007 "For the last two and a half years, retailing has been in a mild recession," says Carl Steidtmann, chief economist at the Columbus, Ohio, consulting firm. +21654008 This year, many stores are entering the Christmas season in turmoil: Bonwit Teller and B. Altman parent L.J. Hooker Corp. is operating under Chapter 11 of the federal Bankruptcy Code; B.A.T Industries PLC's healthy Saks Fifth Avenue and Marshall Field's chains are on the auction block; Campeau's Bloomingdale's is also on the block. +21654009 Industry observers expect a wide divergence in performance. +21654010 Stores in a state of confusion are likely to fare poorly, and to lose customers to stable chains such as Limited Inc., May Department Stores Co. and Dillard Department Stores Inc., which should do well. +21654011 "There are going to be very clear winners and very clear losers," says Cynthia Turk, a Touche Ross & Co. retail consultant. +21654012 Says Mr. Steidtmann: "I'm looking for a bi-polar Christmas." +21654013 Economists expect general merchandise sales in the fourth quarter to rise 4.5% to 6% from year-ago figures. +21654014 But Mr. Steidtmann predicts that healthy stores hawking mostly apparel could ring up gains of as much as 25% to 30%. +21654015 Troubled chains could see their sales drop as much as 8%, he believes, as managers distracted by fears about the future allow their stores to get sloppy. +21654016 Thin merchandise selections at the most troubled chains are also expected to hurt sales. +21654017 Catalog companies are likely to pose a bigger threat to all stores this year, particularly in December. +21654018 More than 200 catalog outfits are promoting a low-cost Federal Express service that guarantees pre-Christmas delivery of orders made by a certain date. +21654019 "Traditionally, consumers were concerned about ordering after the first of December because they didn't believe they would get it by Christmas," says Adam Strum, chairman of the Wine Enthusiast Inc., which sells wine cellars and accessories through the mail. +21654020 Using Federal Express delivery last year, Mr. Strum says, "December was our biggest month." +21654021 Even Sears, Roebuck & Co. is getting into the act, offering for the first time to have Federal Express deliver toys ordered by Dec. 20 from its Wish Book catalog. +21654022 K mart Corp. Chairman Joseph E. Antonini summed up his outlook for the Christmas season as "not troublesome." +21654023 He's not predicting a blockbuster, but he is "more optimistic than three months ago" because employment remains strong and inflation low. +21654024 Other retailers are also preparing for a ho-hum holiday. +21654025 Philip M. Hawley, chairman of Carter Hawley Hale Stores Inc., expects sales at department stores open at least a year to rise a modest 3% to 5% over last year's totals, both for his company and the industry in general. +21654026 "I'm not looking for a runaway Christmas at all," he says. +21654027 "It isn't a real boom holiday season in our eyes," says Woolworth Corp. Chairman Harold E. Sells, "but it isn't going to be a bust either." +21654028 Mr. Sells expects fourth-quarter sales at his company -- which besides Woolworth stores includes Kinney and Foot Locker shoe stores and other specialty chains -- to rise "pretty much in line" with its year-to-date increases of between 8% and 9%. +21654029 The estimate includes the results of new stores. +21654030 A consumer poll conducted in early September by Leo J. Shapiro & Associates, a market researcher based in Chicago, also suggests a modest holiday. +21654031 Of the 450 survey respondents, 35% said they expect to spend less buying Christmas gifts this year than last year, while 28% said they expect to spend more and 37% said their gift budget would stay the same. +21654032 The results are almost identical to Shapiro's September 1988 numbers. +21654033 Retailers could get a boost this year from the calendar. +21654034 Christmas falls on a Monday, creating a big last-minute weekend opportunity for stores. +21654035 Most will stay open late Saturday night and open their doors again Sunday. +21654036 But many consumers probably will use the extra time to put off some purchasing until the last minute. +21654037 "What you'll hear as we get into December is that sales are sluggish," predicts Woolworth's Mr. Sells. +21654038 "The week ending the 24th is going to save the entire month for everyone. +21655001 The Spanish author Camilo Jose Cela won the Nobel Prize for literature yesterday, a surprising choice, but given the Swedish Academy's past perversities, hardly the most undeserved and ridiculous accolade handed out by the awarding committee. +21655002 In Spain, anyway, the 73-year-old Mr. Cela enjoys some renown for the novels and travel books he wrote during the parched Franco years, the everyday poverty and stagnant atmosphere of which he described in brutally direct, vivid prose, beginning with "The Family of Pascal Duarte" (1942). +21655003 Unlike other writers who either battled the fascists during the Civil War, or left Spain when Franco triumphed, Mr. Cela fought briefly on the general's side, no doubt earning with his war wound some forbearance when he went on to depict a country with a high population of vagabonds, murderers and rural idiots trudging aimlessly through a dried-out land. +21655004 Still, it was in Argentine editions that his countrymen first read his story of Pascal Duarte, a field worker who stabbed his mother to death and has no regrets as he awaits his end in a prison cell: "Fate directs some men down the flower-bordered path, and others down the road bordered with thistles and prickly pears. +21655005 The lucky ones gaze out at life with serene eyes and smile with a face of innocence at their perfumed happiness. +21655006 The others endure the hot sun of the plains and scowl like cornered wild beasts." +21655007 Mr. Cela himself was one of the lucky ones, his fortunes steadily increasing over the decades he spent putting out some 70 travelogues, novels, short story collections and poetry. +21655008 These days, he is as known for his flamboyant tastes and the youthful muse who shares his life as he is for his books. +21655009 The man who wore out his shoes wandering around Guadalajara in 1958, describing in his travel book "Viaje a la Alcarria" how he scrounged for food and stayed in squalid inns, now tours Spain in a Rolls-Royce. +21655010 Of his 10 novels, "The Hive" (1951), full of sharp vignettes of Madrid life and centered on a cafe run by Dona Rosa, a foul-mouthed, broad-based woman with blackened little teeth encrusted in filth, used to be available in English, translated by J.M. Cohen and published by Ecco Press, which now no doubt regrets relinquishing its copyright. +21655011 Here is an excerpt: +21655012 The lonely woman walks on in the direction of the Plaza de Alonso Martinez. +21655013 Two men have a conversation behind one of the windows of the cafe on the corner of the boulevard. +21655014 Both are young, one twenty odd, the other thirty odd. +21655015 The older one looks like a member of the jury for a literary award, the younger one looks like a novelist. +21655016 It is evident that their conversation runs more or less on the following lines: "I've submitted the manuscript of my novel under the title `Teresa de Cepeda,' and in it I've treated a few neglected aspects of that eternal problem which . . ." +21655017 "Oh, yes. +21655018 Will you pour me a drop of water, if you don't mind?" +21655019 "With pleasure. +21655020 I've revised it several times and I think I may say with pride that there is not a single discordant word in the whole text." +21655021 "How interesting." +21655022 "I think so. +21655023 I don't know the quality of the works my colleagues have sent in, but in any case I feel confident that good sense and honest judgment . . ." +21655024 "Rest assured, we proceed with exemplary fairness." +21655025 "I don't doubt it for a moment. +21655026 It does not matter if one is defeated, provided the work that gets the award has unmistakable qualities. +21655027 What's so discouraging is . . ." +21655028 In passing the window, Senorita Elvira gives them a smile -- simply out of habit. +21656001 Ashland Oil Inc. said it will take after-tax charges of $78 million, or $1.40 a share, in its fiscal fourth quarter, ended Sept. 30. +21656002 Because of the charge, Ashland expects to report a loss for the fourth quarter and "significantly lower results" for fiscal 1989. +21656003 The oil refiner said it will report fiscal fourth quarter and 1989 results next week. +21656004 The company earned $66 million, or $1.19 a share, on revenue of $2.1 billion in the year-ago fourth quarter. +21656005 For fiscal 1988, Ashland had net of $224 million, or $4.01 a share, on revenue of $7.8 billion. +21656006 Both revenue figures exclude excise taxes. +21656007 The charges consist of: a $25 million after-tax charge to cover cost overruns in Ashland's Riley Consolidated subsidiary; a previously announced $38 million after-tax charge resulting from a $325 million settlement with National Iranian Oil Co. and a $15 million after-tax charge from the previously announced sale of its Ashland Technology Corp. subsidiary. +21656008 Ashland expects that sale to be complete next year. +21656009 The charge for the Riley subsidiary is for expected costs to correct problems with certain bed boilers built for utilities. +21656010 The charge will be added to $20 million in reserves established a year ago to cover the cost overruns. +21657001 When President Bush arrives here next week for a hemispheric summit organized to commemorate a century of Costa Rican democracy, will he be able to deliver a credible message in the wake of the Panamanian fiasco? +21657002 Undoubtedly Mr. Bush will be praised by some Latin leaders prone to pay lip service to nonintervention, while they privately encourage more assertive U.S. action to remove Gen. Manuel Noriega and safeguard their countries from a Sandinista onslaught. +21657003 The Panamanian affair is only the tip of a more alarming iceberg. +21657004 It originates in a Bush administration decision not to antagonize the U.S. Congress and avoid, at all costs, being accused of meddling in the region. +21657005 The result has been a dangerous vacuum of U.S. leadership, which leaves Central America open to Soviet adventurism. +21657006 "The {influence of the} U.S. is not being felt in Central America; Washington's decisions do not respond to a policy, and are divorced from reality," says Fernando Volio, a Costa Rican congressman and former foreign minister. +21657007 The disarray of the Bush administration's Latin diplomacy was evident in the failure of the Organization of American States to condemn categorically Gen. Noriega. +21657008 Faced with this embarrassment, U.S. diplomats expressed confidence that the influential Rio Group of South American nations, which gathered last week in Peru, would take a stronger posture toward the Panamanian dictator. +21657009 But other than a few slaps on the wrist, Gen. Noriega went unpunished by that body, too; he was not even singled out in the closing statement. +21657010 Now Mr. Bush will come to Costa Rica and encounter Nicaraguan strongman Daniel Ortega, eager for photo opportunities with the U.S. president. +21657011 The host, Costa Rican President Oscar Arias, did not invite Chile, Cuba, Panama or Haiti to the summit, which was to be restricted to democracies. +21657012 However, Mr. Ortega was included. +21657013 Formally upgrading the Sandinistas to a democratic status was an initiative harshly criticized in the Costa Rican press. +21657014 Even Carlos Manuel Castillo -- the presidential candidate for Mr. Arias's National Liberation Party -- made public his opposition to the presence of Nicaragua "in a democratic festivity." +21657015 Nevertheless, the Bush administration agreed to the dubious arrangement in July, a few weeks before the Central American presidents met in Tela, Honduras, to discuss a timetable for disbanding the anti-Sandinista rebels. +21657016 According to officials in Washington, the State Department hoped that by pleasing President Arias, it would gain his support to postpone any decision on the Contras until after Mr. Ortega's promises of democratic elections were tested next February. +21657017 However, relying on an ardent critic of the Reagan administration and the Contra movement for help in delaying the disarming of the Contras was risky business. +21657018 And even some last-minute phone calls that Mr. Bush made (at the behest of some conservative U.S. senators) to enlist backing for the U.S. position failed to stop the march of Mr. Arias's agenda. +21657019 Prior to this episode, Sen. Christopher Dodd (D., Conn.), sensing an open field, undertook a personal diplomatic mission through Central America to promote an early disbanding of the rebels. +21657020 Visiting Nicaragua, he praised the Sandinistas for their electoral system and chided the Bush administration for not rewarding the Sandinistas. +21657021 In Honduras, where the Contras are a hot political issue, he promised to help unblock some $70 million in assistance withheld due to the failure of local agencies to comply with conditions agreed upon with Washington. +21657022 Aid was also the gist of the talks Sen. Dodd had with Salvadoran President Alfredo Cristiani; Mr. Cristiani's government is very much at the mercy of U.S. largess and is forced to listen very carefully to Sen. Dodd's likes and dislikes. +21657023 It was therefore not surprising that close allies of the U.S., virtually neglected by the Bush administration, ordered the Nicaraguan insurgents dismantled by December, long before the elections. +21657024 Fittingly, the Tela Accords were nicknamed by Hondurans "the Dodd plan." +21657025 The individual foreign policy carried out by U.S. legislators adds to a confusing U.S. performance that has emboldened Soviet initiatives in Central America. +21657026 On Oct. 3, following conversations with Secretary of State James Baker, Soviet Foreign Minister Eduard Shevardnadze arrived in Managua to acclaim "Nicaragua's great peace efforts." +21657027 There, Mr. Shevardnadze felt legitimized to unveil his own peace plan: The U.S.S.R. would prolong a suspension of arms shipments to Nicaragua after the February election if the U.S. did likewise with its allies in Central America. +21657028 He also called on Nicaragua's neighbors to accept a "military equilibrium" guaranteed by both superpowers. +21657029 The Pentagon claims that in spite of Moscow's words, East bloc weapons continue to flow into Nicaragua through Cuba at near-record levels. +21657030 Since Mr. Shevardnadze's proposals followed discussions with Mr. Baker, speculations arose that the Bush administration was seeking an accommodation with the Soviets in Central America. +21657031 This scheme would fit the Arias Plan, which declared a false symmetry between Soviet military aid to the Sandinista dictatorship and that provided by Washington to freely elected governments. +21657032 Furthermore, it is also likely to encourage those on Capitol Hill asking for cuts in the assistance to El Salvador if President Cristiani does not bend to demands of the Marxist guerrillas. +21657033 The sad condition of U.S. policy in Central America is best depicted by the recent end to U.S. sponsorship of Radio Costa Rica. +21657034 In 1984, the Costa Rican government requested help to establish a radio station in the northern part of the country, flooded by airwaves of Sandinista propaganda. +21657035 Recovering radiophonic sovereignty was the purpose of Radio Costa Rica, funded by the U.S. and affiliated with the Voice of America (VOA). +21657036 A few months ago, the Bush administration decided to stop this cooperation, leaving Radio Costa Rica operating on a shoestring. +21657037 According to news reports, the abrupt termination was due to fears that VOA transmissions could interfere with the peace process. +21657038 In the meantime, Russia gave Nicaragua another powerful radio transmitter, which has been installed in the city of Esteli. +21657039 It is capable of reaching the entire Caribbean area and deep into North America. +21657040 Perhaps its loud signal may generate some awareness of the Soviet condominium being created in the isthmus thanks to U.S. default. +21657041 The Soviet entrenchment in Nicaragua is alarming for Costa Rica, a peaceful democracy without an army. +21657042 Questioned in Washington about what would happen if his much-heralded peace plan would fail, President Arias voiced expectations of direct U.S. action. +21657043 A poll conducted in July by a Gallup affiliate showed that 64% of Costa Ricans believe that if their country is militarily attacked by either Nicaragua or Panama, the U.S. will come to its defense. +21657044 But in the light of events in Panama, where the U.S. has such clear strategic interests, waiting for the Delta Force may prove to be a dangerous gambit. +21657045 Mr. Daremblum is a lawyer and a columnist for La Nacion newspaper. +21658001 Holiday Corp. said net income jumped 89%, partly on the strength of record operating income in its gaming division. +21658002 Separately, the hotel and gambling giant said it was proceeding with plans to make a tender offer and solicit consents with respect to approximately $1.4 billion of its publicly traded debt. +21658003 That debt is part of the $2.1 billion of Holiday debt that Bass PLC of Britain said it would retire or assume when it agreed to buy the Holiday Inn business in August. +21658004 Holiday said third-quarter earnings rose to $39.8 million, or $1.53 a share, from $21 million, or 84 cents a share, a year earlier. +21658005 Results for the quarter included $19.2 million in pretax gains from property transactions, including the sale of one Embassy Suites hotel, and $3.5 million of nonrecurring costs associated with the acquisition of the Holiday Inn business by Bass. +21658006 Holiday said operating income related to gaming increased 4.5% to a record $61.4 million from $58.8 million a year earlier. +21658007 The jump reflected record results in Las Vegas, Nev., and Atlantic City, N.J., as well as a full quarter's results from Harrah's Del Rio in Laughlin, Nev. +21658008 Third-quarter revenue rose 2.7% to $433.5 million from $422.1 million. +21658009 For the nine months, earnings fell 2.9% to $99.1 million, or $3.86 a share, from $102.1 million, or $4.10 a share, a year earlier. +21658010 Revenue dropped 1.6% to $1.21 billion from $1.23 billion. +21658011 The tender offer and consent solicitation will be made to debtholders in December. +21658012 In effect, Holiday is asking holders for permission for Bass to buy their debt. +21658013 Holiday said Salomon Brothers Inc. has been retained to act as the dealer-manager and financial adviser in connection with the offer and solicitation. +21658014 The debt issues involved and the proposed consent fees and cash tender offer prices (expressed per $1,000 of principal amount) are as follows: 10 1/2% senior notes due 1994 at 101%; 11% subordinated debt due 1999 at 102%; 9 3/8% notes due 1993 at 100%; and 8 3/8% notes due 1996 at 95.25%. +21658015 Holiday said its 15% notes due 1992 also will be included in the tender offer and consent solicitation at a price to be determined by Holiday prior to the commencement of the offer. +21659001 The television units of Paramount Communications Inc. and MCA Inc. are exploring the possibility of offering prime-time programming to independent stations two nights a week, industry executives say. +21659002 Although such a venture wouldn't match the "fourth network" created by News Corp.'s Fox Broadcasting Co., MCA and Paramount may have similar ambitions. +21659003 Fox, which also owns six TV stations, provides programs three nights a week to those and other affiliates. +21659004 Paramount Domestic TV and MCA TV formed a joint venture last month, named Premier Advertiser Sales, to sell advertising in programs syndicated by both companies, such as "Star Trek: the Next Generation," "Charles in Charge" and "Friday the 13th: the Series." +21659005 A spokeswoman for Paramount said the company doesn't comment on speculation. +21659006 Calls to Shelly Schwab, president of MCA TV, weren't returned. +21659007 The two companies, like Fox, already have their own TV stations. +21659008 MCA owns WWOR in New York and Paramount last month agreed to purchase a 79% stake in the TVX Broadcast Group from Salomon Inc. in a deal valued at $140 million. +21659009 TVX owns five stations, including WTXF, a Fox affiliate, in Philadelphia. +21659010 One broadcasting executive familiar with the project said the co-venture would target stations affiliated with Fox because Fox has the desirable independent stations in most of the key cities. +21659011 Currently, Fox supplies programs on Saturdays, Sundays and Mondays, although the company plans to expand to other weeknights. +21659012 Jamie Kellner, president of Fox Broadcasting, said, "We believe the partnership of Fox, its affiliates and advertisers is succeeding and will continue to grow." +21659013 Another Fox official, who declined to be identified, said Fox wasn't pleased by the possible Paramount-MCA venture into prime-time programming. +21659014 "To make the venture work, they would need Fox affiliates," he said. +21659015 "We spent a lot of time and money in building our group of stations," he said, adding that Fox doesn't "appreciate" another company attempting to usurp its station lineup. +21659016 Fox said it plans to offer its stations movies, theatrical and made-for-TV ventures, probably on Wednesdays, sometime next year. +21659017 It is also planning another night of original series. +21659018 Paramount and MCA, according to the broadcasting executive, plan to offer theatrical movies produced separately by Paramount and MCA for Wednesdays and perhaps a block of original shows Fridays. +21659019 The executive said Paramount and MCA have also held discussions with Chris-Craft Industries' broadcasting unit, which owns five independent stations in cities such as Los Angeles, San Francisco and Portland, Ore. +21659020 A Chris-Craft station manager said there have been no formal talks. +21659021 "I think it's to Fox's advantage to be associated with the Paramount-MCA venture," said Michael Conway, station manager of WTXF, the TVX station that is a Fox affiliate. +21659022 Mr. Conway said the Fox shows appearing on nights when Paramount-MCA shows wouldn't be offered could be promoted on the programs produced by Paramount-MCA. +21659023 Michael Fisher, general manager of KTXL, a Fox affiliate in Sacramento, Calif., said, "The real question is whether the Paramount-MCA offering is practical. +21659024 It isn't. . . . +21659025 Why would I consider giving up Fox, a proven commodity," for an unknown venture? +21659026 Fox attracts a young audience with shows such as "Married . . . With Children," its most successful series. +21660001 Banco Popular de Puerto Rico and BanPonce Corp. -- agreed to merge in a transaction valued at $324 million. +21660002 Under the agreement, BanPonce stockholders will be able to exchange each of their shares for either shares in the new entity or cash. +21660003 In each case, the exchange is valued at $56.25 a share. +21660004 The two companies, both based in San Juan, will form a bank holding company with assets of just over $9 billion. +21660005 The holding company will be called BanPonce Corp. +21660006 The primary subsidiary will be the combined banking operations of the two companies and will be known as Banco Popular de Puerto Rico. +21660007 Rafael Carrion Jr., chairman of Banco Popular, will be the chairman of the holding company. +21660008 Alberto M. Paracchini, currently chairman of BanPonce, will serve as president of the bank holding company and chairman of the subsidiary. +21660009 Banco Popular originally proposed the merger in July, in a cash and stock transaction valued at $50 a share, or about $293 million. +21660010 BanPonce reacted cooly at first, but appeared to be won over, analysts said, by Banco Popular's assurances that it wanted only a friendly transaction. +21660011 "Banco Popular just kept waiting," said Edward Thompson, a vice president and analyst at Thomson BankWatch Inc. in New York. +21660012 "They got a transaction that's good for both companies." +21660013 The two banks appear to be a good fit. +21660014 BanPonce caters to a more affluent customer, while Banco Popular has always had a large presence among middle-income and lower-income markets. +21660015 The merger should also allow the companies to reduce costs by combining operations in many locations in Puerto Rico. +21660016 "They're often right across the street from one another," Mr. Thompson said. +21660017 Richard Carrion, who is currently president and chief executive officer of Banco Popular, said the merger will result in a "larger and stronger locally based bank." +21660018 Mr. Carrion, who will now serve as president and chief executive officer of the subsidiary bank, added: "We'll be able to better compete with large foreign banks. +21660019 It makes sense from a strategic standpoint." +21660020 The newly merged company will have 165 branches in Puerto Rico and 27 branches outside of the island. +21660021 The banks said they don't expect the merger to face any regulatory hurdles. +21660022 Mr. Carrion said the merger should be completed in six to nine months. +21661001 Hit by higher costs and lower sales, Caterpillar Inc. said third-quarter earnings tumbled 43% and full-year earnings will trail last year's results. +21661002 The construction equipment maker said third-quarter profit fell to $108 million, or $1.07 a share, from $190 million, or $1.87 a share, a year earlier. +21661003 Sales dropped 6% to $2.58 billion from $2.74 billion, reflecting eight fewer business days in the latest quarter. +21661004 The company, which is in a costly modernization program, said earnings were hurt by higher start-up and new program costs, increased costs of materials, higher wages and an $11 million provision for bad debts in Latin America. +21661005 In announcing a 1989 capital spending plan of $950 million early this year, Caterpillar said full-year earnings would be flat compared with last year's $616 million, or $6.07 a share. +21661006 But yesterday, the company said this year's profit will be lower. +21661007 It didn't say by how much. +21661008 Suffering from a downturn in heavy truck production that cut orders for its engines, Caterpillar also said it will indefinitely lay off about 325 workers in the Peoria area and temporarily shut its plant in York, Pa., for two weeks in both November and December. +21661009 For the first nine months of the year, Caterpillar said earnings fell 14% to $390 million, or $3.85 a share, from $453 million, or $4.46 a share, a year earlier. +21661010 Sales rose to $8.19 billion from $7.65 billion. +21662001 Millicom Inc. said it is one of two companies to receive a license to introduce and operate a cellular mobile telephone system in Pakistan. +21662002 The market during the start-up is estimated at 25,000 subscribers. +21662003 A spokeswoman for Millicom, a telecommunications company, said she didn't know the value of the contract. +21662004 Cable & Wireless PLC of Britain won the other license. +21662005 Millicom said it would build and operate the system in Pakistan with Comvik International AB, part of the Kinnevik group of Sweden, and Arfeen International, Pakistan. +21663001 B.A.T Industries PLC won overwhelming shareholder approval for a defensive restructuring to fend off a #13.35 billion ($21.23 billion) takeover bid from Sir James Goldsmith. +21663002 At a shareholders' meeting in London, the tobacco, financial-services and retailing giant said it received 99.9% approval from voting holders for plans to spin off about $6 billion in assets. +21663003 B.A.T aims to sell such U.S. retailing units as Marshall Field and Saks Fifth Avenue and float its big paper and British retailing businesses via share issues to existing holders. +21663004 Proceeds will help pay for a planned buy-back of 10%, or about 153 million, of its shares and a 50% dividend increase. +21663005 B.A.T yesterday started its share buy-back. +21663006 The company said it acquired 2.5 million shares for 785 pence ($12.48) each, or a total of #19.6 million ($31.2 million), from its broker, Barclays de Zoete Wedd. +21663007 The share buy-back plan is likely to underpin B.A.T's share price. +21663008 B.A.T said it may make more equity purchases until the close of business today, depending on market conditions, but will cease further purchases until Nov. 22, when it releases third-quarter results. +21663009 B.A.T shares rose 29 pence to 783 pence on London's stock exchange yesterday. +21663010 Shareholder approval sets the stage for a lengthy process of restructuring that might not be completed until next year's second half. +21663011 Before the recent tumult in global financial markets, B.A.T officials, holders and analysts had expected a substantial part of the restructuring to be complete by the end of the first half. +21663012 "We are not in any hurry to sell" Saks, Marshall Field or B.A.T's other U.S. retail properties, said Chairman Patrick Sheehy. +21663013 "This isn't a distress sale. +21663014 We are determined to get good prices." +21663015 Company officials say the flotations of the paper and British retailing businesses are likely only after the disposals of the U.S. retailing assets. +21663016 Meanwhile, Sir James still is pursuing efforts to gain U.S. insurance regulators' approval for a change in control of B.A.T's Farmers Group Inc. unit. +21663017 The Anglo-French financier has indicated he intends to bid again for B.A.T if he receives approval. +21664001 Hasbro Inc., the nation's largest toy maker, reported third-quarter earnings increased 73% from a year earlier on a 9.4% sales gain, reflecting improved margins. +21664002 Hasbro said it had net income of $31.3 million, or 53 cents a share, up from $18.1 million, or 31 cents a share, a year earlier, when it took a pretax charge of $10 million after dropping development of an interactive video entertainment system. +21664003 Revenue rose to $403 million from $368.4 million. +21664004 The company cited sales gains at its Milton Bradley and Playskool units and in its international business for the increase in revenue. +21664005 Alan G. Hassenfeld, chairman and chief executive, added that Hasbro's new line of battery-powered racing cars, called Record Breakers, and its acquisition of Cabbage Patch Kids, Scrabble and other lines from Coleco Industries Inc. puts the company "in a good position as we enter the Christmas buying season." +21664006 For the first nine months of the year, Hasbro's net income rose 33% to $68.2 million, or $1.15 a share, from $51.3 million, or 88 cents a share, on a 3.1% increase in revenue to $992.7 million from $963 million a year earlier. +21665001 Reebok International Ltd. posted a 35% increase in third-quarter net income despite a slight decline in sales. +21665002 The athletic footwear maker said net rose to $49.9 million, or 44 cents a share, from $37.1 million, or 32 cents a share, a year earlier. +21665003 Sales declined 3% to $524.5 million from $539.4 million. +21665004 Paul Fireman, Reebok chairman and chief executive officer, said, "Our gains in earnings provide further evidence that the controls we have put in place and our sales mix are continuing to improve the company's overall profit performance." +21665005 The company said it expects sales to improve due to a number of new products, including a "pump" basketball shoe that can be inflated to better fit the foot. +21665006 In the first nine months, net was $140 million, or $1.23 a share, on sales of $1.44 billion. +21665007 Separately, Reebok completed the acquisition of CML Group Inc.'s Boston Whaler unit, a builder of power boats. +21665008 CML, Acton, Mass., had agreed to sell the unit to Reebok for about $42 million. +21665009 The agreement also called for Reebok to receive warrants to purchase 400,000 shares of CML common at $31.25 a share, exercisable at any time before July 1, +21665010 An outside spokesman for CML said the terms were changed to a minor extent but wouldn't disclose what those changes were. +21666001 Pitney Bowes Inc. directors authorized the company to seek buyers for its Wheeler Group Inc. subsidiary, a direct mail marketer of office supplies. +21666002 Pitney Bowes said the decision was based on a long-term analysis of the compatibility of Wheeler Group's marketing business with other Pitney Bowes operations. +21666003 Pitney Bowes acquired the core of what evolved into Wheeler Group in 1979 by buying Dictaphone Corp. +21666004 A spokeswoman wouldn't comment on whether the company had talked with any potential buyers for the New Hartford, Conn., unit, which had 1988 sales of about $75 million. +21666005 She said Wheeler Group was profitable but wouldn't give figures. +21666006 The spokeswoman said the company doesn't have a timetable for the sale, adding that the board's decision just starts the search for a buyer. +21666007 Separately, Pitney Bowes said third-quarter net income gained 15% to $62 million, or 78 cents a share, from $54 million, or 68 cents a share, a year ago. +21666008 Revenue grew 13% to $734.8 million from $650.9 million. +21666009 The company said the growth was led by its major operations, particularly mailing, shipping, dictating and facsimile businesses. +21667001 Steel jackets of a type that may have prevented collapse of the columns of a 1.5-mile stretch of the Nimitz Freeway had been installed on at least a small test section of the double-decker highway last year by California's Department of Transportation, employees familiar with the project say. +21667002 The test project -- which reportedly survived Tuesday's earthquake -- was a prelude to a state plan to retrofit that critical section of the freeway with the steel casings. +21667003 State engineers have made a preliminary finding that it was failure of the concrete columns, wrenched and separated from the double-decker roadbed, that was responsible for the collapse. +21667004 The failure in Oakland of the freeway segment known as the Cypress structure was the deadliest aspect of the quake, although officials were hopeful yesterday that the death toll there might be significantly lower than the 250 initially feared. +21667005 Sorting out the wreckage is expected to take several days. +21667006 Red tractors gingerly picked at the rubble while jackhammers tried to break up some of the massive slabs of concrete. +21667007 Giant yellow cranes were wheeled up alongside the collapsed segment, preparing to lift off chunks of the debris. +21667008 In Sacramento, a transportation department spokesman said he couldn't immediately confirm or deny existence of the test work. +21667009 However, he asserted that the department hadn't mastered the technology needed to retrofit the entire Cypress structure. +21667010 Moreover, other officials noted, snafus in transportation funding that the state has experienced over the years may have restricted the availability of funds for such a retrofitting, even if it were technologically feasible. +21667011 Knowledgeable employees said the retrofitting, which hadn't yet been budgeted, was part of a planned, three-stage reinforcement of the Cypress structure begun by the California transportation department several years ago. +21667012 The Cypress reinforcement project itself was part of an annual effort to shore up structures believed vulnerable to earthquakes. +21667013 The state began such work after a 1971 tremblor in Southern California, when numerous bridges collapsed. +21667014 "We had just finished phase two" of the Cypress project that involved installing a series of retaining cables designed to prevent sections of the roadway from separating as a result of seismic shock, a state DOT engineer said. +21667015 After completing installation of the jackets on "one frame" of the freeway last year, the state DOT had sent the project over to its Sacramento engineers to draw up a final design. +21667016 Knowledgeable employees said the project had been stymied somewhat by "the difficulty of designing" the jackets. +21667017 The procedure involves encasing the concrete columns with steel, then connecting them more securely to the double-decker roadbed. +21667018 The employees also said the project may have been snagged by budgetary concerns. +21667019 One preliminary estimate put the retrofitting cost at as much as $50 million. +21667020 The collapse of the span has provoked surprise and anger among state officials. +21667021 Gov. George Deukmejian, who said he had been assured by state transportation officials that the structure could withstand an even larger quake, called for an immediate investigation. +21667022 "I want to know who made the decision that it was safe for 186,000 people to use every day," said Richard Katz, a state legislator who is chairman of the California Assembly's transportation committee. +21667023 He said he would convene hearings within two weeks. +21667024 The Cypress structure opened in June 1957, and as such, like many buildings in the San Francisco Bay area, does not meet current building codes requiring considerably more steel support. +21667025 The northern piers of the span lie in estuarian deposits that were of a type to have liquefied easily during the 1906 quake. +21667026 Transportation department officials, however, said they were as surprised as anyone by the Cypress destruction. +21667027 They said previous earthquakes suggested that multiple-column viaducts would stand up well, although they were working on ways to bolster them. +21667028 "Unfortunately, there is only one laboratory for developing techniques to withstand earthquakes, and that is an earthquake," said Burch Bachtold, San Francisco district director for the transportation department. +21667029 He said: "We know of no technology that exists anywhere in the world that would allow us to" reinforce the columns. +21668001 Financial Corp. of Santa Barbara said it rescheduled to Nov. 29 a special shareholder meeting to vote on a $75 million stock-for-debt exchange. +21668002 The meeting had been scheduled for Nov. 10 but the company delayed the meeting to allow time for the Securities and Exchange Commission to review the proposal. +21668003 As part of a restructuring announced earlier this year, the company proposed in August to exchange 168 newly issued common shares for each $1,000 face value of debt. +21668004 However, that figure could be revised, Financial Corp. said. +21668005 Currently, the company has about six million common shares outstanding. +21668006 If all the debt was converted, about 13 million new shares would be issued. +21668007 In composite trading Wednesday on the New York Stock Exchange, Financial Corp. closed at $1.125, unchanged. +21668008 The debt consists of $50 million of 13 3/8% subordinated notes due 1998, and $25 million of 9% convertible subordinated debentures due 2012. +21668009 Financial Corp. also is proposing to exchange each of its 130,000 outstanding shares of cumulative convertible preferred series A stock for two shares of common. +21669001 After years of quarreling over Bonn's "Ostpolitik", West Germany and the U.S. appear to have shifted onto a united course in Eastern Europe. +21669002 Bonn and Washington have taken a leading role in aid for the reformist countries, pledging billions of dollars in fresh credit and forgiving old debt while urging other industrial nations to follow suit. +21669003 Both hope to encourage pressure for change in East bloc countries still ruled by Stalinist holdouts by arranging liberal financial aid and trade benefits for Poland, Hungary and, to a lesser extent, the Soviet Union. +21669004 West German officials also have the special goal of holding out hope for East Germany's fledgling reform movement. +21669005 "The change taking place in the Soviet Union, Poland and Hungary has aroused new hope in both German states that reforms will be undertaken in {East Germany}, and that relations between the two German states, too, will get better," said Foreign Minister Hans-Dietrich Genscher. +21669006 Addressing a conference of the New York-based Institute for East-West Security Studies in Frankfurt yesterday, Mr. Genscher said, "History will judge us by whether we have taken the opportunities that emerge from these reforms." +21669007 The ultimate aim of Western support for East bloc reforms, he said, is to create "an equitable and stable peaceful order in Europe from the Atlantic to the Urals." +21669008 Mr. Genscher and U.S. Secretary of Commerce Robert A. Mosbacher, in separate speeches at the conference, appealed for more Western contributions to economic reforms and business development in Hungary and Poland. +21669009 Bonn and Washington are leading supporters of Poland's request for a $1 billion stand-by credit from the International Monetary Fund. +21669010 "We want the bold programs of market development and political freedom in Hungary and in Poland to succeed. +21669011 We are prepared to support those changes," said Mr. Mosbacher. +21669012 U.S. curbs on the exports of sensitive technology to East bloc countries will remain in place, however. +21669013 Meanwhile, the U.S. House of Representatives yesterday approved an $837.5 million aid package for Poland and Hungary that more than doubles the amount President Bush had requested. +21669014 The package was brought to the House just 15 days after it was introduced, indicating Congress's eagerness to reward Poland and Hungary for their moves toward democracy and freemarket economic reforms. +21669015 The legislation, approved 345-47 and sent to the Senate, establishes two enterprise funds, to be governed by independent nonprofit boards, which will make loans and investments in new business ventures in Hungary and Poland. +21669016 The Polish fund would be seeded with $160 million, the Hungarian fund with $40 million. +21669017 In addition, a group of 24 industrialized countries, including the U.S. and Japan and coordinated by the European Community Commission, has promised Poland and Hungary trade advice and a line of credit equivalent to $1.11 billion through the European Investment Bank, while the EC plans $222 million in direct aid. +21669018 When Chancellor Helmut Kohl travels to Poland Nov. 9, he is expected to take with him a promise of three billion West German marks ($1.6 billion) in new credit guarantees for industrial projects. +21669019 Last week, Bonn agreed to reschedule 2.5 billion marks in Polish debt that came due last year. +21669020 In addition, a one billion mark credit dating from 1974 is to be written off. +21669021 Poland's plan to switch to a free-market economy by 1991 is hampered by a foreign debt load of $39.2 billion. +21669022 West Germany also has increased its credit guarantees to Hungary by 500 million marks to 1.5 billion marks as the emerging democratic state rushes through its own economic reforms, including a broad privatization of state-owned industry and tax incentives for industrial investment. +21669023 An additional 500 million marks in credit-backing was promised by the West German state governments of Bavaria and Baden-Wuerttemberg. +21669024 Deutsche Bank AG, which last year arranged a three billion mark credit for the Soviet Union, is now moving to become the first West German bank to set up independent business offices in Hungary and Poland as they shift to free-market economies. +21669025 A maxim of Frankfurt banking holds that wherever Deutsche Bank goes, other West German banks follow. +21669026 Indeed, at least four other West German banks are believed to be making inquiries. +21670001 Mattel Inc. said third-quarter net income rose 73%, to $38 million, or 76 cents a share, from $21.9 million, or 45 cents a share, a year ago. +21670002 Revenue rose 34% to $410 million from $306.6 million a year earlier. +21670003 "Mattel's world-wide volume has grown 25% in a climate of relatively flat industry sales," said John W. Amerman, chairman. +21670004 He said the toy company's "prospects for a strong fourth quarter" are also good. +21670005 Mattel attributed the jump in quarter net to strong world-wide sales of its Barbie doll, Hot Wheels cars, Disney toys and other well-known toy lines. +21670006 The company also cited retail trade and consumer demand for new products introduced this year, such as Cherry Merry Muffin and Turtle Tots. +21670007 For the nine months, Mattel net more than doubled to $58.9 million, or $1.19 a share, from $25.4 million, or 53 cents a share, a year ago. +21670008 Revenue rose 25%, to $877.6 million, from $702.4 million. +21670009 Mattel said the company's sale of rights to land and buildings at its Hawthorne, Calif., headquarters resulted in a $13 million charge to third-quarter operating profit. +21670010 The charge didn't affect net for the quarter as it was offset by tax benefits. +21670011 Mattel has purchased a new headquarters building in El Segundo, Calif., which it will occupy by the end of next year. +21671001 Democracy can be cruel to politicians: Sometimes it forces them to make choices. +21671002 Now that the Supreme Court opened the door on the subject of abortion, politicians are squinting under the glare of democratic choice. +21671003 Their discomfort is a healthy sign for the rest of us. +21671004 Republicans are squinting most painfully, at least at first, which is only fair because they've been shielded the most. +21671005 So long as abortion was a question for litigation, not legislation, Republicans could find political security in absolutism. +21671006 They could attract one-issue voters by adopting the right-to-life movement's strongest position, even as pro-choice Republicans knew this mattered little on an issue monopolized by the court. +21671007 Now it matters. +21671008 Much of Washington thought it detected George Bush in a characteristic waffle on abortion the past week. +21671009 Only a month ago he'd warned Congress not to pass legislation to pay for abortions in cases of rape or incest. +21671010 Last Friday, after Congress passed it anyway, he hinted he was looking for compromise. +21671011 Was the man who once was pro-choice, but later pro-life, converting again? +21671012 In fact, Mr. Bush's dance was more wiggle than waffle. +21671013 Pro-life advocates say the White House never wavered over the veto. +21671014 Christopher Smith (R., N.J.), a pro-life leader in the House, suggested a compromise that would have adapted restrictive language from rape and incest exceptions in the states. +21671015 The White House, never eager for a fight, was happy to try, which is why George Bush said he was looking for "flexibility" last week. +21671016 When Democrats refused to budge, pro-life Republicans met at the White House with Chief of Staff John Sununu on Monday, and Mr. Bush quickly signaled a veto. +21671017 Amid charges of "timidity" on Panama and elsewhere, the president wasn't about to offend his most energetic constituency. +21671018 The GOP doubters were in Congress. +21671019 In last week's House vote, 41 Republicans defected. +21671020 After the vote, Connecticut Rep. Nancy Johnson rounded up nearly as many signatures on a letter to Mr. Bush urging him not to veto. +21671021 Even such a pro-life stalwart as Sen. Orrin Hatch (R., Utah) had counseled some kind of compromise. +21671022 The Senate passed the same bill yesterday, with a veto-proof majority of 67. +21671023 The manuevering illustrates an emerging Republican donnybrook, pacified since the early 1980s. +21671024 At the 1988 GOP convention, abortion was barely discussed at all, though delegates were evenly divided on the question of an anti-abortion constitutional amendment. +21671025 Ms. Johnson made a passionate statement to the platform committee, but she was talking to herself. +21671026 Now many Republicans are listening. +21671027 They're frightened by what they see in New Jersey, and especially Virginia, where pro-life GOP candidates for governor are being pummeled on abortion. +21671028 Eddie Mahe, a Republican consultant, says the two GOP candidates could have avoided trouble if they had framed the issue first. +21671029 (In Virginia, Marshall Coleman and his running mate, Eddy Dalton, are both on the defensive for opposing abortions even in cases of rape or incest.) +21671030 But Mr. Mahe adds, "The net loser in the next few years is the right-to-life side." +21671031 Darla St. Martin, of the National Right to Life Committee, says exit polls from the 1988 election had single-issue, pro-life voters giving Mr. Bush about five more percentage points of support than pro-choice voters gave Michael Dukakis. +21671032 But the Supreme Court's opening of debate may have changed even that. +21671033 GOP pollster Neil Newhouse, of the Wirthlin Group, says polls this summer showed that the single-issue voters had about evened out. +21671034 Polls are no substitute for principle, but they'll do for some politicians. +21671035 The Republican danger is that abortion could become for them what it's long been for Democrats, a divisive litmus test. +21671036 It's already that in the Bush administration, at least for any job in which abortion is even remotely an issue. +21671037 Oklahoma official Robert Fulton lost a chance for a senior job in the Department of Health and Human Services after right-to-life activists opposed him. +21671038 Caldwell Butler, a conservative former congressman, was barred from a Legal Services post, after he gave wrong answers on abortion. +21671039 Even the president's doctor, Burton Lee, has said on the record that he'd love to be surgeon general but couldn't pass the pro-life test. +21671040 In the case of HHS Secretary Louis Sullivan, the litmus test could yet damage issues important to other parts of the Republican coalition. +21671041 After Mr. Sullivan waffled on abortion last year, the White House appeased right-to-lifers by surrounding him with pro-life deputies. +21671042 Their views on health care and welfare didn't much matter, though HHS spends billions a year on both. +21671043 It makes only a handful of abortion-related decisions. +21671044 Though Democrats can gloat at all this for now, they may want to contain their glee. +21671045 On abortion, their own day will come. +21671046 Eventually even Republicans will find a way to frame the issue in ways that expose pro-choice absolutism. +21671047 Does the candidate favor parental consent for teen-age abortions? +21671048 (The pro-choice lobby doesn't. +21671049 ) What about banning abortions in the second and third trimesters? +21671050 (The lobby says no again.) +21671051 Democracy is forcing the abortion debate toward healthy compromise, toward the unpolarizing middle. +21671052 Roe v. Wade pre-empted political debate, so the extremes blossomed. +21671053 Now the ambivalent middle, a moral majority of sorts, is reasserting itself. +21671054 Within a few years, the outcome in most states is likely to be that abortion will be more restricted, but not completely banned. +21671055 This is where the voters are, which is where politicians usually end up. +21672001 Union Pacific Corp. third-quarter net income fell 17%. +21672002 Excluding earnings from discontinued operations a year earlier, net fell only 2%. +21672003 The energy, natural resources and railroad concern had net of $137.4 million, or $1.35 a share, down from $165 million, or $1.44 a share, a year earlier. +21672004 In the 1988 third quarter, profit from continuing operations totaled $140.1 million. +21672005 A year earlier, the company had profit from discontinued operations of $24.9 million from sale of a pipeline, a refinery and an interest in a second refinery. +21672006 Revenue rose 2% to $1.58 billion from $1.54 billion. +21672007 In composite trading on the New York Stock Exchange, Union Pacific jumped $1.375 to $75 a share. +21672008 The company said its Union Pacific Railroad had a 3% profit increase, despite a 14% rise in fuel costs and a 4% drop in car loadings. +21672009 Most of the commodity traffic was off, the company said. +21672010 Earnings from continuing operations of the Union Pacific Resources unit almost doubled, the company said. +21672011 It added that higher revenue, strong crude oil prices and higher natural gas prices offset declines in production of oil, gas and plant liquids. +21672012 In addition, the company cited cost-reduction moves and interest income. +21672013 Earnings from Union Pacific Realty dropped 50% to $3 million. +21672014 Before good will, Overnite Transportation earnings fell 11% to $15 million, Union Pacific said. +21672015 In the nine months, net fell 6.3% to $427.7 million, or $3.98 a share, from $456.4 million, or $4 a share, a year earlier. +21672016 Profit from continuing operations in the year-earlier period was $402.7 million. +21672017 Revenue was $4.75 billion, up 6% from $4.49 billion. +21673001 The Federal Trade Commission ruled that five major title-insurance companies illegally fixed prices for title search-and-examination services by participating in joint "rating bureaus" in six states. +21673002 The FTC ordered the companies not to use rating bureaus in those six states. +21673003 The commission order named the following companies: Ticor Title Insurance Co. of California, a unit of Los Angeles-based Ticor; Chicago Title Insurance Co. and Safeco Title Insurance Co., units of Chicago Title & Trust Co.; Lawyers Title Insurance Corp., a unit of Richmond, Va.-based Universal Corp.; and Stewart Title Guaranty Co., a unit of Houston-based Stewart Information Services Corp. +21673004 Chicago Title & Trust acquired Safeco in 1987 and changed the unit's name to Security Union Title Insurance Co. +21673005 The FTC ruled that the companies violated federal antitrust law by fixing rates in the following states: New Jersey, Pennsylvania, Connecticut, Wisconsin, Arizona and Montana. +21673006 The FTC first issued an administrative complaint in the case in 1985. +21673007 John Christie, a lawyer here for the two Chicago Title & Trust units accused the FTC of "second-guessing" state-level regulations, with which, he said, his clients had complied. +21673008 "I expect all the companies to appeal," he added. +21673009 A lawyer for Lawyers Title said that, because the named companies no longer use the type of cooperative rating bureaus attacked by the FTC, the commission's order won't have much practical impact. +21673010 Officials for the other named companies didn't return telephone calls seeking comment. +21674001 MARK RESOURCES INC., Calgary, Alberta, said it agreed to sell 75 million Canadian dollars (US$63.9 million) of 8% convertible debentures to a group of securities dealers. +21674002 Mark, an oil and gas concern, said the 15-year debentures are convertible before maturity at C$12.50 for each Mark common share, and can be redeemed at the company's option, under certain conditions, after Nov. 30, 1992. +21675001 The government will try to sell all the real estate managed by the Federal Asset Disposition Association in one fell swoop, said William Seidman, chairman of the Federal Deposit Insurance Corp. +21675002 The FADA real-estate package, with an asking price of $428 million, is comprised of 150 properties in Texas, California, Colorado, Arizona and Florida. +21675003 It includes apartments, shopping centers, office buildings and undeveloped land. +21675004 Mr. Seidman is chairman of the Resolution Trust Corp., established to sell or merge the nation's hundreds of insolvent savings-and-loan associations. +21675005 The RTC, created by this year's S&L bailout legislation, is trying to sell FADA's network of offices separately. +21675006 FADA, which holds problem assets of thrifts that were closed before the bailout legislation was enacted, is being liquidated. +21675007 The properties held by FADA won't be sold piecemeal, Mr. Seidman said in a speech before Southern Methodist University Business School in Dallas. +21675008 "You need to buy the entire lot," Mr. Seidman said, "so get out your checkbooks. +21676001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21676002 Sequa Corp. -- $150 million of 9 5/8% notes due Oct. 15, 1999, priced at 99.75 to yield 9.664%. +21676003 The noncallable issue was priced at a spread of 170 basis points above the Treasury's 10-year note. +21676004 Rated Baa-2 by Moody's Investors Service Inc. and triple-B-minus by Standard & Poor's Corp., the issue will be sold through underwriters led by Merrill Lynch Capital Markets. +21676005 Virginia Public School Authority -- $55.7 million of school financing bonds, 1989 Series B (1987 resolution), due 19912000, 2005 and 2010, through a BT Securities Corp. group. +21676006 The bonds, rated double-A by Moody's and S&P, were priced to yield from 6% in 1991 to 7.10% in 2010. +21676007 Serial bonds were priced to yield to 6.75% in 2000. +21676008 Bonds due 1991-1996 carry 6.70% coupons and bonds due 1997-2000 carry 6 3/4% coupons. +21676009 Term bonds due 2005 aren't being formally reoffered. +21676010 They carry a 7% coupon. +21676011 Term bonds due 2010 are 7.10% securities priced at par. +21676012 St. Johns River Water Management District, Fla. -- $50,005,000 of land acquisition revenue bonds, Series 1989, due 1990-2000, 2003, 2006 and 2009, tentatively priced by a Smith Barney, Harris Upham & Co. group to yield from 6% in 1990 to about 7.03% in 2003. +21676013 There are $9.76 million of 7% term bonds due 2003, priced at 99 3/4 to yield about 7.03%. +21676014 The $11,775,000 of term bonds due 2006 and the $13,865,000 of term bonds due 2009 aren't being formally reoffered. +21676015 Serial bonds were priced at par to yield to 6.90% in 2000. +21676016 The bonds are insured and rated triple-A by Moody's and S&P. +21676017 Federal Home Loan Mortgage Corp. -- $500 million of Remic mortgage securities being offered in 12 classes by Salomon Brothers Inc. +21676018 The offering, Series 105, is backed by Freddie Mac 9 1/2% securities. +21676019 Separately, $400 million of Freddie Mac Remic mortgage securities is being offered in 10 classes by Kidder, Peabody & Co. +21676020 The offering, Series 106, is backed by Freddie Mac 9 1/2% securities. +21676021 According to available details, yields range from 8.70%, a spread of 80 basis points over three-year Treasury securities, to 10.37%, a spread of 230 basis points over 20-year Treasurys. +21676022 The offerings bring Freddie Mac's 1989 Remic issuance to $32.6 billion and its total volume to $46.5 billion since the program began in February 1988. +21676023 European Investment Bank (agency) -- 200 billion lire of 12% bonds due Nov. 16, 1995, priced at 101 3/4 to yield 12% less full fees, via lead manager Banco Commercial Italiana. +21676024 Fees 1 3/4. +21676025 IBM International Finance (U.S. parent) -- 125 million European currency units of 9 1/8% bonds due Nov. 10, 1994, priced at 101 5/8 to yield 9.13% at the recommended reoffered price of par, via Banque Paribas Capital Markets. +21676026 Societe Generale Australia Ltd. (French parent) -- 50 million Australian dollars of 17% bonds due Nov. 20, 1991, priced at 101.90 to yield 16.59 less fees, via Westpac Banking Corp. +21676027 Guaranteed by Societe Generale. +21676028 Fees 1 1/4. +21676029 Mitsubishi Trust & Banking Corp. (Japan) -- 200 million Swiss francs of privately placed convertible notes due March 31, 1994, with a fixed 0.75% coupon at par, via Union Bank of Switzerland. +21676030 Put option on March 31, 1992, at a fixed 107 3/4 to yield 3.5%. +21676031 Callable from March 31, 1992, at 107 3/4, declining two points semi-annually to par. +21676032 Each 50,000 Swiss franc note is convertible from Nov, 27, 1989, to March 21, 1994, at a premium over the closing share price Oct. 25, when terms are scheduled to be fixed. +21676033 Also, the company issued 300 million marks of convertible bonds with an indicated 2 3/4% coupon due March 31, 1995, at par, via Westdeutsche Landesbank Girozentrale Bank. +21676034 Put on March 31, 1992, at an indicated 105 to yield 4.80%. +21676035 Call option beginning March 31, 1992, if the price of the stock rises more than 50% within 30 trading days as well as a call option for tax reasons. +21676036 Each 1,000 mark and 10,000 mark bond is convertible from Nov. 27, 1989, to March 21, 1995, at a price to be determined when terms are fixed Oct. 25. +21676037 Scandinavian Airlines System (Sweden) -- 100 million Swiss francs of 6 1/8% bonds due Nov. 24, 1999, priced at 100 3/4 to yield 6.03%, via Union Bank of Switzerland. +21676038 Call from Nov. 24, 1994, at 101 1/2, declining 1/4 point a year. +21676039 Federal Home Loan Mortgage Corp. -- $400 million of 10-year debentures with a coupon rate of 8.80%, priced at par. +21676040 The debentures, callable at par in five years, were priced at a yield spread of about 86 basis points above the Treasury 10-year note. +21676041 The issue is being sold through Freddie Mac's 17-member securities selling group. +21676042 The debentures mature Oct. 27, 1999. +21676043 The debentures will be available in book-entry form only in a minimum amount of $5,000 and additional increments of $5,000. +21676044 Interest will be paid semi-annually. +21677001 First they get us to buy computers so we can get more information. +21677002 Then the computers give us more information than we can ever read. +21677003 Now they plan to sell us products that sift through all the information to give us what we really want to know. +21677004 The products range from computer-edited, personal newsletters to systems that sit inside a personal computer and pick stories on selected topics off news wires. +21677005 "Filtered news is what people want," says Esther Dyson, editor of Release 1.0, an industry newsletter that spots new developments. +21677006 "Most people read 10 times more than necessary in order to find out what they really need." +21677007 Geoffrey Goodfellow, who dropped out of high school back in the 1970s to manage a computer network at a California research firm, says: "Old network hands have started to turn off the network because they don't have time to wade through the muck." +21677008 Mr. Goodfellow has started a Menlo Park, Calif., company called Anterior Technology that provides human editors for public electronic networks. +21677009 "I see it as a sewage treatment plant," he says. +21677010 A new product, NewsEdge, carries five business news wires simultaneously into a user's computer and beeps and flashes whenever an article appears that is of interest to the user. +21677011 The product, developed by Desktop Data Corp., a new company based in Waltham, Mass., scans the wires looking for articles that contain key words specified by the user. +21677012 One early user, David Semmel, a Chicago venture capitalist and investor in Desktop Data, says he uses it to track takeover developments. +21677013 He says he told NewsEdge to look for stories containing such words as takeover, acquisition, acquire, LBO, tender, merger, junk and halted. +21677014 "I'm pretty confident I'm catching everything," he says. +21677015 NewsEdge is pricey: $7,500 a year for a limited version, $40,000 a year if the cost of all the news wires is included. +21677016 And it works best in high-powered personal computers. +21677017 But some investors and consultants who have tried it are enthusiastic. +21677018 Jeffrey Tarter, editor of SoftLetter, a Watertown, Mass., industry newsletter, says: "I've seen a lot of people fooling around on the fringes of filtering information. +21677019 This is the first time I've seen something I could imagine a lot of people using." +21677020 NewsEdge uses an FM radio band to carry news wires provided by Reuters, McGraw-Hill and Dow Jones & Co., as well as PR Newswire, which carries corporate press releases. +21677021 An FM receiver attached to a user's personal computer receives the information. +21677022 Some organizations have devised their own systems to sort through news wire items as they come in. +21677023 George Goodwin, an account manager at Royal Bank of Canada, adapted a Lotus Development Corp. program called Agenda to sort through international news wires. +21677024 It automatically selects stories from particular countries for reading by the international bankers responsible for lending in those areas. +21677025 For those who don't need their personalized information moment by moment, some services are offering overnight newsletters. +21677026 Individual Inc., a new company in Brookline, Mass., uses filtering technology developed by Cornell University computer scientist Gerard Salton, to automatically produce customized newsletters it sends electronically to subscribers by 8 a.m. the next day. +21677027 "We are operating an information refinery that takes a broad stream of raw data and turns it into actionable knowledge," says Yosi Amram, founder and president. +21677028 The daily newsletter, which isn't widely available yet, will have a base cost of $2,000 a year and provides full text of relevant articles under license agreements with Reuters, McGraw Hill, United Press International, two press release news wires and Japan's Kyodo news service. +21677029 One early user is NEC Corp.'s U.S. printer marketing arm. +21677030 "They want the full press releases on printer announcements by their competition," Mr. Amram says. +21677031 It also tracks personnel and financial announcements by NEC's distributors and customers. +21677032 Individual Inc.'s technology goes beyond word searches by using a computerized thesaurus. +21677033 If a customer asks for stories about "IBM," the computer will also supply stories that mention "I.B.M., International Business Machines, or Big Blue," Mr. Amram says. +21677034 Moreover, Individual Inc.'s computers can weigh the value of an article based on how closely the story matches the subscriber's interest area. +21677035 It compares the position of key words in the story; words in the headline or first paragraph get a higher value. +21677036 And it calculates how often the words appear in the story compared with how often they appear in the entire data base. +21677037 The higher the ratio of hits to total words, the higher the presumed value to the reader. +21677038 Pinpoint Information Corp., Chantilly, Va., a producer of $1,800-a-year personalized newsletters about the computer industry that started full operation last month, relies on 12 human readers to code news releases by topic in order to select items for each subscriber. +21677039 "The computers find all the key words they can, but the editors confirm every one. +21677040 Computer picking isn't perfect," says Harvey Golomb, president and founder of Pinpoint. +21677041 The humans also write abstracts of articles from some 200 computer industry publications. +21677042 Once all the articles are coded and put in a data base, Pinpoint's computers pick the most relevant for each subscriber and lay them out in a three-to-five-page newsletter format; each newsletter is sent directly from the computer to the subscriber's fax machine. +21677043 Mr. Golomb says each of his computers can produce and send about 75 unique newsletters a night. +21677044 Many computer network users who never see news wires would like to sort through their electronic mail automatically. +21677045 So-called E-mail is the collection of inter-office memos, gossip, technical data, schedules and directives distributed over local and national computer networks. +21677046 "All these interconnected computers make it difficult to sort out what's junk and what's important," says Chuck Digate, a former Lotus Development executive who has started a new company to cope with the problem. +21677047 Mr. Digate says his firm, Beyond Inc., has licensed technology known as Information Lens from Massachusetts Institute of Technology and plans to develop it for commercial use. +21677048 The MIT project devised ways for E-mail to be automatically categorized as top priority if it comes from certain designated senders or requires action in the next couple of days. +21677049 Mr. Digate says that Beyond will refine the product "so the message will be smart enough to know to come back and bother you again next week." +21677050 And if a user is busy, "he can set it for crisis mode: `Don't bother me with reports until Monday.'" +21677051 A program called Notes, which is under development by Lotus, also is designed to sort E-mail sent within work groups. +21677052 One thing that makes E-mail difficult to sift through is that each item looks the same. +21677053 Notes, which is designed for advanced computers that display graphics, allows mail senders to put different logos on their mail. +21677054 A daily news briefing from the company librarian, for example, would have a distinctive format on the screen, just as a paper version would have. +21677055 "With E-mail, you don't have the visual clues of paper," says Mr. Tarter, the editor of SoftLetter. +21677056 "With Notes, they're visually distinct. +21678001 Dean Witter Reynolds Inc. lost its second recent arbitration case involving a former bond-trading executive. +21678002 A New York Stock Exchange arbitration panel ordered Dean Witter to pay $404,294 in back bonuses to William Kelly, the company's former head of high-yield, high-risk junk-bond trading and sales. +21678003 It also awarded $196,785 in back bonuses to former trader Michael Newcomb and $69,105 in fees to the two men's attorneys. +21678004 The sums awarded to Messrs. Kelly and Newcomb represent bonuses the two men said they deserved from the first half of 1988, but which weren't paid because of a dispute over an incentive contract. +21678005 Jeffrey L. Liddle, the two men's attorney at Liddle, O'Connor, Finkelstein & Robinson, said Mr. Kelly began working at Dean Witter in 1987. +21678006 Mr. Kelly built the company's high-yield bond group, which has been a minor player in the junk-bond arena. +21678007 Dean Witter lost a separate case involving a former bond executive earlier this year; in August it paid $666,666 in back pay and a bonus to a former corporate-bond trading chief, Harold Bachman. +21678008 That award ended a dispute between Dean Witter and Mr. Bachman over who was responsible for certain bond-trading losses around the time of the 1987 stock-market crash. +21678009 A spokesman for Dean Witter, a unit of Sears, Roebuck & Co., declined to comment. +21679001 DILLARD DEPARTMENT STORES Inc. said it offered $50 million of 9 1/2% debentures due 2001 at par. +21679002 The Little Rock, Ark., department-store retailer said proceeds will be used to reduce short-term debt. +21679003 Goldman, Sachs & Co. was the underwriter. +21680001 American Brands Inc. said third-quarter net income rose 13%, reflecting strong gains in its tobacco and distilled spirits businesses. +21680002 The company, which also has businesses in life insurance, office products and hardware, and home-improvement products, said net income rose to $166.4 million, or $1.71 a share, from $146.8 million, or $1.53 a share, a year earlier. +21680003 Year-earlier results for the quarter and the nine months were restated to reflect a change in accounting standards. +21680004 Revenue declined 2%, to $3.06 billion from $3.13 billion, because of the sale of Southland Life in March, and the impact of the stronger U.S. dollar on overseas results. +21680005 Operating profit for world-wide tobacco products rose 10% to $247.6 million. +21680006 For distilled spirits, operating profit rose 36%, to $24.8 million. +21680007 In the first nine months, net rose 1.5%, to $458.8 million, or $4.76 a share, from $452 million, or $4.50 a share, a year earlier. +21680008 The year-earlier period included $40.1 million, or 41 cents a share, from discontinued operations. +21680009 Revenue rose to $9.03 billion from $8.98 billion. +21680010 The average number of shares outstanding rose 2% in the third quarter but was down 4% for the nine months. +21680011 In composite trading on the New York Stock Exchange, American Brands shares rose $1.75 to $73. +21681001 SANTA FE PACIFIC PIPELINE PARTNERS Limited Partnership, of Los Angeles, increased its quarterly cash dividend to 60 cents a unit from 55 cents, payable Nov. 14 to units of record Oct. 31. +21681002 The company is an independent refined-petroleum-products pipeline serving six Western states. +21682001 WASHINGTON LIES LOW after the stock market's roller-coaster ride. +21682002 Lawmakers, haunted by charges that some of their comments contributed to the 1987 crash, generally shy away from calls for sweeping new legislation. +21682003 But a House Energy and Commerce subcommittee will quiz SEC Chairman Breeden Wednesday, and Treasury Secretary Brady will go before the Senate Banking panel Thursday. +21682004 The market's wild week may speed along the market-reform legislation that has been pending for months in the aftermath of the 1987 crash. +21682005 It may also expedite the SEC's modest pending changes in junk-bond disclosure rules and intensify the Treasury's look at plans for giving new tax breaks on dividends and raising taxes on short-term trades by pension funds. +21682006 Brady and Breeden work well together on the plunge, despite the fact that the Treasury secretary opposed Breeden's nomination to the SEC post. +21682007 BAKER FALTERS in the Mideast amid Israeli paralysis and Palestinian politics. +21682008 Despite seeing his plan for Israeli-Palestinian elections wither, the cautious secretary of state is so far unwilling to cut U.S. economic or military aid to force Israeli cooperation. +21682009 Baker nonetheless remains furious both at Shamir, for backing down on the elections, and at Shamir's rival, Peres, for political ineptitude in forcing a premature cabinet vote on Baker's plan. +21682010 Meanwhile, some U.S. officials fear PLO chief Arafat is getting cold feet and may back off from his recent moderation and renunciation of terrorism. +21682011 He is under intense fire from other Palestinian groups; Syria is pushing Ahmad Jibril, whose terrorist band is blamed for the Pan Am 103 bombing, as an alternative to Arafat. +21682012 DARMAN'S MANEUVERS on the budget and capital gains hurt him in Congress. +21682013 Republicans as well as Democrats were angered by the budget director's rejection of Speaker Foley's effort to expedite a deficitcutting measure by stripping it of the capital-gains tax cut as well as pet Democratic projects. +21682014 Darman now blames the clash on miscommunication, but House GOP leader Michel, who carried the offer to him, observes, "I was speaking English at the time, and quite loud so I could be understood." +21682015 Senate GOP leader Dole ridicules the budget chief on the Senate floor. +21682016 Democratic counterpart Mitchell, asked to interpret Darman's threat to make permanent the across-the-board Gramm-Rudman cuts that took effect this week, says, "I don't even bother to interpret them." +21682017 But Darman suggests such tensions will dissipate quickly. +21682018 "If I can show signs of maturity, almost anybody can," he jokes. +21682019 HHS OFFICIALS expect Secretary Sullivan to continue a ban on research using fetal tissue. +21682020 Before he was confirmed, Sullivan said he had "reservations about any blanket prohibitions on medical research." +21682021 But now, an official says, he is "surrounded by right-to-lifers," who contend that any breakthroughs in fetal-tissue research could increase the demand for abortions. +21682022 COOPERATION WANES on weapons development between the U.S. and Europe. +21682023 Britain, France and Italy pull out of a proposal to build new NATO frigates; the U.S. and West Germany have each withdrawn from missile projects. +21682024 Defense experts say joint projects are increasingly squeezed by budget pressures and the desire to save domestic jobs; some also fear rising protectionism as European unity nears. +21682025 BOTH SIDES NOW: +21682026 Virginia GOP lieutenant governor candidate Eddy Dalton tries to have it both ways on the abortion issue. +21682027 Though she opposes abortion in almost all cases, she airs a TV commercial using pro-choice buzzwords. +21682028 "A woman ought to have a choice in cases where her life or health are in danger and in cases of rape or incest," she proclaims. +21682029 HOT TOPIC: +21682030 Interest in the abortion issue is so great that the Hotline, a daily, computer-distributed political newsletter, comes up with a spinoff product called the Abortion Report dealing solely with its political implications. +21682031 CONSERVATIVES EXPECT Bush to solidify their majority on a key court. +21682032 Bush has three vacancies to fill on the prestigious D.C. Circuit Court, which handles many important regulatory issues and is often considered a warm-up for future Supreme Court nominees. +21682033 Conservatives now hold only a 5-4 edge. +21682034 One slot is expected to go to EEOC Chairman Clarence Thomas, a black conservative; after mulling a fight, liberals now probably won't put up a major struggle against him. +21682035 Other conservatives thought to be on the administration's short list include Washington lawyer Michael Uhlmann, who was passed over for the No. 2 job at the Justice Department, and Marshall Breger, chairman of a U.S. agency on administration. +21682036 The Bush administration would also like to nominate a woman; one possibility is former Justice Department official Victoria Toensing. +21682037 MINOR MEMOS: +21682038 In the wake of the failed Panama coup, a bumper sticker appears: "Ollie Would Have Got Him." . . . +21682039 Rep. Garcia, on trial for bribery and extortion, puts statements in the Congressional Record attributing missed votes to "scheduling conflicts." . . . +21682040 A GOP Senate fund-raising letter from Sen. Burns of Montana is made to appear personally written, and its opening line is, "Please excuse my handwriting." +21682041 But Burns confesses in an interview: "That's not my handwriting. +21683001 MC SHIPPING Inc., New York, declared an initial quarterly of 60 cents a share payable Nov. 15 to shares of record Oct. 30. +21683002 The announcement boosted the charter-shipping company's shares, which closed at $15.125, up $1.25 a share, in composite trading on the American Stock Exchange. +21683003 The company, which went public in May, intends to pay dividends from available cash flow; the amount may vary from quarter to quarter. +21684001 Ever since the hotly contested America's Cup race last year, the famous yachting match has run into more rough sailing out of the water than in it. +21684002 Now that a key member of the San Diego Yacht Club team is splitting off to form his own team, even more competition lies ahead. +21684003 Peter Isler, the winning navigator in the past two America's Cup challenges, has split from the team led by Dennis Conner, skipper of the victorious Stars & Stripes, to form his own team for the next contest in 1992. +21684004 And, in addition to a crack team of sailors, Mr. Isler has lined up some real brass to help him finance the syndicate. +21684005 Isler Sailing International's advisory board includes Ted Turner, Turner Broadcasting chairman and a former Cup victor; Peter G. Diamandis, head of Diamandis Communications, and Joseph B. Vittoria, chairman and chief executive of Avis Inc. +21684006 His steering committee includes other notable businessmen, including the California investor and old salt Roy E. Disney. +21684007 "We have the structure, people and plan," Mr. Isler said in a statement. +21684008 Now, the first order of business is raising enough money to keep his team afloat -- a new yacht will cost about $3 million alone, and sailing syndicate budgets can easily run to $25 million for a Cup challenge. +21684009 The split comes in the midst of a court battle over whether the San Diego Yacht Club should be allowed to keep the international trophy for sailing a catamaran against the New Zealand challengers' 90-foot monohull. +21684010 In September, a New York appellate court overturned a state judge's ruling that awarded the Cup to the New Zealand team. +21684011 Pending an appeal by the New Zealand team, led by Michael Fay, the finals for the next Cup challenge are scheduled to be held in mid-1992 in San Diego. +21684012 But because of the uncertainty of the outcome of the suit, Mr. Conner's team has done little to begin gearing up to defend its title. +21684013 "If you don't know what the rules of the game are, it's hard to start your fund-raising or design," said Dana Smith, an official with Team Dennis Conner. +21684014 The Conner team won't be able to negotiate with corporate sponsors until the suit is resolved and the race site is determined, Mr. Smith said, and the syndicate's budget could easily reach $30 million. +21684015 But spokesmen for both Mr. Isler and Mr. Conner say the formation of the new syndicate has to do with Mr. Isler's desire to skipper his own team and begin planning now, rather than any falling out between the two sportsmen. +21684016 Mr. Smith and a spokesman for the America's Cup Organizing Committee insist that the added competition for the defender's spot will only improve the race. +21685001 Missouri farmer Blake Hurst writing in the fall issue of the Heritage Foundation's Policy Review about the proposed location of a hazardous-waste incinerator in his county: +21685002 Of course I'd rather have a computer software firm in my backyard than a hazardous waste incinerator. +21685003 But I'd also rather live next door to an incinerator than to some of the hog farms I've seen (and smelt) in these parts. +21685004 An incinerator is also probably better than having nobody next door -- on our farm there are four unoccupied houses. +21685005 On my four-mile drive to farm headquarters each morning, I drive by another four empty houses. +21685006 A community of abandoned farmsteads, failing businesses, and crumbling roads and bridges is hardly a desirable one. . . . +21685007 The loss of 40 jobs by a depressed county in rural Missouri is hardly of national importance except for this: If the most environmentally safe way of dealing with a national problem cannot be built in Atchinson County, what hope have we for dealing with the wastes our economy produces? +21685008 After all, farmers here work with "hazardous" chemicals every day, many of them the same chemicals that would have been destroyed in the incinerator. +21685009 We know they are dangerous, but if handled with care, their benefits far outweigh any risk to the environment. +21686001 Just because Stamford, Conn., High School did nothing when its valuable 1930s mural was thrown in the trash doesn't mean the city no longer owns the work of art, a federal judge ruled. +21686002 The mural, now valued at $1.3 million according to appraisers, was tossed in a trash heap in 1971 by workers who were renovating the building. +21686003 The 100-foot-long mural, painted by James Daugherty in 1934, was commissioned by the federal Works Project Administration. +21686004 After the discarded mural was found outside the school by a concerned Stamford graduate, it eventually was turned over to Hiram Hoelzer, a professional art restorer. +21686005 Throughout the 1970s, Stamford school and city officials made no effort to locate the mural. +21686006 Apparently the officials didn't even know the mural was missing until 1980, when a researcher found that the painting was in Mr. Hoelzer's studio and questioned school officials about it. +21686007 In 1986, Stamford officials thanked Mr. Hoelzer for taking care of the mural -- and demanded he return it as soon as possible. +21686008 Mr. Hoelzer, however, sued Stamford, claiming that the city had abandoned the artwork and that it had waited too long to reclaim it. +21686009 But Judge Louis L. Stanton of federal court in Manhattan ruled that the city couldn't be faulted for waiting too long because it didn't realize until 1986 that its ownership of the painting was in dispute. +21686010 The judge also ruled that the painting wasn't abandoned because officials didn't intend for it to be thrown away and were unaware that the workmen had discarded it. +21686011 Mr. Hoelzer didn't return phone calls seeking comment on the judge's decision. +21686012 The judge ordered that a hearing be held Nov. 17 to determine how much the city should pay Mr. Hoelzer for his services. +21686013 Mary E. Sommer, corporate counsel for Stamford, said the city has discussed several possible plans for displaying the mural, which portrays various scenes from the Great Depression. +21686014 She said the mural "preserves an era in Stamford and in our country when this type of work was being done. +21687001 The prices of corn futures contracts jumped amid rumors that the Soviet Union is keeping up its dizzying October buying binge of U.S. corn. +21687002 Those rumors were confirmed after the end of trading yesterday when the U.S. Agriculture Department announced that the Soviets had bought 1.2 million metric tons of U.S. corn, bringing their U.S. corn purchases confirmed so far this month to about five million metric tons. +21687003 In trading at the Chicago Board of Trade, the corn contract for December delivery jumped 5.75 cents a bushel to settle at $2.44 a bushel. +21687004 The Soviet purchases are close to exceeding what some analysts had expected the Soviet Union to buy this fall, the season in which it usually buys much of the corn it imports from the U.S. +21687005 That pace is causing some analysts to speculate that the Soviet Union might soon purchase as much as another two million metric tons. +21687006 One sign that more Soviet purchases are possible is that U.S. grain companies yesterday bought an unusually large amount of corn futures contracts. +21687007 That sometimes signals that they are laying plans to export corn. +21687008 By some estimates, several grain companies combined bought contracts for the possession of roughly one million metric tons of corn. +21687009 By buying futures contracts, these companies attempt to protect themselves from swings in the price of the corn that they are obligated to deliver. +21687010 Rumors of Soviet interest also pushed up the prices of soybean futures contracts. +21687011 Among other things, the Agriculture Department is widely thought to be mulling whether to subsidize the sale of soybean oil to the Soviet Union. +21687012 On top of all this, corn and soybean prices rose on reports that the Midwest harvest was disrupted by a freakishly early snow storm that dumped several inches in parts of Indiana and Ohio. +21687013 The harvest delays, however, are expected to be temporary. +21687014 Balmy temperatures are forecast for next week, said Robert Lekberg, an analyst at Farmers Grain & Livestock Corp., Chicago. +21687015 Many farmers used the jump in prices to sell their recently harvested crop to grain elevator companies. +21687016 The heavy selling by farmers helped to damp the price rally. +21687017 Wheat futures prices rose slightly. +21687018 In other commodity markets yesterday: +21687019 PRECIOUS METALS: +21687020 Futures prices declined. +21687021 A number of developments were negatively interpreted by traders. +21687022 December delivery gold fell $1.80 an ounce to $370.60. +21687023 December silver eased 2.7 cents an ounce to $5.133. +21687024 January platinum was down $3.60 an ounce at $491.10. +21687025 One price-depressing development was the lower-than-expected increase of only 0.2% in the consumer price index for September, an analyst said. +21687026 He noted that the "core inflation rate," which excludes food and energy, was also low at 0.2%. +21687027 Other news that weighed on the market: Initial unemployment claims rose by 62,000 last week; American Telephone & Telegraph Co. will reduce its managerial staff by 15,000 through attrition; the oil market turned weaker; there wasn't any investor demand for bullion; and the dollar strengthened during the day, putting pressure on gold. +21687028 Also, the analyst said, economic circumstances are such that both South Africa and the Soviet Union, the principal gold and platinum producers, are being forced to continue selling the metals. +21687029 Both are in great need of foreign exchange, and South Africa is also under pressure to meet foreign loan commitments, he said. +21687030 "Putting it all together, we have a negative scenario that doesn't look like it will improve overnight," he said. +21687031 COPPER: +21687032 Futures prices recovered in quiet trading. +21687033 The December contract rose 1.50 cents a pound to $1.2795. +21687034 That contract fell a total of 5.75 cents during the first three days of this week, mostly in reaction to last Friday's stock market plunge, which prompted concern that it might signal a similar sharp slowing of the U.S. economy and thus reduced demand for copper, a leading industrial metal. +21687035 In recent days, however, there has been increased purchasing of copper in London, an analyst said. +21687036 Some of this buying was by Japan, which has had its supplies sharply reduced by long production stoppages at the Bougainville mine in Papua New Guinea, Highland Valley mine in British Columbia, and the Cananea mine in Mexico, which are major shippers to Japan. +21687037 The increasing likelihood that Cananea and Highland Valley will soon return to production may have cut some of that purchasing, but even if any of these mines begin operating soon, their output won't be significant until at least the end of the year, analysts note. +21687038 So, one analyst said, even though the long-term production problems may be easing, there will still be a significant need for copper over the next three months, when inventories will remain relatively low. +21687039 ENERGY: +21687040 Crude oil prices ended mixed. +21687041 West Texas Intermediate for November delivery fell 14 cents a barrel to $20.42. +21687042 But so-called outer month contracts finished higher. +21687043 For instance, December contracts for WTI rose 17 cents to $20.42. +21687044 Most energy futures opened lower, following Wednesday's market downturn. +21687045 But a flurry of late trading yesterday beefed up prices. +21687046 Heating oil and gasoline futures ended higher as well. +21688001 Melvin Belli's San Francisco law offices may have been the epicenter of legal activity after Tuesday's earthquake. +21688002 In the first 25 minutes after his office's telephone service was restored yesterday morning, 17 potential clients had called seeking the services of the self-proclaimed King of Torts. +21688003 Mr. Belli, like many other personal-injury lawyers, suspects that the earthquake, which measured 6.9 on the Richter scale, will generate enough lawsuits to keep this city's personal-injury and construction lawyers busy for quite some time. +21688004 Suits are likely to be filed against engineering firms, contractors and developers, as well as against local-government agencies. +21688005 But lawyers looking to cash in on the quake may have a tough time once their cases reach a judge. +21688006 Experts on California tort law say protections afforded government agencies in such cases are pretty ironclad. +21688007 Even claims against individuals and companies face significant roadblocks. +21688008 The major legal barrier is the principle that no one can be held liable for an "act of God." +21688009 For now, says Laurence Drivon, president-elect of the 6,000-member California Trial Lawyers Association, "the last thing we really need to worry about is whether anybody is going to get sued, or whether they have liability or not. +21688010 We still have people wandering around in a daze in San Francisco worrying about whether it's going to rain tonight." +21688011 But that won't stop plaintiffs' lawyers from seeking a little room for maneuvering. +21688012 In San Francisco, they argue, an earthquake was a near certainty. +21688013 Therefore, engineering firms, construction contractors and developers can be sued for not keeping structures up to standard, and government agencies can be held accountable for failing to properly protect citizens from such a foreseeable disaster, if negligence can be proven. +21688014 "My prediction is there will be mass litigation over errors and omissions in engineering and contracting," says Stanley Chesley, a well-known Cincinnati plaintiffs lawyer. +21688015 From what he saw on television, Mr. Chesley points out that Interstate 880, which collapsed and killed more than 200 commuters, suffered serious damage while surrounding buildings appeared to sustain no damage whatsoever. +21688016 He adds that "they were aware of the propensity for earthquakes and the San Andreas Fault." +21688017 The flamboyant and publicity-conscious Mr. Belli says he already has investigators looking into who could be held liable for the damage on the Bay Bridge and the interstate approaching it. +21688018 "We won't know until the smoke clears -- but yes, we're looking into it," he says. +21688019 Mr. Belli says he wants to know whether state or federal engineers or private companies could have prevented the damage. +21688020 Mr. Belli, who was at Candlestick Park for the World Series Tuesday night, says he has hired civil engineers to check out his own mildly damaged building and to investigate the bridge collapse. +21688021 Defense lawyers, perhaps understandably, say that plaintiffs' lawyers taking such an approach will have little success in pursuing their claims, though they add that the facts of each case must be looked at individually. +21688022 "A lot of this is going to be code-related," says Ignazio J. Ruvolo, a construction law specialist at Bronson, Bronson & McKinnon, a San Francisco law firm. +21688023 Plaintiffs, he says, will argue that damaged structures weren't built to proper design standards. +21688024 But if defendants can prove that they met San Francisco's stringent building codes, "that's probably going to protect them," Mr. Ruvolo says. +21688025 Government entities, continues Mr. Ruvolo, could be protected by the California Government Tort Liability Act. +21688026 Under the statute, agencies are provided "defenses that normally aren't available in the private sector," Mr. Ruvolo says. +21688027 "The legislature does not want to inhibit the unique government activities by exposing public entities to liability." +21688028 Built into the statute are so-called design immunities, which are likely to protect government agencies, according to Mr. Ruvolo and Richard Covert, a lawyer with the California Department of Transportation, which oversees the damaged Bay Bridge. +21688029 The state is protected when plans and designs for public structures were approved ahead of time or when structures met previously approved standards, says Mr. Covert. +21688030 He believes those defenses might well apply to the Bay Bridge collapse. +21688031 Nevertheless, he adds, "I wouldn't get totally shocked if we get lawsuits out of the Bay Bridge." +21688032 If there's going to be a race to the courthouse, it hasn't started yet. +21688033 Mr. Covert had to search through law books scattered on the floor of his office yesterday, and Mr. Belli's courtyard was strewn with bricks. +21688034 Wednesday, Mr. Belli's staff wasn't permitted into his office by city officials worried about their safety. +21688035 He said he set up shop on the sidewalk in front of his town-house office and helped victims apply for federal aid -- free of charge. +21688036 In a news release issued by Mr. Drivon, the trial lawyers association also promised free assistance to victims. +21688037 The association said it would monitor the conduct of lawyers and warned that solicitation of business is unethical. +21689001 What's in a name? +21689002 Apparently a lot, according to the British firm of Deloitte, Haskins & Sells. +21689003 The British firm has begun court proceedings in London to prevent the use of the name "Deloitte" by Deloitte, Haskins & Sells and Touche Ross & Co. in England and the rest of the world. +21689004 The British Deloitte firm recently withdrew from the merger of Deloitte and Touche world-wide and joined Coopers & Lybrand. +21689005 John Bullock, senior partner of Deloitte in the U.K., said "the decision to start these proceedings hasn't been taken lightly." +21689006 Mr. Bullock said the British firm has used the name "Deloitte" since 1845. +21689007 In the U.S., Deloitte, Haskins & Sells was known as Haskins & Sells until 1978, when it added the "Deloitte" name of its British affiliate. +21689008 John C. Burton, an accounting professor at Columbia University's Graduate School of Business, said "there's a lot of emotion involved in the name of an accounting firm with a long history and with roots in England, where accounting predates the U.S." +21689009 Although accountants aren't noted as "being deeply emotional, they really hold it all in," said Mr. Burton, former chief accountant of the Securities and Exchange Commission. +21689010 J. Michael Cook, chairman of Deloitte, Haskins & Sells International, said he believes the legal action by the British firm "to be without merit." +21689011 Mr. Cook said that last June, the international executive committes of Deloitte and Touche agreed to a world-wide merger. +21689012 "The merger is proceeding according to plan, except as to the withdrawal of the Deloitte U.K. firm," he said. +21689013 Partners at other accounting firms say that the Deloitte firm in the U.K. is filing the suit to get even with the merged Deloitte-Touche firm for keeping major auditing work in England. +21689014 General Motors Corp., a Deloitte audit client, for example, has agreed to keep its annual $18 million world-wide audit and associated tax work with the merged Deloitte-Touche firm, to be known as Deloitte & Touche in the U.S. +21689015 In England, this would mean that the British Deloitte would lose revenue for its audit of GM's Vauxhill unit. +21689016 The defection of Deloitte's affiliates in Britain and the Netherlands to Coopers & Lybrand will make Coopers one of the biggest accounting firms in Europe, rivaling KPMG Peat Marwick there. +21689017 Although Coopers hasn't been courted by other major accounting firms for a merger, it is benefiting greatly from fallout from the Deloitte-Touche merger. +21689018 In New York, Harris Amhowitz, general counsel of Coopers, said Coopers "was aware of the litigation," but he declined further comment. +21689019 He also declined to comment on the name that Coopers would use in England if Deloitte UK won its litigation to keep its name. +21689020 Coopers uses the Coopers & Lybrand name world-wide. +21690001 William Bennett, the White House drug-policy director, accused local officials in the Washington area of blocking construction of prison facilities to house convicted drug dealers. +21690002 "Politics has essentially put up a roadblock" to finding sites for new federal prisons, Mr. Bennett said at a news conference called to report on his "emergency assistance program" for the capital. +21690003 Without more space to incarcerate convicted criminals, he added, "we will not win the war on drugs." +21690004 Mr. Bennett declared in April that he would make Washington a "test case" for how the Bush administration would aid cities afflicted by heavy drug trafficking and violence. +21690005 The drug czar claimed that enforcement efforts are working here, "albeit at a slower and more halting pace than we would like." +21690006 He acknowledged, however, that Washington's "drug-related murder rate is intolerably high. +21690007 The prisons are too crowded. +21690008 Drugs continue to be sold openly around schools, parks and housing projects." +21690009 Mr. Bennett declined to name the area officials who he believes have impeded plans for building more federal prisons to ease Washington's problem. +21690010 But other Bush administration officials have criticized Maryland Gov. William Schaefer for blocking the use of possible sites in that state. +21690011 Administration officials also have said that Washington Mayor Marion Barry has delayed consideration of sites in the city. +21690012 In a letter to Mr. Bennett's office, released yesterday, Washington's city administrator, Carol Thompson, complained that the drug czar had exaggerated the amount of federal drug-related assistance provided to the capital. +21690013 Referring to Mr. Bennett's claim that the federal government would provide $97 million in emergency federal support, Ms. Thompson wrote, "Our analysis was unable to even come close to documenting that figure." +21690014 Of his successes in Washington, Mr. Bennett stressed that existing federal prisons have taken custody of 375 local inmates. +21690015 He also noted that the federal Drug Enforcement Administration has established a federal-local task force responsible since April for 106 arrests and more than $2 million in seizures of drug dealers' assets. +21690016 The Defense Department has lent the Washington U.S. attorney 10 prosecutors, and the Federal Bureau of Investigation has provided crime laboratory facilities and training, he added. +21691001 What if it happened to us? +21691002 In the wake of the earthquake in California and the devastation of Hurricane Hugo, many companies in disaster-prone areas are pondering the question of preparedness. +21691003 Some, particularly in West Coast earthquake zones, are dusting off their evacuation plans, checking food stocks and reminding employees of what to do if emergency strikes. +21691004 Others say they feel confident that steps they've already taken would see them through a disaster. +21691005 Preparedness involves more than flashlights and fire alarms these days. +21691006 Some big companies have teams of in-house experts focusing on safety and business resumption. +21691007 Many companies in the path of potential disaster have set up contingency offices in safe regions, hoping they can transport employees there and resume operations quickly. +21691008 That means making sure that copies of vital computer software and company records are out of harm's way. +21691009 Some businesses -- like Disneyland -- claim that even if they became isolated in a crisis, they would be able to feed and care for their people for as long as five days. +21691010 "Self-sufficiency has to be the cornerstone of your plan," says Stephanie Masaki-Schatz, manager of corporate emergency planning at Atlantic Richfield Co. in Los Angeles. +21691011 "If you don't save your critical people, you won't be able to bring up your vital business functions." +21691012 Although ARCO's head office, more than 300 miles from the epicenter, wasn't affected by this week's tremors, Ms. Masaki-Schatz used the occasion to distribute a three-page memo of "Earthquake Tips" to 1,200 ARCO employees. +21691013 "You need to capitalize on these moments when you have everyone's attention," she says. +21691014 "It was a good reminder that we all need to prepare prior to an event." +21691015 The ARCO memo urges employees to keep certain supplies at work, such as solid shoes and "heavy gloves to clear debris." +21691016 It also recommends that employees be aware of everyday office items that could be used for emergency care or shelter. +21691017 Among the suggestions: Pantyhose and men's ties could be used for slings, while removable wooden shelves might aid in "breaking through office walls." +21691018 ARCO maintains an office in Dallas that would take over if payroll operations in Pasadena were disrupted. +21691019 Two months ago the company set up a toll-free number, based outside California, to handle queries from employees about when they should report back to work after an earthquake or other disaster. +21691020 The ARCO plan takes into account such details as which aspects of business are busier at certain times of the year. +21691021 This way, depending on when a quake might strike, priorities can be assigned to departments that should be brought back on line first. +21691022 At Hewlett-Packard Co., the earthquake came just as the company was reviewing its own emergency procedures. +21691023 "We were talking about scheduling a practice drill for November," says Joan Tharp, a spokeswoman. +21691024 "Then we had a real one in the afternoon." +21691025 The Palo Alto, Calif., computer maker scrambled to set up a special phone line to tell manufacturing and support staff to stay home Wednesday. +21691026 Sales and service employees were asked to report to work to help Bay area clients who called with computer problems. +21691027 Hewlett-Packard also called in its systems experts to restore its own computer operations. +21691028 "That means we can accept orders" and begin getting back to normal, says Ms. Tharp. +21691029 Prompted by an earlier California earthquake, as well as a fire in a Los Angeles office tower, Great Western Bank in the past year hired three emergency planners and spent $75,000 equipping a trailer with communications gear to serve as an emergency headquarters. +21691030 Although officials of the savings and loan, a unit of Great Western Financial Corp., used some of their new plans and equipment during this week's quake, they still lost touch for more than 24 hours with 15 branches in the affected areas, not knowing if employees were injured or vaults were broken open. +21691031 "Some people flat out didn't know what to do," says Robert G. Lee, vice president for emergency planning and corporate security at Great Western. +21691032 As it turned out, bank employees weren't hurt and the vaults withstood the jolts. +21691033 Still, says Mr. Lee: "We need to educate people that they need to get to a phone somehow, some way, to let someone know what their status is." +21691034 Some companies are confident that they're prepared. +21691035 Occidental Petroleum Corp. holds regular evacuation drills and stocks food, oxygen and non-prescription drugs at checkpoints in its 16-story headquarters. +21691036 The company also maintains rechargeable flashlights in offices and changes its standby supply of drinking water every three months. +21691037 "We feel we are doing everything we can," an Occidental spokesman says. +21691038 Walt Disney Co.'s Disneyland in Anaheim, Calif., stocks rescue equipment, medical supplies, and enough food and water to feed at least 10,000 visitors for as long as five days in the event that a calamity isolates the theme park. +21691039 The park also has emergency centers where specially trained employees would go to coordinate evacuation and rescue plans using walkie-talkies, cellular phones, and a public-address system. +21691040 The centers are complete with maps detailing utility lines beneath rides and "safe havens" where people can be assembled away from major structures. +21691041 Vista Chemical Co., with three chemical plants in and near Lake Charles, La., "prepares for every hurricane that enters the Gulf of Mexico," says Keith L. Fogg, a company safety director. +21691042 Hurricane Hugo, an Atlantic storm, didn't affect Vista. +21691043 But two other major storms have threatened operations so far this year, most recently Hurricane Jerry this week. +21691044 Because hurricanes can change course rapidly, the company sends employees home and shuts down operations in stages -- the closer a storm gets, the more complete the shutdown. +21691045 The company doesn't wait until the final hours to get ready for hurricanes. +21691046 "There are just tons of things that have to be considered," Mr. Fogg says. +21691047 "Empty tank cars will float away on you if you get a big tidal surge." +21691048 Still, Vista officials realize they're relatively fortunate. +21691049 "With a hurricane you know it's coming. +21691050 You have time to put precautionary mechanisms in place," notes a Vista spokeswoman. +21691051 "A situation like San Francisco is so frightening because there's no warning. +21692001 Former Democratic fund-raiser Thomas M. Gaubert, whose savings and loan was wrested from his control by federal thrift regulators, has been granted court permission to sue the regulators. +21692002 In a ruling by the Fifth U.S. Circuit Court of Appeals in New Orleans, Mr. Gaubert received the go-ahead to pursue a claim against the Federal Home Loan Bank Board and the Federal Home Loan Bank of Dallas for losses he suffered when the Bank Board closed the Independent American Savings Association of Irving, Texas. +21692003 Mr. Gaubert, who was chairman and the majority stockholder of Independent American, had relinquished his control in exchange for federal regulators' agreement to drop their inquiry into his activities at another savings and loan. +21692004 As part of the agreement, Mr. Gaubert contributed real estate valued at $25 million to the assets of Independent American. +21692005 While under the control of federal regulators, Independent American's net worth dropped from $75 million to a negative $400 million, wiping out the value of Mr. Gaubert's real estate contribution and his stock in the institution. +21692006 Mr. Gaubert's suit to recover his damages was dismissed last year by U.S. District Judge Robert Maloney of Dallas under the Federal Tort Claims Act, which offers broad protection for actions by federal agencies and employees. +21692007 Earlier this week, a Fifth Circuit appellate panel upheld Judge Maloney's dismissal of Mr. Gaubert's claim as a shareholder but said the judge should reconsider Mr. Gaubert's claim for the loss of his property. +21692008 "It may depend on whether there was an express or implied promise . . . that the federal officials would not negligently cause the deterioration" of Independent American, the court wrote. +21692009 Mr. Gaubert's lawyer, Abbe David Lowell of Washington, D.C., says the impact of the ruling on other cases involving thrift takeovers will depend on the degree of similarity in the facts. +21692010 "I don't know if this will affect one institution or a hundred," Mr. Lowell says. +21692011 "It does establish a very clear precedent for suing the FHLBB where there was none before." +21692012 MAITRE'D CLAIMS in suit that restaurant fired her because she was pregnant. +21692013 In a suit filed in state court in Manhattan, the American Civil Liberties Union is representing the former maitre'd of the chic Odeon restaurant. +21692014 The suit, which seeks compensatory and punitive damages of $1 million, alleges that the firing of Marcia Trees Levine violated New York state's human-rights law. +21692015 Among other things, the law prohibits discrimination on the basis of sex and pregnancy. +21692016 The suit alleges that Ms. Levine was fired after she refused to accept a lower paying, less visible job upon reaching her sixth month of pregnancy. +21692017 Ms. Levine told her employer that she was pregnant in February; a month later, the suit says, the restaurant manager told Ms. Levine that she would be demoted to his assistant because he felt customers would be uncomfortable with a pregnant maitre'd. +21692018 Kary Moss, an attorney with the ACLU's Women's Rights Project, said, "They wanted a svelte-looking woman, and a pregnant woman is not svelte. +21692019 They told her, 'We don't hire fat people and we don't hire cripples. +21692020 And pregnant women are fat.'" +21692021 Ms. Moss said Ms. Levine secretly taped many conversations with her bosses at the Odeon in which they told her she was being fired as maitre'd because she was pregnant. +21692022 Paul H. Aloe, an attorney for Odeon owner Keith McNally, denied the allegations. +21692023 He said Ms. Levine had never been fired, although she had stopped working at the restaurant. +21692024 "The Odeon made a written offer to Marcia Levine on July 10 to return to work as the maitre'd, at the same pay, same hours and with back pay accrued," he said. +21692025 Mr. Aloe said the Odeon "has no policy against hiring pregnant people." +21692026 LAWYERS IN Texas's biggest bank-fraud case want out in face of retrial. +21692027 Lawyers representing five of the seven defendants in the case say their clients can no longer afford their services. +21692028 The trial of the case lasted seven months and ended in September with a hung jury. +21692029 The defendants were indicted two years ago on charges that they conspired to defraud five thrifts of more than $130 million through a complicated scheme to inflate the price of land and condominium construction along Interstate 30, east of Dallas. +21692030 The defense lawyers, three of whom are solo practitioners, say they can't afford to put their law practices on hold for another seven-month trial. +21692031 Some of the lawyers say they would continue to represent their clients if the government pays their tab as court-appointed lawyers. +21692032 Assistant U.S. Attorney Terry Hart of Dallas says the government will oppose any efforts to bring in a new defense team because it would delay a retrial. +21692033 FEDERAL JUDGE ALCEE HASTINGS of Florida, facing impeachment, received an unanticipated boost yesterday. +21692034 Sen. Arlen Specter (R., Pa.) urged acquittal of the judge in a brief circulated to his Senate colleagues during closed-door deliberations. +21692035 Among other things, the brief cited insufficient evidence. +21692036 Sen. Specter was vice chairman of the impeachment trial committee that heard evidence in the Hastings case last summer. +21692037 A former prosecutor and member of the Senate Judiciary Committee, Sen. Specter is expected to exercise influence when the Senate votes on the impeachment today. +21692038 RICHMOND RESIGNATIONS: +21692039 Six partners in the Richmond, Va., firm of Browder, Russell, Morris & Butcher announced they are resigning. +21692040 Five of the partners -- James W. Morris, Philip B. Morris, Robert M. White, Ann Adams Webster and Jacqueline G. Epps -- are opening a boutique in Richmond to concentrate on corporate defense litigation, particularly in product liability cases. +21692041 The sixth partner, John H. OBrion, Jr., is joining Cowan & Owen, a smaller firm outside Richmond. +21692042 LAW FIRM NOTES: +21692043 Nixon, Hargrave, Devans & Doyle, based in Rochester, N.Y., has opened an office in Buffalo, N.Y. . . . +21692044 Mayer, Brown & Platt, Chicago, added two partners to its Houston office, Eddy J. Roger Jr., and Jeff C. Dodd. . . . +21692045 Copyright specialist Neil Boorstyn, who writes the monthly Copyright Law Journal newsletter, is joining McCutchen, Doyle, Brown & Enersen. +21693001 New York Times Co.'s third-quarter earnings report is reinforcing analysts' belief that newspaper publishers will be facing continued poor earnings comparisons through 1990. +21693002 The publisher was able to register soaring quarter net income because of a onetime gain on the sale of its cable-TV system. +21693003 However, operating profit fell 35% to $16.4 million. +21693004 The decline reflected the expense of buying three magazines, lower earnings from the forest-products group, and what is proving to be a nagging major problem, continued declines in advertising linage at the New York Times, the company's flagship daily newspaper. +21693005 In composite trading on the American Stock Exchange, New York Times closed at $28.125 a share, down 37.5 cents. +21693006 Analysts said the company's troubles mirror those of the industry. +21693007 Retail advertising, which often represents half of the advertising volume at most daily newspapers, largely isn't rebounding in the second half from extended doldrums as expected. +21693008 At the same time, newspapers are bedeviled by lagging national advertising, especially in its financial component. +21693009 Dow Jones & Co. recently reported net fell 9.9%, a reflection, in part, of continued softness in financial advertising at The Wall Street Journal and Barron's magazine. +21693010 "We expect next year to be a fairly soft year in newspaper-industry advertising," said John Morton, an analyst for Lynch, Jones & Ryan. +21693011 "Next year, earnings will hold steady, but we just don't see a big turnaround in the trend in advertising." +21693012 John S. Reidy, an analyst for Drexel Burnham Lambert Inc., said, "The Times faces the same problem of other publishers: linage is down. +21693013 It will be hard to do handstands until real linage starts heading back up." +21693014 In the quarterly report, Arthur Ochs Sulzberger, New York Times Co. chairman and chief executive officer, said negative factors affecting third-quarter earnings will continue. +21693015 Analysts agreed with company expectations that operating profit will be down this year and in 1990. +21693016 Mr. Sulzberger said the scheduled opening of a new color-printing plant in Edison, N.J., in 1990 would involve heavy startup and depreciation costs. +21693017 "With the Edison plant coming on line next summer, the Times is facing some tough earnings comparison in the future," said Peter Appert, an analyst with C.J. Lawrence, Morgan Grenfell. +21693018 "But many newspapers are facing similar comparisons." +21693019 The sale of the company's cable franchise brought an after-tax gain of $193.3 million, part of which will be used to reduce debt. +21693020 The company also has a stock-repurchase plan. +21693021 Analysts said they were impressed by the performance of the company's newspaper group, which consists of the Times, 35 regional newspapers and a one-third interest in the International Herald Tribune; group operating profit for the quarter increased slightly to $34.9 million from $34.5 million on flat revenue. +21693022 Drexel Burnham's Mr. Reidy pointed out that "profits held up in a tough revenue environment. +21693023 That's a good sign when profits are stable during a time revenue is in the trough. +21694001 Investors celebrated the second anniversary of Black Monday with a buying spree in both stocks and bonds. +21694002 But the dollar was mixed. +21694003 Stock and bond investors were cheered by last month's encouragingly low inflation rate. +21694004 This news raised hopes for further interest-rate cuts. +21694005 Treasury-bond prices immediately rallied, setting the stock market rolling from the opening bell. +21694006 The Dow Jones Industrial Average, up about 60 points in mid-afternoon, finished with a gain of 39.55 points, to 2683.20. +21694007 That brought the average's cumulative gain this week to about 114 points. +21694008 Since the 1987 crash, the industrials have soared more than 54%, and the widely watched market barometer is about 4% below its record high set earlier this month. +21694009 The stock-market rally was led by blue-chip issues, but, unlike Monday's rebound, was broadly based. +21694010 Indeed, over-the-counter stocks, led by technology issues, outleaped the industrial average. +21694011 The Nasdaq Composite Index soared 7.52, or 1.6%, to 470.80, its highest one-day jump in points this year. +21694012 Many takeover-related stocks rose after news that a group obtained financing commitments for the proposed buy-out of American Medical International Inc. +21694013 Among the biggest winners were brokerage-house stocks, responding to heavy trading volume. +21694014 The government said consumer prices rose only 0.2% last month. +21694015 Economists expected twice as large an increase. +21694016 That news, plus recent signs of economic sluggishness, greatly increases pressure on the Federal Reserve to ease credit further, which in turn would be good news for stocks, investment managers say. +21694017 "I see a lot of evidence indicating a slower economy, and that means my interest-rate outlook has a downward tilt," said Garnett L. Keith Jr., vice chairman of Prudential Insurance Co. of America, one of the nation's largest institutional investors. +21694018 Fed officials probably won't drive down rates immediately, Mr. Keith said. +21694019 Despite the inflation news, several Fed officials still fear consumer-price pressures will intensify because they insist the economy is stronger than generally believed. +21694020 But Wall Street analysts expect further signs of economic weakness in government reports during the next few weeks. +21694021 If so, that will cinch the case for another shot of credit-easing within a month or so. +21694022 That, in turn, is expected to persuade banks to cut their prime lending rate, a benchmark rate on many corporate and consumer loans, by half a percentage point, to 10%. +21694023 "We're not out of the woods yet by any means," said George R. Mateyo, president and chief executive of Carnegie Capital Management Co., Cleveland. +21694024 But the economy "is slowing enough to give the Federal Reserve leeway to reduce interest rates." +21694025 But many individual investors are leery about stocks because of fresh signs of fragility in the huge junk-bond market. +21694026 Investors also are anxious about today's "witching hour," the monthly expiration of stock-index futures and options, and options on individual stocks. +21694027 This phenomenon often makes stock prices swing wildly at the end of the trading session. +21694028 In major market activity: Stock prices surged in heavy trading. +21694029 Volume on the New York Stock Exchange rose to 198.1 million shares from 166.9 million Wednesday. +21694030 Gaining Big Board issues outnumbered decliners by 1,235 to 355. +21694031 The dollar was mixed. +21694032 In New York late yesterday, it was at 141.70 yen, up from 141.45 yen late Wednesday. +21694033 But it fell to 1.8470 marks from 1.8485. +21695001 Tuesday's rout of a GOP congressional hopeful in a Mississippi district that hasn't backed a Democratic presidential candidate since Adlai Stevenson is another reminder that, at least at the federal level, political "ticket splitting" has been on the rise over the past half century. +21695002 In only one presidential election year prior to 1948 did more than 20% of the nation's congressional districts choose a different party's candidate for the White House than for the House of Representatives. +21695003 Now that percentage routinely equals a third and twice has been above 40%. +21695004 As we know, voters tend to favor Republicans more in races for president than in those for Congress. +21695005 In every presidential election over the past half century, except for the Goldwater presidential candidacy, the GOP has captured a greater percentage of the major-party popular vote for president than it has of congressional seats or the popular vote for Congress. +21695006 Prior to 1932, the pattern was nearly the opposite. +21695007 What accounts for the results of recent decades? +21695008 A simple economic theory may provide at least a partial explanation for the split personality displayed by Americans in the voting booth. +21695009 The theory relies on three assumptions: +21695010 1) Voters can "buy" one of two brands when they select their political agents -- a Republican brand that believes in the minimalist state and in the virtues of private markets over the vices of public action, and a Democratic brand that believes in big government and in public intervention to remedy the excesses attendant to the pursuit of private interest. +21695011 2) Congressional representatives have two basic responsibilities while voting in office -- dealing with national issues (programmatic actions such as casting roll call votes on legislation that imposes costs and/or confers benefits on the population at large) and attending to local issues (constituency service and pork barrel). +21695012 3) Republican congressional representatives, because of their belief in a minimalist state, are less willing to engage in local benefit-seeking than are Democratic members of Congress. +21695013 If these assumptions hold, voters in races for Congress face what in economic theory is called a prisoner's dilemma and have an incentive, at the margin, to lean Democratic. +21695014 If they put a Republican into office, not only will they acquire less in terms of local benefits but their selected legislator will be relatively powerless to prevent other legislators from "bringing home the bacon" to their respective constituencies. +21695015 Each legislator, after all, is only one out of 535 when it comes to national policy making. +21695016 In races for the White House, a voter's incentive, at the margin, is to lean Republican. +21695017 Although a GOP president may limit local benefits to the voter's particular district/state, such a president is also likely to be more effective at preventing other districts/states and their legislators from bringing home the local benefits. +21695018 The individual voter's standing consequently will be enhanced through lower taxes. +21695019 While this theory is exceedingly simple, it appears to explain several things. +21695020 First, why ticket splitting has increased and taken the peculiar pattern that it has over the past half century: Prior to the election of Franklin Roosevelt as president and the advent of the New Deal, government occupied a much smaller role in society and the prisoner's dilemma problem confronting voters in races for Congress was considerably less severe. +21695021 Second, it explains why voters hold Congress in disdain but generally love their own congressional representatives: Any individual legislator's constituents appreciate the specific benefits that the legislator wins for them but not the overall cost associated with every other legislator doing likewise for his own constituency. +21695022 Third, the theory suggests why legislators who pay too much attention to national policy making relative to local benefit-seeking have lower security in office. +21695023 For example, first-term members of the House, once the most vulnerable of incumbents, have become virtually immune to defeat. +21695024 The one exception to this recent trend was the defeat of 13 of the 52 freshman Republicans brought into office in 1980 by the Reagan revolution and running for re-election in 1982. +21695025 Because these freshmen placed far more emphasis on their partisan role -- spreading the Reagan revolution -- in national policy making, they were more vulnerable to defeat. +21695026 Fourth, the theory indicates why the Republican Party may have a difficult time attracting viable candidates for congressional office. +21695027 Potential candidates may be discouraged from running less by the congressional salary than by the prospect of defeat at the hands of a Democratic opponent. +21695028 To the extent that potential Republican candidates and their financial backers realize that the congressional prisoner's dilemma game works to their disadvantage, the Republican Party will be hindered in its attempts to field a competitive slate of congressional candidates. +21695029 Fifth, the theory may provide at least a partial reason for why ticket splitting has been particularly pronounced in the South. +21695030 To the extent that Democratic legislators from the South have held a disproportionate share of power in Congress since 1932 and have been able to translate such clout into relatively more local benefits for their respective constituencies, voters in the South have had an especially strong incentive to keep such Democrats in office. +21695031 Finally, the theory suggests why Republicans generally have fared better in Senate races than in campaigns for the House. +21695032 Since local benefit-seeking matters more and national policy making matters less in the lower chamber of Congress, this is precisely the pattern one would expect if Republicans are less willing to engage in local benefit-seeking than their Democratic counterparts. +21695033 Is there any empirical support for this theory? +21695034 Three pieces of evidence corroborate the key assumption that Democratic legislators are more willing to engage in local benefit-seeking than their Republican colleagues. +21695035 First, economists James Bennett and Thomas DiLorenzo find that GOP senators turn back roughly 10% more of their allocated personal staff budgets than Democrats do. +21695036 To the extent that the primary duty of personal staff involves local benefit-seeking, this indicates that political philosophy leads congressional Republicans to pay less attention to narrow constituent concerns. +21695037 Second, if the key assumption is valid, Democrats should have lower attendance rates on roll-call votes than Republicans do to the extent that such votes reflect national policy making and that participating in such votes takes away from the time a legislator could otherwise devote to local benefit-seeking. +21695038 This is indeed what the data indicate, particularly in the case of the House. +21695039 The Democratic House attendance rate has not exceeded the Republican House attendance rate since 1959. +21695040 Finally, as shown in the table, Democrats allocate a higher proportion of their personal staffs to district offices -- where local benefit-seeking duties matter more and national policy making activities matter less relative to Washington offices. +21695041 An examination of changes in personal staffing decisions in the Senate between 1986 and 1987 (when control of that body changed party hands), moreover, reveals that the personal staffing differences noted in the table cannot be attributed to the disproportionate control Democrats exercise, due to their majority-party status, over other resources such as committee staff. +21695042 An additional piece of evidence from the Senate: Holding other factors constant, such as incumbency advantages and regional factors, the difference between popular votes for Republican presidential and senatorial candidates in states conducting a Senate election turns out to be a positive function of how onerous the federal government's tax burden is per state (a progressive tax rate hits higher-income states harder). +21695043 Put more simply, GOP candidates for president are looked on more kindly by voters than Republican candidates for the Senate when the prisoner's dilemma is more severe. +21695044 Moreover, ticket splitting appears to take the same peculiar pattern at the state government level as it does at the federal level. +21695045 State government is more typically split along Republican-governor/Democratic-legislature lines than the reverse. +21695046 A cross-state econometric investigation, furthermore, reveals that, holding other factors constant, the difference between a state's major-party vote going to the Republican gubernatorial candidate and the Republican share of the lower state house is a positive function of the state tax rate. +21695047 In sum, at both the federal and state government levels at least part of the seemingly irrational behavior voters display in the voting booth may have an exceedingly rational explanation. +21695048 Mr. Zupan teaches at the University of Southern California's business school. +21696001 A House-Senate conference approved a nearly $17 billion State, Justice and Commerce Department bill that makes federal reparations for Japanese-Americans held in World War II internment camps a legal entitlement after next Oct. 1. +21696002 The measure provides no money for the promised payments until then, but beginning in fiscal 1991, the government would be committed to meeting annual payments of as much as $500 million until the total liability of approximately $1.25 billion is paid. +21696003 The action abandons earlier efforts to find offsetting cuts to fund the payments, but is widely seen as a more realistic means of expediting reparations first authorized in 1988. +21696004 The action came as Congress sent to President Bush a fiscal 1990 bill providing an estimated $156.7 billion for the Departments of Labor, Education, Health and Human Services. +21696005 Final approval was on a 67-31 roll call in the Senate, which sets the stage for a veto confrontation with Mr. Bush over the issue of publicly financed abortions for poor women. +21696006 Reversing an eight-year federal policy, the measure supports Medicaid abortions in cases of rape and incest, but Mr. Bush has so far refused to support any specific exemption beyond instances in which the mother's life is in danger. +21696007 Mr. Bush's veto power puts him a commanding position in the narrowly divided House, but a vote to override his position could well pick up new support because of the wealth of health and education programs financed in the underlying bill. +21696008 The measure before the conference yesterday funds the Departments of State, Justice and Commerce through fiscal 1990. +21696009 An estimated $1.32 billion is provided for next year's census, and negotiators stripped a Senate-passed rider seeking to block the counting of illegal aliens. +21696010 Elsewhere in the Commerce Department, nearly $191.2 million is preserved for assistance programs under the Economic Development Administration. +21696011 And in a footnote to the fall of House Speaker James Wright this year, the conference voted to rescind $11.8 million in unspent EDA funds for a Fort Worth, Texas, stockyards project that figured in ethics charges against the former Democratic leader. +21696012 Fiscal pressures also forced the adoption of new fees charged by federal agencies, and an 18% increase in the Securities and Exchange Commission's budget would be financed entirely by an added $26 million in filing fees. +21696013 In an unprecedented step, the measure anticipates another $30 million in receipts by having the Federal Bureau of Investigation charge for fingerprint services in civil cases -- a change that is almost certain to increase Pentagon costs in processing personnel and security clearances. +21696014 The bill doesn't include an estimated $1.9 billion in supplemental anti-drug funds for Justice Department and law-enforcement accounts that are still in conference with the House. +21696015 But yesterday's agreement would make it easier for state governments to handle the promised aid by deferring for one year a scheduled 50% increase in the required state matching funds for law-enforcement grants. +21696016 Similarly, the measure adjusts the current funding formula to promise smaller states such as New Hampshire and Delaware a minimum allocation of $1.6 million each in drug grants, or three times the current minimum. +21696017 The odd mix of departments in the bill makes it one of the more eclectic of the annual appropriations measures, and the assorted provisions attached by lawmakers run from $1.5 million for a fish farm in Arkansas to a music festival in Moscow under the United States Information Agency. +21696018 Lawmakers scrapped all of a $7.4 million State Department request for the 1992 Expo in Seville, Spain, but agreed elsewhere to $15,000 for an oil portrait of former Chief Justice Warren Burger. +21696019 Senate Commerce Committee Chairman Ernest Hollings (D., S.C.), who also chairs the Senate appropriations subcommittee for the department, attached $10 million for an advanced technology initiative, including work on high-definition television. +21696020 His Republican counterpart, Sen. Warren Rudman (R., N.H.), has used his position to wage a legislative war with the conservative board of the Legal Services Corp. +21696021 An estimated $321 million is provided to maintain the program, but Mr. Rudman also succeeded in attaching language seeking to curb the authority of the current board until new members are confirmed. +21696022 The effective date of any new regulations by the current board would be delayed until Oct. 1 next year, and the bill seeks to reverse efforts by the corporation to cut off funds to service organizations such as the Food Research and Action Center. +21696023 The bill also provides $620.5 million to meet U.S. contributions to international organizations and $80 million for peace-keeping activities. +21696024 Both accounts reflect significant increases from fiscal 1989, although the amount for peace-keeping shows a 27% cut from the administration's request. +21697001 Mercury Savings & Loan Association said it retained Merrill Lynch Capital Markets as its lead investment banker to advise it regarding a possible sale or other combination of the Huntington Beach, Calif., thrift. +21697002 Mercury, which has assets of more than $2 billion and 24 branches in California, said the action to improve its regulatory capital position is related directly to new capital requirements mandated by recently adopted federal legislation. +21697003 Mercury also said it extended its two-year advisory relationship with Montgomery Securities of San Francisco. +21697004 Mercury's stock closed yesterday at $4.875, unchanged in composite trading on the New York Stock Exchange. +21698001 Watching Congress sweat and grimace through its annual budget labors, fighting the urge to spend more, we're reminded of those late-night movies in which the anguished serial killer turns himself in to police and says, "Stop me before I kill again." +21698002 The Members know they're doing wrong, but they need help to restrain their darker compulsions. +21698003 Arkansas Democrat David Pryor spilled his guts on the Senate floor the other day after he'd joined the Finance Committee's early-morning pork-barrel revels: "I must tell you . . . +21698004 I come to the floor tonight as one who ended up with a busload of extraneous matter. +21698005 It was nothing more or nothing less than a feeding frenzy." +21698006 He was turning himself in. +21698007 "Frankly, as I was walking back to get in my car, I heard many, many people . . . opening champagne bottles and celebrating individual victories that some of us had accomplished in getting our little deal in the tax bill and winking at this person for slipping this in," he said. +21698008 "As I was driving home, I did not feel very good about myself." +21698009 We can applaud Mr. Pryor's moment of epiphany, even as we understand that he and his confreres need restraint lest they kill again. +21698010 A good place to start the rehabilitation is a "legislative line-item veto" bill now being offered by Indiana Senator Dan Coats. +21698011 The Coats bill, which already has 32 Senate co-sponsors, isn't a pure line-item veto because it would apply only to spending bills. +21698012 Instead it's a form of "enhanced rescission," giving a President a chance to rescind, or strike, specific spending items that just go too far. +21698013 Under the proposal, a President would have a chance twice each year to return a package of "rescissions" to the Hill -- once when he proposes his budget and again after Congress disposes. +21698014 Congress would have 20 days to reject the package with a 50% majority, but then a President could veto that rejection. +21698015 Congress would then need the usual two-thirds majority to override any veto. +21698016 The proposal would restore some discipline erased from the budget process by the 1974 Budget "Reform" Act. +21698017 Before 1974, a President could "impound," or refuse to spend, funds appropriated by Congress. +21698018 Presidents Kennedy and Johnson were both big users of the impoundment power, but Congress saw its chance against a weakened President Nixon and stripped it away. +21698019 Today a President can still send up spending rescissions, but they're meaningless unless Congress has a guilty conscience and changes its mind. +21698020 This is like asking foxes to feel remorse about chickens, and naturally rescissions are almost never approved. +21698021 In 1987, President Reagan sent 73 rescissions back to the Hill, but only 3% of the spending total was approved by Congress. +21698022 Senator Coats's proposal would let the proposed spending cuts take place automatically unless Congress acts. +21698023 The Members could still try to serve their constituents with special-interest goodies, but the police (in the form of a President) would be there with a straitjacket if they really get crazy, as they do now. +21698024 Mr. Coats plans to offer his proposal as an amendment to a bill to raise the federal debt limit before the end of the month. +21698025 President Bush has endorsed the idea, and at least 50 sitting Senators have voted to support enhanced rescission authority in the past. +21698026 We're told Senator Pryor isn't yet a co-sponsor, but if he and his colleagues are serious about kicking their compulsions, they'll sign up. +21699001 Business and civic operations lurched back toward normalcy here as congressional officials estimated that the price tag for emergency assistance to earthquake-ravaged California would total at least $2.5 billion. +21699002 "That is a minimum figure, and I underscore minimum," said House Speaker Thomas Foley (D., Wash.) after conferring with California lawmakers. +21699003 "It's impossible to put an exact figure on it at this time." +21699004 The Office of Management and Budget has begun looking into legislation to provide more funds for earthquake repairs. +21699005 And California's 45-member delegation in the House is expected to propose that emergency funds be added to a stop-gap spending bill that the House Appropriations Committee is to consider Monday. +21699006 For the most part, major corporations' headquarters and plants were unaffected or only slightly damaged by Tuesday's earthquake, which registered 6.9 on the Richter scale. +21699007 One of the last big employers in the Silicon Valley to report in, Seagate Technology, said it expects to be back at full strength Monday. +21699008 The day before the quake, Seagate completed three days of emergency training and drills. +21699009 Echoing the response of almost all big corporations in the Bay Area, Don Waite, Seagate's chief financial officer, said, "I wouldn't expect this to have any significant financial impact." +21699010 The city's recovery from the earthquake was uneven. +21699011 Banks indicated they were operating at greater than 90% of their usual capacity, but a Nob Hill hotel said tourists had fled, leaving the previously full hotel with an 80% vacancy rate. +21699012 City crews tallied the wreckage to buildings, but lacked a clear sense of how gravely transportation arteries were disabled. +21699013 Among the city's banks, Bank of America said all but eight of its 850 branches were open. +21699014 The closed branches, in San Francisco, Hayward, Santa Clara and Santa Cruz, sustained structural damage. +21699015 Power failures kept just seven of its 1,500 automated-teller machines off-line. +21699016 Securities-trading operations were moved to Bank of America's Concord office, and foreign-exchange trading operations were shifted to Los Angeles, the bank said. +21699017 Wells Fargo & Co. said its Emergency Operations Committee -- which met all night Tuesday -- moved its global-funds transfer system to El Monte, Calif., 500 miles to the south. +21699018 Only five of 496 branches statewide remain closed, while 23 of 600 automated-teller machines remained out of order. +21699019 The most extensive damage was in small towns near the quake's epicenter, 80 miles south of San Francisco. +21699020 Santa Cruz County estimates total damage at nearly $600 million. +21699021 Santa Clara County has a running total so far of $504 million, excluding the hard-hit city of Los Gatos. +21699022 Oakland officials were still uncertain about the magnitude of structural damage late yesterday; a section of I-880, a twotiered highway, collapsed in Oakland, causing a majority of the deaths resulting from the quake. +21699023 San Francisco Mayor Art Agnos estimated that damages to the city total $2 billion. +21699024 That includes dwellings in the ravaged Marina district that must be demolished, peeled business facades south of Market Street, and houses in the city's outer Richmond district that were heaved off their foundations. +21699025 Many streets and sidewalks buckled, and subterranean water mains and service connections ruptured. +21699026 The federal funds would go to a range of programs, including the Federal Emergency Management Agency, highway construction accounts and the Small Business Administration, according to Rep. Vic Fazio (D., Calif.). +21699027 FEMA, which coordinates federal disaster relief, is already strapped by the costs of cleaning up after Hurricane Hugo, which hit the Carolinas last month. +21699028 It is likely to get as much as $800 million initially in additional funds, and eventually could get more than $1 billion, according to Mr. Fazio, a member of the House Appropriations Committee. +21699029 White House spokesman Marlin Fitzwater said there is enough money on hand to deal with immediate requirements. +21699030 The Bush administration has at its disposal $273 million in funds remaining from the $1.1 billion Congress released for the cleanup after Hurricane Hugo. +21699031 "We feel we have the money necessary to handle the immediate, short-term requirements," Mr. Fitzwater said. +21699032 He added that the Office of Management and Budget, the Transportation Department and other agencies are "developing longer-term legislation" that should be ready soon. +21699033 Much of the cost of cleaning up after the earthquake will involve repairing highways and bridges. +21699034 California lawmakers are seeking changes in rules governing the federal highway relief program so more money can be made available for the state. +21699035 Some things can't be repaired. +21699036 The Asian Art Museum in Golden Gate Park reports $10 million to $15 million in damage, including shattered porcelains and stone figures. +21699037 Its neighbor, the De Young Museum, totaled $3 million to $5 million in structural damage and shattered sculpture. +21699038 The city's main library is closed because of fissures that opened in its walls, and marble facings and ornamental plaster at the Beaux Arts City Hall broke off in the temblor. +21699039 The ground along the Embarcaderothe street that skirts the city's eastern boundary and piers -- dropped six inches after the quake, wreaking major damage to at least one of the piers. +21699040 At San Francisco International Airport, shock waves wrecked the control tower, knocking down computers and shattering glass. +21699041 Offices of the city's Rent Board were destroyed. +21699042 Mayor Agnos's $2 billion estimate doesn't include damage to freeway arteries leading into the city, some of which remained closed. +21699043 A major chunk of the $2 billion is expected to be eaten up by overtime for city workers deployed in the emergency, said a spokesman for Mr. Agnos. +21699044 "All of the city's $5.9 million emergency reserve was spent in the first 24 hours" on overtime salaries, he said. +21699045 Insurers struggled to to get a firm grasp on the volume of claims pouring into their offices. +21699046 At Fireman's Fund Corp., a spokesman said 142 claims were received in the first 24 hours after the quake, and the company is braced for as many as 5,000 claims from its 35,000 residential and 35,000 business policyholders in the affected area. +21699047 "Claims range from a scratched fender -- and there were an awful lot of cars damaged in this -- to a major processing plant," a spokesman said. +21699048 "We're delivering a check for $750,000 to an automotive business in Berkeley that burned on Tuesday." +21699049 Fireman's is part of a $38 million syndicate that supplies business interruption insurance to the city on the Bay Bridge, which must pay employees during the three weeks or more it is expected to be out of service and deprived of toll income. +21699050 California lawmakers want to eliminate temporarily a $100 million cap on the amount of federal highway relief for each state for each disaster, as well as a prohibition on using the emergency highway aid to repair toll roads. +21699051 In addition, under the highway-relief program, the federal government provides 100% of emergency highway aid for only the first 90 days of a repair effort. +21699052 After that, the federal share diminishes. +21699053 For interstate highways, the federal share normally would drop to 90% of the cost of repairs, and the state would have to pick up the remainder of the cost. +21699054 But lawmakers want to extend the period for 100% federal funding for several months. +21699055 Those changes also would apply to two areas hit hard by Hurricane Hugo -- South Carolina and the U.S. Virgin Islands, according to an aide to Rep. Fazio. +21699056 Meanwhile, the FEMA announced a toll-free telephone number (800-462-9029) to expedite service to victims of the earthquake. +21699057 Lines will be available 24 hours a day to take applications for such disaster relief as temporary housing and emergency home repairs by phone. +21699058 Transportation officials are expecting utter traffic pandemonium beginning Monday and growing worse over the next several weeks. +21699059 Some 250,000 cars normally cross the closed Bay Bridge between Oakland and San Francisco daily. +21699060 Officials say it is clear that alternate routes can't handle the overflow. +21699061 The state is calling in a flotilla of navy landing vessels and other boats to expand ferry service across the bay and hopes to add numerous new bus routes and train departures to help alleviate the traffic problem. +21699062 Moreover, state officials are urging freight haulers to bypass many of the area's main highways and to travel late at night or during predawn hours. +21699063 Even so, "We're looking for chaos," said George Gray, a deputy district director at the California Department of Transportation. +21699064 "If there's any way you can do it, you ought to go to Idaho and go fishing for a while." +21699065 Most of San Francisco's tourists and business travelers already have left -- despite hotel's offers of rate cuts. +21699066 "Everyone left," said Peter Lang, reservations manager of the Mark Hopkins Hotel. +21699067 The Westin St. Francis hotel, which survived the 1906 earthquake and fire, currently is less than 50% occupied. +21699068 "We still have our die-hard baseball fans," a spokesman said. +21699069 "One lady from New York said she's not going home until the {World Series} is over." +21699070 Gerald F. Seib and Joe Davidson in Washington contributed to this article. +21700001 Is an American Secretary of State seriously suggesting that the Khmer Rouge should help govern Cambodia? +21700002 Apparently so. +21700003 There are no easy choices in Cambodia, but we can't imagine that it benefits the U.S. to become the catalyst for an all-too-familiar process that could end in another round of horror in Cambodia. +21700004 Now that Vietnam appears to have pulled out its occupation army, the State Department is talking again about accepting an "interim" coalition government in the Cambodian capital of Phnom Penh. +21700005 The coalition would include the current Vietnamese-backed Hun Sen regime, the two non-communist resistance groups led by Son Sann and Prince Sihanouk, and the Khmer Rouge. +21700006 The aim would be to end the guerrilla war for control of Cambodia by allowing the Khmer Rouge a small share of power. +21700007 The State Department says that any Khmer Rouge participation would have to be "minimal." +21700008 The usual problem with including communists in "interim" coalition governments is that their ideology and methods require they squeeze out everyone else. +21700009 Recall that Nicaragua's Sandinistas came into Managua as partners in a coalition government with anti-Somoza moderates. +21700010 Within two years, the moderates were exiled or in prison, Nicaragua had gone communist, and the Sandinistas were building one of the biggest armies in Latin America and threatening their neighbors. +21700011 In Laos, when the Western powers bowed to pressure for such a coalition it turned out they were opening the door to communist domination. +21700012 Even Mao Tse-tung's China began in 1949 with a partnership between the communists and a number of smaller, non-communist parties. +21700013 What complicates the scene in Cambodia is that the current regime is already communist, as are its Vietnamese overseers back in Hanoi, as are the Khmer Rouge -- who are the strongest of the three guerrilla groups. +21700014 It's not clear which crew of communists might prevail in a coalition government, but the one good bet is that the non-communists would disappear. +21700015 That would leave Hun Sen and the Khmer Rouge. +21700016 The Hun Sen regime has sent thousands of conscript laborers to die of malaria and malnourishment while building Cambodia's equivalent of the Berlin Wall near the Thai border. +21700017 The Khmer Rouge, however, carry an unsurpassed record for Cambodian tyranny. +21700018 These utopians caused the deaths -- by starvation, disease or execution -- of well over one million Cambodians. +21700019 The Cambodian horror was so bad that the Vietnamese occupation in 1978 was a perverse form of relief. +21700020 The world might want to believe that the Khmer Rouge can't still be such bad guys, just as in the late 1970s it was reluctant to credit the reports of genocide then taking place. +21700021 But there is no solid evidence that the Khmer Rouge have changed. +21700022 Some of our sources in Thailand say the notorious old Khmer Rouge leader, Pol Pot, has been holed up this summer in Khmer Rouge camps near the Thai-Cambodian border. +21700023 So it's difficult to swallow the notion that Mr. Baker is willing to accept conditions that would help the Khmer Rouge set up shop again in Phnom Penh. +21700024 True, Prince Sihanouk backs the idea of such a coalition, at least for this week. +21700025 But Prince Sihanouk has backed all sorts of ideas over the years, and done rather better by himself than by Cambodia. +21700026 Nor should the U.S. worry much about offending China, which still aids the Khmer Rouge. +21700027 It's time the State Department recognized that China does not play by gentlemen's rules. +21700028 For the U.S. to lend even the slightest support to the most infamous killers on Indochina's bleak scene could only disturb America's allies elsewhere. +21700029 It would be entirely rational for communist insurgents in countries such as the Philippines or Peru to conclude the following: Fight viciously enough and the U.S., under the banner of pragmatism, might eventually help negotiate your way to victory. +21700030 U.S. diplomacy has done it before, and it will likely do it again. +21700031 The administration and Congress have lately tangoed around the idea of sending military aid to Cambodia's non-communists. +21700032 But now the possibility of "diplomatic movement" (Vietnam's withdrawal, the Baker initiative) has put that plan on hold, with the proviso that if the going got rough, the U.S. would then rearm the opposition. +21700033 Why the timidity? +21700034 At the very least, the odds are heavily weighted against the prospects of preventing the Khmer Rouge and Cambodia's communists from ultimately moving against their opponents. +21700035 When that day comes, it would be particularly awful to know that the United States sat on military aid and deprived these people of the means to settle their fate with at least a little honor. +21701001 Michael F. Harris, 53, was named executive vice president, North America, for the Financial Times, the business newspaper published by this company that also has interests in book publishing, fine china, oil services and investment banking. +21701002 Mr. Harris had been vice president for the newspaper's advertising in New York. +21701003 He takes additional responsibility for newspaper sales and distribution of the Financial Times in North America. +21701004 Laurance V. Allen, 44, who had been director for North America, resigned to pursue other business interests and do some consulting. +21702001 Cipher Data Products Inc. posted a net loss of $14.2 million, or 97 cents a share, for its fiscal first quarter, compared with net income of $3.8 million, or 27 cents a share, a year ago. +21702002 Revenue for the quarter ended Sept. 30 fell 20%, to $41.3 million from $51.9 million in the year-earlier period. +21702003 Cipher Data, a San Diego maker of magnetic tape peripherals and optical disc drives, said the loss included reserves of $3.8 million related to a corporate restructuring. +21702004 The restructuring calls for a 24% reduction in its work force over the next two months, affecting about 525 jobs, Cipher Data said. +21702005 It is eliminating the positions of president and chief operating officer, formerly held by Edward L. Marinaro. +21702006 Cipher Data said Mr. Marinaro consequently has resigned from those posts and from the company's board. +21702007 Mr. Marinaro couldn't immediately be reached for comment. +21703001 FileNet Corp., Costa Mesa, Calif., said it expects to report a third-quarter loss of about $1.8 million, or 17 cents a share, because of a $2.5 million reserve to be taken against potential losses on a contract with the state of California. +21703002 Revenue is estimated at $18.6 million. +21703003 The maker of document image processing equipment said the state procurement division had declared FileNet in default on its contract with the secretary of state uniform commercial code division. +21703004 FileNet said it doesn't believe the state has a valid basis of default and is reviewing its legal rights under the contract, but said it can't predict the outcome of the dispute. +21703005 The disagreement centers on testing deadlines and other issues involving a FileNet system installed earlier this year. +21703006 State officials couldn't be reached for comment late yesterday. +21703007 FileNet noted that it had cash and marketable securities totaling $22.5 million on Sept. 30, and stockholders' equity is $60.1 million. +21703008 The company made the announcement after the close of the markets, where its stock finished at $10.75, up 25 cents, in over-the-counter trading. +21704001 Clinton Gas Systems Inc. said it received a contract from Timken Co., Canton, Ohio, to manage the natural gas purchasing, scheduling and transportation activities for Timken's seven Ohio and two Pennsylvania plants. +21704002 Clinton and Timken agreed not to disclose the value of the contract. +21704003 Timken, a producer of bearings and specialty steel, already buys gas from Clinton. +21704004 Clinton said in Columbus, Ohio, that its Clinton Gas Marketing unit wants to line up a number of such gas management contracts. +21704005 Manufacturers frequently don't have anyone who is a specialist in natural gas, Clinton said, and a specialist such as Clinton can save them substantial amounts of money. +21705001 The scene opens with pinstripe-suited executives -- Easterners, obviously -- glued to cellular phones and hightailing it out of town in chauffeur-driven limousines. +21705002 "The carpetbaggers," snorts the narrator with a Texas twang, "have packed their bags and went." +21705003 But, he continues, "They're forgetting we're all Texans. +21705004 The Lone Star is on the rise again." +21705005 As the music swells, viewers discover they're watching a commercial for Lone Star Beer, the pride of Texas, a product of G. Heileman Brewing Co., a La Crosse, Wis., unit of Bond Corp. +21705006 As the ad's tone implies, the Texas spirit is pretty xenophobic these days, and Lone Star isn't alone in trying to take advantage of that. +21705007 From Chevy trucks to Lipton iced tea to a host of battling banks, the state has been inundated with broadcast commercials and print advertising campaigns celebrating Texans and castigating outsiders. +21705008 While advertisers have long appealed to Texans' state pride and prejudices, the latest trend has been sparked, in part, by the state's recent hard economic times. +21705009 That has taken some of the swagger out of natives who like to brag that Texas is the only state that was once a nation, but it has increased their legendary resentment of outsiders. +21705010 In the past, writes Houston Chronicle columnist Jim Barlow, outlanders were accepted only after passing a series of tests to prove they had the "right" Texas attitudes and "of course they had to be dipped for parasites." +21705011 There is no small irony in the fact that some of the most-jingoistic advertising comes courtesy of -- you guessed it -- outsiders. +21705012 Lone Star's Bond Corp. parent, for instance, hails from Perth, Australia. +21705013 North Carolinians, New Yorkers, Californians, Chicagoans and Ohioans own Texas banks. +21705014 All kinds of landmark Texas real estate has been snapped up by out-of-staters. +21705015 Even the beloved Dallas Cowboys were bought by an Arkansas oil man. +21705016 "Texas has lost its distinctiveness, leaving Texans with a hunger to feel proud about themselves," says Stephen Klineberg, a sociology professor at Rice University, Houston. +21705017 "This plays right into the hands of the advertising agencies." +21705018 For example, the iced-tea radio campaign for Thomas J. Lipton Co., an Englewood Cliffs, N.J., unit of Anglo-Dutch Unilever Group, emphatically proclaims: "Real Texans do not wear dock-siders -- ever. +21705019 Real Texans don't play paddleball, at least I hope not. +21705020 This is football country. +21705021 And another thing -- real Texans drink Lipton iced tea." +21705022 In developing that theme at Interpublic Group of Cos.' Lintas: New York unit, account supervisor Lisa Buksbaum says she made a "couple of phone calls" to Dallas ad friends and reported her "findings" to a team of writers. +21705023 Her findings? +21705024 "You know," she says, "stereotypical stuff like armadillos, cowboys and football." +21705025 Not exactly sophisticated market research, but who cares as long as the campaigns work. +21705026 And ad agencies insist that they do. +21705027 Stan Richards of Richards Group Inc., Dallas, tells of the Texan who saw the agency's tear-jerking commercial for First Gibraltar Bank F.S.B. -- complete with the state's anthem -- and promptly invested $100,000 in the thrift's CDs. +21705028 Never mind that First Gibraltar is one of the failed Texas thrifts taken over by outsiders -- in this case, an investor group headed by New York financier Ronald Perelman. +21705029 The North Texas Chevy Dealers recently had a record sales month after the debut of ad campaign that thumbs its nose at elite Easterners. +21705030 And deposits at NCNB Texas National Bank, a unit of NCNB Corp., Charlotte, N.C., have increased $2 billion since last year after heavy advertising stressing commitment to Texas. +21705031 "Obviously, pride sells in Texas," says a spokeswoman for Bozell Inc., Omaha, Neb., which represents +21705032 The ad campaigns usually follow one of three tracks -- stressing the company's `Texasness,' pointing out the competition's lack thereof, or trying to be more Texan than Texans. +21705033 Ford trucks may outsell Chevy trucks in places like "Connecticut and Long Island," sniffs a commercial for Chevrolet, a division of General Motors Corp. +21705034 The commercial, created by Bateman, Bryan & Galles Inc., of Dallas, adds derisively: "I bet it takes a real tough truck to haul your Ivy League buddies to the yacht club." +21705035 Because they want a truck that is "Texas tough," the commercial concludes, "Texans drive Chevy." +21705036 J.C. Penney Co., which relocated from New York to suburban Dallas two years ago, gently wraps itself in Texas pride through a full-page magazine ad: "Taking the long-range view to conserve what is of value to future generations is part of the Lone Star lifestyle," the ad reads. +21705037 "It's part of our style, too." +21705038 According to several ad-agency sources, newcomers to the Texas banking market are spending a combined $50 million this year to woo Texans. +21705039 Meanwhile, surviving Texas banking institutions are busily pitching themselves as the only lenders who truly care about the state. +21705040 The most-strident anti-outsider sentiment among bankers comes from the Independent Bankers Association of Texas, although it's hard to tell from previews of the $5 million "The I's of Texas" TV campaign. +21705041 Commercials will highlight heart-rending scenes of Texas and chest-swelling, ain't-it-great-to-be-a-Texan music. +21705042 Supporting banks will sign a "Texas Declaration of Independents." +21705043 But in introductory material for the campaign, the trade group urges members to "arm" for a "revolution" against big, out-of-state bank-holding companies. +21705044 A video sent to association members, featuring shots of the Alamo, cowboys, fajitas and a statue of Sam Houston, doesn't mince words. +21705045 "Texans can sniff a phony a mile away," the narrator warns outsiders. +21705046 "So, don't come and try to con us with a howdy y'all or a cowboy hat." +21705047 Young & Rubicam's Pact +21705048 Young & Rubicam, fighting charges that it bribed Jamaican officials to win the Jamaica Tourist Board ad account in 1981, said it will no longer create the tourist board's advertising. +21705049 In a statement, Alex Kroll, Young & Rubicam's chairman, said "under the present circumstances {we} have agreed that it is prudent to discontinue that contract." +21705050 Young & Rubicam has pleaded innocent to the charges. +21705051 The board wouldn't comment on its impending search for a new ad agency to handle its estimated $5 million to $6 million account. +21705052 Ad Notes. . . . +21705053 NEW ACCOUNT: +21705054 Sunshine Biscuits Inc., Woodbridge, N.J., awarded its estimated $5 million account to Waring & LaRosa, New York. +21705055 The account had been at Della Femina McNamee WCRS, New York. +21705056 MEDIA POLICY: +21705057 MacNamara Clapp & Klein, a small New York shop, is asking magazine ad representatives to tell it when major advertising inserts will run in their publications. +21705058 It says it may pull its clients' ads from those magazines. +21705059 COKE ADS: +21705060 Coca-Cola Co. said it produced a new version of its 1971 "I'd like to teach the world to sing" commercial. +21705061 The ad is part of Classic Coke's 1990 ad campaign, with the tag line, "Can't beat the Real Thing." +21705062 Basketball star Michael Jordan and singer Randy Travis have also agreed to appear in ads. +21706001 Dell Computer Corp., squeezed by price pressure from its larger competitors and delays in its new product line, said its per-share earnings for fiscal 1990 will be half its previous forecasts. +21706002 Although the personal computer maker said it expects revenue to meet or exceed previous projections of $385 million for the year ending Jan. 28, 1990, earnings are expected to be 25 cents to 35 cents a share, down from previous estimates of 50 cents to 60 cents. +21706003 Earnings for fiscal 1989 were $14.4 million, or 80 cents a share, on sales of $257.8 million. +21706004 Results for the third quarter ending Oct. 31, are expected to be released the third week of November, according to Michael Dell, chairman and chief executive officer. +21706005 Mr. Dell said he doesn't expect a loss in either the third or fourth quarter, but said third-quarter earnings could be as low as four cents a share. +21706006 In the third quarter last year, Dell had net income of $5 million, or 26 cents a share, on sales of $75.2 million. +21706007 Mr. Dell attributed the earnings slide to new product delays, such as a laptop scheduled for September that won't be introduced until early November. +21706008 Some delays have been caused by a shortage of micoprocessors -- notably Intel Corp.'s newest chip, the 486 -- but others apparently have been caused by Dell's explosive growth and thinly stretched resources. +21706009 "They've got a lot of different balls in the air at the same time," observes Jim Poyner, a computer securities analyst with Dallas-based William K. Woodruff & Co. +21706010 Mr. Dell, meanwhile, concedes the company was "definitely too optimistic" in its expectations. +21706011 Product delays, however, have left Dell buffeted by harsher competition in its bread-and-butter line of desktop computers, as powerhouse competitors Compaq Computer Corp. and International Business Machines Corp. price their PCs more aggressively. +21706012 The result has been thinner margins, which have been further eroded by an ambitious research and development effort and rapid overseas expansion. +21706013 Analyst James Weil of the Soundview Financial Group believes Dell's response has been to place increased emphasis on product quality, "in an effort to rise above some of that price pressure." +21706014 But that has been the key to Compaq's success, he adds, whereas Dell carved out its market niche as a direct seller of low-cost but reliable computers -- and it might be too late in the game for a shift in strategy. +21706015 In national over-the-counter trading, Dell closed yesterday at $6 a share, down 87.5 cents. +21707001 TransAtlantic Holdings PLC, a British-based, South African-controlled financial services investment group, and France's Societe Centrale Union des Assurances de Paris reached an accord effectively reducing chances of an unfriendly takeover for Sun Life Assurance Society PLC. +21707002 In a joint statement, the two companies, whose combined holdings equal 52.7% of Sun Life's ordinary shares, said their agreement is aimed at reducing "the uncertainty and instability for Sun Life that has resulted from two major shareholders owning" a controlling interest in the company. +21707003 TransAtlantic, whose Transol Investments Ltd. unit owns the largest minority stake in Sun Life, has agreed not to make a takeover bid for the British life insurer without the prior consent of the French company, known as UAP. +21707004 In return, the agreement would force UAP to buy TransAtlantic's 29.8% holding in Sun Life or sell its 22.9% stake to TransAtlantic at a price set by Transatlantic. +21708001 Pride Petroleum Services Inc. said it agreed to buy well-servicing assets of two companies and expects to report higher third-quarter revenue and earnings. +21708002 In the year-earlier quarter, the well-servicing contractor had net income of $319,000, or 3 cents a share, on revenue of about $15 million. +21708003 Results for the earlier quarter included a $100,000 restructuring charge. +21708004 Separately, the Houston concern said it signed letters of intent for the cash and stock purchases of a total of 29 well-servicing rigs from two concerns located in New Mexico and California. +21708005 It didn't disclose specifics but said it expects to complete the purchases by Nov. 1. +21709001 Schlumberger Ltd., New York, reported third-quarter net income edged up as growth in its oil-field services sector offset a decline in interest income. +21709002 The lower interest income occurred because Schlumberger spent $1.2 billion buying back its stock last year. +21709003 Net for the oil-field services and electronic measurements and systems concern rose to $114.2 million, or 48 cents a share, from $112.2 million, or 42 cents a share, a year earlier. +21709004 Per-share earnings advanced 14% because of the buy-back. +21709005 Revenue declined 6.3% to $1.11 billion from $1.18 billion. +21709006 But excluding businesses acquired or sold, revenue was flat at about $1.24 billion. +21709007 Nine-month net fell 9.5% to $323.4 million, or $1.36 a share, from $357.2 million, or $1.32 a share, a year earlier. +21709008 Revenue dropped 5.4% to $3.48 billion from $3.68 billion. +21709009 This year's nine-month results include gains of $13 million, or five cents a share, from the sale of Schlumberger's defense systems business, and $22 million, or nine cents a share, from an award by the IranU.S. Claims Tribunal. +21709010 The year-earlier nine months include a gain of $35 million, or 13 cents a share, from sale of the company's Electricity Control & Transformers division. +21710001 NEW ENGLAND CRITICAL CARE Inc. offered $35 million in convertible subordinated debentures through Morgan Stanley & Co. and Prudential-Bache Capital Funding. +21710002 The debentures, due in 2014, have a coupon of 7 3/4%, payable semiannually. +21710003 The debentures may be converted into common stock of the Westborough, Mass., home health care concern at $52.50 a share. +21710004 Proceeds will be used for working capital and general corporate purposes, including expansion of the company's operations. +21711001 The French building group Dumez S.A. said profit jumped 70% in the first half of 1989, partly on the strength of nonrecurring gains from a share issue by its Canadian unit. +21711002 Dumez said group profit after payments to minority interests rose to 252 million francs ($40.1 million) from 148 million a year earlier. +21711003 Revenue rose 40% to 13.32 billion francs from 9.53 billion. +21711004 The group noted that 75 million francs of the advance reflected a one-time gain from the June offering by its United Westburne unit in Canada. +21711005 It didn't say if its year-earlier results were influenced significantly by nonrecurring elements. +21711006 For all of 1988, Dumez had group profit of 452 million francs after payment to minority interests. +21711007 Revenue was 21.98 billion francs. +21711008 The group hasn't forecast full-year earnings for 1989, although it said that its first-half results aren't a good indication because of one-time elements and the seasonal nature of its operations. +21712001 Tuesday's earthquake will depress local real-estate values in the short term and force companies to reconsider expanding in or relocating to the Bay Area and California, real-estate and relocation specialists said. +21712002 Few specialists said they expect the quake to have much of an effect on most California property values. +21712003 But real-estate experts and brokers said the quake undoubtedly will drag down prices in neighborhoods built on less stable ground, especially in the Bay Area. +21712004 "California prices were already coming down. +21712005 This isn't going to help," said Kenneth T. Rosen, chairman of the Center for Real Estate and Urban Economics at the University of California at Berkeley. +21712006 State housing prices, at a median $201,028, have declined in recent months because of potential buyers' inability to afford homes. +21712007 Mr. Rosen, among others, suggested that the quake, the strongest since the 1906 temblor that struck San Francisco, will in the short term create a two-tier price system for quake-prone communities, with dwellings built on sturdy ground likely to demand higher prices. +21712008 One San Francisco neighborhood likely to test Mr. Rosen's theory soon is the city's fashionable Marina district, which boasts some of the highest home prices in the state. +21712009 The district, built on landfill, suffered heavy quake damage, including collapsed buildings. +21712010 Yesterday, the city demolished two dwellings in the district because of severe structural damage and said as many as 19 of the district's 350 dwellings might have to be razed. +21712011 Brokers agreed with the two-tier price theory. +21712012 "My gut feeling is that the Marina properties will be affected," said Grace Perkins, senior vice president at Grubb & Ellis Residential Brokerage Inc. +21712013 Neither she nor other real-estate executives and brokers could project how much less Marina properties might bring, but she said the two-tier price structure would affect prices "for a while." +21712014 Mr. Rosen said the quake will revive consumer interest in a little-publicized 1972 state law that requires brokers to disclose to potential buyers how close a property sits to a fault line. +21712015 Because of the size of the California market, few relocation specialists expect a widespread corporate flight in the quake's aftermath. +21712016 But they said the quake will force some companies to relocate or expand part or all of their operations outside the state. +21712017 "What you're going to get is 'We don't want to put all of our eggs in one basket' theory," said James H. Renzas, president of Location Management Services Inc., a Palo Alto, Calif., relocation concern. +21712018 Mr. Renzas, among others, said the quake will prod companies in certain industries, like semiconductors, computers and aerospace, to consider moving operations that involve particularly sensitive machinery to locations outside California. +21712019 Because of the quake threat, "some firms have evaluated what the cost is to shore up their buildings and compared it with the cost of building it elswehere," he said. +21712020 One Southern California aerospace firm, for example, two months ago asked Location Management to compare the costs of reinforcing its current building against earthquakes with the cost of building a new structure elsewhere. +21712021 A new dwelling would cost $21 million, Location Management found, compared with $22 million to make the present building earthquake-proof. +21712022 The company, Mr. Renzas said, hasn't yet determined what to do. +21713001 NATIONWIDE HEALTH PROPERTIES, Pasadena, Calif., said it wouldn't pay its fourth-quarter dividend, despite a 44% increase in third-quarter earnings, to $3.5 million, or 42 cents a share. +21713002 Net income included a gain of $708,000 on asset sales, the real estate investment trust said. +21713003 A year earlier, Nationwide Health earned $2.4 million, or 29 cents a share. +21713004 Revenue rose 3% to $9 million from $8.8 million. +21713005 Nationwide Health said that although it has the cash to cover the 25-cent-a-share dividend, its banks have denied the company's request to pay it because the trust hasn't met certain terms. +21713006 Nationwide Health said it has "numerous financing activities" under way to remedy the problem and will make up the dividend payment later if possible. +21714001 Aussedat Rey S.A., a French paper producer, said it concluded an agreement with Japan's Fuji Photo Film Co. that will allow Aussedat Rey to manufacture and sell thermal paper using Fuji technology. +21714002 Aussedat Rey is a leading French maker of copying and electronic printing paper. +21714003 Thermal paper is used in facsimile machines. +21714004 Terms of the agreement weren't disclosed. +21714005 Aussedat Rey's move follows similar technology-licensing agreements between Japanese producers of thermal paper and European paper groups. +21715001 W.R. Grace & Co., New York, said its earnings for the third quarter nearly doubled as a result of a $114.4 million pre-tax gain from restructuring its energy operations and other adjustments. +21715002 Net income rose to $97.9 million, or $1.15 a share, from $50.5 million, or 60 cents a share, a year earlier. +21715003 Sales increased 7% to $1.49 billion from $1.39 billion. +21715004 The gain resulted from the sale of Grace Equipment Co., the initial public offering of a one-sixth interest in Grace Energy Corp. and an adjustment in the carrying value of certain natural resource assets not part of Grace Energy. +21715005 The international specialty chemical company's earnings were hurt by an accrual for stock-appreciation rights that reflected a 19% increase in the stock price, and higher interest expenses. +21716001 Anglo American Corp. of South Africa Ltd. said the third-quarter combined profit of its six gold mines dropped 8.5% from the previous quarter. +21716002 Total net income fell to 471.6 million rand ($178.0 million) from 515.4 million rand in the June quarter. +21716003 Total gold production by all six mines rose 4% to 63,971 kilograms from 61,493 kilograms in the previous quarter. +21717001 Doman Industries Ltd. said it increased its stake in Western Forest Products Ltd. to 56% from 22%, through a two-step transaction valued at 137 million Canadian dollars ($US116.7 million). +21717002 Doman is based in Duncan, British Columbia. +21717003 The company, founded and controlled by Harbanse Doman, its chairman and president, said the purchase would make it Canada's 10th largest forest products company. +21717004 Under terms of the transaction, which was proposed in June, Doman said it acquired International Forest Products Ltd.'s 22% stake in Western Forest, and Western Forest, in a related transaction, bought back a 22% interest in the company from Fletcher Challenge Canada Ltd. +21717005 The Fletcher Challenge Canada stake was then canceled, Doman said, raising Doman's interest in Western Forest to 56%. +21717006 Doman said it was also granted an option to acquire the remaining 44% interest in Western Forest, which is currently held by two Canadian banks. +21717007 International Forest, Western Forest, and Fletcher Challenge Canada are Vancouver-based forest products concerns. +21718001 The Canadian government introduced in the House of Commons legislation to extend federal regulatory authority over provincial government-owned telephone utilities in Alberta, Saskatchewan and Manitoba. +21718002 The legislation would open the way for more telephone services and more competition in the telephone business in the three provinces, federal officials said. +21718003 The federal government initiative follows a recent Canadian Supreme Court decision that held that the major telephone companies in Alberta, Saskatchewan and Manitoba and in the Atlantic coast provinces were interprovincial undertakings and subject to federal legislative authority. +21718004 Prior to the ruling the federal government had regulated only the telephone companies in Quebec, Ontario, British Columbia and the Northwest Territories. +21718005 The governments of Alberta, Saskatchewan and Manitoba have strongly opposed federal regulation of their telephone companies. +21718006 The extension of federal regulatory authority over telephone utilities in the Atlantic provinces hasn't required special legislation because they are investor-owned. +21719001 Amdura Corp. said its bank group, led by Chicago-based Continental Bank, agreed to extend its $40 million bridge loan until March 31, 1990, and gave it a new $30 million credit line. +21719002 Under terms of the loan agreement, Amdura said it will omit the next quarterly dividends on its Series A, B, C and D preferred shares, which are due Nov. 15. +21719003 Since the preferred stock is cumulative, Amdura said it will pay all omitted dividends, which range from $1.19 to $4.88 a share, when debt-reduction requirements have been met. +21719004 Amdura's bridge loan, part of the financing for Amdura's acquisition of CoastAmerica in December 1988, was to come due next Friday. +21719005 The company's new management, which took control of Amdura's board after a consent solicitation last month, wanted to extend the loan while it tries to sell two units. +21719006 Proceeds from those sales will be used to reduce debt. +21719007 Amdura, a Denver hardware and automotive distributor, said the new credit agreement will provide the working capital needed to meet ongoing requirements. +21720001 Three savings-and-loan institutions in Kansas and Texas were added to the Resolution Trust Corp.'s conservatorship program after federal regulators declared the thrifts insolvent and named the RTC their receiver. +21720002 The deposits, assets and certain liabilities of the three thrifts were transferred to newly chartered federal mutual institutions. +21720003 The three institutions are: Mid Kansas Federal Savings & Loan Association, Wichita, which had $830.5 million in assets; Valley Federal Savings & Loan Association of McAllen, McAllen, Texas, with $582.6 million in assets; and Surety Savings Association, El Paso, with $309.3 million in assets. +21720004 The three insolvent thrifts will maintain normal business hours and operations under RTC-appointed managing agents, while the RTC tries to negotiate permanent resolutions. +21720005 Separately, Century Bank, Phoenix, Ariz., was closed by Arizona banking officials. +21720006 The Federal Deposit Insurance Corp. approved the assumption of Century's deposits and fully secured liabilities by a newly chartered subsidiary of Valley Capital Corp., Las Vegas. +21720007 The new institution is also called Century Bank, and the failed bank's five offices will reopen today. +21720008 The failed bank had assets of about $129.6 million. +21720009 The newly chartered bank will assume about $125.7 million in 10,300 deposit accounts and pay the FDIC a purchase premium of $2.9 million. +21720010 It also will buy about $91.7 million of assets, and the FDIC will advance $31.8 million to the assuming bank. +21721001 Lonrho PLC of Britain is to come to the rescue of the French distribution group Societe Commerciale de l'Ouest Africaine in an operation that has been engineered with the Paribas financial group, Societe Commerciale's main shareholder. +21721002 The announcement came as Societe Commerciale, a trading company with activities in more than 40 countries, reported a loss of 320.5 million francs ($51 million) for the first six months of this year, partly because of provisions on future losses. +21721003 The rescue operation will consist of a capital boost for Societe Commerciale of one billion francs through issues of new shares and convertible bonds. +21721004 Cie. Financiere de Paribas said it intends to transfer its 30% shareholding in Societe Commerciale to a new company which will be jointly owned with Lonrho. +21721005 This will give Paribas and Lonrho joint control of Societe Commerciale. +21721006 Paribas said Lonrho will participate in the forthcoming capital boost for Societe Commerciale. +21722001 International Business Machines Corp. and MCA Inc. said they agreed to sell their Discovision Associates joint venture to U.S. units of Pioneer Electronic Corp. for $200 million. +21722002 The joint venture licenses a portfolio of about 1,400 patents and patent applications relating to optical-disk recording technology. +21722003 IBM and MCA formed Discovision in 1979 to make laser-read optical products. +21722004 But the partners didn't believe the market for the systems was developing as rapidly as they had hoped. +21722005 After reportedly investing $100 million in the business, Discovision ceased manufacturing operations in 1982 and sold many of its assets to Tokyo-based Pioneer, among others. +21722006 Discovision now has world-wide license agreements with major manufacturers covering CD audio disks, audio disk players, videodisks and videodisk players. +21722007 It also licenses optically based data storage and retrieval devices. +21722008 James N. Fiedler, president of Discovision and a vice president of MCA, said that IBM and MCA hadn't planned to sell the joint venture, which is now profitable, but that Pioneer approached Discovision earlier this year. +21722009 He said it isn't certain whether Discovision's current management will remain when Pioneer buys the company. +21722010 The agreement is contingent on certain government approvals and should be completed later this year. +21723001 Tokyo stocks closed higher in moderately active but directionless trading as the recent anxiety in world stock markets continued to fade. +21723002 London shares also closed firmer in thin trading driven largely by technical factors and support from a new Wall Street rally. +21723003 Prices also rose on almost every other major exchange in Europe, Asia and the Pacific. +21723004 Tokyo's Nikkei index of 225 issues, which gained 111.48 points Wednesday, climbed 266.66, or 0.76%, to 35374.22. +21723005 Volume on the first section was estimated at 800 million shares, compared with 841 million Wednesday. +21723006 Winners outnumbered losers 645-293, with 186 issues unchanged. +21723007 In early trading in Tokyo Friday, the Nikkei index rose 170.65 points, to 35544.87. +21723008 On Thursday, the Tokyo Stock Price Index of all issues listed in the first section, which gained 0.24 point Wednesday, was up 22.78, or 0.86%, at 2665.66. +21723009 The morning session was dominated by individuals and dealers, but some institutions participated in the afternoon, encouraged by the market's firmness, traders said. +21723010 Sentiment was helped by the small gain made by New York stocks Wednesday despite anxiety over possible effects of the major earthquake that struck northern California Tuesday. +21723011 Having survived both last Friday's 6.9% Wall Street plunge and the immediate aftermath of the San Francisco Bay area earthquake, Tokyo market participants expressed relief that trading had returned to normal. +21723012 Hiroyuki Murai, general manager of the stock trading division at Nikko Securities, said that after looking at the reasons for Friday's Wall Street plunge, participants realized that the Tokyo and New York markets have different economic fundamentals. +21723013 This conclusion, he said, restored the credibility of Tokyo stocks. +21723014 Yoshiaki Mitsuoka, head of the investment information department at Daiwa Investment Trust & Management, said that if New York stocks just fluctuate in or near their current range, the Tokyo market will remain firm with a moderately upward trend for the rest of the year. +21723015 But traders said the market lacks a base on which to set long-term buying strategy, as the future direction of U.S. interest rates remains unclear. +21723016 "Investor interest switches back and forth ceaselessly as they are unable to shift their weight to one side for sure," Mr. Mitsuoka of Daiwa Investment Trust said. +21723017 Many of Wednesday's winners were losers yesterday as investors quickly took profits and rotated their buying to other issues, traders said. +21723018 Pharmaceuticals made across-the-board advances. +21723019 Fujisawa Pharmaceutical gained 130 to 1,930 yen ($13.64) a share, Mochida Pharmaceutical was up 150 at 4,170, and Eisai advanced 60 to 2,360. +21723020 Housing issues were boosted by a report that Daiwa House expects to post 43% higher earnings for its latest fiscal year, traders said. +21723021 Daiwa House advanced 100 to 2,610, Misawa Homes was up 60 at 2,940, and Sekisui House gained 100 to 2,490. +21723022 Leading construction companies also attracted interest for their strong earnings outlooks, traders said. +21723023 They and many other major Japanese corporations will issue results soon for the fiscal first half ended Sept. 30. +21723024 Ohbayashi was up 60 to close at 1,680, Shimizu gained 50 to 2,120, and Kumagai-Gumi advanced 40 to 1,490. +21723025 Other winners included real estate issues Mitsubishi Estate, which closed at 2,500, up 130, and Mitsui Real Estate Development, which gained 100 to 2,890. +21723026 Steel shares fell back after advancing for three days. +21723027 Kawasaki Steel was down 11 at 788, Kobe Steel lost 5 to 723, and Nippon Steel slipped 6 to 729. +21723028 Mitsubishi Rayon, a leading advancer Wednesday, fell 44 to 861 as investors grabbed profits. +21723029 London's Financial Times-Stock Exchange 100-share index finished 19.2 points higher at 2189.3. +21723030 The Financial Times 30-share index ended 13.6 higher at 1772.1. +21723031 Volume continued to ease from the active dealings at the start of the week. +21723032 Turnover was 382.9 million shares, compared with 449.3 million Wednesday. +21723033 Dealers said the market was underpinned by a squeeze in FT-SE 100 stocks, particularly among market-makers seeking shares that had been hit hard in recent weeks, such as retailers and building-related concerns. +21723034 But despite the flurry of interest in those shares, dealers said, the market remains nervous about Wall Street's volatility and high U.K. interest rates. +21723035 U.K. money supply figures for September, released yesterday, showed continued growth in corporate and personal lending, which will keep pressure on the government to maintain tight credit. +21723036 Among the stocks featured in the market-makers' squeeze was Sears, which closed at 107 pence ($1.70) a share, up 3. +21723037 General Universal Stores, another top-tier stock hit recently by concerns over retail demand in the face of high interest rates, gained 20 to #10.44. +21723038 Storehouse gained 2 to +21723039 Another active FT-SE 100 stock was clothing and furniture retailer Burton, which gained 6 to 196. +21723040 Insurers recovered ground again on market-maker demand and speculative buying linked to talk of mergers in the industry before the European Community's planned market unification in +21723041 Royal Insurance was the sector's hottest issue, ending 15 higher at 465. +21723042 Sun Alliance fell 1 to close at 289, and General Accident jumped 10 to #10.13. +21723043 B.A.T Industries surged in afternoon dealings after its shareholders approved a plan to dispose of its U.S. and U.K. retailing operations to fend off Hoylake Investment's #13.4 billion ($21.33 billion) hostile bid. +21723044 With the company also exercising a plan to buy back as many as 10% of its shares outstanding, B.A.T closed at 783, up 27. +21723045 Turnover was 6.8 million shares, including about four million shares traded in the afternoon after the shareholders' meeting. +21723046 B.A.T said it purchased 2.5 million shares at 785. +21723047 In other European markets, shares closed sharply higher in Stockholm, Frankfurt, Zurich and Paris and higher in Milan, Amsterdam and Brussels. +21723048 South African gold stocks closed firmer. +21723049 Prices also closed higher in Singapore, Sydney, Taipei, Wellington, Hong Kong and Manila but were lower in Seoul. +21723050 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21723051 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21723052 The percentage change is since year-end. +21724001 The federal response to California's earthquake crisis was marred by coast-to-coast name-calling between the White House and San Francisco's Mayor Art Agnos. +21724002 Mr. Agnos complained that he was "ticked off" that Vice President Dan Quayle, who toured the earthquake site Wednesday, didn't schedule a private meeting with him. +21724003 The mayor said the Quayle visit was "a publicity stunt." +21724004 The White House said Mr. Quayle's staff had invited the mayor to two meetings of the vice president and groups of local officials and had offered to dispatch a helicopter to pick him up. +21724005 Mr. Agnos declined the invitations, the White House said. +21724006 Marlin Fitzwater, White House press secretary, also asserted that Mr. Agnos had failed to return telephone calls from John Sununu, White House chief of staff. +21724007 "We regret very much that the mayor of San Francisco has decided not to cooperate with us on this matter in making sure that there is adequate federal support for the disaster in his city," Mr. Fitzwater said. +21724008 By late yesterday, both sides appeared prepared to bury the hatchet. +21724009 The White House announced that Mr. Agnos, along with the mayors of Oakland and Alameda, are to accompany President Bush on a tour of the earthquake area today. +21724010 And one White House official reported that Mr. Agnos had been "very helpful" in making arrangements for Mr. Bush's hastily scheduled trip to California. +21725001 Gold and silver broker Preston Semel asked a federal court to halt the Commodity Exchange from imposing a record $550,000 fine on his firm. +21725002 The suit, filed in federal court in Manhattan, also asks that the Comex's nine-month suspension of Mr. Semel be lifted, pending the broker's appeal of the disciplinary measures. +21725003 The fine and suspension, announced in August, are the stiffest sanctions the Comex has ever ordered against one of its members. +21725004 The Comex accused the 39-year-old Mr. Semel of "fraudulent conduct" and improper trading. +21725005 The disciplinary proceedings stem from trading in April 1987. +21725006 Mr. Semel and his firm, Semel & Co., have appealed the Comex decision and the sanctions to the Commodity Futures Trading Commission. +21725007 The commission denied Mr. Semel's request that the fine and suspension be delayed pending the appeal. +21725008 The lawsuit states that unless the sanctions are halted pending an appeal, the broker and his firm "will be irreparably injured and their business will be totally and permanently destroyed." +21725009 Already the firm has paid $211,666 of the fine, the suit said, and it will have to liquidate additional assets in order to pay the rest. +21725010 A spokesman for the Comex couldn't be reached to comment. +21726001 The Federal National Mortgage Association said 39 lenders across the U.S. have agreed to offer home loans under Fannie Mae's pilot program for elderly people. +21726002 Fannie Mae, a federally chartered and shareholder-owned company, said the lenders include Prudential Home Mortgage Co., a unit of Prudential Insurance Co. of America that operates in every state. +21726003 Prudential Insurance is based in Newark, N.J. +21726004 Fannie Mae has agreed to buy as much as $100 million of loans under its Seniors' Housing Opportunities pilot program, which offers four types of loans to people 62 years of age or older to help them maintain their home or obtain housing. +21726005 The loans can be for accessory apartments, for cottages built in a relative's yard, for home-sharing or for sale-lease-back transactions. +21726006 Fannie Mae makes a secondary market in home loans. +21726007 It buys loans from lenders, packages some into securities for sale to investors and holds the remainder in a portfolio. +21727001 Robert M. Gintel, senior partner of a Greenwich, Conn., investment firm, said he plans to launch a proxy fight against the board of Boston-based Xtra Corp. +21727002 Mr. Gintel, head of Gintel & Co., said he plans to conduct a proxy contest to elect a majority of Xtra's board at the next annual stockholders meeting. +21727003 Xtra, a transportation leasing company, said in a statement it would have no comment on Mr. Gintel's plans until "further information has been disclosed by him." +21727004 The company also said its 1990 annual meeting has not been scheduled. +21727005 Mr. Gintel owns 300,000 of the company's 6.3 million common shares outstanding. +21727006 Xtra said it recently bought back approximately 55,000 of its shares pursuant to its existing authorization to acquire as many as 650,000 shares. +21727007 Mr. Gintel has filed suit in Delaware Chancery Court, seeking to block Xtra's anti-takeover tactic. +21727008 In a filing with the Securities and Exchange Commission, Mr. Gintel said Xtra "has pursued business strategies that aren't in the best interest of stockholders. +21728001 STOCKS AND BONDS SURGED on the second anniversary of Black Monday as a favorable inflation report prompted speculation of lower interest rates. +21728002 The Dow Jones industrials closed up 39.55, at 2683.20, after rising over 60 points in mid-afternoon. +21728003 The rally brought the gain so far this week to about 114 points. +21728004 The dollar finished mixed, while gold declined. +21728005 Consumer prices climbed a moderate 0.2% in September, mostly due to higher clothing costs. +21728006 Energy prices continued to fall at the retail level, but economists worried about a big rise in wholesale energy costs. +21728007 British Airways dropped out of the current bidding for United Air's parent, leaving a UAL management-pilots group without a key partner. +21728008 British Air's move raised new questions about the buy-out group's efforts to revive a stalled bid for UAL. +21728009 A capital-gains tax-cut plan was dropped by Senate Democrats under pressure from their leadership. +21728010 The move is a setback for Bush, who needs Democratic support to pass a capital-gains cut in the Senate. +21728011 Other tax breaks also are likely to be restored or created in the coming months as special interest groups try to undo the 1986 tax overhaul. +21728012 Many retailers are worried that a price war could erupt this Christmas if cash-strapped firms such as Campeau slash prices to spur sales. +21728013 AT&T unveiled a sweetened early retirement plan for management that the company hopes will save it $450 million in the next year. +21728014 Also, profit rose 19% in the third quarter. +21728015 Chrysler will idle a Toledo assembly plant temporarily due to slowing sales of its profitable Jeep Cherokee and Wagoneer sport utility vehicles. +21728016 Digital Equipment's profit fell 32% in the latest quarter, prompting forecasts of weaker results ahead. +21728017 Analysts were troubled by signs of flat U.S. orders at the computer maker. +21728018 IBM plans to unveil over 50 software products on Tuesday to try to end some of the problems in computerizing manufacturing operations. +21728019 The TV units of Paramount and MCA are exploring offering prime-time programming to independent stations two nights a week. +21728020 BankAmerica's profit jumped 34% in the third quarter. +21728021 The rapid recovery continued to be fueled by growth in consumer loans, higher interest margins and only minor loan losses. +21728022 Big Board short interest fell 4.2% for the month ended Oct. 13, the second decline in a row. +21728023 Borrowed shares on the Amex rose to another record. +21728024 Bell Atlantic posted a strong earnings gain for the third quarter, as did Southern New England Telecommunications. +21728025 But Nynex, Pacific Telesis and U S West had lower profits. +21728026 B.A.T Industries won shareholder approval for a defensive restructuring to fend off Sir James Goldsmith. +21728027 American Express's profit climbed 21% in the quarter, aided by a surge in its travel business and despite a big rise in Third World loan reserves. +21728028 Markets -- +21728029 Stocks: Volume 198,120,000 shares. +21728030 Dow Jones industrials 2683.20, up 39.55; transportation 1263.51, up 15.64; utilities 215.42, up 1.45. +21728031 Bonds: Shearson Lehman Hutton Treasury index 3398.65, up +21728032 Commodities: Dow Jones futures index 130.13, up 0.23; spot index 130.46, up 0.10. +21728033 Dollar: 141.70 yen, up 0.25; 1.8470 marks, off 0.0015. +21729001 Computer Sciences Corp., El Segundo, Calif., said the National Aeronautics and Space Administration will negotiate details of a contract valued at about $170 million to provide software for the Ames Research Center. +21729002 Included in the three-year contract are options for two one-year renewals. +21729003 NASA awarded the contract to CSC in November but an appeal by Sterling Software Inc. of Dallas sent the contract to the General Services Administration Board of Contract Appeals and the board required NASA to re-evaluate bidders' proposals. +21729004 Sterling had completed a five-year contract for NASA but lost its bid for renewal. +21729005 As directed by the board, NASA completed the evaluation and again chose CSC. +21729006 For its fiscal year ended March 31, CSC had revenue of $1.3 billion. +21730001 AFTERSHOCKS RATTLED Northern California amid an earthquake cleanup. +21730002 As power and commuters returned to much of downtown San Francisco for the first time since Tuesday's temblor in the Bay area, three strong aftershocks, one measuring 5.0 on the Richter scale, jolted the region. +21730003 Serious injuries or damages weren't reported. +21730004 Californians, meanwhile, tried to cope with still-limited services, blocked roadways and water shortages in the aftermath of the tremor that left scores dead and injured. +21730005 Thousands remained homeless. +21730006 Bush is to visit the area today, and officials in Washington estimated that emergency assistance would total at least $2.5 billion. +21730007 A series of earthquakes struck northern China, killing at least 29 people, injuring hundreds and razing about 8,000 homes, the Xinhua News Agency said. +21730008 The Senate rejected a constitutional amendment sought by Bush to prohibit desecration of the U.S. flag. +21730009 While the proposal won a slight majority, the 51-48 vote was well short of the two-thirds needed to approve changes in the Constitution. +21730010 It was considered a victory for Democratic leaders, who favor a law barring flag burning. +21730011 The House approved an $837 million aid package for Poland and Hungary, nearly double what Bush had requested. +21730012 The vote of 345-47 sent the measure to the Senate. +21730013 Britain's chief justice quashed the murder convictions of four people for Irish Republican Army bombings that killed seven people in 1974. +21730014 The reversal came after the government conceded that investigators may have faked evidence. +21730015 The "Guildford Four," three Irishmen and an Englishwoman, have been imprisoned since 1975. +21730016 The Nobel Prize in literature was won by Camilo Jose Cela, a Spanish writer. +21730017 His 1942 novel "The Family of Pascual Duarte" is considered the most popular work of fiction in Spanish since Cervantes's "Don Quixote" was published 400 years ago. +21730018 The Swedish Academy in Stockholm cited the 73-year-old Cela for "rich and intensive prose." +21730019 The editor of Pravda was dismissed and succeeded by a confidant of Soviet leader Gorbachev. +21730020 The action at the Communist Party daily, viewed as the Soviet Union's most authoritative newspaper, was considered the most significant development in a week of Kremlin wrangling over the press, including sharp criticism from Gorbachev. +21730021 East Germany's new leader met with Lutheran Church officials to discuss a growing opposition movement demanding democratic freedoms. +21730022 As they conferred near East Berlin, a pro-democracy protest erupted in the Baltic city of Greifswald, and activists threatened further rallies against leader Krenz's expected hard-line policies. +21730023 Police in Prague raided an international meeting on human rights, detaining Czechoslovakia's former foreign minister, Jiri Hajak, and 14 other activists. +21730024 A leading U.S. human-rights monitor also was briefly held. +21730025 Dissident playwright Vaclav Havel reportedly escaped the crackdown, the fourth against activists in recent days. +21730026 Bush met in Washington with Spain's Prime Minister Gonzalez and discussed what the president called "the unique role" that Madrid can play in furthering democracy in Eastern Europe and Latin America. +21730027 Gonzalez, who pledged to help monitor voting in Nicaragua, was said to be carrying proposals for free elections in Panama. +21730028 The Galileo spacecraft sped unerringly toward the planet Jupiter, while five astronauts aboard the space shuttle Atlantis measured the Earth's ozone layer. +21730029 The robot probe was dispatched Wednesday by the shuttle crew, which is to conduct a series of medical and other experiments before their scheduled landing Monday in California. +21730030 Argentina and Britain agreed to resume diplomatic and economic relations, seven years after the two nations battled over the Falkland Islands. +21730031 The announcement, in which they said hostilities had ceased, followed a two-day meeting in Madrid. +21730032 Rebel artillerists bombarded the capital of Afghanistan, killing at least 12 people, as the Soviet Union was reported to be airlifting arms and food to Kabul's forces. +21730033 Fighting also was reported around the strategic town of Khost, near the Pakistani border. +21730034 Saudi Arabia's foreign minister met in Damascus with President Assad to develop a plan for the withdrawal of Syria's 40,000 troops from Lebanon as part of a settlement of that nation's 14-year-old civil war. +21730035 The talks came as Lebanese negotiations on political changes appeared deadlocked. +21730036 GOP Sen. Specter of Pennsylvania said he would vote to acquit federal Judge Alcee Hastings in his impeachment trial on charges of perjury and bribery conspiracy. +21730037 Specter, the vice chairman of the Senate's evidence panel, said there was "insufficient evidence to convict" the Miami jurist. +21731001 After slipping on news of a smaller-than-expected U.S. inflation figure, the dollar rebounded later in the trading day. +21731002 The U.S. unit dipped to a session low against the mark just after the release of the U.S. consumer price index. +21731003 The report showed that September consumer prices rose just 0.2%, a smaller increase than expected. +21731004 The market had anticipated a 0.4% rise in the price index. +21731005 The September index fueled speculation, damaging to the dollar, that the Federal Reserve soon will ease monetary policy further. +21731006 But foreign-exchange dealers said the dollar staged a quick comeback, prompted by a round of short covering and some fresh buying interest later in the trading day. +21731007 Traders said that a nearly 40-point gain in the Dow Jones Industrial Average, fueled in part by news of a lower-than-expected price index, had little influence on the dollar's moves. +21731008 "The market is beginning to disassociate itself from Wall Street," said one New York trader. +21731009 In late New York trading yesterday, the dollar was quoted at 1.8470 marks, down from 1.8485 marks late Wednesday, and at 141.70 yen, up from 141.45 yen late Wednesday. +21731010 Sterling was quoted at $1.5990, up from $1.5920 late Wednesday. +21731011 In Tokyo Friday, the U.S. currency opened for trading at 141.93 yen, up from Thursday's Tokyo close of 141.55 yen. +21731012 Some analysts said the consumer price index reflects a more significant slowdown in the U.S. economy than earlier indicated. +21731013 They point out that September's producer-price index showed a 0.9% increase. +21731014 They noted that because the consumer price index, known as the CPI, is a more comprehensive measure of inflation and is rising less rapidly than the producer-price index, or PPI, it could signal further easing by Fed. +21731015 Others suggested, however, that the Fed will hold any changes in monetary policy in check, leaving fed funds at around 8 3/4%, down from the 9% level that prevailed from July through September. +21731016 Kevin Logan, chief economist with the Swiss Bank Corp., said that both PPI and CPI climbed around 4 1/2% year-to-year in September. +21731017 He argued that both CPI and PPI have in fact decelerated since spring. +21731018 "The Fed won't be stampeded into easing," Mr. Logan said, predicting that for now, interest rates will stay where they are. +21731019 A four-day matched sale-purchase agreement, a move to drain liquidity from the system, was viewed as a technical move, rather than an indication of tightening credit. +21731020 Market participants note that the mark continues to post heftier gains against its U.S. counterpart than any other major currency, particularly the yen. +21731021 "There's a bottomless pit of dollar demand" by Japanese investors, said Graham Beale, managing director of foreign exchange at Hongkong & Shanghai Banking Corp. in New York, adding that purely speculative demand wouldn't hold the dollar at its recent levels against the Japanese currency. +21731022 Mr. Beale commented that the mark remains well bid against other currencies as well. +21731023 Robert White, manager of corporate trading at First Interstate of California, called the market "psychologically pro-mark," noting that the U.S. remains a "veritable grab bag" for Japanese investors which accounts for the unabated demand for U.S. dollars. +21731024 On the Commodity Exchange in New York, gold dropped $1.60 to $367.10 an ounce in moderate trading. +21731025 Estimated volume was three million ounces. +21731026 In early trading in Hong Kong Friday, gold was at about $366.85 an ounce. +21732001 Hotel Investors Trust and its affiliate, Hotel Investors Corp., said the companies plan to sell all of the hotels the companies own and operate, except for two hotel-casinos in Las Vegas, Nev. +21732002 The hotels and management interests will be sold at an auction, said John Rothman, president and chief executive officer of the trust and a director of the corporation. +21732003 Value of the properties and management interests wasn't disclosed. +21732004 In all, the Los Angeles-based trust plans to sell its interests in 36 hotels, while the corporation will sell its management interests in 32 of those properties. +21732005 Excluded from the sale are the interests of the trust and the corporation in two Las Vegas hotel-casinos. +21732006 After completing the sale and paying debts, the trust and corporation will consider a number of options including a stock repurchase, payment of special dividend or investment in more gaming properties. +21732007 The companies will retain their current regular quarterly dividend of 25 cents during the sale process, Mr. Rothman said. +21732008 For the first six months, the trust and corporation had a net loss of $244,000. +21733001 Baxter International Inc., citing cost-cutting moves and increased sales of its home-care products and dialysis treatments, posted a 20% rise in third-quarter net income on a 5.9% sales boost. +21733002 The Deerfield, Ill., medical products and services company posted net of $102 million, or 34 cents a share, compared with $85 million, or 28 cents a share, a year ago. +21733003 Sales totaled $1.81 billion up from $1.71 billion the previous year. +21733004 For the nine-month period, Baxter said net rose 15% to $307 million, or $1.02 a share, from $267 million, or 89 cents a share, during the year-ago period. +21733005 Sales for the nine months were up 8% to $5.44 billion from $5.04 billion in the same period in 1988. +21733006 In New York Stock Exchange composite trading, Baxter closed at $22.25 a share, down 12.5 cents. +21734001 A group bidding for American Medical International Inc., New York, said it formally received the final financing needed for a $3 billion bid for about 86% of the hospital operator's stock. +21734002 The offer from IMA Acquisition Corp., for as many as 63 million shares, is set to expire Wednesday. +21734003 Earlier this month, IMA said it had received about $1 billion of senior debt financing from Chemical Bank and six other banks; Chemical Bank said it was "highly confident" it could arrange the balance of about $509 million. +21734004 In addition, the $3 billion bid includes $1 billion of debt that will be assumed by IMA, $600 million of high-yield junk bonds that will be sold by First Boston Corp. and $285 million of equity. +21734005 In New York Stock Exchange composite trading yesterday, American Medical closed at $23.625, up $1.875. +21734006 American Medical has agreed to the offer, but earlier this month said it had received new "expressions of interest" from two previous bidders. +21734007 American Medical said it would pursue the inquiries from the companies, but wouldn't identify them unless they make firm offers. +21735001 H&R Block is one of the great success stories of U.S. business. +21735002 Oddly enough, this presents a problem for the stock. +21735003 Some money managers are disenchanted with H&R Block because they suspect the company's glory days are past, or at least passing. +21735004 Block's tax-preparation business is mature, they say, and some of its diversifications are facing tough competition. +21735005 It's no secret that Block dominates the mass-market tax-preparation business. +21735006 The Street knows all about the predictability of its earnings, which are headed for a ninth consecutive yearly increase. +21735007 The company has consistently earned more than a 20% annual return on its net worth while many companies would be happy with 15%. +21735008 But the tax-preparation business simply has no more room to grow, says Mark Cremonie, director of research for Capital Supervisors Inc., a Chicago firm that manages $6.5 billion. +21735009 "You go to any medium-sized town in the U.S. and you're going to see H&R Block tax services." +21735010 Mr. Cremonie's firm once held about 4.8% of H&R Block. +21735011 That was before the 1986 tax "reform" made taxes more complex than ever. +21735012 "One thing you can bet on," he says, "is that Congress will do stupid things with the Tax Code." +21735013 But Capital Supervisors sold the last of its H&R Block holdings earlier this year. +21735014 "They're thrashing around for diversification," he says. +21735015 "I think a lot of their businesses are just so-so." +21735016 Last week the stock hit an all-time high of 37 1/4 before getting roughed up in the Friday-the-13th minicrash. +21735017 It closed yesterday at 34 3/4. +21735018 To be sure, the stock still has a lot of fans. +21735019 "If you invested $10,000 in the initial public offering in 1962, it would be worth well over $5 million today," says Fredric E. Russell, a Tulsa, Okla., money manager. +21735020 "I don't know what the risk is {of holding the stock}. +21735021 Taxes are not going out of business." +21735022 Many of his peers feel the same way. +21735023 The number of big institutions that own H&R Block shares is 207 and growing, according to a midyear tally by CDA Investment Technologies. +21735024 Brokerage houses are sweet on H&R Block, too. +21735025 Zacks Investment Research counts five brokerage houses that consider the stock a buy, and four that call it a hold. +21735026 None dare say to sell it. +21735027 But some money managers are doing just that. +21735028 Eugene Sit, president of Sit Investment Associates in Minneapolis, says, "When we bought it, we thought the growth rate was going to accelerate" because of computerized tax filing and instant refunds (the customer gets a refund immediately but pays extra to the tax preparer, which waits for Uncle Sam's check). +21735029 But neither of those developments did much to juice up growth, Mr. Sit says. +21735030 He figures Block earnings are now growing at about a 10% annual rate (down from about 14% the past five years) and will grow at an 8%-10% rate in the future. +21735031 That's "not bad," Mr. Sit says, but it sure doesn't justify Block shares being priced at 15 to 16 times estimated earnings for fiscal 1990. +21735032 He wants stocks whose price/earnings ratio is less than their growth rate; as he figures it, H&R Block doesn't even come close. +21735033 Two other money managers, in explaining why they have sold large amounts of H&R Block stock this year, spoke on the condition they not be named. +21735034 "The stock was going no place and the earnings were so-so," said one. +21735035 (In the past two years, the stock almost stalled out. +21735036 It was above 33, adjusted for a subsequent split, in 1987, and hasn't gotten much higher since.) +21735037 "There's no more growth in the tax business {except} for increasing prices," the money manager added. +21735038 The CompuServe subsidiary (which provides information to home-computer users) is "where the growth is," he said, but its format is "still too complicated." +21735039 CompuServe provides about 20% of both sales and earnings. +21735040 The tax business still provides about 70% of earnings, on about 50% of sales. +21735041 Personnel Pool (temporary workers, mostly in the health-care area) chips in close to 25% of sales but only about 9% of earnings. +21735042 The shortage of nurses is crimping profit at Personnel Pool, said the second money manager. +21735043 He concedes H&R Block is "well-entrenched" and "a great company," but says "it doesn't grow fast enough for us. +21735044 We're looking for something that grows faster and sells at a comparable {price-earnings} multiple." +21735045 Thomas M. Bloch, president and chief operating officer, says "I would disagree" that the tax business is mature. +21735046 For example, he says, the company is planning to go nationwide with a new service, tested in parts of the country, aimed at taxpayers who want refunds in a hurry. +21735047 Mr. Bloch concedes that a recent diversification attempt fell through. +21735048 "We're still interested {in diversifying}," he says, "but we'd rather be prudent than make a mistake." +21735049 He also says CompuServe's earnings continue to grow "20% to 30% a year" in spite of tough competition from giants like Sears and IBM. +21735050 And he says Block's other businesses are growing, although less consistently. +21735051 H&R Block (NYSE; Symbol:HRB) +21735052 Business: Tax Preparation +21735053 Year ended April 30, 1989: +21735054 Revenue: $899.6 million +21735055 Net loss: $100.2 million; $1.90 a share +21735056 First quarter, July 31, 1989: +21735057 Per-share earnings: Loss of 8 cents vs. loss of 9 cents +21735058 Average daily trading volume: 145,954 shares +21736001 Philips Industries Inc. said its board authorized the redemption Dec. 6 of the company's $1 cumulative convertible special preferred stock at $37.50 a share, not including a 25 cent dividend for the current quarter, and the $3 cumulative convertible preferred stock at $75, plus a 75 cent dividend for the current quarter. +21736002 The Dayton, Ohio, maker of parts for the building and transportation industries said holders of the two issues can convert their stock into common shares through the close of business Dec. 1. +21736003 Each $1 cumulative share can be converted into 4.92 common shares; the ratio on the $3 cumulative is eight common shares for each $3 cumulative preferred. +21736004 Philips didn't indicate how many shares outstanding it has of either issue. +21736005 Company officials couldn't be reached. +21736006 Earlier this month the company said its board approved a proposed management-led leveraged buy-out at $25.50 a share, or $750 million. +21737001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +21737002 PUTS AND CALLS, STOCK MARKET PATOIS for options to sell or buy a company's shares, were long an arcane Wall Street art best left to the experts, who used them either as a hedge or for pure speculation. +21737003 Options lost some of their mystery in 1973 when the Chicago Board of Trade set up a special exchange to deal in them. +21737004 Until then, options had been traded only in the over-the-counter market, mostly in New York, and in an almost invisible secondary market operating chiefly by telephone. +21737005 The Chicago Board of Trade, the No. 1 U. S. grain market, had long chafed under the attention won by its innovative archrival, the livestock-dealing Mercantile Exchange. +21737006 So the men who ran the grain pits listened when Joseph Sullivan, a 35-year-old former Wall Street Journal newsman, offered them the idea of all-options trading. +21737007 After four year of tinkering and $2.4 million in seed money, the board set up the new marketplace, titled it the Chicago Board Options Exchange, and named Sullivan its first president. +21737008 The beginnings were modest. +21737009 The CBOE opened for business on April 26, 1973, in what had been a Board of Trade lunchroom. +21737010 It listed just 16 options to buy a "pilot list" of stocks on the New York Stock Exchange. +21737011 (Puts, or sell options, would not be added until 1977.) +21737012 The 282 members had paid $10,000 apiece for seats. +21737013 (The 1989 price: $250,000.) +21737014 The first day's business was 911 contracts (each for 100 shares of one of the listed stocks). +21737015 By the end of 1973, the number of "underlying" Big Board stocks had been increased to 50 and the options exchange had run up volume of 1.1 million contracts. +21737016 A year later, it was 5.7 million. +21737017 Last year, more than 1,800 traders on the CBOE bought and sold 112 million contracts on 178 listed stocks, 60% of all U.S. listed options trading. +21737018 The new exchange drew instant recognition from an unwelcome quarter. +21737019 The government, campaigning against fixed brokerage commissions, promptly sued the CBOE over its minimum-fee system. +21738001 The Nuclear Regulatory Commission ruled unanimously that the financial troubles facing the Seabrook, N.H., nuclear-power plant have no impact on whether the plant receives a full-power license. +21738002 Massachusetts Attorney General James Shannon, opposing the license, said he will appeal the ruling in federal court. +21738003 Seabrook officials said the plant could receive a full-power license by the end of the year. +21738004 The NRC rejected Mr. Shannon's argument that Public Service Co. of New Hampshire, which owns the largest share of Seabrook, and 11 other owners are financially unable to guarantee the plant's safe operation. +21738005 Mr. Shannon was seeking a waiver of NRC policy that ignores financial considerations in making licensing decisions. +21738006 In its ruling, the NRC said that because Seabrook will be allowed to charge rates sufficient to run the plant and make payments on past construction costs, consideration of the owners' financial condition is pointless. +21738007 "The commissioners found the circumstances of the case didn't undercut the assurance from government rate setters of available funds adequate for safe operation," said a commission spokesman. +21738008 In January 1988, the utility filed for protection under Chapter 11 of the federal Bankruptcy Code, allowing it to continue to operate while protected from creditors' lawsuits. +21739001 Bristol-Myers Squibb Co., New York, the newly merged drug and health-care-product company, reported record third-quarter earnings for both companies in the merger. +21739002 Bristol-Myers Co. and Squibb Corp., Princeton, N.J., merged Oct. 4, but the new company reported third-period earnings for both companies. +21739003 For the fourth quarter, Bristol-Myers Squibb will report one set of earnings. +21739004 Bristol-Myers said net income rose 15% to $266.2 million, or 93 cents a share, from $232.3 million, or 81 cents a share, a year earlier. +21739005 Sales gained 5% to $1.59 billion from $1.52 billion. +21739006 Squibb Corp. said net rose 17% to $144.5 million, or $1.47 a share, from $123 million, or $1.25 a share. +21739007 Sales were $730.1 million, up 7% from $679.5 million. +21739008 In New York Stock Exchange composite trading, Bristol-Myers Squibb rose $1.75 to $52.75. +21740001 PPG Industries Inc., hurt by softness in the U.S. automotive and construction industries, said third-quarter net income fell 5.5% to $106.7 million, or 97 cents a share, from $112.9 million, or $1.03 a share, a year ago. +21740002 Sales were nearly identical to the year-earlier $1.36 billion. +21740003 The drop in earnings didn't surprise analysts who said the Pittsburgh glass, coatings and chemical concern had been predicting a slow quarter because of the sluggish construction industry, a major market for the company's flat glass. +21740004 Glass sales to Canadian and European auto makers and sales of replacement auto glass in all markets increased. +21740005 The coating segment also posted higher sales particularly in North America and Europe. +21740006 But sale increases were offset by slumping sales in flat glass and fiberglass reinforcements, the company said. +21740007 Also, chemicals sales were slightly down because of lower prices for vinyl chloride monomer and other chlorine derivatives. +21740008 In New York Stock Exchange composite trading, PPG closed at $41 a share, down 37.5 cents. +21741001 Jefferies Group Inc. said third-quarter net income fell 4%, to $2.2 million, or 35 cents a share, from $2.3 million, or 31 cents a share on more shares, a year earlier. +21741002 Revenue rose 15%, to $36 million from $31.2 million. +21741003 Jefferies, a Los Angeles holding company primarily engaged in securities trading, also said stock market declines since the quarter ended Sept. 30 created an unrealized pretax loss of about $6 million in its risk arbitrage account. +21741004 For the nine months, Jefferies said net fell 39%, to $6.8 million, or $1.07 a share, from $11.1 million, or $1.50 a share. +21741005 Revenue fell 3%, to $105.2 million from $108.4 million. +21742001 Sony Corp., New York, said its bids for Columbia Pictures Entertainment Inc. and Guber-Peters Entertainment Co. have been cleared by federal antitrust regulators. +21742002 The Japanese company said the waiting period under the Hart-Scott-Rodino antitrust act for the $3.4 billion bid for Columbia and the $200 million offer for Guber-Peters expired Monday. +21742003 Sony has agreed to buy both companies, but is in a legal battle with Warner Communications Inc. over the services of producers Peter Guber and Jon Peters. +21742004 In a filing with the Securities and Exchange Commission, Sony also said two more suits have been filed opposing the company's agreement to buy Columbia. +21742005 Sony added that a hearing has been set for Thursday in the Delaware Chancery Court in one of the suits. +21743001 Thursday, October 19, 1989 +21743002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +21743003 PRIME RATE: 10 1/2%. +21743004 The base rate on corporate loans at large U.S. money center commercial banks. +21743005 FEDERAL FUNDS: 8 3/4% high, 8 5/8% low, 8 11/16% near closing bid, 8 11/16% offered. +21743006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +21743007 Source: Fulton Prebon (U.S.A.) Inc. +21743008 DISCOUNT RATE: 7%. +21743009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +21743010 CALL MONEY: 9 3/4% to 10%. +21743011 The charge on loans to brokers on stock exchange collateral. +21743012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.45% 30 to 44 days; 8.25% 45 to 73 days; 8.325% 74 to 99 days; 7.75% 100 to 179 days; 7.50% 180 to 270 days. +21743013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.525% 30 days; 8.425% 60 days; 8.375% 90 days. +21743014 CERTIFICATES OF DEPOSIT: 8.05% one month; 8.02% two months; 8% three months; 7.98% six months; 7.95% one year. +21743015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +21743016 The minimum unit is $100,000. +21743017 Typical rates in the secondary market: 8.60% one month; 8.60% three months; 8.45% six months. +21743018 BANKERS ACCEPTANCES: 8.45% 30 days; 8.32% 60 days; 8.32% 90 days; 8.17% 120 days; 8.08% 150 days; 7.98% 180 days. +21743019 Negotiable, bank-backed business credit instruments typically financing an import order. +21743020 LONDON LATE EURODOLLARS: 8 11/16% to 8 9/16% one month; 8 11/16% to 8 9/16% two months; 8 11/16% to 8 9/16% three months; 8 5/8% to 8 1/2% four months; 8 9/16% to 8 7/16% five months; 8 9/16% to 8 7/16% six months. +21743021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 3/4% one month; 8 11/16% three months; 8 9/16% six months; 8 9/16% one year. +21743022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +21743023 FOREIGN PRIME RATES: Canada 13.50%; Germany 8.50%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +21743024 These rate indications aren't directly comparable; lending practices vary widely by location. +21743025 TREASURY BILLS: Results of the Monday, October 16, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.37% 13 weeks; 7.42% 26 weeks. +21743026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +21743027 9.87%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +21743028 Source: Telerate Systems Inc. +21743029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.81%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +21743030 Source: Telerate Systems Inc. +21743031 MERRILL LYNCH READY ASSETS TRUST: 8.50%. +21743032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +21743033 China said the question of Taiwan's membership in the General Agreement on Tariffs and Trade should be considered only after China's own membership in the 97-nation organization is restored. +21743034 Both China and Taiwan are seeking seats in GATT, which sponsors trade-liberalizing agreements and sets world-commerce rules. +21743035 "As one of China's provinces, Taiwan has no right to join GATT on its own," Foreign Ministry spokesman Li Zhaoxing said. +21743036 China, under the Nationalist government of Chiang Kai-shek, was a founding member of GATT in 1947. +21743037 The Nationalists withdrew in 1950, after their flight to Taiwan, and the Communist government in Beijing applied for restoration of China's membership in July 1986. +21743038 The U.S. has voiced opposition to China's bid for GATT membership, saying China has yet to undertake needed economic reforms. +21743039 Japan's biggest women's underwear maker, Wacoal Corp., said that it developed a sports car that it plans to market in two years. +21743040 The "Jiotto Caspita" can run at over 188 miles an hour, a company spokesman said. +21743041 The base price of the car is estimated at 30 million yen (about $213,000). +21743042 Wacoal said it intends to produce the cars through a car manufacturer. +21743043 Along with the car, Wacoal plans to launch a series of Caspita-brand men's underwear. +21743044 "Our image is a company that makes women's products," said a Wacoal spokesman. +21743045 "Now, we're going to sell to men." +21743046 The British satirical magazine Private Eye won an appeal against the size of a $960,000 libel award to Sonia Sutcliffe, the estranged wife of the "Yorkshire Ripper" mass murderer. +21743047 An appeals-court panel slashed all but $40,000 from the award, the largest ever set by a British jury, pending a reassessment of the damages. +21743048 But the panel dismissed the magazine's contention that it hadn't libeled Mrs. Sutcliffe when it accused her of trying to sell her story to capitalize on the notoriety of her husband. +21743049 Private Eye had been threatened with closure because it couldn't afford the libel payment. +21743050 Senshukai Co., a travel agent based in Osaka, Japan, announced that it and Nissho Iwai Corp., a major Japanese trading house, will jointly build a 130-unit condominium in Queensland, Australia. +21743051 Senshukai said the partners plan to rent to tourists but will also sell to interested parties. +21743052 Senshukai has a 60% stake in the venture and Nissho Iwai has the rest. +21743053 Construction of the 34-floor building will begin next May and should be completed in April 1992. +21743054 Units will cost from 500,000 to 3.5 million Australian dollars (about US$386,000 to US$2.7 million). +21743055 The Soviet Union has halted construction of two Chernobyl-type nuclear reactors and is reassessing the future of 12 other existing reactors. +21743056 Viktor Sidorenko, vice chairman of the State Committee on Nuclear Safety, said the two reactors were at Kursk and Smolensk. +21743057 News of the halt comes amid growing anger in the Ukraine and Byelorussia over continuing high levels of radiation from Chernobyl. +21743058 A former vice president of the Singapore branch of Drexel Burnham Lambert Group Inc. was charged in court yesterday on 19 counts of cheating. +21743059 Francis Dang, 41, is alleged to have been involved in cheating Drexel Burnham Lambert of up to 2.1 million Singapore dollars (US$1.1 million) by carrying out unauthorized transactions on the London Commodities Exchange and the International Petroleum Exchange. +21743060 Mr. Dang is alleged to have used the account of Singapore hotel and property magnate Ong Beng Seng to effect the transactions. +21743061 Japan says its economic growth will fall sharply if it cuts back on the use of oil, coal and gas to cap emissions of carbon dioxide. +21743062 A Ministry of International Trade and Industry official said that a study found that Japan's annual economic growth rate would eventually be only 0.8% if carbon-dioxide emissions remained at this year's level of 300 million tons. +21743063 The study will support arguments against capping carbon-dioxide emissions that Japan will make at a U.N.-backed conference on atmospheric pollution next month. +21743064 The study said Japan's carbon-dioxide emissions would slightly more than double by 2010 unless the nation reduced its dependence on fossil fuels. +21743065 It said that expanding nuclear-power capability is the quickest way to lessen that dependence. +21743066 But increased reliance on nuclear power would meet stiff opposition from environmentalists, a second ministry official said. +21743067 Just in time for Halloween, Britain's Oxford University Press is publishing a "Dictionary of Superstitions." +21743068 The books 1,500 entries include stepping on cracks and knocking on wood. . . . +21743069 In New Zealand's tiny township of Kaitaia, which has had direct dialing for less than a year, about 30 angry phone-company customers questioned the size of their bills. +21743070 It turned out their children had been dialing a "sex fantasy" service in the U.S. +21744001 Slowing sales of its profitable Jeep Cherokee and Wagoneer sport utility vehicles are forcing Chrysler Corp. to temporarily idle its Toledo, Ohio, assembly plant for the first time since April 1986. +21744002 About 5,500 hourly workers will be laid off for a week beginning Oct. 23, and overtime has been eliminated at the plant for the fourth quarter, a Chrysler spokesman said. +21744003 That's a significant change from earlier this year when the plant worked substantial overtime only to have sales fall short of the company's bullish expectations. +21744004 Sales of Cherokee, the best-selling Jeep, and the lower-volume Wagoneer were actually up about 10% through the end of last month. +21744005 But that's less than Chrysler officials had hoped when they set ambitious production schedules for the Toledo plant earlier this year. +21744006 Even when it became clear this spring that demand wasn't coming up to expectations, Chrysler officials "resisted" cutting output because Cherokee and Wagoneer are "very profitable vehicles," the spokesman said. +21744007 Instead, Chrysler officials in late May slapped $1,000 cash rebates on the vehicles, including the first such incentives on the popular four-door Cherokee since Chrysler bought Jeep in 1987. +21744008 The incentives boosted sales for a while, but the pace had cooled by last month. +21744009 The result: Chrysler dealers had a bloated 82-day supply of the Cherokee as of the end of last month and a 161-day supply of the Comanche pickup, which Toledo also builds. +21744010 A 60-day to 65-day supply is considered normal. +21744011 At Jasper Jeep-Eagle, one of the largest Jeep dealerships in the country, inventories have continued to swell. +21744012 Steve Lowe, general manager of Jasper, Ga., dealership, said new rebates of $500 to $1,000 on the models have stimulated sales, but not enough to significantly cut dealer stocks. +21744013 "If people aren't buying, you have to close plants," he said. +21744014 Separately, Chrysler said it will idle for four weeks the St. Louis assembly plant that builds the Chrysler LeBaron and Dodge Daytona models. +21744015 Chrysler officials said the plant is scheduled to resume production on Nov. 20., and 3,300 hourly workers will be affected. +21744016 General Motors Corp., meanwhile, said it will idle for yet another week its Linden, N.J., assembly plant, bringing to three weeks the total time that plant will be idled during October. +21744017 GM said the assembly plant, which builds the Chevrolet Corsica and Beretta compact cars, originally was scheduled to reopen Monday but now will not resume production until Oct. 30. +21744018 The shutdown affects 3,000 workers and will cut output by about 4,320 cars. +21744019 Sluggish sales of the Beretta and Corsica spurred GM to offer $800 rebates on those cars. +21744020 The Corsica and Beretta make up the highest-volume car line at Chevrolet, but sales of the cars are off 9.6% for the year, and fell a steep 34.2% early this month. +21744021 GM has scheduled overtime at its Lordstown, Ohio, and Janesville, Wis., assembly plants, which build the Chevrolet Cavalier. +21744022 Ford Motor Co. said it will shut down for one week its Kentucky Truck Plant because of a "shortage of dealer orders." +21744023 The shutdown will idle 2,000 hourly employees and eliminate production of about 1,300 medium and heavy duty trucks. +21744024 The assembly plant is scheduled to resume production on Oct. 30. +21744025 Meanwhile, the nine major U.S. auto makers plan to build 143,178 cars this week, down 11.7% from 162,190 a year ago and flat with last week's 142,117 car output. +21744026 f-Includes Chevrolet Prizm and Toyota Corolla. +21744027 r-Revised. +21744028 x-Year-to-date 1988 figure includes Volkswagen domestic-production through July. +21745001 LOTUS DEVELOPMENT Corp.'s net income rose 61% in the third quarter from the year-earlier period. +21745002 Yesterday's edition misstated the percentage increase. +21746001 First Fidelity Bancorp., Lawrenceville, N.J., reported a 24% drop in third-quarter profit, because of a decline in earning assets, lower loan volume and tighter interest margins. +21746002 The bank holding company posted net income of $54.4 million, or 87 cents a share, including $1.7 million, or three cents a share, in one-time tax benefits. +21746003 A year earlier, net was $71.6 million, or $1.22 a share. +21746004 First Fidelity said non-performing assets increased to $482.3 million Sept. 30 from $393.1 million June 30. +21746005 The rise resulted from the transfer to non-accrual status of $96 million "owed by two national borrowers and one local commercial real-estate customer," First Fidelity said. +21746006 It said it doesn't anticipate any loss of principal on two of the loans, comprising $85 million of these credits. +21746007 First Fidelity said it boosted its loan-loss provision to $50.9 million from $20.4 million a year ago, primarily because of a weaker real-estate sector in the region. +21747001 VIACOM Inc.'s loss narrowed to $21.7 million in the third quarter from $56.9 million a year ago. +21747002 Thursday's edition misstated the narrowing. +21748001 Coastal Corp. said it signed a definitive agreement with Aruba to restart a 150,000-barrel-a-day oil refinery. +21748002 Coastal wouldn't disclose the terms. +21748003 Coastal, a Houston oil and gas company, said it expects to begin operations in October 1990. +21748004 The company said it may install additional processing units at the refinery to produce higher octane gasolines and other products. +21748005 The company said it was leasing the site of the refinery from Aruba. +21748006 Exxon Corp. built the plant but closed it in 1985 and sold off much of the equipment to dismantling contractors, from whom Coastal bought back much of the equipment. +21748007 A Coastal spokesman said the biggest expense will be to refurbish the refinery but wouldn't say how much that would be. +21748008 The prime minister of Aruba has said it could cost around $100 million. +21748009 Coastal said the refinery's expected daily production will include 34,000 barrels of jet fuel, 32,000 barrels of low-sulfur diesel fuel, 30,000 barrels of naphtha, 17,000 barrels of residual fuel oil, 8,000 barrels of asphalt and 25,000 barrels of low-sulfur catalytic cracker feedstock. +21749001 Loral Corp. said fiscal second-quarter net income was $19.8 million, or 79 cents a share, compared with year-earlier earnings from continuing operations of $15.6 million, or 62 cents a share. +21749002 Year-earlier net of $21 million, or 84 cents a share, included the results of Loral's former Aircraft Braking Systems and Engineered Fabrics divisions, which were sold April 27 to the company's chairman, Bernard L. Schwartz. +21749003 The defense electronics concern attributed the operating improvement to higher profit margins and lower net interest expense. +21749004 Loral also reported that its bookings more than doubled to $654 million in the quarter, ended Sept. 30, from $257 million, in the year-before period. +21749005 The increase was due mainly to a $325 million order from Turkey to equip its fleet of F-16 fighters with Loral's ALQ-178 Rapport III electronic countermeasures system. +21749006 The order is the biggest in the company's history. +21749007 Sales in the latest period edged up to $295.7 million from $293.9 million. +21749008 Mr. Schwartz said the recent increase in orders "puts us well on the way to our goal of $1.6 billion in bookings for the year." +21749009 He added: "I expect to see the earnings momentum we experienced this quarter continue for the rest of the year." +21749010 Loral said it expects sales to accelerate in both the third and fourth quarters of this fiscal year. +21749011 Loral's profit from continuing operations for the first six months of fiscal 1990 was $36.4 million, or $1.44 a share, up 31% from $27.8 million, or $1.11 a share, a year earlier. +21749012 Net income fell 8.6% to $37.1 million, or $1.43 a share, from $40.6 million, or $1.56 a share. +21749013 Fiscal first-half sales slipped 3.9% to $528.4 million from $549.9 million. +21749014 Bookings for the first half totaled $813 million, compared with the $432 million recorded last year. +21749015 In New York Stock Exchange composite trading, Loral closed at $33.25, down 37.5 cents. +21750001 HealthVest said two of its lenders have given it notices of default on bank loans and said they may take actions to recover their loans. +21750002 HealthVest, an Austin, Texas, real estate investment trust, said that Chemical Bank, the lead bank under its domestic bank agreement, told it that if $3.3 million owed to the bank group isn't paid by today, the group will call the $120 million that HealthVest has outstanding under the credit line. +21750003 The bank group also said that it won't make additional advances under the $150 million credit line. +21750004 HealthVest missed a payment to the group that was due in late September. +21750005 In addition, HealthVest said Bank of Tokyo Trust Co. also has notified it of a default and said it might take action to cure the default. +21750006 HealthVest missed an interest payment to Bank of Tokyo on Oct. 1. +21750007 However, HealthVest said the Tokyo bank indicated that it won't accelerate HealthVest's $50 million loan. +21750008 HealthVest is in a severe liquidity bind because its affiliate, Healthcare International Inc., has failed to make about $10.6 million in principal and interest payments owed since August. +21750009 Healthcare operates many of the health-care properties that HealthVest owns. +21751001 EMPIRE PENCIL, later called Empire-Berol, developed the plastic pencil in 1973. +21751002 Yesterday's Centennial Journal misstated the company's name. +21752001 Storage Technology Corp. had net income of $8.3 million, or 32 cents a share, for its fiscal-third quarter ended Sept. 29, almost 15 times the $557,000, or two cents a share, it posted for the year-ago period. +21752002 Storage, Louisville, Colo., which makes data-storage devices for mainframe computers, said the huge increase in net reflects "strong sales" of its tape products, particularly the 4400 Automated Cartridge System, which holds a library of tape cartridges. +21752003 The company said it recently sold its 750th cartridge system, which cost $400,000 to $500,000 each. +21752004 Quarter revenue was $232.6 million, up 12% from $206 million last year. +21752005 The stock market reacted strongly to the news. +21752006 Storage rose $1.125 a share, to close at $14, in New York Stock Exchange composite trading. +21752007 For the nine months, Storage had net of $25.5 million, or 98 cents a share, including an $11.3 million extraordinary gain for the anticipated proceeds from liquidating an Irish unit. +21752008 Net was up 69% from $15.1 million, or 57 cents a share, last year. +21752009 Revenue for the latest period was up 11% to $682.7 million, from $614.6 million. +21753001 A Canadian government agency conditionally approved proposed exports to the U.S. of natural gas from big, untapped fields in the Mackenzie River delta area of the western Canadian Arctic. +21753002 Three companies, Esso Resources Canada Ltd., Shell Canada Ltd. and Gulf Canada Resources Ltd., applied to the Canadian National Energy Board to export 9.2 trillion cubic feet of Mackenzie delta natural gas over 20 years starting in 1996. +21753003 To be economically feasible, the 11 billion Canadian dollar (US$9.37 billion) project requires almost a doubling of natural gas export prices. +21753004 It also faces numerous other hurdles including an agreement on a pipeline route for the gas. +21753005 The board said the export licenses would be issued on the condition that Canadian interests would also be allowed to bid for the Mackenzie delta gas on terms similar to those offered to U.S. customers. +21753006 U.S. buyers have already been lined up. +21753007 They include Enron Corp., Texas Eastern Corp., Pacific Interstate Transmission Co. and Tennessee Gas Pipeline Co. +21753008 The project could result in the U.S. taking more than 10% of its natural gas supplies from Canada, up from about 5% currently. +21753009 It would bring 13 gas fields into production at a combined rate of about 1.2 billion cubic feet a day. +21753010 The board estimated that the cost of building a pipeline from the Mackenzie delta to Alberta would be about C$5.9 million. +21753011 It also said projections of surging U.S. demand for natural gas and price forecasts of C$5.25 per thousand cubic feet by 2005 would make the project economically viable. +21753012 Esso, a unit of Imperial Oil Ltd. which is 71%-owned by Exxon Corp., will be allowed to export 5.1 trillion cubic feet to the U.S. in the 20-year period. +21753013 Shell, a subsidiary of Royal Dutch/Shell Group, will be allowed to export 0.9 trillion cubic feet, and Gulf, a unit of Olympia & York Developments Ltd. will be allowed to export 3.2 trillion cubic feet. +21754001 Combustion Engineering Inc., Stamford, Conn., said it sold and agreed to sell several investments and nonstrategic businesses for about $100 million, which will be used for reducing debt and general purposes. +21754002 The transactions are unrelated. +21754003 The company agreed to sell its minority investments in makers of steam-generating and related equipment, Stein Industrie and Energie & Verfahrenstechnik, to the major shareholder in the companies, Dutch-based GEC Alsthom N.V. +21754004 Combustion Engineering, which provides engineered products, systems and services for power generation, also sold Illinois Minerals Co., based in Cairo, Ill. +21754005 That unit of its Georgia Kaolin Co. subsidiary was sold to a unit of Unimin Corp. +21754006 Assets of Construction Equipment International, Houston, were sold to Essex Crane Inc., and the assets of Elgin Electronics, Erie, Pa., were sold to closely held Charter Technologies Inc. +21755001 Where do Americans put their money? +21755002 It depends on when you look. +21755003 In 1900, for instance, less than 8% of assets went into bank deposits. +21755004 That rose to nearly 18% during the Depression, and hasn't changed much since. +21755005 Pension reserves, on the other hand, made up a relatively small part of household assets until the last decade, when they skyrocketed. +21755006 And there has been a drastic decline in the importance of unincorporated business assets -- thanks to industry consolidation and a decline in family farms. +21755007 That's some of what emerges from the following charts, which show how Americans have changed their investment patterns over the past 90 years. +21755008 Some results are self-explanatory. +21755009 But other figures are surprising. +21755010 Housing, for instance, has remained a fairly steady component of household assets over the past decade -- although common wisdom would have expected an increase. +21755011 "There is a lot of attention paid to housing as a form of household wealth," says Edward N. Wolff, professor of economics at New York University. +21755012 "But it hasn't increased much relative to other assets. +21755013 It suggests that households accumulate wealth across a broad spectrum of assets. +21755014 And housing though it appears in the popular mind as being the major {growing} household asset, isn't." +21755015 In addition, investors' desire to hold stocks -- directly and through mutual funds -- has held surprisingly steady; stocks' importance among assets largely reflects the ups and downs of the stock market, and not a shift in stock-holding preferences. +21755016 "Stocks have not spread to the general public, despite the fact that the environment is much different," concludes Robert Avery, an economist at Cornell University. +21755017 "To me it says that despite all the views that we spend too much of our wealth on paper assets, we have ways of holding wealth similar to 100 years ago." +21755018 -- The charts show how househld assets have been distributed over time. +21755019 The main components of the various asseet categories: Housing: Primary home, but not the land it's on. +21755020 Land and Other Real Estate: Land on which primary home is built, investment property. +21755021 Consumer Durables: Automobiles, appliances, furniture. +21755022 Bank Deposits: Currency, checking-account deposits, small savings and time deposits, certificates of deposits, money-market fund shares. +21755023 Bonds: Excludes bond funds. +21755024 Stocks/Mutual Funds: Stocks and mutual funds other than money-market funds. +21755025 Unincorporated Business: Partnerships and sole proprietorships, professional corporations. +21755026 Pension Reserves: Holdings by pension funds. +21756001 McCaw Cellular Communications Inc. said it sent a letter to LIN Broadcasting Corp. clarifying its revised tender offer for LIN and asking LIN to conduct "a fair auction." +21756002 The letter apparently came in response to a request for clarification by LIN earlier this week. +21756003 LIN, which has agreed with BellSouth Corp. to merge their cellular-telephone businesses, said then that it wouldn't take a position on McCaw's revised tender offer. +21756004 Earlier this month, McCaw revised its offer to $125 a share for 22 million LIN shares. +21756005 McCaw is seeking 50.3% of the cellular and broadcasting concern; the revised offer includes a feature requiring McCaw to begin an auction process in July 1994 that would buy out remaining holders at a per-share price roughly equivalent to what a third party might then have to pay for all of LIN. +21756006 The letter outlines broad powers for an independent group of directors provided for in the revised offer. +21756007 In a statement, Craig O. McCaw, chairman and chief executive officer of McCaw, said: "We trust LIN will take no further actions that favor BellSouth." +21756008 McCaw said the three independent directors provided for in the offer would be designated by the current board. +21756009 The successors would be nominated by the independent directors. +21756010 LIN would have a priority right to pursue all opportunities to acquire U.S. cellular interests in markets other than those in which McCaw holds an interest, or which are contiguous to those markets, unless LIN has an interest there or contiguous to it. +21756011 Independent directors would have veto rights to any acquisition if they unanimously decide it isn't in LIN's best interest. +21756012 Independent directors would be able to block transactions they unanimously deem would be likely to depress the private market value of LIN at the time it is to be sold in five years. +21756013 If LIN is put up for sale rather than purchased by McCaw in five years, McCaw won't submit a bid unless the independent directors request it, and the independent directors will run the bidding. +21756014 The directors would be able to sell particular assets to enable such buyers as the regional Bell operating companies to purchase the company's interests. +21757001 MCA Inc. said third-quarter net fell 6.3% to $50.8 million, or 69 cents a share, from $54.3 million, or 74 cents a share, a year earlier. +21757002 MCA said revenue rose 14% to $918.4 million from $806.7 million. +21757003 The entertainment concern said the success of several movies released during the quarter, including "Parenthood" and "Uncle Buck," contributed to record revenue for its film unit. +21757004 Both MCA's music-entertainment and book-publishing units also posted record revenue and operating profit. +21757005 The parent company's net included a loss -- which it didn't specify -- that was related to the company's 50% stake in Cineplex Odeon Corp. +21757006 Cineplex, a Toronto theater chain, had a second-quarter net loss of $38.7 million. +21757007 MCA said net also included certain reserves related to the restructuring of its LJN Toys' international operations. +21757008 These items were partly offset, MCA said, by an unspecified gain on the sale of its Miller International unit, a maker and distributor of budget-priced audio cassettes. +21757009 In New York Stock Exchange composite trading, MCA rose $1.50 to $64. +21757010 In the nine months, net rose 35% to $120.1 million, or $1.64 a share, from $89.2 million, or $1.22 a share, a year earlier. +21757011 Revenue increased 22% to $2.5 billion from $2.1 billion. +21758001 Past Due Impasse +21758002 I never pay my bills Till the very last day; I lose far less interest By proceeding that way. +21758003 But it all evens out, It's so easy to see: Not till the last moment Am I paid what's due me. +21758004 -- Arnold J. Zarett. +21758005 Rex Tremendae +21758006 The effete Tyrannosaurus Rex Had strict Cretaceous views on sex, And that is why you only see him Reproduced in the museum. +21758007 -- Laurence W. Thomas. +21759001 Helmsley Enterprises Inc. plans to close its company-owned insurance business and is seeking other brokers to take over its policies, according to individuals familiar with the New York firm. +21759002 Helmsley Enterprises is the umbrella organization for companies controlled by Harry B. Helmsley. +21759003 These include office and residential real estate giant, HelmsleySpear Inc., and Helmsley Hotels. +21759004 The insurance brokerage agency, just a fragment of Helmsley's vast empire, would be the first piece of the company to be stripped away since last summer when Mr. Helmsley's wife, Leona Helmsley, was found guilty of tax evasion. +21759005 Industry sources estimate the agency brokers property and casualty premiums worth about $25 million annually, and has revenue, based on a standard 10% commission rate, of about $2.5 million. +21759006 The insurance firm acts as a broker on policies covering buildings managed by HelmsleySpear and others. +21759007 Many of the properties are owned through limited partnerships controlled by Mr. Helmsley. +21759008 New York State law prohibits insurance brokerages from deriving more than 10% of revenue from insuring affiliated companies. +21759009 Helmsley's insurance division had slightly exceeded that percentage, sources say, but the division wasn't considered significant enough to the company to be restructured, particularly at a difficult time for the firm. +21759010 Adverse publicity from the scandal surrounding its founder's wife and related management strife have put pressure on the entire Helmsley organization. +21759011 However, individuals close to the company insist shuttering the insurance division, a sideline from the company's core property management business, isn't the beginning of a sale of assets. +21759012 Helmsley's insurance premiums are expected to be transferred to several different insurance brokerage companies. +21759013 Frank B. Hall Inc. of Briarcliff Manor, N.Y. is reportedly working out an agreement with Helmsley. +21759014 Officials there declined to comment, as did Helmsley management. +21760001 Outside the white-walled headquarters of the socalled Society of Orange Workers, all seems normal in South Africa's abnormal society. +21760002 A pickup truck driven by a white farmer rumbles past with a load of black workers bouncing in the back. +21760003 Over at Conradies, the general store, a black stock boy scurries to help an elderly white woman with her packages. +21760004 Down the street, a car pulls into the Shell station and is surrounded by black attendants. +21760005 But inside the white walls of the Orange Workers' office -- just about the largest building in town, save for the Dutch Reformed Church and the school -- South Africa's neat racial order is awry. +21760006 A dozen white office workers fold newsletters and stuff them into envelopes. +21760007 White women serve tea and coffee, and then wash the cups and saucers afterwards. +21760008 White children empty the wastepaper baskets and squeegee the windows. +21760009 There isn't a black worker in sight. +21760010 Not in the kitchen, or the storeroom or the book shop. +21760011 "If we want to have our own nation, then we must be willing to do all the work ourselves," says Hendrik Verwoerd Jr., son of the former prime minister and the leader of the Orange Workers, founded in 1980. +21760012 They do indeed want their own nation. +21760013 The pillars of apartheid may be trembling in the rest of South Africa, with Johannesburg opening its public facilities to all races, blacks storming the all-white beaches of the Cape and the government releasing seven leaders of the banned African National Congress. +21760014 But here in Morgenzon, a sleepy town amid the corn fields of the eastern Transvaal, the Orange Workers are holding the pillars steady. +21760015 The Orange Workers -- who take their name from William of Orange of the Netherlands, a hero of the Dutch-descended Afrikaners -- believe that the solution to South Africa's racial problems isn't the abolition of apartheid, it's the perfection of apartheid -- complete and total separation of the races. +21760016 Here, then, is where the Orange Workers have come to make apartheid's last stand. +21760017 Their idea is to create a city, first, and then an entire nation -- without blacks. +21760018 This may seem to be a preposterous and utterly futile effort in Africa. +21760019 And the fact that there are only 3,000 card-carrying Orange Workers may put them on the loony fringe. +21760020 But their ideal of an Afrikaner homeland, an all-white reserve to be carved out of present-day South Africa, is a mainstream desire of the right-wing, which embraces about one-third of the country's five million whites. +21760021 Afrikaner philosophers and theologians have long ruminated on the need for a white homeland. +21760022 The Orange Workers are just putting this preaching into practice. +21760023 Thus, farmer Johan Fischer, his T-shirt and jeans covered in grease, crawls around under his planter, tightening bolts and fixing dents. +21760024 On almost every other farm in South Africa, black workers do the repairs. +21760025 But not here. +21760026 Mr. Fischer plows his own fields, sows his own corn and sunflowers, and feeds his own sheep. +21760027 Over at the fiberglass factory, four white workers assemble water tanks on their own, and in their spare time they build townhouses across the road. +21760028 On Main Street, Alida Verwoerd and her daughters look after the clothes and fabric shop, then hurry home to fix lunch for the rest of the family. +21760029 Down by the stream, a group of Orange Workers puts the finishing touches on a golf course. +21760030 If whites want to play there by themselves, says consulting engineer Willem van Heerden, whites should also build it by themselves. +21760031 "If we want to survive as a people," he says, "we have to change our way of life. +21760032 The Afrikaner must end his reliance on others." +21760033 In their quest to perfect apartheid, the Orange Workers have discovered a truth that most of privileged white South Africa tries mightily to deny: The master can't become dependent on the slave and expect to remain master forever. +21760034 "If apartheid means you want cheap black labor and all the comforts that go with it, but you also want to exclude the blacks from social and political integration, then these are two contradictions that can't go on forever," says Mr. Verwoerd. +21760035 He is sitting in his living room, beneath a huge portrait of his late father, Hendrik F. Verwoerd, apartheid's architect and South African prime minister from 1958 to 1966. +21760036 Somewhere, the son sighs, things went terribly wrong with apartheid; today, whites even rely on blacks to police their separation. +21760037 "People took separate development as an opportunity to use black labor without ever getting rid of it. +21760038 But my father meant it to mean real separation," says the son. +21760039 The Orange Workers speak sincerely. +21760040 "We agree with world opinion that the status quo in South Africa is morally wrong," says Pieter Bruwer, the Orange Workers' chief scribe and pamphleteer. +21760041 "We must either integrate honestly or segregate honestly." +21760042 Morgenzon has long been a special domain of Afrikanerdom. +21760043 According to Mr. Verwoerd, the early Afrikaner pioneers were the first people to settle in the eastern Transvaal, even before the blacks. +21760044 Then, when Morgenzon was incorporated in 1908, the farmer who owned the land stipulated that only whites could reside in town; blacks could work there, but they had to leave at night. +21760045 Today, Morgenzon is a town of 800 whites and two paved roads. +21760046 Weeds push up through the cracks in the sidewalks, and many houses and storefronts are empty. +21760047 There are few factories and no mines. +21760048 It was an ideal place for the Orange Workers to start their new nation, unencumbered by the demographics that have undermined apartheid elsewhere in South Africa. +21760049 So far, about 150 Orange Workers have moved here, spending nearly $1 million buying up property over the past three years. +21760050 Still, complete and total segregation remains elusive. +21760051 Just beyond the city limits is a shantytown of 2,000 blacks who are employed throughout the area. +21760052 Despite the Orange Workers' intention to put them all out of work, they are in no hurry to leave. +21760053 A young man called July (that's when he was born), who works at the railroad station just up the street from the Orange Workers office, points at the whitewalled building and says matter-of-factly, "We're not allowed in there, that's all I know." +21760054 The 650-or-so local whites who aren't Orange Workers are more troubled. +21760055 Try as they might, they just can't conceive of life without black workers. +21760056 "Impossible, impossible," say the Conradies, an elderly couple who have run the general store for decades. +21760057 "We can't do without their help," says Mrs. Conradie. +21760058 "Oh no. +21760059 We need them and I thank God for them." +21760060 Over at the Shell station, owner Rudi van Dyk, who doubles as Morgenzon's mayor, worries that the Orange Workers have made his town the laughingstock of the nation. +21760061 "What they want us to do just isn't practical," he says, noting that he employs 16 blacks. +21760062 "I couldn't afford to hire 16 whites. +21760063 The only Afrikaners who would be willing to work for this salary wouldn't know how to handle money." +21760064 Back at the Verwoerd house, Hendrik Sr. peers down over the shoulder of Hendrik Jr. +21760065 The son believes that when the Afrikaners finally realize there is no turning back the integration of South African society and politics, Morgenzon will boom. +21760066 "We urge our people not to wait until they have to fight for their own nation," says Mr. Verwoerd. +21760067 "By populating a place now, we make ourselves a power any new government will have to take into account." +21760068 Curiously, he compares the Orange Workers to the ANC, which his father outlawed in 1960. +21760069 "The ANC won't be stopped until there is a provision for black aspirations," says Mr. Verwoerd. +21760070 "Likewise, no government will stop this idea of the Afrikaners." +21760071 He apologizes for sounding pushy. +21760072 "Look," he says, "If the rest of South Africa wants to have an integrated melting pot, that's their choice. +21760073 We'll leave them alone. +21760074 We just want to have our own cup of tea." +21760075 And they will even serve it themselves. +21761001 Okay, now you can pick up that phone. +21761002 But don't do anything rash. +21761003 After last Friday's stock-market plunge, investment professionals cautioned people to resist the urge to call their brokers and sell stocks. +21761004 Not selling into a panic turned out to be very good advice: Despite the market's volatility, the Dow Jones Industrial Average has surged 114 points in the past four days. +21761005 Now, with a semblance of normalcy returning, some advisers say it's time for investors to take a hard, cold look at the stocks they own and consider some careful pruning. +21761006 "The market is sending nervous signals," says Peter J. Canelo, chief market strategist for Bear, Stearns & Co., and it's "unwise" to be overcommitted to stocks. +21761007 Alan Weston, president of Weston Capital Management, a Los Angeles money-management firm, adds that in periods of uncertainty like today, "it's a good time to cut out the dead branches of your portfolio." +21761008 Not everybody agrees that it's time to trim. +21761009 "We aren't inclined to prune stock portfolios now," says Steven G. Einhorn, chairman of the investment policy committee of Goldman, Sachs & Co. +21761010 "Investors should stay with their stocks. +21761011 We expect a choppy and sloppy market for a short period, but we don't think it will be ugly. +21761012 The downside is limited." +21761013 And even those who say some selective selling may be in order stress that individuals need to be in the stock market to achieve their long-term investment objectives and to help balance their other assets. +21761014 Any selling, they say, should be well thought-out, and executed gradually, during market rallies. +21761015 They offer these suggestions: +21761016 GET RID OF THE DOGS. +21761017 "Sell stocks that aren't doing well now, and that don't have good earnings prospects," says Alfred Goldman, technical analyst at St. Louis-based A.G. Edwards & Sons. +21761018 "Most people do just the opposite: They sell their winners and keep their losers." +21761019 Which types of stocks are most likely to qualify? +21761020 Technology stocks, says Mr. Goldman. +21761021 WATCH FOR EARNINGS DISAPPOINTMENTS. +21761022 A company doesn't have to post a loss to be a candidate for sale, says Charles I. Clough Jr., chief market strategist at Merrill Lynch & Co. +21761023 If earnings don't live up to analysts' expectations, he says, that's enough to dump the stock. +21761024 John Markese, director of research for the American Association of Individual Investors, raises a cautionary note. +21761025 "Substituting a rule of thumb for your own judgment" can be a mistake, he says. +21761026 An earnings disappointment may reflect a situation that's short-term. +21761027 But Mr. Clough says, "The risk is that earnings disappointments will continue." +21761028 The economy is decelerating after six good years, and "right now it's better to shoot first and ask questions later." +21761029 Which types of stocks currently have the greatest earnings risks? +21761030 Computer companies; commodity cyclical stocks, like autos; and retailing stocks, he says. +21761031 BEWARE OF HEAVY DEBT. +21761032 The companies apt to run into earnings problems soonest are the ones with heavy debt loads, says Larry Biehl, partner in the San Mateo, Calif., money-management firm of Bailard, Biehl & Kaiser. +21761033 Mr. Canelo of Bear Stearns agrees: "If we do have an economic slowdown," he says, "companies with high debt ratios will be dumped en masse." +21761034 The best course for individual investors is to sell these stocks now, the two advisers say. +21761035 SELL `WHISPER' STOCKS. +21761036 UAL Corp.'s difficulty in obtaining bank financing for its leveraged buy-out and its resulting price plunge is a tip-off to what's going to happen to "takeover stocks," says Mr. Canelo. +21761037 Takeover activity will slow down as more and more banks tighten their lending requirements, he says. +21761038 "There'll be fewer and fewer deals." +21761039 Moreover, many financial advisers say individuals should be in the stock market as long-term investors, not as traders trying to catch the next hot stock. +21761040 In general, they say, avoid takeover stocks. +21761041 COMPARE P/E RATIOS WITH PROSPECTS. +21761042 Mr. Canelo suggests that investors compare price/earnings ratios (the price of a share of stock divided by a company's per-share earnings for a 12-month period) with projected growth rates. +21761043 "If you think earnings will grow at 20% a year, it's all right to pay 20 times earnings," he says. +21761044 "But don't pay 30 times earnings for a company that's expected to grow at 15% a year." +21761045 Mr. Canelo thinks the market will probably go higher, but "will be ruthless with stocks if the earnings aren't there." +21761046 Mr. Markese cautions that investors shouldn't slavishly follow any specific price/earnings sell trigger. +21761047 "If you say sell anytime a company's price/earnings ratio exceeds 15, that knocks out all your growth stocks," he says. +21761048 "You eliminate companies with substantial prospects that are moving up in price." +21761049 EXAMINE WHAT HAS CHANGED. +21761050 Tom Schlesinger, market analyst at A.G. Edwards & Sons Inc., says investors should consider selling if there has been a fundamental change in a company since they bought its stock. +21761051 Say you purchased a stock because of a new product that was in the works. +21761052 Now, because of various difficulties, the product has been scrapped. +21761053 Time to sell, says Mr. Schlesinger. +21761054 Similarly, he says, suppose you were attracted to a company because of expectations that sales would hit $200 million by 1990. +21761055 If things haven't worked out that well, and sales won't hit $200 million until 1992, it's time to consider selling, he says. +21762001 USX Corp. declined a United Steelworkers request for a reopening of its four-year labor contract that is due to expire Jan. 31, 1991. +21762002 The union on Oct. 5 requested that the contract be reopened to restore all pay and benefits that the union gave up in the 1982-83 and 1986-87 rounds of bargaining. +21762003 A United Steelworkers spokeman said Lynn Williams, the union's president, was out of town. +21762004 The union won't respond to the USX statement until Mr. Williams has studied it, the spokesman said. +21763001 Robert A. Oswald, chief financial officer and a director of this natural-gas pipeline company, was elected to the additional position of executive vice president. +21763002 In addition, Michael W. O'Donnell, executive vice president of a Columbia unit, was named assistant chief financial officer and a senior vice president of the parent company. +21763003 The appointments take effect Nov. 1. +21763004 Both men are 44 years old. +21764001 This magazine and book publisher said three men were elected directors, increasing the board to 10. +21764002 They are: James R. Eiszner, 62 years old and chairman and chief executive officer of CPC International Inc.; Robert G. Schwartz, 61, chairman, president and chief executive officer of Metropolitan Life Insurance Co., and Walter V. Shipley, 53, chairman and chief executive officer of Chemical Banking Corp. +21765001 BankAmerica Corp. reported a 34% jump in third-quarter earnings, as its rocket-like recovery from nearly ruinous losses several years ago continued to be fueled by growth in consumer loans, higher interest margins and negligible loan losses. +21765002 For the quarter, BankAmerica said it earned $254 million, or $1.16 a share, compared with $190 million, or 97 cents a share, a year earlier. +21765003 BankAmerica spokesmen said preliminary reports indicate the company wasn't materially affected by the Tuesday earthquake. +21765004 All but eight of the 850 branches, which had some structural damage, reopened yesterday for business. +21765005 Automated teller machine operations also were up and operating yesterday, a bank spokesman said. +21765006 For the first time in nearly two years, BankAmerica results failed to improve in consecutive quarters, but the decline from the second quarter was attributable to special factors. +21765007 Third-quarter profit was 16% below the $304 million, or $1.50 a share, earned in the 1989 second quarter. +21765008 The company cited higher tax credits in the second quarter, totaling $63 million, compared with $28 million in the third quarter. +21765009 Excluding tax credits, profit was 6% below the second quarter. +21765010 But that drop was caused entirely by a decline in Brazilian interest paid, to $5 million from $54 million the second quarter. +21765011 Moreover, BankAmerica continued to build its reserve against troubled foreign loans by boosting its loan-loss provision to $170 million, about the same as the previous quarter but well above the $100 million in the year-earlier quarter. +21765012 The provision rate was far above BankAmerica's actual net credit losses of $24 million in the third quarter, compared with $18 million in the second period and $38 million a year earlier. +21765013 As a result, BankAmerica said its reserve against troubled foreign-country loans, once below 25%, now amounts to 45% of the $6.4 billion of non-trade debt it calculates it is owed by those nations. +21765014 That level is about the same as some other big banks, but far below the 85% and 100% reserves of Bankers Trust New York Corp. and J.P. Morgan & Co., respectively. +21765015 By any measure, third-quarter earnings were still robust, equivalent to a 0.92% return on assets even excluding tax credits. +21765016 By that key measure of operating efficiency, BankAmerica turned in a better performance than its well-regarded Los Angeles-based competitor, Security Pacific Corp., which posted a 0.89% return in the third quarter. +21765017 But it continued to badly trail its San Francisco neighbor, Wells Fargo & Co., which reported an extraordinary 1.25% return on assets. +21765018 Both returns don't include any tax credits. +21765019 "They {BankAmerica} continue to show good performance," said Donald K. Crowley, an analyst with Keefe, Bruyette & Woods Inc., San Francisco. +21765020 In composite trading yesterday on the New York Stock Exchange, BankAmerica common stock edged up 12.5 cents to close at $32 a share. +21765021 Shareholder equity improved to 4.68% from 4.23% in the previous quarter. +21765022 The 4.52% net interest margin, or the difference between the yield on a bank's investments and the rate it pays for deposits and other borrowings, was still markedly higher than the 3.91% ratio a year earlier, and is among the best in the industry, analysts said. +21765023 The high margin partly stems from continued strong growth in high-yielding consumer loans, which jumped 31% to $17.47 billion from a year earlier, and residential mortgages, which rose 25% to $12 billion. +21765024 BankAmerica's total loans rose 8% to $71.36 billion. +21765025 For the nine months, BankAmerica profit soared 81% to $833 million, or $4.07 a share, from $461 million, or $2.40 a share. +21766001 International Business Machines Corp. will announce on Tuesday a slew of software products aimed at eliminating some of the major problems involved in computerizing manufacturing operations, industry executives said. +21766002 Many plant floors currently resemble a Tower of Babel, with computers, robots and machine tools that generally speak their own language and have trouble talking to each other. +21766003 As a result, if a problem develops on a production line, it is unlikely some supervisor sitting in front of a personal computer or workstation will know about it or be able to correct it. +21766004 So IBM will be announcing more than 50 products that will be aimed at letting even the dumbest machine tool talk to the smartest mainframe, or anything in between. +21766005 In an unusual display of openness, IBM also will be helping customers tie together operations that include lots of equipment made by IBM's competitors. +21766006 In addition, the executives said IBM will be offering programming tools designed to let anyone working on a factory floor write ad-hoc software, for instance, to do statistical analysis that would pinpoint a problem on a manufacturing line. +21766007 In Armonk, N.Y., an IBM spokeswoman confirmed that IBM executives will be announcing some computer-integrated-manufacturing plans next week but declined to elaborate. +21766008 The industry executives said that, as usual with such broad announcements from IBM, this one will be part reality and part strategy. +21766009 So it will take many quarters for IBM to roll out all the products that customers need, and it will take years for customers to integrate the products into their operations. +21766010 Also as usual, the products will appeal mostly to heavy users of IBM equipment, at least initially. +21766011 Still, consultants and industry executives said the products could help make manufacturing operations more efficient, and provide a boost to the computer-integrated-manufacturing market -- a market that Yankee Group, a research firm, has said may double to $40 billion by 1993. +21766012 "This is a step in the right direction," said Martin Piszczalski, a Yankee Group analyst. +21766013 He added, though, that "a lot of this is intentions. . . . +21766014 We'll have to wait and see" how the plan develops. +21766015 The announcements also should help IBM go on the offensive against Digital Equipment Corp. on the plant floor. +21766016 While IBM has traditionally dominated the market for computers on the business side of manufacturing operations and has done well in the market for design tools, Digital has dominated computerized manufacturing. +21766017 Hewlett-Packard Co. also has begun to gain share in the whole computer-integrated-manufacturing arena. +21766018 IBM will face an uphill climb against Digital, given Digital's reputation for being better than IBM at hooking together different manufacturers' computers. +21766019 In addition, Hewlett-Packard, while a much smaller player, has made a big commitment to the sorts of industry standards that facilitate those hookups and could give IBM some problems. +21766020 Both can be expected to go after the market aggressively: Gartner Group Inc., a research firm, estimated the Digital gets 30% of its revenue from the manufacturing market, and Hewlett-Packard gets 50%. +21766021 IBM, which Gartner Group said generates 22% of its revenue in this market, should be able to take advantage of its loyal following among buyers of equipment. +21766022 That is because many companies will standardize on certain types of equipment as the various parts of the manufacturing market merge, and IBM is the biggest player. +21766023 But much will depend on how quickly IBM can move. +21766024 The whole idea of computer-integrated manufacturing, CIM, seems to be making a comeback after losing a little luster over the past couple of years when it became apparent that it wasn't a panacea that would make U.S. plants more efficient and banish foreign competition. +21766025 Erik Keller, a Gartner Group analyst, said organizational changes may still be required to really take advantage of CIM's capabilities -- someone on the shop floor may not like having someone in an office using a personal computer to look over his shoulder, for instance, and may be able to prevent that from happening. +21766026 But he said a system such as IBM's should help significantly. +21766027 In making polyethylene sheets out of plastic chips, for instance, a chip sometimes doesn't melt, gets caught in the machinery and creates a run in the sheets. +21766028 That can be expensive, because the problem may not be noticed for a while, and the sheets are typically thrown away. +21766029 But Mr. Keller said that, if computers can be integrated into the process, they could alert an operator as soon as the problem occurred. +21766030 They could also check through the orders on file to find a customer that was willing to accept a lower grade of polyethylene. +21766031 The computer would let the machine run just until that order was filled, eliminating waste. +21766032 This sort of improved link figures to eventually become a significant weapon for some companies. +21766033 Companies might be able to tell salespeople daily, for instance, about idle equipment, so they could offer discounts on whatever that equipment produces. +21766034 Salespeople also could get a precise reading on when products could be delivered -- in much the same way that Federal Express has marketed its ability to tell exactly where a package is in the delivery system. +21767001 Ford Motor Co.'s Merkur, the company's first new car franchise in the U.S. since the Edsel was unveiled in 1957, now will share Edsel's fate. +21767002 Ford said yesterday it will halt imports of the Merkur Scorpio, a $28,000 luxury sedan built by Ford of Europe in West Germany. +21767003 The cars are sold under a separate franchise with its own sign in front of Lincoln-Mercury dealers -- as opposed to new models such as Taurus or Escort, which are sold under existing Ford divisions. +21767004 The move to halt imports -- announced 29 years and 11 months to the day after Henry Ford II declared that the Edsel division and its gawky car would be scrapped -- kills the four-year-old Merkur brand in the U.S. market. +21767005 It will continue to be sold in the European market. +21767006 Merkur's death isn't nearly as costly to Ford as was the Edsel debacle, because Merkur was a relatively low-budget project with limited sales goals. +21767007 Still, Merkur's demise is a setback for Ford at a time when the company's image as the U.S. auto maker with the golden touch is showing signs of strain. +21767008 The No. 2 auto maker's new Thunderbird and Mercury Cougar models haven't met sales expectations in the year since they were introduced, and Ford's trucks are losing ground to their GM rivals. +21767009 This fall, Ford introduced only one new product: A restyled version of its hulking Lincoln Town Car luxury model. +21767010 The demise of Merkur (pronounced mare-COOR) comes after a September in which 670 Merkur dealers managed to sell only 93 Scorpios. +21767011 Total Merkur sales for the first nine months dropped 46% from a year ago to just 6,320 cars. +21767012 Merkur isn't the only European luxury brand having problems in the U.S. +21767013 The Japanese assault on the luxury market is rapidly overshadowing such European makes as Audi and Saab, which at least have clear brand images. +21767014 Merkur, as an import on domestic car lots, suffered from the same sort of image confusion that is hobbling sales of imports at General Motors Corp. and Chrysler Corp. +21767015 Merkur was originally aimed at enticing into Lincoln-Mercury dealerships the kind of young, affluent buyers who wouldn't be caught dead in a Town Car -- a vehicle so bargelike that Ford is staging a press event next month linking the Town Car's launch to the commissioning of a new aircraft carrier in Norfolk, Va. +21767016 But the brand had trouble from the start. +21767017 The first Merkur, the XR4Ti, went on sale in early 1985. +21767018 The sporty coupe foundered in part because American buyers didn't go for the car's unusual double-wing rear spoiler. +21767019 In May 1987, Ford began importing the Scorpio sedan from West Germany to sell next to a redesigned XR4Ti in showrooms. +21767020 Ford officials said they expected the two Merkurs would sell about 15,000 cars a year, and in 1988 they reached that goal, as sales hit 15,261 cars. +21767021 It was downhill from there, however. +21767022 One major factor was the decline of the dollar against the mark, which began less than a year after Merkur's 1985 launch. +21767023 As the West German currency rose, so did Merkur prices. +21767024 The Merkur cars also suffered from spotty quality, some dealers say. +21767025 "It was like a comedy of errors," says Martin J. "Hoot" McInerney, a big dealer whose Star Lincoln-Mercury-Merkur operation in Southfield, Mich., sold more XR4Ti's than any other dealership. +21767026 But by the third quarter of 1988, Scorpios had a high satisfaction rating in internal Ford studies, a spokesman said. +21767027 Apparently, however, the improvement came too late. +21767028 Last fall, Ford announced it would discontinue the XR4Ti in the U.S. at the end of the 1989 model year. +21767029 Ford said then it would keep the Scorpio. +21767030 This year, Scorpio sales plummeted, and at the current sales pace it would take Ford 242 days to sell off the current Scorpio inventory of about 4,600 cars. +21768001 Canadian Pacific Ltd. said it proposed acquiring the 44% of Soo Line Corp. it doesn't already own for $19.50 a share, or about $81.9 million, after failing to find a buyer for its majority stake earlier this year. +21768002 Soo Line said its board appointed a special committee of independent directors to study the proposal. +21768003 The troubled Minneapolis-based railroad concern said the committee has the authority to hire financial and legal advisers to assist it. +21768004 The proposed acquisition will be subject to approval by the Interstate Commerce Commission, Soo Line said. +21768005 In New York Stock Exchange composite trading yesterday, Soo Line shares jumped well above the proposed price, closing at $20.25, up $2.75. +21768006 Canadian Pacific put its 56% stake in Soo Line up for sale last year but couldn't find any takers. +21768007 Canadian Pacific, which has interests in transportation, telecommunications, forest products, energy and real estate, finally took its majority block off the market this spring. +21768008 "It turned out we couldn't sell it," a Canadian Pacific official said, adding that acquiring the remainder of Soo Line is now "the best way to rationalize operations." +21768009 Canadian Pacific is Soo Line's biggest customer and has owned a majority stake in the U.S. railroad since 1947. +21768010 Canadian Pacific and Soo Line tracks connect at two points in the West on the Canada-U.S. border and the two companies operate a very successful Chicago-Montreal rail service. +21768011 Separately, for the first nine months, Soo Line reported a loss of $398,000, or four cents a share, compared with net income of $12.5 million, or $1.32 a share, a year earlier. +21768012 Revenue fell 5.8% to $407.9 million from $433.2 million. +21768013 The company had a loss from operations of $1.7 million. +21769001 Golden Nugget Inc. reported a third-quarter net loss of $13.1 million, or 76 cents a share, based on 17.2 million common shares and dilutive equivalents outstanding. +21769002 The results compare with a year-earlier net loss of $1.5 million, or seven cents a share, based on 20.3 million common and dilutive equivalents outstanding. +21769003 Operating revenue rose 25% to $52.1 million from $41.8 million a year ago. +21769004 Results for the latest quarter include nonoperating items of $23.9 million, versus $8.4 million a year earlier. +21769005 Most of the expenses stem from the company's huge Mirage resort-casino scheduled to open next month along the Strip, and an April 1989 financing by units operating the downtown Golden Nugget property. +21769006 For the nine months, Golden Nugget reported a net loss of $11.4 million, or 69 cents a share, based on 16.6 million common and dilutive equivalents outstanding. +21769007 The year earlier, the company had a net loss of $4.3 million, or 20 cents a share, based on 21 million common shares and dilutive equivalents outstanding. +21769008 The 1988 results include a $10.7 million charge stemming from a litigation judgment. +21769009 Separately, the casino operator said its board approved a plan to buy-back as many as three million common shares from time to time, either in the open market or through private transactions. +21769010 An additional 299,000 shares are authorized for repurchase under an earlier stock buy-back program. +21769011 John Uphoff, an analyst with Raymond James & Associates, said the results weren't surprising, and attributed the buy-back to management's confidence in the Mirage's ability to generate strong cash flow in 1990. +21769012 Yesterday, in New York Stock Exchange composite trading, Golden Nugget common closed at $28.25, up $2. +21770001 Capital Holding Corp. said it requested and received the resignation of John A. Franco, its vice chairman, as an officer and a director of the life insurance holding company. +21770002 The company said Mr. Franco developed a plan to establish a business that might be competitive with Capital Holding Corp.'s Accumulation and Investment Group, which Mr. Franco headed. +21770003 The group temporarily will report to Irving W. Bailey II, chairman, president and chief executive officer of Capital Holding. +21770004 Mr. Franco, 47 years old, said in a telephone interview that he has been considering and discussing a number of possible business ventures, but that "nothing is at a mature stage." +21770005 He said he "didn't argue with" the company's decision to seek his resignation because contemplating outside business ventures can distract an executive from performing his best "at the job he is paid to do." +21770006 Martin H. Ruby, a managing director of Capital Holding's Accumulation and Investment Group, also resigned to pursue other business interests, Capital Holding said. +21770007 Mr. Ruby, 39, said that he had "an amicable parting" with Capital Holding and that he has "a number of ventures in the financial-services area" under consideration. +21770008 He said that his resignation was a mutual decision with Capital Holding management, but that he wasn't actually asked to resign. +21770009 The Accumulation and Investment Group is responsible for the investment operations of all Capital Holding's insurance businesses and markets guaranteed investment contracts to bank trust departments and other institutions. +21770010 It also sells single-premium annuities to individuals. +21770011 Mr. Bailey said he expects to name a new group president to head that operation following the Nov. 8 board meeting. +21771001 @ +21771002 Money Market Deposits-a 6.23% +21771003 a-Average rate paid yesterday by 100 large banks and thrifts in the 10 largest metropolitan areas as compiled by Bank Rate Monitor. +21771004 b-Current annual yield. +21771005 Guaranteed minimum 6%. +21772001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +21772002 PLASTIC PENCILS, CODE-NAMED E-71, made their hush-hush debut in children's pencil boxes at five-and-dime stores in 1973. +21772003 But few knew it then and most still think all pencils are wooden. +21772004 Eagle Pencil of Shelbyville, Tenn., "Pencil City U.S.A.," had made its earliest pilot plastic pencils in 1971. +21772005 But it wasn't until after it hired Arthur D. Little, a Cambridge, Mass., research concern, that its new product was refined for commercial sale in 1973. +21772006 Three A.D.L. inventors applied April 6, 1973, for the patent, which was assigned and awarded in 1976 to Hasbro Industries, then Eagle's parent. +21772007 Pencil pushers chew and put the plastic models behind their ears just like traditional pencils made of glued strips of California incense cedar filled with ceramic lead. +21772008 It takes five steps to make standard pencils, just one for the plastic type. +21772009 Automated machines coextrude long plastic sheaths with graphite-plastic cores that are printed, cut, painted and eraser-fitted. +21772010 "After more than 200 years, something new has happened to pencils," said Arthur D. Little in a 1974 report that publicly described the previously secret item. +21772011 Eagle's plastic type sharpens and looks like a wooden pencil. +21772012 A major difference is that a snapped wooden pencil will have a slivered break while a plastic model will break cleanly. +21772013 The softness of the core constrains the plastic models to No. 1, No. 2 or No. 3-type pencils, which account for the bulk of the market. +21772014 Artists and draftsmen need harder "leads." +21772015 Eagle, now called Eagle-Berol, remains a leading company among the 10 in the U.S. that produced about 2.3 billion pencils last year, according to the Pencil Makers Association. +21772016 It's a trade secret how many were plastic, and most writers still don't know what they're using. +21773001 H.F. Ahmanson & Co., the nation's largest thrift holding company, posted a 12% earnings decline for the third quarter while another large California savings and loan, Great Western Financial Corp., reported a slight earnings gain. +21773002 H.F. Ahmanson, parent of Home Savings of America, reported third-quarter net of $49.2 million, or 50 cents a share, down from $56.1 million, or 57 cents a share, in the year-earlier period. +21773003 Most of the earnings decline reflected an increase in the company's effective tax rate to 44% from 37% in the year-ago third quarter when nonrecurring tax credits were recorded, the company said. +21773004 Pretax earnings declined 1.3%. +21773005 For the nine months, Los Angeles-based H. F. Ahmanson had profit of $128.1 million, or $1.29 a share, a 4.6% decline from earnings of $134.2 million in the year-ago nine months. +21773006 The company said the decline was attributable to a 79% reduction in net gains on loan sales this year. +21773007 Third-quarter spreads widened to the highest level in two years as loan portfolio yields rose and money costs declined, the company said. +21773008 Great Western Financial said third-quarter profit rose slightly to $68.4 million, or 52 cents a share, from $67.9 million, or 53 cents a share, from a year ago. +21773009 Great Western, based in Beverly Hills, Calif., is a financial services firm and parent to Great Western Bank, an S&L. +21773010 Great Western said it had a sharp increase in margins in the recent third quarter. +21773011 Margins are the difference between the yield on the company's earning assets and its own cost of funds. +21773012 But a reduction in one-time gains on the sale of various assets and an increase in the company's provision for loan losses held down the earnings gain, the company said. +21773013 Great Western's provision for loan losses was increased to $27.9 million for the recent quarter compared with $21.8 million a year ago primarily as a result of "continued weakness in various commercial and multifamily real estate markets outside California." +21773014 For the nine months Great Western posted net of $177.5 million, or $1.37 a share, a 5.9% decline from $188.7 million, or $1.48 a share, in the year-ago period. +21774001 Dun & Bradstreet Corp. posted a 15% rise in third-quarter earnings. +21774002 But revenue declined more than 2%, reflecting in part a continuing drop in sales of credit services in the wake of controversy over the company's sales practices. +21774003 The information company also cited the stronger dollar, the sale last year of its former Official Airline Guides unit and other factors. +21774004 Net income rose to a record $155.3 million, or 83 cents a share, from $134.8 million, or 72 cents a share. +21774005 Revenue fell to $1.04 billion from $1.07 billion. +21774006 In composite trading on the New York Stock Exchange, Dun & Bradstreet closed yesterday at $53.75, down 25 cents a share. +21774007 Analysts said the results were as expected, but several added that the earnings masked underlying weaknesses in several businesses. +21774008 "The quality of earnings wasn't as high as I expected," said Eric Philo, an analyst for Goldman, Sachs & Co. +21774009 For example, he noted, operating profit was weaker than he had anticipated, but nonoperating earnings of $14.6 million and a lower tax rate helped boost net income. +21774010 Dun & Bradstreet said operating earnings rose 8%, excluding the sale of Official Airline Guides. +21774011 Third-quarter sales of U.S. credit services were "disappointingly below sales" of a year earlier, Dun & Bradstreet said. +21774012 As previously reported, those sales have been declining this year in the wake of allegations that the company engaged in unfair sales practices that encouraged customers to overpurchase services. +21774013 The company has denied the allegations but has negotiated a proposed $18 million settlement of related lawsuits. +21774014 Analysts predict the sales impact will linger. +21774015 "There isn't much question there will continue to be a ripple effect," said John Reidy, an analyst with Drexel Burnham Lambert Inc. +21774016 Dun & Bradstreet noted that price competition in its Nielsen Marketing Research, Nielsen Clearing House and Donnelley Marketing businesses also restrained revenue growth. +21774017 It cited cyclical conditions in its Moody's Investors Service Inc. and D&B Plan Services units. +21774018 For the nine months, net income rose 19% to $449 million, or $2.40 a share, from $375.9 million, or $2.01 a share, a year earlier. +21774019 Year-earlier earnings reflected costs of $14.3 million related to the acquisition of IMS International. +21774020 Revenue rose slightly to $3.16 billion from $3.13 billion. +21775001 Control Data Corp. said it licensed its airline yield-management software to the International Air Transport Association. +21775002 Terms include a royalty arrangement, but details weren't disclosed. +21775003 The computer equipment and financial services company said IATA, a trade group, will sell access to the package to its 180 airline members world-wide. +21775004 Control Data will receive revenue linked to the number of passengers served by the software, IATA said. +21775005 The package helps carriers solve pricing problems, such as how to react to discounts offered by competitors or what would be the optimum number of seats to offer at a given price. +21776001 Wheeling-Pittsburgh Steel Corp. said it decided to proceed with installation of automatic gauge and shape controls at its 60-inch tandem cold rolling mill in Allenport, Pa. +21776002 The new equipment, which will produce steel sheet with more uniform thickness and flatness, is likely to cost more than $20 million, the company said. +21776003 When the company last considered adding the equipment two years ago, it estimated the cost at $21 million to $22 million, but a task force will have to prepare a detailed plan before the company can predict the current cost. +21776004 The time schedule for installing the equipment also will be developed by the task force, the company said. +21777001 Sir Richard Butler, 60-year-old chairman of Agricola (U.K.) Ltd., was named chairman of County NatWest Investment Management Ltd., the investment management subsidiary of County NatWest Ltd., the investment banking arm of this British bank. +21777002 Sir Richard succeeds John Plastow, who resigned in July. +21777003 Sir Richard is also a non-executive director at National Westminister Bank and NatWest Investment Bank Ltd. +21778001 In the long, frightening night after Tuesday's devastating earthquake, Bay Area residents searched for comfort and solace wherever they could. +21778002 Some found it on the screen of a personal computer. +21778003 Hundreds of Californians made their way to their computers after the quake, and checked in with each other on electronic bulletin boards, which link computers CB-radio-style, via phone lines. +21778004 Some of the most vivid bulletins came over The Well, a Sausalito, Calif., board that is one of the liveliest outposts of the electronic underground. +21778005 About two-thirds of the Well's 3,000 subscribers live in the Bay Area. +21778006 The quake knocked The Well out for six hours, but when it came back up, it teemed with emotional first-hand reports. +21778007 Following are excerpts from the electronic traffic that night. +21778008 The time is Pacific Daylight Time, and the initials or nicknames are those subscribers use to identify themselves. +21778009 11:54 p.m. +21778010 JCKC: +21778011 Wow! +21778012 I was in the avenues, on the third floor of an old building, and except for my heart (Beat, BEAT!) I'm OK. +21778013 Got back to Bolinas, and everything had fallen: broken poster frames with glass on the floor, file cabinets open or dumped onto the floor. +21778014 11:59 p.m. +21778015 JKD: +21778016 I was in my favorite watering hole, waiting for the game to start. +21778017 I felt the temblor begin and glanced at the table next to mine, smiled that guilty smile and we both mouthed the words, "Earth-quake!" together. +21778018 That's usually how long it takes for the temblors to pass. +21778019 This time, it just got stronger and then the building started shaking violently up and down as though it were a child's toy block that was being tossed. +21778020 12:06 a.m. +21778021 HRH: +21778022 I was in the Berkeley Main library when it hit. +21778023 Endless seconds wondering if those huge windows would buckle and shower us with glass. +21778024 Only a few books fell in the reading room. +21778025 Then the auto paint shop fire sent an evil-looking cloud of black smoke into the air. +21778026 12:07 a.m. +21778027 ONEZIE: +21778028 My younger daughter and I are fine. +21778029 This building shook like hell and it kept getting stronger. +21778030 Except for the gas tank at Hustead's Towing Service exploding and burning in downtown Berkeley, things here are quite peaceful. +21778031 A lot of car alarms went off. +21778032 The cats are fine, although nervous. +21778033 12:15 a.m. +21778034 DHAWK: +21778035 Huge fire from broken gas main in the Marina in SF. +21778036 Areas that are made of `fill' liquefy. +21778037 A woman in a three-story apartment was able to walk out the window of the third floor onto street level after the quake. +21778038 The house just settled right down into the ground. +21778039 12:38 a.m. +21778040 DAYAC: +21778041 I was driving my truck, stopped at a red light at the corner of Shattuck and Alcatraz at the Oakland-Berkeley border when it hit. +21778042 Worst part was watching power lines waving above my head and no way to drive away. +21778043 12:48 a.m. +21778044 LMEYER: +21778045 Was 300 ft. out on a pier in San Rafael. +21778046 It flopped all around, real dramatic! +21778047 Many hairline cracks in the concrete slabs afterwards. +21778048 Ruined the damn fishing! +21778049 1:00 a.m. +21778050 HEYNOW: +21778051 I rode it out on the second floor of Leo's at 55th and Telegraph in Oakland. +21778052 I heard parts of the building above my head cracking. +21778053 I actually thought that I might die. +21778054 I couldn't decide if I should come home to Marin, because my house is on stilts. +21778055 I decided to brave the storm. +21778056 There was a horrible smell of gas as I passed the Chevron refinery before crossing the Richmond-San Rafael Bridge. +21778057 I could also see the clouds across the bay from the horrible fire in the Marina District of San Francisco. +21778058 I have felt many aftershocks. +21778059 My back is still in knots and my hands are still shaking. +21778060 I think a few of the aftershocks might just be my body shaking. +21778061 1:11 a.m. +21778062 GR8FLRED: +21778063 I could see the flames from San Francisco from my house across the bay. +21778064 It's hard to believe this really is happening. +21778065 1:11 a.m. +21778066 RD: +21778067 Building on the corner severely damaged, so an old lady and her very old mother are in the guest room. +21778068 Books and software everywhere. +21778069 This being typed in a standing position. +21778070 1:20 a.m. +21778071 DGAULT: +21778072 Bolinas -- astride the San Andreas Fault. +21778073 Didn't feel a thing, but noticed some strange bird behavior. +21778074 Duck swarms. +21778075 3:25 a.m. +21778076 SAMURAI: +21778077 I just felt another aftershock a few seconds ago. +21778078 I'm just numb. +21778079 3:25 a.m. +21778080 MACPOST: +21778081 Downtown Bolinas seems to be the part of town that's worst off. +21778082 No power, minimal phones, and a mess of mayonnaise, wine, and everything else all over the floors of the big old general store and the People's Co-op. +21778083 The quivers move through my house every few minutes at unpredictable intervals, and the mouse that's been living in my kitchen has taken refuge under my desk. +21778084 It runs out frantically now and then, and is clearly pretty distressed. +21778085 I was in Stinson Beach when the quake rolled through town. +21778086 At first, we were unfazed. +21778087 Then as things got rougher, we ran for the door and spent the next few minutes outside watching the brick sidewalk under our feet oozing up and down, and the flowers waving in an eerie rhythm. +21778088 Amazing what it does to one's heart rate and one's short-term memory. +21778089 Everyone looked calm, but there was this surreal low level of confusion as the aftershocks continued. +21778090 4:02 a.m. +21778091 SHIBUMI: +21778092 Power is back on, and UCSF {medical center} seems to have quieted down for the night (they were doing triage out in the parking lot from the sound and lights of it). +21778093 A friend of mine was in an underground computer center in downtown SF when the quake hit. +21778094 He said that one of the computers took a three-foot trip sliding across the floor. +21778095 Today should be interesting as people realize how hard life is going to be here for a while. +21778096 4:30 a.m. +21778097 KIM: +21778098 I got home, let the dogs into the house and noticed some sounds above my head, as if someone were walking on the roof, or upstairs. +21778099 Then I noticed the car was bouncing up and down as if someone were jumping on it. +21778100 I realized what was happening and screamed into the house for the dogs. +21778101 Cupboard doors were flying, the trash can in the kitchen walked a few feet, the dogs came running, and I scooted them into the dog run and stood in the doorway myself, watching the outside trash cans dance across the concrete. +21778102 When I realized it was over, I went and stood out in front of the house, waiting and praying for Merrill to come home, shivering as if it were 20 below zero until he got there. +21778103 Never in my life have I been so frightened. +21778104 When I saw the pictures of 880 and the Bay Bridge, I began to cry. +21778105 5:09 a.m. +21778106 JROE: +21778107 The Sunset {District} was more or less like a pajama party all evening, lots of people & dogs walking around, drinking beer. +21778108 6:50 a.m. +21778109 CAROLG: +21778110 I was just sitting down to meet with some new therapy clients, a couple, and the building started shaking like crazy. +21778111 It's a flimsy structure, built up on supports, and it was really rocking around. +21778112 The three of us stopped breathing for a moment, and then when it kept on coming we lunged for the doorway. +21778113 Needless to say, it was an interesting first session! +21778114 7:13 a.m. +21778115 CALLIOPE: +21778116 Albany escaped embarrassingly unscathed. +21778117 Biggest trouble was scared family who couldn't get a phone line through, and spent a really horrible hour not knowing. +21778118 8:01 a.m. +21778119 HLR: +21778120 Judy and I were in our back yard when the lawn started rolling like ocean waves. +21778121 We ran into the house to get Mame, but the next tremor threw me in the air and bounced me as I tried to get to my feet. +21778122 We are all fine here, although Mame was extremely freaked. +21778123 Kitchen full of broken crystal. +21778124 Books and tapes all over my room. +21778125 Not one thing in the house is where it is supposed to be, but the structure is fine. +21778126 While I was standing on the lawn with Mame, waiting for another tremor, I noticed that all the earthworms were emerging from the ground and slithering across the lawn! +21778127 9:31 a.m. +21778128 GR8FLRED: +21778129 It's amazing how one second can so completely change your life. +21778130 9:38 a.m. +21778131 FIG: +21778132 I guess we're all living very tentatively here, waiting for the expected but dreaded aftershock. +21778133 It's hard to accept that it's over and only took 15 seconds. +21778134 I wonder when we'll be able to relax. +21778135 9:53 a.m. +21778136 PANDA: +21778137 Flesh goes to total alert for flight or fight. +21778138 Nausea seems a commonplace symptom. +21778139 Berkeley very quiet right now. +21778140 I walked along Shattuck between Delaware and Cedar at a few minutes before eight this morning. +21778141 Next to Chez Panisse a homeless couple, bundled into a blue sleeping bag, sat up, said, "Good morning" and then the woman smiled, said, "Isn't it great just to be alive?" +21778142 I agreed. +21778143 It is. +21778144 Great. +21779001 Georgia-Pacific Corp., exceeding some analysts' expectations, said third-quarter earnings rose 56% to $178 million, or $2.03 a share, from $114 million, or $1.19 a share, in the year-earlier period. +21779002 Sales increased 10% to $2.65 billion from $2.41 billion. +21779003 Per-share earnings were enhanced by the company's share buy-back program, which reduced the average shares outstanding to 87.5 million in the quarter from 95.8 million in the same quarter of 1988. +21779004 With strong prices in the company's two major areas -- building products as well as pulp and paper -- analysts had expected a roaring quarter. +21779005 But the performance exceeded some estimates of around $1.90 a share. +21779006 Fueling the growth, among other things, were higher-than-expected prices for certain building products. +21779007 One reason: efforts to protect the spotted owl led to restrictions on logging in the Pacific Northwest, constricting supply and forcing prices up. +21779008 Another reason: strikes, both at Georgia-Pacific and other lumber companies also cut supplies and raised prices, analysts said. +21779009 For the nine months, Georgia-Pacific's earnings increased 49% to $504 million, or $5.58 a share, from $338 million, or $3.41 a share. +21779010 Sales rose 11% to $7.73 billion from $6.94 billion. +21779011 In composite New York Stock Exchange Trading, Georgia-Pacific stock rose $1.25 a share yesterday to close at $58. +21780001 The House Public Works and Transportation Committee approved a bill that would give the Transportation Department power to block airline leveraged buy-outs, despite a clear veto threat from the Bush administration. +21780002 The 23-5 vote clears the way for consideration on the House floor next week or the week after. +21780003 Transportation Secretary Samuel Skinner, in a letter to the committee, warned that he would urge President Bush to veto the legislation if it passed Congress. +21780004 The Senate Commerce Committee already has approved similar legislation. +21780005 On Monday, a letter from Mr. Skinner's deputy, Elaine Chao, said the administration opposed the legislation "in its present form." +21780006 Some of the bill's supporters had taken heart from the fact that the letter wasn't signed by Mr. Skinner and that it didn't contain a veto threat. +21780007 The stepped-up administration warnings annoyed some lawmakers, especially senior Republicans who supported the bill because they thought the Transportation Department favored it. +21780008 "We backed this bill because we thought it would help Skinner," one Republican said, "and now we're out there dangling in the wind." +21780009 A few weeks ago, Mr. Skinner testified before Congress that it would be "cleaner, more efficient" if he had authority to block buy-outs in advance. +21780010 But he never took an official position on the bill and has steadfastly maintained that he already has enough authority to deal with buy-outs. +21780011 Under the committee bill, the Transportation secretary would have 30 days, and an additional 20 days if needed, to review any proposed purchase of 15% or more of a major U.S. airline's voting stock. +21780012 The secretary would be required to block an acquisition if he concluded that it would so weaken an airline financially that it would hurt safety or reduce the carrier's ability to compete, or if it gave control to a foreign interest. +21780013 Although the legislation would apply to any acquisition of a major airline, it is aimed at transactions financed by large amounts of debt. +21780014 Supporters of the bill are concerned an airline might sacrifice costly safety measures in order to repay debt. +21780015 The panel's action occurs in a politically charged atmosphere surrounding recent buy-out proposals, their apparent collapse and the volatile conditions in the stock market. +21780016 "It became apparent in hearings that there ought to be regulation of leveraged buy-outs of some sort," Rep. James Oberstar (D., Minn.), chairman of the House Aviation Subcommittee, said during the panel's deliberations. +21780017 "I don't believe in the airline business you can be totally laissez-faire because of the high degree of public interest" at stake. +21780018 But Mr. Skinner disagreed, calling the legislation "a retreat from the policy of deregulaton of the airline industry." +21780019 In his letter to Committee Chairman Glenn Anderson (D., Calif.), the secretary also said the bill "would be at odds with the administration's policies welcoming open foreign investment and market allocation of resources." +21780020 Currently, the Transportation Department doesn't have the authority to block a takeover in advance. +21780021 However, if the secretary concludes that a transaction has made a carrier unfit to operate, the department may revoke its certificate, grounding the airline. +21780022 Such authority is more than adequate, say opponents of the legislation. +21780023 But supporters argue that grounding an airline is so drastic that the department would hesitate doing it. +21780024 The panel rejected a proposal pushed by AMR Corp., the parent of American Airlines, to allow the Transportation secretary to block corporate raiders from waging proxy fights to oust boards that oppose a leveraged buy-out. +21780025 It also voted down proposals to give the secretary much more discretion on whether to block a buy-out and to require the department to consider the impact of a buy-out on workers. +21781001 London shares rallied to post strong gains after initial fears evaporated that the California earthquake would depress Wall Street prices. +21781002 Tokyo stocks, which rebounded strongly Tuesday, extended their gains yesterday, but most other Asian and Pacific markets closed sharply lower. +21781003 In London, the Financial Times-Stock Exchange 100-share index jumped 34.6 points to close at its intraday high of 2170.1. +21781004 The index was under pressure for most of the morning over concerns that the effects of Tuesday night's major earthquake in the San Francisco area would undermine the U.S. market. +21781005 The mood changed after dealers reappraised the direct impact of the disaster on shares and Wall Street rebounded from early losses. +21781006 The Financial Times 30-share index settled 27.8 points higher at 1758.5. +21781007 Volume was 449.3 million shares, the slowest of a hectic week, compared with 643.4 million Tuesday. +21781008 U.K. composite, or non-life, insurers, which some equity analysts said might be heavily hit by the earthquake disaster, helped support the London market by showing only narrow losses in early trading. +21781009 The insurers' relative resilience gave the market time to reappraise the impact of the California disaster on U.K. equities, dealers said. +21781010 Dealers said the market still hasn't shaken off its nervousness after its bumpy ride of the past several sessions, caused by interest-rate increases last week and Wall Street's 6.9% plunge Friday. +21781011 But technical factors, including modest gains in the value of the pound, helped draw buying back into the market and reverse losses posted a day earlier. +21781012 Among composite insurers, General Accident rose 10 pence to #10.03 ($15.80) a share, Guardian Royal climbed 5 to 217 pence, Sun Alliance rose 3 to 290, and Royal Insurance jumped 12 to 450. +21781013 Life insurers fared similarly, with Legal & General advancing 3 to 344, although Prudential fell 2 to 184 1/2. +21781014 Pearl Group rose 5 to 628, and Sun Life finished unchanged at #10.98. +21781015 Most banking issues retreated after a sector downgrade by Warburg Securities, although National Westminister showed strength on positive comments from brokerage firms about its long-term prospects. +21781016 NatWest, the most actively traded of the banks, finished at 300, up 1. +21781017 B.A.T Industries fell in early dealings but recovered to finish at 754, up 5. +21781018 Dealers said the market was nervous ahead of a special B.A.T holders' meeting today. +21781019 The session is to consider a defensive plan to spin off assets to fend off Sir James Goldsmith's #13.4 billion bid for B.A.T. +21781020 The recent stock market drop has shaken confidence in the plan, but dealers said the shares fell initially on questions about whether Mr. Goldsmith's highly leveraged bid will come to fruition. +21781021 Trading was suspended in WCRS Group, a U.K. advertising concern, pending an announcement that it is buying the remaining 50% of France's Carat Holding for 2.02 billion French francs ($318.7 million) and expanding commercial and equity ties with advertising group Eurocom. +21781022 Merchant banker Morgan Grenfell climbed 14 to 406 on renewed takeover speculation. +21781023 S.G. Warburg, also mentioned in the rumor mill, jumped 14 at to 414. +21781024 Jaguar advanced 19 to 673 as traders contemplated a potential battle between General Motors and Ford Motor for control of the U.K. luxury auto maker. +21781025 Tokyo's Nikkei index of 225 issues rose 111.48 points, or 0.32%, to 35107.56. +21781026 The index gained 527.39 Tuesday. +21781027 Volume was estimated at 800 million shares, compared with 678 million Tuesday. +21781028 Declining issues outnumbered advancers 505-455, with 172 unchanged. +21781029 The Tokyo Stock Price Index of all issues listed in the first section, which gained 41.76 Tuesday, was up 0.24 points, or 0.01%, at 2642.88. +21781030 In early trading in Tokyo Thursday, the Nikkei index rose 135.09 points to 35242.65. +21781031 On Wednesday, shares were pushed up by index-related buying on the part of investment trusts as well as small orders from individuals and corporations, traders said. +21781032 Institutions, meanwhile, stepped back to the sidelines as the direction of U.S. interest rates remained unclear. +21781033 The uncertainty was multiplied by the persistent strength of the dollar, traders said, and by the U.S. trade deficit, which widened by 31% in August from the previous month. +21781034 Traders and analysts said they didn't see any effect on Tokyo stocks from the California earthquake. +21781035 The impact on Japanese insurers and property owners with interests in the San Francisco area is still being assessed, they said. +21781036 Buying was scattered across a wide range of issues, making the session fairly characterless, traders said. +21781037 With uncertainty still hanging over interest rates and the dollar, the market failed to find a focus that might lead to further investor commitments, they said. +21781038 Some traders said the popularity of issues that gained yesterday won't last long, as investors will rotate their buying choices over the short term. +21781039 Interest rate-sensitive shares such as steel, construction and electric utility companies, which rose early in the week, saw their advance weaken yesterday. +21781040 Traders said these issues need large-volume buying to push up their prices, so substantial gains aren't likely unless institutional investors participate. +21781041 An outstanding issue in yesterday's session was Mitsubishi Rayon, which surged 95 to 905 yen ($6.34) a share. +21781042 Its popularity was due to speculation about the strong earnings potential of a new type of plastic wrap for household use, a trader at County Natwest Securities Japan said. +21781043 Some laggard food issues attracted bargain-hunters, traders said. +21781044 Kirin Brewery was up 100 at 2,000, and Ajinomoto gained 70 to 2,840. +21781045 Pharmaceuticals were mostly higher, with SS Pharmaceutical gaining 140 to 1,980. +21781046 Shares closed lower in other major Asian and Pacific markets, including Sydney, Hong Kong, Singapore, Taipei, Wellington, Seoul and Manila. +21781047 Most of those markets had rebounded the day before from Monday's slide. +21781048 But unlike the Tokyo exchange, they failed to extend the rise to a second session. +21781049 Elsewhere, prices surged for a second day in Frankfurt, closed higher in Zurich, Stockholm and Amsterdam and were broadly lower in Milan, Paris and Brussels. +21781050 South African gold stocks ended marginally firmer. +21781051 In Brussels, it was the first trading day for most major shares since stocks tumbled on Wall Street Friday. +21781052 Trading had been impeded by a major computer failure that took place before the start of Monday's session. +21781053 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21781054 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21781055 The percentage change is since year-end. +21782001 Housing construction sank in September to its lowest level since the last recession, the Commerce Department reported. +21782002 Work began on homes and apartments at an annual rate of 1,263,000 units last month, down 5.2% from August, the department said. +21782003 The September decline followed an even steeper drop of 6.2% in August and left housing starts at their weakest since October 1982, when the country was nearing the end of a recession. +21782004 Originally the department had reported the August decline as 5%. +21782005 The numbers suggest that the housing industry is still suffering the effects of the Federal Reserve's battle against inflation. +21782006 The industry had shown signs of recovery this summer, after the central bank began to relax its clamp on credit, allowing interest rates to drop a bit after pushing them up for a year. +21782007 Sales of new homes rose and inventories of houses, which had been climbing, dropped. +21782008 But last month new construction in all types of homes waned, from single-family houses to large apartment complexes. +21782009 "It's pretty much weak across the board," said Martin Regalia, chief economist of the National Council of Savings Institutions. +21782010 Mr. Regalia said the industry may be reluctant to step up building at the moment for fear the inventories of unsold homes will increase again. +21782011 Another reason for the weakness, he said, may be that mortgage rates have hit a plateau since they began edging down after a peak in March. +21782012 In August, rates on 30-year fixed-rate mortgages started creeping up a bit, but they inched down again through September. +21782013 "Rates haven't really peeled off that much," Mr. Regalia said. +21782014 "We've kind of settled now into an interest-rate environment that's fairly high." +21782015 Work was begun on single family homes -- the core of the housing market -- at an annual rate of 971,000 in September, a drop of 2.1% from the previous month. +21782016 That followed a 3.3% decline in August. +21782017 Construction of apartments and other multi-family dwellings slipped 2.2% to an annual rate of 1,022,000 following a 3.5% decline in August. +21782018 The number of building permits issued for future construction dropped 2.4% to a 1,296,000 annual rate after rising 3.7% in August. +21782019 All the numbers were adjusted for normal seasonal variations in building activity. +21782020 The housing starts numbers, however, are one of the least precise of the government's economic indicators and are often revised significantly as more information is collected. +21783001 Shearson Lehman Hutton Holdings Inc. posted a sharp third-quarter turnaround from a year earlier, but net income would have dropped from the second quarter without a $37 million after-tax gain. +21783002 The securities firm posted third-quarter net of $66 million, or 64 cents a share, compared with a restated year-earlier loss of $3 million, or 11 cents a share. +21783003 Revenue climbed 25% to $3.3 billion from $2.6 billion. +21783004 The latest period included the gain, which was $77 million before tax, from the previously announced sale of the institutional money management business of Lehman Management Co. +21783005 The 1988 period was restated from net income of $8 million to correct an overstatement in the company's Boston Co. subsidiary. +21783006 In the 1989 second quarter, Shearson had net income of $55 million, or 54 cents a share. +21783007 An average 102.5 million common shares were outstanding in the latest quarter, up from 87.1 million. +21783008 In New York Stock Exchange composite trading yesterday, Shearson shares lost 37.5 cents to $18.125. +21783009 The company said the improved performance from a year ago reflects higher commissions and revenue from marketmaking and trading for its own account. +21783010 Commission revenue was $522 million, up 49%. +21783011 But industrywide trading activity slowed in September as institutional investors turned cautious and individuals continued to shy away from the market. +21783012 Investment banking revenue fell 32% to $205 million, in part reflecting the continued slowdown of the underwriting business. +21783013 In the nine months, net fell 3% to $106 million, or 98 cents a share, from $110 million, or $1.05 a share. +21783014 Revenue advanced 26% to $9.6 billion from $7.6 billion. +21784001 Two major drug companies posted strong third-quarter earnings, in line with profits already reported by industry leaders and analysts' expectations. +21784002 But Pfizer Inc., based in New York, reported flat earnings. +21784003 Schering-Plough Corp., based in Madison, N.J., reported a 21% rise in earnings as American Home Products Corp. of New York posted an 11% increase in net. +21784004 American Home Products +21784005 American Home Products said sales and earnings for the third quarter and nine months were at record levels. +21784006 Sales for the third quarter increased 6.5% to $1.51 billion from $1.42 billion. +21784007 Sales of health-care products increased 6% in the third quarter, based in part on strong sales of prescription drugs such as Premarin, an estrogen-replacement drug, and sales of the company's infant formula. +21784008 American Home Products said net income benefited from a "lower effective tax rate," reflecting a reduction of foreign tax rates, and additional operations in Puerto Rico. +21784009 Net also was aided by a gain on the sale of the company's equity interests in South Africa effective Sept. 1. +21784010 In New York Stock Exchange composite trading yesterday, American Home Products closed at $102.25 a share, down 75 cents. +21784011 Pfizer +21784012 Pfizer said third-quarter sales increased 4% to $1.44 billion from $1.38 billion. +21784013 The company said net income was flat because of investment in research and development and costs related to launches of several products. +21784014 The company said the dollar's continued strengthening reduced world-wide sales growth by three percentage points. +21784015 Pfizer posted its largest gains in healthcare sales, up 3%, and consumer products, up 23%. +21784016 Sales by the specialty chemicals and materials science segments were flat, and sales by the agriculture segment declined 5%. +21784017 In the health-care segment, pharmaceutical sales increased 4% and sales of hospital products increased 1%. +21784018 During the quarter, Pfizer received federal approval of Procardia XL, a calcium channel blocker approved for both angina and hypertension, and Monorail Piccolino, used to open obstructed coronary arteries. +21784019 In New York Stock Exchange composite trading yesterday, Pfizer closed at $67.75 a share, up 75 cents. +21784020 Schering-Plough +21784021 Schering-Plough said sales gained 2.7% to $743.7 million from $724.4 million. +21784022 In the period, the company completed the sale of its European cosmetics businesses, sold a majority interest in its Brazilian affiliate, and announced the reorganization of its over-the-counter drug businesses into a new unit, Schering-Plough Health Care Products. +21784023 These actions didn't affect results because the gain on the sale of the European cosmetics businesses was offset by provisions relating to the Brazil divestiture and drug restructuring. +21784024 U.S. pharmaceutical sales rose 15%, led by allergy, asthma and cold products; dermatological products; anti-infectives and anti-cancer products; and cardiovascular products. +21784025 World-wide consumer product sales declined 12%, primarily because of the European cosmetics sale. +21784026 Significantly lower sales of `Stay Trim' diet aids also were a factor in the drop. +21784027 The Maybelline beauty product line had higher sales following a sluggish first half. +21784028 In Big Board composite trading, Schering-Plough shares fell 75 cents to close at $74.125. +21785001 Swedish auto and aerospace concern Saab-Scania AB said it received a 250 million krona ($39 million) order from Swiss Crossair, one of Europe's leading regional air companies, for five Saab 340B turboprop commuter aircraft. +21786001 It is quite unfortunate that you failed so miserably in reporting the Hurricane Hugo disaster. +21786002 Your Sept. 27 page-one article "Charleston Lost Quite a Lot to Hugo, Especially Gentility" leaves the impression that the storm was little more than an inconvenience. +21786003 The damage reported focused on a select few who owned irreplaceable historic homes on the Battery. +21786004 Not mentioned were the 50,000 people rendered homeless, and the more than 200,000 out of work for an indeterminable period; the $1 billion-plus in losses to homes and personal property on the barrier islands; the near- and long-term impact on the state's largest industry, tourism, not to mention the human suffering. +21786005 In centering on the disruption of a few proud local customs such as the historichomes tour and the damage to the antiquities, your reporter served to only perpetuate an outdated and stereotypically provincial view of this otherwise thriving port city. +21786006 The damage will undoubtedly prove to be one of the epic human and economic disasters of the decade in this country. +21786007 David M. Carroll +21786008 Columbia, S.C. +21786009 Your story was tasteless and insensitive. +21786010 Depicting the people of a traumatized city reeling from a disaster of unprecedented proportions was at the very best ludicrous under the circumstances. +21786011 Your narrow focus appears to be a contrived attempt to show the people of that historic city to be doddering fools. +21786012 You had to have been blind not to see the scenario there for what it was and is and will continue to be for months and even years -- a part of South Carolina that has sustained a blow that the Red Cross expects will cost that organization alone some $38 million. +21786013 William C. Barksdale Jr. +21786014 Columbia, S.C. +21786015 Charleston is historic and aristocratic, as your reporter said, but not haughty, as he suggested. +21786016 Charlestonians are instead indomitable and have contributed mightily to the culture and history of our country for more than 300 years. +21786017 I suggest your reporter see Charleston next spring in its full glory. +21786018 William C. Stuart III +21786019 Silver Spring, Md. +21787001 Affiliated Bankshares of Colorado Inc. said it agreed to sell its 10% interest in Rocky Mountain Bankcard Systems for $18.5 million to Colorado National Bank of Denver and Central Bank of Denver. +21787002 Colorado National is a unit of Colorado National Bankshares Inc. and Central is a unit of First Bank System of Minneapolis. +21787003 Affiliated said it expects to record a pretax gain of about $18.5 million from the sale of the credit-card business, which should more than offset any reduction in the carrying value of real estate and real-estate loans on its books. +21788001 The U.S. Export-Import Bank tentatively decided to guarantee commercial bank financing for the purchase of two Boeing Co. 767 airliners by Avianca, Colombia's international airline, at a cost of about $150 million. +21788002 The loan guarantee would amount to about $127.5 million, or 85% of the cost of the aircraft. +21788003 Because of the size of the proposed loan guarantee, the Ex-Im Bank's preliminary commitment is subject to review by the House and Senate Banking committees. +21788004 Ex-Im Bank officials said this review process currently is under way. +21789001 Sebastian Guzman Cabrera took over the oil workers union, Mexico's most powerful labor organization, only last January. +21789002 But even in that short time Mr. Guzman Cabrera has become as controversial in his own way as his deposed predecessor, Joaquin Hernandez Galicia, known as La Quina. +21789003 President Carlos Salinas de Gortari used the army to oust La Quina, who reigned for 28 years over a graft-riddled empire that made state-run Petroleos Mexicanos, or Pemex, one of the world's most inefficient oil companies. +21789004 Now, Mr. Guzman Cabrera is facing accusations that he's as much a company man as La Quina was a crook. +21789005 In recent contract negotiations with Pemex management, Mr. Guzman Cabrera accepted major concessions that greatly curtail the union's role in subcontracting, long a source of millions of dollars in illicit earnings. +21789006 And with the quiet pragmatism of Mr. Guzman Cabrera replacing the prickly populism of La Quina, government technocrats have been given a free hand to open the petrochemical sector to wider private and foreign investment. +21789007 Mr. Guzman Cabrera's new order hasn't arrived without resistance. +21789008 Brawls between union factions still erupt at Pemex installations. +21789009 Leftist leader Cuauhtemoc Cardenas publicly questioned Mr. Guzman Cabrera's "moral quality," suggesting he is part of a conspiracy to turn over the country's oil, a symbol of Mexican nationalism, to foreigners. +21789010 The 61-year-old Mr. Guzman Cabrera takes such criticisms in stride. +21789011 "This isn't a new kind of union leadership, it's a new Mexico. +21789012 We're no longer afraid of associating with private or foreign capital," he says. +21789013 Pemex, which produces 40% of government revenue, desperately needs new investment. +21789014 Since world oil prices collapsed in 1982, the government has siphoned Pemex's coffers to make payments on Mexico's $97 billion foreign debt. +21789015 Little money has been returned to upgrade Pemex's aging facilities. +21789016 While the government drains Pemex from above, the union has drained it from below. +21789017 A bloated payroll and pervasive graft caused Pemex's operating costs to balloon to 95 cents of each $1 in sales, far above the industry norm. +21789018 The declines in investment and efficiency explain in part why Mexico has been importing gasoline this year. +21789019 Some projections show Mexico importing crude by the end of the century, barring an overhaul of operations. +21789020 "Whatever you tried to change, whether it was cutting costs or attracting new partners, the big obstacle was the old union leadership," says oil consultant George Baker. +21789021 Enter Mr. Guzman Cabrera, who has a clear understanding of where union leaders fit in the pro-enterprise regime of President Salinas. +21789022 "I'm the secretary-general, if there is one," he says, greeting a visitor to his office. +21789023 Beginning as a laborer in a refinery, Mr. Guzman Cabrera put in more than 40 years at Pemex before being pushed into retirement by La Quina after a dispute two years ago. +21789024 Though he also long benefited from the system built by La Quina, Mr. Guzman Cabrera says union perks had simply gotten out of hand. +21789025 They are "at the base of all of the problems of corruption," he says. +21789026 Thus, in recent contract negotiations, Mr. Guzman Cabrera gave up the union's right to assign 40% of all of Pemex's outside contracts -- an enormous source of kickbacks. +21789027 The union also ceded the 2% commission it had received on all Pemex maintenance contracts. +21789028 (The union will keep a 2% commission on construction projects.) +21789029 The new contract also eliminates the $15 monthly coupon, good only at union-owned grocery stores, that was part of the salary of every worker, from roughneck to chief executive. +21789030 About 9,800 technical workers, notably chemists and lawyers, were switched to non-union status. +21789031 Also, because of its reduced capital budget, Pemex has phased out about 50,000 transitory construction workers, reducing the work force to about 140,000, the union leader says. +21789032 Mr. Guzman Cabrera says the union's sacrifices will be offset by a wage and benefit package that amounts to a 22% increase in compensation. +21789033 But Pemex managers are the ones most thrilled by the contract. +21789034 "We are retaking the instruments of administration," says Raul Robles, a Pemex subdirector. +21789035 Pemex officials wouldn't say how much money the new contract would save the company, but one previous government estimate pegged savings at around $500 million a year. +21789036 Pemex's customers also are pleased with the company's new spirit. +21789037 Grupo Desc, a big conglomerate, has long depended on Pemex petrochemicals to produce plastic packing material. +21789038 But when the Pemex plant shut down for an annual overhaul, it would never give notice to its customers. +21789039 "The capriciousness would completely disrupt our operations," says Ernesto Vega Velasco, Desc's finance director. +21789040 This year, for the first time, Desc and other customers were consulted well in advance of the Pemex plant's shutdown to ensure minimal inconvenience. +21789041 Taming the union complements previous moves by the government to attract private investment in petrochemicals, which Mexico has been forced to import in large quantities in recent years. +21789042 In May, the government unveiled new foreign investment regulations that create special trusts allowing foreigners, long limited to a 40% stake in secondary petrochemical companies, to own up to 100%. +21789043 Later, the government reclassified several basic petrochemicals as secondary products. +21789044 But Pemex's courtship with private companies, and especially foreign ones, is controversial in a country where oil has been a symbol of national sovereignty since foreign oil holdings were nationalized in 1938. +21789045 "They are preparing the workers for what's coming: foreign control," wrote Heberto Castillo, a leftist leader. +21789046 Mr. Guzman Cabrera and government officials insist that foreigners will be limited to investing in secondary petroleum products. +21789047 But the new union leader makes no apologies for Pemex's more outward-looking attitude. +21789048 "If we do not integrate into this new world of interdependence, sooner or later we're going to become victims of our own isolation," he says. +21790001 Couple Counseling Grows to Defuse Stress +21790002 MORE EXECUTIVES and their spouses are seeking counseling as work and family pressures mount. +21790003 Some employers initiate referrals, especially if work problems threaten a top manager's job. +21790004 Many couples "are like ships passing in the night," a communications gulf that sparks problems on the job and at home, says psychologist Harry Levinson. +21790005 His Levinson Institute in Belmont, Mass., has seen in recent years a doubling in the number of executives and spouses at its weeklong counseling program. +21790006 Employers foot the bill, he says, figuring what's good for the couple is good for the company. +21790007 One East Coast manufacturing executive, faced with a job transfer his wife resented, found that counseling helped them both come to grips with the move. +21790008 And the vice president of a large Midwestern company realized that an abrasive temperament threatened his career when his wife confided that similar behavior at home harmed their marriage. +21790009 More dual-career couples also are getting help, with men increasingly bringing their working wives for joint counseling. +21790010 "The level of stress for a woman is often so high, it's the husband who says, 'I'm worried about her,'" says psychologist Marjorie Hansen Shaevitz. +21790011 Her Institute for Family and Work Relationships in La Jolla, Calif., has noted a doubling in the number of couples seeking help the past two years. +21790012 "No matter how competent and smart you both are, the relationship almost certainly will erode if you don't have time to talk, to have fun and to be sexual," says Ms. Shaevitz. +21790013 She urges client couples to begin a "detoxification" period, purging social and other nonproductive activities and setting time apart for themselves. +21790014 "Putting those times on the calendar," she says, "is as important as remembering business appointments." +21790015 Power of Suggestion Stronger in Japan +21790016 HERE'S ONE more explanation for why Japan is a tough industrial competitor: Two of three Japanese employees submit suggestions to save money, increase efficiency and boost morale, while only 8% of American workers do. +21790017 And the Japanese make far more suggestions -- 2,472 per 100 eligible employees vs. only 13 per 100 employees in the +21790018 Data for 1987 from the National Association of Suggestion Systems and the Japan Human Relations Association also indicate that Japanese employers adopt four of five suggestions, while their U.S. counterparts accept just one in four. +21790019 In Japan, small suggestions are encouraged. +21790020 Each new employee is expected to submit four daily in the first few months on the job. +21790021 U.S. companies tend to favor suggestions "that go for the home runs," says Gary Floss, vice president of corporate quality at Control Data Corp. +21790022 That helps explain why American employers grant an average award of $604.72 per suggestion, while Japan's payment is $3.23. +21790023 Still, suggestions' net savings per 100 employees is $274,475 in Japan vs. $24,891 in the U.S. +21790024 U.S. companies developing management teams are wrestling with how to handle individual suggestion systems. +21790025 Control Data, for one, plays down its employee suggestion program because it favors the team-management focus. +21790026 Merger Fallout: Beware Employee Dishonesty +21790027 CORPORATE security directors increasingly worry that merger mania spawns a rise in employee dishonesty. +21790028 A Security magazine survey places the effect of takeovers and buy-outs among the industry's 10 biggest challenges. +21790029 "If it causes management to take their eye off the ball, inventory shrinkage is going to be affected," says Lewis Shealy, vice president for loss prevention at Marshall Field's, the department store chain. +21790030 A separate study of the extent of employee misconduct linked general job satisfaction to property loss. +21790031 Co-author Richard Hollinger cites what happened at one family-owned company absorbed by a foreign giant. +21790032 Pilferage climbed dramatically as many angry employees "felt abandoned by the former owners," says the University of Florida sociologist. +21790033 But top management should watch for other tell-tale signs of employee misdeeds, like expense-account fudging and phone misuse. +21790034 Security consultant Dennis Dalton of Ventura, Calif., thinks mergers often trigger longer lunch hours and increased absenteeism, conduct which can sap the bottom line more than thefts. +21790035 New management can take several steps to reduce dishonesty. +21790036 Most important, experts say, is to show that a company's ethical tone is set at the top. +21790037 Mr. Dalton also recommends that the chief executive establish a rumor control center and move swiftly to bolster morale. +21790038 Consultant John Keller of Southlake, Texas, urges that top management adopt a "tough hands-on approach" with very tight controls and monitoring. +21790039 And security authority Robert L. Duston favors disciplining all employees who cheat. +21790040 Firms Walk Fine Line In Distributing Profits +21790041 ARE CORPORATE profits distributed fairly? +21790042 A survey by Sirota, Alper & Pfau, a New York consulting firm, underscores the difficulty for top management in satisfying employees and investors on that score. +21790043 Nearly seven of 10 investors think companies reinvest "too little" of their profits in the business. +21790044 And half the employees surveyed think companies dole out too little to them. +21790045 But both see a common enemy: About 66% of employees and 73% of investors think senior managers get too big a slice of the profit pie. +21791001 Bank of New York Co. said it agreed in principle to acquire the credit-card business of Houston-based First City Bancorp. of Texas for between $130 million and $134 million. +21791002 The move, subject to a definitive agreement, is part of a trend by big-city banks that have been buying up credit-card portfolios to expand their business. +21791003 Just last month, a Bank of New York subsidiary agreed to buy the credit-card operation of Dreyfus Corp.'s Dreyfus Consumer Bank for $168 million, a transaction that is expected to be completed by the end of the year. +21791004 First City's portfolio includes approximately 640,000 accounts with about $550 million in loans outstanding. +21791005 First City, which issues both MasterCard and Visa cards, has agreed to act as an agent bank. +21791006 At the end of the third quarter, Bank of New York's credit-card business consisted of 2.4 million accounts with $3.6 billion in loans outstanding. +21791007 Bank of New York is currently the seventh-largest issuer of credit cards in the +21791008 First City said that because of increased competition in the credit-card business, it had decided it either had to expand its own holdings substantially or sell them. +21791009 "We think there's a good prospect that competition is going to get pretty fierce in this market," said James E. Day, a First City vice president. +21791010 "We see it becoming a bargain-basement kind of business." +21791011 The company estimated that the transaction would enhance its book value, which stood at $28.55 a share on Sept. 30, by more than $100 million, or about $4 a share. +21791012 The company also said the transaction would bolster after-tax earnings by $3.25 a share when completed and boost its primary capital ratio to 7% from 6.63%. +21791013 First City, which recently purchased three small Texas banking concerns, said it would use the proceeds to pursue additional expansion opportunities in the Southwest and elsewhere. +21791014 With that possibility in mind, analysts said the transaction was a positive move for First City. +21791015 "I think they'll be able to move faster to make acquisitions in Texas," said Brent Erensel, an analyst with Donaldson, Lufkin & Jenrette. +21791016 "That's something they can do very well. +21792001 British Airways PLC said it is seeking improved terms and a sharply lower price in any revised bid for United Airlines parent UAL Corp. following the collapse of a $6.79 billion, $300-a-share buy-out bid. +21792002 Derek Stevens, British Air's chief financial officer, told Dow Jones Professional Investor Report a price of $230 a share is "certainly not too low," and indicated his company would like to reduce the size of its $750 million cash investment. +21792003 He added the airline isn't committed to going forward with any new bid, and hasn't participated in bankers' efforts to revive the transaction that collapsed. +21792004 "We're in no way committed to a deal going through at all. +21792005 We're not rushing into anything. +21792006 We don't want to be party to a second rejection," he said, adding that coming up with a revised offer could easily take several weeks. +21792007 Mr. Stevens's remarks, confirming a report in The Wall Street Journal that British Air wants to start from scratch in any new bid for the nation's second-largest airline, helped push UAL stock lower for the fourth straight day. +21792008 UAL fell $6.25 a share to $191.75 on volume of 2.3 million shares in composite trading on the New York Stock Exchange as concern deepened among takeover stock traders about the length of time it will take to revive the purchase. +21792009 Under the original buy-out approved by the UAL board Sept. 14, UAL's pilots planned to put up $200 million in cash and make $200 million in annual cost concessions for a 75% stake. +21792010 UAL management was to pay $15 million for 10%, and British Air was to receive a 15% stake. +21792011 The buy-out fell through when Citicorp and Chase Manhattan Corp. unexpectedly failed to obtain bank financing. +21792012 Since then, UAL stock has fallen 33% in what may rank as the largest collapse of a takeover stock ever. +21792013 The tenor of Mr. Stevens's remarks seemed to indicate that British Air will take a more active, high-profile role in pursuing any new bid. +21792014 He said he believes UAL management was badly advised on the funding of its original transaction. +21792015 Mr. Stevens said British Air hasn't received any new buy-out proposals from the labor-management group, led by UAL Chairman Stephen Wolf, and hasn't received any indication of when one might be forthcoming. +21792016 "As far as we're concerned, we're waiting for the dust to settle," he said. +21792017 Although British Air is waiting to see what the buy-out group comes up with, Mr. Stevens said a revised transaction with less debt leverage is likely to be more attractive to banks. +21792018 He said the original proposal is dead, and all aspects of a revised version are up for change, in light of the changes in UAL's market price, the amount of debt banks are willing to fund, and the price British Air would be willing to pay. +21792019 Mr. Stevens said he expects the new price will be considerably lower, but declined to specify a figure. +21792020 Asked whether a $230-a-share figure circulating in the market yesterday is too low, he said, "It's certainly not too low." +21792021 He added the original offer was "a pretty full price," and that British Air's contribution "was quite a large chunk for us." +21792022 British Air was originally attracted to the chance of obtaining a 15% stake in the company, but wasn't particularly happy with paying $750 million. +21792023 "If the {new} deal had us putting up less money but still having 15%, that would be a point in our favor," he said. +21792024 In any new proposal, British Air would expect a greater rate of return than the 20%-plus in the original proposal. +21792025 In the event that the buy-out group stalls in reviving its bid, the UAL board could remain under some pressure to seek another transaction, even without any legal obligation to do so. +21792026 Roughly one-third of its stock is believed held by takeover stock traders, who could vote to oust the board if they become impatient. +21792027 Meanwhile, the buy-out group's task of holding its fragile coalition together, in the face of the bid's collapse and internal opposition from two other employee groups, has been further complicated by an apparent rift in the ranks of the pilot union itself. +21792028 A pilot representing a group of 220 pilots hired during United's 1985 strike filed suit Friday in Chicago federal court to block the takeover. +21792029 The dissident pilots oppose the plan because it would cause them to lose their seniority. +21792030 UAL's management agreed to reduce the seniority of those pilots in exchange for the support of the United pilot union for the buy-out proposal. +21792031 The 220 pilots involved in the suit aren't members of the union. +21792032 The airline had allowed them to move ahead of some union members in seniority following the 1985 strike, a move the union had contested in a previous lawsuit. +21792033 Judith Valente contributed to this article. +21793001 Corporate efforts to control health-care costs by requiring evaluations prior to planned hospitalization and surgery haven't been sweeping enough to reduce the long-term rate of cost increases, according to a study by the Institute of Medicine. +21793002 In the last decade, many corporations have embraced the "utilization management" cost containment strategy as a way to control health-care costs for employees. +21793003 These programs vary widely, but often require second opinions on proposed surgery, preadmission reviews of elective hospitalizations and reviews of treatment during illnesses or recovery periods. +21793004 Between 50% and 75% of today's workers are covered by such plans, up from 5% five years ago. +21793005 "Although it probably has reduced the level of expenditures for some purchasers, utilization management -- like most other cost containment strategies -- doesn't appear to have altered the long-term rate of increase in health-care costs," the Institute of Medicine, an affiliate of the National Academy of Sciences, concluded after a two-year study. +21793006 "Employers who saw a short-term moderation in benefit expenditures are seeing a return to previous trends." +21793007 While utilization management frequently reduces hospitalization costs, these savings are often offset by increases in outpatient services and higher administrative costs, according to the report by a panel of health-care experts. +21793008 The report suggested that current review programs are too narrow. +21793009 "The unnecessary and inappropriate use of the hospital, and not the actual need for a particular procedure, has been the main focus," the panel said. +21793010 "As a general rule, prior-review programs have not made case-by-case assessments of the comparative costs of alternative treatments or sites of care." +21793011 The report said that utilization management should have more of an impact as federal research on the effectiveness of medical treatments helps lead to medical practice guidelines. +21793012 Howard Bailit, a panel member and a vice president of Aetna Life & Casualty, said that utilization management will also do a better job of containing costs as it spreads to cover medical services delivered outside of hospitals. +21793013 "There's pretty good evidence that utilization management has reduced inappropriate hospitalization," he said. +21793014 But at the same time, spending on physician services and ambulatory care have mushroomed. +21793015 "It's like squeezing a balloon," Dr. Bailit said. +21793016 David Rahill of A. Foster Higgins & Co. said that clients of his consulting firm report that utilization management reduces their hospital care bills by about 5%, but he agreed that for the health-care system as whole, some of these savings are offset by administrative and outpatient care costs. +21793017 Jerome Grossman, chairman of the panel, agrees that administrative costs of utilization management programs can be high. +21793018 "You have a whole staff standing ready" to evaluate the appropriateness of recommended treatment, he said. +21793019 Dr. Grossman, who also is president of New England Medical Center Hospitals in Boston, noted that the hospitals he runs deal with more than 100 utilization management firms and that many of them have different procedures and requirements. +21793020 The panel urged greater efforts to reduce the complexity, paperwork and cost of utilization review. +21793021 "Utilization management needs to better demonstrate that it reduces the wasteful use of resources, improves the appropriateness of patient care and imposes only reasonable burdens on patients and providers," the panel concluded. +21794001 Renault and DAF Trucks NV announced a preliminary agreement to jointly manufacture a line of trucks in Britain and France. +21794002 Philippe Gras, a Renault managing director, said the new line will cover trucks of between 2.5 tons and 4.2 tons and will be built at Renault's Bapilly plant in France and at DAF's British plant. +21794003 The French state-controlled auto group and the Dutch truck maker plan to incorporate the new trucks into their product lines when they begin production toward the middle of the 1990s. +21794004 Mr. Gras said he expects a definitive agreement between the two companies to be completed in the next few months. +21794005 The venture is the latest example of the trend toward cooperative projects in Europe ahead of the 1992 deadline for eliminating trade barriers within the European Community. +21794006 Renault and DAF are expected to invest a total of about three billion French francs ($157.8 million) in the venture, including FFr1 billion for design and development costs. +21794007 In addition, the companies will each spend about FFr1 billion on tooling up their plants. +21794008 Mr. Gras said the joint venture represents considerable savings for both Renault and DAF, since both companies would in any case have had to renew their existing ranges of light goods vehicles. +21794009 By pooling their resources, the two groups have effectively halved the design and development costs that would otherwise have been entailed, he said. +21794010 Renault officials said the potential European market for light trucks in the 2.5-ton to 4.2-ton range is between 700,000 and 800,000 vehicles annually, and Renault and DAF are aiming for a combined market share of about 11%. +21794011 Both Renault and DAF will have world-wide marketing rights for the new range of vans and light trucks. +21794012 Under a separate arrangement, British Aerospace PLC's Rover Group PLC subsidiary will also be able to offer the vehicles through its dealers in the U.K., and Renault's truck-building subsidiary Renault Vehicles Industriels will have similar rights in France. +21794013 DAF is 16%-owned by British Aerospace, with a further 6.5% held by the Dutch state-owned chemical group NV DSM. +21794014 The van Doorne family of the Netherlands holds an additional 11% of DAF's capital. +21795001 The Federal Reserve System is the standard object of suggestions for organizational and institutional changes, for two reasons. +21795002 First, its position in the government is anomalous. +21795003 It has an unusual kind of independence from elected officials and still has authority over one of the most powerful of government's instruments -- the control of the money supply. +21795004 Thus we have a condition that is easily described as undemocratic. +21795005 Second, the responsibilities of the Federal Reserve as guardian of the currency, which means as guardian of the stability of the price level, sometimes lead it to take measures that are unpopular. +21795006 As former Fed Chairman William McChesney Martin used to say, they would have to take the punch bowl away just as the party is getting interesting. +21795007 So the Federal Reserve is an attractive target for complaint by politicians. +21795008 The Fed is easily assigned the blame for unpleasantness, like high interest rates or slow economic growth, while the politicians can escape responsibility by pointing to the Fed's independence. +21795009 This leads to proposals for "reform" of the Fed, which have the common feature of making the Fed more responsive to the administration, to the Congress and to public opinion -- without, however, any assumption of additional responsibility by the politicians. +21795010 These proposals include changing the term of the chairman, shortening the terms of the members, eliminating the presidents of the Federal Reserve Banks from the decision-making process, putting the Secretary of the Treasury on the Federal Reserve Board, having the Fed audited by an arm of Congress (the General Accounting Office), putting the Fed's expenditures in the budget, and requiring prompt publication of the Fed's minutes. +21795011 Some of these ideas are again under consideration in Congress. +21795012 But these proposals do not rest on a view of what the Fed's problem is or, if they do, they rest on an incorrect view. +21795013 They would not solve the problem; they would make it worse. +21795014 The problem is not that the Fed is too unresponsive to the public interest. +21795015 On the contrary, it is too responsive to an incorrect view of the public interest. +21795016 The price level in the U.S. is now about 4 1/4 times as high as it was 30 years ago. +21795017 On average, something that cost $100 30 years ago now costs $425. +21795018 Or, a wage that was $100 30 years ago would buy only $23.53 worth of stuff today. +21795019 On two occasions the inflation rate rose to more than 10% a year. +21795020 In each case the ending of this unsustainable inflation caused a severe recession -- the two worst of the postwar period. +21795021 The enormous inflation over the past 30 years was largely due to monetary policy. +21795022 At least, it would not have happened without the support of monetary policy that provided for a 10-fold increase in the money supply during the same period. +21795023 And that increase in the money supply would not have happened without the consent of the Federal Reserve. +21795024 The basic problem of monetary policy, to which reform of the Fed should be addressed, is to prevent a recurrence of this experience. +21795025 There were two general reasons for the mistaken monetary policy of the past 30 years: +21795026 1. To some extent the Federal Reserve shared the popular but incorrect view that expansionary monetary policy could yield a net improvement in employment and output. +21795027 2. Even where the Fed did not share this view it felt the need to accommodate to it. +21795028 Despite all the formal provisions for its independence, the Fed seems constantly to feel that if it uses its independence too freely it will lose it. +21795029 The common proposals for reforming the Fed would only make the situation worse, if they had any effect at all. +21795030 Putting the Secretary of the Treasury on the Board of Governors, one of the leading proposals today, is an example. +21795031 The secretary is the world's biggest borrower of money. +21795032 He has a built-in, constant longing for lower interest rates. +21795033 Moreover, he is a political agent of a political president, who naturally gives extraordinary weight to the way the economy will perform before the next election, and less to its longer-run health. +21795034 These days, the secretary suffers the further disqualification that he is a member of a club of seven finance ministers who meet occasionally to decide what exchange rates should be, which is a diversion from the real business of the Federal Reserve to stabilize the price level. +21795035 How should a reasonable member of the Federal Reserve Board interpret a congressional decision to put the secretary on the board? +21795036 Could he plausibly interpret it as encouragement for the Fed to give primary emphasis to stabilizing the price level? +21795037 Or would he interpret it as instruction to give more weight to these other objectives that the secretary represents -- low interest rates, short-run economic expansion, and stabilization of exchange rates at internationally managed levels? +21795038 The answer seems perfectly clear. +21795039 (True, a succession of Fed chairmen has given color to the notion that the Secretary of the Treasury belongs on the Fed. +21795040 By their constant readiness to advise all and sundry about federal budgetary matters the chairmen have encouraged the belief that fiscal policy and monetary policy are ingredients of a common stew, in which case it is natural that the Fed and the Treasury, and probably also the Congress, should be jointly engaged in stirring the pot. +21795041 The Fed's case for its own independence would be a little stronger if it were more solicitous of the independence of the rest of the government.) +21795042 The Fed's problem is not that it is too independent, or too unpolitical. +21795043 The Fed is responsive to, and cannot help being responsive to, the more overtly political part of the government. +21795044 The Fed exercises a power given to it by Congress and the president. +21795045 But Congress and the president accept no responsibility for the exercise of the power they have given the Fed. +21795046 Critics of the present arrangement are correct to say that it is undemocratic. +21795047 What is undemocratic is the unwillingness of the more political parts of the government to take the responsibility for deciding the basic question of monetary policy, which is what priority should be given to stabilizing the price level. +21795048 To leave this decision to an "independent" agency is not only undemocratic. +21795049 It also prevents the conduct of a policy that has a long-term rationale, because it leaves the Fed guessing about what are the expectations of its masters, the politicians, who have never had to consider the long-term consequences of monetary policy. +21795050 The greatest contribution Congress could make at this time would be to declare that stabilizing the price level is the primary responsibility of the Federal Reserve System. +21795051 Legislation to this effect has been introduced in Congress in this session by Rep. Stephen Neal (D., N.C.). +21795052 It is not the kind of thing that is likely to be enacted, however. +21795053 Congress would be required to make a hard decision, and Congress would much prefer to leave the hard decision to the Fed and retain its rights of complaint after the fact. +21795054 People will say that the nation and the government have other objectives, in addition to stabilizing the price level, which is true. +21795055 But that is not the same as saying that the Federal Reserve has other objectives. +21795056 The government has other agencies and instruments for pursuing these other objectives. +21795057 But it has only the Fed to pursue price-level stability. +21795058 And the Fed has at most very limited ability to contribute to the achievement of other objectives by means other than by stabilizing the price level. +21795059 The two objectives most commonly thought to be legitimate competitors for the attention of the Fed are high employment and rapid real growth. +21795060 But the main lesson of economic policy in the past 30 years is that if the Fed compromises with the price-stability objective in the pursuit of these other goals, the result is not high employment and rapid growth but is inflation. +21795061 A former chairman of the president's Council of Economic Advisers, Mr. Stein is an American Enterprise Institute fellow. +21796001 Republic New York Corp. joined the list of banks boosting reserves for losses on loans to less-developed countries, setting out a $200 million provision and posting a $155.4 million third-quarter net loss as a result. +21796002 The per-share loss was $5.32. +21796003 In the year earlier period, the New York parent of Republic National Bank had net income of $38.7 million, or $1.12 a share. +21796004 Excluding the provision, Republic earned $44.6 million, up 15% from a year ago. +21796005 The bank's medium-term and long-term loans to less-developed countries total $293 million, of which $146 million aren't accruing interest, the bank said. +21796006 Republic's total of nonperforming assets was $167 million at Sept. 30, with its reserve for loan losses now standing at $357 million. +21797001 Abortion-rights advocates won last week's battles, but the war over the nation's most-contentious social question is about to pick up again on turf that favors those seeking to restrict abortions. +21797002 Strict new regulations seem certain to pass the state House in Pennsylvania next week, with easy approval by the Senate and by Democratic Gov. Bob Casey expected shortly thereafter. +21797003 Legislation to require the consent of parents before their daughters under the age of 18 can have abortions will probably pass both houses of the Michigan legislature and set up a grinding battle to override the expected veto of Democratic Gov. James Blanchard. +21797004 The short-term shift in the political climate surrounding abortion reflects two factors that are likely to govern the debate in the next several months: the reawakening of the abortion-rights movement as a potent force after years of lassitude, and the ability of each side to counter the other's advance in one arena with a victory of its own elsewhere. +21797005 The action in Pennsylvania, for example, will follow last week's collapse of a special session of the Florida legislature to enact restrictions on abortions in that state, and the vote here in Washington by the House to permit federally paid abortions for poor women who are victims of rape or incest. +21797006 But President Bush is expected to veto the congressional legislation and that, along with the easy approval of the Pennsylvania measure, is likely to mute the abortion-rights activists' claims of momentum and underline the challenges faced by this resurgent movement. +21797007 "It's great to feel good for once in 15 years," says Harrison Hickman, a consultant to abortion-rights advocates, reflecting the relief of his compatriots after last week's victories, the first major events since the Supreme Court, in its July 3 Webster decision, permitted the states to enact restrictions on abortions. +21797008 "But how many more times we're going to feel good in the next 15 is another question." +21797009 Indeed, abortion-rights activists still face their greatest tests. +21797010 "The pro-choice movement has shown -- finally -- that it can mobilize," says Glen Halva-Neubauer, a Furman University political scientist who specializes in how state legislators handle the abortion question. +21797011 "But it still hasn't shown that it can win in a state like Pennsylvania or Missouri, where abortion has been clearly an electoral issue and where it's been an emotional issue for a long time." +21797012 The foes of abortion hold the strong whip hand in Pennsylvania, where abortion-rights activists are so much on the defensive that their strategy is less to fight the proposed legislation than it is to stress how the state legislature doesn't reflect the viewpoints of the state's citizens. +21797013 As a result, GOP state Rep. Stephen Freind of Delaware County, the legislature's leading foe of abortion, has been given all but free rein to press a strict seven-point plan to restrict abortion and, he hopes, to force the Supreme Court directly to reassess its 1973 Roe v. Wade decision that established the right of abortion in the first place. +21797014 The Freind legislation -- the state's House Judiciary Committee approved it in Harrisburg this week and the full Pennsylvania House is expected to take up the bill next Tuesday -- includes a provision to ban abortions after 24 weeks of pregnancy, except to avert the death of the mother. +21797015 Mr. Freind calculates that the provision, which attacks the trimester standards that Roe established, will "make it necessary" for the Supreme Court to review Roe and, perhaps, to overturn it. +21797016 But the Pennsylvania measure also includes an "informed consent" provision that may become widely imitated by abortion foes who want to make women contemplating abortion as uncomfortable as possible with the procedure and with themselves. +21797017 Under this legislation, a woman must be informed 24 hours before the operation of the details of the procedure and its risks. +21797018 "Regardless of whether one supports or opposes the right to an abortion," Mr. Freind argues, "it is virtually impossible for any rational human being to disagree with the concept that a woman has the right to have all of the appropriate materials and advice made available to her before she makes a decision which, one way or the other, might remain with her for the rest of her life." +21797019 In Michigan, where the state Senate is expected to approve parental-consent legislation by the end of next week, Gov. Blanchard is the principal obstacle for anti-abortionists. +21797020 Susan Rogin, a consultant to abortion-rights activists in the state, takes comfort from the fact that the state's House abortion opponents "haven't been able to muster the votes to overturn a veto on abortion in 16 years." +21797021 But proponents believe they may be able to shake enough votes loose to override the veto if they are successful in portraying the legislation as a matter of parents' rights. +21797022 In Illinois, lawmakers will vote before next spring on legislation requiring physicians to perform tests on fetuses at 20 weeks to determine their gestational age, weight and lung maturity along with a provision requiring that, if fetuses survive an abortion, a second doctor must be on hand to help it survive. +21797023 The legislation failed by one vote to clear the House Rules Committee Tuesday, but anti-abortionists still may succeed in bringing the measure to the floor this fall. +21797024 Pamela Sutherland, executive director of the Illinois Planned Parenthood Council, says she and her allies are "cautiously optimistic" they can defeat it if it comes to a floor vote. +21797025 Abortion foes in Wisconsin, meanwhile, expect a parental-consent bill to be sent to the state assembly floor by early November and are hopeful of prevailing in both houses by next March. +21797026 In Texas, abortion opponents want to pass parental-consent legislation along with a statewide ban on the use of public funds, personnel and facilities for abortion, and viability tests for fetuses 19 weeks and older. +21797027 The anti-abortionists are urging GOP Gov. Bill Clements to press the issues in a special session scheduled to run Nov. 14 to Dec. 13. +21797028 "The prognosis is only fair," says Kathie Roberts, administrative director of the Texas Right to Life Committee. +21797029 "Next year is an election year and the legislators just don't want to do anything about this now." +21797030 This legislative activity comes as both sides are undertaking new mobilization efforts, plunging into gubernatorial races in Virginia and New Jersey, and girding for next autumn's state elections. +21797031 At the same time, abortion foes have developed a national legislative strategy, deciding to move on what Jacki Ragan, the National Right to Life Committee's director of state organizational development, calls "reasonable measures that an overwhelming mainstream majority of Americans support." +21797032 These include bans on the use of abortion for birth control and sex selection, and the public funding of alternatives for abortion. +21797033 "Those who are on the other side can hardly oppose alternative funding if they continue to insist on calling themselves 'pro-choice' rather than `pro-abortion,'" says Mary Spaulding, the group's associate state legislative coordinator. +21797034 Over the weekend, the National Abortion Rights Action League singled out eight politicians, including Pennsylvania's Mr. Freind, as 1990 targets and held a Washington seminar designed to train its leaders in political techniques, including how to put the anti-abortionists on the defensive in state legislatures. +21797035 "We now see pro-choice legislators going on the offensive for the first time," says Kate Michelman, executive director of the group. +21798001 Wall Street +21798002 When I was just a child And confronted by my fears, The things that I thought would get me Had fangs and pointed ears. +21798003 Nothing much has changed -- My periodic scares Are still from hostile animals, Only now, they're bulls and bears. +21798004 -- Pat D'Amico. +21798005 Daffynition +21798006 Trained dolphins: pur-poises. +21798007 -- Marrill J. Pederson. +21799001 This maker and marketer of cartridge tape systems said it completed the sale of 2.85 million shares of common priced at $10 a share in an initial public offering. +21799002 The company said that it is selling two million shares and that the rest are being sold by certain stockholders. +21799003 Proceeds will be used for capital expenditures and working capital. +21799004 Goldman, Sachs & Co. and Montgomery Securities Inc. are co-managing the offering. +21800001 Congress sent President Bush an $18.4 billion fiscal 1990 Treasury and Postal Service bill providing $5.5 billion for the Internal Revenue Service and increasing the Customs Service's air-interdiction program nearly a third. +21800002 Final approval came on a simple voice vote in the Senate, and the swift passage contrasted with months of negotiations over the underlying bill which is laced with special-interest provisions for both members and the executive branch. +21800003 An estimated $33 million was added for university and science grants, including $1.5 million for Smith College. +21800004 And Southwest lawmakers were a driving force behind $54.6 million for U.S.-Mexico border facilities, or more than double the administration's request. +21800005 More than $1.8 million is allocated for pensions and expenses for former presidents, and the budget for the official residence of Vice President Quayle is more than doubled, with $200,000 designated for improvements to the property. +21800006 Even the Office of Management and Budget is remembered with an extra $1 million to help offset pay costs that other government departments are being asked to absorb. +21800007 Within the IRS, nearly $1.95 billion is provided for processing tax returns, a 12% increase over fiscal 1989 and double what the government was spending five years ago. +21800008 Investigation and taxpayer service accounts would grow to $1.6 billion, and Congress specifically added $7.4 million for stepped up criminal investigations of money laundering related to drug traffic. +21800009 The large increase in Customs Service air-interdiction funds is also intended to counter smuggling, and the annual appropriations level has more than quadrupled in five years. +21800010 The $196.7 million provided for fiscal 1990 anticipates the purchase of a Lockheed P-3 surveillance aircraft and five Cessna Citation II jets. +21800011 Despite administration reservations, the plan has had the quiet backing of customs officials as well as influential lawmakers from Cessna's home state, Kansas. +21800012 Among legislative provisions attached to the bill is a ban on any Treasury Department expenditure for enforcement of a 1986 tax provision intended to counter discrimination in employee-benefit plans. +21800013 Small-business interests have lobbied against the so-called Section 89 tax rules. +21800014 Repeal is considered likely now, but the Treasury Department bill has been used as a vehicle to raise the profile of the issue and block any action in the interim. +21800015 Less noticed is a bit of legislative legerdemain by Houston Republicans on behalf of HEI Corp. of Texas to retroactively "move" a Missouri hospital from one county to the next to justify higher Medicare reimbursements. +21800016 The provision seeks to wipe out an estimated $1.4 million in claims made by the Health Care Finance Administration against HEI, which owned the hospital in Sullivan, Mo., during most of the four-year period -- 1983-1987 -- covered in the amendment. +21800017 In a separate development, a private meeting is scheduled this morning between House Appropriations Committee Chairman Jamie Whitten (D., Miss.) and Sen. Dale Bumpers (D., Ark.) in an effort to end a dispute which for two weeks has delayed action on an estimated $44 billion agriculture bill. +21800018 A House-Senate conference reached agreement Oct. 5 on virtually all major provisions of the bill, but final settlement has been stalled because of differences between the two men over the fate of a modest Arkansas-based program to provide technical information to farmers seeking to reduce their dependence on chemical fertilizers and pesticides. +21800019 The program's nonprofit sponsors received $900,000 in fiscal 1989 through an Extension Service grant, but Mr. Whitten has been adamant in insisting that the program be cut in 1990. +21800020 The 79-year-old Mississippian takes a more orthodox, entrenched view of agriculture policy than those in the movement to reduce chemical use, but as a master of pork-barrel politics, he is believed to be annoyed as well that the project moved to Arkansas from a Tennessee center near Memphis and the northern Mississippi border. +21801001 Michael F. Klatman, director of corporate public relations at Data General Corp., was named to the new position of vice president, corporate communications, of this maker of data storage equipment. +21802001 B.A.T Industries PLC may delay aspects of its defensive restructuring plan -- including the sale of its Saks Fifth Avenue and Marshall Field units -- in the wake of the current upheaval in financial markets, company officials said. +21802002 The British conglomerate, planning its own defensive restructuring to fight off a #13.35 billion ($21.03 billion) takeover bid by Anglo-French financier Sir James Goldsmith, intends to press ahead with an extraordinary shareholder vote today to clear the way for its value-boosting measures. +21802003 If anything, the gyrations in world stock markets -- and in B.A.T's share price -- since last Friday's sharp Wall Street sell-off have increased the likelihood of shareholder approval for the restructuring, analysts and several big institutional holders said. +21802004 "Thank God we have some deal on the table," said Stewart Gilchrist, a director at Scottish Amicable Investment Managers, which intends to vote its roughly 1% stake in favor of the restructuring. +21802005 Investors in B.A.T have been on a roller coaster. +21802006 B.A.T has been London's best-performing blue chip over the past six months, up 40% against a 4% rise in the Financial Times 100-Share Index. +21802007 But this week, B.A.T has been hit harder than other big U.K. stocks -- first by the market gyrations, then by Tuesday's San Francisco earthquake, which could leave B.A.T's Farmers Group Inc. insurance unit facing big claims. +21802008 B.A.T rose five pence (eight cents) to 756 pence ($11.91) in London yesterday as a late market rally erased a 28-pence fall earlier in the day. +21802009 To fight off predators, B.A.T plans to spin off about $6 billion in assets, largely by selling such U.S. retailing units as Marshall Field and Saks and by floating its big paper and U.K. retailing business via share issues to existing holders. +21802010 Proceeds will help pay for a planned buy-back of 10% of its shares and a 50% dividend increase. +21802011 "I think the restructuring will get the required support," said Michael Pacitti, an analyst at London stockbroker UBS Phillips & Drew. +21802012 "The shareholders effectively will support the share price by clearing the share buy-back." +21802013 But B.A.T's restructuring, which was never going to happen quickly, now will take longer because of the market upheaval. +21802014 Company officials, holders and analysts who previously expected the disposals to be substantially complete by the end of next year's first half now say the market gyrations could delay the actions well into the second half. +21802015 "We aren't forced sellers. +21802016 We don't have an absolute deadline and if market conditions are truly awful we might decide it is not the right time," to take particular steps, said Michael Prideaux, a B.A.T spokesman. +21802017 Even if B.A.T receives approval for the restructuring, the company will remain in play, say shareholders and analysts, though the situation may unfold over the next 12 months, rather than six. +21802018 The new B.A.T will be a smaller tobacco and financial-services hybrid whose price-earnings ratio may more closely reflect the lower-growth tobacco business than the higher-multiple financial-services business, these holders believe. +21802019 Thus B.A.T's restructuring may only make the company a more manageable target for other corporate predators -- possibly such acquisitive bidders as Hanson PLC. +21802020 "The last few days will surely slow down the pace of events," says Scottish Amicable's Mr. Gilchrist. +21802021 "But I wouldn't write off" Sir James or other potential bidders. +21802022 Among possible delays, the sales of Saks and Marshall Field -- which were expected to be on the block soon after the crucial Christmas season -- may slide into the second quarter or second half. +21802023 Analysts estimate that sales of the two businesses could raise roughly $2 billion. +21802024 B.A.T isn't predicting a postponement because the units "are quality businesses and we are encouraged by the breadth of inquiries," said Mr. Prideaux. +21802025 But the delay could happen if B.A.T doesn't get adequate bids, he said. +21802026 People familiar with B.A.T say possible acquirers for the units include managers from both retailing chains, and General Cinema Corp., which is interested in bidding for Saks. +21802027 Other potential bidders for parts of B.A.T's U.S. retail unit include Dillard Department Stores Inc., May Department Stores Co. and Limited Inc. +21802028 B.A.T has declined to identify the potential bidders. +21802029 Though Sir James has said he intends to mount a new bid for B.A.T once approval from U.S. insurance regulators is received, jitters over prospects for junk-bond financing and U.S. leverage buy-outs are making investors more skeptical about Sir James's prospects. +21802030 His initial offer indicated he needed to raise as much as 80% of the takeover financing through the debt markets. +21802031 Market uncertainty also clouds the outlook for B.A.T's attracting a premium price for its U.S. retailing properties. +21802032 Finally, Tuesday's California earthquake initially knocked 3.7% off B.A.T's share price in London yesterday because of fears of the potential claims to Los Angeles-based Farmers, which has a substantial portion of its property and casualty exposure in California. +21802033 On Farmers, Mr. Prideaux said it is too early to quantify the level of potential claims. +21802034 He added B.A.T "has no expectation of a material impact on Farmers. +21803001 Bridge and highway collapses will disrupt truck and auto transportation in the San Francisco Bay area for months to come. +21803002 But rail, air and ocean-shipping links to the area escaped Tuesday's earthquake with only minor damage, and many are expected to be operating normally today, government and corporate transport officials said. +21803003 Air traffic at San Francisco International Airport was running about 50% of normal yesterday afternoon, but airport officals said they expect a return to full operations by Saturday. +21803004 The major gateway to Asia and one of the nation's 10 busiest airports was closed to all but emergency traffic from the time the quake hit Tuesday afternoon, until 6 a.m. PDT yesterday when controllers returned to the tower. +21803005 Getting to and from the airport in coming weeks may be the problem, however. +21803006 "People's ability to drive throughout the bay area is greatly restricted," said a spokesman for the American Automobile Association. +21803007 Tom Schumacher, executive vice president and general manager of the California Trucking Association in Sacremento, said his organization urged trucking firms to halt all deliveries into the Bay area yesterday, except for emergency-medical supplies. +21803008 "Some foodstuff shipments will probably resume Thursday," he said. +21803009 "Right now most of the roads into the Bay area are closed, but the list of closings changes about every 20 minutes. +21803010 This {Wednesday} morning the San Mateo bridge was open and now we are informed that it is closed," Mr. Schumacher said. +21803011 United Parcel Service, Greenwich, Conn., said its operations in the San Francisco area have been reduced to 40% of normal. +21803012 A UPS spokesman said that although none of the company's terminals, trucks or airplanes were damaged in the quake, road shutdowns and power failures have impeded its pickup and delivery of packages. +21803013 The spokesman noted four-hour to five-hour traffic delays on the San Mateo bridge, for example. +21803014 In addition, power failures prevented its package-sorting facilities from operating, causing delays. +21803015 But freight railroads reported that damage to their facilities was relatively minor, with Santa Fe Pacific Corp.'s rail unit the least affected by the quake. +21803016 Santa Fe stopped freight trains Tuesday night while its officials inspected track but resumed service at 10:45 p.m. when they found no damage. +21803017 Union Pacific Corp.'s rail unit said that except for damage to shipping containers in its Oakland yard, its track, bridges and structures were unharmed. +21803018 That railroad is operating trains but with delays caused by employees unable to get to work. +21803019 Southern Pacific Transportation Co., the hardest hit of the three railroads in the Bay area, said service on its north-south coastline, which is used by an Amtrak train between Los Angeles and Seattle, was suspended temporarily because of kinked rails near the epicenter of the quake. +21803020 But service on the line is expected to resume by noon today. +21803021 "We had no serious damage on the railroad," said a Southern Pacific spokesman. +21803022 "We have no problem to our freight service at all expect for the fact businesses are shut down." +21803023 Amtrak said it suspended train service into its Oakland station, which sustained "heavy structural damage" during the quake. +21803024 The passenger railroad said it terminated some runs in Sacramento, relying on buses to ferry passengers to the Bay area. +21803025 Amtrak said it planned to resume some train operations to Oakland late yesterday. +21803026 Rail-transit operations suffered little damage, according to Albert Engelken, deputy executive director of the American Public Transit Association in Washington. +21803027 The Bay Area Rapid Transit "withstood the earthquake perfectly," said Mr. Engelken, adding that the rail system was running a full fleet of 45 trains during the day to provide an alternative for highway travelers. +21803028 "The highway system is screwed up" by the earthquake, Mr. Engelken said. +21803029 "The transit system is how people are going to be getting around." +21803030 He added that San Francisco's trolley cars and trolley buses were also running at full service levels. +21803031 Although air-traffic delays in San Francisco were significant yesterday, they didn't appear to spread to other airports. +21803032 The earthquake shattered windows at San Francisco International's air-traffic control tower and rained pieces of the ceiling down on controllers, three of whom suffered minor injuries. +21803033 Terminals at San Francisco International also were damaged, but the tower itself was intact. +21803034 Tuesday night, thousands were diverted to other airports and had to wait a day to resume travel. +21803035 Runways at San Francisco weren't damaged, but traffic was being limited yesterday to 27 arrivals and 27 departures an hour -- down from 33 to 45 an hour normally -- mainly because the noise level in the control tower was overwhelming without the windows, an FAA spokeswoman said. +21803036 While the airport was closed, flights were diverted to airports in Sacramento and Stockton, Calif.; Reno and Las Vegas, Nev.; and Los Angeles. +21803037 United Airlines, the largest carrier at San Francisco, was operating only 50% of its scheduled service in and out of the area because of damage to its terminal, which in turn was causing delays for travelers headed to the Bay area. +21803038 A United spokesman said 14 of its 21 gates were unusable, mainly because of water damage caused when a sprinkler system was triggered by the tremors. +21803039 The United spokesman said none of its people were injured at the airport; in fact, as the airport was being evacuated Tuesday night, two babies were born. +21803040 Yesterday, the United ticket counter was active, with people trying to get flights out, but the airline said demand for seats into the city also was active, with people trying to get there to help family and friends. +21803041 The airports in San Jose and Oakland were both fully operational by noon yesterday, the Federal Aviation Administration said. +21803042 In terms of diversions, Denver's Stapleton International may have experienced the most far-flung: A United flight from Japan was rerouted there. +21803043 "I think that's the first nonstop commercial passenger flight from Japan to land here," an airport spokesman said. +21803044 A Japan Air Lines spokesman said its flights into and out of San Francisco weren't affected, but getting information about its operations was difficult. +21803045 Its telecommunications headquarters in Burlingame, Calif., had been knocked out since the quake. +21803046 "We're in the dark," he said. +21804001 Whitbread & Co. put its spirits division up for sale, triggering a scramble among global groups for the British company's brands. +21804002 Whitbread already has been approached by "about half a dozen" companies interested in buying all or part of the spirits business, a spokesman said. +21804003 Analysts expect the spirits operations and some California vineyards that also are being sold to fetch about #500 million ($788.8 million). +21804004 Among the brands for sale are Beefeater gin, the No. 2 imported gin in the U.S., and Laphroaig single-malt whiskey. +21804005 Also for sale are Buckingham Wile Co., which distributes Cutty Sark blended whiskey in the U.S., and Whitbread's Atlas Peak Vineyards in California's Napa Valley. +21804006 Beefeater alone is worth as much as #300 million, analysts said. +21804007 Whitbread bought the Beefeater distillery two years ago for #174.5 million. +21804008 That purchase represented an attempt by Whitbread, a venerable British brewer, to become a major player in the global liquor business. +21804009 But Whitbread has been squeezed by giant rivals amid widespread consolidation in the industry. +21804010 Now, it wants to concentrate on beer and its newer hotel and restaurant operations. +21804011 For rival liquor companies, the Whitbread auction is a rare opportunity to acquire valuable brands. +21804012 "It's not very often something like this comes up," said Ron Littleboy, a liquor company analyst at Nomura Research Institute in London. +21804013 "The division will be sold off quite rapidly," predicted Neill Junor, an analyst at London brokers County NatWest WoodMac. +21804014 Among possible buyers, Grand Metropolitan PLC might find Beefeater a useful addition to its portfolio. +21804015 Grand Met owns Bombay gin, the No. 3 imported gin in the U.S.; rival Guinness PLC has the No. 1 imported brand, Tanqueray. +21804016 The Whitbread spirits auction "is an extremely interesting development . . . and naturally we'll be considering it carefully," a Grand Met spokesman said. +21804017 Guinness, which owns several leading whiskey brands plus Gordon's gin, the world's No. 1 gin, is considered less likely to bid for the Whitbread spirits. +21804018 A Guinness spokesman declined to comment. +21804019 Two other global liquor giants, Canada's Seagram Co. and Britain's Allied-Lyons PLC, also are possible buyers. +21804020 Seagram's gin is the world's No. 2 gin brand, but the company doesn't own any of the major gin brands imported in the U.S. +21804021 Allied-Lyons, while powerful in whiskey, doesn't own any major white-spirit brands. +21804022 "We will certainly have to take a look at" the Whitbread spirits business, an Allied-Lyons spokesman said. +21804023 "We would certainly like to have a major white-spirits brand in our portfolio." +21804024 A Seagram spokesman in New York wouldn't comment. +21804025 Smaller liquor companies, such as Brown-Forman Corp. and American Brands Inc. of the U.S., also are likely to be interested. +21804026 Such companies "are increasingly being left behind" in the global liquor business, says Nomura's Mr. Littleboy. +21804027 In New York, a spokesman for American Brands wouldn't comment. +21804028 Brown-Forman, a Louisville, Ky. distiller, also declined to comment. +21804029 Whitbread's wine, spirits and soft-drink operations had trading profit of #35.4 million on sales of #315.5 million in the year ended Feb. 25. +21804030 The company, which is retaining most of its wine and all of its soft-drink interests, didn't break out results for the businesses it plans to sell. +21804031 But analysts estimate their trading profit at #30 million. +21804032 Whitbread had total pretax profit in the year ended Feb. 25 of #223.2 million, on sales of #2.26 billion. +21804033 Whitbread's spirits auction occurs amid a parallel shakeup in the British beer industry. +21804034 Earlier this year, the government announced plans to foster increased competition in the industry. +21804035 British brewers currently own thousands of pubs, which in turn sell only the breweries' beer and soft drinks. +21804036 Under new rules, many of the country's pubs would become "free houses," selling beers of their choice. +21804037 Whitbread now intends to bolster its brewing interests, in an effort to grab a share of sales to free houses. +21804038 The company, which last month paid #50.7 million for regional British brewer Boddington Group PLC, has about 13% of the British beer market. +21804039 Whitbread also owns the license to brew and distribute Heineken and Stella Artois beers in Britain. +21804040 In addition, Whitbread intends to focus on its newer hotel, liquor store and restaurant businesses in Europe and North America. +21804041 In Britain, those interests include the Beefeater steakhouse chain and joint ownership with PepsiCo Inc. of the country's Pizza Hut chain. +21804042 In Canada and the U.S., Whitbread owns The Keg chain of steak and seafood restaurants. +21804043 Focusing on beer, restaurants and hotels means "we can concentrate our skills and resources more effectively," Peter Jarvis, Whitbread's managing director, said in a statement. +21804044 The spirits business "would require substantial additional investment to enable it to compete effectively in the first division of global players." +21804045 Whitbread also announced that Mr. Jarvis, who is 48, will become the company's chief executive March 1. +21804046 At that time Sam Whitbread, the company's chairman and a descendant of its 18th-century founder, will retire from executive duties. +21804047 He will retain the honorary title of non-executive chairman. +21805001 The Treasury plans to raise $700 million in new cash with the sale Tuesday of about $10 billion in two-year notes to redeem $9.29 billion in maturing notes. +21805002 The offering will be dated Oct. 31 and mature Oct. 31, +21805003 Tenders for the notes, available in minimum $5,000 denominations, must be received by 1 p.m. EDT Tuesday at the Treasury or at Federal Reserve banks or branches. +21806001 NEWHALL LAND & FARMING Co., Valencia, Calif., announced a 2-for-1 split in the real estate limited partnership's units and increased its regular quarterly cash distribution 33%, to 40 cents a unit. +21806002 The real estate limited partnership also said it will pay a special year-end cash distribution of 10 cents a unit. +21806003 Both distributions are payable Dec. 4 to limited partners of record Nov. 3. +21807001 Mellon Bank Corp. said directors authorized the buy-back of as many as 250,000 common shares. +21807002 The bank holding company said stock repurchased will be used to meet requirements for the company's benefit plans. +21807003 Mellon has 36.6 million shares outstanding. +21808001 Champion International Corp.'s third-quarter profit dropped 17%, reflecting price declines for certain paper products, operating problems at certain mills, and other factors. +21808002 The paper producer reported that net income fell to $102.1 million, or $1.09 a share, from $122.4 million, or $1.29 a share, in the year-earlier period. +21808003 Sales rose 2.6% to $1.32 billion from $1.29 billion. +21808004 In New York Stock Exchange composite trading, Champion's shares rose 25 cents to $32.125. +21809001 Digital Equipment Corp. is planning a big coming-out party on Tuesday for its first line of mainframe computers. +21809002 But an uninvited guest is expected to try to crash the party. +21809003 On the morning of the long-planned announcement, International Business Machines Corp. is to introduce its own new mainframe. +21809004 "Their attitude is, `You want to talk mainframes, we'll talk mainframes,'" says one computer industry executive. +21809005 "They're deliberately trying to steal our thunder," a Digital executive complains. +21809006 "Maybe we should take it as a compliment." +21809007 Digital's target is the $40 billion market for mainframe computers, the closet-sized number-crunchers that nearly every big company needs to run its business. +21809008 IBM, based in Armonk, N.Y., has dominated the market for decades. +21809009 That doesn't scare Digital, which has grown to be the world's second-largest computer maker by poaching customers of IBM's mid-range machines. +21809010 Digital, based in Maynard, Mass., hopes to stage a repeat performance in mainframes, and it has spent almost $1 billion developing the new technology. +21809011 A spoiler, nimble Tandem Computers Inc. in Cupertino, Calif., jumped into the fray earlier this week with an aggressively priced entry. +21809012 IBM appears more worried about Digital, which has a broad base of customers waiting for the new line, dubbed the VAX 9000. +21809013 "It's going to be nuclear war," says Thomas Willmott, a consultant with Aberdeen Group Inc. +21809014 The surge in competition is expected to stir new life into the huge mainframe market, where growth has slowed to single digits in recent years. +21809015 IBM's traditional mainframe rivals, including Unisys Corp., Control Data Corp. and NCR Corp., have struggled recently. +21809016 Digital is promising a new approach. +21809017 Robert M. Glorioso, Digital's vice president for high performance systems, says Digital's mainframe is designed not as a central computer around which everything revolves, but as part of a decentralized network weaving together hundreds of workstations, personal computers, printers and other devices. +21809018 And unlike IBM's water-cooled mainframes, it doesn't need any plumbing. +21809019 The challengers will have a big price advantage. +21809020 Digital is expected to tag its new line from about $1.24 million to $4.4 million and up, depending on configuration. +21809021 That's about half the price of comparably equipped IBM mainframes. +21809022 Tandem's pricing is just as aggressive. +21809023 The heightened competition will hit IBM at a difficult time. +21809024 The computer giant's current mainframe line, which has sold well and has huge profit margins, is starting to show its age. +21809025 The new 3090s due next week will boost performance by only about 8% to 10%. +21809026 And IBM isn't expected to deliver a new generation of mainframes until 1991. +21809027 Still, no one expects IBM's rivals to deliver a knockout. +21809028 IBM has a near-monopoly on mainframes, with an estimated 70% share of the market. +21809029 IBM is five times the size of Digital -- and 40 times the size of Tandem -- and wields enormous market power. +21809030 It counts among its customers a majority of the world's largest corporations, which entrust their most critical business information to IBM computers. +21809031 "We're not going to walk in and replace a company's corporate accounting system if it's already running on an IBM mainframe," concedes Kenneth H. Olsen, Digital's president. +21809032 He says Digital will target faster-growing market segments such as on-line transaction processing, which includes retail-sales tracking, airline reservations and bank-teller networks. +21809033 Tandem, which already specializes in on-line transaction processing, is a potent competitor in that market. +21809034 A key marketing target for Digital will be the large number of big customers who already own both Digital and IBM systems. +21809035 One such company is Bankers Trust Co. +21809036 Stanley Rose, a vice president, technological and strategic planning at Bankers Trust, says that despite Digital's low prices, "we aren't about to unplug our IBM mainframes for a DEC machine. +21809037 The software conversion costs would dwarf any savings." +21809038 But Mr. Rose is still looking seriously at the 9000. +21809039 Bankers Trust uses Digital's VAX to run its huge money-transfer and capital markets accounts, juggling hundreds of billions of dollars each day, he says. +21809040 As that system grows, larger computers may be needed. +21809041 "In the past, customers had to go to IBM when they outgrew the VAX. +21809042 Now they don't have to," he says. +21809043 "That's going to cost IBM revenue." +21809044 Analysts say Digital can expect this pent-up demand for the new VAX to fuel strong sales next year. +21809045 Barry F. Willman, an analyst at Sanford C. Bernstein & Co., estimates the 9000 could boost sales by more than $1 billion in the fiscal year beginning in July. +21809046 He bases the estimate on a survey of hundreds of Digital's largest customers. +21809047 Although Digital will announce a full family of mainframes next week, it isn't expected to begin shipping in volume until next year. +21809048 The first model available will be the 210, which is likely to appeal to many technical and scientific buyers interested in the optional super-charger, or vector processor, says Terry Shannon of International Data Corp., a market research concern. +21809049 Four more models, aimed squarely at IBM's commercial customers, are expected to begin shipping in late June. +21809050 Most analysts don't expect the new mainframes to begin contributing significantly to revenue before the fiscal first quarter, which begins next July 1. +21809051 Digital's new line has been a long time coming. +21809052 The company has long struggled to deliver a strong mainframe-class product, and made a costly decision in 1988 to halt development of an interim product meant to stem the revenue losses at the high end. +21809053 Digital's failure to deliver a true mainframe-class machine before now may have cost the company as much as $1 billion in revenue in fiscal 1989, Mr. Willman says. +21809054 IBM will face still more competition in coming months. +21809055 Amdahl Corp., backed by Japan's Fujitsu Ltd., has a growing share of the market with its low-priced, IBM-compatible machines. +21809056 And National Advanced Systems, a joint venture of Japan's Hitachi Ltd. and General Motors Corp.'s Electronic Data Systems, is expected to unveil a line of powerful IBM-compatible mainframes later this year. +21809057 NOTE: +21809058 NAS is National Advanced Systems, CDC -- Control Data Corp., Bull NH Information Systems Inc. +21809059 Source: International Data Corp. +21809060 Compiled by Publishers Weekly from data from large-city bookstores, bookstore chains and local bestseller lists across the U.S. +21809061 Copyright 1989 by Reed Publishing USA. +21810001 The frenetic stock and bond markets cooled off, but the dollar slumped. +21810002 Stocks rose slightly as trading activity slowed from the frenzied pace earlier this week. +21810003 Prices of long-term Treasury bonds hovered in a narrow band most of the day, finishing little changed despite the dollar's weakness and fears about a wave of government borrowing coming soon. +21810004 Helped by futures-related program buying, the Dow Jones Industrial Average gained 4.92 points to close at 2643.65. +21810005 But the Dow Jones Transportation Average fell for the seventh-consecutive session as more investors dumped UAL shares. +21810006 Bond prices rallied early yesterday morning as traders scrambled to buy Treasury issues on fears that the Northern California earthquake might lead to a stock-market debacle. +21810007 But when stocks held steady, Treasury bonds later retreated. +21810008 Speculation that the Federal Reserve will lower interest rates in coming weeks helped push the dollar down while boosting stocks, traders said. +21810009 But many investors remain wary about stocks, partly because they expect continued turbulence in the junk-bond market that would make it more difficult to finance corporate takeovers. +21810010 "I'm surprised we didn't see more volatility" in stocks, said Raymond F. DeVoe Jr., market strategist at Legg Mason Wood Walker. +21810011 "I think the problems in the junk-bond area are just beginning, and this will be very unsettling for companies that have issued junk bonds. +21810012 In a bull market, credit does not matter," Mr. DeVoe added. +21810013 "But when it does matter, then it's the only thing that matters." +21810014 However, many institutional investors are reacting to the stock market's plunge as "a great buying opportunity," said Charles I. Clough, chief investment strategist at Merrill Lynch Capital Markets. +21810015 "Things are beginning to settle down. +21810016 The markets are returning to normalcy." +21810017 Oil prices initially rose on fears that the massive earthquake in Northern California would disrupt production. +21810018 But prices later reversed course, finishing slightly lower, as investors concluded that any cuts wouldn't be large and that foreign oil producers would quickly pick up the slack. +21810019 In major market activity: +21810020 Stock prices rose. +21810021 New York Stock Exchange volume shrank to 166.9 million shares from 224.1 million Tuesday. +21810022 Advancers on the Big Board outpaced decliners by 822 to 668. +21810023 Bond prices were little changed in sluggish activity. +21810024 The yield on the Treasury's 30-year issue fell slightly to 8.03%. +21810025 The dollar dropped. +21810026 In New York late yesterday, the currency was at 141.45 yen and 1.8485 marks, down from 142.75 yen and 1.8667 marks late Tuesday. +21811001 James L. Madson, 46 years old, was named a vice president and assistant general manager of this producer of copper and other minerals. +21811002 He will succeed Arthur E. Himebaugh as general manager Feb. 1, when Mr. Himebaugh retires. +21812001 AMR Corp. posted an 8.8% drop in third-quarter net income and said the fourth quarter will be "disappointing" as well, primarily because of slimmer profit margins and increased fuel costs. +21812002 AMR's earnings decline comes a year after the parent company of American Airlines and the rest of the airline industry set profit records. +21812003 Some analysts say the latest results only seem pale by comparison with a spectacular second half of 1988. +21812004 Still, AMR's stumble doesn't bode well for the rest of the industry. +21812005 The Fort Worth, Texas, company is generally regarded as one of the best-run in the business, and its difficulties are likely to be reflected industrywide as other major carriers report third-quarter results over the next several days. +21812006 Meanwhile, the company's board, which had said nothing publicly about investor Donald Trump's recently withdrawn $7.5 billion offer for AMR, issued a statement condemning "ill-conceived and reckless" bids and saying it was "pleased" that Mr. Trump had backed out. +21812007 In the third quarter, AMR said, net fell to $137 million, or $2.16 a share, from $150.3 million, or $2.50 a share. +21812008 Revenue rose 17% to $2.73 billion from $2.33 billion a year earlier. +21812009 AMR's chairman, Robert L. Crandall, said the results were due to an 11% year-to-year increase in fuel prices and a slight decrease in yield, an industry measure analogous to profit margin on each seat sold. +21812010 "We think these trends will continue and will produce a very disappointing fourth quarter as well," he said. +21812011 Tim Pettee, an analyst with Merrill Lynch & Co., said: "The business turned faster than expected. +21812012 Costs are giving them a little bit of trouble, and the whole industry is having a pricing problem." +21812013 For the nine months, AMR's net rose 15% to $415.9 million, or $6.59 a share, from $360.1 million, or $5.99 a share. +21812014 Revenue jumped 22% to $7.89 billion from $6.46 billion. +21812015 AMR's board, in a statement after a regular meeting yesterday, said: "Ill-considered and reckless acquisition proposals adversely affect employee, financial and business relationships and are contrary to the best interests of AMR shareholders. . . . +21812016 AMR has not been, and is not, for sale." +21812017 Mr. Crandall said the company's current decline in earnings is exactly the kind of situation that an excessively leveraged company laden with debt from a takeover would find difficult to weather. +21812018 "Our very disappointing third-quarter results and the discouraging outlook for the fourth quarter underscore the importance of an adequate capital base," he said. +21813001 Christopher Whittington, 51-year-old deputy chairman of this British investment-banking group and chairman of Morgan Grenfell & Co., the group's main banking unit, has retired from his executive duties. +21813002 Succeeding Mr. Whittington as deputy chairman of the group is Anthony Richmond-Watson, 43, currently a main board member. +21813003 Succeeding Mr. Whittington at Morgan Grenfell & Co. is Richard Webb, 50, currently deputy chairman. +21813004 Mr. Whittington will remain on the main group board as a nonexecutive director. +21814001 Without federal subsidies to developers of beach houses, the economic and structural damage by Hurricane Hugo in South Carolina would have been much less, as highlighted by your Oct. 3 editorial "Subsidizing Disaster." +21814002 Congress should stop throwing tax dollars out to sea by subsidizing the development of beach communities on ecologically fragile coastal barrier islands, such as the hard-hit Isle of Palms near Charleston. +21814003 As you mentioned, subsidies for development on a number of barrier islands were curtailed in 1982 by the Coastal Barrier Resource System. +21814004 The National Taxpayers Union would like Congress to add 800,000 acres to the 453,000 of shoreline in the system by enacting "The Coastal Barrier Improvement Act of 1989." +21814005 This bill simply says that if you want to develop property on a barrier island you have to do so without taxpayer support. +21814006 Private-property rights would be upheld because the legislation would not ban coastal development. +21814007 However, home builders would have to bear the full costs of such beach-house construction. +21814008 A Taxpayers Union study concluded the bill would save taxpayers up to $9.3 billion in barrier-island subsidies over 20 years. +21814009 Already, the 1982 legislation has saved an estimated $800 million. +21814010 Marshall Y. Taylor +21814011 Communications Director +21814012 National Taxpayers Union +21815001 The government said 13.1% of Americans, or 31.9 million people, were living in poverty in 1988. +21815002 While last year's figure was down from 13.4% in 1987 and marked the fifth consecutive annual decline in the poverty rate, the Census Bureau said the 1988 drop wasn't statistically significant. +21815003 The bureau's report also showed that while some measures of the nation's economic well-being improved modestly in 1988, the fruits of prosperity were shared less equitably than the year before. +21815004 Summarizing data derived from a March 1989 survey of 58,000 households, William Butz, associate director of the Census Bureau, said that "most groups either stayed the same or improved." +21815005 But, he added, "Since the late 1960s, the distribution of income has been slowly getting less equal. +21815006 There was no reversal {of that trend} between 1987 and 1988." +21815007 Per capita income, a widely used measure of a nation's economic health, hit a record in 1988, rising 1.7% after inflation adjustment to $13,120. +21815008 But the median income of American families fell 0.2%, the first time it has failed to rise since 1982. +21815009 Mr. Butz said the divergence in the two measures reflects changes in family size and structure, including the rising number of female-headed families and a sharp increase in income reported by Americans who aren't living in families. +21815010 As a result of last year's decline, the government's estimate for the number of people living below the poverty line declined by about 500,000. +21815011 The poverty threshold, defined as three times food expenses as calculated by the Agricultural Department, last year was $12,092 for a family of four. +21815012 The Census Bureau counts all cash income in determining whether families are below the line, but it doesn't consider other government benefits, such as Medicare. +21815013 Thanks largely to the continued growth of the U.S. economy, the poverty rate is now substantially lower than the 1983 peak of 15.3%, but the improvements have been modest in the past couple of years. +21815014 Poverty remains far more widespread among blacks than other Americans. +21815015 In 1988, 31.6% of blacks lived in poverty, compared with 10.1% for whites and 26.8% for Hispanics. +21815016 But two-thirds of all poor Americans were white. +21815017 More than half of poor families were headed by women living without men, the bureau said. +21815018 More than three-fourths of poor black families were headed by women. +21815019 The poverty rate of children under 18 years old dropped last year to 19.7% from 20.5% in 1987, but remained far higher than a decade ago. +21815020 The rate among the elderly -- 12% in 1988 -- wasn't significantly lower than the year before. +21815021 If it weren't for Social Security payments, more than three times as many elderly would be below the poverty line, Mr. Butz said. +21815022 The Census Bureau also said: +21815023 -- Some 17.2% of all money income received by families in 1988 went to the wealthiest 5% of all families, up from 16.9% in 1987. +21815024 That is the greatest share reported for any year since 1950, although changing definitions over the years distort the comparison. +21815025 -- The top fifth of all families got 44% of the income, up from 41.5% a decade earlier. +21815026 The bottom fifth of all families got 4.6% of the income, down from 5.2% a decade earlier. +21815027 -- Confirming other government data showing that wages aren't keeping pace with inflation, earnings of year-round, full-time male workers fell 1.3% in 1988 after adjusting for higher prices, the first such drop since 1982. +21815028 Earnings of female workers were unchanged. +21815029 -- Women working full-time earned 66 cents for every dollar earned by men, a penny more than in 1987 and seven cents more than in 1978. +21815030 -- Median household income -- which includes both those living in families and those who aren't -- rose 0.3% last year to $27,225 after inflation. +21815031 It rose sharply in the Northeast and Midwest and fell slightly in the South and West. +21815032 Median family income was $32,191, down 0.2%. +21815033 -- Per capita income of blacks, though still only 60% that of whites, rose 3.9% in 1988, while per capita income of whites rose only 1.5%. +21815034 -- Among married couples, the gap between blacks and whites narrowed sharply, as income of black families shot up 6.8% while income of whites didn't budge. +21815035 Fueling a controversy that has been simmering for years, the Census Bureau also said its figures would look far rosier if it recalculated the poverty threshold using an improved consumer-price measure adopted in 1983. +21815036 The bureau said some 3.5 million fewer people would have fallen below the poverty line in 1988 -- and the poverty rate would have been 10.5% instead of 13.1% -- under the alternative calculation. +21815037 Critics on the left and right have been calling for all sorts of revisions to the measure for years. +21815038 A report by the staff of the Joint Economic Committee of Congress released yesterday concluded, "It is misleading to make this change without adjusting for other changes." +21815039 The official poverty threshold is set by the Office of Management and Budget. +21816001 John E. Hayes Jr. was elected chairman, president and chief executive officer, succeeding David S. Black, who retired. +21816002 Mr. Hayes, 52 years old, left Southwestern Bell Telephone Co. in January, where he had been chairman, president and chief executive, to join Triad Capital Partners, a St. Louis company with interests in solid waste and recycling, telecommunications and international venture capital. +21816003 He has resigned his posts at Triad to take the Kansas Power positions. +21816004 Kansas Power said Mr. Black, 61, chose early retirement. +21817001 The space shuttle Atlantis boosted the Galileo spacecraft on its way to Jupiter, giving a big lift as well to an ambitious U.S. program of space exploration. +21817002 Seven years late in the launching, $1 billion over budget and a target of anti-nuclear protestors, Galileo has long been a symbol of trouble for the National Aeronautics and Space Administration. +21817003 But yesterday, as Atlantis rumbled into a patch of clear sky above Florida with storm clouds closing in on it, NASA sought to turn Galileo into a symbol of triumph. +21817004 "NASA did it right; that's the message," said J.R. Thompson, the agency's deputy administrator. +21817005 The $1.4 billion robot spacecraft faces a six-year journey to explore Jupiter and its 16 known moons. +21817006 If all goes well, it will parachute a probe into the dense Jovian atmosphere in July 1995 to pick up detailed data about gases that may be similar to the material from which the solar system was formed 4.6 billion years ago. +21817007 Jupiter is so enormous -- its mass is 318 times that of Earth -- that its gravity may have trapped these primordial gases and never let them escape. +21817008 Investigating Jupiter in detail may provide clues to what astronomer Tobias Owen calls the "cosmic paradox" of life: Jupiter and other bodies in the outer solar system are rich in elements such as hydrogen that are essential for life on Earth, but these planets are lifeless; Earth, on the other hand, has a diminished store of such material but is rich in life. +21817009 Some scientists have suggested that comets and asteroids may have brought enough of this kind of material from the outer solar system to Earth to spawn life. +21817010 Beginning in December 1995, Galileo will begin a two-year tour of the Jovian moons. +21817011 In 1979, two Voyager spacecraft sent back stunning photos of Jovian moons Io and Europa that showed them to be among the most intriguing bodies in the solar system. +21817012 The photos showed active geysers on Io spewing sulfurous material 190 miles into its atmosphere and indicated that Europa may have an ocean hidden under a thick sheet of ice. +21817013 Galileo's photos of Europa will be more than 1,000 times as sharp as Voyager's, according to Torrence Johnson, Galileo's project scientist, and may show whether it actually has the only known ocean other than those on Earth. +21817014 Atlantis lifted Galileo from the launch pad at 12:54 p.m. EDT and released the craft from its cargo bay about six hours later. +21817015 "Galileo is on its way to another world in the hands of the best flight controllers in this world," Atlantis Commander Donald Williams said. +21817016 "Fly safely." +21817017 The five-member Atlantis crew will conduct several experiments, including growing plants and processing polymeric materials in space, before their scheduled landing at Edwards Air Force Base, Calif., Monday. +21817018 The Galileo project started in 1977, and a number of project veterans were on hand to watch the launch. +21817019 An ebullient Mr. Johnson, wearing a NASA baseball cap and carrying a camera and binoculars, called the launch "fantastic." +21817020 Benny Chin, manager of the Galileo probe, compared it to watching a child leave home. +21817021 "I'm happy and sad," he said. +21817022 Anti-nuclear activists took a less positive view. +21817023 Having argued that Galileo's plutonium power source could have released lethal doses of radiation if the shuttle exploded yesterday, they weren't quieted by yesterday's successful launch. +21817024 Galileo will skim past Earth in 1990 and 1992, collecting energy from the planet's gravitational field to gain momentum for its trip to Jupiter. +21817025 The protesters point out that Galileo also could crash to Earth then. +21817026 They said they dropped plans to infiltrate the Kennedy Space Center after NASA beefed up its security. +21817027 One protest did get past NASA's guard, though; a computer virus caused anti-Galileo messages to flash onto some computer screens at NASA centers. +21817028 The successful launch continues a remarkable recovery in the U.S. space-science program. +21817029 An unmanned spacecraft, Magellan, already is heading to Venus and is due to begin mapping the planet next August. +21817030 Voyager 2 sent back spectacular photos of Neptune and its moon, Triton, this summer. +21817031 Next month, NASA plans to launch a satellite to study cosmic rays dating from the birth of the universe. +21817032 In December, the shuttle Columbia will try to retrieve a satellite that's been in orbit for nearly five years measuring the deleterious effects of space on materials and instruments. +21817033 Next March, the shuttle Discovery will launch the Hubble space telescope, a $1.5 billion instrument designed to see the faintest galaxies in the universe. +21817034 Not all of NASA's space-science work will be so auspicious, though. +21817035 Around Thanksgiving, the Solar Max satellite, which NASA repaired in orbit in 1984, will tumble back into the Earth's atmosphere. +21817036 NASA won't attempt a rescue; instead, it will try to predict whether any of the rubble will smash to the ground and where. +21818001 The Associated Press's earthquake coverage drew attention to a phenomenon that deserves some thought by public officials and other policy makers. +21818002 Private relief agencies, such as the Salvation Army and Red Cross, mobilized almost instantly to help people, while the Washington bureaucracy "took hours getting into gear." +21818003 One news show we saw yesterday even displayed 25 federal officials meeting around a table. +21818004 We recall that the mayor of Charleston complained bitterly about the federal bureaucracy's response to Hurricane Hugo. +21818005 The sense grows that modern public bureaucracies simply don't perform their assigned functions well. +21819001 Bally Manufacturing Corp. and New York developer Donald Trump have agreed in principle to a $6.5 million settlement of shareholder litigation stemming from Bally's alleged greenmail payment to Mr. Trump. +21819002 According to lawyers familiar with the settlement talks, the verbal agreement to end a lawsuit filed more than two years ago was reached last week and will soon be submitted to a federal judge in Camden, N.J. +21819003 In February 1987, Bally thwarted a possible hostile takeover bid from Mr. Trump by agreeing to buy 2.6 million of Mr. Trump's 3.1 million Bally shares for $83.7 million -- more than $18 million above market price. +21819004 The term greenmail refers to a situation where a company pays a premium over market value to repurchase a stake held by a potential acquirer. +21819005 Lawyers for shareholders, Bally and Mr. Trump all declined to talk publicly about the proposed settlement, citing a request by a federal court magistrate not to reveal details of the agreement until it is completed. +21819006 But some attorneys who are familiar with the matter said the $6.5 million payment will be shared by Bally and Mr. Trump, with the casino and hotel concern probably paying the bulk of the money. +21819007 The amount Bally and Mr. Trump will pay to settle the class-action suit pales in comparison to the $45 million Walt Disney Co. and Saul Steinberg's Reliance Group Holdings Inc. agreed to pay to settle a similar suit in July. +21819008 That settlement represented the first time shareholders were granted a major payment in a greenmail case. +21819009 Mr. Steinberg made a $59.7 million profit on the sale to Disney of his investment in the company in 1984. +21819010 But lawyers said Mr. Steinberg probably faced much more potential liability because, when he sued Disney during his takeover battle, he filed on behalf of all shareholders. +21819011 When Disney offered to pay Mr. Steinberg a premium for his shares, the New York investor didn't demand the company also pay a premium to other shareholders. +21819012 When Mr. Trump sued Bally, he sued only on behalf of himself. +21819013 Mr. Trump and Bally also appeared to have some leverage in the case because in the state of Delaware, where Bally is incorporated, courts have held that greenmail is often protected by the business-judgment rule. +21819014 That rule gives boards of directors wide latitude in deciding how to deal with dissident shareholders. +21819015 SENATE HEARS final arguments in impeachment trial of federal judge. +21819016 Yesterday, U.S. Judge Alcee Hastings faced his jury -- the full U.S. Senate -- and said, "I am not guilty of having committed any crime." +21819017 Seventeen articles of impeachment against the Florida judge, one of the few blacks on the U.S. bench, were approved by the House in August 1988. +21819018 The central charge against Judge Hastings is that he conspired with a Washington lawyer to obtain a $150,000 bribe from defendants in a criminal case before the judge, in return for leniency. +21819019 He is also accused of lying under oath and of leaking information obtained from a wiretap he supervised. +21819020 The Senate's public gallery was packed with Judge Hastings' supporters, who erupted into applause after he finished his argument. +21819021 Judge Hastings, who was acquitted of similar charges by a federal jury in 1983, claims he is being victimized and that the impeachment proceedings against him constitute double jeopardy. +21819022 But Rep. John Bryant (D., Texas), the lead counsel for the House managers who conducted a lengthy inquiry into Judge Hastings' activities, said "a mountain of evidence points to his certain guilt." +21819023 The Senate will deliberate behind closed doors today and is scheduled to vote on the impeachment tomorrow. +21819024 If the judge is impeached, as is thought likely, he will be removed from office immediately. +21819025 However, Judge Hastings has said he will continue to fight and is contemplating an appeal of any impeachment to the U.S. Supreme Court. +21819026 COMPANIES SEEKING to make insurers pay for pollution cleanup win court victory. +21819027 In a case involving Avondale Industries Inc. and its insurer, Travelers Cos., the Second U.S. Circuit Court of Appeals in New York ruled in favor of the company on two issues that lawyers say are central to dozens of pollution cases around the country. +21819028 Travelers and other insurers have maintained that cleanup costs aren't damages and thus aren't covered under commercial policies. +21819029 They also have argued that government proceedings notifying a company of potential responsibility don't fit the legal definition of a lawsuit; thus, such governmental proceedings aren't covered by the policies, the insurers say. +21819030 The appeals court disagreed on both counts. +21819031 Avondale was notified by Louisiana officials in 1986 that it was potentially responsible for a cleanup at an oil-recycling plant. +21819032 Avondale asked Travelers to defend it in the state proceeding, but the insurer didn't respond. +21819033 The appeals court upheld a district judge's ruling that the insurer had to defend the company in such proceedings. +21819034 The appeals court also said, "We think an ordinary businessman reading this policy would have believed himself covered for the demands and potential damage claims" stemming from any cleanup. +21819035 "This decision will have a very considerable impact," said Kenneth Abraham, professor of environmental law and insurance law at the University of Virginia, because many commercial insurance policies are issued by companies based in New York. +21819036 William Greaney, an attorney for the Chemical Manufacturers Association, said that while other appeals courts have ruled differently on whether cleanup costs are damages, the influence of the appeals court in New York "will make insurers sit up and listen." +21819037 He said the decision was the first in which a federal appeals court has ruled whether administrative government proceedings qualify as litigation. +21819038 Barry R. Ostrager, an attorney for Travelers, said, "there are procedural bases on which this case will be appealed further." +21819039 NEW YORK'S poor face nearly three million legal problems a year without legal help. +21819040 That is the conclusion of a report released by the New York State Bar Association. +21819041 The report was based on a telephone survey of 1,250 low-income households across the state, a mail survey of major legal-services programs and on-site interviews with individuals in the field. +21819042 "The report provides detailed documentation of the extent and nature of the problem and indicates how we may want to shape solutions," said Joseph Genova, chairman of the committee that oversaw the survey and a partner at the law firm of Milbank, Tweed, Hadley & McCloy. +21819043 According to the study, slightly more than 34% of those surveyed reported having at least one housing problem every year for which they had no legal help. +21819044 Nearly 36% ranked housing problems as their most serious unmet legal need. +21819045 Other areas targeted by the survey's respondents included difficulty obtaining or maintaining public benefits (22%), consumer fraud (15.4%), and health-care issues (15%). +21819046 During the 15-month survey, 43% of all legal-services programs said that at some period they were unable to accept new clients unless they had an emergency. +21819047 Mr. Genova said the committee may meet to propose solutions to the problems identified in the study. +21819048 PROSECUTOR TO JOIN Gibson Dunn: +21819049 Assistant U.S. Attorney Randy Mastro, who headed the government's racketeering case against the International Brotherhood of Teamsters, will join Gibson, Dunn & Crutcher in its New York office. +21819050 Mr. Mastro has been with the New York U.S. attorney's office for nearly five years. +21819051 In 1987 he became deputy chief of the civil division. +21819052 Mr. Mastro will do civil litigation and white-collar defense work for Gibson Dunn, which is based in Los Angeles. +21819053 FORMER APPLE COMPUTER Inc. general counsel John P. Karalis has joined the Phoenix, Ariz., law firm of Brown & Bain. +21819054 Mr. Karalis, 51, will specialize in corporate law and international law at the 110-lawyer firm. +21819055 Before joining Apple in 1986, Mr. Karalis served as general counsel at Sperry Corp. +21820001 After failing to find a buyer for the Sears Tower in Chicago, Sears, Roebuck & Co. is negotiating with Boston pension fund adviser Aldrich, Eastman & Waltch Inc. to refinance the property for close to $850 million, according to people close to the negotiations. +21820002 Under the proposed agreement involving the world's tallest building, Chicago-based Sears would receive about half the money through conventional mortgage financing and the other half as a convertible mortgage. +21820003 At the end of the term of the convertible loan, Sears could still own half the building, and AEW could own the other half. +21820004 Neither side would comment. +21820005 The parties are currently negotiating over who would manage the building, which will be emptied of 6,000 employees from Sears' merchandise group, which is moving elsewhere. +21820006 The new manager will face the daunting task of leasing 1.8 million square feet in a relatively soft Chicago real estate market. +21820007 Also, it has not yet been decided exactly how much of the mortgage AEW will be able to convert into equity. +21820008 Convertible mortgages have become an increasingly popular way to finance prestigious buildings of late. +21820009 In a convertible mortgage, the investor lends the building owner a certain amount in return for the option to convert its interest into equity, usually less than 50%, at the end of the loan term. +21820010 During the term, the lender can either receive a percentage of cash flow, a percentage of the building's appreciation or a fixed return. +21820011 The main advantage of a convertible mortgage is that it is not a sale and therefore does not trigger costly transfer taxes and reappraisal. +21820012 Sears said it would put the 110-story tower on the block almost a year ago as part of its anti-takeover restructuring. +21820013 But Japanese institutions shied away from bidding on the high-profile tower out of fear their purchase of the property would trigger anti-Japanese sentiment. +21820014 Last summer, Sears appeared to have a deal with Canadian developer Olympia & York Developments Ltd. +21820015 But that deal fell through in September after it became clear that the sale would lead to a major real estate tax reassessment, raising property taxes, and making it difficult to lease the building at competitive prices. +21820016 Real estate industry executives said Sears' investment banker, Goldman, Sachs & Co., sought financing in Japan. +21820017 However, Japanese authorities apparently were concerned that a refinancing also would attract too much publicity. +21820018 Sears then went back to AEW, the Boston pension adviser that had proposed a convertible debt deal during the first round of bids last spring. +21820019 AEW has $3.5 billion of real estate investments nationwide, according to a spokesman. +21821001 Tandy Corp. said it signed a definitive agreement to acquire two units of Datatronic AB of Stockholm for cash. +21821002 The amount wasn't disclosed. +21821003 The electronics maker and retailer previously estimated the sale price at between $100 million and $200 million for Datatronic's Victor microcomputer and Micronic hand-held computer subsidiaries. +21821004 In addition, Tandy will acquire rights to the Victor and Micronic names for computers. +21821005 During 1988, the Datatronic subsidiaries had combined sales in excess of $200 million. +21821006 The transaction will give Tandy a well-known European computer brand that includes 2,700 dealers and distributors marketing to medium-sized business and educational institutions. +21821007 Closing of the transaction is subject to certain conditions and regulatory approvals, the company said. +21822001 Two rules in pending congressional legislation threaten to hinder leveraged buy-outs by raising the price tags of such deals by as much as 10%. +21822002 Wall Street is seething over the rules, which would curtail the tax deductibility of debt used in most LBOs. +21822003 The provisions, in deficit-reduction bills recently passed by the House and Senate, could further cool the takeover boom that has been the driving force behind the bull market in stocks for much of the 1980s, some tax experts and investment bankers argue. +21822004 Indeed, some investment bankers have already started restructuring deals to cope with the expected rules. +21822005 Wall Street has all but conceded on the issue and is now lobbying for the less onerous Senate version of one of the provisions. +21822006 At issue is the deductibility of certain junk bonds that are used in most LBOs. +21822007 Such high-yield debt is similar to a zero-coupon bond in that it is sold at a discount to face value, with interest accruing instead of being paid to the holder. +21822008 Under current rules, that accrued interest is deductible by the company issuing the debt. +21822009 The House version of the legislation would kill that deduction, and label any such debt as equity, which isn't deductible. +21822010 The less-rigorous Senate version would defer the deductibility for roughly five years. +21822011 "You see these in just about every LBO," said Robert Willens, senior vice president in charge of tax issues at Shearson Lehman Hutton Inc. in New York. +21822012 "It becomes a source of cash" for the company making the LBO because it gets a deduction and doesn't have to repay the debt for several years. +21822013 Typically, Mr. Willens estimates, this type of debt makes up 15% to 20% of the financing for LBOs. +21822014 These types of bonds have been used in buy-outs of companies such as RJR Nabisco Inc., Storer Communications Inc. and Kroger Co. +21822015 A second provision passed by the Senate and House would eliminate a rule allowing companies that post losses resulting from LBO debt to receive refunds of taxes paid over the previous three years. +21822016 For example, if a company posted a loss of $100 million from buy-out interest payments, the existing rule would allow the concern to be able to receive a refund from the tax it paid from 1986 through 1989, when it may have been a profitable public company. +21822017 But that rule is being virtually overlooked by Wall Street, which is concentrating on coping with the deduction issue. +21822018 "Prices for LBOs have to come down if you don't have that feature," argued Lawrence Schloss, managing director for merchant banking at Donaldson, Lufkin & Jenrette Securities Corp. in New York. +21822019 Several Wall Street officials say the proposed legislation already is having an impact. +21822020 An investment group led by Chicago's Pritzker family recently lowered a $3.35 billion bid for American Medical International, Beverly Hills, Calif., because of the threat of the legislation. +21822021 Moreover, one investment banker, who requested anonymity, said his firm didn't raise the ante for a target company earlier this month after a stronger bid emerged from a public company that wasn't concerned about the financing provision. +21822022 "We would have paid more if we thought that law wasn't going to pass," he said. +21822023 One possible solution for Wall Street is to increase the equity part of the transaction -- that is, give lenders a bigger stake in the surviving company rather than just interest payments. +21822024 That would force the buy-out firm and the target company's management to reduce their level of ownership. +21822025 "The pigs in the trough may have to give a little bit of the slop back and then the deal can go through," said Peter C. Canellos, tax partner at Wachtell, Lipton, Rosen & Katz. +21822026 Another solution, said a tax lawyer who requested anonymity, is for firms to use convertible bonds that sell at a discount. +21822027 Since they have a lower interest rate, they wouldn't fall under the junk-bond category that would lose its deductibility. +21822028 The House version of the bill would make debt non-deductible if it pays five percentage points above Treasury notes, has at least a five-year maturity and doesn't pay interest for at least one year out of the first five. +21822029 The bill would then declare that the debt is equity and therefore isn't deductible. +21822030 The Senate bill would only deny the deduction until interest is actually paid. +21822031 Currently, even though the issuer doesn't pay tax, the debt holder is taxed on the accrued interest. +21822032 But those holders are often foreign investors and tax-exempt pension funds that don't pay taxes on their holdings. +21822033 The Senate estimates that its version of the provision would yield $17 million the first year and a total of $409 million over five years. +21822034 The House version would raise slightly more. +21822035 Even if Wall Street finds ways around the new rules, a Senate aide contends LBOs will become somewhat more difficult. +21822036 "There's no question it will make LBOs more expensive," he said. +21822037 "The interest deduction was the engine that made these things more productive. +21823001 The average publicly offered commodity fund fell 4.2% in September, largely because of the volatile markets in foreign currencies, according to Norwood Securities. +21823002 The firm said that losers outnumbered gainers by more than three to one among the 122 funds it tracks. +21823003 For the first nine months of the year, Norwood said the average fund has lost 3.3%. +21824001 The government moved aggressively to open the spigots of federal aid for victims of the California earthquake, but its reservoir of emergency funds must be replenished soon if the aid is to continue. +21824002 President Bush signed a disaster declaration covering seven Northern California counties. +21824003 The declaration immediately made the counties eligible for temporary housing, grants and low-cost loans to cover uninsured property losses. +21824004 In addition, an unusually wide array of federal agencies moved to provide specialized assistance. +21824005 The Department of Housing and Urban Development prepared to make as many as 100 vacant houses available for those left homeless, the Agriculture Department was set to divert food from the school-lunch program to earthquake victims, and the Pentagon was providing everything from radio communications to blood transfusions to military police for directing traffic. +21824006 But the pool of federal emergency-relief funds already is running low because of the heavy costs of cleaning up Hurricane Hugo, and Congress will be under pressure to allocate more money quickly. +21824007 In Hugo's wake, Congress allocated $1.1 billion in relief funds, and White House spokesman Marlin Fitzwater said $273 million of that money remains and could be diverted for quick expenditures related to the earthquake. +21824008 Now, though, enormous costs for earthquake relief will pile on top of outstanding costs for hurricane relief. +21824009 "That obviously means that we won't have enough for all of the emergencies that are now facing us, and we will have to consider appropriate requests for follow-on funding," Mr. Fitzwater said. +21824010 The federal government isn't even attempting yet to estimate how much the earthquake will cost it. +21824011 But Mr. Fitzwater said, "There will be, I think quite obviously, a very large amount of money required from all levels of government." +21824012 In Congress, lawmakers already are looking for ways to add relief funds. +21824013 Money could be added to a pending spending bill covering the Federal Emergency Management Agency, which coordinates federal disaster relief. +21824014 More likely, relief funds could be added to an omnibus spending bill that Congress is to begin considering next week. +21824015 But it isn't just Washington's relief dollars that are spread thin; its relief manpower also is stretched. +21824016 FEMA still has special disaster centers open to handle the aftermath of Hugo, and spokesman Russell Clanahan acknowledged that "we're pretty thin." +21824017 Mr. Clanahan says FEMA now possibly may have the heaviest caseload in its history. +21824018 To further complicate relief efforts, the privately funded American Red Cross also finds itself strapped for funds after its big Hugo operation. +21824019 "It's been a bad month money-wise and every other way," said Sally Stewart, a spokeswoman for the Red Cross. +21824020 "It just makes it a little rough when you have to worry about the budget." +21824021 The Red Cross has opened 30 shelters in the Bay area, serving 5,000 people. +21824022 Twenty-five trucks capable of cooking food were dispatched from other states. +21824023 All the precise types of federal aid that will be sent to California won't be determined until state officials make specific requests to FEMA, agency officials said. +21824024 And in the confusion after the earthquake, "the information flow is a little slow coming in from the affected area," said Carl Suchocki, a FEMA spokesman. +21824025 Still, some aid is moving westward from Washington almost immediately. +21824026 HUD officials said they will make available as many as 100 Bay area houses that are under HUD loans but now are vacant after the houses have been inspected to ensure they are sound. +21824027 Additional housing vouchers and certificates will be made available, officials said, and some housing and community-development funds may be shifted from other programs or made available for emergency use. +21824028 Another federal agency not normally associated with disaster relief -- the Internal Revenue Service -- moved quickly as well. +21824029 The IRS said it will waive certain tax penalties for earthquake victims unable to meet return deadlines or make payments because of the quake's devastation. +21824030 The agency plans to announce specific relief procedures in the coming days. +21824031 And the Treasury said residents of the San Francisco area will be able to cash in savings bonds even if they haven't held them for the minimum six-month period. +21824032 One advantage that federal officials have in handling earthquake relief is the large number of military facilities in the San Francisco Bay area, facilities that provide a ready base of supplies and workers. +21824033 Even before the full extent of the devastation was known, Defense Secretary Dick Cheney ordered the military services to set up an emergency command center in the Pentagon and prepare to respond to various FEMA requests for assistance. +21824034 By yesterday afternoon, Air Force transport planes began moving additional rescue and medical supplies, physicians, communications equipment and FEMA personnel to California. +21824035 A military jet flew a congressional delegation and senior Bush administration officials to survey the damage. +21824036 And the Pentagon said dozens of additional crews and transport aircraft were on alert "awaiting orders to move emergency supplies." +21824037 Two Air Force facilities near Sacramento, and Travis Air Force Base, 50 miles northeast of San Francisco, were designated to serve as medical-airlift centers. +21824038 Some victims also were treated at the Letterman Army Medical Center in San Francisco and at the Naval Hospital in Oakland. +21824039 In addition, 20 military police from the Presidio, a military base in San Francisco, are assisting with traffic control, and a Navy ship was moved from a naval station at Treasure Island near the Bay Bridge to San Francisco to help fight fires. +21824040 To help residents in Northern California rebuild, FEMA intends to set up 17 disaster assistance offices in the earthquake area in the next several days and to staff them with 400 to 500 workers from various agencies, said Robert Volland, chief of the agency's individual assistance division. +21824041 At these offices, earthquake victims will be helped in filling out a one-page form that they will need to qualify for such federal assistance as home-improvement loans and to repair houses. +21824042 And federal officials are promising to move rapidly with federal highway aid to rebuild the area's severely damaged road system. +21824043 The Federal Highway Administration has an emergency relief program to help states and local governments repair federally funded highways and bridges seriously damaged by natural disasters. +21824044 The account currently has $220 million. +21824045 And though federal law dictates that only $100 million can be disbursed from that fund in any one state per disaster, administration officials expect Congress to move in to authorize spending more now in California. +21824046 To get that money, states must go through an elaborate approval process, but officials expect red tape to be cut this time. +21824047 Keith Mulrooney, special assistant to Federal Highway Administrator Thomas Larson, also said that after the 1971 San Fernando earthquake in Southern California, the state set tougher standards for bridges, and with federal aid, began a program to retrofit highways and bridges for earthquake hazards. +21824048 The first phase of the program has been completed, but two other phases are continuing. +21824049 The two major structures that failed Tuesday night, he said, were both built well before the 1971 earthquake -- the San Francisco Bay Bridge, completed in the 1930s, and the section of I-880, built in the 1950s. +21824050 The I-880 section had completed the first phase of the retrofitting. +21824051 Laurie McGinley contributed to this article. +21825001 FARMERS REAP abundant crops. +21825002 But how much will shoppers benefit? +21825003 The harvest arrives in plenty after last year's drought-ravaged effort: The government estimates corn output at 7.45 billion bushels, up 51% from last fall. +21825004 Soybean production swells 24%. +21825005 As a result, prices paid to farmers for the commodities, which are used in products as diverse as bubble gum and chicken feed, plummet 20% to 33%. +21825006 But don't expect too much in the way of price breaks soon at the supermarket. +21825007 Economists expect consumer food prices to jump 5.5% this year to the highest level since 1980 and up from last year's 4.1% rise. +21825008 Next year may see a drop of one percentage point. +21825009 Beef prices, hovering near records since the drought, could drop in earnest this winter if ranchers expand herds. +21825010 Lower feed prices may help animals eat more cheaply, but humans have to factor in an expensive middleman: the processor. +21825011 Food companies probably won't cut their prices much, blaming other costs. +21825012 "Labor takes the biggest single chunk out of the `food dollar,'" says Frank Pankyo of the Food Institute. +21825013 Stokely says stores revive specials like three cans of peas for 99 cents. +21825014 Two cans cost 89 cents during the drought. +21825015 IF IN VITRO fertilization works, it usually does so after only a few tries. +21825016 Costly infertility problems and procedures proliferate as aging baby boomers and others decide to have children -- now. +21825017 It's estimated that one in six couples experiences infertility, and in 1987, Americans spent about $1 billion to fight the problem. +21825018 Only about five states now offer some form of insurance coverage, but more are expected. +21825019 A letter in the New England Journal of Medicine notes that while technology offers "almost endless hope . . . when to stop has become a difficult question. . . ." +21825020 The authors, from Boston's Beth Israel Hospital, say that 84% of the 50 births they followed occurred after only two in vitro cycles. +21825021 It adds that births were "extremely unlikely" after the fourth cycle and concludes couples who don't achieve a pregnancy after four to six procedures should be advised that success is unlikely. +21825022 Some couples continue to try. +21825023 "Such determination may translate into extreme physical, emotional and financial costs," the letter warns. +21825024 MARKET MOVES, these managers don't. +21825025 Only three of the 25 corporate pension fund managers attending a Lowry Consulting Group client conference say they plan to change the asset allocation mix in their portfolios because of the market drop. +21825026 WORLD ODDITIES come alive in a multimedia version of the Guinness Book of Records. +21825027 The $99 CD-ROM disk (it can only be played on an Apple Macintosh computer at the moment) combines animation, music and sound. +21825028 Among the Guinness disk's wonders: the world's loudest recorded belch. +21825029 ARTY FAX from David Hockney begins a tongue-in-cheek exhibit today at New York's Andre Emmerich Gallery. +21825030 One of the artist's earliest Fax works was "Little Stanley Sleeping," a portrait of his dog. +21825031 PACS GIVE and receive in a debatable duet with employees' favored charities. +21825032 The Federal Election Commission clears corporate plans to donate to an employee's chosen charity in exchange for the worker's gift to the company political action committee. +21825033 Latest approvals: Bell Atlantic's New Jersey Bell and General Dynamics. +21825034 Companies get more political clout plus a possible tax-deductible charitable donation -- so far no word from the IRS on deductibility. +21825035 Detroit Edison, the plan pioneer, generated $54,000 in matching funds this year, up from $39,000 in 1988. +21825036 But the utility may not continue next year. +21825037 "We're on a tight budget," says Detroit Edison's Carol Roskind. +21825038 Two election commission members opposed the matching plans. +21825039 Scott E. Thomas says the plans give employees "a bonus in the form of charitable donations made from an employer's treasury" in exchange for the political donation. +21825040 "The U.S. government could be, in effect, subsidizing political contributions to corporate PACs," he says. +21825041 New Jersey Bell awaits state clearance. +21825042 Despite federal approval, General Dynamics says it decided it won't go ahead with the matching program. +21825043 CHRISTMAS SHOPPERS find a helping hand from some catalog companies. +21825044 Blunt Ellis & Loewi estimates direct mail catalog sales rose to $12 billion last year. +21825045 And while it's too soon to tell how sales will fare in the important 1989 Christmas season, some companies take steps to ease the usual 11th-hour crush. +21825046 Spiegel promises a "Guaranteed Christmas," with a pledge to deliver goods before Christmas if ordered by Dec. 20. +21825047 And, for an extra $6, Land's End will deliver orders within two days; customers can designate the day. +21825048 Spiegel, which also owns Eddie Bauer and Honeybee, says that since 1987, sales have doubled during the week before Christmas. +21825049 An L.L. Bean spokeswoman notes: "People are just used to living in a last-minute society." +21825050 Blunt Ellis, a Milwaukee brokerage firm, says part of the reason catalog sales grow in popularity is because consumers have more money but less time to spend it. +21825051 L.L. Bean hires about 2,700 workers for the season rush, about 300 more than last year; Land's End hires 2,000. +21825052 BRIEFS: +21825053 Guarana Antarctica, a Brazilian soft drink, is brought to the U.S. by Amcap, Chevy Chase, Md. +21825054 New Product News says the beverage "looks like ginger ale, tastes a little like cherries and smells like bubble gum." . . . +21825055 "Amenities" planned for Chicago's new Parkshore Tower apartments include an on-site investment counselor. +21826001 Four years ago, Pittsburgh was designated the most-livable U.S. city by Rand McNally's Places Rated Almanac, and the honor did wonders to improve Pittsburgh's soot-stained image. +21826002 "People asked, is it really true?" says Maury Kelley, vice president, marketing services, for Beecham Products USA, a maker of health and personal-care products that used the ranking in its recruiting brochure. +21826003 Yuba City, Calif., meanwhile, ranked dead last among 329 metro areas. +21826004 Unamused, residents burned Rand McNally books and wore T-shirts that said: "Kiss my Atlas." +21826005 The almanac will be making new friends and enemies on Oct. 27, when an updated version will be released. +21826006 Pittsburgh figures it will be dethroned but plans to accept its ouster graciously. +21826007 The city's Office of Promotion plans media events to welcome its successor. +21826008 "We're encouraging a graceful transition," says Mary Kay Poppenberg, the organization's president. +21826009 "Our attitude is that (the ranking) is like Miss America. +21826010 Once you're Miss America, you're always Miss America." +21826011 Tell that to Atlanta, which Pittsburgh replaced as the most-livable city in 1985. +21826012 Many Atlantans thought Pittsburgh was an unworthy heir. +21826013 A columnist in the Atlanta Journal and Constitution wrote: "Who did the research for this report? +21826014 Two guys from Gary, Ind.?" +21826015 Not so. +21826016 Co-authors David Savageau and Richard Boyer, live in Gloucester, Mass., and Asheville, N.C., respectively. +21826017 "Atlanta," Mr. Savageau sniffs, "has unrealistic pretensions to world-class status." +21826018 The new edition lists the top 10 metropolitan areas as Anaheim-Santa Ana, Calif.; Boston; Louisville, Ky.; Nassau-Suffolk, N.Y.; New York; Pittsburgh; San Diego; San Francisco; Seattle; and Washington. +21826019 Mr. Savageau says earthquake or not, San Francisco makes the list. +21826020 But attention also rivets on who finishes last, and Pine Bluff, Ark. -- which finished third to last in 1981 and second to last in 1985 -- is certainly in the running. +21826021 "I hate to dignify the publication by commenting on the obscene rating," Mayor Carolyn Robinson says, adding that cities have no way to rebut the book. +21826022 "It's like fighting your way out of a fog. +21826023 You don't know which way to punch. +21827001 Northrop Corp.'s third-quarter net income fell 25% to $21.5 million, or 46 cents a share, while General Dynamics Corp. reported nearly flat earnings of $76.5 million, or $1.83 a share. +21827002 Los Angeles-based Northrop recorded an 8.2% decline in sales as B-2 Stealth bomber research-and-development revenue continued to ebb and high costs on some other programs cut into profit. +21827003 The aerospace concern earned $28.8 million, or 61 cents a share, a year earlier. +21827004 Sales in the latest period were $1.25 billion, down from $1.36 billion in the 1988 quarter. +21827005 At St. Louis-based General Dynamics, sales rose 10% to $2.52 billion from $2.29 billion. +21827006 It earned $76.4 million, or $1.82 a share, in the 1988 quarter. +21827007 General Dynamics credited significant earnings gains in its general aviation and material service segments, an earnings recovery in submarine operations, and higher military aircraft sales. +21827008 Northrop said sales fell because of the decline in B-2 development dollars from the government as the plane continues its initial production stage and because fewer F/A-18 fighter sections are being produced in its subcontract work with prime contractor McDonnell Douglas Corp. +21827009 In composite trading on the New York Stock Exchange, Northrop shares closed at $21.125, off 25 cents. +21827010 General Dynamics closed at $54.875, up 50 cents. +21827011 Northrop, which since early 1988 has declined to accept fixed-price contracts for research and development, said earnings were hurt by excessive costs on a number of such contracts won years ago. +21827012 Among them were the ALQ-135 electronic countermeasures system for the F-15 fighter. +21827013 Northrop's interest expense also soared to $35 million from $17 million a year ago. +21827014 It said debt remained at the $1.22 billion that has prevailed since early 1989, although that compared with $911 million at Sept. 30, 1988. +21827015 The backlog of undelivered orders at Northrop on Sept. 30 was $4.68 billion, down from $5.16 billion a year earlier. +21827016 For the nine months, Northrop reported a net loss of $46.9 million, or $1 a share, compared with profit of $190.3 million, or $4.05 a share, in 1988. +21827017 Sales dipped 3.6% to $3.92 billion from $4.07 billion. +21827018 At General Dynamics, factors reducing earnings in the military aircraft segment included higher levels of cost-sharing in development of the Advanced Tactical Fighter, and the high cost of an advanced version of the F-16 fighter. +21827019 F-16 deliveries also have fallen "slightly behind schedule," although a return to the previous schedule is expected in 1990, the company said. +21827020 Backlog at General Dynamics rose to $16.5 billion from $15.8 billion. +21827021 Its interest expense surged to $21.5 million from $12.4 million. +21827022 For the nine months, General Dynamics earned $210.3 million, or $5.03 a share, up marginally from $208.8 million, or $4.97 a share, on a 4.9% rise in sales to $7.41 billion from $7.06 billion. +21828001 Lotus Development Corp. reported a surprisingly strong 51% increase in third-quarter net income on a 32% sales gain, buoyed by strong demand for a new version of its 1-2-3 computer spreadsheet. +21828002 The results topped analysts' expectations and the earnings growth of competitors, prompting traders to all but forget the product-launch delays that bogged down the company for much of the past two years. +21828003 Yesterday, in heavy, national over-the-counter trading, Lotus shares rose to $32.50, up $1.25 apiece, capping a threemonth run-up of more than 40%. +21828004 Lotus said net rose to $23 million, or 54 cents a share, on sales of $153.9 million. +21828005 A year ago, net was $14.3 million, or 31 cents a share, on sales of $116.8 million. +21828006 For the nine months, net of $38.5 million, or 92 cents a share, trailed the year earlier's $49.9 million, or $1.08 a share. +21828007 Sales rose to $406 million from $356 million the year earlier. +21828008 In the first half, Lotus struggled to keep market share with costly promotions while customers awaited the launch of 1-2-3 Release 3, the upgraded spreadsheet software. +21828009 Lotus's results were about 10% higher than analysts' average expectations and compared favorably with the 36% earnings rise reported a day earlier by rival Microsoft Corp. of Redmond, Wash. +21828010 The company said results were bolstered by upgrades to Release 3 by previous customers and improved profit margins, the result of manufacturing-cost controls. +21828011 Rick Sherlund, a Goldman Sachs analyst, said Lotus had upgrade revenue of about $22 million in the quarter, twice what he had expected. +21828012 Also, he estimated unit shipments of 1-2-3 in all its forms were about 315,000, up 7% from 1988's quarterly average. +21828013 Demand for the new version was enabling Lotus to raise prices with distributors and to hold market share against Microsoft and other competitors that tried to exploit the earlier delays in Release 3's launch, Mr. Sherlund added. +21828014 He estimated that 1-2-3 outsold Microsoft's Excel spreadsheet by four-to-one in the quarter, and held a 70% or better share of the spreadsheet market. +21829001 Silicon Valley heaved a sigh of relief yesterday. +21829002 Though details were sketchy in the aftermath of the violent earthquake that shook the high-tech corridor along with the rest of the San Francisco Bay area, a spot check of computer makers turned up little, if any, potentially lingering damage to facilities or fabrication equipment. +21829003 Analysts and corporate officials said they expected practically no long-term disruption in shipments from the Valley of either hardware or software goods. +21829004 Intel Corp., Advanced Micro Devices Inc. and National Semiconductor Corp. were all up and running yesterday, though many workers were forced to stay home because of damaged roadways; others elected to take the day off. +21829005 "These systems are more rugged than many people would believe," said Thomas Kurlak, who tracks the computer industry for Merrill Lynch Research. +21829006 "It's not the end of the world if you shake them up a little bit." +21829007 Other companies, including International Business Machines Corp. and Hewlett-Packard Co., completely idled their operations because of Tuesday evening's temblor, which registered 6.9 on the Richter scale. +21829008 Personnel spent the morning inspecting buildings for structural weaknesses, mopping up water from broken pipes and clearing ceiling tiles and other debris from factory floors. +21829009 Still, many were confident that "in a day or two, everything should be back to normal," according to a spokeswoman for the Semiconductor Industry Association, based in Cupertino. +21829010 IBM, for instance, said it anticipates returning to a normal work schedule by the weekend at its San Jose plant, which puts out disk drives for the 3090 family of mainframes. +21829011 A Hewlett-Packard spokeswoman said that, while "things are a big mess," some 18,000 Valley employees have been called back to work today. +21829012 Apple Computer added that it was being "cautiously optimistic," despite not yet closely eyeballing all of its 50 buildings in the region. +21829013 Even the carefully calibrated machinery in its giant Fremont plant, to the north of the Valley, was believed to be undamaged. +21829014 Sun Microsystems Inc. and Tandem Computers Inc. also signaled that they should recover quickly. +21829015 Digital Equipment Corp., with major facilities in Santa Clara, Cupertino, Palo Alto and Mountain View, said that all of its engineering and manufacturing sites had reported to corporate headquarters in Maynard, Mass., Tuesday night. +21829016 None sustained "significant" damage, a spokesman said, adding that "the delicate manufacturing process machines were checked and were all found to be operating normally." +21829017 For many companies, of course, there is still a slew of nagging problems to grapple with, some of which have the potential to become quite serious. +21829018 For example, a spokesman for Advanced Micro Devices said the Sunnyvale chip maker is worried about blackouts. +21829019 A sudden surge or drop in electric power could ruin integrated circuits being built. +21829020 But, given what might have happened to the fragile parts that are at the heart of the microelectronics business, the bulk of Valley companies seemed to be just about shouting hosannas. +21829021 Several factors apparently spared the Valley -- a sprawling suburban stretch from San Jose to Palo Alto -- from the kind of impact felt in San Francisco, an hour's drive north. +21829022 For one thing, buildings there tend to be newer and, thus, in step with the latest safety codes. +21829023 Also, the soil in the Valley is solid, unlike the landfill of San Francisco's downtown Marina District, which was hit with fires and vast destruction. +21829024 In addition, some microelectronics companies said they were prepared for tremulous conditions like Tuesday's. +21829025 Their machine tools are even bolted to the shop floor. +21829026 Intel said that over the past decade, it has installed computer sensors and shutoff valves, sensitive to the shake of an earthquake, in the pipes that snake through its plants. +21829027 Like other large Valley companies, Intel also noted that it has factories in several parts of the nation, so that a breakdown at one location shouldn't leave customers in a total pinch. +21829028 That's certainly good news for such companies as Compaq Computer Corp., Houston, which has only a four-day supply of microprocessors from the Valley on hand because of a just-in-time manufacturing approach that limits the buildup of inventory. +21829029 Compaq said it foresees no difficulties in obtaining parts in the immediate future. +21829030 Computer makers were scrambling to help customers recover from the disaster. +21829031 Digital Equipment has set up disaster-recovery response centers in Dallas, Atlanta and Colorado Springs, Colo. +21829032 These units were handling calls both from people in the San Francisco area and from computers themselves, which are set to dial Digital automatically when trouble arises. +21829033 They then run remotely controlled self-diagnostic programs. +21829034 Digital also said it has dispatched teams of technicians to California. +21829035 Meanwhile, several other major installations around the Valley -- America's center of high-tech -- said they, too, fared as well as could be expected. +21829036 Lawrence Livermore National Laboratory, where the Energy Department tests and conducts research on nuclear weapons, had only "superficial damage," a spokesman said. +21829037 At Lockheed Corp.'s missiles and space systems group in Sunnyvale, about 40 miles south of San Francisco, workers were asked to head to work yesterday after it was realized that "there were no show-stoppers" in the 150-plus buildings on its one-square-mile campus. +21829038 Several engineering and research offices needed closer scrutiny to make sure they weren't in danger of crumbling, but "the bulk of the place is in pretty good shape," an official said. +21829039 One of Lockheed's most lucrative sectors -- accounting for more than half the aerospace company's $10.59 billion in sales in 1988 -- the missiles and space group is the prime Pentagon contractor on the Trident II ballistic missile. +21829040 It also generates pieces of the missile shield called the Strategic Defense Initiative. +21829041 Fortunately, the Hubble Space Telescope -- set to be launched on the shuttle next year in a search for distant solar systems and light emitted 14 billion years ago from the farthest reaches of the universe -- was moved from Sunnyvale to the Kennedy Space Center in Florida at the beginning of October. +21829042 John R. Wilke contribued to this article. +21830001 Michael Maynard offered the world a faster way to break eggs. +21830002 As thanks, the egg industry tried to break him. +21830003 And the egg producers have done a pretty good job. +21830004 They tried to put Mr. Maynard out of business by an act of Congress. +21830005 Egg-industry lobbying helped persuade six states to ban Mr. Maynard's automatic egg-breaking machine because of fears over salmonella. +21830006 His company, Misa Manufacturing Inc., was forced to seek protection from creditors under federal bankruptcy law in 1987 and has since been liquidated. +21830007 Monthly sales of his Egg King machine -- which he now is marketing through a new company -- have sunk to about half a dozen from a peak of 75, says the 46-year-old businessman. +21830008 Mr. Maynard isn't the first entrepreneur to bump up against entrenched interests. +21830009 But his case is notable both for the scale of the fight -- it isn't often that a congressional hearing is held to determine whether one small businessman is a threat to the republic -- and for what it tells about the pitfalls of marketing a new product. +21830010 Now one might ask why people who sell eggs would fight someone who is trying to make it easier to crack them. +21830011 Part of the answer lies in the nature of the industry. +21830012 Many larger egg producers are also egg processors, who crack, inspect, and sanitize billions of eggs, turning them into powdered, liquified or frozen egg products. +21830013 However, dozens of bakers, restaurant chefs and other food preparers who flocked to Mr. Maynard's defense say that products ranging from egg bread to eclairs lose some zip when the eggs come in 30-pound cans instead of shells. +21830014 But for companies that use hundreds of eggs a day, breaking them by hand can get, well, out of hand. +21830015 The idea behind the Egg King is pretty simple: put the eggs into a cylinder that contains perforated baskets, spin them at a high speed to break the shells and strain the edible part through the baskets. +21830016 One Egg King -- which at just under four feet tall and two feet wide has been likened to the robot R2-D2 -- can crack about 20,000 eggs an hour. +21830017 Because fresh eggs are less expensive than processed ones, a big egg user can recover the Egg King's $3,390 cost in a few months, says Mr. Maynard. +21830018 Such centrifugal egg breakers have been around since the 1890s. +21830019 But when Mr. Maynard came forward with his machine in the early 1970s nobody else was offering them in the U.S. +21830020 The main reason: salmonella. +21830021 Chickens carry this bacteria, which can cause upset stomachs and, in rare cases, death among people. +21830022 Hens sometimes pass salmonella to the eggs, and it can also be found on unclean shells. +21830023 Thus, any machine that breaks large amounts of eggs at once has the potential to spread salmonella if a bad egg gets in with the good ones. +21830024 Mr. Maynard claims this is a manageable problem. +21830025 The Egg King carries written instructions to break only high-grade eggs that have been properly sanitized and, as an added precaution, to use the eggs only in products that will be cooked enough to kill bacteria. +21830026 With nearly 4,000 machines in use, there have been no salmonella problems as long as instructions were followed, Mr. Maynard boasts. +21830027 He says the handful of salmonella cases involving products that may have used eggs broken by an Egg King stemmed from a failure to adequately cook the products. +21830028 But he says that's no more a reason for banning Egg Kings than bad drivers are a reason for banning cars. +21830029 Opponents don't buy such arguments. +21830030 "Human nature being what it is, people don't always follow instructions," says Jack Guzewich, chief of food protection for the New York state Health Department. +21830031 Leading the assault against the Egg King has been United Egg Producers. +21830032 The Decatur, Ga., trade group has issued a "briefing book" that claims the machine is "a health hazard" and that Mr. Maynard is trying "to make a fast buck at the expense of the nation's egg producers." +21830033 The UEP declines to comment, but the group's attorney, Alfred Frawley, says the group's actions are motivated solely by "health concerns." +21830034 An early battleground was the U.S. Department of Agriculture. +21830035 Mr. Maynard initially won approval for his machine to be used at egg-processing facilities regulated by the USDA's Food Safety Inspection Service. +21830036 Unfortunately for Mr. Maynard, another branch of the USDA, the Agricultural Marketing Service, was in charge of eggs. +21830037 After receiving complaints from egg producers, this branch got the other branch to rescind its approval, thus limiting the machine's potential market to bakeries and restaurants and other establishments that aren't regulated by the USDA. +21830038 The egg producers also lobbied the Food and Drug Administration. +21830039 But the FDA in a 1985 letter to the United Egg Producers said that there was "little likelihood" of a health problem as long as instructions were followed. +21830040 So the producers went to Capitol Hill, where a congressman from Georgia introduced a measure to ban centrifugal egg-breaking machines. +21830041 Mr. Maynard, whose company at the time was based in Santa Ana, Calif., enlisted his local congressman, and the battle was joined. +21830042 Mr. Maynard's forces finally defeated the measure, though it took a vote on the floor of the House of Representatives to do it. +21830043 Even then, opponents managed to get a congressional hearing to examine what one congressman called an "unscrupulous" method for breaking eggs. +21830044 Foiled in their effort to get a national ban, the egg producers turned their attention to the states. +21830045 So far, New York, New Jersey, Nebraska, Georgia, Michigan and Minnesota have outlawed Mr. Maynard's device, citing health concerns. +21830046 An antitrust suit that Mr. Maynard's company filed in Los Angeles federal court against the United Egg Producers and others only added to the entrepreneur's woes. +21830047 The judge dismissed the suit and ordered Mr. Maynard's company to pay over $100,000 in legal fees to the defendants' lawyers. +21830048 Mr. Maynard says the ruling pushed his company into bankruptcy court. +21830049 Now he has moved to Oklahoma where costs are lower, and started a new company, Adsi Inc., to market his machine. +21830050 But, so far, the change of scenery hasn't ended his string of bad breaks. +21830051 Mr. Maynard recently fell from a horse and fractured his arm. +21831001 Michelle Pfeiffer can't chew gum and sing at the same time. +21831002 But on the evidence of "The Fabulous Baker Boys," that may be the only thing she can't do, at least when she's acting in movies. +21831003 As the tough, slinky lounge chanteuse in "The Fabulous Baker Boys," Ms. Pfeiffer sings for herself, and more than passably well. +21831004 Her Susie Diamond handles a song the way the greats do, like she's hearing the way it should sound inside her head and she's concentrating on matching that internal tone. +21831005 Yet her intensity stops and starts with the music. +21831006 When she isn't performing for an audience, she prepares for a song by removing the wad of gum from her mouth, and indicates that she's finished by sticking the gum back in. +21831007 Like almost everything in this wonderfully romantic and edgy movie, Ms. Pfeiffer's Susie seems like someone you've seen before, in numerous show-biz stories (even her name, Susie Diamond, sounds like a character Marilyn Monroe must have played). +21831008 Yet nothing about "Baker Boys," and certainly nothing about Ms. Pfeiffer, really is like something from the video vault. +21831009 Steve Kloves, the young writer and director (he isn't yet 30), has only one produced picture to his credit; he wrote the screenplay for "Racing With the Moon," a lovely coming-of-age picture set in the '40s. +21831010 Both movies are infused with the nostalgic sensibility of someone much older, someone who doesn't dismiss dreams, but who also has enough experience to see his limits. +21831011 However, Mr. Kloves directs his own material without sentimentality and at its own eccentric pace; "Baker Boys" is both bluesy and funny. +21831012 He's put a fresh spin on material that could come off terribly cliched; for example, the way Susie wows an audience the first time she sings with the Baker Boys. +21831013 Of course, it doesn't hurt that Mr. Kloves has made up for his lack of experience behind the camera with technicians who know exactly what they're doing. +21831014 Much of the picture's sensuality emerges from cinematographer Michael Ballhaus's slyly seductive lens work. +21831015 After working for years with Werner Rainer Fassbinder, the late German director, and more recently with Martin Scorsese ("After Hours," "The Color of Money," "The Last Temptation of Christ"), Mr. Ballhaus has developed a distinctively fluid style. +21831016 And Dave Grusin's witty score embraces the banal requirements of banquet-hall musicianship ("Feelings" is a must) without condescension. +21831017 Though Ms. Pfeiffer has the flashy part -- she gets the best comic bits and to wear glamorous dresses and spiked heelsthe boys are pretty great, too. +21831018 What seemed like a good idea, to cast the Bridges brothers (Jeff and Beau) as the Baker brothers, actually turned out to be a good idea. +21831019 Anyone who's tried to appear "natural" in front of a camera knows that it's much more natural to end up looking like a stiff. +21831020 So it's quite possible that the terrific play between the brothers isn't natural at all, that Jeff and Beau had to work like crazy to make their brotherly love -- and resentment and frustration and rage -- seem so very real. +21831021 When the movie opens the Baker brothers are doing what they've done for 15 years professionally, and twice as long as that for themselves: They're playing proficient piano, face-to-face, on twin pianos. +21831022 They're small time in the small time-hotels (not the best ones) and restaurants in Seattle. +21831023 Yet they don't disparage their audiences by disparaging their act. +21831024 They wear tuxedos most nights, unless circumstances (a regular gig at a "tropical" lounge, for example) require them to wear special costumes, like Hawaiian shirts. +21831025 Plump Beau, looking eager to please with his arched eyebrows and round face, plays the older brother, Frank. +21831026 Frank plans the program, takes care of business, and approaches the work like any other job. +21831027 He's even able to think of a job that takes him out of the house 300 nights a week as an ordinary job. +21831028 He's got a wife and two kids and a house in the suburbs; the audience sees only the house, and only near the end of the movie. +21831029 Frank grovels a little for the bookers, probably no more or less than he would have to if he worked for a big corporation. +21831030 On his off-hours he wears cardigan sweaters. +21831031 Jeff Bridges is the younger brother, Jack, who fancies himself the rebellious artist; he lives in a loft with his sick dog and the occasional visit from the little girl upstairs, who climbs down the fire escape. +21831032 Yet Jack's the one who can remember every dive they ever played, and when, and he dutifully shows up for work night after night (he consoles himself with booze and by showing up at the last minute). +21831033 Looking leaner than he has in a while, the younger Mr. Bridges's Jack is sexy and cynical and a far sadder case than Frank, who's managed to chisel his dreams to fit reality without feeling too cheated. +21831034 He can live with little pleasures. +21831035 Mr. Kloves has put together some priceless moments. +21831036 These include Jennifer Tilly's audition to be the Baker Boys' girl singer. +21831037 Ms. Tilly of the tweety-bird voice showed great comic promise during her stint as the mobster's girlfriend on the television show, "Hill Street Blues." +21831038 Here she delivers, especially during her enthusiastically awful rendition of the "Candy Man," which she sings while prancing around in a little cotton candy pink angora sweater that couldn't be more perfect. +21831039 (It matches her voice.) +21831040 And Ms. Pfeiffer's particular version of "Making Whoopee" -- and the way Mr. Ballhaus photographs her, from the tips of her red high heels right up her clingy red velvet dress -- might make you think of Marilyn Monroe if Ms. Pfeiffer hadn't gone and become a star in her own right. +21831041 VIDEO TIP: +21831042 If you'd like to see the first time Michelle Pfeiffer sang on screen, and you have a lot of patience, take a look at "Grease 2." +21831043 You'll find her there. +21831044 Better yet, check out the emergence of her comic persona in "Married to the Mob," Jonathan Demme's delightful Mafia comedy. +21832001 International Proteins Corp. definitively agreed to pay $49 million and 2,850,000 of its shares for Hanson PLC's Ground Round restaurant subsidiary. +21832002 Shareholders of International Proteins, a food and agriproducts company, will vote on the transaction at a meeting late next month. +21832003 Hanson is a London producer of consumer and other goods. +21832004 International Proteins shares didn't trade yesterday on the American Stock Exchange. +21832005 They closed Tuesday in composite trading at $13.625, down 37.5 cents, giving the stock portion of the transaction an indicated value of $38.8 million. +21833001 Control Data Corp. agreed to sell its idle supercomputer manufacturing plant here to Minnesota Mining & Manufacturing Co. for $5.8 million. +21833002 The tentative agreement calls for 3M to use the 115,000-square-foot plant and 19 acres of land for research laboratories. +21833003 Control Data has been seeking a buyer for the facility since it folded its ETA Systems Inc. supercomputer unit this past April. +21834001 General Dynamics Corp. was awarded contracts totaling $589 million for one Navy Trident submarine and for Air Force research on the National Aerospace plane. +21834002 Grumman Corp. won a $58.9 million Navy contract for 12 F-14 aircraft. +21834003 Raytheon Co. was issued a $19.2 million Air Force contract for support of the Milstar communications satellite. +21834004 McDonnell Douglas Corp. got a $12.5 million Air Force contract for support work on the National Aerospace plane. +21835001 Denis C. Smith was named to the new post of vice president of world-wide advanced materials operations for this chemicals concern. +21835002 Mr. Smith, 50 years old, was formerly responsible for advanced materials, which include plastic composites and alloys, in North America only. +21835003 Himont is 81%-owned by Montedison S.p.A. of Milan, Italy. +21836001 Galveston-Houston Co. said it will redeem all 3,950 shares of its privately held 6.5% convertible Series C preferred stock Nov. 8. +21836002 Holders can either convert each share into 421 shares of the company's common stock, or surrender their shares at the per-share price of $1,000, plus accumulated dividends of $6.71 a share. +21836003 Galveston-Houston makes and markets products for the construction, mining and energy industries. +21837001 Bank Building & Equipment Corp. of America, which previously said accounting discrepancies its auditors uncovered would hurt earnings and require restatement of earlier results, increased its projections of the negative fiscal impact, and said it was exploring the company's sale. +21837002 Bank Building, which builds and equips banks, had announced it would restate the first-three quarters of this fiscal year, which ends Oct. 31. +21837003 On Oct. 5, the company estimated after-tax effects on the year's earnings would be "at least" $1.3 million. +21837004 Yesterday, the company said the negative after-tax effect on earnings for the year will be about $3.3 million. +21837005 For the nine months ended July 31, Bank Building had a net loss of $1 million, on revenue of $66.5 million. +21837006 Bank Building, which expects to report a fourth-quarter loss, said it engaged advisers to "explore financial alternatives for the company including the possible sale of the company or one or more of its units." +21837007 Company auditors are continuing their review, and final restated figures aren't yet available. +21837008 Bank Building earlier said the restatement is necessitated by "certain errors in recording receivables and payables" at its Loughman Cabinet division. +21837009 That division's manager has been fired. +21837010 In American Stock Exchange composite trading, Bank Building closed at $4 a share, down 62.5 cents. +21838001 Gen. Paul X. Kelley, retired commandant of the U.S. Marine Corps, was elected a director of this plastics, specialty materials and aerospace concern, succeeding Jewel Lafontant, who resigned to accept a government position. +21839001 Rep. Mary Rose Oakar (D., Ohio) at last week's hearings on irregularities in programs at the Department of Housing and Urban Development: +21839002 I don't want to feel guilty representing my constituents. +21839003 And if I think that some people {on HUD Secretary Jack Kemp's} staff are off base in terms in which they're evaluating certain things affecting my hometown, I have to tell you something -- I'm not going to take it. +21839004 I think that I'm elected to represent the people that sent me here. +21839005 And one of our charges is to be an ombudsman for our area. +21839006 And if we're not ombudsman for our area, we ought to be thrown out of office. +21839007 On the other hand, if we're asking for something unreasonable or unethical and so on, then that's a whole different story. +21839008 But if I feel that there are situations where I'm trying to get housing for our area -- whatever it happens to be -- and I have to feel that I can't even ask a question, I've got to tell you, I think that's outrageous. . +21839009 I think these regulations that would prohibit well-operated programs in areas across this country would be wrong to change. . . . +21839010 I don't want to see some guidelines change that's going to inhibit my city's opportunity to use its money. +21840001 The Chicago Mercantile Exchange said it fined Capcom Futures Inc. $500,000 and accepted its withdrawal from membership as part of a settlement of disciplinary actions against the firm. +21840002 Capcom Futures is a Chicago subsidiary of Capcom Financial Services Ltd., a London financial firm that was implicated last year in a scheme to launder drug money. +21840003 The case is pending. +21840004 The firm was indicted in Tampa, Fla., on money-laundering charges. +21840005 In June, the Chicago Board of Trade said it suspended Capcom Financial. +21840006 The Capcom Futures unit withdrew from Board of Trade membership voluntarily in August, a Board of Trade spokesman said. +21840007 Capcom Futures, while neither admitting nor denying the Merc charges, said in a statement that the Merc charges were "technical in nature" and that "no customers were hurt" as a result of the violations cited by the Merc. +21840008 The Merc alleged that, among other things, from April 1987 through October 1988 Capcom Futures failed to document trades between Capcom Futures and people or entities directly or indirectly controlled by Capcom Futures shareholders. +21841001 Frederick W. Lang, 65 years old, the founder of this software services concern, was elected to the new post of chairman. +21841002 Formerly president and treasurer, Mr. Lang remains chief executive officer. +21841003 Victor C. Benda, 58, formerly executive vice president, succeeds Mr. Lang as president and becomes chief operating officer, a new post. +21842001 Maurice Warren, 56-year-old group managing director, was named chief executive officer of this food and agriculture group. +21842002 The post of chief executive has been vacant since July when Terry Pryce, 55, left the company. +21843001 Money-market mutual fund assets grew at nearly three times their usual rate in the latest week, as investors opted for safety instead of the stock market. +21843002 Money-fund assets soared $4.5 billion in the week ended Tuesday, to a record $348.4 billion, according to IBC/Donoghue's Money Fund Report, a Holliston, Mass.-based newsletter. +21843003 "We were expecting it, following the fall of the Dow Friday," said Brenda Malizia Negus, editor of Money Fund Report. +21843004 "It's the proverbial flight to safety." +21843005 Despite recent declines in interest rates, money funds continue to offer better yields than other comparable investments. +21843006 The average seven-day compound yield on the 400 taxable funds tracked by IBC/Donoghue's was 8.55% in the latest week, down from 8.60%. +21843007 Compound yields assume reinvestment of dividends and that current yields continue for a year. +21843008 Most short-term certificates of deposit are yielding about 8% or less at major banks, and the yields on Treasury bills sold at Monday's auction fell to 7.61% for three months and 7.82% for six months. +21843009 Money-fund assets have been rising at an average rate of $1.6 billion a week in recent months, Ms. Negus said, reflecting the relatively high yields. +21843010 In the latest week, funds open to institutions alone grew by $1.8 billion. +21843011 Some fund managers say inflows could increase in coming days as a result of stock selling in the wake of Friday's 190.58point drop in the Dow Jones Industrial Average. +21843012 "If you're selling equities, you don't start getting proceeds for five to seven days," said Frank Rachwalski, who manages the Kemper Money Market Fund. +21843013 Neal Litvack, marketing vice president for Fidelity Investments, said inflows Friday into Fidelity's Spartan and Cash Reserves money-market funds were about twice normal levels, with about half coming from equity and junk-bond funds. +21843014 Monday and Tuesday "were lackluster in comparison," he said. +21843015 "People aren't necessarily running scared," Mr. Litvack said. +21843016 "They're maintaining their attitude toward investing, which has leaned toward the conservative recently." +21843017 Money-fund yields tend to lag interestrate trends as portfolio managers adjust the maturities of their investments -- short-term Treasury securities, commercial paper and the like -- to capture the highest yields. +21843018 Maturities usually are shorter when rates are rising and longer when they are falling. +21843019 The average maturity of the funds tracked by IBC/Donoghue's remained at 38 days for the third consecutive week. +21843020 It was as short as 29 days at the start of this year, when rates were marching steadily upward, and hit 42 days in August. +21843021 The average seven-day simple yield of the funds fell to 8.21% this week from 8.26%. +21843022 The average 30-day simple yield was 8.26%, compared with 8.27% the week before, and the 30-day compound yield slid to 8.60% from 8.61%. +21843023 Some funds are posting yields far higher than the average. +21843024 The highest yielding taxable fund this week was Harbor Money Market Fund, with a seven-day compound yield of 12.75%. +21843025 That included capital gains that were passed along to customers. +21843026 Among the other high-yielding funds, Fidelity's Spartan Fund had a seven-day compound yield of 9.33% in the latest week. +21843027 The seven-day compound yield of the Dreyfus Worldwide Dollar Fund was 9.51%. +21844001 whose Della Femina McNamee WCRS agency created liar Joe Isuzu, among others -- announced a massive restructuring that largely removes it from the advertising business and includes selling the majority of its advertising unit to Paris-based Eurocom. +21844002 The complex restructuring, which was long expected, transforms London-based WCRS from primarily a creator of advertising into one of Europe's largest buyers of advertising time and space. +21844003 It also creates a newly merged world-wide ad agency controlled by Eurocom and headed jointly by New York ad man Jerry Della Femina and two top WCRS executives. +21844004 The merged agency's admittedly ambitious goal: to become one of the world's 10 largest agencies, while attracting more multinational clients than the agencies were able to attract alone. +21844005 WCRS's restructuring reflects the growing importance of media buying in Europe, where the only way to get a good price on advertising time and space is to buy it in bulk. +21844006 For Eurocom, meanwhile, the move gives it a strong U.S. foothold in Della Femina, and more than quadruples the size of its ad agency business world-wide. +21844007 It also gives the outspoken Mr. Della Femina -- who often generates as much publicity for himself as for his clients -- an international platform that he most certainly won't be loath to use. +21844008 According to terms, WCRS will pay 2.02 billion French francs ($318.6 million) for the 50% it doesn't already own of Carat Holding S.A., one of Europe's largest media buyers. +21844009 Meanwhile, Eurocom, which had held 20% of WCRS's ad unit, will pay #43.5 million ($68.5 million) to raise its stake to 60%. +21844010 That price also covers Eurocom raising to 60% its 51% stake in Europe's Belier Group, a joint venture ad agency network it owns with WCRS. +21844011 Eurocom will also have the right to buy the remaining 40% of the merged ad agency group in six years. +21844012 The transaction places the three executives squarely at the helm of a major agency with the rather unwieldy name of Eurocom WCRS Della Femina Ball Ltd., or EWDB. +21844013 The merged agency will include Della Femina McNamee based in New York, Eurocom's various agencies in France, the Belier Group in Europe and WCRS's other advertising and direct marketing operations. +21844014 Mr. Della Femina will be joint chairman with former WCRS executive Robin Wight. +21844015 Both will report to Tim Breene, a former WCRS executive who will be chief executive officer at the new agency. +21844016 In an interview in New York, Mr. Breene, fresh from a Concorde flight from Paris where executives had worked through most of the night, outlined big plans for the new agency. +21844017 "Our goal is to develop quite rapidly to a top-10 position . . . by the end of three years from now. +21844018 It implies very dramatic growth," he said. +21844019 He added that Eurocom and WCRS had agreed to provide a development fund of #100 million for acquisitions. +21844020 The new agency group is already in discussions about a possible purchase in Spain, while Mr. Breene said it also plans to make acquisitions in Scandinavia, Germany and elsewhere. +21844021 Cracking the top 10 within three years will be difficult at best. +21844022 Della Femina had billings of just $660 million last year and ranked as the U.S.'s 24th-largest ad agency. +21844023 The merged company that it now becomes part of will have billings of just more than $2.6 billion -- most of that in Europe -- bringing it to about 14th world-wide. +21844024 To make it to top-10 status, it would have to leapfrog over such formidable forces as Grey Advertising, D'Arcy Masius Benton & Bowles and Omnicom's DDB Needham. +21844025 The merged agency's game plan to attract multinational packaged-goods advertisers may prove equally difficult. +21844026 When WCRS created Della Femina McNamee out of the merger of three smaller agency units in 1988, it said it did so in order to attract larger clients, especially packaged-goods companies. +21844027 Since then, Della Femina won Pan Am as an international client and also does work for a few packaged-goods clients, including Dow Chemical Co.'s Saran Wrap. +21844028 But major packaged-goods players of the world -- such as Procter & Gamble, Colgate-Palmolive and Unilever -- have steadfastly eluded the agency. +21844029 "Three of our favorite names," Mr. Della Femina calls that roster, adding hopefully, "We're a much more attractive agency to large multinationals today than we were yesterday." +21844030 Still, the restructuring could create one of the most powerful alliances between advertising and media-buying firms that Europe has seen. +21844031 As part of the restructuring, WCRS and Eurocom said they will look for ways to combine their media buying across Europe. +21844032 What's more, both Eurocom and brothers Francis and Gilbert Gross, who founded Carat, will acquire 14.99% stakes in WCRS Group, creating a powerful link between Eurocom and Carat. +21844033 Carat will receive its WCRS stake as part of payment for the 50% Carat stake that WCRS is buying, while Eurocom said it expects to pay about #32 million for its WCRS stake. +21844034 Mr. Della Femina says he plans to remain heavily involved in the creative product at the world-wide agency, serving as a sort of "creative conscience." +21844035 Louise McNamee, Della Femina's president, will continue running the U.S. agency day-to-day. +21844036 They and other top executives signed long-term employment contracts and Mr. Della Femina will receive an additional multimillion-dollar sum, which some industry executives pegged at about $10 million. +21844037 WCRS Group, for its part, will now be able to follow its longstanding plan of becoming "a holding company for a series of media-related businesses," said Peter Scott, the firm's chief executive. +21844038 In addition to Carat, WCRS will hold onto its public relations, TV programming and other businesses. +21844039 WCRS says its debt will be cut to #24 million from #66 million as a result of the transaction. +21844040 For Carat, meanwhile, the alliance with Eurocom and WCRS is intended to strengthen its own push outside France. +21844041 Carat's Gross brothers invented the idea of large-scale buying of media space. +21844042 By buying the space in bulk, they obtain discounts as high as 50%, which they can pass on to customers. +21844043 They thus have won the French space-buying business of such advertising giants as Coca-Cola Co., Fiat S.p.A., Gillette and Kodak. +21844044 But now, other agencies are getting into the business with their own competing media-buying groups -- and Carat wants to expand to the rest of Europe. +21844045 To help finance the Carat purchase, WCRS said it plans an issue of Euroconvertible preferred shares once the market settles down. +21844046 But WCRS added that "in the light of the current uncertainty in the equity markets," it has arranged medium-term debt financing, which would be underwritten by Samuel Montagu & Co. Ltd. +21844047 Earthquake's Damage +21844048 Tuesday's earthquake brought the San Francisco ad scene to a screeching halt yesterday, with only a few staffers showing up at their offices, mainly to survey the damage or to wring their hands about imminent new-business presentations. +21844049 While no agencies reported injuries to employees, the quake damaged the offices of J. Walter Thompson, Chiat/Day/Mojo and DDB Needham, among others, spokesmen for those agencies said. +21844050 Staffers at Thompson, whose offices are in the ultramodern Embarcadero Center, watched pictures drop from the walls and then felt the skyscraper sway seven to eight feet, according to a spokeswoman. +21844051 Plaster fell and windows were broken at Chiat/Day/Mojo, a spokesman for that agency said. +21844052 Late yesterday afternoon, DDB Needham executives were scrambling to figure out what to do about a new business presentation that had been scheduled for today, a spokesman said. +21844053 DDB Needham's office building may have sustained structural damage, the spokesman added. +21844054 "All operations have stopped," he said. +21844055 A number of agencies, including Thompson and Foote, Cone & Belding, said some employees who live outside of San Francisco, fearful that they wouldn't be able to get home, spent the night at the agency. +21844056 Ad Notes. . . . +21844057 NEW ACCOUNT: +21844058 Chesebrough-Pond's Inc., Greenwich, Conn., awarded its Faberge hair care accounts to J. Walter Thompson, New York. +21844059 Thompson, a unit of WPP Group, will handle Faberge Organic shampoo and conditioner and Aqua Net hairspray. +21844060 The accounts, which billed about $7 million last year, according to Leading National Advertisers, were previously handled at Bozell, New York. +21844061 WHO'S NEWS: +21844062 William Morrissey, 44, was named executive vice president, world-wide director of McCann Direct, the direct marketing unit of Interpublic Group's McCann-Erickson agency. +21844063 He had been president and chief operating officer of Ogilvy & Mather Direct. +21844064 BOZELL: +21844065 Los Angeles will be the site of a new entertainment division for the ad agency. +21844066 The division will be headed by Dick Porter, who returns to Bozell after being vice president of media at MGM. +21844067 AC&R ADVERTISING: +21844068 The agency's three California offices, previously called AC&R/CCL Advertising, will now be called AC&R Advertising to match the name of its New York office. +21844069 AC&R Advertising is a unit of Saatchi & Saatchi Co. +21844070 NEW BEER: +21844071 Sibra Products Inc., Greenwich, Conn., awarded its Cardinal Amber Light beer account to Heidelberg & Associates, New York. +21844072 Budget is set at $1.5 million. +21844073 The new beer, introduced this week at a liquor industry convention, is imported from Switzerland's Cardinal brewery. +21844074 Heidelberg's first ads for the brand, which Sibra says will compete with imported light beer leader Amstel Light, feature the line "The best tasting light beer you've ever seen. +21845001 Diamond-Star Motors Corp., a joint venture of Chrysler Corp. and Mitsubishi Motors Corp. said it will begin shipping Mitsubishi Eclipse cars to Japan next week, emulating other Japanese auto ventures shipping U.S.-built vehicles back to Japan. +21845002 Diamond-Star said it will export about 1,500 Eclipse cars to Japan by year's end. +21845003 Honda Motor Co., the first Japanese auto maker to ship cars to Japan from the U.S., is now exporting more than 5,000 Accord Coupes a year from its Marysville, Ohio, factory. +21846001 One of the most remarkable features of the forced marches of the ethnic Turks out of Bulgaria over the past five months has been the lack of international attention. +21846002 The deportation of more than 315,000 men, women and children by the Bulgarian regime adds up to one of the largest migrations seen in the postwar years. +21846003 Yet some people are advancing a chilling casuistry: that what we are seeing is somehow the understandable result of the historical sins committed by the Turks in the 16th century. +21846004 Today's Turks in Bulgaria, in other words, deserve what is coming to them four centuries later. +21846005 As if this weren't enough, the Senate Judiciary Committee is getting into the act. +21846006 On Tuesday it approved Senator Bob Dole's proposed commemorative resolution designating April 24, 1990, as the "National Day of Remembrance of the 75th Anniversary of the Armenian Genocide of 1915-1923," suffered at the hands of the warring Ottoman Empire. +21846007 There can be no quibbling that the Armenians endured terrible suffering, but one has to wonder what possible good such a resolution will achieve. +21846008 It puts great strain on a longstanding U.S. friendship with Turkey, a country that has been one of America's strongest allies in NATO. +21846009 The resolution also comes at a time when Turkey has been seeking help from the United States in resolving its Bulgarian emigration controversy and pursuing democratic reforms that may lead to membership in the European Community. +21846010 Turkey has been fighting its past for years, and thus far has been only partially successful. +21846011 Must it now accept that one of its strongest allies blames it for the genocide of another people? +21846012 Such sentiment only encourages the adverse feelings toward Turkey that surfaced when Turkey asked for assistance in dealing with its Bulgarian emigration crisis. +21846013 Mr. Dole's odd effort notwithstanding, most of Turkey's political problems lie with the Europeans. +21846014 Part of the problem some Europeans have with Turkey seems to stem from its location -- Turkey isn't really part of Europe. +21846015 Why, they wonder, should it belong to the EC? +21846016 Another anti-Turkish hook is the Islamic faith of the majority of the Turkish people: Turkey, we are told, is not a Christian nation; its people simply won't fit in with the Western European Judeo-Christian tradition. +21846017 It's when these rationalizations fall on deaf ears that the old standby of retribution for treatment at the hands of the Ottoman Empire comes to the fore. +21846018 No one has to accept the sins of the Ottoman Empire to reject that argument. +21846019 Turkey in any event is long past it. +21846020 The country has in recent years accepted more than 500,000 refugees from at least four bordering nations. +21846021 Kurds, suffering what many people consider to be a current extermination campaign at the hands of Syria, Iran and Iraq have inundated eastern Turkey. +21846022 Now it is their fellow Turks arriving as refugees from Bulgaria. +21846023 The Turkish refugee tragedy and the ongoing crisis cannot be ignored and shuttled off to that notorious dustbin of history that has become so convenient recently. +21846024 Surely, the past suffering of any people at any time cannot be simply filed away and forgotten. +21846025 But what the Senate Judiciary Committee has done in supporting the strongly worded Armenian resolution achieves no useful end; it merely produces more controversy and embittered memories. +21846026 Congress has enough difficulty dealing with the realities of the world as it currently exists. +21846027 Bulgaria's government has been behaving beyond the pale for months, and the U.S. does its values no credit by ignoring that while casting its votes into the past. +21847001 Many in Washington say President Bush will have to raise taxes to pay for his war on drugs. +21847002 We have a better idea: Dismantle HUD to pay for the war on drugs. +21847003 Housing and Urban Development's budget is $17 billion. +21847004 From what we and the nation have been reading, the money isn't being spent very well. +21847005 The single most important contribution the government could make now to help the poor is to get the specter of drugs out of their neighborhoods. +21847006 If that takes money, take it away from this discredited federal department. +21847007 But of course the Democrats pillorying HUD in hearings and in the press have no such solution in mind. +21847008 Instead, they're scrambling to protect the very programs at the heart of the HUD scandal. +21847009 This month, HUD Secretary Jack Kemp unveiled a series of proposed reforms to improve management at HUD. +21847010 No doubt many of his ideas are worthy, but ultimately he is proposing to make fundamentally flawed programs work slightly more fairly and efficiently. +21847011 Congress is unlikely to go even that far. +21847012 Last week, Secretary Kemp ran into a buzzsaw of criticism from House Banking Committee members. +21847013 They were appalled, for instance, that he wanted to target more of the $3 billion Community Development Block Grant (CDBG) program to low-income projects and zero out the notorious "discretionary" funds that have allowed HUD officials to steer contracts to political cronies. +21847014 These development grants mainly enrich developers who want to put up shopping centers and parking garages. +21847015 They also give those in Congress political credit for bringing home the pork, and so they are popular with such Members as Mary Rose Oakar. +21847016 Rep. Oakar, a Democrat from Cleveland, wants a $6.9 million grant so Cleveland can build an 18-story Rock and Roll Hall of Fame. +21847017 She says it'd create 600 jobs and bring Cleveland tourist revenue. +21847018 HUD says the project doesn't qualify, and Mr. Kemp says that rock 'n' roll musicians and the music industry ought to put up the money. +21847019 At the hearing, Rep. Oakar started wailing about "phoney baloney regulations" that would stand between her and "housing for downtown Cleveland." +21847020 Rep. Chalmers Wylie, an Ohio Republican, rallied to the cause: "I think the gentlelady is making an important statement. +21847021 The implication that if a congressman calls about a project in his district there's something wrong, I think is most unfortunate." +21847022 We're sure some theologian can explain the difference between what the Republican consultants have been doing with HUD and what these gentleladies and gentlemen want to do with HUD. +21847023 Our view is that given Congress's attitude toward HUD, the place probably is beyond reform. +21847024 For more than 50 years the federal government has tried various ways to provide housing for the poor and revive cities. +21847025 In the process HUD has wasted untold billions, created slums and invited corruption. +21847026 Much of HUD's spending actually is disguised welfare for developers or the middle class. +21847027 That includes the CDBG funds and the Federal Housing Administration, which loans out money for private home mortgages and has just been discovered to be $4 billion in the hole. +21847028 Selling the FHA's loan portfolio to the highest bidder would save the taxpayers untold billions in future losses. +21847029 Some HUD money actually does trickle down to the poor, and zeroing out housing middlemen would free up more money for public housing tenants to manage and even own their units. +21847030 The rest ought to be used to clean out drugs from the neighbhorhoods. +21847031 Rival gangs have turned cities into combat zones. +21847032 Even suburban Prince George's County, Md., reported last week there have been a record 96 killings there this year, most of them drug-related. +21847033 Innocent bystanders often are the victims. +21847034 A man in a wheelchair was gunned down in the crossfire of a Miami drug battle. +21847035 A three-year-old Brooklyn boy was used as a shield by a drug dealer. +21847036 Decent life in the inner cities won't be restored unless the government reclaims the streets from the drug gangs. +21847037 Until then, the billions HUD spends on inner-city housing simply is wasted. +21847038 It's still unclear whether Secretary Kemp wants to completely overhaul the engine room at HUD or just tighten a few screws here and there. +21847039 No doubt he believes the place can be salvaged. +21847040 Having seen the hypocrisy with which Congress has addressed the HUD scandals, we disagree. +21847041 It's time to scrap the politically infested spending machine HUD has become and channel the resources into the drug war. +21848001 Randy Delchamps was named chairman and chief executive officer of this grocery chain. +21848002 Mr. Delchamps, 46 years old, succeeds A.F. Delchamps Jr., who died in a plane crash on Sunday at the age of 58. +21848003 Randy Delchamps retains his position as president. +21849001 Natural upheavals, and most particularly earthquakes, are not only horrible realities in and of themselves, but also symbols through which the state of a society can be construed. +21849002 The rubble after the Armenian earthquake a year ago disclosed, quite literally, a city whose larger structures had been built with sand. +21849003 The extent of the disaster stemmed from years of chicanery and bureaucratic indifference. +21849004 The larger parallel after the earthquake centered south of San Francisco is surely with the state of the U.S. economy. +21849005 Did the stock-market tremors of Friday, Oct. 13, presage larger fragility, far greater upheavals? +21849006 Are the engineering and architecture of the economy as vulnerable as the spans of the Bay Bridge? +21849007 The eerie complacency of the Reagan-Bush era has produced Panglossian paeans about the present perfection of U.S. economic and social arrangements. +21849008 A licensed government intellectual, Francis Fukuyama, recently announced in The National Interest that history is, so to speak, at an end since the course of human progress has now culminated in the glorious full stop of American civilization. +21849009 His observations were taken seriously. +21849010 But we are, in reality, witnessing the continuing decline of the political economy of capitalism: not so much the end of history but the history of the end. +21849011 The financial equivalent of the sand used by those Armenian contractors is junk bonds and the leveraged buy-outs associated with them. +21849012 Builders get away with using sand and financiers junk when society decides it's okay, necessary even, to look the other way. +21849013 And by the early 1980s U.S. capitalists had ample reason to welcome junk bonds, to look the other way. +21849014 By that time they found extremely low profit rates from non-financial corporate investment. +21849015 Government statistics in fact show that the profit rate -- net pretax profits divided by capital stock -- peaked in 1965 at 17.2%. +21849016 That same calculation saw profit rates fall to 4.6% in the recession year 1982 and the supposed miracle that followed has seen the profit rate rise only to 8.1% in 1986 and 8% in 1987. +21849017 Corresponding to the fall in profit rates was -- in the early 1980s -- the drop in the number arrived at if you divide the market value of firms by the replacement costs of their assets, the famous Q ratio associated with Prof. James Tobin. +21849018 In theory, the value attached to a firm by the market and the cost of replacing its assets should be the same. +21849019 But of course the market could decide that the firm's capital stock -- its assets -- means nothing if the firm is not producing profits. +21849020 This is indeed what the market decided. +21849021 By 1982 the ratio was 43.5%, meaning that the market was valuing every dollar's worth of the average firm's assets at 43 cents. +21849022 From the history of capitalism we can take it as a sound bet that if it takes only 43 cents to buy a dollar's worth of a firm's capital stock, an alert entrepreneur won't look the other way. +21849023 His assumption is that the underlying profitability rate will go up and the capital assets he bought on the cheap will soon be producing profits, thus restoring the market's faith in them. +21849024 Hence the LBO craze. +21849025 But here is where the entrepreneur made a very risky bet, and where society was maybe foolish to look the other way. +21849026 The profit rate is still low and the Q ratio was only 65% in 1987 and 68.9% in 1988. +21849027 Result: a landscape littered with lemons, huge debt burdens crushing down upon the arch and spans of corporate America. +21849028 The mounting risks did not go unobserved, even in the mid-1980s. +21849029 But there were enough promoters announcing the end of history (in this case suspension of normal laws of economic gravity) for society to continue shielding its eyes. +21849030 Mainstream economists and commentators, craning their necks up at the great pyramids of junk financing, swiveling their heads to watch the avalanche of leveraged buy-outs, claimed the end result would be a leaner, meaner corporate America, with soaring productivity and profits and the weaker gone to the wall. +21849031 But this is not where the rewards of junk financing were found. +21849032 The beneficiaries were those financiers whose icon was the topic figure of '80s capitalism, Michael Milken's $517 million salary in one year. +21849033 Left-stream economists I associate with -- fellows in the Union of Radical Political Economists, most particularly Robert Pollin of the economics faculty at the University of California at Riverside -- were not hypnotized in the manner of their pliant colleagues. +21849034 All along they have been noting the tremors and pointing out the underlying realities. +21849035 Profit rates after the great merger wave are no higher, and now we have an extremely high-interest burden relative to cash flow. +21849036 The consequences of building empires with sand are showing up. +21849037 In contrast to previous estimates reckoning the default rate on junk bonds at 2% or 3%, a Harvard study published in April of this year (and discussed in a lead story in The Wall Street Journal for Sept. 18) found the default rate on these junk bonds is 34%. +21849038 What is the consequence of a high-interest burden, high default rates and continued low profitability? +21849039 Corporations need liquidity, in the form of borrowed funds. +21849040 Without liquidity from the junk-bond market or cash flow from profits, they look to the government, which obediently assists the natural motions of the capitalist economy with charity in the form of cuts in the capital-gains tax rate or bailouts. +21849041 The consequence can be inflation, brought on as the effect of a desperate bid to avoid the deflationary shock of a sudden crash. +21849042 Attacks on inflation come with another strategy of capital of a very traditional sort: an assault on wages. +21849043 Mr. Fukuyama, peering through binoculars at the end of history, said in his essay that "the class issue has actually been successfully resolved in the West . . . +21849044 the egalitarianism of modern America represents the essential achievement of the classless society envisioned by Marx." +21849045 Mr. Fukuyama might want to consult some American workers on the subject of class and egalitarianism. +21849046 From its peak in 1972 of $198.41, the average American weekly wage had fallen to $169.28 in 1987 -- both figures being expressed in 1977 dollars. +21849047 In other words, after the glory boom of the Reagan years, wages had sunk from the post World War II peak by 16% as capitalists, helped by the government, turned down the screws or went offshore. +21849048 But there are signs now -- the strikes by miners, Boeing workers, telephone workers, etc. -- that this attack on wages is being more fiercely resisted. +21849049 These are long-term Richter readings on American capitalism. +21849050 The whole structure is extremely shaky. +21849051 Governments have become sophisticated in handling moments of panic (a word the London Times forbade my father to use when he was reporting the Wall Street crash in 1929). +21849052 But sophistication has its limits. +21849053 The S&L bailout could cost $300 billion, computing interest on the government's loans. +21849054 These are real costs. +21849055 Under what weights will the Federal Deposit Insurance Corporation totter? +21849056 Capitalism may now be engineered to withstand sudden shocks, but there are fault lines -- the crisis in profits, the assault on wages, the structural inequity of the system -- that make fools of those who claim that the future is here and that history is over. +21849057 Mr. Cockburn is a columnist for The Nation and LA Weekly. +21850001 Japan Air Lines, Lufthansa German Airlines and Air France reportedly plan to form an international air-freight company this year, a move that could further consolidate the industry. +21850002 Japanese newspaper Nihon Keizai Shimbun reported that the three giants plan to integrate their cargo computers and ground-cargo and air-cargo systems. +21850003 They reportedly will invest a total of 20 billion yen ($140 million) in the venture, whose headquarters would be in France or West Germany. +21850004 The action follows Federal Express Corp.'s acquisition of Flying Tiger Line Inc. in August. +21850005 After that, "it would make sense for airlines to talk about doing things jointly," said Cotton Daly, director of cargo services for New York consulting firm Simat, Helliesen & Eichner Inc. +21850006 Mr. Daly said such discussions are motivated by the competitive threat posed by Federal Express, United Parcel Service of America Inc. and other fast-growing air-freight companies. +21850007 Many airlines are talking about cargo ventures, and there have been rumors about such a tie between JAL and European airlines. +21850008 In Tokyo, a JAL spokesman said he couldn't confirm or deny the latest Japanese report. +21850009 But he said JAL is talking to Lufthansa and Air France about some sort of cargo venture. +21850010 "It is just one of a number of strategies JAL has embarked upon to come to terms with the situation in Europe after 1992," the deadline for ending trade barriers in the EC, he said. +21850011 In Frankfurt, a Lufthansa spokesman confirmed talks are under way, but declined to comment. +21850012 A Lufthansa spokeswoman in Tokyo said the head of Lufthansa's cargo operations had been in Toyko last week for talks with JAL. +21850013 In Paris, Air France declined to comment. +21850014 "Nothing is defined or signed at this point," Mr. Daly said of the talks. +21850015 Whatever accord the three carriers reach, he said, he is skeptical it would create a separate airline. +21850016 If the three companies pool their air-freight businesses, their clout would be considerable. +21850017 According to figures from the International Air Transport Association, they carried a combined 1.8 million tons of freight last year. +21850018 Federal Express and Flying Tiger, as separate companies, carried a combined 2.6 million tons. +21850019 Air France and Lufthansa last month concluded a far-reaching cooperation accord that includes air-freight activities. +21850020 They plan to increase cooperation in freight ground-handling and create a world-wide computer system to process cargo. +21850021 Other airlines would have access to the system, they said, and negotiations with partners were already under way. +21850022 Both European airlines operate extensive fleets of Boeing 747 freighters and 747 Combis, aircraft that carry both freight and passengers on the main deck. +21850023 They currently have large orders for cargo planes. +21850024 Several airlines, including Lufthansa, JAL and Cathay Pacific Airways, are working on a so-called global cargo system and are trying to attract other carriers to join, Mr. Daly said. +21850025 JAL also has signaled it is looking for toeholds in Europe before the end of 1992. +21850026 Last month, the carrier said it wanted to lease crews and planes from British Airways so it could funnel its passengers from London to other European destinations. +21850027 British Airways said it hasn't received a proposal from JAL. +21850028 But last week there were air-traffic negotiations between the U.K. and Japan, a likely first step to any commercial agreement between JAL and British Airways or another U.K. carrier. +21851001 Federal Paper Board Co. said it completed the previously announced purchase of Imperial Cup Corp., a closely held maker of paper cups based in Kenton, Ohio. +21851002 Terms weren't disclosed. +21851003 Imperial Cup has annual sales of approximately $75 million. +21851004 Federal Paper Board sells paper and wood products. +21852001 In a move to prevent any dislocation in the financial markets from the California earthquake, the Securities and Exchange Commission said it temporarily reassigned options listed on the Pacific Stock Exchange to the American, New York and Philadelphia stock exchanges and to the Chicago Board Options Exchange. +21852002 The decision, which affects millions of dollars of trading positions, was made late yesterday because the Pacific exchange's options floor was shut down as a result of Tuesday's earthquake. +21852003 The SEC, faced with a major squeeze on options positions, said it was necessary to ensure that options listed on the exchange could be traded today and tomorrow. +21852004 SEC Chairman Richard Breeden said the cooperation by the exchanges would enable investors to buy and sell options listed solely on the Pacific exchange, guaranteeing the liquidity of the market. +21852005 Officials at the four exchanges said well over 50 traders from the Pacific exchange were taking flights from San Francisco late yesterday to the American, New York and Philadelphia exchanges and to the CBOE, where they would continue making markets in the Pacific-listed options. +21852006 The Big Board said carpenters quickly erected a new options floor to accomodate 40 traders from the Pacific exchange. +21852007 In addition, specialists on the exchanges agreed to provide backup capital for market-making in Pacific exchange options traded on the exchanges. +21852008 Trading was light on the Pacific Stock Exchange yesterday, with workers at the exchange's main floor in San Francisco struggling to execute orders by flashlight as a result of a continuing power outage. +21852009 The most pressing problem was the suspension of options trading. +21852010 The Pacific exchange has options for 129 underlying stock issues, including highly active Hilton Hotels Corp., which is listed on the Big Board. +21852011 Investors were concerned that they might be unable to exercise options that expire tomorrow. +21852012 But professionals said throughout the day that the shutdown wouldn't be a cause for alarm even if it were to persist for several days. +21852013 "I've told my staff and clients that they still have the ability to exercise their options, because they are guaranteed by the Options Clearing Corp.," said Michael Schwartz, a senior registered options strategist at Oppenheimer & Co. +21852014 The SEC reassigned trading in the options, however, to allow investors to do more than simply exercise the options. +21852015 While the exchange's equities floor in San Francisco remained open on a limited basis, orders were being routed and executed in Los Angeles. +21852016 Workers could dial out, but they couldn't receive telephone calls. +21852017 "It's a very uncertain situation right now," said Navin Vyas, administrative assistant of trading floor operations of the exchange, which has daily volume of about 10 million shares. +21852018 Because the exchange's computer was rerouting orders to the exchange's trading operations in Los Angeles, "business is as usual" Mr. Vyas said. +21852019 "If one city is down, the other can take over." +21852020 Meanwhile, the brokerage firms in San Francisco were trying to cope. +21852021 Charles Daggs, chairman and chief executive officer of Sutro & Co., said traders came to work at 5 a.m. PDT -- many on foot because of uncertain road and traffic conditions -- but learned that they would have to await a required inspection by the city in order to turn the power back on at the company's two main facilities there. +21852022 That should happen by today, he said. +21852023 Traders worked with the help of sunlight streaming through windows, despite large cracks in the walls and a lack of incoming phone calls. +21852024 Also, most of the telecommunications equipment was out. +21852025 The traders were executing municipal bond, mutual fund and other orders through a sister firm, Tucker Anthony Inc., which is also owned by John Hancock Freedom Securities but is based in New York. +21852026 "We are having a regular day. +21852027 Volume is down out of San Francisco, but not out of the 11 outlying offices," Mr. Daggs added. +21852028 Sutro's Oakland office executed orders through the Sacramento office, which wasn't affected by the quake. +21852029 Others, like Prudential-Bache Securities Inc., which has eight offices in the San Francisco area, set up an 800 number yesterday morning for customers to obtain market commentary and other help. +21852030 At Kidder, Peabody & Co.'s Sacramento branch, Manager Janet White received calls yesterday morning from workers in San Francisco who offered to work in Sacramento. +21852031 Then she discovered that Quotron Systems Inc.'s Sacramento lines were down, because they are normally tied in through a system that goes through San Francisco. +21852032 So the Kidder brokers had to call other company offices to get quotes on stocks. +21852033 At Quotron, the company's National Call-In Center, which swung into action for the first time last month for Hurricane Hugo, assembled a tactical team at 5 a.m. yesterday to begin rerouting lines and restore service to brokers and traders. +21852034 The company dispatched as many as 200 people in the San Francisco area to do the work, though most of the rerouting was done by computer. +21852035 Service appeared to be down throughout the financial district in downtown San Francisco, while just parts of Oakland and San Jose were knocked out. +21852036 But Dale Irvine, director of the emergency center, said service was being restored to outlying San Francisco areas. +21852037 In Chicago yesterday, Options Clearing confirmed that it guarantees the Pacific exchange options. +21852038 The firm also will permit its members and the public "to exercise their put and call options contracts traded on the Pacific exchange" even if the exchange is closed, said Wayne Luthringshausen, chairman of Options Clearing. +21852039 (Put options give holders the right, but not the obligation, to sell a financial instrument at a specified price, while call options give holders the right, but not the obligation, to buy a financial instrument at a specified price). +21852040 Investors and traders in Pacific exchange options "are protected to the extent that they can convert their put and call options into the underlying instrument," Mr. Luthringshausen said. +21852041 "We are seeing such exercises today, in fact. +21853001 International Business Machines Corp. said its board approved the purchase of $1 billion of its common shares, a move that should help support its battered stock. +21853002 Even as the stock market has generally done well this year, IBM's shares have slipped steadily from its 52-week high of $130.875. +21853003 Yesterday's closing price of $101.75, down 50 cents, in composite trading on the New York Stock Exchange, puts the stock at about 1 1/2 times book value, which is as low as it has sunk over the past decade. +21853004 The announcement came after the market's close. +21853005 The move by IBM wasn't exactly a surprise. +21853006 The company has spent some $5 billion over the past 3 1/2 years to buy back 42 million common shares, or roughly 7% of those outstanding. +21853007 In addition, despite IBM's well-publicized recent problems, the computer giant still generates enormous amounts of cash. +21853008 As of the end of the second quarter, it had $4.47 billion of cash and marketable securities on hand. +21853009 As a result, some securities analysts had predicted in recent days that IBM would authorize additional purchases. +21853010 In Armonk, N.Y., a spokesman said that although IBM didn't view its spending as necessarily a way to support the stock, it thought the purchases were a good way to improve such financial measurements as per-share earnings and return on equity. +21853011 "We view it as a good long-term investment," the spokesman said. +21853012 In the short term, the move is likely to have little effect. +21853013 At yesterday's closing price, $1 billion would buy back about 10 million shares, or less than 2% of the roughly 580 million outstanding. +21853014 In addition, as of Sept. 30, the company still had authorization to buy $368 million of stock under a prior repurchase program. +21853015 Over the long term, however, IBM's stock repurchases -- along with its hefty, $4.84-a-share annual dividend and generally loyal following among large institutional investors -- are providing a floor for the stock price. +21853016 Although IBM last year produced its first strong results in four years and was expected to continue to roll this year, it began faltering as early as January. +21853017 First, it had trouble manufacturing a chip for its mainframes, IBM's bread-and-butter business. +21853018 Then it had a series of smaller glitches, including problems manufacturing certain personal computers and the delay in the announcement of some important workstations. +21853019 Finally, IBM had to delay the introduction of some high-end disk drives, which account for 10% of its $60 billion of annual revenue. +21853020 None of the problems is necessarily fatal, and they aren't all necessarily even related. +21853021 There are also other factors at work that are outside IBM's control, such as currency exchange rates. +21853022 The strong dollar, which reduces the value of overseas earnings and revenue when they are translated into dollars, is expected to knock 80 to 85 cents off IBM's per-share earnings for the full year. +21853023 Without that problem, IBM might have matched last year's earnings of $5.81 billion, or $9.80 a share. +21853024 Still, investors will take some convincing before they get back into IBM's stock in a big way. +21853025 Steve Milunovich, a securities analyst at First Boston, said that while investors were looking for an excuse to buy IBM shares a year ago, even the big institutional investors are looking for a reason to avoid the stock these days. +21854001 On Wall Street yesterday, northern California's killer earthquake was just another chance to make a buck. +21854002 At the opening bell, investors quickly began singling out shares of companies expected to profit or suffer in some way from the California disaster, including insurers, construction-related companies, refiners and housing lenders. +21854003 Brokerage houses jumped in, touting "post-quake demand" stocks, and Kidder, Peabody & Co. set up a toll-free hot line for San Franciscans who might need emergency investment advice and help in transferring funds. +21854004 "Wall Street thinks of everything in terms of money," says Tom Gallagher, a senior Oppenheimer & Co. trader. +21854005 However, he added, such event-driven trading moves typically last only a few hours and are often made without full information. +21854006 The most popular plays of the day were insurance companies such as General Re Corp., which rose $2.75 to $86.50, Nac Re Corp., up $2 to $37.75, American International Group Inc., up $3.25 to $102.625, and Cigna Corp., up 87.5 cents to $62.50. +21854007 Yesterday, the brokerage firm Conning & Co. said insurers will use the earthquake as an excuse to raise insurance rates, ending their long price wars. +21854008 Before this bullish theory surfaced, some insurance stocks initially fell, indicating that investors thought the quake might cost insurers a lot of money. +21854009 In fact, Fireman's Fund Corp., which ended the day off 50 cents to $36.50, said earthquake damage would slightly hurt fourth-quarter profit. +21854010 On the prospect for rebuilding northern California, investors bid up cement-makers Calmat Co., up $2.75 to $28.75, and Lone Star Industries Inc., up $1.75 to $29.25. +21854011 Bridge and road builders had a field day, including Kasler Corp., up $2.125 to $9.875, Guy F. Atkinson Co., up 87.5 to $61.875, and Morrison Knudsen Corp., which reported higher third-quarter earnings yesterday, up $2.25 to $44.125. +21854012 Fluor Corp., a construction engineering firm, gained 75 cents to $33.375. +21854013 But home-building stocks were a mixed bag. +21854014 Timber stocks got a big boost. +21854015 Georgia Pacific Corp., up $1.25 to $58, and Maxxam Inc., up $3 to $43.75, both reported strong profits. +21854016 Merrill Lynch & Co. touted Georgia-Pacific, Louisiana Pacific Corp. and Willamette Industries Inc. as the best post-quake plywood plays. +21854017 Other gainers were companies with one or more undamaged California refineries. +21854018 Tosco Corp. jumped $1.125 to $20.125 and Chevron Corp., despite a temporary pipeline shutdown, rose $1 to $65. +21854019 Meanwhile, shares of some big housing lenders got hit, on the likelihood that the lenders' collateral -- people's homes -- suffered physical damage and perhaps a loss in value. +21854020 Wells Fargo & Co. fell 50 cents to $81.50, and BankAmerica Corp. fell 50 cents to $31.875. +21854021 Some California thrift stocks also fell, including Golden West Financial Corp. and H.F. Ahmanson & Co., which reported lower earnings yesterday. +21854022 "Property values didn't go up in California yesterday," says one money manager. +21854023 Pacific Gas & Electric Co. fell 37.5 cents to $19.625. +21854024 One of its power generators was damaged, though the company said there won't be any financial impact. +21854025 Pacific Telesis Group lost 62.5 cents to $44.625. +21854026 A computer failure delayed its earnings announcement, and some investors think it might have extra costs to repair damaged telephone lines. +21854027 Heavy construction, property-casualty insurance and forest products were among the best performing industry groups in the Dow Jones Equity Market Index yesterday. +21855001 Friday's stock market plunge claimed its second victim among the scores of futures and options trading firms here. +21855002 Petco Options, an options trading firm owned by the family of the deceased former Chicago Board of Trade chairman Ralph Peters, is getting out of the trade clearing, or processing and guaranteeing, business after sustaining a multimillion dollar loss Friday, options industry officials said. +21855003 Nearly 75 options traders on the Chicago Board Options Exchange who cleared trades through Petco, including a handful of traders who lost between $500,000 to $1 million themselves as a result of Friday's debacle, are trying to transfer their business to other clearing firms, CBOE members said. +21855004 Timothy Vincent, Petco chief executive officer, confirmed that Petco was withdrawing from the clearing business. +21855005 "The owners of the company got a look at the potential risks in this business, and after Monday they felt they didn't want to be exposed any more," he said. +21855006 He added that Petco remained in compliance with all industry capital requirements during the market's rapid plunge Friday and Monday's rebound. +21855007 A CBOE spokeswoman declined comment on Petco. +21855008 Over the weekend Fossett Corp., another options trading firm, transferred the clearing accounts of about 160 traders to First Options of Chicago, a unit of Continental Bank Corp., because it couldn't meet regulatory capital requirements after Friday's market slide. +21855009 The unprecedented transfer of accounts underscored the options industry's desire not to have its credibility tarnished by potentially widespread trading defaults on Monday. +21855010 The CBOE, American Stock Exchange, Options Clearing Corp. and Stephen Fossett, owner of Fossett, joined in putting up $50 million to guarantee the accounts at First Options. +21855011 The head of another small options clearing firm, who asked not to be identified, said that the heightened volatility in the financial markets in recent years makes it increasingly difficult for any but the largest financial trading firms to shoulder the risk inherent in the highly leveraged options and futures business. +21855012 Prior to the introduction of financial futures in the late 1970s, most trading firms clustered around the LaSalle Street financial district here were family operations handed down from one generation to the next. +21855013 Most also were relatively undercapitalized compared with the size of most Wall Street securities firms. +21855014 Mr. Peters, a LaSalle Street legend among the post-World War II generation of commodity traders, was rumored to have amassed a multimillion-dollar fortune from commodity trading and other activities by the time he died in May. +21856001 Part of a Series} +21856002 Betty Lombardi is a mild-mannered homemaker and grandmother in rural Hunterdon County, N.J. +21856003 But put her behind a shopping cart and she turns ruthless. +21856004 If Colgate toothpaste offers a tempting money-saving coupon, she'll cross Crest off her shopping list without a second thought. +21856005 Never mind that her husband prefers Crest. +21856006 Some weeks when her supermarket runs a double-coupon promotion, she boasts that she shaves $22 off her bill. +21856007 Money isn't the only thing that makes her dump once favorite brands. +21856008 After she heard about the artery-clogging hazards of tropical oils in many cookies, she dropped Pepperidge Farm and started buying brands free of such oils. +21856009 "I always thought Pepperidge Farm was tasty and high quality," Mrs. Lombardi says. +21856010 "But I don't want any of that oil for my grandkids." +21856011 (Pepperidge Farm says it can't tell exactly how many customers it has lost, but it hopes to remove the objectionable tropical oil from all its products by year end.) +21856012 Clearly, people like Mrs. Lombardi are giving marketers fits. +21856013 She represents a new breed of savvy consumer who puts bargain prices, nutritional and environmental concerns, and other priorities ahead of old-fashioned brand loyalty. +21856014 While brand loyalty is far from dead, marketing experts say it has eroded during the 1980s. +21856015 Marketers themselves are partly to blame: They've increased spending for coupons and other short-term promotions at the expense of image-building advertising. +21856016 What's more, a flood of new products has given consumers a dizzying choice of brands, many of which are virtually carbon copies of one other. +21856017 "Marketers have brought this on themselves with their heavy use" of promotions, contends Joe Plummer, an executive vice president at the D'Arcy Masius Benton & Bowles ad agency. +21856018 "Without some real product improvements, it's going to be difficult to win that loyalty back." +21856019 The Wall Street Journal's "American Way of Buying" survey this year found that most consumers switch brands for many of the products they use. +21856020 For the survey, Peter D. Hart Research Associates asked some 2,000 consumers, including Mrs. Lombardi, whether they usually buy one brand of a certain type of product or have no brand loyalty. +21856021 More than half the users of 17 of the 25 products included in the survey said they're brand switchers. +21856022 Overall, 12% of consumers aren't brand loyal for any of the 25 product categories. +21856023 About 47% are loyal for one to five of the products. +21856024 Only 2% are brand loyal in 16 to 20 of the categories, and no one is loyal for more than 20 types of products. +21856025 For such products as canned vegetables and athletic shoes, devotion to a single brand was quite low, with fewer than 30% saying they usually buy the same brand. +21856026 Only for cigarettes, mayonnaise and toothpaste did more than 60% of users say they typically stick with the same brand. +21856027 People tend to be most loyal to brands that have distinctive flavors, such as cigarettes and ketchup. +21856028 Kathie Huff, a respondent in the Journal survey from Spokane, Wash., says her husband is adamant about eating only Hunt's ketchup. +21856029 He simply can't stomach the taste of Heinz, she says. +21856030 The 31-year-old homemaker adds, "The only other thing I'm really loyal to is my Virginia Slims cigarettes. +21856031 Coke and Pepsi are all the same to me, and I usually buy whichever brand of coffee happens to be on sale." +21856032 Brand imagery plays a significant role in loyalty to such products as cigarettes, perfume and beer. +21856033 People often stay with a particular brand because they want to be associated with the image its advertising conveys, whether that's macho Marlboro cigarettes or Cher's Uninhibited perfume. +21856034 Loyalty lags most for utilitarian products like trash bags and batteries. +21856035 Only 23% of trash-bag users in the Journal survey usually buy the same brand, and just 29% of battery buyers stick to one brand. +21856036 Underwear scored a middling 36% in brand loyalty, but consumer researchers say that's actually quite high for such a mundane product. +21856037 "In the past, you just wore Fruit of the Loom and didn't care," says Peter Kim, U.S. director of consumer behavior research for the J. Walter Thompson ad agency. +21856038 "The high score reflects the attempts to make underwear more of a fashion image business for both men and women." +21856039 He believes there's opportunity for a smart gasoline marketer to create a strong brand image and more consumer loyalty. +21856040 What loyalty there is to gas brands, he believes, is a matter of stopping at the most conveniently located service stations. +21856041 Brand loyalty was stronger among older consumers in the Journal survey. +21856042 Nearly one-fourth of participants age 60 and older claim brand loyalty for more than 10 of the 25 products in the survey; only 9% of those age 18 to 29 have such strong allegiance. +21856043 Higher-income people also tend to be more brand loyal these days, the Journal survey and other research studies indicate. +21856044 Marketers speculate that more affluent people tend to lead more pressured lives and don't have time to research the products they buy for the highest quality and most reasonable price. +21856045 An established brand name is insurance that at least the product will be of acceptable quality, if not always the best value for the money. +21856046 It's sort of loyalty by default. +21856047 Meanwhile, "the bottom end of the market is becoming less loyal," says Laurel Cutler, vice chairman of the ad agency FCB/Leber Katz Partners. +21856048 "They're buying whatever's cheaper." +21856049 The biggest wild card in the brand loyalty game: How those hotly pursued but highly unpredictable baby boomers will behave as they move into middle age. +21856050 They grew up with more brand choices than any generation and have shown less allegiance so far. +21856051 But now that they're settling down and raising families, might they also show more stability in their brand choices? +21856052 Mr. Kim of J. Walter Thompson doesn't think so. +21856053 He believes baby boomers will continue to be selective in their brand loyalties. +21856054 "Earlier generations were brand loyal across categories," he says, "but boomers tend to be brand loyal in categories like running shoes and bottled water, but less so in others like toilet paper and appliances." +21856055 While not as brand loyal as in the past, consumers today don't buy products capriciously, either. +21856056 Rather, they tend to have a set of two or three favorites. +21856057 Sometimes, they'll choose Ragu spaghetti sauce; other times, it will be Prego. +21856058 Advertisers attribute this shared loyalty to the striking similarity among brands. +21856059 If a more absorbent Pampers hits the market, you can be sure a new and improved Huggies won't be far behind. +21856060 The BBDO Worldwide ad agency studied "brand parity" and found that consumers believe all brands are about the same in a number of categories, particularly credit cards, paper towels, dry soups and snack chips. +21856061 "When there's a clutter of brands, consumers simplify the complexity by telling themselves, 'All brands are the same so what difference does it make which I buy,'" says Karen Olshan, a senior vice president at BBDO. +21856062 "Too often, advertising imagery hasn't done a good job of forging a special emotional bond between a brand and the consumer." +21856063 But given such strong brand disloyalty, some marketers are putting renewed emphasis on image advertising. +21856064 A small but growing number of companies are also trying to instill more fervent brand loyalty through such personalized direct-marketing ploys as catalogs, magazines and membership clubs for brand users. +21856065 While discount promotions are essential for most brands, some companies concede they went overboard in shifting money from advertising to coupons, refunds and other sales incentives. +21856066 Some people argue that strong brands can afford to stop advertising for a time because of the residual impact of hundreds of millions of dollars spent on advertising through the years. +21856067 But most companies are too afraid to take that chance. +21856068 And perhaps with good reason. +21856069 Says Clayt Wilhite, president of the D'Arcy Masius ad agency's U.S. division, "Every time 24 hours pass without any advertising reinforcement, brand loyalty will diminish ever so slightly -- even for a powerful brand like Budweiser." +21856070 Consider, for example, what happened to Maxwell House coffee. +21856071 The Kraft General Foods brand stopped advertising for about a year in 1987 and gave up several market share points and its leadership position in the coffee business. +21856072 But since returning to advertising, Maxwell House has regained the lost share and is running neck and neck with archrival Folgers. +21856073 "Now, Philip Morris {Kraft General Foods' parent company} is committed to the coffee business and to increased advertising for Maxwell House," says Dick Mayer, president of the General Foods USA division. +21856074 "Even though brand loyalty is rather strong for coffee, we need advertising to maintain and strengthen it." +21856075 Campbell Soup Co., for one, has concluded that it makes good sense to focus more on its most loyal customers than on people who buy competitive brands. +21856076 "The probability of converting a non-user to your brand is about three in 1,000," says Tony Adams, the company's vice president for marketing research. +21856077 "The best odds are with your core franchise. +21856078 Our heavy users consume two to three cans of soup a week, and we'd like to increase that." +21856079 So Campbell is talking to its "brand enthusiasts," probing their psychological attachment to its soup. +21856080 In one consumer focus group, a fan declared that, "Campbell's soup is like getting a hug from a friend." +21856081 That helped persuade the company to introduce a new advertising slogan: "A warm hug from Campbell's." +21857001 Insurers face the prospect of paying out billions of dollars for damages caused by this week's California earthquake. +21857002 Getting a grip on the extent of the damages is proving a far more difficult task than what insurers faced after Hurricane Hugo ripped through the Caribbean and the Carolinas last month. +21857003 The earthquake's toll, including possible deep structural damage, goes far beyond the more easily observed damage from a hurricane, says George Reider, a vice president in Aetna Life & Casualty Insurance Co.'s claims division. +21857004 But investors are betting that the financial and psychological impact of the earthquake, coming so soon after the hurricane, will help stem more than two years of intense price-cutting wars among business insurers. +21857005 Reflecting that logic, insurance-company stocks posted strong gains. +21857006 Aetna and other insurers are hiring engineers and architects to help them assess structural damage. +21857007 Most insurers already have mobilized their "catastrophe" teams to begin processing claims from their policyholders in northern California. +21857008 Since commercial air travel is interrupted, Aetna, based in Hartford, Conn., chartered three planes to fly claims adjusters into Sacramento and then planned for them to drive to the Bay area. +21857009 About 25 adjusters were dispatched yesterday afternoon, along with laptop computers, cellular phones and blank checks. +21857010 Some adjusters, already in other parts of California, drove to the disaster area with recreational vehicles and mobile homes that could be used as makeshift claims-processing centers. +21857011 Insurers will be advertising 800 numbers -- probably on the radio -- that policyholders can call to get assistance on how to submit claims. +21857012 State Farm Mutual Automobile Insurance Co., the largest home and auto insurer in California, believes the losses from the earthquake could be somewhat less than the $475 million in damages it expects to pay out for claims resulting from Hurricane Hugo. +21857013 State Farm, based in Bloomington, Ind., is also the largest writer of personal-property earthquake insurance in California. +21857014 Earthquake insurance is sold as a separate policy or a specific endorsement "rider" on a homeowner's policy in California, because of the area's vulnerability to earthquakes. +21857015 State Farm said about 25% of its policyholders in California have also purchased earthquake insurance. +21857016 Allstate Insurance Co., a unit of Sears, Roebuck & Co., said about 23% of its personal property policyholders -- about 28% in the San Franciso area -- also have earthquake coverage. +21857017 The Association of California Insurance Companies estimated damage to residential property could total $500 million, but only $100 million to $150 million is insured, it said. +21857018 Officials from the American Insurance Association's property-claim service division, which coordinates the efforts of the claims adjusters in an area after a natural disaster, will be flying to San Francisco today. +21857019 They expect to have a preliminary estimate of the damages in a day or two. +21857020 Roads and bridges in the Bay area appear to have suffered some of the most costly damage. +21857021 Highways, such as the section of Interstate 880 that collapsed in Oakland, generally don't have insurance coverage. +21857022 Industry officials say the Bay Bridge -- unlike some bridges -- has no earthquake coverage, either, so the cost of repairing it probably would have to be paid out of state general operating funds. +21857023 However, the bridge, which charges a $1 toll each way, does have "loss of income" insurance to replace lost revenue if the operation of the bridge is interrupted for more than seven days. +21857024 That coverage is provided by a syndicate of insurance companies including Fireman's Fund Corp., based in Novato, Calif., and Cigna Corp., based in Philadelphia. +21857025 Earthquake-related claims aren't expected to cause significant financial problems for the insurance industry as a whole. +21857026 Instead, even with the liabilities of two natural disasters in recent weeks, analysts said the total capital of the industry is likely to be higher at year end than it was at midyear. +21857027 Indeed, the earthquake could contribute to a turnaround in the insurance cycle in a couple of ways. +21857028 For example, insurers may seek to limit their future exposure to catastrophes by increasing the amount of reinsurance they buy. +21857029 Such increased demand for reinsurance, along with the losses the reinsurers will bear from these two disasters, are likely to spur increases in reinsurance prices that will later be translated into an overall price rise. +21857030 Reinsurance is protection taken out by the insurance firms themselves. +21857031 "We are saying this is the breaking point, this is the event that will change the psychology of the marketplace," said William Yankus, an analyst with Conning & Co., a Hartford firm that specializes in the insurance industry. +21857032 His firm, along with some others, issued new buy recommendations on insurer stocks yesterday. +21857033 Among the insurance stocks, big gainers included American International Group, up $3.25 to $102.625; General Re Corp., up $2.75 to $86.50; Aetna, up $2.375 to $59.50; and Marsh & McLennan Inc., up $3.125 to $75.875. +21857034 Still, a few individual companies, most likely smaller ones, could be devastated. +21857035 "I think there is a damned good chance someone is going to hit the skids on this," said Oppenheimer & Co. analyst Myron Picoult. +21857036 He suspects some insurers who had purchased reinsurance to limit their exposure to catastrophes will discover that reinsurance was used up by Hurricane Hugo. +21857037 British, West German, Scandinavian and other overseas insurers are bracing for big claims from the San Francisco earthquake disaster. +21857038 Although it's unclear how much exposure the London market will face, U.K. underwriters traditionally have a large reinsurance exposure to U.S. catastrophe coverage. +21857039 Jack Byrne, chairman of Fireman's Fund, said this disaster will test the catastrophe reinsurance market, causing these rates to soar. +21857040 The catastrophe losses sustained by insurers this year will probably be the worst on an inflation-adjusted basis since 1906 -- when another earthquake sparked the Great San Francisco Fire. +21857041 Orin Kramer, an insurance consultant in New York, estimates that the 1906 San Francisco destruction, on an inflation-adjusted basis, included insured losses of $5.8 billion. +21857042 He is estimating this week's disaster will generate insured losses of $2 billion to $4 billion, following about $4 billion in costs to insurers from Hurricane Hugo. +21858001 Silicon Graphics Inc.'s first-quarter profit rose sharply to $5.2 million, or 28 cents a share, from $1 million, or six cents a share, a year ago. +21858002 The maker of computer workstations said a surge of government orders contributed to the increase. +21858003 Revenue rose 95% to $86.4 million from $44.3 million the year earlier. +21858004 In national over-the-counter trading, the company closed yesterday at $23.25 a share, down 25 cents. +21859001 Hunter Environmental Services Inc. said it reached a preliminary accord on the sale of its environmental consulting and services business for about $40 million and assumption of related debt. +21859002 The buyer wasn't identified. +21859003 The company said it also is making progress in negotiating the buy-out of its design division by management. +21859004 In addition, Hunter said it will use proceeds from a private placement of $8 million of preferred shares to purchase an interest in a start-up company to underwrite environmental impairment insurance. +21859005 Hunter wants to concentrate its resources on the insurance business and on a project to store hazardous wastes in salt domes. +21860001 Jaguar PLC's chairman said he hopes to reach a friendly pact with General Motors Corp. within a month that may involve the British luxury-car maker's producing a cheaper executive model. +21860002 Sir John Egan told reporters at London's Motorfair yesterday he "would be disappointed if we couldn't do {the deal} within a month." +21860003 He said the tie-up would mean Jaguar could "develop cars down range {in price} from where we are" by offering access to GM's high-volume parts production. +21860004 Besides creating joint manufacturing ventures, the accord is expected to give GM about a 15% stake that eventually would rise to about 30%. +21860005 Jaguar figures a friendly alliance with GM will fend off unwelcome advances from Ford Motor Co. +21860006 But Ford, Jaguar's biggest shareholder since lifting its stake to 10.4% this week, is pressing harder for talks with Sir John. +21860007 "We're getting to the point where we are going to have to meet" with him, one Ford official said yesterday. +21860008 Ford probably will renew its request for such a meeting soon, he added. +21860009 Sir John has spurned Ford's advances since the U.S. auto giant launched a surprise bid for as much as 15% of Jaguar last month. +21860010 Ford has signaled it might acquire a majority interest later. +21860011 "I'm not obligated to sit down and talk to anybody," the Jaguar chairman asserted yesterday. +21860012 He didn't rule out negotiations with Ford, however. +21860013 The fiercely proud but financially strapped British company prefers to remain independent and publicly held, despite Ford's promise of access to cash and technological know-how. +21860014 Sir John noted that GM, a longtime Jaguar supplier, agrees "we should remain an independent company." +21860015 He said Jaguar started negotiating with GM and several other car makers over a year ago, but the rest "dropped by the wayside ever since the share price went above #4 ($6.30) a share." +21860016 Jaguar shares stood at 405 pence before Ford's initial announcement, but the subsequent takeover frenzy has driven them up. +21860017 The stock traded late yesterday on London's stock exchange at 673 pence, up 19 pence. +21860018 Developing an executive-model range would mark a major departure for Britain's leading luxury-car maker. +21860019 A typical British executive car is mass produced and smaller than a luxury car. +21860020 It generally fetches no more than #25,000 ($39,400) -- roughly #16,000 less than the highest-priced Jaguars, which are all known for their hand-crafted leather work. +21860021 "We have designs for such {executive} cars, but have never been able to develop them," Sir John said. +21860022 GM's help would "make it possible {for Jaguar} to build a wider range of cars." +21860023 An executive model would significantly boost Jaguar's yearly output of 50,000 cars. +21860024 "You are talking about a couple hundred thousand a year," said Bob Barber, an auto-industry analyst at U.K. brokerage James Capel & Co. +21860025 A pact with GM may emerge in as little as two weeks, according to sources close to the talks. +21860026 The deal would require approval by a majority of Jaguar shareholders. +21860027 "We have to make it attractive enough that {holders} would accept it," Sir John said. +21860028 That may be difficult, the Jaguar chairman acknowledged, "when you have somebody else breathing down your neck. +21860029 " Ford probably would try to kill the proposal by enlisting support from U.S. takeover-stock speculators and holding out the carrot of a larger bid later, said Stephen Reitman, European auto analyst at London brokers UBS Phillips & Drew. +21860030 Ford can't make a full-fledged bid for Jaguar until U.K. government restrictions expire. +21860031 The anti-takeover measure prevents any outside investor from buying more than 15% of Jaguar shares without permission until Dec. 31, 1990. +21860032 But with its 10.4% stake, Ford can convene a special Jaguar shareholders' meeting and urge them to drop the restrictions prematurely. +21860033 "It's a very valuable weapon in their armory," which could enable Ford to bid sooner for Jaguar, observed Mr. Barber of James Capel. +21860034 Otherwise, Jaguar may have to tolerate the two U.S. auto giants each owning a 15% stake for more than a year. +21860035 "It would be difficult to see how a car company can be owned by a collective," Sir John said. +21860036 "It has never been done before, but there's always a first. +21861001 Although two Baby Bells showed strong growth in access lines, usage and unregulated business revenue, one reported a modest gain in third-quarter net while the other posted a small drop. +21861002 Ameritech Corp.'s earnings increased 2.8%, after strong revenue gains were offset somewhat by refunds and rate reductions imposed by regulators in its Midwest territory. +21861003 BellSouth Corp.'s third-quarter earnings dropped 3.8% as a result of debt refinancing, the recent acquisition of a cellular and paging property and rate reductions in its Southeast territory. +21861004 BellSouth +21861005 At BellSouth, based in Atlanta, customer access lines grew by 162,000, or 3.5%, during the 12-month period ended Sept. +21861006 For the third quarter, total operating revenue grew 2.6% to $3.55 billion from $3.46 billion. +21861007 Total operating expenses increased 3.5% to $2.78 billion from $2.69 billion. +21861008 Overall access minutes of use increased 10.3% and toll messages jumped 5.2%. +21861009 BellSouth Chairman and Chief Executive Officer John L. Clendenin said three factors accounted for the drop in third-quarter earnings. +21861010 The refinancing of $481 million in long-term debt reduced net income by $22 million, or five cents a share, but in the long run will save more than $250 million in interest costs. +21861011 The company previously said that the recent acquisition of Mobile Communications Corp. of America would dilute 1989 earnings by about 3%. +21861012 In addition, earnings were reduced by rate reductions in Florida, Kentucky, Alabama, Tennessee and Louisiana. +21861013 Ameritech +21861014 At Ameritech, based in Chicago, customer access lines increased by 402,000, or 2.6%, and cellular mobile lines increased by 80,000, or 62.3%, for the 12-month period ended Sept. 30. +21861015 For the third quarter, revenue increased 1.9% to $2.55 billion from $2.51 billion. +21861016 Operating expenses increased 2.6% to $2.04 billion, including one-time pretax charges of $40 million for labor contract signing bonuses. +21861017 Local service revenue increased 3.5% and directory and unregulated business revenue jumped 9.5%. +21861018 But network access revenue dropped 4% and toll revenue dropped 1.4%. +21861019 a-reflects 2-for-1 stock split effective Dec. 30, 1988. +21861020 b-reflects extraordinary loss of five cents a share for early debt retirement. +21861021 c-reflects extraordinary loss of five cents a share and extraordinary gain of 14 cents a share from cumulative effect of accounting change. +21862001 The Wall Street Journal "American Way of Buying" Survey consists of two separate, door-to-door nationwide polls conducted for the Journal by Peter D. Hart Research Associates and the Roper Organization. +21862002 The two surveys, which asked different questions, were conducted using national random probability samples. +21862003 The poll conducted by Peter D. Hart Research Associates interviewed 2,064 adults age 18 and older from June 15 to June 30, 1989. +21862004 The poll conducted by the Roper Organization interviewed 2,002 adults age 18 and older from July 7 to July 15, 1989. +21862005 Responses were weighted on the basis of age and gender to conform with U.S. Census data. +21862006 For each poll, the odds are 19 out of 20 that if pollsters had sought to survey every household in the U.S. using the same questionnaire, the findings would differ from these poll results by no more than 2 1/2 percentage points in either direction. +21862007 The margin of error for subgroups -- for example, married women with children at home -- would be larger. +21862008 In addition, in any survey, there is always the chance that other factors such as question wording could introduce errors into the findings. +21863001 Program traders were buying and selling at full steam Monday, the first trading session after the stock market's 190.58-point plunge Friday. +21863002 They accounted for a hefty 16% of New York Stock Exchange volume Monday, the fourth busiest session ever. +21863003 On Friday, 13% of volume was in computer-guided program trades. +21863004 In August, by contrast, program trading averaged 10.3% of daily Big Board turnover. +21863005 Program traders were publicly castigated following the 508-point crash Oct. 19, 1987, and a number of brokerage firms pulled back from using this strategy for a while. +21863006 But as the outcry faded by the spring of 1988, they resumed. +21863007 Some observers thought that after Friday's sharp drop, the firms would rein in their program traders to avoid stoking more controversy. +21863008 But the statistics released yesterday show the firms did nothing of the sort. +21863009 One reason, they said, was that the official reports on the 1987 crash exonerated program trading as a cause. +21863010 Stock-index arbitrage is the most controversial form of program trading because it accelerates market moves, if not actually causing them. +21863011 In it, traders buy or sell stocks and offset those positions in stock-index futures contracts to profit from fleeting price discrepancies. +21863012 Under the exchange's definitions, program trading also describes a number of other strategies that, in the opinion of some traders, don't cause big swings in the market. +21863013 The Big Board's disclosure of program trading activity on these two days was unusual. +21863014 Though it collects such data daily, its monthly reports on program trading usually come out about three weeks after each month ends. +21863015 The September figures are due to be released this week. +21863016 The Big Board declined to name the Wall Street firms involved in the activity Friday and Monday, or the type of strategies used. +21863017 But traders on the exchange floor, who can observe the computer-guided trading activity on monitor screens, said most of the top program-trading firms were active both days. +21863018 Through August, the top five program trading firms in volume were Morgan Stanley & Co., Kidder, Peabody & Co., Merrill Lynch & Co., PaineWebber Group Inc. and Salomon Brothers Inc. +21863019 Though brokerage officials defended their use of program trading, one sign of what an issue it remains was that few executives would comment on the record. +21863020 Besides reciting the pardon for program trading contained in the Brady Commission report, they said stock-index arbitrage was actually needed Monday to restore the markets' equilibrium. +21863021 On Friday, the stock-index futures market was unhinged from the stock market when the Chicago Mercantile Exchange halted trading in Standard & Poor's 500 futures contract -- a "circuit breaker" procedure instituted after the 1987 crash and implemented for the first time. +21863022 Futures trading resumed a half-hour later, but the session ended shortly thereafter, leaving the stock market set up for more sell programs, traders said. +21863023 By Monday morning, they said, stock-index arbitrage sell programs helped re-establish the link between stocks and futures. +21863024 But stunning volatility was produced in the process. +21863025 The Dow Jones Industrial Average plunged a breathtaking 63.52 points in the first 40 minutes of trading Monday as stock-index arbitrage sell programs kicked in. +21863026 At about 10:10 a.m. EDT, the market abruptly turned upward on stock-index arbitrage buy programs. +21863027 By day's end, the Dow industrials had rebounded 88.12 points, or nearly half of Friday's drop. +21864001 FREDERICK'S OF HOLLYWOOD Inc., Los Angeles, said its board voted a 50% increase in the specialty boutique-store operator's semiannual dividend, to five cents a common share. +21864002 The dividend is payable Dec. 15 to stock of record Nov. 15. +21865001 Valley National Corp. reported a third-quarter net loss of $72.2 million, or $3.65 a share, and suspended its quarterly dividend because of potential losses on its Arizona real estate holdings. +21865002 The Phoenix-based holding company for Arizona's largest bank said it added $121 million to its allowance for losses on loans and for real estate owned. +21865003 The company earned $18.7 million, or 95 cents a share, a year earlier. +21865004 For the nine months, Valley National posted a net loss of $136.4 million, or $6.90 a share. +21865005 It had profit of $48.6 million, or $2.46 a share, in the 1988 period. +21865006 Valley National had been paying a quarterly dividend of 36 cents a share. +21865007 "The Arizona real estate market continues to be depressed, and there is still uncertainty as to when values will recover," James P. Simmons, chairman, said. +21865008 The decision to increase the loan-loss reserve and suspend the dividend is "both prudent and in the best long-term interest of the shareholders," he said. +21865009 Valley National said it made the decision on the basis of an "overall assessment of the marketplace" and the condition of its loan portfolio and after reviewing it with federal regulators. +21865010 The addition to reserves comes on top of a provision of $199.7 million that was announced in June. +21865011 In July, Moody's downgraded $400 million of the company's debt, saying the bank holding company hadn't taken adequate write-offs against potential losses on real estate loans despite its second-quarter write-down. +21865012 Richard M. Greenwood, Valley National's executive vice president, said then that the company believed the write-downs were "adequate" and didn't plan to increase its reserves again. +21865013 Bruce Hoyt, a banking analyst with Boettcher & Co., a Denver brokerage firm, said Valley National "isn't out of the woods yet." +21865014 The key will be whether Arizona real estate turns around or at least stabilizes, he said. +21865015 "They've stepped up to the plate to take the write-downs, but when markets head down, a company is always exposed to further negative surprises," Mr. Hoyt said. +21865016 Valley National closed yesterday at $24.25 a share, down $1, in national over-the-counter trading. +21866001 Two years of coddling, down the drain. +21866002 That's the way a lot of brokers feel today on the second anniversary of the 1987 stock-market crash. +21866003 Ever since that fearful Black Monday, they've been tirelessly wooing wary individual investors -- trying to convince them that Oct. 19, 1987, was a fluke and that the stock market really is a safe place for average Americans to put their hard-earned dollars. +21866004 And until last Friday, it seemed those efforts were starting to pay off. +21866005 "Some of those folks were coming back," says Leslie Quick Jr., chairman, of discount brokers Quick & Reilly Group Inc. +21866006 "We had heard from people who hadn't been active" for a long time. +21866007 Then came the frightening 190-point plunge in the Dow Jones Industrial Average and a new wave of stock-market volatility. +21866008 All of a sudden, it was back to square one. +21866009 "It's going to set things back for a period, because it reinforces the concern of volatility," says Jeffrey B. Lane, president of Shearson Lehman Hutton Inc. +21866010 "I think it will shake confidence one more time, and a lot of this business is based on client confidence." +21866011 Brokers around the country say the reaction from individual investors this week has been almost eerie. +21866012 Customers and potential customers are suddenly complaining about the stock market in the exact way they did in post-crash 1987. +21866013 "The kinds of questions you had before have resurfaced," says Raymond A. "Chip" Mason, chairman of regional brokerage firm Legg Mason Inc., Baltimore. +21866014 "I can just tell the questions are right back where they were: `What's going on?,' `Can't anything be done about program trading?,' `Doesn't the exchange understand?,' `Where is the SEC on this?'" +21866015 Mr. Mason says he's convinced the public still wants to invest in common stocks, even though they believe the deck is stacked against them. +21866016 But "these wide swings scare them to death." +21866017 All of this is bad news for the big brokerage firms such as Shearson and Merrill Lynch & Co. that have big "retail," or individual-investor, businesses. +21866018 After expanding rapidly during the bull-market years up to the 1987 crash, retail brokerage operations these days are getting barely enough business to pay the overhead. +21866019 True, the amount of money investors are willing to entrust to their brokers has been growing lately. +21866020 But those dollars have been going into such "safe" products as money market funds, which don't generate much in the way of commissions for the brokerage firms. +21866021 At discount brokerage Charles Schwab & Co., such "cash-equivalent" investments recently accounted for a record $8 billion of the firm's $25 billion of client's assets. +21866022 The brokers' hope has been that they could soon coax investors into shifting some of their hoard into the stock market. +21866023 And before last Friday, they were actually making modest progress. +21866024 A slightly higher percentage of New York Stock Exchange volume has been attributed to retail investors in recent months compared with post-crash 1988, according to Securities Industry Association data. +21866025 In 1987, an average 19.7% of Big Board volume was retail business, with the monthly level never more than 21.4%. +21866026 The retail participation dropped to an average 18.2% in 1988, and shriveled to barely 14% some months during the year. +21866027 Yet in 1989, retail participation has been more than 20% in every month, and was 23.5% in August, the latest month for which figures are available. +21866028 Jeffrey Schaefer, the SIA's research director, says that all of his group's retail-volume statistics could be overstated by as much as five percentage points because corporate buy-backs are sometimes inadvertently included in Big Board data. +21866029 But there did seem to be a retail activity pickup. +21866030 But "Friday didn't help things," says Mr. Schaefer. +21866031 With the gyrations of recent days, says Hugo Quackenbush, senior vice president at Charles Schwab, many small investors are absolutely convinced that "they shouldn't play in the stock market." +21866032 Joseph Grano, president of retail sales and marketing at PaineWebber Group Inc., still thinks that individual investors will eventually go back into the stock market. +21866033 Investors will develop "thicker skins," and their confidence will return, he says. +21866034 Friday's plunge, he is telling PaineWebber brokers, was nothing more than a "tremendous reaction to leveraged buy-out stocks." +21866035 Meanwhile, PaineWebber remains among the leaders in efforts to simply persuade investors to keep giving Wall Street their money. +21866036 "It's more of an important issue to keep control of those assets, rather than push the investor to move into (specific) products such as equities," Mr. Grano says. +21866037 "The equity decision will come when the client is ready and when there's a semblance of confidence." +21866038 It could be a long wait, say some industry observers. +21866039 "Some investors will tiptoe back in," says Richard Ross, a market research director for Elrick & Lavidge in Chicago. +21866040 "Then there'll be another swing. +21866041 Given enough of these, this will drive everyone out except the most hardy," he adds. +21866042 Mr. Ross, who has been studying retail investors' perception of risks in the brokerage industry, said a market plunge like Friday's "shatters investors' confidence in their ability to make any judgments on the market." +21866043 The long-term outlook for the retail brokerage business is "miserable," Mr. Ross declares. +21867001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21867002 Washington, D.C. -- +21867003 $200 million of general obligation tax revenue anticipation notes, Series 1990, due Sept. 28, 1990. +21867004 About $190 million were offered through Shearson Lehman Hutton Inc. +21867005 Shearson is offering the notes as 6 3/4% securities priced to yield 6.15%. +21867006 J.P. Morgan Securities Inc. is offering the remaining $10 million of notes. +21867007 The notes are rated MIG-1 by Moody's Investors Service Inc. +21867008 Standard & Poor's Corp. has them under review. +21867009 Federal National Mortgage Association -- +21867010 $400 million of Remic mortgage securities being offered in 16 classes by Bear, Stearns & Co. +21867011 The offering, Series 1989-83, is backed by Fannie Mae 9% securities. +21867012 The offering used at-market pricing. +21867013 Separately, Fannie Mae issued $400 million of Remic mortgage securities in 12 classes through First Boston Corp. +21867014 The offering, Series 1989-84, is backed by Fannie Mae 9% securities. +21867015 Pricing details weren't available. +21867016 The two offerings bring Fannie Mae's 1989 Remic issuance to $31 billion and its total volume to $43.3 billion since the program began in April 1987. +21867017 Societa per Azioni Finanziaria Industria Manaifatturiera (Italy) -- +21867018 $150 million of 9% depository receipts due Nov. 27, 1994, priced at 101.60 to yield 9.07% less fees, via Bankers Trust International Ltd. +21867019 Fees 1 7/8. +21867020 Mitsubishi Corp. Finance (Japanese parent) -- +21867021 $100 million of 8 5/8% bonds due Nov. 1, 1993 priced at 101 1/4 to yield 8.74% annually less full fees, via Yamaichi International (Europe) Ltd. +21867022 Fees 1 5/8. +21867023 Indian Oil Corp. (India) -- +21867024 $200 million of floating-rate notes due November 1994, paying six-month London interbank offered rate plus 3/16 point and priced at par via Credit Suisse First Boston Ltd. +21867025 Guaranteed by India. +21867026 Fees 0.36. +21867027 Notes offered at a fixed level of 99.75. +21867028 National Westminster Bank PLC (U.K.) -- +21867029 #200 million of undated variable-rate notes priced at par via Merill Lynch International Ltd. +21867030 Initial interest rate set at 0.375 point over three-month Libor. +21867031 Subsequent margins set by agreement between NatWest and Merrill. +21867032 If no margin agreed, there is a fallback rate of Libor plus 0.75 point in years one to 15, and Libor plus 1.25 point thereafter. +21867033 Keihin Electric Express Railway Co. (Japan) -- +21867034 $150 million of bonds due Nov. 9, 1993, with equity-purchase warrants, indicating a 4% coupon at par via Yamaichi International (Europe) Ltd. +21867035 Each $5,000 bond carries one warrant, exercisable from Dec. 1, 1989, through Nov. 2, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 24. +21867036 Seiren Co. (Japan) -- +21867037 110 million Swiss francs of privately placed convertible notes due March 31, 1994, with an indicated 0.25% coupon at par, via Bank Leu Ltd. +21867038 Put option on March 31, 1992, at an indicated 109 to yield 3.865%. +21867039 Callable on March 31, 1992, at 109, also beginning Sept. 30, 1992, from 101 1/2 and declining half a point semiannually to par. +21867040 Each 50,000 Swiss franc note is convertible from Nov. 20, 1989, to March 17, 1994, at an indicated 5% premium over the closing share price Oct. 25, when terms are scheduled to be fixed. +21867041 N. Nomura & Co. (Japan) -- +21867042 50 million Swiss francs of privately placed convertible notes due March 31, 1994, with an indicated 0.5% coupon at par, via Bank Julius Baer. +21867043 Put option on March 31, 1992, at an indicated 108 1/4 to yield 3.846%. +21867044 Each 50,000 Swiss franc note is convertible from Nov. 20, 1989, to March 17, 1994, at a 5% premium over the closing share price Oct. 21, when terms are scheduled to be fixed. +21867045 Aegon N.V. (Netherlands) -- +21867046 250 million Dutch guilders of 7 3/4% bonds due Nov. 15, 1999, priced at 101 1/4 to yield 7.57% at issue price and 7.86% less full fees, via AMRO Bank. +21867047 Fees 2. +21867048 Continental Airlines -- +21867049 a four-part, $71 million issue of secured equipment certificates priced through Drexel Burnham Lambert Inc. +21867050 The size of the issue was decreased from an originally planned $95.2 million. +21867051 In addition, a planned two-part offering of $58 million in unsecured notes wasn't offered. +21867052 The first part, consisting of $2.5 million of 11 1/4% secured equipment certificates due June 15, 1990, was priced at 98.481 with a yield to maturity of 13.75%. +21867053 The second part, consisting of $28 million of 11 3/4% secured equipment certificates due June 15, 1995, was priced at 87.026 with a yield to maturity of 15.25%. +21867054 The third part, consisting of $18.5 million of 12 1/8% secured equipment certificates due April 15, 1996, was priced at 85.60 with a yield to maturity of 15.75%. +21867055 The fourth part, consisting of $22 million of 12 1/2% secured equipment certificates due April 15, 1999, was priced at 85.339 with a yield to maturity of 15.50%. +21867056 The issue was rated single-B-2 by Moody's and single-B by S&P. +21867057 All parts of the issue are callable at any time at par. +21867058 Continental Airlines is a unit of Texas Air Corp. +21868001 John V. Holmes, an investment-newsletter publisher, and three venture-capital firms he organized were enjoined from violating the registration provisions of the securities laws governing investment companies. +21868002 As part of an agreement that settled charges brought by the Securities and Exchange Commission, a receiver was also appointed for the three venture-capital firms. +21868003 Mr. Holmes was the subject of a page one profile in The Wall Street Journal in 1984, after the SEC questioned him about ties between him and companies he touted in a newsletter. +21868004 In 1986, in another consent agreement with the SEC, Mr. Holmes was enjoined from violating the stock-registration and anti-fraud provisions of the securities laws. +21868005 Without any admission or denial of guilt by Mr. Holmes, that agreement settled SEC charges that Mr. Holmes sold unregistered securities and misled investors. +21868006 In charges filed last week in federal district court in Charlotte, N.C., the SEC alleged that Venture Capitalists Inc., Venture Finance Corp. and New Ventures Fund Inc., all of Charlotte, failed repeatedly to file proper documents. +21868007 The SEC also charged that Mr. Holmes acted as an officer or director of New Ventures, in violation of his previous consent agreement. +21868008 "Some companies were delinquent in filings and other actions, all of which cost money," Mr. Holmes said. +21868009 Two of Mr. Holmes's business associates who worked for Venture Capitalists, Kimberly Ann Smith and Frederick Byrum, also consented to being enjoined from violations of registration provisions of the securities laws. +21868010 Ms. Smith also agreed to a permanent injunction barring her from acting as an officer, director or investment adviser of any mutual fund, unit investment trust or face-amount certificate company. +21868011 Mr. Byrum and Ms. Smith couldn't be reached for comment. +21868012 In consenting to the injunctions, none of the individuals or companies admitted or denied the allegations. +21869001 Senate Republicans have settled on a proposal that would cut the capital-gains tax for individuals and corporations. +21869002 At the same time, a small group of Senate Democrats are working on a similar plan and may introduce it soon. +21869003 Sen. Bob Packwood (R., Ore.), the lead sponsor of the GOP proposal, said he intends to unveil the plan today and to offer it as an amendment to whatever legislation comes along, particularly this month's bill to raise the federal borrowing limit. +21869004 He gave 10-to-1 odds that a capital-gains tax cut of some sort would be approved this year, though it probably won't be included in the pending deficit-reduction bill. +21869005 He added that he expects to talk to the Democrats who also wanted to cut the gains tax about drafting a joint proposal. +21869006 For individuals, the Packwood plan would exclude from income 5% of the gain from the sale of a capital asset held for more than one year. +21869007 The exclusion would rise five percentage points for each year the asset was held until it reached a maximum of 35%. +21869008 The exclusion would apply to assets sold after Oct. 1, 1989. +21869009 As an alternative, he said, taxpayers could chose to reduce their gains by an inflation index. +21869010 For corporations, the top tax rate on the sale of assets held for more than three years would be cut to 33% from the current top rate of 34%. +21869011 That rate would gradually decline to as little as 29% for corporate assets held for 15 years. +21869012 The Packwood plan would also include a proposal, designed by Sen. William Roth (R., Del.), that would expand and alter the deduction for individual retirement accounts. +21869013 The Roth plan would create a new, non-deductible IRA from which money could be withdrawn tax-free not only for retirement, but also for the purchase of a first home and to pay education and medical expenses. +21869014 Current IRAs could be rolled over into the new IRAs but would be subject to tax. +21869015 For their part, the group of Democrats are working on a plan that, like the Packwood proposal, would grant larger exclusions to assets the longer they were held by individuals and companies. +21869016 Newly acquired assets would get a bigger break than those currently held. +21869017 An extra exclusion would be given to long-held stock in small and medium-size corporations just starting up. +21869018 No one in the Senate is considering the capital-gains plan passed by the House. +21869019 That plan would provide a 30% exclusion to assets sold over a 2 1/2-year period ending Dec. 31, 1991. +21869020 After then, the House measure would boost the tax rate to 28% and exclude from tax the gain attributable to inflation. +21869021 Senators are focusing on making a capital-gains differential permanent. +21869022 Separately, Chairman Dan Rostenkowski (D., Ill.) of the House Ways and Means Committee said he didn't want the capital-gains tax cut or any other amendments attached to the pending bill raising the federal borrowing limit. +21869023 The current debt limit expires Oct. 31. +21869024 He also urged House and Senate negotiators to rid the deficit-reduction bill of all provisions that increase the budget deficit, including the House-passed capital-gains provision. +21870001 From a helicopter a thousand feet above Oakland after the second-deadliest earthquake in U.S. history, a scene of devastation emerges: a freeway crumbled into a concrete sandwich, hoses pumping water into once-fashionable apartments, abandoned autos. +21870002 But this quake wasn't the big one, the replay of 1906 that has been feared for so many years. +21870003 Despite the tragic loss of more than 270 lives, and damage estimated in the billions, most businesses and their plants and offices in the Bay area weren't greatly affected. +21870004 The economic life of the region is expected to revive in a day or two, although some transportation problems may last weeks or months. +21870005 A main factor mitigating more widespread damage was the location of the quake's epicenter -- 20 miles from the heart of the Silicon Valley and more than 50 miles from downtown San Francisco and Oakland. +21870006 Also, the region's insistence on strict building codes helped prevent wider damage. +21870007 The tremendous energy of the quake was dissipated by the distance, so that most parts of the valley and the major cities suffered largely cosmetic damage -- broken windows, falling brick and cornices, buckled asphalt or sidewalks. +21870008 Of course, the quake was the worst since the emergence of the computer era turned Silicon Valley into the nation's capital of high technology. +21870009 Like other major American cities, the San Francisco -- Oakland area owes its current prosperity more to its infrastructure of fiber-optic cables linking thousands of computer terminals and telephones than to its location astride one of the world's great natural harbors. +21870010 When the tremors struck, the region's largely unseen high-tech fabric held up surprisingly well despite the devastation visible from the air. +21870011 Michael L. Bandler, vice president for network technology at Pacific Bell Telephone Co., says nearly all the network's computer switches, which move thousands of calls a minute from one location to another, changed to battery power when the city lost power. +21870012 The battery packs have enough power for only three hours, but that gave emergency crews time to turn on an emergency system that runs primarily on diesel fuel. +21870013 Of some 160 switches in Pacific Bell's network, only four went down. +21870014 One of those was in Hollister, Calif., near the earthquake's epicenter. +21870015 Few telephone lines snapped. +21870016 That's because the widely used fiber-optic cable has been installed underground with 25 extra feet of cable between junction points. +21870017 The slack absorbs the pulling strain generated by an earthquake. +21870018 Nevertheless, phone service was sporadic; many computer terminals remained dark, and by late yesterday a third of San Francisco remained without power. +21870019 Business in the nation's fourth-largest metropolitan region was nearly paralyzed; an estimated one million members of the work force stayed at home. +21870020 The economic dislocation was as abrupt as the earthquake itself, as virtually all businesses shut down. +21870021 The $125-billion-a-year Bay area economy represents one-fourth of the economy of the nation's most populous state and accounts for 2% to 3% of the nation's total output of goods and services, according to the Center for Continuing Study of the California Economy in Palo Alto. +21870022 In high-tech, the Bay area accounts for 15% to 20% of the U.S. computer-related industry. +21870023 "This has been a major disruption for the Bay area economy," says Pauline Sweezey, the chief economist at the California Department of Finance. +21870024 "Obviously, things are going to have to go on hold for many companies." +21870025 The damage to the Bay area's roadways could cause significant economic hardship. +21870026 A quarter of a million people cross the Bay Bridge every day, far more than the 100,000 that use the Bay Area Rapid Transit system (BART) -- which was working but wasn't stopping in the city's Financial District yesterday afternoon because electricity was shut off and the area was being checked for gas leaks. +21870027 California state transportation officials interviewed by telephone say they nevertheless don't expect serious problems for commerce in and out of the Bay area. +21870028 All major roadways except Interstate 880, known as the Nimitz Freeway, and the Bay Bridge were open by 1 p.m. yesterday. +21870029 Officials expect difficulty routing traffic through downtown San Francisco. +21870030 The earthquake caused many streets to buckle and crack, making them impassible. +21870031 Other roads were obstructed by collapsed buildings and damaged water and power lines, an emergency relief spokesman says. +21870032 San Francisco Mayor Art Agnos estimated the damage to his city alone at $2 billion. +21870033 But many predicted that the commercial disruption would be short-lived. +21870034 Of the scores of companies contacted by this newspaper, few reported any damage that they didn't expect to have remedied within a day or two. +21870035 It is possible, of course, that some of the most seriously damaged companies couldn't be reached, particularly in areas nearest the epicenter. +21870036 Typical, perhaps, was the situation at New United Motor Manufacturing Inc., the General Motors Corp.-Toyota joint-venture auto plant in Fremont, about 35 miles south of Oakland. +21870037 Ten of the plant's workers were injured when the quake hit about a half-hour into the afternoon shift; seven were hospitalized. +21870038 Metal racks on the plant floor fell over, and water mains ruptured, a spokeswoman says. +21870039 The plant was evacuated and workers sent home. +21870040 But the plant was able to resume limited production of its Toyota Corollas and Geo Prizms by 6 a.m. yesterday, and absenteeism was only 7% of the work force, about twice normal. +21870041 Computer maker Hewlett-Packard Co., based in Palo Alto, says one of its buildings sustained severe damage when it was knocked off its foundation. +21870042 Other buildings had broken glass, dangling light fixtures and broken pipes, a spokesperson says, estimating the cost of reconstruction "in the millions." +21870043 Most banks were closed but were expected to reopen today with few problems anticipated. +21870044 At the Federal Reserve Bank of San Francisco, Vice President Robert Fienberg says operations were "steaming along as usual" yesterday afternoon. +21870045 `When the quake hit, we turned on our emergency generator and brought our computers up," he says. +21870046 The Fed serves as a middleman for banks, taking checks from one bank and sending them to another, an operation that it handled smoothly Tuesday night after the quake. +21870047 "The volume we received from the banks was a lot lower than usual," he says. +21870048 A disaster-contingency plan in which the Los Angeles Fed would come to San Francisco's aid wasn't needed, he adds. +21870049 Most of the telephone problems in the immediate aftermath stemmed from congestion. +21870050 The telephone network simply couldn't handle the large number of people seeking to make a call at the same time. +21870051 The volume resulted in dial-tone delays that were as short as 15 seconds and as long as five minutes. +21870052 Mr. Bandler puts traffic volume at 10 to 50 times normal. +21870053 American Telephone & Telegraph Co., MCI Communications Inc. and United Telecommunications' U S Sprint unit were blocking phone calls into the Bay area to alleviate congestion. +21870054 The companies block traffic much as highway on-ramps are blocked when traffic backs up. +21870055 William E. Downing, Pacific Bell's vice president of customer services for the Bay area, says most long-distance companies were blocking about 50% of all calls. +21870056 Pacific Telesis says its Pacific Bell unit also was blocking about 50% of its calls locally. +21870057 Ironically, the long-term effect of the earthquake may be to bolster the Bay area's economic fortunes and, indeed, the nation's gross national product. +21870058 It may also lead to new safeguards in major construction projects such as double-deck highways. +21870059 "It would in the near-term give a boost to the San Francisco economy because there will be an influx of people to help," says Beth Burnham Mace, a regional economist at DRI/McGraw Hill, a Lexington, Mass., forecasting firm. +21870060 The construction industry is sure to feel increased demand. +21870061 "There will be a big influx of federal dollars and gains in state, federal and local employment," Ms. Mace says. +21870062 Adds Stacy Kotman, an economist at Georgia State University, "There's nothing positive about an earthquake, but it will probably generate more construction activity." +21870063 Wall Street reacted swiftly yesterday to the disaster by bidding up stocks of construction and related companies. +21870064 Shares of Lone Star Industries Inc., a cement maker, rose sharply in anticipation of stepped-up demand. +21870065 In Greenwich, Conn., Lone Star spokesman Michael London says, "Obviously with an earthquake of this size, there are likely to be construction projects that wouldn't otherwise have been anticipated. +21870066 But any increase isn't likely to be any kind of a surge. +21870067 It's something likely to be spread out over a long period of time. +21870068 There will be a lot of repair work that won't require the quantities of cement or concrete that new constructon would." +21870069 Lone Star's San Francisco facilities weren't damaged in the quake. +21870070 The earthquake is likely to reduce GNP negligibly in the near term and then could raise it a bit as rebuilding begins. +21870071 The first effects are, of course, negative as work is disrupted and people lose income and cut spending. +21870072 Corporate profits may also dip initially. +21870073 Many of the lost tourism dollars won't be recovered; many trips delayed never take place. +21870074 Subsequently, however, the ill effects are likely to be offset, at least in economic terms, as construction activity begins. +21870075 Because of the way the government keeps its books, the damage to the Bay Bridge, however costly, won't be counted as a minus. +21870076 The money spent on repairs will be counted as a plus. +21870077 "It's very difficult to model the long-term impact of this," says Andrew Goldberg, who studies the public-policy and crisis-management aspects of earthquakes at the Center for Strategic International Studies in Washington, D.C. +21870078 "You certainly can say it's going to be extremely severe. +21870079 We really are talking about shutting down a major American city for a number of days, maybe for a few weeks." +21870080 Mr. Goldberg says the cost of the earthquake will definitely top $1 billion and could reach $4 billion. +21870081 He cautions that early damage estimates are often low; the damage totals in Hurricane Hugo increased tenfold as more information was received. +21870082 The earthquake damage, of course, would have been far greater if the epicenter had been in downtown San Francisco. +21870083 A direct hit on a major city, Mr. Goldberg figures, would cause $20 billion to $40 billion of damage. +21870084 Experts caution that it is far too soon for reliable estimates of the quake's total damage, but it's clear that insurers are likely to pay out enormous sums. +21870085 Jack Byrne, the chairman of Fireman's Fund Corp., which is based in Novato, Calif., estimates insured losses resulting the earthquake could total $2 billion. +21870086 The impact on the insurance industry "will be big and harsh, but less than {Hurricane} Hugo," says Mr. Byrne, who toured the Bay area by car yesterday afternoon to get a sense of the company's exposure to the earthquake. +21870087 Mr. Byrne says Fireman's Fund will probably pay hundreds of millions in primary claims, but, after taxes and use of its reinsurance lines, the company's fourthquarter charge against earnings shouldn't top $50 million. +21870088 The company was able to assess its damage liability quickly because it has computerized maps of Northern California showing the exact locations of all the property it insures. +21870089 Fireman's Fund had claims adjusters on the streets of San Francisco right after sunrise yesterday and was paying as many claims as it could right on the spot. +21870090 Fireman's Fund insures 37,300 homes and autos and 35,000 businesses in the Bay area. +21870091 In addition to paying for earthquake and fire damage, the insurer must cover worker-compensation claims and also losses due to businesses being shut down by lack of power or phone service. +21870092 But many Californians may not have adequate insurance coverage to pay for damages to their property. +21870093 The Independent Insurance Agents of America says fewer than one of every five California homeowners has earthquake insurance. +21870094 A somewhat higher percentage of people living in the Bay area have bought the additional insurance protection, but the great majority aren't covered. +21870095 Earthquake insurance typically runs $200 or more a year for a small house. +21870096 Whatever the long-term economic effect, the scene from the helicopter above Oakland is one of tragedy. +21870097 Gargantuan sections of a double-decker freeway have been heaved about like plastic building blocks. +21870098 Atop them sit cars and trucks abandoned in a terrifying scramble to safety the day before. +21870099 In areas where the freeway made giant concrete sandwiches of itself lie cars that police say have been flattened into foot-thick slabs. +21870100 On the periphery, rescue workers seem, from the air, to move in slow motion. +21870101 They peck away at the 1 1/2-mile section of rubble, searching for more of the 250 people thought to have died here. +21870102 About 20 other deaths were also attributed to the earthquake. +21870103 The heart of the earthquake, 6.9 on the Richter scale, was 50 miles to the south, near Santa Cruz, but its terrible fist struck here on the Nimitz Freeway, a major artery serving the Bay Bridge between Oakland and San Francisco. +21870104 Along the way, the quake toppled a mall in Santa Cruz, knocked down buildings in San Francisco's fashionable Marina District and sent a wall of bricks crashing on motorists in the city's Financial District. +21870105 Just a short span across the bay to the west, the quake also showed its mettle: A four-square-block area of the Marina District lies smoldering under a steady stream of seawater being pumped onto rubble to prevent it from blazing anew. +21870106 Many of the buildings, mostly condominiums and apartments, were flattened almost instantly as the underlying soil -- much of it landfill -- was literally turned to ooze by the quake's intensive shaking, rupturing gas lines. +21870107 Onlookers say three persons died when one of the buildings exploded into a fireball shortly after the quake struck. +21870108 Efforts to fight the blaze were hampered because water mains were severed as well. +21870109 From the air, ribbons of yellow fire hose carry water from the bay to high-pressure nozzles trained on the site. +21870110 As onlookers stand behind barricades, helmeted firemen and building inspectors survey rows of nearby buildings that were twisted from their foundations and seem on the verge of collapse. +21870111 In the Marina District, residents spent yesterday assessing damage, cleaning up and trying to find friends and neighbors. +21870112 Evelyn Boccone, 85 years old, has lived in the district most of her life. +21870113 Her parents lost everything in the 1906 earthquake. +21870114 "Now, we realize what our mothers must have gone through," she says. +21870115 "We always heard about the earthquake, but as children we didn't always listen. +21871001 PRINCE HENRI is the crown prince and hereditary grand duke of Luxembourg. +21871002 An article in the World Business Report of Sept. 22 editions incorrectly referred to his father, Grand Duke Jean, as the crown prince. +21872001 Resolution Funding Corp. plans to sell $4.5 billion of 30-year bonds Wednesday in the agency's first sale of securities. +21872002 The new bonds will be dated Oct. 30 and mature Oct. 15, 2019. +21872003 Tenders for the bonds, available in minimum denominations of $1,000, must be received by 1 p.m. EDT Wednesday at Federal Reserve banks. +21872004 Refcorp, created by the thrift-overhaul law enacted in August, will use the proceeds to merge or sell off ailing savings-and-loan institutions. +21872005 Congress authorized $50 billion to be borrowed to pay for the thrift bailout. +21872006 Of that amount, $20 billion has already been borrowed by the Treasury Department. +21872007 Unless otherwise specified in a particular offer, the bonds won't be subject to redemption prior to maturity. +21872008 Interest payments on the bonds will be payable semiannually. +21872009 The bonds are subject to federal taxation in the U.S., including income taxes. +21872010 At the state and local level, the bonds are subject to surtaxes and estate, inheritance and gift taxes, but exempt from taxation as to principal and interest. +21873001 G.D. Searle & Co., a Monsanto Co. unit, is launching a program to give consumers more information about its drugs when doctors prescribe them. +21873002 Called Patients in the Know, the program features fact sheets designed to be easy to understand. +21873003 The sheets tell how the medicine works, describe how to use it and list its possible side effects. +21873004 They are designed to be given to patients by their doctors when the medicines are prescribed and include space for the doctor to write special instructions. +21873005 In addition, Searle will give pharmacists brochures on the use of prescription drugs for distribution in their stores. +21873006 Consumer groups have long advocated that drug companies and doctors make more information available to patients. +21873007 "We believe that every drug that's marketed to a consumer should have a consumer label," said Douglas Teich of the Public Citizen Health Research Group, a Ralph Nader affiliate. +21873008 Dr. Teich said Searle is "the only company I know that voluntarily" will make consumer information available. +21873009 According to federal officials and drug-industry studies, nearly half of the 1.6 billion prescriptions filled each year aren't used properly, meaning that money is wasted on some prescriptions and patients are deprived of the benefits of medication. +21873010 "We think it's very important to provide as much information as possible on the drugs consumers take," said Searle Chairman Sheldon Gilgore. +21874001 Bond prices rambled yesterday as investors kept close watch on the stock market and worried about a wave of new supply. +21874002 Early yesterday, bonds rose as investors rushed to buy Treasury securities on the prospect that stocks would plummet in the aftermath of the massive California earthquake. +21874003 For example, some securities analysts warned that stocks of certain insurance companies, which face massive damage claims, would get hit hard. +21874004 But when the Dow Jones Industrial Average rose instead, bonds drifted lower. +21874005 With stocks not a major focus, "we're waiting for the next guiding light," said Brian J. Fabbri, chief economist at Midland Montagu Securities Inc. +21874006 "If the stock market tremors are behind us, then the bond market will go back to looking at the next batch of economic numbers to determine" where interest rates are heading. +21874007 The Treasury's benchmark 30-year bond, which jumped 3/8 point, or about $3.75 for each $1,000 face amount, during the first hour of trading, ended little changed. +21874008 Interest rates barely budged from Tuesday's levels. +21874009 Most junk bonds, which have been battered in recent weeks, continued a slow recuperation and ended unchanged to slightly higher. +21874010 But some so-called high-quality junk issues fell as some mutual funds sold their most liquid issues to raise cash. +21874011 RJR Holdings Capital Corp.'s 14.7% bonds due 2009 fell one point. +21874012 Other RJR issues fell between 1/2 point and 1 1/2 point. +21874013 In the latest sign of how difficult it is to place certain junk bonds, Continental Airlines said it was forced to scale back the size of its latest offering. +21874014 Continental, a unit of Texas Air Corp., slashed the size of its note offering from $150 million to $71 million. +21874015 The move had been widely expected. +21874016 In the multipart offering, the company sold a portion of secured notes but shelved all the unsecured notes. +21874017 A Continental spokeswoman said the notes may be offered at a later date. +21874018 "This was not a do-or-die deal," she said. +21874019 "I think this is a market that required some level of security. +21874020 It did not make sense to offer unsecured paper in an unsettling market." +21874021 Investors have been speculating for weeks about the market's ability to place the $7 billion to $10 billion of new junk bonds scheduled to be sold by year end. +21874022 Supply troubles were also on the minds of Treasury investors yesterday, who worried about the flood of new government securities coming next week. +21874023 "We're being bombarded by new Treasury and agency debt offerings," said William Sullivan Jr., director of money-market research at Dean Witter Reynolds Inc. +21874024 "The market is concerned about its ability to underwrite all this debt at current levels." +21874025 In addition to the $15.6 billion of Treasury bills to be sold at next week's regular Monday auction, the government will sell $10 billion of new two-year Treasury notes. +21874026 And Resolution Funding Corp. said late yesterday that it will sell $4.5 billion of 30-year bonds Wednesday. +21874027 Refcorp is the financing unit of Resolution Trust Corp., a new government agency created to rescue the nation's troubled thrifts. +21874028 Its securities have been dubbed "bailout bonds" by traders. +21874029 In when-issued trading, the two-year Treasurys had a yield of about 7.88%. +21874030 In the municipal market, all eyes were on California debt as investors tried to gauge the financial ramifications of Tuesday's earthquake. +21874031 But traders said the quake had only a minor impact on the trading of California state and local municipal debt. +21874032 "There are certain bonds traders refer to as `earthquake' bonds because the (issuers) are on top of the San Andreas fault," said Zane Mann, editor of the California Municipal Bond Advisor, a newsletter for investors. +21874033 Since those bonds already pay a slightly higher yield, an extra premium for the earthquake risk, they weren't materially affected. +21874034 But some bond market analysts said that could quickly change if property casualty insurance companies scramble to sell portions of their municipal portfolios to raise cash to pay damage claims. +21874035 "Insurance companies will foot a substantial amount of the bill to reconstruct San Francisco," said Charles Lieberman, chief economist at Manufacturers Hanover Securities Corp. +21874036 He also expects the performance of municipals to lag Treasurys as California is forced to issue new debt over time to repair public facilities. +21874037 A report issued late yesterday by Standard & Poor's Corp. concluded the quake won't cause "wide-scale credit deterioration" for issuers and debt issues in the 12-county area of Northern California affected by the quake. +21874038 Treasury Securities +21874039 Treasury bonds ended narrowly mixed in quiet trading. +21874040 The benchmark 30-year bond ended at a price of 100 29/32 to yield 8.03%, compared with 100 28/32 to yield 8.04% Tuesday. +21874041 The latest 10-year notes were quoted late at a price of 99 26/32 to yield 8%, compared with 99 25/32 to yield 8.01%. +21874042 Short-term rates were little changed. +21874043 Corporate Issues +21874044 Investment-grade corporate bonds ended 1/4 point lower. +21874045 The Continental junk bond offering, underwritten by Drexel Burnham Lambert Inc., was the only new issue priced yesterday. +21874046 In the four-part offering, the $71 million of secured equipment certificates was priced to yield 13.75% to 15.75%. +21874047 Municipals +21874048 Municipal bonds ended about 1/8 to 3/8 point lower, hurt by the circulation of two "bid-wanted" lists totaling $655 million. +21874049 Chemical Securities Inc. is acting as agent for the seller. +21874050 Meanwhile, some California issues were down a touch more than the broad market, but traders said there hadn't been much investor selling because of the quake. +21874051 But New York City general obligation bonds came under selling pressure. +21874052 Traders said a steady stream of bonds was put up for sale yesterday, pushing yields for longer maturities up 0.05 percentage point. +21874053 Traders said investors were reacting to recent negative news on the city's finances and are nervous ahead of the Nov. 7 election. +21874054 Washington, D.C., topped the competitive slate yesterday with a sale of $200 million of general obligation tax revenue anticipation notes. +21874055 In late trading, New Jersey Turnpike Authority's 7.20% issue of 2018 was off 1/4 point at 98 bid. +21874056 The yield was 7.35%, up 0.01 percentage point. +21874057 Mortgage-Backed Securities +21874058 Mortgage securities ended little changed after light dealings. +21874059 There was no appreciable market impact from the California earthquake. +21874060 Dealers said there was some concern that insurance companies might be forced to sell mortgage securities to help pay earthquake-related claims, but no selling materialized. +21874061 The Federal Home Loan Mortgage Corp. and Federal National Mortgage Association, two dominant issuers of mortgage securities, have a sizable amount of California home loans in their mortgagebacked pools. +21874062 But their potential quake exposure is seen as small given that they require a financial cushion on all the loans they purchase. +21874063 And because Northern California home prices are so high, loans from the region often are too large to be included in Freddie Mac and Fannie Mae pools. +21874064 Meanwhile, Government National Mortgage Association 9% securities for November delivery ended at 97 29/32, unchanged. +21874065 Freddie Mac 9% securities were at 97 4/32, down 1/32. +21874066 In derivative markets, Fannie Mae issued two $400 million real estate mortgage investment conduits backed by its 9% securities. +21874067 Foreign Bonds +21874068 British government bonds, or gilts, ended moderately lower as equities there recovered from Tuesday's drop. +21874069 The Treasury's 11 3/4% bond due 2003/2007 fell 11/32 to 111 31/32 to yield 10.08%, while the 12% notes due 1995 were down 7/32 to 103 22/32 to yield 11.04%. +21874070 Traders said today may be an anxious day for the market. +21874071 Several key economic figures are due out and Chancellor of the Exchequer Nigel Lawson is scheduled to give the annual "Mansion House" address to the financial community. +21874072 The chancellor sometimes has used the occasion to announce major economic policy changes. +21874073 Economists don't expect any such changes in this year's address, given Mr. Lawson's apparent reluctance to adjust policy currently. +21874074 Meanwhile, Japanese government bonds retreated in quiet trading, stymied by the dollar's resiliency. +21874075 Japan's bellwether 4.6% bond due 1998 ended on brokers' screens at 95.75 to yield 5.315%. +21874076 In West Germany, investors stayed on the sidelines as the bond market searched for direction. +21874077 The government's 7% issue due October 1999 fell 0.05 point to 99.90 to yield 7.01%. +21875001 The Berlin Wall still stands. +21875002 But the man who built it has fallen. +21875003 East Germany yesterday removed Erich Honecker, one of the staunchest holdouts against the reform rumbling through the Communist world, in an effort to win back the confidence of its increasingly rebellious citizens. +21875004 But while it was a move that stunned the East bloc, it hardly ushers in an era of reform -- at least anytime soon. +21875005 For the Politburo replaced Mr. Honecker, who had led East Germany for 18 years and before that headed its security apparatus, with a man cut of the same cloth: Egon Krenz, the most recent internal-security chief and a longtime Honecker protege. +21875006 East Germany, it is clear, is no Poland, where the Communist Party now shares power with the democratically elected Solidarity union. +21875007 Nor is it a Hungary, where yesterday the parliament approved constitutional changes meant to help turn the Communist nation into a multiparty democracy. +21875008 Still, any change in East Germany has enormous implications, for both East and West. +21875009 It raises the long-cherished hopes of many Germans for reunification -- a prospect that almost equally alarms political leaders in Moscow, Washington and Western Europe. +21875010 Mr. Krenz, 52, was named the new party chief just minutes after the Party's 163-member Central Committee convened in East Berlin. +21875011 Although the East German news agency ADN claimed Mr. Honecker had asked to be relieved of his duties for "health reasons," West German government sources said the 26-man Politburo had asked for his resignation at a separate meeting late Tuesday. +21875012 (Mr. Honecker was twice hospitalized this summer for a gall bladder ailment and his physical condition has been the subject of intense speculation in the Western media.) +21875013 ADN said Mr. Honecker, a hard-line Stalinist who in 1961 supervised the construction of the Berlin Wall, also was relieved of his title as head of state and his position as chief of the military. +21875014 Mr. Krenz is expected to be formally named to all three positions once the nation's parliament convenes later this week. +21875015 Mr. Honecker's ignoble fall culminates nearly two decades of iron-handed leadership during which Mr. Honecker, now 77 years old, built East Germany into the most economically advanced nation in the Soviet bloc. +21875016 His grip on power unraveled this summer as thousands of his countrymen, dissatisfied by the harshness of his rule, fled to the West. +21875017 Thousands more have taken to the streets in the last month in East Germany's largest wave of domestic unrest since a workers' uprising in 1953. +21875018 In Washington, the Bush administration took a characteristically cautious and skeptical view of the leadership change. +21875019 The official line was to offer warmer ties to Mr. Krenz, provided he is willing to institute reforms. +21875020 But U.S. officials have strong doubts that he is a reformer. +21875021 President Bush told reporters: "Whether that {the leadership change} reflects a change in East-West relations, I don't think so. +21875022 Because Mr. Krenz has been very much in accord with the policies of Honecker." +21875023 One top U.S. expert on East Germany added: "There is no clear-cut champion of reform, that we know of, in the East German leadership." +21875024 Indeed, Mr. Krenz said on East German television last night that there will be no sharing of power with pro-democracy groups. +21875025 He said, while dialogue is important, enough forums already exist "in which different interests" can express themselves. +21875026 The removal of Mr. Honecker was apparently the result of bitter infighting within the top ranks of the Communist party. +21875027 According to West German government sources, Mr. Honecker and several senior Politburo members fought over the last week to delay any decisions about a leadership change. +21875028 But, with public demonstrations in the country growing in size and intensity, Mr. Honecker and several key allies lost out in this battle, officials say. +21875029 Those allies included Politburo members Guenter Mittag, who has long headed economic affairs, and Joachim Hermann, chief of information policy. +21875030 Both men were also relieved of their duties yesterday. +21875031 Although other resignations may follow, it's still not clear to what extent the change in party personnel will alter the government's resistance to fundamental change. +21875032 Clearly, the central figure in this process is Egon Krenz. +21875033 Born in 1937 in a Baltic Sea town now part of Poland, he was eight years old when World War II ended. +21875034 Like West German Chancellor Helmut Kohl, he represents the postwar generation that has grown up during Germany's division. +21875035 Since joining the Politburo in 1983 as its youngest member, Mr. Krenz had acquired the nickname "crown prince," a reference to the widely held view that he was the hand-picked successor to Mr. Honecker. +21875036 In fact, the two men have had strikingly similar career paths, both having served as chief of internal security before their rise to the top party position. +21875037 Moreover, both men have hewn to a similar hard-line philosophy. +21875038 Notably, one of Mr. Krenz's few official visits overseas came a few months ago, when he visited China after the massacre in Beijing. +21875039 He later defended the Chinese government's response during a separate visit to West Germany. +21875040 East German Protestantism in particular fears Mr. Krenz, in part because of an incident in January 1988 when he was believed to have ordered the arrest of hundreds of dissidents who had sought refuge in the Church. +21875041 However, Mr. Krenz also has a reputation for being politically savvy. +21875042 His shrewd ability to read the shifting popular mood in East Germany is best illustrated by his apparent break with his old mentor, Mr. Honecker. +21875043 Indeed, according to West German government sources, he was one of the leaders in the power struggle that toppled Mr. Honecker. +21875044 In recent days, Mr. Krenz has sought to project a kinder image. +21875045 According to a report widely circulating in East Berlin, it was Mr. Krenz who ordered police to stop using excessive force against demonstrators in Leipzig. +21875046 "He doesn't want to have the image of the gun man," says Fred Oldenburg, an expert at the Bonn-sponsored Institute of East European and International Studies in Cologne. +21875047 "He's not a reformer -- he wants to have the image of a reformer." +21875048 As part of his image polishing, Mr. Krenz is expected to take modest steps toward reform to rebuild confidence among the people and reassert the party's authority. +21875049 Besides sacking other senior Politburo officials who allied themselves with Mr. Honecker, Mr. Krenz could loosen controls on the news media, free up travel restrictions, and establish a dialogue with various dissident groups. +21875050 But will it be enough? +21875051 West German government officials and Western analysts are doubtful. +21875052 "He doesn't signify what people want, so the unrest will go on," Mr. Oldenburg predicts. +21875053 At the same time, the expectations of the East German people are great and will continue to grow. +21875054 Says one West German official: "What's necessary now is the process of democratization. +21875055 Not just that people are being heard but that their interests are being taken seriously." +21875056 Chancellor Kohl, meanwhile, has invited Mr. Krenz to open discussions with Bonn on a wide range of subjects. +21875057 Reports in the West German press, citing sources in East Germany, suggest Mr. Krenz may serve only as a bridge between Mr. Honecker and a genuine reform leader. +21875058 Adding to that speculation is Mr. Krenz's reputation as a heavy drinker, who is said to also suffer from diabetes. +21875059 "This is a dynamic process and we're experiencing the first step," the Bonn official adds. +21875060 The selection of Mr. Krenz may also disappoint Moscow. +21875061 Soviet leader Mikhail Gorbachev has pressed hard for a change in East Germany's rigid stance. +21875062 Two reform-minded party leaders favored by Moscow as possible successors to Mr. Honecker, Dresden party secretary Hans Modrow and Politburo member Guenter Schabowski, were passed over. +21875063 If Mr. Krenz sticks to rigid policies the pressure from the Soviet Union could intensify. +21875064 In Moscow, Mr. Gorbachev sent Mr. Krenz a congratulatory telegram that appeared to urge the new leadership to heed growing calls for change. +21875065 According to the Soviet news agency Tass, "Gorbachev expressed the conviction that the leadership of the Socialist Unity Party of {East} Germany, being sensitive to the demands of the time, . . . will find solutions to complicated problems the GDR {German Democratic Republic} encountered." +21875066 A force of younger pro-Gorbachev members in the East German bureaucracy has for some time been pushing for relaxation within their country. +21875067 The older generation has been torn between a fear of tampering with the status quo and a fear of what might happen if they didn't. +21875068 From the perspective of East Germany's old guard, reforms that smack of capitalism and Western-style democracy could eliminate their country's reason for being. +21875069 Unlike the other nations of the bloc, East Germany is a creature of the Cold War. +21875070 Erasing the differences still dividing Europe, and the vast international reordering that implies, won't endanger the statehood of a Poland or a Hungary. +21875071 But it could ultimately lead to German reunification and the disappearance of East Germany from the map. +21875072 Which is what the Old Guard fears. +21875073 "I'm sure they'll formulate a reform that will be a recipe for the GDR's future as a separately identifiable state," says Michael Simmons, a British journalist whose book on East Germany, entitled "The Unloved Country," was published this month. +21875074 Up to now, that recipe has consisted of a dogged effort by former leader Walter Ulbricht to establish the country's international legitimacy, followed by Mr. Honecker's campaign to build the East bloc's only successful Stalinist economy into a consumer paradise. +21875075 Neither man achieved perfection. +21875076 Early in 1987, Mr. Honecker and his team stopped paying thin compliments to Mr. Gorbachev and joined with Romania in rejecting any necessity for adjustments in their systems. +21875077 The less-self-confident Czechoslovaks and Bulgarians, in contrast, declared their intentions to reform, while doing nothing concrete about it. +21875078 The East German media soon began presenting Mr. Gorbachev's speeches only as sketchy summaries, and giving space to his opponents. +21875079 By late 1988, they were banning Soviet publications. +21875080 The country abandoned its former devotion to socialist unity and took to insisting instead that each country in the bloc ought to travel its own road. +21875081 Mr. Honecker spoke of "generally valid objective laws of socialism" and left no room for debate. +21875082 With this year's dislocations in China and the Soviet Union, and the drive to democracy in Poland and Hungary, the East German leadership grew still more defensive. +21875083 Politburo member Joachim Herrman confessed to a "grave concern" over Hungarian democracy. +21875084 "Under the banner that proclaims the `renewal of socialism,'" he said, "forces are at work that are striving to eliminate socialism." +21875085 Some loyal voices, in and out of the East German Communist party, saw the nation's unrest coming. +21875086 The first signs were economic. +21875087 Despite heavily subsidized consumer industries, East Germans have for years watched the West pull farther out ahead. +21875088 In 1988, for the first time, economic growth came to a dead stop. +21875089 Gingerly, some economists began to blame central planning. +21875090 Some writers in theoretical journals even raised the notion of introducing democracy, at least in the workplace. +21875091 By summer, an independent reform movement was saying out loud what it had only whispered before. +21875092 But they are stalwart socialists. +21875093 Their proclaimed purpose is to cleanse East Germany of its Stalinist muck, not to merge with the West. +21875094 One of their pastors has envisioned a "new utopia" of "creative socialism." +21875095 Meanwhile, the man Mr. Krenz replaces has left an indelible mark on East German society. +21875096 Imprisoned by the Nazis during World War II for his political beliefs, Mr. Honecker typified the postwar generation of committed Communist leaders in Eastern Europe who took their cues from Moscow. +21875097 He was a "socialist warrior" who felt rankled by West Germany's enormous postwar prosperity and the Bonn government's steadfast refusal to recognize the legitimacy of his state. +21875098 Finally, during his first and only state visit to Bonn two years ago, he won some measure of the recognition he had long sought. +21875099 But ultimately he was undone by forces unleashed by his own comrade, Mr. Gorbachev. +21875100 Mr. Honecker's removal "was bound to happen," says one aide to Chancellor Kohl. +21875101 "It was only a matter of time." +21875102 The European Community Commission increased its forecast for economic growth in the EC in 1989 to 3.5%, slightly higher than its June projection of 3.25%. +21875103 In its annual economic report for 1989-1990, the commission also projected 1990 gross domestic product growth for the 12 EC members at 3%. +21875104 EC inflation was seen at 4.8% in 1989, higher than 1988's 3.6% price rise. +21875105 However, inflation for 1990 was seen slowing to 4.5%. +21875106 Leading EC growth forecasts in 1989 was Ireland, seen growing 5% at constant prices. +21875107 Slower growth countries included Greece, at 2.5%, the U.K., at 2.25%, and Denmark, at 1.75%. +21875108 Inflation is expected to be highest in Greece, where it is projected at 14.25%, and Portugal, at 13%. +21875109 At the other end of the spectrum, West German inflation was forecast at 3% in 1989 and 2.75% in 1990. +21875110 Nestle Korea Ltd. opened a coffee and non-dairy-creamer plant in Chongju, South Korea. +21875111 An official at Nestle Korea, a 50-50 joint venture between Nestle S.A. and the Doosan Group, said the new facility will manufacture all types of soluble, roasted and ground coffee, coffee mix and nondairy coffee creamer. +21875112 The South Korean coffee market, consisting mostly of instant coffee, was estimated at about 100 billion won ($150.7 million) last year. +21875113 Brands made by the Kraft General Foods unit of Philip Morris Cos. had about 95% of the market share. +21875114 Nestle currently has only about a 2% share with its Taster's Choice coffee. +21875115 Poland plans to start negotiations soon on purchasing natural gas from Iran, the official Islamic Republic News Agency reported. +21875116 The agency said Polish Prime Minister Tadeusz Mazowiecki told Iranian Deputy Foreign Minister Mahmoud Vaezi of Poland's willingess to purchase the gas during Mr. Vaezi's current visit to Warsaw. +21875117 The agency didn't mention possible quantities and didn't say how the gas would be delivered. +21875118 A Chinese official harshly criticized plans to close a British naval base in downtown Hong Kong. +21875119 Hong Kong officials announced last week that the base will be relocated to a small island to allow downtown redevelopment. +21875120 But Beijing wants to use the base for the People's Liberation Army after 1997, when the territory returns to Chinese sovereignty. +21875121 Ke Zaishuo, head of China's delegation to a Chinese-British Liaison Committee on Hong Kong, accused Britain of trying to impose a fait accompli and said, "This is something we cannot accept." +21875122 The Israeli and Soviet national airlines have reached preliminary agreement for launching the first direct flights between Tel Aviv and Moscow, a spokesman for the Israeli airline, El Al, said. +21875123 El Al director Rafi Har-Lev and top officials of the Soviet Union's Aeroflot negotiated a preliminary pact in Moscow this week, the spokesman said. +21875124 He added that concluding the deal requires approval by the governments of both countries, which have never had direct air links. +21875125 The chairman and a director of one of the Republic of Singapore's leading property companies, City Development Ltd., or CDL, were charged yesterday with criminal breach of trust of some 800,000 Singapore dollars (about US$409,000). +21875126 Kwek Hong Png, chairman of CDL, and director Quek Leng Chye were arrested by the republic's Corrupt Practices Investigation Bureau Tuesday night. +21875127 In addition to abetting in the alleged criminal breach of trust, Kwek Hong Png was also charged with dishonestly receiving S$500,000 that had been stolen. +21875128 Both men were charged in a subordinate court and released on bail of S$1 million. +21875129 The charges are the culmination of weeks of rumors concerning CDL that have depressed the company's share price and to a lesser extent the shares of all companies owned by CDL's controlling Quek family, brokers in Singapore say. +21875130 The Queks control the Hong Leong Group, which has widespread interests in manufacturing, property and finance in both Malaysia and Singapore. +21875131 News of the arrest and charging of the two men helped to push prices on the Singapore Stock market sharply lower in early trading yesterday, but brokers said that the market and CDL shares recovered once it became apparent the charges were limited to the two men personally. +21875132 One of the two British companies still making hard toilet paper stopped production of it. +21875133 British Tissues decided to do away with its hard paper after a major customer, British Rail, switched to softer tissues for train bathrooms. . . . +21875134 Peasants in Inner Mongolia have partly dismantled a 20-mile section of China's famed Great Wall, the official People's Daily said. +21875135 The paper said the bricks were used to build homes and furnaces and, as a result, the wall "is in terrible shape. +21876001 Wednesday, October 18, 1989 +21876002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +21876003 PRIME RATE: 10 1/2%. +21876004 The base rate on corporate loans at large U.S. money center commercial banks. +21876005 FEDERAL FUNDS: 8 15/16% high, 8 5/8% low, 8 3/4% near closing bid, 8 7/8% offered. +21876006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +21876007 Source: Fulton Prebon (U.S.A.) Inc. +21876008 DISCOUNT RATE: 7%. +21876009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +21876010 CALL MONEY: 9 3/4% to 10%. +21876011 The charge on loans to brokers on stock exchange collateral. +21876012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.45% 30 to 44 days; 8.25% 45 to 74 days; 8.30% 75 to 99 days; 7.75% 100 to 179 days; 7.50% 180 to 270 days. +21876013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.55% 30 days; 8.45% 60 days; 8.375% 90 days. +21876014 CERTIFICATES OF DEPOSIT: 8.05% one month; 8.02% two months; 8% three months; 7.98% six months; 7.95% one year. +21876015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +21876016 The minimum unit is $100,000. +21876017 Typical rates in the secondary market: 8.53% one month; 8.48% three months; 8.40% six months. +21876018 BANKERS ACCEPTANCES: 8.42% 30 days; 8.30% 60 days; 8.28% 90 days; 8.15% 120 days; 8.05% 150 days; 7.95% 180 days. +21876019 Negotiable, bank-backed business credit instruments typically financing an import order. +21876020 LONDON LATE EURODOLLARS: 8 11/16% to 8 9/16% one month; 8 5/8% to 8 1/2% two months; 8 5/8% to 8 1/2% three months; 8 9/16% to 8 7/16% four months; 8 1/2% to 8 3/8% five months; 8 1/2% to 8 3/8% six months. +21876021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 11/16% one month; 8 11/16% three months; 8 1/2% six months; 8 1/2% one year. +21876022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +21876023 FOREIGN PRIME RATES: Canada 13.50%; Germany 8.50%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +21876024 These rate indications aren't directly comparable; lending practices vary widely by location. +21876025 TREASURY BILLS: Results of the Monday, October 16, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.37% 13 weeks; 7.42% 26 weeks. +21876026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): +21876027 Posted yields on 30-year mortgage commitments for delivery within 30 days. +21876028 9.88%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +21876029 Source: Telerate Systems Inc. +21876030 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): +21876031 Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.83%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +21876032 Source: Telerate Systems Inc. +21876033 MERRILL LYNCH READY ASSETS TRUST: 8.50%. +21876034 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +21877001 A grand jury here indicted Norton Co.'s former director of advanced-ceramics research, charging him with interstate transportation of stolen property. +21877002 Norton and General Electric Co. last month filed a lawsuit against the former research manager, Chien-Min Sung, charging him with stealing trade secrets. +21877003 Mr. Sung formerly worked at General Electric in research on synthetic diamonds. +21877004 The criminal charges brought against him involved GE technology, according the court documents. +21877005 If convicted, he could be imprisoned for up to 10 years and fined $250,000. +21877006 Mr. Sung couldn't be reached for comment. +21877007 He earlier denied the allegations against him in the lawsuit by Norton and GE. +21877008 Norton makes sandpaper and other abrasives, diamond tools, specialty plastics and ceramics. +21878001 As the citizens of San Francisco and surrounding communities began assessing the damage from Tuesday's devastating earthquake, NBC News began assessing the damage from what some said was a failure to provide comprehensive coverage in the earthquake's initial moments. +21878002 "In terms of coverage, it was a disaster equal to the earthquakes," said Eric Premner, president for broadcasting of King Broadcasting Co., which owns the NBC affiliate in Seattle, Wash. +21878003 While rival ABC News outstripped the competition in live coverage of the event by sheer luck -- the network was broadcasting the World Series from Candlestick Park when the quake struck -- NBC News was unable to get its signal out of San Francisco for the first hour after the quake. +21878004 "I have to attribute the lackluster performance to a natural disaster," said Mr. Premner. +21878005 "So before I start to be really critical of NBC, I would like to know more about what happened." +21878006 There were no complaints from affiliates of CBS Inc. and Cable News Network, a unit of Turner Broadcasting System Inc. +21878007 But that was not the case at NBC News, which has been dogged with the image of not being aggressive on major breaking stories. +21878008 Last summer, the affiliates bitterly complained to network executives about the poor coverage of the student uprising in China. +21878009 "I was not pleased with the slow start, and neither was NBC News," said Guy Hempel, general manager of NBC affiliate WAVE in Louisville, Ky. +21878010 A spokesman for National Broadcasting Co., a unit of General Electric Co., said the network was "looking into what happened." +21878011 The stations said they were pleased with the extended coverage yesterday, including a special five-hour edition of "Today." +21878012 Don Browne, director of news at NBC News, said in an interview that "we couldn't get a signal out of San Francisco. +21878013 We were out of the box. +21878014 It was horrible. +21878015 The comment we're hearing is that we were slow out of the box, but beat everyone else in the stretch." +21878016 NBC broadcast throughout the entire night and did not go off the air until noon yesterday. +21878017 The quake postponed the third and fourth games of the World Series. +21878018 In place of the games, ABC said it planned to broadcast next week's episodes of its prime-time Wednesday and Thursday lineups, except for a one-hour special on the earthquake at 10 p.m. last night. +21878019 The series is scheduled to resume Tuesday evening in San Francisco. +21878020 "There are no commercials to make up for since we're going to eventually broadcast the World Series," said a network spokesman. +21879001 Pinnacle West Capital Corp. said it suspended indefinitely its common stock dividend and reported a 91% plunge in third-quarter net income. +21879002 The announcement, made after the close of trading, caught analysts by surprise. +21879003 The company closed at $12 a share, down 62.5 cents, in composite trading on the New York Stock Exchange. +21879004 Pinnacle West slashed its quarterly dividend to 40 cents per share from 70 cents in December, saying at the time that it believed the new, lower dividend was "sustainable." +21879005 A company spokesman said the decision to eliminate the dividend resulted from a quarterly appraisal and that circumstances had changed since the December announcement. +21879006 He declined to elaborate. +21879007 Edward J. Tirello Jr., an analyst at Shearson Lehman Hutton Inc., speculated that the sudden dividend elimination presages an expensive agreement with thrift regulators over the company's insolvent MeraBank savings and loan unit. +21879008 Analysts have estimated that Pinnacle West may have to inject between $300 million and $400 million into the MeraBank unit before turning the thrift over to federal regulators. +21879009 The latest financial results at the troubled utility and thrift holding company, based in Phoenix, Ariz., reflect continuing problems at MeraBank and losses in real-estate, venture-capital and uranium-mining operations. +21879010 Third-quarter net income slid to $5.1 million, or six cents a share, from $56 million, or 65 cents, a year earlier. +21879011 Utility operations, the only company unit operating in the black in the latest period, had a 26% drop in profit, to $86.3 million, largely as a result of outages at the company's huge Palo Verde nuclear facility and the cost of purchased replacement power. +21879012 In other operations, losses at MeraBank totaled $85.7 million in the latest quarter, compared with a $2.5 million profit a year earlier. +21879013 The latest quarter includes a $42.7 million addition to loan-loss reserves. +21879014 As recently as August, the company said it didn't foresee a need for substantial additions to reserves. +21879015 Pinnacle's SunCor Development Co. real-estate unit's loss narrowed to $13.8 million from $78.4 million. +21879016 The latest period included a $9 million write-down on undeveloped land, while the year-earlier period included a $46 million reserve for real-estate losses. +21879017 Losses at its Malapai Resources Co. uranium-mining unit narrowed to $3.4 million from $18 million a year ago, which included a $9 million write-down of utility inventories. +21879018 Losses at El Dorado Investment Co., the venture-capital operation, widened to $6.8 million from $425,000 a year earlier. +21879019 The latest quarter included a $6.6 million write-down of investments. +21880001 Equitec Financial Group said it will ask as many as 100,000 investors in 12 of its public real-estate limited partnerships to give approval to rolling them up into a new master limited partnership. +21880002 Under the proposal by Equitec, a financially troubled real-estate syndicator, New York-based Hallwood Group Inc. would replace Equitec as the newly formed master limited partnership's general partner and manager. +21880003 Shares of the new partnership would trade on an exchange like a stock. +21880004 Hallwood is a merchant bank whose activities include the ownership, management and financial restructuring of shopping centers, office buildings, apartments and other real estate. +21880005 In a statement, Equitec Chairman Richard L. Saalfeld said the transfer will benefit both the company and investors in the 12 limited partnerships included in the proposed rollup. +21880006 While he didn't describe the partnerships' financial condition, he said their operations "continue to drain the resources of Equitec." +21880007 Equitec posted a $3.3 million net loss in the second quarter on $11.8 million of revenue, compared with a net loss of $12.9 million in the year-earlier period on revenue of $9.1 million. +21880008 In New York Stock Exchange composite trading, Equitec closed at $2.625 a share, unchanged. +21880009 Because of Tuesday's earthquake in Northern California, company officials couldn't immediately be reached for additional comment. +21880010 A spokesman for Hallwood said the 12 limited partnerships, which were marketed by brokerage firms and financial planners between 1979 and 1984, raised several hundred million dollars from investors. +21881001 With airline deals in a tailspin, legendary Wall Street trader Michael Steinhardt could have trouble parachuting out of USAir Group, traders say. +21881002 Only a week ago, when airline buy-out fever was already winding down, Mr. Steinhardt was engaged in a duel with USAir. +21881003 He was threatening to take over the carrier, after spending an estimated $167 million to build an 8.4% USAir stake for his investment clients. +21881004 The would-be raider even hired an investment banker to give teeth to his takeover threat, which was widely interpreted as an effort to flush out an acquirer for USAir, or for his own stake. +21881005 In fighting USAir, Mr. Steinhardt was pitted against another investor, billionnaire Warren Buffett, who bought into USAir to help fend off Mr. Steinhardt. +21881006 Mr. Buffett's firm, Berkshire Hathaway, holds a much bigger stake in the carrier than Mr. Steinhardt's firm, Steinhardt Partners. +21881007 Now, in the wake of UAL's troubles in financing its buy-out, the airline raiding game has been grounded. +21881008 Instead of hoping to sell his USAir stake at analysts' estimated buy-out price of $80 a share, Mr. Steinhardt is stuck with roughly 3.7 million USAir shares that cost him $45, on average, but yesterday closed at 40 1/2, up 1/4, in New York Stock Exchange composite trading. +21881009 "It doesn't make sense to parachute out at this price," Mr. Steinhardt says, though he has stopped his takeover talk and now commends USAir managers' "operating skills." +21881010 At the current price, the USAir holding represents 9% of all the assets that Mr. Steinhardt manages. +21881011 A week ago, USAir stock briefly soared above 52 after a report in USA Today that Mr. Steinhardt might launch a hostile bid for the carrier, though takeover speculators say they were skeptical. +21881012 "If USAir is worth 80 as a takeover and the stock went to 52, the market was saying Steinhardt's presence wasn't worth anything, in terms of getting a deal done," says a veteran takeover speculator. +21881013 Traders say this all goes to show that even the smartest money manager can get infected with crowd passions. +21881014 In trying to raid USAir, Mr. Steinhardt abandoned his usual role as a passive investor, and ran into snags. +21881015 Moreover, unlike Mr. Buffett, who often holds big stakes in companies for years, Mr. Steinhardt hasn't in the past done much long-term investing. +21881016 Mr. Steinhardt, who runs about $1.7 billion for Steinhardt Partners, made his name as a gunslinging trader, moving in and out of stocks with agility -- enriching himself and his investment clients. +21881017 Meanwhile, his big losses, for instance in 1987's crash, generally have been trading losses. +21881018 So, some see a special irony in the fact that Mr. Steinhardt, the trader, now is encumbered with a massive, illiquid airline holding. +21881019 Analysts say USAir stock might lose four or five points if the Steinhardt stake was dumped all at once. +21881020 As a result, Mr. Steinhardt must reconcile himself to selling USAir at a loss, or to holding the shares as an old-fashioned investment. +21881021 "Long-term investing -- that's not Steinhardt's style," chuckles an investor who once worked at Steinhardt Partners. +21881022 "He doesn't usually risk that much unless he thinks he has an ace in the hole," adds another Steinhardt Partners alumnus. +21881023 In recent days, traders say USAir has been buying its own shares, as part of a program to retire about eight million USAir shares, though the carrier won't discuss its buy-back program. +21881024 If USAir stepped up its share purchases, that might be a way for Mr. Steinhardt to get out, says Timothy Pettee, a Merrill Lynch analyst. +21881025 But USAir might not want to help Mr. Steinhardt, he adds. +21881026 In 1987, USAir Chairman Edwin Colodny stonewalled when Trans World Airlines Chairman Carl Icahn threatened to take over the carrier. +21881027 Mr. Icahn, a much more practiced raider than Mr. Steinhardt, eventually sold a big USAir stake at a tiny profit through Bear, Stearns. +21881028 Mr. Steinhardt also could take that route. +21881029 He confers big trading commissions on Wall Street firms. +21881030 However, with airline stocks cratering, he might not get a very good price for his shares, traders say. +21881031 Especially galling for Mr. Steinhardt, say people close to him, is that USAir's Mr. Colodny won't even take his telephone calls. +21881032 While USAir isn't considered absolutely takeover-proof, its defenses, including the sale in August of a 12% stake in the company to Mr. Buffett's Berkshire Hathaway, are pretty strong. +21881033 USAir's deal with Mr. Buffett "wasn't exactly a shining example of shareholder democracy," Mr. Steinhardt says. +21881034 Since last April, the investor has made seven so-called 13D filings in USAir, as he bought and sold the company's stock. +21881035 Such disclosures of big holdings often are used by raiders to try to scare a company's managers, and to stir interest in the stock. +21881036 But of course it would be highly unusual for an investment fund such as Steinhardt Partners to take over a company. +21881037 USAir and Mr. Buffett won't talk about Mr. Steinhardt at all. +21881038 Analysts say USAir has great promise. +21881039 By the second half of 1990, USAir stock could hit 60, says Helane Becker of Shearson Lehman Hutton. +21881040 She thinks traders should buy the stock if it tumbles to 35. +21881041 But meanwhile, USAir is expected to show losses or lackluster profit for several quarters as it tries to digest Piedmont Airlines, which it acquired. +21881042 Moreover, some investors think a recession or renewed airfare wars will pummel airline stocks in coming months. +21881043 However, Mr. Steinhardt says he's "comfortable holding USAir as an investment." +21881044 While he has bought and sold some USAir shares in recent days, he says that contrary to rumors, he hasn't tried to unload his holding. +21881045 Mr. Steinhardt adds that he bought USAir stock earlier this year as "part of a fundamental investment in the airline group." +21881046 In 1989, Mr. Steinhardt says he made money trading in Texas Air, AMR and UAL. +21881047 Overall, his investments so far this year are showing gains of about 20%, he adds. +21881048 Does Mr. Steinhardt regret his incursion into the takeover-threat game? +21881049 People close to the investor say that was an experiment he is unlikely to repeat. +21881050 "I don't think you'll find I'm making a radical change in my traditional investment style," Mr. Steinhardt says. +21882001 Addington Resources Inc. said it called for redemption on Nov. 21 its $25.8 million outstanding of 8% convertible subordinated debentures due 2013. +21882002 The debentures were issued in the face amount of $46 million on July 11, 1988, the Ashland, Ky., coal mining, water transportation and construction company said. +21882003 The company said the redemption is permitted because the price of Addington's stock has equaled or exceeded $19.60 for 20 consecutive trading days, a condition set in the terms of the debentures. +21882004 Debenture holders are expected to convert most of the debentures into common because the value of the stock received in a conversion would exceed the $1,103.11 redemption price. +21883001 Commodore International Ltd. said it will report a loss for the first quarter ended Sept. 30 because sales of personal computers for the home market remained weak in some major countries. +21883002 That will mark the second consecutive quarterly loss for Commodore and will raise additional questions about whether it can sustain the turnaround it had seemed to be engineering. +21883003 Commodore, West Chester, Pa., had said in August that it was consolidating manufacturing to cut costs and expected to be profitable in the fiscal first quarter. +21883004 Commodore said that its announcement is based on preliminary information and that the situation could look different by the time final results are announced early next month. +21883005 In fact, Commodore's fiscal fourth-quarter loss was $2 million narrower than Commodore had expected a few weeks after the quarter closed. +21883006 Still, even results approaching break-even would mark a sharp weakening compared with fiscal 1989 first-quarter earnings of $9.6 million, or 30 cents a share, on sales of $200.2 million. +21883007 Reflecting concerns about Commodore's outlook, its stock has plunged more than 50% since May, closing yesterday unchanged at $8.875 a share in composite trading on the New York Stock Exchange. +21883008 The price can be expected to erode further, because the loss estimate came after the market closed. +21883009 Commodore has seemed to be setting the stage recently for progress in the U.S., where its personal-computer sales have been so dismal for years that Commodore is close to dropping off research firms' market-share charts. +21883010 Commodore has assembled an experienced management team, it has persuaded many more dealers to carry its products and it has unleashed a slick advertising campaign. +21883011 But those represent long-term strategies that probably won't succeed quickly, even if they turn out to be the right ones. +21883012 In the meantime, the strategies will increase expenses. +21883013 Commodore had been counting on its consumer business to stay sufficiently healthy to support its efforts in other areas -- mainly in getting schools and businesses to use its Amiga, which has slick graphics yet has been slow to catch on because it isn't compatible with Apple Computer Inc. or International Business Machines Corp. hardware. +21883014 But sales to consumers have become difficult during the past several months, even in West Germany, which has been by far Commodore's strongest market. +21883015 The Commodore 64 and 128, mainly used for children's educational software and games, had surprised market researchers by continuing to produce strong sales even though other low-profit personal computers now operate several times as fast and have much more memory. +21883016 Commodore has said it expects sales to rebound, but market researchers have said that sales of the low-end products may finally be trailing off. +21884001 Stock prices closed slightly higher in the first routine trading day since Friday's big plunge. +21884002 Some issues were affected by Tuesday's devastating earthquake in the San Francisco area. +21884003 Activity continued to slow from the hectic pace set during the market's plunge late Friday and its rebound Monday, as players began to set their sights on events coming later this week. +21884004 The Dow Jones Industrial Average drifted through the session within a trading range of about 30 points before closing with a gain of 4.92 at 2643.65. +21884005 Broader averages also posted modest gains. +21884006 Standard & Poor's 500-Stock Index rose 0.60 to 341.76, the Dow Jones Equity Market Index rose 0.71 to 320.54 and the New York Stock Exchange Composite Index gained 0.43 to 189.32. +21884007 Some 822 New York Stock Exchange issues advanced in price, while 668 declined. +21884008 But the Dow Jones Transportation Average went down for the seventh consecutive session, due largely to further selling in UAL. +21884009 The average dropped 6.40 to 1247.87 and has now lost 21.7% of its value since the losing streak began Oct. 10. +21884010 Big Board volume dropped to 166,900,000 shares, in line with the level of trading over the past few weeks, from 224.1 million Tuesday. +21884011 Traders cited anticipation of the consumer price report for September, due today, and tomorrow's expiration of October stock-index futures and options as major factors in the slowdown. +21884012 In addition, activity at a number of San Francisco-based brokerage houses was curtailed as a result of the earthquake, which knocked out power lines and telephone service throughout the Bay area. +21884013 Stocks retreated to session lows just after the opening amid worries about the market impact of the quake, but quickly snapped back to higher levels with the help of futures-related program buying. +21884014 The early move essentially established the day's trading range, and traders said they saw little of the program activity that has battered the market recently. +21884015 "I didn't expect it to be this quiet. +21884016 I expected to see more volatility as some of the institutions who were spooked last Friday did some selling," said Raymond F. DeVoe, a market strategist at Legg Mason Wood Walker, Baltimore. +21884017 Mr. DeVoe said he expects prices to show some renewed instability over the next few sessions as institutions re-evaluate their stance toward the market in light of its decline. +21884018 "I would suspect that a lot of investment committees are looking into whether (they) want to be in stocks at all," he said. +21884019 Insurance stocks were sold at the opening amid concerns about the level of damage claims the companies would receive as a result of the earthquake. +21884020 But those issues recovered quickly and turned higher because of expectations that the quake and the recent Hurricane Hugo would set the stage for an increase in premium rates. +21884021 Issues of insurance brokers were especially strong. +21884022 Marsh & McLennan advanced 3 1/8 to 75 7/8, Alexander & Alexander Services climbed 2 to 32 and Corroon & Black firmed 1 7/8 to 37 1/2. +21884023 Elsewhere in the group, General Re rose 2 3/4 to 86 1/2, American International Group gained 3 1/4 to 102 5/8, Aetna Life & Casualty added 2 3/8 to 59 1/2 and Cigna advanced 7/8 to 62 1/2. +21884024 Loews, the parent of CNA Financial, rose 1 3/8 to 123 1/8. +21884025 Companies in the construction, engineering and building-products sectors were among other beneficiaries of earthquake-related buying. +21884026 The heavy-construction sector was the session's best performer among Dow Jones industry groups; Fluor rose 3/4 to 33 3/8, Morrison Knudsen gained 2 1/4 to 44 1/8, Foster Wheeler added 3/8 to 18 1/4 and Ameron climbed 2 3/8 to 39 3/4. +21884027 Among engineering firms, CRS Sirrine rose 5/8 to 34 1/4 on the Big Board and four others rallied on the American Stock Exchange: Jacobs Engineering Group, which gained 1 1/8 to 25 3/8, Greiner Engineering, which rose 3 1/2 to 22 1/2; Michael Baker, which added 1 1/4 to 15 1/4, and American Science & Engineering, up 1/2 to 8 1/2. +21884028 Within the building-materials group, Georgia-Pacific climbed 1 1/4 to 58 and Louisiana-Pacific added 1 to 40 3/4 after Merrill Lynch recommended the forest-products issues. +21884029 CalMat advanced 2 3/4 to 28 3/4, Lone Star Industries gained 1 3/4 to 29 1/4, Lafarge rose 1 to 19 1/2, Southdown added 5/8 to 24 5/8 and Eljer Industries rose 1 1/4 to 24 7/8. +21884030 Pacific Gas & Electric fell 3/8 to 19 5/8 in Big Board composite trading of 1.7 million shares and Pacific Telesis Group slipped 5/8 to 44 5/8 as the companies worked to restore service to areas affected by the quake. +21884031 Chevron added 1 to 65. +21884032 The company, based in San Francisco, said it had to shut down a crude-oil pipeline in the Bay area to check for leaks but added that its refinery in nearby Richmond, Calif., was undamaged. +21884033 Other companies based in the area include Hewlett-Packard, which rose 1/4 to 49; National Semiconductor, which went up 1/4 to 7 5/8, and Genentech, which eased 1/4 to 19 5/8. +21884034 None of the firms reported any major damage to facilities as a result of the quake. +21884035 BankAmerica eased 1/2 to 31 7/8 and Wells Fargo lost 1/2 to 81 1/2; the two bank holding companies, based in San Francisco, were forced to curtail some operations due to the temblor. +21884036 Among California savings-and-loan stocks, H.F. Ahmanson eased 3/8 to 22 1/4, CalFed slid 3/4 to 24 1/8, Great Western Financial dropped 1/2 to 21 1/4 and Golden West Financial fell 5/8 to 29 1/4. +21884037 UAL, the parent company of United Airlines, swung within a 14-point range during the course of the session before closing at 191 3/4, down 6 1/4, on 2.3 million shares. +21884038 British Airways, a member of the group that had offered $300 a share for UAL in a leveraged buy-out, said it had yet to receive a revised proposal and it was "in no way committed" to the completion of a bid. +21884039 Separately, investor Marvin Davis withdrew his backup $300-a-share takeover offer. +21884040 While UAL faltered, AMR, the parent of American Airlines, pulled out of its recent nosedive by rising 3/4 to 74. +21884041 The stock had been on the decline since the financing for the UAL buy-out fell through on Friday and developer Donald Trump subsequently withdrew a takeover offer of $120 a share for AMR. +21884042 Also, AMR was the most active Big Board issue; 2.8 million shares changed hands. +21884043 GTE added 1 1/4 to 65 3/8. +21884044 PaineWebber repeated a buy recommendation on the stock and raised its 1990 earnings estimate by 35 cents a share, to $5.10. +21884045 Colgate-Palmolive advanced 1 5/8 to 63 after saying it was comfortable with analysts' projections that third-quarter net income from continuing operations would be between 95 cents and $1.05 a share, up from 69 cents a year ago. +21884046 Springs Industries dropped 1 3/8 to 36. +21884047 Analysts at several brokerage firms lowered their 1989 and 1990 earnings estimates on the company after its third-quarter results proved disappointing. +21884048 Trinova third-quarter loss after a charge for a planned restructuring, which will include the closing or downsizing of about 25% of its plants and a work force cut of about 1,500 over three years. +21884049 The Amex Market Value Index snapped a five-session losing streak by rising 2.91 to 378.07. +21884050 Volume totaled 12,500,000 shares. +21884051 Carnival Cruise Lines Class A rose 1 1/4 to 22 3/8. +21884052 The company, citing market conditions, postponed a $200 million debt offer. +21885001 Philip Morris Cos. posted a 20% jump in third-quarter profit on a 45% revenue increase, reflecting strength in the company's cigarette, food and brewing businesses. +21885002 Net income rose to $748 million, or 81 cents a share, from the year-earlier $621 million, or 67 cents a share. +21885003 Per-share figures have been adjusted for a 4-for-1 stock split paid earlier this month. +21885004 The New York-based tobacco, food and beer concern said revenue increased to $11.25 billion from $7.74 billion. +21885005 In composite trading on the New York Stock Exchange, Philip Morris closed at $43.375, up 12.5 cents. +21885006 Philip Morris disclosed little detailed information about performance by major business lines except to say that most, including Philip Morris U.S.A., Kraft General Foods and Miller Brewing Co., posted increased revenues. +21885007 For the nine months, net increased 4.4% to $2.08 billion, or $2.25 a share, from $2 billion, which included $273 million reflecting the effect of an accounting change. +21886001 Granges Inc., citing depressed gold prices, said it plans to suspend operations for an indefinite period at its Tartan gold mine in Manitoba. +21886002 Granges said in Vancouver, British Columbia, that the production halt will be phased in over a 10-week period. +21886003 Tartan currently produces gold at a cash operating cost of $393 an ounce, which is high by industry standards and $25 or so above the current spot price. +21886004 Granges said it also plans in the third quarter to write down the carrying value of the Tartan mine by 2.5 million Canadian dollars (US$ 2.12 million), and to write off most of the C$6.3 million carrying value of its Windflower gold property in British Columbia. +21886005 Granges didn't say what impact the moves would have on total gold output or earnings, and company officials weren't available. +21887001 Computer Associates International Inc., Garden City, N.Y., and Digital Equipment Corp. said they agreed to jointly develop software to help manage Digital's Vax computers. +21887002 Computer Associates has carved out a huge business selling such software for use in managing networks of International Business Machines Corp. computers but needs to find new markets if it is to maintain its growth rate of 30% and more each year. +21887003 The market for system-management software for Digital's hardware is fragmented enough that a giant such as Computer Associates should do well there. +21887004 At the same time, the market is smaller than the market for IBM-compatible software. +21887005 For one thing, Digital, Maynard, Mass., has sold fewer machines. +21887006 In addition, its machines are typically easier to operate, so customers require less assistance from software. +21888001 Wang Laboratories Inc., Lowell, Mass., beset by declining demand for its computers, reported a $62.1 million, 38-cents-a-share loss in its first quarter ended Sept. 30. +21888002 Revenue fell 12.7% to $596.8 million from $684 million, although some of the decline was caused by discontinued operations. +21888003 Wang had previously forecast a loss. +21888004 The company reiterated that it expects another loss in the second quarter and for the full year, although it expects a profitable fourth quarter. +21888005 A year ago, Wang had earnings of $13.1 million, or eight cents a share, in its first quarter, including a $3.1 million loss from discontinued operations. +21888006 The latest period loss included a $12.9 pretax charge for severance payments. +21889001 Dayton Hudson Corp. said it accepted for purchase seven million common shares at $62.875 each, under the terms of a Dutch auction self-tender offer. +21889002 The offer expired at 12:01 a.m. yesterday. +21889003 In a Dutch auction, the buyer sets a price range and holders give a price in that range at which they're willing to sell their shares. +21889004 The buyer then picks a price and buys shares at that price from holders who offered to sell at that price or lower. +21889005 Dayton Hudson's repurchase offer, representing about 9% of its common shares outstanding, had established a range of between $60 and $65 for the buy-back. +21889006 Dayton Hudson said it accepted all odd-lot shares tendered at or below the final $62.875 price; the preliminary proration factor for other shares tendered at or below the final price is 98%. +21889007 The Minneapolis-based retailer said it expects to pay for the seven million shares next Thursday. +21889008 Tendered shares not purchased will be returned to holders. +21889009 In New York Stock Exchange composite trading, Dayton rose $1 to $61.125. +21890001 Continental Bank Corp.'s third-quarter net income slipped 11% despite a big gain from the sale of the company's London headquarters building. +21890002 The $55 million gain on the sale was offset by lower interest income, poorer results from foreign-exchange trading and a $9 million loss on the sale of a unit, Securities Settlement Corp. +21890003 Chicago-based Continental earned $65.2 million, or $1.04 a share, compared with $73.6 million, or $1.19 a share, a year earlier. +21890004 The 1988 quarter also included one-time gains totaling about $35 million. +21890005 The bank, which has loss reserves equal to about half its long-term and medium-term loans to less-developed nations, said it doesn't think additional reserves are required. +21891001 Enron Corp. said a subsidiary and two United Kingdom firms are studying the feasibility of constructing a 1,500 megawatt gas-fired power plant in northern England as an outgrowth of the government's privatization program. +21891002 Enron Power Corp., a unit of the Houston natural gas pipeline company, would design, construct and run the plant. +21891003 Gas to fuel it would be piped from the North Sea. +21891004 A subsidiary of Britain's Imperial Chemical Industries would buy electricity and steam from the proposed station. +21891005 Surplus power would be sold on the open market, Enron said. +21891006 Also participating in the study, Enron said, is the National Power division of Britain's Central Electricity Generating Board. +21891007 Upon privatization, National Power will be responsible for 70% of the country's power generating business. +21892001 Viacom Inc., New York, reported that its third-quarter loss widened to $21.7 million, or 41 cents a share, primarily because of interest expense of $70.1 million. +21892002 A year ago, Viacom had a net loss of $56.9 million, or $1.07 a share. +21892003 Interest expense in the 1988 third quarter was $75.3 million. +21892004 In the year-ago quarter, Viacom also paid preferred stock dividends of $17 million; Viacom exchanged its preferred stock for debt in March. +21892005 The communications and entertainment company said revenue rose to $345.5 million, from $311.6 million. +21892006 Viacom attributed the improvement to higher earnings from operations in its networks segment, which includes the MTV and Showtime networks. +21892007 Viacom said it also restructured bank debt under a $1.5 billion unsecured bank agreement that offers significant interest rate savings. +21892008 Sumner M. Redstone, Viacom's chairman, said Viacom "emerged from our leveraged buy-out structure and gained substantial operating and financial flexibility through" the bank pact. +21893001 Trinova Corp., Maumee, Ohio, said it is launching an extensive restructuring of its core business, and took a charge that resulted in a loss of $29.7 million, or 87 cents a share, for the third quarter. +21893002 Trinova said it will close, move or overhaul 40 of its 170 manufacturing facilities and over the next three years cut 1,500 jobs from its current world-wide payroll of 22,300 employees. +21893003 Most of the factory closings and job cutbacks will affect Trinova's Aeroquip operations, which manufacture automotive plastics, hoses and other industrial and automotive parts. +21893004 Hoses and plastics together account for about 42% of Trinova's total annual sales. +21893005 In a separate announcement, Trinova said the Aeroquip group has agreed to sell its spring-brake, piston-brake and related businesses to Midland Brake Inc. of Branford, Conn. +21893006 Terms weren't disclosed. +21893007 To provide for the restructuring's costs, Trinova said it took an after-tax charge of $38.5 million, or $1.13 a share, in the third quarter. +21893008 The $29.7 million net loss compares with net income of $19.6 million, or 57 cents a share, a year earlier. +21893009 Sales rose 8% to $456.2 million from $422 million. +21893010 Trinova closed at $25, down $1, in New York Stock Exchange composite trading. +21894001 A group of investors, including Giancarlo Parretti's Pathe Communications Corp. and Sasea Holding S.A., have agreed to buy 76.66% of Odeon Finanziaria, a financially troubled Italian TV station. +21894002 Florio Fiorini, managing director of Geneva-based Sasea, said the investors would pay only a symbolic one lira for the station, "but we have agreed to raise the capital that will enable the company to continue operating. +21894003 It's sort of a Chapter 11 situation," he added, referring to the U.S. bankruptcy law that protects companies from creditors while they restructure. +21894004 Milan-based Odeon, which draws about 3% of Italian TV viewers, has debt of 250 billion lire ($181.9 million), Mr. Fiorini said. +21894005 He added that details of the recapitalization still have to be worked out, but that Pathe will take 50% of Odeon, Rome film producer Bruno Lucisano will take 10% and the remaining 16.66%, currently owned by Sasea, will eventually be sold to other investors. +21894006 Calisto Tanzi, Odeon's owner, will retain his 23.34% stake. +21894007 Italy's Supreme Court this year ordered Parliament to write a law that will regulate media ownership. +21894008 "We think that it's going to be far more favorable to own a station before the law is passed than to try to buy one afterward," Mr. Fiorini said. +21895001 San Francisco area officials gave the media high marks for helping people find shelter and obtain emergency information after Tuesday's catastrophic earthquake. +21895002 "The press has been doing an excellent job. +21895003 They are telling people what roads are closed and just keeping the public informed has helped to keep the panic down," said James Ball, a station supervisor at Daly City Police Department. +21895004 Mr. Ball noted that television stations featured people holding up phone books, explaining where to call for help. +21895005 Radio stations provided an emergency number for people who smelled gas but didn't know how to turn off their gas supply. +21895006 Kim Schwartz, a spokesperson for the American Red Cross in Los Angeles, said television and radio stations in San Francisco played a "very positive role" by providing the address of 28 shelters of the Red Cross and by giving out the Red Cross number for contributions to help earthquake victims (1-800-453-9000). +21895007 The San Francisco Examiner issued a special edition around noon yesterday that was filled entirely with earthquake news and information. +21895008 The Examiner and the San Francisco Chronicle were able to publish despite Tuesday's quake, which occurred close to deadline for many newspapers. +21896001 Sterling Software Inc. said it lost its bid to supply software services to the National Aeronautics and Space Administration's Ames Research Center at Moffett Field, Calif. +21896002 Sterling, which estimated the value of the contract at $150 million, said NASA selected another bidder for final negotiations. +21896003 In 1988, Dallas-based Sterling protested a similar decision by NASA involving the same contract, claiming it had submitted the lowest bid. +21896004 As a result, last March the General Services Administration board of contract appeals directed NASA to reopen negotiations on the contract. +21896005 Sterling said it had requested a briefing by NASA but had not decided whether to protest the agency's latest decision. +21897001 Consolidated Rail Corp., New York, reported that third-quarter net income climbed 4.8% to $87 million, or $1.27 a share, exceeding analysts' expectations. +21897002 In the year-earlier quarter, the freight railroad earned $83 million, or $1.21 a share. +21897003 James A. Hagen, chairman and chief executive officer, noted that earnings advanced "in the face of a drop in business, brought on by the general economic slowdown." +21897004 Revenue slipped 4.6% to $835 million from $876 million. +21897005 For the rest of 1989, Mr. Hagen said, Conrail's traffic and revenue "will reflect the sluggish economy, but Conrail will continue to take steps to control and reduce costs." +21897006 For the nine months, Conrail earnings grew 0.4% to $229 million, or $3.34 a share, from $228 million, or $3.31 a share. +21897007 Revenue was flat at $2.59 billion. +21898001 Georgia Gulf Corp., hurt by declining sales and falling chemical prices, said third-quarter earnings fell 13% to $46.1 million from $53.1 million in the year-earlier period. +21898002 Sales declined 10% to $251.2 million from $278.7 million. +21898003 The Atlanta-based chemical manufacturer said lower prices hurt margins for most products. +21898004 "We did see some relief in raw material costs, but it wasn't sufficient to offset the drop in sales prices," James R. Kuse, the company's chairman and chief executive officer said in a statement. +21898005 On a per-share basis, quarterly earnings remained at $1.85, the same as last year, because of the company's share buy-back program. +21898006 Georgia Gulf had 24.9 million shares outstanding on average in the quarter, compared with 28.6 million in the third quarter of 1988, adjusted for a stock split paid in January 1989. +21898007 In composite New York Stock Exchange trading, stock in Georgia Gulf, which has been mentioned as a takeover candidate, rose $2.125 a share to close at $46.125. +21899001 This temblor-prone city dispatched inspectors, firefighters and other earthquake-trained personnel to aid San Francisco. +21899002 But a secondary agenda among officials in the City of Angels was to learn about the disaster-contingency plans that work and those that don't. +21899003 Los Angeles Mayor Tom Bradley used the opportunity to push the City Council harder to pass a measure establishing a loss-recovery reserve of $100 million. +21899004 The amount would help Los Angeles cope in the first few weeks after its own anticipated quake, while waiting for federal assistance to arrive. +21899005 After San Francisco Mayor Art Agnos spoke on television of the need for building inspectors to check the soundness of buildings, Los Angeles dispatched 32 inspectors to help. +21899006 And the county of Los Angeles placed its firefighters and sheriffs on alert, ready to send in reinforcements, and alerted San Francisco that the city has 1,000 hospital beds at its disposal. +21899007 Two Los Angeles radio stations initiated Red Cross donation campaigns, and one Los Angeles bank manager forked over $150,000 of his own money for relief purposes, the Red Cross said. +21899008 The Los Angeles Red Cross sent 2,480 cots, 500 blankets, and 300 pints of Type-O blood. +21899009 It is also pulling 20 people out of Puerto Rico, who were helping Huricane Hugo victims, and sending them to San Francisco instead. +21900001 The Arizona Corporations Commission authorized an 11.5% rate increase at Tucson Electric Power Co., substantially lower than recommended last month by a commission hearing officer and barely half the rise sought by the utility. +21900002 The ruling follows a host of problems at Tucson Electric, including major write-downs, a 60% slash in the common stock dividend and the departure of former Chairman Einar Greve during a company investigation of his stock sales. +21900003 The Arizona regulatory ruling calls for $42 million in added revenue yearly, compared with a $57 million boost proposed by the commission hearing officer. +21900004 The company had sought increases totaling $80.3 million, or 22%. +21900005 The decision was announced after trading ended. +21900006 Tucson Electric closed at $20.875 a share, down 25 cents, in New York Stock Exchange composite trading. +21900007 A Tucson Electric spokesman said the utility was disappointed by the commission's decision and "concerned about the financial integrity of the company. +21901001 South Korean President Roh Tae Woo, brushing aside suggestions that the won be revalued again, said the currency's current level against the dollar is "appropriate." +21901002 His comments, made in response to reporters' questions at the National Press Club here, signaled that Seoul is resisting U.S. pressure for a further rise in the currency's value. +21901003 The U.S. wants a higher won to make South Korea's exports more expensive and help trim Seoul's trade surplus. +21901004 Many South Korean business people want a devaluation instead, arguing that the won's recent gains already have weakened the country's export performance. +21901005 Mr. Roh also said South Korea is taking steps that would free the won to respond to market forces. +21901006 Seoul has pointed to its lack of a foreign exchange market as one reason the won's value remains heavily controlled. +21901007 Mr. Roh said a U.S. demand for the removal of South Korean import quotas on beef will be resolved "satisfactorily" but gave no hint when that will happen. +21901008 Speaking to a joint meeting of Congress earlier, he said South Korea can't move quickly on such agricultural trade issues "without causing political and social trauma. +21902001 Great American Bank said its board approved the formation of a holding company enabling the savings bank to pursue nontraditional banking activities under a new federal law. +21902002 The proposed holding company's primary purpose would be to allow Great American to continue engaging in real estate development activities, it said. +21902003 Those activities generated $26.1 million in operating profit last year. +21902004 But according to Great American, such profits don't count toward meeting the San Diego savings bank's new capitalization requirements under 1989 federal law. +21902005 The new real estate unit would have a separate capital structure to comply with the law. +21902006 The proposed holding company would also consolidate Great American Bank in San Diego and its Tucson, Ariz., savings bank into a single, federally chartered institution in San Diego. +21902007 The consolidation is expected to save $1 million a year in administrative costs, a Great American spokesman said. +21903001 Dale Lang, who this week completed the acquisition of the publisher of Ms. and Sassy, is candid about the challenge he is taking on. +21903002 Mr. Lang admits that Ms. is "in dire straits" and that Sassy needs big promotional dollars to keep it alive. +21903003 But the 57-year-old publisher has moved quickly and boldly to deal with the magazines' problems. +21903004 Last Friday, he told the staff of Ms. that the magazine in January would begin publishing without advertising. +21903005 Mr. Lang will do away with expensive circulation drives, not to mention sales staff, and attempt to publish the 17-year-old magazine supported by circulation revenue alone. +21903006 "Any fool can publish a money-losing magazine. +21903007 I want to publish one that succeeds," said Mr. Lang. +21903008 "For Ms., it's time to publish for the reader, not the advertiser." +21903009 As for Sassy, which competes directly with News Corp.'s Seventeen magazine, Mr. Lang says that in the next two years he will spend $6 million promoting and improving the magazine. +21903010 Though Sassy has grown quickly since its debut in March 1988, it has been the target of conservative lobbyists and skittish advertisers who bristled at its frank editorial matter on teen-age problems. +21903011 Mr. Lang said the former Australian owners of Sassy were "blind-sided by the Moral Majority. . . . +21903012 Their reaction was to do nothing and ride it out." +21903013 He said Sassy will keep its irreverent tone, but added, "We will keep a close watch on the editorial content of the magazine." +21903014 Sassy already has recovered; circulation has quickly passed the 500,000 mark and advertising pages have stabilized this year at more than 300. +21903015 What's more, Mr. Lang says he has what all publishers wish for: a bona fide niche. +21903016 "Seventeen is written more for mothers, not their daughters," said Mr. Lang. +21903017 "But Sassy has a different spirit. +21903018 It gets more mail in a month than McCall's got in a year, and it's not from mothers. +21903019 I feel about Sassy like I did about Working Woman 10 years ago." +21903020 Mr. Lang took on Ms. and Sassy with the acquisition of Matilda Publications Inc. by his newly formed Lang Communications. +21903021 Lang owns 70% of Matilda, while Citicorp owns the rest through its Citicorp Venture Capital Partners. +21903022 Two weeks ago, Citicorp and Mr. Lang pumped $800,000 into Matilda just to keep the doors open. +21903023 Industry observers have congratulated Mr. Lang on what some call his "courageous" handling of Ms., but his track record in magazine publishing in general has gotten mixed reviews. +21903024 Besides Ms. and Sassy, closely held Lang Communications includes Success, a magazine for entrepreneurs and small businesses, and Working Woman and Working Mother, two monthly magazines. +21903025 Working Woman, with circulation near one million, and Working Mother, with 625,000 circulation, are legitimate magazine success stories. +21903026 The magazine Success, however, was for years lackluster and unfocused. +21903027 Only recently has it been attractively redesigned and its editorial product improved. +21903028 Success is expected to gain at least because of the recent folding of rival Venture, another magazine for growing companies. +21903029 Working Woman and Working Mother have operated as part of Working Woman/McCall's Group, a less-than-successful joint venture between Mr. Lang and Time Warner Inc. +21903030 The joint venture is being undone, with McCall's magazine being sold last summer to the New York Times Co.'s Magazine Group for about $80 million, and Time Warner agreeing to sell back its 50% interest in Working Woman and Working Mother to Mr. Lang. +21903031 Executives at Time Inc. Magazine Co., a subsidiary of Time Warner, have said the joint venture with Mr. Lang wasn't a good one. +21903032 The venture, formed in 1986, was supposed to be Time's low-cost, safe entry into women's magazines. +21903033 Mr. Lang surprised Time soon after joining forces when he said he would negotiate rates individually with advertisers, a practice common in broadcasting but considered taboo by magazine publishers. +21903034 In addition, McCall's put in a less than stellar performance. +21903035 Until a recent comeback, it saw steep losses in ad pages and circulation. +21903036 Time executives complained about the shoddy editorial quality, and in the end, one Time executive who asked not to be identified said, "Frankly, McCall's and the joint venture were an embarrassment." +21903037 Mr. Lang feels that Time's priorities changed. +21903038 "Their management changed right after {the venture was formed}, and I don't think they were comfortable getting into the competitive wars of women's service magazines." +21903039 Today, Mr. Lang believes his magazines will offer what many women's magazines don't. +21903040 "We write straight for women on their level," he said. +21903041 "We don't have passive readers." +21903042 Mr. Lang points out that even Success, in part, fits the company's image, since about 30% of its readership is female. +21903043 Mr. Lang has named Carol Taber, 43, as group publisher of New York-based Lang Communications. +21903044 She will oversee Working Woman, Working Mother and Success magazines, and retain her post as publisher of Working Woman. +21903045 The sale price of McCall's -- twice what Mr. Lang originally paid for it -- will finance Lang Communications' buy-back of Time Warner's 50% interest in Working Woman and Working Mother. +21903046 Mr. Lang says he isn't scouting new acquisitions, at least for now. +21903047 "We would have to go outside to banks to get the money and I am not ready to do that," he said. +21903048 "Besides, we have enough on our plate. +21903049 There is plenty of work to be done on what we have. +21904001 Britain's Monopolies and Mergers Commission Wednesday cleared Rhone-Poulenc S.A.'s purchase of a specialty bulk-chemical unit from Monsanto Co., saying the purchase was unlikely to have any lasting impact on U.K. industrial consumers. +21904002 The commission, which was asked to study the deal by the Department of Trade and Industry after its announcement in February, said the diversity of global supply of chemicals used in making analgesic drugs was great enough to offset the dominant U.K. market share Rhone-Poulenc would gain through the acquisition. +21904003 The French chemical giant would hold an 80% share of the U.K. market for salicylic acid, methyl salicylate and bulk aspirin. +21904004 The commission found that if the British government attempted to block the merger, Rhone-Poulenc would likely respond by closing the salicylates plant Monsanto operates in Wales, removing the matter from U.K. jurisdiction. +21905001 Morrison Knudsen Corp. posted third-quarter net income of $7.9 million, or 69 cents a share, continuing a rebound from steep year-ago losses. +21905002 In the third quarter a year-earlier, the construction and engineering concern posted a loss of $51.2 million, or $4.68 a share. +21905003 Revenue in the latest quarter rose 14% to $589 million from $515.1 million. +21905004 In composite trading on the New York Stock Exchange, Morrison gained $2.25 to $44.125. +21905005 Morrison said the engineering and construction segment performed well, with the mining and MK-Ferguson operations making important contributions. +21905006 Boise, Idaho-based Morrison had losses totaling $186 million over the two years ended in December, but it has surged back to profitability as a result of cost-cutting and shedding of unprofitable operations. +21905007 In the nine months, the company's net income was $21.5 million, or $1.88 a share, compared with a year-earlier loss of $97.8 million, or $8.96 a share. +21905008 Revenue rose 17% to $1.62 billion from $1.39 billion. +21906001 The House Ethics Committee officially cited Rep. Jim Bates (D., Calif.) for sexually harassing two female employees, but didn't recommend formal disciplinary action. +21906002 Rep. Bates said he accepted the finding, but one of the victims, Dorena Bertussi, denounced the ethics panel's action as "absurd." +21906003 Acting more than a year after Ms. Bertussi filed a complaint, the panel issued a "letter of reproval" saying Rep. Bates had admitted conduct that violated a House rule forbidding discrimination against employees on account of their sex. +21906004 It ordered Rep. Bates to write letters of apology to Ms. Bertussi and to a second complainant, Karen Dryden. +21906005 Rep. Bates said he would write the letters as ordered. +21906006 "I accept the resolution of the matter by the Ethics Committee," he said. +21906007 The panel also warned Rep. Bates that any further violations "may result in a recommendation that disciplinary action be considered." +21906008 But Ms. Bertussi asked, "Who in their right mind is going to file another complaint with the Ethics Committee?" +21906009 Rep. Bates has publicly begged for forgiveness from voters and was re-elected with 60% of the vote last November. +21907001 Mesa Airlines said the takeover offer it received earlier this week from StatesWest Airlines is for a combination of cash and securities valued by StatesWest at $10 a Mesa share. +21907002 Both companies are regional carriers in the Southwest. +21907003 When it made the offer, StatesWest declined to disclose details and asked Mesa to do the same. +21907004 But Farmington, N.M.-based Mesa said the offer was for $7 in cash and unspecified StatesWest securities valued at $3 a share. +21907005 Based on the number of Mesa shares outstanding not already owned by StatesWest, the proposed takeover would have a value of about $15.3 million. +21907006 StatesWest owns 7.25% of Mesa. +21907007 Last week, Mesa rejected a general proposal from StatesWest that the two carriers combine. +21907008 In response to the specific offer, Gary Risley, Mesa vice president, said management will ask directors to employ a financial consultant to advise them. +21908001 Hawker Siddeley Group PLC, a U.K. engineering company, reported a 16% jump in pretax profit for the six-month period ending June 30. +21908002 Pretax profit rose to #93.2 million ($146.8 million) from #80.6 million ($127 million), matching analysts' expectations, which ranged from #90 million to #95 million. +21908003 Profit after taxes and minority interests increased 16% to #55.2 million from #47.6 million in the year-earlier period, while earnings per share rose 16% to 27.9 pence (44 cents) from 24.1 pence (38 cents). +21908004 Hawker Siddeley said its core electrical products division enjoyed strong growth, with a 20% rise in operating profit during the period. +21909001 Fleet/Norstar Financial Group reported a 12% increase in net income in the third quarter, led by a 43% gain in its financial services group. +21909002 Fleet's net was $96.4 million, or 86 cents a primary share, compared with $85.8 million, or 79 cents a share, a year earlier. +21909003 The Providence, R.I., financial services group, which includes commercial-credit, leasing and mortgage-banking operations, contributed $30.6 million to net, up from last year's $21.3 million. +21909004 Fleet also noted that, unlike other banking companies in the Northeast, it has been only marginally hurt by nonperforming loans that have resulted from the slumping regional real estate market. +21909005 Fleet reported nine-month net of $279.0 million, or $2.51 a primary share, up from $248.2 million, or $2.28 a share, a year earlier. +21910001 Benj. Franklin Federal Savings & Loan Association said it expects to post a third-quarter net loss of about $8 million, or $1.04 a share, as a result of adding $11 million in loan-loss reserves. +21910002 The Portland, Ore., thrift, which has $5.2 billion of assets, had net income in last year's third quarter of $1.8 million, or 23 cents a share. +21910003 Franklin said it expects to report earnings for the latest quarter next week. +21910004 The additional reserves relate to possible write-downs of certain assets held by Franklin and its subsidiaries and the default of a bond in its investment portfolio, the thrift said. +21910005 According to a spokeswoman, they also relate to changes Franklin will have to make in its accounting procedures to comply with new federal capitalization requirements for thrifts. +21910006 The company's shares closed yesterday at $4.25, off 25 cents, in national over-the-counter trading. +21911001 Arkla Inc. said that as part of a program to improve profitability it will take a total of $189 million in after-tax charges by year end. +21911002 It also announced an initial public offering of 18% of its gas exploration and production subsidiary. +21911003 The Shreveport, La., natural gas company said the charges, though partially offset by a one-time gain from the offering, will result in a full-year after-tax loss. +21911004 Last year, the company had net income of $117.3 million, or $1.30 a share. +21911005 Arkla said it will report $179 milllion in one-time charges against continuing operations for the third quarter, reflecting settlement of certain natural gas contracts. +21911006 It said it will take a $10 million fourth-quarter charge against discontinued operations, reflecting certain write-downs and the planned sale of a unit. +21911007 Arkla said its initial offering of 18% of Arkla Exploration Co. is expected to result in a net gain of about $90 million, which will be used to pay down Arkla debt. +21911008 Arkla Exploration owns sizable gas and crude-oil reserves in the South and Southwest. +21912001 South Africa negotiated a new debt agreement with its major foreign creditors for about $8 billion of its foreign debt outstanding, said Chris Stals, governor of the Reserve Bank and the country's chief debt negotiator. +21912002 The new agreement will last for 3 1/2 years starting July 1, 1990, when the current agreement expires. +21912003 The announcement coincides with the start of the Commonwealth Ministers Conference in Kuala Lumpur, where proposals for renewed sanctions against South Africa, including moves to block settling of a new debt agreement, were scheduled to be discussed. +21912004 As with the previous pact, the new agreement covers the country's debt "inside the net," which applies mainly to repayments due to overseas creditor banks by the private sector. +21912005 The agreement calls for South African debtors to make repayments in eight installments, starting in December of next year. +21912006 The redemption then would be at 1.5% of the total debt, increasing to 2.5% in February 1991, and to 3% at six-month intervals thereafter. +21912007 A revised provision would be included for the conversion of short-term claims inside the net to long-term loans outside the net. +21912008 These claims would be repayable over a 10-year period. +21912009 Foreign debt falling outside the net of affected indebtedness -- which Mr. Stahl estimated at $12 billion -- would remain not subject to the debt arrangements. +21913001 New York Times Co. said net income rose in the third quarter because of a one-time gain on the sale of the company's cable-TV system. +21913002 Net surged to $210.8 million, or $2.68 a share, from $26.7 million, or 33 cents a share, a year earlier. +21913003 The latest quarter included a gain of $193.3 million, or $2.46 a share, from the sale of New York Times Cable, completed in August. +21913004 Exclusive of the gain, operating profit declined 35% to $16.4 million, or 21 cents a share, from $25.2 million, or 31 cents a share. +21913005 The decline primarily reflected the dilution from acquiring McCall's, Golf World (U.S.) and Sailing World magazines; lower equity earnings from the forest-products group because of price discounting and an unfavorable exchange rate, and an 8.7% decline in advertising linage at the New York Times, the company's flagship newspaper. +21913006 Advertising volume at the company's 35 regional newspapers decreased 1.1%. +21913007 The company said the negative factors are expected to continue into next year. +21913008 Revenue rose 6.4% to $415.3 million from $390.5 million. +21914001 Democrat Gene Taylor won a special election to fill the congressional seat vacated by the death of Republican Larkin Smith, taking back the GOP's lone redoubt in Mississippi's House delegation. +21914002 Mr. Taylor's overwhelming victory against Republican Tom Anderson reclaims a seat the Republicans had held for 17 years and gives the Democrats their fifth victory in the seven special House elections held this year. +21914003 Mr. Taylor, a 36-year-old state senator from Bay St. Louis, won 65% of the vote in a district that has voted Republican in the past five presidential elections and that was once represented by Republican U.S. Sen. Trent Lott. +21914004 Mr. Taylor's victory was an embarrassment for both state and national Republicans. +21914005 Mr. Anderson, a former Lott aide, received campaign assistance from the senator and from President Bush, who visited the district last week. +21914006 Even so, Mr. Taylor carried all but one of the district's dozen counties. +21914007 Rep. Smith died in a plane crash on Aug. 13. +21915001 Wall Street Journal reporters called companies with headquarters or facilities in the Bay area in a bid to assess the damage to their operations caused by Tuesday's earthquake. +21915002 The calls reached many, but certainly not all, of the publicly held companies with operations in the area. +21915003 In most cases damage to company facilities and operations was minimal. +21915004 ADIA SERVICES INC., Menlo Park, temporary personnel agency, annual sales of $504 million, OTC, said all 30 offices in Bay area were working, but in various states of disarray. +21915005 Business was slow because many companies were closed yesterday. +21915006 ADVANCED MICRO DEVICES INC., Sunnyvale, integrated circuit maker, annual sales of $1.12 billion, NYSE, had only minor structural damage. +21915007 Most of its 4,500 workers were at work yesterday, and no production slowdown was anticipated as long as electricity remains available. +21915008 AMDAHL CORP., Sunnyvale, computer maker, annual sales of $1.8 billion, Amex, was closed yesterday and no damage estimates were available. +21915009 AMERICAN BUILDING MAINTENANCE INDUSTRIES Inc., San Francisco, provider of maintenance services, annual revenue of $582 million, NYSE, had some damage to headquarters and lost phone service, but operations were moved to a branch office and are running smoothly thanks to a decentralized computer system the company had developed before the quake. +21915010 AMERICAN PRESIDENT COS., Oakland, shipping concern, annual sales of $2.2 billion, NYSE, had little damage to the cranes, dock or rail track at its container-ship facility near the collapsed Route 880 overpass. +21915011 The company expects to work a ship due in today with minimal delays, despite sporadic power. +21915012 ANACOMP INC., Indianapolis, NYSE, said its Xidex Corp. unit, a Sunnyvale maker of computer disks and microfilm with annual sales of $637 million, had only minor damage and is fully operational. +21915013 ANTHEM ELECTRONICS INC., San Jose, distributor of electronic parts, annual sales of about $300 million, NYSE, sustained very little damage, anticipated being "in 100% operating condition" by midday. +21915014 APPLE COMPUTER CO., Cupertino, computer maker, annual sales of $4.07 billion, OTC, sustained some structural damage. +21915015 Offices were closed yesterday. +21915016 APPLIED MATERIALS INC., Santa Clara, maker of computer-chip machine systems, annual sales of $490 million, OTC, had slight damage to headquarters, no damage to manufacturing plants. +21915017 Company, with 1,750 workers in area, is fully functional. +21915018 ATARI CORP., Sunnyvale, maker of personal computers and software, annual sales of $700 million, Amex, had minor damage and expects to be fully operational by tomorrow. +21915019 BANKAMERICA Corp., San Francisco, bank holding company, annual revenue of $10.2 billion, NYSE, yesterday had no power at its headquarters, 80 of its 433 Northern California branches were closed and 250 of 750 automatic teller machines were closed in the area. +21915020 Securities trading was conducted in a backup facility in Concord. +21915021 BECHTEL CORP., San Francisco, engineering and construction concern, annual sales of $4 billion, had only minor structural damage at its three buildings in the city, but its computers were knocked out. +21915022 Backup computer tapes were hand-carried to an IBM office in Philadelphia, and the company expects its mainframe to be up in a few days. +21915023 Workers, except for senior management, were asked not to report for work yesterday. +21915024 BIO-RAD LABORATORIES INC., Hercules, biological research and clinical-products leader, $200 million in annual sales, Amex, said its Richmond warehouse north of San Francisco was closed because of debris and fallen shelves. +21915025 It expects to be fully operational by next week. +21915026 BORLAND INTERNATIONAL, Scotts Valley, personal computer and software designer, annual sales of $72 million, had heavy damage to its headquarters and was conducting business from its parking lot. +21915027 The company doesn't expect any shipping delays. +21915028 BUSINESSLAND INC., San Jose, computer retail company, annual sales of $1.1 billion, NYSE, said all 16 corporate office and stores in the area were open with the exception of a retail center in San Francisco's business district. +21915029 That facility should reopen today. +21915030 CARTER HAWLEY HALE STORES Inc., Los Angeles, retailer, annual sales of $2.79 billion, NYSE, said nine of its 22 Emporium stores in the area were closed because of water damage, broken windows and fallen displays. +21915031 A spokesman said sales are expected to be hurt, but the losses are covered by insurance. +21915032 CHEVRON CORP., San Francisco, oil company, annual sales of $25.2 billion, NYSE, had minor damage to downtown headquarters, but structural damage closed two of its seven buildings in San Ramone industrial park. +21915033 Company expects to be fully operational by next week. +21915034 CLOROX Co., Oakland, consumer products, annual sales of $1.36 billion, NYSE, was closed yesterday but plans to reopen today or tomorrow. +21915035 Meanwhile, orders are being routed through Kingsford Products unit in Louisville, Ky., but computer problems mean they must be processed manually. +21915036 Expects to be fully operational early next week. +21915037 COHERENT INC., Palo Alto, laser maker, annual sales of $159 million, was closed yesterday but expects to reopen today. +21915038 CONSOLIDATED FREIGHTWAYS INC., Menlo Park, trucking company, $2.69 billion in annual sales, NYSE, had structural damage to CF Motor Freight subsidiary's office in Palo Alto, no damage in Menlo Park. +21915039 COOPER COMPANIES INC., Palo Alto, medical products maker, annual sales of $628 million, NYSE, had little damage and was in full operation yesterday. +21915040 DAYTON HUDSON CORP., Minneapolis, retailer, annual sales of $12.2 billion, NYSE, closed seven of its 13 Bay-area Target discount stores and nine of its 20 Mervyn's department stores because of pending reviews by structural engineers or requests from authorities, who were trying to keep shoppers off the freeways. +21915041 The company expects to reopen three Target stores and all but two Mervyn's today or tomorrow. +21915042 DIASONICS INC., South San Francisco, maker of magnetic resonance imaging equipment, annual sales of $281 million, Amex, had minor damage, mostly in a stockroom. +21915043 The company plans to be fully operational today. +21915044 DIGITAL EQUIPMENT CORP., Maynard, Mass., computer maker, annual sales of $12.7 billion, NYSE, had structural damage at its San Francisco sales office but no appreciable damage elsewhere in the area, including its Cupertino plant. +21915045 DREYER'S GRAND ICE CREAM INC., Oakland, ice cream maker, annual sales of $225 million, OTC, said it is delivering ice cream wherever roads are passable. +21915046 EVEREX SYSTEMS INC., Fremont, maker of personal computers and peripherals, annual sales of $377 million, OTC, had minor damage and was almost fully operational yesterday. +21915047 EXXON Corp., New York, oil company, NYSE, said its refinery northeast of San Francisco was operating at a slightly reduced rate as a precaution in case of aftershocks. +21915048 FORD MOTOR CO., Dearborn, Mich., auto maker, annual sales of $92.4 billion, NYSE, said its three Ford Aerospace unit facilities in the Bay area, including a satellite-assembly operation in Palo Alto, had no major damage. +21915049 GAP Inc., San Bruno, clothing retailer, annual sales of $1.25 billion, NYSE, expects most of its stores to return to full operation and all 2,500 of its Bay-area workers to be back at work by today. +21915050 GENENTECH INC., South San Francisco, biotechnology company, annual sales of $334.8 million, NYSE, sustained no major damage and expects to be fully operational today. +21915051 GENERAL ELECTRIC CO., Fairfield, Conn., consumer, industrial products and broadcasting concern, annual sales of $50 billion, NYSE, said its GE Nuclear Energy unit, with 1,600 Bay-area employees, had only minor damage at its San Jose headquarters. +21915052 Business wasn't disrupted. +21915053 GENERAL MOTORS CORP., Detroit, auto maker, annual sales of $123.6 billion, NYSE, sustained about 10 injuries to workers and some ruptured water mains at its New United Motor Manufacturing Inc. facility in Fremont, a joint venture with Toyota Motor Corp. +21915054 There was limited production of some models yesterday, but it wasn't clear when the normal 750-car-a-day pace will resume. +21915055 Plant officials are still assessing damage to parts suppliers and Port of Oakland facilities that handle shipments to the plant. +21915056 GOLDEN WEST FINANCIAL CORP., Oakland, savings and loan, annual revenue of $1.4 billion, NYSE, had only minor damage to a few branches and no injured employees. +21915057 HEWLETT-PACKARD Co., Palo Alto, personal computer and electronic equipment maker, annual sales of $9.8 billion, NYSE, said there will be a "minimal suspension" of manufacturing for an undefined period. +21915058 The computer system was operating, so orders could be taken. +21915059 The company has 18,000 employees and more than 70 buildings in the Bay area. +21915060 One building in Palo Alto may be damaged beyond repair. +21915061 Others had lesser damage and there were no injuries among workers. +21915062 Damage will be "easily in the millions," the company said. +21915063 HEXCEL Corp., Dublin, manufacturer of engineered parts, annual sales of $399 million, NYSE, had little damage beyond some phone trouble. +21915064 HOMESTAKE MINING CO., San Francisco, gold and general miner, annual sales of $432.6 million, NYSE, said its headquarters was closed yesterday because of power failures and lack of water, but that it may reopen today. +21915065 It expects any impact on its business to be slight. +21915066 HOMESTEAD FINANCIAL CORP., Millbrae, financial services concern, annual revenue of $562 million, OTC, said three of its 17 Bay-area branches were closed yesterday. +21915067 The company expects all branches to reopen today. +21915068 INMAC CORP., Santa Clara, maker of computer accessories, annual sales of $250 million, OTC, said telephones were out at its headquarters but service should be restored by today. +21915069 The company said it was doing a brisk business in computer power-surge protectors, cables and uninterruptable power sources. +21915070 INTEL Corp., Santa Clara, semiconductor maker, annual sales of $2.87 billion, OTC, had some damage and few people were at work yesterday. +21915071 INTERNATIONAL BUSINESS MACHINES Corp, Armonk, N.Y., maker of business machines, NYSE, said flooding caused by broken water pipes closed its San Jose plant, which makes high-end data-storage devices. +21915072 The plant and its 8,500 employees gradually will resume operations over the next several days, the company said. +21915073 Also closed yesterday were the company's Santa Teresa software-development lab and the Almaden research center. +21915074 The concern's National Service Division opened a center for emergency service in Walnut Creek as part of its disaster-recovery plan. +21915075 KAISER ALUMINUM & CHEMICAL, Oakland, metal and chemical maker, annual sales of $2.22 billion, had slight structural damage to its 28-story headquarters building and employees stayed home yesterday to allow crews to clean up. +21915076 LOCKHEED CORP., Calabasas, aerospace and defense concern, annual sales of $10.59 billion, NYSE, said its Lockheed Missiles & Space division closed its Santa Cruz test facility because of power outages and landslides. +21915077 The closing, affecting 266 employees, will continue at least until roads are cleared. +21915078 It wasn't known to what extent, if any, the facility was damaged. +21915079 It also wasn't known what the impact will be on the division's work, which includes the Navy's Trident submarine-based missile program and the Air Force's Strategic Defense Initiative. +21915080 The division had only minor damage at its Sunnyvale headquarters and plant in Palo Altos, and no delays in deliveries are expected. +21915081 LONGS DRUG STORES INC., Walnut Creek, drugstore chain, annual sales of $1.9 billion, NYSE, had only minor damage and only four of its 75 Bay-area stores, all in the Santa Cruz area, were closed. +21915082 All are expected to reopen soon. +21915083 LSI LOGIC CORP., Milpitas, maker of customized integrated circuits, annual sales of $550 million, NYSE, has halted manufacturing at its three plants in the area while they are inspected for structural damage. +21915084 The company expects to resume full operations by today. +21915085 R.H. MACY & Co., New York, retailer, annual sales of $7 billion, said there was minor damage to its 24 Macy stores and nine I. Magnin stores in the Bay area. +21915086 MEASUREX CORP., Cupertino, maker of computer integrated manufacturing processes, annual sales of $265 million, NYSE, had only minor damage but workers spent most of yesterday cleaning up. +21915087 NATIONAL SEMICONDUCTOR CORP., Santa Clara, semiconductor maker, annual sales of $1.65 billion, NYSE, said it had no major structural damage at its 30 Bay-area buildings, but two workers were injured. +21915088 Production resumed yesterday. +21915089 Piping in a waste-treatment plant needed immediate repairs. +21915090 NORDSTROM INC., Seattle, retailer, annual sales $2.33 billion, OTC, five of this 59-store chain's nine stores in the Bay Area were closed yesterday, damage appears primarily cosmetic, hopes to reopen four of the stores by today and the fifth by Saturday. +21915091 ORACLE SYSTEMS CORP., Belmont, provider of computer programming and software services, annual sales $584 million, four of 12 offices and buildings in the Belmont and San Mateo areas were closed, 95% of computer and telephone systems are operating, expects to be back to full operation by the end of the week. +21915092 PACIFIC GAS & ELECTRIC CO., San Francisco, electric, gas and water supplier, annual sales $7.6 billion, some minor damage to headquarters, undetermined damage to four nearby substations, severe structural damage to a major power plant at Moss Landing, extensive damage to gas lines and electric lines, 400,000 residences without electricity and 69,000 without gas, cannot reconnect electricity until it is certain there are no gas leaks, no predictions on when this will happen. +21915093 PACIFIC TELESIS GROUP, San Francisco, telecommunications holding company, annual sales of $9.5 billion, no damage to headquarters, but no power, the power failure has caused a delay in the release of the company's earnings report, major concern is subsidiaries, Pacific Bell and Pacific Telesis Cellular, both of which sustained damage to buildings, structural damage to several cellular sites in Santa Cruz, volume of calls on cellular phones 10 times the usual, causing a big slowdown. +21915094 PROCTER & GAMBLE CO., Cincinnati-based company's Folgers Coffee plant in South San Francisco was closed following the earthquake, no injuries or major damage, other plants around country can make up for any lost production. +21915095 QUANTUM CORP., Milpitas, manufactures rigid disc drives for small business computers, word processors, annual sales $120.8 million, OTC, open for business, minor structural damage. +21915096 RAYCHEM CORP., Menlo Park, plastics manufacturer, annual sales $1 billion, no major damage and no production slowdown is anticipated. +21915097 ROSS STORES INC., Newark, discount apparel chain, annual sales $576 million, two of 28 stores in Bay Area closed, both could open as early as today. +21915098 SAFEWAY STORES INC., Oakland, retail food chain, annual sales of $13.6 billion, some structural damage to headquarters and no power; major problems transporting products to those stores that remained open; no numbers on how many stores closed. +21915099 CHARLES SCHWAB & CO., San Francisco, discount brokerage firm, annual sales of $392 million, had only minor damage to headquarters building and was up and running for yesterday's market open. +21915100 Firm will not, however, resume 24-hour service until power in city is restored. +21915101 Office closed yesterday at 4:30 p.m. EDT. +21915102 SEAGATE TECHNOLOGY, Scotts Valley, maker of hard disk drives for computers, annual sales of $1.37 billion, OTC, closed to assess what appeared to be minor damage to some of its 20 buildings. +21915103 SOUTHERN PACIFIC TRANSPORTATION CO., San Francisco, railroad, annual sales of $2.41 billion, had only minor damage to headquarters and tracks, and expects to be fully operational tomorrow. +21915104 St. Louis Southwestern Railway Co. unit halted all service Tuesday night but has since restored some freight lines and limited commuter service between San Francisco and San Jose. +21915105 SUN MICROSYSTEMS INC., Mountain View, maker of desktop computers, annual sales $1.77 billion, OTC, no injured employees and very little damage to buildings. +21915106 Closed yesterday due to power difficulties. +21915107 TANDEM COMPUTERS INC., Cupertino, computer maker, annual sales of $1.6 billion, NYSE, said it had no significant damage and should be fully operational within a week. +21915108 Many employees stayed home yesterday, but customer service was being maintained. +21915109 TRANSAMERICA CORP., San Francisco, financial services and insurance company, annual sales of $7.9 billion, NYSE, said its headquarters, the well-known downtown pyramid-shaped building, was intact but closed yesterday. +21915110 VARIAN ASSOCIATES INC., Palo Alto, instrumentation and semiconductor equipment company, annual sales of $1.3 billion, had only minor damage and no slowdowns were anticipated. +21915111 VLSI TECHNOLOGY INC., San Jose, maker of semiconductor products, annual sales $171.9 million, OTC, minimal damage to facilities, no injuries, expected operations to return to normal late yesterday. +21915112 WATKINS-JOHNSON CO., defense-oriented electronics manufacturer, annual sales $292 million, NYSE, minor damage to headquarters and plant in Palo Alto, no damage to San Jose plant, "still assessing" damage at Scotts Valley plant, where main product is furnaces for semiconductor production. +21915113 WELLS FARGO & CO., San Francisco, bank holding company, annual revenue $4.9 billion, NYSE, minor damage at headquarters, 12 branches out of 170 in Northern California sustained structural damage that will preclude them from opening in the near future, 45 locations with at least one automatic teller machine inoperable, central computer systems are operating, no injuries. +21915114 WYSE TECHNOLOGY INC., San Jose, maker of video display terminals and workstations and IBM/PC compatible computers, annual sales of $452 million, slight structural damage at headquarters, no injuries, expects to be back to full operation today. +21915115 3COM CORP., Santa Clara, maker of computer communications systems, annual sales of $386 million, OTC, slight structural damage to headquarters, communications systems already fully operational. +21916001 Could the collapse of I-880 have been prevented? +21916002 That was the question structural engineers and California transportation officials were asking themselves yesterday as rescue workers began the gruesome task of trying to extract as many as 250 victims from beneath the concrete slabs of the double-deck Nimitz Freeway in Oakland that caved in during Tuesday's temblor. +21916003 After touring the area, California Gov. George Deukmejian late yesterday called for an inquiry into the freeway's collapse, blaming the disaster on substandard construction, the Associated Press reported. +21916004 The impact of the destruction of this 2.5-mile stretch of highway was tragically measured in lost lives. +21916005 But there are other long-term effects that raise serious questions about the ability of California's infrastructure to withstand a major temblor. +21916006 It could easily be two years before the well-traveled artery that helps connect Oakland with San Francisco is reopened, and the cost to build a new stretch of highway could soar to more than $250 million, said Charles J. O'Connell, deputy district director in Los Angeles of the California Department of Transportation, nicknamed Caltrans. +21916007 Caltrans in Sacramento said total damage from the collapsed highway is estimated at around $500 million. +21916008 The aftershocks of the highway tragedy are reverberating in Los Angeles as well, as local politicians spoke yesterday against plans to bring double-decking to Los Angeles freeways by 1994. +21916009 Caltrans plans to add a second deck for buses and car pools above the median of a 2.5-mile stretch of the Harbor Freeway just south of Los Angeles, near the Memorial Coliseum. +21916010 Los Angeles County Supervisor Kenneth Hahn yesterday vowed to fight the introduction of double-decking in the area. +21916011 Caltrans abandoned double-decking in the early 1970s, following the 1971 Sylmar earthquake that destroyed freeway sections just north of Los Angeles, Mr. O'Connell explained. +21916012 That temblor measured 6.1 on the Richter scale; Tuesday's was +21916013 So why even consider stacking freeways now? +21916014 "We've run out of places to build freeways in L.A., and the only place to go is up," Mr. O'Connell said, although he acknowledges there are many obstacles, including cost. +21916015 But as for safety, he says double-deck freeways built today with the heavily reinforced concrete and thicker columns required after the Sylmar quake should withstand a calamitous temblor of 7.5 to 8 on the Richter scale. +21916016 Reasons for the collapse of the Nimitz Freeway were sketchy yesterday. +21916017 But most structural engineers attributed the destruction to improper reinforcement of the columns that supported the decks, and the fact that the ground beneath the highway is largely landfill and can become unstable, or "liquefy," in a major quake. +21916018 The two-story roadway, designed in the mid-1940s and completed in 1957, was supported by columns that apparently lacked the kind of steel reinforcement used in highways today. +21916019 While the pillars did have long metal bars running vertically through them for reinforcement, they apparently lacked an adequate number of metal "ties" that run horizontally through the column, said Leo Parker, a structural engineer in Los Angeles. +21916020 Caltrans today uses a variation of the design Mr. Parker describes, with spiraling steel rods inside. +21916021 But in the case of the Nimitz Freeway, the lack of such support caused the core of the columns to crumble and buckle under the weight of the second deck, crushing motorists who were lined up in bumper-to-bumper rush-hour traffic on the lower deck nearly 15 feet below. +21916022 Officials of the state agency didn't have any immediate explanation why the reinforcement didn't hold up. +21916023 Caltrans reinforced the highway in 1977 as part of a $55 million statewide project, using steel cables to tie the decks of the freeway to the columns and prevent the structure from swaying in a quake. +21916024 Caltrans spokesman Jim Drago in Sacramento declined to identify the engineering firm that did the reinforcement work. +21916025 Liability in the bridge and road collapses will revolve around whether government took "reasonable care" to build and maintain the structures, says John Messina, a Tacoma, Wash., personal-injury attorney who specializes in highway design and maintenance cases. +21916026 The firm brought in to strengthen the structure could be liable as well. +21916027 The results of the quake certainly raise questions about whether reasonable care was taken, Mr. Messina says. +21916028 Given the seismic history of the Bay Area, "it seems to me that a 6.9 earthquake is a foreseeable event." +21916029 Caltrans' Mr. Drago defended the agency's work on the Nimitz Freeway. +21916030 "The work was done properly," he said. +21916031 "Basically, we had a severe earthquake of significant duration and it was just something the structure couldn't withstand." +21916032 Ironically, Caltrans this year began working on a second round of seismic reinforcements of freeways around the state, this time wrapping freeway columns in "steel blankets" to reinforce them. +21916033 But only bridges supported with single rows of columns were top priority, and the Nimitz Freeway, supported by double rows, was left out, Mr. Drago explained. +21916034 "The reason is that the technology is such that we're not able to retrofit multi-column structures," he said. +21916035 Charles McCoy in San Francisco and John R. Emshwiller in Los Angeles contributed to this article. +21917001 Lionel Corp.'s board unanimously rejected a tender offer of $8 a share, or $95.4 million, for as much as 90% of Lionel by a group with a 9.9% stake in the toy retailer. +21917002 Lionel also urged holders of its stock and debt not to tender their securities, saying it wants to remain independent to pursue its business strategy. +21917003 Lionel also said the offer by Robert I. Toussie Limited Partnership is inadequate, and full of conditions that leave it "subject to substantial uncertainty." +21917004 In addition, Lionel began a lawsuit in federal District Court in New York seeking to enjoin the offer, alleging, among other things, violations of federal securities law and fraudulent manipulation of the market for Lionel's securities. +21917005 Robert I. Toussie, general partner of the investment group, said the Lionel response reflected management's entrenched position, saying officials had failed to come up with a better alternative to his group's offer. +21917006 Mr. Toussie said he would respond to Lionel's suit after his lawyers review it. +21918001 Efforts by a federal mediator to reignite talks between Boeing Co. and the Machinists union apparently failed, and no further meetings are scheduled. +21918002 Company officials and union representatives didn't meet face to face, but the mediator shuttled between the two groups. +21918003 In a statement issued after the meeting, the aerospace giant said it won't increase its offer although adjustments within the proposed pay-and-benefit mix are possible. +21918004 Machinists already have rejected a proposal that called for a 4% pay increase and 8% bonus in the first year. +21918005 In the second year, workers would receive a 3% wage boost and a 3% bonus, followed by a 3% increase without a bonus in the third year. +21918006 "The company will not budge on anything," said a spokesman for the union. +21918007 As the strike enters its 15th day today, some members are getting nervous, the spokesman conceded, but the majority of the 55,000 Machinists are prepared to "wait it out as long as it takes. +21919001 United Merchants & Manufacturers Inc. said its president, Uzi Ruskin, withdrew his proposal to acquire control of the New York textile and clothing company. +21919002 Last month, Mr. Ruskin proposed, among other things, to buy 3.5 million shares, or 38%, for $4 apiece. +21919003 Coupled with his current 1.2 million shares and 4% held by an associate, the stake would have given him control of 55% of the concern. +21919004 In a Securities and Exchange Commission filing, Mr. Ruskin had said that holders of the other 45% of United Merchants would receive one-half share of a new preferred stock for each of their shares. +21919005 A special committee of United Merchants directors said that in view of uncertainties regarding various legal and financial considerations, it couldn't recommend the plan to the full board. +21919006 The company is exploring, with a major financial institution, the development of a plan to boost the value of the company for its holders, Mr. Ruskin said. +21919007 In a separate SEC filing, Albert Safer, who holds 6.46% of United Merchants, said he retained investment bank Lazard Freres & Co. for advice as he evaluates the possibility of making a bid for the textile maker. +21919008 On Friday, Mr. Safer, a Newark, N.J., textile businessman, signed a confidentiality agreement under which United Merchants would provide him with nonpublic information. +21920001 The White House is making sure nobody will accuse it of taking this crisis lightly. +21920002 In the aftermath of the California earthquake, President Bush and his aides flew into a whirlwind of earthquake-related activity yesterday morning. +21920003 Some of it was necessary to get federal help flowing to victims, but some seemed designed mostly to project an image of a White House in action. +21920004 Mr. Bush and his aides were accused of responding too slowly after the Exxon Valdez oil tanker split open in Alaskan waters and Hurricane Hugo struck the Carolina coast, and they clearly don't want a repeat of those charges now. +21920005 So the White House announced that Mr. Bush got his first earthquake briefing of the day at 6:30 a.m. from chief of staff John Sununu. +21920006 By noon, Mr. Bush had taken two phone calls from Vice President Dan Quayle, who was in California; made a televised statement of concern; signed a disaster proclamation; received a written report from the Federal Emergency Management Agency; and visited FEMA headquarters. +21920007 Mr. Bush himself essentially acknowledged that he and his aides were trying to head off criticism. +21920008 On his FEMA visit, Mr. Bush said that he hoped there would be "less carping" about the emergency office's performance this time, adding that the agency "took a hit" for its reaction to Hurricane Hugo. +21920009 The White House already is talking of Mr. Bush visiting the California earthquake site this weekend. +21920010 He visited the Hugo devastation but not until after local leaders urged him to do so. +21921001 Beazer PLC, a major British building materials and construction concern, reported a 24% jump in pretax profit for its latest financial year, helped largely by contributions from its U.S. unit, Koppers Co. +21921002 Pretax profit for the year to June 30 rose to #142.5 million ($224.5 million) from #114.7 million ($180.7 million), broadly matching analysts' expectations. +21921003 Profit after taxes and minority interests but before extraordinary items increased 22% to #92.6 million from #75.6 million a year earlier, while fully diluted earnings per share rose to 29.90 pence (47 cents) from 24.68 pence (39 cents). +21922001 The lethal shudders that wracked the San Francisco Bay Area -- rated a 6.9 on the Richter scale -- didn't match the great earthquake of 1906, rated at 8.25. +21922002 The difference of just 1.35 points on the scale, designed by Charles Richter of CalTech in the 1930s, means the older quake was "10 to 20 times stronger," says Lane Johnson, director of the University of California Berkeley Seismographic Station. +21922003 The ground ruptured along a 20-to-30-mile stretch of the San Andreas Fault on Tuesday, Mr. Johnson added. +21922004 In 1906, the rupture was 300 miles long and a couple feet wide. +21922005 Though the epicenter of Tuesday's temblor was located 10 miles north of the town of Santa Cruz, and 50 miles south of San Francisco, its havoc hopscotched up the coast in seemingly random fashion. +21922006 But the greatest damage was visited on buildings and roadways perched upon landfill, as were the Marina District of San Francisco and the Bay Bridge -- two areas of maximum devastation. +21922007 "Landfill -- loose and unconsolidated earth -- may feel like rock but it behaves like liquid when you shake it," said Douglas Segar, professor of geosciences at San Francisco State University in a televised interview. +21922008 "It liquefies in a patchwork quilt pattern. +21922009 Our quake behaved much like the Mexico City earthquake, where great damage was miles from the epicenter." +21922010 Mr. Johnson, of the Berkeley seismographic station, said: "Landfill can be done if it's properly compacted. +21922011 You can drive piles on it and build on it." +21922012 He cited the example of San Francisco's financial district, where many new glass towers survived almost unscathed. +21922013 But the public policy issues raised by earthquake damage will be difficult to address, Mr. Johnson predicted. +21922014 "The attention span of the public is short," he said. +21922015 "We've known for years and years we've got lots of old {pre-1950s} unreinforced brick and masonry buildings." +21922016 One old building, the Golden State Bank Building on Front Street, had its yellow brick facade sheared off by the shock of the quake, leaving a wedge of its third floor open to the air, while piles of dusty bricks tumbled to the street below narrowly missing rush-hour pedestrians and cars. +21922017 Reinforcing such old building stock, Mr. Johnson said, "comes down to money. +21922018 It's a danger. +21922019 We know it's there. +21922020 And sooner or later, we have to do something about it." +21922021 The urgency is heightened because this week's earthquake -- while major and followed by hundreds of aftershocks -- didn't release enough pent-up energy tension along the faultlines to preclude more and bigger quakes soon. +21922022 "The big one is still due," Mr. Johnson predicted in an interview. +21922023 "The Bay Area has three very dangerous faults, the San Andreas, the Hayward fault and the Calaveras fault. +21922024 It {Tuesday's quake} hasn't solved our problem. +21922025 In California, this is the reality. +21923001 Coca-Cola Co. may be about to intensify the cola wars. +21923002 Coke said it will test market a caffeine-free version of its flagship brand, Coca-Cola Classic, beginning next week in Charlotte, N.C. +21923003 Other, as yet unnamed, cities will follow. +21923004 If all goes well, the product will be rolled out for national sales sometime next year, a Coke spokesman said. +21923005 After the confusion surrounding the change of the Coke formula in 1985, Coca-Cola was reluctant to clutter the Classic name with a brand extension. +21923006 But now, the soft-drink giant appears willing to take the risk. +21923007 "The name Classic Coke has tremendous value, and they haven't merchandised that name before," says Jesse Meyers, publisher of the trade journal Beverage Digest. +21923008 The Coke spokesman said a caffeine-free Classic should help increase volume of the original brand. +21923009 Indeed, analysts have said that the absence of new products, among other factors, has limited sales growth throughout the industry. +21923010 Coke now leads Pepsi in market share in caffeine-free diet colas but trails Pepsi in sales of caffeine-free sugared colas, according to Beverage Digest. +21923011 Coke introduced a caffeine-free sugared cola based on its original formula in 1983. +21923012 It switched to a caffeine-free formula using its new Coke in 1985. +21923013 Coke has been studying the possibility of introducing a caffeine-free Classic for a year, a company spokesman said. +21923014 He said large increases in sales of other non-caffeine soft drinks make the timing right now. +21924001 CALIFORNIA STRUGGLED with the aftermath of a Bay area earthquake. +21924002 As aftershocks shook the San Francisco Bay area, rescuers searched through rubble for survivors of Tuesday's temblor, and residents picked their way through glass-strewn streets. +21924003 In Oakland, hopes faded for finding any more survivors within the concrete and steel from the collapse of an interstate highway. +21924004 At least 270 people were reported killed and 1,400 injured in the rush-hour tremor that caused billions of dollars of damage along 100 miles of the San Andreas fault. +21924005 Bush declared the region a major disaster area and the military was mobilized to prevent looting. +21924006 The baseball commissioner said the third game of the World Series between the Giants and the Athletics would be played Tuesday in Candlestick Park. +21924007 HONECKER WAS OUSTED as leader of East Germany amid growing unrest. +21924008 The 77-year-old official, who oversaw the building of the Berlin Wall, was removed during a meeting of the 163-member Communist Party Central Committee in East Berlin. +21924009 Honecker, who was reported ill following gall-bladder surgery in August, said he was resigning for health reasons. +21924010 He was succeeded by internal-security chief Egon Krenz, 52, a hard-liner who quickly ruled out any sharing of power with pro-democracy groups. +21924011 Honecker's departure came after weeks of street protests and an exodus to the West of East Germans who had become disenchanted with his rule. +21924012 HUNGARY ADOPTED constitutional changes to form a democratic system. +21924013 At a nationally televised legislative session in Budapest, the Parliament overwhelmingly approved changes formally ending one-party domination in the country, regulating free elections by next summer and establishing the office of state president to replace a 21-member council. +21924014 The country was renamed the Republic of Hungary. +21924015 Like other Soviet bloc nations, it had been known as a "people's republic" since +21924016 The voting for new laws followed dissolution of Hungary's Communist Party this month and its replacement by a Western-style Socialist Party. +21924017 The space shuttle Atlantis blasted into orbit from Cape Canaveral, Fla., and its crew of five astronauts launched the nuclear-powered Galileo space probe on a flight to the planet Jupiter. +21924018 The $1.4 billion robot spacecraft's exploratory mission is to take six years. +21924019 The shuttle is slated to return Monday to California. +21924020 South Korea's President Roh addressed a joint House-Senate meeting and urged patience over U.S. demands for the opening of Seoul's markets to more American goods, saying trade issues would be "resolved to mutual satisfaction." +21924021 He also said tragic results could follow any "hint of weakening" of the U.S. defense commitment to Seoul. +21924022 The Census Bureau reported that 13.1% of the U.S. population, or 31.9 million people, were living in poverty in 1988. +21924023 Last year's figure was down from 13.4% in 1987 and marked the fifth consecutive annual decline in the poverty rate. +21924024 Per capita income rose 1.7% to $13,120, but median family income fell 0.2%. +21924025 The Bush administration accused Israeli Prime Minister Shamir of hindering peace efforts in the Mideast with "unhelpful" and disappointing statements. +21924026 Shamir said Tuesday that he was prepared to risk a policy conflict with the U.S. over an Egyptian plan to hold direct Israeli-Palestinian talks, which the premier's Likud bloc opposes. +21924027 Cuba was elected to the U.N. Security Council for the first time since its Castro-led revolution 30 years ago. +21924028 The election was by secret ballot in the General Assembly. +21924029 The U.S. didn't openly oppose Cuba's seating as the Latin American council delegate. +21924030 Britain's Prime Minister Thatcher told a Commonwealth summit in Kuala Lumpur, Malaysia, that sanctions against South Africa were "utterly irresponsible," officials said. +21924031 But other nations at the opening of the 49-nation meeting of Britain and its former colonies pressed for continued or stronger embargoes in an effort to end apartheid. +21924032 Arab officials in Saudi Arabia said three-week-old talks by Lebanese lawmakers aimed at ending Lebanon's civil war appeared about to collapse. +21924033 Christian legislators are insisting on a Syrian troop pullout from Lebanon before agreeing to political changes giving the nation's Moslems a greater role in Beirut's government. +21924034 Colombia's judges launched a 72-hour strike to press security demands following Tuesday's murder of a High Court justice in Medellin. +21924035 The country's narcotics traffickers claimed responsibility for the slaying. +21924036 Most of the country's 20,000 judges and judicial employees joined the work stoppage. +21925001 Charles S. Mitchell, a vice president with Homart Development Co., the real estate development subsidiary of Sears, Roebuck & Co., was named president of Figgie Properties, a real estate development unit. +21925002 He succeeds William Kohut, who resigned earlier this year. +21925003 Also, Richard A. Barkley, a former marketing executive with FMC Corp., was appointed president of Continental Container Systems, a producer of can closing machinery that Figgie acquired late last year. +21925004 Figgie is a fire protection, electronics and industrial products concern. +21926001 Dow Chemical Co. said third-quarter net income slipped 6.8% from a record year-ago quarter. +21926002 The decline broke a streak of 10 quarters in which Dow posted earnings increases. +21926003 Dow's third-quarter net fell to $589 million, or $3.29 a share, from $632 million, or $3.36 a share, a year ago. +21926004 Sales in the latest quarter rose 2% to $4.25 billion from $4.15 billion a year earlier. +21926005 Dow closed at $94.625 a share, up 75 cents, in New York Stock Exchange composite trading. +21926006 A spokeswoman said Dow is comfortable with Wall Street expectations that full-year earnings will total about $14.60 a share, compared with last year's record net of $2.4 billion, or $12.76 a share. +21926007 But that signal on full-year profit casts doubt on whether Dow will improve on its year-ago fourth-quarter net of $3.44 a share, or $635 million. +21926008 Dow would earn $14.85 a share for the year if it equaled that year-ago fourth-quarter performance. +21926009 Dow officials were signaling that the company would earn less than $15 a share this year even before they announced in July a plan to acquire 67% of Marion Laboratories Inc. +21926010 That acquisition could further dilute earnings per share this year, the company spokeswoman said. +21926011 Dow hasn't said exactly what impact the Marion acquisition will have on 1989 earnings. +21926012 Dow blamed the third-quarter earnings drop on several factors, including softer prices for polyethylene and other basic chemicals, a slower U.S. economy and a stronger dollar, which made Dow's exports from the U.S. more expensive to overseas customers. +21926013 Another problem was a 7% increase in operating costs at a time when revenue was rising by only 2%. +21926014 For the first nine months of the year, Dow earned $2.06 billion, or $11.41 a share, up 17% from $1.76 billion, or $9.32 a share, a year ago. +21926015 Sales for the latest nine months rose 7.7% to $13.34 billion from $12.38 billion in the year-ago period. +21927001 Whether or not "great cases make bad-law" -- as Justice Holmes asserted -- who can doubt that when great confirmation hearings turn on the nominee's response to these great cases they make bad judicial history? +21927002 Ethan Bronner's "Battle for Justice: How the Bork Nomination Shook America" (Norton, 399 pages, $22.50) is a spirited narrative of the nastiest of these hearings, done with journalistic verve, but with a flawed legal philosophy. +21927003 While the book amply justifies its subtitle, the title itself is dubious. +21927004 What shook America was not a battle for justice but for naked power, in which an army of judicial activists rolled over a judge they had demonized. +21927005 In its basic structure and style the book is novelistic, with piquant character portrayal, hard-wire action and devious intrigue of the sort more likely to be encountered in a Washington docudrama than in a constitutional history. +21927006 Mr. Bronner seems to believe that the hearings could have gone either way. +21927007 I doubt that. +21927008 Given Democratic frustration with the Reagan victories and Court appointments, the contingency plans in place, and Mr. Bork's paper trail of vulnerable writings, it was pretty clear that Judge Bork never stood much chance of being confirmed. +21927009 As Mr. Bronner himself says, the smell of "raw meat" was in the air. +21927010 Perhaps because they won, Mr. Bork's attackers come through more vividly than his defenders. +21927011 Ralph Neas was the organizing genius, whipping a conglomerate of pressure groups into an irresistible attacking force. +21927012 Harvard's Laurence Tribe was the constitutional heavy, laying out legal strategies for the senators and witnesses to follow. +21927013 But it was Ted Kennedy who scored most effectively with his searing portrayal of "Robert Bork's America" -- the parade of imaginary horribles that would follow logically, he claimed, from the positions Mr. Bork had taken over the space of two decades. +21927014 Sen. Kennedy, never mind his dubious credentials for the moral high ground, emoted brilliantly. +21927015 I add two others. +21927016 Republican Sen. Arlen Specter of Pennsylvania engaged the nominee in a verbal contest aimed at showing that Mr. Bork was willing to stretch the Constitution in one area (free speech) while remaining rigid in all the others. +21927017 It achieved a good media play, and enabled Sen. Specter and others to vote against Mr. Bork out of "conscience." +21927018 Further ammunition came from left legal theorist Ronald Dworkin, who in the New York Review of Books painted a picture of a constitutional zombie willfully reading his personal prejudices into the Constitution, particularly in the area of "original intent." +21927019 The charge of being "outside the mainstream" of legal thought gravely undercut Mr. Bork's scholarly standing, leaving him bleeding on the platform. +21927020 The nomination still might have been salvaged if a number of Democratic moderates in the South and Southwest had broken party lines. +21927021 But Democratic Sen. Bennett Johnson of Louisiana reminded the little band that anti-Bork blacks and women could furnish the margin to punish them in their next Senate elections. +21927022 Demographics converged with "mainstream" and demonizing to seal Robert Bork's fate. +21927023 The upshot? +21927024 Mr. Bork's opponents chose the battlefield, held it and kept it. +21927025 Yet with the smooth confirmation of Anthony Kennedy, an "80 percenter" only slightly less supportive of judicial restraint than Mr. Bork, the Democrats may have won the battle but lost the war. +21927026 Another upshot, however, was the chilling message the Bork hearings sent into the judicial culture from which the Supreme Court draws its talent. +21927027 The word went forth to every law school that those with federal court ambitions must travel a safe constitutional journey, with no paper trail and no bite to their tongue or pen. +21927028 Unfortunately, the author simply doesn't supply the philosophical frame to sustain his reportorial talents. +21927029 He has too readily swallowed the case for the activist law school culture. +21927030 Probing more deeply into the doctrine of "judicial restraint," he would have found a long history going back to the great decisions of Justice Holmes. +21927031 He would discover it also in Alexander Bickel, a subtle constitutional scholar, Mr. Bork's closest friend at Yale, whose influence on the judge goes well beyond Mr. Bronner's reporting. +21927032 Still, the long view of Robert Bork as constitutional thinker must be a spotty one. +21927033 His strength lies in his majoritarian doctrine, which keeps the Court clear of transient group pressures and leaves most decisions in a democracy to elected legislatures and executives. +21927034 Unfortunately, Mr. Bork failed to distinguish between such pressures and the emergence of great issues critical to a society that must be settled judicially if it is to cohere. +21927035 The question of segregated schools, in Brown vs. Board of Education, was such an issue. +21927036 In our time abortion has become another, best left to a line of Supreme Court decisions rather than to the chaos of 50 state legislatures. +21927037 A reflective and growing consensus of Americans clearly wishes to apply the right to privacy in contraceptive matters (decided in the Griswold case) to abortion as well. +21927038 One can understand Mr. Bork's fear that the new right to privacy will become intolerably stretched, though a Supreme Court composed of men and women with realism, guts and a sense of limits should be able to manage it. +21927039 What is certain is that if Americans allow another happening like the degrading Bork confirmation circus, it will be at their peril. +21927040 Mr. Lerner is a writer and historian living in New York. +21928001 Sotheby's Inc., the world's biggest auction house, is taking a huge Wall Street-style risk on the outcome of the sale of art from the estate of John T. Dorrance Jr., the Campbell Soup Co. heir. +21928002 The Financial Services division has guaranteed the Dorrance family that it will receive a minimum of $100 million for the collection, regardless of what the bids for the art works total, people close to the transaction say. +21928003 The collection, which includes two early Picassos, a van Gogh, a Monet, other paintings, furniture and porcelains, went on sale last night in the first of six auctions. +21928004 What Sotheby's is doing closely resembles an underwriting by an investment bank. +21928005 A corporation that wants to sell stock or bonds goes to a Wall Street firm, which purchases the securities outright, accepting the financial risk of finding buyers. +21928006 If the investment bank can sell the securities at a higher price than it paid the issuer, it makes a profit. +21928007 At the initial sale last night, for example -- the sale featuring the Impressionists masters -- bids totaled $116 million. +21928008 That was slightly above Sotheby's presale estimate of $111 million. +21928009 Normally, Sotheby's would have earned 20% of the total in commissions. +21928010 Instead, people familiar with the transaction said, the auction house opted to forgo that percentage in order to obtain the collection and in exchange for taking a bigger chunk of proceeds exceeding $100 million. +21928011 Art dealers say that while auction houses occasionally guarantee the seller of a highly desirable work of art a minimum price, a financial commitment of this size is unprecedented. +21928012 Diana D. Brooks, president of Sotheby's North America division, vehemently denies it offered the Dorrance heirs a money-back guarantee, calling such reports "inaccurate." +21928013 Buried in the glossy hardbound catalog for the sale, however, appears the statement, "Sotheby's has an interest in the property in this catalog." +21928014 Explains a Sotheby's spokeswoman, the statement "means exactly what it says. +21928015 We have some level of financial interest" in the collection. +21928016 "We don't disclose specifics." +21928017 Frank Mirabello, a lawyer for the Dorrance estate with the Philadelphia law firm of Morgan, Lewis & Bockius, declines to comment on the financial arrangements. +21928018 Sotheby's made the $100 million guarantee to keep the Dorrance collection away from its archrival, auction house Christie's International PLC; Christie's has handled smaller sales for the Dorrance family over the years. +21928019 When Christie's officials asked why the firm wasn't picked to sell the Dorrance collection, representatives of the Dorrance family "told us it was a question of financial considerations," said Michael Findlay, Christie's head of impressionist and modern paintings. +21928020 Collectors who have made their money on Wall Street have become an increasingly important part of the art business and their money has helped fuel the art boom, but recently it appears Sotheby's has been returning the compliment. +21928021 In November 1987, Sotheby's essentially offered a Wall Street-style "bridge loan" of about $27 million to Australian businessman Alan Bond to enable him to purchase Vincent van Gogh's "Irises" for $53.9 million. +21928022 It was the highest bid in history for a work of art. +21928023 But two weeks ago, Sotheby's said that it has the painting under lock and key because the loan had not been fully repaid. +21928024 Sotheby's is offering such deals because it's an art sellers' market, at least where the best works are concerned, says Ralph Lerner, an attorney and author of the book "Art Law." +21928025 "There seems to be a lot of art for sale, but there's more competition. +21928026 The competition gives the seller the ability to cut a better deal," he says. +21928027 The Dorrance family will still receive a substantial portion of the auction proceeds above $100 million, people familiar with the transaction said. +21928028 But it's likely that Sotheby's will take a higher than usual commission, called an override, on the amount exceeding the guarantee. +21928029 Sotheby's has been aggressively promoting the Dorrance sale. +21928030 At a news conference last May announcing plans for the auction, Sotheby's estimated its value in excess of $100 million. +21928031 More recently, Sotheby's has predicted the collection will fetch $140 million. +21928032 That's the highest estimate for a single collection in auction history. +21928033 The decision to put the entire collection on the block stunned many, since Mr. Dorrance had served as chairman of the Philadelphia Museum of Art, and it had been assumed many of the works would be donated to the institution. +21928034 At last night's sale, 13 of 44 works that sold were purchased by Aska International Gallery, the art-acquisition unit of Aichi Financial, a Japanese conglomerate that owns 7.5% of Christie's. +21928035 Meanwhile, Sotheby's guarantee is raising eyebrows in the art world. +21928036 "The consumer has to throw out the idea that the auction house is a disinterested middleman," says New York art dealer David Tunick. +21928037 While he adds that he has no problem with auction houses who sell works in which they have a financial interest, "It ought not to be hidden in some small print." +21928038 In such situations, he says, the house "is going to put the best light on things." +21928039 For example, an auction house's comments on the condition of a work of art that is up for sale should be looked at with "very open eyes," he says. +21928040 "There's more and more of this cash-up-front going on at every level," says Bruce Miller, president of Art Funding Corp., an art lender. +21928041 Dealers and auction houses "know if they don't lay out a half a million for this, another one will; it's that competitive." +21928042 In January, two small New York galleries, the Coe Kerr Gallery and Beadleston Fine Arts, snatched a major art collection owned by the Askin family away from rival auction-house bidders with an up-front payment of about $25 million. +21928043 A Christie's spokeswoman said that while the auction house sometimes waives its seller's commission to attract art works -- it still gets a commission from the buyer -- Christie's won't offer financial guarantees because "Christie's believes its primary role is as an auction house, and therefore as an agent {for buyer and seller}, not as a bank. +21929001 Egon Krenz, the man tapped yesterday to become East Germany's new leader, faces the same task that has fallen to neighboring socialist colleagues: reforming a country in crisis. +21929002 But unlike the other new leaders in the East Bloc, Mr. Krenz will face an immediate threat to his nation's very existence: German reunification. +21929003 Mr. Krenz, age 52, is known as an old-guard ironfist, one likely to continue the method of running a country that the Berlin Wall made famous. +21929004 Even if he were to change his stripes and become another Milton Friedman, however, he would still stand a good chance of losing a country. +21929005 Mr. Krenz almost certainly will be a younger version of Erich Honecker, his rigid predecessor as dictator. +21929006 Mr. Krenz has followed much the same career path as Mr. Honecker: Both spent years overseeing the Freie Deutsche Jugend, the youth group that is the communist regime's principal tool for stamping young Germans into socialist citizens. +21929007 More recently, Mr. Krenz has been in charge of East German security, and is the youngest member of the ruling Politburo. +21929008 Faced with another Mr. Honecker, so many despairing East Germans are likely to flee that the two German peoples will get their reunification, de facto, on West German ground. +21929009 But if East Germany's arthritic Politburo does loosen up enough to permit Mr. Krenz to make serious efforts at reform, he will face a challenge just as fundamental. +21929010 Abandoning socialism means abandoning the East German state's reason for existence, and with it the justification for its watchdogs and its Wall. +21929011 In this scenario it's hard to imagine that a pale imitation of the Federal Republic could avoid being pulled into some kind of tie -- economic, federal or stronger -- with West Germany. +21929012 Mr. Krenz may need a bit of time to consolidate his empire, which would do a lot to promote Reunification Scenario One. +21929013 Cartoonists in West Germany have already mocked the exodus by imagining an advertisement placed by Mr. Honecker: "Wanted: one people." +21929014 The West German embassies in Prague, Budapest and Warsaw are continuing to find refugees at their gates. +21929015 Of course East Germany, true to its tradition, could tighten its borders yet further. +21929016 Two of the last gestures of the Honecker regime were to close the border to Czechoslovakia and install halogen lights in some spots along the frontier. +21929017 But with world-wide opinion -- even, apparently in Moscow -- against East Germany, the country would have to turn itself into an Albania to clamp down further on refugees. +21929018 There have been some reports that Mr. Krenz is moving to "soften" his reputation, notably rumors that it was he who kept East Germany's state police off protesters' backs at the country's dismal 40th anniversary celebrations earlier this month. +21929019 But even if he effects a Hyde-to-Jekyll transformation, he will face a serious ideological crisis and Reunification Scenario Two. +21929020 The problem is one that East Germany shares with other half-states, such as North Korea, but one it must shoulder alone in the East Bloc. +21929021 When Poland moves to reform, it can at least lean on its past: However flawed and short-lived Joseph Pilsudski's interwar republic, it was a nonsocialist democracy. +21929022 Czech reformers can recall the Wilsonian ideals of the same period in their country. +21929023 Even the Soviet Union has Peter the Great to rediscover, should it choose to. +21929024 But East Germany is merely "the land of truly existing socialism." +21929025 Beyond that, it has to compete with West Germany for a claim to the German identity. +21929026 Up to now, the main weapon of the "worker and peasant state" has been the ideology of socialism. +21929027 With talk today of a second economic miracle in West Germany, East Germany no longer can content itself with being the economic star in a loser league. +21929028 Without Moscow's military and party behind it, East Germany runs the risk of disintegrating. +21929029 If it goes capitalist, and increases trade with West Germany, it will convert itself, willy-nilly, into an economic annex of the Federal Republic. +21929030 There's a certain cruel logic at work here: It's particularly appropriate -- and tragic -- that the land that produced Karl Marx should prove socialism's failure in an experiment that uses its own people as controls. +21929031 There may be forces that would delay this scenario. +21929032 Ideologues are the last to surrender, and Germans are an ideological people. +21929033 The protesters who greeted Mikhail Gorbachev at East Berlin's airport earlier this month weren't shouting "Go U.S.A" -- they were chanting "Gorby, Help Us." +21929034 Ideologues on the other side of the border can also slow the process. +21929035 Helmut Kohl's governing conservative coalition is proving admirably true to the West German constitution by making more than 500,000 people of German descent automatic citizens this year alone. +21929036 But within the government and in the think tanks outside it, many West Germans maintain that they don't want immediate reunification. +21929037 Politically, this currently is wisdom -- particularly given a nervous neighboring France. +21929038 But it would be ironic if Germany's reunification, just like its division, eventually were the result of actions in centers of power other than Bonn and Berlin. +21929039 In a statement that was as close as East Germany gets to practicing "glasnost", Otto Reinhold, an East German party theorist, actually acknowledged the reunification dilemma. +21929040 "The main problem," Mr. Reinhold said in an East German radio interview monitored by Radio Free Europe in Munich, stems from the fact that "the GDR is different" from other East European states. +21929041 "What kind of right to exist," he asked, "would a capitalist German Democratic Republic have alongside a capitalist Federal Republic?" +21929042 That's a question East Germany can't answer easily, no matter what its new leader does. +21929043 Miss Shlaes is editorial features editor of The Wall Street Journal/Europe. +21930001 INSURERS ARE FACING billions of dollars in damage claims from the California quake. +21930002 But most businesses in the Bay area, including Silicon Valley, weren't greatly affected. +21930003 Computer and software companies in the region are expecting virtually no long-term disruption in shipments. +21930004 Also, investors quickly singled out stocks of companies expected to profit or suffer from the disaster. +21930005 Leveraged buy-outs may be curbed by two rules in pending congressional legislation. +21930006 The provisions, in deficit-reduction bills recently passed by the House and Senate, could raise the price tags of such deals by up to 10% and cool the takeover boom. +21930007 A bill giving the Transportation Department the power to block airline leveraged buy-outs cleared a House panel. +21930008 But Secretary Skinner said he would urge Bush to veto the bill. +21930009 Housing starts sank 5.2% in September to a seven-year low. +21930010 The drop, following a 6.2% decline in August, indicates the industry is still being hurt by the Fed's anti-inflation battle. +21930011 IBM plans to buy back $1 billion of its common shares, a move likely to help the computer giant's battered stock. +21930012 The buy-back, which wasn't a complete surprise, was announced after the stock market had closed. +21930013 A capital-gains tax cut plan has been worked out by Senate Republicans. +21930014 A similar proposal may be introduced soon by Senate Democrats. +21930015 British Airways said it is seeking improved terms and a sharply lower price in any revised bid for United Air's parent. +21930016 The British carrier also confirmed it isn't committed to going forward with any new bid. +21930017 UAL's stock fell $6.25, to $191.75. +21930018 Stock prices rose slightly as trading slowed, while bonds ended little changed despite a slumping dollar. +21930019 The Dow Jones industrials gained 4.92, to 2643.65. +21930020 But investors remain wary about stocks, partly because of turmoil in the junk-bond market. +21930021 B.A.T Industries may delay part of its defensive restructuring plan, including the sale of its Saks Fifth Avenue and Marshall Field units. +21930022 The British conglomerate cited the recent turmoil in financial markets. +21930023 WCRS Group announced a major restructuring that largely removes it from the advertising business. +21930024 The London-based concern will sell most of its ad unit to France's Eurocom. +21930025 Commodore International expects to post its second consecutive quarterly loss because of weak personal computer sales in some markets. +21930026 Jaguar hopes to reach a friendly accord with General Motors within a month that may involve producing a cheaper executive model. +21930027 Sears is negotiating to refinance its Sears Tower for close to $850 million, sources said. +21930028 The retailer was unable to find a buyer for the building. +21930029 Whitbread of Britain put its spirits division up for sale, setting off a scramble among distillers. +21930030 The business includes Beefeater gin. +21930031 Markets -- +21930032 Stocks: Volume 166,900,000 shares. +21930033 Dow Jones industrials 2643.65, up 4.92; transportation 1247.87, off 6.40; utilities 213.97, off 0.57. +21930034 Bonds: Shearson Lehman Hutton Treasury index 3371.36, off +21930035 Commodities: Dow Jones futures index 129.90, up 0.18; spot index 130.36, up 0.39. +21930036 Dollar: 141.45 yen, off 1.30; 1.8485 marks, off 0.0182. +21931001 The dollar finished softer yesterday, tilted lower by continued concern about the stock market. +21931002 "We're trading with a very wary eye on Wall Street," said Trevor Woodland, chief corporate trader at Harris Trust & Savings Bank in New York. +21931003 "No one is willing to place a firm bet that the stock market won't take another tumultuous ride." +21931004 News of the major earthquake in California Tuesday triggered a round of dollar sales in early Asian trade, but most foreign-exchange dealers said they expect the impact of the quake on financial markets to be short-lived. +21931005 Despite the dollar's lackluster performance, some foreign-exchange traders maintain that the U.S. unit remains relatively well bid. +21931006 Harris Trust's Mr. Woodland noted that the unit continues to show resilience in the face of a barrage of "headline negatives" in recent weeks, including rate increases in Europe and Japan, aggressive central bank intervention, a 190-point plunge in New York stock prices, an unexpectedly poor U.S. trade report and action by the Federal Reserve to nudge U.S. rates lower. +21931007 While Mr. Woodland doesn't predict a significant climb for the U.S. unit in light of recent moves in interest rates around the world, he noted that "its downside potential is surprisingly and -- for dollar bulls -- "impressively" limited. +21931008 In late New York trading yesterday, the dollar was quoted at 1.8485 marks, down from 1.8667 marks late Tuesday, and at 141.45 yen, down from 142.75 yen late Tuesday. +21931009 Sterling was quoted at $1.5920, up from $1.5753 late Tuesday. +21931010 In Tokyo Thursday, the U.S. currency opened for trading at 140.97 yen, down from Wednesday's Tokyo close of 142.10 yen. +21931011 Since Friday's dive in stock market prices, the Fed has injected reserves into the banking system in an effort to calm the markets and avert a repeat of 1987's stock market debacle. +21931012 Some analysts note that after last week's stock market tailspin and Tuesday's California earthquake, it's hard to gauge where the central bank wants the key federal funds rate. +21931013 They say that the earthquake, by preventing many banks from operating at full capacity, has given the Fed an additional reason to keep liquidity at a high level. +21931014 The Fed did, in fact, execute $1.5 billion of liquidity-enhancing customer repurchase agreements, the third set of repurchase orders in three days. +21931015 Analysts said the additional liquidity should tend to reduce the federal funds rate. +21931016 For now, traders say the foreign exchange market is scrutinizing both federal funds and events on Wall Street. +21931017 They note that the dollar remains extremely vulnerable to the slightest bad news from the stock exchange. +21931018 Indeed, the U.S. unit edged lower as the Dow Jones Industrial Average dropped about 13 points in early trading. +21931019 A slight recovery in the stock market gave currency traders confidence to push the dollar higher before the unit dropped back by day's end. +21931020 Some dealers noted that nervousness over the recent sharp dive in stock prices could intensify following suggestions by Bank of Japan Governor Satoshi Sumita that appeared to advise Japanese investors to be very careful in investing in U.S. leveraged buy-outs. +21931021 Dealers suggest that the only positive news on the horizon that could detract attention from equities transactions is September's U.S. consumer price data. +21931022 The figures, due for release Friday, are expected to show an uptick in inflation to 4.8% from 4.7% in August. +21931023 If the figures show a hefty rise in inflation, they could militate against easing by the Fed. +21931024 On the Commodity Exchange in New York, gold for current delivery rose $1.30 to $368.70 an ounce in moderate trading. +21931025 Estimated volume was three million ounces. +21931026 In early trading in Hong Kong Thursday, gold was at $368.15 an ounce. +21932001 Crude prices spurted upward in brisk trading on the assumption that heavy earthquake damage occurred to San Francisco area refinery complexes, but the rise quickly fizzled when it became apparent that oil operations weren't severely curtailed. +21932002 Trading on little specific information, market players overnight in Tokyo began bidding up oil prices. +21932003 The rally spread into European markets, where traders were still betting that the earthquake disrupted the San Francisco area's large oil refining plants. +21932004 By yesterday morning, much of the world was still unable to reach San Francisco by telephone. +21932005 West Texas Intermediate was bid up more than 20 cents a barrel in many overseas markets. +21932006 At the opening of the New York Mercantile Exchange, West Texas Intermediate for November delivery shot up 10 cents a barrel, to $20.85, still on the belief that the refineries were damaged. +21932007 In the San Francisco area, roughly 800,000 barrels a day of crude, about a third of all the refining capacity in California, is processed daily, according to industry data. +21932008 For more than the past year, even the rumor of a major West Coast refinery shutdown has been enough to spark a futures rally because the gasoline market is so tight. +21932009 But yesterday, as the morning wore on, some major West Coast refinery operators -- including Chevron Corp., Exxon Corp. and the Shell Oil Co. unit of Royal Dutch/Shell Group -- said their refineries weren't damaged and were continuing to operate normally. +21932010 Most said they shut down their petroleum pipeline operations as a precaution but didn't see any immediate damage. +21932011 Gasoline terminals were also largely unhurt, they said. +21932012 "It's hard to imagine how the markets were speculating, given that nobody could get through to San Francisco," said one amazed oil company executive. +21932013 As the news spread that the refineries were intact, crude prices plunged, ending the day at $20.56 a barrel, down 19 cents. +21932014 Gasoline for November delivery was off 1.26 cents a gallon to 54.58 cents. +21932015 Heating oil finished at 60.6 cents, down 0.45 cent. +21932016 "The market was basically acting on two contradictory forces," said Nauman Barakat of Shearson Lehman Hutton Inc. +21932017 "One is the panic, the earthquake in San Francisco, which is positive." +21932018 But once that factor was eliminated, traders took profits and focused on crude oil inventories, Mr. Barakat said. +21932019 After the market closed Tuesday, the American Petroleum Institute had reported that crude stocks increased by 5.7 million barrels in the week ended Friday, which traders viewed as bearish. +21932020 But some market players still think earthquake speculation could have more impact on the oil markets. +21932021 "The problem is that while on the surface everything is all right, the question is," said Mr. Barakat, "was there any structural damage to the pipelines or anything else." +21932022 In other commodity markets yesterday: +21932023 COPPER: +21932024 Futures prices eased on indications of improvement in the industry's labor situation. +21932025 The December contract declined 1.85 cents a pound to $1.2645. +21932026 According to one analyst, workers at the Cananea copper mine in Mexico, which hasn't been operating since it was declared bankrupt by the Mexican government in late August, are set to return to work. +21932027 The analyst said it will take about two to three months before the mine begins to produce copper in significant quantities. +21932028 He added that, while there hasn't been any official announcement as yet, the Highland Valley mine strike in British Columbia, which has lasted more than three months, is regarded as settled. +21932029 Another analyst said the Cananea return to operation may not be as near as some expect. +21932030 "There are still negotiations taking place on whether there will be a loss of jobs, which has been a critical issue all along," he said. +21932031 Nevertheless, the increasing likelihood that these two major supply disruptions will be resolved weighed on the market, the analysts agreed. +21932032 Both of these mines are normally major suppliers of copper to Japan, which has been buying copper on the world market. +21932033 The first analyst said that the Japanese, as well as the Chinese, bought copper earlier in the week in London, but that this purchasing has since slackened as the supply situation, at least over the long term, appears to have improved. +21932034 "The focus for some time has been on the copper supply, and good demand has been taken for granted," he said. +21932035 "Now that the supply situation seems to be improving, it would be best for traders to switch their concentration to the demand side." +21932036 He noted the Commerce Department report yesterday that housing starts in September dropped 5.2% from August to 1.26 million units on an annualized basis, the lowest level in seven years. +21932037 "Along with these factors, other economic reports suggest a slowing of the economy, which could mean reduced copper usage," he said. +21932038 SUGAR: +21932039 Futures prices extended Tuesday's gains. +21932040 The March delivery ended with an advance of 0.16 cent a pound to 14.27 cents, for a two-day gain of 0.3 cent. +21932041 According to one dealer, Japan said it has only 40,000 tons of sugar remaining to be shipped to it this year by Cuba under current commitments. +21932042 The announcement was made because of reports Tuesday that Cuba would delay shipments to Japan scheduled for later this year, into early next year. +21932043 The dealer said the quantity mentioned in the Japanese announcement is so small that it's meaningless. +21932044 One analyst said he thought the market continued to be supported to some degree by a delay in the Cuban sugar harvest caused by adverse weather. +21932045 The dealer said India might be the real factor that is keeping futures prices firm. +21932046 That country recently bought 200,000 tons of sugar and had been expected to seek a like quantity last week but didn't. +21932047 "It's known they need the sugar, and the expectation that they will come in is apparently giving the market its principal support," the dealer said. +21932048 LIVESTOCK AND MEATS: +21932049 The Agriculture Department is expected to announce tomorrow that the number of cattle in the 13 major ranch states slipped 4% to 8.21 million on Oct. 1 compared with the level a year earlier, said Tom Morgan, president of Sterling Research Corp., Arlington Heights, Ill. +21932050 Cattle prices have risen in recent weeks on speculation that the government's quarterly report will signal tighter supplies of beef. +21932051 Among other things, the government is expected to report that the number of young cattle placed on feedlots during the quarter slipped 3%. +21932052 Feedlots fatten cattle for slaughter, so a drop indicates that the production of beef will dip this winter. +21932053 Indeed, some analysts expect the government to report that the movement of young cattle onto feedlots in the month of September in seven big ranch states dropped 8% compared with the level for September 1988. +21933001 The following issues were recently filed with the Securities and Exchange Commission: +21933002 Health Care Property Investors Inc., offering of 2,250,000 shares of common stock, via Merrill Lynch Capital Markets, Alex. Brown & Sons Inc. and Dean Witter Reynolds Inc. +21933003 Union Pacific Corp., shelf offering of up to $500 million debt securities and warrants. +21933004 United Technologies Corp., shelf offering of up to $500 million unsubordinated non-convertible unsecured debt securities. +21934001 A new drug to prevent the rejection of transplanted organs has been successfully used on more than 100 patients at the University of Pittsburgh, according to researchers. +21934002 The drug, which is still in the experimental phase, hasn't been approved yet by the Food and Drug Admistration, and its long-term effects are unknown. +21934003 But researchers say the drug, called FK-506, could revolutionize the transplantation field by reducing harmful side effects and by lowering rejection rates. +21934004 Rejection has been the major obstacle in the approximately 30,000 organ transplants performed world-wide each year. +21934005 Researchers began using the drug in February on patients who had received kidney, liver, heart and pancreas transplants. +21934006 Only two of 111 transplants have been rejected. +21934007 The drug, discovered in 1984, is metabolized from soil fungus found in Japan. +21934008 The Pittsburgh patients are the first humans to be given the drug, which is made by Fujisawa Pharmaceutical Co. +21934009 "We're shocked by it, because it's worked so fast," said Dr. Thomas E. Starzl, director of the University of Pittsburgh Transplantation Program, at a news conference here yesterday. +21934010 "We consider it a life-saving drug, like one for AIDS," said Dr. John Fung, an immunologist at the University of Pittsburgh. +21934011 Researchers say they believe FK-506 is 100 times more effective than the traditional anti-rejection drug, cyclosporine, made by Swiss pharmaceutical giant Sandoz Ltd. +21934012 They are also encouraged by the relatively mild side effects of FK-506, compared with cyclosporine, which can cause renal failure, morbidity, nausea and other problems. +21934013 "The side effects {of cyclosporine} have made the penalty for its success rather high," Dr. Starzl said. +21934014 Dr. Fung said that FK-506 would not be available in the market for at least a year, and that the FDA approval process usually takes three years to five years. +21934015 There are no firm plans to expand the experimental program beyond the University of Pittsburgh, whose hospital performs the most transplants in the world. +21934016 Researchers couldn't estimate the cost of the drug when it reaches the market, but they said FK-506 will enable patients to cut hospital stays by 50% and reduce the number of blood tests used to monitor the dosage of cyclosporine and other drugs among transplant recipients. +21934017 Dr. Starzl said the research has been largely financed by the National Institute of Health and by university funds, and that Fujisawa didn't give the hospital any grants. +21934018 He said that the research team had no financial stake in the drug. +21934019 "We've known for six months the effect of this drug, and our advice to our people has been not to buy the company's stock," Dr. Starzl said, adding that profiting from FK-506 wouldn't be ethical. +21935001 Economist David N. Laband's Sept. 27 editorial-page article, "In Hugo's Path, a Man-Made Disaster," decries the control of price gouging, swiftly ordered by South Carolina's governor after Hurricane Hugo. +21935002 According to Mr. Laband, "screaming" for price controls occurs when income redistribution "threatens to hit home." +21935003 To be sure, the threat has hit home down here. +21935004 Yet in Mr. Laband's rehash of free-market logic, human greed and self-interest are the only permissible psychological reactions. +21935005 Allowing uncontrolled prices for necessities would indeed shorten the lines at stores, as he contends. +21935006 But not because resources are going to their most efficient use, leaving scarce goods "allocated to those buyers who place the highest value on them." +21935007 Rather, lines would diminish because at higher prices many victims could not afford necessities such as food and medical supplies. +21935008 It is inhumane to imply that a poor, unemployed woman cannot receive immediate relief for her family at fair prices because she does not have as much to protect as a rich family. +21935009 Moreover, essential relief supplies such as ice must be distributed throughout the population because of potential health problems from spoiled food and possible outbreak of disease. +21935010 Such spillover effects give the state a right to intervene in the marketplace and temporarily coordinate allocation of resources. +21935011 Fortunately, volunteers and charities are not motivated by self-interest, but by altruism. +21935012 Why should they have to co-exist with opportunists rushing in to turn a quick profit? +21935013 These latter-day scalawags would be ill-advised to take advantage of the situation, if they ever expect to face the people of South Carolina again. +21935014 The government is actually protecting avaricious ice-baggers and other profiteers who cannot see beyond their own short-term gain. +21935015 South Carolina deserves an A for its quick and timely relief efforts. +21935016 Mr. Laband, meanwhile, gets an A for his rote recital of economic-efficiency arguments. +21935017 Give him an F for his failure to understand the ethics of economic equity. +21935018 Signed by 25 students +21935019 Of Douglas Woodward's Honors Economics Class, +21935020 University of South Carolina +21935021 Columbia, S.C. +21935022 Mr. Laband gives us an idea why economists' predictions are usually wrong. +21935023 They set up absurd situations, detached from reality, and then try to reason from them. +21935024 I'm surprised he didn't advocate letting people loot, since that behavior can also be foreseen in a disaster and "every individual has an incentive to alter the distribution of income in his favor." +21935025 Price controls were "so fervently embraced by Charleston" because price gouging in this situation is equivalent to looting. +21935026 Suzanne Foster +21935027 Galax, Va. +21935028 Mr. Laband described one of the more insidious threats we face when dealing with disasters such as Hugo -- anti-profiteering ordinances such as that by the Charleston City Council as it thrashed about trying to Do Something. +21935029 Since he concentrated on the economic folly of such ordinances, he didn't mention certain other of their effects. +21935030 They divert law-enforcement resources at a time they are most needed for protecting lives and property. +21935031 Also, rather than increase supplies, they reduce them and encourage hoarding. +21935032 And they, or even the prospect of them, discourage disaster preparedness in the form of speculative advance stocking of supplies by merchants. +21935033 N. Joseph Potts +21935034 Miami Lakes, Fla. +21935035 Would Mr. Laband also suggest that the Red Cross, Salvation Army, military units, police, fire departments, rescue units and individual citizens cease their efforts to assist Hugo's victims because they interfere with his concept of the "free market"? +21935036 What about those caring people all over the country who are donating food, water and other necessities of life to these people who could be any of us? +21935037 Should they, too, stop "messing with" his free market? +21935038 Maybe he thinks they should also sell to the highest bidder. +21935039 And what about insurance firms? +21935040 Should they be required to pay claims based on exorbitant costs for labor and materials? +21935041 Mr. Laband should beware, since he lives in South Carolina. +21935042 In a free market, his insurance rates can be raised to recover insurance-company losses. +21935043 John W. Rush +21935044 Marietta, Ga. +21935045 Having been through several tornadoes and hurricanes, I have a different perspective. +21935046 Mine comes from seeing thriving communities devastated -- but only temporarily. +21935047 Their recovery came surprisingly fast, and always with the help of neighbors. +21935048 The shock of seeing homes destroyed and city services disrupted may cause some to confuse priorities such as the true economic value of a freezer full of meat. +21935049 In Texas after Hurricane Alicia, major grocery chains used their truck fleets to ship essential goods to Houston, no gouging, just good will. +21935050 Tom Mongan +21935051 Victoria, Texas +21935052 We here in the affected areas were dazzled by Mr. Laband's analysis of time values and his comparisons of effectiveness concerning research and development. +21935053 His theoretical approach and its publication in this venerable paper are no doubt a noteworthy accomplishment for him. +21935054 Too bad theory fails in practice. +21935055 We consumers tend to have long memories. +21935056 The businesses subscribing to Mr. Laband's effective price system will be remembered when normalcy returns. +21935057 Perhaps, considering the value of our time, we will be unable to patronize their establishments in the post-Hugo era. +21935058 I have a question for Mr. Laband: How do I explain to the single mother of three standing in line next to me for the past three hours that the two bags of ice she needs to keep her children's food edible will take her last $20? +21935059 I'm sure she'll appreciate what an efficient reaction to her problems the price system has created. +21935060 Chris Edgar +21935061 Myrtle Beach, S.C. +21936001 This seems to be the season for revivals in Chicago. +21936002 Though the Cubs' championship season ended with the National League playoffs, a revival of the Organic Theater's production of "Bleacher Bums," a play in nine innings set in the Wrigley Field bleachers, continues within spitting distance of the ballpark. +21936003 Revivals of a different sort also are being offered by our two major theater troupes, the Goodman and Steppenwolf. +21936004 Each is more problematic than an unexpected divisional baseball championship, but both help explain why Chicago remains a vital center of this country's regional theater movement. +21936005 The Goodman is offering a modernized version of Moliere's "The Misanthrope" through Nov. 4. +21936006 The original is a comedy about Alceste, a man who sees falseness and vanity in everyone except himself. +21936007 He is the jealous friend of Philinte, and the jealous lover of Celimene. +21936008 The play is filled with intrigue, dishonesty and injustice. +21936009 Twenty-five years ago the poet Richard Wilbur modernized this 17th-century comedy merely by avoiding "the zounds sort of thing," as he wrote in his introduction. +21936010 Otherwise, the scene remained Celimene's house in 1666. +21936011 Assuming modern audiences readily understand that Moliere's social indictment covers their world as well as 17th-century Paris, Mr. Wilbur concentrated his formidable artistry on rendering the Alexandrine French verse into sprightly and theatrical English iambic pentameter. +21936012 The Wilbur translation is remarkable -- well worth a read and even better seen in the theater if you ever have the opportunity. +21936013 But if you happen to be coming to Chicago in the next few weeks, don't fail to have a look at Robert Falls's "The Misanthrope" at the Goodman. +21936014 If Mr. Wilbur's translation is a finely ground lens through which we see the pettiness and corruption of 17th-century Paris, Mr. Falls's production is a mirror in which we see ourselves. +21936015 Mr. Falls, the Goodman's artistic director, took a recent adaptation by Neil Bartlett and significantly adapted it. +21936016 Mr. Bartlett had slimmed Moliere's cast of characters to six and set them in the London media world of Thatcherite Britain. +21936017 Mr. Falls transfers the setting to Hollywood, and transforms the characters into what passes for aristocracy there -- agents, producers, actors, writers and sycophants. +21936018 It works. +21936019 Mr. Bartlett managed to more or less maintain Moliere's Alexandrine verse form, 12 syllable lines in rhyming couplets. +21936020 Mr. Falls kept the form, but Americanized it with Mr. Bartlett's further help. +21936021 With a splendid cast led by David Darlow as Alceste, Christina Haag as Celimene and, especially, William Brown as a Philinte who plays the Hollywood game but harbors authentic values and feelings, the Goodman production barrels through an all-night Hollywood party with exuberance and wit. +21936022 If this version, with its references to Steven Spielberg, Spago and "thirtysomething" attracts younger audiences who might stay away from the classical version, then Messrs. Bartlett and Falls are justified in abandoning Mr. Wilbur. +21936023 A 300-year-old play may be easier to revive than one merely 25. +21936024 The Steppenwolf Theatre Company, back from a critical and box office success in London with its adaptation of Steinbeck's "The Grapes of Wrath," opened the new season with Harold Pinter's "The Homecoming," first produced by the Royal Shakespeare Company in 1965. +21936025 Back then, Mr. Pinter was not only the angry young British playwright, but also the first to use silences and sentence fragments and menacing stares, almost to the exclusion of what we previously understood to be theatrical dialogue. +21936026 When "The Homecoming" was first produced on this side of the Atlantic, actors and directors were reverential. +21936027 Silences were lengthy -- nobody moved or gestured. +21936028 Nobody smiled onstage, and nobody in the audience was encouraged to laugh. +21936029 This kind of theater was new to us. +21936030 Also, it was not a funny time over here, what with the Vietnam War, the '68 Democratic convention, assassinations and riots. +21936031 But under Jerry Perry's direction the current Steppenwolf production, scheduled to play through Nov. 19, breaks through the flat and boring ritual that "The Homecoming" had become. +21936032 Led by a near-perfect performance by Alan Wilder as Max, the father, the play is at once an appalling and hilarious dissection of a family's rage, bitterness, fear and isolation. +21936033 Encouraged by Mr. Wilder's sly grins, embarrassed grimaces and sputtering rages, the audience gets the joke and begins to laugh before the end of the first act. +21936034 Three of the family members, Max and his two sons, Lenny and Joey, live off the flesh: Max is a retired butcher, Lenny a pimp and Joey an aspiring boxer. +21936035 Sam, Max's brother, has escaped the flesh by working as a liveried chauffeur and never seeking a wife. +21936036 Teddy, the eldest of Max's sons, has made the most dramatic escape by becoming a professor of philosophy at an American university. +21936037 Though it's clearly Max's wife who held sway here until her death, now none of the other male residents of this misbegotten household can challenge Max. +21936038 The play concerns Teddy's homecoming with his wife of six years, Ruth. +21936039 Curiously, Randall Arney as Teddy seems the only cast member unable to get beyond the zombie approach to a Pinter character. +21936040 As Ruth, Moira Harris, a large and beautiful woman who may be our next Colleen Dewhurst, begins almost immediately to overpower each of the men. +21936041 In the end, Teddy returns alone to America, leaving Ruth in Max's chair. +21936042 We have seen her develop within a few hours from a shy and unknown in-law to a goddess of the flesh who will replace the dead mother, and then some. +21936043 While Steppenwolf was in London with "The Grapes of Wrath," Bruce Sagan, the president of its board of directors, quietly returned to Chicago to buy a piece of real estate in the city's rapidly reviving North Halsted Street restaurant and theater district. +21936044 Within a year he hopes Steppenwolf will move into a new 500-seat theater on that site. +21936045 The troupe currently performs in a converted dairy that seats 211 and provides little capacity for staging anything beyond a simple one-set production. +21936046 "If we wanted to stage `Death of a Salesman,' " Mr. Sagan says, "Willie Loman would have to live in a ranch house because of the low ceiling." +21936047 Steppenwolf needs the extra seats even more than the fly space. +21936048 It's currently forced to turn away many potential subscribers beyond the 13,000 who can be accommodated in its present digs. +21936049 For all the attention that Chicago theater has received during the past decade, not one new building has been devoted to it. +21936050 Mr. Sagan, a former publisher and real estate developer, has put together an $8 million financial package that includes approximately $4 million of tax exempt bonds issued by the State of Illinois (the first time that a state has used its educational facilities authority to support construction of a theater), and approximately $1 million in grants from the National Endowment for the Arts, the MacArthur Foundation, and a few other deep pockets. +21936051 The rest, he is confident, can be raised. +21936052 His board members alone have pledged $800,000 and he is just beginning to massage local foundations and corporations. +21936053 Mr. Sagan compares the importance of Steppenwolf with Orson Welles's Mercury Theater in the '30s. +21936054 But Welles's theater company turned out to have a brief -- one might say a mercurial -- existence. +21936055 What will Mr. Sagan do with his new theater building if the allure of Hollywood and Broadway proves too much for such Steppenwolf stalwarts as John Malkovich ("Dangerous Liaisons"), Joan Allen ("The Heidi Chronicles"), and Glenne Headly ("Lonesome Dove"), and the company crumbles? +21936056 "That's OK," Mr. Sagan replies. +21936057 "Let this building be Steppenwolf's legacy to Chicago theater." +21936058 Mr. Henning is a Chicago-based law firm management consultant and a writer. +21937001 After enduring three days of heavy selling, the beleaguered Nasdaq over-the-counter market finally rebounded, rising sharply in hearty trading. +21937002 The Nasdaq Composite Index jumped 0.7%, or 3.35, to 463.28. +21937003 It rose more than the New York Stock Exchange Composite, which improved 0.2%. +21937004 Among bigger stocks, the Nasdaq 100 Index rose 1%, or 4.56, to 453.05, while the Dow Jones Industrial Average was up 0.2%. +21937005 Richard Bruno, head of OTC trading at PaineWebber, said the OTC market has a habit of lagging big moves on the New York Stock Exchange. +21937006 While the industrial average rallied on Monday following last Friday's collapse, the OTC market, which didn't suffer too badly during the correction, tumbled. +21937007 "Our market got hit a lot harder on Monday than the listed market," Mr. Bruno said. +21937008 "We're just recovering and getting back to business as usual. +21937009 I'm encouraged by the action." +21937010 The trading pace was busy, with 4,343 issues and 147.6 million shares changing hands. +21937011 Advancing issues beat declining ones, 1,271 to 811. +21937012 Much of the jockeying by OTC traders and investors centered on shares of companies that might be financially affected by damage from the devastating earthquake in northern California. +21937013 As investors speculated about the long- and short-term implications, shares of a number of companies that might either profit or face problems because of the disaster were actively traded. +21937014 Heading the list: insurance, construction and technology companies located in the San Francisco Bay Area. +21937015 Insurance-related stocks were mixed as investors tried to figure out how to assess the impact of the property damage and deaths on those concerns. +21937016 Traders said property-casualty companies with the heaviest exposure in the San Francisco area include the OTC's Safeco and Ohio Casualty. +21937017 Frank Gilmartin, a trader who follows insurance stocks for Fox-Pitt Kelton, said his strategy was to sell early. +21937018 Then, if the stocks fell sharply, he planned to begin buying them aggressively, on the theory that the companies that insure against property damage and accidents will have to raise rates eventually to compensate for the claims they will pay to earthquake victims and victims of last month's Hurricane Hugo. +21937019 As well, reinsurers and insurance brokerage companies will have improved profits. +21937020 Many investors expected damage from the hurricane to be the catalyst for higher rates in the industry, which has been depressed because of low rates arising from intense competition. +21937021 But Mr. Gilmartin said the hurricane damage wasn't extensive enough to prompt premium boosts. +21937022 "The companies just gave back what they had reserved for," he said. +21937023 "Now, they'll have to increase their coffers to protect for the future and that means rate increases." +21937024 Overall OTC insurance issues were mixed. +21937025 Safeco fell 1/8 to 32 5/8 on 462,900 shares. +21937026 Ohio Casualty rose 1/4 to 51 3/4 on 137,200 shares. +21937027 St. Paul Cos. jumped 2 to 59 3/4 on 517,500 shares. +21937028 Academy Insurance fell 1/32 to 1 3/16; but volume totaled 1.2 million shares. +21937029 The Nasdaq Insurance Index jumped 4.15 to 529.32 on the day, while the barometer of big insurance and banking issues climbed 1.72 to 455.29. +21937030 Investors expect SunGard Data Systems, a company that provides disaster recovery services for computer-dependent businesses, to profit from the earthquake. +21937031 SunGard's stock rose 1 3/4 to 21 1/4 on 194,000 shares. +21937032 Shares of Kasler, a California road and bridge builder, were heavily traded, jumping 2 1/8 to 9 7/8 on 1.3 million shares. +21937033 Guy F. Atkinson added 7/8 to 16 7/8, on 335,700 shares. +21937034 The company, based in San Francisco, provides industrial infrastructure engineering and construction services. +21937035 Traders were initially nervous about shares of companies, including many leading OTC computer companies, such as Apple Computer with offices in the vicinity of the area damaged by the quake. +21937036 But most of those stocks fared well. +21937037 Apple Computer gained 1 to 48 1/4; Ashton-Tate rose 3/8 to 10 3/8. +21937038 Intel also added 3/8 to 33 7/8. +21937039 But Sun Microsystems slipped 1/4 to 17 1/4. +21937040 Shares of biotechnology companies in the area were also higher. +21937041 Chiron was up 1/2 to 27 and Cetus gained 1/2 to 16 3/8. +21937042 The stocks of computer-related companies located outside California improved, too. +21937043 Microsoft advanced 1 7/8 to 80 1/2 and Lotus Development added 1 1/4 to 32 1/2. +21937044 In other earthquake-related news, Hambrecht & Quist's OTC market makers were excused from trading yesterday and its positions were frozen for the day by the National Association of Securities Dealers. +21937045 Power couldn't be restored at the company's San Francisco headquarters to allow trading yesterday morning. +21937046 In New York, Roger Killion, a Hambrecht executive vice president, said he expects OTC trading at the company to resume this morning, either in New York or in San Francisco. +21937047 In other trading, Medco Containment Services gained 7/8 to 15 on 1.9 million shares after reporting a loss for the first quarter, which ended Sept. 30. +21937048 The company earned $6.6 million in the year-earlier quarter. +21937049 Jaguar's American depositary receipts added 3/8 to 10 3/4 on volume of 1.1 million. +21937050 Analysts in London believe investors, despite their stampede to dump takeover stocks, should hold on tight to their Jaguar shares, this newspaper's Heard on the Street column said yesterday. +21937051 Amgen rose 1 1/2 to 50 3/4 in heavy trading. +21937052 Analysts figure Amgen could benefit as a result of troubles facing its competitor, Genetics Institute, over the anti-anemia drug EPO. +21937053 Genetics Institute disclosed recently that it is embroiled in a dispute with Boehringer Mannheim, which distributes the drug, regarding the usability of some batches. +21938001 Ciba-Geigy Ltd. and Chiron Corp. said they extended their offer for Connaught BioSciences Inc., valued at 866 million Canadian dollars (US$736 million) to Oct. 27. +21938002 The companies earlier said they didn't want to raise their offer to match a rival bid by Institut Merieux S.A. of C$37 a share, or C$942 million. +21938003 But they said the C$30-a-share bid, which was due to expire Monday, may still be extended or varied. +21938004 Merieux, a vaccine manufacturer based in Lyon, France, is 51%-held by French state-owned Rhone-Poulenc S.A. +21938005 Ciba-Geigy is a major pharmaceutical concern based in Basel, Switzerland. +21938006 Chiron, another pharmaceutical concern, is based in Emeryville, Calif. +21938007 Connaught is a biotechnology research and vaccine manufacturing concern. +21938008 Institut Merieux's bid for Toronto-based Connaught has run into problems with the Canadian government, which told Merieux last week that it wasn't convinced that the proposed acquisition would be of "net benefit" to Canada. +21938009 Merieux officials are expected to meet with federal officials in Ottawa today to discuss the decision. +21939001 Within minutes after the stock market closed Friday, I called Sen. Bill Bradley of New Jersey, advised him that the Dow Jones Industrial Average had declined by 190 points late that afternoon, and cheerfully informed him that he and his fellow Democrats were to blame. +21939002 They had dealt a major setback that afternoon to President Bush's capital-gains tax cut proposal, which had seemed in the bag after it passed the House overwhelmingly earlier in the month. +21939003 Sen. Bradley has it in his mind that such a tax cut would unravel the tax reform he helped engineer in 1986. +21939004 But he knows that as many as 20 of his fellow Democrats are disposed to vote for the cut, popular among their constituents. +21939005 As a result, he took the lead in arguing that the cut should be blocked on procedural grounds. +21939006 He helped persuade 10 of these senators to support him and Majority Leader George Mitchell on these grounds. +21939007 The budget reconciliation had to be dealt with by the Oct. 15 deadline, and these Senate Democrats refused to agree to allow a vote to append capital gains to the budget bill, knowing it would pass. +21939008 Denied a vote on substance, the GOP leadership in the Senate on Friday morning was confronted with a hard choice. +21939009 It could throw in the towel and hope to win on capital gains late this month, or it could follow the White House strategy, to veto reconciliation unless capital gains was appended. +21939010 The U.S. Chamber of Commerce has been in the forefront in supporting the Bush proposal. +21939011 It endorsed the White House strategy, believing it to be the surest way to victory. +21939012 At noon Friday, a senior White House official advised Richard Rahn, the Chamber's chief economist, that the White House would not agree to a budget reconciliation bill unless it had firm assurances that a vote on substance would be permitted in the Senate. +21939013 Two hours later, the first word emerged on Capitol Hill that the administration had agreed to reconciliation with no such assurances from Senate Democrats. +21939014 Mr. Rahn was shocked, telephoning the office of Richard Darman, director of the Office of Management and Budget, and the administration's chief strategist on this issue. +21939015 He left a message accusing Mr. Darman of selling out. +21939016 It was the Senate Republicans, though, who had edged away from the veto strategy. +21939017 The stock market reacted as Mr. Rahn did, crumbling as it absorbed the news that Mr. Darman's strategy had been abandoned. +21939018 The stock market, after all, represents the collective expectations about the value of the future income stream of the nation's capital stock, discounted to present value. +21939019 Why should it be so surprising that a 30% cut in the capital-gains tax would have such an enormous impact on the value of the nation's capital stock? +21939020 The total value of privately held assets is easily more than $15 trillion. +21939021 The value traded on the exchanges is close to $3 trillion. +21939022 If the tax on any gain to those assets was doubled, wouldn't the value fall to the owners of the assets? +21939023 Isn't it reasonable to assume that the asset you own would be worth more if the government suddenly announced that if you sold it, you would be able to keep 30% more of its gain than you previously believed? +21939024 Indeed, the stock market's steady advance this year tracked with President Bush's success in advancing his capital-gains proposal. +21939025 A 30% cut in this year's capital gains alone amounts to roughly $50 billion. +21939026 We're talking real money. +21939027 When Richard Rahn advised the financial press that the market crash was caused by the setback to capital gains, he was generally ignored and mildly ridiculed. +21939028 Instead, the press corps readily accepted the notion that a snag in the takeover financing of United Airlines instantly knocked 7% off the value of the nation's capital stock and caused convulsions around the world. +21939029 Mr. Rahn was pointing out an elephant rumbling through Wall Street while conventional wisdom had fastened on the UAL flea. +21939030 Why is this happening? +21939031 For one thing, quite a number of the leading spokesmen on Wall Street are not portfolio managers, who understand that the value of assets is greatly affected by how government taxes those assets. +21939032 They are economists and financial reporters who sympathize with the view that a capital-gains tax cut benefits the rich. +21939033 Yet they somehow think that Wall Street is indifferent to losing the tax cut that seemed so close Friday morning and is now problematic. +21939034 The market rebound Monday followed weekend assurances from Mr. Darman that the administration has other plans to win the cut, which is alive and well. +21939035 Sen. Bradley's argument is that a capital-gains tax cut would be bad for the economy in the longer run. +21939036 It would inevitably lead to an increase in marginal income-tax rates in 1990, he thinks, when the White House is forced to ask for higher taxes to meet budget targets. +21939037 That is, with capital gains cut, the glue of the 1986 accord will be gone, and political realities will push up income-tax rates. +21939038 The counter-argument, which he has heard, is that if he and his fellow Democrats are successful in killing the president's proposal, the revenue gap will open up tremendously in 1990 because of the weakened economy. +21939039 In this atmosphere, there would be no serious consideration of tax increases. +21939040 If Sen. Bradley would permit a vote on capital gains, though, it would pass, Christmas retail sales would be strong instead of burdened by a falling stock market, the 1990 economy would be robust, and the revenue gains at every level of government, including New Jersey's, would be surprisingly high. +21939041 No tax increases would be necessary. +21939042 The struggle over capital gains is the most important game in town. +21939043 In Washington and on Wall Street. +21939044 Mr. Wanniski is president of Polyconomics Inc., of Morristown, N.J. +21940001 Federal prosecutors said they have obtained a guilty plea from another person in the government's ongoing probe of illegal payments in the record industry. +21940002 William Craig, an independent record promoter, pleaded guilty to payola and criminal tax charges, according to a statement issued by Gary Feess, the U.S. attorney here. +21940003 Payola is the practice of making illegal, undisclosed payments to radio station personnel in return for getting the stations to play certain songs over the air. +21940004 As part of his plea agreement with the government, the 44-year-old Mr. Craig faces a maximum of three years in prison. +21940005 In return, Mr. Craig agreed to cooperate in the government's continuing payola probe, says a spokeswoman for the U.S. attorney's office. +21940006 Mr. Craig and three others were indicted last year as part of that payola probe. +21940007 Two other defendants previously pleaded guilty, and charges against the third were dropped. +21941001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +21941002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +21941003 Estimated and actual results involving losses are omitted. +21941004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +21941005 Otherwise, actual profit is compared with the 300-day estimate. +21942001 Grumman Corp. was awarded a $53.1 million Navy contract for advanced acquisition of six E-2C tactical control aircraft. +21942002 LTV Corp. won a $25 million Army contract for missile test equipment. +21942003 Unisys Corp. received a $24.4 million Air Force contract for computer programming. +21942004 Ford Aerospace & Communications Corp., a unit of Ford Motor Co., was awarded a $15.9 million Air Force contract for computer improvements. +21942005 Rockwell International Corp. was issued a $12.5 million Air Force contract for changes in the National Aerospace Plane. +21943001 The Tennessee Valley Authority issued $4 billion in bonds in the federal utility's first public debt offering in 15 years. +21943002 Proceeds from the bonds, with coupon rates in the 8% range, will be used to replace bonds with an average interest rate of 13.1%. +21943003 The TVA said the refinancing should save $75 million a year in interest payments. +21943004 The refinancing is part of the TVA's strategy of dealing with what has been an intractable problem: its staggering $18.5 billion debt, most of which is owed to the Treasury Department's Federal Financing Bank. +21943005 The TVA currently plans to issue a total of $6.7 billion in bonds to refinance its high-interest debt. +21943006 The $4 billion bond issue also will help the TVA meet its goal of not raising rates for another year, said William F. Malec, the agency's chief financial officer. +21943007 The bond issue is TVA's first public offering since the Financing Bank was created in 1974, primarily to finance the TVA. +21943008 But the offering almost didn't happen. +21943009 The TVA, in fact, decided to proceed with the bond offering following an agreement last week with the Financing Bank, which allows TVA to keep borrowing short term from the bank for two years after it goes to the public market. +21943010 The Treasury contended that TVA couldn't borrow from both it and the public debt market. +21943011 The $4 billion in bonds break down as follows: $1 billion in five-year bonds with a coupon rate of 8.25% and a yield to maturity of 8.33%; $1 billion in 10-year bonds with a coupon rate of 8.375% and a yield to maturity of 8.42%; $2 billion in 30-year bonds with five-year call protection, a coupon rate of 8.75% and a yield to maturity of 9.06%. +21943012 Managing the bond issue is a group of investment banks headed by First Boston Corp. and co-managed by Goldman, Sachs & Co., Merrill Lynch Capital Markets, Morgan Stanley & Co., and Salomon Brothers Inc. +21944001 Mutual-fund czar John M. Templeton has put his money where his moniker is, pouring $1.4 million into one of his own funds, the Templeton Value Fund. +21944002 Mr. Templeton owns shares in several of the 33 funds that his firm manages, but only in three of the 10 available to U.S. investors, according to filings with the Securities and Exchange Commission. +21944003 Those are Templeton Global Income, Templeton Emerging Markets and now the Value Fund. +21944004 Why did he add the Value Fund to the list? +21944005 Because he's very bullish on the emerging growth stocks that make up the fund's portfolio, Mr. Templeton said from his Bahamas hideaway. +21944006 "Emerging growth stocks haven't been popular in America for years, they've been neglected," he said, and their prices often trail the market as a whole. +21944007 Mr. Templeton's 147,300-share purchase in the closed-end fund came before the U.S. stock market's plunge last Friday, but still proved slightly profitable. +21944008 Mr. Templeton bought his shares in several separate purchases between Aug. 30 and Sept. 28, according to reports with the SEC. +21944009 He bought at share prices ranging from $9.375 to $9.625. +21944010 The fund closed yesterday in New York Stock Exchange composite trading at $9.625, up 12.5 cents. +21944011 In addition, Mr. Templeton received a dividend of 22 cents a share Oct. 5. +21944012 RIVER RUN: +21944013 A senior vice president and a vice president at James River Corp. sold the majority of their shares in the Richmond, Va., paper-products concern in late August and early September, reports filed with the SEC show. +21944014 The executives, who got $30.88 a share for the stock, showed good timing. +21944015 In Big Board trading yesterday, James River shares closed at $28.375, down 12.5 cents. +21944016 On Sept. 6, Robert Joseph Sherry, the firm's senior vice president of employee and public relations, sold 4,000 shares, leaving himself with 1,062 shares of James River. +21944017 Including a sale of stock last February, Mr. Sherry has sold 88% of his stake in the company this year, according to SEC filings. +21944018 Mr. Sherry declined to comment when asked about the sales. +21944019 James A. Toney, a vice president, sold 1,500 shares Aug. 28. +21944020 He still has 1,143 shares, according to SEC files. +21944021 Mr. Toney also declined to comment. +21944022 INTEREST-RATE PLAYER: +21944023 Cincinnati Gas & Electric Co. tops the companies portion of the accompanying Insider Trading table this week. +21944024 Three of the utility's directors have at least doubled their holdings in the company since July. +21944025 The largest purchase was by Dudley Taft, who bought 4,400 shares for $125,075. +21944026 Mr. Taft, who is also president of Taft Broadcasting Co., said he bought the shares because he keeps a utility account at the brokerage firm of Salomon Brothers Inc., which had recommended the stock as a good buy. +21944027 Salomon Brothers confirmed that it has had a buy recommendation on the stock for about two years. +21944028 "Cincinnati Gas & Electric is in good shape," Mr. Taft said, and utilities are "a good investment because interest rates are going down." +21944029 Mr. Taft paid an average of $28.43 for each share. +21944030 The stock closed yesterday on the Big Board at $28.75, down 12.5 cents. +21944031 The two other directors bought 1,000 and 1,900 shares, respectively, at prices between $28.15 a share and $28.75 a share, filings with the SEC show. +21944032 The two couldn't be reached for comment. +21944033 A company spokesman said he couldn't explain their sudden bullishness. +21944034 "I don't know of any news or anything unusual happening here," said Bruce Stoecklin, director of media services. +21944035 Peter Pae in Pittsburgh contributed to this article. +21945001 T. Rowe Price Associates Inc. said directors recommended stockholders approve a 2-for-1 stock split and an increase in authorized shares to 25 million from 10 million. +21945002 Stockholders will vote on the proposal at a meeting Dec. 13. +21945003 T. Rowe Price is an investment adviser to mutual funds, institutions and individuals. +21946001 In one of the first indoor air-pollution cases to go to trial, a state-court jury decided in favor of the defendant, Burlington Industries Inc. +21946002 The verdict, reached late last week in Cincinnati, may end an eight-year legal battle for the Greensboro, N.C., carpet maker. +21946003 Glenn and Sharon Beebe of Cincinnati had sued the com- pany in 1981 after installing Burlington carpets in their office. +21946004 The Beebes alleged that toxic fumes from the carpets made them sick. +21946005 As a result of their illness, the Beebes said, they lost $1.8 million in wages and earnings. +21946006 In addition, they said that months of exposure to the chemicals has left them sensitive to a wide range of commonly used substances. +21946007 The case had been closely watched because attorneys anticipate increasing litigation nationally over the so-called sick-building syndrome. +21946008 Plaintiffs' lawyers say that buildings become "sick" when inadequate fresh air and poor ventilation systems lead pollutants to build up inside. +21946009 Anthony J. Iaciofano, a lawyer for Burlington, said the company believes the Beebes' symptoms were not related to the carpeting. +21946010 He said that ill effects from new carpets manifest themselves immediately but that the Beebes' symptoms appeared months later. +21946011 Catherine Adams, the Beebes' lawyer, said the verdict would not discourage other plaintiffs from filing such suits. +21946012 Scientists are only beginning to understand what causes sick-building syndrome and much of that research was unavailable when the Beebes filed the case, she said. +21946013 The Beebes now believe that a prime culprit for their injuries was fumes from an adhesive used in the carpeting. +21946014 But the Beebes didn't come to that conclusion until time limits had elapsed for adding the adhesives maker as a defendant in the case, Ms. Adams said. +21946015 The Beebes have not yet decided whether to appeal. +21946016 TIMES SQUARE development opponents are dealt setback. +21946017 The Appellate Division of New York State Supreme Court dismissed six lawsuits attempting to block a $2.5 billion project planned for 42nd Street in Manhattan. +21946018 Opponents of the project had claimed that the city and the state of New York, which are co-sponsoring the project, had failed to adhere to environmental guidelines. +21946019 All but two of the 40 or so lawsuits that have been filed since the project's 1984 approval have been dismissed before the trial stage. +21946020 The two that remain haven't yet reached the pre-trial fact-finding stage. +21946021 State officials said the court's ruling clears the way for proceedings to condemn buildings in the area. +21946022 "This project is ready to move," said State Urban Development Corp. Chairman Vincent Tese. +21946023 But developers of four planned office towers cautioned that obstacles still remain. +21946024 As part of the agreement with the state, the developers -- a partnership of Park Tower Realty and Prudential Insurance Co. of America -- said they would not proceed with condemnation proceedings while there was "significant litigation" pending. +21946025 Park Tower General Counsel Matthew Mayer said the development team will have to review two additional lawsuits before putting up a $155 million letter of credit to cover condemnation costs. +21946026 Also, he said, the partnership is waiting to see whether the appellate division's ruling will be appealed. +21946027 The plan, which has been plagued with delays and business-related setbacks, seeks to transform the area from a seedy thoroughfare to a more wholesome office and theater district. +21946028 State and city officials are still negotiating with developers to renovate historic theaters and build and operate a merchandise mart and hotel. +21946029 FEDERAL JUDGE EXPANDS role of U.S. courts in extradition decisions. +21946030 U.S. District Judge Jack B. Weinstein of Brooklyn, N.Y., ruled that a man implicated in an attack on an Israeli passenger bus in 1986 can be extradited to Israel for trial. +21946031 A magistrate had initially refused the request, ruling that the attack had been a political act for which the man, Mahmoud El-Abed Ahmad, would be exempt from extradition. +21946032 However, Judge Weinstein wrote in his opinion late last month that terrorism and acts of war against civilians cannot be defined as political acts. +21946033 Judge Weinstein also ruled that judges must consider prior to extradition whether the defendant will be treated fairly in a foreign court. +21946034 To do so, the judge said, the U.S. courts must review the judicial process in the foreign country independently of the State Department's assessment. +21946035 He said that in this case he concurred with the State Department's decision that Mr. Ahmad should be extradited. +21946036 Mr. Ahmad's lawyer said he would appeal. +21946037 Lawyers close to the case said they believed the ruling was unprecedented. +21946038 "Up until now the courts have said it is not their role to supervise the foreign country's courts," said Jacques Semmelman, the assistant U.S. attorney on the case. +21946039 FORMER CANADIAN AMBASSADOR to the U.S. Allan E. Gotlieb has joined the Philadelphia law firm of Pepper, Hamilton & Scheetz as a consultant. +21946040 Mr. Gotlieb, who serves as a consultant to Stikeman, Elliott, one of Canada's biggest law firms, is advising Pepper Hamilton's Washington office on legal matters related to Canadian-U.S. investment, corporate finance and international transactions. +21946041 QUOTABLE: +21946042 In a speech prepared for delivery in New York yesterday, retired Justice Lewis Powell contested the notion that the last Supreme Court term marked a turn toward conservatism: "Commentators who agreed on little else unanimously proclaimed a `shift in direction' on the court. . . . +21946043 I take these pronouncements, like many that have preceded them in past years, with a grain of salt. +21946044 In an era of `sound bites' and instant opinion polls it is dangerous to apply broad labels to a single term. +21947001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +21947002 THE YOM KIPPUR WAR, WHEN EGYPT CRASHED into Israel on Oct. 6, 1973, the holiest day in the Jewish calendar, lasted barely a month. +21947003 But one far-afield effect is still with us. +21947004 The Arab states, always bitterly resentful of U.S. support toward Israel, realized they held an irresistable weapon -- oil. +21947005 Early in October, six Arab nations in the Persian Gulf jacked up prices sharply. +21947006 On Oct. 22, led by Saudi Arabia, the world's largest exporter, they embargoed oil shipments to the U.S. and to the Netherlands, Israel's staunchest European ally. +21947007 The timing was perfect. +21947008 The Arabs had tried embargos before. +21947009 In 1956, when Britain, France and Israel invaded Egypt to seize the Suez Canal, Arab producers cut off supplies to Europe. +21947010 Texas simply pumped harder. +21947011 U.S. oil supplies, however, had peaked in 1970 and 1971 and by 1973 were declining. +21947012 Imports, then six million barrels a day, came primarily from Venezuela and Canada. +21947013 But Middle East supplies were growing in importance. +21947014 By 1973, the U.S. was bringing in two million barrels of Arab oil a day, more than 10% of the 17.3 million barrels consumed daily. +21947015 Politics and economics conspired. +21947016 Japan and Europe, far more dependent on Mideast oil than the U.S., wouldn't offend the Arabs or trade off their precious supplies. +21947017 The U.S. did manage to supply the Dutch with oil by relabeling supplies; once oil is shipped, no one can tell its source. +21947018 But car-happy Americans panicked, and so did the U.S. and other oil-consuming governments. +21947019 "Shortage" and "crisis" became buzz words, although neither really applied. +21947020 The spot dislocations that showed up were largely the result of confusion (much of it in Washington), though that was cold comfort for drivers waiting in mile-long lines at the gas pumps. +21947021 The embargo lasted only six months, but the price hikes became a fact of life. +21947022 What the Arabs started, inflation finished. +21947023 Once and for all, $5-a-barrel crude oil and 35-cents-a-gallon gasoline were history. +21948001 Times may be tough on Wall Street for some, but a few bosses are making as much as ever -- or more. +21948002 At Bear Stearns Cos., for example, the 15 executive officers led by Chairman Alan "Ace" Greenberg got a pay increase to $35.9 million for the 14-month period ended June 30 from $22.9 million for the 12 months ended April 30, 1988. +21948003 The figures don't include substantial dividends on holdings of Bear Stearns stock. +21948004 Mr. Greenberg himself was paid $4.5 million, before an estimated $1.5 million in dividends, up from $2.4 million the year before. +21948005 The increase is noted in the brokerage firm's latest proxy statement filed with the Securities and Exchange Commission. +21948006 Because it operates on a fiscal year, Bear Stearns's yearly filings are available much earlier than those of other firms. +21948007 The latest period includes 14 months instead of 12 because Bear Stearns changed to a fiscal year ending in June instead of April. +21948008 Meanwhile, Bear Stearns's 650 stock and bond salesmen saw thinner paychecks over the past year, which the company says reflected lower commission revenue caused by a decline in investor activity in the markets. +21948009 However, Bear Stearns on Monday reported improved earnings for its first quarter, ended Sept. 29, partly because of a 31% increase in commissions during the quarter. +21948010 William J. Montgoris, chief financial officer, defended the lofty salaries at Bear Stearns. +21948011 "All of us are on a base salary of $200,000 if the firm makes nothing -- and that's pretty low as far as Wall Street goes," Mr. Montgoris said. +21948012 However, Bear Stearns has never had an unprofitable year since its founding 65 years ago. +21948013 Four Bear Stearns executives besides the 62-year-old Mr. Greenberg were paid $3 million or more before dividends for the 14 months ended in June. +21948014 According to the proxy statement, James E. Cayne, 55, Bear Stearns's president, made $3.9 million; an executive vice president, Michael L. Tarnopol, 53, made nearly $3.4 million; and two executive vice presidents, Vincent J. Mattone, 44, and William J. Michaelcheck, 42, made about $3.3 million each. +21948015 Mr. Montgoris said the firm has a "straight mathematical formula" for determining compensation, based on the firm's earnings. +21948016 "Just because a particular element of the firm is down," such as stockbrokerage, "doesn't mean the executive committee should be paid less," he said. +21949001 Morgan Grenfell Group PLC said John Craven, group chief executive officer, is taking over the chairmanship of the merchant banking group from Sir Peter Carey, who is retiring. +21949002 Mr. Carey will remain a member of the merchant bank's board. +21949003 Mr. Craven is widely credited with refocusing Morgan Grenfell's energies on its core corporate finance, fund management and banking activities over the past year. +21949004 Last year, Morgan Grenfell shut down its ailing U.K. securities operations. +21949005 Mr. Craven said his move to the chairmanship means he will take a less active role in the day-to-day management of the group, but he added that the merchant bank's strategic focus remains unchanged. +21949006 Mr. Craven joined Morgan Grenfell as group chief executive in May 1987, a few months after the resignations of former Chief Executive Christopher Reeves and other top officials because of the merchant bank's role in Guinness PLC's controversial takeover of Distiller's Co. in 1986. +21949007 Morgan Grenfell had advised Guinness on the bid, which was surrounded by allegations that Guinness used artificial means to support the bid's value. +21949008 Morgan Grenfell said Michael Dobson, currently group deputy chief executive, will assume the chief executive position. +21949009 The merchant bank also announced that finance director David Eward is taking early retirement for personal reasons. +21949010 His duties will be taken over by Anthony Richmond-Watson, who has been elected deputy chairman. +21949011 News of Mr. Eward's retirement comes one day after Morgan said that Christopher Whittington resigned as chairman of Morgan's banking subsidiary to join a financial services firm. +21949012 Mr. Craven said both Messrs. Eward and Whittington had planned to leave the bank earlier, but Mr. Craven had persuaded them to remain until the bank was in a healthy position. +21949013 "If there's any coincidence about the departures it's that they are leaving at a time when the business is in reasonably good shape and going forward very well." +21949014 Last month, Morgan Grenfell announced its pretax profit rose 49.6% to #32.8 million in the first half, boosted by a healthy growth in its domestic and international corporate finance business. +21950001 The following were among yesterday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +21950002 Lockheed Corp. -- $300 million of 9 3/8% notes due Oct. 15, 1999, priced at 99.90 to yield 9.39%. +21950003 The issue was priced at a spread of 137.5 basis points above the Treasury's 10-year note. +21950004 Rated single-A-3 by Moody's Investors Service Inc. and single-A by Standard & Poor's Corp., the issue will be sold through underwriters led by Goldman, Sachs & Co. +21950005 California Health Facilities Financing Authority -- $144.35 million of revenue bonds for Kaiser Permanente, due 19931999, 2004, 2008, 2018 and 2019, tentatively priced by a PaineWebber Inc. group to yield from 6.25% in 1993 to 7.227% in 2018. +21950006 Serial bonds were priced to yield to 6.80% in 1999. +21950007 There are about $10 million of 7% bonds priced at 99 1/4 to yield 7.081% in 2004; about $15 million of 7% bonds priced at 98 1/2 to yield 7.145% in 2008; about $88.35 million of 7% bonds priced at 97 1/4 to yield 7.227% in 2018; and about $15 million of 6 3/4% bonds priced to yield 7.15% in 2019. +21950008 The bonds are rated double-A-2 by Moody's and double-A by S&P, according to the lead underwriter. +21950009 Pennsylvania Higher Education Facilities Authority -- approximately $117 million of revenue bonds for Hahnemann University, Series 1989, due 1990-2002, 2009 and 2019, priced late Monday by a Merrill Lynch Capital Markets group to yield from 6% in 1990 to 7.282% in 2019. +21950010 Serial bonds were priced to yield from 6% in 1990 to 7.10% in 2002. +21950011 There are about $25.6 million of 7.2% term bonds due 2009, priced to yield 7.25%, and about $66.8 million of 7.2% term bonds due 2019, priced at 99 to yield 7.282%. +21950012 The bonds are insured and rated triple-A by Moody's and S&P. +21950013 Connecticut -- $100.4 million of general obligation capital appreciation bonds, College Savings Plan, 1989 Series B, priced by a Prudential-Bache Capital Funding group. +21950014 The zero-coupon bonds were priced to yield to maturity from 6.25% in 1994 to 6.90% in 2006, 2007 and 2009. +21950015 The bonds have received a rating of double-A-1 from Moody's, and a double-A-plus rating is expected from S&P, the underwriter said. +21950016 Oregon -- $100 million of general obligation veterans' tax notes, Series 1989, dated Nov. 1, 1989, and due Nov. 1, 1990, through a Chemical Securities Inc. group. +21950017 The group is offering the notes priced as 6 3/4% securities to yield 6.25%. +21950018 The notes are rated MIG-1 by Moody's and SP1-plus by S&P. +21950019 University of Medicine and Dentistry of New Jersey -- $55.8 million of Series C bonds priced by a Prudential-Bache Capital Funding group. +21950020 The bonds, rated single-A by Moody's and double-A by S&P, were priced to yield from 6.20% in 1992 to 7.26% in 2019. +21950021 All serial bonds are being offered at par except those due 2002. +21950022 Federal Home Loan Mortgage Corp. -- $500 million of Remic mortgage securities being offered in eight classes by Salomon Brothers Inc. +21950023 The offering, Series 104, is backed by Freddie Mac 9% securities. +21950024 The issue used at-market pricing. +21950025 Federal National Mortgage Association -- $350 million of Remic mortgage securities being offered in 11 classes by Greenwich Capital Markets. +21950026 The offering, Series 1989-82, is backed by Fannie Mae 9 1/2% securities and used at-market pricing. +21950027 The issue brings Fannie Mae's 1989 Remic issuance to $30.2 billion and its total volume to $42.3 billion since the program began in April 1987. +21950028 Hanshin Electric Railway Co. (Japan) -- $150 million of bonds due Nov. 2, 1993, with equity-purchase warrants, indicating a 4% coupon at par, via Nomura International Ltd. +21950029 Each $5,000 bond carries one warrant, exercisable from Nov. 16, 1989, through Oct. 19, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 24. +21950030 Toyobo Co. (Japan) -- $150 million of bonds due Nov. 1, 1993, with equity-purchase warrants, indicating a 4% coupon at par, via Daiwa Europe Ltd. +21950031 Each $5000 bond carries one warrant, exercisable from Nov. 15, 1989, to Oct. 18, 1993, to buy company shares at an expected premium of 2 1/2% to the closing share price when terms are fixed Oct. 23. +21950032 Sammi Steel Co. (Korea) -- $50 million of bonds due Nov. 8, 1994, with equity-purchase warrants, indicating a 1 1/4% to 1 3/4% coupon at par, via Merrill Lynch International Ltd. and Dong Suh Securities Co. +21950033 Each $5,000 bond carries one warrant, exercisable from May 8, 1991, through Oct. 8, 1994, to buy company shares at an expected premium of 75% to 85% to the closing share price when terms are fixed Oct. 18. +21950034 Redland International Funding PLC (U.K. parent) -- 150 million Australian dollars of 15 3/8% bonds due Nov. 8, 1996, priced at 101 3/4 to yield 15.44% less full fees, via JP Morgan Securities Ltd. +21950035 Guaranteed by Redland PLC. +21950036 Fees 2. +21950037 Tennessee Valley Authority -- A $4 billion, three-part offering of power bonds priced through an underwriting group led by First Boston Corp. +21950038 The size of the issue was increased from an originally planned $3 billion. +21950039 The first part, consisting of $2 billion of bonds due Oct. 1, 2019, with a five-year non-call provision, was priced as 8 3/4% securities at 96.808 to yield 9.06%. +21950040 The 30-year issue was priced at a spread of 105 basis points above the Treasury's 30-year bellwether bond. +21950041 The second part, consisting of $1 billion of noncallable bonds due Oct. 1, 1999, was priced as 8 3/8% securities at 99.691 to yield 8.42%. +21950042 The 10-year issue was priced at a spread of 43 basis points above the Treasury's 10-year note. +21950043 The third part, consisting of $1 billion of noncallable bonds due Oct. 1, 1994, was priced as 8 1/4% securities at 99.672 to yield 8.33%. +21950044 The five-year issue was priced at a spread of 43 basis points above the Treasury's comparable note. +21950045 The issue is rated triple-A by Moody's and triple-A by S&P. +21951001 Par Pharmaceutical Inc. said it named its interim president and chief executive officer, Kenneth I. Sawyer, to those posts permanently, and elected him to the board. +21951002 Par also said it was advised by the U.S. attorney for Maryland that it is one of a number of companies being investigated by a federal grand jury for alleged violations of the federal Food, Drug and Cosmetic Act. +21951003 Par, a generic-drug maker that has been plagued by management problems, was already the subject of a federal criminal inquiry into the drug-approval process and a Food and Drug Administration investigation. +21951004 A Par spokesman said he understood the criminal investigation in Maryland relates to matters Par disclosed in July, when Par said it filed false drug information with the FDA. +21951005 At the time, the company said it was recalling one of its drugs and had stopped selling two others. +21951006 The spokesman said he also understood that the inquiry related to the existence of an "off-the-record" production book. +21951007 The book noted changes made at the manufacturing level that weren't disclosed to the FDA. +21951008 Par said it is cooperating in the investigation. +21951009 Also yesterday, Ashok Patel, a former Par official who pleaded guilty to providing an FDA employee an illegal gratuity of $3,000, was sentenced by a federal judge in Baltimore to one year of community service and a $150,000 fine. +21951010 Mr. Patel also was placed on three years' probation. +21951011 Mr. Patel resigned as senior vice president of Par in April. +21951012 In July, Par and a 60%-owned unit agreed to plead guilty in that inquiry, as did another former Par official. +21951013 Mr. Sawyer began running the company on an interim basis in late September. +21951014 Par said it selected him for the posts of president and chief executive on a permanent basis because of his experience in the industry and his performance at Par. +21951015 Perry Levine, chairman, said Mr. Sawyer had "taken significant steps" to restore the company's credibility and sense of professionalism and integrity. +21952001 Just after midnight Monday, federal spending started to drop by $16 billion. +21952002 What do you say we all close down the poker game, go home and bank the $16 billion? +21952003 That's essentially what budget director Richard Darman is suggesting, and we think he deserves as much support as he can get. +21952004 If human beings can't cut federal spending honestly -- and they can't -- let the computers do it. +21952005 Congress, with a measure of White House complicity, has been manipulating the spending accounts for years under the cover of omnibus appropriations bills. +21952006 (Indeed without earlier manipulations, the current sequester of $16 billion would have been even larger.) +21952007 We suspect voters are fed up with the finagling. +21952008 Consider, for instance, that even yesterday's widely publicized sequester is likely to be traduced if business as usual is allowed to prevail. +21952009 Under the law, Gramm-Rudman's across-the-board-cuts in federal programs are supposed to be permanent. +21952010 Social Security and spending for poor people are exempted. +21952011 However, the Associated Press's account of the Monday sequester order signed by President Bush neatly captured the contempt Congress shows toward the notion of a legally binding commitment: +21952012 "Lawmakers have been saying for weeks that they plan to roll back the cuts as soon as they agree to a compromise on a deficit-cutting bill." +21952013 Mr. Darman's inclination to save the sequester was backed up yesterday by White House Press Secretary Marlin Fitzwater: +21952014 "There is some feeling here that the cuts are the way to go. +21952015 It will reduce spending in a very effective fashion." +21952016 This attitude is being waved away by sophisticates around Washington as little more than tough talk. +21952017 It looks to us like a golden opportunity for George Bush to chop off at the knees all this talk about a timid, unserious presidency. +21952018 Mr. Bush would be acting in the public interest if he let the Washington elites who manipulate these budgets -- the bureaucrats, the lobbyists, the congressional staffers -- live for just one year on a restricted diet. +21952019 Ask Tommy Lasorda; thin is in. +21952020 Senator Phil Gramm pointed out Monday that in the 20 years before Gramm-Rudman was enacted in 1985, federal spending grew by about 11% a year; since the law, it's grown at under 5% annually. +21952021 Another major factor in this positive trend was Ronald Reagan's decision early in his presidency to fight the budget war on the expenditure side rather than raising taxes. +21952022 George Bush's continued support of the tax dam sustains this strategy of pressuring Congress to make choices among competing priorities, rather than just saying yes to all the grateful special-interest constituencies that fill the PAC trough. +21952023 If Washington's elites ever succeed in bursting the tax dam, Americans will be engulfed in a red sea of new spending programs, such as federalized child care. +21952024 Child care was one of the many "extraneous" bills pulled out of the Senate's reconciliation bill last Friday. +21952025 Others were the capital-gains cut, Section 89 repeal, the disabled workers bill, and the unprecedented reconsideration of the catastrophic health act. +21952026 All this stuff still is in the House's 1,878-page reconciliation bill, and many Members say they're reluctant to pull out cherished bills, just to see them die. +21952027 Republicans especially want a guarantee from the House leadership that they'll get an up-or-down vote on the bills. +21952028 House Speaker Foley ought to deliver that promise. +21952029 This is the way government is supposed to work, with politicians taking responsibility for votes that their constituents can identify, instead of concealing them in the great reconciliation garbage truck. +21952030 We have as much nostalgia as anyone for those leafy, breezy days in Washington when honorable men and women dickered over budgets and even log-rolled a bit to see that the bridges got build, roads paved, soldiers paid or that the desperately poor were cared for. +21952031 Those days are gone. +21952032 Nor do we see any reason to believe that a metropolitan Washington that has gotten fat and rich and lazy in the shadow of the federal colossus will change much on its own initiative. +21952033 Save the sequester, and let Washington scream. +21953001 The New York Stock Exchange said a seat sold for $436,000, down $39,000 from the previous sale Oct. 4. +21953002 Seats are currently quoted at $425,000 bid and $475,000 offered. +21953003 The $475,000 sale price earlier this month was the lowest in nearly three years. +21953004 Exchange seats hit a peak of $1,150,000 in September 1987. +21954001 The Canadian government auctioned 750 million Canadian dollars (US$637.5 million) of 9.25% bonds due Dec. 15, 1994. +21954002 The average accepted yield bid was 9.617% for a price equivalent of 98.523. +21954003 Proceeds of the sale will be used to redeem C$675 million of government bonds maturing Nov. 1 and for general government purposes. +21955001 Northern Trust Corp. said its board adopted a shareholder rights plan aimed at deterring unwanted takeover bids, but said it's not aware of any plan to acquire the banking concern. +21955002 Under Northern Trust's plan, shareholders were issued rights that, in the event of certain attempted takeovers, allow holders to buy shares in the company at half price. +21956001 National Patent Development Corp. said it plans to purchase as many as 200,000 common shares of its 81%-controlled Interferon Sciences Inc. unit in periodic, open-market purchases. +21956002 The 200,000 shares are about 23% of Interferon's common shares outstanding, excluding National Patent's stake. +21956003 Noting the recent Food and Drug Administration approval of Interferon's genital warts treatment, National Patent said it believes Interferon's stock is undervalued. +21957001 Japanese investors, reassured by Monday's strong rally on Wall Street, erased most of that day's losses on the Tokyo Stock Exchange. +21957002 But analysts said the rebound didn't remove the cautious mood from the market. +21957003 In London, stocks closed lower in volatile trading as an opening rally was obliterated by worse-than-expected U.S. trade figures. +21957004 Paris shares had a similar reaction, but most other European bourses posted gains, as did all major Asian and Pacific stock markets. +21957005 Tokyo's Nikkei Index of 225 stocks jumped 527.39 points to close at 34996.08. +21957006 The rise came a day after the year's biggest drop on Monday, when the Nikkei fell 647.33, or 1.8%, in response to Friday's 6.9% plunge on Wall Street. +21957007 In early trading Wednesday in Tokyo, the Nikkei index rose 19.30 points to 35015.38. +21957008 On Tuesday, the broader-based Tokyo Stock Price Index of issues listed in the first section, which fell 45.66 Monday, rose 41.76, or 1.61%, to 2642.64. +21957009 Trading was relatively thin at an estimated 650 million shares, though brisker than Monday's 526 million. +21957010 Advancing issues outnumbered decliners 821-201, with 103 unchanged. +21957011 "We're back to square one," said Simon Smithson, an analyst in Japan for Kleinwort Benson International Inc. +21957012 Japanese domestic institutions, including trust banks and investment management firms, that had been on the sidelines during Monday's fall were back in the market, analysts said. +21957013 Foreign investors reportedly started off selling but later joined in the buying. +21957014 The Tokyo rally seemed to confirm the view, frequently expressed in Japan in the past few days, that the drop in New York was a local problem related to merger and acquisition activity in the U.S. +21957015 "This time we don't really have to worry about Tokyo," said an official at Daiwa Securities Co. +21957016 "Nothing has changed fundamentally in the Tokyo market." +21957017 But even though Tokyo appears unharmed by recent market volatility, analysts and traders say there are still a few concerns on the horizon. +21957018 In particular, Japanese investors will be keeping a wary eye on Wall Street to see whether Monday's 88.12-point rally holds up as fresh U.S. economic data are released. +21957019 "People are placing small bets. +21957020 There's no huge buying," said Stephen Hill, head of equity sales at Jardine Fleming Securities Ltd. in Tokyo. +21957021 "Really brave views right now would be foolhardy." +21957022 Yesterday's buyers favored real estate, construction and other large-capitalization issues, reflecting the fact that many Tokyo investors now feel safer with domestically oriented stocks, analysts said. +21957023 They also are concerned about the persistent strength of the dollar against the yen, as a weaker yen leads to higher import prices in Japan and adds to domestic inflationary pressures. +21957024 Currency concerns also weigh heavily on interest rate-sensitive stocks such as banking and other financial issues because of fears that Japanese interest rates might have to rise to keep the dollar in check. +21957025 Among steel shares, NKK rose 19 to 705 yen ($4.97) a share, and Nippon Steel gained 17 to 735. +21957026 Construction shares that gained included Shimizu, which rose 130 to 2,080. +21957027 In the real estate sector, Mitsui Real Estate Development was up 100 at 2,760, and Mitsubishi Estate gained 80 to 2,360. +21957028 London's Financial Times-Stock Exchange 100-share index fell 27.9 points to 2135.5. +21957029 It was down more than 40 points a half-hour before the close, marking a 61.5-point turnaround from its high, reached in the first 15 minutes of trading. +21957030 The narrower Financial Times 30-share index fell 29.6 to 1730.7. +21957031 Volume was an active 643.3 million shares, about double the recent levels but down from 959.3 million the previous day, which U.K. traders have dubbed "Manic Monday." +21957032 Prices opened strongly on the basis of Monday's Wall Street rally and yesterday's gains in Tokyo. +21957033 But the advance faltered as index-options traders and investors jittery about the U.K. economic outlook took over. +21957034 The unexpectedly wide U.S. August trade deficit of $10.77 billion hit an already jittery U.K. market in midafternoon. +21957035 Michael Hicks, who manages sales and trading for brokerage concern Societe Generale Strauss Turnbull, said: "It's a nervous market. +21957036 It was all over the place. +21957037 If you bought, you wish you hadn't, and if you sold, you wish you hadn't." +21957038 He said the current market "is all about sentiment, and the sentiment in London is 90% anxiety and worry." +21957039 Britain's economic fundamentals, he said, "don't look very bright." +21957040 Dealers said London showed signs of calming in midafternoon after Wall Street avoided sharp losses despite the trade report, but a wave of futures-related selling later in the session sent buyers back to the sidelines. +21957041 Still, some sectors found buying interest after being actively sold in recent weeks. +21957042 Merchant banks were stronger across the board. +21957043 Morgan Grenfell, which has been mentioned in takeover rumors, rose 20 to 392 pence ($6.18) a share. +21957044 S.G. Warburg, a rumored target of some European banking concerns, finished 22 higher at 400. +21957045 Hambros rose 5 to 204, and Schroders rose 25 to #12.75. +21957046 On the corporate front, Ford Motor announced that it raised its stake in U.K. luxury car maker Jaguar to 10.4% from 5%. +21957047 Jaguar shares jumped 23 before easing to close at 654, up 6. +21957048 Amstrad, a British computer hardware and communications equipment maker, eased 4 to 47. +21957049 It announced a 52% plunge in pretax profit for the latest year. +21957050 Brewery stocks were firm to higher on talk of early bargain-hunting, but most ended below their peaks. +21957051 Bass ended up 3 higher at 966, Guinness closed at 589, down 7, and Scottish & Newcastle dropped 11 to 359, but Whitbread Class A shares rose 17 to 363. +21957052 Dealers said there was late talk of a Whitbread sale of brewing operations to Scottish & Newcastle. +21957053 The most active shares were major blue-chips, particularly oils and utilities such as British Gas and British Telecommunications. +21957054 Traders attributed the action in them largely to defensive positioning in a volatile market. +21957055 British Gas finished at 197, down 2, on 13 million shares, British Petroleum fell 8 to 291 on 9.4 million shares, and British Telecom was 4 lower at 261 on turnover of 10 million shares. +21957056 Cable & Wireless fell 20 to 478. +21957057 Also in active trading, British Steel fell 1 to 124 as 20 million shares changed hands. +21957058 Racal Electric, which traded 11 million shares, declined 12 to 218. +21957059 In other European markets, share prices closed sharply higher in Frankfurt and Zurich and posted moderate rises in Stockholm, Amsterdam and Milan. +21957060 Paris closed lower, and most Brussels shares were unable to trade for a second consecutive day because of technical problems. +21957061 South African gold stocks closed higher. +21957062 Elsewhere, share prices rebounded in Hong Kong, Sydney, Singapore, Wellington, Taipei, Manila and Seoul. +21957063 In Hong Kong, Sydney and Singapore -- the largest of those exchanges -- stocks recovered one-third to one-half of the ground they lost in Monday's plunge, with major market indexes posting gains of 3.6% to 4.4%. +21957064 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +21957065 To make them directly comparable, each index is based on the close of 1969 equaling 100. +21957066 The percentage change is since year-end. +21958001 Zurn Industries Inc. said it received approval to proceed on four separate projects with a total contract value of $59 million. +21958002 The projects include construction of a 29,400 kilowatt waste-to-energy plant for Ada Cogeneration L.P., Ada, Mich.; a steam generating plant at Ontario, Calif., that Zurn will own and operate, and two waste-water control projects in Orange County, Calif. +21959001 AVX Corp. and Unitrode Corp. said they completed the previously reported sale of Unitrode's San Diego-based Passive Components division to AVX. +21959002 AVX, a New York-based maker of passive electronic products, paid $11 million in cash to Unitrode, a Lexington-based maker of semiconductor products. +21959003 Passive Components makes capacitors and filters used to protect electronics. +21960001 Consolidated Papers Inc. said it plans to spend $495 million on new paper-manufacturing equipment and facilities. +21960002 The producer of paper used in magazines and by commercial printers said spending on the expansion is planned to begin in the first quarter of 1990. +21960003 The expansion is subject to approval by federal and Wisconsin environmental regulators. +21961001 THE STOCK of Applied Power Inc., which split 2-for-1 in May, has risen since August 1988. +21961002 In yesterday's edition, it was incorrectly stated that the company's share price has softened since August 1988. +21962001 The stock market's dizzying gyrations during the past few days have made a lot of individual investors wish they could buy some sort of insurance. +21962002 After all, they won't soon forget the stock bargains that became available after the October 1987 crash. +21962003 But while they want to be on the alert for similar buying opportunities now, they're afraid of being hammered by another terrifying plunge. +21962004 The solution, at least for some investors, may be a hedging technique that's well known to players in the stock-options market. +21962005 Called a "married put," the technique is carried out by purchasing a stock and simultaneously buying a put option on that stock. +21962006 It's like "fire insurance," says Harrison Roth, the senior options strategist at Cowen & Co. +21962007 Because a put option gives its owner the right, but not the obligation, to sell a fixed number of shares of the stock at a stated price on or before the option's expiration date, the investor is protected against a sudden drop in the stock's price. +21962008 But most investment advisers don't recommend using married puts all the time. +21962009 That's because the cost of buying put options eats into an investor's profit when stock prices rise. +21962010 "This is the type of fire insurance you only buy when the nearby woods are on fire," says Mr. Roth. +21962011 "You always want your house insured, but you don't always feel the need for your investments to be insured." +21962012 In addition to hedging new stock purchases, the married-put technique can be used to protect stocks that an investor already owns. +21962013 In either case, the investor faces three possible outcomes: +21962014 -- If the stock goes up in price between now and the put's expiration date, the put will probably expire worthless. +21962015 The investor will be out the cost of the put, which is called the "premium," and this loss will reduce the stock-market profit. +21962016 -- If the stock stays at the same price between now and the put's expiration date, the investor's loss will be limited to the cost of the put, less any amount realized from a closing sale of the put. +21962017 The worst-case scenario would be if the put expires worthless. +21962018 -- If the price of the stock declines, the put will increase in value. +21962019 Once the stock price is less than the exercise price, or "strike price," of the put, the gain will match the loss on the stock dollar for dollar. +21962020 The put establishes a minimum selling price for the stock during its life. +21962021 When a stock falls below the put's strike price, the investor simply sells the stock at a loss and simultaneously sells the put at a profit. +21962022 Or, the investor can exercise the put, by tendering the stock to his or her broker in return for payment from another investor who has sold a put on the same stock. +21962023 Brokers handle such transactions through the Options Clearing Corp., which guarantees all option trades. +21962024 The accompanying table shows how this strategy would work for three stocks. +21962025 Though not reflected in the table, an investor should know that the cost of the option insurance can be partially offset by any dividends that the stock pays. +21962026 For example, Tenneco Inc. pays a quarterly dividend of 76 cents, which would be received before the February option expires and, thus, reduce the cost of using the technique by that amount. +21962027 In this case, the investor's risk wouldn't exceed 3.6% of the total investment. +21962028 To simplify the calculations, commissions on the option and underlying stock aren't included in the table. +21962029 There are more than 650 stocks on which options may be bought and sold, including some over-the-counter stocks. +21962030 But some investors might prefer a simpler strategy then hedging their individual holdings. +21962031 They can do this by purchasing "index puts," which are simply put options on indexes that match broad baskets of stocks. +21962032 For instance, the most popular index option is the S&P 100 option, commonly called the OEX. +21962033 It is based on the stocks that make up Standard & Poor's 100-stock index. +21962034 Unlike options on individual issues, index options are settled only in cash, and no stock is ever tendered. +21962035 But while index options are convenient, they have several disadvantages. +21962036 For one thing, an investor's portfolio might not closely match the S&P 100. +21962037 As a result, the OEX insurance may or may not fully protect an investor's holdings in the event of a market decline. +21962038 In addition, OEX options were suspended from trading last Friday afternoon, after the stock-market sell-off got under way and trading in the S&P-500 futures contract was halted. +21962039 So an investor who wanted to realize a profit on OEX puts after the trading suspension would have been out of luck. +21962040 On the other hand, only a handful of individual issues were suspended from trading on Friday. +21962041 Normally, once the underlying investment is suspended from trading, the options on those investments also don't trade. +21962042 Ultimately, whether the insurance provided by purchasing puts is worthwhile depends on the cost of the options. +21962043 That cost rises in times of high market volatility. +21962044 But it still might be cheaper than taking a major hit. +21962045 The protection from using married puts is clearly superior to that afforded by another options strategy some investors consider using during troubled times: selling call options on stocks the investor owns. +21962046 A call option is similar to a put, except that it gives its owner the right to buy shares at a stated price until expiration. +21962047 Selling a call option gives an investor a small buffer against a stock-market decline. +21962048 That's because it reduces the cost of the stock by the amount of premium received from the sale of the call. +21962049 But if the price of the stock rises above the strike price of the option, the stock is almost certain to be called away. +21962050 And in that case, the investor misses out on any major upside gain. +21962051 These calculations exclude the effect of commissions paid and dividends received from the stock. +21962052 All prices are as of Monday's close. +21963001 Hopes for quick enactment of pending deficit-reduction legislation faded as efforts to streamline the House version in advance of a House-Senate conference broke down. +21963002 House leaders had hoped to follow the Senate's lead by getting an agreement from House committee chairmen under which they would drop items that wouldn't reduce the fiscal 1990 budget deficit from the House-passed bill before the negotiations with the Senate began. +21963003 But the effort became snagged on the question of what would become of other issues, ranging from cutting the capital-gains tax to child care to repeal of catastrophic-illness insurance. +21963004 "Many members feel there are important features of the House bill that should be enacted," Speaker Thomas Foley (D., Wash.) said. +21963005 "If there is any support for reducing the bill, it is conditioned on their desire to see them passed in another form." +21963006 Now those items will be discussed in a House-Senate conference, which could begin as soon as today, with the expectation that they could either be resolved there or placed into other legislation. +21963007 "You've got to give these chairmen the opportunity to see if they can work things out," said House Budget Committee Chairman Leon Panetta (D., Calif.). +21963008 "This is a democratic process -- you can't slam-dunk anything around here." +21963009 White House Budget Director Richard Darman has said he would continue to press to keep the capital-gains provision in the final version of the bill unless the House drops many of its costly provisions. +21963010 Senate leaders had hoped to be able to send a compromise version of the measure to President Bush by the end of the week, but Speaker Foley said that wasn't likely. +21963011 Failure to pass the bill meant that $16.1 billion in across-the-board spending cuts took effect Monday under the Gramm-Rudman budget law. +21963012 The bill must be enacted before the cuts can be restored. +21964001 TRADING VOLUME in Standard & Poor's 500 stock-index futures contracts on the Chicago Mercantile Exchange Monday totaled 73,803 contracts. +21964002 Yesterday's edition incorrectly reported Monday's trading volume as a record for the S&P 500 contract. +21965001 NCNB Corp. raised $1 billion in new capital during the third quarter. +21965002 In yesterday's edition, the amount of new capital was misstated. +21966001 McCormick Capital Inc. said its tender offer to buy back as many as 1.1 million, or 44%, of its common shares at $3 apiece, which expired Friday evening, was oversubscribed. +21966002 The developer and manager of futures-investment limited partnerships said preliminary results indicate that about 1,749,000 shares had been tendered, giving a preliminary proration factor of 0.6287. +21966003 The final proration factor will be announced Monday. +21967001 Northgate Exploration Ltd. said it is proposing to amalgamate four of its associated companies. +21967002 Under a proposed two-step amalgamation involving share swaps, ABM Gold Corp., a gold exploration and management company, will merge with Neptune Resources Corp., United Gold Corp. and Inca Resources Inc. +21967003 ABM will also increase its stake in Sonora Gold Corp. to 42% from 26%. +21967004 Northgate said it will own about 50% of the equity and 81% of the votes of ABM after the amalgamation. +21967005 The amalgamations are subject to regulatory approval and require approval by shareholders of ABM, Inca, United and Neptune at special meetings on Nov. 10. +21968001 Steven C. Walker, senior vice president of this bank holding company, was named president, chief executive officer and a director of both Commercial National and Commercial National Bank. +21968002 He succeeds James E. Burt III, who resigned from all three posts to pursue other interests. +21969001 Cincinnati Microwave Inc. said it introduced two radar detectors. +21969002 One unit, called the Escort, uses a new digital signal-processing technology to detect radar signals much sooner than was previously possible, the company said. +21969003 The other, called the Solo, is battery operated and is the first high-performance radar detector that doesn't need a power cord, the company said. +21970001 A surprising surge in the U.S. trade deficit raised fears that the nation's export drive has stalled, and caused new turmoil in financial markets. +21970002 The merchandise trade deficit widened in August to $10.77 billion, the Commerce Department reported, a sharp deterioration from July's $8.24 billion and the largest deficit of any month this year. +21970003 Exports fell for the second month in a row, while imports rose to a record. +21970004 "This is one of the worst trade releases we've had since the dollar troughed out in 1987," said Geoffrey Dennis, chief international economist at James Capel Inc. +21970005 Like most analysts, Mr. Dennis was hesitant to read too much into one month's numbers; but he said, "It indicates perhaps that the balance in the U.S. economy is not as good as we've been led to believe." +21970006 The number had a troubling effect on Wall Street, suggesting that more fundamental economic problems may underlie last Friday's stock market slide. +21970007 The Dow Jones Industrial Average tumbled more than 60 points after the report's release, before recovering to close 18.65 points lower at 2638.73. +21970008 "This bad trade number raises some deeper issues about the market decline," said Norman Robertson, chief economist for Mellon Bank. +21970009 "It raises questions about more deep-seated problems, the budget deficit and the trade deficit and the seeming lack of ability to come to grips with them." +21970010 The trade report drew yet another unsettling parallel to October 1987. +21970011 On Oct. 14 of that year, the announcement of an unusually large August trade deficit helped trigger a steep market decline. +21970012 The slide continued until the record 508-point market drop on Oct. 19. +21970013 In 1987, however, the news was the latest in a string of disappointments on trade, while the current report comes after a period of improvement. +21970014 The bleak trade report was played down by the Bush administration. +21970015 Commerce Secretary Robert Mosbacher called the worsening trade figures "disappointing after two very good months." +21970016 And White House spokesman Marlin Fitzwater said the deficit was "an unwelcome increase," adding that "we're hopeful that it simply is a one-month situation and will turn around." +21970017 But the figures reinforced the view of many private analysts that the improvement in the U.S. trade deficit has run out of steam. +21970018 "The figures today add further evidence to support the view that the improvement in the U.S. trade deficit has essentially stalled out at a level of about a $110 billion annual rate," said Jeffrey Scott, a research fellow at the Institute for International Economics here. +21970019 "That's still an improvement over last year, but it leads one to conclude that basically we've gotten all the mileage we can out of past dollar depreciation and past marginal cuts in the federal budget deficit." +21970020 Exports declined for the second consecutive month in August, slipping 0.2% to $30.41 billion, the Commerce Department reported. +21970021 Imports, on the other hand, leaped 6.4% to a record $41.18 billion. +21970022 Not only was August's deficit far worse than July's, but the government revised the July figure substantially from the $7.58 billion deficit it had initially reported last month. +21970023 Many economists contend that deep cuts in the U.S. budget deficit are needed before further trade improvement can occur. +21970024 That's because the budget deficit feeds an enormous appetite in this country for both foreign goods and foreign capital, overwhelming the nation's capacity to export. +21970025 "People are sick and tired of hearing about these deficits, but the imbalances are still there and they are still a problem," said Mr. Robertson. +21970026 In addition, the rise in the value of the dollar against foreign currencies over the past several months has increased the price of U.S. products in overseas markets and hurt the country's competitiveness. +21970027 Since March, exports have been virtually flat. +21970028 At the same time, William T. Archey, international vice president at the U.S. Chamber of Commerce, notes: "Clearly the stronger dollar has made imports more attractive" by causing their prices to decline. +21970029 Most economists expect the slowing U.S. economy to curb demand for imports. +21970030 But they foresee little substantial progress in exports unless the dollar and the federal budget deficit come down. +21970031 "The best result we could get from these numbers would be to see the administration and Congress get serious about putting the U.S. on an internationally competitive economic footing," said Howard Lewis, vice president of international economic affairs at the National Association of Manufacturers. +21970032 "That must start with cutting the federal budget deficit." +21970033 August's decline in exports reflected decreases in sales of industrial supplies, capital goods and food abroad and increases in sales of motor vehicles, parts and engines. +21970034 The jump in imports stemmed from across-the-board increases in purchases of foreign goods. +21970035 The numbers were adjusted for usual seasonal fluctuations. +21970036 Alan Murray contributed to this article. +21970037 (In billions of U.S. dollars, not seasonally adjusted) +21970038 *Newly industrialized countries: Singapore, Hong Kong, Taiwan, South Korea +21971001 Steve Jobs took a step back from the frontier of personal-computer technology in an effort to spur sales of Next Inc.'s new machine. +21971002 Mr. Jobs moved to remedy a couple of his computer's drawbacks yesterday by lowering the entry-level price for a Next machine by $1,500, or 23%, if the buyer chooses a hard-disk drive as an alternative to Next's optical-storage device. +21971003 The hard drive, which is the storage device of choice for virtually every desktop computer user, also now will supplement Next's futuristic optical device if buyers pay full price. +21971004 Mr. Jobs, co-founder of Apple Computer Inc., founded Next four years ago in the hopes of fomenting a revolution in the way desktop computers are designed and used. +21971005 His Next computer, introduced about a year ago and aimed primarily at university computer users, sports snazzy graphics, digital sound, built-in networking and a sleek black design. +21971006 But the computer was proving a hard sell because of its high price, a lack of software and an optical data-storage device that was too slow. +21971007 The machine began shipping at the end of last year. +21971008 The closely held company hasn't disclosed sales. +21971009 However, most universities that have bought the machines say they are buying small numbers for evaluation purposes. +21971010 Universities can now buy a Next computer without an optical storage device for $4,995. +21971011 A computer with the optical device will still cost $6,495, but from now on Next will outfit every computer with a hard drive and supply one at no cost to those who have already bought Next machines. +21971012 Commercial customers can purchase the same system through Businessland Inc., a computer retailer based in San Jose, Calif., for roughly $3,000 more. +21971013 Mr. Jobs said the changes were prompted by requests from customers who are frustrated with the performance of the optical device, which isn't offered as standard equipment by any rivals. +21971014 Another factor was that customers were asking, "Why don't you give us a cheaper system?" Mr. Jobs said at a conference on university computing here. +21971015 Optical-storage devices can handle very large amounts of data and make it far easier to edit film clips or audio recordings with a computer. +21971016 But the technology, while reliable, is far slower than the widely used hard drives. +21971017 To get around the delays caused by the optical device, Businessland, which is Next's exclusive dealer to corporations, has for months been advising customers to purchase hard drives with the machines. +21971018 Next's decision to rely on the more-established hard drive in every Next computer doesn't signal a retreat from optical storage, said Mr. Jobs, who for years has said this technology will play a crucial role in the next decade. +21971019 "We're extremely committed to optical storage technology" he said. +21971020 "We think everything will go this way in a few years." +21971021 He said that the next generation of optical drives will be as fast as hard drives, but he depends on outside suppliers for the devices. +21971022 But university computer specialists, who welcomed the move, called it a necessary retreat from the cutting edge of technology and one that's likely to increase Next's sales on campuses. +21971023 "From the standpoint of being on the forefront of technology, this is a step backward," said Jerry W. Sprecher, a senior computing manager for the California state university system. +21971024 "But it will definitely boost Next's sales." +21971025 Universities, however, say Next's prices must go even lower before large numbers of students purchase the machine. +21971026 "We'd still like to see a student model," priced at about $3,500, said Ronald Johnson, director of academic computing at Minnesota's Gustavus Adolphus College, which has bought eight Next machines. +21971027 Broad acceptance of Next's computer also is hindered by difficulty in distributing software for it. +21971028 Most software is distributed on cheap floppy disks, but the Next computer doesn't come with a device that reads them. +21971029 Next's computer also needs more software applications, but Mr. Jobs said he expects more soon. +21971030 He said he expects Lotus Development Corp. to introduce a Next version of its popular 1-2-3 spreadsheet program in 1990. +21971031 Educators added that Next needs to soon offer a color version of its computer. +21971032 Every major maker offers computers with color displays. +21971033 Next won't comment on when it will do the same, but is believed to have a color model under development. +21972001 Donald J. Amaral, 37 years old, was named president and chief operating officer of this owner and operator of hospitals, nursing centers and retirement hotels. +21972002 He succeeds as president, Don Freeberg, who remains chairman and chief executive officer. +21972003 The position of chief operating officer is new. +21973001 Ashton-Tate Corp. reported a net loss of $19.4 million, or 74 cents a share, for the third quarter, which was burdened by severance costs and the expense of upgrading its database software inventories. +21973002 The software company said revenue slid 28% to $53.9 million. +21973003 This contrasts with the year-ago quarter, when the company had net income of $11.7 million, or 45 cents a share, on revenue of $75.7 million. +21973004 For the nine months, Ashton-Tate had a loss of $27.6 million, or $1.05 a share. +21973005 In the year-ago period, the company had profit of $34.3 million, or $1.32 a share. +21973006 Revenue in the period slid almost 8% to $203.2 million from about $220 million last year. +21973007 Edward M. Esber, chairman, president and chief executive officer, attributed the decline to reduced domestic revenue because of $4.9 million spent to upgrade existing software inventories to the new database IV Version 1.1, and $1.8 million spent on the recent reduction in work force. +21973008 He said the company was "encouraged by feedback" it received from selected customers now testing Version 1.1. +21973009 The red ink came as no surprise to Wall Street, but analysts said they saw ominous hints of a further delay in volume shipments of Version 1.1, a harbinger of continued losses in the fourth quarter. +21973010 "The loss is in line with our expectations," said John C. Maxwell III, an analyst with Dillon, Read & Co. in New York. +21973011 He added gross margins and operating profit "eroded quite dramatically" from the prior quarter, along with sales of existing software product lines like Multimate and Framework. +21973012 "The success of a new product in the database line is needed. +21973013 And while the company hasn't made a definite statement, it now looks like that's not going to be anytime soon," Mr. Maxwell said. +21973014 The company said in a statement that it expects to ship new products "during the next two quarters." +21973015 "It now looks like database IV Version 1.1 isn't going to be {widely} available until the first quarter of 1990," said David Bayer, an analyst with Montgomery Securities in San Francisco. +21973016 "This is the second delay now in getting the product out the door. +21973017 It does prolong the pain somewhat." +21973018 Mr. Maxwell said unless the company can start shipments of the new product sometime this quarter, the fourth-quarter loss is likely to be "comparable to the third quarter's." +21973019 If the company can start to ship during this quarter, it could stem some, if not all of the red ink, he said. +21973020 In national over-the-counter trading, Ashton-Tate closed yesterday at $10 a share, up 62.5 cents. +21974001 Tuesday, October 17, 1989 +21974002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +21974003 PRIME RATE: 10 1/2%. +21974004 The base rate on corporate loans at large U.S. money center commercial banks. +21974005 FEDERAL FUNDS: 8 11/16% high, 8 5/8% low, 8 5/8% near closing bid, 8 11/16% offered. +21974006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +21974007 Source: Fulton Prebon (U.S.A.) Inc. +21974008 DISCOUNT RATE: 7%. +21974009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +21974010 CALL MONEY: 9 3/4% to 10%. +21974011 The charge on loans to brokers on stock exchange collateral. +21974012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: 8.40% 30 to 44 days; 8.325% 45 to 59 days; 8.10% 60 to 89 days; 8% 90 to 119 days; 7.85% 120 to 149 days; 7.70% 150 to 179 days; 7.375% 180 to 270 days. +21974013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: 8.50% 30 days; 8.40% 60 days; 8.375% 90 days. +21974014 CERTIFICATES OF DEPOSIT: 8.05% one month; 8.02% two months; 8% three months; 7.98% six months; 7.95% one year. +21974015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +21974016 The minimum unit is $100,000. +21974017 Typical rates in the secondary market: 8.50% one month; 8.50% three months; 8.45% six months. +21974018 BANKERS ACCEPTANCES: 8.38% 30 days; 8.28% 60 days; 8.23% 90 days; 8.13% 120 days; 8.03% 150 days; 7.93% 180 days. +21974019 Negotiable, bank-backed business credit instruments typically financing an import order. +21974020 LONDON LATE EURODOLLARS: 8 5/8% to 8 1/2% one month; 8 9/16% to 8 7/16% two months; 8 9/16% to 8 7/16% three months; 8 1/2% to 8 3/8% four months; 8 7/16% to 8 5/16% five months; 8 7/16% to 8 5/16% six months. +21974021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 5/8% one month; 8 9/16% three months; 8 7/16% six months; 8 7/16% one year. +21974022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +21974023 FOREIGN PRIME RATES: Canada 13.50%; Germany 8.50%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +21974024 These rate indications aren't directly comparable; lending practices vary widely by location. +21974025 TREASURY BILLS: Results of the Monday, October 16, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.37% 13 weeks; 7.42% 26 weeks. +21974026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +21974027 9.88%, standard conventional fixed-rate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +21974028 Source: Telerate Systems Inc. +21974029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) 9.80%, standard conventional fixed-rate mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +21974030 Source: Telerate Systems Inc. +21974031 MERRILL LYNCH READY ASSETS TRUST: 8.50%. +21974032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +21975001 Ethyl Corp. reported that third-quarter net income fell 12% from a year-earlier quarter helped by a gain from discontinued operations. +21975002 Profit from continuing operations rose 19%. +21975003 The chemicals and insurance company said net in the latest quarter was $54.8 million, or 45 cents a share. +21975004 In the year-earlier quarter, net was $62.2 million, or 51 cents a share. +21975005 The previous-year quarter included $16.1 million from businesses spun off as Tredegar Industries Inc. +21975006 Revenue was $613.7 million, up 18% from $521.2 million a year ago. +21975007 Ethyl said pretax profit from its insurance segment, excluding investment gains, rose 28% in the latest quarter to $28.6 million from $22.4 million. +21975008 In the chemicals segment, pretax profit rose 7% to $69.2 million from $64.9 million. +21975009 The company's chemicals interests include, among other things, petroleum additives, pharmaceuticals ingredients and polysilicon used by the semiconductor industry. +21975010 For the nine months, Ethyl said net fell 2% to $168.7 million, or $1.40 a share, from $172.2 million, $1.42 a share, a year ago. +21975011 Net in the latest period included $11.9 million from discontinued operations and a charge of $6.2 million from a plant closing. +21975012 In the year-ago period, net included $32.7 million from discontinued operations. +21975013 Revenue was $1.79 billion, up 18% from $1.52 billion a year earlier. +21975014 In New York Stock Exchange composite trading, Ethyl closed at $25.875 a share, up 12.5 cents. +21976001 Tribune Co., helped by a hefty boost in performance at its broadcasting and entertainment operations, said net income jumped 21% in its third quarter ended Sept. 24 on a 3% increase in revenue. +21976002 The broadcasting and newspaper concern, based in Chicago, said net was $62.7 million, or 77 cents a primary share, up from $51.6 million, or 69 cents a share. +21976003 Per-share figures this year reflect $6.8 million in preferred-share dividends; the 1988 quarter didn't have such a payout. +21976004 Revenue rose to $590.7 million from $575.1 million. +21976005 Nine-month net climbed 19% to $174.8 million, or $2.21 a primary share, from $147.5 million, or $1.94 a share. +21976006 Nine-month per-share figures for 1989 reflect $12.9 million in preferred dividends that had no counterpart in the year-earlier quarter. +21976007 Revenue rose 4% to $1.79 billion. +21976008 In New York Stock Exchange composite trading Friday, Tribune closed at $49.375, down $4.75. +21977001 Enserch Corp. said about 12 million, or 93%, of the publicly traded units of its limited partnership, Enserch Exploration Partners Ltd., were tendered in response to an offer that expired Monday. +21977002 Enserch said the tendered units will raise its ownership of the partnership to more than 99% from 87%. +21977003 About 900,000 units will continue to be publicly traded on the New York Stock Exchange, Enserch said. +21977004 Enserch had offered one-half a share of its common and $1 in cash for each unit. +21978001 The public sector borrowing requirement, the most widely used measure of Britain's government deficit or surplus, showed a deficit of #200 million in September, compared with a deficit of #765 million in August and a deficit of #1.08 billion in September 1988, the Treasury said. +21978002 In the six months since the current fiscal year began April 1, the surplus totaled #500 million, compared with a surplus of #3.6 billion in the year-earlier period. +21978003 The government is projecting a #14 billion surplus for the fiscal year. +21978004 The reported figures for the public sector borrowing requirement include receipts from the sale of state-owned industries. +21978005 Excluding those receipts, the government deficit would have totaled about #2.5 billion in the first six months, compared with #1.3 billion a year earlier, the Treasury said. +21979001 French crude-steel production in September was 1,616,000 metric tons, unchanged from a year earlier, according to the National Steel Manufacturers' Association. +21979002 The association said the September total brought French output for the first nine months this year to 14,789,000 tons, up 4.5% from a year earlier. +21980001 Prospect Group Inc., whose recent hostile tender offer for Recognition Equipment Inc. failed for lack of financing, apparently has gained a measure of control over the troubled company anyway. +21980002 As part of what a Recognition spokeswoman termed an "amiable agreement," Prospect Group will wind up with control of top management posts and an increased stake in the maker of data management equipment. +21980003 In a management restructuring, Thomas L. Ringer resigned as chairman, chief executive and a director, while Israel Sheinberg resigned as a director. +21980004 Mr. Sheinberg remains as executive vice president. +21980005 Thomas M. Hurley and Robert A. Vanourek, who had been designated to take over Recognition's top spots had Prospect's tender offer succeeded, were named co-chief executives and directors. +21980006 Mr. Hurley was formerly a vice president and general manager of an Avery International division; Mr. Vanourek was a former group vice president of Pitney Bowes Inc. +21980007 In addition, the agreement calls for Gilbert H. Lamphere, chairman of Prospect Group's executive committee, to be named chairman of a restructured board that will include four new independent directors. +21980008 Also named to the revised board was Thomas A. Loose, Recognition's senior vice president and general counsel. +21980009 Prospect, a New York-based leveraged buy-out firm, also agreed to invest $15 million in Recognition, which in turn agreed to repurchase as much as $20 million of its stock. +21980010 That would increase Prospect's ownership of the company's fully-diluted shares outstanding to 20% from 14.1%. +21980011 Under the agreement, Prospect is permitted to increase its stake in Recognition to 30%. +21980012 Beyond that, Prospect said it wouldn't offer to acquire additional shares for less than $11.25 a share during the next year or less than $14.06 a share during the subsequent two years. +21980013 Recognition also said it obtained a commitment from Chemical Bank and Bank of Boston to convert an estimated $18 million in bank debt to a new, 24-month secured term loan to be repaid through the sale of certain assets. +21980014 In August, Recognition said it was in violation of certain terms of its debt agreements with bank lenders because of a $3.9 million loss for the third quarter ended July 31. +21980015 The company attributed the loss to declining revenue and litigation costs relating to criminal charges against the company and two former executives, William G. Moore Jr. and Robert W. Reedy. +21980016 The former executives were indicted last October on charges of fraud, theft and conspiracy related to efforts by the company to win $400 million in Postal Service contracts. +21980017 Recognition Equipment said it expected to put the agreement with Prospect to a vote of its stockholders at a special meeting in January. +21980018 In New York Stock Exchange composite trading, Recognition rose 87.5 cents to $6.625. +21980019 Prospect slipped 25 cents to $10.50 in national over-the-counter trading. +21981001 General Motors Corp.'s Chevrolet division, reacting to slow sales, said it will offer $800 rebates on its 1990 Beretta, the two-door version of its core compact-car line. +21981002 Sluggish sales of the Beretta, and its four-door sister car, the Corsica, prompted GM to idle the two plants that build the automobiles for a total of three weeks this month. +21981003 The Corsica and Beretta make up the highest-volume car line at Chevrolet, but sales of the vehicles are off 9.6% for the year, and fell a steep 34% during early October. +21981004 Chevrolet already is offering an $800 rebate on the 1990-model Corsica. +21981005 The latest rebate is good for all Beretta models. +21981006 Chevrolet buyers can take the rebate, or get discount financing at rates ranging from 6.9% on 24-month loans to 10.9% on 60-month loans. +21982001 StatesWest Airlines said it submitted an offer to the directors of Mesa Airlines to acquire the Farmington, N.M., carrier. +21982002 Except to characterize its offer as "fair and generous and in the best interests of Mesa shareholders," StatesWest declined to discuss details of its proposal. +21982003 It also asked Mesa to keep the proposal confidential. +21982004 A Mesa official confirmed receipt of the offer and said directors would meet to consider it. +21982005 Last week, Mesa rejected a proposal by StatesWest to acquire it or merge. +21982006 StatesWest has a 7.25% stake in Mesa, which operates 20 twin-engine and two single-engine turboprops among 42 cities in New Mexico, Arizona, Wyoming, Colorado and Texas. +21982007 StatesWest operates four twin-engine turboprop aircraft, connecting 10 cities in California, Arizona and Nevada. +21982008 The carrier hasn't yet turned a profit. +21983001 The former president of FirstSouth F.A., a defunct Arkansas thrift, pleaded guilty to conspiring to inflate the institution's earnings by concealing worthless loan guarantees. +21983002 Roderick D. Reed III, who was also chief operating officer of FirstSouth, could receive a maximum sentence of five years in federal prison and a $250,000 fine. +21983003 A sentencing date hasn't been set. +21983004 Mr. Reed admitted he conspired to conceal an agreement not to enforce loan guarantees executed by Dallas real-estate developers A. Starke Taylor III and George S. Watson, both of whom were FirstSouth stockholders. +21983005 Neither Mr. Taylor nor Mr. Watson have been charged with criminal wrongdoing. +21983006 By concealing the non-enforcement agreement, certain transactions with Messrs. Taylor and Watson were entered on FirstSouth's books as loans, allowing the thrift to report fees and interest as current income, according to the U.S. attorney's office in Little Rock, Ark. +21983007 The conspiracy was part of an effort by Mr. Reed to hide FirstSouth's shaky financial condition from federal regulators, according to federal prosecutors and regulators. +21983008 The $1.68 billion thrift was declared insolvent and closed in December 1986. +21983009 FirstSouth's former chairman and chief executive officer, Howard Weichern, is also charged with conspiring to conceal the agreements with Messrs. Watson and Taylor. +21983010 Mr. Weichern is scheduled for trial Jan. 3 before federal Judge Stephen Reasoner of Little Rock. +21984001 I approached "Mastergate," Larry Gelbart's new comedy at the Criterion Center, with considerable trepidation. +21984002 Nothing, I assumed, would be more hopelessly dated than a political satire on the Iran-Contra affair. +21984003 I had underestimated, however, both Mr. Gelbart's wit and the persistence of scandal in Washington. +21984004 Though the play clearly is framed around the events of Iran-Contra, it takes in the wide sweep of scandals over the past 30 years. +21984005 In fact, at one point Merry Chase (Melinda Mullins), a cool, carefully coiffed television announcer, recites a list of a dozen or more scandals of recent years, concluding with those affecting the Department of Housing and Urban Development and the savings and loan industry. +21984006 Onstage, a congressional hearing is in progress, complete with elegant crystal chandelier overhead and a lifesize reproduction of the signing of the Constitution in the background. +21984007 The witness table is center stage and below it, the paraphernalia for the ever-present media, in this case TNN, the Total News Network. +21984008 Not only are there camera operators on all sides, but the proceedings are shown on monitors throughout the theater. +21984009 The metaphor of theater is not entirely coincidental. +21984010 Mr. Gelbart clearly feels that all the participants in a congressional hearing -- the witnesses, the lawyers, the interrogators and the news media -- are performers. +21984011 As the story of "Mastergate" unfolds, we learn that the Internal Revenue Service confiscated one of the properties of a foreign financier who owes the government millions in taxes. +21984012 The man, it seems, has a Lichtenstein corporation, licensed in Libya and sheltered in the Bahamas. +21984013 He himself lives in a "consecutive series of unnumbered houses in a town in Switzerland." +21984014 The property seized by the IRS is a Hollywood film studio, Master Pictures Incorporated (MPI). +21984015 Supposedly the IRS will sell off the assets of MPI, but before it can, a lowly IRS agent is called into the hospital room of Wylie Slaughter, the dying head of the Central Intelligence Agency. +21984016 The lowly agent, Abel Lamb, who as you might guess, is being led to the slaughter, is ordered to take over the studio. +21984017 Soon the studio is producing a $40 million picture called "Tet, the Motion Picture," to distinguish it from "Tet, the Offensive," as well as "Tet, the Book" and "Tet, the Album." +21984018 The picture, to be made in the Central American country of San Elvador, is a cover for sending $800 million of arms to Los Otros, the rebel group attempting to regain neighboring Ambigua, which has been taken over by the leftist dictator Dr. Overtega, a former podiatrist, who leads a revolutionary band of foot soldiers. +21984019 The man handling all this for the now-deceased Slaughter is Major Manley Battle, Mr. Gelbart's stand in for Col. Oliver North. +21984020 Director Michael Engler has assembled a top-flight cast to carry out the impersonations of well-known political figures and to play the stock characters who invariably show up at congressional hearings. +21984021 Daniel von Bargen is ramrod-stiff but totally assured as Major Battle, mixing just the right brand of self-righteousness and patriotism; Jeff Weiss is fire, brimstone and teary-eyed emotionalism as the far-right senator who serves as a friendly interrogator of Major Battle; Zach Grenier is maddeningly officious playing a succession of lawyers; Joseph Daly has the perfect "aw, shucks" demeanor of George Bush in his portrayal of the vice president; and Ann McDonough is first-rate as a succession of witnesses' wives. +21984022 With one she is pregnant, with Major Battle she is knitting an American flag, and as the vice president's wife she rushes in with white hair, wearing a tailored suit and pearls, imitating Barbara Bush's gestures down to the last detail. +21984023 Though it's clear that Mr. Gelbart's sympathies do not lie with the far right, it's also true that he is evenhanded in dispensing his satirical jabs, taking sharp aim at senators and congressmen of all stripes and particularly at the media. +21984024 Mr. Gelbart also has fun with language. +21984025 "Mastergate" is subtitled "a play on words," and Mr. Gelbart plays that game as well as anyone. +21984026 He describes a Mastergate flunky as one who experienced a "meteoric disappearance" and found himself "handling blanket appeals at the Bureau of Indian Affairs." +21984027 This interest in words goes beyond puns and playfulness, however. +21984028 Mr. Gelbart deplores the obfuscation, the circumlocution and the debasement of language he sees on all sides. +21984029 As the hearings begin, the self-important Sen. Bowman (Jerome Kilty) announces: "Let me emphaticize one thing at the outset: We are not looking for hides to skin nor goats to scape." +21984030 Major Battle himself speaks in pure Pentagonese: "Without further monetary-stroke-military aid, scores of Ambiguan freedom lovers, who had gone way out on their life and limbs for us, were literally cut off at the knees without a paddle." +21984031 At another point he intones: "Publicity is a small price to pay for secrecy." +21984032 The evening is short -- 95 minutes without an intermission -- but even so, as the play progresses the thrust of Mr. Gelbart's satire loses its sharpness as his targets pop up ever more predictably. +21984033 Most of the evening, though, is filled with rare and welcome wit. +21984034 In "Mastergate," Mr. Gelbart has provided us not just one but two commodities that have all but disappeared from the Broadway theater: sharp political satire and an even sharper appreciation of the value of language. +21985001 The Federal National Mortgage Association set up a three-member office of the chairman and elected James A. Johnson as vice chairman, effective Jan. 1. +21985002 Mr. Johnson has been a managing director at Shearson Lehman Hutton since 1985, and before that was president of Public Strategies, a Washington consulting firm. +21985003 He is well-known in Democratic circles, having been executive assistant to Vice President Walter Mondale and chairman of Mr. Mondale's 1984 presidential campaign. +21985004 At Fannie Mae, he will take responsibility for the corporation's financial and legal areas and will work with David Maxwell, chairman and chief executive officer, and Roger Birk, president and chief operating officer, on strategic planning. +21985005 Mr. Johnson, 45 years old, has been a consultant on strategy to Fannie Mae for the past 3 1/2 years. +21985006 In an interview, he said Fannie Mae faces a number of challenges with the restructuring of the thrift industry and the push to broaden its activities overseas. +21985007 "There's no shortage of major things to do," he said. +21985008 Fannie Mae also said James A. Aliber, chairman of First Federal of Michigan and a director since 1985, moved up the date of his retirement from the board to accommodate Mr. Johnson's election as a director. +21985009 The board has 13 members elected by holders and five presidential appointees. +21985010 Fannie Mae, a federally chartered, shareholder-owned corporation, operates a secondary market for mortgage loans, buying loans from lenders, packaging some into securities for sale to investors and keeping the rest in its portfolio. +21986001 "The New Crowd" by Judith Ramsey Ehrlich and Barry J. Rehfeld (Little, Brown, 444 pages, $19.95), describes the displacing of the old "our crowd" Jewish Wall Street banking grandees by such new business barons as Saul Steinberg, Carl Icahn, Sanford Weill and Bruce Wasserstein. +21986002 Its many lively stories include the Gutfreund-Postel holiday cheer imbroglio. +21986003 These two New Crowd families lived in the same apartment building, with the Postel penthouse perched on top of the Gutfreund duplex. +21986004 The penthouse elevator started up from the Gutfreund landing, and Susan Gutfreund used to turn off its light, to give the impression that there was no higher floor. +21986005 Eventually, Mr. Postel broke his toe in the dark. +21986006 Then the Gutfreunds determined to put up a 22-foot Christmas tree, weighing a quarter of a ton, to amaze their holiday guests. +21986007 For this, a crane needed to be mounted on the Postels' terrace. +21986008 The Postels did not give permission. +21986009 But the Gutfreund workers went ahead anyway, only to be captured "in flagrante" by Joan Postel, who called the police. +21986010 Before the Gutfreunds finally left this unfriendly environment for a prodigious duplex on Fifth Avenue and an 18th-century mansion with a specially excavated $1 million garage in Paris, the Postels had obtained an injunction to prevent any future hoisting of trees, and in a neighborly spirit hit both the Gutfreunds and the building with a $35 million lawsuit. +21986011 Nothing less, it seemed, could console them for their traumas. +21986012 Where had all the money come from? +21986013 The young John Gutfreund had been discovered by Billy Salomon of Salomon Bros. when he was still a bearded liberal, and put to work as a trader, and then as a rough-and-tumble syndicator. +21986014 " `Get off your . . .,' he would bellow," say the authors. +21986015 Rising in the firm, he became powerful and bland, though his new wife, Susan, made him shine in the gossip columns with her profligate spending habits and flamboyant frocks. +21986016 After he had been head of the company for 3 1/2 years, he and his partners sold it to Phibro, a powerful commodity trading outfit, for $550 million in Phibro stock. +21986017 Limited partner Billy Salomon, whose family name had been on the firm's door for 70 years and who had hoped it would be there forever, was not consulted. +21986018 Mr. Gutfreund collected $32 million, while Billy Salomon got $10 million, much less than if he had conducted the sale. +21986019 "I felt betrayed," he later said. +21986020 Worse, Salomon's timing had been off. +21986021 Its profits, unlike Phibro's, soared over the next two years, and had it held out, Salomon could have gotten an even bigger bundle. +21986022 The book also recounts the not dissimilar maneuvers surrounding the changing of the guard at Lehman Bros. and other grand old firms. +21986023 Often the genteel, conservative, long-term-oriented investment bankers were displaced by crude traders: "When angered, he cursed so forcefully that his face reddened and his pale-blue eyes narrowed into tiny slits," the authors say of Lehman's Lewis Glucksman. +21986024 The earlier generation of "our crowd" bankers -- Belmonts, Warburgs, Lehmans, Baches and Schiffs -- had stressed above all probity, tradition, continuity and reputation. +21986025 They were old-fashioned elegant gentlemen, who happened to be of German Jewish extraction. +21986026 But in the harsh world of today's Wall Street they have lost out to more aggressive and sometimes less scrupulous successors. +21986027 The cuckoo prefers the nests of other birds and heaves out their eggs. +21986028 But the old guard hired the New Crowd people: It brought in its own cuckoos. +21986029 So, as the Old Crowd toppled from the branch, it shouldn't have been too surprised. +21986030 The old guard had every right, however, to disdain the newcomers' new ways of making money, such as greenmail. +21986031 (A Fortune article on Saul Steinberg was entitled, "Fear and Loathing in the Corporate Boardrooms.") +21986032 Their other staple has been corporate takeovers, often hostile and financed by junk bonds. +21986033 Hostile takeovers are quite a new phenomenon. +21986034 Sometimes they are constructive, but often not. +21986035 First, by making management focus on short-term results, they inhibit building for the future -- just the opposite of Japan. +21986036 Second, a long-term shareholder of a good company needn't worry too much when the stock price drops temporarily: It will bounce back. +21986037 But if a raider takes over when the stock is weak, the shareholder never gets his recovery. +21986038 The raiders, meanwhile, have evolved their own pattern for spending their new millions. +21986039 As described in "The New Crowd," they take on ambitious new wives, move to Greenwich, Conn., or Bedford, N.Y., buy OK pictures, and let their wives share the wealth with decorators. +21986040 Having donated heavily to museums, they demand a place on their boards. +21986041 The book is patronizing about this nouveau riche struggle for respectability, which has its tawdry aspects. +21986042 However, on balance, the charity game helps America. +21986043 If those who have the money don't get involved with the museums and the charities, then City Hall will do it, badly. +21986044 It has been rightly observed that the main thing wrong with tainted money is, t'aint enough of it. +21986045 A handful of the New Crowd operators have crossed the line from the immoral to the illegal, and have ended up in the slammer or paying huge fines: +21986046 Ivan Boesky, Dennis Levine, Martin Siegel, Victor and Steven Posner, and now Michael Milken and perhaps Leona Helmsley. +21986047 The glitzy office that Ivan Boesky vacated for a prison cell had previously contained commodity operators Marc Rich and "Pinky" Green, today fugitives from a potential century apiece of jail sentences. +21986048 The Old Crowd is deeply concerned by the backlash from all this. +21986049 However, the phenomenon is not specifically Jewish. +21986050 It has always been true that those outside the club want to climb in, and that a few will cut corners in the process. +21986051 Some pretty seamy stuff built the turn-of-the-century families' Fifth Avenue and Newport palazzi and endowed their daughters' weddings to foreign noblemen. +21986052 Mr. Boesky was a piker compared to Jay Gould and Jim Fiske, and Commodore Vanderbilt thought nothing of bribing judges and legislators. +21986053 So who knows? +21986054 In a generation or two some of the New Crowd may attain true respectability, perhaps to be displaced in turn by a later flock of unscrupulous raptors. +21986055 Or perhaps Wall Street, when it has suffered enough, will realize that finance is a service industry, and change its ethos. +21986056 Mr. Train is president of Train, Smith Investment Counsel, New York. +21987001 Dallas investor Harold C. Simmons said he raised his stake in Lockheed Corp. to 10.62% from 10.43% of the aerospace and electronics concern's common shares. +21987002 In a Securities and Exchange Commission filing, Mr. Simmons said he and companies he controls, NL Industries Inc. and NL Chemicals Inc., hold 6,744,600 shares of Lockheed, of Calabasas, Calif. +21987003 They include 122,700 shares bought Friday for between $47.125 and $48 each. +21987004 In composite trading on the New York Stock Exchange, Lockheed closed at $46.125 a share, down 12.5 cents. +21987005 Earlier this week, Mr. Simmons objected to published reports quoting him as saying he planned to sell his Lockheed stake because "the defense industry seems to be getting more uncertain." +21987006 Valhi Inc., another of Mr. Simmons' companies, responded to an article Monday in The Wall Street Journal, which credited a story in the Sunday Los Angeles Daily News. +21987007 Valhi said the articles didn't accurately reflect Valhi and its affiliates' intentions toward Lockheed. +21987008 Instead, Valhi said, they may increase, decrease or retain their Lockheed holdings, depending on a number of conditions. +21988001 Canada, which is preparing to speed up tariff cuts with the U.S., recorded a 47% narrowing in its trade surplus with the U.S. in August, Statistics Canada, a federal agency, reported. +21988002 U.S. exports to Canada jumped 11.2% in August from July while U.S. imports from Canada rose only 2.7%. +21988003 As a result, Canada's trade surplus with the U.S. narrowed to C$656.5 million (US$558 million) in August from C$1.23 billion (US$1.04 billion) in July. +21988004 U.S. exports benefited in August from heavy Canadian spending on new plant and equipment and a pickup in Canadian auto demand, Canadian officials said. +21988005 The U.S. and Canada, which do more trade than any other pair of nations, are to meet next month to arrange an acceleration of planned tariff cuts under the U.S.-Canada free trade agreement. +21988006 Industries in both countries have requested a speedup of tariff cuts on hundreds of products. +21988007 Some tariffs were eliminated when the trade pact took effect Jan. 1. +21988008 The remainder were to be phased out in five or 10 annual installments, with all tariffs eliminated by January 1998. +21988009 The two countries aim to reach an agreement by early December on a package of accelerated tariff cuts that would take effect early next year. +21988010 Canadian officials said the trade pact has kindled an export interest among many small Canadian companies that previously had little or no foreign sales. +21988011 For such businessmen, the Canadian government is organizing 55 missions this year to U.S. states bordering on Canada. +21988012 The businessmen are introduced to potential agents and distributors and instructed in trade procedures. +21988013 The U.S. Commerce Department is planning to try out similar trips on U.S. businessmen in coming months under its Canada First! Outreach Program. +21988014 Participants in the U.S. missions to Canada are to be assisted by members of the Service Corps of Retired Executives, a volunteer group, in dealing with their export challenges. +21988015 The Canadian government also has recently opened new trade offices in San Diego; San Juan, Puerto Rico; Miami; Princeton, N.J., and Denver, bringing the total number of such Canadian offices in the U.S. to 27. +21988016 The U.S. has six trade promotion offices in Canada. +21988017 Canada's export effort has been blunted by robust home market demand and by an 18% appreciation of the Canadian dollar against its U.S. counterpart in the past three years that has made Canadian goods more costly in the U.S. +21988018 Canada's trade surplus with all countries narrowed to C$203.5 million in August from C$528.3 million in July, Statistics Canada said. +21989001 Loral Corp. said it received a $325 million order from Turkey's Ministry of Defense, the largest contract the company ever has received. +21989002 Loral will provide to Turkey an electronic countermeasures system for its fleet of F-16 aircraft. +21989003 The system provides radar-threat warning and electronic jamming capabilities. +21989004 The defense electronics maker said delivery will begin in October 1991 and run through mid-1995. +21989005 Loral said the contract with Turkey will provide opportunities for Loral to supply that country with other defense systems. +21990001 Crown Resources Corp. said it reached a definitive agreement to acquire the Gold Texas Resources Ltd. shares it doesn't already own. +21990002 Under the proposed agreement, Gold Texas holders will receive 1.43 Crown shares for each of the 1.1 million Gold Texas shares not owned by Crown, which already owns 65%. +21990003 The arrangement is subject to approval by the Supreme Court of British Columbia province, Crown said. +21990004 Gold Texas is based in Vancouver, British Columbia, and Crown Resources is based in Denver. +21990005 Both are mining concerns. +21991001 Apogee Robotics Inc. said its board extended until Feb. 1 the exercise period of Apogee's existing stock purchase warrants outstanding. +21991002 The expiration date had been Nov. 3. +21991003 Each of the 1,075,000 warrants entitle the holders to purchase one share of Apogee common stock for $2.25. +21991004 Apogee was quoted in the over-the-counter market yesterday at $2 bid. +21992001 Bank of New England Corp., seeking to streamline its business after a year of weak earnings and mounting loan problems, said it will sell some operations and lay off 4% of its work force. +21992002 The bank holding company also reported that third-quarter profit dropped 41%, to $42.7 million, or 61 cents a share, from the year-earlier $72.3 million, or $1.04 a share. +21992003 Among its restructuring measures, the company said it plans to sell 53 of its 453 branch offices and to lay off 800 employees. +21992004 Altogether, employment is expected to decline to less than 16,000 from the current level of about 18,000. +21992005 Walter Connolly, chairman, said in an interview that the company expects to record pretax gains of $100 million to $125 million from the sale of its leasing operations and of certain financial processing services. +21992006 In a prepared statement, the company said it expects to realize those gains before year end. +21992007 Nonperforming assets continued to pile up in the latest quarter, rising to $900 million, or 3.52% of loans and leases, from $667 million, or 2.68%, at the end of the second quarter. +21992008 Some $170 million of the $233 million increase in nonperforming loans was related to real estate, and roughly three-quarters of that was in the troubled New England market, according to Richard Driscoll, vice chairman. +21992009 Mr. Driscoll said that, despite continued weakness in the region's real estate market, Bank of New England expects the rate of increase in nonperforming assets to slow in coming quarters. +21992010 Mr. Connolly noted that net third-quarter charge-offs, at $63 million, improved slightly from the $67 million in the second quarter. +21992011 And he indicated that more substantial improvement is expected in the next couple of quarters. +21992012 The company increased its loan loss reserve to $354 million from $342 million at the end of the second quarter. +21992013 Total assets slipped to $31.4 billion, from $32 billion as of June 30. +21992014 Among other restructuring measures, the bank said it will close its loan production offices in Chicago, New York and Philadelphia. +21992015 The Chicago office figured prominently in the bank's problems earlier this year, when $65 million in loans to Chicago businessman William Stoecker went sour. +21992016 In an internal memorandum to employees, Messrs. Connolly and Driscoll described the restructuring as an effort to continue rationalizing operations assembled during a series of mergers over the past five years. +21993001 Italy's wholesale price index rose 0.4% in August from July and was up 6.1% from a year earlier, the state statistical institute reported. +21993002 The index registered 196.1 in August, compared with 195.4 in July and with 184.9 in August 1988. +21993003 The year-on-year rise in August was slightly down from the 6.4% rate in July. +21993004 The index has a base of 100 set in 1980 and isn't seasonally adjusted. +21994001 U.S. steel imports in August fell 14% from a year earlier to 1,531,000 tons, according to the American Iron and Steel Institute. +21994002 The trade group's compilation of Commerce Department data showed that August imports, the second largest monthly total of the year, were up 5% from July's 1,458,000 tons but below last year's high of 1,979,000 tons in June 1988. +21994003 August imports claimed 18.5% of the U.S. market, compared with 19.3% in July and 20.5% in August 1988. +21994004 The latest month's figures show that imports of steel from European Community nations fell to 466,000 tons from 481,000 a month earlier, while imports from Japan rose to 323,000 tons from 288,000 in July. +21994005 Imports from Canada rose to 272,000 tons in August from 209,000 in July. +21994006 The American Institute for Imported Steel said imports for the first eight months of 1989 were below the level allowed by the Voluntary Restraint Agreement program. +21994007 The institute said that, excluding semifinished steel products, year-to-date imports represented 15.2% of consumption, compared with a permitted maximum of 18.5%. +21995001 Japanese machinery makers received orders totaling 1.465 trillion yen ($10.33 billion) in August, up 14% from a year earlier, the Economic Planning Agency said. +21995002 "Equipment orders on the domestic side were particularly strong in shipping and power utilities," said an agency official. +21995003 The latest report compares with a modest 9.9% increase in July machinery orders from a year earlier. +21996001 In August, soon after Wang Laboratories Inc. reported a staggering $424.3 million loss and replaced its president, two Boston sales representatives sent customers a letter saying: "We fully expect that you will soon be reading stories in the press reporting the `Amazing Comeback at Wang.'" +21996002 How soon Wang will stage a comeback, or if it will at all, are still matters of debate. +21996003 But Wang salespeople are trying to cope with the biggest challenge any marketer can face: selling the products of a company that is on the ropes. +21996004 "If your prospect is feeling risk the whole time and you're not feeling as if you're backed up by a stable company, you've lost it before you've begun," says Mary Ann Cluggish, a Wellesley, Mass., sales trainer and consultant who works with high technology companies. +21996005 It can happen in any industry. +21996006 Consider the difficulties faced by Audi salespeople when the car was tainted by false charges of sudden acceleration, or Exxon dealers' problems in the wake of the Valdez oil spill. +21996007 Like thousands of salespeople before them, Wang's are finding ways to combat the bad news. +21996008 "It's very important that we exude confidence, even though within the family we know there's a lot of hard work ahead," said Richard Miller, the Lowell, Mass., computer concern's new president, in a video message to salespeople a month after he took over. +21996009 Wang got into financial trouble because of bloated overhead and overly optimistic sales forecasts. +21996010 Its mainline minicomputers and word processors have lost ground to cheaper personal computers. +21996011 Last year it funded its high employment by heavy borrowing, and it suffered huge losses when sales turned down instead of rising. +21996012 After the company reported red ink for the fiscal third quarter, Wang's marketing department provided the sales force answers to questions such as "How could you not have known you were going to lose $55 million?" and "Is Wang still a viable company?" +21996013 Salespeople try to push their products and avoid discussions of finances. +21996014 Responding to such questions is "defensive," says Kenneth Olissa, Wang's vice president, marketing. +21996015 "That's antithetical to the art of selling." +21996016 Moreover, he notes that analyzing financial results "poses a problem for a salesman who isn't particularly familiar with a balance sheet." +21996017 At one sales strategy meeting, an executive suggested ordering salespeople to become experts on the annual report. +21996018 Mr. Miller vetoed that: "Even I can't understand all the footnotes," he says. +21996019 Instead, he says, if the salespeople can get the customers to consider Wang's products on their merits, he or a top financial officer will try to assuage the fears about finances. +21996020 Mike Metschan, a salesman in Wang's Austin, Texas, office, has a breezier method: "We tell them $3 billion companies don't go out of business. +21996021 We tell them all the major companies are having financial difficulties." +21996022 Numerous computer companies are having sales slumps and earnings declines, but very few have had losses comparable to Wang's or are carrying such a large debt load. +21996023 Mr. Miller says that after a sharp sales slump in July and August, sales stabilized in September. +21996024 Although Wang will report a loss for the first quarter ended Sept. 30 and the full fiscal year, Mr. Miller says he expects the company will return to profitability by the fourth quarter. +21996025 Experts on sales technique say anyone representing a troubled company must walk a fine line. +21996026 "If a salesman jeopardizes his credibility in this time of trouble, it will be a problem for the long run," says George Palmatier, a Minden, Nev., sales consultant and author of "The Marketing Edge." +21996027 Still, says John Sullivan, a management recruiter with Daniel Roberts Inc. of Boston, who has held senior sales positions at Polaroid and Atari: "The customer will react to strength. +21996028 Ignore the present condition. +21996029 Show it's business as usual." +21996030 That isn't easy. +21996031 Wang's customers are data processing managers who want to be sure that their suppliers are stable, wellrun companies that will be around to fix bugs and upgrade computers for years to come. +21996032 For buyers, "these are career-risking decisions," says Jean Conlin, who supervises a network of Wang computers in the admissions department at Boston University. +21996033 The university is considering installing a $250,000 system to store applications electronically. +21996034 "Before the really bad news, we were looking at Wang fairly seriously," she says. +21996035 But "their present financial condition means I'd have a hard time convincing the vice president in charge of purchasing." +21996036 Ms. Conlin adds: "At some point we'd have to ask, `How do we know that in three years you won't be in Chapter 11?'" +21996037 During the past year, Wang has developed new products and a new strategy and hired a new president. +21996038 Wang's overall product line is "still not as good as other vendors, but they've come a long way," says Steven Wendler, a consultant with market researcher Gartner Group, Stamford, Conn. +21996039 "They were on the road to recovery in terms of customer attitudes until this bad quarter happened." +21996040 The first priority for Wang's sales force is to make sure it holds on to existing customers. +21996041 Wang's installed base is one of its greatest assets, and many of those customers remain extremely loyal. +21996042 But even before Wang's latest financial troubles surfaced, some customers "were trying to wall off their Wang installations" so other departments wouldn't add Wang, says Chris Christiansen, a former Wang marketer who is now a market analyst with Meta Group, a market research firm in Stamford, Conn. +21996043 One Wang salesman who left the company in July recalls that when he tried to sell products to Eastman Kodak, he worked "to muster support from internal allies," but "those allies became skeptical as they saw the downtrend. +21996044 The more recent losses were really devastating." +21996045 New customers, the source of higher commissions for salespeople and the key to Wang's long-term viability, are even tougher. +21996046 Rick Lynch, a former top salesman in Wang's Boston office, referring to Wang's mainstay computer line, says: "You can't sell a VS to a new customer." +21996047 Mr. Lynch left Wang this summer for Oracle Systems Inc., a software vendor. +21996048 The financial problems are particularly frustrating for salespeople pushing Wang's image systems, which convert paper forms to electronic documents. +21996049 Consultants say that Wang's technology is among the best available in the image market. +21996050 But salespeople often found that news of Wang's problems superseded their sales efforts. +21996051 William Tait, a former sales manager in Indianapolis, says that his office had all but sold a $1.5 million image system to pharmaceutical maker Eli Lilly & Co. +21996052 "When they were making the decision, all hell broke loose with the finances." +21996053 He says the Lilly executives told him they couldn't take the risk with Wang. +21996054 Mr. Tait say he doesn't blame Lilly. +21996055 Buyers have to rely on a supplier "continually upgrading and replacing the product," he says. +21996056 "When a company realizes that, it's hard to go with Wang." +21996057 For Mr. Tait, who says he used to earn as much as $150,000 a year at Wang, it was one more reason to quit. +21996058 He is now president of Eastate Homes Inc., an Indianapolis contractor. +21996059 It can be hard for a salesperson to fight off feelings of discouragement. +21996060 Brian Petre, a former Wang salesman in upstate New York, says: "You have pride in your job. +21996061 You think you can go out and turn things around. +21996062 It's a tough thing when you can't. +21996063 The reason doesn't relate to your selling skills." +21996064 Discouragement feeds on itself. +21996065 "The problem is, if people get down in the dumps, they stop selling," says Mike Durcan, a laid-off sales manager in Wang's Austin office. +21996066 One key for salespeople is to boost their own morale. +21996067 Paul Hellman, a Framingham, Mass., sales and management consultant and author of "Ready, Aim, You're Hired," says: "The bad news is, you'll be rejected more. +21996068 The good news is, it's not your fault." +21996069 So, he advises, make goals achievable. +21996070 For instance, he suggests that salespeople making telephone calls should say to themselves: "All I want to do today is get 50 rejections." +21996071 But Mr. Miller, Wang's new president, recently warned his salespeople about negativism. +21996072 "Our customers watch us for the hidden message," he said. +21996073 "Look a customer right in the eye and say, `I'm glad to be at Wang. +21997001 Blinder International Enterprises Inc., the parent of beleaguered penny-stockbroker Blinder, Robinson & Co., said its shareholders approved a previously announced name change to Intercontinental Enterprises Inc. +21997002 "The parent company is diversifying into other industries around the world," said president Meyer Blinder in explaining the name change. +21997003 "Everytime we talked about Blinder International, {people} thought it was the brokerage house." +21997004 Mr. Blinder said the change wasn't related to the brokerage's recent troubles, which have included sharp declines in earnings, run-ins with the securities regulators and lawsuits by former customers. +21997005 The company said it expects the name change to take effect within a week. +21998001 Olin Corp. said third-quarter net income rose 26% on the strength of its chemical business. +21998002 Net was $24 million, or $1.15 a share, up from $19 million, or 90 cents a share, a year earlier. +21998003 Sales rose 7.4% to $580 million from $540 million. +21998004 Olin said its chemical segment had profit of $22 million, up from $15 million a year ago, largely because of gains in electrochemicals such as caustic soda. +21998005 The company said the gains were tied to volume increases and higher prices. +21998006 The market for electrochemicals include the paper, water-purification and textile industries. +21998007 The chemical segment had a $6 million gain on the sale of ammonia and urea businesses, which was offset by a $6 million charge for future environmental expenditures. +21998008 Profit in Olin's defense and ammunition segment rose to $8 million from $7 million. +21998009 The metals segment, hurt by a strike, had break-even results, against $3 million a year ago. +21998010 In the first nine months, net rose 21% to $93 million, or $4.52 a share, from $77 million, or $3.62 a share a year ago. +21998011 Sales rose 13% to $1.91 billion from $1.69 billion. +21998012 In New York Stock Exchange composite trading, Olin closed at $58.50 a share, down 25 cents. +21999001 GTE Corp. and MCI Communications Corp. reported strong earnings gains to record levels for the third quarter. +21999002 Southwestern Bell Corp. and Cincinnati Bell posted slight declines. +21999003 GTE Corp. +21999004 GTE said net income rose 18%, aided by higher long-distance calling volumes and an increase in telephone lines in service. +21999005 Pretax operating profit from telephone operations rose 8.2% but profits from telecommunications products and electrical products were flat. +21999006 Revenues rose 8.8% to $4.35 billion from $4.0 billion. +21999007 The company said the quarter included a 10% increase in local-exchange usage for long-distance calling and a 5% increase in the number of access lines in service. +21999008 Earlier rate reductions in Texas and California reduced the quarter's revenue and operating profit $55 million; a year earlier, operating profit in telephone operations was reduced by a similar amount as a result of a provision for a reorganization. +21999009 Revenue in the telecommunications products and services unit rose 27% to $728.8 million, but operating profit was unchanged at $26.3 million, partly because of start-up expenses. +21999010 Electrical products' sales fell to $496.7 million from $504.5 million with higher world-wide lighting volume offset by lower domestic prices and the impact of weaker currencies in Europe and South America. +21999011 Operating profit of $37.2 million was unchanged. +21999012 In composite trading on the New York Stock Exchange, GTE rose $1.25 to $64.125. +21999013 MCI Communications Corp. +21999014 MCI, which stepped up efforts to sell long-distance telephone service to residential customers, reported a 59% jump in earnings. +21999015 Revenue rose 23% to $1.67 billion from $1.36 billion. +21999016 Operating profit grew 57% to $269 million from $171 million, while operating margins rose to 16.1% from 15.9% the previous quarter and 12.6% a year ago. +21999017 Daniel Akerson, MCI chief financial officer, said the company sees further improvements in operating margins. +21999018 "We think we can take it to the 18% range over next 18 to 24 months," he said. +21999019 In national over-the-counter trading, MCI fell $2.625 to $42.375. +21999020 Charles Schellke, an analyst with Smith Barney, Harris Upham & Co., said some investors apparently expected slightly better revenue growth. +21999021 The company said that residential traffic grew faster than business traffic and attributed that to its new PrimeTime calling plan that competes with American Telephone & Telegraph's Reach Out America plan. +21999022 MCI claims about 12% of the overall long-distance telephone market but just under 10% of the $23 billion residential market. +21999023 It has been trying to improve its share of the residential market. +21999024 The company wants its business mix to more closely match that of AT&T -- a step it says will help prevent cross subsidization. +21999025 Mr. Akerson said MCI recorded "another solid cash positive quarter," its fourth in a row, but declined to comment on whether the company is considering a dividend or is planning any acquisition. +21999026 The current quarter, he said, "looks fine. +21999027 We think revenue will continue to grow and that we can control costs and thus improve profitability." +21999028 Southwestern Bell Corp. +21999029 Southwestern Bell Corp. said net dropped 8.7%, mainly the result of four extraordinary items: a franchise tax refund that its Southwestern Bell Telephone Co. unit received last year; a production shift of several Yellow Pages directories to the fourth quarter from the third; a rate refund in Missouri and a one-time adjustment to phone company revenues. +21999030 Revenue slipped 1.2% to $2.21 billion from $2.23 billion. +21999031 The earnings drop had been expected. +21999032 Chairman Zane E. Barnes said Southwestern Bell's "businesses are healthy and are continuing to grow." +21999033 The company reported a 3.1% increase in the number of access lines in service, and also said its Southwestern Bell Mobile Systems unit added 30,000 new customers, with a current total of about 333,000. +21999034 Southwestern shares fell 50 cents to $55.875 in composite trading on the New York Stock Exchange. +21999035 Cincinnati Bell Inc. +21999036 Cincinnati Bell Inc. said net declined 1.8%. +21999037 The company noted that the year-ago period was particularly strong, with an increase of nearly 70%. +21999038 Revenue jumped nearly 17% to $223.3 million from $191.4 million. +21999039 In composite trading on the New York Stock Exchange, Cincinnati Bell fell 25 cents to $29. +21999040 The company said that the number of access lines dropped slightly in the quarter, a decline attributed to seasonal fluctuations. +21999041 For the year, however, access lines in service have increased 5.5%. +21999042 Chairman D.H. Hibbard said the company has set a new five year goal of doubling revenues to about $1.8 billion while steadily increasing net. +22000001 Rockwell International Corp.'s Tulsa unit said it signed a tentative agreement extending its contract with Boeing Co. to provide structural parts for Boeing's 747 jetliners. +22000002 Rockwell said the agreement calls for it to supply 200 additional so-called shipsets for the planes. +22000003 These include, among other parts, each jetliner's two major bulkheads, a pressure floor, torque box, fixed leading edges for the wings and an aft keel beam. +22000004 Under the existing contract, Rockwell said, it has already delivered 793 of the shipsets to Boeing. +22000005 Rockwell, based in El Segundo, Calif., is an aerospace, electronics, automotive and graphics concern. +22001001 Frank Carlucci III was named to this telecommunications company's board, filling the vacancy created by the death of William Sobey last May. +22001002 Mr. Carlucci, 59 years old, served as defense secretary in the Reagan administration. +22001003 In January, he accepted the position of vice chairman of Carlyle Group, a merchant banking concern. +22002001 SHEARSON LEHMAN HUTTON Inc. +22002002 Thomas E. Meador, 42 years old, was named president and chief operating officer of Balcor Co., a Skokie, Ill., subsidiary of this New York investment banking firm. +22002003 Balcor, which has interests in real estate, said the position is newly created. +22002004 Mr. Meador had been executive vice president of Balcor. +22002005 In addition to his previous real-estate investment and asset-management duties, Mr. Meador takes responsibility for development and property management. +22002006 Those duties had been held by Van Pell, 44, who resigned as an executive vice president. +22002007 Shearson is about 60%-held by American Express Co. +22003001 Great American Bank, citing depressed Arizona real estate prices, posted a third-quarter loss of $59.4 million, or $2.48 a share. +22003002 A year earlier, the savings bank had earnings of $8.1 million, or 33 cents a share. +22003003 For the nine months, it had a loss of $58.3 million, or $2.44 a share, after earnings of $29.5 million, or $1.20 a share, in the 1988 period. +22003004 Great American said it increased its loan-loss reserves by $93 million after reviewing its loan portfolio, raising its total loan and real estate reserves to $217 million. +22003005 Before the loan-loss addition, it said, it had operating profit of $10 million for the quarter. +22003006 The move followed a round of similar increases by other lenders against Arizona real estate loans, reflecting a continuing decline in that market. +22003007 In addition to the increased reserve, the savings bank took a special charge of $5 million representing general and administrative expenses from staff reductions and other matters, and it posted a $7.6 million reduction in expected mortgage servicing fees, reflecting the fact that more borrowers are prepaying their mortgages. +22004001 Arbitragers weren't the only big losers in the collapse of UAL Corp. stock. +22004002 Look at what happened to UAL's chairman, Stephen M. Wolf, and its chief financial officer, John C. Pope. +22004003 On a day some United Airlines employees wanted Mr. Wolf fired and takeover stock speculators wanted his scalp, Messrs. Wolf and Pope saw their prospective personal fortunes continue to plummet as shares of UAL, United's parent company, dived $24.875 on the Big Board to close at $198. +22004004 Including Monday's plunge, that has given the two executives paper losses of $49.5 million, based on what they would have realized had the pilots and management-led buy-out of UAL gone through at $300 a share. +22004005 When bank financing for the buy-out collapsed last week, so did UAL's stock. +22004006 Even if the banks resurrect a financing package at $250 a share, the two executives would still get about $25 million less than they stood to gain in the initial transaction. +22004007 Mr. Wolf owns 75,000 UAL shares and has options to buy another 250,000 at $83.3125 each. +22004008 In the $300-a-share buyout, that totaled about $76.7 million. +22004009 By yesterday's close of trading, it was good for a paltry $43.5 million. +22004010 Of course, Mr. Wolf, 48 years old, has some savings. +22004011 He left his last two jobs at Republic Airlines and Flying Tiger with combined stock-option gains of about $22 million, and UAL gave him a $15 million bonus when it hired him. +22004012 His 1988 salary was $575,000, with a $575,000 bonus. +22004013 The 40-year old Mr. Pope hasn't changed jobs enough -- at least the right ones -- to stash away that kind of money. +22004014 United paid him a $375,000 bonus to lure him away from American Airlines, and he was paid a salary of $342,122 last year with a $280,000 bonus. +22004015 Mr. Pope owns 10,000 UAL shares and has options to buy another 150,000 at $69 each. +22004016 That came to a combined $37.7 million under the $300-a-share buy-out, but just $21.3 million at yesterday's close. +22004017 Of the combined $114.4 million the two men were scheduled to reap under the buy-out, they agreed to invest in the buy-out just $15 million, angering many of the thousands of workers asked to make pay concessions so the buy-out would be a success. +22004018 United's directors voted themselves, and their spouses, lifetime access to the Friendly Skies -- free first-class travel, and $20,000 a year for life as well. +22004019 Conceivably, in a scaled-back buy-out, they could be bumped back to coach seats for life. +22005001 Thomas H. Johnson, president of the Coatedboard division of Mead Corp., was named president of Manville Forest Products Corp., a Manville unit, and senior vice president of Manville Corp. +22005002 Mr. Johnson succeeds Harry W. Sherman, who resigned to pursue other interests, in both positions. +22005003 Manville is a building and forest products concern. +22006001 US Facilities Corp. said Robert J. Percival agreed to step down as vice chairman of the insurance holding company. +22006002 "There was a difference of opinion as to the future direction of the company," a spokeswoman said. +22006003 Mr. Percival declined to comment. +22006004 In a statement, US Facilities said Mr. Percival's employment contract calls for him to act as a consultant to the company for two years. +22006005 He will also remain a director, US Facilities said, but won't serve on any board committees. +22006006 Mr. Percival will be succeeded on an interim basis by George Kadonada, US Facilities chairman and president. +22006007 In the same statement, US Facilities also said it had bought back 112,000 of its common shares in a private transaction. +22006008 Terms weren't disclosed. +22006009 The buy-back represents about 3% of the company's shares, based on the 3.7 million shares outstanding as of Sept. 30. +22006010 In national over-the-counter trading yesterday, US Facilities closed at $3.625, unchanged. +22007001 Three leading drug companies reported robust third-quarter earnings, bolstered by strong sales of newer, big-selling prescriptions drugs that provide hefty profit margins. +22007002 Merck & Co. reported a 25% increase in earnings; Warner-Lambert Co.'s profit rose 22% and Eli Lilly & Co.'s net income rose 24%. +22007003 The results were in line with analysts' expectations. +22007004 Merck & Co. +22007005 Merck, Rahway, N.J., continued to lead the industry with a strong sales performance in the human and animal health-products segment. +22007006 A stronger U.S. dollar reduced third-quarter and first-nine-month sales growth 2% and 3%, respectively. +22007007 International sales accounted for 47% of total company sales for the nine months, compared with 50% a year earlier. +22007008 Sales for the quarter rose to $1.63 billion from $1.47 billion. +22007009 Mevacor, Merck's new cholesterol-lowering drug, had higher sales than any other prescription medicine has ever achieved in the U.S. in the year following introduction, the company said. +22007010 The drug was introduced in West Germany this year. +22007011 Intense competition, however, led to unit sales declines for a group of Merck's established human and animal-health products, including Aldomet and Indocin. +22007012 In New York Stock Exchange composite trading yesterday, Merck shares closed at $75.25, up 50 cents. +22007013 Warner-Lambert Co. +22007014 Warner-Lambert, Morris Plains, N.J., reported sales that were a record for any quarter and the eighth quarter in a row of 20% or more per-share earnings growth. +22007015 Spurred by growth in world-wide sales of the company's prescription drugs, Warner-Lambert said 1989 will be the best year in its history, with per-share earnings expected to increase more than 20% to about $6.10. +22007016 Sales for the quarter rose to $1.11 billion from $1.03 billion. +22007017 Prescription-drug world-wide sales rose 9% in the quarter to $340 million; U.S. sales rose 15%. +22007018 The segment's growth was led by sales of the cardiovascular drugs Lopid, a lipid regulator, and Dilzem, a calcium channel blocker. +22007019 World-wide sales of Warner-Lambert's non-prescription health-care products, such as Halls cough tablets, Rolaids antacid, and Lubriderm skin lotion, increased 3% to $362 million in the third quarter; U.S. sales rose 5%. +22007020 Confectionery products sales also had strong growth in the quarter. +22007021 World-wide sales of Trident gum, Certs breath mints, and Clorets gum and breath mints, increased 12% to $277 million. +22007022 Warner-Lambert shares closed at $109.50 a share, up $1.50, in Big Board composite trading yesterday. +22007023 Eli Lilly & Co. +22007024 Lilly attributed record third-quarter and nine-month results to world-wide gains for pharmaceuticals, medical instruments and plant-science products despite poor exchange rates for the dollar that slowed sales abroad. +22007025 Earnings continued to pace sales because of a lower tax rate, profit from the renegotiation of the debt instrument received from Faberge Inc. in connection with Lilly's sale of Elizabeth Arden Inc. in 1987, and net proceeds from the settlement of patent litigation at Lilly's Hybritech Inc. unit. +22007026 Third-quarter sales of the Indianapolis, Ind., company rose 11% to $1.045 billion from $940.6 million. +22007027 Nine-month sales grew 12% to $3.39 billion from $3.03 billion a year earlier. +22007028 Sales of Prozac, an anti-depressant, led drug-sales increases. +22007029 Higher sales of pesticides and other plant-science products more than offset a slight decline in the sales of animal-health products to fuel the increase in world-wide agricultural product sales, Lilly said. +22007030 Advanced Cardiovascular Systems Inc. and Cardiac Pacemakers Inc. units led growth in the medical-instrument systems division. +22007031 Lilly shares closed yesterday in composite trading on the Big Board at $62.25, down 12.5 cents. +22008001 Reuben Mark, chairman of Colgate-Palmolive Co., said he is "comfortable" with analysts' estimates that third-quarter earnings rose to between 95 cents and $1.05 a share. +22008002 That compares with per-share earnings from continuing operations of 69 cents the year earlier; including discontinued operations, per-share was 88 cents a year ago. +22008003 The per-share estimates mean the consumer-products company's net income, increased to between $69.5 million and $76 million, from $47.1 million the year-before period. +22008004 Analysts estimate Colgate's world-wide third-quarter sales rose about 8% to $1.29 billion. +22008005 Mr. Mark attributed the earnings growth to strong sales in Latin America, Asia and Europe. +22008006 Results were also bolstered by "a very meaningful" increase in operating profit by Colgate's U.S. business, Mr. Mark said. +22008007 Operating profit at Colgate's U.S. household products and personal-care businesses jumped 25% in the quarter, Mr. Mark added. +22008008 He said the improvement was a result of cost savings achieved by consolidating manufacturing operations, blending two sales organizations and focusing more carefully the company's promotional activities. +22008009 The estimated improvement in Colgate's U.S. operations took some analysts by surprise. +22008010 Colgate's household products business, which includes such brands as Fab laundry detergent and Ajax cleanser, has been a weak performer. +22008011 Analysts estimate Colgate's sales of household products in the U.S. were flat for the quarter, and they estimated operating margins at only 1% to 3%. +22008012 "If you could say their business in the U.S. was mediocre, but great everywhere else, that would be fine," says Bonita Austin, an analyst with Wertheim Schroder & Co. +22008013 "But it's not mediocre, it's a real problem." +22008014 Mr. Mark conceded that Colgate's domestic business, apart from its highly profitable Hill's Pet Products unit, has lagged. +22008015 "We've done a lot to improve {U.S.} results, and a lot more will be done," Mr. Mark said. +22008016 "Improving profitability of U.S. operations is an extremely high priority in the company." +22008017 To focus on its global consumer-products business, Colgate sold its Kendall health-care business in 1988. +22009001 H. Anthony Ittleson was elected a director of this company, which primarily has interests in radio and television stations, increasing the number of seats to five. +22009002 Osborn also operates Muzak franchises, entertainment properties and small cable-television systems. +22009003 Mr. Ittleson is executive, special projects, at CIT Group Holdings Inc., which is controlled by Manufacturers Hanover Corp. +22010001 The Boston Globe says its newly redesigned pages have a "crisper" look with revamped fixtures aimed at making the paper "more consistent" and "easier to read." +22010002 Maybe so -- if you can find where your favorite writer went. +22010003 Beantown scribes, who spare no invective when taking on local luminaries such as Michael "Pee Wee" Dukakis, or New England Patriots Coach Raymond "Rev. Ray" Berry, yesterday poured ridicule on new drawings of Globe columnists that replaced old photos in the revamped pages this week. +22010004 By late last night, Globe Managing Editor Thomas Mulvoy, bending to the will of his troops, scrapped the new drawings. +22010005 For a few days at least, he says, no pictures or drawings of any kind will adorn the columns. +22010006 Trouble was, nobody thought they looked right. +22010007 Globe columnist Mike Barnicle -- in the second attack on his employer in as many weeks -- averred that his shadowy countenance was so bad, it looked "like a face you'd find on a bottle of miracle elixir that promises to do away with diarrhea in our lifetime." +22010008 Mr. Barnicle reminded readers that he still hasn't forgiven Globe management for questioning a $20 expense chit he submitted for parking his car while chasing a story. +22010009 "I thought {the drawing} a cross between someone you'd spot whipping open his trench coat . . . or a guy who boasted he'd been Charles Manson's roommate for the last 19 years," he said. +22010010 Mr. Barnicle was hardly kinder to the renderings of colleagues Michael Madden ("appears to be a pervert"), Will McDonough ("looks as if he drove for Abe Lincoln") or Bella English, whose "little girl now screams hysterically every time she sees a newspaper." +22010011 Lynn Staley, the Globe's assistant managing editor for design, acknowledges that the visages were "on the low end of the likeness spectrum." +22010012 Rival Boston Herald columnist Howie Carr, who usually rails at Statehouse "hacks" and nepotism, argued that the new drawings were designed to hide Mr. Madden's "rapidly growing forehead" and the facial defects of "chinless" Dan Shaughnessy, a Globe sports columnist. +22010013 "But think of the money you, the reader, will save on Halloween," said Mr. Barnicle. +22010014 "Instead of buying masks for your kids, just cut out the columnists' pictures. . . . +22011001 Deeply ingrained in both the book review "Kissing Nature Good-bye" by Stephen MacDonald (Leisure & Arts, Sept. 27) and the books reviewed is the assumption that global warming is entirely a result of human activity. +22011002 Is such a view justified? +22011003 In the absence of humans, would the Earth enjoy a constant climate over the long term? +22011004 Clearly not. +22011005 About 20,000 years ago the last ice age ended. +22011006 Enormous ice sheets retreated from the face of North America, northern Europe and Asia. +22011007 This global warming must have been entirely natural -- nobody would blame it on a few hundred thousand hunter-gatherers hunting mammoths and scratching around in caves. +22011008 Furthermore, no bell has yet rung to announce the end of this immense episode of natural global warming. +22011009 It is probably continuing and may well account for most of, or all of, present-day global warming. +22011010 I bow to no one in my regard for our terrestrial heritage, but if we are serious about global warming we must look at the big picture and not allow the Dominant Culture to lock us into the capitalist-exploiters-greedy-American-consumers-global- warming scenario as the sole model for discussion. +22011011 Jocelyn Tomkin Astronomy Department University of +22012001 The Internal Revenue Service plans to restructure itself more like a private corporation. +22012002 In addition, the tax-collecting agency says that it will take the unusual step of looking to the private sector to fill two new high-level positions to guide the 120,000-employee agency: a comptroller to oversee daily finances and a chief information officer to update the information system, which includes probably the largest computer data base in the world. +22012003 The IRS also said that it would create the position of chief financial officer, who will be hired from within the agency. +22012004 IRS Commissioner Fred T. Goldberg said the changes are intended to bring "accountability" to the agency, which has an annual budget of more than $5 billion and collects about $1 trillion a year. +22012005 "My assessment and everyone's assessment is that we do not have the kinds of information that let us responsibly and effectively formulate and execute our budget," Mr. Goldberg said. +22012006 "And we don't have internal controls and discipline that we need to have to spend $5 billion properly." +22012007 Mr. Goldberg, who took over as head of the IRS in July, has been disturbed by what he considers the inefficiency, waste and lack of coordination among the branches of the vast federal agency. +22012008 The IRS operates on a computer system designed in 1961, which it has been trying to modernize for years. +22012009 And the agency, which operated throughout fiscal 1989 with a $360 million budget shortfall, has been under a hiring freeze since last fall. +22012010 The new commissioner says that closer scrutiny of how the agency uses its resources will go a long way toward enhancing its ability to collect more tax revenue. +22012011 "I think that you will see a significant improvement in the budget formulation and execution process which, in turn, I believe will result in a significant increase in revenue," he said. +22012012 The IRS hopes to fill the new positions soon. +22012013 Customarily, it would appoint career civil servants from within the agency, but Mr. Goldberg said he plans to "scour the world" for the chief information officer and the comptroller. +22012014 Although the jobs will probably pay between $70,000 and $80,000 a year, IRS officials are confident that they can attract top-notch candidates from the private sector. +22012015 "You're telling someone they can spend the next three or four or five or six years of their life bringing about the most difficult and costly modernization of an information system on the civil side ever," Mr. Goldberg said. +22012016 "On the comptroller side, you're developing and making work financial controls governing a $6 billion budget. +22013001 When Maj. Moises Giroldi, the leader of the abortive coup in Panama, was buried, his body bore several gunshot wounds, a cracked skull and broken legs and ribs. +22013002 They were the signature of his adversary, Panamanian leader Manuel Antonio Noriega. +22013003 The rebel officer's slow and painful death, at the headquarters of Panama's Battalion-2000 squad, was personally supervised by Gen. Noriega, says a U.S. official with access to intelligence reports. +22013004 Leaping into rages, sinking into bouts of drunkenness and mistrust, Mr. Noriega has put to death some 70 of his troops involved in the coup, according to U.S. officials monitoring crematoriums and funeral parlors in Panama City. +22013005 He is now changing the place he sleeps every night, sometimes more than once a night. +22013006 His meals are most often prepared by women he trusts -- his full-time mistress, Vicky Amado, and her mother, Norma. +22013007 And he is collecting the names of those who telephoned the coup-makers to congratulate them during their brief time in control of his headquarters. +22013008 More enemies to be dealt with. +22013009 In the two weeks since the rebellion, which the U.S. hesitantly backed, Mr. Noriega has been at his most brutal-and efficient-in maintaining power. +22013010 Yet, while the failed coup is a major U.S. foreign policy embarrassment, it is merely the latest chapter in a byzantine relationship between Mr. Noriega and Washington that stretches back three decades. +22013011 America's war on the dictator over the past two years, following his indictment on drug charges in February 1988, is the legacy of that relationship. +22013012 Before American foreign policy set out to destroy Noriega, it helped create him out of the crucible of Panama's long history of conspirators and pirates. +22013013 For most of the past 30 years, the marriage was one of convenience. +22013014 In 1960, for example, when Mr. Noriega was both a cadet at an elite military academy in Peru and a spy-in-training for the U.S. Defense Intelligence Agency, he was detained by Lima authorities for allegedly raping and savagely beating a prostitute, according to a U.S. Embassy cable from that period. +22013015 The woman had nearly died. +22013016 But U.S. intelligence, rather than rein in or cut loose its new spy, merely filed the report away. +22013017 Mr. Noriega's tips on emerging leftists at his school were deemed more important to U.S. interests. +22013018 From that point on, the U.S. would make a practice of overlooking the Panamanian's misadventures. +22013019 The U.S. has befriended and later turned against many dictators, but none quite so resourceful. +22013020 The 55-year-old Mr. Noriega isn't as smooth as the shah of Iran, as well-born as Nicaragua's Anastasio Somoza, as imperial as Ferdinand Marcos of the Philippines or as bloody as Haiti's Baby Doc Duvalier. +22013021 Yet he has proved more resilient than any of them. +22013022 And out of necessity: The U.S. can make mistakes and still hope to remove him from power, but a single error on his part could cost him his life. +22013023 "The U.S. underestimated Noriega all along," says Ambler Moss, a former Ambassador to Panama. +22013024 "He has mastered the art of survival." +22013025 In keeping with America's long history of propping up Mr. Noriega, recent U.S. actions have extended rather than shortened his survival. +22013026 Mr. Noriega might have fallen of his own weight in 1988 because of Panama's dire economic situation, says Mr. Moss, but increasing external pressure has only given him additional excuses for repression, and a scapegoat for his own mismanagement. +22013027 "If the U.S. had sat back and done nothing, he might not have made it through 1988," Mr. Moss contends. +22013028 Perhaps most important, Mr. Noriega's allies have intervened to encourage -- in some cases, to demand -- that the dictator maintain his grip of the throne. +22013029 One Colombian drug boss, upon hearing in 1987 that Gen. Noriega was negotiating with the U.S. to abandon his command for a comfortable exile, sent him a hand-sized mahogany coffin engraved with his name. +22013030 "He is cornered," says the Rev. Fernando Guardia, who has led Catholic Church opposition against Noriega. +22013031 "The Americans have left him without a way out. +22013032 It is easy to fight when you don't have any other option." +22013033 His chief advantage in the fight: his intimate knowledge of American ways and weaknesses. +22013034 Mr. Noriega often tells friends that patience is the best weapon against the gringos, who have a short attention span and little stomach for lasting confrontation. +22013035 The U.S. discovered the young Tony Noriega in late 1959, when he was in his second year at the Chorrillos Military Academy in Lima, according to former U.S. intelligence officials. +22013036 The contact occurred through Mr. Noriega's half-brother, a Panamanian diplomat based in Peru named Luis Carlos Noriega Hurtado. +22013037 Luis Carlos, knowing that helping the Americans could advance the career of any Panamanian officer, relayed Tony's reports on the leftist tendencies he observed among his fellow students and, more important, among his officers and instructors. +22013038 A spy was born. +22013039 It was a heady experience for the pockmarked and slightly built Mr. Noriega, who was known to his friends as Cara la Pina -- pineapple face. +22013040 Born the illegitimate son of his father's maid, he was raised on the mean streets of the central market district of Panama City. +22013041 Tony was four years older than most of his fellow cadets, and gained admission to the academy because his brother had falsified his birth certificate. +22013042 He considered himself intellectually superior to his Peruvian peers, many of whom were wayward sons sent by their well-off families to the highly disciplined, French-modeled academy as a sort of reform school. +22013043 In his peaked military cap and neatly pressed, French-made uniform, Noriega felt more respected and powerful than ever in his underprivileged life, friends from the period say. +22013044 "He had an elegant uniform with gold buttons in a country where there was a cult of militarism, where officers were the elite with special privileges," recalls Darien Ayala, a fellow student in Peru and a lifelong friend. +22013045 Mr. Noriega's relationship to American intelligence agencies became contractual in either 1966 or 1967, intelligence officials say. +22013046 His commanding officer at the Chiriqui Province garrison, Major Omar Torrijos, gave him an intriguing assignment: Mr. Noriega would organize the province's first intelligence service. +22013047 The spy network would serve two clients: the Panamanian government, by monitoring political opponents in the region, and the U.S., by tracking the growing Communist influence in the unions organized at United Fruit Co.'s banana plantations in Bocas del Toros and Puerto Armuelles. +22013048 United Fruit was one of the two largest contributors to Panama's national income. +22013049 Satisfying its interests was a priority for any Panamanian leader. +22013050 Mr. Noriega's initial retainer was only $50 to $100 a month, plus occasional gifts of liquor or groceries from the American PX, a former intelligence official says. +22013051 It was modest pay by American standards, but a healthy boost to his small military salary, which fellow officers remember as having been $300 to $400 monthly. +22013052 "He did it very well," recalls Boris Martinez, a former Panamanian colonel who managed Mr. Noriega and his operation. +22013053 "He started building the files that helped him gain power." +22013054 A National Guard job assumed by Capt. Noriega in 1964 -- as chief of the transit police in David City, capital of the Chiriqui Province -- was tailor-made for an aspiring super-spy. +22013055 By pressuring taxi and bus drivers who needed licenses, he gained a ready cache of information. +22013056 He knew which local luminaries had been caught driving drunk, which had been found with their mistresses. +22013057 This proved particularly valuable to the Panamanian government in 1967, when union leaders were planning a May Day march that the government feared could turn violent. +22013058 Mr. Noriega had learned that a local union leader was sleeping with the wife of his deputy. +22013059 So he splashed the information on handbills that he distributed throughout the banana-exporting city of Puerto Armuelles, which was ruled by United Fruit Co. +22013060 The campaign so divided union leaders that the government found them far easier to control. +22013061 "It was like a play on Broadway," recalls Mr. Martinez. +22013062 "Noriega managed the whole thing. +22013063 He was superb. +22013064 Noriega was an expert at bribing and blackmailing people." +22013065 During his years in Chiriqui, however, Mr. Noriega also revealed himself as an officer as perverse as he was ingenious. +22013066 Rodrigo Miranda, a local lawyer and human-rights monitor, recalls an intoxicated Noriega visiting prisoners in their cells at the 5th Zone Garrison headquarters in David, where he had his offices. +22013067 Mr. Noriega would order them all to take off their clothes and run around the courtyard naked, laughing at them and then retreating to his office. +22013068 "People started wondering if something was wrong with him," Mr. Miranda recalls. +22013069 But through this period, so far as the U.S. military was concerned, Mr. Noriega was a model recruit. +22013070 He signed up for intelligence and counter-intelligence training under American officers at Fort Gulick in Panama in July 1967, according to a copy of a 1983 resume with details Mr. Noriega has since classified as secret. +22013071 He flew to Fort Bragg, N.C., in September of that year for a course in psychological operations, returning to the School of the Americas in Panama for a two-month course called "military intelligence for officers." +22013072 Some American officers interpreted his eagerness and studiousness as a sign of loyalty, but they did so falsely. +22013073 He rose to chief of intelligence in Panama's socalled G-2 in 1970 after providing populist dictator Torrijos the critical support to defeat a coup attempt against him a year earlier. +22013074 He became Gen. Torrijos's inseparable shadow, and the holder of all Panama's secrets. +22013075 Mr. Noriega, by now a lieutenant colonel, expanded his contacts to include the Cubans -- not to mention the Israelis, the Taiwanese and any other intelligence service that came knocking. +22013076 When U.S. diplomats complained to the CIA of Col. Noriega's moonlighting, intelligence experts always insisted that his allegiance was first to the Americans. +22013077 "Early on in the State Department, we took to calling him the rent-a-colonel, in tribute to his ability to simultaneously milk the antagonistic intelligence services of Cuba and the United States," recalls Francis J. McNeil, who, as deputy assistant secretary of state for inter-American affairs, first ran across reports about Mr. Noriega in 1977. +22013078 "Some of us wondered how our intelligence people could put so much stock in his information when he was just as close to the Cubans." +22013079 Even at this early stage, drugs caused additional concerns. +22013080 During the Nixon administration, the Drug Enforcement Administration became dismayed at the extent of the G-2's connections to arrested drug traffickers. +22013081 One DEA agent drew up a list of five options for dealing with Col. Noriega, one of which was assassination. +22013082 The head of the DEA at the time, John Ingersoll, scotched the assassination plan. +22013083 But he did fly to Panama to scold dictator Torrijos on the drug ties of Panamanian officials, including Mr. Noriega. +22013084 Mr. Ingersoll later recalled that Gen. Torrijos seemed afraid to act on the concerns of the U.S. +22013085 "Everybody was afraid of him," Mr. Ingersoll says. +22013086 Mr. Noriega became an even greater threat in 1976, when U.S. intelligence services discovered that he had been buying recordings of electronically monitored conversations from three sergeants working for the U.S. Army's 470th Military Intelligence Group. +22013087 The tapes included wiretaps of Gen. Torrijos's own phone, according to American intelligence officials. +22013088 "We caught him with his hands on our cookie jar," says former CIA Director Stansfield Turner. +22013089 For the first time, the U.S. considered cutting Mr. Noriega from its intelligence payroll -- and the deliberations were intense, Mr. Turner says. +22013090 "In the world of intelligence, if you want to get information, you get it from seedy characters. +22013091 The question is how much you get tied in with seedy characters so they can extort you." +22013092 Intelligence officials to this day worry whether Mr. Noriega sold sensitive information on the recordings to the Cubans or others. +22013093 Mr. Turner was troubled enough to cancel the U.S. contract with the rent-a-colonel at the beginning of the Carter administration. +22013094 The U.S. soon found new cause for concern: gun-running. +22013095 Prosecutors in Southern Florida indicted five Panamanians on charges of illegally running arms to Sandinista rebels trying to overthrow the Nicaraguan government of Mr. Somoza. +22013096 They included one of Mr. Noriega's closest friends and business partners, Carlos Wittgreen. +22013097 And the investigators were quickly closing in on Mr. Noriega himself. +22013098 At the time, though, in 1979, the U.S. was once again flirting with its longtime Latin American spy. +22013099 Mr. Noriega made plans to fly to Washington for a meeting with his counterpart at the Pentagon. +22013100 Dade County and federal authorities, learning that he intended to fly through Miami, made plans to arrest him on the gun-running charges as soon as he hit U.S. soil. +22013101 It was a Friday in June. +22013102 The Pentagon foiled the plan. +22013103 According to military officers at the time, word was passed to Mr. Noriega by his American hosts that the police would be waiting. +22013104 On Monday, U.S. officials received a routine, unclassified message from the military group commander in Panama. +22013105 "Due to health reasons, Lt. Col. Noriega has elected to postpone his visit to Washington," it read. +22013106 Prosecutors in Miami received yet another setback. +22013107 Their original indictment against Mr. Wittgreen, the friend of Mr. Noriega, and the other four was dismissed on a technicality. +22013108 But now, along with reindicting Mr. Noriega's pal, they intended to charge Mr. Noriega himself, on allegations that he was involved in the illegal trading of some $2 million in arms. +22013109 In January 1980, Jerome Sanford, as assistant U.S. attorney, was summoned to a meeting with a Federal Bureau of Investigation agent assigned to the Bureau of Alcohol, Tobacco and Firearms in Miami. +22013110 Panamanian dictator Torrijos, he was told, had granted the shah of Iran asylum in Panama as a favor to Washington. +22013111 Mr. Sanford was told Mr. Noriega's friend, Mr. Wittgreen, would be handling the shah's security. +22013112 It wouldn't be a good idea to indict him -- much less Mr. Noriega, the prosecutor was told. +22013113 After prodding from Mr. Sanford, U.S. Attorney Jack Eskenazi pleaded with Justice Department officials in Washington to let the indictment proceed. +22013114 "Unfortunately," Mr. Eskenazi wrote in a letter, "those of us in law enforcement in Miami find ourselves frequently attempting to enforce the laws of the United States but simultaneously being caught between foreign policy considerations over which we have no control." +22013115 The letter, along with a detailed prosecution memo, sat on the desks of Justice officials for months before the case died a quiet death. +22013116 "I think if we had been allowed to go ahead then we wouldn't have the problems we have now," Mr. Sanford says. +22013117 "If he had been found guilty, we could have stopped him." +22013118 In August 1983, Mr. Noriega took over as General and de-facto dictator of Panama, having maneuvered his way to the top only two years after the mysterious death in a plane crash of his old boss Omar Torrijos. +22013119 Soon, the military became a veritable mafia controlling legal and illegal businesses. +22013120 The Reagan administration also put Mr. Noriega's G-2 back on the U.S. payroll. +22013121 Payments averaged nearly $200,000 a year from the U.S. Defense Intelligence Agency and the CIA. +22013122 Although working for U.S. intelligence, Mr. Noriega was hardly helping the U.S. exclusively. +22013123 During the Reagan years he expanded his business and intelligence contacts with the Cubans and the Sandinistas. +22013124 He allegedly entered into Panama's first formal business arrangement with Colombian drug bosses, according to Floyd Carlton, a pilot who once worked for Mr. Noriega and who testified before the U.S. grand jury in Miami that would ultimately indict the Panamanian on drug charges. +22013125 But Mr. Noriega was convinced the Reagan White House wouldn't act against him, recalls his close ally Jose Blandon, because he had an insurance policy: his involvement with the Contra rebels in Nicaragua. +22013126 Mr. Blandon says the general allowed the Contras to set up a secret training center in Panama. +22013127 Mr. Noriega also conveyed intelligence from his spy operation inside the Nicaraguan capital of Managua. +22013128 And on at least one occasion, in the spring of 1985, he helped arrange a sabotage attack on a Sandinista arsenal in Nicaragua. +22013129 Although, his help for the Contra cause was limited, it was enough to win him important protectors in the Reagan administration, says Sen. Patrick Leahy, a Vermont Democrat who then served on the Senate Intelligence Committee. +22013130 "Noriega played U.S. intelligence agencies and the U.S. government like a violin," he says. +22013131 An incident in 1984 suggested one additional means by which Mr. Noriega might have maintained such influence with Washington -- by compromising U.S. officials. +22013132 Curtin Windsor, then the ambassador to Costa Rica, recalls being invited to Panama by Mr. Noriega's brother Luis Carlos for a weekend of deep sea fishing and "quiet, serious conversation" on the Aswara Peninsula. +22013133 Mr. Windsor notified Everett E. Briggs, the U.S. ambassador to Panama, of the invitation. +22013134 "Briggs screamed," Mr. Windsor recalls. +22013135 He says Mr. Briggs told him he was being set up for a "honey trap," in which Mr. Noriega would try to involve him in an orgy and then record the event "with sound and video." +22013136 Mr. Briggs, on vacation after resigning his position at the National Security Council, couldn't be reached for comment. +22013137 As Mr. Noriega's political troubles grew, so did his offers of assistance to the Contras, an apparent attempt to curry more favor in Washington. +22013138 For instance, he helped steal the May 1984 Panamanian elections for the ruling party. +22013139 But just one month later, he also contributed $100,000 to a Contra leader, according to documents released for Oliver North's criminal trial in Washington, D.C. +22013140 Yet, his political setbacks mounted. +22013141 Mr. Noriega was accused of ordering in 1985 the beheading of Hugo Spadafora, his most outspoken political opponent and the first man to publicly finger Mr. Noriega on drug trafficking charges. +22013142 He then ousted President Nicholas Ardito Barletta, a former World Bank official with close ties to the U.S., after Mr. Barletta tried to create a commission to investigate the murder. +22013143 And, all the while, Panama's debt problems continued to grow. +22013144 Mr. Noriega was growing desperate. +22013145 In late 1986, he made an offer he thought the U.S. couldn't refuse. +22013146 As recounted in a stipulation that summarized government documents released for the North trial, Mr. Noriega offered to assassinate the Sandinista leadership in exchange "for a promise to help clean up Noriega's image and a commitment to lift the {U.S.} ban on military sales to the Panamanian Defense Forces." +22013147 "North," the document went on, referring to Oliver North, "has told Noriega's representative that U.S. law forbade such actions. +22013148 The representative responded that Noriega had numerous assets in place in Nicaragua and could accomplish many essential things, just as Noriega had helped {the U.S.} the previous year in blowing up a Sandinista arsenal." +22013149 Col. North conveyed the request to his superiors and to Assistant Secretary of State Elliot Abrams, who relayed it to Secretary of State George Shultz. +22013150 Mr. Noriega's proposal was turned down. +22013151 And Mr. Shultz curtly told Mr. Abrams that the general should be told that only he could repair his tarnished image. +22013152 The end of the marriage was at hand. +22013153 Within weeks the unfolding Iran-Contra scandal took away Mr. Noriega's insurance policy. +22013154 The death of CIA Director William Casey and resignation of Oliver North allowed anti-Noriega political forces to gain influence. +22013155 Public protests against him were triggered in June 1987 due to charges by Diaz Herrera, his former chief of staff, that Mr. Noriega had stolen the 1984 election and had ordered the killing of Messrs. Spadafora and Torrijos. +22013156 Few American officials were willing any longer to defend him. +22013157 Lawyers in Miami -- this time working virtually without impediment -- prepared to have him indicted on drug charges in February 1988. +22013158 During negotiations with American officials in May 1988 over proposals to drop the U.S. indictments in exchange for his resignation, Mr. Noriega often asked almost plaintively how the Americans, whom he had helped for so many years, could turn against him. +22013159 Now, neither side -- the U.S. nor Mr. Noriega -- has an easy out. +22013160 President Bush has sworn to bring him to justice. +22013161 Mr. Noriega believes he hasn't any alternative but to continue clutching to power. +22013162 It is a knock-out battle -- perhaps to the death. +22013163 In the end, is Mr. Noriega the political equivalent of Frankenstein's monster, created by a well-intentioned but misguided foreign power? +22013164 Not quite, Sen. Leahy contends. +22013165 "For short-term gains, people were willing to put up with him. +22013166 That allowed him to get stronger and stronger," he says. +22013167 "I don't think we created him as much as we fed him, nurtured him and let him grow up to be big and strong. +22014001 UPJOHN Co. reported that third-quarter net income rose to $96 million, or 52 cents a share, from $89.6 million, or 49 cents a share, a year earlier. +22014002 Yesterday's edition provided analysts' estimates for the company when actual earnings were available. +22015001 Industrial production declined 0.1% in September, reinforcing other signs that the manufacturing sector continues its slowing trend. +22015002 The Federal Reserve Board said output of the nation's factories, mines and utilities expanded at an annual rate of 1.3% in the third quarter, substantially slower than the 3.3% annual rate in the second quarter. +22015003 "Capital spending and exports, which have been the driving force in this expansion, are showing clear signs of having the steam taken out of them," said Robert Dederick, economist for Northern Trust Co. in Chicago. +22015004 The new reports of sluggishness, which were foreshadowed by an earlier Labor Department report that manufacturing payrolls dropped by 105,000 in September, give the Fed another reason to further ease its grip on credit and lower interest rates. +22015005 "They need to do something about this," said Maury Harris, economist at PaineWebber Group Inc. +22015006 The Fed also said U.S. industry operated at 83.6% of capacity last month, down from 83.8% in August. +22015007 Measures of manufacturing activity fell more than the overall measures. +22015008 Factory output dropped 0.2%, its first decline since February, after having been unchanged in October. +22015009 Factories operated at 83.7% of capacity, the lowest rate in more than a year and down from 84.1% in September. +22015010 The declines mainly reflected widespread weakness in durable goods, those intended to last more than three years. +22015011 The biggest drop was recorded by primary metals producers, a category that includes the steel industry. +22015012 Output of business equipment was unchanged in September. +22015013 Production of factory equipment, one indication of the strength of manufacturers' investment spending, fell 0.3%. +22015014 Some economists expect further declines in investment spending. +22015015 "Whenever corporate profits are weak that means capital spending is going to soften subsequently," Mr. Harris said. +22015016 "You haven't seen the full effect of that yet." +22015017 A decline in truck production more than offset a sharp rise in auto assemblies, the Fed noted. +22015018 Analysts don't expect the September surge in auto production to be repeated in the coming months. +22015019 Here is a summary of the Federal Reserve Board's report on industrial production in September. +22015020 The figures are seasonally adjusted. +22015021 142.3% of the 1977 average. +22016001 Robin Honiss, president and chief executive officer of this bank holding company, was elected to the additional posts of chairman, president and chief executive of the company's New England Savings Bank subsidiary. +22016002 William R. Attridge resigned those posts, as well as a seat on NESB's board. +22016003 NESB is also the parent of Omnibank. +22017001 Lung-cancer mortality rates for people under 45 years of age have begun to decline, federal researchers report. +22017002 The drop is particularly large for white males, although black males and white and black women also show lower mortality rates. +22017003 A report in this week's issue of the Journal of the National Cancer Institute also projects that overall U.S. mortality rates from lung cancer, the leading cause of cancer death, should begin to drop in several years if cigarette smoking continues to abate. +22017004 The report, which comes 25 years after the U.S. Surgeon General issued a report warning against the dangers of smoking, is the strongest indication to date that the reduction in smoking is leading to lower death rates from lung cancer. +22017005 "What this is saying is that the surgeon general's message is having an impact," said Melvyn Tockman, an epidemiologist at the Johns Hopkins School of Hygiene and Public Health in Baltimore. +22017006 The National Cancer Institute report compares mortality rates of two groups of people between the ages of 35 and 44 a decade apart. +22017007 The death rate from lung cancer of white males aged 35 to 44 in the mid-1970s was 13.4 per 100,000, but the mortality rate of the same age group in the mid-1980s was 9.6, a decline of 28.7%. +22017008 Measured the same way, the decline for black males was 14.2%. +22017009 The drop in mortality rates for women was less steep -- 8.9% for blacks and 5.3% for whites. +22017010 The study, by Susan Devesa, William Blot and Joseph Fraumeni of the institute's staff, also shows that the incidence of lung cancer as well as the death rate declined over the decade for all groups in the 35-44 age bracket, except black men. +22017011 Although lung-cancer mortality rates are increasing for the nation as a whole, the report projects that death rates will begin to decline in the 1990s for men and after the year 2000 for women. +22017012 Lung-cancer mortality rates increase with age and are continuing to rise for all age groups over 55, with sharp increases for everybody but white men. +22017013 But Dr. Fraumeni, one of the authors of the report, said "the declining rates we're seeing for younger people we believe may be a harbinger of declining mortality in the future." +22017014 However, he stressed that the improvement depends on a continued reduction in smoking. +22017015 "Even though these favorable trends in lung-cancer mortality affect all sex and race groups, they can't be taken for granted," the report says. +22017016 "Smoking prevention programs should reach larger segments of the population, especially children, adolescents and minorities." +22017017 An editorial in the NCI Journal says the report of declining lung-cancer mortality "among young men and women in the U.S. indicates that we finally may be winning the battle -- this even in a country where the tobacco industry spends over $2 billion a year for promotion of the addictive habit of smoking." +22017018 But the editorial, by Jan Stjernsward of the World Health Organization, notes that tobacco consumption and lung-cancer mortality rates are rising in developing countries. +22017019 "Non-smoking should be established as the norm of social behavior" around the world, the editorial says, through the enactment of laws that limit advertising, boost tobacco prices and promote anti-smoking education. +22017020 Asked for comment, Walker Merryman, a vice president of the Tobacco Institute, said new efforts to restrict tobacco advertising in the U.S. could violate the First Amendment protection of free speech. +22017021 According to the American Cancer Society, smoking is responsible for 85% of the lung-cancer cases among men and 75% among women. +22017022 The NCI report attributes the differences in mortality rates by race to different smoking patterns. +22017023 A higher proportion of black men smoke than white men. +22017024 While nearly equal percentages of black and white women currently smoke, in both sexes more whites have given up smoking than blacks. +22017025 In comparing changes in mortality rates over the past decade, the NCI study looked only at blacks and whites. +22017026 Asians and native Americans weren't studied; Hispanics were included with whites. +22017027 Recent changes in average annual age-specific lung-cancer rates per 100,000 population by race and sex. +22017028 White Males +22017029 White Females +22017030 Black Males +22017031 Black Females +22018001 Directors elected R. Marvin Womack, currently vice president/product supply, purchasing, to head the company's Washington, D.C., office. +22018002 As vice president/national-government relations, Mr. Womack will work with P&G's top management and with the company's government-relations staff "to represent P&G's interests at the federal level," said John G. Smale, chairman and chief executive officer. +22018003 Mr. Smale said the appointment "recognizes the growing influence of government on our business." +22018004 Mr. Womack, 53 years old, has been with the big producer of household products, food and pharmaceuticals for 30 years. +22019001 Traders trying to profit from the recent volatility in financial markets invaded the Nasdaq over-the-counter market, prompting even more swings in stock prices. +22019002 After gaining strength during a brief run-up when trading began, the Nasdaq Composite Index weakened under selling pressure. +22019003 The forces at work included computer-guided trading, as well as profit-driven market makers and institutional investors who had bought stock on the cheap during the recent correction. +22019004 During the last two hours of trading, the composite almost drew even on the day before slipping again. +22019005 The Nasdaq Composite closed down 1.05, or 0.2%, to 459.93. +22019006 The action was confined to Nasdaq's biggest and most liquid stocks, traders said. +22019007 The Nasdaq 100 Index began the day at 449.89, lost 2% at one point, and was up 0.4% at another. +22019008 The barometer of the biggest nonfinancial stocks settled at 448.49, off 1.40. +22019009 Its counterpart, the Nasdaq Financial Index, was weak for most of the day, sliding 2.51 to 453.57 by the end of trading. +22019010 The volatility was dizzying for traders. +22019011 "The market must have turned up and down 15 different times," commented Lance Zipper, head of OTC trading at Kidder Peabody. +22019012 "Every time you thought it was going into a rally it gave up, and every time you thought it would rally it came down. +22019013 This is a tough market." +22019014 Mr. Zipper said the market is still settling down after the recent correction. +22019015 Most of trading action now is from professional traders who are trying to take advantage of the price swings to turn a quick profit, he and other traders said. +22019016 "Everybody's confused and no one has an opinion that lasts longer than 30 seconds," said Mr. Zipper. +22019017 "A lot of the professional traders are just going back and forth. +22019018 They're just as confused." +22019019 William Rothe, head of OTC trading at Alex. Brown & Sons, in Baltimore, said program trading is keeping the markets unsettled. +22019020 He believes that the volatile conditions created by program trading has "thoroughly confused" investors about where the market is headed. +22019021 Program trading is "benefiting a few to the detriment of many and I wish someone would do something about it," he complained. +22019022 Trading activity cooled off from Monday's sizzling pace. +22019023 Share turnover subsided to 161.5 million. +22019024 Advancing and declining issues finished about even. +22019025 Of the 4,345 stocks that changed hands, 1,174 declined and 1,040 advanced. +22019026 One big technology issue, Novell, rode the roller coaster. +22019027 The stock, which finished Monday at 29 1/2, traded as high as 29 3/4 and as low as 28 3/4 before closing at 29 1/4, down 1/4. +22019028 It was a jarring day for investors in Genetics Institute. +22019029 The stock tumbled 2 3/4 on news that it might have to take a charge against earnings if it can't successfully resolve a dispute with its European licensee, Boehringer Mannheim, over its anti-anemia drug, EPO. +22019030 The stock recovered somewhat to finish 1 1/4 lower at 26 1/4. +22019031 In a statement, Genetics Institute said the dispute with Boehringer centers on questions of the usability of certain batches of EPO material valued at $13.6 million. +22019032 Earlier this week, Genetics Institute reported wider losses in its fiscal third quarter ended Aug. 31. +22019033 Price Co. jumped 2 1/4 to 44 on 1.7 million shares. +22019034 The wholesaler of cash and carry merchandise reported fiscal fourthquarter earnings that were better than analysts had expected. +22019035 The company also pleased analysts by announcing four new store openings planned for fiscal 1990, ending next August. +22019036 That will bring the total for the year to 10, from five during fiscal 1989. +22019037 "Every year we've been waiting for stepped-up expansion from the company. +22019038 The news couldn't have been better," said Linda Kristiansen, a Dean Witter Reynolds analyst, in an interview. +22019039 Intermec, a maker of optical character-recognition devices, also reported higher third-quarter earnings. +22019040 Its shares added 3/4 to 30 3/4. +22019041 But favorable earnings wasn't a guarantee that a stock's price would improve yesterday. +22019042 MCI Communications tumbled 2 5/8 to 42 3/8 on 4.7 million shares even though the telecommunications giant reported a 63% increase in third-quarter profit. +22019043 CoreStates Financial slipped 3/8 to 43 1/8 in active trading after reporting that third-quarter earnings improved to $1.27 a share from $1.15 a share a year earlier. +22019044 However, the bank holding company's loan-loss reserves rose to $177.3 million from $154 million a year earlier. +22019045 A&W Brands lost 1/4 to 27. +22019046 But its thirdquarter earnings rose to 26 cents a share from 18 cents a share last year. +22019047 Capital Associates dropped 1 to 5 3/8. +22019048 The company, which leases technology equipment, reported substantially lower net income for its fiscal first quarter, which ended Aug. 31. +22020001 Robert M. Jelenic, 39, was named president and chief operating officer of this closely held publisher. +22020002 The post had been vacant for more than a year. +22020003 Mr. Jelenic had been executive vice president for operations. +22020004 In addition, Ralph Ingersoll II, 43, chairman and chief executive, said he would take on additional responsibilities as editor in chief of the company. +22020005 John Wilpers resigned as editor in chief. +22020006 Mr. Ingersoll remains editor in chief of the company's recently launched daily, the St. Louis Sun. +22020007 Also, Jean B. Clifton, 28, was named executive vice president, treasurer and chief financial officer. +22020008 Michael Applebaum resigned after less than a year in the posts. +22020009 Ms. Clifton had been executive financial assistant to the chairman. +22021001 Certainly conservative environmentalists can defend their limited government position by differentiating between Old Environmentalism and New Environmentalism ("Journalists and Others for Saving the Planet," by David Brooks, editorial page, Oct. 5). +22021002 Old Environmentalism involved microbe hunters and sanitationists. +22021003 It started with improvements in hygiene made possible by affordable soap and washable underwear during the Industrial Revolution. +22021004 Then cast-iron sewer pipe and the flush toilet were followed by sewage- and water-treatment plants toward the end of the 19th century. +22021005 Medicine in the 19th century was dedicated mostly to combating sepsis and diagnostic analysis. +22021006 Then the 20th century saw the evolution of private-sector wonder drugs, which promulgated medical therapy. +22021007 The process dramatically increased our average life expectancy, eliminated much pain and constantly improved health and well-being. +22021008 Most public-health measures were handled at the local level. +22021009 New Environmentalism probably started in 1962 with the publication of Rachel Carson's book "Silent Spring." +22021010 Shortly thereafter, hysterical articles began to appear predicting that advanced industrial societies would produce a blackened, uninhabitable planet possibly by the turn of the century. +22021011 These apocalyptic predictions were advanced by such stalwarts as Paul Ehrlich, Barry Commoner, Rene Dubois and George Wald. +22021012 Writing in the 1960s Ms. Carson suggested that the human race could be eliminated in 20 years, and Mr. Wald suggested that life on earth might end by 1985. +22021013 Mr. Ehrlich predicted unprecedented famine by 1980. +22021014 There were many more. +22021015 Thousands of chemical products were categorized as carcinogenic, with recommendations that they be banned from industrial use because they produced malignant tumors in overdosed rats. +22021016 Unknown before 1960 were the inconclusive effects of acid rain, greenhouse warming and ozone depletion, all of which required burgeoning political power and gargantuan expense. +22021017 Meanwhile, the New Environmentalists systematically opposed the methods of the Old Environmentalists. +22021018 Local pollution problems require cheap energy and capital for their solution. +22021019 But the New Environmentalists oppose private wealth creation (which, they claim, depletes natural resources) and nuclear power (even though it would counteract the greenhouse effect). +22021020 They are in the forefront of opposing the search for new landfills and methods of incineration and even oppose new methods of research such as genetic engineering. +22021021 New Environmentalism is an emotional attack on proven methods of improving our quality of life and a bid for political power. +22021022 Let's rationalize our priorities by solving pollution problems at the local level as heretofore. +22021023 Harry Lee Smith Alpharetta, Ga. +22021024 Your story missed some essential points of the conference on "The Global Environment: Are We Overreacting?" +22021025 First and foremost, the vignettes presented by the various scientists represent a general consensus among specialists working in the respective aspects of the global environment. +22021026 Consider, for example, the greenhouse effect and climate change; numerous blue-ribbon scientific committees, including one from the National Academy of Science, judge there is a greater than 50% probability of a grave problem in the offing. +22021027 The point was to answer the question in the conference title, not to try to create news stories for the event itself. +22021028 Nor was it intended to dictate a set of prescriptive solutions, although various points were raised. +22021029 Each speaker was asked to address a specific topic, not deliver a point of view. +22021030 Each scientist independently concluded society and government are underreacting when it comes to substantive policy change. +22021031 This leads to a very special sense of urgency. +22021032 If the media decide to work harder at educating the public about these complex and technical issues, that hardly can be termed non-objective journalism. +22021033 The environment can no longer be a normal issue, to be dealt with on a business-as-usual basis with comfortable increments of change. +22021034 We have literally altered the chemistry and physics of our planet's atmosphere. +22021035 This portends consequences from what we have already done that will be very destabilizing to social and economic systems. +22021036 The problems of the environment are so interrelated, so inextricably entwined with our current way of life and so large that it is unlikely we will be able to address them effectively unless major changes are made in less than 10 years. +22021037 The consensus from the scientific community is that there is sufficient evidence to advise major policy changes. +22021038 No, we are not overreacting. +22021039 Thomas E. Lovejoy Assistant Secretary for External Affairs Smithsonian Institution +22022001 Coca-Cola Enterprises Inc., fulfilling its dismal earnings forecast for 1989, said its third-quarter net income fell 68% on flat revenue. +22022002 Stung by higher marketing costs and slowing volume growth, the giant Coke bottling operation said net fell to $12.7 million, or six cents a share, from $39.9 million, or 26 cents a share, the year earlier. +22022003 The results met estimates of analysts, who had already slashed their projections after the company said in late August that its 1989 earnings could tumble as much as 37%. +22022004 A company spokesman said yesterday that Coca-Cola Enterprises sticks by its 1989 forecast. +22022005 Third-quarter revenue was flat at $1.02 billion. +22022006 The year-ago results, however, included the operations of a bottling business, which was sold last December. +22022007 Excluding that bottling business, Coca-Cola Enterprises' volume, measured by cases of soda, rose only 1%. +22022008 The volume is well below the industry's 4% to 5% growth rate of recent years, but in line with other soft-drink companies for the third quarter. +22022009 The latest third-quarter volume also compares with a very strong 10% growth in the year-ago quarter. +22022010 Coca-Cola Enterprises blamed the lower volume on its soft-drink prices, which were about 3% higher in the third quarter. +22022011 Consumers have been accustomed to buying soft-drinks at discounted prices for several years. +22022012 Coca-Cola Enterprises said it had to boost spending for trade and dealer incentives to try to keep volumes from slipping. +22022013 The company said it expects consumers will adjust to higher-priced soft drinks. +22022014 A spokesman attributed the bulk of a 14% increase in selling, administrative and general expenses -- to $324.9 million -- to marketing costs. +22022015 "They're out there promoting like crazy, trying to get prices up by promotion," said Roy Burry, an analyst with Kidder, Peabody & Co. +22022016 For the nine months, Coca-Cola Enterprises' net fell 31% to $65 million, or 39 cents a share, from $93.8 million, or 63 cents a share. +22022017 Revenue was flat at about $2.97 billion. +22022018 Coca-Cola Enterprises, which is 49%-owned by Coca-Cola Co., also said it repurchased about 1.2 million of its common shares during the third quarter. +22022019 The buy-back is part of a 25-million-share repurchase plan, under which Coca-Cola Enterprises so far has acquired a total of 9.7 million shares. +22022020 Separately, Purchase, N.Y.-based PepsiCo Inc., as expected, said fiscal third-quarter net rose 11% to $269.3 million, or $1.02 a share, from $241.6 million, or 91 cents a share. +22022021 Sales rose 25% to $3.90 billion from $3.13 billion. +22022022 The year-ago quarter's results include an after-tax charge of $5.9 million from the sale of a winery in Spain. +22022023 In composite trading on the New York Stock Exchange, Coca-Cola Enterprises closed at $16.375 a share, down 62.5 cents. +22022024 PepsiCo closed at $58.50 a share, up $1.375. +22023001 L.J. Hooker Corp. is expected to reach an agreement in principle this week to sell Merksamer Jewelers Inc. to management, say executives familiar with the talks. +22023002 L.J. Hooker, based in Atlanta, filed for Chapter 11 bankruptcy protection earlier this year. +22023003 Currently, its parent company, Hooker Corp. of Sydney, Australia, is being managed by a court-appointed liquidator. +22023004 It is expected that GE Capital Corp., a financial-services subsidiary of General Electric Co., will provide much of the funding for the proposed leveraged buy-out of Merksamer, based in Sacramento, Calif. +22023005 A spokesman for GE Capital declined to comment. +22023006 GE Capital has a working relationship with L.J. Hooker. +22023007 It is providing $50 million in emergency financing to the company and has agreed to buy as much as $75 million in receivables from B. Altman & Co. and Bonwit Teller, L.J. Hooker's two fully owned department-store chains. +22023008 Sam Merksamer, chief executive officer of the nationwide jewelry chain, and Sanford Sigoloff, chief executive of L.J. Hooker Corp., both declined to comment. +22023009 Currently, Mr. Merksamer owns 20% of the company; L.J. Hooker acquired its 80% interest in the firm in May 1986. +22023010 At the time, the Merksamer chain had 11 stores in operation. +22023011 Today, there are 77 units, all located in shopping malls. +22023012 In recent weeks Mr. Merksamer has approached a number of his suppliers and asked them to provide letters of intent saying they will continue shipping merchandise to the chain following the buy-out, say those familiar with the situation. +22023013 This year, a number of retail leveraged buyouts have failed, causing jitters among suppliers, and Mr. Merksamer apparently wanted assurances that he won't have delivery problems. +22023014 For the year ended June 30, 1989, Merksamer Jewelers had $62 million of revenue and operating profit of $2.5 million. +22023015 The jewelery chain was put up for sale in June. +22023016 According to those familiar with the situation, other bidders included Ratners Group PLC of London and Kay Jewelers Inc. +22023017 First Boston Corp. is advising L.J. Hooker on the sale of the Merksamer business. +22023018 Merksamer was the first in a series of retail acquisitions made by L.J. Hooker. +22023019 The company was founded in Sacramento in 1929 by two brothers, Ralph and Walter Merksamer, who operated as DeVon's Jewelers. +22023020 In 1979, the pair split the company in half, with Walter and his son, Sam, agreeing to operate under the Merksamer Jewelery name. +22023021 The sale of Merksamer Jewelers is subject to approval by Judge Tina Brozman of U.S. Bankruptcy Court. +22023022 As earlier reported, L.J. Hooker this week received a $409 million bid for its three shopping malls, plus other properties from a consortium led by Honolulu real-estate investor Jay Shidler and A. Boyd Simpson, an Atlanta developer and former L.J. Hooker senior executive. +22023023 The offer, which didn't include the Merksamer chain, is being reviewed by Mr. Sigoloff. +22024001 Robert J. Regal was named president and chief executive officer of this company's Universal-Rundle Corp. unit. +22024002 Mr. Regal had been president and chief executive of RBS Industries Inc. +22024003 Robert H. Carlson, previous president and chief executive of Universal-Rundle, will assume the title of chairman of the unit, a vitreous-china maker. +22025001 The days may be numbered for animated shows featuring Alf, the Karate Kid and the Chipmunks. +22025002 NBC, a leader in morning, prime-time and late night programs but an also-ran on Saturday mornings, when children rule the TV set, is contemplating getting out of the cartoon business. +22025003 Instead, network officials say, it may "counterprogram" with shows for an audience that is virtually ignored in that time period: adults. +22025004 "There is talk of some revamping and we're certainly heading in the direction of less and less animation," said Joseph S. Cicero, vice president of finance and administration for National Broadcasting Co., a unit of General Electric Co. +22025005 Mr. Cicero said that NBC Entertainment president Brandon Tartikoff, who declined to be interviewed, is "looking at options now and may put some things into the schedule by mid-season." +22025006 He declined to elaborate. +22025007 NBC's options could range from news-oriented programming to sports shows, although the network declined to comment. +22025008 One major NBC affiliate, KCRA in Sacramento, plans to cancel the NBC Saturday morning line-up as of January and replace it with a local newscast. +22025009 The one-hour program will be repeated with updates throughout Saturday mornings. +22025010 "We feel there is an opportunity for an audience that is not being served by any network, so we want to take the lead," says KCRA's general manager, John Kueneke. +22025011 "We don't need cartoons anymore. +22025012 They only accounted for 5%, at best, of the station's total revenues." +22025013 An NBC spokesman says the network will "closely monitor" the Sacramento situation, and says it is the only station to defect. +22025014 Spokesmen for the television networks of CBS Inc. and Capital Cities/ABC Inc., say there are no plans to alter the children's line-up on Saturday mornings. +22025015 The youthful audience for Saturday programming is no longer dependent on the networks. +22025016 There has been a surge in syndicated children's shows to independent stations, as well as competition from videocassettes for kids and from cable outlets such as Nickelodeon and the Disney Channel. +22025017 At the same time, there appears to be a market for news-oriented programming; Turner Broadcasting System Inc.'s Cable News Network has its highest ratings, outside of prime time, on Saturday mornings. +22025018 NBC has on previous occasions considered replacing cartoons with a Saturday version of "Today," which is produced by NBC News. +22025019 The network's own production company, NBC Productions, supplies a half-hour family-oriented show titled "Saved By The Bell." +22025020 NBC Productions or NBC News could supply the network with other Saturday morning shows, a move that would control costs. +22025021 Animated shows, which are made by outside production companies, cost the network about $300,000 per episode. +22026001 Rohm & Haas Co. said third-quarter net income skidded 35% to $32.6 million, or 49 cents a share. +22026002 In the year-earlier quarter, the chemicals company had net of $49.8 million, or 75 cents a share. +22026003 Sales were $623 million, up 0.5% from $619.8 million a year ago. +22026004 Rohm & Haas, which plans to start operating seven new production units this year, attributed the profit slide partly to higher start-up expense. +22026005 The company also cited the stronger dollar, which cuts the value of overseas profit when it is translated into dollars. +22026006 In addition, the company said, it was hurt by higher than previous-year costs for raw materials, though those costs have declined since the second quarter. +22026007 Incrementally higher production of those chemicals which remain in heavy demand also has forced up costs, such as overtime pay. +22026008 For the nine months, Rohm & Haas net totaled $155 million, or $2.33 a share, down 17% from $187.8 million, or $2.82 a share, a year ago. +22026009 Sales rose 5.2% to $2.04 billion from $1.94 billion the previous year. +22026010 In New York Stock Exchange composite trading, Rohm & Haas closed at $33 a share, down $1.75. +22027001 Michael A. Gaskin, 55 years old, was named president and chief executive officer of this manufacturer of industrial robots, succeeding Walter K. Weisel. +22027002 Mr. Weisel, 49, resigned as president and chief executive and will work on special projects, said John J. Wallace, chairman. +22027003 Mr. Gaskin formerly was president and chief executive of Taylor & Gaskin Inc. and was a director of Prab Robots since 1985. +22028001 Stephen N. Wertheimer was named managing director and group head of investment banking in Asia, based in Tokyo. +22028002 Mr. Wertheimer, 38 years old, had been a first vice president in the industrial group in investment banking. +22028003 He succeeds Everett Meyers, who resigned in May. +22029001 This is written to correct a misquotation in your Oct. 3 article "Deaths From Advanced Colon Cancer Can Be Reduced by Using Two Drugs." +22029002 In this article, I was alleged to have said, "Any patient with high-risk colon cancer is really getting short shrift if he's not getting this therapy." +22029003 I didn't say this, and I'm totally opposed to the philosophy expressed by the quote. +22029004 I have not offered and will not offer routine therapy with the two drugs, levamisole and 5-fluorouracil, to any of my colon-cancer patients. +22029005 With this treatment we have reduced deaths in high-risk colon cancer by one-third -- but this leaves the two-thirds who are dying of cancer. +22029006 This is not nearly good enough. +22029007 I believe any physician who truly cares about cancer patients, both today and tomorrow, should offer the hope of something better than that. +22029008 My statement, read verbatim from a printed text available to all reporters attending the National Cancer Institute news conference, was the following: "New clinical trials are already in operation seeking to improve these results. +22029009 These research protocols offer to the patient not only the very best therapy which we have established today but also the hope of something still better. +22029010 I feel any patient with high-risk cancer is getting short shrift if he is not offered this opportunity." +22029011 We have very exciting prospects for far more impressive advances in the treatment of colon cancer during the years immediately ahead. +22029012 This hope, however, will never be realized if we use levamisole and 5-fluorouracil as a stopping point. +22029013 Charles G. Moertel M.D. Mayo Clinic Rochester, Minn. +22030001 The oil and auto industries, united in their dislike of President Bush's proposal for cars that run on alternative fuels, announced a joint research program that could turn up a cleaner-burning gasoline. +22030002 Officials of the Big Three auto makers and 14 petroleum companies said they are setting out to find the most cost-effective fuel for reducing cities' air-pollution problems, with no bias toward any fuel in particular. +22030003 However, their search notably won't include natural gas or pure methanol -- the two front-running alternative fuels -- in tests to be completed by next summer. +22030004 Instead, the tests will focus heavily on new blends of gasoline, which are still undeveloped but which the petroleum industry has been touting as a solution for automobile pollution that is choking urban areas. +22030005 Environmentalists criticized the program as merely a public-relations attempt to head off a White House proposal to require a million cars a year that run on cleaner-burning fuels by 1997. +22030006 While major oil companies have been experimenting with cleaner-burning gasoline blends for years, only Atlantic Richfield Co. is now marketing a lower-emission gasoline for older cars currently running on leaded fuel. +22030007 The initial $11 million research program will conduct the most extensive testing to date of reformulated gasolines, said Joe Colucci, head of fuels and lubricants at General Motors Corp. research laboratories. +22030008 It will compare 21 different blends of gasolines with three mixtures of up to 85% methanol. +22030009 A second phase of research, which is still being planned, will test reformulated gasolines on newer engine technologies now being developed for use in 1992 or 1993 cars. +22030010 There was no cost estimate for the second phase. +22030011 "The whole idea here is the automobile and oil companies have joint customers," said Keith McHenry, a senior vice president of technology at Amoco Corp. +22030012 "And we are looking for the most cost-effective way to clean up the air." +22030013 But David Hawkins, an environmental lawyer with the Natural Resources Defense Council, said the research appears merely to be a way to promote reformulated gasoline. +22030014 Oil and auto companies supported a move on Capitol Hill last week to gut Mr. Bush's plans to require auto makers to begin selling alternative-fueled cars by 1995. +22030015 Instead, a House subcommittee adopted a clean-fuels program that specifically mentions reformulated gasoline as an alternative. +22030016 The Bush administration has said it will try to resurrect its plan when the House Energy and Commerce Committee takes up a comprehensive clean-air bill. +22031001 William Seidman, chairman of the Federal Deposit Insurance Corp., said Lincoln Savings & Loan Association should have been seized by the government in 1986 to contain losses that he estimated will cost taxpayers as much as $2 billion. +22031002 Mr. Seidman, who has been the nation's top bank regulator, inherited the problems of Lincoln, based in Irvine, Calif., after his regulatory role was expanded by the new savings-and-loan bailout law. +22031003 He made his comments before House Banking Committee hearings to investigate what appears to be the biggest thrift disaster in a scandal-ridden industry. +22031004 The inquiry also will cover the actions of Charles Keating Jr., who is chairman of American Continental Corp., Lincoln's parent, and who contributed heavily to several U.S. senators. +22031005 Mr. Seidman told the committee that the Resolution Trust Corp., the agency created to sell sick thrifts, has studied Lincoln's examination reports by former regulators dating back to 1986. +22031006 "My staff indicated that had we made such findings in one of our own institutions, we would have sought an immediate cease-and-desist order to stop the hazardous operations," Mr. Seidman said. +22031007 When Lincoln was seized by the government, for example, 15% of its loans, or $250 million, were to borrowers who were buying real estate from one of American Continental's 50 other subsidiaries, according to Mr. Seidman. +22031008 But the government didn't step in until six months ago, when thrift officials put Lincoln into conservatorship -- the day after American Continental filed for Chapter 11 bankruptcy protection from creditors. +22031009 The bankruptcy filing, the government has charged in a $1.1 billion civil lawsuit, was part of a pattern to shift insured deposits to the parent company, which used the deposits as a cache for real-estate deals. +22031010 The deposits that have been transferred to other subsidiaries are now under the jurisdiction of the bankruptcy court. +22031011 "I think it's fairly clear {Mr. Keating} knew," that regulators were set to seize Lincoln, Mr. Seidman said. +22031012 Further investigation, he said, may result in further actions against Lincoln's executives, said Mr. Seidman, "including fraud actions." +22031013 Mr. Keating, for his part, has filed suit alleging that regulators unlawfully seized the thrift. +22031014 Leonard Bickwit, an attorney in Washington for Mr. Keating, declined to comment on the hearings, except to say, "We will be responding comprehensively in several forums to each of these allegations at the appropriate time." +22031015 Lincoln's treatment by former thrift regulators, in an agency disbanded by the new law, has proved embarrassing for five senators who received thousands of dollars in campaign contributions from Mr. Keating. +22031016 Mr. Seidman said yesterday, for example, that Sen. Dennis DeConcini (D., Ariz.), who received $48,100 in contributions from Mr. Keating, phoned Mr. Seidman to request that he push for a sale of Lincoln before it would be seized. +22031017 After the government lawsuit was filed against Lincoln, Sen. DeConcini returned the campaign contributions. +22031018 The senator's spokesman said yesterday that he pushed for the sale of Lincoln because "hundreds of Arizona jobs {at Lincoln} were on the line." +22031019 Senate Banking Committee Chairman Donald Riegle (D., Mich.) has also returned contributions he received from Mr. Keating a year ago. +22031020 Sens. John Glenn (D., Ohio), John McCain, (R., Ariz.) and Alan Cranston (D., Calif.) also received substantial contributions from Mr. Keating and sought to intervene on behalf of Lincoln. +22031021 House Banking Committee Chairman Henry Gonzalez (D., Texas) said Sen. Cranston volunteered to appear before the House committee, if necessary. +22031022 But a committee staff member said the panel is unlikely to pursue closely the role of the senators. +22031023 At the hearing, Mr. Seidman said the RTC has already pumped $729 million into Lincoln for liquidity. +22031024 He also held out little hope of restitution for purchasers of $225 million in American Continental subordinated debt. +22031025 Some of those debtholders have filed a suit, saying they believed they were buying government-insured certificates of deposit. +22031026 "We have no plans at this time to pay off those notes," he said. +22032001 Eastern Airlines' creditors committee, unhappy with the carrier's plans for emerging from bankruptcy-law proceedings, asked its own experts to devise alternate approaches to a reorganization. +22032002 Representatives of the accounting firm of Ernst & Young and the securities firm of Goldman, Sachs & Co., hired by creditors to consult on Eastern's financial plans, told the committee in a private meeting yesterday that Eastern's latest plan to emerge from bankruptcy-law protection is far riskier than an earlier one which won the creditors' approval. +22032003 According to one person present at the meeting, Eastern's new plan is financially "overly optimistic." +22032004 Asked about the consultants' reports, an Eastern spokeswoman said "we totally disagree." +22032005 She said they have "oversimplified and made some erroneous assumptions that make their analysis completely off-base." +22032006 At a later news conference here, Frank Lorenzo, chairman of Eastern's parent Texas Air Corp., said Eastern was exceeding its goals for getting back into operation and predicted it would emerge from Chapter 11 protection from creditors early next year, operating with more service than it originally had scheduled. +22032007 He insisted, as he has before, that creditors would be paid in full under the plan. +22032008 Mr. Lorenzo made no mention of creditors' negative response to his plan. +22032009 "We're in the process of discussing an amended plan with the creditors and anticipate filing that amended plan shortly," Mr. Lorenzo told reporters. +22032010 "We're meeting and surpassing our goals," he added. +22032011 In July, Eastern and its creditors agreed on a reorganization plan that called for Eastern to sell $1.8 billion in assets and to emerge from bankruptcy-law protection at two-thirds its former size. +22032012 But after selling off pieces such as its East Coast shuttle, its Philadelphia hub and various planes, Eastern hit a stumbling block. +22032013 It couldn't sell its South American routes, one of the major assets marked for disposal. +22032014 Those routes, valued by the creditors' professionals at about $400 million, were to be sold to AMR Corp.'s American Airlines. +22032015 A last-minute snag in negotiations with AMR, over an unrelated lawsuit between American and another Texas Air unit, caused the deal to collapse. +22032016 Eastern ultimately decided it would have to keep and operate the routes itself, which would leave it with less cash for its reorganization. +22032017 It also would leave Eastern a bigger carrier than the scaled-down one proposed under the initial plan. +22032018 Those changes in its condition meant the reorganization plan previously presented to creditors would have to be revamped. +22032019 Since then, Eastern has been negotiating with creditors over revisions, but the creditors committee has been having problems with the revisions. +22032020 The committee has two groups of experts it calls on to analyze Eastern's plans. +22032021 Both said the new plan wouldn't work. +22032022 Ernst & Young said Eastern's plans will miss its projections of earnings before interest, tax and depreciation by $100 million, and that Eastern's plan presented no comfort level, according to a source present at yesterday's session. +22032023 Experts from Goldman Sachs estimated Eastern would miss the same mark by $120 million to $135 million, the source said. +22032024 The experts said they expected Eastern would have to issue new debt to cover its costs, and that it would generate far less cash than anticipated. +22032025 Other costs also would increase, including maintenance, because Eastern has an older fleet. +22032026 At the news conference, Mr. Lorenzo and Eastern President Phil Bakes presented a far rosier assessment. +22032027 Flanked by flight attendants, pilots and gate agents dressed in spiffy new blue uniforms, they said Eastern has exceeded its operational goals and is filling its seats. +22032028 Starting next month, Eastern will begin flying 775 flights daily instead of the previously announced 700, they said. +22032029 Mr. Bakes declined to give out Eastern's daily losses, but said he didn't expect Eastern would have to dip into the cash from asset sales currently held in escrow. +22032030 These accounts hold several hundred million dollars, primarily from asset sales. +22032031 The plan Eastern hopes to pursue, he said, calls for Eastern to have $390 million in cash by year's end. +22032032 Both he and Mr. Lorenzo predicted that plan might be confirmed in January. +22032033 As to negotiations with creditors, Mr. Lorenzo said in remarks after the conference "we'll have to see how they {talks} come along." +22032034 However, he added, "it's not a requirement that the plan be accepted by creditors. +22032035 It must be accepted by the court." +22032036 Under bankruptcy law, Eastern has exclusive rights for a certain period to develop its own reorganization plan. +22032037 That deadline has been extended once and could be extended again. +22032038 If Eastern can get creditor support, court confirmation of its plan could be relatively swift. +22032039 But creditors are free to press for court approval of their own plan, or the court could ignore both sides and draw its own. +22032040 In any event, some people familiar with the case question whether the court will act by January as forecast by Mr. Lorenzo and Mr. Bakes. +22032041 Eastern sought bankruptcy-law protection a few days after a crippling strike began March 4. +22032042 Mr. Lorenzo told reporters the reorganization Eastern is pursuing would create a carrier 85% to 90% of the size of the pre-bankruptcy Eastern. +22032043 He projected it would be operating about 1,000 flights a day by late spring, only slightly fewer than the carrier's old volume of 1,050 a day. +22033001 HOPES OF SIMPLIFYING the corporate minimum tax before 1990 are weakening. +22033002 The method of calculating the 20% tax, paid if it exceeds tax figured the regular way, is due for a change in 1990, thanks to 1986's tax act. +22033003 But most experts agree that the concept that is to be introduced drags in great complexity; they have been trying to head it off this year. +22033004 Ways and Means Chairman Rostenkowski backed a simplification plan in the pending House tax bill, but the plan turns out to be a big revenue loser. +22033005 Now the Senate's stripped-down bill omits any proposal to deal with the corporate tax. +22033006 Proponents of simplification fear that the chances of getting it into the final bill are waning. +22033007 "We hear it has low priority on the House side," says Samuel Starr of Coopers & Lybrand, CPAs. +22033008 If the law isn't changed, he says, "we are left staring at rules that are almost impossible to implement, because there are so many complex depreciation calculations to do." +22033009 But Congress still could resolve the issue with other legislation this year or next, Starr adds. +22033010 HUGO'S RAVAGES may be offset by immediate claims for tax refunds. +22033011 This law aids hurricane-wracked locales named by the president as disaster areas, as well as regions so designated after other 1989 disasters. +22033012 It lets victims elect to deduct casualty losses on either 1989 or amended 1988 returns, whichever offers the larger tax benefit; they have until April 16 to choose. +22033013 Amending a 1988 return to claim a refund brings cash faster; but for personal losses, there are other factors to consider, notes publisher Prentice Hall. +22033014 A loss -- after insurance recoveries -- is deductible only to the extent that it exceeds $100 and that the year's total losses exceed 10% of adjusted gross income; victims may pick the year when income is lower and deductions higher. +22033015 In filing an original (not amended) return, a couple should consider whether damaged property is owned jointly or separately and whether one spouse has larger income; that may determine whether they should file jointly or separately. +22033016 THE IRS DELAYS several deadlines for Hugo's victims. +22033017 Returns for 1988 from people with six-month filing extensions were due Monday, but the IRS says people in the disaster areas won't be penalized for late filing if their returns are marked "Hugo" and postmarked by Jan. 16. +22033018 Interest will be imposed on unpaid taxes, but late-payment penalties on the returns will be waived if the balance due and paid is 10% or less of the liability. +22033019 IRS Notice 89-136 describes this and other deadline relief for Hugo's victims. +22033020 Among the provisions: Fiscal-year taxpayers with returns due last Monday won't be penalized if they file -- or request an extension -- and pay tax due by Nov. 15. +22033021 Excise-tax returns due by Oct. 31 or Nov. 30 may be delayed to Jan. 16. +22033022 Extensions can't be granted for filing employment-tax returns due Oct. 31 or for depositing withheld taxes, but late penalties will be abated for deposits made by Nov. 15. +22033023 The notice also grants relief for certain estate-tax returns. +22033024 ONE-DAY JAUNTS in a chartered boat were perks for permanent staffers of American Business Service Corp., a Costa Mesa, Calif., supplier of temporary workers. +22033025 The IRS denied cost deductions because few of the temps got to go aboard. +22033026 But the Tax Court said the limitations were reasonable and realistic and allowed the deductions. +22033027 USED-CAR BUYERS who try to avoid sales tax by understating prices paid in private deals are the targets of a New York drive. +22033028 Estimating that the state may lose $15 million a year, officials announced the filing of 15 criminal actions and "hundreds" of civil penalties. +22033029 WHEN AN IRA OWNER dies, the trustee of the individual retirement account must file forms 5498 reporting market values relating to the decedent and each beneficiary, with copies to the executor and beneficiaries. +22033030 IRS Revenue Procedure 89-52 describes the reporting requirements. +22033031 BIGGER THAN A BREADBOX was this cash hoarder's reputation for honesty. +22033032 People often cite frugality and distrust of banks to justify cash caches to the IRS. +22033033 Gregory Damonne Brown of Fremont, Calif., a hardworking, reclusive young bachelor, told that story to the Tax Court. +22033034 But judges usually find the real aim is to escape tax on hidden income; and the IRS said Brown must have had such income -- although it uncovered no source -- because he deposited $124,732 in a bank account in 1982-84 while reporting income of only $52,012. +22033035 Brown's story: +22033036 The deposits came from savings kept in a Tupperware breadbox; he saved $47,000 in 1974-81 by living with family members and pinching pennies and $45,000 of secret gifts from his remorseful father, who had abandoned the family in 1955. +22033037 Brown had no proof; but testimony of his mother and stepmother about his father and of an ex-employer about his honesty and habits satisfied a judge that Brown was truthful and his tale of gifts was possible. +22033038 The IRS offered no evidence of hidden sources of taxable income, so Judge Shields rejected its claims. +22033039 BRIEFS: +22033040 Asked how he made charitable gifts of $26,350 out of reported two-year income of $46,892, Thomas H. McFall of Bryan, Texas, told the Tax Court he had understated his income. +22033041 The court rejected his incredible claims, denied his deductions, and imposed a negligence penalty. . . . +22033042 Rep. Schaefer (R., Colo.) entered a bill to exempt from tax rewards for tips leading to the arrest of violent criminals. +22034001 Kay Peterson mounts her bicycle and grinds up yet another steep, rocky path seemingly suitable only for mountain goats. +22034002 After a tortuous climb, she is rewarded by a picture-postcard vista: a glade of golden aspens under an azure Indian-summer sky. +22034003 This place is 12 miles into the back country -- a day-long trudge for a hiker, but reached by Ms. Peterson and six others in a mere two hours of pedaling fat-tired mountain bikes. +22034004 "This," says Ms. Peterson, "is what it's all about." +22034005 Twelve hundred miles away, rangers at a Napa County, Calif., state park are among the many who don't quite share the enthusiasm. +22034006 This summer, speeding bikers were blamed for an accident in the Napa County park, in which a horse -- spooked on a trail that was closed to bikers -- broke its leg. +22034007 The animal had to be destroyed; the bikers fled and were never found. +22034008 In numerous parks near San Francisco, rangers have been forced to close trails, set up speed traps and use radar guns to curb fast and reckless riding. +22034009 They have even sent helicopters in pursuit of bikers after hikers and equestrians complained they were being driven from trails. +22034010 "We were being overrun," says Steve Fiala, trails coordinator of the East Bay Regional Park District. +22034011 Two years ago, the district decided to limit the bikes to fire roads in its 65,000 hilly acres. +22034012 From about 200,000 six years ago, the number of mountain bikes in the U.S. is expected to grow to 10 million in 1990. +22034013 At least half that growth will have come in the past three years alone. +22034014 The controversy kicked up by the proliferation of these all-terrain bicycles is one of the most divisive storms to blow through the national conservation movement in recent memory. +22034015 Bikers -- many of them ardent environmentalists -- proclaim their sport an efficient, safe, fitness-promoting way to get back to nature, while asserting a right, as taxpayers, to pedal on public lands. +22034016 But the bikes' burgeoning numbers, safety concerns and fear that they damage fragile landscapes have prompted pleas, from the Sierras to the Eastern Seaboard, to ban them from the back country. +22034017 Key to the issue is that the bikes, in skillful hands, can go virtually anywhere, and in reckless hands can become vehicles of terror. +22034018 An adept bicyclist can leap from a dead stop to the top of a picnic table without losing balance. +22034019 Such skills allow riders to fly down treacherous mountain grades at speeds of up to 40 miles an hour -- a thrill for the cyclist but a nightmare for unsuspecting hikers or equestrians. +22034020 For harried public-land managers across the nation, the response is increasingly to shut the gates. +22034021 The state of California, following the lead of some regional parks, recently adopted regulations that closed nearly all hiking paths in state parks to mountain bicycles. +22034022 The move largely consigns them to roads used by motorized vehicles. +22034023 Most other states have enacted similar bans. +22034024 The bikes are unwelcome on trails in national parks. +22034025 Even the U.S. Forest Service, whose lenient "multiple-use" philosophy permits motorized vehicles on thousands of miles of its trails across the U.S., has begun to close some lands to the bikes, including major portions of the popular Pacific Crest Trail, which stretches from California to Canada. +22034026 Often these closings come after vigorous anti-bike lobbying by conservation organizations, the politically potent Sierra Club among them. +22034027 Sierra has been instrumental in securing a number of the California bans. +22034028 It has been waging an all-out campaign to beat back a proposal, pushed by Utah bike groups, to allow the cycles in federally designated wilderness areas, where they are now prohibited. +22034029 Yet Sierra's hard-line stance has created something of a rift in the organization, which estimates that 17% of its 500,000 members own mountain bikes. +22034030 Pressure from these members prompted the club recently to soften its anti-bike rhetoric; it no longer, for example, lumps the bikes into the same category as motorcycles and other terrain-marring off-road vehicles. +22034031 But the club still insists that public lands ought to be closed to the bikes unless studies indicate the bikes won't injure the environment or other users. +22034032 "I have a mountain bike, yet as a hiker I've been run off the road by kids careening down a fire trail on them," says Gene Coan, an official at Sierra's headquarters in San Francisco, echoing the concerns of many members. +22034033 "People who feel that cyclists should be banned from an area aren't looking at the whole picture," complains Mark Langton, associate editor of Mountain and City Biking magazine in Canoga Park, Calif. +22034034 Mr. Langton is among the legions of bikers who got their first taste of wilderness as hikers or backpackers. +22034035 He says fellow bikers show the same concern for the land that they demonstrated as hikers; many are appalled that the conservation community would suddenly consider them the enemy. +22034036 To fight back, activists such as Mr. Langton are forming groups to lobby land managers over access issues and undertake education programs to show that the bikes can responsibly share trails. +22034037 Mr. Langton's group, Concerned Off-Road Bicyclists Association, mounted petition drives to help keep open certain Santa Monica Mountain trails designated for closing. +22034038 Biking groups in Montana, Idaho, Michigan and Massachusetts have won similar concessions, says Tim Blumenthal, mountain bike editor of Bicycling magazine. +22034039 These groups have been trying to improve the mountain biker's image; in the San Francisco-area park district where a ranger was clobbered by a cyclist this summer bikers have formed a volunteer patrol to help rangers enforce regulations, and to school riders in proper trail etiquette. +22034040 Even staunch anti-bike Sierra members concede that 10% of all riders cause most of the problems. +22034041 While some are renegade riders who simply scorn regulations, much bad riding simply reflects ignorance that can be corrected through "education and peer pressure," says Jim Hasenauer, a director of the International Mountain Biking Association. +22034042 "I think we're making progress." +22034043 Few would have foreseen such a furor when, a decade ago, some Marin County bicycle enthusiasts created a hybrid bike using fat tires, lightweight metallurgy and multi-gear technology. +22034044 They wanted a machine that would allow them to pedal into rugged terrain then inaccessible to cycles. +22034045 They got a machine more responsive, more stable and in many ways easier to ride than the thin-tired racing bikes that then were the rage. +22034046 When the bikes first entered mass production in 1981, they were dismissed as a fad. +22034047 Last year, 25% of the 10 million bicycles sold in the U.S. were mountain bikes. +22034048 In California, a bellwether market, they accounted for more than 80% of all bike sales. +22034049 The majority of the bikes never even make it into the high country. +22034050 City dwellers love them because they shift smoothly in traffic, bounce easily over curbs and roll through road glass with far fewer flat tires than racing bikes. +22034051 Crested Butte, population 1,200, is a bastion of the sport. +22034052 By one estimate, everyone here under 50 owns at least one bike. +22034053 The town is home to the Mountain Bike Hall of Fame and it hosts the annual Fat Tire Bike Week. +22034054 This summer, the jamboree attracted more visitors than the busiest week of the town's winter ski season. +22034055 David Lindsey, chairman of the Fat Tire Bike celebration, muses that the bike's popularity may be a combination of technology and nostalgia. +22034056 "The mountain bike feels as comfortable as the `paperboy' bike you had as a kid, but it can do so much more," he says. +22035001 The following issues were recently filed with the Securities and Exchange Commission: +22035002 Canada's Province of Nova Scotia, shelf offering of up to $550 million of debentures. +22035003 Golar Gas Holding Co., a subsidiary of Gotaas-Larsen Shipping Corp., offering of $280 million first preferred ship mortgage notes, via Merrill Lynch Capital Markets. +22035004 H.F. Ahmanson & Co., offering of four million shares of noncumulative convertible preferred stock, Series B., via Goldman, Sachs & Co, First Boston Corp., and Merrill Lynch. +22035005 Shared Technologies Inc., offering of 2.5 million common shares, via Smetek, Van Horn & Cormack Inc. and Oakes, Fitzwilliams & Co. +22036001 Stock-market tremors again shook bond prices, while the dollar turned in a mixed performance. +22036002 Early yesterday, investors scrambled to buy Treasury bonds for safety as stock prices plummeted and fears mounted of a replay of Friday. +22036003 But stocks later recovered, erasing most of their early declines. +22036004 That cut short the rally in Treasury bonds and depressed prices moderately below late Monday's levels. +22036005 The Dow Jones Industrial Average, down more than 60.25 points early in the day, finished 18.65 points lower at 2638.73. +22036006 Long-term Treasury issues declined about half a point, or $5 for each $1,000 face amount. +22036007 "The stock market clearly is leading the bond markets," said Jack Conlon, an executive vice president at Nikko Securities. +22036008 "People are breathing a major sigh of relief that the world didn't end Monday morning" or yesterday. +22036009 Gold, a closely watched barometer of investor anxiety, was little changed. +22036010 The dollar initially fell against other major currencies on news that the U.S. trade deficit surged in August to $10.77 billion. +22036011 But the dollar later rebounded, finishing slightly higher against the yen although slightly lower against the mark. +22036012 Federal Reserve officials sent another signal of their determination to shore up investor confidence. +22036013 In an apparent attempt to keep a lid on short-term interest rates, the Fed once again pumped money into the banking system. +22036014 But the Fed move was a small gesture, traders said. +22036015 Fed officials appear reluctant to ease their credit grip any further because a bold move doesn't appear necessary, several investment managers said. +22036016 The Fed has allowed a key short-term interest rate to decline about one-quarter percentage point. +22036017 The federal funds rate on overnight loans between banks has been hovering around 8 3/4%, down from 9% previously. +22036018 Although stocks have led bonds this week, some traders predict that relationship will reverse during the next few weeks. +22036019 Nikko's Mr. Conlon fears a huge wave of Treasury borrowing early next month will drive down Treasury bond prices. +22036020 That, coupled with poor third-quarter corporate-earnings comparisons, "will make trouble for the equity market for the next two to three months," he says. +22036021 But several other traders contend investors have overreacted to junk-bond jitters, and that stock prices will continue to recover. +22036022 "They shot the whole orchestra just because the piano player hit a bad note," said Laszlo Birinyi, president of Birinyi Associates Inc., referring to the stock market's plunge Friday on news of trouble in financing the UAL Corp. buy-out. +22036023 In major market activity: Treasury bond prices fell. +22036024 The yield on 30-year Treasury bonds climbed back above 8%, ending the day at 8.03%. +22036025 The dollar was mixed. +22036026 Late yesterday in New York, the dollar rose to 142.75 yen from 141.80 yen Monday, but fell to 1.8667 marks from 1.8685 marks. +22037001 The Consumer News and Business Channel cable network and U.S. News & World Report have formed a joint venture to produce cable program versions of special issues of the magazine. +22037002 The programs will run on the cable network the Sunday evening immediately prior to the release of the special issue of U.S. News & World Report. +22037003 CNBC is a joint venture of the National Broadcasting Co., a unit of General Electric Co., and Cablevision System Corp. +22037004 Advertisers will be offered an advertising package, which for a single price, will include time on the CNBC program and ad pages in the special guides. +22037005 CNBC will produce six, one-hour programs, beginning in April 1990. +22037006 The first program scheduled in the joint venture is "The 1990 Homeowner's Guide." +22037007 Other programs and special issues will be based on themes of health, jobs, personal finance, the best colleges, and investments. +22037008 The programs will be written and produced by CNBC, with background and research provided by staff from U.S. News & World Report. +22038001 Skoal Daze +22038002 I've learned the hard way that too much booze Takes revenge the next day about nine; No wonder I say, "I drink to your health" -- It certainly isn't to mine! +22038003 --George O. Ludcke. +22038004 Spaced Out +22038005 Those supermarket tabloids Make me feel slow Because I still haven't seen +22038006 -- Bruce Kafaroff. +22038007 Daffynition +22038008 Repression: emote control. +22038009 -- Daisy Brown. +22039001 Weyerhaeuser Co. reported a one-time gain and strong wood-product sales that offset weakness in pulp and paper to fuel a 15% jump in third-quarter net income to $166.8 million, or 78 cents a share. +22039002 In the 1988 third quarter, the forest-products company reported profit of $144.9 million, or 69 cents a share. +22039003 Sales rose 9% to $2.57 billion from $2.36 billion. +22039004 For the nine months, the company posted a 14% rise in profit to $469.8 million, or $2.21 a share, from $410.3 million, or $1.95 a share. +22039005 Sales rose 9% to $7.54 billion from $6.95 billion. +22039006 Results for the 1989 third quarter and nine months include a pretax loss of $33 million from the company's business improvement and refocusing program, and a gain of $49 million on the sale of a subsidiary's common stock. +22039007 Forest-products operations strengthened in the third quarter, while paper operations were dogged by higher costs, soft newsprint exports and a strong Japanese yen. +22039008 Some competing forest-products firms have recently reported improved results due to strong pulp and paper business. +22039009 Weyerhaeuser's pulp and paper operations were up for the nine months, but full-year performance depends on the balance of operating and maintenance costs, plus pricing of certain products, the company said. +22039010 Looking ahead to the fourth quarter, the company said export log and lumber markets will be weak, while panel and plywood markets will be stronger. +22039011 Pulp and paper performance depends on cost and price variables, the company said. +22040001 Bankers Trust New York Corp. became the latest major U.S. bank to increase reserves for its loans to less-developed countries, making a $1.6 billion third-quarter addition to its provision. +22040002 The bank also said it expects to report a $1.42 billion loss for the third quarter and a loss for the full year. +22040003 The new reserves bring the company's provision for loans to Third World countries to $2.6 billion, or 85% of Bankers Trust's medium and long-term loans to these countries. +22040004 "Step up to the plate and take the big swing. +22040005 Get the problem behind you and don't look back," said James J. McDermott, analyst at Keefe, Bruyette & Woods, in approving of the move. +22040006 Bankers Trust "has had the capacity to do this for some time," the analyst said. +22040007 He expects Citicorp to take a similar step this year. +22040008 Citicorp yesterday reported a 9% third-quarter earnings drop, which analysts called a bit disappointing, while Manufacturers Hanover Corp. posted a $789 million loss for the quarter after adding $950 million to its reserve for loans to less-developed countries. +22040009 Three other major U.S. banks posted earnings increases. +22040010 Wells Fargo & Co. of San Francisco posted a 17% jump. +22040011 PNC Financial Corp., the parent of Pittsburgh National Bank, reported net income climbed 9.8%, while net for Banc One Corp. of Columbus, Ohio, grew 3.8%. +22040012 Citicorp +22040013 Analysts were only slightly disappointed by Citicorp's numbers. +22040014 "There's nothing in here that's horrible and nothing to make you think they're setting the world on fire," said Carole Berger, analyst for C.J. Lawrence, Morgan Grenfell Inc. +22040015 Earnings from the bank's global consumer business grew 27%. +22040016 "The consumer business continues to drive the earnings stream," said Mr. McDermott of Keefe, Bruyette & Woods. +22040017 Corporate finance and trading results in member countries of the Organization for Economic Cooperation and Development were "relatively flat, sometimes choppy," the bank said, and profit for the area sank 27%. +22040018 The cross-border loan portfolio reflected "adjustment problems and episodic payment patterns," the bank said no interest payments from Argentina in the nine months and none from Brazil in the third quarter, while Venezuela brought itself "substantially current." +22040019 Overall, the portfolio narrowed its quarterly loss to $70 million from $80 million a year earlier. +22040020 "People were waiting to see if we would take an additional provision" for medium-term and long-term loans to less-developed countries, a Citicorp spokesman said. +22040021 But he reiterated the bank's position that it is comfortable with the current level of $2.6 billion, covering about 30% of the $8.9 billion of such loans outstanding. +22040022 Ronald I. Mandle, analyst at Sanford C. Bernstein & Co., called Citicorp's venture-capital gains of $93 million before taxes "strong." +22040023 A "concerning" item the analyst cited was the 10% jump in expenses, which the bank attributes to costs of expanding both its consumer credit-card operations and its overseas branch business. +22040024 Citicorp's spokesman said, however, that the bank is maintaining those expenses in proportion to revenue growth. +22040025 Wells Fargo +22040026 Wells Fargo continued to generate one of the highest profit margins among major banks, minimizing a drop in net interest margin with 13% third-quarter growth in high-yielding business loans and similar growth in mortgages. +22040027 Its margin fell only seven basis points, or 7/100ths of a percentage point, from a year ago, compared with a 13-point drop at Security Pacific Corp. and much larger declines among banks in other parts of the country. +22040028 As a result, Wells Fargo's net interest income rose $36.3 million, or 7%, to $537 million for the quarter. +22040029 Non-interest income fell slightly to $191.9 million from $193.3 million, while Wells Fargo continued to rigorously control non-interest expense, which was almost flat at $393.4 million. +22040030 The combination of solid loan growth with tight expense control gave Wells Fargo a 1.25% return on average assets for the quarter, about 40% higher than Security Pacific's and a profit ratio matched by only two or three other major banks in the U.S. +22040031 Wells Fargo's return on equity increased to 24.4% from 23.8%. +22040032 Wells Fargo has sold all of its non-trade loans made to less-developed countries, and managed to partly reverse the sharp rise in domestic non-accrual loans, which fell 8% from the previous quarter to $806.8 million from $880.9 million. +22040033 But the amount was still 39% higher than the year-ago level, and 25% higher as a percentage of total loans. +22040034 That trend, and Wells Fargo's heavy exposure to leveraged buy-outs, are about the only worries analysts have about Wells Fargo's financial picture. +22040035 Wells Fargo is rebuilding its loan-loss reserve, which increased to $711 million at Sept. 30 from $664 million the previous quarter but was down from $852 million a year ago, when the bank still had some shaky foreign loans. +22040036 Manufacturers Hanover +22040037 Manufacturers Hanover said that excluding the addition to its reserves, certain tax benefits, and a one-time $16 million gain on the sale of an interest in a foreign leasing company, third-quarter earnings were $75 million. +22040038 The comparable year-earlier number was $56 million, a spokesman said. +22040039 The bank's additional provisions brought reserves for loans to less-developed countries to $2.4 billion, covering 36% of its medium and long-term loans outstanding to these nations. +22040040 The net interest margin-the difference between the bank's cost of funds and what it receives as interest payments -- improved in the quarter, as did certain areas of wholesale banking. +22040041 Fees from syndicating loans dropped 48%, to $21 million. +22040042 "We didn't take part in a lot of deals" in the quarter "because their credit quality was poor," the spokesman said. +22040043 Expenses unrelated to interest rose 5.4%, to $541 million. +22040044 PNC Financial +22040045 PNC Financial cited higher income from sources unrelated to interest and said it continues to cut costs. +22040046 Net interest income in the third quarter edged up 1.4%, to $317.7 million. +22040047 Trust income grew 15%, to $49.9 million, while service charges, fees and commissions increased 22%, to $79.4 million. +22040048 The bank's total allowance for credit losses was $502.1 million, or 1.82% of total loans. +22041001 Prime Minister Rajiv Gandhi set a date next month for general elections that some analysts say could cost him and his ruling Congress (I) Party control of the government. +22041002 Other analysts say the Indian leader could retain control with a slim majority or be forced to rule as the dominant partner in a coalition with other parties. +22041003 Elections in this large, diverse and passionate nation are always hard to predict. +22041004 Much depends on the opposition, a loose group of regional and ideological parties led by former Gandhi cabinet minister Vishwanath Pratap Singh. +22041005 The biggest certainty is that the elections will be a vote for or against Mr. Gandhi and his five years in power -- five years of ups and downs, promises and disappointments and wide fluctuations in popularity. +22041006 Yesterday, four days after an unusual parliamentary defeat for the ruling party, Mr. Gandhi called elections for the lower house of Parliament on Nov. 22 and 24. +22041007 The elections will be held in different states on one of the two days. +22041008 (The lower house's five-year term expires in January; the Parliament's upper house is appointed.) +22041009 The elections will be a rigorous test for the 45-year-old prime minister and Congress (I), which in various forms has ruled for 40 of India's 42 years of independence. +22041010 After a landslide win in 1984 in polls held after the assassination of his mother, Indira Gandhi, Mr. Gandhi saw his popularity begin a roller coaster ride. +22041011 His early promises to make India a modern nation remain bogged down in bloated bureaucracy. +22041012 His pledge to clean up local administration and Indian politics, including his own party, went unfulfilled. +22041013 His "Mr. Clean" image was muddied by an arms-kickback scandal, which will be a major campaign issue. +22041014 Some analysts predict that disappointment in Mr. Gandhi's spent pledge to reduce corruption and heavy-handed local government will crest at the polls. +22041015 "There's a wide feeling of indignation across the country," says Bhabani Sen Gupta of the Center for Policy Research, in New Delhi. +22041016 "I think the people will be judging the regime by a petty policeman, by a corrupt revenue collector. +22041017 This could be a big protest against an administrative failure." +22041018 Even if the Congress (I) retains control of the government, Mr. Gandhi's ability to push through major initiatives might be hobbled by a thinner majority. +22041019 Economic analysts call his trail-blazing liberalization of the Indian economy incomplete, and many are hoping for major new liberalizations if he is returned firmly to power. +22041020 The Lok Sabha, or lower house of Parliament, has 542 elected and two appointed seats. +22041021 In 1984, the Congress (I) captured 405 seats, the largest victory in the history of Indian democracy. +22041022 The landslide was fueled by panic that prevailed in India at the time. +22041023 Mrs. Gandhi had been assassinated by separatist Sikhs, and many Indians feared their country might split apart. +22041024 In the previous three general elections, similar national issues clinched the vote. +22041025 In 1971, the Congress Party won after India's victory in the Bangladesh war. +22041026 In 1977, Mrs. Gandhi was thrown out of office after her 19-month emergency rule, and in 1980, after her successors made a mess of their three years in power, she was restored to office. +22041027 Most political analysts say that if Mr. Gandhi's opposition unites to field single candidates in most precincts, the Congress (I) will lose big. +22041028 But if the opposition remains fractured, the Congress (I) could win a small majority, or lead a coalition government. +22041029 Chimanbhai Mehta, a parliamentarian and former Gandhi ally, predicts Congress (I) will win only 150 seats, a quarter of the house, if the opposition fields single candidates in 80% of the races. +22041030 Analysts say the opposition will struggle this week to unite, and its success will be clear only when it announces its final list of parliamentary candidates. +22041031 The arms-kickback scandal is likely to be one of the big talking points in the campaign, but it's unclear how it is viewed by average Indian voters. +22041032 In 1986, India signed a $1.4 billion contract with AB Bofors, a unit of Nobel Industries Sweden AB, to purchase 400 artillery pieces. +22041033 The contract was negotiated by the countries' two prime ministers, and was supposed to be free of commissions or agents' costs. +22041034 In April 1987, evidence surfaced that commissions were paid. +22041035 The opposition charged that the money was used to bribe Indian government officials, an allegation denied by Mr. Gandhi's administration. +22041036 But many of his statements on the issue in Parliament subsequently were proven wrong by documentary evidence. +22041037 The scandal has faded and flared, but recent disclosures propelled it back onto the front pages, and that has helped galvanize the opposition, which last week blocked passage of two constitutional amendment bills. +22041038 It was the first time in 20 years that such government bills were defeated. +22041039 In a country where a bribe is needed to get a phone, a job, and even into a school, the name Bofors has become a potent rallying cry against the government. +22041040 That illustrates the kind of disappointment many Indians feel toward Mr. Gandhi, whom they zestfully elected and enthusiastically supported in his first two years in power. +22041041 His term has produced no spectacular failures in politics, in the economy or on the military front, and has chalked up some successes. +22041042 But the average Indian had tremendous hope in the youthful leader and his promise to make both government and the ruling party more effective and less corrupt. +22041043 His failures in those two areas deeply, and sometimes bitterly, disappointed many Indians. +22041044 "We don't like the Congress (I)," says Sooraji Jath, a farmer in the western state of Gujarat. +22041045 "The Congress government is taking the farmers' bread and not giving us any support. +22041046 When there are well problems, light problems, road problems, the government tells us to forget it." +22041047 The greatest thing going for Mr. Gandhi and the Congress (I) Party is the poor reputation of the opposition. +22041048 Even if it unites for the elections, its coherence is likely to be temporary. +22041049 When the Congress (I) lost the 1977 election, following Mrs. Gandhi's hated emergency rule, a similar coalition took power and then disintegrated. +22041050 Many Indians fear a repeat of that experience. +22041051 March 24, 1986: +22041052 AB Bofors, a unit of Nobel Industries Sweden AB, enters into a $1.4 billion contract with India's Defense Ministry to supply 400 Bofors FH-77B 155-mm field howitzer guns. +22041053 In 1985, Prime Minister Rajiv Gandhi, in his talks with then Swedish Prime Minister Olof Palme, imposed the condition that the contract have no middlemen. +22041054 April 16, 1987: +22041055 Swedish National Radio reports that about $40 million -- nearly 3% of the total contract -- was paid by Bofors as commissions to middlemen. +22041056 June 1, 1987: +22041057 Sweden's National Audit Bureau releases its report confirming payment of about $40 million to unidentified Indians. +22041058 The report says that investigations were severely hampered by lack of cooperation from Bofors. +22041059 Bofors says it can't disclose the names of the middlemen because it would jeopardize industrial confidentiality. +22041060 A portion of the report containing names of the middlemen is withheld by officials citing bank secrecy requirements. +22041061 Aug. 6, 1987: +22041062 Prime Minister Gandhi tells the Indian Parliament, ". . . neither I nor any member of my family has received any consideration in these transactions. +22041063 That is the truth." +22041064 Aug. 26, 1987: +22041065 Bofors admits payments of $41 million to middlemen. +22041066 April 22, 1988: +22041067 The Hindu newspaper publishes facsimiles of bank documents for foreign-exchange remittances and letters between Bofors and certain private companies related to the sale of the guns to India. +22041068 April 26, 1988: +22041069 A parliamentary investigative committee dominated by the Congress (I) Party concludes that there were no middlemen in the deal and no payment to any Indian individual or company. +22041070 July 18, 1989: +22041071 The comptroller and auditor-general of India reports serious lapses in the government's technical and financial evaluation of the Bofors deal. +22041072 Sept. 15, 1989: +22041073 Retired army Chief of Staff Krishnaswami Sundarji discloses in an interview that he suggested in May 1987 that the government cancel the Bofors contract. +22041074 According to Gen. Sundarji, that would have forced Bofors to disclose the names of the middlemen who received kickbacks from the company. +22041075 His recommendation was rejected by the government. +22041076 Oct. 9. 1989: +22041077 The Hindu newspaper publishes the withheld portion of the Swedish National Audit Bureau's report. +22041078 The disclosures state that commissions were paid by Bofors to an Indian agent of the arms company. +22042001 Parsow Partnership Ltd. and Elkhorn Partners L.P. said they may seek proposals from third parties relating to a sale or restructuring of CACI International Inc. +22042002 In a filing with the Securities and Exchange Commission, Parsow and Elkhorn, which together hold 8.685% of CACI's common shares, said they think it is in the best interest of CACI stockholders that the company be sold. +22042003 CACI, based in Arlington, Va., said it hadn't seen the filing by Parsow and Elkhorn and therefore had no comment. +22042004 The partnerships said they may seek board representation, and they may seek the support of CACI's board and other major shareholders in connection with their plans. +22042005 According to the filing, Parsow and Elkhorn are based in Elkhorn, Neb., and are controlled by the same general partner, Alan S. Parsow. +22042006 Their combined stake consists of 880,500 CACI common shares, including 86,500 shares bought in the past 60 days at $2.3125 to $2.4375 a share. +22042007 Additional shares may be bought or sold in the open market, in private transactions or otherwise, depending on market conditions and other factors. +22043001 The inverse trading relationship between bonds and stocks was interrupted yesterday as bonds fell despite a modest decline in stock prices. +22043002 But bond investors continue to keep a close watch on the jittery stock market. +22043003 In early trading, investors were bidding bond prices higher as stocks tumbled and fears mounted that Friday's stock market debacle would be repeated. +22043004 But a partial recovery in the Dow Jones Industrial Average, which had been down more than 60 points in midmorning, dashed those expectations. +22043005 Treasury bonds also were hurt late in the day by a $4 billion offering by the Tennessee Valley Authority and the prospect of a huge amount of new agency debt. +22043006 "Bond investors were hoping that stock prices would continue to fall," said Roger Early, a vice president at Federated Investors Inc., Pittsburgh. +22043007 "When stocks stabilized, that was a disappointment." +22043008 Meanwhile, for the second straight day, the bond market paid little attention to the Federal Reserve's open market operations. +22043009 Fed officials injected more cash into the banking system by arranging $1.5 billion of repurchase agreements during the usual pre-noon intervention period. +22043010 The move was meant to keep a lid on interest rates and to boost investor confidence. +22043011 "The intervention has been friendly, meaning that they really didn't have to do it," said Maria Fiorini Ramirez, money-market economist at Drexel Burnham Lambert Inc. +22043012 She said a more aggressive move wasn't needed. +22043013 The Fed also appears reluctant to ease credit conditions further. +22043014 It already has allowed the closely watched federal funds rate to decline 1/4 percentage point to about 8 3/4% from its previous target level of about 9%. +22043015 The rate, which banks charge each other on overnight loans, is considered an early signal of changes in Fed policy. +22043016 It ended at about 8 11/16% yesterday, but was as low as 8 1/2% Monday. +22043017 The Treasury's benchmark 30-year bond fell more than 1/2 point, or over $5 for each $1,000 face amount, while the yield moved above 8% for the first time since Thursday. +22043018 Investment-grade corporate, municipal and mortgage-backed securities also fell. +22043019 But most junk bonds closed unchanged after opening slightly higher on bargain-hunting by institutional investors. +22043020 Some so-called high-quality junk issues, such as R.H. Macy & Co.'s 14 1/2% subordinated debentures, rose. +22043021 The Macy's issue closed up about one point at a bid price of 97. +22043022 The TVA's public debt offering was its first in 15 years. +22043023 Strong investor demand prompted it to boost the size of the issue from $3 billion. +22043024 Traders said hedging related to the TVA pricing also pressured Treasury bonds. +22043025 "Underwriters of the TVA bonds reduced their market risk by selling Treasurys to cover at least part of their {TVA} holdings," said James R. Capra, a senior vice president at Shearson Lehman Government Securities Inc. +22043026 The TVA bonds also "served to remind the market that there will be even more new supply," said Lawrence N. Leuzzi, a managing director at S.G. Warburg Securities & Co. +22043027 Today the Treasury will announce the size of its next two-year note sale and Resolution Funding Corp. will announce details of its first bond offering. +22043028 Some traders estimate $9.75 billion of new two-year Treasurys will be sold next week, and they expect Refcorp to offer $4 billion to $6 billion of long-term "bailout" bonds. +22043029 Refcorp was created to help fund the thrift bailout. +22043030 Another agency issue came to market yesterday. +22043031 The Office of Finance of the Federal Home Loan Banks said it priced a four-part $2.27 billion bond offering for the banks to yield from 8.125% to 8.375%. +22043032 The release of several economic reports had little impact on the market, including a report that the U.S. trade deficit expanded to a surprisingly wide $10.77 billion in August, up from a revised $8.24 billion in July. +22043033 The August gap was expected to have expanded to $9.1 billion. +22043034 Treasury Securities +22043035 Treasury securities were essentially flat to about 1/2 point lower. +22043036 The benchmark 30-year bond was quoted late at 100 28/32 to yield 8.04%, compared with 101 19/32 to yield 7.97% Monday. +22043037 The latest 10-year notes were quoted late at 99 25/32 to yield 8.01%, compared with 100 1/32 to yield 7.97%. +22043038 Short-term rates increased. +22043039 The discount rate on three-month bills rose to 7.52% for a bond-equivalent yield of 7.75%. +22043040 The rate on six-month bills rose to 7.53% for a bond-equivalent yield of 7.92%. +22043041 Corporate, Other Issues +22043042 Investment-grade corporate bonds ended 1/4 to 1/2 point lower, while most junk bonds ended unchanged. +22043043 The TVA's huge $4 billion offering dominated attention in the new-issue market. +22043044 TVA offered $2 billion of 30-year bonds priced to yield 9.06%; $1 billion in 10-year notes priced to yield 8.42%; and $1 billion in five-year notes priced to yield 8.33%. +22043045 The TVA, which operates one of the nation's largest electric power systems, is a corporation wholly owned by the U.S. government. +22043046 Yesterday's bond sale was part of a $6.7 billion refinancing plan to pay off high-interest debt the TVA owes the Federal Financing Bank, an arm of the Treasury. +22043047 Meanwhile, Lockheed Corp. priced a $300 million note offering to yield 9.39%. +22043048 Mortgage-Backed Securities +22043049 The derivative mortgage-backed market revived after a brief hiatus as two new Remics totaling $850 million were offered and talk circulated about two more issues that could be priced today. +22043050 The revival of the real estate mortgage investment conduit market reflected the relative calm in the mortgage market after two days of volatile trading. +22043051 Dealers noted that it's difficult to structure new Remics when prices are moving widely. +22043052 The two Remics priced were a $500 million Federal Home Loan Mortgage Corp. issue underwritten by Salomon Brothers Inc. and a $350 million Federal National Mortgage Association deal underwritten by Greenwich Capital Markets. +22043053 The Remic issuance supported prices of Freddie Mac and Fannie Mae securities, which held up better than Government National Mortgage Association securities during an afternoon sell-off. +22043054 Ginnie Mae 9% securities for November delivery ended at 97 29/32, down 7/32; 9 1/2% securities at 99 31/32, down 6/32; and 10% securities at 101 29/32, down 5/32. +22043055 Freddie Mac 9% securities were at 97 5/32, down 3/32. +22043056 The Ginnie Mae 9% issue was yielding 9.43% to a 12-year average life assumption, as the spread above the Treasury 10-year note held at 1.42 percentage points. +22043057 Municipals +22043058 Confusion over the near-term trend for rates dominated the municipal arena, as gyrations in the stock market continued to buffet bonds. +22043059 Long tax-exempt dollar bonds were mostly flat to 3/8 point lower after a whipsaw session of moving inversely to stocks in modest dealer-led trading. +22043060 Prices of pre-refunded municipal bonds were capped by news that Chemical Securities Inc., as agent for a customer, will accept bids today for two large lists of bonds that include many such issues. +22043061 The lists total $654.5 million. +22043062 Pre-refunded bonds are called at their earliest call date with the escrowed proceeds of another bond issue. +22043063 Meanwhile, several new issues were priced. +22043064 Underwriters led by PaineWebber Inc. set preliminary pricing for $144.4 million of California Health Facilities Financing Authority revenue bonds for Kaiser Permanente. +22043065 Tentative reoffering yields were set from 6.25% in 1993 to 7.227% in 2018. +22043066 As part of its College Savings Plan, Connecticut offered $100.4 million of general obligation capital appreciation bonds priced to yield to maturity from 6.25% in 1994 to 6.90% in 2006, 2007 and 2009. +22043067 A Chemical Securities group won a $100 million Oregon general obligation veterans' tax note issue due Nov. 1, 1990. +22043068 The 6 3/4% notes yield 6.25%. +22043069 Foreign Bonds +22043070 West German government bond prices took a wild roller-coaster ride, pulled down by Monday's U.S. stock market gains then up by a wider-than-expected U.S. trade deficit and falling U.S. stock prices. +22043071 West Germany's 7% bond due October 1999 was at 99.95 late yesterday, off 0.10 point from Monday, to yield 7.01%. +22043072 The 6 3/4% notes due April 1994 were up 0.10 point to 97.85 to yield 7.31%. +22043073 British government bonds surged on renewed volatility in the stock market. +22043074 The Treasury 11 3/4% bond due 2003/2007 rose 23/32 to 112 10/32 to yield 10.03%. +22043075 But Japanese bonds ended weaker. +22043076 The benchmark No. 111 4.6% bond due 1998 ended on brokers' screens at a price of 96, off 0.15 point to yield 5.27%. +22044001 A House-Senate conference approved an estimated $67 billion fiscal 1990 spending bill that provides a 28% increase for space research and development and incorporates far-reaching provisions affecting the federal mortgage market. +22044002 The current ceiling on home loans insured by the Federal Housing Administration would be increased to $124,875. +22044003 Separately, the bill gives authority to the Bush administration to facilitate the refinancing of federally subsidized loans for low-income and moderate-income homeowners. +22044004 The second provision, affecting so-called 235 mortgages, has met strong opposition from investment bankers represented by the Public Securities Association. +22044005 And a squad of influential former Senate aides employed by the Wall Street firm Salomon Brothers came to the Capitol in a vain attempt to strip the provision. +22044006 By an 11-2 margin, Senate negotiators voted to preserve the 235 mortgage refinancing plan, and despite powerful allies, the opposition found itself undercut by an unusual alliance of liberals and conservatives. +22044007 The government currently is subsidizing an estimated 23,000 loans above 11% under the 235 program, and however disruptive to private investors, the refinancing is expected to yield at least $15 million in savings in fiscal 1990. +22044008 This sum has been guarded jealously by appropriators anxious to offset spending elsewhere, and conservative Sen. Phil Gramm cast the fight as a populist stand against monied interests. +22044009 "We are stewards here, not of the mortgage companies, but the taxpayers," said the Texas Republican. +22044010 The action came as the administration won final congressional approval of $9 million in assistance for elections scheduled in Nicaragua in February. +22044011 The bulk of the money would be funneled through the National Endowment for Democracy, but the legislation is so vaguely written that it has been dogged by questions regarding the money's true purpose and its ultimate destination. +22044012 The Senate had refused late Friday to invoke cloture and limit debate, but behind the bipartisan leadership, a solid majority took shape yesterday and brushed aside amendments seeking to cut the total package or steer it away from direct aid to political parties. +22044013 Final approval -- on a 64-35 roll call -- was never in doubt, but the opposition drew an unusual mix of senators, including Republicans Jesse Helms and Warren Rudman and Democrats Bill Bradley and John Glenn. +22044014 The money will be applied for voter registration and election monitoring, but more than half is likely to go to the Union Nacional Opositora party. +22044015 Critics warned such cash contributions may only undercut the opposition party's standing, and one irony is that under Nicaraguan law a major portion of the opposition party's funds must be shared with the government's Supreme Electoral Council. +22044016 Within the appropriations conference yesterday, the $67 billion measure is the second largest of the annual domestic spending bills and covers a disparate collection of accounts for science, housing, veterans and the environment. +22044017 The decision to raise the ceiling on FHA home loans still faces strong opposition in the House. +22044018 But it is driven by the same fiscal pressures that have forced lawmakers to resort to various bookkeeping devices to juggle as much as $1 billion in spending that would otherwise put the bill over budget. +22044019 These costs will complicate the budget picture in fiscal 1991, and the measure further commits Congress to a set of costly projects, including the first construction funds for the space station. +22044020 The station is promised $1.8 billion within the $5.36 billion provided for research and development in the National Aeronautics and Space Administration, and the nation's high-speed aerospace plane -- cut by the Senate -- could receive as much as $60 million in new funds or transfers. +22044021 Similarly, the House agreed to add back $62 million to continue work on the advanced communications technology satellite, being developed by General Electric Co. +22044022 And while setting a statutory limit of $1.6 billion on the automated space probe, the conference appropriated $30 million for the start-up of the CRAF-Cassini mission, a successor to the Voyager space probe. +22044023 Among major domestic agencies, the Environmental Protection Agency stands to receive increases significantly beyond those sought by the administration, with pollution abatement and control accounts growing by 14% to about $829.9 million. +22044024 An estimated $1.57 billion is separately allocated for the National Science Foundation, and within the Housing and Urban Development Department, more than $9.2 billion is provided for federally assisted housing, including an expanded effort to modernize public housing units that serve the poorest families. +22044025 To an unusual degree, the massive bill has become a vehicle for lawmakers to earmark funds for projects in home states. +22044026 While the practice was discouraged in the past, the conference agreement is laced with veterans' hospitals, environmental projects and urban grants designated for specific communities. +22044027 The most striking example yesterday may have been in community development funds, where the two houses had separately approved a total of 27 projects valued at $20 million, and the conference added 15 more valued at $8 million to ostensibly preserve "balance" between the House and Senate. +22044028 Yesterday's conference agreement is the second major bill to emerge from negotiations this week, as appropriators approved a fiscal 1990 transportation bill late Monday that includes a sweeping ban on smoking on most domestic airline flights. +22044029 An exemption will remain for flights longer than six hours to Hawaii and Alaska, but estimates by the tobacco industry yesterday indicate all but about 30 flights would be covered. +22044030 Separately, a third conference report covering an $18.4 billion Treasury and Postal Service bill was sent to the Senate after passing the House on a 383-30 roll call yesterday. +22044031 And after weeks of delay, the appropriations process is beginning to take some final shape. +22044032 Defense and foreign aid are the two most critical areas remaining from the administration's standpoint. +22044033 And among domestic programs, the most serious threat is White House opposition to abortion riders attached to separate bills funding the District of Columbia and Department of Health and Human Services. +22044034 The same issue threatens to spill over to the foreign aid debate, and Mr. Bush also is threatening to veto any agreement that preserves Senate-passed provisions renewing U.S. support for the United Nations Fund for Population Activities. +22044035 In a sharply written letter, Rep. David Obey, chairman of the House appropriations subcommittee for foreign operations, warned Mr. Bush that the result of his "ultimatum" could weaken efforts to accommodate the administration elsewhere. +22044036 "As a result of your ultimatum," writes the Wisconsin Democrat, "I guess there is no longer any point in taking administration views into account on other items in conference, inasmuch regardless of their resolution you apparently intend to veto this bill. +22045001 Markets usually get noticed because they soar or plunge. +22045002 Gold, which hasn't risen or fallen significantly in quite some time, yesterday achieved what may be a new level of impassiveness: The most actively traded futures contracts closed unchanged despite nervous fluctuations in both the dollar and the stock market. +22045003 The settlement prices of the December, February and April gold contracts were even with Monday's final prices. +22045004 The December 1989 contract, which has the greatest trading volume, ended at $371.20 an ounce. +22045005 The other months posted advances of 10 cents to 20 cents an ounce. +22045006 According to one analyst, Bernard Savaiko of PaineWebber, New York, the stock market's ability on Monday to rally from last Friday's decline -- which seemed to indicate that the economy wasn't going to fall either -- took the starch out of precious metals prices, and out of gold's, in particular. +22045007 Yesterday, gold traded within a narrow range. +22045008 Gold tried to rally on Monday but ran into the same situation that has subdued gold prices for more than a year: selling by gold producers, who want to fix the highest possible price for their gold. +22045009 "December delivery gold is trading in a range of $365 to $375 {an ounce} and is having difficulty breaking out above that," Mr. Savaiko said. +22045010 "Producers at the moment regard that area a good one in which to sell gold." +22045011 Also, Mr. Savaiko noted, stock market investors seeking greater safety are veering toward buying bonds rather than precious metals because "we are tending more toward a disinflationary economy that doesn't make gold and precious metals attractive." +22045012 Jeffrey Nichols, president of APMS Canada, Toronto precious metals advisers, said there is little to motivate gold traders to buy the metal. +22045013 "Investors in the U.S. and Europe are comfortable with the actions of the {Federal Reserve} in its willingness to supply liquidity to financial system, which helped the stock market rebound on Monday," he said. +22045014 There isn't any rush on the part of investors in the West to buy gold, he said. +22045015 "They still bear the memory of October 1987, when they bought gold after the stock market crashed and ended up losing money because gold prices subsequently fell," Mr. Nichols said. +22045016 "It's an experience they don't want to repeat." +22045017 At the moment gold traders aren't concerned about inflation, he said, and as for the dollar, "gold's association with the currency has been diminishing recently so drops in the currency aren't having much impact on gold." +22045018 Dinsa Mehta, chief bullion trader for Chase Manhattan Bank, said: "There is little incentive on the part of traders to sell gold because the stock market may go lower and gold may retain some of its `flight to safety' quality. +22045019 There is little incentive to buy gold because if the stock market goes higher, it may be just a false alarm. +22045020 This is keeping the gold traders handcuffed." +22045021 The most remarkable feature about yesterday's action was that the price of roughly $370 an ounce was regarded as attractive enough by gold producers around the world to aggressively sell gold, Mr. Mehta said. +22045022 "I don't know what it means over the long run, but for the short term, it appears that gold producers are grateful for the $10 or so that gold has risen over the past week or so," he said. +22045023 Previously, he noted, gold producers tended to back off from a rising gold market, letting prices rise as much as possible before selling. +22045024 Mr. Mehta observed that the U.S. merchandise trade deficit, which rose sharply in August, according to yesterday's report, has been having less and less impact on the gold market. +22045025 "The dollar hasn't reacted much to it, so gold hasn't either," he said. +22045026 In other commodity markets yesterday: +22045027 ENERGY: +22045028 Crude oil prices rose slightly in lackluster activity as traders in the pits tried to assess action in the stock market. +22045029 Since stock market indexes plummeted last Friday, participants in all markets have been wary. +22045030 When traders become confident that the stock market has stabilized, oil prices are expected to rise as supply and demand fundamentals once again become the major consideration. +22045031 Crude oil for November delivery edged up by 16 cents a barrel to $20.75 a barrel. +22045032 Heating oil prices also rose. +22045033 November gasoline slipped slightly. +22045034 SUGAR: +22045035 Futures prices rose on a report that Cuba may seek to postpone some sugar shipments. +22045036 The March contract advanced 0.14 cent a pound to 14.11 cents. +22045037 According to an analyst, Cuba can't meet all its shipment commitments and has asked Japan to accept a delay of shipments scheduled for later this year, into early next year. +22045038 "Japan is perceived as a wealthy nation that can turn elsewhere in the world market and buy the sugar," the analyst said. +22045039 It was the possibility of this demand that helped firm prices, the analyst said. +22045040 Another analyst noted that Cuba has been deferring shipments in recent years. +22045041 "To the professionals in the trade it didn't cause much surprise. +22045042 The March futures contract traded as high as 14.24 cents, but couldn't sustain the advance," he said. +22045043 LIVESTOCK AND MEATS: +22045044 The prices of cattle, hogs and pork belly futures contracts rebounded as livestock traders shook off fears that the Friday stock market plunge would chill consumer spending, which in turn would hurt retail sales of beef and pork. +22045045 The prices of most livestock futures contracts had dropped sharply Monday. +22045046 Cattle futures prices were also supported yesterday by signs that supermarket chains are making plans to increase their promotions concerning beef. +22045047 GRAINS AND SOYBEANS: +22045048 The prices of most soybean and soybean-meal futures contracts rose amid rumors that the Soviet Union is interested in buying from the U.S. or South America about 250,000 metric tons of soybeans and as many as 400,000 metric tons of soybean meal. +22045049 Traders are especially sensitive to reports of possible U.S. soybean sales because U.S. exports are lagging. +22045050 Since Sept. 1, about 13 million fewer bushels of U.S. soybeans have been sold overseas than for the same period last year. +22045051 Corn futures prices rose slightly while wheat prices settled mixed. +22046001 Moody's Investors Service Inc., fretting about increasing competitive pressure on Ryder, placed about $2.8 billion in company securities under review for possible downgrade. +22046002 Ratings under review are Ryder's A-1 collateral trust debentures, A-2 senior notes and bonds, A-2 preferred stock and the company's Prime-1 rating for commercial paper. +22046003 Moody's said it is assessing the strategies Ryder's management may follow in addressing significant challenges in some major markets. +22046004 The rating agency said it is focusing especially on the transportation service company's efforts to control costs, improve margins and enhance its competitive position in its primary business, vehicle leasing and rental. +22047001 The nations of southern Africa know a lot about managing elephants; their herds are thriving. +22047002 But the nations of Europe and North America have decided they know better. +22047003 At this week's U.N. conference in Lausanne, they imposed a global ivory ban that seeks to overturn local policies. +22047004 A Zimbabwean delegate argued that the ban would "guarantee the extinction of the elephant." +22047005 Legitimate ranchers, who have an interest in preserving the herds, would go out of business. +22047006 Poachers would control the underground trade. +22047007 Many delegates were willing to craft a compromise, but U.S. delegate Constance Harriman and others thundered that down. +22047008 The Greens from the First World wanted a morality play, not a negotiation. +22047009 Fortunately, the nations of southern Africa haven't totally surrendered their sovereignty. +22047010 Five countries announced they would not honor what one Zimbabwean delegate wryly called the "made in Switzerland" solution. +22047011 In fact, they seemed a mite resentful. +22047012 The director of Zimbabwe's Wildlife Department described American conservationists as "fat little puppies from urban environments who don't know a thing about Africa." +22047013 That's not fair; they're not all fat. +22048001 HUGO'S BLAST generates pleas for aid from South Carolina small businesses. +22048002 The Small Business Administration has received more than 5,000 formal requests for disaster loans because of the hurricane. +22048003 About 45% of requests for SBA relief loans, which also are available to homeowners, come from small businesses, compared with a 25% business share after most disasters. +22048004 The SBA expects to make about $1 billion in Hurricane Hugo loans. +22048005 The disaster fund is replenished by loan repayments. +22048006 Hardest hit by Hugo in South Carolina were small retailers tied to the tourist industry and businesses in agriculture and cultivated seafood. +22048007 The State Development Board set up a Hugo Hotline to accept business-to-business help. +22048008 After NBC weather man Willard Scott broadcast the hot-line number, it was flooded with 10,000 calls. +22048009 Last week, the U.S. Chamber of Commerce began using its national TV show to seek help, such as equipment, for business owners. +22048010 Local bankers and accountants help applicants fill out forms. +22048011 "It helps us, and people feel better talking to someone who's gone through the same thing," an SBA official says. +22048012 HEALTH BENEFITS remain a central lobbying effort, even as Section 89 fades. +22048013 The Senate, after deleting Section 89 repeal from its deficit-reduction bill, still is expected to join the House in voting to kill the law, which forces companies to provide comparable benefits to laborers and executives alike. +22048014 In lobbying on other health-coverage topics, the National Federation of Independent Business will press for legislation that would give self-employed people a 100% tax deduction for their own health plans, up from 25% currently. +22048015 And the group will urge that the federal government pre-empt state rules on what must be covered by employers' health insurance. +22048016 Small-business groups also will fight the medical-leave provision of legislation that would expand parental leaves. +22048017 And they still oppose as too costly an employer-paid health insurance bill sponsored by Sen. Edward Kennedy (D., Mass.) despite his proposal to phase in small business only gradually. +22048018 There is also worry that the Pepper Commission studying long-term health care will again push lawmakers toward employerpaid solutions. +22048019 The Section 89 victory could have a downside by making it harder to oppose lawmakers on other health proposals. +22048020 "With the repeal of Section 89, we can no longer say they're discouraging businesses from offering health plans," says Christine Russell, the Chamber of Commerce's small-business advocate. +22048021 JUMPING THE GUN: +22048022 Sen. Lloyd Bentsen (D., Texas) was outraged after a private word to John Motley, lobbyist for the National Federation of Independent Business, resulted in a news release saying that the Senate Finance Committee chairman would recommend repeal of Section 89. +22048023 Even though the announcement was true in the end, it was issued without the senator's permission. +22048024 "I blew it," Mr. Motley says apologetically. +22048025 "It was a timing mistake." +22048026 PRISON-SHOP BLUES: +22048027 Sen. Strom Thurmond (R., S.C.) protests pending legislation to end the preference that the federal prison system gets in selling prisoner-made furniture and other goods to government agencies. +22048028 Small-business suppliers want prisons to stop getting high priority, especially as prison production grows with swelling inmate populations. +22048029 Last year, the prisons' sales to the Pentagon totaled $336 million. +22048030 REPAIR SHOPS SCRAP for more access to work on auto-emissions systems. +22048031 Groups representing some independent auto-repair shops join a compromise on the Clean Air legislation worked out between environmentalists and Rep. Henry Waxman (D., Calif.). +22048032 The plan would increase the warranty on auto-emission systems to eight years or 80,000 miles from five years or 50,000 for major parts. +22048033 But the warranty on simpler parts would be lowered to two years or 24,000 miles. +22048034 The garage owners say they would benefit because car owners would be less likely to go back to dealers for the simpler repairs after two years. +22048035 The repair shops aren't united, however. +22048036 Shops represented by the Automotive Service Industry Association and the Motor Equipment Manufacturers Association oppose any increase in warranty length. +22048037 They say the longer the warranty, the longer customers will automatically return to new-car dealers, which then find non-warranty work that might otherwise go to repair shops. +22048038 The House Energy Committee will debate the issue later this month. +22048039 Stan Hathcock, an Atlanta garage owner who opposes a longer warranty, estimates that the current plan costs him as much as $15,000 a year in lost business. +22048040 SMALL TALK: +22048041 Some 70% of graduates who recently earned an M.B.A. degree say they'd prefer to work in or own a small company, yet most take jobs with large concerns, says a survey by the Foster McKay Group, a New York recruiting firm. . . . +22048042 Cardinal Scientific Inc. of Waldorf, Md., seeks a Small Business Innovation Research grant to produce a "nozzle assembly for an Army mass delousing outfit. +22049001 Banc One Corp. said Frank E. McKinney plans to retire as the bank holding company's president effective Jan. 12. +22049002 Banc One said "it is contemplated" that John B. McCoy, chairman and chief executive officer, will assume the additional position of president upon Mr. McKinney's retirement. +22049003 Mr. McKinney, 50 years old, was chairman and chief executive of American Fletcher Corp., Indianapolis, when that bank holding company merged into Banc One in January 1987. +22049004 The company said Mr. McKinney plans to retire because the process of affiliating American Fletcher into Banc One "is considered completed." +22049005 Mr. McKinney will continue as chairman of the board and chairman of the executive committee of Banc One Indiana Corp., the successor company to American Fletcher Corp., but will no longer be active in day-to-day management. +22049006 He will remain on the Banc One board. +22050001 The Treasury plans to raise $1.55 billion in new cash with the sale Monday of about $15.6 billion in short-term bills to redeem $14.1 billion in maturing bills. +22050002 The offering will be divided evenly between 13-week and 26-week bills maturing on Jan. 25, 1990, and April 26, 1990, respectively. +22050003 Tenders for the bills, available in minimum $10,000 denominations, must be received by 1 p.m. EDT Monday at the Treasury or at Federal Reserve banks or branches. +22051001 Moody's Investors Service Inc. said it lowered ratings on about $650 million of Beatrice Co. debt, citing the closely held Chicago food concern's proposed recapitalization. +22051002 The ratings concern said it downgraded Beatrice notes, Euronotes and certain industrial revenue bonds to single-B-1 from Ba-3 and the company's subordinated debentures to single-B-3 from single-B-2. +22051003 Moody's said the proposed recaptilization may "limit the company's ability to realize its profit potential" and that paying dividends from a new series of preferred could squeeze "basic business operations." +22051004 A Beatrice spokesman didn't return calls seeking comment. +22051005 Beatrice, which went private in an $8.2 billion leveraged buy-out in 1986, said last month that it might borrow again to help pay investors as much as $983 million in preferred stock and debt securities. +22052001 When the Soviets announced their last soldier had left Afghanistan in February, the voices of skepticism were all but drowned out by an international chorus of euphoria. +22052002 It was "the Soviets' Vietnam." +22052003 The Kabul regime would fall. +22052004 Millions of refugees would rush home. +22052005 A resistance government would walk into Kabul. +22052006 Those who bought that illusion are now bewildered. +22052007 Eight months after Gen. Boris Gromov walked across the bridge into the U.S.S.R., a Soviet-controlled regime remains in Kabul, the refugees sit in their camps, and the restoration of Afghan freedom seems as far off as ever. +22052008 But there never was a chance that the Afghan resistance would overthrow the Kabul regime quickly and easily. +22052009 Soviet leaders said they would support their Kabul clients by all means necessary -- and did. +22052010 The U.S. said it would fully support the resistance -- and didn't. +22052011 With the February 1987 U.N. accords "relating to Afghanistan," the Soviet Union got everything it needed to consolidate permanent control. +22052012 The terms of the Geneva accords leave Moscow free to provide its clients in Kabul with assistance of any kind -- including the return of Soviet ground forces -- while requiring the U.S. and Pakistan to cut off aid. +22052013 The only fly in the Soviet ointment was the last-minute addition of a unilateral American caveat, that U.S. aid to the resistance would continue as long as Soviet aid to Kabul did. +22052014 But as soon as the accords were signed, American officials sharply reduced aid. +22052015 In February 1989, when the Soviets said they had completed their pullout, the U.S. cut it further. +22052016 Not so the Soviets. +22052017 Gen. Gromov himself said Soviet troops expected to leave behind more than $1 billion of military equipment and installations for the Kabul regime. +22052018 Since the troop withdrawal, Moscow has poured in an additional $200 to $300 million worth per month -- nearly $2 billion since February, equivalent to the total U.S. aid to the resistance in nine years. +22052019 This includes what Deputy Foreign Minister Yuli Vorontsov fetchingly called "new peaceful long-range weapons," including more than 800 SCUD missiles. +22052020 By early May, Moscow had delivered, for example, 1,000 trucks, about 100 tanks, artillery and hundreds of other combat vehicles. +22052021 Later that month, it added an entire tank brigade, including 120 T-72 tanks and more than 40 BMP state-of-the-art infantry fighting vehicles. +22052022 By September, a new Reinforced Motorized Rifle Brigade with an additional 300 combat vehicles, 1,000 more trucks and 10,000 Soviet-trained Afghan troops had arrived in Kandahar. +22052023 In the last few weeks, Moscow has added FROG-7B missiles, the bomber version of the An-12, MiG-23BN high-altitude aircraft, MiG-29s, which can outfly Pakistan's U.S.-built F16s, and Sukhoi SU-27 fighter-bombers, which can outfly the MiG-29s. +22052024 Moscow claims this is all needed to protect the Kabul regime against the guerrilla resistance. +22052025 It is well-known that the regular Afghan infantry is filled with reluctant conscripts. +22052026 But this is not the entire Afghan army, and it is no longer Kabul's only military force. +22052027 Complete units have been trained and indoctrinated in the U.S.S.R. and other East bloc nations; 30,000 to 40,000 of these troops have returned. +22052028 In addition, the regime has established well-paid paramilitary forces totaling more than 100,000, including 35,000 Soviet-trained troops of the Interior Ministry (KHAD/WAD), which still is directed by 1,500 Soviet KGB officers. +22052029 Even if not all these forces are committed to the regime, they are now dependent on it. +22052030 And thousands of Afghan children have been taken to the Soviet Union, where they are hostage for the behavior of their families. +22052031 Since 1981, Indian military advisers have been assisting the Kabul regime. +22052032 In preparation for the withdrawal, Moscow, Kabul and New Delhi signed two agreements for several hundred newly civilian Indian experts to replace some of the more visible Soviet military personnel. +22052033 Cuban military personnel also have been active in Afghanistan since 1979. +22052034 The Soviets cut a deal with Iran: a future Iranian role in Afghanistan in exchange for Iranian support of Soviet policy. +22052035 The deal was symbolized by the restoration of the Shi'ite Sultan Ali Keshtmand to the Afghan prime ministry. +22052036 Moreover, serious questions have been raised about the claimed withdrawal of Soviet forces. +22052037 Before his assassination in 1988, President Zia of Pakistan repeatedly stated that fresh Soviet troops were being inserted into Afghanistan even as others were ostentatiously withdrawn. +22052038 Rep. Bill McCollum (R., Fla.) reports that these included 20,000 to 30,000 Soviet Central Asian KGB Border Guards, ethnically indistinguishable from Afghans and wearing unmarked uniforms. +22052039 Meanwhile, the Kabul regime is increasingly successful at portraying the resistance as bloody-minded fanatics. +22052040 In this they are aided by years of American, European, Pakistani and Saudi support for the most extreme factions -- radical Islamic fanatics with leaders whose policies are anathema to the Afghan public. +22052041 This heavy outside support for the worst has undermined better, moderate leaders. +22052042 In autumn last year, for example, the regime garrison at Kandahar was prepared to surrender the city to resistance moderates. +22052043 At the last minute, however, Pakistani officials sent in Gulbuddin Hekhmatyar, perhaps the most hated and feared of the extremists, with a demand that the surrender be made to his forces. +22052044 The deal fell through, and Kandahar remains a major regime base. +22052045 The resistance lacks not only air power, armor and expertise but often such essentials as maps, mine detectors, or even winter gloves. +22052046 Experienced resistance commanders wanted to use guerrilla action and siege tactics to wear down the regime. +22052047 Instead, they were pressured by Pakistan's ISI, the channel for their support, into attacking Jalalabad. +22052048 They took more than 25% casualties; journalists report that they faced minefields without mine detectors. +22052049 The wonder is not that the resistance has failed to topple the Kabul regime, but that it continues to exist and fight at all. +22052050 Last summer, in response to congressional criticism, the State Department and the CIA said they had resumed military aid to the resistance months after it was cut off; but it is not clear how much is being sent or when it will arrive. +22052051 For months the resistance has been defenseless against air attack. +22052052 Thus far there is no indication that they have been re-supplied with Stingers or other anti-aircraft weapons. +22052053 Indeed, U.S. officials have indicated to the press that the continuation of aid depends on what success the weakened resistance achieves by the end of this year. +22052054 Moscow and Kabul must have found that information useful. +22052055 For a decade U.S. policy has been incoherent, based on miscalculation and the defense of bureaucratic and political turf. +22052056 No settlement negotiated by others can force the Afghan people to give up their struggle. +22052057 A cutoff of U.S. military aid would merely abandon them to die in vain. +22052058 Creation of a new, realistic U.S. policy is long overdue. +22052059 Ms. Klass, editor and co-author of "Afghanistan: The Great Game Revisited" (Freedom House), directs the Freedom House program on Afghanistan/Southwest Asia. +22053001 Nothing stirred the soul of Ronald Reagan and his disciples as much as the crusade to aid Nicaragua's Contra rebels, or the dream of building a space-based defense shield to knock out Soviet nuclear missiles. +22053002 Yet under Mr. Reagan's preferred successor, President Bush, those two cherished national-security causes are withering on the vine. +22053003 And, surprisingly, little more than a whimper of protest is being heard, even though Reaganauts once breathed fire supporting the Contras and the Strategic Defense Initiative. +22053004 "The programs have arthritis," says Rep. Henry Hyde, a conservative Republican from Illinois. +22053005 Yet, he asserts, "you look around . . . and you say, `Who are the leaders? +22053006 Who is going to carry the water?'" +22053007 It isn't surprising that President Bush hasn't led a crusade to pump up the Contras or SDI. +22053008 Though he nominally supports both programs, Mr. Bush hasn't been a passionate champion of either cause, as Mr. Reagan was. +22053009 What's surprising is that there isn't more of a conservative outcry as the Bush administration lets the programs slip down the national-priority list. +22053010 A combination of factors -- a weariness among some conservatives, a decline in the perception of a Soviet threat and a preoccupation with other issues -- seem to explain the strange tranquility. +22053011 Above all, though, conservative Republicans who have championed both the Contras and SDI are reluctant to attack a Republican president for failing to do more -- though that reluctance may be receding. +22053012 "We want to complain, we want to say something about it, and we're going to as it gets worse," says Rep. Dan Burton, an Indiana Republican who has been a staunch Contra backer. +22053013 "But it's like kicking your father in the pants. +22053014 You hate to do it because he's your father." +22053015 Mr. Burton says conservatives' unhappiness with Mr. Bush's cautious handling of the recent unsuccessful coup in Panama will make them more willing to speak out. +22053016 Of course, neither President Bush nor the Congress has actually abandoned the Contras or SDI. +22053017 Mr. Bush has struck a deal with congressional leaders to provide nonlethal aid to the Contras until Nicaragua holds national elections next February. +22053018 But the administration has dropped any effort to win military aid for the rebels. +22053019 And the administration's deal with Congress gives several congressional committees the right to cut off even humanitarian aid next month, though the committees are likely to let aid continue until February. +22053020 Most analysts think there's little prospect the Contras can be a significant fighting force without U.S. arms, and after the February election their future in any form will be murky at best. +22053021 Instead of focusing on the Contras, Mr. Bush has switched to urging members of Congress -- most recently in a White House meeting yesterday -- to approve financing for the election campaign of political opponents of Nicaragua's Sandinista government. +22053022 The administration continues to support SDI, or Star Wars, and it recently lobbied to persuade the Senate to restore some of the funds it planned to cut from the program. +22053023 And just last week, Defense Secretary Dick Cheney gave a strong speech listing "compelling reasons" to push ahead with SDI and saying he'd urge President Bush to veto a defense bill with "inadequate" funding for the program. +22053024 But the strong pitch by Mr. Cheney may be too little too late to prevent damage to SDI. +22053025 The House has already voted for a deep cut in funding, and in the end the program's backers will be hard pressed to head off some reduction in spending next year. +22053026 And while the defense secretary is speaking out, President Bush himself hasn't launched any high-visibility campaign to drum up support, as President Reagan did. +22053027 The administration also acknowledges that it isn't pursuing Mr. Reagan's original vision of an "impenetrable shield" protecting the whole U.S., but rather a more modest version. +22053028 More ominous to SDI supporters, the Bush administration appears to have tacitly accepted a new arms-control proposal from the Soviet Union that spells long-term trouble for Star Wars. +22053029 The Soviets have agreed to complete a treaty cutting strategic weapons without including restrictions on space-based defenses. +22053030 But the Soviets also are insisting that they will reserve the right to withdraw from the completed strategic-arms treaty later on if the U.S. does SDI testing or deployment that the Soviets think violates the existing anti-ballistic-missile treaty. +22053031 It will be hard down the road to persuade Congress to approve money for SDI plans if lawmakers fear those plans could scuttle a completed treaty. +22053032 As a result, Frank Gaffney, a former Reagan Pentagon aide who now heads the Center for Security Policy, charges that the administration's "professions of continued commitment to development and deployment of the SDI program strain credulity." +22053033 Still, proponents may be shying away from more drumbeating because they sense political tides have turned against arming the Nicaraguan rebels or boosting spending on SDI -- particularly when the public perceives the Soviet threat is declining under Mikhail Gorbachev. +22053034 In fact, because communism seems to be beating a global retreat, some conservatives may simply be so pleased that their anti-communist philosophy is prevailing that they don't have the fire at the moment to push controversial programs. +22053035 "The short of it is that the most hard-bitten among us cannot get into too sour a mood with communism collapsing," says Mitchell Daniels, a former Reagan White House aide who now is president of the Hudson Institute. +22053036 Some activists are toiling to raise the profile of the two causes. +22053037 But they say they can't make much headway because of a lack of willing leaders in a position to turn the tide. +22053038 One longtime champion of these programs in Congress, Republican whip Newt Gingrich of Georgia, is distracted by questions about his ethics, conservatives note. +22053039 Other conservative champions, like Wyoming Republican Sen. Malcolm Wallop, a longtime SDI advocate, don't have the clout with the Bush White House that they enjoyed with President Reagan. +22053040 Above all, though, proponents say neither the Contra nor the SDI cause can be pushed much further without more presidential support. +22053041 "For there to be wind in the sails of any program, the chief executive has to be blowing in the sails," says Rep. Burton. +22053042 All this causes Rep. Hyde to muse about an alternate way to drum up more enthusiasm. +22053043 "What I'd like to see, if he is up to it, is for Reagan to take to the hustings to regenerate enthusiasm for SDI," the congressman says. +22054001 We're sorry to report that on Monday President Bush accepted the resignation of William Allen as chairman of the U.S. Civil Rights Commission. +22054002 Mr. Allen, appointed by President Reagan, grew understandably tired of dealing with the guerrilla tactics of his enemies. +22054003 His recent speech, provocatively titled "Blacks? Animals? Homosexuals? What is a Minority?" caused an uproar when its title leaked out. +22054004 Mr. Allen's commissioners voted to call his unread speech "thoughtless, disgusting and unnecessarily inflammatory." +22054005 Commissioner Mary Francis Berry said it was "another sad episode in the saga of the unguided missile who is chairman." +22054006 Rep. Don Edwards, the California Democrat, warned Mr. Allen that the speech would be "outside the scope of the commission's jurisdiction." +22054007 Thomas Stoddard, head of the Lambda Legal Defense Fund, called the prospect of the speech "frankly shocking." +22054008 We've actually read the speech. +22054009 Mr. Allen began it with a warning to his hosts, a California church group that opposes rights for homosexuals. +22054010 He said that other participants in the conference "do not believe that the rights of Americans should be guaranteed to citizens who are homosexual," but that "I mean to persuade you to the opposite view." +22054011 He recalled to the audience a "strange, infelicitous" analogy he once heard arguing "now that we have finally recognized that American blacks have rights, we need to do the same for animals. +22054012 " Mr. Allen objected to this analogy because it seems to "assimilate the status of blacks to that of animals -- as a mere project of charity, of humaneness." +22054013 Rights on such a basis, whether for blacks or homosexuals, are "mere indulgences," he said, subject to being taken back. +22054014 He says the title of his speech was to make his point that Americans have rights as individuals, not as members of certain select groups. +22054015 His speech criticized the "idiocy of notions of protected groups in society" as opposed to individual equality or, as he put it, in "a common destiny as Americans." +22054016 Instead of lobbying for special treatment, Mr. Allen said that homosexuals and others should try to ensure equal treatment under the law and not aim for special privileges that would risk "invidious retrenchment with government complicity." +22054017 This hardly sounds like an anti-homosexual screed. +22054018 What's really going on here? +22054019 The three most important things to understand about Mr. Allen is that he is a black conservative intellectual -- a triple threat to the liberal establishment. +22054020 Mr. Allen, who teaches government at prestigious Harvey Mudd College in California and will remain a member of the commission, has spent years arguing that civil rights are individuals' rights. +22054021 He last made waves when he dared to defend an Indian girl who had been adopted by non-Indian parents off her reservation. +22054022 Mr. Allen quickly ran up against the liberal establishment again, which somehow elevated the vague concept of "Indian rights" above the rights of individual Indians. +22054023 There is a huge divide between Mr. Allen's we're-all-in-this-together view and the divisive litigation approach of the civil rights groups. +22054024 Indeed, the gap is so large that Mr. Allen's critics refuse to engage the debate. +22054025 Their ridicule of him is no substitute for argument. +22054026 Their effort to run him out of Washington is an embarrassment to the original purpose of their own movement. +22054027 We hope the next head of the Civil Rights Commission will be as brave as Mr. Allen in making the case for equality of civil rights. +22055001 Bearings Inc. said its chairman, John R. Cunin, will retire as an officer of the company on Jan. 2. +22055002 George L. LaMore, president and chief executive officer, will become chairman and chief executive upon Mr. Cunin's retirement. +22055003 John C. Dannemiller, executive vice president and chief operating officer, will become president and chief operating officer. +22055004 Mr. Cunin, 65 years old, was chief executive of the distributor of bearings and power-transmission products from 1982 to 1988. +22055005 He will continue as a director. +22055006 Mr. LaMore, 63, a 48-year veteran at Bearings, has been president since 1983. +22055007 Mr. Dannemiller, 51, joined Bearings in August 1988 from Leaseway Transportation Corp., where he was president and chief operating officer. +22055008 He has been a Bearings director since 1985. +22055009 The appointments are part of a planned succession at the company. +22055010 Soviet leader Mikhail Gorbachev opened a major U.S. trade exhibition in Moscow and spent two hours touring some of the 150 stalls representing such blue-chip companies as General Motors Corp., International Business Machines Corp. and Johnson & Johnson. +22055011 At the Archer-Daniels-Midland Co. stand, Mrs. Nelson Rockefeller, a board member, offered him a soy burger. +22055012 He didn't bite. +22055013 The exhibition by the U.S.-U.S.S.R. Trade and Economic Council underscores the growing U.S. interest in that nation's market, though trade between the two countries is a minuscule $3 billion. +22055014 The Soviet president and his prime minister, Nikolai Ryzhkov, spent the longest time, about 15 minutes, at the IBM stand, where they got souvenir computer-chip key rings. +22055015 At the GM stall, they barely looked at a gleaming Cadillac, preferring to talk about cooperation possibilities. +22055016 In Beijing, meantime, China opened an international aviation show, but the West's embargo on military deals and uncertainty about the nation's stability kept many foreign exhibitors away. +22055017 Officials said 91 companies from 14 countries, including the U.S., had displays, down from about 260 firms from more than 20 countries at the last show in +22055018 Japanese air-conditioner maker Daikin Industries Ltd. was fined two million yen ($14,000) for exporting to the Soviet Union a chemical solution that could be used in missile-guidance systems. +22055019 A Daikin executive in charge of exports when the high-purity halogenated hydrocarbon was sold to the Soviets in 1986 received a suspended 10-month jail sentence. +22055020 Judge Masaaki Yoneyama told the Osaka District Court Daikin's "responsibility is heavy because illegal exports lowered international trust in Japan." +22055021 Sale of the solution in concentrated form to Communist countries is prohibited by Japanese law and by international agreement. +22055022 A Soviet legislative panel rejected as not radical enough a government proposal on decentralizing economic control. +22055023 The newspaper Leninskoye Zamya said the committee decided the plan to parcel out economic powers previously exercised by Moscow to the country's 15 republics "doesn't reflect the radical changes in the Soviet federation." +22055024 The committee gave the government until Nov. 15 to revise the proposal. +22055025 The move reflected the growing confidence of the revamped Supreme Soviet. +22055026 Scott Paper Co. said it is abandoning a proposed $650 million tree-farming project in Indonesia because it no longer expects to use as much eucalyptus pulp as previously anticipated. +22055027 The eucalyptus plantation and pulp mill, which would have covered about 175,000 acres in the Irian Jaya region, had been approved by Indonesia's investment board. +22055028 But it was opposed by some environmentalists as a threat to Irian Jaya's forests and a potential source of social unrest for the primitive tribes who inhabit them. +22055029 Yaohan Departmentstore Co. of Japan is moving its international-operations headquarters and holding company to Hong Kong to gain from the British colony's economic advantages and tax structure. +22055030 With funds of 5.56 billion Hong Kong dollars (US$712 million), the new company, Yaohan International Co., plans to acquire 10 of Hong Kong's top restaurants. +22055031 It also intends to set up an international wholesale market with the Singapore government next May and to open a department store in Bangkok and shopping centers in Malaysia, Taiwan, Canada, Chicago and Seattle by December 1990. +22055032 The chain currently has 90 retail outlets in Japan, seven in the U.S., three in Hong Kong and a dozen more scattered around the globe. +22055033 Major European auction houses are turning increasingly to specialized sales. +22055034 Christie's will soon have a sale of Dada and Symbolist art while Sotheby's is luring collectors with sales of Swiss, German, Spanish, Australian and Canadian paintings. +22055035 In Brussels, Hotel de Ventes Horta auctioned pistols and sabers-along with paintings and jewels. +22055036 Berlin's Villa Grisebach will auction art works with pre-sale estimates of less than $1,600 on Nov. 25. +22055037 The auction house, known for its sales of top-drawer 19th and 20th century works, is providing "a service to clients who don't want to sell just their fabulous oil paintings," says Villa Grisebach's Vivien Reuter. +22055038 Antwerp auctioneer Campo is less concerned with market niches than with Belgium's crushing tax and auction-fee burden. +22055039 "Everything has to be the same between countries," says Campo's Stefan Campo, who is asking clients to sign protest petitions. +22055040 "Then there'll be fair competition." +22055041 Ending tax-free shopping in the European Community after 1992 could threaten more than 3,000 jobs, the International Duty Free Confederation said. +22055042 Instead of banning such shopping, the confederation proposed amending controls to be sure the privilege isn't abused. . . . +22055043 British and Argentine diplomats opened talks in Madrid aimed at restoring ties severed because of their 1982 war over the Falkland Islands. +22055044 Britain's U.N. representative and delegation head Crispin Tickell called the first meeting "good, interesting and businesslike. +22056001 Polaroid Corp., benefiting from staff-reduction savings, reported a strong gain in third-quarter operating results and net income of $29.9 million, or 40 cents a share, after preferred-stock requirements. +22056002 Analysts said the numbers were better than expectations, partly because of strong profit margins and a positive foreign-currency translation. +22056003 However, they said the company's flat revenue was a disappointment, and an indication that sales of Polaroid's new conventional film in the U.S. have been sluggish. +22056004 Revenue in the third quarter was $437.7 million, almost unchanged from $436.3 million a year earlier. +22056005 Polaroid reported operating profit before taxes and interest costs of $63.1 million for the third quarter, more than double the year-before $24 million. +22056006 Charges for staff cuts and other restructuring produced a net loss of $54.1 million, or 77 cents a share, in 1988's third quarter. +22056007 "I'm somewhat skeptical about the underlying demand" for Polaroid products, said Michael Ellmann, an analyst with Wertheim Schroder & Co. +22056008 "If you believe that a good performance next year is contingent on an acceleration of revenue, there isn't a lot here to base optimism on." +22056009 Alex Henderson, an analyst with Prudential-Bache, says Polaroid officials told him yesterday that U.S. sales of the company's new conventional film product, introduced in the second quarter, have been "disappointing" after a promising start. +22056010 Sam Yanes, a Polaroid spokesman, said "I don't know about disappointing," but added that the company hasn't been able to get the product on the shelves of some mass-merchandise, discount retailers that it had hoped would be carrying the product already. +22056011 Mr. Yanes said the film, One Film, is currently carried at about 15,000 retail outlets, including drugstores and supermarkets. +22056012 For the nine months, Polaroid reported earnings of $98.5 million, or $1.27 a share. +22056013 Last year, the company had a nine-month loss of $15.1 million, or 23 cents a share. +22056014 In New York Stock Exchange composite trading, Polaroid closed at $47, up $1.125. +22057001 Why is the stock market suddenly so volatile? +22057002 Yesterday, the Dow Jones Industrial Average did a now familiar dance: It plunged 60.25 points before lunch, with most of the drop occurring in 25 minutes. +22057003 Then, it rebounded to finish down only 18.65 points. +22057004 And those swings paled beside Friday's 190.58-point plunge and Monday's 88.12-point recovery. +22057005 "It's madness -- that in an hour you can whack off so much value," says Stanford Calderwood, chairman of Trinity Investment Management Corp., Boston. +22057006 And, apparently, it is here to stay. +22057007 Richard Bernstein, senior quantitative analyst at Merrill Lynch & Co, says, "My gut feel is that we'll live with those swings for a while." +22057008 There are many reasons for the market's jumpiness: new trading vehicles such as stock-index futures and options; computer-driven strategies like program trading; and crowd psychology. +22057009 But most are linked by a single theme: liquidity -- the ability to get in and out of the market quickly. +22057010 Prices are moving up and down so fast because investors are employing ways to turn over shares at ever-faster rates and increasingly acting in concert. +22057011 "Institutions are herding animals," says Peter Anderson, who heads the pension-fund management arm of IDS Financial Services Inc. +22057012 "We watch the same indicators and listen to the same prognosticators. +22057013 Like lemmings, we tend to move in the same direction at same time." +22057014 And that, naturally, exacerbates price movements. +22057015 Institutions -- who now account for most trading -- count on being able to buy and sell big blocks of stock at an eye-blink. +22057016 But when they discover that markets aren't always as liquid as they supposed -- markets jump. +22057017 On Monday, for instance, Howard Ward, a principal at Scudder, Stevens & Clark, found that "you couldn't buy blue-chips at quoted prices without paying up." +22057018 And when many firms had to "pay up," Monday's sudden rally was sparked. +22057019 Trading in futures and options, some people believe, can add to volatility. +22057020 Investors believe they can can rely on such derivative securities to get in and out of the stock market without actually selling any stocks; that is, a way of staying liquid even when they own stocks. +22057021 These and other modern trading methods "tend to promote dramatic shifts in assets," says George Douglas, first vice president at Drexel Burnham Lambert Inc. +22057022 "It's the idea that what goes in easy can come out easy" -- so that bouts of higher volatility get built into the stock market. +22057023 One new investment style called "asset allocation" shifts portfolio weightings between stocks, bonds and cash when computer models say one is more attractive. +22057024 For instance, First Quadrant Corp., an asset allocator based in Morristown, N.J., said it quickly boosted stock positions in its "aggressive" accounts to 75% from 55% to take advantage of plunging prices Friday. +22057025 It added another 5% Monday before stocks rallied. +22057026 When they did, the firm reduced those stock holdings to about 70%. +22057027 A classic example of institutions' hunger for liquidity is portfolio insurance, now widely discredited. +22057028 Before the 1987 crash, an estimated $60 billion in institutional money was managed under this hedging technique. +22057029 The idea was to "insure" the value of a portfolio by selling futures when stock prices dropped -- eliminating the need to sell the stocks themselves. +22057030 But in October 1987, when portfolio insurers rushed to sell at the same time, they overwhelmed both the stock and futures markets. +22057031 Yet even today, institutions are quietly practicing forms of portfolio insurance by nervously rushing to and fro in the markets. +22057032 Others are doing "index arbitrage"a strategy of taking advantage of price discrepancies between stocks and futures. +22057033 Unlike traditional buy-and-hold strategies, all of the above require that market makers be on hand to provide liquidity by buying and selling stocks in a crunch. +22057034 But institutions say Wall Street brokerage firms are less willing to make markets. +22057035 Brokers don't deny that. +22057036 Wall Street traders say that, with institutional brokerage commissions far lower than in the 1970s, securities firms can't afford to take the risk of buying too much stock. +22057037 "I think everyone's a little more leery," says Jack Baker, head of equity trading at Shearon Lehman Hutton Inc. +22057038 "The institutions have driven (commission) rates down to the point where it makes no sense to commit capital," says Tom Gallagher, senior executive vice president in charge of institutional trading at Oppenheimer & Co. +22057039 "Why should I risk money for a guy for who's paying me five cents a dance? +22057040 All you get is risk." +22057041 Lack of liquidity can also result from exchange "reforms." +22057042 Many traders say that "circuit breakers" put in place to damp volatility after the 1987 crash actually added to volatility when the stock market plunged Friday. +22057043 The circuit breakers caused a 30-minute shutdown in trading in Standard & Poor's 500-stock index futures contract as the markets were falling. +22057044 "With the futures-trading halt, you could only sell stocks" to cut exposure to the market, says a money manager. +22057045 "It was scary to people thinking that they couldn't get their trades off." +22057046 "It was like they put you in a room with a gorilla and told you there were three doors to exit," said one Chicago-based futures trader. +22057047 "Then they said, `By the way, two of the doors are locked.'" +22057048 The takeover mania also adds to volatility. +22057049 UAL Corp. is a good example. +22057050 Valued as a buy-out target, the airline stock was trading at nearly $280 a share. +22057051 When the deal ran into trouble, the stock tumbled; it closed at $198 yesterday. +22057052 Presumably, UAL is now trading closer to its value based on earnings. +22057053 By contrast, traditional buy-and-hold investors are unlikely to generate sudden price moves. +22057054 Scott Black, a value-oriented money manager who heads Delphi Management Inc., points out that for those who invest on fundamentals, "the value of a stock from day to day doesn't change all that much." +22057055 Some experts say markets aren't as volatile as widely assumed. +22057056 Hans Stoll, finance professor at Vanderbilt University, says the current volatility in U.S. markets pales in comparison to the 1930s, decades before derivative instruments such as options and futures were introduced. +22057057 "I just can't believe that the innovations in the financial market are causing any of this volatility," he says. +22057058 And Robert D. Arnott, president of asset allocator First Quadrant, notes that before Friday's tailspin, daily volatility on the New York Stock Exchange in recent weeks had reached "historically low levels." +22057059 Some people tend to ignore that a 50-point move is less in percentage terms than it was when the stock market was lower. +22057060 John J. Phelan Jr., chairman of the Big Board, asserts that "1988 and 1989 have been two of the least volatile years in the last 30 or 40 years." +22057061 But the low average volatility Mr. Phelan is talking about isn't any comfort in a period of rapid stock-market moves like the past week. +22057062 In addition, Sanford Grossman, a Wharton School finance professor, says volatile jumps in stock prices will continue as long as liquidity falls short of the voracious demands of institutions "who can go out and say `I have a billion dollars of stocks to sell.'" +22057063 Some people think the search for liquidity is fruitless. +22057064 In 1936, John Maynard Keynes wrote that "of the maxims of orthodox finance none, surely, is more antisocial than the fetish of liquidity." +22057065 It leads investors to focus on short-term price movements -- "a game of musical chairs," he called it -- rather than on long-term fundamental valuation. +22057066 James A. White contributed to this article. +22058001 The National Aeronautics and Space Administration said a computer virus has infected one of its networks and is spreading anti-nuclear messages related to its Galileo space probe, which is to be launched today. +22058002 Charles Redmond, a NASA spokesman, said the agency discovered the virus on Monday on the collection of computer networks collectively called Internet and expected 100 university centers to be infected by today. +22058003 Although the network isn't connected to the computer systems that operate either Galileo or the shuttle, part of the network will carry analyses of Galileo data once the craft gets spaceborn. +22058004 Mr. Redmond said the intruder hadn't yet done any harm but the agency feared "garbage data could be substituted for real data." +22058005 He estimated it could take a day for a computer security manager to expunge the virus from a computer system. +22058006 The intruder, among the broadest yet to hit a research network, appeared to affect only Digital Equipment Corp. hardware that uses Digital's VAX/VMS operating system. +22058007 It is unrelated to the much-publicized virus that last year infected Arpanet, a much larger network used by researchers at universities, laboratories and government agencies around the world. +22058008 In the lingo of computer security, the NASA intruder is technically a computer worm, Mr. Redmond said. +22058009 A worm resides in the operating system of a computer and spreads by boring into other computers contacted through networks. +22058010 The Galileo worm apparently was hatched on a computer in France hooked up to NASA's Space Physics Analysis Network, Mr. Redmond said. +22058011 NASA said the Galileo worm hadn't affected its computers or the computers of other government agencies because they had modified their systems to reject worms. +22058012 But Mr. Redmond said the worm hit universities that hadn't elected to make the changes. +22058013 Michael Alexander, a senior editor at Computerworld, a trade publication, said he was told that the worm gets into a computer center by looking for obvious passwords -- such as ones that are the same as the user's name. +22058014 If it finds one and gets into the system, it will display a screen when a user logs on that says, "Worms Against Nuclear Killers. . . . +22058015 You talk of times of peace for all, and then prepare for war." +22058016 In addition, Mr. Alexander said, the worm sends strange messages to other machines at the center -- such as, "George Orwell was an optimist," or "Don't feed the bats tonight." +22058017 The worm also looks for elementary passwords that confer more privileges on the user. +22058018 The passwords are included in the system software when it is installed but are supposed to be replaced as soon as the system is up and running. +22058019 If it finds one of those passwords, Mr. Alexander said, the worm will do such things as change users' passwords to a series of random numbers, preventing them from signing on to the network. +22058020 NASA estimated that, on Monday, about four computer centers were affected. +22058021 Yesterday, the number grew to 40; today the number is expected to grow to 100. +22058022 NASA said it will take about a week before it knows exactly how many centers of the 6,000 connected to Internet were affected and the extent of the damage, if any. +22058023 Anti-nuclear activists have protested the launch of the Galileo space probe to Jupiter because it uses plutonium to generate the electricity needed to run the craft. +22058024 Activists fear that if the shuttle carrying Galileo into orbit should explode, or if Galileo itself crashes into the Earth during the two times it flies close to the planet, fatal levels of plutonium would be released into the atmosphere. +22058025 So far Galileo has been delayed twice, once because of a computer malfunction connected with a space-shuttle engine, and yesterday because of the weather. +22058026 NASA said the Galileo worm had nothing to do with either delay. +22058027 Mr. Alexander of Computerworld said hackers have gone after SPAN before. +22058028 He said the Chaos Computer Club, of West Germany, once managed to invade SPAN and do such things as change the value of pi, messing up some calculations. +22059001 It is now a commonplace that prosecutors are bringing criminal indictments in cases where until a few years ago only a civil action at most would have been brought. +22059002 Yet it is also axiomatic that the power to create new crimes belongs only to the legislature, and not to courts. +22059003 Beginning in the early 19th century, with U.S. v. Hudson and Goodwin, the Supreme Court has repeatedly held that a judicial power to declare conduct to be against the public interest and hence criminal, while well established in British law, would usurp legislative authority under the doctrine of separation of powers. +22059004 That's the conventional theory anyway. +22059005 In practice, however, the line between interpretation and redefinition of the criminal law long ago began to blur. +22059006 In particular, a common law of white-collar crime has developed with surprising rapidity over the past decade. +22059007 For example, although insider trading has long been criminal, it has never been statutorily defined. +22059008 In 1983, the Supreme Court tried to supply a workable definition in the Dirks v. SEC decision, which found that liability depended on whether the tipper had breached his fiduciary duty to the corporation in order to obtain "some personal gain" and whether the tippee knew or recklessly disregarded this fact. +22059009 Gradually, however, lower courts and prosecutors have pushed this definition to its breaking point. +22059010 Consider the facts underlying the 1989 conviction of Robert Chestman. +22059011 Prior to a tender offer by A&P for Waldbaum Inc. in 1986, the founder of the Waldbaum's supermarket chain called an elderly relative to tell her to assemble her stock certificates for delivery. +22059012 She called her daughter to take her to the bank, who, in turn, persuaded her husband, a Mr. Loeb, to run this errand. +22059013 Hearing of this information, the husband discussed it with his broker, Mr. Chestman, and Mr. Chestman then bought for his own account and other clients. +22059014 Basically, Mr. Chestman was a fourth-level tippee. +22059015 Did Mr. Loeb, his tipper, breach a fiduciary duty (and, if so, to whom)? +22059016 Did Mr. Loeb seek personal gain (and if so, how)? +22059017 Or did Mr. Chestman only hear a market rumor (which one may lawfully trade upon)? +22059018 The line seems awfully thin for criminal-law purposes. +22059019 A second illustration is supplied by the recent guilty plea entered by Robert Freeman, formerly head of arbitrage at Goldman, Sachs & Co. +22059020 Essentially, Mr. Freeman had invested heavily in the Beatrice leveraged buy-out, when he was told by another prominent trader, Bernard "Bunny" Lasker, that the deal was in trouble. +22059021 After placing orders to sell, Mr. Freeman called Martin Siegel, an investment banker at Kidder, Peabody & Co., who was advising on the deal, to confirm these rumors. +22059022 Mr. Siegel asked Mr. Freeman who his source was and, on hearing that it was Bunny Lasker, responded: "Well, your bunny has a good nose." +22059023 The illegal "tip" of the bunny's good nose was then largely a confirmation of rumors already known to many in the market. +22059024 Had the case gone to trial the same issues would have surfaced: +22059025 Was there a fiduciary breach in order to obtain personal gain? +22059026 Did Mr. Freeman have notice of this? +22059027 Finally, was the information material? +22059028 Yet, all these issues are subsidiary to a more central issue: Who is and who should be making the criminal law here? +22059029 It is not my contention that either Mr. Chestman or Mr. Freeman was an innocent victim of prosecutorial overzealousness. +22059030 Arguably, both were on notice that their behavior was at least risky. +22059031 But even if they behaved recklessly, reasons still exist to fear and resist this steady process of case-by-case judicial extension of the law of insider trading. +22059032 Courts and legislatures make decisions in very different ways and are each susceptible to very different kinds of errors. +22059033 After-the-fact judicial examination of an actor's conduct has always been the common law's method. +22059034 When only civil liability is involved, this method has the undeniable strengths of factual specificity and avoidance of overgeneralization. +22059035 Still, case-by-case retrospective decision making of this sort is vulnerable to the tunnel vision caused by a fixation on ad hoc (and usually sleazy) examples. +22059036 When a court decides that a particular actor's conduct was culpable and so extends the definition of insider trading to reach this conduct, it does not see the potentially enormous number of other cases that will be covered by the expanded rule. +22059037 Thus, a court is poorly positioned to make judgments about the social utility of the expanded rule. +22059038 For example, in focusing on Mr. Freeman's attempt to gain nonpublic information about a deal's collapse, one does not naturally think about the reverse side of the coin: What if the rumor had been false? +22059039 Can a security analyst call an investment banker to make certain that a seemingly improbable rumor is in fact false? +22059040 In the past, not only would reputable professionals have rushed to check out such rumors with the company, but companies listed on the major stock exchanges were encouraged by the exchanges to respond openly to such inquiries from securities analysts. +22059041 Today, after Mr. Freeman's plea, there is an uncertainty that is both unfair and inefficient. +22059042 In this light, the comparative advantages of legislative law-making become clear: (1) Before it acts, the legislature typically will hear the views of representatives of all those affected by its decision, not just the immediate parties before the court; and (2) the legislature can frame "bright line" standards that create less uncertainty than the fact-bound decisions of courts. +22059043 Although legislative lines can result in under-inclusion (which explains why the SEC has long resisted a legislative definition of insider trading), judicial lawmaking inevitably creates uncertainty because of the shadowy outer edges and implications of most judicial decisions. +22059044 At least when the stakes are high, uncertainty in turn results in overinclusion, as individuals do not dare to approach an uncertain line closely. +22059045 The federal mail and wire fraud statutes provide even better illustrations of the rapid evolution of a federal common law of white-collar crime. +22059046 In 1987, the Supreme Court attempted in McNally v. U.S. to halt the inexorable expansion of these statutes by adopting a rule of strict construction for ambiguous criminal statues. +22059047 Yet, late last year, Congress effectively reversed this decision by enacting a one-sentence statute that defined fraud to include any scheme to deprive another of "the intangible right of honest services." +22059048 At a stroke, this may criminalize all fiduciary breaches (and possibly all misrepresentations by an agent or employee). +22059049 Such a statute illustrates the fundamental problem: Congress finds it is easier to pass sweepingly moralistic prohibitions, which the courts must thereafter interpret, than to engage in the difficult line-drawing distinctions that are inherently its responsibility. +22059050 We are confronted less with a judicial power grab than with a legislative giveaway. +22059051 Predictably, when confronted with morally dubious behavior, prosecutors will exploit the latitude such openended statutes give them. +22059052 Over the long run, however, sleazy cases will make bad law. +22059053 Mr. Coffee is a professor at Columbia Law School. +22060001 Corning Inc. posted a 38% decline in third-quarter net income to $76.5 million, or 80 cents a share, from $123.9 million, or $1.37 a share, a year earlier. +22060002 The year-earlier figure included a one-time gain of $59.9 million from the sale of Corning's stakes in Japanese businesses. +22060003 Without the gain, operating profit was $64 million, or 71 cents a share. +22060004 The telecommunications, specialty glass, ceramic products and laboratory-services concern said the latest quarter included a tax-loss carry-forward of $600,000. +22060005 A year earlier, net included a $700,000 taxlow carry-forward. +22060006 Sales rose 14% to $715 million from $625.4 million. +22060007 Corning's chairman and chief executive officer, James R. Houghton, said operating performance continued to be strong in the telecommunications and health and science segments. +22060008 But the specialty-material segment slowed somewhat and consumer products continued below expectations. +22060009 As for joint ventures, Mr. Houghton said profit was "essentially flat" due primarily to a slow recovery at Samsung-Corning Co. in Korea following a strike at a major customer and the disruption of shipments to China. +22060010 Also, profit was hurt by the strength of the dollar overseas which negatively affected the company's currency-exchange rate. +22060011 In New York Stock Exchange composite trading, Corning closed at $38.50, down 75 cents. +22061001 UAL, the hair-trigger stock that exploded Friday's market bombshell, briefly traumatized traders again yesterday. +22061002 Within 10 minutes after an 11:13 a.m. trading halt in UAL, parent of United Airlines, the Dow Jones Industrial Average plunged nearly 27 points to a 60.25-point deficit. +22061003 Computer-guided buying then kicked in, and the industrials regained 27 points in five minutes. +22061004 The lightning moves show that the stock market remains fragile and volatile -- ready to jump at the slightest rumor -- a few days after its shocking 190.58-point plunge. +22061005 Nervous investors continued to limit their buying to blue-chip stocks while dumping takeover-related issues. +22061006 The industrial average closed down 18.65, to 2638.73. +22061007 New York Stock Exchange volume was a heavy 224,070,000 shares. +22061008 Decliners on the Big Board outnumbered advancers, 931 to 658. +22061009 UAL was watched closely and traded heavily. +22061010 The stock tumbled 24 7/8 to 198 on volume of 2.8 million shares. +22061011 The market is still very touchy about rumors and news on pending takeovers. +22061012 UAL, which is trying to reconstruct a buy-out bid that banks wouldn't finance, represents the future of one of the most powerful ingredients in the bull market-corporate restructuring. +22061013 An important element of this phenomenon -- the now-shaky market for junk bonds, used often to finance restructurings and takeovers -- continued to cast a pall over stocks. +22061014 "It was a very nervous day," said John Geary, partner of the Big Board specialist firm Ziebarth, Geary. +22061015 The volatility won't end soon. +22061016 This Friday brings the "double witching hour," Wall Street's nickname for the monthly simultaneous expiration of a variety of stock index futures, index options and options on individual stocks. +22061017 Traders are already buckling their seat belts. +22061018 Previous monthly expirations of the Major Market Index futures and Standard & Poor's 100-stock index options have produced spectacular volatility. +22061019 "We are in one of those phases where you are going to get a lot of volatile expiration action," said Donald Selkin, head of stock-index research at Prudential-Bache Securities. +22061020 Investors were buying yesterday, but they were running scared to premier blue chips such as Procter & Gamble, which jumped 3 3/8 to 127. +22061021 Investors "are buying stocks that have predictable earnings," said Edward J. Laux, head of block trading at Kidder Peabody. +22061022 Along the way, investors dumped takeover stocks and shares of banks that have leveraged-buy-out debt and risky real estate loans on their books. +22061023 "These loans are more of a focus than lesser-developed-country debt now," said William Bee, senior block trader at Prudential-Bache Securities. +22061024 Chase Manhattan, which sold 14 million additional shares at 40 1/8 Monday through an underwriting group led by Goldman Sachs, closed down 1/8 to 40. +22061025 Citicorp fell 1/2 to 32, and Manufacturers Hanover slipped 3/8 to 40 1/4. +22061026 Chase and Citicorp's Citibank are involved in the UAL buy-out financing. +22061027 Both Citicorp and Manufacturers Hanover reported earnings yesterday. +22061028 In the first hour of trading, about one million shares a minute changed hands on the Big Board as big stock-index arbitrage sell programs pushed prices lower. +22061029 (In stock-index arbitrage, traders buy or sell big baskets of stocks against offsetting positions in futures.) +22061030 Traders said many of the sell programs are positions being established ahead of this Friday's expiration. +22061031 Aside from computer-guided selling, airline stocks took a beating as well. +22061032 The Dow Jones Transportation Average fell 49.96 to close at 1254.27. +22061033 AMR, the parent of American Airlines, continued to retreat in the wake of New York developer Donald Trump's decision to withdraw his $120-a-share takeover bid. +22061034 The stock fell 3 1/4 to 73 1/4 on 3.4 million shares. +22061035 Delta Air Lines fell 1 7/8 to 67 7/8, USAir Group dropped 3/4 to 40 1/4, Southwest Airlines dipped 1/2 to 25 and Alaska Air Group slid 3/8 to 24 1/4. +22061036 But Texas Air, the owner of Continental and Eastern airlines, bucked the group's decline by rising 7/8 to 14 5/8 in American Stock Exchange trading. +22061037 Eastern said it is ahead of schedule in resuming its operations after filing earlier this year for Chapter 11 bankruptcy protection, from which it expects to emerge early next year. +22061038 Philip Morris, the most active Big Board issue for the second consecutive session, was unchanged at 43 1/4 on 3.9 million shares. +22061039 Other blue-chip consumer issues also fared relatively well: PepsiCo rose 1 3/8 to 58 1/2; Coca-Cola Co. was unchanged at 66 3/4; McDonald's also closed unchanged at 30 1/2, and Merck rose 1/2 to 75 1/4. +22061040 Broader averages also fell. +22061041 Standard & Poor's 500-stock index fell 1.69 to 341.16, and the New York Stock Exchange Composite Index fell 0.88 to 188.89. +22061042 Among the takeover-related stocks that sold off yesterday were Disney, which closed down 2 1/8 to 121 1/4. +22061043 Philips Industries tumbled 3/8 to 22 7/8; Hilton Hotels fell 2 1/2 to 92 and Holiday Corp. fell 2 1/8 to 69 7/8. +22061044 Among other blue chips, Exxon gained 1/8 to 45 1/2. +22061045 International Paper fell 1 3/8 to 51 1/2, Union Carbide eased 7/8 to 25, Chevron gained 1/8 to 64, and Eastman Kodak closed down 3/4 to 44 1/4. +22061046 The only industry group to show a gain from the industrial average's record high on Oct. 9 is restaurants. +22061047 Among the three worst-performing groups, with declines of 10% to 20%, are airlines, casinos and securities brokers. +22061048 Trading also was heavy in the over-the-counter market. +22061049 The Nasdaq composite index closed down 1.05 to 459.93 on volume of 161.5 million shares. +22061050 "The environment is a lot more trading-oriented," said Gary Rosenbach, manager of equity trading at the OTC stock firm Needham & Co. in New York. +22061051 "Because there is a lot more volatility now, if guys see that they can make a quick 10% or 15% profit, they'll take it." +22061052 Compaq Computer gained 2 1/8 to 103 3/4 on two million shares, reflecting market optimism about the prospects for its newly introduced notebook-sized computer. +22061053 B.F. Goodrich dropped 1 3/8 to 49 1/8. +22061054 The company's third-quarter earnings were below both analysts' forecasts and the year-earlier level. +22061055 Blue Arrow added 1/2 to 17 1/4. +22061056 The British company plans to change its name to Manpower, the name of its U.S. unit, and write off part of nearly $1.2 billion in good will as a possible prelude to reincorporating in the U.S. +22061057 Dravo rose 5/8 to 16 1/8. +22061058 Shearson Lehman Hutton began its coverage of the company with favorable ratings. +22061059 Intertan jumped 2 1/4 to 56 7/8. +22061060 The company reported that earnings from operations for the September quarter were up about 25% from a year earlier. +22061061 Bay Financial, which said it may be forced to file under Chapter 11 if it can't reach an agreement with its lenders to relieve its debt burden, plunged 1 3/8 to 2 1/8. +22061062 The Amex Market Value Index fell 1.25 to 375.16. +22061063 Volume totaled 16,800,000 shares. +22061064 Among active Amex issues, the American depositary receipts of B.A.T Industries fell 1/4 to 11 3/4 on turnover of 885,800. +22061065 Investment bankers and retailers said the turmoil on Wall Street may benefit managers who plan to bid for U.S. retailing units of the British firm because takeover prices may not be as high as before the recent correction. +22061066 Fruit of the Loom slipped 1/8 to 12 3/8 on 501,200 shares. +22061067 DWG Corp. jumped 1 1/4 to 15 on 454,100 shares. +22061068 Carnival Cruise Lines Class A dropped 1 to 21 1/8 on 331,400 shares. +22061069 Amex issues with big percentage price gains included two Eastern Air Lines preferred stocks, reacting to the news about improved recovery in flight schedules after the company filed for bankruptcy protection. +22061070 Eastern's Class F preferred rose 12%, or 1 1/4, to 11 3/4; the Class E preferred gained 7%, or 5/8, to 10 1/4. +22061071 The biggest percentage gainer on the Amex was Enviropact, which jumped 23%, or 5/8, to 3 3/8 on volume of 29,000 shares. +22061072 On Monday, the company, a provider of environmental consulting services, reported a wider fiscal fourth-quarter loss and predicted a loss for its fiscal 1990 first quarter, but said a profit is expected for all of fiscal 1990. +22061073 But its auditor, Ernst & Young, said Enviropact's financial situation raises "substantial doubt about its ability to continue as a going concern." +22061074 Mission Resource Partners advanced 8%, or 1 3/8, to 18 7/8. +22061075 Sonja Steptoe and David Wilson contributed to this article. +22062001 ONE LIBERTY PROPERTIES Inc. declared a dividend of 40 cents a share on its $16.50 cumulative convertible preferred stock, payable Jan. 2 to stock of record Dec. 8. +22062002 But directors of the Great Neck, N.Y., real estate investment trust didn't act on the common stock dividend. +22062003 And they won't consider such a dividend, the trust added, before results are available for the first quarter of 1990. +22062004 In part, the trust cited the need to retain cash for possible acquisitions. +22062005 According to a spokesman, One Liberty will have paid out as dividends the required amount of its taxable income to maintain its legal status as a real estate investment trust. +22063001 Banks are continuing to go after individual investors, despite falling interest rates. +22063002 Yields on small-denomination certificates of deposit fell at about half the rate of so-called jumbo CDs this week, according to Banxquote Money Markets, an information service based here. +22063003 Investors can get slightly higher yields on deposits below $50,000 than they can on deposits of $90,000 and up. +22063004 "Banks want to remain competitive," said Norberto Mehl, chairman of Banxquote. +22063005 "October is a big rollover month and perhaps they anticipate greater demand . . . among people leaving the stock market." +22063006 Some bankers are reporting more inquiries than usual about CDs since Friday. +22063007 "Reports from branches are that there has been greater interest in the last day or so," said Steven Braitman, a vice president at Chemical Bank in New York. +22063008 Chemical said deposits Monday were about $5 million higher than usual and it expects more activity as investors receive the proceeds from sales of stock. +22063009 "This is no time to be playing in the street . . . +22063010 the Dow has more ups and downs than an elevator," proclaimed an advertisement Monday in New York newspapers, touting Lincoln Savings Bank's one-year CD. +22063011 Harold Jones, Lincoln's chief retail banking officer, said there hasn't yet been "a discernible response," although the ad included a coupon that could arrive later in the week. +22063012 Friday's market rout came smack in the middle of the heaviest month for CD rollovers, when a number of banks and thrifts already have promotions under way. +22063013 First National Bank of Boston, for example, is offering certain new depositors an extra quarter of a percentage point on six-month and 12-month CDs. +22063014 Some banks actually boosted yields on the shortest term CDs in the latest week. +22063015 New York's Citibank, for instance, increased the yield on small-denomination three-month CDs to 8% from 7.9%. +22063016 On average, however, three-month CDs at major banks are yielding a tenth of a percentage point less than they were a week ago. +22063017 Average yields on CDs aimed at individual investors fell less than half as much as yields on Treasury bills sold at Monday's auction. +22063018 Six-month CDs of $50,000 and less yielded an average 8.02% in the week ended Tuesday, down from 8.10%, according to Banxquote. +22063019 The yield on six-month T-bills fell to 7.82% on Monday, from 8.01% the week before. +22063020 Meanwhile, the average yield on six-month CDs of more than $90,000 fell to 7.93% in the latest week, according to Banxquote, from 8.10% the week before. +22063021 Mr. Mehl noted that actual rates are almost identical on small and large-denomination CDs, but yields on CDs aimed at the individual investor are boosted by more frequent compounding. +22063022 CDs sold by major brokerage houses, which like jumbo CDs tend to closely follow interest rate trends, also posted larger drops in yields. +22063023 A six-month, broker-sold CD, for example, was yielding an average 8.09% in the latest week, a fifth of a percentage point lower than the week before. +22063024 In late April, when interest rates were at their recent highs, short-term CDs sold by brokers were offering yields half a percentage point or more higher than banks. +22063025 CD yields are generally expected to fall further in coming weeks. +22063026 "What happened in the stock market and the bigger trade deficit" reported yesterday "make it unlikely that short-term interest rates will rise" any time soon, said Mr. Mehl of Banxquote. +22063027 "Even before the market drop, rates were down about half a percentage point," said Robert J. Hutchinson, senior vice president for retail marketing at Manufacturers Hanover Trust Co. in New York. +22063028 "That puts pressure on CD rates. +22064001 Conservatives have an important decision to make this fall. +22064002 At the recent meetings of the World Bank and International Monetary Fund, the Bush administration announced its intention to decide by yearend the size of the next increase in the IMF's capital base. +22064003 While the U.S. share of the increase probably will not reach the $12 billion or more implicit in the IMF's request for a doubling of its $90 billion capital, the administration probably will agree to a multibillion-dollar increase. +22064004 This would be consistent with its unwavering support for the Brady Plan and G-7 exchange-rate intervention, and with its financial commitment to Mexico, Poland and others. +22064005 The IMF has several reasons for requesting the increase. +22064006 Its role in the economies of developing countries has grown steadily since the 1970s. +22064007 The size and pace of disbursements will accelerate further under the Brady Plan, which promises larger and earlier disbursements to approved countries. +22064008 At least three other factors have encouraged the IMF to insist on increased capital. +22064009 First, it argues that its capital base must be increased in order to maintain its size relative to world financial markets, for which it feels some responsibility. +22064010 Second, the World Bank's recent $75 billion capital increase -- $14 billion from the U.S. -- has left the IMF feeling less than first fiddle among international financial institutions. +22064011 Third, the IMF would like to meet Japan's request for increased ownership (currently 4.5%). +22064012 Japan has supported a larger role for the IMF in developing-country debt issues, and is an important financial resource for IMF-guided programs in developing countries. +22064013 While international politics may argue for the capital increase, there is a clear economic case against it. +22064014 Opponents of the increase argue that the IMF practices central planning while supporting ineffective governments. +22064015 They question whether the IMF has any role in developing countries, given its original mandate to assist industrial countries in balance-of-payments emergencies. +22064016 Opponents show that there are already more funds available than commendable reform efforts. +22064017 They worry that new IMF funding of developing countries will simply end up substituting IMF debt for reschedulable commercial bank debt, a bad trade all around. +22064018 They believe microeconomics, which addresses the problems of markets, investment climate and management practices, is the key to developing-country growth, not the IMF's Keynesian focus on trade deficits, quarterly targets and government debt. +22064019 They point at the numerous developing-country governments that have inflated, taxed and regulated themselves into despair under successive IMF programs. +22064020 Decisions on increases in the IMF's capital base traditionally are made by the administration, with subsequent authorization by Congress. +22064021 The last U.S. congressional authorization, in 1983, was a political donnybrook and carried a $6 billion housing program along with it to secure adequate votes. +22064022 The politics of the 1990 congressional authorization are likely to be similar to those of previous authorizations. +22064023 Liberals may support the stabilizing, quasi-governmental role of the IMF on two conditions: that the administration give assurances that liberal Democrats' support will not be used against them in congressional re-election campaigns; and that the legislation address -- with dollars -- social and environmental concerns. +22064024 Conservative Republicans will be given the choice of supporting or fighting their party's popular president in an election year. +22064025 A U.S. decision to refuse the IMF its capital increase, or limit it to 25%, would bring a major change in international economic policy, and could not be taken lightly. +22064026 Commentators would fret over the implications for the G-7 coordination process and the stability of world financial markets. +22064027 Because commercial banks and the developing-country governments believe they will get a piece of any capital increase, a scaled-down IMF mission would leave both feeling shortchanged. +22064028 Furthermore, a U.S. rejection of the capital increase (and transfer of shares to Japan) would give Japan an argument against future calls for economic burden-sharing. +22064029 On the other hand, a decision to increase the IMF's capital would reinforce the central economic role of multilateral institutions in developing countries. +22064030 With the increase, even more developing-country energy and talent would be diverted from creating profitable economic systems to setting up economic planning ministries that generate IMF-approved economic plans. +22064031 Upping the ante could slow economic development even further, as countries delay market-opening steps in anticipation of richer multilateral support. +22064032 Conservatives should take a position prior to the administration's year-end deadline. +22064033 The issues are too important to be left to the financial and budget ministries fighting over the size of the capital increase, rather than its purpose. +22064034 If conservatives don't support an increase in the IMF's capital, then it is incumbent on them to speak up now and explain the alternative. +22064035 Mr. Malpass directs the Republican staff of the Joint Economic Committee of Congress. +22065001 The Chicago Mercantile Exchange fined and suspended two commodities traders accused of making prearranged trades with each other that allegedly cheated a customer. +22065002 Merc officials said Gary N. Roberts was disciplined following the exchange's investigation of his trading in several commodities pits from July to November 1988. +22065003 The Merc said Mr. Roberts withheld from the market certain orders in cooperation with another trader, David Stein. +22065004 The Merc fined Mr. Roberts $15,000 and suspended his trading membership for three years. +22065005 Also, he and Mr. Stein were ordered to make restitution of $35,000 to a customer. +22065006 Mr. Stein was fined $25,000 and suspended for three years. +22065007 Messrs. Roberts and Stein couldn't be reached for comment. +22065008 The Merc said that as part of the disciplinary settlement, neither man admitted, nor denied the alleged violations. +22065009 Neither was among the 46 traders indicted last August in a federal investigation of traders at both the Merc and the Chicago Board of Trade. +22066001 In a move that could pose a new competitive challenge to Time Warner Inc.'s powerful Home Box Office, cable giant Tele-Communications Inc. agreed to buy half of Showtime Networks Inc. from Viacom Inc. for $225 million. +22066002 The purchase comes after nearly three years of on-again off-again talks between TCI and Viacom, which has also discussed the sale of an interest in Showtime with other cable operators. +22066003 Showtime is a distant No. 2 to Home Box Office, and in May filed a $2.5 billion antitrust suit against Time Warner, charging the company and its HBO and American Television cable units with conspiring to monopolize the pay TV business. +22066004 HBO has close to 24 million subscribers to its HBO and Cinemax networks, while Showtime and its sister service, The Movie Channel, have only about 10 million, according to Paul Kagan Associates, a Carmel, Calif., research firm. +22066005 For TCI, the investment in Showtime puts it in an unusual position; as the largest cable operator, with control of close to 12 million of the nation's 52 million cable subscribers, TCI is HBO's largest customer. +22066006 But TCI President John Malone has long been concerned about HBO's dominance of the pay TV business, and has been eager to keep Showtime as a healthy competitor. +22066007 "It is important to the cable industry that we have a vibrant and competitive pay-television marketplace," Mr. Malone said in a statement. +22066008 In a telephone interview, Robert Thomson, TCI senior vice president, said Showtime's suit against HBO "doesn't involve us, and nothing we're doing here bears any relationship to that." +22066009 He added, "We don't intend to be drawn into it," noting that TCI won't play any active role in the management of Showtime. +22066010 Linking up Showtime with the largest cable operator in the U.S. could sharply boost its subscribers. +22066011 TCI said it may bring in other cable operators as investors, a practice it has employed in the past with investments in other cable networks, such as The Discovery Channel. +22066012 Additional cable partners could boost subscribers even further. +22066013 Time Warner declined comment. +22066014 In addition to owning HBO, Time Warner owns American Television & Communications Inc., the nation's second largest cable operator after TCI. +22066015 Viacom also owns cable systems, but it is the 14th largest operator of such systems, with less than one million subscribers. +22066016 The TCI investment is a big victory for Viacom's chief executive officer, Frank Biondi, and Winston H. Cox, president of the Showtime unit. +22066017 "This takes any question of Showtime's viability and puts it away once and for all," Mr. Biondi said in a telephone interview. +22066018 The fight between HBO and Showtime is particularly acrimonious because Mr. Biondi is the former chief executive of HBO, and Mr. Cox served as chief of marketing for the service. +22066019 They were both hired by Sumner Redstone, the Boston billionaire who took control of Viacom three years ago in a leveraged buy-out. +22066020 Time Warner has vigorously denied all of Viacom's allegations. +22067001 Boeing Co., already struck by its Machinists union, briefly called off contract talks with its engineers and labeled their demands "grossly excessive." +22067002 Later, however, the company agreed to meet on Monday with the Seattle Professional Engineering Employees Association after a federal mediator intervened, according to the union. +22067003 A spokesman for the engineers said the company asked the union to reduce its demands, which included a 19% pay hike in the first year and 8% in the second and third years. +22067004 The union represents about 28,000 engineers and technical workers. +22067005 Its contract expires Dec. 1. +22067006 Meanwhile, a federal mediator is scheduled to meet today with Boeing officials and representatives of 55,000 striking Machinists. +22067007 "It will take several meetings to resolve this," said a spokesman for the Machinists union. +22067008 "We don't want to bring back something the members will reject." +22067009 Machinists already have rejected a package that would have provided a 10% pay raise plus bonuses over the three-year life of the contract. +22067010 It also would have reduced mandatory overtime. +22068001 Investor Asher Edelman increased his stake in Intelogic Trace Inc. and cleared the way for additional purchases. +22068002 It wasn't clear, however, whether the actions were related to a battle between the corporate raider and New York attorney Martin Ackerman for control of Datapoint Corp., a San Antonio, Texas-based data-processing systems maker. +22068003 Intelogic Trace, a computer services company, was spun off to Datapoint holders in 1985, after Mr. Edelman gained control. +22068004 After Mr. Ackerman announced he was soliciting consents from shareholders in order to wrest control of Datapoint from Mr. Edelman, the corporate raider purchased 30% of Datapoint's shares. +22068005 In a Securities and Exchange Commission filing, Mr. Edelman said from Sept. 29 to Oct. 13, he acquired 309,500 shares of Intelogic common shares for $2.25 to $2.375 each. +22068006 The purchases increased his stake to 16.2% of the shares outstanding. +22068007 The filing also said certain provisions which apply to persons acquiring 20% or more of Intelogic common stock, were waived by Intelogic for Mr. Edelman, who is chairman of the company. +22068008 Mr. Edelman couldn't be reached for comment. +22069001 The federal government should make free, voluntary testing for the AIDS virus the cornerstone of an expanded campaign to stop the spread of acquired immune deficiency syndrome, the Hudson Institute recommended. +22069002 "By encouraging massive, routine, voluntary testing we can enable society to voluntarily segregate itself sexually into two groups: those who carry the virus and those who do not," the Indianapolis research organization said in a new report. +22069003 The report takes a more alarmed view of AIDS and recommends a more sweeping response than many other analyses. +22069004 It warns that the AIDS epidemic "may reduce the rate of growth of the work force, curb productivity gains and slow economic growth." +22069005 It contends that current government policy is failing to stem the AIDS epidemic because it suggests the use of condoms can make sex "safe." +22069006 But the report says: "The only safe sex is sex between uninfected partners," and testing is the only way to learn of infection. +22069007 Hudson's researchers estimated that it would cost less than $650 million a year to test the entire population between the ages of 12 and 65 years old. +22069008 In addition, the report recommends that federal and state governments provide free treatment to all who test positive. +22070001 An unexpectedly sharp widening in the U.S. trade gap for August dragged the dollar lower Tuesday, but profit-taking on short positions helped the currency rebound to close mixed against major counterparts. +22070002 While the market kept careful tabs on Wall Street's gyrations, it shrugged off a modest downturn in equities to bid the dollar well above the day's lows. +22070003 Soon after the release of the U.S. trade figures, the dollar plunged to an intraday low of 140.95 yen. +22070004 It also declined against the mark but didn't reach its intraday low of 1.8435 marks until two hours later. +22070005 The unit stabilized about midday New York time at around 1.85 marks and 141 yen, prompting unconfirmed rumors that the U.S. Federal Reserve had intervened to blunt the unit's tumble. +22070006 The dollar finished at its intraday highs. +22070007 Dealers noted that the foreign exchange market's initial bearish reaction to the U.S. trade figures was tempered later by a "calmer reassessment of the data." +22070008 The U.S. Commerce Department reported a $10.77 billion deficit in August, compared with a revised July deficit of $8.24 billion. +22070009 Economists had expected a $9.1 billion gap. +22070010 The August figure reflected a 6.4% rise in imports and a 0.2% drop in exports. +22070011 Marc M. Goloven, an economist with Manufacturers Hanover Trust in New York, said that while the figures appear to indicate a sadly deteriorating U.S. trade performance, there's still enough positive news in the data to justify buying dollars. +22070012 He said that while the U.S. trade gap with Canada has widened significantly, the trade deficit with Western Europe and Japan continues to narrow. +22070013 And he added that manufactured goods exports are still rising. +22070014 The dollar's near-term path remains foggy, according to currencny analysts, who characterize the market as "bewildering." +22070015 In late New York trading yesterday, the dollar was quoted at 1.8667 marks, down from 1.8685 marks late Monday, and at 142.75 yen, up from 141.85 yen late Monday. +22070016 Sterling was unchanged at $1.5753. +22070017 In Tokyo Wednesday, the U.S. currency opened for trading at 142.55 yen, unchanged from Tuesday's Tokyo close. +22070018 Later, the U.S. currency fell to about 142.25 yen on news reports of the San Francisco earthquake. +22070019 Some analysts remain bullish and point out that the dollar continues to be well bid despite key rate increases in Europe and Japan, several weeks of aggressive dollar sales by the world central banks -- some traders estimate that the barrage of sales topped $12 billion -- and a 190-point plunge on the New York Stock Exchange. +22070020 They note that the U.S. unit is trading at the upper end of the presumed target zones established by the Group of Seven trading partners. +22070021 The G-7 comprises West Germany, the U.S., France, the U.K., Italy, Canada and Japan. +22070022 The so-called Louvre accord was seen to have set ranges of 1.70 marks to 1.90 marks and 120 yen to 140 yen. +22070023 They say that the recent injection of liquidity into the U.S. banking system has been modest, and they don't anticipate significant easing by the U.S. Federal Reserve. +22070024 The Fed arranged $1.5 billion of customer repurchase agreements Tuesday, the second repurchase agreement in two days. +22070025 The move, which injects capital into the system, is seen as an effort to reassure the finanicial markets that the U.S. central bank is ready to provide the ample liquidity. +22070026 But other analysts contend that while the Fed's move to loosen credit hasn't been aggressive, it nevertheless sends a clear signal that, at least for now, the Fed has relaxed its grip on credit. +22070027 They add that the Fed has allowed the key federal funds interest rate to dip to about 8 5/8% from its levels of just below 9% last week. +22070028 The federal funds rate is the overnight lending rate that banks charge each other. +22070029 Market participants said that the mark continues to post the most significant gains against the dollar. +22070030 On the Commodity Exchange in New York, gold for current delivery settled at $367.40 an ounce, up 10 cents. +22070031 Estimated volume was a moderate 3.5 million ounces. +22070032 In early trading in Hong Kong Wednesday, gold was at $366.55 an ounce. +22071001 National Semiconductor Corp. said it settled a four-year-old patent infringement case against Linear Technology Corp. by accepting a $3 million payment from Linear in exchange for granting Linear irrevocable licenses for all products involved. +22071002 The two companies also agreed to settle any future property rights issues over the next 10 years through binding arbitration, both companies said. +22071003 The products are so-called analog integrated circuits that have applications in the consumer electronics, automobile and electronic instrumentation markets. +22071004 Linear Technology, Milpitas, Calif., called the settlement "positive," since products covered by the disputed patents account for about 20% of its annual sales. +22071005 The electronics concern said it already has paid $2 million of the settlement to National Semiconductor, Santa Clara, Calif., and will pay the remaining $1 million in equal installments over the next eight quarters. +22071006 The payments aren't expected to have an impact on coming operating results, Linear added. +22072001 NBC's winning streak has been canceled. +22072002 The National Broadcasting Co., a unit of General Electric Co., had its record-breaking 68-week reign as the prime-time ratings leader snapped yesterday by ABC-TV, a subsidiary of Capital Cities/ABC Inc. +22072003 In the ratings compiled by the A.C. Nielsen Co., ABC, which broadcast the World Series, topped the competition with a 14.8 rating and 25 share. +22072004 NBC was second with a 13.9 rating and 24 share followed by CBS Inc.'s television network with a 12.5 rating and 21 share. +22072005 (A ratings point represents 904,000 television households; shares indicate the percentage of sets in use.) +22072006 The first two games of the World Series between the Oakland Athletics and San Francisco Giants didn't finish in the top 10; instead they landed in 16th and 18th place. +22072007 The highest-rated show continues to be ABC's "Roseanne." +22072008 NBC had five of the top 10 shows; ABC had four and CBS had one. +22072009 CBS held the previous record for consecutive No. 1 victories -- 46 weeks -- during the 1962-63 season. +22073001 Procter & Gamble Co., Cincinnati, expanding its presence in the food service market, said it acquired Maryland Club Foods, a coffee supplier, from an investor group led by F. Philip Handy of Winter Park, Fla. +22073002 Terms weren't disclosed. +22073003 Houston-based Maryland Club Foods, which had sales of about $200 million last year, sells coffee under the Maryland Club and Butter-Nut brands to restaurants, hotels, offices and airlines. +22073004 The acquisition "gives us additional production capacity for the food service coffee business and a stronger distribution network," a P&G spokesman said. +22073005 P&G already sells its Folgers ground roast coffee to food service concerns, but not to as many markets as Maryland Club. +22073006 For example, P&G up until now hasn't sold coffee to airlines and does only limited business with hotels and large restaurant chains. +22073007 Maryland Club also distributes tea, which fits well with P&G's Tender Leaf brand, and hot cocoa products. +22073008 The company said the acquisition has been completed and reviewed by the Federal Trade Commission. +22073009 The purchase includes a coffee-roasting plant in Omaha, Neb., and a leased facility in Houston. +22074001 MACMILLAN BLOEDEL Ltd. said it borrowed 215 million Dutch guilders (US$102 million) from a group of Dutch institutional investors. +22074002 MacMillan Bloedel, a Vancouver, British Columbia, forest products concern, said the 8.1% loan is due Oct. 16, 1996. +22074003 Funds will be used to repay existing short-term debt and to finance capital spending, it said. +22075001 President Bush will veto a bill funding the Departments of Labor, Education and Health and Human Services because it would allow federal funding of abortions for victims of rape and incest, the White House said. +22075002 Mr. Bush had threatened a veto previously. +22075003 But he put off a firm decision while his aides and legislators searched for a compromise that would tighten requirements for such abortions in a way acceptable to the president. +22075004 White House Press Secretary Marlin Fitzwater said negotiations between Bush aides and lawmakers ended Monday without success. +22075005 Most lawmakers think it will be extremely difficult for Mr. Bush's opponents on the abortion issue to round up the votes needed to override the veto. +22075006 But there still may be prolonged debate and political maneuvering that holds up the $156.7 billion funding bill for the fiscal year that began Oct. 1. +22075007 Mr. Bush has said he personally approves of abortions in the cases of rape, incest and danger to the life of the mother. +22075008 But he has opposed Medicaid funding of abortions for poor women who say they are victims of rape and incest, arguing that those exceptions are enforced so loosely that they open the way for abortions for other women. +22076001 NEWSPAPERS: +22076002 Media General Inc. intends to sell two of its West Coast weekly newspaper chains, Golden West Publishing Inc. and Highlander Publications, which together comprise 31 papers. +22076003 Media General said it has had inquiries from potential buyers and expects to complete a sale in 1989. +22076004 It wouldn't discuss a price. +22076005 Lee Dirks & Associates is to sell the chains. +22077001 J.P. Morgan & Co., New York, will help the statutory managers of DFC New Zealand Ltd. to evaluate the failed investment bank's condition. +22077002 Earlier this month, the Reserve Bank of New Zealand, the country's central bank, appointed the managers to run the investment bank and pay creditors. +22077003 DFC asked the central bank to appoint managers after it revised loan-loss provisions to around the same level of shareholders' funds of 180 million New Zealand dollars (US$105.4 million). +22077004 DFC is held 80% by National Provident Fund, New Zealand's largest pension fund, and 20% by Salomon Brothers Inc., the investment-bank and securities-firm subsidiary of Salomon Inc. in New York. +22077005 A spokeswoman for J.P. Morgan, parent of the bank Morgan Guaranty Trust Co., confirmed its appointment to assist the managers but declined to elaborate. +22077006 The managers said in a brief statement yesterday that Morgan will help evaluate DFC's position and help determine alternatives. +22077007 The managers don't expect to complete the evaluation until Nov. 30. +22078001 An experimental vaccine can alter the immune response of people infected with the AIDS virus, a prominent U.S. scientist said. +22078002 However, that doesn't mean they can benefit from the vaccine. +22078003 Its effectiveness can't be determined until a large clinical trial is undertaken by the Army in January, according to Robert Redfield, chief of acquired immune deficiency syndrome research at Walter Reed Army Institute of Research. +22078004 Dr. Redfield's report on early experiments using an AIDS vaccine made by MicroGeneSys Inc. of West Haven, Conn., came at a meeting of AIDS vaccine researchers in Florida late Monday. +22078005 The vaccine, VaxSyn HIV-1, has been safely given to 14 people, some of whom are experiencing substantial increases in certain antibodies. +22078006 "The conventional wisdom used to be that you couldn't modify the immune response of an infected individual" by innoculating them with synthetic viral proteins, Dr. Redfield said. +22078007 "We've demonstrated that you can." +22078008 He said certain volunteers developed kinds of antibodies associated with early AIDS. +22078009 Other antibodies sparked by the preparation are of a sort rarely present in large quantities in infected or ill individuals, he added. +22078010 One of the mysteries of AIDS remains why infected people produce large quantities of antibodies, but deteriorate nonetheless. +22079001 Cross & Trecker Corp. said it reached an agreement to sell its Wiedemann division to recently created Murata Wiedemann Inc., a U.S. affiliate of Murata Machinery Ltd. of Kyoto, Japan. +22079002 The agreement also includes the purchase of Cross & Trecker's Warner & Swasey (Switzerland) AG unit by a European affiliate of Murata Machinery. +22079003 Cross & Trecker is also selling its equity interest in a Japanese joint venture, Murata Warner Swasey, to Murata Machinery. +22079004 Cross & Trecker, a Bloomfield Hills, Mich., machine-tool maker, said the net sales price of the total transaction is $24 million. +22079005 The Wiedemann division was one of three businesses put up for sale in Cross & Trecker's restructuring program announced in July. +22079006 Cross & Trecker said negotiations are under way for the sale of another company, RobertsCorp. +22080001 The average interest rate fell to 8.292% at Citicorp's $50 million weekly auction of 91-day commercial paper, or corporate IOUs, from 8.483% at last week's sale. +22080002 Bids totaling $465 million were submitted, and accepted bids were at 8.292%. +22080003 Citicorp also said that the average rate fell to 7.986% at its $50 million auction of 182-day commercial paper from 8.1255% at last week's sale. +22080004 Bids totaling $415 million were submitted, and accepted bids were at 7.986%. +22080005 The bank holding company will auction another $50 million of commercial paper in each maturity next Tuesday. +22081001 Matra S.A. reported its 1989 first-half profit soared 88%, and indicated that its previous estimate of a 50% rise in earnings for all of 1989 will be exceeded by a wide margin. +22081002 The French electronics and defense group said attributable consolidated net profit for the first six months of 1989 totaled 244 million francs ($38.4 million), compared with 130 million francs ($20.5 million) in the corresponding period of +22081003 Operating profit climbed 51%, to 572 million francs from 378 million in the first half of 1988. +22081004 Matra said the sharp improvement in net profit partly reflected a decline of 59 million francs in the group's net loss from nonrecurring items in the first half of this year to 104 million francs from 163 million a year earlier. +22081005 There was also a decline in the group's net financial costs to 25 million francs from 50 million a year before. +22081006 These movements were offset, however, by a steep rise in corporate income tax payments to 199 million francs from 35 million in the first six months of 1988. +22081007 Matra said the sharp rise in its first-half earnings was based on a 15% gain in consolidated revenue to 10.16 billion francs from 8.85 billion a year earlier. +22082001 Rep. Lee Hamilton (D., Ind.) said he and Rep. Byron Dorgan (D., N.D.) are backing away from their proposal to make the Treasury Secretary a voting member of the Federal Reserve panel that sets monetary policy. +22082002 Rep. Hamilton said the bill will be modified substantially to call for two meetings each year between the Fed's open market committee and the Treasury Secretary, the chairman of the Council of Economic Advisers and the director of the Office of Management and Budget. +22082003 The original bill was strongly opposed by the Fed and publicly criticized by friends of the Fed as an attempt to undermine the central bank's independence. +22082004 Fed critics, however, hailed it as a long overdue attempt to bring a measure of openness and democracy to the setting of monetary policy. +22082005 Rep. Hamilton said the purpose of the meetings would be to "improve communications and perhaps coordination between the executive branch and the Fed." +22082006 Fed Chairman Alan Greenspan meets regularly for lunch with Treasury Secretary Nicholas Brady and talks frequently with Budget Director Richard Darman and Michael Boskin, chairman of the Council of Economic Advisers. +22082007 The administration officials don't ordinarily meet with the entire membership of the open market committee. +22083001 B.F. Goodrich Co. said third-quarter profits dropped 34% because of lower prices for polyvinyl chloride materials, the company's largest product group. +22083002 Net fell to $40.1 million, or $1.50 a share, from $60.7 million, or $2.32 a share, a year earlier. +22083003 Sales for the quarter slipped 2.7% to $601.3 million from $618.1 million. +22083004 Polyvinyl chloride capacity "has overtaken demand and we are experiencing reduced profit margins as a result," said John D. Ong, chairman and chief executive. +22083005 Prices for general-purpose PVC resin have dropped more than 15% since last December, he said. +22083006 The plastic resin is used in a wide range of products, including siding, pipe and electrical wire insulation. +22083007 Goodrich's vinyl-products segment reported operating profit for the quarter of $30.1 million, less than half the $64.1 million of the year-earlier quarter. +22083008 Third-quarter operating profit of the specialty-chemicals group declined slightly to $24.3 million from $24.9 million. +22083009 But operating profit from aerospace products rose nearly 50% to $15 million from $10.1 million. +22083010 In New York Stock Exchange composite trading, shares of the Akron, Ohio-based company fell $1.375 to $49.125. +22084001 Fiat S.p.A., Italy's leading industrial group, is conducting "concrete" talks with West Germany's Daimler-Benz AG on a series of projects in the aerospace sector, Fiat officials said. +22084002 However, the officials said it was too early to disclose the nature of the proposed projects or indicate when the talks might be concluded. +22084003 Daimler-Benz Chairman Edzard Reuter told Milan's financial daily Il Sole 24 Ore that talks are taking place between both companies' aerospace units. +22084004 "While Mr. Reuter's comments please us very much, there currently are no talks in progress regarding the automotive industry," a Fiat spokeswoman said. +22084005 In the interview, Mr. Reuter said he is thinking foremost of cooperation in the truck sector, but "in the long run, I don't want to rule out that we can also come a bit closer in personal cars." +22084006 Roberto Morelli, Italy analyst for County Natwest Securities in London, said that right now "the market isn't being influenced by that kind of news," referring to the conditional nature of the talks mentioned by Mr. Reuter and by the uncertainty surrounding world stock exchanges this week. +22085001 Paul Tanner was named president, chief executive officer and chairman of this oil and natural gas company. +22085002 He succeeds John A. Boudreau, who resigned for personal reasons. +22085003 Mr. Tanner had been president of Penn Pacific's National Southwest Capital Group subsidiary. +22085004 Mr. Boudreau will remain with Penn Pacific as a director and a member of the executive committee. +22085005 He has also agreed to become president of a new subsidiary to be formed to make future acquisitions, the company said. +22086001 Spooked investors, despite their stampede to dump takeover stocks, should hold on tight to their Jaguar shares. +22086002 That's the view of some analysts here who argue that Britain's leading maker of luxury cars still may have two U.S. auto giants battling for it. +22086003 Yesterday, Ford Motor disclosed that it has raised its holding in Jaguar to 10.4% from 5%. +22086004 Both Ford and its rival General Motors recently set their sights on grabbing significant minority stakes in the British company. +22086005 Ford's latest move increases the pressure on GM to complete its current talks with Jaguar quickly. +22086006 GM is likely to reach the cooperative operating pact it has been seeking in about two weeks, knowledgeable individuals say. +22086007 At that point investors may face a long, bumpy ride. +22086008 A victor in the fight for Jaguar may not emerge until after the expiration late next year of British government takeover restrictions. +22086009 The curbs prevent a buyer from purchasing more than 15% of Jaguar shares without permission. +22086010 "This is an exceptionally odd takeover battle," says London analyst Christopher Will of Shearson Lehman Hutton. +22086011 Jaguar's American depositary receipts were up 3/8 yesterday in a down market, closing at 10 3/8. +22086012 (Jaguar's ADRs make the company one of the most widely held United Kingdom stocks in the U.S., with more than one-fourth of its shares owned there.) +22086013 Jaguar topped the most-active list for the U.S. over-the-counter market Monday. +22086014 And on London's Stock Exchange Monday, 18.5 million shares were traded, far above the usual volume. +22086015 Ford's share purchases undoubtedly accounted for much of Monday's heavy trading. +22086016 Last week, many Jaguar shareholders took their money and ran. +22086017 Fears that Ford's ardor might be cooling put Jaguar shares into reverse after GM confirmed its friendly negotiations with Jaguar. +22086018 But yesterday's announcement indicates that Ford hasn't lost interest. +22086019 Both Shearson's Mr. Will and Stephen Reitman, European auto analyst at the London brokerage firm UBS-Phillips & Drew, recently switched their Jaguar recommendations to hold from buy. +22086020 "Sit tight" through the coming volatility, Mr. Reitman suggests, though he concedes that many small investors will find Jaguar's zigzags "too hard to swallow." +22086021 But a crucial point is how Ford reacts when GM, the world's largest auto maker, firms up its proposed deal with Jaguar. +22086022 At the moment, Ford executives will say little beyond reiterating their desire to raise Ford's Jaguar stake to about 15%. +22086023 GM is expected to inject roughly #200 million ($316 million) by acquiring some Jaguar shares, and then win Jaguar management's promise of an eventual 30% stake. +22086024 Analysts believe the car makers also will create joint ventures to develop new executive models, doubling Jaguar's yearly output of 50,000 cars. +22086025 Jaguar shareholders would have to bless such a far-reaching accord. +22086026 Ford might challenge the proposal by offering a full bid if holders and the U.K. government agreed to drop the anti-takeover barrier early. +22086027 "I think Ford is going to come out with full guns blazing," Mr. Reitman says. +22086028 "Ford wants {Jaguar} very much." +22086029 U.S. takeover-stock speculators, who may own between 20% and 30% of Jaguar, could give Ford enough votes to block the GM deal. +22086030 GM might counterbid. +22086031 Then, Mr. Will says, "you get a bidding war between two very rich, very determined international companies." +22086032 He believes Jaguar's share price could zoom to between #8 and #10 ($12.60 to $15.80). +22086033 "There's quite a bit of value left in the {Jaguar} shares here even though they have run up" lately, says Doug Johnson, a fund manager for Seattle-based Safeco Asset Management. +22086034 At the moment, he intends to keep the firm's 180,000 Jaguar shares. +22086035 The risk is that Jaguar's share price could slump if GM's agreement with Jaguar effectively locks out its U.S. rival. +22086036 "Ford's appetite to attack {Jaguar} could gradually wane over time, particularly if Saab is a reasonably attractive proposition," says John Lawson, an auto analyst at London's Nomura Research Institute. +22086037 He thinks Saab-Scania AB on Friday will announce the sale of 50% of its car division to Ford; the companies have been discussing closer cooperation for months. +22086038 Clifford Stahl, president and chief investment officer of C-S Capital Advisors Inc., two weeks ago sold his Cincinnati firm's 107,100 Jaguar ADRs at about 10 each, making a tidy profit on a holding purchased at 4 7/8 in early May. +22086039 "I thought the probabilities of {a bidding war} happening were less," he says. +22086040 Of course, that was before Ford's latest move. +22086041 Jaguar (OTC; Symbol: JAGRY) +22086042 Business: Luxury cars +22086043 Year ended Dec. 31, 1988: +22086044 Revenue: $1.71 billion +22086045 Net income: $44.9 million; or 25 cents a share +22086046 First half ended, June 30, 1989: +22086047 Net loss: $1.7 million vs. net income: $21.2 million; or 12 cents a share +22086048 Averae daily trading volume: Ordinary shares outstanding: 182.9 million +22086049 NOTE: All figures are translated into U.S. dollars based on current exchange rates. +22087001 A.F. Sloan, 60 years old, announced that he will retire next April as chairman and chief executive officer of this snack food and bakery products maker. +22087002 No replacement was immediately named. +22087003 Mr. Sloan plans to remain on the board until his current term expires in April 1991, a Lance spokesman said. +22088001 Newport Electronics Inc. of Santa Ana, Calif., said Milton B. Hollander, who holds a 49.4% stake, requested a special shareholders' meeting next Wednesday to remove four current directors and elect an alternative slate. +22088002 Mr. Hollander's High Technology Holding Co. of Stamford, Conn., acquired most of its stake last August in an $11-a-share tender offer for Newport, a maker of electronic-measuring devices. +22088003 Newport said Mr. Hollander is asking shareholders to retain only one director, James R. Lees, a Newport vice president. +22088004 The board isn't proposing a slate of its own and the other four current directors don't want to serve beyond the special meeting date, Newport said. +22088005 Mr. Hollander "is the new owner and wants to exercise control," said Barret B. Weekes, Newport's chairman. +22089001 Sandoz AG, a major Swiss chemical and pharmaceutical group, said that its group sales rose 25% to 9.482 billion francs ($5.80 billion) in the first nine months of this year, with strong gains in all divisions. +22089002 A year earlier sales totaled 7.567 billion francs. +22089003 Positive currency rates and strong sales growth led to a substantial rise in consolidated profit in the period, although the company didn't provide figures, as is customary with Swiss companies. +22089004 Sandoz said it expects a "substantial increase" in consolidated profit for the full year, barring major currency rate changes. +22090001 Amstrad PLC, a British maker of computer hardware and communications equipment, posted a 52% plunge in pretax profit for the latest year. +22090002 The #76.6 million ($120.6 million) in pretax profit for the 12 months to June 30 was down from #160 million ($252 million) a year earlier and below market expectations of #80 million and #90 million. +22090003 The slump in profit, which came despite steady sales, was attributed to increased costs for parts and problems with model introductions. +22090004 Amstrad's profit after taxes fell a similarly steep 51%, to #51.1 million from #105 million a year earlier. +22090005 Sales edged up fractionally to #626.3 million from #625.4 million a year earlier. +22091001 Microsoft Corp.'s earnings growth continued to outstrip that of most of its competitors and customers in the personal-computer industry, as it reported a 36% jump in fiscal first-quarter earnings on a 33% revenue gain. +22091002 The Redmond, Wash. company, a bellwether provider of operating systems and software for personal-computer makers and users, reported net income for the quarter ended Sept. 30 of $49.6 million, or 87 cents a share, up from $36.6 million, or 65 cents a share, in the year-ago period. +22091003 Revenue rose to $235.2 million, from $176.4 million. +22091004 Microsoft previously indicated it would have a strong quarter by forecasting its revenue gain on Oct. 4, causing a $6.50 a share jump in its stock. +22091005 But its stock jumped again yesterday as it disclosed surprisingly strong margins on those sales. +22091006 Microsoft's stock rose $2.875 a share in national over-the-counter trading to $78.625. +22091007 The stock had hit a high of $81 a share early last week but collapsed to $73.50 in the Friday stock plunge. +22091008 The company had been experiencing softening margins because of increased sales of software applications, which have lower margins than do operating systems. +22091009 But the company said that trend was offset in the first quarter by better economies of scale and efficiencies in manufacturing. +22091010 As a result, Microsoft's cost of goods, as a percentage of sales, fell 17% from the year-ago quarter and 13% from the previous period. +22091011 The trend drove up the aftertax margin -- net income as a percentage of revenues -- to 21.1% in the quarter, compared with 20.7% a year earlier. +22091012 Microsoft officials said the strong results also reflected continuing high demand for its software applications and operating systems. +22091013 While it has predicted that overall growth in unit sales of personal computers is slowing to about a 10% yearly rate, its own products are selling at a much faster rate because many are geared to the high-performance end of the market. +22091014 That segment continues to post strong quarter-to-quarter gains, while the low-end, or commodity segment, of the industry is experiencing sluggish growth or even sales declines. +22091015 Compared with its previous quarter, the final period of its 1989 fiscal year, net rose 9%, and sales rose 7%. +22092001 Control Data Corp., Minneapolis, signed a joint development agreement with MIPS Computer Systems Inc. to incorporate an emerging computing architecture in future machines. +22092002 MIPS is a leader in what is known as reduced-instruction set computing, or RISC, a technology combining microprocessors and sophisticated software. +22092003 In joining MIPS, Control Data follows several competitors in embracing RISC as a new design approach. +22092004 Digital Equipment Corp., Tandem Computers Inc., NEC Corp. and Group Bull, among others, have similar arrangements with MIPs, based in Sunnyvale, Calif. +22092005 Control Data said it expects its first RISC-based mainframe machine to be introduced next year. +22092006 The accord with MIPS calls for Control Data to share its expertise in data storage, the companies said. +22092007 Control Data also said it is developing what it called a "supermainframe" computer, the Cyber 2000, intended for scientists, engineers and other users of generalpurpose high-performance computers. +22093001 UAL'S STOCK SKIDDED an additional $24.875, to $198, as British Airways indicated it may balk at any hastily revised version of the aborted $6.79 billion buy-out of United Air's parent. +22093002 UAL has fallen $87.25, or 31%, in the three trading days since disclosure of the buy-out's collapse jolted the stock market. +22093003 Meanwhile, investor Marvin Davis said he remains interested in UAL, but he dropped his earlier $300-a-share back-up bid. +22093004 Stock prices fell broadly in heavy trading, dominated by futures-related program selling and further declines by UAL and other airline stocks. +22093005 The Dow Jones industrials closed off 18.65 points, at 2638.73, after plunging over 60.25 points in the morning. +22093006 Bond prices ended lower after an early rally, while the dollar was mixed. +22093007 The U.S. trade deficit swelled to $10.77 billion in August, prompting worries that the nation's export drive had stalled. +22093008 Exports declined for the second month in a row, while imports rose to a record. +22093009 An analyst called it one of the worst trade reports since the dollar bottomed out in +22093010 Industrial output fell 0.1% in September, the latest sign manufacturing is slowing. +22093011 An analyst cited weaker capital spending and exports. +22093012 Bankers Trust added $1.6 billion to reserves for Third World loans, the latest big bank to take such a step. +22093013 It expects a $1.42 billion quarterly loss. +22093014 Citicorp posted a 9% drop in quarterly profit. +22093015 Manufacturers Hanover had a loss due to a big reserve addition. +22093016 Bank of New England plans to sell some operations and lay off 4% of its work force after a year of weak earnings and mounting loan problems. +22093017 Eastern Airlines' creditors have begun exploring alternative approaches to a Chapter 11 reorganization because they are unhappy with the carrier's latest proposal. +22093018 Tele-Communications agreed to buy half of Showtime Networks from Viacom for $225 million. +22093019 The move could pose a new challenge to Time Warner's Home Box Office. +22093020 The CFTC plans to curb dual trading on commodities markets, in which traders buy and sell both for their own account and for clients. +22093021 The move is likely to anger traders. +22093022 FDIC Chairman Seidman said that Lincoln Savings & Loan of California should have been seized in 1986 to contain losses he estimated will cost taxpayers as much as $2 billion. +22093023 A $67 billion spending bill was approved by House-Senate conferees that includes major provisions affecting the federal mortgage market. +22093024 Hooker's U.S. unit is expected to agree in principle this week to sell its Merksamer Jewelers chain to management, according to executives. +22093025 The deficit-reduction bill became snagged over efforts to streamline the House version of the legislation in advance of a House-Senate conference. +22093026 Integrated Resources said talks have ended with another potential buyer of its core businesses. +22093027 Three big drug makers posted robust third-quarter earnings. +22093028 Merck's profit climbed 25%, Warner-Lambert's 22% and Eli Lilly's 24%. +22093029 Markets -- +22093030 Stocks: Volume 224,070,000 shares. +22093031 Dow Jones industrials 2638.73, off 18.65; transportation 1254.27, off 49.96; utilities 214.54, off 0.19. +22093032 Bonds: Shearson Lehman Hutton Treasury index 3377.43, off +22093033 Commodities: Dow Jones futures index 129.72, unchanged; spot index 129.97, off 0.19. +22093034 Dollar: 142.75 yen, up 0.95; 1.8667 marks, off 0.0018. +22094001 Paul Ely, general partner of Alpha Partners, a venture-capital firm based in Menlo Park, Calif., was named a director of this computer company. +22094002 Mr. Ely, 57 years old, temporarily increases the board to seven members. +22094003 However, director Thomas O'Rourke has said he won't seek re-election at the company's annual meeting next month. +22095001 BroadBeach Associates Inc., the Los Angeles investment partnership whose $62-a-share bid for McGill Manufacturing Co. was topped recently by a competing offer from a Swedish concern, disclosed that it sold its entire 7% McGill stake. +22095002 McGill, a Valparaiso, Ind., ball-bearing manufacturer, had rebuffed BroadBeach's proposal. +22095003 It has since asked holders not to immediately tender their shares under a recent $72-a-share, or $104 million, bid from AB SKF of Sweden, until McGill directors have completed their evaluation. +22095004 In a Securities and Exchange Commission filing, BroadBeach said it sold the 101,000 McGill shares for $7.3 million in a private transaction on Oct. 12. +22095005 BroadBeach didn't identify the buyer of the shares, but the date of the selloff followed by one day the Swedish concern's tender offer, and the indicated price of the shares sold equals SKF's $72-a-share tender offer price. +22095006 A BroadBeach spokeswoman said the company sold the stock in the open market and thus couldn't identify the buyer or buyers. +22096001 Luis Nogales, 45 years old, has been elected to the board of this brewer. +22096002 Mr. Nogales, former president of United Press International and the Univision Spanish-language network, most recently co-founded Nogales Castro Partners, a California-based media acquisition firm. +22096003 Mr. Nogales, the first Hispanic person to serve as a Coors director, is an addition to the board, increasing its membership to nine. +22097001 Hachette S.A., a European media and publishing group, reported a small rise in its attributable first-half group profit, excluding exceptional items, to 133.8 million francs ($21.1 million) from 130.1 million francs a year earlier. +22097002 The Paris-based group said its earlier projection -- that group profit for all of 1989 would be close to the 322.7 million francs posted for 1988 -- remains valid. +22097003 Taking into account nonrecurring gains and losses, Hachette's group net income for the first six months of this year totaled 246.6 million francs, practically double the year-earlier figure of 124.5 million francs. +22097004 Analysts said Hachette's earnings in the second half might be boosted by a capital gain from the sale of the Paris headquarters of a newspaper-delivery company that is 49% owned by Hachette. +22098001 Oncor Inc., Gaithersburg, Md., said it received approval from the U.S. Food and Drug Administration to market a genetic test that will assist in diagnosis and treatment of leukemia and lymph cancer. +22098002 The B/T gene rearrangement test is more accurate than existing tests for diagnosing the type of cancer, whether it has spread or whether there is a recurrence following treatment, said Oncor President Stephen Turner. +22098003 Mr. Turner said the test initially will be used in conjunction with biopsies and other tests, but eventually might become the benchmark for tumor analysis. +22098004 Mr. Turner said the test will be shipped in 45 days to hospitals and clinical laboratories. +22098005 Dr. Wyndham Wilson, a cancer treatment specialist at the National Cancer Institute, said the test is widely used in research centers but isn't having a major impact because it is only occasionally useful in choosing the most effective treatment. +22098006 But the test may prove to be more sensitive in determining whether a tumor has spread or returned following treatment, Dr. Wilson said. +22098007 "We don't know yet how useful it's going to be," he said. +22098008 Oncor, a six-year-old developer of genetic medical tests, projects that the cancer test will help it to post its first-ever profit during the first quarter of 1990, Mr. Turner said. +22098009 The company will charge $35 for a test and projects about $2 million in revenue from the test during the first 12 months of marketing, he said. +22099001 Unilab Corp., Norcross, Ga., said it acquired the clinical laboratories of closely held Central Diagnostic Laboratory Inc. in a cash and securities transaction valued at $85 million. +22099002 Unilab said its wholly owned MetWest Inc. unit paid $25 million in cash, provided $30 million in notes and $30 million in preferred stock to acquire Central's labs in the Western U.S. +22099003 Unilab, which provides clinical laboratory services, competed with Central, based in Tarzana, Calif., in a number of areas. +22099004 Beyond removing a competitor, the combination should provide "synergies," said Fred Harlow, Unilab's chief financial officer. +22099005 It also will hand Unilab new markets. +22099006 In Los Angeles, for example, Central has had a strong market position while Unilab's presence has been less prominent, according to Mr. Harlow. +22100001 Consumers may want to move their telephones a little closer to the TV set. +22100002 Couch-potato jocks watching ABC's "Monday Night Football" can now vote during halftime for the greatest play in 20 years from among four or five filmed replays. +22100003 Two weeks ago, viewers of several NBC daytime consumer segments started calling a 900 number for advice on various life-style issues. +22100004 And the new syndicated "reality" show "Hard Copy" records viewers' opinions for possible airing on the next day's show. +22100005 Interactive telephone technology has taken a new leap in sophistication, and television programmers are racing to exploit the possibilities. +22100006 Eventually viewers may grow bored with the technology and resent the cost. +22100007 But right now programmers are figuring that viewers who are busy dialing up a range of services may put down their remote control zappers and stay tuned. +22100008 "We've been spending a lot of time in Los Angeles talking to TV production people," says Mike Parks, president of Call Interactive, which supplied technology for both ABC Sports and NBC's consumer minutes. +22100009 "With the competitiveness of the television market these days, everyone is looking for a way to get viewers more excited." +22100010 One of the leaders behind the expanded use of 900 numbers is Call Interactive, a joint venture of giants American Express Co. and American Telephone & Telegraph Co. +22100011 Formed in August, the venture weds AT&T's newly expanded 900 service with 200 voice-activated computers in American Express's Omaha, Neb., service center. +22100012 Other long-distance carriers have also begun marketing enhanced 900 service, and special consultants are springing up to exploit the new tool. +22100013 Blair Entertainment, a New York firm that advises TV stations and sells ads for them, has just formed a subsidiary -- 900 Blair -- to apply the technology to television. +22100014 The use of 900 toll numbers has been expanding rapidly in recent years. +22100015 For a while, high-cost pornography lines and services that tempt children to dial (and redial) movie or music information earned the service a somewhat sleazy image, but new legal restrictions are aimed at trimming excesses. +22100016 The cost of a 900 call is set by the originator -- ABC Sports, for example -- with the cheapest starting at 75 cents. +22100017 Billing is included in a caller's regular phone bill. +22100018 From the fee, the local phone company and the long-distance carrier extract their costs to carry the call, passing the rest of the money to the originator, which must cover advertising and other costs. +22100019 In recent months, the technology has become more flexible and able to handle much more volume. +22100020 Before, callers of 900 numbers would just listen and not talk, or they'd vote "yes" or "no" by calling one of two numbers. +22100021 (People in the phone business call this technology "900 click.") +22100022 Now, callers are led through complex menus of choices to retrieve information they want, and the hardware can process 10,000 calls in 90 seconds. +22100023 Up to now, 900 numbers have mainly been used on local TV stations and cable channels. +22100024 MTV used one to give away the house that rock star Jon Bon Jovi grew up in. +22100025 For several years, Turner Broadcasting System's Cable News Network has invited viewers to respond nightly to topical issues ("Should the U.S. military intervene in Panama?"), but even the hottest controversies on CNN log only about 10,000 calls. +22100026 The newest uses of the 900-interactive technology demonstrate the growing variety of applications. +22100027 Capital Cities/ABC Inc., CBS Inc. and General Electric Co.'s National Broadcasting Co. unit are expected to announce soon a joint campaign to raise awareness about hunger. +22100028 The subject will be written into the plots of prime-time shows, and viewers will be given a 900 number to call. +22100029 Callers will be sent educational booklets, and the call's modest cost will be an immediate method of raising money. +22100030 Other network applications have very different goals. +22100031 ABC Sports was looking for ways to lift deflated halftime ratings for "Monday Night Football." +22100032 Kurt Sanger, ABC Sports's marketing director, says that now "tens of thousands" of fans call its 900 number each week to vote for the best punt return, quarterback sack, etc. +22100033 Profit from the calls goes to charity, but ABC Sports also uses the calls as a sales tool: After thanking callers for voting, Frank Gifford offers a football videotape for $19.95, and 5% of callers stay on the line to order it. +22100034 Jackets may be sold next. +22100035 Meanwhile, NBC Sports recently began "Scores Plus," a year-round, 24-hour 900 line providing a complex array of scores, analysis and fan news. +22100036 A spokesman said its purpose is "to bolster the impression that NBC Sports is always there for people." +22100037 NBC's "On-Line" consumer minutes have increased advertiser spending during the day, the network's weakest period. +22100038 Each weekday matches a sponsor and a topic: On Mondays, Unilever N.V.'s Lever Bros. sponsors tips on diet and exercise, followed by a 30-second Lever Bros. commercial. +22100039 Viewers can call a 900 number for additional advice, which will be tailored to their needs based on the numbers they punch ("Press one if you're pregnant," etc.). +22100040 If the caller stays on the line and leaves a name and address for the sponsor, coupons and a newsletter will be mailed, and the sponsor will be able to gather a list of desirable potential customers. +22100041 Diane Seaman, an NBC-TV vice president, says NBC has been able to charge premium rates for this ad time. +22100042 She wouldn't say what the premium is, but it's believed to be about 40% above regular daytime rates. +22100043 "We were able to get advertisers to use their promotion budget for this, because they get a chance to do couponing," says Ms. Seaman. +22100044 "And we were able to attract some new advertisers because this is something new." +22100045 Mr. Parks of Call Interactive says TV executives are considering the use of 900 numbers for "talk shows, game shows, news and opinion surveys." +22100046 Experts are predicting a big influx of new shows in 1990, when a service called "automatic number information" will become widely available. +22100047 This service identifies each caller's phone number, and it can be used to generate instant mailing lists. +22100048 "Hard Copy," the new syndicated tabloid show from Paramount Pictures, will use its 900 number for additional purposes that include research, says executive producer Mark B. von S. Monsky. +22100049 "For a piece on local heroes of World War II, we can ask people to leave the name and number of anyone they know who won a medal," he says. +22100050 "That'll save us time and get people involved." +22100051 But Mr. Monsky sees much bigger changes ahead. +22100052 "These are just baby steps toward real interactive video, which I believe will be the biggest thing yet to affect television," he says. +22100053 Although it would be costly to shoot multiple versions, TV programmers could let audiences vote on different endings for a movie. +22100054 Fox Broadcasting experimented with this concept last year when viewers of "Married . . . With Children" voted on whether Al should say "I love you" to Peg on Valentine's Day. +22100055 Someday, viewers may also choose different depths of news coverage. +22100056 "A menu by phone could let you decide, `I'm interested in just the beginning of story No. 1, and I want story No. 2 in depth," Mr. Monsky says. +22100057 "You'll start to see shows where viewers program the program. +22101001 Integrated Resources Inc., the troubled financial-services company that has been trying to sell its core companies to restructure debt, said talks with a potential buyer ended. +22101002 Integrated didn't identify the party or say why the talks failed. +22101003 Last week another potential buyer, Whitehall Financial Group -- which had agreed in August to purchase most of Integrated's core companies for $310 million -- ended talks with Integrated. +22101004 Integrated said that it would continue to pursue "other alternatives" to sell the five core companies and that a group of senior executives plans to make a proposal to purchase three of the companies -- Integrated Resources Equity Corp., Resources Trust Co. and Integrated Resources Asset Management Corp. +22101005 A price wasn't disclosed. +22101006 Integrated also said it expects to report a second-quarter loss wider than the earlier estimate of about $600 million. +22101007 The company didn't disclose the new estimate but said the change was related to Integrated's failure to sell its core businesses, as well as "other events," which it didn't detail, that occurred after its announcement last week that it was in talks with the unidentified prospective buyer. +22101008 Meanwhile, a number of top sales producers from Integrated Resources Equity will meet this afternoon in Chicago to discuss their options. +22101009 The unit is a loosely constructed group of about 3,900 independent brokers and financial planners who sell insurance, annuities, limited partnerships, mutual funds and other investments for Integrated and other firms. +22101010 The sales force is viewed as a critical asset in Integrated's attempt to sell its core companies. +22101011 Whitehall cited concerns about how long Integrated would be able to hold together the sales force as one reason its talks with Integrated failed. +22101012 In composite trading on the New York Stock Exchange yesterday, Integrated closed at $1.25 a share, down 25 cents. +22101013 Integrated has been struggling to avoid a bankruptcy-law filing since June, when it failed to make interest payments on nearly $1 billion of debt. +22101014 Integrated senior and junior creditors are owed a total of about $1.8 billion. +22102001 AN EARTHQUAKE STRUCK Northern California, killing more than 50 people. +22102002 The violent temblor, which lasted about 15 seconds and registered 6.9 on the Richter scale, also caused the collapse of a 30-foot section of the San Francisco-Oakland Bay Bridge and shook Candlestick Park. +22102003 The tremor was centered near Hollister, southeast of San Francisco, and was felt as far as 200 miles away. +22102004 Numerous injuries were reported. +22102005 Some buildings collapsed, gas and water lines ruptured and fires raged. +22102006 The quake, which also caused damage in San Jose and Berkeley, knocked out electricity and telephones, cracked roadways and disrupted subway service in the Bay Area. +22102007 Major injuries weren't reported at Candlestick Park, where the third game of baseball's World Series was canceled and fans evacuated from the stadium. +22102008 Bush vowed to veto a bill allowing federal financing for abortions in cases of rape and incest, saying tax dollars shouldn't be used to "compound a violent act with the taking of an unborn life." +22102009 His pledge, in a letter to Democratic Sen. Byrd, came ahead of an expected Senate vote on spending legislation containing the provision. +22102010 East Germany's Politburo met amid speculation that the ruling body would oust hard-line leader Honecker, whose rule has been challenged by mass emigration and calls for democratic freedoms. +22102011 Meanwhile, about 125 refugees flew to Duesseldorf, West Germany, from Warsaw, the first airlift in East Germany's refugee exodus. +22102012 The World Psychiatric Association voted at an Athens parley to conditionally readmit the Soviet Union. +22102013 Moscow, which left the group in 1983 to avoid explusion over allegations that political dissidents were being certified as insane, could be suspended if the misuse of psychiatry against dissenters is discovered during a review within a year. +22102014 NASA postponed the liftoff of the space shuttle Atlantis because of rain near the site of the launch pad in Cape Canaveral, Fla. +22102015 The flight was rescheduled for today. +22102016 The spacecraft's five astronauts are to dispatch the nuclear-powered Galileo space probe on an exploratory mission to Jupiter. +22102017 Senate Democratic leaders said they had enough votes to defeat a proposed constitutional amendment to ban flag burning. +22102018 The amendment is aimed at skirting a Supreme Court ruling that threw out the conviction of a Texas flag-burner on grounds that his freedom of speech was violated. +22102019 Federal researchers said lung-cancer mortality rates for people under 45 years of age have begun to decline, particularly for white males. +22102020 The National Cancer Institute also projected that overall U.S. mortality rates from lung cancer should begin to drop in several years if cigarette smoking continues to abate. +22102021 Bush met with South Korean President Roh, who indicated that Seoul plans to further ease trade rules to ensure that its economy becomes as open as the other industrialized nations by the mid-1990s. +22102022 Bush assured Roh that the U.S. would stand by its security commitments "as long as there is a threat" from Communist North Korea. +22102023 The Bush administration is seeking an understanding with Congress to ease restrictions on U.S. involvement in foreign coups that might result in the death of a country's leader. +22102024 A White House spokesman said that while Bush wouldn't alter a longstanding ban on such involvement, "there's a clarification needed" on its interpretation. +22102025 India's Gandhi called for parliamentary elections next month. +22102026 The balloting, considered a test for the prime minister and the ruling Congress (I) Party, comes amid charges of inept leadership and government corruption. +22102027 Gandhi's family has ruled independent India for all but five years of its 42-year history. +22102028 The Soviet Union abstained from a U.N. General Assembly vote to reject Israel's credentials. +22102029 It was the first time in seven years that Moscow hasn't joined efforts, led by Moslem nations, to expel Israel from the world body, and was viewed as a sign of improving Soviet-Israeli ties. +22102030 Israel was seated by a vote of 95-37, with 15 abstentions. +22102031 Black activist Walter Sisulu said the African National Congress wouldn't reject violence as a way to pressure the South African government into concessions that might lead to negotiations over apartheid. +22102032 The 77-year-old Sisulu was among eight black political activists freed Sunday from prison. +22102033 London has concluded that Austrian President Waldheim wasn't responsible for the execution of six British commandos in World War II, although he probably was aware of the slayings. +22102034 The report by the Defense Ministry also rejected allegations that Britain covered up evidence of Waldheim's activities as a German army officer. +22102035 An international group approved a formal ban on ivory trade despite objections from southern African governments, which threatened to find alternative channels for selling elephant tusks. +22102036 The move by the Convention on Trade in Endangered Species, meeting in Switzerland, places the elephant on the endangered-species list. +22102037 An assassin in Colombia killed a federal judge on a Medellin street. +22102038 An anonymous caller to a local radio station said cocaine traffickers had slain the magistrate in retaliation for the extraditions of Colombians wanted on drug charges in the U.S. +22102039 Libyan leader Gadhafi met with Egypt's President Mubarak, and the two officials pledged to respect each other's laws, security and stability. +22102040 They stopped short of resuming diplomatic ties, severed in 1979. +22102041 The reconciliation talks in the Libyan desert town of Tobruk followed a meeting Monday in the Egyptian resort of Mersa Metruh. +22103001 Alpine Group Inc. revised its exchange offer for $43.7 million face amount of 13.5% senior subordinated debt due 1996 and extended the offer to Oct. 27 from Oct. 12. +22103002 The Hackensack, N.J., company said holders would receive for each $1,000 face amount, $750 face amount of a new issue of secured senior subordinated notes, convertible into common stock at an initial rate of $6.50 a share, and 50 common shares. +22103003 The new notes will bear interest at 5.5% through July 31, 1991, and thereafter at 10%. +22103004 Under the original proposal, the maker of specialty coatings and a developer of information-display technologies offered $400 of notes due 1996, 10 common shares and $175 in cash for each $1,000 face amount. +22103005 Completion of the exchange offer is subject to the tender of at least 80% of the debt, among other things. +22103006 Alpine, which said it doesn't plan to further extend the offer, said it received $615,000 face amount of debt under the original offer. +22104001 The stock of UAL Corp. continued to be pounded amid signs that British Airways may balk at any hasty reformulation of the aborted $6.79 billion buy-out of United Airlines' parent. +22104002 UAL stock plummeted a further $24.875 to $198 on volume of more than 2.8 million shares in New York Stock Exchange composite trading. +22104003 The plunge followed a drop of $56.875 Monday, amid indications the takeover may take weeks to be revived. +22104004 The stock has fallen $87.25, or 31%, in the three trading days since announcement of the collapse of the $300-a-share takeover jolted the entire stock market into its second-worst plunge ever. +22104005 "This is a total bloodbath" for takeover-stock traders, one investment banker said. +22104006 Los Angeles financier Marvin Davis, who put United in play with a $5.4 billion bid two months ago, last night proffered both a ray of hope and an extra element of uncertainty by saying he remains interested in acquiring UAL. +22104007 But he dropped his earlier $300-a-share back-up bid, saying he must first explore bank financing. +22104008 Even as Citicorp and Chase Manhattan Corp. scrambled to line up bank financing for a revised version of the lapsed labor-management bid, British Airways, a 15% partner in the buying group, indicated it wants to start from scratch. +22104009 Its partners are United's pilots, who were to own 75%, and UAL management at 10%. +22104010 Adding insult to injury, United's 25,000-member Machinists' union, which helped scuttle financing for the first bid, yesterday asked UAL Chairman Stephen Wolf and other UAL directors to resign. +22104011 A similar demand was made by a group that represents some of United's 26,000 noncontract employees. +22104012 John Peterpaul, Machinists union general vice president, attacked Mr. Wolf as "greedy and irresponsible" for pursuing the buy-out. +22104013 Although Mr. Wolf and John Pope, UAL's chief financial officer, stood to pocket $114.3 million for stock and options in the buy-out, UAL executives planned to reinvest only $15 million in the new company. +22104014 The blue-collar machinists, longtime rivals of the white-collar pilots, say the buyout would load the company with debt and weaken its finances. +22104015 Confusion about the two banks' hurried efforts to round up financing for a new bid that the UAL board hasn't even seen yet helped send UAL stock spiraling downward. +22104016 And rumors of forced selling by takeover-stock traders triggered a 25-point downdraft in the Dow Jones Industrial Average around 11:15 a.m. EDT yesterday. +22104017 Yesterday's selling began after a Japanese news agency reported that Japanese banks, which balked at the first bid, were ready to reject a revised version at around $250 a share, or $5.65 billion. +22104018 Several reports as the day progressed gave vague or conflicting indications about whether banks would sign up. +22104019 Citicorp, for example, said only that it had "expressions of interest of a transaction from both the borrowers and the banks," but didn't have an agreement. +22104020 Late in the day, Mr. Wolf issued a onepage statement calling Mr. Peterpaul's blast "divisive and uncalled for." +22104021 But he gave few details on the progress toward a new bid, saying only, "We are working toward a revised proposal for majority employee ownership." +22104022 Meanwhile, in another sign that a new bid isn't imminent, it was learned that the UAL board held a telephone meeting Monday to hear an update on the situation, but that a formal board meeting isn't likely to be convened until early next week. +22104023 In London, British Airways Chairman Lord King was quoted in the Times as declaring he is "not prepared to take my shareholders into a hasty deal." +22104024 Observers said it appeared that British Air was angered at the way the bid has degenerated into confusion, as well as by the banks' effort to round up financing for what one called "a deal that isn't a deal." +22104025 The effort to revive the bid was complicated by the unwieldy nature of the three-party buying group. +22104026 The pilots were meeting outside Chicago yesterday. +22104027 But British Air, which was to have supplied $750 million out of $965 million in equity financing, apparently wasn't involved in the second proposal and could well reject it even if banks obtain financing. +22104028 A group of United's noncontract employees said in a statement, "The fact that Wolf and other officers were going to line their pockets with literally millions of dollars while instituting severe pay cuts on the nonunion employees of United is not only deplorable but inexcusable." +22104029 The machinists also asked for an investigation by the Securities and Exchange Commission into possible securities-law violations in the original bid for UAL by Mr. Davis, as well as in the response by UAL. +22104030 Last week, just before the bank commitments were due, the union asked the U.S. Labor Department to study whether the bid violated legal standards of fairness governing employee investment funds. +22104031 In his statement, Mr. Wolf said, "We continue to believe our approach is sound, and that it is far better for all employees than the alternative of having an outsider own the company with employees paying for it just the same." +22104032 Mr. Wolf has eschewed merger advice from a major Wall Street securities firm, relying instead only on a takeover lawyer, Peter Atkins of Skadden Arps Slate Meagher & Flom. +22104033 The huge drop in UAL stock prompted one takeover stock trader, George Kellner, managing partner of Kellner, DiLeo & Co., to deny publicly rumors that his firm was going out of business. +22104034 Mr. Kellner said that despite losses on UAL stock, his firm's health is "excellent." +22104035 The stock's decline also has left the UAL board in a quandary. +22104036 Although it may not be legally obligated to sell the company if the buy-out group can't revive its bid, it may have to explore alternatives if the buyers come back with a bid much lower than the group's original $300-a-share proposal. +22104037 At a meeting Sept. 1 to consider the labor-management bid, the board also was informed by its investment adviser, First Boston Corp., of interest expressed by buy-out funds including Kohlberg Kravis Roberts & Co. and Forstmann Little & Co., as well as by Robert Bass, Morgan Stanley's buy-out fund, and Pan Am Corp. +22104038 The takeover-stock traders were hoping that Mr. Davis or one of the other interested parties might re-emerge with the situation in disarray, or that the board might consider a recapitalization. +22104039 Meanwhile, Japanese bankers said they were still hesitant about accepting Citicorp's latest proposal. +22105001 Macmillan Inc. said it plans a public offering of 8.4 million shares of its Berlitz International Inc. unit at $19 to $21 a share. +22105002 The offering for the language school unit was announced by Robert Maxwell, chairman and chief executive officer of London-based Maxwell Communication Corp., which owns Macmillan. +22105003 After the offering is completed, Macmillan will own about 56% of the Berlitz common stock outstanding. +22105004 Five million shares will be offered in the U.S., and 3.4 million additional shares will be offered in concurrent international offerings outside the U.S. +22105005 Goldman, Sachs & Co. will manage the offering. +22105006 Macmillan said Berlitz intends to pay quarterly dividends on the stock. +22105007 The company said it expects to pay the first dividend, of 12.5 cents a share, in the 1990 first quarter. +22105008 Berlitz will borrow an amount equal to its expected net proceeds from the offerings, plus $50 million, in connection with a credit agreement with lenders. +22105009 The total borrowing will be about $208 million, the company said. +22105010 Proceeds from the borrowings under the credit agreement will be used to pay an $80 million cash dividend to Macmillan and to lend the remainder of about $128 million to Maxwell Communications in connection with a promissory note. +22105011 Proceeds from the offering will be used to repay borrowings under the short-term parts of a credit agreement. +22105012 Berlitz, which is based in Princeton, N.J., provides language instruction and translation services through more than 260 language centers in 25 countries. +22105013 In the past five years, more than 68% of its sales have been outside the U.S. +22105014 Macmillan has owned Berlitz since 1966. +22105015 In the first six months of this year, Berlitz posted net income of $7.6 million on sales of $106.2 million, compared with net income of $8.2 million on sales of $90.6 million. +22106001 Right away you notice the following things about a Philip Glass concert. +22106002 It attracts people with funny hair (or with no hair -- in front of me a girl with spiked locks sat beside a boy who had shaved his). +22106003 Whoever constitute the local Left Bank come out in force, dressed in black, along with a smattering of yuppies who want to be on the cutting edge. +22106004 People in Glass houses tend to look stoned. +22106005 And, if still conscious at the evening's end, you notice something else: The audience, at first entranced and hypnotized by the music, releases its pent-up feelings in collective gratitude. +22106006 Currently in the middle of a four-week, 20-city tour as a solo pianist, Mr. Glass has left behind his synthesizers, equipment and collaborators in favor of going it alone. +22106007 He sits down at the piano and plays. +22106008 And plays. +22106009 Either one likes it or one doesn't. +22106010 The typical Glass audience, which is more likely to be composed of music students than their teachers, certainly does. +22106011 The work, though, sounds like Muzak for spaceships. +22106012 Philip Glass is the emperor, and his music the new clothes, of the avant-garde. +22106013 His success is easy to understand. +22106014 Softly introducing and explaining his pieces, Mr. Glass looks and sounds more like a shaggy poet describing his work than a classical pianist playing a recital. +22106015 The piano compositions, which have been labeled variously as minimalist, Oriental, repetitive, cyclical, monophonic and hypnotic, are relentlessly tonal (therefore unthreatening), unvaryingly rhythmic (therefore soporific), and unflaggingly harmonious but unmelodic (therefore both pretty and unconventional). +22106016 It is music for people who want to hear something different but don't want to work especially hard at the task. +22106017 It is E-Z listening for the now generation. +22106018 Mr. Glass has inverted the famous modernist dictum "less is more." +22106019 His more is always less. +22106020 Far from being minimalist, the music unabatingly torments us with apparent novelties not so cleverly disguised in the simplicities of 4/4 time, octave intervals, and ragtime or gospel chord progressions. +22106021 But the music has its charm, and Mr. Glass has constructed his solo program around a move from the simple to the relatively complex. +22106022 "Opening" (1981), from Glassworks, introduces the audience to the Glass technique: Never straying too far from the piano's center, Mr. Glass works in the two octaves on either side of middle C, and his fingers seldom leave the keys. +22106023 There is a recognizable musical style here, but not a particular performance style. +22106024 The music is not especially pianistic; indeed, it's hard to imagine a bad performance of it. +22106025 Nothing bravura, no arpeggios, no ticklish fingering problems challenge the performer. +22106026 We hear, we may think, inner voices, but they all seem to be saying the same thing. +22106027 With "Planet News," music meant to accompany readings of Allen Ginsberg's "Wichita Vortex Sutra," Mr. Glass gets going. +22106028 His hands sit farther apart on the keyboard. +22106029 Seventh chords make you feel as though he may break into a (very slow) improvisatory riff. +22106030 The chords modulate, but there is little filigree even though his fingers begin to wander over more of the keys. +22106031 Contrasts predictably accumulate: First the music is loud, then it becomes soft, then (you realize) it becomes louder again. +22106032 "The Fourth Knee Play," an interlude from "Einstein on the Beach," is like a toccata but it doesn't seem to move much beyond its left-hand ground in "Three Blind Mice." +22106033 When Mr. Glass decides to get really fancy, he crosses his hands and hits a resonant bass note with his right hand. +22106034 He does this in at least three of his solo pieces. +22106035 You might call it a leitmotif or a virtuoso accomplishment. +22106036 In "Mad Rush," which came from a commission to write a piece of indeterminate length (Mr. Glass charmingly, and tellingly, confessed that "this was no problem for me"), an A section alternates with a B section several times before the piece ends unresolved. +22106037 Not only is the typical Glasswork open-ended, it is also often multiple in its context(s). +22106038 "Mad Rush" began its life as the accompaniment to the Dalai Lama's first public address in the U.S., when Mr. Glass played it on the organ at New York's Cathedral of St. John the Divine. +22106039 Later it was performed on Radio Bremen in Germany, and then Lucinda Childs took it for one of her dance pieces. +22106040 The point is that any piece can be used as background music for virtually anything. +22106041 The evening ended with Mr. Glass's "Metamorphosis," another multiple work. +22106042 Parts 1, 2, and 5 come from the soundtrack of Errol Morris's acclaimed film, "The Thin Blue Line," and the two other parts from incidental music to two separate dramatizations of the Kafka story of the same name. +22106043 When used as background in this way, the music has an appropriate eeriness, as when a two-note phrase, a descending minor third, accompanies the seemingly endless litany of reports, interviews and confessions of witnesses in the Morris film. +22106044 Served up as a solo, however, the music lacks the resonance provided by a context within another medium. +22106045 Admirers of Mr. Glass may agree with the critic Richard Kostelanetz's sense that the 1974 "Music in Twelve Parts" is as encyclopedic and weighty as "The Well-Tempered Clavier." +22106046 But while making the obvious point that both composers develop variations from themes, this comparison ignores the intensely claustrophobic nature of Mr. Glass's music. +22106047 Its supposedly austere minimalism overlays a bombast that makes one yearn for the astringency of neoclassical Stravinsky, the genuinely radical minimalism of Berg and Webern, and what in retrospect even seems like concision in Mahler. +22106048 Mr. Spiegelman is professor of English at Southern Methodist University and editor of the Southwest Review. +22107001 Honeywell Inc. said it hopes to complete shortly the first of two sales of shares in its Japanese joint venture, Yamatake-Honeywell, for about $280 million. +22107002 The company wouldn't disclose the buyer of the initial 16% stake. +22107003 Proceeds of the sale, expected to be completed next week, would be used to repurchase as many as 10 million shares of Honeywell stock, the company said. +22107004 Honeywell said it is negotiating the sale of a second stake in Yamatake-Honeywell, but indicated it intends to hold at least 20% of the joint venture's stock long term. +22107005 A 20% stake would allow Honeywell to include Yamatake earnings in its results. +22107006 Honeywell previously said it intended to reduce its holding in the Japanese concern as part of a restructuring plan which also calls for a reduction of dependence on weapons sales. +22107007 Yesterday a spokeswoman said the company was "pleased with our progress" in that regard and "hopes to provide additional details soon." +22107008 Honeywell said its Defense and Marine Systems group incurred delays in shipping some undisclosed contracts during the third quarter, resulting in lower operating profit for that business. +22107009 Overall, Honeywell reported earnings of $74.4 million, or $1.73 a share, for the three months ended Oct. 1 compared with a loss of $41.4 million, or 98 cents a share, a year earlier. +22107010 The previous period's results included a $108 million pretax charge related to unrecoverable contract costs and a $12.3 million pretax gain on real estate sales. +22107011 Sales for the latest quarter were flat, at $1.72 billion. +22107012 For the nine months, Honeywell reported earnings of $212.1 million, or $4.92 a share, compared with earnings of $47.9 million, or $1.13 a share, a year earlier. +22107013 Sales declined slightly to $5.17 billion. +22108001 Once again, your editorial page misstates the law to conform to your almost beatific misperceptions. +22108002 In an excursus of little relevance to his central point about private enforcement suits by environmental groups, Michael S. Greve informs your readers, ". . . the Clean Water Act is written upon the presumption -- the pretense, rather -- that nothing but zero risk will do; it establishes a legal standard of zero discharge" ("Congress's Environmental Buccaneers," Sept. 18). +22108003 This statement surely buttresses your editorial viewpoint that environmental protection is generally silly or excessive, but it is simply wrong. +22108004 The Clean Water Act contains no "legal standard" of zero discharge. +22108005 It requires that "discharges of pollutants" into the "waters of the United States" be authorized by permits that reflect the effluent limitations developed under section 301. +22108006 Whatever may be the problems with this system, it scarcely reflects "zero risk" or "zero discharge." +22108007 Perhaps Mr. Greve was confused by Congress's meaningless statement of "the national goal" in section 101, which indeed calls for the elimination of discharges -- by 1985, no less. +22108008 This fatuous statement was not taken seriously when enacted in 1972, and should not now be confused with the operative provisions of the statute. +22108009 Thus, you do the public a great disservice when Mr. Greve suggests, even facetiously, that the Clean Water Act prohibits the preparation of a scotch and water; your tippling readers may be led to believe that nothing but chance or oversight protects them, as they cower in the night with their scotch and waters, from the hairyknuckled knock of the Sierra Club at their doors. +22108010 Robert J. McManus +22109001 National Geographic, the sixth-largest U.S. magazine, is attracting more readers than ever and offers the glossy, high-toned pages that upscale advertisers love. +22109002 So why did advertising pages plunge by almost 10% and ad revenue by 7.2% in the first half? +22109003 To hear advertisers tell it, the magazine just hasn't kept up with the times. +22109004 Despite renewed interest by the public in such topics as the environment and the Third World, it hasn't been able to shake its reputation as a magazine boys like to flip through in search of topless tribe women. +22109005 Worse, it lagged behind competitors in offering now-standard gimmicks, from regional editions to discounts for frequent advertisers. +22109006 But now, the magazine is attempting to fight back, with an ambitious plan including a revamped sales strategy and a surprisingly aggressive ad campaign. +22109007 Advertisers don't think of the magazine first, says Joan McCraw, who joined in April as national advertising director. +22109008 "What we want to do is take a more aggressive stance. +22109009 People didn't believe we were in tune with the marketplace, and in many ways we weren't." +22109010 The 101-year-old magazine has never had to woo advertisers with quite so much fervor before. +22109011 It largely rested on its hard-to-fault demographics: 10.8 million subscribers in the first half, up from 10.5 million a year ago; an average age of 42 for readers -- at the height of their consuming years; loyalty to the tune of an 85% average subscription renewal rate. +22109012 The magazine had its best year yet in 1988, when it celebrated its centennial and racked up a 17% gain in ad pages, to 283. +22109013 But this year, when the hullabaloo surrounding its centennial died, so too did some advertiser interest. +22109014 The reason, ad executives say, is that the entire magazine business has been soft -- and National Geographic has some quirks that make it especially unattractive during a soft market. +22109015 Perhaps the biggest of those factors is its high ad prices -- $130,000 for a four-color page, vs. $47,000 for the Smithsonian, a comparable publication with a far smaller circulation. +22109016 When ad dollars are tight, the high page cost is a major deterrent for advertisers, who generally want to appear regularly in a publication or not at all. +22109017 Even though National Geographic offers far more readers than does a magazine like Smithsonian, "the page costs you an arm and a leg to develop any frequency,"says Harry Glass, New York media manager for Bozell Inc. +22109018 To combat that problem, National Geographic, like other magazines, began offering regional editions allowing advertisers to appear in only a portion of its magazines -- for example, ads can run only in the magazines sent to subscribers in the largest 25 markets. +22109019 But the magazine was slower than its competitors to come up with its regional editions, and until last year offered fewer of them than did competitors. +22109020 Time magazine, for example, has more than 100 separate editions going to different regions, top management, and other groups. +22109021 Another sticking point for advertisers was National Geographic's tradition of lumping its ads together, usually at the beginning or end of the magazine, rather than spreading ads out among its articles, as most magazines do. +22109022 And National Geographic's smaller-than-average size means extra production costs for advertisers. +22109023 But Ms. McCraw says the magazine is fighting back. +22109024 It now offers 30 regional editions, it very recently began running ads adjacent to articles, and it has been beefing up its sales force. +22109025 And it just launched a promotional campaign to tell chief executives, marketing directors, and media executives just that. +22109026 The centerpiece of the promotion is its new ad campaign, into which the magazine will pour about $500,000, mostly in the next few weeks. +22109027 The campaign, created by Omnicom Group's DDB Needham agency, takes advantage of the eye-catching photography that National Geographic is known for. +22109028 In one ad, a photo of the interior of the Sainte-Chapelle in Paris is paired with the headline, "The only book more respected than ours doesn't accept advertising." +22109029 Another ad pictures a tree ant, magnified 80 times, with the headline, "For impact far beyond your size consider our regional editions." +22109030 Ms. McCraw says she wants the campaign to help attract advertisers in 10 categories, including corporate, financial services, consumer electronics, insurance and food. +22109031 Her goal: to top 300 ad pages in 1990, up from about 274 this year. +22109032 Whether she can meet that ambitious goal is still far from certain. +22109033 "The ad campaign is meant to contemporize the thought of National Geographic," she says. +22109034 "We want it to be a '90s kind of image." +22109035 WCRS Plans Ad-Unit Sale +22109036 WCRS Group hopes to announce, perhaps today, an agreement to sell the majority of its ad unit to Paris-based Eurocom, a European ad executive said. +22109037 WCRS has been in discussions with Eurocom for several months. +22109038 However, when negotiations bogged down recently, WCRS's chief executive, Peter Scott, met in Paris with another French firm, Boulet Dru Dupuy Petit, or BDDP. +22109039 According to the executive, BDDP's involvement prompted renewed vigor in the WCRS-Eurocom talks and the two agencies were hoping to hammer out details by today. +22109040 Executives of the two agencies couldn't be reached last night. +22109041 Ad Notes. . . . +22109042 NEW ACCOUNT: Procter & Gamble Co., Cincinnati, awarded the ad accounts for its line of Professional Crisco vegetable shortening and oil products to Northlich, Stolley, LaWarre, Cincinnati. +22109043 Billings weren't disclosed. +22109044 Professional Crisco products are specially made for the foodservice industry. +22109045 WHO'S NEWS: Stephen Novick, 49, was named executive vice president, deputy creative director at Grey Advertising, New York. +22109046 He was executive vice president, director of broadcast production. +22110001 The Commodity Futures Trading Commission plans to restrict dual trading on commodity exchanges, a move almost certain to infuriate exchange officials and traders. +22110002 The CFTC said it will propose the restrictions after the release of a study that shows little economic benefit resulting from dual trading and cites "problems" associated with the practice. +22110003 Dual trading gives an exchange trader the right to trade both for his own account and for customers. +22110004 The issue exploded this year after a Federal Bureau of Investigation operation led to charges of widespread trading abuses at the Chicago Board of Trade and Chicago Mercantile Exchange. +22110005 While not specifically mentioned in the FBI charges, dual trading became a focus of attempts to tighten industry regulations. +22110006 Critics contend that traders were putting buying or selling for their own accounts ahead of other traders' customer orders. +22110007 Traders are likely to oppose such restrictions because dual trading provides a way to make money in slower markets where there is a shortage of customer orders. +22110008 The exchanges contend that dual trading improves liquidity in the markets because traders can buy or sell even when they don't have a customer order in hand. +22110009 The exchanges say liquidity becomes a severe problem for thinly traded contracts such as those with a long time remaining before expiration. +22110010 The CFTC may take those arguments into account by allowing exceptions to its restrictions. +22110011 The agency didn't cite specific situations where dual trading might be allowed, but smaller exchanges or contracts that need additional liquidity are expected to be among them. +22110012 Wendy Gramm, the agency's chairman, told the Senate Agriculture Committee that she expects the study to be released within two weeks and the rule changes to be completed by Thanksgiving. +22110013 The study, by the CFTC's division of economic analysis, shows that "a trade is a trade," a member of the study team said. +22110014 Whether a trade is done on a dual or non-dual basis, the member said, "doesn't seem to have much economic impact." +22110015 Currently, most traders on commodity exchanges specialize in trading either for customer accounts, which makes them brokers, or for their own accounts as socalled locals. +22110016 "The tests indicate that dual and non-dual traders are similar in terms of the trade executions and liquidity they provide to the market," Mrs. Gramm told the Senate panel. +22110017 Members of Congress have proposed restricting dual trading in bills to reauthorize CFTC operations. +22110018 The House's bill would prohibit dual trading in markets with daily average volume of 7,000 contracts or more, comprising those considered too difficult to track without a sophisticated computer system. +22110019 The Senate bill would force the CFTC to suspend dual trading if an exchange can't show that its oversight system can detect dual-trading abuses. +22110020 So far, one test of restricting dual trading has worked well. +22110021 The Chicago Merc banned dual trading in its Standard & Poor's 500-stock index futures pit in 1987. +22110022 Under the rules, traders decide before a session begins whether they will trade for their own account or for customers. +22110023 Traders who stand on the pit's top step, where most customer orders are executed, can't trade for themselves. +22110024 A Merc spokesman said the plan hasn't made much difference in liquidity in the pit. +22110025 "It's too soon to tell . . . but people don't seem to be unhappy with it," he said. +22110026 He said he wouldn't comment on the CFTC plan until the exchange has seen the full proposal. +22110027 But at a meeting last week, Tom Donovan, the Board of Trade's president, told commodity lawyers: "Dual trading is definitely worth saving. +22110028 It adds something to the market. +22111001 Japanese Firms Push Posh Car Showrooms +22111002 JAPANESE luxury-car makers are trying to set strict design standards for their dealerships. +22111003 But some dealers are negotiating looser terms, while others decline to deal at all. +22111004 Nissan Motor Co.'s Infiniti division likes to insist that every dealer construct and furnish a building in a Japanese style. +22111005 Specifications include a polished bronze sculpture at the center of each showroom and a tile bridge spanning a stream that flows into the building from outside. +22111006 "Infiniti has it down to the ashtrays," says Jay Ferron, a partner at J.D. Power & Associates, an auto research firm. +22111007 Toyota Motor Corp.'s Lexus division also provides specifications. +22111008 But only two-thirds of Lexus dealers are constructing new buildings according to the Lexus specs. +22111009 Some are even coming up with their own novel designs. +22111010 In Louisville, Ky., for example, David Peterson has built a Lexus dealership with the showroom on the second floor. +22111011 Yet some dealers have turned down Infiniti or Lexus franchises because they were unwilling or unable to meet the design requirements. +22111012 Lee Seidman of Cleveland says Infiniti "was a bear on interiors" but at least let him retrofit an existing building -- without the stream. +22111013 Mr. Seidman says he turned down a Lexus franchise in part because "the building was gorgeous but very expensive." +22111014 To head off arguments, Infiniti offers dealers cash bonuses and low-interest construction loans. +22111015 Dictation Device's Saga Plays Back a Lesson +22111016 PRODUCTS DON'T have to be first to be winners. +22111017 That's the lesson offered through one case study featured in a design exhibit. +22111018 Dictaphone Corp. was caught off guard in 1974 when its main competitor, Lanier Office Products of Japan, introduced a microcassette dictation recorder half the size of standard cassette devices. +22111019 Blocked by patent protection from following suit, Dictaphone decided to go a step further and cut the cassette in half again -- down to the length of a paperclip. +22111020 By 1979, designers and engineers at Dictaphone, a Pitney Bowes subsidiary, had produced a working model of a "picocassette" recorder. +22111021 By 1982, however, the patent status of the Lanier microcassette had changed, permitting Dictaphone to develop its own competitive micro system, which it did. +22111022 Marketing and sales departments then urged abandonment of the pico project. +22111023 But others said pico should proceed. +22111024 Both were right. +22111025 Dictaphone went ahead and introduced the pico in 1985, but it hasn't sold well. +22111026 To date, says Emil Jachmann, a Dictaphone vice president, it has "broken even or shown a small loss." +22111027 Nevertheless, the device has been successful in other ways. +22111028 It helped Dictaphone attract better engineers, and it provided new technology for other company products. +22111029 The picocassette recorder also helped transform the company's reputation from follower to leading-edge innovator. +22111030 "It gave me great pride to see the inventor of the microcassette in Japan look at the pico and shake his head and say `unbelievable,'" says Mr. Jachmann. +22111031 Dictaphone's picocassette recorder is one of 13 case studies in the TRIAD Design Project, sponsored by the Design Management Institute of Boston and Harvard Business School. +22111032 The studies are on exhibit at Harvard this month and will travel to Chicago's Institute of Design and the University of California at Berkeley. +22111033 A Rake's Progress Means Branching Out +22111034 ONE DAY Carl Barrett of Mobile, Ala., was raking some sycamore leaves, but the rake kept riding up over the piles. +22111035 The harder he tried to push them into large piles, the closer he came to breaking the rake and straining his back. +22111036 So Mr. Barrett, then vice president of the Alabama Steamship Association, took a steel-toothed garden rake and taped it to the underside of a leaf rake about nine inches up. +22111037 His crude device worked: The lower teeth gathered the leaves into a pile, while the higher, harder teeth moved the top of the pile. +22111038 Now incorporated into a polypropylene rake, the four-inch prongs, or "wonderbars," also are supposed to aid in picking up leaves. +22111039 One customer, Donald Blaggs of Mobile, says the Barrett Rake allowed him to do his lawn in 2 1/2 hours, two hours less than usual. +22111040 But other rake makers have their doubts. +22111041 Richard Mason, president of Ames Co. in Parkersburg, W. Va., says the Barrett rake "makes sense," but it would be "tough" to explain to consumers. +22111042 John Stoner, marketing director for True Temper Corp., a subsidiary of Black & Decker, says people don't want to move a leaf pile. +22111043 "They either pick it up," he says, "or they start pulling from a fresh direction." +22111044 Odds and Ends +22111045 NO MORE STUBBED toes or bruised shins, promises Geste Corp. of Goshen, Ind., the designer of a bed support to replace traditional frames. +22111046 Four tubular steel "Bedfellows," each roughly in the shape of a "W," are attached to the bottom of the box spring in a recessed position. . . . +22111047 Nearly half of U.S. consumers say they'll pay up to 5% more for packaging that can be recycled or is biodegradable, according to a survey commissioned by the Michael Peters Group, a design consultant. +22112001 The Pentagon is a haunted house. +22112002 Living there for six years was really scary. +22112003 The ghosts of the past are everywhere: They are kept at bay only by feeding them vast quantities of our defense budget. +22112004 Some can be bought off relatively cheaply. +22112005 During the Korean War, Gen. Douglas MacArthur demanded and got, in addition to his U.N. command in Korea, his own naval command in Japan, NavforJapan. +22112006 Those obsolete operations cost less than $2 billion a year, and keep Mac's ghost quiet. +22112007 That's about all it costs to appease Adm. Erich Raeder's ghost. +22112008 In 1941, Raeder and the German navy threatened to attack the Panama Canal, so we created the Southern Command in Panama. +22112009 The Southern Command has grown even bigger since the war because Raeder's ghost sometimes runs through the E ring dressed like Gen. Noriega. +22112010 The Command's huge bureaucracy is needed to analyze whether leaders of coups against Gen. Noriega meet the War Powers Act's six points, Cap Weinberger's seven points, the Intelligence Committee's 32 points and Woodrow Wilson's 14 points necessary to justify U.S. support. +22112011 So far no one has. +22112012 The ghost of the Soviet brigade discovered in Cuba back in the '70s costs just a few hundred million: the price of the Caribbean Command in Key West that President Carter created in 1980. +22112013 The brigade hasn't been heard from since, but we keep the staff around just in case. +22112014 George Marshall's ghost is much more difficult to keep happy. +22112015 We keep a lot of shrines to him around the Pentagon: statues, busts, relics and such. +22112016 The Army headquarters on the third deck of the Pentagon used to burn a lot of incense to him, but the Navy headquarters on the fourth deck made them stop it. +22112017 You see, Marshall had this thing about the Navy and the Marines -- he wanted to make them part of the Army but Secretary of the Navy James Forrestal blocked him. +22112018 Now his ghost won't let up till it's done. +22112019 To keep him quiet we invent a new unified command every year or so run by the Army or the Air Force and put more of the Navy and Marines under it. +22112020 But we still hear him moaning at night because the Navy has a few ships left, and to satisfy him the Navy's sea lift forces were given to a new Air Force bureaucracy in Illinois, its space operations to another command in Colorado, the frogmen to a new Army bureaucracy in Fort Bragg, and the Navy's Indian Ocean and Persian Gulf forces to an Army bureaucracy in Florida. +22112021 Which brings up the worst and meanest ghost of all -- the ghost of the shah of Iran. +22112022 When the shah died, President Carter was so scared that the shah's ghost would blame him for shoving him out to make way for the ayatollah that he declared the Carter Doctrine. +22112023 Mr. Carter said he would go to war to stop anyone from trying to grab Iran. +22112024 But that ghost wouldn't settle for words, he wanted money and people -- lots. +22112025 So Mr. Carter formed three new Army divisions and gave them to a new bureaucracy in Tampa called the Rapid Deployment Force. +22112026 But that ghost wasn't fooled; he knew the RDF was neither rapid nor deployable nor a force -- even though it cost $8 billion or $10 billion a year. +22112027 After Mr. Carter was defeated in 1980, the shah's ghost claimed the credit and then went after President Reagan and Cap Weinberger. +22112028 I saw what he did to them firsthand. +22112029 It made my shoelaces dance with terror. +22112030 Why, he used to lay in wait for Cap; suddenly he'd leap from behind some statue of Marshall onto Cap's chest and grab him by the throat and choke him till he coughed up an additional $2 billion or so. +22112031 Cap added four more divisions to the Army, two active and two reserve; two carrier groups to the Navy; a division -- equivalent to the Marines; and the C-5B, KC-10, C-17 and a thousand tactical aircraft to the Air Force. +22112032 He bought $4 billion in prepositioning ships and $7 billion in ammo and equipment to fill them, and parked them at a new $6 billion base at Diego Garcia in the middle of the Indian Ocean. +22112033 He dedicated all these new forces to the Persian Gulf. +22112034 One night both Marshall's ghost and the shah's ghost together caught Cap and threw him to the ground. +22112035 Before they let him go he added a thousand bureaucrats to the RDF in Tampa and renamed it Central Command. +22112036 He gave those bureaucrats charge of all naval operations in the Persian Gulf and Indian Ocean. +22112037 Marshall figured it would be good training for those soldiers -- someday maybe they would get the whole Navy. +22112038 They had fun moving the carriers around, but it turned out that they had forgotten all about mine sweepers. +22112039 But the shah still kept leaping out at Cap, so Cap bought a hundred merchant ships more and $7 billion of loading barges, ramps, etc., in order that those seven new Army divisions and three Marine brigades could unload from all those new ships and aircraft and go to war in the Zagros mountains. +22112040 Then suddenly Ike's ghost came to visit and said, "What the hell are you doing planning for a land war in Asia 12,000 miles away? +22112041 We'd get our asses kicked." +22112042 Lucky for Cap, Ike was easygoing and soon went away, while the shah -- he kept coming back. +22112043 So the U.S. found itself paying about $2 billion in baksheesh to various Arab potentates for basing rights around the Indian Ocean. +22112044 We had great success in Somalia. +22112045 But then it turned out that President Siad Barrah was not at all a nice person and the Navy pointed out that the base he promised us in Berbera had silted up about a hundred years ago and anyway was 1,244 miles from the mouth of the Gulf. +22112046 (But who's counting.) +22112047 Still, Berbera was the best we could get, so we stay in bed with President Barrah. +22112048 All these reports about him committing genocide are probably exaggerated anyway. +22112049 But wouldn't you know, now that we are spending jillions of dollars, and have built those new divisions and new air wings, and have positioned all these ships and supplies to fight the Russians in Iran, the Russians seem to have lost interest in the whole subject. +22112050 Meanwhile, Congress is cutting huge chunks out of the rest of the defense budget. +22112051 Predictably, some Navy guys said: "Do we still need to keep all 18 Army divisions on active duty and all those extra land-based aircraft without bases and all those Army guys playing admiral in Tampa? +22112052 Couldn't we save $20 billion or $30 billion a year by shifting that stuff to the reserves? +22112053 And why not save the costs of a thousand bureaucrats by abolishing Central Command and putting responsibility for Gulf naval operations back where it belongs, afloat with the task force commander in the Gulf? +22112054 And where were all our handsomely paid Indian Ocean allies last year when our convoys were being attacked?" +22112055 Questions like that really stir up Marshall's ghost. +22112056 He appeared late one night in the bedroom of the new defense secretary, Dick Cheney. +22112057 Marshall came clanking in like Marley's ghost dragging those chains of brigades and air wings and links with Arab despots. +22112058 He wouldn't leave until Mr. Cheney promised to do whatever the Pentagon systems analysts told him. +22112059 So next day Mr. Cheney went out and did just that: He canceled the 600-ship Navy and cut back one carrier and 20 frigates. +22112060 Then he canceled production of the Navy's most important carrier aircraft, the F-14 and the A-6. +22112061 On the other hand, Mr. Cheney retained all those new land forces. +22112062 Marshall's ghost is satisfied for now, but he'll be back. +22112063 What with Halloween coming and bigger defense cuts looming, more and more Pentagon bureaucrats are crawling under their desks. +22112064 They know that they can hold off the ghosts only a little while longer by cutting carriers and ships. +22112065 Then the whole thing will start to collapse, just as it did in the 1970s, and the ghosts and banshees will be howling through the place turning people's hair white. +22112066 Gives me the willies just thinking about it. +22112067 Mr. Lehman, a Reagan Navy secretary, is a managing director of PaineWebber. +22113001 The metal and marble lobby of CenTrust Bank's headquarters is grander than your average savings and loan. +22113002 For one thing, there is an old master on the wall -- "Samuel Anointing David," a big baroque canvas painted by Mattia Preti, a 17th-century Neapolitan. +22113003 At the moment, however, the painting is a nagging reminder of the problems that have engulfed CenTrust and its flamboyant chairman and chief executive, David L. Paul. +22113004 In an international buying spree that began barely two years ago, Mr. Paul amassed a collection of about 30 pre-18th-century works, including the Preti, at a total cost of $28 million. +22113005 By midnight Oct. 6, all of the paintings were supposed to have been sold off, under orders from Florida's comptroller, whose office regulates the state's S&Ls. +22113006 CenTrust didn't meet the deadline. +22113007 The collection was at the heart of a grandiose plan Mr. Paul had in which the art was to do double duty -- as an investment for CenTrust and as decoration for the S&L's new office tower, designed by I.M. Pei. +22113008 The rub is that the $28 million was plucked from the funds of this federally insured institution even as CenTrust was losing money hand over fist. +22113009 Mr. Paul had no right to buy art for the S&L in the first place -- it isn't on the comptroller's "permissible" list -- without seeking a special dispensation, which he did not do. +22113010 Besides that, some of the paintings that were to grace the walls of CenTrust actually ended up hanging in the chairman's estate on La Gorce Isle off Miami Beach. +22113011 Last spring, the comptroller's office called a halt to Mr. Paul's fling, giving him six months to sell the paintings. +22113012 The acquisitions, officials said in a letter to Mr. Paul, were "unsafe, unsound and unauthorized." +22113013 So far, Mr. Paul has unloaded but three of his masterpieces, he won't say to whom. +22113014 The comptroller's office says it is "monitoring the situation." +22113015 Though the agency could remove Mr. Paul, it has no current intention to do that. +22113016 "It's not like selling Chevrolets," Mr. Paul says, as he takes a drag on a goldbanded St. Moritz cigarette. +22113017 "The last six months has established the quality of the collection. +22113018 There's no fire sale here." +22113019 Despite Mr. Paul's characteristic hauteur, the 50-year-old, chain-smoking dynamo is finding that getting CenTrust -- Florida's largest thrift institution -- out of its riskiest investments is much tougher than getting into them had been. +22113020 Paintings are just part of the picture. +22113021 Although Mr. Paul has pared a $1.35 billion junk-bond portfolio to less than $900 million since April, the high-yield debt market has plummeted. +22113022 Divesting itself of what is left, as is required of all thrift institutions by July 1994 under the new federal S&L bailout law, may well prove difficult. +22113023 And CenTrust has other problems. +22113024 Late last week federal regulators ordered the thrift institution to stop paying dividends on its preferred stock -- a move that suggests deep concern about an institution. +22113025 Mr. Paul has a plan to bring in $150 million by selling off 63 of CenTrust's 71 branches, but it has yet to be approved by regulators. +22113026 It is Mr. Paul's art venture, however, that has drawn the most attention from investors and regulators, not to mention galleries throughout the world. +22113027 Embittered shareholders (some of whom are suing) say the chairman and his collection epitomize the excesses of speculation that set off the national S&L crisis. +22113028 (CenTrust shares have fallen sharply in price from a high of $15.125 in 1986 to close yesterday at $2.875.) +22113029 Gallery directors, meanwhile, say Mr. Paul and others of his ilk have left an indelible mark on the art world -- and not for the better. +22113030 Collectors don't say "It's a van Gogh" anymore, laments Harry Brooks, the president of Wildenstein & Co., a New York gallery. +22113031 "They say, `Johnny Payson got $53 million for his, so certainly $10 million isn't too much for mine.' +22113032 The great collectors we depended on, such as Paul Mellon or Norton Simon, have stopped buying, and the new buyers are brilliant men who made money in the stock market or in takeovers and rushed into collecting. . . ." +22113033 Mr. Payson, an art dealer and collector, sold Vincent van Gogh's "Irises" at a Sotheby's auction in November 1987 to Australian businessman Alan Bond. +22113034 (Trouble is, Mr. Bond has yet to pay up, and until he does, Sotheby's has the painting under lock and key.) +22113035 When Mr. Paul moved in on the art market, he let it be known that virtually no piece was too costly to be considered by CenTrust. +22113036 He established his reputation as a freespender in January last year at Sotheby's auction of the Linda and Gerald Guterman collection in New York. +22113037 There, on one of his first shopping trips, Mr. Paul picked up several paintings at stunning prices. +22113038 He paid $2.2 million, for instance, for a still life by Jan Jansz. den Uyl that was expected to fetch perhaps $700,000. +22113039 The price paid was a record for the artist. +22113040 (Some 64% of items offered at the Guterman auction were sold, at an average price of $343,333. +22113041 The rest were withdrawn for lack of acceptable bids.) +22113042 Afterward, Mr. Paul is said by Mr. Guterman to have phoned Mr. Guterman, the New York developer selling the collection, and gloated. +22113043 "He says he `stole them,'" recalls Mr. Guterman. +22113044 "And he tells me, `If you want to see your paintings, you'll have to come to my house in Florida.'" +22113045 Mr. Paul denies phoning and gloating. +22113046 "It's just not true," he says. +22113047 Mr. Paul quickly became more aggressive in his collecting, with the help of George Wachter, a Sotheby's expert in old masters whom he met at an exhibition of the Guterman items. +22113048 Mr. Wachter, who became his principal adviser, searched galleries in London, Paris and Monaco. +22113049 And, according to one dealer, Mr. Wachter had a penchant for introducing Mr. Paul with the phrase: "He can buy anything." +22113050 Nicholas Hall, the president of the Colnaghi U.S.A. Ltd. gallery in New York, sold Mr. Paul "Abraham and Sarah in the Wilderness" by Giovanni Battista Tiepolo. +22113051 Mr. Hall says Mr. Paul "was known to spend a lot of money. +22113052 People were interested in seeing him, but it was recognized that the route was through Sotheby's and particularly George Wachter." +22113053 Mr. Paul thus developed a close, symbiotic relationship with Sotheby's. +22113054 Mr. Paul was eager to assemble a collection for the headquarters CenTrust has been moving into for the greater part of a year. +22113055 Sotheby's, the auction house founded in London 1744 and now under the umbrella of Sotheby's Holdings Inc., was hoping to stir up interest in old masters as it strove to build its U.S. business. +22113056 European dealers continued to dominate the action in old masters, which Sotheby's North America had lately been touting in this country. +22113057 For several months, there was optimism all around. +22113058 Last October, Mr. Paul paid out $12 million of CenTrust's cash -- plus a $1.2 million commission -- for "Portrait of a Man as Mars." +22113059 The painting, attributed to Flemish artist Peter Paul Rubens, was purchased privately through Sotheby's, not at auction. +22113060 In March 1989, just 15 months into his campaign, Mr. Paul was named by Art & Antiques magazine as one of the top 100 individual collectors in the U.S. +22113061 "An unknown quantity to most of the art world, Paul is no stranger to lavish spending," the magazine said, noting that he doesn't stop at paint on canvas but also spends big on art you can eat. +22113062 "He recently bid $30,000 at a Paris charity auction for a dinner cooked by six of the world's great chefs, but the final party cost closer to $100,000." +22113063 (Mr. Paul says it wasn't that high.) +22113064 The art collection might have come to rival the Medicis' had the Florida comptroller's office not got wind of Mr. Paul's aesthetic adventure. +22113065 In its letter to him, dated March 2 and shared with reporters, Alex Hager, the chief of the thrift-institution bureau in the comptroller's office, expressed puzzlement that the S&L could be so profligate when it had reported losses of more than $13 million in its two preceding quarters. +22113066 The state gave CenTrust 30 days to sell the Rubens. +22113067 The comptroller's office eventually extended the deadline to six months but broadened its demands, ordering that the "book value of the collection {be} reduced to zero." +22113068 In other words: Get rid of all the pictures. +22113069 The state obliquely noted that unsafe banking practices are grounds for removing an officer or director and closed with the admonition to Mr. Paul: "Govern yourself accordingly." +22113070 The state agency was particularly vexed to learn that the Rubens and a half-dozen other paintings listed among the bank's "furniture and fixtures," were actually hanging in the chairman's house. +22113071 Mr. Paul says that at one point he did indeed have eight or nine of the paintings at home and that the rest were in storage at Sotheby's. +22113072 He explains that he was "merely storing the paintings at home -- with some display -- because of the special dehumidified environment" required for their safekeeping, until CenTrust's new building was ready for them. +22113073 Still, the incident was embarrassing. +22113074 It came on the heels of a number of local newspaper articles suggesting that Mr. Paul has benefited handsomely from his association with CenTrust. +22113075 For instance, he got a $3 million loan from the S&L, negotiated at a below-market rate. +22113076 He owns 43% of CenTrust's shares. +22113077 Adding to Mr. Paul's problems, dealers (some with vested interests) insist that he, relying rather too heavily on Sotheby's advice, paid much too much for several pieces in the CenTrust collection. +22113078 The $12 million lavished on the Rubens, for example, was a record price for the artist and maybe twice its value, given a dispute among scholars about its provenance. +22113079 David Tunick, the president of David Tunick Inc., a New York gallery, says scholars question the authenticity of the Rubens. +22113080 It may have been painted instead by a Rubens associate. +22113081 "The feeling among many experts on the commercial side is that the price paid at the time was excessive in any event," Mr. Tunick says. +22113082 "It sounds like with the Rubens he got absolutely taken to the cleaners." +22113083 Victor Wiener, the executive director of the Appraisers Association of America, agrees that Mr. Paul paid very dearly for the Rubens and adds that getting rid of it any time soon for a similar sum would be quite a feat. +22113084 "It's not beyond credibility the Rubens will someday be worth $12 million, but whether it could be sold for that amount tomorrow remains to be seen." +22113085 Still, predicting is tricky. +22113086 "I'm forever dumbfounded by what I see making these high prices." +22113087 Jonathan H. Kress, the son of the painting's former owner, Mrs. Rush Kress, dismisses the price talk as "sour grapes." +22113088 Dealers contemptuous of the purchase price, he says, were themselves interested in buying the Rubens but lost out. +22113089 Mr. Paul, for his part, defends the Rubens price, saying a lot of the experts have never seen the thing itself. +22113090 "Most of them weren't even born the last time the painting was displayed publicly," he says. +22113091 Art prices are skyrocketing, but a good deal of legerdemain is involved in compiling statistics on sales. +22113092 Salomon Brothers Inc., the investment-banking firm, in its annual tally of investment returns, reported that old masters appreciated 51% in the year ended June 1, the greatest return of any of 13 assets it tracked. +22113093 (Impressionist and modern paintings, not tracked by Salomon, are ranked even higher at 74% by Sotheby's.) +22113094 Salomon, moreover, gets its data on art appreciation from Sotheby's, whose prices go up with clients like Mr. Paul in its thrall. +22113095 The percentages omit from consideration the many paintings that go begging at auction. +22113096 Art indexes track winners, not losers. +22113097 But art that has fallen sharply in value is rarely put up for sale. +22113098 Also, at any of Sotheby's auctions of old masters, roughly one-third to one-fifth of what is offered doesn't sell at any price. +22113099 It's not that there aren't any bids, but the bids don't meet the minimum "reserve" prices set by the sellers. +22113100 In January, the Preti painting that now hangs at CenTrust was expected to bring no more than $700,000 at auction until Mr. Paul came along with his $1.15 million. +22113101 Mr. Hall of the Colnaghi gallery says $1.15 million "would have been an impossible price for anyone to ask for a Preti four years ago." +22113102 But from his vantage point, it isn't that Mr. Paul, a customer of his too, overpaid for the work, "a gargantuan painting by an artist who is not a household word." +22113103 (The painting is 10 feet wide, seven feet high.) +22113104 Rather, "It just shows things have changed." +22113105 Mr. Paul boasts that he spotted bargains in old masters just before they took an upward turn. +22113106 "They went up 51% last year, and they'll do it again this year," he declares. +22113107 "They were a sleeper. +22113108 Everybody was out buying Monets." +22113109 Sotheby's vice president Diana Levitt says the auction house has been "assisting" Mr. Paul in selling the paintings. +22113110 And while Sotheby's chief rivals in the art world, private art dealers, "won't be happy to hear it," she adds, "a number of {the artworks} have already been sold, and at a substantial profit." +22113111 Mr. Paul claims to have sold three paintings, at more than a 10% profit. +22113112 That isn't 51%, and the claim isn't documented. +22113113 He furthermore denies that he relied too heavily on Sotheby's or Mr. Wachter. +22113114 Mr. Paul says he had not one but four advisers and that he never bid impulsively. +22113115 After all, he had the counsel of "curators from the most reputable museums in the world." +22113116 He says he expects to sell the collection -- including the controversial Rubens -- "carefully and prudently, just as it was put together." +22113117 But in art-world parlance, Mr. Paul's holdings are "burnt." +22113118 That is, he is being compelled to put them on the market too soon, and has already gotten offers that are less than he paid for some of the art works. +22113119 "After a few years, you can argue there has been natural appreciation," says Susan Theran, the publisher of Leonard's Annual Price Index of Art Auctions. +22113120 But quick turnover in artwork is "like pawning your jewelry -- you end up with 50%. +22113121 People hold out and try to get a bargain." +22113122 Sotheby's defends itself and Mr. Paul in the matter. +22113123 Mr. Wachter says Mr. Paul was a quick study who worked intensely and bought the best pictures available at the moment. +22113124 "On occasion, he paid a high price," Mr. Wachter concedes, but he says those who bid less and dropped out were dealers who would then have marked up the paintings to resell them at a profit to collectors. +22113125 Naomi Bernhard Levinson, a fine-arts appraiser at Bernhard Associates in San Francisco, considers it "definite conflict of interest for an auction house to both advise a client on purchases and to set price estimates on the paintings to be purchased." +22113126 Sotheby's, she says, is "wearing both hats." +22113127 "I can't see why there would be a conflict of interest," says Sotheby's Ms. Levitt. +22113128 "Estimates are based on the previous price of similar works sold at auction and current market conditions, and are not affected by any knowledge of who the potential buyer could be." +22113129 Frequently, clients express interest in paintings but don't end up bidding, she adds, "so we don't know who the potential buyer will be." +22113130 Mr. Paul, in selling off his paintings, is seeking at least a 15% return on the bank's investment, so as to prove that the venture was sound. +22113131 Mr. Paul says that he has feelers out over much of the globe and that potential buyers from as far away as Japan and Italy have examined the collection. +22113132 Because of the pressure on CenTrust to sell, dealers and collectors have been trying to get the paintings at bargain-basement prices. +22113133 But so far, Mr. Paul and his advisers are holding fast. +22113134 One dealer, Martin Zimet of French & Co. in New York, says he "would have loved to buy" a Jan Davids de Heem painting from the bank. +22113135 "I tried to steal the picture -- to buy it attractively -- and {Sotheby's} wouldn't do it. +22113136 They were protecting his interests." +22113137 Meanwhile, Mr. Paul and CenTrust executives are getting squeamish about opulence. +22113138 Mr. Paul has been characterized as "the Great Gatsby or something," complains Karen E. Brinkman, an executive vice president of CenTrust. +22113139 The media, she says, have distorted his personal life. +22113140 Mr. Paul nods in agreement. +22113141 "I don't think I have a life style that is, frankly, so flamboyant," he says. +22113142 But at just that moment, he is interrupted in his office by a servant in tuxedo who pours coffee from silver into a cup of china and dabs the brim with linen. +22113143 Mr. Paul says, yes, the ceiling in his executive suite is gold-leaf inlay. +22113144 The offices are done in hardwood and oriental rugs, leatherbound books and, of course, a $12 million Rubens. +22113145 But he implores that the splendor be played down. +22113146 "Don't say it's a gold ceiling. +22113147 Just say the offices are tastefully appointed," he says. +22113148 "Otherwise, the regulators will take it for decadence, and nowadays everything's got to be pristine." +22113149 Figures don't include taxes or transaction costs. +22114001 Companies listed below reported quarterly profit substantially different from the average of analysts' estimates. +22114002 The companies are followed by at least three analysts, and had a minimum five-cent change in actual earnings per share. +22114003 Estimated and actual results involving losses are omitted. +22114004 The percent difference compares actual profit with the 30-day estimate where at least three analysts have issues forecasts in the past 30 days. +22114005 Otherwise, actual profit is compared with the 300-day estimate. +22115001 {During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.} +22115002 CREATIVE ACCOUNTING, mostly by conglomerates, forced CPAs to change their way of setting standards to be followed by corporations reporting financial results, standards that had become all too flexible. +22115003 The new Financial Accounting Standards Board (FASB) was created in 1972 to replace the Accounting Principles Board of the American Institute of Certified Public Accountants. +22115004 All of the former board's members were CPAs, provoking conflict-of-interest criticism because they were writing rules while handling clients' books at the same time. +22115005 The new board's seven-member structure kept four CPAs, but the others were from industry and academia. +22115006 Francis M. Wheat, a former Securities and Exchange Commission member, headed the panel that had studied the issues for a year and proposed the FASB on March 30, 1972. +22115007 The former board had produced "21 opinions and 1,000 critics" in its 12-year life, its chairman had conceded. +22115008 The climate was right for the new FASB. +22115009 In the late 1960s some CPAs failed to correct such abuses as clients picking permissive rules that hyped earnings and stock prices. +22115010 And in November 1970 Congress had passed a special act to overrule one board rule. +22115011 Also, James Needham, an SEC commissioner, in April 1972 had warned that the industry might face a "federal agency writing accounting rules" if they rejected the FASB idea. +22115012 Keepers of the books, dubbed "figure filberts," loathed the threat. +22115013 The FASB had its initial meeting on March 28, 1973. +22115014 On Dec. 13, 1973, it issued its first rule; it required companies to disclose foreign currency translations in U.S. dollars. +22115015 The FASB since then has issued 102 rules, and some still rile industry. +22115016 Since late 1987, for example, it has put off a rule dealing with deferred income taxes because of the continuing controversy over the issue. +22116001 Amcast Industrial Corp. said it plans to repurchase 500,000 shares, or about 7% of its shares outstanding, in open market transactions. +22116002 The metal products concern currently has 7.2 million common shares outstanding. +22116003 Amcast previously had said it planned to repurchase shares, but didn't disclose when or how many shares it intended to buy back. +22116004 The company named Dillon Read & Co. as its exclusive agent for the stock buy-back program. +22117001 A seat on the Chicago Board of Trade was sold for $390,000, down $5,000 from the previous sale last Tuesday. +22117002 Seats currently are quoted at $353,500 bid, $405,000 asked. +22117003 The record price for a full membership on the exchange is $550,000, set Aug. 31, 1987. +22117004 An associate member seat was sold for $228,000, up $8,000 from the previous sale Oct. 4. +22117005 Associate member seats currently are quoted at $225,000 bid, $256,000 asked. +22117006 The record price for associate membership is $275,000, set Aug. 30, 1988. +22118001 CAE Industries Ltd. said its Link Flight Simulation division was awarded a contract by the U.S. Army for two helicopter simulators, which the company valued at as much as 37 million Canadian dollars (US$31.5 million). +22118002 CAE said the fixed price for the first of the AH-64 Apache combat mission simulators is C$19 million. +22118003 It is scheduled for delivery in late 1991. +22118004 The price of the second simulator ranges between C$16.4 million and C$18 million, CAE said, depending on when the Army exercises its option. +22118005 CAE is a Toronto-based maker of commercial and military aircraft simulators and training equipment. +22119001 Helionetics Inc. said it agreed to team with a unit of Minneapolis-based Honeywell Inc. to provide power amplifiers for a new military sonar system being proposed by Honeywell. +22119002 Total value of the contract could be $100 million, Helionetics said, and work on the project would be about evenly divided. +22119003 As previously reported, Helionetics emerged from Chapter 11 bankruptcy-law protection in February. +22120001 This Los Angeles company and its Union Federal Savings Bank subsidiary said more than 99% of their 7 1/4% convertible subordinated debentures due 2011 were tendered for conversion into UnionFed common stock. +22120002 The conversion increased total equity capital by about $38.5 million to a total of $156.8 million. +22120003 Union Federal, a federally insured savings bank, has $2.4 billion in assets. +22121001 David D. Lung was appointed president and chief operating officer of this maker of building materials for manufactured homes and recreational vehicles. +22121002 As president, Mr. Lung, 42 years old, succeeds his father, Mervin D. Lung, 66, who founded the company in 1959. +22121003 Mervin Lung remains chairman and chief executive officer. +22121004 David Lung has been with Patrick since 1970, and has served as vice president for administration and purchasing since 1987. +22122001 General Dynamics Services Co., a unit of General Dynamics Corp., won a $48.2 million Army contract to establish maintenance facilities for tracked vehicles in Pakistan. +22122002 Grumman Corp. was given a $15 million Navy contract for aircraft-electronics improvements. +22122003 Hughes Aircraft Co., a unit of General Motors Corp., got a $10.3 million Air Force contract for airborne-radar equipment. +22123001 Reynolds Metals Co. said third-quarter net income dropped nearly 10% to $123.7 million, or $2.10 a share, from $137.2 million, or $2.56 a share, a year earlier. +22123002 The latest earnings reflect an increase of about 5.5 million in common shares outstanding. +22123003 Revenue rose 3% to $1.52 billion from $1.48 billion. +22123004 Reynolds is the third big aluminum company since Friday to report disappointing earnings. +22123005 The No. 1 domestic aluminum producer, Aluminum Co. of America, Friday said its earnings fell 3.2% to $219 million, or $2.46 a share. +22123006 And Alcan Aluminium Ltd. yesterday reported net income slid 30% to $180 million, or 77 cents a share, from $258 million, or $1.07 a share. +22123007 Analysts on average had been expecting about $2.70 for Alcoa and $1 for Alcan. +22123008 "It's a good indication that level of profitability has peaked for the industry," says Vahid Fathi, metals analyst with Prescott, Ball & Turben Inc., who had estimated Reynolds would earn about $2.35 a share. +22123009 The nation's No. 2 aluminum company said earnings were hurt by lower prices for certain fabricated aluminum products, which typically follow price fluctuations of primary ingots. +22123010 The base metal price has dropped 30.3% from a year earlier to 78 cents a pound. +22123011 Much of the price decline has been blamed on a slowing economy and the third quarter is typically the industry's slowest period. +22123012 But William O. Bourke, chairman and chief executive officer, said the ingot price "appears to have bottomed out." +22123013 He said shipments are continuing at a "healthy" pace and the company has no excess inventory. +22123014 Aluminum shipments of 329,600 metric tons were nearly equal to the year-earlier period, the company said. +22123015 Nevertheless, the company said that in the latest quarter there were increased material and labor costs, including a new employee profit-sharing plan. +22123016 In composite trading on the New York Stock Exchange, Reynolds closed at $55.375, up $1.25. +22124001 No strikeout, but certainly no home run. +22124002 That's how the stock-picking game is shaping up for the months ahead, according to money managers and a few brokers. +22124003 Yesterday's 88-point recovery from Friday's megadrop in the Dow Jones industrials had many brokerage houses proclaiming that stocks are a good bargain again. +22124004 But quite a few money managers aren't buying it. +22124005 Weakening corporate earnings, they say, are no prescription for a bull market. +22124006 "The stock market ain't going to do much of anything" for a while, says John Neff of Wellington Management, who runs the $8.3 billion Windsor Fund. +22124007 He suspects that Friday's market decline may have a second leg, perhaps a 10% to 15% drop later on. +22124008 Mr. Neff says the stock market has lost some powerful driving forces, namely earnings growth and the "LBO sweepstakes" -- buy-out fever that induced investors to bid up whole groups of stocks, such as media and airlines. +22124009 After sitting with 20% of his fund in cash before Friday's sell-off, Mr. Neff says he bought "a narrow list of stocks" yesterday. +22124010 With flat corporate profits on the horizon for 1990, money managers say price-earnings multiples that look cheap today might go on being cheap for a long time. +22124011 "This is not a grossly overvalued market, but it's not cheap either," says George Collins, president of the mutual fund company T. Rowe Price Associates in Baltimore. +22124012 According to Institutional Brokers Estimate System, Wall Street market strategists see only a 2.4% jump in company profits in 1990 -- unlike in 1987, when profits a year out looked good (they did soar 36% in 1988). +22124013 Bulls say the market is an incredible bargain, priced at only about 12 times estimated 1989 earnings for stocks in the Standard & Poor's 500 index. +22124014 Before the 1987 crash, the P/E was more than 20. +22124015 The common view, says Abby Cohen, strategist for Drexel Burnham Lambert, is that there will be "mild economic growth, modest profit expansion, and things are going to be hunky-dory. +22124016 Our view is that we may see a profit decline." +22124017 Some think investors should sell into rallies. +22124018 The market "is going to wind down," says Gerald W. Perritt, a Chicago money manager. +22124019 "Things are a little less overpriced" after Friday's jolt in the market. +22124020 He expects stocks to decline an additional 5% to 30%, with the Dow perhaps bottoming out between 2000 and 2100 "between now and June." +22124021 After Friday's decline, Mr. Perritt's firm ran statistical tests on 100 high-quality stocks, using old-fashioned value criteria devised by Benjamin Graham, an analyst and author in the 1930s and 1940s who is widely considered to be the father of modern securities analysis. +22124022 He found 85 still overvalued and 15 fairly valued. +22124023 Nicholas Parks, a New York money manager, expects the market to decline about 15%. +22124024 "I've been two-thirds in cash since July, and I continue to think that having a defensive position is appropriate," he says. +22124025 Companies that piled on debt in leveraged buy-outs during the past two years "will continue to surface as business problems." +22124026 "Generalizations about value aren't useful," says New York money manager John LeFrere of Delta Capital Management. +22124027 For instance, he says, International Business Machines and Unisys might look cheap, but investors might continue to do better with stocks like Walt Disney, Procter & Gamble and Coca-Cola, strong performers in recent years. +22124028 Money manager Robert Ross, head of Duncan Ross Associates Ltd. in Vancouver, British Columbia, says stocks would have to fall 15% to 20% before they are competitive with less risky investment alternatives. +22124029 Fredric Russell, a money manager in Tulsa, Okla., says Friday's cave-in "is going to have more of a permanent impact on the psyche of many investors than Wall Street would want to admit." +22124030 There are still bulls out there. +22124031 "I still think we will have a 3000 Dow, whether it's six months or 12 months from now I don't know," says David Dreman, managing partner of Dreman Value Management in New York. +22124032 "We're doing a little buying" in some stocks "that have really been smashed down." +22124033 Many brokerage house officials also are optimistic. +22124034 Yesterday, Goldman Sachs, Merrill Lynch and Dean Witter all increased the proportion of assets they recommend investors commit to stocks. +22124035 Dean Witter now recommends 85%, Goldman 65% and Merrill Lynch 50%. +22124036 Some investors say Friday's sell-off was a good thing, because it deflated a lot of crazy takeover speculation. +22124037 "It was a healthy cleansing," says Michael Holland, who runs Salomon Brothers Asset Management in New York. +22124038 From here out, these investors see a return to old-fashioned investing, based on a company's ability to show profit growth. +22124039 "The fundamentals are pretty strong," Mr. Dreman says. +22124040 "I don't see this as a bear market at all. +22124041 It's a recognition that there was much too much fluff in the LBO market." +22124042 Friday's big fall was "just a blunder by the stock market," says John Connolly, chief strategist for Dean Witter. +22124043 "It was an overreaction to an event {the failure of a management and union group to get bank financing for a takeover of UAL} that doesn't mean that much to lots of stocks." +22124044 Many investors have nagging worries, however. +22124045 Newspapers are full of headlines about companies defaulting on their debts and banks writing off real estate loans. +22124046 That hurts investors' confidence in the economy and stocks. +22124047 Not even all the brokerage firms see clear sailing ahead. +22124048 "Disappointing profits are likely to get worse in the next two quarters," says Mary Farrell, a market strategist at PaineWebber. +22124049 She thinks the market could drop about 10% in the next few months, then recover and go higher. +22124050 Companies with steady earnings growth could do well, she says, while others with high debt or poor earnings could see their shares decline far more than 10%. +22125001 The turmoil on Wall Street may benefit some retailers attempting to lead leveraged buy-outs of their specialty and department-store chains, investment bankers and retailers said. +22125002 Managers at five chains have said in recent weeks that they intend to bid for their companies. +22125003 The chains include Bloomingdale's, owned by Campeau Corp., Toronto; Saks Fifth Avenue and Marshall Field's, owned by B.A.T Industries PLC, London; and B. Altman & Co. and Sakowitz Inc., owned by Hooker Corp., which is now being managed by a court-appointed provisional liquidator. +22125004 Hooker is based in Sydney, Australia. +22125005 The combination of so many chains available for sale, the recent failures of such retailing LBO's as Miller & Rhoads Inc. and declining investor confidence will drive down prices, retailing observers said. +22125006 "The pricing will become more realistic, which should help management," said Bruce Rosenthal, a New York investment banker with Nathan S. Jonas & Co. +22125007 "Investors aren't going to be throwing money at any of the proposed LBOs, but doing deals on the basis of ridiculous assumptions never made sense, either." +22125008 Earlier this year, bankers and other investors were willing to provide financing because they assumed there would be major gains in both profitability and sales, Mr. Rosenthal added. +22125009 Those days are over now, he believes. +22125010 "Competition from third parties who have cash and are prepared to buy has always existed and will continue," added Mr. Rosenthal. +22125011 "But when prices were crazy, it was even harder to do an LBO. +22125012 Bankers believed in the greater-fool theory that says somebody else is always willing to pay more. +22125013 This is no longer true today." +22125014 At Saks Fifth Avenue, Paul Leblang, senior vice president, marketing, agreed that lower prices will help his management team in their proposed LBO. +22125015 "Having to take on less debt would certainly be an advantage," said Mr. Leblang. +22125016 "It would also help us in our search for equity partners. +22125017 To make an LBO work, now we are going to need more than just junk bonds. +22125018 " None believe the proposed management LBOs will be easy to complete, especially at B. Altman & Co., which is under Chapter 11 bankruptcy protection. +22125019 Not only could the Wall Street gyrations damp Christmas sales if consumers lose confidence in the economy, but potential junk-bond buyers are sure to demand even stronger covenants and greater management equity participation. +22125020 Further, many institutions today holding troubled retailers' debt securities will be reticent to consider additional retailing investments. +22125021 "It's called bad money driving out good money," said one retailing observer. +22125022 "Institutions that usually buy retail paper have to be more concerned." +22125023 However, the lower prices these retail chains are now expected to bring should make it easier for managers to raise the necessary capital and pay back the resulting debt. +22125024 In addition, the fall selling season has generally been a good one, especially for those retailers dependent on apparel sales for the majority of their revenues. +22125025 "What's encouraging about this is that retail chains will be sold on the basis of their sales and earnings, not liquidation values," said Joseph E. Brooks, chairman and chief executive officer of Ann Taylor Inc., a specialty chain. +22125026 "Retailers who had good track records of producing profits will have a better chance to buy back their companies." +22125027 Still, most retailing observers expect that all the proposed retailing LBOs will depend partly on the sale of junk bonds, a market already in tumult, in part because of concerns associated with bonds issued by the Federated and Allied units of Campeau. +22125028 "Prices for retail chains are lower today than they were last week, which will help management," said Gilbert Harrison, chairman of Financo Inc., an investment-banking firm specializing in retailing acquisitions. +22125029 "But the hurdle of financing still has to be resolved. +22125030 Potential bondholders will either look for greater equity participation on behalf of management, or insist the equity component of the deals be substantially greater than in the past. +22126001 Sony Corp. won a pretrial order blocking U.S. sales of Justin Products Inc.'s "My Own" line of portable audio players for children. +22126002 Judge John E. Sprizzo issued the order in Manhattan federal court, where Sony has accused the tiny company of illegally knocking off the "My First Sony" line. +22126003 The judge held that the combination of colors used for the Sony products is distinctive and subject to protection under New York state law, rather than federal law. +22126004 The legal fight was the subject of a Wall Street Journal story yesterday. +22126005 Justin's attorney, Charles E. Baxley, said Justin would ask an appeals court to set aside the order temporarily, pending an expedited appeal. +22126006 He also repeated Justin's denial of Sony's charges. +22126007 "Their likelihood of reversing us is very slim," said Lewis H. Eslinger, Sony's attorney, who said he doubts Justin will go ahead with a trial. +22127001 CONTINENTAL MORTGAGE & EQUITY TRUST said it will resume dividend payments with a 10-cent-a-share payout on Nov. 6 to shares of record Oct. 25. +22127002 The Dallas real estate investment trust last paid a dividend on Dec. 31, 1987, when shareholders received $1 a share. +22127003 Despite continuing troubles with problem assets and nonperforming loans, the trust said it expects to be able to maintain or increase the rate of distributions because of operations of joint-venture properties. +22128001 A federal appeals court struck down a natural-gas regulation that had prevented pipeline companies from passing to customers part of $1 billion in costs from controversial "take-or-pay" contracts. +22128002 The court, in a 3-0 ruling, threw out a deadline set by the Federal Energy Regulatory Commission for settling old contract disputes over gas that the pipeline companies reserved but didn't use. +22128003 FERC's regulation had given pipelines until March 31, 1989, to pass on to customers as much as 50% of the costs of buying out their broken contracts, which were made with producers when gas prices were high and supplies short. +22128004 A majority of old contracts were renegotiated by the deadline and settled at steep discounts. +22128005 But pipeline companies estimate they still face $2.4 billion in liabilities from unresolved disputes, including $1 billion they fear they won't be able to pass on to customers. +22128006 According to industry lawyers, the ruling gives pipeline companies an important second chance to resolve remaining disputes and take advantage of the cost-sharing mechanism. +22128007 The court left open whether FERC could reimpose a new deadline later. +22128008 The court, agreeing with pipeline companies, found the March 31 deadline was "arbitrary and capricious" and "highly prejudicial to the bargaining power of pipelines" that were forced to negotiate settlement of the old take-or-pay contracts to meet the deadline. +22128009 A report last month by the Interstate Natural Gas Association of America found that pipelines' settlement costs had jumped in the three months before the deadline to 39 cents on the dollar, from 22 cents on the dollar in 1988. +22128010 The court ordered FERC to justify within 60 days not only its cost-sharing deadline, but other major elements of its proposed regulation for introducing more competition into natural-gas transportation. +22128011 The court also questioned a crediting mechanism that could be used to resolve take-or-pay liabilities. +22128012 The complex regulation, known in the industry as Order 500, has been hotly contested by all sides, including natural-gas producers, pipelines, local distribution companies and consumers. +22128013 The court's decision would allow FERC to change some of its provisions, but ensures it will be reviewed again quickly by the court. +22129001 MEDUSA Corp. said it voluntarily prepaid $7 million on its original $75 million term loan, bringing the total debt reduction for the year to $18 million. +22129002 After the payment, the Cleveland company owes $57 million on the loan. +22129003 The cement producer said the payment was made from excess cash flow. +22130001 NATIONAL INCOME REALTY TRUST said it will resume dividend payments with a 12-cent-a-share dividend to be paid Nov. 6 to shares of record Oct. 25. +22130002 The mortgage and equity real estate investment trust last paid a dividend on Aug. 1, 1988, when holders received 75 cents a share. +22130003 Despite continuing troubles with problem properties and nonperforming loans, the Dallas trust said it has rebuilt reserves, abandoned properties with little potential and experienced improved operating results from joint ventures. +22131001 MLX Corp. said it reached a preliminary agreement with senior lenders to its refrigeration and air-conditioning group to restructure the $188.5 million of credit facilities the lenders provide to the group. +22131002 MLX, which also makes aircraft and heavy-duty truck parts, said the debt was accumulated during its acquisition of nine businesses that make up the group, the biggest portion of which was related to the 1986 purchase of a Hillman Co. unit. +22131003 Among other things, the restructured facilities will substantially reduce the group's required amortization of the term loan portion of the credit facilities through September 1992, MLX said. +22131004 Certain details of the restructured facilities remain to be negotiated. +22131005 The agreement is subject to completion of a definitive amendment and appropriate approvals. +22131006 William P. Panny, MLX chairman and chief executive, said the pact "will provide MLX with the additional time and flexibility necessary to complete the restructuring of the company's capital structure." +22131007 MLX has filed a registration statement with the Securities and Exchange Commission covering a proposed offering of $120 million in long-term senior subordinated notes and warrants. +22132001 Dow Jones & Co. said it acquired a 15% interest in DataTimes Corp., a subsidiary of Oklahoma Publishing Co., Oklahoma City, that provides electronic research services. +22132002 Terms weren't disclosed. +22132003 Customers of either DataTimes or Dow Jones News/Retrieval are able to access the information on both services. +22132004 Dow Jones is the publisher of The Wall Street Journal. +22133001 Flowers Industries Inc. said it will report a charge of eight cents to 10 cents a share for its fiscal first quarter, ended Sept. 23, from the sale of two bakeries, in High Point, N.C., and Gadsden, Ala. +22133002 The convenience-food company said it sold the bakeries to Mills Family Bakery for an undisclosed amount. +22133003 It said the sales were part of a 1983 Federal Trade Commission Consent Order. +22133004 A year earlier, Flowers had fiscal first-quarter net income of $8 million, or 23 cents a share, on revenue of $170.4 million. +22134001 Raw-steel production by the nation's mills decreased 0.8% last week to 1,828,000 tons from 1,843,000 tons the previous week, the American Iron and Steel Institute said. +22134002 Last week's output rose 1.4% from the 1,802,000 tons produced a year earlier. +22134003 The industry used 82.2% of its capability last week, compared with 82.8% the previous week and 84% a year ago. +22134004 The capability utilization rate is a calculation designed to indicate at what percent of its production capability the industry is operating in a given week. +22135001 Selwyn B. Kossuth was named executive director of the commission, effective early November. +22135002 Mr. Kossuth, 52 years old, succeeds Ermanno Pascutto, 36, who resigned to join Hong Kong's Securities and Futures Commission. +22135003 Mr. Kossuth was vice president and director, corporate finance, of Nesbitt Thomson Deacon Inc., a Toronto investment dealer. +22136001 Dun & Bradstreet Corp.'s Market Data Retrieval unit said it acquired School and College Construction Reports service from Intelligence for Education Inc. +22136002 Terms weren't disclosed. +22136003 The service supplies weekly reports on school and college construction plans. +22136004 Market Data Retrieval is a compiler of educational information and provides related services. +22136005 Closely held Intelligence in Education, of Larchmont, N.Y., is an educational publisher and consultant. +22136006 A battle is raging in Venice over plans to have the 1,200-year-old Italian city be the site for a universal exposition in 2000. +22136007 The plans include a subway system, a congress center, floating trees, fanciful fountains -- and as many as 60,000 additional tourists a day. +22136008 Expo enthusiasts argue that holding the fair would attract businesses, create jobs and help renovate abandoned sections of town. +22136009 But opponents fear overcrowding. +22136010 "This city already has too many tourists, and it can't hold them all," says Pierluigi Beggiato, the president of the Venice hoteliers association. +22136011 About 40 Italian businesses, including Fiat S.p.A. and Ing. C. Olivetti & Co., have formed a consortium to lobby for holding the expo in Venice. +22136012 Three gambling casinos have opened in Poland. +22136013 The three establishments -- two in Warsaw and one in Krakow -- accept only foreign currency and are joint ventures between Polish firms and Western companies. +22136014 Not all Poles are pleased. +22136015 "What do we want casinos for when we haven't got anything in the shops?" one housewife asked. +22136016 But Bogdan Gumkowski, who runs the casino at Warsaw's Marriott Hotel, said the ventures would help Poland service its $39 billion foreign debt by pouring dollars into the state firms in the joint ventures -- the LOT airline and Orbis tourist organization. +22136017 Algeria plans to increase natural-gas sales to Europe and the U.S. +22136018 According to the Middle East Economic Survey, the North African nation is holding talks with Italy for adding a fourth pipe to a section of the Trans-Mediterranean pipeline, expanding capacity by up to six billion cubic meters a year from 12.5 billion. +22136019 Algeria also wants to build a pipeline through Morocco and across the Strait of Gibraltar to supply Spain, France and West Germany with up to 15 billion cubic meters a year by the late 1990s. +22136020 South Africa's National Union of Mineworkers agreed to suspend the strike by diamond workers and resume negotiations with De Beers Consolidated Mines Ltd. over their wage dispute, De Beers said. +22136021 It also said the union had agreed to meet the company for further talks tomorrow. +22136022 The strike at five De Beers mines began last Thursday, with 9,500 out of a total 10,000 NUM members employed on De Beers mines participating, according to the union, while De Beers said there were 7,800 participants. +22136023 The union has demanded a 37.6% increase in the minimum wage while De Beers's final offer was an increase of 17%. +22136024 A 35-nation environmental conference opened in Sofia, Bulgaria. +22136025 The gathering is expected to focus on curbing the fouling of rivers and lakes, limiting damage from industrial accidents and improving the handling of harmful chemicals. +22136026 West German Environment Minister Klaus Toepfer said Bonn is convinced of the need for cooperation, "especially with our neighbors in the East, because we are directly affected by their ecological progress or lack of it." +22136027 The U.S. and Canada joined every European country except Albania at the meeting. +22136028 The Swedish publishers of a new Estonian-language newspaper rushed an extra edition across the Baltic on Oct. 10 after the first run sold out in one day. +22136029 Editor Hasse Olsson said plans had called for 7,000 copies of the monthly Are Paev (Business Paper) to be sold at newsstands and an additional 3,000 promotion issues to be sent by direct mail. +22136030 He said 13,000 more copies were sent to Estonia because of strong sales. +22136031 The Swedish publishing company Bonniers owns 51% of Are Paev, and the Estonian management company Minor owns 49%. +22136032 Angel Gurria, Mexico's top debt negotiator, said the country's creditor banks are responding positively to Mexico's debt-reduction package. +22136033 Mr. Gurria's optimism contrasts with some bankers' views that the deal may require a lot of arm twisting by the U.S. Treasury in order to succeed. +22136034 Mr. Gurria, Mexico's under-secretary of the ministry of finance, met yesterday with European bankers in London, at the half-way point on a so-called road show to market the package around the world. +22136035 An increasing number of banks appear to be considering the option under the deal whereby they can swap their Mexican loans for 30-year bonds with a face value discounted by 35%, Mr. Gurria said. +22136036 The other two options consist of swapping loans for bonds with 6.25% interest rates, or providing fresh loans. +22136037 The accord, which covers $52.7 billion of Mexico's medium- and long-term debt, is expected to go into effect in early +22136038 China's top film actress, Liu Xiaoqing, paid $4,555 in back taxes and fines in Shandong province, the People's Daily reported. +22136039 The amount is equal to about 30 years earnings for the average peasant, who makes $145 a year. . . . +22136040 China will spend $9.45 million for urgent maintenance on Tibet's Potala Palace, former home of the Dalai Lama, the China News Service said. +22136041 The Dalai Lama, who was just awarded the Nobel Peace Prize, lives in exile in India. +22137001 George W. Koch, 63 years old, president and chief executive officer of Grocery Manufacturers of America Inc., was elected a director of this maker of spices, seasonings and specialty foods, succeeding Erskin N. White Jr., 65, who resigned. +22138001 American Business Computer Corp. said it privately placed 1,035,000 common shares at $2.50 a share. +22138002 The placement was made through Gray Seifert Securities, New York, to institutional investors. +22138003 Proceeds will be used to commercialize recently patented technology and support the company's international expansion. +22138004 The company develops and markets products for the food service industry. +22139001 THE R.H. MACY & CO. department-store chain isn't for sale. +22139002 In yesterday's edition, it was incorrectly included with a list of New York chains up for sale. +22140001 Korean car exports have slid about 40% so far this year, but auto makers here aren't panicking. +22140002 They are enjoying domestic sales that are more than making up for lost overseas sales. +22140003 South Korean consumers are expected to buy almost 500,000 passenger cars this year, up 60% from 1988. +22140004 In fact, some auto executives suggest that slackened demand for their cars in the U.S. and Canada is a blessing; otherwise they wouldn't be able to keep up with demand in the more profitable local market. +22140005 "We are very lucky to easily change an export loss to domestic plus," says Hong Tu Pyo, managing director of domestic marketing for Hyundai Motor Co. +22140006 As it is, waiting lists of a month aren't unusual for popular models. +22140007 Demand is so strong that all of the domestic makers -- Hyundai, Kia Motors Corp., Daewoo Motor Co. and even upstart SsangYong Motor Co. -- plan to build more factories. +22140008 Industry analysts predict that by 1995, South Korea will be building three million cars a year -- about half of that for export. +22140009 It's an optimistic move in a industry already facing world-wide overcapacity. +22140010 But South Korean auto makers are confident that the export market will bounce back and that demand in Korea will stay strong. +22140011 Currently only one in 38 South Koreans owns a car, up from one in 200 a decade ago. +22140012 "In the year 2000 it will be one car per family. +22140013 At that point domestic sales will slow down," says Kim Yoon Kwon, director of marketing for Daewoo Motor. +22140014 The reason for the tremendous demand is simple: South Koreans suddenly have a lot more money. +22140015 "We never thought we'd own a car," says Kwang Ok Kyong, who just bought a Daewoo LeMans on a five-year loan. +22140016 She and her husband started a small printing business and need the car for work as well as for weekend jaunts. +22140017 Pay raises of 60% over the past three years have given many South Koreans the money to enjoy the things they were supplying the rest of the world. +22140018 The success of newcomer SsangYong Motor shows the strength of the auto market and its growing diversity. +22140019 A part of the construction-oriented conglomerate SsangYong Group, it took over the dying Dong-A Motor Co. in 1986. +22140020 SsangYong began making variations of the Jeep-like "Korando" vehicle. +22140021 (Dong-A had had a technology agreement with Jeep maker American Motors Corp., now a part of Chrysler Corp.) +22140022 The most popular style is the stretched "Family," which resembles a Ford Bronco or Chevy Blazer. +22140023 The four-wheel-drive vehicles start at $15,000; a Family can cost over $25,000. +22140024 SsangYong, which has only about 3% of the domestic market, will sell about 18,000 of its models this year, twice as many as last year. +22140025 It sees sales rising 45% to 26,000 units next year. +22140026 The company plans to expand plant capacity 50% by 1991. +22140027 By then it also hopes to begin producing a passenger car based on the Volvo 240 and selling for about $20,000. +22140028 Hyundai and Daewoo seem unconcerned about the SsangYong threat, but Kia, the scrappy No.3 auto maker, is selling four-wheel-drive vehicles through its Asia unit. +22140029 It plans to sell 1,700 units in 1989. +22140030 Kia, the only Korean car maker that has seen its overseas sales grow in 1989, aims at Korea's common man. +22140031 Its advantage has been the peppy little Pride, sold as the Ford Festiva in the U.S. +22140032 At 3.8 million won, or $5,700, the econobox is the lowest-priced car in South Korea. +22140033 Along with two larger models, the company claims 18% of the domestic market. +22140034 Ford Motor Co. and Japan's Mazda Motor Corp. have equity interests in Kia. +22140035 Kia is the most aggressive of the Korean Big Three in offering financing. +22140036 Loans for as long as five years make the cars very accessible, with monthly payments as low as 80,000 won, or $120. +22140037 Daewoo Motor, a 50-50 joint venture with General Motors Corp. and the Daewoo Group conglomerate, is the only auto maker that appears to be hurting. +22140038 Shipments of its Lemans to GM's Pontiac division are off about 65% from a year ago, versus a 44% decline for Hyundai and an 18% increase for Kia. +22140039 Moreover, Daewoo's domestic sales have grown half as fast as sales of its rivals. +22140040 The big problem for Daewoo, which holds about 21% of the market, is the long series of labor disruptions it suffered this year. +22140041 But Daewoo is expanding too. +22140042 In fact, a sister company, Daewoo Shipbuilding and Heavy Machinery, plans to build 240,000 minicars by the mid-1990s. +22140043 Hyundai, the Korean market leader with a 58% share, also plans to jump into minicars at the same time. +22140044 It has a similar project for 200,000 cars a year. +22140045 Kia is reportedly also considering such a plan. +22140046 Even giant Samsung Group is rumored in the Korean press to be considering getting into the auto-making business; a company spokesman had no comment. +22141001 Robert P. Bulseco, 44 years old, was named president and chief administrative officer of this regional commercial bank. +22141002 Both posts had been vacant. +22141003 Robert Robie, 51, was named to the new positions of vice chairman and chief credit officer. +22142001 Many skittish mutual fund investors picked up the phone yesterday, but decided not to cash in their chips after all. +22142002 As the stock market bounced back, withdrawals of money from stock funds amounted to a mere trickle compared with Black Monday, when investors dumped $2.3 billion, or about 2% of stock-fund assets. +22142003 Fidelity Investments, the nation's largest fund company, said phone volume was more than double its typical level, but still half that of Oct. 19, 1987. +22142004 Net outflows from Fidelity's stock funds stood at less than $300 million, or below 15% of the $2 billion cash position of the firm's stock portfolios. +22142005 Much of the money was switched into the firm's money market funds. +22142006 Outflows since the close of trading Friday remain below one-third their level of two years ago, Fidelity said. +22142007 Other mutual fund companies reported even lighter withdrawal requests. +22142008 And some investors at Fidelity and elsewhere even began buying stock funds during the day. +22142009 "Two years ago, there was a lot of redemption activity and trouble with people getting through on the phone," said Kathryn McGrath, head of the investment management division of the Securities and Exchange Commission. +22142010 This time, "We don't have that at all." +22142011 Of course, the relative calm could be jolted if the market plunges again. +22142012 And any strong surge in redemptions could force some funds to dump stocks to raise cash, as some did during Black Monday. +22142013 But funds generally are better prepared this time around. +22142014 As a group, their cash position of 10.2% of assets in August -- the latest figure available -- is 14% higher than two years earlier. +22142015 Many fund managers have boosted their cash levels in recent weeks. +22142016 The biggest flurry of investor activity came early in the day. +22142017 Vanguard Group Inc. saw heavy exchanges from stock funds into money market funds after the telephone lines opened at 8:30 a.m. +22142018 "In the first hour, the real nervous folks came along," a spokesman said. +22142019 "But the horrendous pace of call volume in the first half-hour slowed considerably." +22142020 At Scudder, Stevens & Clark Inc., phone calls came in at 40% more than the normal pace through early afternoon. +22142021 Most of that increase came in the first hour after the phone lines opened at 8 a.m. +22142022 As stocks rose, in fact, some investors changed course and reversed their sell orders. +22142023 Many funds allow investors to void orders before the close of trading. +22142024 At Scudder and at the smaller Ivy funds group in Hingham, Mass., for instance, some shareholders called early in the morning to switch money from stock funds to money market funds, but later called back to reverse the switches. +22142025 Because mutual fund trades don't take effect until the market close -- in this case, at 4 p.m. -- these shareholders effectively stayed put. +22142026 At Fidelity's office in downtown Boston, Gerald Sherman walked in shortly after 7:30 a.m. and placed an order to switch his retirement accounts out of three stock funds and into a money market fund. +22142027 But by 3:15 p.m., with the market comfortably ahead for the day, Mr. Sherman was preparing to undo his switch. +22142028 "It's a nice feeling to know that things stabilized," said Mr. Sherman, the 51-year-old co-owner of a discount department store. +22142029 But some investors continued to switch out of high-risk, high-yield junk funds despite yesterday's rebound from that market's recent price declines. +22142030 Shareholders have been steadily bailing out of several big junk funds the past several weeks as the $200 billion market was jolted by a cash crunch at Campeau Corp. and steadily declining prices. +22142031 Much of the money has been switched into money market funds, fund executives say. +22142032 Instead of selling bonds to meet redemptions, however, some funds have borrowed from banks to meet withdrawal requests. +22142033 This avoids knocking down prices further. +22142034 The $1.1 billion T. Rowe Price High Yield Fund was among the funds that borrowed during the Campeau crisis, says George J. Collins, president of T. Rowe Price Associates Inc. +22142035 That way, Mr. Collins says, "We didn't have to sell securities in a sloppy market." +22142036 When the market stabilized, he added, the firm sold the bonds and quickly paid the loans back. +22142037 Tom Herman contributed to this article. +22143001 Amcore Financial Inc. said it agreed to acquire Central of Illinois Inc. in a stock swap. +22143002 Shareholders of Central, a bank holding company based in Sterling, Ill., will receive Amcore stock equal to 10 times Central's 1989 earnings, Amcore said. +22143003 For the first nine months of 1989, Central earned $2 million. +22143004 Amcore, also a bank holding company, has assets of $1.06 billion. +22143005 Central's assets are $240 million. +22144001 (During its centennial year, The Wall Street Journal will report events of the past century that stand as milestones of American business history.) +22144002 SOFT CONTACT LENSES WON federal blessing on March 18, 1971, and quickly became eye openers for their makers. +22144003 The Food and Drug Administration that day said Bausch & Lomb could start selling them in the U.S. +22144004 The cornflake-size product was more comfortable and less prone to falling out than hard contact lenses, which had been around since 1939. +22144005 Bausch & Lomb sold the softies under a sublicense from National Patent Development, which had gained the rights from the Czechoslovakia Academy of Sciences. +22144006 Otto Wichterle, a Czech, invented them in 1962. +22144007 The plastic lens wraps itself over the cornea, absorbing eye moisture while permitting oxygen to pass through. +22144008 But the new lens became the eye of a storm. +22144009 In September 1971 California officials seized "bootlegged" lenses -- made by unlicensed companies -- after some showed traces of bacteria. +22144010 In October doctors were debating the product's safety, some claiming it caused infections. +22144011 And there were Senate hearings on the questions in July 1972. +22144012 The product overcame the bad publicity and kept evolving. +22144013 The early soft lenses, which cost $300 a set, were expected to last for a year. +22144014 In 1983 "extended wear" versions, designed to be worn for 30 days at a time, wree offered. +22144015 Eighteen months ago a "disposable" seven-day model bowed; a year's supply costs about $500. +22144016 Last month the FDA and Contact Lens Institute cautioned users that serious eye infections could result from wearing lenses more than seven days at a stretch. +22144017 Today 20 million of the 25 million Americans using contact lenses are using the soft type. +22144018 Including the accesory eye care products, contacts account for $2 billion in annual retail sales. +22144019 Although Bausch remains the leader among the six majors, Johnson & Johnson, with its new disposables, is coming on fast. +22145001 The roller-coaster stock market is making life tougher for small companies trying to raise money. +22145002 In the wake of Friday's plunge and yesterday's rebound, some companies are already postponing deals, and others wish they could. +22145003 As in other jittery times, many small businesses expect a particularly rough time raising funds as investors shun risky deals, seeking safety in bigger companies. +22145004 Even if stock prices fully recover from Friday's sharp decline, the unsettled conditions will frighten many investors. +22145005 "The implication of an unsettled situation is that the thing could drop dramatically," says Henry Linsert Jr., chairman of Martek Corp., a four-year-old biotechnology company that is planning a private placement of stock. +22145006 "The more variables that indicate risk, the more the investor is going to drive a hard bargain." +22145007 Earlier this month, Staples Inc., a Newton, Mass., office-supplies discounter, said it would accelerate expansion plans nationwide and offer more of its stock to the public. +22145008 At the time, its shares were selling above their initial offering price of $19, and bankers believed Staples would sell new stock without a hitch. +22145009 But with the company's shares standing at $15 yesterday, a new offering seems unlikely, company officials say. +22145010 Business, however, continues to be "robust," and the stock market hasn't affected the concern's expansion plans, says Todd Krasnow, a senior executive. +22145011 Other companies figure they can't avoid the market. +22145012 "We have capital requirements," says Mr. Linsert, "so we have to go ahead" with a planned $1.5 billion private placement. +22145013 Unless the market goes right back up, he says, "it may take us six to nine months to find the money, instead of three." +22145014 And the Columbia, Md., company may have to settle for a lower price, he adds. +22145015 Life is particularly nerve-racking for companies that had planned to go public this week. +22145016 Hand-holding is becoming an investment-banking job requirement. +22145017 Robertson, Stephens & Co., a San Francisco investment banking concern, has a client that looked forward to making its initial public offering yesterday. +22145018 Officers of the company, a health-care concern, "were very discouraged on Friday and felt they shouldn't go public; we felt they should," says Sanford Robertson, partner in the banking concern. +22145019 As the market dropped Friday, Robertson Stephens slashed the value of the offering by 7%. +22145020 Yesterday, when similar securities rebounded, it bumped the valuation up again. +22145021 As of late yesterday, the IPO was still on. +22145022 For many, the situation is especially discouraging because the market for IPOs was showing signs of strengthening after several years of weakness. +22145023 "We were just beginning to look at the increase in IPOs, seeing the light at the end of the tunnel," says Frank Kline Jr., partner in Lambda Funds, a Beverly Hills, Calif., venture capital concern. +22145024 "But the tunnel's just gotten longer." +22145025 Companies planning to go public "are definitely taking a second look," says Allen Hadhazy, senior analyst at the Institute for Econometric Research, Fort Lauderdale, Fla., which publishes the New Issues newsletter on IPOs. +22145026 He calculates that the recent market slide translated into a 5% to 7% reduction in IPO proceeds to companies. +22145027 Many companies are hesitating. +22145028 Exabyte Corp. had been planning to sell 10% of its stock this week in an IPO that would raise up to $28.5 million. +22145029 But now, Peter Behrendt, president, says, "We're making decisions on a day-to-day basis." +22145030 Debt-free and profitable, the Boulder, Colo., computer-products concern could borrow funds if it decides against an IPO now, he says. +22145031 KnowledgeWare Inc., an Atlanta computer-software concern, says it is still planning to go ahead with its IPO this week or next -- unless conditions change. +22145032 "It's a wait-and-see situation right now," says Terry McGowan, president. +22145033 Delayed financings also would affect the operations of many companies. +22145034 Sierra Tucson Cos., a Tucson, Ariz., operator of addiction-treatment centers, has a planned doubling of capacity riding on an IPO scheduled for next week. +22145035 William O'Donnell, president, says he still thinks the IPO will succeed. +22145036 If it doesn't, he says, the company would have to change its expansion timetable. +22145037 But the market turmoil could be partially beneficial for some small businesses. +22145038 In a sagging market, the Federal Reserve System "might flood the market with funds, and that should bring interest rates down," says Leonard T. Anctil, vice president of the Bank of New England, Boston. +22145039 James G. Zafris, president of Danvers Savings Bank, Danvers, Mass., says the market turmoil "is an absolute non-event for small business." +22145040 For small companies, he says, interest rates are far more important than what happens on stock exchanges. +22145041 Mr. Zafris thinks rates are heading down, helping small companies. +22145042 Peter Drake, biotechnology analyst for Vector Securities International, Chicago, thinks market uncertainty may encourage small companies to form more strategic alliances with big corporations. +22145043 Partly because the 1987 market crash made it harder for them to find financing, many high-technology concerns have made such alliances recently. +22145044 Some even see a silver lining in the dark clouds. +22145045 Alan Wells, president of Bollinger, Wells, Lett & Co., a New York merger specialist, thinks panicky investors may lose their enthusiasm for leveraged buy-out and giant takeover deals. +22145046 Instead, they could turn to investing in smaller deals involving smaller companies, he says. +22145047 And William E. Wetzel Jr., a University of New Hampshire management professor and director of Venture Capital Network Inc., says the market's gyrations will underline the investors' lack of control in big stock investments. +22145048 This will add to the appeal of small business, he says, where investors often have a degree of influence. +22146001 Bay Financial Corp., hurt by high debts and deteriorating real estate investments, reported a wider loss for the fourth quarter and said it might be forced to seek a bankruptcy-court reorganization if it can't renegotiate its borrowings. +22146002 Bay said a "substantial part" of its debt outstanding is in default as a result of inability to sell certain properties quickly and lower-than-expected prices for sales made. +22146003 The company said its real estate portfolio is "highly leveraged," while about two-thirds of its investments aren't income-producing. +22146004 Thus it is coming up short on a big bet that quick sales at higher prices would enable it to keep up with mortgage and other debt payments. +22146005 According to its latest annual report, about a quarter of the company's holdings are in Massachusetts, in the midst of a real-estate slump. +22146006 The company said it had a net loss in its fourth quarter ended June 30 of $36.2 million, or $9.33 a share, on revenue of $13.1 million. +22146007 A year earlier, the company had a loss of $10.8 million, or $3.04 a share, on revenue of $10.8 million. +22146008 For the year, it had a net loss of $62 million, or $15.97 a share, on revenue of $44.3 million. +22146009 In the previous year, it had a loss of $22.5 million, or $6.52 a share, on revenue of $41.1 million. +22146010 Although it is having serious cash-flow problems, Bay said the fair-market value of its holdings, minus debt, was equal to $6.02 a share at June 30 based on a recent appraisal. +22146011 Book value per share, which is based on investments at cost, was a negative $6.69 a share. +22146012 A year earlier, fair-market value per share was $26.02 and book value was $9.43 a share. +22147001 Annualized interest rates on certain investments as reported by the Federal Reserve Board on a weekly-average basis: 1989 and Wednesday October 4, 1989. +22147002 c-Yields, adjusted for constant maturity. +22148001 TRW Inc. reported a 12% decline in third-quarter net income, but the company said that excluding unusual gains in both quarters, operating profit rose 16%. +22148002 The electronics, automotive and aerospace concern said third-quarter net was $60 million, or 98 cents a share, down from $68 million, or $1.11 a share, a year earlier. +22148003 Share earnings are reported on a fully diluted basis, by company tradition. +22148004 Results for the 1988 quarter included a gain of $1.05 a share from sale of the Reda Pump and Oilwell Cable units, partly offset by a charge of 69 cents a share for recall of faulty truck steering systems. +22148005 The latest quarter included a gain of 11 cents a share as a partial reversal of the recall charge, because the reserve established last year exceeded the actual recall costs. +22148006 Sales for the quarter rose 8.3% to $1.79 billion, from $1.65 billion, with all three major product groups reporting gains. +22148007 The company said aerospace and defense sales were up 2% for the quarter to $802 million, and operating profit climbed 6% to $61 million, mainly because of improved program performance in spacecraft and advanced-technology contracts. +22148008 Automotive sales jumped 16% to $791 million, mainly because of higher sales of air bags and other passenger restraint systems, TRW said. +22148009 The group had an operating profit of $65 million, against a loss of $13 million a year earlier. +22148010 However, excluding the year-earlier charge for recall of steering gear, operating profit in the latest quarter declined 14%, reflecting higher start-up and product development expenses in passenger-restraint systems. +22148011 Materials and production costs also rose, TRW said. +22148012 The information systems segment had a 44% jump sales to $196 million. +22148013 An acquisition accounted for half the sales rise, TRW said. +22148014 Operating profit rose threefold to $18 million, from $6 million. +22148015 For the nine months, TRW's net was $199 million, or $3.22 a share, down 3% from $205 million, or $3.33 a share, a year earlier. +22148016 Sales rose 2.9% to $5.42 billion, from $5.27 billion. +22149001 a tragicomic monologue by an idealistic, not unheroic, though sadly self-deceived English butler in his sixties -- proceeds as if the realistic English novel of manners, like Britannia herself, still ruled the waves. +22149002 In fact, Kazuo Ishiguro's "The Remains of the Day" (Knopf, 245 pages, $18.95) is both an homage to traditional English forms and a dramatic critique of them. +22149003 It implies that the British Empire was rooted in its subjects' minds, manners and morals, and argues, tacitly, that its self-destructive flaws were embodied in the defensive snobbery, willful blindness, role-playing and especially the locutions of its domestic servants. +22149004 As the narrator Stevens, the solitary butler of Darlington Hall, mulls over such hallowed terms as "greatness," "dignity," "service" and "loyalty," we see how pious cant subverts the soul. +22149005 Stevens's dutiful conflation of the public and private realms -- like his beloved master's -- destroys all it was designed to preserve. +22149006 Such armor crushes the soldier. +22149007 The mask cuts to the quick. +22149008 It's 1956, the year the Suez crisis marked the final end of Empire. +22149009 As he stands on a hill at the beginning of a six-day motor expedition from Oxfordshire to Cornwall, where a former housekeeper resides, perhaps the victim of an unhappy 20-year marriage, perhaps (he hopes with more fervor than he will ever acknowledge) not disinclined to return to domestic service, Stevens surveys the view and thereby provides a self-portrait, a credo and the author's metaphor for the aesthetic of the novel we're reading: +22149010 "We call this land of ours Great Britain, and there may be those who believe this a somewhat immodest practice. +22149011 Yet I would venture that the landscape of our country alone would justify the use of this lofty adjective. . . . +22149012 It is the very lack of obvious drama or spectacle that sets the beauty of our land apart. +22149013 What is pertinent is the calmness of that beauty, its sense of restraint. +22149014 It is as though the land knows of its own beauty, of its own greatness, and feels no need to shout it. +22149015 In comparison, the sorts of sights offered in such places as Africa and America, though undoubtedly very exciting, would, I am sure, strike the objective viewer as inferior on account of their unseemly demonstrativeness." +22149016 An effusive landscape? +22149017 An ill-mannered mountain? +22149018 But let Stevens continue in his unwitting comic manner (his conscious efforts at "banter" always fail -- most comically): "This whole question is very akin to the question that has caused much debate in our profession over the years: what is a `great' butler?" +22149019 His answer is one "possessed of a dignity in keeping with his position." +22149020 Such dignity "has to do crucially with a butler's ability not to abandon the professional being he inhabits." +22149021 He "will not be shaken out by external events, however surprising, alarming or vexing. . . . +22149022 Continentals are unable to be butlers because they are as a breed incapable of the emotional restraint which only the English race are capable of." +22149023 Despite his racial advantage, to be a great butler is a heroic calling; one's pantry is "not unlike general's headquarters during a battle." +22149024 If, for example, in the midst of a great social occasion (such as an international conference on revising the Versailles Treaty in 1923), one's 72-yearold father, himself a great butler once, should happen to die of a stroke, one must continue to serve the port: "Please don't think me unduly improper in not ascending to see my father in his deceased condition just at this moment. +22149025 You see, I know my father would have wished me to carry on just now." +22149026 It is this kind of dignity and restraint that allows Stevens to declare: "For all its sad associations, whenever I recall that evening today, I find I do so with a large sense of triumph." +22149027 We note the imperial public word used to deny private rage and sorrow. +22149028 That Stevens himself is not grotesque or repellent, but funny and sad and enlightening, is entirely the author's triumph. +22149029 Mr. Ishiguro's ability to create a fallible narrative voice that permits him to explore such intertwining domestic, cultural and political themes was abundantly clear in his previous novel, "An Artist of the Floating World," set in Japan after the war. +22149030 Now shifting his scene from the country he left at five to the England he has lived in for nearly 30 years, he has fashioned a novel in the mode of Henry James and E.M. Forster. +22149031 With great aplomb he considers not only filial devotion and (utterly repressed) sexual love, but British anti-Semitism, the gentry's impatience with democracy and support of Hitler, and the moral problematics of loyalty: "It is, in practice, simply not possible to adopt such a critical attitude towards an employer and at the same time provide good service. . . . +22149032 `This employer embodies all that I find noble and admirable. +22149033 I will hereafter devote myself to serving him. +22149034 ' This is loyalty intelligently bestowed." +22149035 In the end, after meeting with the former housekeeper, Stevens sits by the seashore at dusk, thinking of her and of his employer, and declares "I trusted. +22149036 I trusted in his lordship's wisdom. . . . +22149037 I can't even say I made my own mistakes. +22149038 Really -- one has to ask oneself -- what dignity is there in that?" +22149039 The loyal servant has come full circle. +22149040 What is greatness? +22149041 What is dignity? +22149042 We understand such rueful wisdom must be retrospective: The owl of Minerva only spreads her wings at dusk. +22149043 But as "The Remains of the Day" so eloquently demonstrates with quiet virtuosity, such wisdom can be movingly embodied in art. +22149044 Mr. Locke teaches English and comparative literature at Columbia University. +22150001 UGI Corp. said its AmeriGas subsidiary completed the previously announced sale of its air separation plant and related assets in Waukesha, Wis., to AGA Gas Inc., Cleveland. +22150002 The price wasn't disclosed. +22150003 The transaction is part of UGI's continuing program to shed AmeriGas's industrial gas interests and expand the subsidiary's propane business. +22150004 Since June, AmeriGas has netted more than $100 million from industrial gas divestitures and reinvested more than $50 million to acquire three propane distributors. +22150005 UGI is a gas and electric utility and distributes propane nationally through its AmeriGas subsidiary. +22151001 Stanislav Ovcharenko, who represents the Soviet airline Aeroflot here, has some visions that are wild even by the current standards of perestroika. +22151002 In his office overlooking the runway of Shannon Airport, Mr. Ovcharenko enthusiastically throws out what he calls "just ideas": +22151003 First, he suggests, GPA Group Ltd., the international aircraft leasing company based in Ireland, could lease some of its Boeing jetliners to the Soviet airline. +22151004 Then Aer Lingus, the Irish flag carrier, could teach Aeroflot pilots to fly the Boeings, and the fleet could be based here at Shannon Airport. +22151005 That's not all, he says. +22151006 Aer Rianta, the Irish airport authority, could build a cargo terminal in the Soviet Union. +22151007 Aeroflot could lease some of its cargo planes to Aer Lingus, through GPA, for a joint-venture cargo airline. +22151008 And then there is his notion of an Irish-Soviet charter airline to ferry Armenians to Los Angeles via Shannon. +22151009 Have the freedoms of glasnost gone to Mr. Ovcharenko's head? +22151010 Hardly. +22151011 The Irish-Soviet aviation connection is alive and well here at Shannon Airport. +22151012 GPA is indeed talking about leasing Western planes to Aeroflot and even about buying Soviet-built Tupolev 204s. +22151013 Aer Lingus is in discussions with the Soviet carrier about a cargo venture and other possibilities. +22151014 Aer Rianta already has so many ventures with Aeroflot that its chief executive is studying Russian. +22151015 Unlikely as it may seem, tiny, politically neutral Ireland has penetrated the mighty Soviet airline bureaucracy. +22151016 And as Aeroflot struggles to boost its service standards, upgrade its fleet and pursue commercial opportunities, the Irish aviation industry seems poised to benefit. +22151017 "Irish and Soviet people are similar," says Mr. Ovcharenko. +22151018 "They look the same. +22151019 They're very friendly." +22151020 Moreover, he says, Irish companies are small but spunky. +22151021 "We have to study their experience very well," he says. +22151022 "We must find any way to get business." +22151023 The two groups have been working together since the late 1970s, long before Soviet joint ventures were the rage in the West. +22151024 Aeroflot carried about 125 million passengers last year, and Shannon Airport, the airline's largest transit airport outside the Soviet Union, saw 1,400 Aeroflot flights and 250,000 passengers pass through. +22151025 An apartment complex down the road is the crew-rest and staging area for more than 130 Aeroflot pilots and flight attendants. +22151026 The airport's biggest supplier of aircraft fuel is the Soviet Union. +22151027 Tankers from the Latvian port of Ventspils each year unload 25 million gallons of fuel into a special tank farm at the airport. +22151028 What Aeroflot doesn't pour into its own gas-guzzling Ilyushins is bartered to the airport authority, which resells it to 11 Western carriers including Air France, Trans World Airlines and Pakistan International Airlines. +22151029 Aeroflot thus pays its landing fees, ground-handling and catering bills with fuel, preserving its hard currency. +22151030 That isn't all. +22151031 Last year, the Irish airport authority, in a joint venture with Aeroflot, opened four hard-currency duty-free shops at Moscow's Sheremetyevo Airport. +22151032 Aer Rianta now manages duty-free sales on all Aeroflot international flights out of Moscow. +22151033 Duty-free shops in Leningrad's Pulkova Airport opened in July, and hard-currency shops in Leningrad hotels and on the Soviet-Finnish frontier are coming soon. +22151034 Aer Rianta is talking about similar joint ventures in Tashkent and in Sochi, a Black Sea resort, and even has a computer-assembly project cooking with the Georgian city of Tbilisi. +22151035 Aeroflot's international fleet of 285 planes is being repainted and refurbished at Shannon Airport. +22151036 Thanks to a new air-traffic agreement and the ability of Irish travel agents to issue Aeroflot tickets, tourists here are taking advantage of Aeroflot's reasonable prices to board flights in Shannon for holidays in Havana, Kingston and Mexico City. +22151037 The round-trip fare to Havana is 410 Irish punts ($578). +22151038 Jamaica costs 504 punts. +22151039 A formal blessing of sorts was bestowed on this friendship in April when Mikhail and Raisa Gorbachev stopped here for talks with Irish Prime Minister Charles Haughey. +22151040 New trade accords were signed. +22151041 It all started with geography. +22151042 When it opened in 1939, Shannon was the first landfall in Europe for thirsty airplanes flying from North America. +22151043 Advances in aircraft fuel efficiency over the years made a Shannon stop unnecessary for most Western air fleets, but Aeroflot still flies inefficient Ilyushins that can't make it from Moscow to Managua on one hop. +22151044 As a result, Ireland didn't spurn the Soviets after they shot down a Korean Air Lines jetliner over the Sea of Japan in 1983, though it suspended direct Moscow-Shannon flights for two months. +22151045 In fact, Aer Lingus started ferrying Russians from Shannon to New York when Washington stripped Aeroflot of its U.S. landing rights. +22151046 Today, Aer Rianta is making a heap of money from its Soviet friendship. +22151047 And, with those contacts in place, it could be relatively simple to add Aer Lingus and GPA to the team. +22151048 Then, perhaps, Mr. Ovcharenko's ideas wouldn't sound like so much blarney. +22152001 Britain's industrial production rose 1.5% in August from July and was up 0.9% from August 1988, according to provisional data from the Central Statistical Office. +22152002 Output in the energy sector, which can vary greatly with swings in the oil market, rose 3.8% in August from May but was down 7.1% from a year earlier. +22152003 The latest figures compare with July's 4.5% month-to-month rise and 11.3% year-to-year fall. +22153001 When Nucor Corp. begins shipping steel from the world's first thin-slab plant this month, it will begin testing the competitive mettle of its giant competitors. +22153002 The new technology, which creates a very thin piece of steel, radically reduces the costs of making flat-rolled sheets. +22153003 An ebullient Kenneth Iverson, Nucor's chairman, says the company's plant eventually will make a ton of steel in 1.5 man hours, compared with four to six man hours at a conventional mill. +22153004 "We've had the Russians and Chinese, and people from India visiting us," Mr. Iverson beams. +22153005 "Everyone in the world is watching us very closely." +22153006 Especially his neighbors, the major U.S. steelmakers. +22153007 Already, USX Corp. and Armco Inc. are studying Nucor's technology to see if they can adopt it. +22153008 Says the chief executive officer of a major Midwest steel company: "It's damn worrisome." +22153009 The once-staid steel industry is about to be turned topsy-turvy by a 1990s technology revolution. +22153010 New, efficient and sophisticated processes make it easier for smaller, less cash-rich companies to make steel at a fraction of what Big Steel paid decades ago. +22153011 It also enables minimills finally to get a toehold in the flat-rolled steel market -- the major steelmakers' largest, most prized, and until now, untouchable, market. +22153012 But such thin-slab technology is only the beginning. +22153013 Eager engineers espouse direct-steelmaking and direct casting, which by the end of the 1990s will enable production without coke ovens and blast furnaces. +22153014 Those massive structures, while posing cost and environmental headaches, effectively locked out all but deep-pocketed giants from steelmaking. +22153015 "There's a revolution ahead of us that will ultimately change the way we market and distribute steel," says William Dennis, vice president, manufacturing and technology, for the American Iron Ore and Steel Institute. +22153016 It isn't that major steelmakers have blithely ignored high technology. +22153017 In fact, they've spent billions of dollars to boost the percentage of continously cast steel to 60.9% in 1988, from 39.6% five years before. +22153018 Moreover, their balance sheets are rich with diversity, their old plants shuttered, and work forces lean. +22153019 But that won't suffice. +22153020 "It's no longer enough to beat the guy down the street. +22153021 You have to beat everyone around the world," says Mr. Dennis. +22153022 He wants to see steelmakers more involved in computers and artificial intelligence. +22153023 The problem: They're saddled with huge plants that require costly maintenance. +22153024 And try plying new dollars free in a market that is softening, hurt by a strong dollar and concerned about overcapacity -- the industry's Darth Vadar. +22153025 "The technology revolution is going to be very threatening to established producers," says Peter Marcus, an analyst with PaineWebber Inc. +22153026 "They've got too much invested in the old stuff and they can't get their workers to be flexible." +22153027 No one expects minimills to eclipse major integrated steelmakers, who remain the undisputed kings of highest-quality steel used for autos and refrigerators. +22153028 Nucor's plant in Crawfordsville, Ind., ultimately will produce only one million tons annually, a drop in the 40-million-ton-a-year flat-rolled steel bucket, and it will be years before such plants can compete in the high-profit market. +22153029 Still, flat-rolled is the steel industry's bread and butter, representing about half of the 80 million tons of steel expected to be shipped this year. +22153030 Moreover, the process isn't without its headaches. +22153031 Because all operations are connected, one equipment failure forces a complete plant shutdown. +22153032 On some days, the Nucor plant doesn't produce anything. +22153033 "At this point, the minimill capacity won't make a great dent in the integrated market, but it does challenge them to develop new markets," says James McCall, vice president, materials, at Battelle, a technology and management-research giant based in Columbus, Ohio. +22153034 Indeed, with demand for steel not growing fast enough to absorb capacity, steelmakers will have to change the way they do business. +22153035 In the past, says Armco's chief economist John Corey, steelmakers made a product and set it out on the loading dock. +22153036 "We said: `We've got a product: if you want it, you can buy it,'" he says, adding: "Now we're figuring out what people need, and are going back to make it." +22153037 Armco's sales representatives visit the General Motors Corp.'s Fairfax assembly plant in Kansas City, Mo., two or three days a week. +22153038 When they determined that GM needed parts more quickly, Armco convinced a steel service center to build a processing plant nearby so shipments could be delivered within 15 minutes. +22153039 Cementing such relationships with major clients -- car and appliance makers -- is a means of survival, especially when those key clients are relying on a smaller pool of producers and flirting with plastic and aluminum makers. +22153040 For example, when Detroit began talking about plastic-bodied cars, the American Iron and Steel Institute began a major lobbying effort to show auto makers how they could use steel more efficiently by simply redesigning how a car door is assembled. +22153041 But steelmakers must also find new markets. +22153042 After letting aluminum-makers take the recycling lead, a group of the nation's largest steelmakers started a recycling institute to promote steel cans to an environmentally conscious nation. +22153043 Battelle's Mr. McCall thinks steelmakers should concentrate more on construction. +22153044 Weirton Steel Corp., Weirton, W. Va., for example, is touting to homeowners fashionable steel doors, with leaded glass inserts, as a secure and energy-efficient alternative to wooden or aluminum ones. +22153045 Other steelmakers envision steel roofs covering suburbia. +22153046 Still others are looking at overseas markets. +22153047 USX is funneling drilling pipe to steel-hungry Soviet Union. +22153048 This year, the nation's largest steelmaker reactivated its overseas sales operation. +22153049 Producers also are trying to differentiate by concentrating on higher-profit output, such as coated and electrogalvanized products, which remain beyond the reach of minimills. +22153050 Almost all capital-improvement programs announced by major steelmakers within the past year involve building electrogalvanizing lines, used to produce steel for such products as household appliances and car doors. +22153051 But unfortunately, that segment is much smaller than the bread-and-butter flat-rolled steel. +22153052 "It's like everyone climbing out of the QE II and getting into a lifeboat," says John Jacobson, an analyst with AUS Consultants. +22153053 "After a while, someone has to go over the side." +22153054 Although he doesn't expect any bankruptcies, he does see more plants being sold or closed. +22153055 Robert Crandall, with the Brookings Institute, agrees. +22153056 "Unless there is an enormous rate of economic growth or a further drop in the dollar, it's unlikely that consumption of U.S. produced steel will grow sufficiently to offset the growth of minimills." +22153057 Not to mention the incursion of imports. +22153058 Japanese and European steelmakers, which have led the recent technology developments, are anxiously awaiting the lifting of trade restraints in 1992. +22153059 Moreover, the U.S. can expect more competition from low-cost producing Pacific Rim and Latin American countries. +22153060 A Taiwanese steelmaker recently announced plans to build a Nucor-like plant. +22153061 "People think of the steel business as an old and mundane smokestack business," says Mr. Iverson. +22153062 "They're dead wrong." +22153063 *USX, LTV, Bethlehem, Inland, Armco, National Steel +22153064 **Projected +22154001 Polaroid Corp.'s patent-infringement damages case against Eastman Kodak Co., one of the highest stakes corporate trials ever, is getting scant attention on Wall Street. +22154002 After 78 days of mind-numbing testimony in federal court in Boston, the trial is being all but ignored by analysts and patent attorneys. +22154003 Most have read the pre-trial documents, however, and estimate Kodak will be ordered to pay $1 billion to $1.5 billion for infringing on seven Polaroid patents. +22154004 That may be the largest patent award ever, but it is well below the $12 billion Polaroid seeks. +22154005 The highest patent damage award to date was in 1986, when Smith International Inc. was ordered to pay $205 million to Baker Hughes Inc. for infringing on a patent on an oil drilling bit seal. +22154006 The two companies later agreed to settle for $95 million. +22154007 Few analysts think it is worth their time to slog through the Polaroid trial testimony. +22154008 "It's like panning for gold outside of Grand Central Station. +22154009 You might find something, but the chances are low," said Michael Ellman, an analyst at Wertheim Schroder & Co. +22154010 And Eugene Glazer, an analyst at Dean Witter Reynolds Inc., said: "If you hired an attorney to be there all the time and give you a (prediction) of the eventual award, I would be willing to bet that he would be off" by a lot. +22154011 A 75-day trial in the early 1980s determined that Kodak, based in Rochester, N.Y., infringed on patents of Polaroid, of Cambridge, Mass. +22154012 The main issues remaining are how to calculate damages and whether the infringement was "willful and deliberate." +22154013 If so, the damages could be tripled. +22154014 Two analysts who have read the transcripts, David Nelson of Shearson Lehman Hutton Inc. and Calvert D. Crary, a litigation analyst at Labe, Simpson & Co., think Judge A. David Mazzone will decide in Kodak's favor on the "willful and deliberate" issue. +22154015 Mr. Crary said testimony by Kodak's patent counsel, Francis T. Carr of Kenyon & Kenyon, showed that "he worked with Kodak continuously from the outset of the project" in an effort to avoid infringement. +22154016 "Carr told Kodak on many occasions to avoid various features because of Polaroid's patent positions," and Kodak followed his advice in every instance, Mr. Crary said. +22154017 But Irving Kayton, a patent expert at George Mason University School of Law who is familiar with the case, said the fact that seven patents were infringed "suggests that infringement was willful. +22154018 It's difficult to be that consistently wrong." +22154019 Observers also wonder whether Judge Mazzone will use the lost-profits method of determining damages, which Polaroid favors because it would result in a larger award, or the reasonable royalty method. +22154020 Polaroid claims it could have manufactured and sold all the instant cameras and film sold by Kodak if Kodak hadn't entered the market. +22154021 Moreover, Polaroid contends it could have sold them at a higher price -- and thus made higher profits -- because it wouldn't have been forced to match Kodak's lower prices. +22154022 Each side has called a Harvard Business School professor to testify on that issue. +22154023 Kodak hired Robert Buzzell and Polaroid brought in Robert J. Dolan. +22154024 "There's nothing that says that people at Harvard Business school have to agree with each other," said Mr. Buzzell. +22154025 Testimony is expected to continue until early December. +22154026 A decision isn't expected until some time next year. +22155001 International Business Machines Corp. said earnings tumbled 30% in the third quarter, even a bit further than expected, rendering the outlook doubtful for the next few quarters. +22155002 The main reason was a delay in shipment of new high-end disk drives, a business that accounts for some 10% of IBM's $60 billion of annual revenue. +22155003 IBM, which telegraphed the poor results three weeks ago, also cited an increase in its leasing business, which tends to lock in business long-term but cut revenue in the near term. +22155004 In addition, IBM noted that the stronger dollar has cut the value of overseas revenue and earnings when they are translated into dollars. +22155005 Earnings fell to $877 million, or $1.51 a share, somewhat below securities analysts' revised expectations of around $1.60 a share. +22155006 That compared with the year-earlier $1.25 billion, or $2.10 a share -- which was inflated by a 15-cents-a-share gain from the sale of some MCI Communications Corp. stock and by an unspecified amount from a payment by Fujitsu Ltd. relating to a software dispute. +22155007 Revenue climbed 4.3% to $14.31 billion from $13.71 billion. +22155008 IBM, Armonk, N.Y., remained upbeat. +22155009 The computer giant, whose U.S. results have been dismal for years, noted that revenue rose again in the U.S. in the third quarter, following an increase in the second period. +22155010 The company said in a statement that "demand for IBM products and services continues to be good world-wide. +22155011 We do not see anything in the fundamentals of our business that would cause us to change our strategy of investing for profitable growth." +22155012 Securities analysts, however, remained downbeat. +22155013 "I think 1990 will be another mediocre year," said Steve Milunovich of First Boston. +22155014 Jay Stevens of Dean Witter actually cut his per-share earnings estimate to $9 from $9.50 for 1989 and to $9.50 from $10.35 in 1990 because he decided sales would be even weaker than he had expected. +22155015 Both estimates would mark declines from the 1988 net of $5.81 billion, or $9.80 a share, which itself was well below the record IBM set in 1984. +22155016 Mr. Stevens said he kept a "buy/hold" recommendation on the stock only because "all the damage has been done." +22155017 He said the stock hasn't traded below 1 1/2 times book value over the past 10 years, which at the moment computes to a stock price of $100. +22155018 The stock closed yesterday at $103 a share, up just $1 in composite trading on the New York Stock Exchange as the market surged. +22155019 Analysts worry that the disk-drive and leasing problems will last at least through the first quarter. +22155020 "A key part of the question is, how soon does this disk-drive come and how soon does production ramp up?" said Steve Cohen at SoundView Financial Group. +22155021 "And the input I've had from customers is that it still could be a while." +22155022 On leasing, Bob Djurdjevic at Annex Research said he thinks IBM has hurt itself unnecessarily. +22155023 He said IBM has priced its leases aggressively, thinking that would help win business. +22155024 But he said IBM would have won the business anyway as a sale to a third party that would have then leased the equipment to the customer. +22155025 He said IBM has not only hurt its short-term revenue outlook but has also been losing money on its leases. +22155026 Bob Bardagy, executive vice president of marketing at Comdisco Inc., a huge leasing firm, said: "To put it mildly, IBM Credit has been doing some of the worst economic deals of any leasing company we have ever seen." +22155027 IBM is expected to get a boost soon when it announces some new versions of its mainframes. +22155028 But the basic technology in the line is almost five years old, which means it is long in the tooth, and competitors are rolling out strong products of their own. +22155029 IBM is gaining momentum in the personal-computer market, and is expected to introduce some impressive workstations early next year. +22155030 But it's hard to squeeze much profit out of the personal-computer business these days, and the workstation market, while important, is too small to rely on for much growth. +22155031 The disk drives will doubtless sell well when they finally become available. +22155032 But the AS/400, IBM's highly successful minicomputer line, is losing its momentum, and some analysts said sales could even decline in the fourth quarter. +22155033 In addition, IBM's growth in software in the third quarter was just 8.8%, well below historical levels even when adjusted to reflect last year's payment from Fujitsu and the stronger dollar. +22155034 And expenses, up 7.9% in the quarter, have stayed stubbornly high. +22155035 In the nine months, IBM earned $3.17 billion, or $5.43 a share, down 8.4% from the year-earlier $3.46 billion, or $5.83 a share. +22155036 Revenue increased 6.5% to $42.25 billion from $39.68 billion. +22156001 PepsiCo Inc.'s chairman said he is "more than comfortable with" analysts' estimates that third-quarter earnings rose to at least 98 cents to $1 a share from 91 cents the year earlier. +22156002 D. Wayne Calloway, also chief executive officer of the company, indicated that he expects analysts to raise their forecasts for 1989 after the company releases its earnings today. +22156003 So far, analysts have said they are looking for $3.30 to $3.35 a share. +22156004 After today's announcement, that range could increase to $3.35 to $3.40 a share. +22156005 The official said he also would be comfortable with that new range. +22156006 In 1988, the soft-drink giant earned $2.90 a share. +22156007 Results for 1989 will include about 40 cents a share from the dilutive effects of snack-food and bottling company acquisitions. +22156008 In composite trading on the New York Stock Exchange, the company closed yesterday at $57.125 a share, up $3.125. +22156009 The company said third-quarter sales are expected to increase 25% from $3.12 billion of last year's third quarter. +22156010 Domestic soft-drink bottler case sales are estimated to have risen only 1% in the third quarter -- well below the 4% to 5% growth of recent years -- but about in line with the rest of the soft-drink industry. +22156011 Mr. Calloway blamed the slower volume on rainier weather, a dearth of new products in the industry and -- to a much lesser extent -- pricing. +22156012 PepsiCo said its soft-drink prices were about 2% higher in the quarter. +22156013 Mr. Calloway also noted that soft-drink volume rose a hefty 9% in last year's third quarter, making the comparison more difficult. +22156014 International soft-drink volume was up about 6%. +22156015 Snack-food tonnage increased a strong 7% in the third quarter, while domestic profit increased in double digits, Mr. Calloway said. +22156016 Excluding the British snack-food business acquired in July, snack-food international tonnage jumped 40%, with sales strong in Spain, Mexico and Brazil. +22156017 Total snack-food profit rose 30%. +22156018 Led by Pizza Hut and Taco Bell, restaurant earnings increased about 25% in the third quarter on a 22% sales increase. +22156019 Same-store sales for Pizza Hut rose about 13%, while Taco Bell's increased 22%, as the chain continues to benefit from its price-value strategy. +22156020 Taco Bell has turned around declining customer counts by permanently lowering the price of its tacos. +22156021 Same store-sales for Kentucky Fried Chicken, which has struggled with increased competition in the fast-food chicken market and a lack of new products, rose only 1%. +22156022 The operation, which has been slow to respond to consumers' shifting tastes away from fried foods, has been developing a grilled-chicken product that may be introduced nationally at the end of next year. +22156023 The new product has performed well in a market test in Las Vegas, Nev., Mr. Calloway said. +22156024 After a four-year, $7.7 billion acquisition binge that brought a major soft-drink company, soda bottlers, a fast-food chain and an overseas snack-food giant to Pepsi, Mr. Calloway said he doesn't expect any major acquisition in the next year or so. +22156025 But, "You never can tell," he added, "you have to take advantage of opportunities. +22157001 President Bush chose Martin Allday, a longtime friend from Texas, to be chairman of the Federal Energy Regulatory Commission. +22157002 Mr. Allday would succeed Martha Hesse, who is resigning. +22157003 The White House said Ms. Hesse, a Chicago businesswoman who previously held posts at the Energy Department and FERC, is leaving to become a vice president of First Chicago Corp. +22157004 Mr. Allday, an attorney in Midland, Texas, has been solicitor at the Interior Department. +22157005 He met Mr. Bush in the 1950s, when the president was a young oil man in Midland and Mr. Allday was a lawyer for an oil firm. +22157006 The FERC is a five-member commission that regulates billions of dollars of interstate wholesale energy transactions. +22157007 Mr. Allday's appointment is subject to confirmation by the Senate. +22157008 Administration officials said a date for Ms. Hesse's departure hasn't been set. +22158001 CALIFORNIA REAL ESTATE INVESTMENT Corp. said its directors declared a dividend of five cents per Class A common stock payable Nov. 6 to stock of record Oct. 16. +22158002 The dividend represents the balance of its regular quarterly payout of 10 cents a share, of which half was paid July 17 in a final distribution prior to its merger with B.B. Real Estate Investment Corp., also in July. +22158003 The company said it hopes to resume its schedule of regular quarterly dividends at the end of this year. +22159001 Hydro-Quebec said it notified Central Maine Power Co. it will cancel a $4 billion contract to supply electricity to the Maine utility. +22159002 The provincially owned utility said it is tearing up the deal because "the contract's objectives can't be fulfilled." +22159003 Hydro-Quebec said Maine regulators' refusal to approve the contract earlier this year halted work on transmission lines and stopped negotiations for resale of electricity carried through Maine to other utilities. +22159004 "It would now be physically impossible to begin deliveries in 1992," a Hydro-Quebec official said. +22159005 The contract was to run from 1992 to 2020. +22159006 Under the contract Hydro-Quebec was to supply 400 megawatts of power to Central Maine Power starting in 1992, 600 megawatts starting in 1995 and 900 megawatts starting in +22159007 Hydro-Quebec said Maine regulators' refusal to approve the contract means Central Maine Power has lost its place in line. +22159008 "We won't sign any new contracts {with deliveries} beginning earlier than 2000," the Hydro-Quebec official said. +22159009 He said Hydro-Quebec already has some "customers in mind" for the power that was to be delivered to Maine. +22159010 "Nothing has happened since we signed the contract to undermine our conviction that Hydro-Quebec was the lowest-cost, most environmentally acceptable choice for meeting a part of our customers' energy needs through the year 2020," said Central Maine senior vice president Donald F. Kelly. +22159011 Central Maine said it is evaluating "many energy options" to make up for the lost future power, including new energy generation and management proposals from New England, and possibly new Canadian purchases. +22160001 CHICAGO - Options traders were among the big victims of Friday's plunging stock market, including one small firm that required an emergency $50 million bailout. +22160002 While Monday's rebounding markets helped other investors recoup losses, many options customers and professional traders in stock-index options and the options on takeover stocks were left with multimillion-dollar losses, traders here and in New York said. +22160003 Options traders were hurt worse than others on Friday because of the highly volatile nature of options, which often rise or fall in value several times the amount of the price change in the individual stock or index of stocks on which they are based. +22160004 Thus, options traders Friday were stuck with losses that also were several times larger than those suffered by many stock traders in New York. +22160005 Jeffrey Miller of Miller Tabak Hirsch & Co. said that given the high degree of leverage in the options market, it is "very easy for these guys to get wiped out. +22160006 That may just be the nature of these highly leveraged little creatures." +22160007 An options contract gives the holder the right to buy (call) or sell (put) a specific amount of stock, or in this case the value of a stock index, based on a predetermined price within a given time period. +22160008 Options traders who, in return for a small fee, or premium, had previously sold put options on stocks or stock indexes were forced on Friday to buy those contracts back at the previously agreed prices, which were substantially above those in the market as it was falling. +22160009 They then had no choice in many cases but to sell the contracts at prevailing prices -- in most cases at a substantial loss. +22160010 The latest round of losses is likely to be a serious blow to the Chicago Board Options Exchange, which has never fully recovered from the aftershock of Black Monday, when investors fled the market because of huge losses. +22160011 Making matters worse was the fact that late Friday afternoon the CBOE halted stock-index options trading in step with the Chicago Mercantile Exchange's halt in stock-index futures. +22160012 But while the Merc reopened a half hour later, the CBOE remained closed, leaving many options traders unable to make trades that might have reduced the losses. +22160013 CBOE Chairman Alger "Duke" Chapman, said that, unlike the futures market, the options exchange has to open in a rotation that allows each different options series to trade. +22160014 Exchange officials reasoned that they wouldn't have been able to make such a rotation with the time remaining Friday afternoon, and with the stock-index futures on the verge of closing for a second and final time, the CBOE reasoned that its best course was to remain closed. +22160015 The damage was so bad at Fossett Corp., an options trading firm here, that it was forced to transfer its accounts to First Options of Chicago, a unit of Continental Bank Corp., as a result of options trading losses. +22160016 Fosset so far is the only member of a financial exchange to be forced to be taken over by another firm as a result of Friday's rout. +22160017 Fossett still had several million dollars in capital left after Friday's close of trading, but not enough that regulators, worried about another potential market plunge yesterday, would let it reopen for trading, options exchange officials said. +22160018 Thus, in an unprecedented arrangement underscoring the seriousness of the transfer, the CBOE, the American Stock Exchange and the Options Clearing Corp., as well as the firm's owner, Stephen Fossett, put up a total of $50 million to guarantee the customer positions being transferred to the bank holding company subsidiary in case the market plunged again yesterday. +22160019 S. Waite Rawls III, vice chairman of Continental Bank, First Options' parent company, said the firm took on about 160 accounts formerly held by Fossett, almost all of them belonging to professional floor traders. +22160020 "Steve and his firm were still worth a lot of money," Mr. Rawls said. +22160021 "A package of credit support was put together -- including the assets of Steve and his firm." +22160022 The bailout was cobbled together over the weekend, with officials from the Federal Reserve Board, Securities and Exchange Commission, Comptroller of the Currency and Treasury as well as the options exchanges. +22160023 "It was great to have the luxury of time," Mr. Rawls said. +22160024 At one point, an options industry official had to talk the Federal Reserve Bank of Chicago's night watchman into giving him the home phone number of Silas Keene, Chicago Fed president. +22160025 First Options didn't have to put any money into the bailout. +22160026 Yesterday's rally in the stock, futures and options markets led CBOE and Amex officials to conclude that the $50 million in guarantees almost certainly won't need to be tapped by First Options. +22160027 The Fossett firm had some losses and liquidity problems during the October 1987 crash as well, Mr. Rawls said. +22160028 A federal official said that Continental Bank worked with securities and banking regulators over the weekend to fashion the Fossett bailout, but that conditions weren't dictated by those agencies. +22160029 "It was their business decision," the official said. +22160030 Officials at Options Clearing Corp., which processes all options trades for U.S. exchanges, said that the $50 million guarantee was unprecedented, but was necessary to help insure the integrity of the options markets. +22160031 "It was an extraordinary situation that needed extraordinary steps," said Paul Stevens, OCC president and chief operating officer. +22160032 Mr. Stevens declined to give the specific contributions to the $50 million guarantee from each participant. +22160033 But CBOE and Amex officials said that Options Clearing Corp. contributed $20 million to the guarantee, the CBOE put up $8 million, the Amex added $4 million and $18 million came from Mr. Fossett's own assets. +22160034 Mr. Fossett couldn't be reached to comment. +22161001 Debora Foster takes off her necklace, settles herself on a padded chair and gently leans forward. +22161002 With a jazz-piano tape playing softly in the background, the soothing hands of Sabina Vidunas begin to work on Ms. Foster's neck and shoulders. +22161003 "It's like an oasis in this room," Ms. Foster purrs. +22161004 The room in question is the directors' lounge of H.J. Heinz Co., 60 floors above the bustle of Pittsburgh. +22161005 There, amid oil paintings and marble tables, massages are administered every Wednesday. +22161006 "On days that I'm really busy," says Ms. Foster, who works in public relations for the company, "it seems decadent to take time off for a massage." +22161007 Although such sessions may never replace coffee breaks, on-site massage, as it is known in the trade, is certainly infiltrating corporate America. +22161008 In some companies middle managers sneak massage therapists into the office, fearful that upper-level executives won't approve. +22161009 Ms. Foster's indulgence is nothing like the oily, hour-long rubfests enjoyed by spa visitors. +22161010 Nor does it at all resemble (despite what some executives think) the more intimate variety offered at specialty parlors in bad parts of town. +22161011 On the contrary, office rubdowns usually take place in dimly lighted conference rooms, where stressed-out employees relax in specially designed chairs, fully clothed. +22161012 The massages last 15 minutes and typically cost about $10. +22161013 Some companies, including Heinz, even pay part of the fee. +22161014 Ms. Vidunas has been seeing some 15 clients a visit since the program was started at Heinz last year. +22161015 Anthony J.F. O'Reilly, the company's chairman, swears by her firm touch, saying regular massages are a balm for his old football injuries. +22161016 Massage advocates say that kneading the head, shoulders, neck and back can go a long way toward easing tension and improving morale. +22161017 They also insist that touching is a basic need, as powerful as the need for food or sleep, and that the office is as good a place as any to do it. +22161018 "The blood flows to your head, you feel lightheaded and you don't feel tension around the head or neck," says Minnie Morey, an operations supervisor at the Social Security office in Grand Rapids, Mich., where massages began last month. +22161019 "When you leave the room after your massage, people say you look like you're glowing." +22161020 Adds Candice Ohlman, the 35-year-old masseuse who plies her trade in the Grand Rapids office, "They fall in love with my hands." +22161021 Not everyone, however, is at ease with office massage. +22161022 Three years ago, the Internal Revenue Service's office in San Jose, Calif., opened its doors to on-site massage. +22161023 And even though employees paid the bill, taxpayers grumbled. +22161024 "Sometimes, with the release of stress, you hear `oohs' and `ahs' coming out of the room," explains Morgan Banks, the agency's health specialist. +22161025 "And you can't have taxpayers coming into an audit hearing `oohs' and `ahs.'" +22161026 Last month, the complaints intensified and the massages ended. +22161027 "Now we're looking for a room with thicker walls," Ms. Banks says. +22161028 Massage also has an image problem to contend with. +22161029 Some masseurs have tried to get around this by calling themselves "bodyworkers" and describing their office visits as "reinvigoration breaks." +22161030 But massage, no matter how chaste, is still associated in many minds with seedy fronts for prostitution, and that makes some executives nervous. +22161031 Last year, the research and development division of Weyerhaeuser Co., the large wood-products concern, invited a masseuse to its Tacoma, Wash., offices. +22161032 Phil Harms, a software engineer, was an eager customer. +22161033 "You build up a lot of tension working at a terminal all day," he says. +22161034 But after about eight months, the vice president of the division, Ed Soule, learned about the sessions and brought them to a halt. +22161035 Mr. Soule says his only beef was that the massages were being given in a company conference room; the department's supervised health facility would have been fine. +22161036 "In my view, {massages} should be managed with an appropriate mixture of males and females around," he says. +22161037 Given such attitudes, some corporate masseurs prefer to go about their business quietly. +22161038 Russell Borner of Park Ridge, N.J., says he has been working for the past year at a huge chemical and manufacturing concern in New York -- unbeknownst to the company's executives. +22161039 He visits the same department every two or three weeks. +22161040 His massage chair is kept in a closet, and a secretary escorts him past security. +22161041 "This is common with a lot of large companies," says Mr. Borner, who worked for American Telephone & Telegraph Co. for 23 years before choosing his current trade. +22161042 Managers, he contends, "are afraid how they're going to look in the eyes of their peers. +22161043 My vision is to change human consciousness towards touch. +22161044 My attitude is: Let's come out of the closet." +22161045 Occasionally, all that's needed is a little coaxing. +22161046 Elisa Byler, a St. Louis masseuse, won over officials at Emerson Electric Co., a maker of electrical and electronic equipment, by providing documents and other articles trumpeting the therapeutic benefits of massage. +22161047 She notes that she also stresses professionalism during her weekly visits. +22161048 "I pull my hair back, wear a little makeup and look corporate," says Ms. Byler, who has been visiting Emerson since January. +22161049 "If I go in there as I normally dress, they'd ask, `Who is this hippie?'" +22161050 The self-proclaimed father of on-site massage is David Palmer, a 41-year-old San Francisco masseur whose mission is to save the touch-starved masses. +22161051 To help do this, Mr. Palmer developed a portable massage chair three years ago that he hopes will bring "structured touching" into mainstream America. +22161052 "The culture is not ready to take off its clothes, lie down and be touched for an hour for $45," he says. +22161053 "The idea is to keep the clothes on and to keep people seated. +22161054 The chair is a way to package massage." +22161055 Sitting in one of Mr. Palmer's chairs, which cost $425 and have since been copied by others, is a bit like straddling a recliner. +22161056 Customers lean forward, rest their knees on side supports and bury their face in padding on the back of the chair. +22161057 (Ms. Ohlman, the Grand Rapids masseuse, says she has heard the odd-looking contraption compared to something out of the Spanish Inquisition.) +22161058 Mr. Palmer, who serves as president of the On-Site Massage Association and writes an industry newsletter, says some 4,000 practitioners -- out of about 50,000 certified masseurs across the country -- now use massage chairs in the workplace, as well as on street corners, in airports and malls, and at conventions and other gatherings where weary people can be found. +22161059 Scot MacInnis, a masseur in Boulder, Colo., had a scary experience while massaging a man in a natural-foods supermarket as part of a store promotion. +22161060 Three minutes into the massage, the man curled up, began shaking and turned red. +22161061 Paramedics were called. +22161062 A week later, the man told Mr. MacInnis he had suffered a mild heart attack unrelated to the massage. +22161063 "It was a powerful point in my career," says the 31-year-old Mr. MacInnis, who has since taken out a $1 million liability policy for his business. +22161064 "But he pulled through, and after the ambulance left, there were still six people in line waiting for a massage. +22161065 The next woman was older, and I was afraid to touch her. +22161066 But it's like falling off a horse and getting back on." +22161067 Despite the number of fans that office massage has won, some purists look down on it, arguing that naked, full-body rubs are the only way to go. +22161068 Linda Aldridge, who does full-body work in Pittsburgh, says that while on-site massage is better than nothing, tired workers should realize it is only the tip of the iceberg. +22161069 "Whole areas of their bodies are neglected," she says, adding that clothes ruin the experience. +22161070 "There's nothing like skin to skin. +22162001 In what is believed to be the first cancellation of a loan to China since the June 4 killings in Beijing, an international bank syndicate has terminated a $55 million credit for a Shanghai property project. +22162002 The syndicate, led by Schroders Asia Ltd., agreed last November to provide the loan to Asia Development Corp., a U.S. property developer. +22162003 But several weeks ago, in the wake of the Beijing killings, the loan was canceled, according to bankers and executives close to the project. +22162004 Asia Development and Schroders declined to comment on the move. +22162005 Lenders had doubts about the project even before June 4, but the harsh crackdown, which caused many businesses to reassess their China transactions, "gave the banks the out they wanted," says an official close to the Shanghai venture. +22162006 The decision to cancel the loan exemplifies the tough attitude bankers have taken toward China since June 4. +22162007 While some commercial lending has resumed, international lenders remain nervous about China's economic troubles and foreign debt -- $40 billion at the end of 1988. +22162008 Many loans are being renegotiated, especially those tied to the hotel sector, which has been hit hard by a post-June 4 tourism slump. +22162009 Many bankers view property-sector loans as particularly risky. +22162010 The canceled Shanghai loan leaves Asia Development, a small concern, saddled with a half-completed 32-story apartment building and heavy debts. +22162011 The company owes $11 million to the Shui On Group, the project's Hong Kong contractor, and a significant, though unspecified, amount in legal fees to Coudert Brothers, a U.S. law firm, the sources say. +22162012 The project, known as Lotus Mansion, has been mired in controversy. +22162013 When the loan agreement was announced, it was hailed as one of the first Western-style financing transactions ever used in China. +22162014 Unlike most loans to China, there was no Chinese guarantor. +22162015 Instead, the banks secured a promise from state-owned Bank of Communications that it would lend Asia Development the entire $55 million at maturity to finance repayment of the original borrowing. +22162016 The loan was to have matured in just two to three years, as soon as construction was completed. +22162017 But in a letter sent in August to Asia Development, Schroders said the loan was terminated because the developer had failed to deliver adequate financial data and pay certain fees to the loan-management committee on time, according to officials close to the project. +22162018 Creditors involved in the project contend, however, that the termination actually had nothing to do with these technical violations. +22162019 Instead, the creditors say, the loan fell victim to nervousness about China's political turmoil, as well as to concern about the loan's security. +22162020 The bank syndicate is made up mostly of European banks, but it includes China's state-owned Citic Industrial Bank. +22162021 The 11 banks in the syndicate sustained no monetary losses because none of the credit facility had been drawn down. +22163001 K mart Corp. agreed to acquire Pace Membership Warehouse Inc. for $23 a share, or $322 million, in a move to expand its presence in the rapidly growing warehouse-club business. +22163002 The proposed merger comes as K mart's profit is declining and sales at its core discount stores are rising more slowly than at such competitors as Wal-Mart Stores Inc. +22163003 K mart, based in Troy, Mich., recently said net income would fall for the third consecutive quarter, after a 16% drop in the first half of its current fiscal year. +22163004 "The membership warehouse-club concept has great potential," the company's chairman, Joseph E. Antonini, said in a statement. +22163005 Warehouse clubs typically carry general merchandise and food products, which they sell for close to wholesale prices in no-frills stores. +22163006 Shoppers, many of whom operate small businesses, pay annual membership fees, which provide an income base for the stores. +22163007 K mart tested the warehouse-club sector last year with its acquisition of a 51% interest in Makro Inc. +22163008 But the Makro chain, which operates as a joint venture between K mart and SHV Holdings N.V. of the Netherlands, has only six stores and annual sales that one analyst estimated at about $300 million. +22163009 Six-year-old Pace, based in Aurora, Colo., operates 41 warehouse-club stores. +22163010 The company had losses for several years before turning profitable in fiscal 1988. +22163011 In the year ended Jan. 31, Pace rang up profit of $9.4 million, or 72 cents a share, after a tax-loss carry-forward, on sales of $1.3 billion, and analysts expect its results to continue to improve. +22163012 "The company turned the corner fairly recently in profitability," said Margo McGlade of PaineWebber Inc., who had been forecasting a 46% jump in Pace's net income from operations this year and another 42% increase next year. +22163013 "Warehouse productivity is really beginning to take off." +22163014 But some analysts contend K mart has agreed to pay too much for Pace. +22163015 "Even if you look at it as a turnaround situation, it's expensive," said Wayne Hood of Prudential-Bache Securities Inc. +22163016 "In my opinion, you would only pay that kind of price if you were getting a premier player in the industry." +22163017 Ms. McGlade of PaineWebber raised a more fundamental question about the deal. +22163018 "If K mart can't get its act together in discounting, why is it spending time worrying about other growing markets?" +22163019 She said, "I would say K mart's number one job is to address its market-share loss {in discount stores}, which longer-term will lead to improved profit margins. +22163020 At that point, perhaps diversification would be appropriate." +22163021 But K mart's Mr. Antonini is intent on pushing the company into new retail businesses. +22163022 For instance, K mart is opening big food and general merchandise stores, called hypermarkets, and warehouse-type stores specializing in office products and sporting goods. +22163023 It also operates Waldenbooks, Pay Less Drug Stores and Builders Square home improvement stores. +22163024 In composite trading on the New York Stock Exchange, K mart closed yesterday at $36 a share, up 12.5 cents. +22163025 Pace rose $2.625 to close at $22.125 a share in national over-the-counter trading. +22163026 A K mart spokesman said the acquisition would be financed with short-term borrowings. +22163027 Under terms of the agreement, a K mart subsidiary will soon make a tender offer for Pace shares. +22163028 Among the conditions of the offer is that Pace shareholders tender a majority of the company's shares outstanding. +22163029 The companies said Pace would ill continue to operate under its present management. +22164001 G. William Ryan, president of Post-Newsweek Stations, was named chief executive officer of the unit of this media company, effective Jan. 1. +22164002 He will succeed Joel Chaseman, who will remain a vice president of the company and continue to represent Post-Newsweek stations in several industry organizations, the company said. +22165001 literally. +22165002 Traders nervously watching their Quotron electronic-data machines yesterday morning were stunned to see the Dow Jones Industrial Average plummet 99 points in seconds. +22165003 A minute later it soared 128 points, then zoomed back down 113 points, 69 below Friday's close. +22165004 "It was crazy," said Neil Weisman, general partner of Chilmark Capital Corp. +22165005 "It was like flying without a pilot in the front of the plane." +22165006 But those who said "This can't be happening" were right. +22165007 The Quotrons were wrong. +22165008 Quotron Systems Inc., a Citicorp unit, blamed the 30-minute foul-up on "a timing problem in our software" caused by the enormous early volume -- about 145 million shares in the first hour of New York Stock Exchange trading. +22165009 The prices of the individual stocks that make up the average were correct, Quotron said, but the average was wrong. +22165010 Meanwhile, there was an awful lot of confusion. +22165011 At about 10:40 a.m. on the over-the-counter trading desk at a major brokerage firm, a veteran trader who buys and sells some of the most active stocks looked at a senior official and asked, "What's going on? +22165012 Is the market up or down?" +22165013 At the time, Quotron was reporting that the industrial average was down 70 points. +22165014 In fact, it was up 24. +22165015 Holly Stark, a vice president who heads the trading desk at Dillon Read Capital Corp., said that once she figured out the Quotron numbers were wrong, she called brokers to tell them. +22165016 "It's been kind of annoying, to say the least," she said. +22165017 To confuse matters further, when UAL Corp. stock finally opened on the New York Stock Exchange at 11:08 a.m., the price was listed at $324.75 a share, up about $45 from Friday; in fact, its true price was $224.75, down $55. +22165018 That was the New York Stock Exchange's blooper. +22165019 A spokesman cited a "technical error" and declined to elaborate. +22165020 And there were other blunders. +22165021 When the market opened at 9:30 a.m. EST, a reporter for the Reuters newswire miscalculated the industrial average's drop as a 4% decline when it really was down 0.7%. +22165022 "It was a case of human error, which we found almost immediately and corrected," a spokesman for Reuter in New York said. +22165023 Meanwhile, some currency traders at West German banks in Frankfurt said they sold dollars on the news and had to buy them back later at higher prices. +22165024 But it was the Quotron problems that had lingering effects. +22165025 Dillon Read's Ms. Stark said in early afternoon that she was still viewing prices and other data as subject to verification, and she said portfolio managers continued to question the numbers they saw on the screen. +22165026 It was the second time in less than a week that Quotron has had problems calculating the industrial average. +22165027 At the start of trading last Wednesday, the average appeared to plunge more than 200 points. +22165028 Actually, it was down only a few points at the time. +22165029 Quotron said that snafu, which lasted nine minutes, resulted from a failure to adjust for a 4-for-1 stock split at Philip Morris Cos. +22165030 A Quotron spokeswoman said recent software changes may have contributed to yesterday's problems. +22165031 She said Quotron switched to a backup system until the problems were corrected. +22165032 "Today of all days," she lamented. +22165033 "The eyes of the world were watching us. +22166001 Steven F. Kaplan was named a senior vice president of this graphics equipment company. +22166002 He retains his current positions as chief strategic officer of AM International and president of AM Ventures. +22167001 Houston attorney Dale Friend, representing a plaintiff in a damage suit, says he has negotiated a settlement that will strike a blow for his client. +22167002 Literally. +22167003 It turns out Mr. Friend's client, Machelle Parks of Cincinnati, didn't like the way defense attorney Tom Alexander acted during the legal proceedings. +22167004 So she has agreed to forgo monetary damages against Mr. Alexander's client in return for the right to punch the attorney. +22167005 Ms. Parks's mother also gets to cuff Mr. Alexander. +22167006 So does Mr. Friend and his law partner, Nick Nichols. +22167007 The bizarre arrangement grows out of Mr. Alexander's representation of Derr Construction Co., one of several defendants in a wrongful death lawsuit brought by Ms. Parks, the widow of a construction worker killed in January 1987 while working on a new Houston convention center. +22167008 Last month, Mr. Friend says, Mr. Alexander's associate agreed that Derr would pay $50,000 as part of an overall settlement. +22167009 But Mr. Alexander scuttled the deal at the last minute, angering the plaintiff's side. +22167010 "I never agreed to it," Mr. Alexander says, adding that "it's not necessary to pay these nuisance settlements." +22167011 When Ms. Parks and her mother heard about what had happened, Mr. Friend says, they volunteered that they would like to give Mr. Alexander a good walloping. +22167012 Mr. Friend says he passed that along to his adversary, and soon they were talking about the ground rules under which Derr could keep its money and the plaintiffs could take a shot at Mr. Alexander. +22167013 Although time and place have yet to be determined, some details are in place. +22167014 Mr. Friend says he agreed to strike Mr. Alexander above the belt. +22167015 Ms. Parks and her mother indicated they want to "catch him unawares from behind," he says. +22167016 Mr. Alexander, for his part, insisted that the punchers can't assign their pummeling rights to anyone else, can't use a blunt instrument and can't take a running start. +22167017 Mr. Alexander says he regards the agreement, which hasn't been submitted to a judge, as something of a joke. +22167018 However, he acknowledges they "have the option of taking a swat at me if they really want to." +22167019 Mr. Friend says his side is "dead serious." +22167020 Although they don't contemplate delivering any disabling blows, he says that Mr. Alexander will be asked to sign a release from liability, just in case. +22168001 After two years of drought, it rained money in the stock-index futures markets yesterday. +22168002 As financial markets rebounded, trading volume in the Chicago Mercantile Exchange's huge Standard & Poor's 500 stock-index futures pit soared, reaching near-record levels for the first time since October 1987. +22168003 The sudden influx of liquidity enabled several traders to reap six-figure windfalls in a matter of minutes as prices soared, traders said. +22168004 "Guys were minting money in there today," said John Legittino, a futures broker for Elders Futures Inc. in Chicago. +22168005 The S&P 500 futures contract, which moves in fractions of an index point under normal conditions, jumped two to three points in seconds early yesterday after an initial downturn, then moved strongly higher the rest of the day. +22168006 Each index point represents a $500 profit for each S&P 500 contract held. +22168007 For the first time since the 1987 crash, traders said that they were able to trade several hundred S&P 500 contracts at a time in a highly liquid market. +22168008 Many institutions and individual investors have shied away from stock-index futures, blaming them for speeding the stock market crash on Black Monday two years ago. +22168009 Since the crash, many futures traders haven't assumed large positions for fear that the S&P 500 market, with much of its customer order flow missing, would dry up if prices turned against them. +22168010 More than 400 traders jammed the S&P 500 futures pit to await the opening bell. +22168011 Traders were shouting bids and offers a full five minutes before the start of trading at 8:30 am +22168012 The contract fell five points at the open to 323.85, the maximum opening move allowed under safeguards adopted by the Merc to stem a market slide. +22168013 But several traders quickly stepped up and bid for contracts, driving prices sharply higher. +22168014 The market hovered near Friday's closing price of 328.85 for about a half hour, moving several index points higher or lower in seconds, then broke higher and didn't look back. +22168015 The S&P 500 contract that expires in December closed up a record 15.65 points on volume of nearly 80,000 contracts. +22168016 "Traders five feet from each other were making bids and offers that were a full point apart," said one S&P 500 broker. +22168017 "You could buy at the bid and sell at the offer and make a fortune," he marveled. +22168018 Several of Wall Street's largest securities firms, including Salomon Brothers Inc. and PaineWebber Inc., were also large buyers, traders said. +22168019 Salomon Brothers was among the largest sellers of stock-index futures last week, traders said. +22168020 Brokerage firms as a rule don't comment on their market activity. +22168021 Unlike the week following Black Monday two years ago, individual traders in the S&P 500 pit were also being uncharacteristically circumspect about their one-day profits. +22168022 "With the FBI around here, bragging rights are a thing of the past," said one trader, referring to the federal investigation of futures trading that so far has resulted in 46 indictments lodged against individuals on the Merc and the Chicago Board of Trade. +22169001 The market for $200 billion of high-yield junk bonds regained some of its footing as the Dow Jones Industrial Average rebounded from Friday's plunge. +22169002 But the junk recovery, led by the bellwether RJR Holdings bonds, was precarious. +22169003 No trading existed for the vast majority of junk bonds, securities industry officials said. +22169004 On Friday, trading in practically every issue ground to a halt as potential buyers fled and brokerage firms were unwilling to provide bid and offer prices for most issues. +22169005 "Nothing traded on Friday, and people weren't really sure where the market should have opened" yesterday, said Raymond Minella, co-head of merchant banking at Merrill Lynch & Co. +22169006 "But we had a fairly active day yesterday." +22169007 At Drexel Burnham Lambert Inc., the leading underwriter of junk bonds, "I was prepared to be in a very bad mood tonight," said David Feinman, a junk bond trader. +22169008 "Now, I feel maybe there's a little bit of euphoria." +22169009 But before the stock market rebounded from a sharp early sell-off yesterday, he said, "You couldn't buy {junk bonds} and you couldn't give them away." +22169010 Yesterday's rally was led by RJR Holdings 13 3/4% bonds, which initially tumbled three points, or $30 for each $1,000 face amount, to 96 1/4 before rebounding to 99 3/4. +22169011 Bonds issued by Kroger, Duracell, Safeway and American Standard also showed big gains, recovering almost all their losses from Friday and early yesterday. +22169012 But traders said the junk bond market increasingly is separating into a top-tier group, in which trades can be executed easily, and a larger group of lower-quality bonds in which liquidity -- or the ability to trade without too much difficulty -- has steadily deteriorated this year. +22169013 "Liquidity hasn't returned to the vast middle ground of the market," said Mr. Minella of Merrill. +22169014 "The deadbeats are still deadbeats," said Mr. Feinman of Drexel. +22169015 Analysts are concerned that much of the high-yield market will remain treacherous for investors. +22169016 Paul Asquith, associate professor at the Massachusetts Institute of Technology's Sloan School of Management, citing a pattern of junk-bond default rates that are low in the early years after issuance and rise later, says, "We're now in a period where we're starting to see defaults from the big issue years of 1984 to 1986." +22169017 Mark Bachmann, a senior vice president at Standard & Poor's Corp., confirms that there is "increasing concern about the future liquidity of the junk bond market." +22169018 "Junk bonds are a highly stratified market," said Lewis Glucksman, vice chairman of Smith Barney, Harris Upham & Co. +22169019 "There's a whole bunch of stuff that's money good and a whole bunch of stuff that's not so good." +22169020 Analysts at Standard & Poor's say junk bond offerings by "tightly stretched" issuers seem to be growing. +22169021 Almost $8 billion of junk bonds that are considered untradeable include issues from SCI TV, Gillette Holdings (not related to Gillette Co.), Interco, Seaman Furniture, Allied Stores, Federated Department Stores, National Gypsum, M.D.C. Holdings, Micropolis, Leaseway Transportation and Price Communications. +22169022 "You could still have some very bad times ahead," said Mr. Bachmann. +22169023 "It's possible to have a 10% default rate in one year, because we're already seeing big problems in the midst of a pretty strong economy. +22169024 I'm certainly not comfortable saying we've seen the bottom." +22169025 But yesterday's rally among "good" junk was a badly needed tonic for the market. +22169026 Many issues "bounced off the floor," Mr. Minella said, and benchmark junk issues "recovered all of their losses" from Friday and early yesterday. +22169027 In contrast, he says, "The stock market gained back only about half what it lost Friday, and the {government} bond market lost about half what it gained Friday." +22169028 Traders said yesterday's rally was fueled by insurance companies looking for bargains after a drastic slide in prices the past month. +22169029 In addition, mutual funds didn't appear to be major sellers of high-yield securities as was expected. +22169030 "Sometimes a shakeout is healthy," said Drexel's Mr. Feinman. +22169031 "People will learn to be more circumspect. +22169032 If they do good credit analysis, they will avoid the hand grenades. +22169033 I think the market is in good shape. +22170001 Should you really own stocks? +22170002 That's a question a lot of people are asking, following the stock market's stunning display of volatility. +22170003 Whipsawed financially and emotionally by Friday's heartstopping 190-point drop in the Dow Jones Industrial Average and yesterday's 88-point rebound, they're wondering if an individual has any business being in the market. +22170004 The answer, say academic researchers, money managers and investment specialists, is yes -- as long as you approach the stock market as an investor. +22170005 But, they say, people shouldn't try to be traders, who buy and sell in an effort to ride the latest economic trend or catch the next hot stock. +22170006 The case for owning stocks over the long-term is compelling. +22170007 "If you look at 75 years worth of investment history -- including the Great Depression and every bear market since -- stocks have outperformed almost everything an individual could have owned by a long shot," says Barry Berlin, vice president at First Wachovia Capital Management. +22170008 A dollar invested in the stock market in 1926 would have grown to $473.29 by the end of last June, according to Laurence Siegel, managing director at Ibbotson Associates Inc. +22170009 But a dollar invested in long-term bonds in 1926 would have grown to only $16.56, and a dollar put in Treasury bills would equal a meager $9.29. +22170010 The longer the time period, the less risk there is of losing money in the stock market. +22170011 Over time, the odds increasingly favor the investor with a diversified portfolio. +22170012 For instance, Ken Gregory, a San Francisco money manager, calculates that if an investor holds a basket of stocks that tracks the Standard & Poor's 500-stock index, the chance of losing money is 3% to 4% over a 10-year period, compared with 15% over three years and 30% over one year. +22170013 "If you don't need the money for 10 years, there's a clear-cut case for sticking to a steady core of stocks," Mr. Gregory says. +22170014 Stock-market investments also help balance the other assets an individual owns, says John Blankenship Jr., president of the Institute of Certified Financial Planners. +22170015 Stocks have a place in an investors' portfolio along with real estate, bonds, international securities and cash, he says. +22170016 There are some important caveats: Before investing in stocks, individuals should have at least three to six months of living expenses set aside in the bank, most investment advisers say. +22170017 Individuals also should focus on building equity in a home, which provides some protection against inflation, as well as a nest-egg that can be cashed in late in life to help cover the cost of retirement living. +22170018 People also shouldn't invest money in stocks that they'll need in the near future -- for example, for college tuition payments or retirement expenses. +22170019 "You may have to sell your stocks at a time when the market takes a plunge," says Mr. Blankenship, a Del Mar, Calif. financial planner. +22170020 But once the basics are covered, "then I would start to invest, even if it's as little as $1,000," says Michael Lipper, president of Lipper Analytical Services Inc. +22170021 He says individuals should consider not just stocks, but other long-term investments, such as high-quality bonds. +22170022 Despite the strong case for stocks, however, most pros warn that individuals shouldn't try to profit from short-term developments. +22170023 "It's very difficult to do," says Donald Holt, a market strategist for Wedbush Morgan Securities, a Los Angeles brokerage firm. +22170024 "Our markets move so fast and they are so volatile, there's no way the average investor can compete with the pros." +22170025 Individual investors face high transaction costs of moving in and out of the market. +22170026 The cost of executing stock orders varies from brokerage to brokerage and with the size of the order, but 2% of the order's value is an average, says Stephen Boesel, manager of T. Rowe Price's Growth and Income mutual fund. +22170027 And assuming their first investment is successful, investors will have to pay taxes on their gains. +22170028 That can reduce returns by a third or more, once local taxes are included, Mr. Lipper says. +22170029 After that, individual traders face the risk that the new investment they choose won't perform well -- so their trading costs could be sustained for nothing. +22170030 "It's very tough for most individuals to out-trade the mutual funds or the market," says Mr. Lipper. +22170031 "You should really think twice if you think you can out-smart the system." +22170032 Then, too, many individual investors lack the sturdy emotional makeup professionals say is needed to plunge in and out of the market. +22170033 So what's the best way to buy stocks? +22170034 "Unless an individual has a minimum of between $50,000 and $100,000 to invest in stocks, he's still better off in mutual funds than in individual stocks, in terms of getting enough attention from a competent broker," says Mr. Lipper. +22170035 Still, he adds, "I could see owning both, given that individuals often have an advantage over big investors in spotting special situations based on their own insights," he adds. +22170036 George Douglas, first vice president at Drexel Burnham Lambert Inc., says that individuals have a particular edge now in "small to medium-size niche companies with exciting earnings prospects" -- a traditional stomping ground for small investors. +22170037 This growth sector, which usually carries a price/earnings multiple about twice that of the Standard & Poor's 500, happens to include some of the market's most attractive bargains right now. +22170038 "It's now selling at a multiple about even with the market," says Mr. Douglas. +22170039 Moreover, Mr. Douglas sees a revival of institutional interest in smaller growth stocks that could boost the performance of these stocks in the medium term. +22170040 Many big Wall Street brokerage firms who eliminated their research effort in stocks of emerging growth companies a few years ago are now resuming coverage of this area, he notes. +22170041 "We're seeing a real turnaround in interest in small growth stocks," he says. +22170042 The pros strenuously advise individuals to stay away from the latest investment fad. +22170043 They say that's especially important this late in the growth phase of the economic cycle, when there's no robust bull market to bail investors out of their mistakes. +22170044 Friday's correction presents "a pretty good buying opportunity, but let's not speculate at this point in the business cycle," says Carmine Grigoli, chief equity portfolio strategist at First Boston Corp. +22170045 "Buy stocks on weakness for their long-term fundamentals," he says. +22170046 In the long run, investment advisers say, most investors will be better off using the dollar-cost averaging method of buying stocks. +22170047 In this method, a person invests a regular amount every month or quarter into the stock market whether the market is up or down. +22170048 That cuts the risk, Mr. Gregory, the San Francisco money manager, points out. +22170049 "When the market is low, you are buying more shares, and when it's high, you're buying fewer shares," he says. +22170050 Otherwise, if you put all your money in at one time, by sheer bad luck, you might pick a terrible time, and have to wait three years to get even, Mr. Gregory says. +22170051 A disciplined program will work the best, Mr. Boesel says. +22170052 "One of the hardest things to do is to buy stocks when the market is down," he says. +22170053 "But that's just the time when you should be buying them." +22170054 Compound annual returns, including price changes and income from interest and dividends +22170055 *Actual performance, not annualized +22170056 Source: Ibbotson Associates Inc. +22171001 The following issues were recently filed with the Securities and Exchange Commission: Gehl Co., initial public offering of two million shares of common stock, of which 1,450,635 shares are being offered by the company and 549,365 shares by holders, via Blunt, Ellis & Loewi Inc. and Robert W. Baird & Co. +22171002 Giant Industries Inc., initial public offering of 3,111,000 common shares, of which 2,425,000 will be sold by the company, and the rest by holders, via Shearson Lehman Hutton Inc. and Hanifen, Imhoff Inc. +22171003 Inefficient-Market Fund Inc., initial offering of five million common shares, via Smith Barney, Harris Upham & Co. +22171004 Jason Overseas Ltd., initial offering of four million common shares, of which 3.2 million will be sold in the U.S., and the balance outside the U.S., via Smith Barney, Harris Upham & Co. and Mabon, Nugent & Co. +22172001 Donald Trump, who faced rising doubt about his bid for American Airlines parent AMR Corp. even before a United Airlines buy-out came apart Friday, withdrew his $7.54 billion offer. +22172002 Separately, bankers representing the group trying to buy United's parent UAL Corp. met with other banks about reviving that purchase at a lower price, possibly around $250 a share, or $5.65 billion. +22172003 But a lower bid could face rejection by the UAL board. +22172004 Mr. Trump, who vowed Wednesday to "go forward" with the bid, said he was dropping it "in light of the recent change in market conditions." +22172005 He said he might now sell his AMR stake, buy more shares, or make another offer at a lower price. +22172006 The Manhattan real-estate developer acted after the UAL buyers failed to obtain financing for their earlier $300-a-share bid, which sparked a selling panic among that snowballed into a 190-point drop Friday in the Dow Jones Industrial Average. +22172007 News about UAL and AMR, whose shares never reopened after trading was halted Friday for the UAL announcement, sent both stocks nosediving in composite trading on the New York Stock Exchange. +22172008 UAL tumbled $56.875 to $222.875 on volume of 2.3 million shares, and AMR declined by $22.125 to $76.50 as 4.7 million shares changed hands. +22172009 Together, the two stocks wreaked havoc among takeover stock traders, and caused a 7.3% drop in the Dow Jones Transportation Average, second in size only to the stock-market crash of Oct. 19, 1987. +22172010 Some said Friday's market debacle had given Mr. Trump an excuse to bail out of an offer that showed signs of stalling even before problems emerged with the UAL deal. +22172011 After reaching an intraday high of $107.50 the day Mr. Trump disclosed his bid Oct. 5, AMR's stock had retreated as low as $97.75 last week. +22172012 Some takeover stock traders had been betting against Mr. Trump because he has a record of disclosing stakes in companies that are potential takeover targets, then selling at a profit without making a bid. +22172013 "He still hasn't proven his mettle as a big-league take-out artist," said airline analyst Kevin Murphy of Morgan Stanley & Co. +22172014 "He's done this thing where he'll buy a little bit of a company and then trade out of it. +22172015 He's written this book, `The Art of the Deal.' +22172016 Why doesn't he just follow through on one of these things?" +22172017 Mr. Trump withdrew his bid before the AMR board, which is due to meet tomorrow, ever formally considered it. +22172018 AMR had weighed a wide range of possible responses, from flat rejection to recapitalizations and leveraged buy-outs that might have included either employees, a friendlier buyer such as Texas billionaire Robert Bass, or both. +22172019 AMR had also sought to foil Mr. Trump in Congress by lobbying for legislation that would have bolstered the authority of the Transportation Department to reject airline buy-outs. +22172020 Yesterday, Mr. Trump tried to put the blame for the collapse of the UAL deal on Congress, saying it was rushing through a bill to protect AMR executives. +22172021 "I believe that the perception that legislation in this area may be hastily approved contributed to the collapse of the UAL transaction, and the resulting disruption in the financial markets experienced this past Friday," Mr. Trump wrote members of Congress. +22172022 AMR declined to comment, and Mr. Trump didn't respond to requests for interviews. +22172023 Mr. Trump never said how much AMR stock he had bought, only that his holdings were "substantial." +22172024 However, he only received federal clearance to buy more than $15 million of the stock on Sept. 20, when the price rose $2 a share to $78.50. +22172025 Between then and his bid on Oct. 5, the price fluctuated between $75.625 and $87.375. +22172026 In an attempt to persuade investors that his bid wasn't just "a stock play," Mr. Trump promised last week to notify the market before selling any shares. +22172027 AMR was trading at around $84 yesterday before his withdrawal announcement, then immediately fell to about $76. +22172028 Assuming that he paid a rough average price of $80 a share, and assuming he didn't sell before his announcement reached the market, Mr. Trump could be sitting with a modest loss with the stock at $76.50. +22172029 Some analysts said AMR Chairman Robert Crandall might seize the opportunity presented by the stock price drop to protect the nation's largest airline with a defensive transaction, such as the sale of stock to a friendly holder or company employees. +22172030 However, other knowledgeable observers said they believed Mr. Crandall and the AMR board might well decide to tough it out without taking any extra steps. +22172031 Some analysts said they believed Mr. Trump, whose towering ego had been viewed by some as a reason to believe he wouldn't back out, might come back with a lower bid. +22172032 Ray Neidl of Dillon Read & Co. said Mr. Trump "is stepping back and waiting for the dust to settle. +22172033 I'm sure he still wants AMR." +22172034 But others remained skeptical. +22172035 "I was never sure Donald Trump really wanted to take AMR," said John Mattis, a bond analyst with Shearson Lehman Hutton Inc. +22172036 "What happened with United was a gracious way for him to bow out." +22172037 Mr. Trump never obtained financing for his bid. +22172038 That skepticism would leave him with an even greater credibility problem should he return that would handicap him in any effort to oust the board in a proxy fight. +22172039 Meanwhile, Citicorp and Chase Manhattan Corp., the two lead lenders on the UAL buy-out, met with other banks yesterday to determine if they would be willing to finance the buy-out at a lower price. +22172040 Officials familiar with the talks said Citicorp had discussed lowering the offer to $250 a share, but said that price was a talking point and that no decision has been made. +22172041 At $250 a share, the group would have to borrow about $6.1 billion from banks. +22172042 The first UAL deal unraveled after Citibank and Chase couldn't raise $7.2 billion. +22172043 Citibank and Chase had agreed to commit $3 billion, and said they were "highly confident" of raising another $4.2 billion. +22172044 Together, Citicorp and Chase received $8 million in fees to raise the rest of the financing. +22172045 But other banks balked at the low interest rate and banking fees the UAL group was willing to pay them. +22172046 Officials familiar with the bank talks said the UAL buy-out group -- UAL pilots, management, and British Airways PLC -- is now willing to pay higher bank fees and interest, but isn't likely to boost its $965 million equity contribution. +22172047 Nor is the group likely to come forward with a revised offer within the next 48 hours despite the hopes of many traders. +22172048 The group's advisers want to make certain they have firm bank commitments the second time around. +22172049 Even if the buy-out group is able to obtain financing, the transaction still faces obstacles. +22172050 UAL's board could reject the new price as too low, especially since there aren't any competing bids. +22172051 Los Angeles investor Marvin Davis, whose $275-a-share offer was rejected by UAL's board, hasn't shown signs of pursuing a $300-a-share back-up bid he made last month. +22172052 In addition, the coalition of labor and management, longtime enemies who joined forces only under the threat of Mr. Davis's bid, could break apart now. +22172053 The group's resilience gets its first test today when 30 top pilot union leaders convene outside Chicago in a previously scheduled meeting. +22172054 Union Chairman F.C. (Rick) Dubinsky faces the tough task of explaining why banks refused to finance a buy-out the members approved overwhelmingly last week. +22172055 The pilot union is vowing to pursue an acquisition whatever the board decides. +22172056 But if the board rejects a reduced bid and decides to explore other alternatives, it could transform what has been a harmonious process into an adversarial one. +22172057 The pilots could play hardball by noting they are crucial to any sale or restructuring because they can refuse to fly the airplanes. +22172058 If they were to insist on a low bid of, say $200 a share, the board mightn't be able to obtain a higher offer from other bidders because banks might hesitate to finance a transaction the pilots oppose. +22172059 Also, because UAL Chairman Stephen Wolf and other UAL executives have joined the pilots' bid, the board might be forced to exclude him from its deliberations in order to be fair to other bidders. +22172060 That could cost him the chance to influence the outcome and perhaps join the winning bidder. +22200001 Influential members of the House Ways and Means Committee introduced legislation that would restrict how the new savings-and-loan bailout agency can raise capital, creating another potential obstacle to the government's sale of sick thrifts. +22200002 The bill, whose backers include Chairman Dan Rostenkowski (D., Ill.), would prevent the Resolution Trust Corp. from raising temporary working capital by having an RTC-owned bank or thrift issue debt that wouldn't be counted on the federal budget. +22200003 The bill intends to restrict the RTC to Treasury borrowings only, unless the agency receives specific congressional authorization. +22200004 "Such agency `self-help' borrowing is unauthorized and expensive, far more expensive than direct Treasury borrowing," said Rep. Fortney Stark (D., Calif.), the bill's chief sponsor. +22200005 The complex financing plan in the S&L bailout law includes raising $30 billion from debt issued by the newly created RTC. +22200006 This financing system was created in the new law in order to keep the bailout spending from swelling the budget deficit. +22200007 Another $20 billion would be raised through Treasury bonds, which pay lower interest rates. +22200008 But the RTC also requires "working" capital to maintain the bad assets of thrifts that are sold, until the assets can be sold separately. +22200009 That debt would be paid off as the assets are sold, leaving the total spending for the bailout at $50 billion, or $166 billion including interest over 10 years. +22200010 "It's a problem that clearly has to be resolved," said David Cooke, executive director of the RTC. +22200011 The agency has already spent roughly $19 billion selling 34 insolvent S&Ls, and it is likely to sell or merge 600 by the time the bailout concludes. +22200012 Absent other working capital, he said, the RTC would be forced to delay other thrift resolutions until cash could be raised by selling the bad assets. +22200013 "We would have to wait until we have collected on those assets before we can move forward," he said. +22200014 The complicated language in the huge new law has muddied the fight. +22200015 The law does allow the RTC to borrow from the Treasury up to $5 billion at any time. +22200016 Moreover, it says the RTC's total obligations may not exceed $50 billion, but that figure is derived after including notes and other debt, and subtracting from it the market value of the assets the RTC holds. +22200017 But Congress didn't anticipate or intend more public debt, say opponents of the RTC's working-capital plan, and Rep. Charles Schumer (D., N.Y.) said the RTC Oversight Board has been remiss in not keeping Congress informed. +22200018 "That secrecy leads to a proposal like the one from Ways and Means, which seems to me sort of draconian," he said. +22200019 "The RTC is going to have to pay a price of prior consultation on the Hill if they want that kind of flexibility." +22200020 The Ways and Means Committee will hold a hearing on the bill next Tuesday. +22201001 We're about to see if advertising works. +22201002 Hard on the heels of Friday's 190-point stock-market plunge and the uncertainty that's followed, a few big brokerage firms are rolling out new ads trumpeting a familiar message: Keep on investing, the market's just fine. +22201003 Their mission is to keep clients from fleeing the market, as individual investors did in droves after the crash in October +22201004 Just days after the 1987 crash, major brokerage firms rushed out ads to calm investors. +22201005 This time around, they're moving even faster. +22201006 PaineWebber Inc. filmed a new television commercial at 4 p.m. EDT yesterday and had it on the air by last night. +22201007 Fidelity Investments placed new ads in newspapers yesterday, and wrote another new ad appearing today. +22201008 Shearson Lehman Hutton Inc. by yesterday afternoon had already written new TV ads. +22201009 It considered running them during tomorrow night's World Series broadcast but decided not to when the market recovered yesterday. +22201010 Other brokerage firms, including Merrill Lynch & Co., were plotting out potential new ad strategies. +22201011 The brokerage firms learned a lesson the last time around, when frightened investors flooded the phone lines and fled the market in a panic. +22201012 This time, the firms were ready. +22201013 Fidelity, for example, prepared ads several months ago in case of a market plunge. +22201014 When the market went into its free fall Friday afternoon, the investment firm ordered full pages in the Monday editions of half a dozen newspapers. +22201015 The ads touted Fidelity's automated 800-number beneath the huge headline, "Fidelity Is Ready For Your Call." +22201016 A Fidelity spokesman says the 800-line, which already was operating but which many clients didn't know about, received about double the usual volume of calls over the weekend. +22201017 "A lot of investor confidence comes from the fact that they can speak to us," he says. +22201018 "To maintain that dialogue is absolutely crucial. +22201019 It would have been too late to think about on Friday. +22201020 We had to think about it ahead of time." +22201021 Today's Fidelity ad goes a step further, encouraging investors to stay in the market or even to plunge in with Fidelity. +22201022 Underneath the headline "Diversification," it counsels, "Based on the events of the past week, all investors need to know their portfolios are balanced to help protect them against the market's volatility." +22201023 It goes on to plug a few diversified Fidelity funds by name. +22201024 PaineWebber also was able to gear up quickly thanks to the 1987 crash. +22201025 In the aftermath of the 1987 debacle, the brokerage firm began taping commercials in-house, ultimately getting its timing down fast enough to tape a commercial after the market closed and rush it on the air that night. +22201026 It also negotiated an arrangement with Cable News Network under which CNN would agree to air its last-minute creations. +22201027 The new PaineWebber commercial, created with ad agency Saatchi & Saatchi Co., features Mary Farrell, one of the firm's most visible investment strategists, sounding particularly bullish. +22201028 Taped just as the market closed yesterday, it offers Ms. Farrell advising, "We view the market here as going through a relatively normal cycle. . . . +22201029 We continue to feel that the stock market is still the place to be for long-term appreciation." +22201030 The spot was scheduled to appear three times on CNN last night. +22201031 PaineWebber considered an even harder sell, recommending specific stocks. +22201032 Instead, it settled on just urging the clients who are its lifeline to keep that money in the market. +22201033 "We're saying the worst thing that anyone can do is to see the market go down and dump everything, which just drives the prices down further," says John Lampe, PaineWebber's director of advertising. +22201034 "If you owned it and liked it Friday, the true value hasn't changed." +22201035 He adds, "This isn't 1987 revisited." +22201036 With the market fluctuating and then closing up more than 88 points yesterday, investment firms had to constantly revise their approach. +22201037 At Shearson Lehman, executives created potential new commercials Friday night and throughout the weekend, then had to regroup yesterday afternoon. +22201038 The plan had been to make one of Shearson's easy-to-film, black-and-white "Where We Stand" commercials, which have been running occasionally in response to news events since 1985. +22201039 The ad would have run during the World Series tomorrow, replacing the debut commercial of Shearson's new ad campaign, "Leadership by Example." +22201040 But in a meeting after the market closed yesterday, Shearson executives decided not to go ahead with the stock-market ad. +22201041 "We don't think at this point anything needs to be said. +22201042 The market seems to be straightening out; we're taking a wait-and-see attitude," says Cathleen B. Stewart, executive vice president of marketing. +22201043 In any case, the brokerage firms are clearly moving faster to create new ads than they did in the fall of 1987. +22201044 But it remains to be seen whether their ads will be any more effective. +22201045 In 1987, despite a barrage of ads from most of the major investment firms, individuals ran from the market en masse. +22201046 Now the firms must try their hardest to prove that advertising can work this time around. +22201047 Ad Notes. . . . +22201048 ARNOLD ADVERTISING: +22201049 Edward Eskandarian, former chairman of Della Femina, McNamee WCRS/Boston, reached an agreement in principle to acquire a majority stake in Arnold Advertising, a small Boston shop. +22201050 Terms weren't disclosed. +22201051 Mr. Eskandarian, who resigned his Della Femina post in September, becomes chairman and chief executive of Arnold. +22201052 John Verret, the agency's president and chief executive, will retain the title of president. +22201053 Separately, McDonald's Corp., Oak Brook, Ill., named Arnold to handle its estimated $4 million cooperative ad account for the Hartford, Conn., area. +22201054 That account had been handled by Della Femina, McNamee WCRS. +22201055 EDUCATION ADS: +22201056 A 142-page ad supplement to Business Week's special "Corporate Elite" issue calls on business leaders to use their clout to help solve the nation's education crisis. +22201057 The supplement, the largest ever for the magazine, includes ads from 52 corporate advertisers and kicks off a two-year Business Week initiative on education. +22201058 The magazine will distribute 10% of the gross revenues from the supplement as grants to innovative teachers. +22202001 You know what the law of averages is, don't you? +22202002 It's what 1) explains why we are like, well, ourselves rather than Bo Jackson; 2) cautions that it's possible to drown in a lake that averages two feet deep; and 3) predicts that 10,000 monkeys placed before 10,000 pianos would produce 1,118 publishable rock 'n' roll tunes. +22202003 Baseball, that game of the long haul, is the quintessential sport of the mean, and the mean ol' law caught up with the San Francisco Giants in the World Series last weekend. +22202004 The team that dumped runs by the bushel on the Chicago Cubs in the National League playoffs was held to just one in two games by the home-team Oakland A's, the gang that had been done unto similarly by the Los Angeles Dodgers and Orel Hershiser in last year's tournament. +22202005 Morever, much of the damage was accomplished by A's who had some catching up to do. +22202006 In game two, on a cool Sunday evening in this land of perpetual autumn, a lot of the catching up was done by the A's catcher, Terry Steinbach. +22202007 He hit a 2-0 pitch from Rick Reuschel into the left-field stands in inning four to stretch his team's lead from 2-1 to a decisive 5-1, where it stayed. +22202008 So what if Steinbach had struck just seven home runs in 130 regular-season games, and batted in the seventh position of the A's lineup. +22202009 "If you get your pitch, and take a good swing, anything can happen," he later remarked. +22202010 On Saturday night, quite a few of the boys in green and gold salted away successes to salve the pain of past and, no doubt, future droughts. +22202011 Mark McGwire, the big, red-haired Oakland first baseman, had three hits in four at bats, two more than he'd had in the five-game Dodger series in which he'd gone 1-for-17. +22202012 The A-men batting Nos. 6 through 9, a.k.a. the "bottom of the order," got seven of their team's 11 hits and scored four of its runs in a 5-0 decision. +22202013 Right-hander Dave Stewart held the Giants to five hits to account for the zero on the other side of the Saturday ledger. +22202014 That he was the A's winningest pitcher during its American League campaign with a 21-9 mark, plus two wins over Toronto in the playoffs, indicates he may have some evening up coming, but with the way his split-fingered fastball is behaving, that might not be this week. +22202015 The same goes for Mike Moore, another veteran who overcame early struggles to permit the Giants but a run and four hits in seven innings in Sunday's contest. +22202016 "Every guy they put out there had a better split-finger than the guy before," marveled Giant manager Roger Craig. +22202017 He's an ex-hurler who's one of the leading gurus of the fashionable delivery, which looks like a fastball until it dives beneath the lunging bat. +22202018 The upshot of the downshoot is that the A's go into San Francisco's Candlestick Park tonight up two games to none in the best-of-seven fest. +22202019 The stat to reckon with here says that about three of four clubs (29 of 39) that took 2-0 Series leads went on to win it all. +22202020 That's not an average to soothe Giant rooters. +22202021 One might think that the home fans in this Series of the Subway Called BART (that's a better name for a public conveyance than "Desire," don't you think?) would have been ecstatic over the proceedings, but they observe them in relative calm. +22202022 Partisans of the two combatants sat side by side in the 49,000-plus seats of Oakland Coliseum, and while they cheered their favorites and booed the opposition, hostilities advanced no further, at least as far as I could see. +22202023 A few folks even showed up wearing caps bearing the colors and emblems of both teams. +22202024 "I'm for the Giants today, but only because they lost yesterday. +22202025 I love 'em both. +22202026 The only thing I'm rooting for is for the Series to go seven games," said David Williams, a Sacramento septuagenarian, at the Coliseum before Sunday's go. +22202027 The above represents a triumph of either apathy or civility. +22202028 I choose to believe it's the latter, although it probably springs from the fact that just about everyone out here, including the A's and Giants, is originally from somewhere else. +22202029 Suffice it to say that if this were a New York Yankees-Mets series, or one between the Chicago Cubs and White Sox (hey, it's possible), you'd need uniformed police in every other seat to separate opposing fans, and only the suicidal would bifurcate their bonnets. +22202030 Anyway, the A's gave you a lot of heroes to root for. +22202031 In the opening game, besides Steinbach and Stewart, there was Walt Weiss, a twiggy-looking, second-year shortstop who had lost a couple months of the season to knee surgery. +22202032 He was flawless afield (ditto in game two), moved a runner along in the A's three-run second inning, and homered for his team's final tally. +22202033 Such is his reputation among the East Bay Bashers that when he hit his first career home run last season, the fan who caught it agreed to turn the ball over to him in return for an autograph. +22202034 Not his autograph; power-hitter McGwire's. +22202035 An A's co-hero of the second game was Rickey Henderson, who exemplifies the hot side of the hot-cold equation. +22202036 He smoked Toronto in the playoffs with six hits, seven walks and eight stolen bases in 22 at bats, and continued that by going 3-for-3 at the plate Sunday, along with walking, stealing a base and scoring a run. +22202037 "When you're in the groove, you see every ball tremendously," he lectured. +22202038 The cold guys in the set were Will Clark, Kevin Mitchell and Matt Williams, the Giants' 3-4-5 hitters. +22202039 They combined for 25 hits, six home runs and 24 runs batted in in the five games against the Cubs. +22202040 They went a collective 5-for-24 here, with zero homers and ribbies. +22202041 It's that last set of numbers, as much as anything else, that gives the Giants hope in the Series games to come. +22202042 "I believe in the law of averages," declared San Francisco batting coach Dusty Baker after game two. +22202043 "I'd rather see a so-so hitter who's hot come up for the other side than a good hitter who's cold." +22202044 But the old Dodger slugger wisely offered no prediction about when good times would return to his side. +22202045 "When it goes, you never know when you'll get it back," he said. +22202046 "That's baseball. +22203001 NCR Corp. reported a 10% drop in third-quarter net income, citing intense competition that caused its gross profit margins to dip. +22203002 Net income for the quarter fell to $93.1 million from $103.1 million, roughly what analysts had expected. +22203003 But per-share profit dropped only 2% to $1.23 a share from $1.26 a share, as the company continued its stock buy-back plan. +22203004 Average shares outstanding dropped to 75.8 million from 82.1 million. +22203005 Revenue fell 1% to $1.39 billion from $1.41 billion. +22203006 The computer maker, which sells more than half its goods outside the U.S., also said the negative effect of a stronger U.S. dollar will "adversely affect" its fourth-quarter performance and "make it difficult" to better 1988 results. +22203007 NCR said revenue declined both in the U.S. and overseas, reflecting a world-wide softening of the computer markets. +22203008 The company, however, said orders in the U.S. showed "good gains" during the latest quarter. +22203009 Analysts estimate those gains at 12% to 13%, a good part of it coming from large orders placed by a few of NCR's major customers. +22203010 In addition to a general slowing of the computer industry, NCR, which sells automated teller machines and computerized cash registers, is also affected by the retail and financial sectors, "areas of the economy that have generally not been robust," notes Sanjiv G. Hingorani, an analyst for Salomon Brothers Inc. +22203011 These factors, combined with a strong dollar, should negatively affect the current quarter's results, NCR said. +22203012 In the year-earlier fourth quarter, NCR had profit of $149.6 million, or $1.85 a share, on revenue of $1.8 billion. +22203013 Mr. Hingorani said he lowered his full-year estimates for 1989 to $5.35 a share from $5.50 a share. +22203014 Revenue projections were slashed to $6.03 billion from $6.20 billion. +22203015 Last year, NCR had net income of $439.3 million, or $5.33 a share, on $5.99 billion in revenue. +22203016 For the nine months, the company's earnings fell 9% to $264.6 million, or $3.40 a share, from $289.7 million, or $3.49 a share. +22203017 Revenues declined 1% to $4.17 billion from $4.19 billion. +22203018 In New York Stock Exchange composite trading yesterday, NCR shares fell 75 cents to close at $57. +22204001 Concerning your Sept. 19 article "Wall Street Firms Link Analysts' Pay to Performance," I'm delighted that Wall Street is finally tuning in to the hard, cold facts of the real working world. +22204002 If the firms are serious, however, why limit the practice to the poor, maligned analysts whose ability to see into the future is fragile at best? +22204003 Why not extend the same harsh standards to the sales force, and pay brokers a base salary with annual bonus based on how much money they made for their clients during the year? +22204004 That should stop a lot of account-churning, and produce a stock market driven only by professional concern, careful thought and good sense. +22204005 Now, wouldn't that be a novelty. +22204006 Phyllis Kyle Stephenson Newport News, Va. +22205001 Steve Clark, a Shearson Lehman Hutton Inc. trader, reported for work at 5 a.m., two and a half hours before the usual Monday morning strategy meeting. +22205002 At Jefferies & Co., J. Francis Palamara didn't reach the office until 5:30 a.m., but then he had been up most of the night at home. +22205003 "I had calls all night long from the States," he said. +22205004 "I was woken up every hour -- 1:30, 2:30, 3:30, 4:30. +22205005 People are looking for possible opportunities to buy, but nobody wants to stick their chin out." +22205006 For many of London's securities traders, it was a day that started nervously in the small hours. +22205007 By lunchtime, the selling was at near-panic fever. +22205008 But as the day ended in a frantic Wall Street-inspired rally, the City breathed a sigh of relief. +22205009 So it went yesterday in the trading rooms of London's financial district. +22205010 In the wake of Wall Street's plunge last Friday, the London market was considered especially vulnerable. +22205011 And before the opening of trading here yesterday, all eyes were on early trading in Tokyo for a clue as to how widespread the fallout might be. +22205012 By the time trading officially got under way at 9 a.m., the news from Asia was in. +22205013 And it left mixed signals for London. +22205014 Tokyo stocks closed off a significant but less-than-alarming 1.8% on thin volume; Hong Kong stocks declined 6.5% in orderly trading. +22205015 At Jefferies' trading room on Finsbury Circus, a stately circle at the edge of the financial district, desktop computer screens displayed the London market's major barometer -- the Financial Times-Stock Exchange 100 Share Index. +22205016 Red figures on the screens indicated falling stocks; blue figures, rising stocks. +22205017 Right away, the reds outnumbered the blues, 80 to 20, as the index opened at 2076.8, off 157.1 points, or 7%. +22205018 "I see concern, but I don't see any panic," said Mr. Palamara, a big, good-humored New York native who runs the 15-trader office. +22205019 The Jefferies office, a branch of the Los Angeles-based firm, played it conservatively, seeking to avoid risk. +22205020 "This is not the sort of market to have a big position in," said David Smith, who heads trading in all non-U.S. stocks. +22205021 "We tend to run a very tight book." +22205022 Jefferies spent most of its energies in the morning trying to match buyers and sellers, and there weren't many buyers. +22205023 "All the takeover stocks -- Scottish & Newcastle, B.A.T, DRG -- are getting pretty well pasted this morning," Mr. Smith said. +22205024 Seconds later, a 7,500-share "sell" order for Scottish & Newcastle came in. +22205025 For the third time in 15 minutes, a trader next to Mr. Smith left the no-smoking area to have a cigarette. +22205026 On the screens, only two forlorn blue figures remained, but the index had recovered a few points and was off about 140. +22205027 "Because Tokyo didn't collapse, let's pick up a little stock," Mr. Smith said. +22205028 He targeted 7,500 shares of Reuters and punched a button to call up on his screen other dealers' price quotes. +22205029 The vivid yellow figures showed the best price at 845 pence, ($13.27) and Mr. Smith's traders started putting out feelers. +22205030 But the market sensed a serious buyer on a day dominated by selling, and the quotes immediately jumped to 850 pence. +22205031 "When I want to buy, they run from you -- they keep changing their prices," Mr. Smith said. +22205032 "It's very frustrating." +22205033 He temporarily abandoned his search for the Reuters shares. +22205034 By this time, it was 4:30 a.m. in New York, and Mr. Smith fielded a call from a New York customer wanting an opinion on the British stock market, which had been having troubles of its own even before Friday's New York market break. +22205035 "Fundamentally dangerous. . . ," Mr. Smith said, almost in a whisper, ". . . .fundamentally weak . . . fairly vulnerable still . . . extremely dangerously poised . . . +22205036 we're in for a lot of turbulence. . . ." +22205037 He was right. +22205038 By midday, the London market was in full retreat. +22205039 "It's falling like a stone," said Danny Linger, a pit trader who was standing outside the London International Financial Futures Exchange. +22205040 Only half the usual lunchtime crowd gathered at the tony Corney & Barrow wine bar on Old Broad Street nearby. +22205041 Conversation was subdued as most patrons watched the latest market statistics on television. +22205042 At 12:49 p.m., the index hit its low, 2029.7, off 204.2 points. +22205043 "France opened the limit down, off at least 10% if you could calculate the index, which you couldn't," Mr. Clark, the Shearson trader, said early in the afternoon. +22205044 "Spain is down 10% and suspended, Sweden's down 8%, Norway 11%. +22205045 This market has been very badly damaged." +22205046 As 2:30 p.m. -- Wall Street's opening time -- neared, Shearson traders and salesmen traded bets on how low the New York market would open. +22205047 In the center of the trading floor, chief trader Roger Streeter and two colleagues scrambled for the telephones as soon as the New York market opened -- plummeting more than 60 points in the first few minutes. +22205048 They saw an opportunity created by the sell-off. +22205049 As Wall Street traders dumped American Depositary Receipts in Jaguar PLC, Mr. Streeter and trader Sam Ruiz bought them to resell in the U.K. +22205050 Investors here still expect Ford Motor Co. or General Motors Corp. to bid for Jaguar. +22205051 Suddenly, after about 45 minutes, the U.S. markets rallied. +22205052 "The MMI has gone better," shouted one trader at about 3:15 London time, as the U.S. Major Markets Index contract suddenly indicated a turnabout. +22205053 As Wall Street strengthened, the London trading room went wild. +22205054 Traders shouted as their screens posted an ever-narrowing loss on Wall Street. +22205055 Then, nine minutes later, Wall Street suddenly rebounded to a gain on the day. +22205056 "Rally! Rally! Rally!" shouted Shearson trader Andy Rosen, selling more Jaguar shares. +22205057 "This is panic buying!" +22205058 As the London market rallied, some wondered whether the weekend of worrying and jitters had been worth it. +22205059 The London index closed at 2163.4, its high for the day, off 70.5, or about 3.3%. +22206001 Ambassador Paul Nitze's statement (Notable & Quotable, Sept. 20), "If you have a million people working for you, every bad thing that has one chance in a million of going wrong will go wrong at least once a year," is a pretty negative way of looking at things. +22206002 Isn't it just as fair to say that if you have a million people working for you, every good thing that has one chance in a million of going right will go right at least once a year? +22206003 Don't be such a pessimist, Mr. Ambassador. +22206004 Frank Tremdine +22207001 The House Aviation Subcommittee approved a bill that would give the transportation secretary authority to review and approve leveraged buy-outs of major U.S. airlines. +22207002 The collapsed plan to acquire UAL Corp., parent of United Airlines, spurred quick action on the legislation, introduced Wednesday and approved by the subcommittee on a voice vote yesterday. +22207003 The bill is expected to be taken up by the Public Works and Transportation Committee tomorrow, and a floor vote by next week will be urged. +22207004 The measure drew criticism from the Bush administration and a parting shot from financier Donald Trump, who yesterday withdrew his takeover bid for AMR Corp., the parent of American Airlines. +22207005 In a letter to subcommittee Chairman James Oberstar (D., Minn.), Mr. Trump criticized the bill as an explicit effort to thwart his bid for AMR, and said it contributed to the collapse of the deal. +22207006 Elaine Chao, deputy transportation secretary, also sent a letter to express the administration's opposition to the bill "in its present form." +22207007 Rep. Oberstar brushed off Mr. Trump's allegations as an "excuse for his own deal failing." +22207008 He also said the fact that the other letter hadn't come from Transportation Secretary Samuel Skinner indicated there is "wiggle room" in the administration's position. +22207009 Mr. Oberstar and other committee members repeatedly stressed that the legislation wasn't a response to any particular market situation. +22207010 But they cited the UAL and AMR examples as reasons to move quickly to enact this legislation. +22207011 Aides both in the House and Senate said the withdrawal of the Trump bid for AMR isn't likely to deflate efforts to push the legislation. +22207012 "It's still on the fast track and we still want to do it," said one Senate aide. +22207013 The bill is aimed at addressing the concern that an airline might sacrifice costly safety measures to pay off the debt incurred in a leveraged buy-out. +22207014 Currently, the transportation secretary doesn't have clearly established authority to block mergers, but can take the drastic step of revoking the operating certificate of any carrier the official considers unfit. +22207015 Supporters of the legislation view the bill as an effort to add stability and certainty to the airline-acquisition process, and to preserve the safety and fitness of the industry. +22207016 In general, the bill would give the Transportation Department a 30-day review period before 15% or more of the voting stock of a major U.S. air carrier could be acquired. +22207017 It also would require the acquiring party to notify the transportation secretary and to provide all information relevant to determining the intent of the acquisition. +22207018 The bill would allow the secretary to reject a buy-out if sufficient information hasn't been provided, or if the buy-out is likely to weaken the carrier financially, result in a substantial reduction in size of the airline through disposal of assets, or give control to a foreign interest. +22207019 If more information is needed, the secretary would have authority to extend the review period 20 days. +22207020 All the witnesses, both congressmen and industry experts, expressed support for the bill in order to prevent profiteers from cashing in on airline profits at the expense of safe, cost-effective service. +22207021 But several committee members disapproved, some backing Mr. Trump's claim that the threat of regulation caused the failure of the UAL deal and the stock-market plunge. +22207022 One of the major concerns expressed by the dissenters was that large airlines would be prohibited from divesting themselves of smaller entities and producing independent spin-off companies. +22208001 In a possible prelude to the resumption of talks between Boeing Co. and striking Machinists union members, a federal mediator said representatives of the two sides will meet with him tomorrow. +22208002 "It could be a long meeting or it could be a short one," said Doug Hammond, the mediator, who called the agreement to meet a first step toward a resumption of negotiations. +22208003 "We're encouraged that talks are scheduled again but beyond that, we have made no expression of expectations," a Boeing spokesman said. +22208004 The Machinists union has rejected a three-year contract offer that would have provided a 10% wage increase over the life of the pact, plus some bonuses. +22208005 Currently, average pay for machinists is $13.39 an hour, Boeing said. +22208006 Now in its 13th day, the strike has idled about 55,000 machinists and has started to delay delivery of some jetliners. +22208007 With a strike fund of about $100 million, the union had said it was prepared for a long strike. +22208008 After the third week on strike, union members will begin receiving $100 a week from the fund. +22208009 Work at Boeing continues with supervisors and other non-striking personnel manning the lines. +22208010 And at the company's Wichita, Kan., plant, about 2,400 of the 11,700 machinists still are working, Boeing said. +22208011 Under Kansas right-to-work laws, contracts cannot require workers to be union members. +22208012 Boeing has declined to say how many employees are working at its giant Renton, Wash., plant. +22208013 Union officials couldn't be reached for comment. +22209001 DPC Acquisition Partners, a hostile suitor for Dataproducts Corp., said it intends to launch a tender offer for the computer printer maker's common stock. +22209002 DPC, a group led by the New York investment firm Crescott Inc., also said it plans to file preliminary materials with the Securities and Exchange Commission regarding a shareholder solicitation to oust Dataproducts' board. +22209003 DPC holds a 7.8% stake in Dataproducts and made a $15-a-share bid for the company in May, but Dataproducts management considered the $283.7 million proposal unacceptable. +22209004 A DPC spokesman declined to elaborate on the group's new plan. +22209005 In American Stock Exchange composite trading yesterday, Dataproducts shares jumped 62.5 cents to close at $9.375. +22209006 Dataproducts, which had been seeking a buyer for several months, announced a restructuring plan in September and took itself off the auction block. +22209007 The company's restructuring includes plans to split into three sectors, to phase out domestic printer manufacturing operations and to sell its New England subsidiary. +22209008 As part of the plan, Dataproducts announced a pact to sell $63 million of its real estate holdings to Trizec Properties Inc., a unit of Canada's Trizec Corp. +22209009 Jack Davis, Dataproducts' president, chairman and chief executive officer, said the company "is at a loss to understand DPC's intentions." +22209010 He called today's announcement "opportunistic and disruptive" and said the company intends to proceed with its restructuring. +22210001 Share prices plummeted across Europe yesterday in response to Friday's New York sell-off, but some issues staged a late comeback after Wall Street opened without another rout. +22210002 European investors have further reason for optimism today, after the U.S. rebound. +22210003 The Frankfurt Stock Exchange, which closed before the New York exchanges opened, was the hardest hit of the major European markets, with the DAX Index dropping 12.8%. +22210004 In London, prices plummeted in early trading and were off as much as 9% before coming back strong after the New York opening to close down only 3.2%. +22210005 West German Economics Minister Helmut Haussmann said, "In my view, the stock market will stabilize relatively quickly. +22210006 There may be one or other psychological or technical reactions, but they aren't based on fundamentals. +22210007 The economy of West Germany and the EC {European Community} is highly stable." +22210008 Paris, which has been the center of speculation fever in recent weeks, also was hard hit. +22210009 Share prices fell in Milan, Amsterdam, Zurich, Madrid and Stockholm. +22210010 Prices in Brussels, where a computer breakdown disrupted trading, also tumbled. +22210011 Following is a breakdown of major market activity: +22210012 FRANKFURT: +22210013 One of the sharpest declines came in the financial center of Europe's strongest economy. +22210014 The DAX Index of 30 West German blue chips plunged 12.8%, a one-day record, wiping out the summer's gains. +22210015 The index closed at 1385.72, down 203.56 points. +22210016 By comparison, two years ago on Black Monday, the new index would have dropped 9.4%, according to a projection by the exchange. +22210017 Investors may have reacted so strongly to Friday's U.S. stock market loss because they had vivid memories of the Frankfurt exchange's losing 35% of its value in the 1987 crash and its wake. +22210018 This time, however, many small investors may have been hurt by acting so swiftly. +22210019 "They all went in the wrong direction," said Andreas Insam, an investment adviser for the Bank in Liechtenstein's Frankfurt branch. +22210020 He said he told clients to buy selected West German blue chips after they fell by about 10%. +22210021 After the opening was delayed 30 minutes because of the crush of sell orders, Frankfurt's normal two-hour trading session was extended 75 minutes to handle the heavy volume. +22210022 "The beginning was chaotic," said Nigel Longley, a broker for Commerzbank AG. +22210023 "It took three-quarters of an hour before enough prices could be worked out to get a reading on the market." +22210024 Institutional investors and bankers, many of whom spent the night before in their offices watching Far Eastern markets, were cautiously optimistic after the mild 1.8% decline in Tokyo stock prices. +22210025 "Everybody was still confident, including most institutional investors. +22210026 That is why everybody was a little surprised by the storm of sell orders from small private investors," said Norbert Braeuer, a senior trader for Hessische Landesbank. +22210027 Some big institutions, including banks, began picking up lower-priced shares late yesterday, but most investors wanted to see what would happen in New York before acting. +22210028 But even if Wall Street continues to stabilize, analysts here say the latest blow to investor confidence could inhibit a swift recovery for the Frankfurt exchange, which already was showing signs of weakness after the DAX had slipped from a 1989 high of 1657.61 on Sept. 8. +22210029 Some of West Germany's bluest chips took some of the biggest hits. +22210030 A 16.3% drop for Mannesmann AG and Dresdner Bank AG's 9.6% decline were especially problematic for their respective boards, whose plans for major rights issues in November could now be in jeopardy. +22210031 Dresdner Bank last month said it hoped to raise 1.2 billion marks ($642.2 million) by issuing four million shares at 300 marks each. +22210032 Yet yesterday's market cropped Dresdner's share price by 33 marks to 309 marks a share, leaving little incentive for investors to subscribe to the standing price unless the market recovers quickly. +22210033 LONDON: +22210034 Headed toward a record drop at midday, the London stock market recouped two-thirds of its losses in the wake of New York's early rally. +22210035 The Financial Times-Stock Exchange 100 Share Index closed off 70.5 points, at 2163.4, its high for the day, after having plunged 204.2 points at 12:49 p.m. +22210036 It was big institutions such as Norwich Union Insurance Group, Scottish Amicable Investment Managers and Standard Life Assurance Co. that spearheaded the rally. +22210037 Attracted by low prices and encouraged by New York's performance, they scooped up equities across the board. +22210038 Volume was 959.3 million shares, more than triple recent levels. +22210039 PARIS: +22210040 Late buying gave the Paris Bourse a parachute after its free fall early in the day. +22210041 The CAC General Index ended down 5.4% at 523.6, a drop of 29.6 points from Friday. +22210042 "There was a volatility in the market that I have never seen before," said Michel Vigier, a partner in brokerage firm Cholet Dupont. +22210043 "When Wall Street turned around shortly after the opening, there was panic buying in Paris." +22210044 Brokers said that as the news spread that Wall Street was moving up, traders who had called to place sell orders changed their line in mid-conversation, ordering buys instead. +22210045 Trading was driven primarily by small investors and speculators, with large institutions waiting on the sidelines until late in the day. +22210046 When Wall Street turned, however, the big boys entered the market, looking for bargains. +22211001 J.P. Morgan & Co. swung to a loss in the third quarter, while NCNB Corp. reported net income more than doubled, and Security Pacific Corp. net rose 10%. +22211002 J.P. Morgan & Co. +22211003 J.P. Morgan, as expected, posted a $1.82 billion net loss for the quarter, reflecting the New York bank's decision last month to add $2 billion to reserves for losses on loans to less-developed countries. +22211004 The reserve addition placed the parent of Morgan Guaranty Trust Co. among a few major U.S. banks that have covered nearly all their medium and long-term portfolios to less-developed countries with reserves. +22211005 The latest quarter's loss equals $9.92 a share. +22211006 In the year-earlier quarter, Morgan earned $233.6 million, or $1.25 a share. +22211007 George M. Salem, analyst at Prudential-Bache Securities Inc., called the results "mildly disappointing." +22211008 Excluding the $2 billion provision and allowing for the taxes Morgan paid, earnings were about 65 cents a share, Mr. Salem said. +22211009 In New York Stock Exchange composite trading yesterday, Morgan climbed $1.50 a share to $44.125. +22211010 Net interest income sank 27% in the quarter to $254 million from $347 million. +22211011 The interest rate on short-term funds, which banks borrow to finance longer-term loans to customers, was "sharply higher," Morgan said. +22211012 Morgan received $2 million of interest payments on its medium and long-term Brazilian loans; had they been accruing interest, net interest income would have been $35 million higher in the quarter, Morgan said. +22211013 Such loans to Argentina also remain classified as non-accruing, costing the bank $10 million of interest income in the third period. +22211014 Income from sources other than interest climbed 12% to $414 million, reflecting higher corporate-finance and other fees and gains on sales of investment securities. +22211015 "These increases were partly offset by lower trading-related" income, the bank said. +22211016 Non-interest expenses grew 16% to $496 million. +22211017 NCNB Corp. +22211018 NCNB Corp.'s net income more than doubled in the period, largely because of continued strong performance by the bank's Texas operations. +22211019 The Charlotte, N.C., company said earnings rose to $143.6 million, or $1.45 a share, from $58.9 million, or 69 cents a share, a year earlier. +22211020 The latest quarter included a gain of $56.1 million, or 59 cents a share, related to the purchase of the remaining 51% of NCNB Texas National Bank from the Federal Deposit Insurance Corp. +22211021 The strong performance, however, contrasted with an unexpectedly large increase in the size of NCNB's problem loans, particularly in the Southeast. +22211022 In the third quarter, nonperforming assets jumped to $474.1 million, or 1.43% of net loans and leases, from $232.8 million, or 1.13% in the second quarter. +22211023 Nonperformers totaled $230.8 million, or 1.27% in the year-ago third quarter. +22211024 Included in the increase in the most recent quarter is a $33 million loan, which NCNB said it "expects to be fully repaid, with no loss, early in the fourth quarter." +22211025 The deterioration in credit quality offset strong loan growth of 17% in NCNB's Southeast operations, as well as a 28% growth in deposits resulting from an aggressive marketing campaign. +22211026 The higher rates paid on deposits also helped squeeze NCNB's net interest margin in the Southeast to 3.38% from 3.80% a year earlier. +22211027 In Big Board composite trading yesterday, NCNB jumped $3.50 a share, to $51. +22211028 Results were released after the market closed. +22211029 NCNB Texas National, formed from the remnants of of the failed First RepublicBank Corp. of Dallas, contributed $76.9 million to NCNB's bottom line in the third quarter. +22211030 NCNB said its third-quarter results reflect 100% of earnings of the Texas operation since Aug. 1. +22211031 NCNB raised some $1.9 billion in new capital during the quarter to complete the NCNB Texas purchase, and to acquire several small failed thrifts to fill out its regional franchise. +22211032 Last week, the banking company said it purchased both Freedom Savings & Loan Association, Tampa, Fla., and University Federal Savings Association of San Antonio, Texas, for $169.4 million. +22211033 In the first nine months, NCNB's net income climbed 65% to $310.9 million, or $3.30 a share, from $188.2 million, or $2.22 a share, a year earlier. +22211034 Security Pacific Corp. +22211035 Security Pacific's earnings growth slowed in the third quarter, but the Los Angeles bank holding company was still able to post a 10% increase in net income because of robust growth in residential real-estate and consumer loans. +22211036 Net rose to $185.1 million, or $1.55 a share, from $167.9 million, or $1.47 a share, a year earlier. +22211037 The company said the gain resulted mainly from a $54 million increase in net interest income, reflecting a 33% increase in real estate loans (mainly residential), and a 19% rise in consumer loans. +22211038 These high-yielding loans in effect replaced some low-yielding assets such as inter-bank loans, which were allowed to decrease. +22211039 As a result, Security Pacific's net interest margin fell only 13 basis points, a more mild decrease than some major banks outside California, which have been reporting more sluggish earnings. +22211040 Security Pacific shares closed at $44.625, down 37.5 cents, in Big Board composite trading. +22211041 The earnings represent a 0.89% return on assets for Security Pacific, and an 18.9% return on equity. +22211042 The loan growth offset continuing real-estate loan losses in the depressed Arizona market. +22211043 Security Pacific reported a 33% increase in net credit losses for the quarter, to $109 million from $81.9 million in the year-ago period. +22211044 Nonperforming loans grew slightly to $1.75 billion at Sept. 30, from $1.7 billion a year ago. +22211045 Security Pacific's loan-loss provision was down 22%, or $30.4 million, because it added to its foreign-debt reserve the year before. +22211046 Non-interest income fell 6% in the quarter, mainly because of an unusual gain a year earlier from the sale of Hong Kong banking operations. +22211047 Non-interest expense grew only 4% in the period. +22211048 For the nine months, net rose 17% to $548.9 million, or $4.67 a share, from $469.4 million, or $4.13 a share, a year earlier. +22212001 LIN Broadcasting Corp. said it won't take a position on a revised tender offer by McCaw Cellular Communications Inc. to buy LIN and has asked for clarification of the offer. +22212002 The new offer, which seeks 50.3% of the cellular and broadcasting concern, is for $125 a share for 22 million LIN shares. +22212003 McCaw's revised tender offer would require McCaw to begin an auction process in July 1994 that would buy out remaining holders at a per-share price roughly equivalent to what a third party might then have to pay for all of LIN. +22212004 LIN is asking McCaw to clarify its tender offer, which challenges an agreement between BellSouth Corp. and LIN to merge their cellular-telephone businesses. +22212005 BellSouth has notified LIN that it would "shortly respond to the McCaw proposal in as full and effective a manner as is warranted." +22212006 The LIN board said holders may be misled by the provision in the McCaw proposal that "guarantees" private market value after five years for the remaining shares. +22212007 McCaw has "no obligation to purchase and the definition of private market value is uncertain," the LIN board said. +22212008 The board added that McCaw would be able to control LIN's operations and could, "therefore, operate LIN in a manner which could diminish its private market value and attractiveness to a third-party purchaser in five years." +22212009 In national over-the-counter trading, LIN closed at $104.75, down $2.75. +22213001 A group of institutional investors in Telerate Inc. said that Dow Jones & Co.'s $18-a-share offer for the electronic financial information services company is "grossly inadequate." +22213002 In a letter filed with the Securities and Exchange Commission, the group, which holds about 4.5 million Telerate shares, or about 4.7% of the shares outstanding, said " . . . at present none of us believes an offer for less than $25 per share would be fair and some believe that $25 is too low." +22213003 The letter was dated Oct. 6. +22213004 In composite trading on the New York Stock Exchange, Telerate shares closed yesterday at $18.875, down 75 cents a share. +22213005 Dow Jones, publisher of The Wall Street Journal, has launched an $18-a-share, or $576 million, tender offer to acquire the remaining Telerate shares outstanding; Dow Jones owns 67% of Telerate. +22213006 Telerate has rejected the offer, which expires Nov. 3. +22213007 The group includes Putnam Cos. and various affiliates based in Boston; Wells Fargo Bank, San Francisco; the California Public Employees Retirement System, Sacramento, Calif., and T. Rowe Price Associates Inc., Baltimore. +22213008 Among other issues, the group's letter said it has "concerns as to whether Dow Jones's offer meets the applicable requirements of procedural fairness." +22213009 A spokesman for Dow Jones said he hadn't seen the group's filing, but added, "obviously Dow Jones disagrees with their conclusions. +22213010 Our offer is to buy any and all shares tendered at $18 a share. +22214001 U.S. Trade Representative Carla Hills said the first dispute-settlement panel set up under the U.S.-Canadian "free trade" agreement has ruled that Canada's restrictions on exports of Pacific salmon and herring violate the accord. +22214002 Mrs. Hills said the U.S. and Canada have until Nov. 13 to resolve the dispute. +22214003 If a solution isn't reached by then, she said, the U.S. would have the right to suspend some trade concessions to Canada equivalent in value to the losses suffered by U.S. fish-processing companies in Alaska and the Pacific Northwest. +22214004 However, in Ottawa, Canadian Trade Minister John Crosbie said the dispute-settlement panel accepted the "legitimacy of Canada's position on the use of these landing requirements to conserve and manage these important fisheries." +22214005 Questioned about the seeming contradiction in the U.S. and Canadian government views of the panel's report, an aide for Mrs. Hills said the panel had clearly ruled that the Canadian trade restrictions "are illegal." +22214006 The U.S. trade representative declined to put a dollar estimate on the losses resulting from the Canadian export restrictions. +22214007 Canada initially had an export prohibition that was replaced by regulations requiring that such fish had to be brought ashore in British Columbia by commercial fishermen prior to export. +22214008 This action was defended by the Canadian government on conservation grounds. +22214009 Mrs. Hills said yesterday that the dispute-settlement panel rejected this Canadian government argument. +22214010 "We fully expect that Canada will comply with the panel's ruling" that the "landing requirement" also must be ended, she said. +22214011 Earlier, an international panel set up under the rules of the General Agreement on Tariffs and Trade in Geneva determined that the original Canadian fish-export restrictions violated GATT rules. +22214012 Mrs. Hills said the U.S. won't accept any delays after Nov. 13 because U.S. fish-processing firms enter into contracts in the fall to purchase the next season's catch. +22214013 She said the Canadian restrictions must be removed before such contracts are concluded. +22215001 Idle Thought +22215002 To spend a carefree, idle day, When duty calls, to pay no heed, To while the precious hours away -- Character is what you need. +22215003 -- May Richstone. +22215004 Telecussed +22215005 The guy who throws an intercept 'Cause his receiver slips Should somehow be advised that we At home can read his lips. +22215006 -- Dick Emmons. +22216001 BancOklahoma Corp. said it completed a restructuring agreement previously agreed to by the Federal Deposit Insurance Corp., creditor banks and subordinated debenture holders. +22216002 The plan would permit the bank holding company to retire its bank and debenture obligations through exchanges of cash and equity. +22216003 The FDIC, which in 1986 provided $130 million in open-bank assistance to BancOklahoma's Bank of Oklahoma, Tulsa, unit will continue to maintain $90 million in preferred stock in the Tulsa bank unit. +22216004 In exchange for the other $40 million, the FDIC will receive additional warrants entitling it to buy 60% of BancOklahoma's common stock outstanding, up from the 55% option the FDIC received under terms of the 1986 capital infusion. +22216005 In exchange for the $76 million they are owed, creditor banks will receive 3.9 million shares of BancOklahoma common stock and the proceeds from the future sales of four subsidiary banks to private buyers, the bank holding company said. +22216006 Also under the agreement, debenture holders will get one million shares of common stock in exchange for $7.7 million in debentures and holders of BancOklahoma's series A preferred stock will receive 1.25 shares of common stock for every share of preferred they own, the company said. +22217001 Bear Stearns's chief economist, Lawrence Kudlow, in the Sept. 29 issue of the firm's Global Spectator: +22217002 Were it true that a weak currency paves the way for trade surpluses, then presumably Argentina would be the center of today's global economy. +22218001 BSN Corp. said it will begin an offer tomorrow to exchange up to one million of its common shares and all of its $16.6 million in 7 3/4% convertible debentures due 2001 for a package of new debt and common stock warrants. +22218002 Under terms of the offer, the sporting goods maker will swap $9 face amount of 9 1/4% subordinated notes due 1996 and one warrant for each common share. +22218003 Each warrant allows the holder to buy one BSN share for $10.75 a share at any time over the next seven years. +22218004 BSN currently has 4.6 million common shares outstanding. +22218005 BSN also is offering $850 face amount of new notes and 64 common-stock warrants for each $1,000 face amount of its convertible debt outstanding. +22218006 The company said it can redeem the warrants at its option for $1 each. +22218007 The offer isn't contingent on a certain amount of debt or stock being exchanged. +22218008 BSN said it is making the offer to shrink its capital and increase shareholder value. +22218009 If all the bondholders and holders of one million common shares accept the offer, BSN will increase its debt by $9 million, but it also will recognize a $2 million gain from retiring the old debt, said Michael J. Blumenfeld, president. +22218010 "We have sufficient cash flow to handle that," he said. +22218011 The offers are scheduled to expire in mid to late November. +22219001 Merrill Lynch & Co.'s net income dropped 37%, while Bear Stearns Cos. posted a 7.5% gain in net, and PaineWebber Group Inc.'s profit fell, but would have risen without a special gain a year ago. +22219002 At Merrill Lynch, third-period net was $41 million, or 34 cents a share, down from $65.6 million, or 58 cents a share, a year ago. +22219003 Total revenue reached $2.83 billion, up 10% from $2.57 billion. +22219004 The firm's drop in net reflected weaker revenue in transactions for its own account -- a decline of 19% to $314.6 million on reduced revenue from trading fixed-income securities. +22219005 Investment banking revenue fell 22% to $296.6 million on fewer equity and municipal underwritings. +22219006 Merrill Lynch's commission revenue grew 21%, however, to $462.8 million, on higher share prices and volume and on strong sales of mutual funds. +22219007 Revenue derived from interest and dividends jumped 30% to $1.4 billion. +22219008 Asset-management fee revenue grew 12% to $151 million. +22219009 The brokerage also reported a loss of $2.2 million from the discontinued operations and disposal of its Fine Homes International Limited Partnership real-estate subsidiary. +22219010 Bear Stearns said net in the first quarter ended Sept. 29 reached $22.1 million, or 23 cents a share, from $20.5 million, or 20 cents a share, in the year-earlier quarter. +22219011 Gross revenue rose 21% to $580.4 million from $478.9 million. +22219012 Profit from trading for its own account dropped, the securities firm said. +22219013 Investment banking revenue climbed 25%, while commission revenue advanced 31% on a stronger retail market. +22219014 Bear Stearns is the holding company for Bear, Stearns & Co., the investment banking and brokerage firm. +22219015 In New York Stock Exchange composite trading yesterday, Bear Stearns shares closed at $13.625, down 25 cents. +22219016 Separately, PaineWebber posted net income for the third quarter of $16.8 million, or 41 cents a share, reflecting a "broad-based improvement" in the company's core businesses. +22219017 Retail profit surged, but the company said it was only a "modest contributor" to third-quarter results. +22219018 A year ago, net at the New York investment banking firm was $20.9 million, or 50 cents a share, including a special pretax gain of $46.3 million from the sale of the company's interest in National Car Rental Systems Inc. +22219019 Revenue was $444.9 million, including net interest, down slightly from $450.7 million. +22219020 In Big Board composite trading yesterday, PaineWebber closed at $18.50, up 75 cents. +22220001 Seafirst Corp. said it signed an agreement with builder Martin Selig to purchase its headquarters building, the Columbia Seafirst Center, for $354 million. +22220002 Purchase of the 76-story structure is subject to execution of a definitive agreement, approval by the boards of Seafirst and its parent company BankAmerica Corp., and approval by regulators. +22221001 The market upheaval apparently hasn't triggered any cash crunch -- yet. +22221002 Individual investors, investment firms and arbitragers who speculate in the stocks of takeover candidates can suffer liquidity and payment problems when stocks dive; those investors often borrow heavily to buy their holdings and use the stocks as collateral for loans. +22221003 But several large banks said yesterday they detected no signs of unusual demand for credit that would signal such difficulties. +22221004 "We're seeing nothing out of the ordinary," said one official at a Top 10 bank. +22221005 "That's good news, because we all swim in this water." +22221006 Added another executive at a big bank: "We were all a little goosey over the weekend trying to forecast what would happen {Monday}, but it's been very quiet. +22221007 Now, as for tomorrow, hell, who knows? +22222001 What happened Friday shows that financial markets are not yet sufficiently coordinated to handle another meltdown in prices. +22222002 No fiddling with systems and procedures will ever prevent markets from suffering a panic wave of selling. +22222003 But markets can operate with greater or lesser efficiency. +22222004 After the 1987 plunge, markets agreed that it would be wise to halt trading whenever panic conditions arose. +22222005 The New York Stock Exchange adopted two specific circuit breakers: If the Dow Jones index falls 250 points in a day, the exchange will halt trading for one hour; if the decline hits 400 points, the exchange will close for an additional two hours. +22222006 The rationale is that an interruption of trading will allow investors to reconsider their strategies, calm sellers and lead buyers to enter the market at indicated new price levels. +22222007 It is impossible to know whether that theory is realistic. +22222008 A temporary cessation of trading may indeed discourage a selling panic from feeding on itself. +22222009 But there is also the possibility that shutting down markets will intensify fears and cause an even more abrupt slide in prices. +22222010 What happened Friday was the worst of all worlds. +22222011 The futures exchanges followed their own pre-set circuit breakers and shut down at about 3 p.m. for 30 minutes, after the Standard & Poor's 500 stock index had fallen 12 points, or about 100 points on the Dow Jones index. +22222012 Options markets stopped trading in many securities. +22222013 The New York Stock Exchange, under its own rules, remained open. +22222014 With nowhere else to go, sellers, and particularly program traders, focused all their selling on the New York Stock Exchange. +22222015 As liquidity on that market weakened, prices fell sharply. +22222016 Had the futures and options markets been open, additional liquidity would have been provided and the decline, most probably, would have been less intense. +22222017 At 3:30, after intense telephone negotiations between the trading markets and Washington, the futures exchanges reopened. +22222018 Futures trading, however, was halted altogether at 3:45, after the futures markets had dropped an additional 30 points, which is the daily limit for price declines. +22222019 At this point, the options markets also shut down and once more left all sales to be handled by the New York Stock Exchange. +22222020 It is time to recognize that the New York Stock Exchange, the futures markets and the options markets, though physically separate, have actually become so closely intertwined as to constitute one market effectively. +22222021 Traders can vary their strategies and execute their orders in any one of them. +22222022 It therefore makes no sense for each market to adopt different circuit breakers. +22222023 To achieve maximum liquidity and minimize price volatility, either all markets should be open to trading or none. +22222024 Synchronized circuit breakers would not have halted the slide in prices on Friday, but they probably would have made for smoother, less volatile executions. +22222025 It's time for the exchanges and the Securities and Exchange Commission to agree on joint conditions for halting trading or staying open. +22222026 Let's not have one market shut down for 30 minutes when the Dow declines 100 points and another shut down for an hour after a 250-point decline. +22222027 The need for hurried last-minute telephone negotiations among market officials will disappear once rules are in place that synchronize circuit breakers in all markets. +22222028 The new circuit breakers, if they are to be applied at all, will require that futures and options trading continue as long as the New York Stock Exchange remains open. +22222029 The rules should be established by agreement of the officials of all affected exchanges acting under the oversight and with the approval of the government regulatory agencies. +22222030 Should the SEC and the Commodities Futures Trading Commission (which, with the SEC, regulates the Chicago stock-index markets) be unable to agree, the issue may have to be resolved by decision of the Treasury secretary. +22222031 In many ways, our financial markets are better prepared today to handle a decline than they were two years ago. +22222032 The New York Stock Exchange now has the capacity to handle a volume of nearly a billion shares a day. +22222033 Telephone service has been improved for customers trying to reach their brokers, and specialists -- who I believe should stay, despite the urgings of some post-crash critics -- have larger capital positions. +22222034 (Of course, specialists' actions alone can never prevent a major crack in stock prices. +22222035 Witness the fact that trading in some stocks closed early Friday and opened late Monday because of an excess of sell orders.) +22222036 But the task of improving market performance remains unfinished. +22222037 Mr. Freund, former chief economist of the New York Stock Exchange, is a professor of economics at Pace University's business school in New York. +22223001 A UNIFIED EUROPE poses labor problems and prospects for U.S. firms. +22223002 The "social dimension" -- worker concerns -- of the European Community's plan to open its internal borders in 1992 could set the effort "off the rails" if not done reasonably, says General Electric senior vice president Frank Doyle. +22223003 U.S. companies wanting to expand in Europe face "tough pressure" from unions in nations such as West Germany, which play a big consulting role in management decisions, he says. +22223004 FMC Corp. and Baxter International say unions also won't like plant relocations and needed restructuring, which means layoffs. +22223005 Many employers have already begun moving to southern countries such as Spain and Italy, where wages are low and unions are weaker; demand for trained labor and managers will rise there, FMC says. +22223006 Pfizer, Fluor and GE see big "EC 92" pluses: a push for job training and ease in moving and finding workers. +22223007 CLUBBING A FAN wasn't the Baltimore Orioles' fault. +22223008 So said a federal judge, in a case involving two players for the minor league Bluefield, Va., Orioles, a Baltimore farm team. +22223009 The players were heckled by a patron during a July 4, 1988, game with the Martinsville Phillies. +22223010 Like its parent that year, "Bluefield was not having a good year," the judge said. +22223011 After the game ("Bluefield lost, 9-8, stranding three runners in . . . the ninth," he noted), trouble began. +22223012 More taunting in the parking lot, the players said, led to a fight. +22223013 The fan said he was punched and kicked by one player and that the other broke his jaw with a baseball bat. +22223014 The judge dismissed the fan's suit against the team, however, ruling the Orioles innocent of negligent hiring, and not responsible for a fight that was outside the players' employment. +22223015 PROPOSALS ARISE for coping with the shortage of nurses. +22223016 An Association of Academic Health Centers report urges freeing nurses from duties that don't require special skills. +22223017 It also recommends better retirement and day-care benefits, and basing pay on education, experience and nurses' demanding work schedules. +22223018 But it opposes an American Medical Association proposal for creating a "registered care technologist," as "potentially divisive"; it says the job would entail an unwanted new doctor's "bedside" extension. +22223019 Over a third of 618 hospitals surveyed by consultant Hewitt Associates use a "clinical ladder," basing advancement on performance and education. +22223020 Many also use recruiting bonuses, tuition reimbursement, loan repayment or child-care help. +22223021 Some give lump-sum incentives. +22223022 MRA Staffing Systems signs up nurses for paid travel, promising annual income up to $50,000 and free or subsidized housing. +22223023 TREATING EMPLOYEES with respect is crucial for managers, says consultant Hay Group after surveys of a million workers. +22223024 It's in their top five "work values." +22223025 Fully 80% of employees who say their bosses treat them with respect, but only a third of those who don't feel respected say they're satisfied with where they work. +22223026 SPRUCING UP THE DIGS: About 200 employees of the Maryland Department of Economic and Employment Development for four months painted walls, polished and carpeted floors, bought plants, cleaned windows and blinds, and hung pictures at the agency's Baltimore office. +22223027 The 3,000 hours of work will save the state $55,000. +22223028 CURBING WAGE BOOSTS will get high priority again in 1990 collective bargaining, a Bureau of National Affairs survey of 250 companies with pacts expiring next year indicates. +22223029 Despite labor-shortage warnings, 80% aim for first-year wage increases of under 4%; and 77% say they'd try to replace workers, if struck, or would consider it. +22223030 TEMPORARY WORKERS have good educations, the National Association of Temporary Services says; its survey of 2,508 such employees shows 82% with more than a high-school education, and 31% with college degrees. +22223031 About 12% have retired from a full-time job, while 54% were asked to stay on full time. +22223032 HOME-SALE LOSSES rise, but they're often covered by employers. +22223033 But they search for ways to limit the damage. +22223034 A third of 439 companies surveyed by the Employee Relocation Council report a rise in 1988 sales losses over 1987. +22223035 About 72% reimburse for all or some losses. +22223036 Since 1984, more companies give sales-loss aid, as many real-estate values depreciated, the council says. +22223037 RJR Nabisco pays up to $30,000 of losses, including improvements. +22223038 Goodrich won't ensure loss coverage, but will prevent a "catastrophic loss"; it has given some employees the full purchase price when values fell from concern over dangers posed by a disposal site. +22223039 Federal Express, Dow Chemical, Ford and National City Corp. will buy the home or let the worker sell to an outside firm, but usually won't cover a loss. +22223040 Since 1984, firms offering prepurchase house appraisals, to deter overpaying, rose to 40% of those the council polled, from 28%. +22223041 THE CHECKOFF: The National Academy of Engineering gives two inventors of the semiconductor microchip a $350,000 achievement award. . . . +22223042 Now, that's reactionary: Letter Carriers union president Vincent Sombrotto accuses Philadelphia postmaster Charles James of "12th century . . . oppressive management tactics. +22224001 Yesterday was, in the words of New York Stock Exchange Chairman John J. Phelan Jr., just your "reasonably normal, 400 million-share, up 88-points day." +22224002 When it was all over and stocks had staged a huge recovery, Big Board officials were self-congratulatory about how well the day had gone. +22224003 They said the exchange's trading procedures, personnel, equipment and links with other exchanges couldn't have performed better. +22224004 "We had no operating problems at all," Mr. Phelan said after the market closed. +22224005 "All the things that we set up to slow down the process, to let people know that the market was in an extreme position, worked extremely well." +22224006 Prices for the 416.3 million shares that changed hands during the session were carried on the exchange's trading tape with barely a delay, officials said. +22224007 While reaching blockbuster proportions yesterday, the volume was still well within the 600 million-share capacity that the exchange has said it can handle daily since beefing up its computers after the October 1987 crash. +22224008 The so-called circuit breakers devised by the Big Board and the Chicago Mercantile Exchange to quell free falls in stock and futures prices weren't triggered yesterday because the markets were higher for most of the day. +22224009 Despite traders' complaints, Mr. Phelan said the links with the Chicago futures market worked as planned in Friday's rout to provide a cooling-off period. +22224010 Of greater help, the Big Board chairman said, was the "natural circuit breaker" of the weekend, that provided a breathing period that "brought rationality back to the market. +22225001 Chicken Chains Ruffled By Loss of Customers +22225002 FAST-FOOD chicken chains, faced with a worsening business slump, are struggling to hatch some new marketing strategies. +22225003 The Crest Report, which tracks consumer purchases, says customer traffic at chicken restaurants fell 10% in the second quarter, while the overall fast-food customer count was down 2%. +22225004 Chicken business is off largely because of more competition from grocery-store convenience food, home-delivered pizza and other takeout fare, says a spokesman for the report, a publication of NPD Group, a market research firm in Port Washington, N.Y. +22225005 The loss of more customers is the latest in a string of problems. +22225006 Church's Fried Chicken Inc. and Popeye's Famous Fried Chicken Inc., which have merged, are still troubled by overlapping restaurant locations. +22225007 Chicken chains also are feeling more pressure from McDonald's Corp., which introduced its McChicken sandwich this year and recently tested the sale of individual pieces of chicken. +22225008 New management at Kentucky Fried Chicken, a unit of PepsiCo Inc., has fought back with new medium and large chicken sandwiches for the lunch crowd. +22225009 And the chain is testing products that aren't fried, such as "char-grilled" chicken, to try to win health-conscious consumers. +22225010 Kentucky Fried Chicken also is testing home-delivery of chicken, which could be a hit with stay-at-home diners. +22225011 But some fast-food industry analysts say problems with keeping chicken warm and fresh must be solved first. +22225012 A Kentucky Fried Chicken spokesman, however, disputed the notion that the delivery service experienced problems in some markets where testing has been discontinued. +22225013 He says the test is continuing in Chicago, Columbus, Ohio, and a few other cities. +22225014 The advertising industry is buzzing with rumors that Kentucky Fried Chicken will drop Young & Rubicam and seek a new ad agency. +22225015 But the company declines to comment. +22225016 Emanuel Goldman, a PaineWebber Inc. analyst, predicts Kentucky Fried Chicken will post an 11% drop in 1989 net income. +22225017 "They've been laggard," he says, "but they'll have to become more aggressive." +22225018 Reluctant Advertisers Try Soft-Sell Spots +22225019 CALL IT un-advertising. +22225020 Pittsburgh consultant David Bear is selling a soft approach to clients who want exposure yet shun pushy ads. +22225021 His ploy: 60-second radio spots that offer helpful hints. +22225022 The only plug for the sponsor is a brief mention at the end of the spot. +22225023 The messages resemble the Business Traveler, a daily dose of travel tips developed by Mr. Bear and sponsored by travel agencies in several major cities. +22225024 New un-advertisers include Burt Hill Kosar Rittlemann Associates, a Butler, Pa., architectural firm. +22225025 Its radio series features such spots as "Floodlights: Evening Wear for Urban Structures" and "Building a Place to Park." +22225026 A harder sell, says John Kosar, the firm's president, would "detract from the profession." +22225027 Hospitals have signed up to use the messages to promote fundraisers, and Equitable Gas Co. is considering the format to offer energy tips to consumers. +22225028 But such spots can be too soft. +22225029 "There's always a risk of lost messages," says John Fitzgerald, chairman of Ketchum Advertising USA, which created similar radio spots for Pittsburgh National Bank. +22225030 "It's a question of how much credibility you gain for the possible loss of recognition." +22225031 Retailer Sees Pitfalls In Environmental Push +22225032 HERE'S a retailer that's getting tough in the push for environmentally safe packaging and products. +22225033 Big Bear Supermarkets Inc., a grocery chain based in San Diego, plans to display shelf cards and distribute pamphlets recommending products deemed safe for the environment. +22225034 The choices will be based on research by the San Diego Environmental Health Coalition and will include products like Murphy's Oil Soap and other noncorrosive cleaners. +22225035 But the chain is quickly realizing the pitfalls of such endorsements. +22225036 For example, it recommends nonchlorinated dishwasher detergent and puts Sunlight on its environmentally safe list. +22225037 That doesn't thrill Procter & Gamble Co., maker of Cascade dishwasher detergent. +22225038 A company spokesman questioned the validity of the list, noting that chlorine is present in all major dishwasher detergents. +22225039 In fact, Lever Bros. confirms that its Sunlight brand does contain chlorine bleach, even though it isn't listed on the label for the powder version. +22225040 Thomas G. Dahlen, Big Bear's executive vice president, said the chain is still reviewing its product list to avoid such problems. +22225041 "Our intent is to promote the best alternative," he says. +22225042 "And it's important that we be accurate." +22225043 But in the end, customers' wishes are what will prevail. +22225044 Big Bear doesn't care for disposable diapers, which aren't biodegradable. +22225045 Yet parents demand them. +22225046 Says Mr. Dahlen, "We'll still be forced to sell items we might not philosophically agree with." +22225047 Odds and Ends +22225048 NEATNESS does count -- at least in the grocery store. +22225049 A study by Safeway's Scanner Marketing Research shows soap sales climbed 5% when bars were neatly stacked on shelves instead of dumped in a wire basket. . . . +22225050 Which celebrity endorsers are most believable? +22225051 For the third year in a row, consumers voted Bill Cosby first and James Garner second in persuasiveness as spokesmen in TV commercials, according to Video Storyboard Tests, New York. +22225052 Michael J. Fox replaced Bruce Willis in third place; Cher placed fourth for the second time. +22226001 Health and Human Services Secretary Louis Sullivan has chosen Antonia Novello to be the next surgeon general, Bush administration officials said. +22226002 If she is nominated by President Bush and confirmed by the Senate, Dr. Novello would succeed C. Everett Koop, who rattled liberals and conservatives alike with his outspoken views on a range of health issues. +22226003 Dr. Novello, an expert on pediatric kidney diseases, is deputy director of the National Institute of Child Health and Human Development. +22226004 She has also served on several task forces on acquired immune deficiency syndrome. +22226005 Dr. Novello's office said she wouldn't talk with reporters, and it refused to release any information about her. +22226006 The newsletter Medicine & Health, which first disclosed her selection by Dr. Sullivan, said she is 44 years old and she studied at the University of Puerto Rico School of Medicine. +22227001 The continuing series of HUD scandals is a sadly predictable result of pork-barrel politics. +22227002 Nevertheless, lobbies such as the National Association of Home Builders (NAHB) continue to pressure Capitol Hill for more special-interest spending. +22227003 Kent Colton, NAHB executive vice president, argues that the U.S. faces a multifaceted housing crisis -- reduced affordability of homes for first-time buyers, increased homelessness, and lower apartment construction rates -- that will be "very difficult" to solve "without expanded federal resources." +22227004 There's nothing unusual about business groups pushing for more government spending. +22227005 But the NAHB was created in 1943 out of an organization that made its name fighting a Roosevelt administration proposal to take over all defense housing production. +22227006 Through the years the association has been an active member of the taxpayer's coalition, pushing for such initiatives as the balanced-budget amendment. +22227007 Yet on matters close to, er, home . . . +22227008 "The HUD budget has dropped by more than 70% since 1980," argues Mr. Colton. +22227009 "We've taken more than our fair share. +22227010 I wouldn't have a problem if other programs had taken a similar hit." +22227011 But NAHB support for subsidies is not related to the current housing crunch; over the years the NAHB has backed a host of public programs. +22227012 It once pushed for a national housing production goal set by the federal government and has regularly advanced anti-recession housing measures. +22227013 Moreover, explains one HUD official, the NAHB remains susceptible to internal pressure from members that specialize in subsidized production. +22227014 The association is pushing an extensive and expensive wish-list, which would substantially boost spending above the current level of more than $15 billion annually. +22227015 It would like to peg the ceiling on Federal Housing Administration mortgage guarantees to 95% of the median price in a particular market, instead of limiting it to $101,250; reduce (or even eliminate) FHA down-payment requirements and increase the availability of variable-rate mortgages; expand the Veterans Affairs Department loan guarantee program; provide "adequate" funding for the Farmers Home Administration (FmHA); increase federal funding and tax incentives for the construction of low-income and rental housing, including $4 billion in block grants to states and localities; and "fully fund" the McKinney Act, a $656 million potpourri for the homeless. +22227016 Direct federal subsidies for housing construction have proved intolerably expensive in the past, and inevitably are twisted to the benefit of well-connected developers and lobbyists, as demonstrated by the ongoing HUD scandal, or congressmen. +22227017 Indirect subsidies, through the FHA, for instance, are little better. +22227018 Though Mr. Colton says expanding FHA lending would result in "no cost to the government," the mere diversion of funds from other parts of the economy and from other forms of housing (such as low-income) to the single-family home market would result in a major expense. +22227019 More important, housing programs run by HUD, the VA, and FmHA are awash in red ink. +22227020 The FHA alone lost $4.2 billion in fiscal 1988; the government's equity in the agency, essentially its reserve fund, fell to minus $2.9 billion. +22227021 The federal government has had to pump in $2.28 billion into the VA housing program since 1984 to keep the fund afloat and the VA requested an additional $120 million for the fiscal year just ended. +22227022 All told, the federal government already guarantees more than $900 billion of mortgages. +22227023 In its nicely produced publication "Where Will Our Children Live?" the NAHB does acknowledge that "of course, the full measure of housing affordability cannot be provided by the federal government." +22227024 It points to the pernicious impact of local government regulation, particularly zoning and building fees, which pushes the price of housing out of the reach of low- and middle-income people. +22227025 But while the NAHB has suggested actions that states and localities should take to reduce regulatory barriers, the association has proposed no activist legislative program -- comparable to, say, its detailed request for more federal subsidies -- to eliminate counterproductive controls. +22227026 The association, a majority of whose 156,000 members build fewer than 25 units a year, is like many other business lobbies. +22227027 Explains Sheila MacDonald of the National Taxpayers Union: "It treads in two worlds. +22227028 The builders like the subsidies, but at the same time they tend to be fiscal conservatives in terms of major issues, such as the balanced-budget amendment." +22227029 Unfortunately, the organization's desire for pork tends to override its commitment to overall fiscal responsibility. +22227030 Two years ago when the NAHB lobbied for the $19 billion omnibus housing bill, the organization "basically dropped out of the taxpayers' coalition," says Ms. MacDonald. +22227031 As Mr. Colton of the NAHB acknowledges: "Government is not going to solve the problem. . . . +22227032 The real key is to have the economy working and interest rates down." +22227033 More money for HUD will increase the deficit and destabilize the economy; more money to municipalities that are wrecking their local housing markets will further insulate them from the destructive effects of their policies. +22227034 Is this what the home builders want? +22227035 Mr. Bandow is a Cato Institute fellow. +22227036 (See related story: "And Bills to Make Wishes Come True" -- WSJ Oct. 17, 1989. +22228001 In an attempt to give new momentum to European Community plans for a single currency, EC government leaders are likely to agree to set a date for starting formal talks on amending the EC's founding Treaty of Rome. +22228002 According to diplomatic sources in Brussels, most EC leaders agree that talks should begin in the second half of 1990, and will make a declaration on that during a summit meeting in Strasbourg, France, on Dec. 8 and 9. +22228003 The only strong opposition to changing the EC treaty comes from British Prime Minister Margaret Thatcher, who is opposed to creating a single EC currency. +22228004 But the process of convening the intergovernmental conference doesn't require unanimity. +22228005 Setting a date to start treaty negotiations has no legal significance in itself, but could be viewed as an important psychological push. +22228006 French President Francois Mitterrand fought to set a date for the conference during the EC summit in Madrid last June, but the move was scuttled because of opposition by Mrs. Thatcher and West German Chancellor Helmut Kohl. +22228007 Diplomatic sources said Mr. Kohl may now agree to set a date for the conference to make it clear that West Germany is still committed to EC unity. +22229001 The latest crewcut in the equities markets reminds me of the joke T. Boone Pickens tells about the guy who was run over by the parade. +22229002 When asked "What went wrong?" the unfortunate victim replied, "It was a combination of things." +22229003 And so it was on Gray Friday. +22229004 The grand marshal of this parade would appear to have been excess leverage. +22229005 Even if that is so, however, it's probably the case that no barriers should have been erected to stop the procession before the end of the rout(e). +22229006 The ceremonies began Friday afternoon when word spread that the UAL buy-out was collapsing. +22229007 Although the union-bidder expects to patch together a substitute offer, consisting of less cash, the failure to get cash from Japanese and American banks confirmed a growing fear among arbitragers that the pageant of high-leverage takeover deals is ending. +22229008 Lots of other entries made up the parade, of course -- notably a surprisingly large increase in producer prices, signalling Federal Reserve tightness; and the Bush administration's (temporary?) defeat in trying to lower the capital-gains tax. +22229009 As usual, few favorable reviews were heard for that ever-present marching band of program traders, although most serious studies suggest they only play the music that others write. +22229010 What really spooked the crowds along Wall Street, however, was the sudden concern that, whatever the reason, the pool of debt capital is drying up. +22229011 Gray Friday reflects a panic mainly by the takeover arbitragers, rather than the small investor, as their highly margined investments in the "deal" stocks are jeopardized by the unexpected drying up of the lubricant for deal financing. +22229012 Deal stocks led the market down as they absorbed the heaviest losses. +22229013 UAL, which triggered the slide, opened Monday at $224, down about 20% from Thursday's close. +22229014 AMR opened Monday at $80, down nearly 20% from Thursday's close. +22229015 (Both took further hits yesterday.) +22229016 Hilton lost 20% on Friday; Paramount lost almost 11%. +22229017 A careful look reveals that where deal financing has been secured, the target's stock price was not affected on Friday. +22229018 The multibillion-dollar prospects, where the bidder must line up a consortium of banks and/or issue billions in high-yield debt, were where the damage was concentrated. +22229019 The market for so-called junk bonds has been setting the stage for Friday's dramatic march for several weeks. +22229020 The growing financial difficulties of recent high-leverage restructurings or takeovers, such as Resorts International, Integrated Resources, and Campeau's retailing empire, have cast a pall over the entire market for high-yield securities. +22229021 Investors have reacted by ignoring recent efforts to float junk bonds by Ohio Mattress and by forcing Ramada to postpone indefinitely its planned junk-bond sale and restructuring. +22229022 As a result, high-yield mutual funds have declined across the board and the many firms planning to sell $11 billion in junk bonds before year-end are experiencing anxious times. +22229023 These are all market excesses (putting aside the artificial boosts that the tax code gives to debt over equity), and what we've seen is the market reining them in. +22229024 Of course, Washington hadn't been silent in the days leading up to the debacle, and its tendency to meddle in the leverage equation remains a troublesome prospect, but those preliminary steps shouldn't distract us from the basic market fundamentalism that was at work on Friday. +22229025 If it is correct to find that concerns over corporate debt and LBOs caused Gray Friday, what are the implications for policy makers? +22229026 After all, the stock market's response to the collapse of the UAL deal might be taken to confirm the anti-debt direction of regulators. +22229027 Is this a case where private markets are approving of Washington's bashing of Wall Street? +22229028 Absolutely not. +22229029 To the extent that Friday's sell-off reflected a sudden reappraisal of the excesses of leverage, the message is that Wall Street and the private markets are fully capable of imposing the appropriate incentives and sanctions on corporate behavior. +22229030 The national economic interests are much better served allowing the private interests of bankers and investors be the ultimate judges of the investment quality of various LBO deals and leveraged restructurings. +22229031 The recent difficulties in the junk-bond markets and the scarcity of bank capital for recent deals underscores the wisdom of letting the free markets operate. +22229032 If takeover premiums become excessive, if LBO dealmakers become too aggressive, then the private market will recognize these problems more quickly and accurately than will policy makers, and the markets will move with lightning speed to impose appropriate sanctions. +22229033 Yes, the broader exchanges got caught up in the spiral, but they rode the tiger up all year. +22229034 Not surprisingly, he sometimes bites. +22229035 The arbitragers and takeover initiatiors got killed on Gray Friday, while the besieged managers of prospective targets cheered lustily. +22229036 If you identify with the besieged managers, you must concede that speedy and effective relief from the excesses of the takeover market is more likely to come from the marketplace than from Washington. +22229037 If you side with the arbitragers and raiders, you clearly have more to fear from private investors than from regulators, although the Delaware courts should never be underestimated. +22229038 The truth is, Washington understands politics better than economics. +22229039 Although the average citizen is probably not harmed too much from Washington's rhetorical war against Wall Street regarding excessive financial leveraging, actual legislation would probably impose considerable harm. +22229040 Any such attempt to distinguish "good debt" from "bad debt," or to draw the line at a particular industry, such as the airlines, is likely to blunt the spur that the proper amount of leverage provides both to equity markets and economic efficiency in general. +22229041 Far better for policy makers to concentrate on the war against drugs, Panama and the deficit, all of them parades that seem never to end. +22229042 Mr. Jarrell, former top economist at the Securities and Exchange Commission, teaches at the University of Rochester's Simon Business School. +22230001 Tokyo share prices rebounded Tuesday morning, with the Nikkei index of 225 selected stocks rising 618.69 points to close the morning session at 35087.38. +22230002 The index slid 647.33 points, or 1.8%, on Monday. +22230003 In the first 25 minutes of Tuesday's trading the Nikkei index soared 664.83 points, to 35133.83. +22230004 By 10 a.m. Tokyo time, the index was up 435.11 points, to 34903.80 as investors hailed New York's overnight rally. +22230005 Monday's slide came in a relatively calm session that didn't provide much direction for other markets. +22230006 Shares also closed sharply lower across Europe, particularly in Frankfurt, although London and a few other markets recovered some ground after stocks began to rebound in New York. +22230007 Other Asian and Pacific markets had sharper losses than Tokyo, but the selling wave stopped short of precipitating another market crash. +22230008 All eyes were on Tokyo at the opening because it was the first major market to trade since Friday's 190.58-point plunge on Wall Street. +22230009 But rather than set the tone for other markets, Japan's major institutional investors chose to remain on the sidelines. +22230010 Still, despite the sudden reappearance of stock-market turbulence, managers of Japanese investment funds said they weren't planning to unload U.S. or European equities. +22230011 "We didn't trade much today, as our policy now is to wait and see," said a fund manager at Taisho Life Insurance Co. +22230012 "We would like to wait and see until trading goes around through Europe and New York." +22230013 The institutions appeared confident that Japanese regulators would step in to ensure orderly trading if necessary, and there was considerable speculation during the day that the Finance Ministry was working behind the scenes to do just that. +22230014 But in the absence of panicky trading, its presence was never overtly felt. +22230015 At the close, the Nikkei average of 225 stocks stood at 34468.69, down 647.33 points, or 1.8%. +22230016 The broader Tokyo Stock Price Index sank 45.66, or 1.7%, to 2600.88. +22230017 The day's decline was generally in line with analysts' weekend predictions. +22230018 Declining issues swamped advancers, 941-105. +22230019 But volume was thin at 526.2 million shares, compared with 574.7 million Friday. +22230020 The market opened sharply lower, with the Nikkei average down nearly 600 after 20 minutes. +22230021 A midmorning rebound brought it back to show a gain of about 200 at the end of the morning session, but the rally failed in the afternoon, and the market closed near the day's low. +22230022 The smaller stocks in the Tokyo market's second section also posted their biggest decline of the year. +22230023 The Tokyo Stock Exchange index for the second section fell 100.96, or 2.7%, to 3655.40. +22230024 Many investors, trying to outperform the market's major indexes, have flocked to these small issues in recent weeks. +22230025 Japanese investors and traders expressed relief that the Tokyo market didn't fall more sharply. +22230026 But its performance did bear some resemblance to events of two years ago, during the October 1987 global stock market crash. +22230027 On Oct. 16, 1987 -- the Friday before the Black Monday crash -- the New York market dropped 4.6%, and Tokyo followed on Monday with a 2.4% drop. +22230028 This time, Wall Street's plunge of 6.9% Friday was followed by yesterday's 1.8% loss in Tokyo. +22230029 Two years ago, Tokyo's biggest fall came the day after New York's 22.6% Black Monday plunge, when the Nikkei average fell 14.9%. +22230030 Thus, market participants yesterday were looking ahead nervously to Wall Street's opening. +22230031 But in New York yesterday, the Dow Jones Industrial Average surged 88.12 to close at 2657.38 on heavy volume of 416,290,000 shares, although declining issues still outnumbered advancing ones on the broad market. +22230032 Nobuto Yasuda, a director at Yamaichi Investment Trust & Management Co., called yesterday's session "a good scenario" for Japan. +22230033 "Now we are looking for the time to place buy orders," he said. +22230034 "For us institutional investors, the chance for buying has come." +22230035 Isao Ushikubo, general manager of the investment research department at Toyo Trust & Banking Co., also was optimistic. +22230036 He described Friday's plunge in the U.S. as a "fleeting" event resulting in part from excessive merger and acquisition activity. +22230037 "Unless there is a panic, this is the best time to buy, as was the case two years ago," he said. +22230038 "Those shares which had posted gains on M&A speculation were dashed with cold water, but as far as major stocks are concerned, there isn't much impact." +22230039 Other fund managers were similarly sanguine. +22230040 "We have no plans to adjust our asset allocation in foreign equities," said Masato Murakami, chief portfolio manager in the pension fund management department at Yasuda Trust & Banking Co. +22230041 He said Friday's Wall Street decline was "well within the range of volatility" that Yasuda Trust plans for when it charts its overseas investment strategy. +22230042 Among other Asian and Pacific markets, Malaysia and Singapore had the biggest losses, with the Kuala Lumpur composite index in Malaysia falling 11.5% and Singapore's Straits Times Industrial Index down 10%. +22230043 Major indexes declined more than 8% in Australia and New Zealand and 6.5% in Hong Kong. +22230044 Bangkok, Manila, Seoul, Taipei and Jakarta escaped with slightly smaller losses. +22230045 Brokers and fund managers said the region's markets were reacting to Friday's Wall Street plunge even though that decline was due to local factors such as failed corporate buy-outs and a deteriorating junk-bond market. +22230046 "It's pure psychology," said William Au Yeung, an account executive for Drexel Burnham Lambert (HK) Ltd. in Hong Kong. +22230047 "Markets in this region aren't so geared to leveraged buy-outs, and their economies generally are in good shape, but there's no doubt that Asia is still following America's lead." +22230048 Several analysts said Malaysia and Singapore had the biggest losses because they are relatively open to rapid cash flows. +22230049 Hong Kong is the region's next most open market, but many foreign investors have been staying away from it since it plunged in June amid political turmoil in China. +22230050 "Singapore took the hit because when people want to get out, they tend to go where the liquidity is," said Elizabeth Hambrecht, a regional analyst with Baring Securities (Hong Kong) Ltd. +22230051 She pointed out that even after Monday's 10% decline, the Straits Times index is up 24% this year, so investors who bailed out generally did so profitably. +22230052 Similarly, Kuala Lumpur's composite index yesterday ended 27.5% above its 1988 close. +22230053 In Hong Kong, the Hang Seng Index fell 180.60 to finish at 2601.70. +22230054 Trading was heavy at about one billion shares, compared with 473.9 million Friday. +22230055 But the session was orderly, in contrast to the market's four-day closure after the 1987 crash. +22230056 Richard Chenevix-Trench, a director at Hong Kong-based Baring International Fund Managers Ltd., said the market probably hasn't hit bottom yet but is close. +22230057 "If New York doesn't collapse, I see maybe another 5% on the downside, not counting the risk of bad news out of China," he said. +22230058 In Australia, Sydney's All Ordinaries index closed at 1601.5, down 8.1%, its biggest drop since October 1987. +22230059 But volume rose only to 162 million shares from 143 million Friday. +22230060 Nestor Hinzack, an analyst at brokerage firm Burdett, Buckeridge & Young Ltd., described the market's performance as "sheep-like" as investors fled to bluechip Australian stocks and shunned entrepreneurial companies they perceived as having any takeover premium built into the price. +22230061 London's Financial Times-Stock Exchange 100-share index, the most closely watched market barometer, ended at its intraday high of 2163.4, down 70.5, or 3.2%. +22230062 At its low, shortly before Wall Street opened, it was off more than 130 points. +22230063 The Financial Times 30-share index closed 79.3 points lower at 1738.7. +22230064 Volume more than doubled to 959.3 million shares from 457.7 million Friday. +22230065 Prices on the Frankfurt Stock Exchange tumbled in heavy trading. +22230066 The decline in the German Stock Index of 203.56 points, or 12.8%, to 1385.72 was the Frankfurt market's steepest fall ever. +22230067 Retail investors dumped holdings on a massive scale, pushing some blue-chip shares down as much as 20%. +22230068 Analysts cited memories of two years ago, when many small investors held on to their shares after the October crash but the West German market continued to decline steeply for the next three months. +22230069 Here are price trends on the world's major stock markets, as calculated by Morgan Stanley Capital International Perspective, Geneva. +22230070 To make them directly comparable, each index is based on the close of 1969 equaling 100. +22230071 The percentage change is since year-end. +22231001 Frank Lloyd Wright is reported to have said once that if you tipped the world on its side, everything loose would end up in California. +22231002 We've always thought that Mr. Wright underestimated California's vitality, but maybe the state's la-la factions are starting to overwhelm the forces that made it such a significant place. +22231003 What else is one to make of the whacky save-the-earth initiative just proposed by several major environmental groups and organized by the state's attorney general? +22231004 If passed by the voters, the recently announced initiative would phase out major pesticides, reduce carbon dioxide emissions by 40%, ban new offshore drilling, ban chemicals thought to deplete the ozone layer, and create a new state environmental officer armed with a $40 million budget to sue any firm or agency he thinks is being too dirty. +22231005 The initiative is based largely on the wish-lists of the green lobby: the Sierra Club, the League of Conservation Voters, the Natural Resources Defense Council, the National Toxics Campaign and the Citizens for a Better Environment. +22231006 Interestingly, the Environmental Defense Fund is having nothing to do with this one. +22231007 Not only Californians but all Americans would pay if this thing passed. +22231008 The initiative bars the sale of any crops in California that don't meet the initiative's standards. +22231009 Kansas wheat farmers and Florida fruit growers would have to adjust or give up the California market. +22231010 In other words, California is presuming to take control of the nation's farm policy. +22231011 As usual the green lobby's proposal is disconnected from scientific reality. +22231012 Consider the greenhouse-effect provision. +22231013 The proposed initiative would mandate a reduction of carbon dioxide of 40%. +22231014 Even if one buys into the whole greenhouse theory, it is inconceivable that reductions in a single state could have any impact on what is billed as a global problem. +22231015 But if rational science and economics have nothing to do with the new environment initiative, what is going on? +22231016 The first place to look under these circumstances is at the ways in which the sponsors themselves will benefit. +22231017 The key here is the ambition of state Attorney General John Van de Kamp. +22231018 He's running for governor. +22231019 Mr. Van de Kamp is the one who collected the plans from the various radical environmental groups and cobbled them into a single unwieldy initiative to be placed on the ballot for election on Nov. 6, 1990. +22231020 That's also the day of the gubernatorial election. +22231021 The initiative seems to have been crafted to include all the hot issues that set off the wealthy Hollywood weepers who donate money. +22231022 And it allows Mr. Van de Kamp to get around campaign spending limits. +22231023 He can spend the legal maximum for his campaign; all the spending for the Van de Kamp initiative (on which there are no limits) is gravy. +22231024 This initiative is being labeled The Big Green, but maybe it should be called The Big Greenback. +22231025 (The Republican candidate, Sen. Pete Wilson, is playing the initiative fundraising game too, sponsoring his own crime initiative.) +22231026 While it is possible that the Big Green initiative will be ruled unconstitutional, it is of course conceivable that in modern California it could slide through. +22231027 This is the state that recently passed the Prop. 65 anti-toxic initiative. +22231028 If this new proposal ever does become law, the green lobby will benefit directly. +22231029 The initiative creates a free floating state environmental officer to sue companies or government agencies that do things he doesn't like. +22231030 That means the NRDC and such groups no longer would have to spend as much money on litigation; taxpayers would bear the cost. +22231031 Mr. Van de Kamp and his allies may be hoping that the environment is such a mom and apple-pie issue among certain segments of California's population now that almost any collection of anti-scientific, anti-pocketbook nonsense can pass under its rubric. +22231032 Of course the state's liberals are not yet a nation unto themselves. +22231033 George Bush, for example, may decide that he doesn't want to be the President who lost control of interstate commerce to an attorney general from California. +22231034 And some other segments of California's political and media culture may yet start to point out that the initiative would impose significant costs on the state's less affluent citizens in the form of higher food prices and lost jobs. +22231035 This grandiose initiative will help California define itself for the futureeither as a state still tethered to economic and scientific reality, or as one being led to wherever its la-la activists want to take it. +22232001 First, there was a death watch. +22232002 Then exhilaration. +22232003 Spurred by waves of large-scale buying in blue-chip stocks, the Dow Jones Industrial Average rallied yesterday and erased about a half of Friday's 190.58-point plunge, gaining 88.12 to 2657.38. +22232004 It was the fourth-biggest advance for the average of 30 blue chips, on frenetic New York Stock Exchange volume of 416,290,000 shares -- the highest since the days after the 1987 crash. +22232005 While the advance cheered investors who feared a 1987-style crash would occur yesterday, it was strictly a big-stock rally fed by huge buying by bargain-hunting institutions and program traders. +22232006 A troubling sign: Declining stocks on the Big Board outnumbered advancers, 975 to 749, and the over-the-counter market that includes many smaller stocks suffered aftershocks of Friday's late Big Board plunge. +22232007 The Nasdaq OTC index closed down 6.31 to 460.98. +22232008 Meanwhile, in a divergence in two of the market's most important indicators, the Dow industrials' sister average, the 20-stock Dow Jones Transportation Average, tumbled 102.06 to 1304.23 -- its second-worst decline next to the 164.78-point fall during the 1987 crash. +22232009 Transports plunged on takeover disappointments in two airline stocks, UAL and AMR, which each fell more than 20% when they reopened for trading yesterday after being suspended Friday afternoon. +22232010 UAL, the takeover stock at the center of Friday's 190.58-point market plunge, fell 56 7/8 to 222 7/8 on nearly 2.3 million shares. +22232011 Overall, "this is a pleasant rally but it's very selective," said Arthur Cashin Jr., a veteran PaineWebber Inc. trader at the Big Board. +22232012 "Everyone was a little concerned about the general narrowness of the rally and failure of the OTC market to get into plus territory. +22232013 It's just a strange feeling. +22232014 I don't think anyone left the place whistling Dixie." +22232015 The rally gave credence, at least for now, to the pre-trading declaration of Big Board Chairman John J. Phelan Jr. that Friday's market debacle was "an abnormal condition, and not a disaster." +22232016 But to traders, it looked like disaster on the 9:30 a.m. opening bell. +22232017 The Dow Jones Industrial Average opened down 1.64 shortly after 9:30. +22232018 But most of the 30 blue-chip stocks in the average, including Eastman Kodak and General Motors, couldn't trade because of the heavy backlog of sell orders left over from Friday's late-afternoon rout. +22232019 At 9:45, Procter & Gamble -- one of the most important Dow bellwethers of late -- opened down 2 3/4 to 117. +22232020 The Dow dropped to a quick 27-point loss, and to many traders it looked as if stocks were headed for yet another big tumble. +22232021 More stocks opened over the ensuing half hour, as the 49 Big Board specialist firms in charge of keeping the market orderly groped to find buy orders from major brokerage firms to match the selling flood. +22232022 Then, to make matters worse, computerized sell programs kicked in, hammering stocks into steeper losses. +22232023 There was heavy stock-index arbitrage, as traders sold big baskets of stock and bought stock-index futures to profit from the price discrepancies between the two markets. +22232024 This was a hangover from Friday, when Standard & Poor's 500-stock index futures had closed at a sharp discount to stocks. +22232025 The onslaught of the program selling dashed any hopes that some of the big program trading firms would hold off until the market stabilized. +22232026 They didn't. +22232027 The Dow accelerated its slide, losing 63.52 in the first 40 minutes of trading. +22232028 With program traders seemingly in charge, buyers backed away from the market and watched stocks fall. +22232029 Then at 10:15 the Dow suddenly started to rebound, and when it shot upward it did so even faster than the early-morning fall. +22232030 And this time, it wasn't just the program traders who were responsible. +22232031 All the selling had pushed stocks to such cheap values that big investment banks and major money management firms started buying stocks heavily. +22232032 The program traders were in there, too, of course. +22232033 But according to one trader, the programmers "didn't look as dominant on the upside as on the downside because there was {also} a lot of bargain-hunting" by institutions. +22232034 Roland M. Machold, director of the New Jersey Division of Investment, which oversees $29 billion in investments, said the "first thing we did was to double our orders" yesterday morning. +22232035 "With the market down like this, we'll probably take another $50 million and put it in" the market. +22232036 Trading in Walt Disney Co. particularly caught traders' eyes. +22232037 According to Big Board officials, Disney had one of the biggest sell-order imbalances on Friday; it was one of the seven stocks that couldn't finish trading that day. +22232038 The stock opened late at 114 1/2, down 8 1/2. +22232039 But then it shot upward 7 1/2 as Goldman, Sachs & Co. stepped in and bought, traders said. +22232040 However, Disney specialist Robert Fagenson said: "I would be surprised if Goldman represented 4% of the opening volume." +22232041 Around Wall Street, trading desks were relieved that they could at least play the market yesterday, in contrast to Friday's gridlock. +22232042 At Donaldson, Lufkin & Jenrette Inc., head equity trader Dudley Eppel said: "I think the opening was constructive. +22232043 It was orderly. +22232044 We put some orders together. +22232045 There wasn't a lot of panic selling, either domestically or internationally. . . . +22232046 Not like Friday where they just took {the market} apart." +22232047 Still, the market hadn't yet crossed into positive territory, and traders were glum. +22232048 But in another dramatic burst, the Dow tacked on 42 points in five minutes, and at 10:25 the index showed a gain of 5.74. +22232049 On the Big Board floor and on trading desks, traders yelped their approval. +22232050 Grinned Griffith Peck, a trader in Shearson Lehman Hutton Inc.'s OTC department: "I tell you, this market acts healthy." +22232051 Around him, scores of traders seemed to get a burst of energy; their boss broke out bottles of Perrier water to cool them off. +22232052 Among Big Board specialists, the cry was "Pull your offers" -- meaning that specialists soon expected to get higher prices for their shares. +22232053 "It was bedlam on the upside," said one Big Board specialist. +22232054 But not everybody was making money. +22232055 The carnage on the Chicago Board Options Exchange, the nation's major options market, was heavy after the trading in S&P 100 stock-index options was halted Friday. +22232056 Many market makers in the S&P 100 index options contract had bullish positions Friday, and when the shutdown came they were frozen with huge losses. +22232057 Over the weekend, clearing firms told the Chicago market makers to get out of their positions at any cost Monday morning. +22232058 "They were absolutely killed, slaughtered," said one Chicago-based options trader. +22232059 Some traders said that the closely watched Major Market Index, whose 20 stocks mimic the Dow industrials, didn't lead yesterday's big rally. +22232060 James Gallagher, a partner at specialist Fowler & Rosenau, said, "The difference between today and two years ago" -- "Terrible Tuesday," Oct. 20, 1987 -- "is that then we needed a savior to go into the Major Market Index, spend $2 million and get the program rally started. +22232061 This time {institutions} saw the programs coming and backed away and backed away. +22232062 Then when the market was at a technical level to buy, they came in with a vengeance." +22232063 However, according to one analyst, the timing of Major Market Index futures buying just before the turnaround was similar to that of Terrible Tuesday. +22232064 "Futures were pulling the stock market higher," said Donald Selkin, head of stock-index futures research at Prudential-Bache Securities Inc. +22232065 Although the Big Board's specialist firms struggled through another highly volatile trading session, their performance yesterday was better than during Friday's late-afternoon chaos, according to traders and brokers who work with them. +22232066 Specialists were criticized for their inability to maintain orderly markets during the Friday plunge. +22232067 But yesterday, even with halts in such major blue-chip stocks as Merck, "we expected (the halts) and it wasn't too bad," said Donaldson's Mr. Eppel, who had been critical of the specialists' performance on Friday. +22232068 According to a Big Board official, while many stocks opened late, there were subsequent trading halts in only three issues -- AMR, Merck and Valero Energy. +22232069 Merck is one of the most important stocks in the Major Market Index. +22232070 No sector of the market has been spared during the past two days' gyrations. +22232071 Yet from the Dow industrials' high on Oct. 9 through Friday's plunge, relatively good performances have been turned in by real-estate, utilities, precious metals and life insurance stocks. +22232072 And yesterday, the top performing industry group was oil field equipment issues. +22232073 For example, Halliburton jumped 3 1/4 to 38, Schlumberger rose 2 1/2 to 43 1/4 and Baker Hughes rose 1 1/8 to 22. +22232074 Because of the UAL and AMR tumbles, airlines were the weakest sector of the market yesterday. +22232075 Philip Morris was the Big Board's most active issue, rising 2 1/4 to 43 1/4 on nearly eight million shares. +22232076 Among other major issues, Coca-Cola Co. closed up 2 at 66 3/4 on 1.7 million shares and American Telephone & Telegraph rose 3 1/4 to 43 on nearly 7.8 million shares. +22232077 Shares of International Business Machines, which reported earnings yesterday, finished at 103, up 1, after slipping below 100 during Friday's session for the first time in five years. +22232078 Shares of three brokerage firms rose after they reported earnings. +22232079 Merrill Lynch added 1 3/4 to 28, PaineWebber rose 3/4 to 18 1/2 and Bear Stearns rose 3/8 to 14 1/4. +22232080 Federal National Mortgage Association, a recently hot stock, climbed 4 to 124 on nearly 1.6 million shares. +22232081 At a news conference after the close of trading yesterday, the Big Board's Mr. Phelan and other exchange officials praised the performance of their computers and personnel. +22232082 Mr. Phelan said that program trading strategies weren't responsible for triggering Friday's decline despite a jump in the use of the computer-driven strategies in recent months. +22232083 Some 24 million of the more than 100 million shares traded in the final 90 minutes of Friday's session, when the plunge in stock prices was concentrated, were program-related, he said. +22232084 Program trades make up 10% of the exchange's volume on an average day, but despite the increase Friday, it was "certainly not something you would say precipitated the market decline," Mr. Phelan said. +22232085 Mr. Phelan expressed relief that the market rebounded yesterday. +22232086 "Obviously, every time we get this kind of reaction, it's going to make everybody nervous, including me," he said. +22232087 He said that exchange officials had conversations with Wall Street firms throughout the weekend and that "all the participants behaved very, very responsibly today." +22232088 Meanwhile, Peter DaPuzzo, Shearson's head of retail equity trading, praised institutional investors in the OTC market, who were heavy buyers of the Nasdaq's biggest technology issues yesterday amid a flood of selling by other investors. +22232089 "The institutions can't be criticized for their behavior," Mr. DaPuzzo said in an interview. +22232090 "It was the opposite of what happened on Oct. 19. +22232091 They used their judgment. +22232092 They didn't panic during the first round of selling this morning. +22232093 Instead, they bought on weakness and sold into the strength, which kept the market orderly. +22232094 Maybe they learned from experience." +22232095 Mr. Phelan said the performance of specialists during Friday's plunge was admirable, because out of 1,640 Big Board common stocks traded during the day only seven were closed and weren't reopened before the close. +22232096 "They did an excellent job," Mr. Phelan said of the specialists. +22232097 Wall Street traders on Friday had complained about the trading suspensions. +22232098 James A. White and Sonja Steptoe contributed to this article. +22233001 West Germany's Green Party joined its ideological soulmates Jeremy Rifkin and the Christic Institute in the legal battle to ground the Atlantis shuttle and its plutonium-powered Galileo probe to Jupiter. +22233002 The anti-defense Greens wanted a Washington federal appeals court to block today's scheduled liftoff long enough for them to ask the World Court to "order" a permanent cancellation of the $1.5 billion flight. +22233003 A three-judge appeals panel yesterday refused to comply, though liberal Judge Pat Wald went out of her way to deny that this was a "frivolous" case. +22233004 Of course it was. +22233005 NASA should now sue for fines against all three politico-plaintiffs, foreign and domestic, for bringing this mischievous case. +22234001 A House-Senate conference approved a permanent smoking ban on all domestic airline routes within the continental U.S. and on all flights of six hours or less to Alaska and Hawaii. +22234002 The restrictions would cover all but a small percentage of domestic air traffic, and represent a major expansion of the current smoking ban on flights of two hours or less. +22234003 The exemption allowed on longer flights to Alaska and Hawaii appears to be largely a face-saving concession for the traditionally powerful tobacco industry, which has found itself increasingly isolated in the face of public pressure in recent years. +22234004 By a 6-4 margin, House negotiators initially rejected last night a Senate provision covering all domestic flights. +22234005 But the six-hour compromise was soon agreed to in subsequent discussions. +22234006 As a practical matter, flights from the West Coast to Hawaii would be covered as they are under the time limit, but the language would exempt longer routes beginning, for example, in Chicago or on the East Coast. +22234007 Within the Senate, the ban has had aggressive support from Sen. Frank Lautenberg (D., N.J.), who has used his position as a Senate Appropriations subcommittee chairman to garner votes for the initiative. +22234008 The measure is attached to the more than $26 billion fiscal 1990 transportation bill within Mr. Lautenberg's jurisdiction, and the final compromise is laced with more than $205 million in road projects earmarked by members as well as funds sought by major airports, including Denver. +22234009 From the outset, the tobacco industry has been uncertain as to what strategy to follow. +22234010 But the industry retains support in the House leadership through the influence of grower states, such as North Carolina. +22234011 Majority Whip William Gray owes a political debt to Southern agriculture lawmakers for his rise in the House, and the Philadelphia Democrat used his position in the conference to salvage the exemption from a total ban. +22234012 Although the smoking provision has attracted the most public interest, the underlying bill was the subject of behind-the-scenes lobbying because of its impact on air transportation and the more mundane, but politically important, projects of members. +22234013 In a stark lesson in the power of the appropriations committees, the House deliberately killed a handful of projects backed by lawmakers in Florida, Illinois and Pennsylvania who had voted against the panel leadership on the House floor. +22234014 "Anybody can vote as they want," said Rep. William Lehman (D., Fla.), head of the House conferees. +22234015 "But if you make a request, you should support the committee." +22234016 Within the Federal Aviation Administration, the final bill promises to increase spending for facilities and equipment by more than 20% from last year, and total operations would rise to $3.84 billion -- a 12% boost. +22234017 The facilities account includes $40 million for Denver's ambitious new airport, and the competition for these funds created shifting alliances between urban lawmakers representing established airports in Philadelphia and Michigan and the major carriers to Denver, United and Continental. +22234018 Leery of the costs -- and, critics say, competition -- the airlines have sought to gain leverage over the city of Denver. +22234019 Texas Air Corp., which owns Continental, and the Air Transport Association were prominent in the lobbying. +22234020 The industry sought to impose conditions that would have delayed funds for the project until Denver and the airlines had agreed to leases for 50% of the gates. +22234021 But this was rejected in favor of much looser language directing the Transportation Department to review the costs of the first phase, expected to cost about $2 billion. +22234022 Though smaller in total dollars, the conference agreed to preserve an estimated $30.6 million in controversial subsidies to carriers serving rural or isolated airports. +22234023 The sum is more than double what the House had approved for the program, but the list of qualified airports would be cut by 22 under new distance requirements and limits on the level of subsidy. +22234024 Congress previously cut six airports this year. +22234025 The impact of the changes is to eliminate many of the most excessive cases where the government has been paying more than $200 for each passenger in subsidies. +22234026 Among rail and highway accounts, the agreement provides $615 million for Amtrak, including $85 million for capital improvements. +22234027 And federal-formula grants for mass transit would be effectively frozen at $1.625 billion, or $20 million more than last fiscal year. +22235001 Enjoying several blockbuster movie hits including "Batman," Los Angeles-based Guber-Peters Entertainment Co. reported earnings for the first quarter ended Aug. 31 of $5.8 million, or 50 cents a share, compared with a year-earlier loss. +22235002 Sony Corp., which has offered to acquire the movie-production company, is seeking to free its top executives, Peter Guber and Jon Peters, from an exclusive agreement with Time Warner Inc.'s Warner Communications Inc. so they can run Columbia Pictures Entertainment Inc. +22235003 Sony two weeks ago agreed to acquire Columbia for $3.4 billion, or $27 a share. +22235004 Warner sued Sony and Guber-Peters late last week; Sony and Guber-Peters have countersued, charging Warner with attempting to interfere in Sony's acquisition of the two companies. +22235005 Guber-Peters's net income in the latest quarter compared with a net loss of $6.9 million, or 62 cents a share, in the year-earlier period. +22235006 The company said revenue rose 138%, to $10.9 million from $4.6 million, reflecting the success of its movies "Gorillas in the Mist" and "Rainman," as well as the box-office smash "Batman. +22236001 A group including Jon M. Huntsman of Salt Lake City, said it boosted its stake in Aristech Chemical Corp. to 8.36% of the the common shares outstanding. +22236002 As previously reported, Huntsman Holdings Corp., owned by Jon M. Huntsman and other members of his family, proposed that Banstar Corp., an affiliate of Huntsman Holdings, acquire Aristech in a friendly transaction for $25-a-share in cash, or $817.5 million. +22236003 In a filing with the Securities and Exchange Commission, the Huntsman group said it controls 2,720,675 Aristech common shares, including 306,000 shares bought from Aug. 21 to Oct. 13 for $20 to $20.875 per share. +22236004 Officials at Aristech, based in Pittsburgh, declined comment. +22237001 Congress has been critical of the Bush administration for not sending enough aid to Poland, so it is getting ready to send its own version of a CARE package. +22237002 Last month, the Senate voted to send a delegation of congressional staffers to Poland to assist its legislature, the Sejm, in democratic procedures. +22237003 Senator Pete Domenici calls this effort "the first gift of democracy." +22237004 The Poles might do better to view it as a Trojan Horse. +22237005 It is the vast shadow government of 15,000 congressional staffers that helps create such legislative atrocities as the 1,376 page, 13-pound reconciliation bill that claimed to be the budget of the United States. +22237006 Maybe after the staffers explain their work to the Poles, they'd be willing to come back and do the same for the American people. +22238001 Waterford Wedgwood PLC, a financially troubled Irish maker of fine crystal and Wedgwood china, reported that its pretax loss for the first six months widened to 10.6 million Irish punts ($14.9 million) from 5.8 million Irish punts a year earlier. +22238002 The results for the half were worse than market expectations, which suggested an interim loss of around 10 million Irish punts. +22238003 In a sharply weaker London market yesterday, Waterford shares were down 15 pence at 50 pence (79 cents). +22238004 The company reported a loss after taxation and minority interests of 14 million Irish punts, compared with a loss of 9.3 million Irish punts for the year-earlier period. +22238005 There weren't any extraordinary items. +22238006 Sales for the total group rose 27% to 168.1 million Irish punts compared with 132.6 million Irish punts a year ago. +22238007 Waterford has decided against paying an interim dividend. +22238008 Waterford said the appointment of a new management team and the signing of a comprehensive labor agreement are expected to enhance the company's long-term prospects. +22239001 The sudden "flight to quality" that triggered Friday's explosive bond-market rally was reversed yesterday in a "flight from quality" rout. +22239002 The setback, in which Treasury bond prices plummeted, reflected a rebound in the stock market and profit-taking. +22239003 "It was a pretty wild day. +22239004 Our markets were closely tied to the stock market," said Joel Kazis, manager of trading at Smith Barney, Harris Upham & Co. +22239005 "Friday's flight to quality was no longer needed once the stock market found its legs," he said. +22239006 Some fixed-income investors had expected a further drop in stock prices after the nearly 200-point drop in the Dow Jones Industrial Average on Friday. +22239007 That caused investors to flee stocks and buy high-quality Treasury bonds, which are safer than other types of securities. +22239008 But when stocks began to climb instead, prices of Treasury bonds declined. +22239009 Contributing to the selling pressure were dispatches by several investment firms advising clients to boost their stock holdings and reduce the size of their cash or bond portfolios. +22239010 Among the firms were Merrill Lynch & Co. and Dean Witter Reynolds Inc. +22239011 The bond market seemed to ignore evidence that the Federal Reserve eased credit conditions slightly by allowing the federal funds rate to drift as low as 8 1/2%. +22239012 The closely watched rate on federal funds, or overnight loans between banks, slid to about 8 3/4% last week, down from its perceived target level of about 9%. +22239013 The rate is considered an early signal of changes in Fed policy. +22239014 Traders said yesterday's modest easing didn't stir much enthusiasm because it had been widely expected. +22239015 In fact, some economists contend that the latest easing started last week. +22239016 Others note that some investors were disappointed because they had expected a more aggressive easing. +22239017 The Treasury's benchmark 30-year bond, ended about 1 3/4 points lower, or down about $17.50 for each $1,000 face amount. +22239018 The reversal was even more evident among shorter-term Treasury securities. +22239019 After Treasury bill rates plummeted as much as 0.70 percentage point on Friday, they gave back three-fourths of that amount yesterday. +22239020 The bond-equivalent yield on three-month Treasury bills, for example, was quoted late yesterday at 7.72%, compared with 7.16% Friday. +22239021 Investment-grade corporate bonds, mortgage-backed securities and municipal bonds also fell. +22239022 But prices of junk bonds, which were battered Friday in near standstill trading, rebounded to post small gains after a volatile trading session. +22239023 Junk bonds opened as much as four points lower but staged a modest comeback as stock prices firmed. +22239024 Some traders said the high-yield market was helped by active institutional buying. +22239025 In particular, they said, firms such as First Boston Corp. and Drexel Burnham Lambert Inc. began making a market in junk issues early in the session when prices hit severely depressed levels. +22239026 "I think the willingness of securities companies to make markets for high-yield issues improved the sentiment for junk bonds," said John Lonski, an economist at Moody's Investors Service Inc. +22239027 U.S. Treasury bonds were higher in overnight trading in Japan, which opened at about 7:30 p.m. EDT. +22239028 The benchmark 30-year bond, for example rose one point in early Japanese trading in reaction to a quick 600-point drop in the Tokyo stock market. +22239029 But as Japanese stocks rebounded, Treasurys retreated and ended just modestly higher. +22239030 Many U.S. trading operations, wanting to keep a watchful eye on Japanese trading as an indication of where U.S. trading would begin, were fully staffed during the Tokyo trading session. +22239031 "Most of the action was during the night session," said Michael Moore, trading manager at Continental Bank. +22239032 Jay Goldinger, who often trades overnight for Capital Insight Inc., Beverly Hills, Calif., said trading in Tokyo was "very active" but highly volatile. +22239033 "We went down 3/4 point in 10 minutes right before lunch, then after lunch we went up 3/4 point in 12 minutes," he said. +22239034 In Tokyo, trading is halted during lunchtime. +22239035 Tokyo's market turned out to be a bad bellwether for U.S. trading. +22239036 When the market opened here, bonds prices fell as the stock market regained strength. +22239037 The bond market's focus on stock activity was so strong yesterday that it overshadowed today's slate of economic data, which includes the government's report on August U.S. merchandise trade and September industrial production. +22239038 Industrial production is expected to have declined 0.2%, according to a consensus of economists surveyed by Dow Jones Capital Markets Report. +22239039 The August trade deficit is expected to have widened to $9.1 billion from $7.58 billion in July. +22239040 A widening of that magnitude, said one New York trader, is "not a favorable number. . . . +22239041 It could do damage to us." +22239042 Meanwhile, agency supply is expected to weigh heavily on the market today when the Federal Home Loan Bank prices a $2.3 billion offering of one-year, three-year, five-year and 10-year maturities. +22239043 Tomorrow, the Resolution Funding Corp. will provide details of its first bond issue, which is expected to total between $4 billion and $6 billion and carry a maturity greater than 20 years. +22239044 Resolution Funding is a division of Resolution Trust Corp., the new federal agency created to bail out the nation's troubled thrifts. +22239045 And this week the Tennessee Valley Authority plans to price a $3 billion offering, its first public debt borrowing in 15 years. +22239046 "There's lots of supply," the New York trader said. +22239047 "We have a couple or three tough weeks coming." +22239048 Treasury Securities +22239049 Prices of Treasury bonds tumbled in moderate to active trading. +22239050 The benchmark 30-year Treasury bond was quoted late at a price of 101 19/32, compared with a closing price of 103 12/32 Friday. +22239051 The yield on the benchmark issue rose to 7.97% from 7.82%. +22239052 The latest 10-year notes were quoted late at 100 3/32 for a yield of 7.97%, compared with 101 9/32 to yield 7.84%. +22239053 Short-term interest rates fell yesterday at the government's weekly Treasury bill auction. +22239054 The average discount rate on new three-month Treasury bills was 7.37%, the lowest since the average of 7.36% at the auction on Oct. 17, 1988. +22239055 The average discount rate was 7.42% on new six-month bills, the lowest since the average of 7.35% at the auction on July 31, 1989. +22239056 Here are auction details: +22239057 Rates are determined by the difference between the purchase price and face value. +22239058 Thus, higher bidding narrows the investor's return while lower bidding widens it. +22239059 The percentage rates are calculated on a 360-day year, while the coupon-equivalent yield is based on a 365-day year. +22239060 Both issues are dated Oct. 19. +22239061 The 13-week bills mature Jan. 18, 1990, and the 26-week bills mature April 19, 1990. +22239062 Corporate Issues +22239063 Investment-grade corporate bonds ended one to 1 1/2 point lower. +22239064 There were no new issues. +22239065 Foreign Bonds +22239066 Foreign bonds surged as the dollar weakened against most major currencies. +22239067 Among benchmark issues: -- Japan's No. 111 4.6% bond due 1998 ended on brokers screens at 96.15, up 1.17 point. +22239068 The yield was 5.245%. +22239069 -- West Germany's 6 3/4% issue due June 1999 ended at 98.30, up 0.91 point to yield 6.99%. +22239070 -- Britain's 11 3/4% bond due 2003/2007 ended 1 1/8 higher at 111 19/32 to yield 10.12%, while the 11 3/4% notes due 1991 rose 21/32 to 98 26/32 to yield 12.74%. +22239071 Mortgage-Backed Securities +22239072 Mortgage securities gave up most of Friday's gains as active issues ended 24/32 to 30/32 point lower. +22239073 Dealers said morning activity was hectic as prices dropped in response to gains in the stock market and losses in Treasury securities, but trading slowed to moderate levels in the afternoon. +22239074 Government National Mortgage Association 9% securities for November delivery were quoted late yesterday at 98 4/32, down 30/32 from Friday; 9 1/2% securities were down 27/32 at 100 5/32; and 10% securities were at 102 2/32, off 24/32. +22239075 Federal Home Loan Mortgage Corp. 9% securities were at 97 1/4, down 3/4. +22239076 On Friday, mortgage issues gained as much as 1 5/32. +22239077 Late yesterday Ginnie Mae 9% securities were yielding 9.39% to a 12-year average life assumption, as the spread above the Treasury 10-year note narrowed 0.01 percentage point to 1.42. +22239078 Traders said there were some busy dealings in Freddie Mac and Federal National Mortgage Association securities because underwriters from last week's heavy slate of real estate mortgage investment conduit issues moved to gather collateral for new deals. +22239079 Offsetting the Remic-related purchases were continued heavy sales by mortgage originators, which are producing increased amounts of fixed-rate mortgage-backed issues with lower rates. +22239080 There was no new-issue activity in the derivative market. +22239081 Municipals +22239082 Rebounding stocks and weaker Treasury prices drove municipal bonds 1/4 to 3/4 point lower in late dealings. +22239083 The session losses left municipal dollar bonds close to where they were before the 190.58-point drop in the Dow Jones Industrial Average Friday prompted a capital markets rally. +22239084 Trading was hectic during the morning, with players trying to gauge whether equities would continue Friday's free fall or stabilize after a brief spot of weakness. +22239085 Tax-exempts started the session flat to a touch higher on anticipation of further stock market erosion, but bond prices rapidly turned south as it became more clear that a repeat of the October 1987 crash wasn't at hand. +22239086 Professionals dominated municipal trading throughout the session. +22239087 Traders said retail investors seemed to be hugging the sidelines until a measure of volatility is wrung out of the market. +22239088 New Jersey Turnpike Authority's 7.20% issue of 2018 was off 3/4 at 98 1/2 bid, yielding 7.32%, up 0.07 percentage point from late Friday. +22239089 Florida Board of Education's 7 1/4% issue of 2023 was 5/8 point weaker at 99 1/2 bid. +22239090 The 7 1/8% issue of Triborough Bridge and Tunnel Authority of New York, due 2019, was off 5/8 at 98 1/8 bid. +22239091 And Fairfax County, Va., Water Authority's 7 1/4% issue of 2027 was down 3/4 at 99 7/8 bid. +22239092 Serial bond yields were up about 0.05 percentage point. +22240001 BMA Corp., Kansas City, Mo., said it's weighing "strategic alternatives," for its Business Men's Assurance Co. unit, and is contacting possible buyers of the life and health insurance operation. +22240002 A BMA spokesman said "runaway medical costs" have made health insurance "a significant challenge," and margins also have been pinched by changes in the mix of life-insurance products consumers now demand. +22240003 The Business Men's Assurance unit represented about $288 million of the company's $488 million in 1988 revenue, and the unit's operating income was about $10 million, said the spokesman. +22240004 BMA's investment banker, Alex. Brown & Sons Inc., has been authorized to contact possible buyers for the unit. +22241001 Laidlaw Transportation Ltd. said it raised its stake in ADT Ltd. of Bermuda to 29.4% from 28%. +22241002 A spokesman for Laidlaw declined to disclose the price the Toronto transportation and waste services concern paid for the additional shares, which he said were acquired "over the last couple of weeks." +22241003 The spokesman said Laidlaw wouldn't increase its stake in ADT beyond 30% "without a great deal of thought" because of British takeover regulations that require a company acquiring more than 30% to extend an offer to the rest of the company's shareholders. +22241004 ADT, a security services and auctions company, trades on London's Stock Exchange. +22241005 Laidlaw is 47%-controlled by Canadian Pacific Ltd., a Montreal transportation, resources and industrial holding concern. +22242001 Nintendo Co., a Japanese maker of video games, electronic information systems and playing cards, posted a 23% unconsolidated surge in pretax profit to 61.41 billion yen ($429 million) from 50 billion yen ($349.9 million) for the fiscal year ended Aug. 31. +22242002 Sales surged 40% to 250.17 billion yen from 178.61 billion. +22242003 Net income rose 11% to 29.62 billion yen from 26.68 billion. +22242004 Pershare net fell to 423.3 yen from 457.7 yen because of expenses and capital adjustments. +22242005 Without detailing specific product breakdowns, Nintendo credited its bullish upsurge in sales -- including advanced computer games and television entertainment systems -- to surging "leisure-oriented" sales in foreign markets. +22242006 Export sales for leisure items alone, for instance, totaled 184.74 billion yen in the 12 months, up from 106.06 billion in the previous fiscal year. +22242007 Domestic leisure sales, however, were lower. +22243001 Hertz Corp. of Park Ridge, N.J., said it retained Merrill Lynch Capital Markets to sell its Hertz Equipment Rental Corp. unit. +22243002 "There is no pressing need to sell the unit, but we are doing it so we can concentrate on our core business, renting automobiles in the U.S. and abroad," said William Slider, Hertz's executive vice president. +22243003 "We are only going to sell at the right price." +22243004 Hertz Equipment had operating profit before depreciation of $90 million on revenue of $150 million in 1988. +22243005 The closely held Hertz Corp. had annual revenue of close to $2 billion in 1988, of which $1.7 billion was contributed by its Hertz Rent A Car operations world-wide. +22243006 Hertz Equipment is a major supplier of rental equipment in the U.S., France, Spain and the U.K. +22243007 It supplies commercial and industrial equipment including earth-moving, aerial, compaction and electrical equipment, compressors, cranes, forklifts and trucks. +22244001 Interspec Inc. reported a net loss of $2.4 million for the fiscal third quarter ended Aug. 31. +22244002 It said the loss resulted from startup and introduction costs related to a new medical ultrasound equipment system. +22244003 In the year-earlier quarter, the company reported net income of $955,000, or 15 cents a share. +22244004 The manufacturer of ultrasound diagnostic systems, based in Ambler, Pa., reported a nine-month net loss of $2.43 million compared with net income of $2.71 million, or 44 cents a share, for the nine-month period a year earlier. +22244005 In over-the-counter trading, Interspec fell 37.5 cents to $4.25. +22245001 Allegheny Ludlum Corp. expects to report third-quarter net of about $34 million, or $1.50 a share, down from $38.4 million, or $1.70 a share, a year earlier, Richard P. Simmons, chairman and chief executive officer, told institutional investors in New York. +22245002 Sales for the Pittsburgh-based producer of specialty steels and other materials fell to about $265 million in the third quarter from $320.5 million a year earlier, he said. +22245003 He said the third-quarter estimate indicates profit for the nine months of $4.65 a share, "almost equal to the full-year 1988 earnings" of $108.6 million, or $4.81 a share. +22245004 In the first nine months of 1988, net was $85 million, or $3.76 a share. +22245005 Mr. Simmons said the third-quarter results reflect continued improvements in productivity and operating margins. +22245006 He said capital spending next year will rise to about $45 million from about $35 million this year. +22246001 U.S. Banknote Co. said it again extended the expiration date of its $7-a-share tender offer for International Banknote Co. to Nov. 15. +22246002 U.S. Banknote said it is in negotiations to sell "certain facilities," which it didn't name, to a third party, and it needs the extension to try to reach a definitive agreement on the sale. +22246003 U.S. Banknote said it believes the sale, if completed, apparently would satisfy antitrust issues raised by the U.S. Justice Department about U.S. Banknote's offer to buy International Banknote. +22246004 Both of the New York-based companies print stock certificates and currency. +22246005 U.S. Banknote said "there can be no assurance" a sale agreement would be concluded. +22246006 It also said the tender offer would probably have to be extended further to complete financing arrangements. +22246007 U.S. Banknote said Citibank extended the expiration date of its commitment for senior secured financing to Nov. 15. +22246008 The offer, made June 1, has been extended several times. +22246009 Closely held U.S. Banknote offered the $7 a share, or $126 million, for as many as 14.9 million shares, or 78.6%, of International Banknote's shares outstanding. +22246010 U.S. Banknote said that as of Oct. 13, 16.1 million shares, or about 84.3% of the fully diluted shares outstanding, had been tendered. +22247001 Gitano Group Inc. said it agreed to buy 50% of Regatta Sport Ltd., a closely held apparel maker, with the assumption of $3 million of contingent debt. +22247002 Under the terms of the contract, New York-based Gitano has the option to acquire the remaining 50% of Regatta, a maker of men's and women's clothes sold primarily in department stores, under certain conditions. +22247003 That 50% is now held by Clifford Parker, Regatta's president and chief executive officer, who will continue to manage Regatta's operations under Gitano. +22247004 In 1989, Regatta will have sales "in excess of $10 million" and will show a profit, Mr. Parker said. +22247005 Gitano, which makes budget-priced apparel sold mainly through mass merchandisers like K mart and Wal-Mart, said the Regatta acquisition will enhance its strategy to expand into department stores. +22247006 This fall, Gitano began manufacturing moderately priced clothes aimed at department stores under the Gloria Vanderbilt trademark, which Gitano recently acquired. +22248001 Enron Corp., Houston, said the sale of preference units of its newly formed Enron NGL Partners L.P. master limited partnership subsidiary will result in an undetermined gain in the fourth quarter. +22248002 In the year-ago quarter, the natural gas concern had net income of $25.2 million, or 34 cents a share, on revenue of about $1.46 billion. +22248003 Those results included a $2.7 million charge related to the retirement of debt. +22248004 In a related move, Enron said it increased the number of the partnership's units it will offer to 6,930,000 from 5,500,000. +22248005 The old and revised numbers both include over-allotment provisions. +22248006 Enron said each unit will be priced in the $19-to-$21 range and will represent about 80% of the partnership equity. +22248007 Net proceeds from the offering are expected to be close to $200 million. +22248008 Goldman, Sachs & Co., and Drexel Burnham Lambert Inc. are lead underwriters. +22249001 Arthur M. Goldberg said he extended his unsolicited tender offer of $32 a share tender offer, or $154.3 million, for Di Giorgio Corp. to Nov. 1. +22249002 DIG Acquisition Corp., the New Jersey investor's acquisition vehicle, said that as of the close of business yesterday, 560,839 shares had been tendered. +22249003 Including the stake DIG already held, DIG holds a total of about 25% of Di Giorgio's shares on a fully diluted basis. +22249004 The offer, which also includes common and preferred stock purchase rights, was to expire last night at midnight. +22249005 The new expiration date is the date on which DIG's financing commitments, which total about $240 million, are to expire. +22249006 DIG is a unit of DIG Holding Corp., a unit of Rose Partners L.P. +22249007 Mr. Goldberg is the sole general partner in Rose Partners. +22249008 In August, Di Giorgio, a San Francisco food products and building materials marketing and distribution company, rejected Mr. Goldberg's offer as inadequate. +22249009 In New York Stock Exchange composite trading yesterday, Di Giorgio closed at $31.50 a share, down $1.75. +22250001 What doesn't belong here? +22250002 A. manual typewriters, B. black-and-white snapshots, C. radio adventure shows. +22250003 If you guessed black-and-white snapshots, you're right. +22250004 After years of fading into the background, two-tone photography is coming back. +22250005 Trendy magazine advertisements feature stark black-and-white photos of Hollywood celebrities pitching jeans, shoes and liquor. +22250006 Portrait studios accustomed to shooting only in color report a rush to black-and-white portrait orders. +22250007 And black-and-white photography classes are crowded with students. +22250008 What's happening in photography mirrors the popularity of black and white in fashion, home furnishings and cinematography. +22250009 On Seventh Avenue, designers have been advancing the monochrome look with clothing collections done entirely in black and white. +22250010 And classic black-and-white movies are enjoying a comeback on videocassette tapes, spurred, in part, by the backlash against colorization of old films. +22250011 "The pendulum is swinging back to black and white," says Richard DeMoulin, the general manager of Eastman Kodak Co.'s professional photography division. +22250012 Until two years ago, sales of black-and-white film had been declining steadily since the 1960s. +22250013 But last year, buoyed by increased use in advertising and other commercial applications, sales increased 5%, and they are expected to jump at least that much again this year. +22250014 Photographic companies are scrambling to tap the resurging market, reviving some black-and-white product lines and developing new ones. +22250015 At Kodak, which largely ignored the market for years, black-and-white film sales now account for nearly 15% of the company's $3 billion in film and paper sales annually, up from 10% three years ago. +22250016 The Rochester, N.Y., photographic giant recently began marketing T-Max 3200, one of the fastest and most sensitive monochrome films. +22250017 Aimed at commercial photographers, the film can be used in very low light without sacrificing quality, says Donald Franz of Photofinishing Newsletter. +22250018 Also trying to snare a portion of the $2 billion-a-year industry is Agfa Corp., a unit of Bayer AG. +22250019 Agfa recently signed Olympic gold medalist Florence Griffith-Joyner to endorse a new line of black-and-white paper that's geared to consumers and will compete directly with Kodak's papers. +22250020 Slated for market by the end of the year, the paper "could have been introduced a long time ago but the market wasn't there then," says an Agfa spokesman. +22250021 The biggest beneficiary of the black-and-white revival is likely to be International Paper Co.'s Ilford division, known in the industry for its premium products. +22250022 Sales of Ilford's four varieties of black-and-white film this year are outpacing growth in the overall market, although the company won't say by exactly how much. +22250023 "We hope the trend lasts," says Laurie DiCara, Ilford's marketing communications director. +22250024 Why all the interest? +22250025 For baby boomers who grew up being photographed in color, black and white seems eye-catching and exotic. +22250026 "It has an archival, almost nostalgic quality to it," says Owen B. Butler, the chairman of the applied photography department at Rochester Institute of Technology. +22250027 "You can shift out of reality with black and white," he adds. +22250028 Such features have been especially attractive to professional photographers and marketing executives, who have been steadily increasing their use of black and white in advertising. +22250029 Processing of black-and-white commercial film jumped 24% last year to 18.7 million rolls. +22250030 Consider Gap Inc., whose latest ad campaign features black-and-white shots of Hollywood stars, artists and other well-known personalities modeling the retailer's jeans and T-shirts. +22250031 Richard Crisman, the account manager for the campaign, says Gap didn't intentionally choose black and white to distinguish its ads from the color spreads of competitors. +22250032 "We wanted to highlight the individual, not the environment," he says, "and black and white allows you to do that better than color." +22250033 The campaign won a Cleo award as this year's best ad by a specialty retailer. +22250034 Even food products and automobiles, which have long depended on color, are making the switch. +22250035 Companies "feel black and white will convey a stronger statement," says Marc L. Hauser, a Chicago photographer who is working on a black-and-white print ad for Stouffer Food Corp.'s Lean Cuisine. +22250036 Other companies that are currently using two-tone ads include American Express Co. and Epson America Inc. +22250037 Portrait studios have also latched onto the trend. +22250038 Using black and white, "we can make housewives look like stars," says John Perrin. +22250039 His On-Broadway Photography studio in Portland, Ore., doubled its business last year and, he says, is booked solid for the next five. +22250040 One customer, Dayna Brunsdon, says she spurned a color portrait for black and white because "it's more dramatic. +22250041 I show it to my friends, and they all say 'wow.' +22250042 It isn't ordinary like color." +22250043 Still, most consumers aren't plunking black-and-white film into their cameras to take family snapshots. +22250044 One big obstacle is that few drugstores develop the film anymore. +22250045 Typically, it must be mailed to a handful of processors and may take a week or more to be processed and returned. +22250046 Black-and-white film costs consumers a little less than color film, and processing costs the same. +22250047 But for photofinishers, developing costs for black-and-white film are higher. +22250048 Some companies are starting to tackle that problem. +22250049 Ilford, for example, recently introduced a black-and-white film that can be processed quickly by color labs. +22250050 Intent on wooing customers, the company is also increasing its sponsorship of black-and-white photography classes. +22250051 Similarly, Agfa is sponsoring scores of photography contests at high schools and colleges, offering free black-and-white film and paper as prizes. +22250052 And Kodak is distributing an instructional video to processors on how to develop its monochrome film more efficiently. +22250053 Other companies are introducing related products. +22250054 Charles Beseler Co., a leading maker of photographic enlargers, introduced last month a complete darkroom starter kit targeted at teen-agers who want to process their own black-and-white photographs. +22250055 The kit, which has a suggested retail price of $250 and has already become a bestseller, was introduced after retailers noticed numerous requests from parents for children's photography equipment. +22250056 "It seems computers as hobbies have waned," says Ian Brightman, Beseler's chairman and chief executive officer. +22250057 But some industry observers believe the resurgence of black and white is only a fad. +22250058 They cite the emergence of still electronic photography, more newspapers turning to color on their pages and measurable improvements in the quality of color prints. +22250059 "Black and white hasn't made the same quantum leaps in technological development as color," says Mr. Butler of the Rochester Institute. +22250060 "The color print today is far superior to prints of 10 years ago. +22250061 You can't say the same with black and white." +22250062 But when Popular Photography, a leading magazine for photographers, selected 15 of the greatest photos ever made for its latest issue celebrating photography's 150th anniversary, all were black and white. +22250063 "It's got a classic spirit and carries over emotionally," says Alfred DeBat of Professional Photographers of America. +22250064 "That's the appeal. +22251001 McClatchy Newspapers Inc. said improvements in advertising and subscription revenue led to a 21% gain in third-quarter profit to $8.8 million, or 31 cents a share, from $7.2 million, or 25 cents a share. +22251002 Sales rose more than 7% to $94.9 million from $88.3 million. +22251003 The Sacramento, Calif., company also attributed improved performance to a lower effective tax rate and higher interest income. +22251004 For the nine months, the newspaper chain had almost a 23% increase in profit to $23.6 million, or 83 cents a share, from $19.2 million, or 68 cents a share. +22251005 Sales grew almost 7% to $279.1 million from $261.3 million. +22251006 McClatchy publishes the Sacramento (Calif.) Bee and Tacoma (Wash.) News Tribune, and other papers in Western states. +22251007 In composite trading on the New York Stock Exchange, the company closed at $25.25 a share, down 25 cents. +22252001 Agip S.p.A. and Societe National Elf Aquitaine, the state oil companies of Italy and France, respectively, submitted an offer to buy Gatoil Suisse S.A. +22252002 The price wasn't disclosed. +22252003 A spokesman for Gatoil said that the Swiss oil concern was examining the offer, submitted last Friday, along with two other offers, also submitted last week. +22252004 Those two offers were private and the spokesman refused to identify the bidding companies. +22252005 The spokesman further said that at least two more offers are expected from other companies within two weeks. +22252006 Gatoil Suisse owns an oil refinery in Switzerland with a capacity of 70,000 barrels a day, along with a network of gasoline retailing outlets. +22253001 While Friday's plunging stock market prompted new fears about the economy's prospects, a little-known indicator that has faithfully foreshadowed the economy's ups and downs by exceptionally long lead times points to a sustained rise in overall business activity. +22253002 The barometer, developed by analysts at Columbia University's Center for International Business Cycle Research here, reached a record high of 223.0 in August, the latest month available, and the Columbia researchers estimate that it has moved even higher since then. +22253003 The latest reading of 223.0 was up from 222.3 in July and 215.3 as recently as March. +22253004 The August rise marked the fifth straight monthly gain for the indicator, which uses the 1967 average as a base of 100. +22253005 In contrast, the Commerce Department's widely followed index of leading indicators, while up in August, has fallen repeatedly since reaching a high early this year. +22253006 Its ragged behavior through much of 1989 has prompted some forecasters to anticipate the start of a new recession perhaps before year's end. +22253007 But the far stronger showing of the Columbia index "makes a recession any time soon highly unlikely," says Geoffrey H. Moore, the director of the Columbia facility. +22253008 A leading authority on the business cycle, Mr. Moore also is a member of the Business Cycle Dating Group, the panel of private economists that decides for the government when expansions and recessions begin and end. +22253009 The group normally convenes only when a change in the economy's general course seems likely. +22253010 "No meeting is scheduled because the expansion shows no sign of going off the tracks," Mr. Moore reports. +22253011 Based largely on the recent strength in their index, called the long leading indicator, the Columbia analysts foresee uninterrupted economic growth through the rest of this year and next year as well. +22253012 They expect a 2.6% rise in 1990 in the gross national product, after adjustment for inflation. +22253013 Underlying this optimism is the index's longstanding ability to signal recessions or recoveries, as the case may be, by substantially greater periods than the Commerce Department's index of leading indicators. +22253014 Over the full post-World War II era, the Columbia index, on the average, has entered sustained declines 14 months before the onset of recessions and turned up eight months before recoveries. +22253015 The comparable lead times for the Commerce index, whose components include the stock market, are far shorter -- 10 months before recessions and only three months before recoveries. +22253016 The Columbia economists also have reconstructed how the long leading index would have behaved, had it existed, in 1929, before the stock market crash in October that ushered in the Great Depression. +22253017 The indicator reached a peak in January 1929 and then fell steadily up to and through the crash. +22253018 "It was an entirely different pattern from what we're seeing now," Mr. Moore says. +22253019 A major source of the recent strength in the long leading indicator has been the performance of the Dow Jones corporate bond-price index, which is not a part of the Commerce index. +22253020 In August, the bond measure was at its highest monthly average since early 1987. +22253021 It also rose last Friday, while the stock market sagged. +22253022 Other components of the long leading indicator include a ratio of prices to unit labor costs in manufacturing industries, the M2 version of the money supply, adjusted for inflation, and the volume of new home-building permits. +22253023 Notably absent from the Columbia index is the stock market, which Mr. Moore says "is simply no longer such a good indicator of the economy's long-range prospects, though it still is useful for anticipating some short-run twists and turns." +22253024 As recently as 1975, the stock market -- as reflected in the Standard & Poor's index of 500 common stocks -- was rated by the National Bureau of Economic Research as the best of the 12 leading indicators that then made up the Commerce index. +22253025 It was assigned a mark of 80 out of a possible 100, compared with scores ranging as low as 69 for the other components. +22253026 The stock market has lost some precursory power, analysts at the Columbia center claim, because of the growing impact of international developments. +22253027 "Stocks have become more sensitive to factors not directly tied to the domestic economy," Mr. Moore says, citing the exchange rate for the dollar on currency markets, the foreign-trade balance and inflows of foreign capital. +22253028 He also feels that the rise of such computer-based practices as program trading has diminished the stock market's relevancy to the economic outlook. +22254001 BSN S.A., a leading French food group, said it agreed to acquire Birkel G.m.b.H., a West German pasta maker. +22254002 The value of the acquisition wasn't disclosed. +22254003 The move is in line with BSN's strategy of gradually building its share of the European pasta market through external growth. +22254004 BSN will initially acquire a 15% interest in Birkel, a closely held concern. +22254005 The French group has an agreement giving it the right to buy all the shares outstanding, and this could be completed within a few months, a BSN spokeswoman said. +22254006 The takeover was submitted for approval by the West German cartel office, BSN said. +22254007 Birkel is West Germany's second-biggest producer of pasta, with sales of 250 million marks ($133.4 million) in 1988. +22254008 It has 750 workers at three production units in southwest Germany, and is that nation's leading producer of pasta sauces. +22254009 The acquisition strengthens BSN's position in the European pasta market. +22254010 The French group currently ranks second after Barilla Group of Italy, whose sales are chiefly in the Italian market. +22255001 Moody's Investors Service Inc. said it reduced its rating on $281 million of senior and subordinated debt of this thrift holding company, to C from Ca, saying it believes bondholders will recover only "negligible principal." +22255002 The agency said it confirmed American Continental's preferred stock rating at C. +22255003 American Continental's thrift unit, Los Angeles-based Lincoln Savings & Loan Association, is in receivership and the parent company has filed for protection from creditor lawsuits under Chapter 11 of the federal Bankruptcy Code. +22255004 CENTRUST SAVINGS BANK (Miami) -- +22255005 Moody's Investors Service Inc. downgraded its ratings on the subordinated debt of CenTrust to Caa from B-3. +22255006 The rating agency also reduced the ratings for long-term deposits to B-3 from Ba-3 and for preferred stock to Ca from Caa. +22255007 The rating agency said about $85 million in securities was affected. +22255008 The downgrades were prompted, Moody's said, by the continuing turmoil in the junk bond market and the suspension of dividends on CenTrust's preferred stock. +22255009 Moody's also said it believed the proposed sale of 63 CenTrust branches to Great Western Bank could, if completed, endanger the thrift's funding and market position. +22256001 THE STOCK MARKET AVOIDED a repeat of Black Monday as prices recovered from an early slide, spurred by bargain-hunting institutions and program traders. +22256002 The Dow Jones industrials closed up 88.12 points, at 2657.38, the fourth-biggest gain ever, after being down as much as 63.52 points in the morning. +22256003 The rally erased about half of Friday's 190.58-point plunge, but analysts are cautious about the market's outlook. +22256004 The dollar also rebounded, while bond prices plummeted and Treasury bill rates soared. +22256005 Junk bonds also recovered somewhat, though trading remained stalled. +22256006 Gold also rose. +22256007 Tokyo stock prices bounced back in early trading Tuesday following a 1.8% plunge on Monday. +22256008 The dollar also moved higher in Tokyo. +22256009 Donald Trump withdrew his $7.54 billion offer for American Air, citing the "recent change in market conditions." +22256010 AMR slid $22.125, to $76.50. +22256011 Also, a UAL group tried to get financing for a lower bid, possibly $250 a share. +22256012 UAL fell $56.875, to $222.875. +22256013 Leveraged buy-outs of airlines would be subject to approval by the transportation secretary under a bill passed by a House subcommittee. +22256014 IBM's earnings tumbled 30% in the third quarter, slightly more than expected. +22256015 The computer giant partly cited a stronger dollar and a delay in shipping a new high-end disk drive. +22256016 Analysts are downbeat about IBM's outlook for the next few quarters. +22256017 U.S. auto makers plan to decrease car production 10.4% in the fourth quarter, with virtually all the decline coming from the Big Three. +22256018 Output at Japanese-owned and managed plants in the U.S. is due to rise 42%. +22256019 Budget director Darman said he won't give federal agencies much leeway in coping with Gramm-Rudman spending cuts, which took effect yesterday. +22256020 Darman hopes to prod Congress to finish a deficit plan. +22256021 The S&L bailout agency would be restricted by a new bill in how it raises capital. +22256022 The Ways and Means plan would create another possible obstacle to selling sick thrifts. +22256023 A natural gas rule was struck down by a federal appeals court. +22256024 The regulation had prevented pipeline firms from passing part of $1 billion in costs along to customers. +22256025 The Supreme Court agreed to decide whether a federal court may dismantle a merger that has won regulatory approval but been ruled anticompetitive in a private suit. +22256026 Merrill Lynch's profit slid 37% in the third quarter. +22256027 Bear Stearns posted a 7.5% gain, while PaineWebber had a decline due to a year-ago gain. +22256028 Blue Arrow of Britain plans to return to the name Manpower and take a big write-off. +22256029 The moves may help the firm solidify its dominance of the U.S. temporary-help market. +22256030 J.P. Morgan posted a $1.82 billion loss for the third quarter, reflecting a big addition to loan-loss reserves. +22256031 NCNB's profit more than doubled. +22256032 K mart agreed to acquire Pace Membership Warehouse for $322 million, expanding its presence in the growing wholesale-store business. +22256033 Markets -- +22256034 Stocks: Volume 416,290,000 shares. +22256035 Dow Jones industrials 2657.38, up 88.12; transportation 1304.23, off 102.06; utilities 214.73, up 2.77. +22256036 Bonds: Shearson Lehman Hutton Treasury index 3393.51, off +22256037 Commodities: Dow Jones futures index 129.72, off 0.15; spot index 130.16, up 0.91. +22256038 Dollar: 141.85 yen, off 0.25; 1.8685 marks, off 0.0055. +22257001 Monday, October 16, 1989 +22257002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +22257003 PRIME RATE: 10 1/2%. +22257004 The base rate on corporate loans at large U.S. money center commercial banks. +22257005 FEDERAL FUNDS: 8 3/4% high, 8 1/2% low, 8 5/8% near closing bid, 8 3/4% offered. +22257006 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +22257007 Source: Fulton Prebon (U.S.A.) Inc. +22257008 DISCOUNT RATE: 7%. +22257009 The charge on loans to depository institutions by the New York Federal Reserve Bank. +22257010 CALL MONEY: 9 3/4% to 10%. +22257011 The charge on loans to brokers on stock exchange collateral. +22257012 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.:8.30% 5 to 44 days; 8.20% 45 to 59 days; 8% 60 to 89 days; 7.875% 90 to 119 days; 7.75% 120 to 149 days; 7.625% 150 to 179 days; 7.375% 180 to 270 days. +22257013 COMMERCIAL PAPER: High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000:8.40% 30 days; 8.33% 60 days; 8.26% 90 days. +22257014 CERTIFICATES OF DEPOSIT: 8.05% one month; 8.02% two months; 8% three months; 7.98% six months; 7.95% one year. +22257015 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +22257016 The minimum unit is $100,000. +22257017 Typical rates in the secondary market:8.40% one month; 8.40% three months; 8.40% six months. +22257018 BANKERS ACCEPTANCES: 8.40% 30 days; 8.35% 60 days; 8.27% 90 days; 8.20% 120 days; 8.15% 150 days; 8.02% 180 days. +22257019 Negotiable, bank-backed business credit instruments typically financing an import order. +22257020 LONDON LATE EURODOLLARS: 8 5/8% to 8 1/2% one month; 8 5/8% to 8 1/2% two months; 8 9/16% to 8 7/16% three months; 8 1/2% to 8 3/8% four months; 8 1/2% to 8 3/8% five months; 8 1/2% to 8 3/8% six months. +22257021 LONDON INTERBANK OFFERED RATES (LIBOR): 8 1/2% one month; 8 1/2% three months; 8 7/16% six months; 8 3/8% one year. +22257022 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +22257023 FOREIGN PRIME RATES: Canada 13.50%; Germany 8.50%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +22257024 These rate indications aren't directly comparable; lending practices vary widely by location. +22257025 TREASURY BILLS: Results of the Monday, October 16, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: 7.37%, 13 weeks; 7.42%, 26 weeks. +22257026 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): Posted yields on 30-year mortgage commitments for delivery within 30 days. +22257027 9.83%, standard conventional fixedrate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +22257028 Source: Telerate Systems Inc. +22257029 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par).9.82%, standard conventional fixed rate-mortgages; 8.70%, 6/2 rate capped one-year adjustable rate mortgages. +22257030 Source: Telerate Systems Inc. +22257031 MERRILL LYNCH READY ASSETS TRUST: 8.49%. +22257032 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +22258001 Intel Corp. said it reached an agreement with Alliant Computer Systems Corp. to develop software standards for Intel's i860 microprocessor. +22258002 The i860, introduced earlier this year, is Intel's entry in the crowded market for reduced instruction set computing, or RISC, computers. +22258003 Intel, based in Santa Clara, Calif., is the market leader for traditional microprocessors with its 8086 family that forms the heart of IBM-compatible personal computers. +22258004 Under the agreement, Intel will invest $3 million to acquire a 4% stake in Alliant, a maker of minisupercomputers for scientists and engineers. +22258005 Alliant, based in Littleton, Mass., will license its parallel-computing technologies to Intel, providing users a way to let many i860 microprocessors in a single computer work on a problem simultaneously. +22258006 Alliant said it plans to use the microprocessor in future products. +22258007 It declined to discuss its plans for upgrading its current product line. +22259001 Omnicare Inc., which intends to expand its position in the medical and dental markets, said it acquired a cotton and gauze products division from closely held Sterile Products Corp. for $8.2 million. +22259002 Omnicare said it expects the division to add "substantial sales volume and to make a positive contribution to our earnings in 1990 and beyond." +22259003 In 1988 the Cincinnati company earned $3.1 million, or 32 cents a share, on revenue of $148.5 million. +22259004 Omnicare said the division operates under the trade name ACCO and supplies the medical and dental markets. +22259005 The business, based in St. Louis, had sales of more than $14 million in the fiscal year ended March 31, Omnicare said. +22260001 Burmah Oil PLC, a British independent oil and specialty chemicals marketing concern, said SHV Holdings N.V. of the Netherlands has built up a 6.7% stake in the company. +22260002 James Alexander, a Burmah spokesman, said SHV had previously owned "a little under 5%" of Burmah for about two years. +22260003 The Dutch company hadn't notified Burmah of its reason for increasing the stake, he said. +22260004 SHV, which last year merged its North Sea oil and gas operations with those of Calor Group PLC, has been pegged by speculators as a possible suitor for Burmah Oil in recent weeks. +22260005 SHV also owns 40% of Calor. +22260006 Burmah, which owns the Castrol brand of lubricant oils, reported a 17% rise in net income to #43.5 million ($68.3 million) in the first half. +22261001 J.P. Industries Inc. said it signed a definitive agreement to sell its Builders' Hardware Group to closely held Nalcor Inc. of Beverly Hills, Calif. +22261002 Terms weren't disclosed, but a J.P. Industries spokesman said the amount J.P. Industries will get for the group is "a little better than expected by the marketplace, and the marketplace had been expecting $25 million to $30 million." +22261003 The group consists of Weslock Corp. and JPI Modern Inc. +22261004 J.P. Industries, which is based in Ann Arbor, Mich., said the sale completes a previously announced program to divest itself of its hardware and plumbing supplies operations. +22261005 The company's remaining business is the manufacture and sale of engine and transmissions products for industrial and transportation applications. +22262001 Citing a $3.1 million provision for doubtful accounts, Dallas-based National Heritage Inc. posted a loss for its fourth quarter ended June 30. +22262002 A unit of troubled Southmark Corp., the operator of nursing homes and retirement centers said it sustained a net loss of $1.6 million, or nine cents a share, compared with net income of $1.3 million, or eight cents a share, a year earlier. +22262003 Operating revenue rose 13% to $22.2 million from $19.7 million in the year-earlier quarter. +22262004 The company said the $3.1 million reserve was created to reflect doubt about the collectability of receivables owed to National Heritage by some of the real estate partnerships it manages. +22262005 The company also said expenses incurred by the previous board and management in the recent contest for control were recognized primarily in the first quarter ended Sept. 30. +22262006 National Heritage stock fell 12.5 cents yesterday to close at $1.375 a share in New York Stock Exchange composite trading. +22263001 United Biscuits (Holdings) PLC, a British food producer, announced the creation of a European group to bring together its trading interests in the region. +22263002 The new group will comprise all of United Biscuit's manufacturing and marketing operations in the food sector apart from those based in the U.S. +22263003 United Biscuits said the combined group, which will include businesses such as McVities biscuits and Terry's confectionery, will have annual sales of more than #1.5 billion ($2.35 billion) and trading profit of more than #160 million ($251 million). +22263004 "The new structure will enable United Biscuits to focus clearly upon opportunities for planned growth during the 1990s," said Bob Clarke, deputy chairman and group chief executive. +22263005 Last month, United Biscuits agreed to sell its entire restaurant operations to Grand Metropolitan PLC for #180 million. +22264001 An American journalist now is standing trial in Namibia. +22264002 This is the place that world opinion has been celebrating over in the expectation that it's going to hold an election. +22264003 The most likely winner will be the Marxist-dominated SWAPO rebels. +22264004 The U.S. journalist's "crime" was writing that the head of the commission charged with overseeing the election's fairness, Bryan O'Linn, was openly sympathetic to SWAPO. +22264005 Shortly after that, Mr. O'Linn had Scott Stanley arrested and his passport confiscated. +22264006 Mr. Stanley is on trial over charges that he violated a proclamation, issued by the South African administrator general earlier this year, which made it a crime punishable by two years in prison for any person to "insult, disparate or belittle" the election commission. +22264007 The Stanley affair doesn't bode well for the future of democracy or freedom of anything in Namibia when SWAPO starts running the government. +22264008 To the extent Mr. Stanley has done anything wrong, it may be that he is out of step with the consensus of world intellectuals that the Namibian guerrillas were above all else the victims of suppression by neighboring South Africa. +22264009 SWAPO has enjoyed favorable Western media treatment ever since the U.N. General Assembly declared it the "sole, authentic representative" of Namibia's people in +22264010 Last year, the U.S. brokered a peace settlement to remove Cuba's "Afrika Korps" from Angola and hold "free and fair" elections that would end South Africa's control of Namibia. +22264011 The elections are set for Nov. 7. +22264012 In July, Mr. Stanley, editor of American Press International, a Washington D.C.-based conservative wire service, visited Namibia to report on the U.N.-monitored election campaign. +22264013 He interviewed Mr. O'Linn, head of a commission charged with investigating electoral intimidation, and reported that Mr. O'Linn was openly sympathetic to SWAPO and indeed had defended its leaders in court. +22264014 After Mr. Stanley's article was published in two Namibian newspapers, Mr. O'Linn had criminal charges brought against their editors, publisher and lawyer. +22264015 Mr. Stanley was arrested and charged along with the others when he returned to Namibia this month. +22264016 Both the State Department and the Lawyers Committee for Freedom of the Press have protested Mr. Stanley's detention. +22264017 Mr. Stanley's arrest is the latest in a series of incidents that threaten to derail Namibia's elections. +22264018 Both South African and SWAPO extremists are intimidating voters. +22264019 The U.S. is in the habit of arranging peace settlements and then washing its hands over the tragic results. +22264020 It now has the chance to redress that record in Namibia. +22264021 State and the human-rights community should insist that Mr. Stanley and his fellow defendants be released and that the United Nation's monitors make certain that Mr. O'Linn's commission investigates election complaints from all sides. +22265001 Commodity futures prices generally reflected the stability of the stock market following its plunge Friday. +22265002 Yesterday, the stock market's influence at first created nervousness. +22265003 Later, however, it became more of an undercurrent than a dominating force as individual markets reacted more to their own factors. +22265004 Gold, the traditional haven in times of financial crisis, continued its inverse lockstep with the dollar, rising early in the day as the currency fell, and then giving up some of its gains as the dollar recovered. +22265005 Copper and crude oil reacted sharply to the concern that a crash yesterday could have a potentially devastating effect on the economy. +22265006 Copper fell and showed little rebound through the day as one of the major supply problems that had been supporting prices appeared to be solved. +22265007 Crude oil declined early, but as the stock market retained early gains, it, too, became stronger, ending with a small net loss. +22265008 Trading in cotton and sugar was nervous and showed small declines. +22265009 In Chicago, grain and soybean prices rose slightly. +22265010 Livestock and meat prices, however, dropped on concern that a financial crisis would cut consumption of beef and pork. +22265011 In commodity markets yesterday: PRECIOUS METALS: Futures prices were moderately higher as gold gave up some of its early gains and platinum behaved independently, first falling and then later rising. +22265012 Silver performed quietly. +22265013 The spot October gold price rose $4 to $367.30 an ounce. +22265014 The more active December delivery gold settled with a gain of $3.90 an ounce at $371.20, after trading as high as $374. +22265015 December silver was up 2.3 cents an ounce at $5.163. +22265016 Platinum behaved more like an industrial metal, easing early on concern over a possible weaker economy, but recovering later, as the stock market strengthened. +22265017 Gold was nowhere the spectacular performer it was two years ago on Black Monday. +22265018 For one thing, last Friday, precious metals markets closed before the stock market went into its late-in-the-day nose dive, so it couldn't react to it. +22265019 Back on Friday, Oct. 16, l987, the stock market declined during the day, and gold prices surged as the stock market fell. +22265020 The October 1987 contract that day rose as much as $8.70 to as high as $471.60, and the more deferred positions, due to mature as late as March 1989, rose as much as $9.60. +22265021 On Black Monday, Oct. 19, 1987, the October contract tacked on further gains, rising to as high as $491.50 for a gain of almost $20 on top of the Friday advances, before giving up almost $10 of that at the close. +22265022 Yesterday's October gain of $4 was miniscule compared with that. +22265023 One analyst, Peter Cardillo of Josephthal & Co., New York, said the gold market already had some good price-supporting technical factors that would have caused prices to rise, with or without the stock market. +22265024 "What the stock market did was cause the rise to take place earlier than it would have happened," said Mr. Cardillo. +22265025 There's a good chance that gold will retain its gains and rise further, he said. +22265026 He expects a drop in interest rates, which would help gold by keeping the dollar from rising. +22265027 Finally, according to Mr. Cardillo, the impact of the strong dollar should be reflected in reduced exports in the August merchandise trade deficit, when the figures are released today. +22265028 This would be damaging to the dollar and supportive for gold, he said. +22265029 ENERGY: +22265030 Worried that Friday's 190-point stock market plunge might be a harbinger of things to come for the economy, petroleum futures traders called a halt to the recent string of increases in crude oil futures prices. +22265031 The U.S. benchmark crude, West Texas Intermediate, closed at $20.59 a barrel for November delivery, down 30 cents. +22265032 Some analysts said crude was due for a correction anyhow, following several days of significant gains. +22265033 But most market observers agreed that Friday's stock market drop is what dampened spirits in the petroleum pits yesterday. +22265034 Until yesterday, futures prices had been headed up on expectations that world oil demand will continue to be strong. +22265035 The Organization of Petroleum Exporting Countries increased its production ceiling for the fourth quarter based on projections of robust demand. +22265036 So any bearish indicator, such as Friday's precipitous drop in the stock market, sends shivers through the oil markets as well. +22265037 Indeed, after reacting early in the trading day to Friday's plummet, futures prices firmed up again as traders took note of the stock market's partial recovery yesterday. +22265038 COPPER: +22265039 Futures prices fell and showed little rebound as one major labor problem that had been underpinning prices appeared to be solved. +22265040 The December contract declined 3.05 cents a pound to $1.2745. +22265041 Prices were down from the outset of trading on concern that a drop in the stock market might create a weakened economy and a consequent reduction in copper use. +22265042 But the recovery in the stock market provided little help for copper as word spread that a three-month strike at the Highland Valley mine in British Columbia was about over, according to an analyst. +22265043 Highland Valley is a large Canadian producer and principal supplier to Japan, which recently began seeking copper elsewhere as its inventories shrank. +22265044 Last week it was reported that company and union negotiations had overcome the major hurdle, the contracting out of work by the company. +22265045 Now, the analyst said, only minor points remain to be cleaned up. +22265046 "For all intents and purposes, an agreement appears to have been achieved," he said. +22265047 Copper inventories in New York's Commodity Exchange warehouses rose yesterday by 516 tons, to 10,004 tons. +22265048 London Metal Exchange copper inventories last week declined 13,575 tons, to 89,300 tons. +22265049 The LME stocks decline was about as expected, but the Comex gain wasn't. +22265050 However, this was brushed aside by concern over the stock market, the analyst said. +22265051 At one point in futures trading, as the stock market firmed, the December contract rose to as high as $1.2965, but it wasn't able to sustain the gain. +22265052 "It was simply overbought," he said, and selling by funds that are computer guided helped depress prices. +22265053 COTTON: +22265054 Futures prices eased, more in reaction to Hurricane Jerry than to any influence of the stock market. +22265055 The December contract ended with a loss of 0.22 cent a pound, at 74.48 cents. +22265056 Technical considerations following the hurricane, which was a factor in the market Friday, caused prices to decline yesterday, said Ernest Simon, cotton specialist for Prudential-Bache Securities, New York. +22265057 Prices rose sharply Friday as the storm approached Texas and Louisiana, which is part of the Mississippi Delta cotton-growing area. +22265058 However, after absorbing the potential effect of the hurricane, prices began to slip late Friday, Mr. Simon said. +22265059 That selling continued yesterday and kept prices under pressure, he said. +22265060 Colder weather is being predicted for the high plains of Texas and the northern states of the Delta during the coming weekend, Mr. Simon said. +22265061 That hasn't yet captured traders' attention, he added. +22265062 SUGAR: +22265063 Futures prices declined. +22265064 The March contract was off 0.32 cent a pound at 13.97 cents. +22265065 At one point in early trading the March price rose to as high as 14.22 cents when the stock market recovered, but the price then fell back. +22265066 A price-depressing factor, one analyst said, was that India, which had been expected to buy around 200,000 tons of sugar in the world market, didn't make any purchases. +22265067 India recently bought 200,000 tons and was expected to buy more, the analyst said. +22265068 Another analyst thought that India may have pulled back because of the concern over the stock market. +22265069 "India may have felt that if there was a severe drop in the stock market and it affected sugar, it could buy at lower prices," said Judith Ganes, analyst for Shearson Lehman Hutton, New York. +22265070 At any rate, she added, "India needs the sugar, so it will be in sooner or later to buy it." +22265071 FARM PRODUCTS: +22265072 The prices of cattle and hog futures contracts dropped sharply because traders speculated that the stock market plunge Friday will linger in the minds of U.S. consumers long enough to prompt them to rein in their spending at the supermarket, which would hurt demand for beef and pork. +22265073 The price of the hog contract for October delivery dropped its maximum permissible daily limit of 1.5 cents a pound. +22265074 The prices of most grain futures contracts rose slightly yesterday out of relief that the stock market was showing signs of recovering. +22265075 Earlier in the session, the prices of several soybean contracts set new lows. +22265076 A broad rally began when several major processors began buying futures contracts, apparently to take advantage of the price dip. +22266001 Knight-Ridder Inc. said it would report increased earnings per share for the third quarter, contrary to reported analysts' comments that the publishing company's earnings would be down. +22266002 A company spokesman said he believed the confusion was caused when James Batten, Knight-Ridder's chairman and chief executive, told New York analysts two weeks ago that Knight-Ridder's earnings per share for the first nine months of 1989 would "be behind a little bit" from like period of +22266003 The Knight-Ridder spokesman said the third-quarter earnings that the company plans to report Oct. 24 are expected to be up. +22266004 The spokesman said he was "comfortable" with revised analysts' projections that the company would report earnings of between 62 cents and 64 cents a share, compared with the 53 cents a share it reported for the 1988 third quarter. +22266005 Knight-Ridder said it agreed with estimates that net income for all of 1989 would be around $2.86 a share, compared with $2.59 a share a year earlier. +22266006 In New York Stock Exchange composite trading yesterday, Knight-Ridder closed at $51.75, down 37.5 cents. +22267001 DD Acquisition Corp. said it extended its $45-a-share offer for Dunkin' Donuts Inc. to Nov. 1 from yesterday. +22267002 The offer has an indicated value of $268 million. +22267003 DD Acquisition is a partnership of Unicorp Canada Corp.'s Kingsbridge Capital Group unit and Cara Operations Ltd. +22267004 As previously reported, under the terms of a confidentiality agreement with Dunkin' Donuts, the partners agreed to keep their offer open until Nov. 1, and not to acquire any additional shares except through a tender offer expiring on that date. +22267005 DD Acquisition said that it already owns 15% of the common shares of the doughnut shop chain and that as of the close of business Friday an additional 11% had been tendered to its offer. +22267006 Dunkin' Donuts is based in Randolph, Mass. +22267007 Cara Operations, a food services concern, and Unicorp, a holding company with interests in oil and natural gas and financial services, are based in Toronto. +22268001 Golden West Financial Corp., riding above the turbulence that has troubled most of the thrift industry, posted a 16% increase of third-quarter earnings to $41.8 millon, or 66 cents a share. +22268002 The company earned $36 million, or 57 cents a share, in the year-ago quarter. +22268003 Herbert M. Sandler, chairman and chief executive officer of the Oakland, Calif., savings-and-loan holding company, credited the high number of loans added to the company's portfolio over the last 12 months for broadening its earning asset base and improving profit performance. +22268004 However, the executive noted that slackening demand for new mortgages depressed new loan originations to $1 billion, 30% below the same period last year. +22268005 In savings activity, Mr. Sandler said consumer deposits have enjoyed a steady increase throughout 1989, and topped $11 billion at quarter's end for the first time in the company's history. +22268006 Deposit growth amounted to $393 million, more than double the year-ago figure. +22269001 Whirlpool Corp., Benton Harbor, Mich., said it has developed a process to recover environmentally harmful chlorofluorocarbons, or CFCs, that previously entered the atmosphere during in-home repair of refrigerators and freezers. +22269002 The maker of home appliances said the process, which involves the use of a multilayer plastic bag during repairs to capture the gaseous substance and transport it to a recycling center, is already in use at a number of its service centers, and will be available to all authorized repair centers by spring. +22269003 Earlier repairs vented the CFCs out of the home through a hose directly into the atmosphere. +22269004 CFCs are widely used as solvents, coolants and fire suppressants. +22269005 But their use has been linked to a potentially dangerous depletion of the Earth's ozone layer, and a number of companies are seeking to curtail use, or at least emission, of the substance. +22269006 Whirpool said, "We see this process as a small but important step toward eventual elimination of CFC use in appliance manufacture. +22270001 Maxus Energy Corp., Dallas, said it discovered a new oil field northeast of its previously discovered Intan Field in the southeast Sumatra area of Indonesia. +22270002 Maxus said it didn't run a production test on the three discovery wells it drilled in the field, which is about 1.6 miles from the Intan Field, because the wells are similar to others drilled at its Intan and Widuri fields. +22270003 However, Maxus said it believes the reserves in the field are about 10 million barrels of oil. +22270004 The Intan Field has estimated reserves of 50 million barrels and the Widuri Field has estimated reserves of 225 million barrels. +22270005 Maxus, an independent oil and gas concern, is the operator and owns a 56% interest in the new field, called Northeast Intan. +22270006 Other interests are owned by BP Petroleum Development (SES) Ltd., C. Itoh Energy Co. Ltd., Deminex Sumatra OEL G.m.b.H., Hispanoil (Sumatra) Production Ltd., Hudbay Oil (Indonesia) Ltd., Inpex Sumatra Co. Ltd., Lasmo Sumatra Ltd., Sunda Shell, TCR Sumat A.G. and Warrior Oil Co. +22270007 The production-sharing contract area is held with Pertamina, the Indonesian state oil company. +22271001 Environmental Systems Co. said it is restating its results to reduce its reported net income for the first nine months of its fiscal year after discovering it took tax credits that already had been taken last year. +22271002 The Little Rock, Ark., hazardous-waste services company said the restatement will reduce its net for the nine months ended July 31 to $2.5 million, or 17 cents a share, from $3.7 million, or 26 cents a share. +22271003 Net for the third quarter, restated, is $1.6 million, or 10 cents a share. +22271004 The company previously reported net of $2.3 million, or 15 cents a share. +22271005 The company said that for financial reporting purposes last year it took tax credits that will be recognized for tax purposes this year. +22271006 But because of confusion, it took those credits again in reporting its results through the first nine months. +22271007 Jack W. Forrest, Environmental Systems president and chief executive officer, said the change increases the company's effective tax rate to about 35% from 20%. +22272001 Memotec Data Inc. said it signed a definitive merger agreement with ISI Systems Inc. under which Memotec will acquire ISI for $20 (U.S.) a share, or about $130 million, in cash and securities. +22272002 In American Stock Exchange composite trading, ISI closed up $3.125 at $18.625. +22272003 In Montreal Exchange trading, Memotec closed unchanged at 10.625 Canadian dollars (US$9.05). +22272004 Memotec said under the agreement, ISI, a Braintree, Mass., provider of computer software and services to the insurance industry, will merge with a U.S. unit of Memotec created for that purpose. +22272005 Memotec is a Montreal-based maker of telecommunications products and provider of telecommunications and computer services. +22272006 Memotec said the agreement calls for it to make a $20-a-share cash tender offer for all shares outstanding of ISI. +22272007 But it said Charles Johnston, ISI chairman and president, agreed to sell his 60% stake in ISI to Memotec upon completion of the tender offer for a combination of cash, Memotec stock and debentures. +22272008 Memotec said the tender offer is conditioned on, among other things, holders tendering at least 15% of the shares outstanding, other than the shares held by Mr. Johnston. +22272009 ISI said its board has instructed management to accept inquiries from any others interested in making a bid. +22272010 ISI said it can withdraw from the merger agreement with Memotec if a better bid surfaces. +22273001 CMS Energy Corp., Jackson, Mich., said it has resumed the purchase of its common stock under a program approved by its directors in 1987. +22273002 At the time of the original announcement, CMS said its board authorized the purchase of as many as five million of its shares. +22273003 A spokesman said 2.6 million shares have been purchased since then. +22273004 The company said it will buy additional shares "from time to time in the open market or in private transactions at prevailing market prices." +22273005 In composite trading on the New York Stock Exchange, CMS Energy closed at $34.375 a share, down 62.5 cents, from the closing price of $37.375 a share on Thursday, before Friday's plunge. +22273006 The utility company currently has about 82.1 million shares outstanding. +22273007 Morgan Stanley & Co. will act as the exclusive broker for the repurchase. +22274001 Hughes Aircraft Co., a unit of General Motors Corp., said it agreed to purchase the Electro-Optics Technology division of Perkin-Elmer Corp. +22274002 Terms of the agreement weren't disclosed. +22274003 But for the fiscal year ended July 31, 1988, the most recent period for which results were broken out, the Perkin-Elmer unit accounted for more than half the $145 million in sales recorded by the company's government systems sector. +22274004 Perkin-Elmer, which is based in Norwalk, Conn., said the sale of the Danbury, Conn., unit is consistent with its restructuring strategy announced in April. +22274005 In addition to making electro-optical systems, the unit also makes laser warning receivers. +22274006 These are used aboard military helicopters to warn pilots that a laser weapon has been focused on them. +22274007 Hughes of Los Angeles said the PerkinElmer unit's work complements efforts by its Electro-Optical and Data Systems group, which makes infrared sensors, military lasers and night vision equipment. +22274008 Hughes said it expects the sale to close by year end. +22275001 The Communications Workers of America ratified a new regional contract and all but one of the local agreements with Bell Atlantic Corp. +22275002 CWA's New Jersey Commercial local, which represents about 2,500 service representatives and marketing employees, rejected the tentative agreement. +22275003 Both the union and the regional telephone company said they were working together to resolve differences. +22275004 The new three-year contracts, which replace ones that expired Aug. 5, cover 41,000 Bell Atlantic employees. +22275005 The ratification follows a 23-day strike against the Philadelphia-based company. +22275006 Meanwhile, CWA and International Brotherhood of Electrical Workers members remain on strike against Nynex Corp., the New York-based regional phone company. +22275007 The unions and the company last week agreed to mediation. +22275008 The CWA represents 40,000 Nynex workers and the IBEW represents 20,000 workers. +22276001 For the moment, at least, euphoria has replaced anxiety on Wall Street. +22276002 The Dow Jones Industrial Average jumped sharply yesterday to close at 2657.38, panic didn't sweep the world's markets, and investors large and small seemed to accept Friday's dizzying 190-point plunge as a sharp correction, not a calamity. +22276003 Many went bargain-hunting. +22276004 Among those sighing with relief was John H. Gutfreund, chairman of Salomon Brothers, who took to the firm's trading floor to monitor yesterday's events. +22276005 As the rally gained strength at 3:15 p.m., he smiled broadly, brandished his unlit cigar and slapped Stanley Shopkorn, his top stock trader, on the back. +22276006 At first, it seemed as if history might repeat itself. +22276007 As trading opened yesterday morning on the Big Board, stocks of many of the nation's biggest companies couldn't open for trading because a wave of sell orders was overwhelming buyers. +22276008 By 10:10, the Dow Industrials were off 63.52 points, and the stock of UAL Corp., whose troubles had kicked off Friday's plunge, still hadn't opened. +22276009 But then, as quickly as the Dow had fallen, it began to turn around. +22276010 It ended with a gain of 88.12 points. +22276011 By the market's close, volume on the New York exchange totaled more than 416 million, the fourth highest on record. +22276012 The Big Board handled the huge volume without any obvious strain, in sharp contrast to Black Monday of 1987. +22276013 But the rally was largely confined to the blue-chip stocks, which had been hard hit during Friday's selling frenzy. +22276014 Overall, more Big Board stocks lost money than gained. +22276015 And many arbitragers, already reeling from Friday's collapse of the UAL deal, were further hurt yesterday when a proposed takeover of AMR Corp., the parent of American Airlines, collapsed. +22276016 Indeed, the Dow Jones Transportation Average plunged 102.06 points, its second-worst drop in history. +22276017 World-wide, trading was generally manageable. +22276018 The Frankfurt stock exchange was hardest hit of the major markets, with blue chips there falling 12.8%. +22276019 In London, a midday rally left the market's major index off 3.2%, and Tokyo's leading stock index fell only 1.8% in surprisingly lackluster trading. +22276020 Other, more thinly traded Asian markets were hit harder than Tokyo's, but there were no free-fall declines. +22276021 Investors big and small say they learned valuable lessons since the 1987 crash: In this age of computerized trading, huge corrections or runups in a few hours' time must be expected. +22276022 What's more, such short-term cataclysms are survivable and are no cause for panic selling. +22276023 Stephen Boesel, a major money manager for T. Rowe Price in Baltimore, says, "There was less panic than in 1987: We had been through it once." +22276024 In Somerset, Wis., Adrian Sween, who owns a supplier of nursing-home equipment and isn't active in the stock market, agrees. +22276025 "I look at it as a ho-hum matter," he says. +22276026 Many other factors played a part in yesterday's comeback. +22276027 The Federal Reserve signaled its willingness to provide liquidity; the interest rate on its loans to major banks inched downward early in the day. +22276028 Foreign stock markets, which kicked off Black Monday with a huge selling spree, began the day off by relatively modest amounts. +22276029 The dollar, after falling sharply in overnight trading to 139.10 yen, bounced back strongly to 141.8, thus easing fears that foreigners would unload U.S. stocks. +22276030 And the widely disseminated opinion among most market experts that a crash wasn't in store also helped calm investors. +22276031 Many major institutions, for example, came into work yesterday ready to buy some of the blue chips they felt had been sharply undervalued on Friday. +22276032 Still, amid all the backslapping and signs of relief over yesterday's events, some market professionals cautioned that there is nothing present in the current market system to prevent another dizzying drop such as Friday's. +22276033 "There is too much complacency," says money manager Barry Schrager. +22276034 Computers have increasingly connected securities markets world-wide, so that a buying or selling wave in one market is often passed around the globe. +22276035 So investors everywhere nervously eyed yesterday's opening in Tokyo, where the Nikkei average of 225 blue-chip stocks got off to a rocky start. +22276036 The average plunged some 600 points, or 1.7%, in the first 20 minutes of trading. +22276037 But the selling wave had no conviction, and the market first surged upward by 200 points, then drifted lower, closing down 647. +22276038 Unlike two years ago, most of Japan's major investors chose to sit this calamity out. +22276039 In Merrill Lynch & Co.'s Tokyo trading room, some 40 traders and assistants sat quietly, with few orders to process. +22276040 Clients "are all staying out" of the market, one Merrill trader says. +22276041 The relative calm in Tokyo proved little comfort to markets opening up in Europe. +22276042 Frankfurt's opening was delayed a half hour because of a crush of sell orders. +22276043 "The beginning was chaotic," says Nigel Longley, a broker for Commerzbank +22276044 In London, the view from the trading floor of an American securities firm, Jefferies & Co., also was troubling. +22276045 A computer screen displaying 100 blue-chip stocks colors each one red when its price is falling. +22276046 The screen was a sea of red. +22276047 "I see concern, but I don't see panic," says J. Francis Palamara, a New Yorker who runs the 15-trader office. +22276048 London's blue-chip stock index turned up just before 8 a.m. New York time, sending an encouraging message to Wall Street. +22276049 When trading opened in New York at 9:30 a.m. EDT, stocks fell sharply -- as expected. +22276050 Futures markets in Chicago had opened at a level suggesting the Dow would fall by about 60 points. +22276051 With sell orders piled up from Friday, about half the stocks in the Dow couldn't open on time. +22276052 By 9:45, the industrial average had dropped 27 points. +22276053 By 10 a.m., it was down 49. +22276054 Ten minutes later, the Dow hit bottom-down 63.52 points, another 2.5%. +22276055 But shortly before then, some of Wall Street's sharpest traders say, they sensed a turn. +22276056 "The first thing that caught my eye that was encouraging was Treasury bonds were off," says Austin George, head of stock trading at T. Rowe Price. +22276057 "It meant that people weren't running pell-mell to the safety of bonds." +22276058 Shortly after 10 a.m., the Major Market Index, a Chicago Board of Trade futures contract of 20 stocks designed to mimic the DJIA, exploded upward. +22276059 Stock traders were buoyed -- because an upturn in the MMI had also started the recovery in stocks on the Tuesday following Black Monday. +22276060 "The MMI has gone better," shouted a trader in the London office of Shearson Lehman Hutton. +22276061 Shearson's London trading room went wild. +22276062 Traders shouted out as their Reuters, Quotron and Telerate screens posted an ever-narrowing loss on Wall Street. +22276063 Then, nine minutes later, Wall Street suddenly rebounded to a gain on the day. +22276064 "Rally, rally, rally," shouted Shearson's Andy Rosen. +22276065 "This is panic buying." +22276066 Major blue-chip stocks like Philip Morris, General Motors and Proctor & Gamble led the rally. +22276067 Japanese were said to be heavy buyers. +22276068 German and Dutch investors reportedly loaded up on Kellogg Co. +22276069 Then, traders say, corporations with share buy-back programs kicked into high gear, triggering gains in, among other issues, Alcan Aluminium and McDonald's. +22276070 Walt Disney Co., which had one of the biggest sell-order imbalances on Friday and was one of seven stocks that halted trading and never reopened that day, opened yesterday late at 114.5, down 8.5. +22276071 But then it suddenly burst upward 7.5 as Goldman, Sachs & Co. stepped in and bought almost every share offer, traders said. +22276072 By 10:25, the Dow had turned up for the day, prompting cheers on trading desks and exchange floors. +22276073 Among Big Board specialists, the cry was "Pull your offers" -- meaning that specialists soon expected to get higher prices for their shares. +22276074 "It was bedlam on the upside," said one Big Board specialist. +22276075 "What we had was a real, old-fashioned rally." +22276076 This technical strength spurred buying from Wall Street's "black boxes," computer programs designed to trigger large stock purchases during bullish periods. +22276077 Typical, perhaps, was Batterymarch's Dean LeBaron. +22276078 Mr. LeBaron, who manages $10 billion, says, "We turned the trading system on, and it did whatever it was programmed to do." +22276079 Asked what stocks the computer bought, the money manager says, "I don't know." +22276080 Not everybody was making money. +22276081 The carnage on the Chicago Board Options Exchange, the nation's major options market, was heavy after the trading in S&P 100 stock-index options was halted Friday. +22276082 Many market makers in the S&P 100 index options contract had bullish positions Friday, and when the shutdown came they were frozen with huge losses. +22276083 Over the weekend, clearing firms told the Chicago market makers to get out of their positions at any cost Monday morning. +22276084 "They were absolutely killed, slaughtered," said one Chicago-based options trader. +22276085 Meanwhile, a test of the stock market's rally came at about 2 p.m., with the Dow at 2600, up 31 points on the day. +22276086 Charles Clough, a strategist at Merrill Lynch, says bargain hunting had explained the Dow's strength up to that point and that many market professionals were anticipating a drop in the Dow. +22276087 Moreover, the announcement that real estate magnate and sometime raider Donald Trump was withdrawing his offer for AMR Corp. might have been expected to rattle traders. +22276088 Instead, the rally only paused for about 25 minutes and then steamed forward as institutions resumed buying. +22276089 The market closed minutes after reaching its high for the day of +22276090 Across the country, many people took yesterday's events in stride, while remaining generally uneasy about the stock market in general. +22276091 Says James Norman, the mayor of Ava, Mo.: "I don't invest in stocks. +22276092 I much prefer money I can put my hands on." +22276093 While Mayor Norman found the market's performance Monday reassuring, he says, he remains uneasy. +22276094 "We have half the experts saying one thing and half the other" about the course of the economy. +22276095 Ralph Holzfaster, a farmer and farm-supply store operator in Ogallala, Neb., says of the last few days events, "If anything good comes out of this, it might be that it puts some of these LBOs on the skids." +22276096 Says Gordon Fines, a money manager at IDS Financial Services in Minneapolis, "You're on a roller coaster, and that may last. +22276097 The public is still cautious. +22277001 Skipper's Inc., Bellevue, Wash., said it signed a definitive merger agreement for a National Pizza Corp. unit to acquire the 90.6% of Skipper's Inc. it doesn't own for $11.50 a share, or about $28.1 million. +22277002 NP Acquisition Co., a National Pizza unit, plans to begin a tender offer for Skipper's on Friday, conditioned on at least two-thirds of Skipper's shares being tendered. +22277003 Pittsburg, Kan.-based National Pizza said the transaction will be financed under its revolving credit agreement. +22277004 In national over-the-counter trading, Skipper's shares rose 50 cents to $11. +22277005 Skipper's said the merger will help finance remodeling and future growth. +22277006 Skipper's previously turned down a $10-a-share proposal from National Pizza and Pizza Hut Inc. questioned whether the purchase would violate National Pizza's franchise agreements. +22277007 National Pizza said it settled its dispute with Pizza Hut, allowing it to make the purchase. +22277008 Also, Skipper's results began to turn around, permitting a higher offer, National Pizza said. +22277009 For the 12 weeks ended Sept. 3, Skipper's had net income of $361,000, or 13 cents a share, compared with a net loss a year earlier. +22277010 Revenue was $19.9 million. +22278001 EAST GERMANS RALLIED as officials reportedly sought Honecker's ouster. +22278002 In what was considered the largest protest in the Communist state's 40-year history, at least 120,000 demonstrators marched through the southern city of Leipzig to press demands for democratic freedoms, opposition activists said. +22278003 Police didn't intervene. +22278004 Meanwhile, as the first of more than 1,300 East Germans trying to flee to the West through Poland renounced their citizenship, a West German newspaper reported that regional Communist officials demanded the dismissal of hard-line leader Honecker. +22278005 Secretary of State Baker, in a foreign policy speech, called for the reunification of Germany, saying it was the "legitimate right" of the German people. +22278006 Gorbachev blamed the Soviet Union's press for contributing to the nation's mounting problems. +22278007 At a meeting Friday, the Kremlin leader complained about recent articles that raised the possiblity of civil unrest, and accused the media of fueling panic buying of goods by publishing stories about impending shortages. +22278008 House-Senate conferees approved a permanent smoking ban on domestic airline routes within the continental U.S. and on flights of less than six hours to Alaska and Hawaii. +22278009 The curbs would cover all but a small percentage of flights, and represent an expansion of the current ban on flights of less than two hours. +22278010 E. Robert Wallach was sentenced by a U.S. judge in New York to six years in prison and fined $250,000 for his racketeering conviction in the Wedtech scandal. +22278011 Wallach, an associate of ex-Attorney General Meese, was found guilty in August of taking $425,000 in illegal payoffs from the now-defunct defense contractor. +22278012 NASA resumed the countdown for today's launch of the space shuttle Atlantis, and a federal appeals court in Washington dismissed a lawsuit by anti-nuclear groups to delay the flight because the plutonium-powered Galileo space probe was aboard. +22278013 The space agency said it didn't expect weather or protesters to block the liftoff. +22278014 The Bush administration is preparing to extend a ban on federal financing of research using fetal tissue, government sources said. +22278015 A temporary prohibition was imposed in March 1988. +22278016 While anti-abortion groups are opposed to such research, scientists have said transplanting such tissue could be effective in treating diabetes. +22278017 Delegates from 91 nations endorsed a ban on world ivory trade in an attempt to rescue the endangered elephant from extinction. +22278018 Five African nations, however, said they would continue selling the valuable tusks. +22278019 Mubarak held reconciliation talks with Gadhafi at the Egyptian resort of Mersa Metruh. +22278020 It was the Libyan leader's first trip to Egypt in 16 years. +22278021 They announced a reduction in formalities for travel, but didn't show any real signs of resuming full diplomatic ties. +22278022 The Egyptian president said he would visit Libya today to resume the talks. +22278023 Seoul and Pyongyang reached a tentative agreement to allow visits between families on the divided Korean peninsula. +22278024 Such family reunions would be the second since 1945. +22278025 Differences remained between the North and South Korean governments, however, over conditions for the exchanges. +22278026 Freed black nationalists resumed political activity in South Africa and vowed to fight against apartheid, raising fears of a possible white backlash. +22278027 The nation's main white opposition party warned that the government's release Sunday of eight black political prisoners risked bringing chaos and eventual black Marxist rule to the nation. +22278028 The White House said Bush is "fully satisfied" with CIA Director Webster and the intelligence agency's performance during the Oct. 3 failed coup in Panama. +22278029 The Washington Post reported that unidentified senior administration officials were frustrated with Webster's low-profile activities during the insurrection and wanted him replaced. +22278030 Poland's legislature approved limits on automatic wage increases without special provisions for food price rises. +22278031 The vote was considered a test of the Solidarity-led government's resolve to proceed with a harsh economic-restructuring program. +22278032 Norway's King Olav V installed a three-party non-Socialist government as Gro Harlem Brundtland's three-year-old Labor regime relinquished power. +22278033 The 19-member cabinet is led by Prime Minister Jan Syse, who acknowledged a "difficult situation" since the coalition controls only 62 seats in Oslo's 165-member legislature. +22278034 El Salvador's government opened a new round of talks with the country's leftist rebels in an effort to end a decade-long civil war. +22278035 A spokesman said the guerrillas would present a cease-fire proposal during the negotiations in Costa Rica that includes constitutional and economic changes. +22278036 The State Department said there was a "possibility" that some Nicaraguan rebels were selling their U.S.-supplied arms to Salvadoran guerrillas, but insisted it wasn't an organized effort. +22278037 Separately, Secretary of State Baker complained about a U.N. aide who last week told the Contras to disband as part of a regional peace accord. +22278038 Died: Cornel Wilde, 74, actor and director, in Los Angeles, of leukemia. . . . +22278039 Danilo Kis, 54, Yugoslav-born novelist and essayist, Sunday, in Paris, of cancer. +22279001 British retail sales volume rose a provisional 0.4% in September from August and was up 2.2% from September 1988, the Department of Trade and Industry said. +22279002 For the three months ended in September, retail sales volume was down 0.5% from the previous three months and up 1.2% from a year earlier. +22280001 Chicago investor William Farley agreed to sell three divisions of Cluett Peabody & Co. for about $600 million to Bidermann S.A., a closely held clothing maker based in Paris. +22280002 Shortly after completing the $1.56 billion acquisition of West Point-Pepperell Inc. in April, Mr. Farley's holding company, Farley Inc., said it was considering the sale of Cluett, a leading shirt maker and one of West Point-Pepperell's biggest units. +22280003 Included in the sale are Cluett units that make men's shirts under the Arrow name, socks under the Gold Toe name and menswear through the Schoeneman division. +22280004 The companies said the agreement is subject to Bidermann's receipt of financing and to regulatory and other approvals. +22280005 They said the sale is expected to be concluded by the end of November. +22280006 Mr. Farley said the sale of three of Cluett's four main divisions plus other "anticipated" West Point-Pepperell asset sales by December, should bring in a total of about $700 million. +22280007 He didn't elaborate on other asset sales being considered. +22280008 Mr. Farley followed a similar pattern when he acquired Northwest Industries Inc. and then sold much of its assets. +22280009 But he kept Fruit of the Loom Inc., the underwear maker that he still controls and serves as chairman and chief executive. +22280010 Cluett was an independent company until West Point-Pepperell acquired it for $375 million in cash and stock in 1986. +22280011 In the fiscal year ended Sept. 30, 1988, Cluett had operating profit of $37 million on sales of $757 million. +22280012 Bidermann sells clothes under various labels, including Yves Saint Laurent and Bill Robinson for men and Ralph Lauren for women. +22280013 A spokesman said the company had sales of $400 million in 1988. +22280014 In New York Stock Exchange composite trading, West Point-Pepperell fell 25 cents to $53.875. +22281001 Britain's Blue Arrow PLC intends to change its name to Manpower PLC and write off a chunk of the nearly $1.2 billion in good will realized in the takeover of U.S.-based Manpower Inc. +22281002 Blue Arrow Chairman Mitchell Fromstein said in an interview that the two steps may be a prelude to reincorporating the world's biggest employment-services group in the U.S. +22281003 Mr. Fromstein disclosed the planned steps, expected within a few months, as Blue Arrow posted a 2.5% drop in its third-quarter pretax earnings. +22281004 The name change and good will write-off could help solidify Blue Arrow's dominance of the U.S. temporary-help market and give it a more American image as U.S. investors turn jittery about foreign stocks after Friday's market plunge. +22281005 U.S. holders now own more than 60% of Blue Arrow compared with 9% last January. +22281006 "In the U.S. market, the recognition of the Manpower name is infinitely stronger than Blue Arrow," Mr. Fromstein said. +22281007 The moves also could erase shareholders' perception of Blue Arrow as a company in turmoil. +22281008 "It further reinforces the concept that Blue Arrow is a thing of the past," said Doug Arthur, an analyst at Kidder Peabody & Co. in New York. +22281009 The proposed changes "all make a lot of sense to me," he added. +22281010 In a widely publicized boardroom coup, Mr. Fromstein ousted Antony Berry as Blue Arrow chief executive in January, a month after Mr. Berry had forced Mr. Fromstein out as the $1 million-a-year chief of Milwaukee-based Manpower. +22281011 Mr. Fromstein solidified his control in April by taking over from Mr. Berry as chairman. +22281012 But the Blue Arrow tumult isn't over yet, as the British government is investigating a disputed #25 million ($39.4 million) loan which Mr. Fromstein has said was made under Mr. Berry's direction. +22281013 Blue Arrow was able to pull off the $1.34 billion takeover of Manpower in 1987 largely because different British and American accounting standards produce higher reported earnings for British companies. +22281014 Under British rules, Blue Arrow was able to write off at once the $1.15 billion in good will arising from the purchase. +22281015 As a U.S.-based company, Blue Arrow would have to amortize the good will over as many as 40 years, creating a continuing drag on reported earnings. +22281016 Good will is the excess of cost of an acquired firm, operating unit or assets over the current or fair market value of those assets. +22281017 But with so many shares now held in the U.S., Blue Arrow reports its earnings two ways, based on both U.K. and U.S. accounting standards. +22281018 "Our balance sheets look like they came from Alice's wonderland," Mr. Fromstein said. +22281019 The British version shows "a handful of pounds of net worth" following the 1987 write-off of good will, while the American version reflects "$1 billion of net worth because almost none of {the good will} has been written off." +22281020 Mr. Fromstein said he hopes to eradicate some of the good will left on Blue Arrow's U.S. books in one fell swoop, but wouldn't specify how much. +22281021 People close to Blue Arrow suggested the write-down would represent a sizable chunk, with executives claiming prior management overstated the extent of Manpower's good will. +22281022 That move, along with the return to the Manpower name, could bolster the company's prospects during possibly difficult times for temporary help. +22281023 The number of U.S. temporary workers fell about 1% in the 12 months ending Aug. 31, after sliding nearly 3.5% in July, said Kidder Peabody's Mr. Arthur. +22281024 Blue Arrow blamed the pretax profit drop in the quarter ended July 31 partly on slower earnings growth of non-Manpower units in Britain. +22281025 Overall, pretax profit slid to #18.49 million in the quarter from #18.98 million a year earlier. +22282001 Richard G. Sim, the man credited with transforming Applied Power Inc. from an underachiever into a feisty player in the global market for hydraulic tools, hopes to guide a similar turnaround at the company's latest acquisition, Barry Wright Corp. +22282002 The 45-year-old former General Electric Co. executive figures it will be easier this time. +22282003 But analysts, while applauding the acquisition, say Applied's chief executive faces a tough challenge in integrating the two companies. +22282004 Barry Wright, acquired by Applied for $147 million, makes computer-room equipment and vibration-control systems. +22282005 The Watertown, Mass., company's sales have been dormant and its profits have dropped. +22282006 Last year's earnings of $1.3 million, including $815,000 from a restructuring gain, were far below the year-earlier $8.4 million. +22282007 Besides spurring Barry Wright's sales, which were $201.7 million in 1988, Mr. Sim must pare its costs and product line. +22282008 "The question is how long it's going to take Barry Wright to make a contribution," says F. John Mirek, an analyst at Blunt Ellis Loewi in Milwaukee. +22282009 The answer will help determine whether Applied continues to reach the ambitious goals set by Mr. Sim. +22282010 The Butler, Wis., manufacturer went public at $15.75 a share in August 1987, and Mr. Sim's goal then was a $29 per-share price by 1992. +22282011 Strong earnings growth helped achieve that price far ahead of schedule, in August 1988. +22282012 The stock has since softened, trading around $25 a share last week and closing yesterday at $23.00 in national over-the-counter trading. +22282013 But Mr. Sim has set a fresh target of $50 a share by the end of +22282014 Reaching that goal, says Robert T. Foote, Applied's chief financial officer, will require "efficient reinvestment" of cash by Applied and continuation of its healthy 19% rate of return on operating capital. +22282015 In Barry Wright, Mr. Sim sees a situation "very similar" to the one he faced when he joined Applied as president and chief operating officer in 1985. +22282016 Applied, then a closely held company, was stagnating under the management of its controlling family. +22282017 While profitable, it "wasn't growing and wasn't providing a satisfactory return on invested capital," he says. +22282018 Mr. Sim is confident that the drive to dominate certain niche markets will work at Barry Wright as it has at Applied. +22282019 He also professes an "evangelical" fervor to develop a corporate culture that rewards managers who produce and where decision-making is shared. +22282020 Mr. Sim considers the new unit's operations "fundamentally sound" and adds that Barry Wright has been fairly successful in moving into markets that haven't interested larger competitors. +22282021 "With a little patience, these businesses will perform very satisfactorily," Mr. Sim says. +22282022 Within about six months, "things will be moving in the right direction," he predicts. +22282023 Mr. Sim figures it will be easier to turn Barry Wright around since he's now in the driver's seat. +22282024 When he came to Applied, "I didn't have the power to execute as I do today," he says. +22282025 He was named chief executive officer of Applied in 1986 and became chairman last November. +22282026 At Applied, Mr. Sim set growth as his first objective. +22282027 He took the company public in an offering that netted Applied about $12.6 million, which helped launch the company's acquisition program. +22282028 Sales climbed to an estimated $245 million in fiscal 1989, ended Aug. 31, from $99.9 million in fiscal 1985. +22282029 The company expects that earnings, which have marched steadily upward in recent years, reached about $20.8 million, or $1.58 a share, in the fiscal year just ended, up from $15.2 million in fiscal 1988 and $3.9 million in 1985. +22300001 No, it wasn't Black Monday. +22300002 But while the New York Stock Exchange didn't fall apart Friday as the Dow Jones Industrial Average plunged 190.58 points -- most of it in the final hour -- it barely managed to stay this side of chaos. +22300003 Some "circuit breakers" installed after the October 1987 crash failed their first test, traders say, unable to cool the selling panic in both stocks and futures. +22300004 The 49 stock specialist firms on the Big Board floor -- the buyers and sellers of last resort who were criticized after the 1987 crash -- once again couldn't handle the selling pressure. +22300005 Big investment banks refused to step up to the plate to support the beleaguered floor traders by buying big blocks of stock, traders say. +22300006 Heavy selling of Standard & Poor's 500-stock index futures in Chicago relentlessly beat stocks downward. +22300007 Seven Big Board stocks -- UAL, AMR, BankAmerica, Walt Disney, Capital Cities/ABC, Philip Morris and Pacific Telesis Group -- stopped trading and never resumed. +22300008 The finger-pointing has already begun. +22300009 "The equity market was illiquid. +22300010 Once again {the specialists} were not able to handle the imbalances on the floor of the New York Stock Exchange," said Christopher Pedersen, senior vice president at Twenty-First Securities Corp. +22300011 Countered James Maguire, chairman of specialists Henderson Brothers Inc.: "It is easy to say the specialist isn't doing his job. +22300012 When the dollar is in a free-fall, even central banks can't stop it. +22300013 Speculators are calling for a degree of liquidity that is not there in the market." +22300014 Many money managers and some traders had already left their offices early Friday afternoon on a warm autumn day -- because the stock market was so quiet. +22300015 Then in a lightning plunge, the Dow Jones industrials in barely an hour surrendered about a third of their gains this year, chalking up a 190.58-point, or 6.9%, loss on the day in gargantuan trading volume. +22300016 Final-hour trading accelerated to 108.1 million shares, a record for the Big Board. +22300017 At the end of the day, 251.2 million shares were traded. +22300018 The Dow Jones industrials closed at 2569.26. +22300019 The Dow's decline was second in point terms only to the 508-point Black Monday crash that occurred Oct. 19, 1987. +22300020 In percentage terms, however, the Dow's dive was the 12th-worst ever and the sharpest since the market fell 156.83, or 8%, a week after Black Monday. +22300021 The Dow fell 22.6% on Black Monday. +22300022 Shares of UAL, the parent of United Airlines, were extremely active all day Friday, reacting to news and rumors about the proposed $6.79 billion buy-out of the airline by an employee-management group. +22300023 Wall Street's takeover-stock speculators, or "risk arbitragers," had placed unusually large bets that a takeover would succeed and UAL stock would rise. +22300024 At 2:43 p.m. EDT, came the sickening news: The Big Board was halting trading in UAL, "pending news." +22300025 On the exchange floor, "as soon as UAL stopped trading, we braced for a panic," said one top floor trader. +22300026 Several traders could be seen shaking their heads when the news flashed. +22300027 For weeks, the market had been nervous about takeovers, after Campeau Corp.'s cash crunch spurred concern about the prospects for future highly leveraged takeovers. +22300028 And 10 minutes after the UAL trading halt came news that the UAL group couldn't get financing for its bid. +22300029 At this point, the Dow was down about 35 points. +22300030 The market crumbled. +22300031 Arbitragers couldn't dump their UAL stock -- but they rid themselves of nearly every "rumor" stock they had. +22300032 For example, their selling caused trading halts to be declared in USAir Group, which closed down 3 7/8 to 41 1/2, Delta Air Lines, which fell 7 3/4 to 69 1/4, and Philips Industries, which sank 3 to 21 1/2. +22300033 These stocks eventually reopened. +22300034 But as panic spread, speculators began to sell blue-chip stocks such as Philip Morris and International Business Machines to offset their losses. +22300035 When trading was halted in Philip Morris, the stock was trading at 41, down 3 3/8, while IBM closed 5 5/8 lower at 102. +22300036 Selling snowballed because of waves of automatic "stop-loss" orders, which are triggered by computer when prices fall to certain levels. +22300037 Most of the stock selling pressure came from Wall Street professionals, including computer-guided program traders. +22300038 Traders said most of their major institutional investors, on the other hand, sat tight. +22300039 Now, at 3:07, one of the market's post-crash "reforms" took hold as the S&P 500 futures contract had plunged 12 points, equivalent to around a 100-point drop in the Dow industrials. +22300040 Under an agreement signed by the Big Board and the Chicago Mercantile Exchange, trading was temporarily halted in Chicago. +22300041 After the trading halt in the S&P 500 pit in Chicago, waves of selling continued to hit stocks themselves on the Big Board, and specialists continued to notch prices down. +22300042 As a result, the link between the futures and stock markets ripped apart. +22300043 Without the guidepost of stock-index futures -- the barometer of where traders think the overall stock market is headed -- many traders were afraid to trust stock prices quoted on the Big Board. +22300044 The futures halt was even assailed by Big Board floor traders. +22300045 "It screwed things up," said one major specialist. +22300046 This confusion effectively halted one form of program trading, stock index arbitrage, that closely links the futures and stock markets, and has been blamed by some for the market's big swings. +22300047 (In a stock-index arbitrage sell program, traders buy or sell big baskets of stocks and offset the trade in futures to lock in a price difference.) +22300048 "When the airline information came through, it cracked every model we had for the marketplace," said a managing director at one of the largest program-trading firms. +22300049 "We didn't even get a chance to do the programs we wanted to do." +22300050 But stocks kept falling. +22300051 The Dow industrials were down 55 points at 3 p.m. before the futures-trading halt. +22300052 At 3:30 p.m., at the end of the "cooling off" period, the average was down 114.76 points. +22300053 Meanwhile, during the the S&P trading halt, S&P futures sell orders began piling up, while stocks in New York kept falling sharply. +22300054 Big Board Chairman John J. Phelan said yesterday the circuit breaker "worked well mechanically. +22300055 I just think it's nonproductive at this point to get into a debate if index arbitrage would have helped or hurt things." +22300056 Under another post-crash system, Big Board President Richard Grasso (Mr. Phelan was flying to Bangkok as the market was falling) was talking on an "inter-exchange hot line" to the other exchanges, the Securities and Exchange Commission and the Federal Reserve Board. +22300057 He camped out at a high-tech nerve center on the floor of the Big Board, where he could watch updates on prices and pending stock orders. +22300058 At about 3:30 p.m. EDT, S&P futures resumed trading, and for a brief time the futures and stock markets started to come back in line. +22300059 Buyers stepped in to the futures pit. +22300060 But the build-up of S&P futures sell orders weighed on the market, and the link with stocks began to fray again. +22300061 At about 3:45, the S&P market careened to still another limit, of 30 points down, and trading was locked again. +22300062 Futures traders say the S&P was signaling that the Dow could fall as much as 200 points. +22300063 During this time, small investors began ringing their brokers, wondering whether another crash had begun. +22300064 At Prudential-Bache Securities Inc., which is trying to cater to small investors, some demoralized brokers thought this would be the final confidence-crusher. +22300065 That's when George L. Ball, chairman of the Prudential Insurance Co. of America unit, took to the internal intercom system to declare that the plunge was only "mechanical." +22300066 "I have a hunch that this particular decline today is something `more ado about less.' +22300067 It would be my inclination to advise clients not to sell, to look for an opportunity to buy," Mr. Ball told the brokers. +22300068 At Merrill Lynch & Co., the nation's biggest brokerage firm, a news release was prepared headlined "Merrill Lynch Comments on Market Drop." +22300069 The release cautioned that "there are significant differences between the current environment and that of October 1987" and that there are still "attractive investment opportunities" in the stock market. +22300070 However, Jeffrey B. Lane, president of Shearson Lehman Hutton Inc., said that Friday's plunge is "going to set back" relations with customers, "because it reinforces the concern of volatility. +22300071 And I think a lot of people will harp on program trading. +22300072 It's going to bring the debate right back to the forefront." +22300073 As the Dow average ground to its final 190.58 loss Friday, the S&P pit stayed locked at its 30-point trading limit. +22300074 Jeffrey Yass of program trader Susquehanna Investment Group said 2,000 S&P contracts were for sale on the close, the equivalent of $330 million in stock. +22300075 But there were no buyers. +22300076 While Friday's debacle involved mainly professional traders rather than investors, it left the market vulnerable to continued selling this morning, traders said. +22300077 Stock-index futures contracts settled at much lower prices than indexes of the stock market itself. +22300078 At those levels, stocks are set up to be hammered by index arbitragers, who lock in profits by buying futures when futures prices fall, and simultaneously sell off stocks. +22300079 But nobody knows at what level the futures and stocks will open today. +22300080 The de-linkage between the stock and futures markets Friday will undoubtedly cause renewed debate about whether Wall Street is properly prepared for another crash situation. +22300081 The Big Board's Mr. Grasso said, "Our systemic performance was good." +22300082 But the exchange will "look at the performance of all specialists in all stocks. +22300083 Obviously we'll take a close look at any situation in which we think the dealer-community obligations weren't met," he said. +22300084 (See related story: "Fed Ready to Inject Big Funds" -- WSJ Oct. 16, 1989) +22300085 But specialists complain privately that just as in the 1987 crash, the "upstairs" firms -- big investment banks that support the market by trading big blocks of stock -- stayed on the sidelines during Friday's blood-letting. +22300086 Mr. Phelan said, "It will take another day or two" to analyze who was buying and selling Friday. +22301001 Concerning your Sept. 21 page-one article on Prince Charles and the leeches: It's a few hundred years since England has been a kingdom. +22301002 It's now the United Kingdom of Great Britain and Northern Ireland, comprising Wales, Northern Ireland, Scotland, and . . . oh yes, England, too. +22301003 Just thought you'd like to know. +22301004 George Morton +22302001 Ports of Call Inc. reached agreements to sell its remaining seven aircraft to buyers that weren't disclosed. +22302002 The agreements bring to a total of nine the number of planes the travel company has sold this year as part of a restructuring. +22302003 The company said a portion of the $32 million realized from the sales will be used to repay its bank debt and other obligations resulting from the currently suspended air-charter operations. +22302004 Earlier the company announced it would sell its aging fleet of Boeing Co. 707s because of increasing maintenance costs. +22303001 A consortium of private investors operating as LJH Funding Co. said it has made a $409 million cash bid for most of L.J. Hooker Corp.'s real-estate and shopping-center holdings. +22303002 The $409 million bid includes the assumption of an estimated $300 million in secured liabilities on those properties, according to those making the bid. +22303003 The group is led by Jay Shidler, chief executive officer of Shidler Investment Corp. in Honolulu, and A. Boyd Simpson, chief executive of the Atlanta-based Simpson Organization Inc. +22303004 Mr. Shidler's company specializes in commercial real-estate investment and claims to have $1 billion in assets; Mr. Simpson is a developer and a former senior executive of L.J. Hooker. +22303005 "The assets are good, but they require more money and management" than can be provided in L.J. Hooker's current situation, said Mr. Simpson in an interview. " +22303006 Hooker's philosophy was to build and sell. +22303007 We want to build and hold." +22303008 L.J. Hooker, based in Atlanta, is operating with protection from its creditors under Chapter 11 of the U.S. Bankruptcy Code. +22303009 Its parent company, Hooker Corp. of Sydney, Australia, is currently being managed by a court-appointed provisional liquidator. +22303010 Sanford Sigoloff, chief executive of L.J. Hooker, said yesterday in a statement that he has not yet seen the bid but that he would review it and bring it to the attention of the creditors committee. +22303011 The $409 million bid is estimated by Mr. Simpson as representing 75% of the value of all Hooker real-estate holdings in the U.S. +22303012 Not included in the bid are Bonwit Teller or B. Altman & Co., L.J. Hooker's department-store chains. +22303013 The offer covers the massive 1.8 million-square-foot Forest Fair Mall in Cincinnati, the 800,000 square-foot Richland Fashion Mall in Columbia, S.C., and the 700,000 square-foot Thornton Town Center mall in Thornton, Colo. +22303014 The Thornton mall opened Sept. 19 with a Bigg's hypermarket as its anchor; the Columbia mall is expected to open Nov. 15. +22303015 Other Hooker properties included are a 20-story office tower in midtown Atlanta, expected to be completed next February; vacant land sites in Florida and Ohio; L.J. Hooker International, the commercial real-estate brokerage company that once did business as Merrill Lynch Commercial Real Estate, plus other shopping centers. +22303016 The consortium was put together by Hoare Govett, the London-based investment banking company that is a subsidiary of Security Pacific Corp. +22303017 "We don't anticipate any problems in raising the funding for the bid," said Allan Campbell, the head of mergers and acquisitions at Hoare Govett, in an interview. +22303018 Hoare Govett is acting as the consortium's investment bankers. +22303019 According to people familiar with the consortium, the bid was code-named Project Klute, a reference to the film "Klute" in which a prostitute played by actress Jane Fonda is saved from a psychotic businessman by a police officer named John Klute. +22303020 L.J. Hooker was a small home-building company based in Atlanta in 1979 when Mr. Simpson was hired to push it into commercial development. +22303021 The company grew modestly until 1986, when a majority position in Hooker Corp. was acquired by Australian developer George Herscu, currently Hooker's chairman. +22303022 Mr. Herscu proceeded to launch an ambitious, but ill-fated, $1 billion acquisition binge that included Bonwit Teller and B. Altman & Co., as well as majority positions in Merksamer Jewelers, a Sacramento chain; Sakowitz Inc., the Houston-based retailer, and Parisian Inc., the Southeast department-store chain. +22303023 Eventually Mr. Simpson and Mr. Herscu had a falling out over the direction of the company, and Mr. Simpson said he resigned in 1988. +22303024 Since then, Hooker Corp. has sold its interest in the Parisian chain back to Parisian's management and is currently attempting to sell the B. Altman & Co. chain. +22303025 In addition, Robert Sakowitz, chief executive of the Sakowitz chain, is seeking funds to buy out the Hooker interest in his company. +22303026 The Merksamer chain is currently being offered for sale by First Boston Corp. +22303027 Reached in Honolulu, Mr. Shidler said that he believes the various Hooker malls can become profitable with new management. +22303028 "These aren't mature assets, but they have the potential to be so," said Mr. Shidler. +22303029 "Managed properly, and with a long-term outlook, these can become investment-grade quality properties. +22304001 Canadian steel-ingot production totaled 291,890 metric tons in the week ended Oct. 7, up 14.8% from the preceding week's total of 254,280 tons, Statistics Canada, a federal agency, said. +22304002 The week's total was up 6.2% from 274,963 tons a year earlier. +22304003 The year-to-date total was 12,006,883 tons, up 7.8% from 11,141,711 tons a year earlier. +22305001 The Treasury plans to raise $175 million in new cash Thursday by selling about $9.75 billion of 52-week bills and redeeming $9.58 billion of maturing bills. +22305002 The bills will be dated Oct. 26 and will mature Oct. 25, 1990. +22305003 They will be available in minimum denominations of $10,000. +22305004 Bids must be received by 1 p.m. EDT Thursday at the Treasury or at Federal Reserve banks or branches. +22306001 As small investors peppered their mutual funds with phone calls over the weekend, big fund managers said they have a strong defense against any wave of withdrawals: cash. +22306002 Unlike the weekend before Black Monday, the funds weren't swamped with heavy withdrawal requests. +22306003 And many fund managers have built up cash levels and say they will be buying stock this week. +22306004 At Fidelity Investments, the nation's largest fund company, telephone volume was up sharply, but it was still at just half the level of the weekend preceding Black Monday in 1987. +22306005 The Boston firm said stock-fund redemptions were running at less than one-third the level two years ago. +22306006 As of yesterday afternoon, the redemptions represented less than 15% of the total cash position of about $2 billion of Fidelity's stock funds. +22306007 "Two years ago there were massive redemption levels over the weekend and a lot of fear around," said C. Bruce Johnstone, who runs Fidelity Investments' $5 billion Equity-Income Fund. +22306008 "This feels more like a one-shot deal. +22306009 People aren't panicking." +22306010 The test may come today. +22306011 Friday's stock market sell-off came too late for many investors to act. +22306012 Some shareholders have held off until today because any fund exchanges made after Friday's close would take place at today's closing prices. +22306013 Stock fund redemptions during the 1987 debacle didn't begin to snowball until after the market opened on Black Monday. +22306014 But fund managers say they're ready. +22306015 Many have raised cash levels, which act as a buffer against steep market declines. +22306016 Mario Gabelli, for instance, holds cash positions well above 20% in several of his funds. +22306017 Windsor Fund's John Neff and Mutual Series' Michael Price said they had raised their cash levels to more than 20% and 30%, respectively, this year. +22306018 Even Peter Lynch, manager of Fidelity's $12.7 billion Magellan Fund, the nation's largest stock fund, built up cash to 7% or $850 million. +22306019 One reason is that after two years of monthly net redemptions, the fund posted net inflows of money from investors in August and September. +22306020 "I've let the money build up," Mr. Lynch said, who added that he has had trouble finding stocks he likes. +22306021 Not all funds have raised cash levels, of course. +22306022 As a group, stock funds held 10.2% of assets in cash as of August, the latest figures available from the Investment Company Institute. +22306023 That was modestly higher than the 8.8% and 9.2% levels in August and September of 1987. +22306024 Also, persistent redemptions would force some fund managers to dump stocks to raise cash. +22306025 But a strong level of investor withdrawals is much more unlikely this time around, fund managers said. +22306026 A major reason is that investors already have sharply scaled back their purchases of stock funds since Black Monday. +22306027 Stock-fund sales have rebounded in recent months, but monthly net purchases are still running at less than half 1987 levels. +22306028 "There's not nearly as much froth," said John Bogle, chairman of Vanguard Group Inc., a big Valley Forge, Pa., fund company. +22306029 Many fund managers argue that now's the time to buy. +22306030 Vincent Bajakian, manager of the $1.8 billion Wellington Fund, added to his positions in Bristol-Myers Squibb, Woolworth and Dun & Bradstreet Friday. +22306031 And today he'll be looking to buy drug stocks like Eli Lilly, Pfizer and American Home Products whose dividend yields have been bolstered by stock declines. +22306032 Fidelity's Mr. Lynch, for his part, snapped up Southern Co. shares Friday after the stock got hammered. +22306033 If the market drops further today, he said he'll be buying blue chips such as Bristol-Myers and Kellogg. +22306034 "If they croak stocks like that," he said, it presents an opportunity that is "the kind of thing you dream about." +22306035 Major mutual-fund groups said phone calls were arriving at twice the normal weekend pace yesterday. +22306036 But most investors were seeking share prices and other information. +22306037 Trading volume was only modestly higher than normal. +22306038 Still, fund groups aren't taking any chances. +22306039 They hope to avoid the jammed phone lines and other snags that infuriated some fund investors in October 1987. +22306040 Fidelity on Saturday opened its 54 walk-in investor centers across the country. +22306041 The centers normally are closed through the weekend. +22306042 In addition, East Coast centers will open at 7:30 EDT this morning, instead of the normal 8:30. +22306043 T. Rowe Price Associates Inc. increased its staff of phone representatives to handle investor requests. +22306044 The Baltimore-based group noted that some investors moved money from stock funds to money-market funds. +22306045 But most investors seemed to be "in an information mode rather than in a transaction mode," said Steven Norwitz, a vice president. +22306046 And Vanguard, among other groups, said it was adding more phone representatives today to help investors get through. +22306047 In an unusual move, several funds moved to calm investors with recordings on their toll-free phone lines. +22306048 "We view {Friday's} market decline as offering us a buying opportunity as long-term investors," a recording at Gabelli & Co. funds said over the weekend. +22306049 The Janus Group had a similar recording for investors. +22306050 Several fund managers expect a rough market this morning before prices stabilize. +22306051 Some early selling is likely to stem from investors and portfolio managers who want to lock in this year's fat profits. +22306052 Stock funds have averaged a staggering gain of 25% through September, according to Lipper Analytical Services Inc. +22306053 Elaine Garzarelli, who runs Shearson Lehman Hutton Inc.'s $335 million Sector Analysis Portfolio, predicts the market will open down at least 50 points on technical factors and "some panic selling." +22306054 But she expects prices to rebound soon and is telling investors she expects the stock market won't decline more than 10% to 15% from recent highs. +22306055 "This is not a major crash," she said. +22306056 Nevertheless, Ms. Garzarelli said she was swamped with phone calls over the weekend from nervous shareholders. +22306057 "Half of them are really scared and want to sell," she said, "but I'm trying to talk them out of it." +22306058 She added, "If they all were bullish, I'd really be upset." +22306059 The backdrop to Friday's slide was markedly different from that of the October 1987 crash, fund managers argue. +22306060 Two years ago, unlike today, the dollar was weak, interest rates were rising and the market was very overvalued, they say. +22306061 "From the investors' standpoint, institutions and individuals learned a painful lesson . . . by selling at the lows" on Black Monday, said Stephen Boesel, manager of the $580 million T. Rowe Price Growth and Income Fund. +22306062 This time, "I don't think we'll get a panic reaction. +22307001 Newport Corp. said it expects to report fiscal-first-quarter earnings of between 15 cents and 19 cents a share, somewhat below analysts' estimates of 19 cents to 23 cents. +22307002 The maker of scientific instruments and laser parts said orders fell below expectations in recent months. +22307003 A spokesman added that sales in the current quarter will about equal the yearearlier quarter's figure, when Newport reported net income of $1.7 million, or 21 cents a share, on $14.1 million in sales. +22308001 Ripples from the strike by 55,000 Machinists union members against Boeing Co. reached air carriers Friday as America West Airlines announced it will postpone its new service out of Houston because of delays in receiving aircraft from the Seattle jet maker. +22308002 Peter Otradovec, vice president for planning at the Phoenix, Ariz., carrier, said in an interview that the work stoppage at Boeing, now entering its 13th day, "has caused some turmoil in our scheduling" and that more than 500 passengers who were booked to fly out of Houston on America West would now be put on other airlines. +22308003 Mr. Otradovec said Boeing told America West that the 757 it was supposed to get this Thursday wouldn't be delivered until Nov. 7 -- the day after the airline had been planning to initiate service at Houston with four daily flights, including three nonstops to Phoenix and one nonstop to Las Vegas. +22308004 Now, those routes aren't expected to begin until Jan. +22308005 Boeing is also supposed to send to America West another 757 twin-engine aircraft as well as a 737 by year's end. +22308006 Those, too, are almost certain to arrive late. +22308007 At this point, no other America West flights -- including its new service at San Antonio, Texas; Newark, N.J.; and Palmdale, Calif. -- have been affected by the delays in Boeing deliveries. +22308008 Nevertheless, the company's reaction underscores the domino effect that a huge manufacturer such as Boeing can have on other parts of the economy. +22308009 It also is sure to help the machinists put added pressure on the company. +22308010 "I just don't feel that the company can really stand or would want a prolonged walkout," Tom Baker, president of Machinists' District 751, said in an interview yesterday. +22308011 "I don't think their customers would like it very much." +22308012 America West, though, is a smaller airline and therefore more affected by the delayed delivery of a single plane than many of its competitors would be. +22308013 "I figure that American and United probably have such a hard time counting all the planes in their fleets, they might not miss one at all," Mr. Otradovec said. +22308014 Indeed, a random check Friday didn't seem to indicate that the strike was having much of an effect on other airline operations. +22308015 Southwest Airlines has a Boeing 737-300 set for delivery at the end of this month and expects to have the plane on time. +22308016 "It's so close to completion, Boeing's told us there won't be a problem," said a Southwest spokesman. +22308017 A spokesman for AMR Corp. said Boeing has assured American Airlines it will deliver a 757 on time later this month. +22308018 American is preparing to take delivery of another 757 in early December and 20 more next year and isn't anticipating any changes in that timetable. +22308019 In Seattle, a Boeing spokesman explained that the company has been in constant communication with all of its customers and that it was impossible to predict what further disruptions might be triggered by the strike. +22308020 Meanwhile, supervisors and non-striking employees have been trying to finish some 40 aircraft -- mostly 747 and 767 jumbo jets at the company's Everett, Wash., plant -- that were all but completed before the walkout. +22308021 As of Friday, four had been delivered and a fifth plane, a 747-400, was supposed to be flown out over the weekend to Air China. +22308022 No date has yet been set to get back to the bargaining table. +22308023 "We want to make sure they know what they want before they come back," said Doug Hammond, the federal mediator who has been in contact with both sides since the strike began. +22308024 The investment community, for one, has been anticipating a speedy resolution. +22308025 Though Boeing's stock price was battered along with the rest of the market Friday, it actually has risen over the last two weeks on the strength of new orders. +22308026 "The market has taken two views: that the labor situation will get settled in the short term and that things look very rosy for Boeing in the long term," said Howard Rubel, an analyst at Cyrus J. Lawrence Inc. +22308027 Boeing's shares fell $4 Friday to close at $57.375 in composite trading on the New York Stock Exchange. +22308028 But Mr. Baker said he thinks the earliest a pact could be struck would be the end of this month, hinting that the company and union may resume negotiations as early as this week. +22308029 Still, he said, it's possible that the strike could last considerably longer. +22308030 "I wouldn't expect an immediate resolution to anything." +22308031 Last week, Boeing Chairman Frank Shrontz sent striking workers a letter, saying that "to my knowledge, Boeing's offer represents the best overall three-year contract of any major U.S. industrial firm in recent history." +22308032 But Mr. Baker called the letter -- and the company's offer of a 10% wage increase over the life of the pact, plus bonuses -- "very weak." +22308033 He added that the company miscalculated the union's resolve and the workers' disgust with being forced to work many hours overtime. +22308034 In separate developments: -- Talks have broken off between Machinists representatives at Lockheed Corp. and the Calabasas, Calif., aerospace company. +22308035 The union is continuing to work through its expired contract, however. +22308036 It had planned a strike vote for next Sunday, but that has been pushed back indefinitely. +22308037 -- United Auto Workers Local 1069, which represents 3,000 workers at Boeing's helicopter unit in Delaware County, Pa., said it agreed to extend its contract on a day-by-day basis, with a 10-day notification to cancel, while it continues bargaining. +22308038 The accord expired yesterday. +22308039 -- And Boeing on Friday said it received an order from Martinair Holland for four model 767-300 wide-body jetliners valued at a total of about $326 million. +22308040 The planes, long range versions of the medium-haul twin-jet, will be delivered with Pratt & Whitney PW4060 engines. +22308041 Pratt & Whitney is a unit of United Technologies Inc. +22308042 Martinair Holland is based in Amsterdam. +22308043 A Boeing spokeswoman said a delivery date for the planes is still being worked out "for a variety of reasons, but not because of the strike." +22308044 Bridget O'Brian contributed to this article. +22309001 Atco Ltd. said its utilities arm is considering building new electric power plants, some valued at more than one billion Canadian dollars (US$851 million), in Great Britain and elsewhere. +22309002 C.S. Richardson, Atco's senior vice president, finance, said its 50.1%-owned Canadian Utilities Ltd. unit is reviewing cogeneration projects in eastern Canada, and conventional electric power generating plants elsewhere, including Britain, where the British government plans to allow limited competition in electrical generation from private-sector suppliers as part of its privatization program. +22309003 "The projects are big. +22309004 They can be C$1 billion plus," Mr. Richardson said. +22309005 "But we wouldn't go into them alone," and Canadian Utilities' equity stake would be small, he said. +22309006 "Ideally, we'd like to be the operator {of the project} and a modest equity investor. +22309007 Our long suit is our proven ability to operate" power plants, he said. +22309008 Mr. Richardson wouldn't offer specifics regarding Atco's proposed British project, but he said it would compete for customers with two huge British power generating companies that would be formed under the country's plan to privatize its massive water and electric utilities. +22309009 Britain's government plans to raise about #20 billion ($31.05 billion) from the sale of most of its giant water and electric utilities, beginning next month. +22309010 The planned electric utility sale, scheduled for next year, is alone expected to raise #13 billion, making it the world's largest public offering. +22309011 Under terms of the plan, independent generators would be able to compete for 15% of customers until 1994, and for another 10% between 1994 and 1998. +22309012 Canadian Utilities had 1988 revenue of C$1.16 billion, mainly from its natural gas and electric utility businesses in Alberta, where the company serves about 800,000 customers. +22309013 "There seems to be a move around the world to deregulate the generation of electricity," Mr. Richardson said, and Canadian Utilities hopes to capitalize on it. +22309014 "This is a real thrust on our utility side," he said, adding that Canadian Utilities is also mulling projects in underdeveloped countries, though he would be specific. +22309015 Canadian Utilities isn't alone in exploring power generation opportunities in Britain, in anticipation of the privatization program. +22309016 "We're certainly looking at some power generating projects in England," said Bruce Stram, vice president, corporate strategy and corporate planning, with Enron Corp., Houston, a big natural gas producer and pipeline operator. +22309017 Mr. Stram said Enron is considering building gas-fired power plants in the U.K. capable of producing about 500 megawatts of power at a cost of about $300 million to $400 million. +22310001 PSE Inc. said it expects to report third earnings of $1.3 million to $1.7 million, or 14 cents to 18 cents a share. +22310002 In the year-ago quarter, the designer and operator of cogeneration and waste heat recovery plants had net income of $326,000, or four cents a share, on revenue of about $41.4 million. +22310003 The company said the improvement is related to additional cogeneration facilities that have been put into operation. +22311001 CONCORDE trans-Atlantic flights are $2,400 to Paris and $3,200 to London. +22311002 In a Centennial Journal article Oct. 5, the fares were reversed. +22312001 Diamond Shamrock Offshore Partners said it had discovered gas offshore Louisiana. +22312002 The well flowed at a rate of 2.016 million cubic feet of gas a day through a 16 64-inch opening at depths between 5,782 and 5,824 feet. +22312003 Diamond Shamrock is the operator, with a 100% interest in the well. +22312004 Diamond Shamrock Offshore's stock rose 12.5 cents Friday to close at $8.25 in New York Stock Exchange composite trading. +22313001 Kaufman & Broad Home Corp. said it formed a $53.4 million limited partnership subsidiary to buy land in California suitable for residential development. +22313002 The partnership, Kaufman & Broad Land Development Venture Limited Partnership, is a 50-50 joint venture with a trust created by institutional clients of Heitman Advisory Corp., a unit of Heitman Financial Corp., a real estate advisory, management and development company with offices in Chicago and Beverly Hills, Calif. +22313003 Kaufman & Broad, a home building company, declined to identify the institutional investors. +22313004 The land to be purchased by the joint venture hasn't yet received zoning and other approvals required for development, and part of Kaufman & Broad's job will be to obtain such approvals. +22313005 The partnership runs the risk that it may not get the approvals for development, but in return, it can buy land at wholesale rather than retail prices, which can result in sizable savings, said Bruce Karatz, president and chief executive officer of Kaufman & Broad. +22313006 "There are really very few companies that have adequate capital to buy properties in a raw state for cash. +22313007 Typically, developers option property, and then once they get the administrative approvals, they buy it," said Mr. Karatz, adding that he believes the joint venture is the first of its kind. +22313008 "We usually operate in that conservative manner." +22313009 By setting up the joint venture, Kaufman & Broad can take the more aggressive approach of buying raw land, while avoiding the negative impacts to its own balance sheet, Mr. Karatz said. +22313010 The company is putting up only 10% of the capital, although it is responsible for providing management, planning and processing services to the joint venture. +22313011 "This is one of the best ways to assure a pipeline of land to fuel our growth at a minimum risk to our company," Mr. Karatz said. +22314001 When the price of plastics took off in 1987, Quantum Chemical Corp. went along for the ride. +22314002 The timing of Quantum's chief executive officer, John Hoyt Stookey, appeared to be nothing less than inspired, because he had just increased Quantum's reliance on plastics. +22314003 The company outpaced much of the chemical industry as annual profit grew fivefold in two years. +22314004 Mr. Stookey said of the boom, "It's going to last a whole lot longer than anybody thinks." +22314005 But now prices have nose-dived and Quantum's profit is plummeting. +22314006 Some securities analysts are looking for no better than break-even results from the company for the third quarter, compared with year-earlier profit of $99.8 million, or $3.92 a share, on sales of $724.4 million. +22314007 The stock, having lost nearly a quarter of its value since Sept. 1, closed at $34.375 share, down $1.125, in New York Stock Exchange composite trading Friday. +22314008 To a degree, Quantum represents the new times that have arrived for producers of the so-called commodity plastics that pervade modern life. +22314009 Having just passed through one of the most profitable periods in their history, these producers now see their prices eroding. +22314010 Pricing cycles, to be sure, are nothing new for plastics producers. +22314011 And the financial decline of some looks steep only in comparison with the heady period that is just behind them. +22314012 "We were all wonderful heroes last year," says an executive at one of Quantum's competitors. +22314013 "Now we're at the bottom of the heap." +22314014 At Quantum, which is based in New York, the trouble is magnified by the company's heavy dependence on plastics. +22314015 Once known as National Distillers & Chemical Corp., the company exited the wine and spirits business and plowed more of its resources into plastics after Mr. Stookey took the chief executive's job in 1986. +22314016 Mr. Stookey, 59 years old, declined to be interviewed for this article, but he has consistently argued that over the long haul -- across both the peaks and the troughs of the plastics market -- Quantum will prosper through its new direction. +22314017 Quantum's lot is mostly tied to polyethylene resin, used to make garbage bags, milk jugs, housewares, toys and meat packaging, among other items. +22314018 In the U.S. polyethylene market, Quantum has claimed the largest share, about 20%. +22314019 But its competitors -- including Dow Chemical Co., Union Carbide Corp. and several oil giants -- have much broader business interests and so are better cushioned against price swings. +22314020 When the price of polyethylene moves a mere penny a pound, Quantum's annual profit fluctuates by about 85 cents a share, provided no other variables are changing. +22314021 In recent months the price of polyethylene, even more than that of other commodity plastics, has taken a dive. +22314022 Benchmark grades, which still sold for as much as 50 cents a pound last spring, have skidded to between 35 cents and 40 cents. +22314023 Meanwhile, the price of ethylene, the chemical building block of polyethylene, hasn't dropped nearly so fast. +22314024 That discrepancy hurts Quantum badly, because its own plants cover only about half of its ethylene needs. +22314025 By many accounts, an early hint of a price rout in the making came at the start of this year. +22314026 China, which had been putting in huge orders for polyethylene, abruptly halted them. +22314027 Calculating that excess polyethylene would soon be sloshing around the world, other buyers then bet that prices had peaked and so began to draw down inventories rather than order new product. +22314028 Kenneth Mitchell, director of Dow's polyethylene business, says producers were surprised to learn how much inventories had swelled throughout the distribution chain as prices spiraled up. +22314029 "People were even hoarding bags," he says. +22314030 Now producers hope prices have hit bottom. +22314031 They recently announced increases of a few cents a pound to take effect in the next several weeks. +22314032 No one knows, however, whether the new posted prices will stick once producers and customers start to haggle. +22314033 One doubter is George Krug, a chemical-industry analyst at Oppenheimer & Co. and a bear on plastics stocks. +22314034 Noting others' estimates of when price increases can be sustained, he remarks, "Some say October. +22314035 Some say November. +22314036 I say 1992." +22314037 He argues that efforts to firm up prices will be undermined by producers' plans to expand production capacity. +22314038 A quick turnaround is crucial to Quantum because its cash requirements remain heavy. +22314039 The company is trying to carry out a three-year, $1.3 billion plant-expansion program started this year. +22314040 At the same time, its annual payments on long-term debt will more than double from a year ago to about $240 million, largely because of debt taken on to pay a $50-a-share special dividend earlier this year. +22314041 Quantum described the payout at the time as a way for it to share the bonanza with its holders, because its stock price wasn't reflecting the huge profit increases. +22314042 Some analysts saw the payment as an effort also to dispel takeover speculation. +22314043 Whether a cash crunch might eventually force the company to cut its quarterly dividend, raised 36% to 75 cents a share only a year ago, has become a topic of intense speculation on Wall Street since Mr. Stookey deflected dividend questions in a Sept. 29 meeting with analysts. +22314044 Some viewed his response -- that company directors review the dividend regularly -- as nothing more than the standard line from executives. +22314045 But others came away thinking he had given something less than his usual straight-from-the-shoulder performance. +22314046 In any case, on the day of the meeting, Quantum's shares slid $2.625 to $36.625 in Big Board trading. +22314047 On top of everything else, Quantum confronts a disaster at its plant in Morris, Ill. +22314048 After an explosion idled the plant in June, the company progressed in September to within 12 hours of completing the drawn-out process of restarting it. +22314049 Then a second explosion occurred. +22314050 Two workers died and six remain in the hospital. +22314051 This human toll adds the most painful dimension yet to the sudden change in Quantum's fortunes. +22314052 Until this year, the company had been steadily lowering its accident rate and picking up trade-group safety awards. +22314053 A prolonged production halt at the plant could introduce another imponderable into Quantum's financial future. +22314054 When a plant has just been running flat out to meet demand, calculating lost profit and thus claims under business-interruption insurance is straightforward. +22314055 But the numbers become trickier -- and subject to dickering between insured and insurer -- when demand is shifting. +22314056 "You say you could have sold X percent of this product and Y percent of that," recalls Theodore Semegran, an analyst at Shearson Lehman Hutton who went through this exercise during his former career as a chemical engineer. +22314057 "And then you still have to negotiate." +22314058 Quantum hopes the Morris plant, where limited production got under way last week, will resume full operation by year's end. +22314059 The plant usually accounts for 20% to 25% of Quantum's polyethylene production and 50% of its ethylene production. +22314060 Not everything looks grim for Quantum. +22314061 The plant expansion should strengthen the company's sway in the polyethylene business, where market share is often taken through sheer capacity. +22314062 By lifting ethylene production, the expansion will also lower the company's raw material costs. +22314063 Quantum is also tightening its grip on its one large business outside chemicals, propane marketing. +22314064 Through a venture with its investment banker, First Boston Corp., Quantum completed in August an acquisition of Petrolane Inc. in a transaction valued at $1.18 billion. +22314065 Petrolane is the second-largest propane distributor in the U.S. +22314066 The largest, Suburban Propane, was already owned by Quantum. +22314067 Still, Quantum has a crisis to get past right now. +22314068 Some analysts speculate the weakening stock may yet attract a suitor. +22314069 The name surfacing in rumors is British Petroleum Co., which is looking to expand its polyethylene business in the U.S. +22314070 Asked about a bid for Quantum, a BP spokesman says, "We pretty much have a policy of not commenting on rumors, and I think that falls in that category. +22315001 RJR Nabisco Inc. is disbanding its division responsible for buying network advertising time, just a month after moving 11 of the group's 14 employees to New York from Atlanta. +22315002 A spokesman for the New York-based food and tobacco giant, taken private earlier this year in a $25 billion leveraged buy-out by Kohlberg Kravis Roberts & Co., confirmed that it is shutting down the RJR Nabisco Broadcast unit, and dismissing its 14 employees, in a move to save money. +22315003 The spokesman said RJR is discussing its network-buying plans with its two main advertising firms, FCB/Leber Katz and McCann Erickson. +22315004 "We found with the size of our media purchases that an ad agency could do just as good a job at significantly lower cost," said the spokesman, who declined to specify how much RJR spends on network television time. +22315005 An executive close to the company said RJR is spending about $140 million on network television time this year, down from roughly $200 million last year. +22315006 The spokesman said the broadcast unit will be disbanded Dec. 1, and the move won't affect RJR's print, radio and spot-television buying practices. +22315007 The broadcast group had been based in New York until a year ago, when RJR's previous management moved it to Atlanta, the company's headquarters before this summer. +22315008 One employee with the group said RJR moved 11 employees of the group back to New York in September because "there was supposed to be a future." +22315009 He said the company hired three more buyers for the unit within the past two weeks, wooing them from jobs with advertising agencies. +22315010 The RJR spokesman said the company moved the 11 employees to New York last month because the group had then been in the midst of purchasing ad time for the networks' upcoming season. +22315011 "The studies {on closing the unit} couldn't be completed until now," he said. +22315012 The group's president, Peter Chrisanthopoulos, wasn't in his office Friday afternoon to comment. +22316001 The U.S., which is finalizing its steel-import quotas, is allocating a larger share of its steel market to developing and newly industrialized countries which have relatively unsubsidized steel industries. +22316002 Meanwhile, the U.S. has negotiated a significant cut in Japan's steel quota, and made only a minor increase to the steel allotment for the European Community. +22316003 Brazil, similar to Mexico and South Korea, is expected to negotiate a somewhat bigger share of the U.S. market than it had under the previous five-year steel quotas, which expired Sept. 30. +22316004 Brazil and Venezuela are the only two countries that haven't completed steel talks with the U.S. for the year ending Oct. 1, 1990. +22316005 In recent years, U.S. steelmakers have supplied about 80% of the 100 million tons of steel used annually by the nation. +22316006 Of the remaining 20% needed, the steel-quota negotiations allocate about 15% to foreign suppliers, with the difference supplied mainly by Canada -- which isn't included in the quota program. +22316007 Other countries that don't have formal steel quotas with the U.S., such as Taiwan, Sweden and Argentina, also have supplied steel. +22316008 Some of these countries have in recent years made informal agreements with the U.S. that are similar to quotas. +22316009 The Bush administration earlier this year said it would extend steel quotas, known as voluntary restraint agreements, until March 31, 1992. +22316010 It also said it would use that two-and-a-half year period to work toward an international consensus on freeing up the international steel trade, which has been notoriously managed, subsidized and protected by governments. +22316011 The U.S. termed its plan, a "trade liberalization program," despite the fact that it is merely an extension. +22316012 Mexico, which was one of the first countries to conclude its steel talks with the U.S., virtually doubled its quota to 0.95% of the U.S. steel market from 0.48% under the previous quotas. +22316013 South Korea, which had 1.9% under the previous quotas, is set to get a small increase to about 1.95%. +22316014 That increase rises to slightly more than 2% of the U.S. market if a joint Korean-U.S. steel project is included. +22316015 Meanwhile, Brazil is expected to increase its allowance from the 1.43% share it has had in recent years. +22316016 The EC and Japan -- the U.S.'s largest steel suppliers -- haven't been filling their quotas to the full extent. +22316017 The EC steel industry, which has been coping with strong European demand, has been supplying about 5% of the U.S. market compared with recent quotas of about 6.7%. +22316018 Japan has been shipping steel to total about 4.5% of the U.S. market compared with a quota of 5.9%. +22316019 In the recent talks, the EC had its quota increased about 300,000 tons, to 7% of the U.S. market from 6.7% in 1988. +22316020 But its quota has been as high as 6.9% in 1984. +22316021 Japan, however, has agreed to cut its quota to about 5% from 5.9% previously. +22316022 Japan, the EC, Brazil, Mexico and South Korea provide about 80% of the steel imported to the U.S. under the quota program. +22316023 The balance is supplied by a host of smaller exporters, such as Australia and Venezuela. +22316024 The U.S. had about an extra 2% of the domestic steel market to give to foreign suppliers in its quota talks. +22316025 That was essentially made up of a 1% increase in the overall quota program and 1% from cutting Japan's allowance. +22316026 Negotiators from the White House trade office will repeat these quota negotiations next year when they will have another 1% of the U.S. steel market to allocate. +22316027 These optional 1%-a-year increases to the steel quota program are built into the Bush administration's steel-quota program to give its negotiators leverage with foreign steel suppliers to try to get them to withdraw subsidies and protectionism from their own steel industries. +22317001 Elcotel Inc. expects fiscal second-quarter earnings to trail 1988 results, but anticipates that several new products will lead to a "much stronger" performance in its second half. +22317002 Elcotel, a telecommunications company, had net income of $272,000, or five cents a share, in its year-earlier second quarter, ended Sept. 30. +22317003 Revenue totaled $5 million. +22317004 George Pierce, chairman and chief executive officer, said in an interview that earnings in the most recent quarter will be about two cents a share on revenue of just under $4 million. +22317005 The lower results, Mr. Pierce said, reflect a 12-month decline in industry sales of privately owned pay telephones, Elcotel's primary business. +22317006 Although Mr. Pierce expects that line of business to strengthen in the next year, he said Elcotel will also benefit from moving into other areas. +22317007 Foremost among those is the company's entrance into the public facsimile business, Mr. Pierce said. +22317008 Within the next year, Elcotel expects to place 10,000 fax machines, made by Minolta in Japan, in hotels, municipal buildings, drugstores and other public settings around the country. +22317009 Elcotel will provide a credit-card reader for the machines to collect, store and forward billing data. +22317010 Mr. Pierce said Elcotel should realize a minimum of $10 of recurring net earnings for each machine each month. +22317011 Elcotel has also developed an automatic call processor that will make further use of the company's system for automating and handling credit-card calls and collect calls. +22317012 Automatic call processors will provide that system for virtually any telephone, Mr. Pierce said, not just phones produced by Elcotel. +22317013 The company will also be producing a new line of convenience telephones, which don't accept coins, for use in hotel lobbies, office lobbies, hospitality lounges and similar settings. +22317014 Mr. Pierce estimated that the processors and convenience phones would produce about $5 of recurring net earnings for each machine each month. +22318001 Britain's retail price index rose 0.7% in September from August and was up 7.6% for the year, the Central Statistical Office said. +22319001 Quest Medical Inc. said it adopted a shareholders' rights plan in which rights to purchase shares of common stock will be distributed as a dividend to shareholders of record as of Oct. 23. +22319002 The company said the plan wasn't adopted in response to any known offers for Quest, a maker and marketer of hospital products. +22319003 The rights allow shareholders to purchase Quest stock at a discount if any person or group acquires more than 15% of the company's common stock or announces a tender offer. +22320001 Measuring cups may soon be replaced by tablespoons in the laundry room. +22320002 Procter & Gamble Co. plans to begin testing next month a superconcentrated detergent that will require only a few spoonfuls per washload. +22320003 The move stems from lessons learned in Japan where local competitors have had phenomenal success with concentrated soapsuds. +22320004 It also marks P&G's growing concern that its Japanese rivals, such as Kao Corp., may bring their superconcentrates to the U.S. +22320005 The Cincinnati consumer-products giant got clobbered two years ago in Japan when Kao introduced a powerful detergent, called Attack, which quickly won a 30% stake in the Japanese markets. +22320006 "They don't want to get caught again," says one industry watcher. +22320007 Retailers in Phoenix, Ariz., say P&G's new powdered detergent -- to be called Cheer with Color Guard -- will be on shelves in that market by early November. +22320008 A P&G spokeswoman confirmed that shipments to Phoenix started late last month. +22320009 She said the company will study results from this market before expanding to others. +22320010 Superconcentrates aren't entirely new for P&G. +22320011 The company introduced a superconcentrated Lemon Cheer in Japan after watching the success of Attack. +22320012 When Attack hit the shelves in 1987, P&G's share of the Japanese market fell to about 8% from more than 20%. +22320013 With the help of Lemon Cheer, P&G's share is now estimated to be 12%. +22320014 While the Japanese have embraced the compact packaging and convenience of concentrated products, the true test for P&G will be in the $4 billion U.S. detergent market, where growth is slow and liquids have gained prominence over powders. +22320015 The company may have chosen to market the product under the Cheer name since it's already expanded its best-selling Tide into 16 different varieties, including this year's big hit, Tide with Bleach. +22320016 With superconcentrates, however, it isn't always easy to persuade consumers that less is more; many people tend to dump too much detergent into the washing machine, believing that it takes a cup of powder to really clean the laundry. +22320017 In the early 1980s, P&G tried to launch here a concentrated detergent under the Ariel brand name that it markets in Europe. +22320018 But the product, which wasn't as concentrated as the new Cheer, bombed in a market test in Denver and was dropped. +22320019 P&G and others also have tried repeatedly to hook consumers on detergent and fabric softener combinations in pouches, but they haven't sold well, despite the convenience. +22320020 But P&G contends the new Cheer is a unique formula that also offers an ingredient that prevents colors from fading. +22320021 And retailers are expected to embrace the product, in part because it will take up less shelf space. +22320022 "When shelf space was cheap, bigger was better," says Hugh Zurkuhlen, an analyst at Salomon Bros. +22320023 But with so many brands vying for space, that's no longer the case. +22320024 If the new Cheer sells well, the trend toward smaller packaging is likely to accelerate as competitors follow with their own superconcentrates. +22320025 Then retailers "will probably push the {less-established} brands out altogether," he says. +22320026 Competition is bound to get tougher if Kao introduces a product like Attack in the U.S. +22320027 To be sure, Kao wouldn't have an easy time taking U.S. market share away from the mighty P&G, which has about 23% of the market. +22320028 Kao officials previously have said they are interested in selling detergents in the U.S., but so far the company has focused on acquisitions, such as last year's purchase of Andrew Jergens Co., a Cincinnati hand-lotion maker. +22320029 It also has a product-testing facility in California. +22320030 Some believe P&G's interest in a superconcentrated detergent goes beyond the concern for the Japanese. +22320031 "This is something P&G would do with or without Kao," says Mr. Zurkuhlen. +22321001 With economic tension between the U.S. and Japan worsening, many Japanese had feared last week's visit from U.S. Trade Representative Carla Hills. +22321002 They expected a new barrage of demands that Japan do something quickly to reduce its trade surplus with the U.S. +22321003 Instead, they got a discussion of the need for the U.S. and Japan to work together and of the importance of the long-term view. +22321004 Mrs. Hills' first trip to Japan as America's chief trade negotiator had a completely different tone from last month's visit by Commerce Secretary Robert A. Mosbacher. +22321005 Mr. Mosbacher called for concrete results by next spring in negotiations over fundamental Japanese business practices that supposedly inhibit free trade. +22321006 He said such results should be "measurable in dollars and cents" in reducing the U.S. trade deficit with Japan. +22321007 But Mrs. Hills, speaking at a breakfast meeting of the American Chamber of Commerce in Japan on Saturday, stressed that the objective "is not to get definitive action by spring or summer, it is rather to have a blueprint for action." +22321008 She added that she expected "perhaps to have a down payment . . . some small step to convince the American people and the Japanese people that we're moving in earnest." +22321009 How such remarks translate into policy won't become clear for months. +22321010 American and Japanese officials offered several theories for the difference in approach betwen Mr. Mosbacher and Mrs. Hills. +22321011 Many called it simply a contrast in styles. +22321012 But some saw it as a classic negotiating tactic. +22321013 Others said the Bush administration may feel the rhetoric on both sides is getting out of hand. +22321014 And some said it reflected the growing debate in Washington over pursuing free trade with Japan versus some kind of managed trade. +22321015 Asked to compare her visit to Mr. Mosbacher's, Mrs. Hills replied: "I didn't hear every word he spoke, but as a general proposition, I think we have a very consistent trade strategy in the Bush administration." +22321016 Yet more than one American official who sat in with her during three days of talks with Japanese officials said her tone often was surprisingly "conciliatory." +22321017 "I think my line has been very consistent," Mrs. Hills said at a news conference Saturday afternoon. +22321018 "I am painted sometimes as ferocious, perhaps because I have a ferocious list of statutes to implement. +22321019 I don't feel very ferocious. +22321020 I don't feel either hard or soft. +22321021 I feel committed to the program of opening markets and expanding trade." +22321022 When she met the local press for the first time on Friday, Mrs. Hills firmly reiterated the need for progress in removing barriers to trade in forest products, satellites and supercomputers, three areas targeted under the Super 301 provision of the 1988 trade bill. +22321023 She highlighted exclusionary business practices that the U.S. government has identified. +22321024 But her main thrust was to promote the importance of world-wide free trade and open competition. +22321025 She said the trade imbalance was mainly due to macroeconomic factors and shouldn't be tackled by setting quantitative targets. +22321026 At her news conference for Japanese reporters, one economics journalist summed up the Japanese sense of relief. +22321027 "My impression was that you would be a scary old lady," he said, drawing a few nervous chuckles from his colleagues. +22321028 "But I am relieved to see that you are beautiful and gentle and intelligent and a person of integrity." +22321029 Mrs. Hills' remarks did raise questions, at least among some U.S. officials, about what exactly her stance is on U.S. access to the Japanese semiconductor market. +22321030 The U.S. share of the Japanese market has been stuck around 10% for years. +22321031 Many Americans have interpreted a 1986 agreement as assuring U.S. companies a 20% share by 1991, but the Japanese have denied making any such promise. +22321032 At one of her news conferences, Mrs. Hills said, "I believe we can do much better than 20%." +22321033 But she stressed, "I am against managed trade. +22321034 I will not enter into an agreement that stipulates to a percentage of the market. +22322001 Traditional Industries Inc. said it expects to report a net loss for the fourth quarter that ended June 30 and is seeking new financing. +22322002 The seller of photographic products and services said it is considering a number of financing alternatives, including seeking increases in its credit lines. +22322003 Traditional declined to estimate the amount of the loss and wouldn't say if it expects to show a profit for the year. +22322004 In the year ended June 30, 1988, Traditional reported net income of $4.9 million, or $1.21 a share. +22322005 The company didn't break out its fourth-quarter results. +22322006 In the latest nine months net income was $4.7 million, or $1.31 a share, on revenue of $44.3 million. +22322007 Separately, the company said it would file a delayed fiscal-year report with the Securities and Exchange Commission "within approximately 45 days." +22322008 It said the delay resulted from difficulties in resolving its accounting of a settlement with the Federal Trade Commission. +22322009 Under an agreement filed in federal court in August to settle FTC objections to some Traditional sales practices, Traditional said it would establish a $250,000 trust fund to provide refunds to certain customers. +22323001 Information International Inc. said it was sued by a buyer of its computerized newspaper-publishing system, alleging that the company failed to correct deficiencies in the system. +22323002 A spokesman for Information International said the lawsuit by two units of Morris Communications Corp. seeks restitution of the system's about $3 million purchase price and cancellation of a software license provided by the Morris units to Information International for alleged failure to pay royalties. +22323003 Information International said it believes that the complaints, filed in federal court in Georgia, are without merit. +22323004 Closely held Morris Communications is based in Augusta, Ga. +22323005 The units that filed the suit are Southeastern Newspapers Corp. and Florida Publishing Co. +22324001 Syms Corp. completed the sale of its A. Sulka & Co. subsidiary, a men's luxury haberdashery, to Luxco Investments. +22324002 Terms weren't disclosed. +22324003 As Syms's "core business of off-price retailing grows, a small subsidiary that is operationally unrelated becomes a difficult distraction," said Marcy Syms, president of the parent, in a statement. +22324004 A spokeswoman said Sulka operates a total of seven stores in the U.S. and overseas. +22324005 Syms operates 25 off-price apparel stores in the U.S. +22325001 The oil industry's middling profits could persist through the rest of the year. +22325002 Major oil companies in the next few days are expected to report much less robust earnings than they did for the third quarter a year ago, largely reflecting deteriorating chemical prices and gasoline profitability. +22325003 The gasoline picture may improve this quarter, but chemicals are likely to remain weak, industry executives and analysts say, reducing chances that profits could equal their year-earlier performance. +22325004 The industry is "seeing a softening somewhat in volume and certainly in price in petrochemicals," Glenn Cox, president of Phillips Petroleum Co., said in an interview. +22325005 "That change will obviously impact third and fourth quarter earnings" for the industry in general, he added. +22325006 He didn't forecast Phillips's results. +22325007 But securities analysts say Phillips will be among the companies hard-hit by weak chemical prices and will probably post a drop in third-quarter earnings. +22325008 So, too, many analysts predict, will Exxon Corp., Chevron Corp. and Amoco Corp. +22325009 Typical is what happened to the price of ethylene, a major commodity chemical produced in vast amounts by many oil companies. +22325010 It has plunged 13% since July to around 26 cents a pound. +22325011 A year ago ethylene sold for 33 cents, peaking at about 34 cents last December. +22325012 A big reason for the chemical price retreat is overexpansion. +22325013 Beginning in mid-1987, prices began accelerating as a growing U.S. economy and the weak dollar spurred demand. +22325014 Companies added capacity furiously. +22325015 Now, greatly increased supplies are on the market, while the dollar is stronger, and domestic economic growth is slower. +22325016 Third-quarter profits from gasoline were weaker. +22325017 "Refining margins were so good in the third quarter of last year and generally not very good this year," said William Randol, a securities analyst at First Boston Corp. +22325018 Oil company refineries ran flat out to prepare for a robust holiday driving season in July and August that didn't materialize. +22325019 The excess supply pushed gasoline prices down in that period. +22325020 In addition, crude oil prices were up some from a year earlier, further pressuring profitability. +22325021 Refiners say margins picked up in September, and many industry officials believe gasoline profits will rebound this quarter, though still not to the level of 1988's fourth quarter. +22325022 During the 1988 second half, many companies posted record gasoline and chemical profits. +22325023 Crude oil production may turn out to be the most surprising element of companies' earnings this year. +22325024 Prices -- averaging roughly $2 a barrel higher in the third quarter than a year earlier -- have stayed well above most companies' expectations. +22325025 Demand has been much stronger than anticipated, and it typically accelerates in the fourth quarter. +22325026 "We could see higher oil prices this year," said Bryan Jacoboski, an analyst at PaineWebber Inc. +22325027 That will translate into sharply higher production profits, particularly compared with last year when oil prices steadily fell to below $13 a barrel in the fourth quarter. +22325028 While oil prices have been better than expected, natural gas prices have been worse. +22325029 In the third quarter, they averaged about 5% less than they were in 1988. +22325030 The main reason remains weather. +22325031 Last summer was notable for a heat wave and drought that caused utilities to burn more natural gas to feed increased electrical demand from air conditioning use. +22325032 This summer, on the other hand, had milder weather than usual. +22325033 "We've been very disappointed in the performance of natural gas prices," said Mr. Cox, Phillips's president. +22325034 "The lagging gas price is not going to assist fourth quarter performance as many had expected." +22325035 Going into the fourth quarter, natural gas prices are anywhere from 8% to 17% lower than a year earlier. +22325036 For instance, natural gas currently produced along the Gulf Coast is selling on the spot market for around $1.47 a thousand cubic feet, down 13% from $1.69 a thousand cubic feet a year ago. +22326001 The Bush administration, trying to blunt growing demands from Western Europe for a relaxation of controls on exports to the Soviet bloc, is questioning whether Italy's Ing. C. Olivetti & Co. supplied militarily valuable technology to the Soviets. +22326002 Most of the Western European members of Coordinating Committee on Multilateral Export Controls, the unofficial forum through which the U.S. and its allies align their export-control policies, are expected to argue for more liberal export rules at a meeting to be held in Paris Oct. 25 and 26. +22326003 They plan to press specifically for a relaxation of rules governing exports of machine tools, computers and other high-technology products. +22326004 But the Bush administration says it wants to see evidence that all Cocom members are complying fully with existing export-control procedures before it will support further liberalization. +22326005 To make its point, it is challenging the Italian government to explain reports that Olivetti may have supplied the Soviet Union with sophisticated computer-driven devices that could be used to build parts for combat aircraft. +22326006 The London Sunday Times, which first reported the U.S. concerns, cited a U.S. intelligence report as the source of the allegations that Olivetti exported $25 million in "embargoed, state-of-the-art, flexible manufacturing systems to the Soviet aviation industry." +22326007 Olivetti reportedly began shipping these tools in 1984. +22326008 A State Department spokesman acknowledged that the U.S. is discussing the allegations with the Italian government and Cocom, but declined to confirm any details. +22326009 Italian President Francesco Cossiga promised a quick investigation into whether Olivetti broke Cocom rules. +22326010 President Bush called his attention to the matter during the Italian leader's visit here last week. +22326011 Olivetti has denied that it violated Cocom rules, asserting that the reported shipments were properly licensed by the Italian authorities. +22326012 Although the legality of these sales is still an open question, the disclosure couldn't be better timed to support the position of export-control hawks in the Pentagon and the intelligence community. +22326013 "It seems to me that a story like this breaks just before every important Cocom meeting," said a Washington lobbyist for a number of U.S. computer companies. +22326014 The Bush administration has sent conflicting signals about its export-control policies, reflecting unhealed divisions among several competing agencies. +22326015 Last summer, Mr. Bush moved the administration in the direction of gradual liberalization when he told a North Atlantic Treaty Organization meeting that he would allow some exceptions to the Cocom embargo of strategic goods. +22326016 But more recently, the Pentagon and the Commerce Department openly feuded over the extent to which Cocom should liberalize exports of personal computers to the bloc. +22326017 However, these agencies generally agree that the West should be cautious about any further liberalization. +22326018 "There's no evidence that the Soviet program to (illegally) acquire Western technology has diminished," said a State Department spokesman. +22327001 Salomon Brothers International Ltd., a British subsidiary of Salomon Inc., announced it will issue warrants on shares of Hong Kong Telecommunications Ltd. +22327002 The move closely follows a similar offer by Salomon of warrants for shares of Hongkong & Shanghai Banking Corp. +22327003 Under the latest offer, HK$62.5 million (US$8 million) of three-year warrants will be issued in London, each giving buyers the right to buy one Hong Kong Telecommunications share at a price to be determined Friday. +22327004 The 50 million warrants will be priced at HK$1.25 each and are expected to carry a premium to the share price of about 26%. +22327005 In trading on the Stock Exchange of Hong Kong, the shares closed Wednesday at HK$4.80 each. +22327006 At this price, the shares would have to rise above HK$6.05 for subscribers to Salomon's issue to profitably convert their warrants. +22327007 While Hong Kong companies have in the past issued warrants on their own shares, Salomon's warrants are the first here to be issued by a third party. +22327008 Salomon will "cover" the warrants by buying sufficient shares, or options to purchase shares, to cover its entire position. +22327009 Bankers said warrants for Hong Kong stocks are attractive because they give foreign investors, wary of volatility in the colony's stock market, an opportunity to buy shares without taking too great a risk. +22327010 The Hong Kong Telecommunications warrants should be attractive to buyers in Europe, the bankers added, because the group is one of a handful of blue-chip stocks on the Hong Kong market that has international appeal. +22328001 Financial Corp. of Santa Barbara filed suit against former stock speculator Ivan F. Boesky and Drexel Burnham Lambert Inc., charging they defrauded the thrift by concealing their relationship when persuading it to buy $284 million in high-yield, high-risk junk bonds. +22328002 In a suit filed in federal court Thursday, the S&L alleged that a "disproportionate number" of the bonds it purchased in 1984 declined in value. +22328003 Financial Corp. purchased the bonds, the suit alleged, after Mr. Boesky and Drexel negotiated an agreement for Vagabond Hotels to purchase a 51% stake in the thrift for about $34 million. +22328004 Vagabond Hotels was controlled by Mr. Boesky, who currently is serving a prison term for securities violations. +22328005 Officials at Drexel said they hadn't seen the suit and thus couldn't comment. +22328006 In addition to $33 million compensatory damages, the suit seeks $100 million in punitive damages. +22328007 Also named in the suit is Ivan F. Boesky Corp. and Northview Corp., the successor company to Vagabonds Hotels. +22328008 Northview officials couldn't be located. +22328009 Financial Corp. said it agreed to buy the bonds after a representative of Ivan F. Boesky Corp. visited it in November 1983 and said Financial Corp. could improve its financial condition by purchasing the bonds. +22328010 Shortly before the visit, Mr. Boesky and Drexel representives had met with Financial Corp. officials and had signed a letter of intent to acquire the 51% stake in the company. +22328011 However, the agreement was canceled in June 1984. +22328012 Financial Corp. purchased the bonds in at least 70 different transactions in 1984 and since then has realized $11 million in losses on them, the company said. +22329001 Ideal Basic Industries Inc. said its directors reached an agreement in principle calling for HOFI North America Inc. to combine its North American cement holdings with Ideal in a transaction that will leave Ideal's minority shareholders with 12.8% of the combined company. +22329002 HOFI, the North American holding company of Swiss concern Holderbank Financiere Glaris Ltd., previously proposed combining its 100% stake in St. Lawrence Cement Inc. and its 60% stake in Dundee Cement Co. with its 67% stake in Ideal. +22329003 But HOFI's first offer would have given Ideal's other shareholders about 10% of the combined company. +22329004 Ideal's directors rejected that offer, although they said they endorsed the merger proposal. +22329005 Under the agreement, HOFI will own 87.2% of the combined company. +22329006 Ideal's current operations will represent about 39.2% of the combined company. +22329007 The transaction is subject to a definitive agreement and approval by Ideal shareholders. +22329008 Ideal said it expects to complete the transaction early next year. +22330001 While corn and soybean prices have slumped well below their drought-induced peaks of 1988, wheat prices remain stubbornly high. +22330002 And they're likely to stay that way for months to come, analysts say. +22330003 For one thing, even with many farmers planting more winter wheat this year than last, tight wheat supplies are likely to support prices well into 1990, the analysts say. +22330004 And if rain doesn't fall soon across many of the Great Plains' wheat-growing areas, yields in the crop now being planted could be reduced, further squeezing supplies. +22330005 Also supporting prices are expectations that the Soviet Union will place substantial buying orders over the next few months. +22330006 By next May 31, stocks of U.S. wheat to be carried over into the next season -- before the winter wheat now being planted is harvested -- are projected to drop to 443 million bushels. +22330007 That would be the lowest level since the early 1970s. +22330008 Stocks were 698 million bushels on May 31 of this year. +22330009 In response to dwindling domestic supplies, Agriculture Secretary Clayton Yeutter last month said the U.S. government would slightly increase the number of acres farmers can plant in wheat for next year and still qualify for federal support payments. +22330010 The government estimates that the new plan will boost production next year by about 66 million bushels. +22330011 It now estimates production for next year at just under 2.6 billion bushels, compared with this year's estimated 2.04 billion and a drought-stunted 1.81 billion in 1988. +22330012 But the full effect on prices of the winter wheat now being planted won't be felt until the second half of next year. +22330013 Until then, limited stocks are likely to keep prices near the $4-a-bushel level, analysts say. +22330014 On the Chicago Board of Trade Friday, wheat for December delivery settled at $4.0675 a bushel, unchanged. +22330015 In theory at least, tight supplies next spring could leave the wheat futures market susceptible to a supply-demand squeeze, said Daniel Basse, a futures analyst with AgResource Co. in Chicago. +22330016 Such a situation can wreak havoc, as was shown by the emergency that developed in soybean futures trading this summer on the Chicago Board of Trade. +22330017 In July, the CBOT ordered Ferruzzi Finanziaria S.p.A. to liquidate futures positions equal to about 23 million bushels of soybeans. +22330018 The exchange said it feared that some members wouldn't be able to find enough soybeans to deliver and would have to default on their contractual obligation to the Italian conglomerate, which had refused requests to reduce its holdings. +22330019 Ferruzzi has denied it was trying to manipulate the soybean futures market. +22330020 Unseasonably hot, dry weather across large portions of the Great Plains and in wheat-growing areas in Washington and Oregon is threatening to reduce the yield from this season's winter wheat crop, said Conrad Leslie, a futures analyst and head of Leslie Analytical in Chicago. +22330021 For example, in the Oklahoma panhandle, 40% or more of the topsoil is short of moisture. +22330022 That figure climbs to about 47% in wheat-growing portions of Kansas, he said. +22330023 The Soviet Union hasn't given any clear indication of its wheat purchase plans, but many analysts expect Moscow to place sizable orders for U.S. wheat in the next few months, further supporting prices. +22330024 "Wheat prices will increasingly pivot off of Soviet demand" in coming weeks, predicted Richard Feltes, vice president, research, for Refco Inc. in Chicago. +22330025 Looking ahead to other commodity markets this week: +22330026 Orange Juice Traders will be watching to see how long and how far the price decline that began Friday will go. +22330027 Late Thursday, after the close of trading, the market received what would normally have been a bullish U.S. Department of Agriculture estimate of the 1989-90 Florida orange crop. +22330028 It was near the low range of estimates, at 130 million 90-pound boxes, compared with 146.6 million boxes last season. +22330029 However, as expected, Brazil waited for the crop estimate to come out and then cut the export price of its juice concentrate to about $1.34 a pound from around $1.55. +22330030 Friday's consequent selling of futures contracts erased whatever supportive effect the U.S. report might have had and sent the November orange juice contract down as much as 6.55 cents a pound at one time. +22330031 It settled with a loss of 4.95 cents at $1.3210 a pound. +22330032 Brazilian juice, after a delay caused by drought at the start of its crop season, is beginning to arrive in the U.S. in large quantities. +22330033 Brazil wants to stimulate demand for its product, which is going to be in plentiful supply. +22330034 The price cut, one analyst said, appeared to be aimed even more at Europe, where consumption of Brazilian juice has fallen. +22330035 It's a dollar-priced product, and the strong dollar has made it more expensive in Europe, the analyst said. +22330036 New York futures prices have dropped significantly from more than $2 a pound at midyear. +22330037 Barring a cold snap or other crop problems in the growing areas, downward pressure on prices is likely to continue into January, when harvesting and processing of oranges in Florida reach their peak, the analyst said. +22330038 Energy +22330039 Although some analysts look for profit-taking in the wake of Friday's leap in crude oil prices, last week's rally is generally expected to continue this week. +22330040 "I would continue to look for a stable crude market, at least in futures" trading, said William Hinton, an energy futures broker with Stotler & Co. +22330041 Friday capped a week of steadily rising crude oil prices in both futures and spot markets. +22330042 On the New York Mercantile Exchange, West Texas Intermediate crude for November delivery finished at $20.89 a barrel, up 42 cents on the day. +22330043 On European markets, meanwhile, spot prices of North Sea crudes were up 35 to 75 cents a barrel. +22330044 "This market still wants to go higher," said Nauman Barakat, a first vice president at Shearson Lehman Hutton Inc. +22330045 He predicted that the November contract will reach $21.50 a barrel or more on the New York Mercantile Exchange. +22330046 There has been little news to account for such buoyancy in the oil markets. +22330047 Analysts generally cite a lack of bearish developments as well as rumors of a possible tightening of supplies of some fuels and crudes. +22330048 There also are recurring reports that the Soviet Union is having difficulties with its oil exports and that Nigeria has about reached its production limit and can't produce as much as it could sell. +22330049 Many traders foresee a tightening of near-term supplies, particularly of high-quality crudes such as those produced in the North Sea and in Nigeria. +22331001 If a hostile predator emerges for Saatchi & Saatchi Co., co-founders Charles and Maurice Saatchi will lead a management buy-out attempt, an official close to the company said. +22331002 Financing for any takeover attempt may be problematic in the wake of Friday's stock-market sell-off in New York and turmoil in the junk-bond market. +22331003 But the beleaguered British advertising and consulting giant, which last week named a new chief executive officer to replace Maurice Saatchi, has been the subject of intense takeover speculation for weeks. +22331004 Last week, Saatchi's largest shareholder, Southeastern Asset Management, said it had been approached by one or more third parties interested in a possible restructuring. +22331005 And Carl Spielvogel, chief executive officer of Saatchi's big Backer Spielvogel Bates advertising unit, said he had offered to lead a management buy-out of the company, but was rebuffed by Charles Saatchi. +22331006 Mr. Spielvogel said he wouldn't launch a hostile bid. +22331007 The executive close to Saatchi & Saatchi said that "if a bidder came up with a ludicrously high offer, a crazy offer which Saatchi knew it couldn't beat, it would have no choice but to recommend it to shareholders. +22331008 But {otherwise} it would undoubtedly come back" with an offer by management. +22331009 The executive said any buy-out would be led by the current board, whose chairman is Maurice Saatchi and whose strategic guiding force is believed to be Charles Saatchi. +22331010 Mr. Spielvogel isn't part of the board, nor are any of the other heads of Saatchi's big U.S.-based ad agencies. +22331011 The executive didn't name any price, but securities analysts have said Saatchi would fetch upward of $1.3 billion. +22331012 The executive denied speculation that Saatchi was bringing in the new chief executive officer only to clean up the company financially so that the brothers could lead a buy-back. +22331013 That speculation abounded Friday as industry executives analyzed the appointment of the new chief executive, Robert Louis-Dreyfus, who joins Saatchi and becomes a member of its board on Jan. 1. +22331014 Mr. Louis-Dreyfus, formerly chief executive of the pharmaceutical research firm IMS International Inc., has a reputation as a savvy financial manager, and will be charged largely with repairing Saatchi's poor financial state. +22331015 Asked about the speculation that Mr. Louis-Dreyfus has been hired to pave the way for a buy-out by the brothers, the executive replied, "That isn't the reason Dreyfus has been brought in. +22331016 He was brought in to turn around the company." +22331017 Separately, several Saatchi agency clients said they believe the company's management shakeup will have little affect on them. +22331018 "It hasn't had any impact on us, nor do we expect it to," said a spokeswoman for Miller Brewing Co., a major client of Backer Spielvogel. +22331019 John Lampe, director of advertising at PaineWebber Inc., a Saatchi & Saatchi Advertising client, said: "We have no problem with the announcement, because we don't know what change it's going to bring about. +22331020 We aren't going to change agencies because of a change in London." +22331021 Executives at Backer Spielvogel client Avis Inc., as well as at Saatchi client Philips Lighting Co., also said they saw no effect. +22331022 Executives at Prudential-Bache Securities Inc., a Backer Spielvogel client that is reviewing its account, declined comment. +22331023 Mr. Spielvogel had said that Prudential-Bache was prepared to finance either a management buy-out and restructuring, or a buy-out of Backer Spielvogel alone, led by him. +22331024 Ad Notes. . . . +22331025 NEW ACCOUNT: +22331026 California's Glendale Federal Bank awarded its $12 million to $15 million account to the Los Angeles office of Omnicom Group's BBDO agency. +22331027 The account was previously handled by Davis, Ball & Colombatto Advertising Inc., a Los Angeles agency. +22331028 ACCOUNT REVIEW: +22331029 Royal Crown Cola Co. has ended its relationship with the Boston office of Hill, Holliday, Connors, Cosmopulos. +22331030 The account had billed about $6 million in 1988, according to Leading National Advertisers. +22331031 NOT-GUILTY PLEA: +22331032 As expected, Young & Rubicam Inc. along with two senior executives and a former employee, pleaded not guilty in federal court in New Haven, Conn., to conspiracy and racketeering charges. +22331033 The government has charged that they bribed Jamaican officials to win the Jamaica Tourist Board ad account in 1981. +22331034 A spokesman for the U.S. Attorney's office said extradition proceedings are "just beginning" for the other two defendants in the case, Eric Anthony Abrahams, former Jamaican tourism minister, and Jamaican businessman Arnold Foote Jr. +22331035 KOREAN AGENCY: +22331036 The Samsung Group and Bozell Inc. agreed to establish a joint venture advertising agency in South Korea. +22331037 Bozell Cheil Corp., as the new agency will be called, will be based in Seoul and is 70% owned by Samsung and 30% owned by Bozell. +22331038 Samsung already owns Korea First Advertising Co., that country's largest agency. +22331039 Bozell joins Backer Spielvogel Bates and Ogilvy Group as U.S. agencies with interests in Korean agencies. +22332001 Citing a payment from a supplier and strong sales of certain data-storage products, Maxtor Corp. said earnings and revenue jumped in its second quarter ended Sept. 24. +22332002 The maker of computer-data-storage products said net income rose to $4.8 million, or 23 cents a share, from year-earlier net of $1.1 million, or five cents a share. +22332003 Revenue soared to $117 million from $81.5 million. +22332004 Maxtor said its results were boosted by $2 million in payments received from a supplier, for a certain line of products that Maxtor isn't going to sell anymore. +22332005 Maxtor said effects from discontinuing the line may have a positive effect on future earnings and revenue. +22332006 A spokeswoman wouldn't elaborate, but the company said the discontinued product has never been a major source of revenue or profit. +22332007 Operationally, Maxtor benefited from robust sales of products that store data for high-end personal computers and computer workstations. +22332008 In the fiscal first half, net was $7 million, or 34 cents a share, up from the year-earlier $3.1 million, or 15 cents a share. +22332009 Revenue rose to $225.5 million from $161.8 million. +22333001 Robert G. Walden, 62 years old, was elected a director of this provider of advanced technology systems and services, increasing the board to eight members. +22333002 He retired as senior vice president, finance and administration, and chief financial officer of the company Oct. 1. +22334001 Southmark Corp. said that it filed part of its 10-K report with the Securities and Exchange Commission, but that the filing doesn't include its audited financial statements and related information. +22334002 The real estate and thrift concern, operating under bankruptcy-law proceedings, said it told the SEC it couldn't provide financial statements by the end of its first extension "without unreasonable burden or expense." +22334003 The company asked for a 15-day extension Sept. 30, when the financial reports were due. +22334004 Southmark said it plans to amend its 10K to provide financial results as soon as its audit is completed. +22335001 Alan Seelenfreund, 52 years old, was named chairman of this processor of prescription claims, succeeding Thomas W. Field Jr., 55, who resigned last month. +22335002 Mr. Field also had been chairman of McKesson Corp., resigning that post after a dispute with the board over corporate strategy. +22335003 Mr. Seelenfreund is executive vice president and chief financial officer of McKesson and will continue in those roles. +22335004 PCS also named Rex R. Malson, 57, executive vice president at McKesson, as a director, filling the seat vacated by Mr. Field. +22335005 Messrs. Malson and Seelenfreund are directors of McKesson, which has an 86% stake in PCS. +22336001 MedChem Products Inc. said a U.S. District Court in Boston ruled that a challenge by MedChem to the validity of a U.S. patent held by Pharmacia Inc. was "without merit." +22336002 Pharmacia, based in Upsala, Sweden, had charged in a lawsuit against MedChem that MedChem's AMVISC product line infringes on the Pharmacia patent. +22336003 The patent is related to hyaluronic acid, a rooster-comb extract used in eye surgery. +22336004 In its lawsuit, Pharmacia is seeking unspecified damages and a preliminary injunction to block MedChem from selling the AMVISC products. +22336005 A MedChem spokesman said the products contribute about a third of MedChem's sales and 10% to 20% of its earnings. +22336006 In the year ended Aug. 31, 1988, MedChem earned $2.9 million, or 72 cents a share, on sales of $17.4 million. +22336007 MedChem said the court's ruling was issued as part of a "first-phase trial" in the patent-infringement proceedings and concerns only one of its defenses in the case. +22336008 It said it is considering "all of its options in light of the decision, including a possible appeal." +22336009 The medical-products company added that it plans to "assert its other defenses" against Pharmacia's lawsuit, including the claim that it hasn't infringed on Pharmacia's patent. +22336010 MedChem said that the court scheduled a conference for next Monday -- to set a date for proceedings on Pharmacia's motion for a preliminary injunction. +22337001 Newspaper publishers are reporting mixed third-quarter results, aided by favorable newsprint prices and hampered by flat or declining advertising linage, especially in the Northeast. +22337002 Adding to unsteadiness in the industry, seasonal retail ad spending patterns in newspapers have been upset by shifts in ownership and general hardships within the retail industry. +22337003 In New York, the Bonwit Teller and B. Altman & Co. department stores have filed for protection from creditors under Chapter 11 of the federal Bankruptcy Code, while the R.H. Macy & Co., Bloomingdale's and Saks Fifth Avenue department-store chains are for sale. +22337004 Many papers throughout the country are also faced with a slowdown in classified-ad spending, a booming category for newspapers in recent years. +22337005 Until recently, industry analysts believed decreases in retail ad spending had bottomed out and would in fact increase in this year's third and fourth quarters. +22337006 All bets are off, analysts say, because of the shifting ownership of the retail chains. +22337007 "Improved paper prices will help offset weakness in linage, but the retailers' problems have affected the amount of ad linage they usually run," said Edward J. Atorino, industry analyst for Salomon Brothers Inc. +22337008 "Retailers are just in disarray." +22337009 For instance, Gannett Co. posted an 11% gain in net income, as total ad pages dropped at USA Today, but advertising revenue rose because of a higher circulation rate base and increased rates. +22337010 Gannett's 83 daily and 35 non-daily newspapers reported a 3% increase in advertising and circulation revenue. +22337011 Total advertising linage was "modestly" lower as classified-ad volume increased, while there was "softer demand" for retail and national ad linage, said John Curley, Gannett's chief executive officer. +22337012 At USA Today, ad pages totaled 785 for the quarter, down 9.2% from the 1988 period, which was helped by increased ad spending from the Summer Olympics. +22337013 While USA Today's total paid ad pages for the year to date totaled 2,735, a decrease of 4% from last year, the paper's ad revenue increased 8% in the quarter and 13% in the nine months. +22337014 In the nine months, Gannett's net rose 9.5% to $270 million, or $1.68 a share, from $247 million, or $1.52 a share. +22337015 Revenue gained 6% to $2.55 billion from $2.4 billion. +22337016 At Dow Jones & Co., third-quarter net income fell 9.9% from the year-earlier period. +22337017 Net fell to $28.8 million, or 29 cents a share, from $32 million, or 33 cents a share. +22337018 The year-earlier period included a one-time gain of $3.5 million, or four cents a share. +22337019 Revenue gained 5.3% to $404.1 million from $383.8 million. +22337020 The drop in profit reflected, in part, continued softness in financial advertising at The Wall Street Journal and Barron's magazine. +22337021 Ad linage at the Journal fell 6.1% in the third quarter. +22337022 Affiliated Publications Inc. reversed a year-earlier third quarter net loss. +22337023 The publisher of the Boston Globe reported net of $8.5 million, or 12 cents a share, compared with a loss of $26.5 million, or 38 cents a share, for the third quarter in 1988. +22337024 William O. Taylor, the parent's chairman and chief executive officer, said earnings continued to be hurt by softness in ad volume at the Boston newspaper. +22337025 Third-quarter profit estimates for several companies are being strongly affected by the price of newsprint, which in the last two years has had several price increases. +22337026 After a supply crunch caused prices to rise 14% since 1986 to $650 a metric ton, analysts are encouraged, because they don't expect a price increase for the rest of this year. +22337027 Companies with daily newspapers in the Northeast will need the stable newsprint prices to ease damage from weak ad linage. +22337028 Mr. Atorino at Salomon Brothers said he estimates that Times Mirror Co.'s earnings were down for the third quarter, because of soft advertising levels at its Long Island Newsday and Hartford Courant newspapers. +22337029 Trouble on the East Coast was likely offset by improved ad linage at the Los Angeles Times, which this week also unveiled a redesign. +22337030 New York Times Co. is expected to report lower earnings for the third quarter because of continued weak advertising levels at its flagship New York Times and deep discounting of newsprint at its affiliate, Forest Products Group. +22337031 "Times Co.'s regional daily newspapers are holding up well, but there is little sign that things will improve in the New York market," said Alan Kassan, an analyst with Shearson Lehman Hutton. +22337032 Washington Post Co. is expected to report improved earnings, largely because of increased cable revenue and publishing revenue helped by an improved retail market in the Washington area. +22337033 According to analysts, profits were also helped by successful cost-cutting measures at Newsweek. +22337034 The news-weekly has faced heightened competition from rival Time magazine and a relatively flat magazine advertising market. +22337035 Knight-Ridder Inc. is faced with continued uncertainty over the pending joint operating agreement between its Detroit Free Press and Gannett's Detroit News, and has told analysts that earnings were down in the third quarter. +22337036 However, analysts point to positive advertising spending at several of its major daily newspapers, such as the Miami Herald and San Jose Mercury News. +22337037 "The Miami market is coming back strong after a tough couple of years" when Knight-Ridder "was starting up a Hispanic edition and circulation was falling," said Bruce Thorp, an analyst for Provident National Bank. +22338001 General Motors Corp., in a series of moves that angered union officials in the U.S. and Canada, has signaled that as many as five North American assembly plants may not survive the mid-1990s as the corporation struggles to cut its excess vehicle-making capacity. +22338002 In announcements to workers late last week, GM effectively signed death notices for two full-sized van assembly plants, and cast serious doubt on the futures of three U.S. car factories. +22338003 GM is under intense pressure to close factories that became unprofitable as the giant auto maker's U.S. market share skidded during the past decade. +22338004 The company, currently using about 80% of its North American vehicle capacity, has vowed it will run at 100% of capacity by 1992. +22338005 Just a month ago, GM announced it would make an aging assembly plant in Lakewood, Ga., the eighth U.S. assembly facility to close since 1987. +22338006 Now, GM appears to be stepping up the pace of its factory consolidation to get in shape for the 1990s. +22338007 One reason is mounting competition from new Japanese car plants in the U.S. that are pouring out more than one million vehicles a year at costs lower than GM can match. +22338008 Another is that United Auto Workers union officials have signaled they want tighter no-layoff provisions in the new Big Three national contract that will be negotiated next year. +22338009 GM officials want to get their strategy to reduce capacity and the work force in place before those talks begin. +22338010 The problem, however, is that GM's moves are coming at a time when UAW leaders are trying to silence dissidents who charge the union is too passive in the face of GM layoffs. +22338011 Against that backdrop, UAW Vice President Stephen P. Yokich, who recently became head of the union's GM department, issued a statement Friday blasting GM's "flagrant insensitivity" toward union members. +22338012 The auto maker's decision to let word of the latest shutdowns and product reassignments trickle out in separate communiques to the affected plants showed "disarray" and an "inability or unwillingness to provide consistent information," Mr. Yokich said. +22338013 GM officials told workers late last week of the following moves: Production of full-sized vans will be consolidated into a single plant in Flint, Mich. +22338014 That means two plants -- one in Scarborough, Ontario, and the other in Lordstown, Ohio -- probably will be shut down after the end of 1991. +22338015 The shutdowns will idle about 3,000 Canadian assembly workers and about 2,500 workers in Ohio. +22338016 Robert White, Canadian Auto Workers union president, used the impending Scarborough shutdown to criticize the U.S.-Canada free trade agreement and its champion, Prime Minister Brian Mulroney. +22338017 But Canadian auto workers may benefit from a separate GM move that affects three U.S. car plants and one in Quebec. +22338018 Workers at plants in Van Nuys, Calif., Oklahoma City and Pontiac, Mich., were told their facilities are no longer being considered to build the next generation of the Pontiac Firebird and Chevrolet Camaro muscle cars. +22338019 GM is studying whether it can build the new Camaro-Firebird profitably at a plant in St. Therese, Quebec, company and union officials said. +22338020 That announcement left union officials in Van Nuys and Oklahoma City uncertain about their futures. +22338021 The Van Nuys plant, which employs about 3,000 workers, doesn't have a product to build after 1993. +22338022 Jerry Shrieves, UAW local president, said the facility was asked to draw up plans to continue working as a "flex plant," which could build several different types of products on short notice to satisfy demand. +22338023 At the Oklahoma City plant, which employs about 6,000 workers building the eight-year-old A-body mid-sized cars, Steve Featherston, UAW local vice president, said the plant has no new product lined up, and "none of us knows" when the A-body cars will die. +22338024 He said he believes GM has plans to keep building A-body cars into the mid-1990s. +22338025 At Pontiac, however, the Camaro-Firebird decision appears to erase UAW hopes that GM would reopen the shuttered assembly plant that last built the plastic-bodied, two-seater Pontiac Fiero model. +22338026 The Fiero plant was viewed as a model of union-management cooperation at GM before slow sales of the Fiero forced the company to close the factory last year. +22338027 Union officials have taken a beating politically as a result. +22338028 Dissident UAW members have used the Fiero plant as a symbol of labor-management cooperation's failure. +22339001 Institut Merieux S.A. of France said the Canadian government raised an obstacle to its proposed acquisition of Connaught BioSciences Inc. for 942 million Canadian dollars (US$801.6 million). +22339002 Merieux said the government's minister of industry, science and technology told it that he wasn't convinced that the purchase is likely to be of "net benefit" to Canada. +22339003 Canadian investment rules require that big foreign takeovers meet that standard. +22339004 The French company said the government gave it 30 days in which to submit information to further support its takeover plan. +22339005 Both Merieux and Connaught are biotechnology research and vaccine manufacturing concerns. +22339006 The government's action was unusual. +22339007 Alan Nymark, executive vice president of Investment Canada, which oversees foreign takeovers, said it marked the first time in its four-year history that the agency has made an adverse net-benefit decision about the acquisition of a publicly traded company. +22339008 He said it has reached the same conclusions about some attempts to buy closely held concerns, but eventually allowed those acquisitions to proceed. +22339009 "This isn't a change in government policy; this provision has been used before," said Jodi Redmond, press secretary for Harvie Andre, Canada's minister of industry, science and technology. +22339010 Mr. Andre issued the ruling based on a recommendation by Investment Canada. +22339011 Spokesmen for Merieux and Connaught said they hadn't been informed of specific areas of concern by either the government or Investment Canada, but added they hope to have more information early this week. +22339012 Investment Canada declined to comment on the reasons for the government decision. +22339013 Viren Mehta, a partner with Mehta & Isaly, a New York-based pharmaceutical industry research firm, said the government's ruling wasn't unexpected. +22339014 "This has become a very politicized deal, concerning Canada's only large, world-class bio-research or pharmaceutical company," Mr. Mehta said. +22339015 Mr. Mehta said the move that could allow the transaction to go ahead as planned could be an out-of-court settlement of Connaught's dispute with the University of Toronto. +22339016 The University is seeking to block the acquisition of Connaught by foreign interests, citing concerns about the amount of research that would be done in Canada. +22339017 The university is considering a settlement proposal made by Connaught. +22339018 While neither side will disclose its contents, Mr. Mehta expects it to contain more specific guarantees on research and development spending levels in Canada than Merieux offered to Investment Canada. +22339019 Some analysts, such as Murray Grossner of Toronto-based Richardson Greenshields Inc., believe the government ruling leaves the door open for other bidders, such as Switzerland's Ciba-Geigy and Chiron Corp. of Emeryville, Calif. +22339020 Officials for the two concerns, which are bidding C$30 a share for Connaught, couldn't be reached for comment. +22339021 French state-owned Rhone-Poulenc S.A. holds 51% of Merieux. +22340001 Weatherford International Inc. said it canceled plans for a preferred-stock swap but may resume payment of dividends on the stock, and added that it expects to publicly offer about 10 million common shares. +22340002 The company said it planned to offer an undetermined number of common shares in exchange for the 585,000 shares of its preferred stock outstanding. +22340003 The exchange ratio was never established. +22340004 Weatherford said market conditions led to the cancellation of the planned exchange. +22340005 The energy-services concern said, however, that in January 1990, it may resume payments of dividends on the preferred stock. +22340006 Weatherford suspended its preferred-dividend payment in October 1985 and said it hasn't any plans to catch up on dividends in arrears about $6 million, but will do so some time in the future. +22340007 Additionally, the company said it filed with the Securities and Exchange Commission for the proposed offering of 10 million shares of common stock, expected to be offered in November. +22340008 The company said Salomon Brothers Inc. and Howard, Weil, Labouisse, Friedrichs Inc., underwriters for the offering, were granted an option to buy as much as an additional 1.5 million shares to cover over-allotments. +22340009 Proceeds will be used to eliminate and restructure bank debt. +22340010 Weatherford currently has approximately 11.1 million common shares outstanding. +22341001 Earnings for most of the nation's major pharmaceutical makers are believed to have moved ahead briskly in the third quarter, as companies with newer, big-selling prescription drugs fared especially well. +22341002 For the third consecutive quarter, however, most of the companies' revenues were battered by adverse foreign-currency translations as a result of the strong dollar abroad. +22341003 Analysts said that Merck & Co., Eli Lilly & Co., Warner-Lambert Co. and the Squibb Corp. unit of Bristol-Myers Squibb Co. all benefited from strong sales of relatively new, higher-priced medicines that provide wide profit margins. +22341004 Less robust earnings at Pfizer Inc. and Upjohn Co. were attributed to those companies' older products, many of which face stiffening competition from generic drugs and other medicines. +22341005 Joseph Riccardo, an analyst with Bear, Stearns & Co., said that over the past few years most drug makers have shed their slow-growing businesses and instituted other cost savings, such as consolidating manufacturing plants and administrative staffs. +22341006 As a result, "major new products are having significant impact, even on a company with very large revenues," Mr. Riccardo said. +22341007 Analysts said profit for the dozen or so big drug makers, as a group, is estimated to have climbed between 11% and 14%. +22341008 While that's not spectacular, Neil Sweig, an analyst with Prudential Bache, said that the rate of growth will "look especially good as compared to other companies if the economy turns downward." +22341009 Mr. Sweig estimated that Merck's profit for the quarter rose by about 22%, propelled by sales of its line-up of fast-growing prescription drugs, including its anti-cholesterol drug, Mevacor; a high blood pressure medicine, Vasotec; Primaxin, an antibiotic, and Pepcid, an anti-ulcer medication. +22341010 Profit climbed even though Merck's sales were reduced by "one to three percentage points" as a result of the strong dollar, Mr. Sweig said. +22341011 In the third quarter of 1988, Merck earned $311.8 million, or 79 cents a share. +22341012 In Rahway, N.J., a Merck spokesman said the company doesn't make earnings projections. +22341013 Mr. Sweig said he estimated that Lilly's earnings for the quarter jumped about 20%, largely because of the performance of its new anti-depressant Prozac. +22341014 The drug, introduced last year, is expected to generate sales of about $300 million this year. +22341015 "It's turning out to be a real blockbuster," Mr. Sweig said. +22341016 In last year's third quarter, Lilly earned $171.4 million, or $1.20 a share. +22341017 In Indianapolis, Lilly declined comment. +22341018 Several analysts said they expected Warner-Lambert's profit also to increase by more than 20% from $87.7 million, or $1.25 a share, it reported in the like period last year. +22341019 The company is praised by analysts for sharply lowering its costs in recent years and shedding numerous companies with low profit margins. +22341020 The company's lean operation, analysts said, allowed sharp-rising sales from its cholesterol drug, Lopid, to power earnings growth. +22341021 Lopid sales are expected to be about $300 million this year, up from $190 million in 1988. +22341022 In Morris Plains, N.J., a spokesman for the company said the analysts' projections are "in the ballpark." +22341023 Squibb's profit, estimated by analysts to be about 18% above the $123 million, or $1.25 a share, it earned in the third quarter of 1988, was the result of especially strong sales of its Capoten drug for treating high blood pressure and other heart disease. +22341024 The company was officially merged with Bristol-Myers Co. earlier this month. +22341025 Bristol-Myers declined to comment. +22341026 Mr. Riccardo of Bear Stearns said that Schering-Plough Corp.'s expected profit rise of about 18% to 20%, and Bristol-Meyers's expected profit increase of about 13% are largely because "those companies are really managed well." +22341027 ScheringPlough earned $94.4 million, or 84 cents a share, while Bristol-Myers earned $232.3 million, or 81 cents a share, in the like period a year earlier. +22341028 In Madison, N.J., a spokesman for Schering-Plough said the company has "no problems" with the average estimate by a analysts that third-quarter earnings per share rose by about 19%, to $1. +22341029 The company expects to achieve the 20% increase in full-year earnings per share, as it projected in the spring, the spokesman said. +22341030 Meanwhile, analysts said Pfizer's recent string of lackluster quarterly performances continued, as earnings in the quarter were expected to decline by about 5%. +22341031 Sales of Pfizer's important drugs, Feldene for treating arthritis, and Procardia, a heart medicine, have shrunk because of increased competition. +22341032 "The (strong) dollar hurt Pfizer a lot, too," Mr. Sweig said. +22341033 In the third quarter last year, Pfizer earned $216.8 million, or $1.29 a share. +22341034 In New York, the company declined comment. +22341035 Analysts said they expected Upjohn's profit to be flat or rise by only about 2% to 4% as compared with $89.6 million, or 49 cents a share, it earned a year ago. +22341036 Upjohn's biggest-selling drugs are Xanax, a tranquilizer, and Halcion, a sedative. +22341037 Sales of both drugs have been hurt by new state laws restricting the prescriptions of certain tranquilizing medicines and adverse publicity about the excessive use of the drugs. +22341038 Also, the company's hair-growing drug, Rogaine, is selling well -- at about $125 million for the year, but the company's profit from the drug has been reduced by Upjohn's expensive print and television campaigns for advertising, analysts said. +22341039 In Kalamazoo, Mich., Upjohn declined comment. +22342001 Amid a crowd of crashing stocks, Relational Technology Inc.'s stock fell particularly hard Friday, dropping 23% because its problems were compounded by disclosure of an unexpected loss for its fiscal first quarter. +22342002 The database software company said it expects a $2 million net loss for the fiscal first quarter ended Sept. 30. +22342003 It said analysts had been expecting a small profit for the period. +22342004 Revenue is expected to be "up modestly" from the $26.5 million reported a year ago. +22342005 Relational Technology reported net income of $1.5 million, or 12 cents a share, in the year-earlier period. +22342006 "While our international operations showed strong growth, our domestic business was substantially below expectations," said Paul Newton, president and chief executive officer. +22342007 A spokesman said the company's first quarter is historically soft, and computer companies in general are experiencing slower sales. +22342008 Mr. Newton said he accepted the resignation of Thomas Wilson, vice president of corporate sales, and that his marketing responsibilities have been reassigned. +22342009 The company said Mr. Wilson's resignation wasn't related to the sales shortfall. +22342010 Relational Technology went public in May 1988 at $14 a share. +22342011 It fell $1.875 a share Friday, to $6.25, a new low, in over-the-counter trading. +22342012 Its high for the past year was $16.375 a share. +22342013 In the previous quarter, the company earned $4.5 million, or 37 cents a share, on sales of $47.2 million. +22343001 The Bronx has a wonderful botanical garden, a great zoo, its own charming Little Italy (on Arthur Avenue) and, of course, the Yankees. +22343002 However, most people, having been subjected to news footage of the devastated South Bronx, look at the borough the way Tom Wolfe's Sherman McCoy did in "Bonfire of the Vanities" -- as a wrong turn into hell. +22343003 But Laura Cunningham's Bronx, her childhood Bronx of the '50s, is something else altogether. +22343004 In a lovely, novelistic memoir, "Sleeping Arrangements" (Knopf, 195 pages, $18.95), she remembers an exotic playground, peopled mainly by Jewish eccentrics and the occasional Catholic (real oddballs like her sexpot friend, the hell-kitten Diana, age five). +22343005 Ms. Cunningham, a novelist and playwright, has a vivid and dramatically outsized sense of recall. +22343006 She transforms her "Bronx of the emotions, a place where the flats of mediocrity are only relieved by steep descents into hysteria" into the "Babylonian Bronx," a world simmering with sex and death and intrigue. +22343007 In the Babylonian Bronx, Jewish working-class people lived in drab, Soviet-style buildings "glamorized" with names like AnaMor Towers (after owners Anna and Morris Snezak), whose lobbies and hallways were decorated with murals of ancient Syrians and Greeks, friezes of Pompeii. +22343008 For Ms. Cunningham the architectural discombobulation matched the discrepancy she felt living in the AnaMor Towers as a little girl: ". . . outwardly ordinary, inwardly ornate, owing all inspiration to heathen cultures." +22343009 Sharp-witted and funny but never mean, she's a memorialist a bit like Truman Capote, if he'd been Jewish and female and less bitchy. +22343010 Little Lily, as Ms. Cunningham calls herself in the book, really wasn't ordinary. +22343011 She was raised, for the first eight years, by her mother, Rosie, whom she remembers as a loving liar, who realigned history to explain why Lily's father didn't live with them. +22343012 Rosie reinvented this man, who may or may not have known about his child, as a war hero for Lily's benefit. +22343013 Rosie died young and Lily has remembered her as a romantic figure, who didn't interfere much with her child's education on the streets. +22343014 The games Bronx children played (holding kids down and stripping them, for example) seem tame by today's crack standards, but Ms. Cunningham makes it all sound like a great adventure. +22343015 "Without official knowledge of sex or death, we flirted with both," she writes. +22343016 She analyzed families by their sleeping arrangements. +22343017 Her friend Susan, whose parents kept reminding her she was unwanted, slept on a narrow bed wedged into her parents' bedroom, as though she were a temporary visitor. +22343018 Her friend Diana's father was a professional thief; they didn't seem to have any bedrooms at all. +22343019 Maybe Lily became so obsessed with where people slept and how because her own arrangements kept shifting. +22343020 When Rosie died, her uncles moved in -- and let her make the sleeping and other household arrangements. +22343021 They painted the apartment orange, pink and white, according to her instructions. +22343022 With loving detail she recalls her Uncle Gabe, an Orthodox Jew and song lyricist (who rhymed river with liver in a love song); and Uncle Len, a mysterious part-time investigator who looked like Lincoln and carried a change of clothing in a Manila envelope, like an "undercover President on a good-will mission." +22343023 They came by their strangeness honestly. +22343024 Lily's grandmother, no cookie baker, excised the heads of disliked relatives from the family album, and lugged around her perennial work-in-progress, "Philosophy for Women." +22343025 The book loses some momentum toward the end, when Lily becomes more preoccupied with dating boys and less with her delightfully weird family. +22343026 For the most part, though, there's much pleasure in her saucy, poignant probe into the mysteries of the Babylonian Bronx. +22343027 The Bronx also figures in Bruce Jay Friedman's latest novel, which flashes back to the New York of the '50s. +22343028 But both the past and present worlds of "The Current Climate" (Atlantic Monthly Press, 200 pages, $18.95) feel cramped and static. +22343029 For his sixth novel, Mr. Friedman tried to resuscitate the protagonist of his 1972 work, "About Harry Towns." +22343030 Harry is now a 57-year-old writer, whose continuing flirtation with drugs and marginal types in Hollywood and New York seems quaintly out-of-synch. +22343031 Harry fondly remembers the "old" days of the early '70s, when people like his friend Travis would take a psychiatrist on a date to analyze what Travis was doing wrong. +22343032 "An L.A. solution," explains Mr. Friedman. +22343033 Line by line Mr. Friedman's weary cynicism can be amusing, especially when he's riffing on the Hollywood social scheme -- the way people size each other up, immediately canceling the desperate ones who merely almost made it. +22343034 Harry has avoided all that by living in a Long Island suburb with his wife, who's so addicted to soap operas and mystery novels she barely seems to notice when her husband disappears for drug-seeking forays into Manhattan. +22343035 But it doesn't take too many lines to figure Harry out. +22343036 He's a bore. +22344001 Gulf Resources & Chemical Corp. said it agreed to pay $1.5 million as part of an accord with the Environmental Protection Agency regarding an environmental cleanup of a defunct smelter the company formerly operated in Idaho. +22344002 In 1984 the EPA notified Gulf Resources, which was a part-owner of the smelter, that it was potentially liable for sharing cleanup costs at the site under the federal Superfund program. +22344003 The 21-square-mile area is contaminated with lead, zinc and other metals. +22344004 Gulf Resources earlier this year proposed a reorganization plan that would make it a unit of a Bermuda concern, potentially exempting it from liability for the smelter's cleanup costs. +22344005 The company said that as part of its agreement with the EPA, it "made certain voluntary undertakings with respect to intercorporate transactions entered into after the reorganization." +22344006 The company, which issued a statement on the agreement late Friday, said that $1 million of the payment was previously provided for in its financial statements and that $500,000 will be recognized in its 1989 third-quarter statement. +22344007 The agreement and consent decree are subject to court approval, the company said. +22344008 Gulf Resources added that it "will seek to recover equitable contribution from others for both the amount of the settlement and any other liabilities it may incur under the Superfund law." +22344009 Under the agreement, Gulf must give the U.S. government 45 days' advance written notice before issuing any dividends on common stock. +22344010 The company's net worth cannot fall below $185 million after the dividends are issued. +22344011 "The terms of that agreement only become effective the date of Gulf's reorganization, which we anticipate will occur sometime in early 1990," said Lawrence R. Mehl, Gulf's general counsel. +22344012 In addition, Gulf must give the government 20 days' advance written notice of any loans exceeding $50 million that are made to the Bermuda-based holding company. +22344013 Gulf's net worth after those transaction must be at least $150 million. +22344014 Separately, the company said it expects to hold a special meeting for shareholders in early 1990 to vote on its proposed reorganization. +22345001 Many of the nation's highest-ranking executives saluted Friday's market plunge as an overdue comeuppance for speculators and takeover players. +22345002 Assuming that the market doesn't head into a bottomless free fall, some executives think Friday's action could prove a harbinger of good news -- as a sign that the leveraged buy-out and takeover frenzy of recent years may be abating. +22345003 "This is a reaction to artificial LBO valuations, rather than to any fundamentals," said John Young, chairman of Hewlett-Packard Co., whose shares dropped $3.125 to $48.125. +22345004 "If we get rid of a lot of that nonsense, it will be a big plus." +22345005 A few of the executives here for the fall meeting of the Business Council, a group that meets to discuss national issues, were only too happy to personalize their criticism. +22345006 "People wish the government would do something about leveraged buy-outs, do something about takeovers, do something about Donald Trump," said Rand Araskog, chairman of ITT Corp., whose stock dropped $3.375. +22345007 "Where's the leadership? +22345008 Where's the guy who can say: `Enough is enough'"? +22345009 The executives were remarkably unperturbed by the plunge even though it lopped billions of dollars off the value of their companies -- and millions off their personal fortunes. +22345010 "I'm not going to worry about one day's decline," said Kenneth Olsen, Digital Equipment Corp. president, who was leisurely strolling through the bright orange and yellow leaves of the mountains here after his company's shares plunged $5.75 to close at $86.50. +22345011 "I didn't bother calling anybody; I didn't even turn on TV." +22345012 "There hasn't been any fundamental change in the economy," added John Smale, whose Procter & Gamble Co. took an $8.75 slide to close at $120.75. +22345013 "The fact that this happened two years ago and there was a recovery gives people some comfort that this won't be a problem." +22345014 Of course, established corporate managements often tend to applaud the setbacks of stock speculators and takeover artists. +22345015 Indeed, one chief executive who was downright delighted by Friday's events was Robert Crandall, chairman of AMR Corp., the parent of American Airlines and the target of a takeover offer by Mr. Trump. +22345016 Asked whether Friday's action could help him avoid being Trumped by the New York real estate magnate, Mr. Crandall smiled broadly and said: "No comment." +22345017 On Friday morning, before the market's sell-off, the business leaders issued a report predicting the economy would grow at roughly an inflation-adjusted 2% annual rate, through next year, then accelerate anew in 1991. +22345018 Of the 19 economists who worked on the Business Council forecast, only two projected periods of decline in the nation's output over the next two years, and in "both instances the declines are too modest to warrant the phrase recession," said Lewis Preston, chairman of J.P. Morgan & Co. and vice chairman of the Business Council. +22346001 The real estate slump that's pushing down the price of New York office space and housing is also affecting the city's retail real estate market. +22346002 In Manhattan, once-desirable store sites sit vacant and newly constructed space has been slow to fill. +22346003 Retail real estate brokers say tenants are reluctant to sign leases because of uncertainty about the local economy, turmoil in their own industries and a belief that rents have not yet hit bottom. +22346004 "There is an unbelievable amount of space available," says Faith Consolo, senior vice president at Garrick-Aug Associates Store Leasing Inc. +22346005 There are about 2,000 stores for rent, up from a more typical range of 1,200 to 1,500. +22346006 "This further confuses retailers," she says. +22346007 "They wonder should they sign a lease if prices are still coming down? +22346008 Is this the wrong time to open a store? +22346009 Who is going to be in the space next door?" +22346010 In addition, Ms. Consolo says, tenants usually can negotiate to pay rents that are about one-quarter lower than landlords' initial asking price. +22346011 A handful of hot retail locations, such as the 57th Street and Madison and Fifth Avenue areas, have been able to sustain what many see as astronomical rents. +22346012 And, in some neighborhoods, rents have merely hit a plateau. +22346013 But on average, Manhattan retail rents have dropped 10% to 15% in the past six months alone, experts say. +22346014 That follows a more subtle decline in the prior six months, after Manhattan rents had run up rapidly since 1986. +22346015 The same factors limiting demand for office space have affected retailing. +22346016 "As businesses contract or depart, the number of employees who might use retail services shrinks," says Edward A. Friedman, senior vice president of Helmsley Spear Inc. +22346017 He says financial problems plaguing electronics, fur and furniture companies -- key categories in the local retail economy -- have further deflated the market. +22346018 Hardest hit are what he calls "secondary" sites that primarily serve neighborhood residents. +22346019 In these locations, Mr. Friedman says, "Retailers are increasingly cautious about expanding and rents have remained steady or in some cases have declined." +22346020 Weakness in the restaurant industry, which is leaving retail space vacant, exacerbates the problem for landlords. +22346021 It is also no comfort to landlords and small New York retailers when the future of larger department stores, which anchor retail neighborhoods, are in doubt. +22346022 Hooker Corp., parent of Bonwit Teller and B. Altman's, is mired in bankruptcy proceedings and Bloomingdale's is for sale by its owner, Campeau Corp. +22346023 The trend toward lower rents may seem surprising given that some communities in New York are bemoaning the loss of favorite local businesses to high rents. +22346024 But, despite the recent softening, for many of these retailers there's still been too big a jump from the rental rates of the late 1970s, when their leases were signed. +22346025 Certainly, the recent drop in prices doesn't mean Manhattan comes cheap. +22346026 New York retail rents still run well above the going rate in other U.S. cities. +22346027 Madison and Fifth Avenues and East 57th Street can command rents of up to $500 a square foot, and $250 is not uncommon. +22346028 The thriving 34th Street area offers rents of about $100 a square foot, as do up-and-coming locations along lower Fifth Avenue. +22346029 By contrast, rentals in the best retail locations in Boston, San Francisco and Chicago rarely top $100 a square foot. +22346030 And rents on Beverly Hills' Rodeo Drive generally don't exceed about $125 a square foot. +22346031 The New York Stock Exchange said two securities will begin trading this week. +22346032 Precision Castparts Corp., Portland, Ore., will begin trading with the symbol PCP. +22346033 It makes investment castings and has traded over-the-counter. +22346034 Royal Bank of Scotland Group PLC, an Edinburgh, Scotland, financial services company, will list American depositary shares, representing preferred shares, with the symbol RBSPr. +22346035 It will continue to trade on the International Stock Exchange, London. +22346036 The American Stock Exchange listed shares of two companies. +22346037 AIM Telephones Inc., a Parsippany, N.J., telecommunications equipment supply company, started trading with the symbol AIM. +22346038 It had traded over-the-counter. +22346039 Columbia Laboratories Inc., Miami, began trading with the symbol COB. +22346040 The pharmaceuticals maker had traded over-the-counter. +22346041 The National Market System of the Nasdaq over-the-counter market listed shares of one company. +22346042 Employee Benefit Plans Inc., a Minneapolis health-care services company, was listed with the symbol EBPI. +22347001 When Justice William Brennan marks the start of his 34th year on the Supreme Court today, the occasion will differ sharply from previous anniversaries of his tenure. +22347002 For the first time, the 83-year-old justice finds his influence almost exclusively in dissent, rather than as a force in the high court's majority. +22347003 This role reversal holds true, as well, for his three liberal and moderate allies, Justices Thurgood Marshall, Harry Blackmun and John Stevens. +22347004 But are these four players, three of them in their 80s, ready to assume a different role after 88 years, collectively, of service on the high court? +22347005 Every indication is that the four are prepared to accept this new role, and the frustrations that go with it, but in different ways. +22347006 Justices Brennan and Stevens appear philosophical about it; Justices Marshall and Blackmun appear fighting mad. +22347007 The four justices are no newcomers to dissent, often joining forces in the past decade to criticize the court's conservative drift. +22347008 But always, in years past, they have bucked the trend and have been able to pick up a fifth vote to eke out a number of major victories in civil rights and liberties cases. +22347009 Now, however, as the court's new five-member conservative majority continues to solidify, victories for the liberals are rare. +22347010 The change is most dramatic for Justice Brennan, the last survivor of the mid-1960s liberal majority under Chief Justice Earl Warren. +22347011 In the seven Supreme Court terms from the fall of 1962 through the spring of 1967, the height of the Warren Court's power, Justice Brennan cast only 25 dissenting votes in 555 cases decided by the court. +22347012 Last term alone he cast 52 dissenting votes in 133 decisions, with the contentious flag-burning ruling as his only big victory. +22347013 But Justice Brennan foresaw his new role, strongly defending the importance of dissents in a 1985 speech. +22347014 "Each time the court revisits an issue, the justices will be forced by a dissent to reconsider the fundamental questions and to rethink the result," he said. +22347015 Moreover, in recent months he has said that when he was on the winning side in the 1960s, he knew that the tables might turn in the future. +22347016 He has said that he now knows how Justice John Harlan felt, a reference to the late conservative justice who was the most frequent dissenter from the Warren Court's opinions. +22347017 Associates of 81-year-old Justice Marshall say he was "depressed" about the court's direction last spring, but is feisty about his role and determined to speak out against the court's cutbacks in civil rights. +22347018 "We could sweep it under the rug and hide it, but I'm not going to do it," he said in a speech last month. +22347019 He, like Justice Brennan, considers dissents highly important for the future, a point that hasn't escaped legal scholars. +22347020 Harvard Law School Professor Laurence Tribe says there is a "generation-skipping" flavor to current dissents. +22347021 The dissenters in the Warren Court, he says, appeared to be writing for the short-term, suggesting that the court's direction might change soon. +22347022 "Brennan and Marshall are speaking in their dissents to a more distant future," he says. +22347023 Justice Blackmun, who will turn 81 next month, also seems feisty about his new role. +22347024 Associates say he takes some defeats more personally than his colleagues, especially attempts to curtail the right to abortion first recognized in his 1973 opinion, Roe vs. Wade. +22347025 Friends and associates who saw Justice Blackmun during the summer said he was no more discouraged about the court than in recent years. +22347026 And his outlook improved after successful cataract surgery in August. +22347027 But his level of frustration showed in a recent, impassioned speech to a group of hundreds of lawyers in Chicago. +22347028 He concluded his remarks by quoting, emotionally and at some length, according to those present, the late Martin Luther King's famous "I Have a Dream" speech from the 1963 March on Washington. +22347029 Justice Stevens, 69, is probably the most philosophical of the dissenters about his role, in part because he may be the least liberal of the four, but also because he enjoys the intellectual challenge of arguing with the majority more than the others. +22347030 If the role these four dissenters are assuming is a familiar one in modern Supreme Court history, it also differs in an important way from recent history, court watchers say. +22347031 "The dissenters of the Warren Court were often defending a legal legacy that they inherited," says Prof. A.E. Dick Howard of the University of Virginia Law School, "but the dissenters today are defending a legacy that they created. +22348001 The government sold the deposits of four savings-and-loan institutions, in its first wave of sales of big, sick thrifts, but low bids prevented the sale of a fifth. +22348002 The four S&Ls were sold to large banks, as was the case with most of the 28 previous transactions initiated by the Resolution Trust Corp. since it was created in the S&L bailout legislation two months ago. +22348003 Two of the four big thrifts were sold to NCNB Corp., Charlotte, N.C., which has aggressively expanded its markets, particularly in Texas and Florida. +22348004 A Canadian bank bought another thrift, in the first RTC transaction with a foreign bank. +22348005 Under these deals, the RTC sells just the deposits and the healthy assets. +22348006 These "clean-bank" transactions leave the bulk of bad assets, mostly real estate, with the government, to be sold later. +22348007 In these four, for instance, the RTC is stuck with $4.51 billion in bad assets. +22348008 Acquirers paid premiums ranging from 1.5% to 3.7% for the deposits and branch systems, roughly in line with what analysts were expecting. +22348009 The buyers will also be locked into deposit rates for just two weeks, as has been the case with previous deals. +22348010 After that, the buyers may repudiate the rates paid by the former thrifts. +22348011 But it's uncertain whether these institutions will take those steps. +22348012 NCNB, for example, has been one of the highest rate payers in the Texas market, and in Florida, rates are especially sensitive in retirement communities. +22348013 The RTC had previously targeted five thrifts for quick sales in order to spend cash by certain budgetary deadlines, but the delays illustrate the tough chore facing the agency. +22348014 "These thrifts are beached whales," said Bert Ely, an industry consultant based in Alexandria, Va. +22348015 For example, the delay in selling People's Heritage Savings, Salina, Kan., with $1.7 billion in assets, has forced the RTC to consider selling off the thrift branch-by-branch, instead of as a whole institution. +22348016 NCNB continued its foray into the Florida and Texas markets. +22348017 NCNB will acquire University Federal Savings Association, Houston, which had assets of $2.8 billion. +22348018 NCNB Texas National Bank will pay the RTC a premium of $129 million for $3.5 billion in deposits. +22348019 As a measure of the depths to which the Texas real estate market has sunk, the RTC will pay $3.8 billion to NCNB to take $750 million of bad assets. +22348020 NCNB also acquired Freedom Savings & Loan Association, Tampa, Fla., which had total assets of $900 million. +22348021 NCNB will pay the RTC a premium of $40.4 million for $1.1 billion in deposits. +22348022 NCNB will also acquire $266 million of Freedom's assets from the RTC, which will require $875 million in assistance. +22348023 Meridian Bancorp Inc., Reading, Pa., will acquire Hill Financial Savings Association, Red Hill, Pa., which had $2.3 billion in assets. +22348024 Meridian will pay a premium of $30.5 million to assume $2 billion in deposits. +22348025 It will also purchase $845 million of the thrift's assets, with $1.9 billion in RTC assistance. +22348026 In the first RTC transaction with a foreign buyer, Royal Trustco Ltd., Toronto, will acquire Pacific Savings Bank, Costa Mesa, Calif., which had $949 million in assets. +22348027 Royal Trustco will pay the RTC $25 million to assume $989 million in deposits. +22348028 It will also purchase $473 million in assets, and receive $550 million in assistance from the RTC. +22349001 The following issues were recently filed with the Securities and Exchange Commission: +22349002 American Cyanamid Co., offering of 1,250,000 common shares, via Merrill Lynch Capital Markets. +22349003 Limited Inc., offering of up to $300 million of debt securities and warrants. +22349004 Nuveen California Performance Plus Municipal Fund Inc., initial offering of five million common shares, via Alex. Brown & Sons Inc., John Nuveen & Co., Prudential-Bache Capital Funding, and Bateman Eichler, Hill Richards. +22349005 PacifiCare Health Systems Inc., proposed offering of 1.5 million common shares, of which 700,000 shares will be offered by PacifiCare and 800,000 shares by UniHealth America Inc.(PacifiCare's 71%), via Dillon, Read & Co. Inc., Goldman, Sachs & Co. and Dean Witter Reynolds Inc. +22349006 Pricor Inc., offering of one million new shares of common stock and 300,000 shares by holders, via Drexel Burnham Lambert Inc. and J.C. Bradford & Co. +22349007 Trans World Airlines Inc., offering of $150 million senior notes, via Drexel Burnham. +22350001 Time magazine, in a move to reduce the costs of wooing new subscribers, is lowering its circulation guarantee to advertisers for the second consecutive year, increasing its subscription rates and cutting back on merchandise giveaways. +22350002 In an announcement to its staff last week, executives at Time Warner Inc.'s weekly magazine said Time will "dramatically de-emphasize" its use of electronic giveaways such as telephones in television subscription drives; cut the circulation it guarantees advertisers by 300,000, to four million; and increase the cost of its annual subscription rate by about $4 to $55. +22350003 In a related development, the news-weekly, for the fourth year in a row, said it won't increase its advertising rates in 1990; a full, four-color page in the magazine costs about $120,000. +22350004 However, because the guaranteed circulation base is being lowered, ad rates will be effectively 7.5% higher per subscriber, according to Richard Heinemann, Time associate publisher. +22350005 Time is following the course of some other mass-circulation magazines that in recent years have challenged the publishing myth that maintaining artificially high, and expensive, circulations is the way to draw advertisers. +22350006 In recent years, Reader's Digest, New York Times Co.'s McCall's, and most recently News Corp.'s TV Guide, have cut their massive circulation rate bases to eliminate marginal circulation and hold down rates for advertisers. +22350007 Deep discounts in subscriptions and offers of free clock radios and watches have become accepted forms of attracting new subscribers in the hyper-competitive world of magazine news-weeklies. +22350008 But Time, as part of the more cost-conscious Time Warner, wants to wean itself away from expensive gimmicks. +22350009 Besides, Time executives think selling a news magazine with a clock radio is tacky. +22350010 "Giveaways just give people the wrong image," said Mr. Heinemann. +22350011 "That perception takes the focus off the magazine." +22350012 Time magazine executives predictably paint the circulation cut as a show of strength and actually a benefit to advertisers. +22350013 "What we are doing is screening out the readers who are only casually related to the magazine and don't really read it," said Mr. Heinemann. +22350014 "We are trying to create quality and involvement." +22350015 However, Time executives used the same explanation when in October 1988 the magazine cut its guaranteed circulation from 4.6 million to 4.3 million. +22350016 And Time's paid circulation, according to Audit Bureau of Circulations, dropped 7.3% to 4,393,237 in the six months ended June 30, 1989. +22350017 Still, Time's move is being received well, once again. +22350018 "It's terrific for advertisers to know the reader will be paying more," said Michael Drexler, national media director at Bozell Inc. ad agency. +22350019 "A few drops in circulation are of no consequence. +22350020 It's not a show of weakness; they are improving the quality of circulation while insuring their profits." +22350021 Mr. Heinemann said the changes represent a new focus in the magazine industry: a magazine's net revenue per subscriber, or the actual revenue from subscribers after discounts and the cost of premiums have been stripped away. +22350022 "The question is how much are we getting from each reader," said Mr. Heinemann. +22350023 Time's rivals news-weeklies, Washington Post Co.'s Newsweek and U.S. News & World Report, are less reliant on electronic giveaways, and in recent years both have been increasing their circulation rate bases. +22350024 Both magazines are expected to announce their ad rates and circulation levels for 1990 within a month. +22351001 When the news broke of an attempted coup in Panama two weeks ago, Sen. Christopher Dodd called the State Department for a briefing. +22351002 "They said, `follow CNN,'" he told reporters. +22351003 That shows how far Ted Turner's Cable News Network has come since its birth nine years ago, when it was considered the laughingstock of television news. +22351004 It is bigger, faster and more profitable than the news divisions of any of the three major broadcast networks. +22351005 Its niche as the "network of record" during major crises draws elite audiences around the world. +22351006 But for all its success, CNN has hit a plateau. +22351007 Although viewership soars when big news breaks, it ebbs during periods of calm. +22351008 CNN executives worry that the network's punchy but repetitive news format may be getting stale and won't keep viewers coming back as the alternatives multiply for news and information on cable-TV. +22351009 "Just the fact we're on 24 hours is no longer bulletin," says Ed Turner, CNN's executive vice president, news gathering (and no relation to Ted Turner). +22351010 "You can't live on that." +22351011 So CNN, a unit of Atlanta-based Turner Broadcasting System Inc., is trying to reposition itself as a primary channel, or what people in the television industry call a "top of mind" network. +22351012 Tonight, to kick off the effort, CNN will premiere its first prime-time newscast in years, an hourlong show at 6 p.m. Eastern time to air head-to-head against the network newscasts. +22351013 The show will be co-anchored by Bernard Shaw and Catherine Crier, a 34-year-old former Texas judge and campus beauty queen who has never held a job in television or journalism. +22351014 The new show is perhaps the boldest in a number of steps the network is taking to build audience loyalty by shifting away from its current format toward more full-length "signature" programming with recognizable stars. +22351015 To distinguish itself, CNN is also expanding international coverage and adding a second global-news program. +22351016 It is paying higher salaries -- after years of scrimping -- to lure and keep experienced staffers. +22351017 And it is embarking on an expensive gamble to break major stories with a large investigative-reporting team. +22351018 "The next stage is to get beyond the opinion leaders who use us as a point of reference to become a point of reference at ordinary dinner tables," says Jon Petrovich, executive vice president of Headline News, CNN's sister network. +22351019 But that won't be easy. +22351020 Networks, like other consumer products, develop images in peoples' minds that aren't easy to change. +22351021 It also takes money that CNN has been reluctant to spend to make programs and hire talent that viewers will tune in specially to see. +22351022 And the cable-TV operators -- CNN's distributors and part owners -- like things just the way they are. +22351023 The repositioning bid is aimed at CNN's unsteady viewership -- and what may happen to it as the cable-TV news market grows more competitive. +22351024 Already, CNN is facing stronger competition from Financial News Network Inc. and General Electric Co.'s Consumer News and Business Channel, both of which are likely to pursue more general news in the future. +22351025 In addition, many cable-TV systems themselves are airing more local and regional news programs produced by local broadcast stations. +22351026 CNN wants to change its viewers' habits. +22351027 Its watchers are, on the whole, a disloyal group of channel-zapping "grazers" and news junkies, who spend an average of just 26 minutes a day watching CNN, according to audience research. +22351028 That's less than one-third the time that viewers watch the major broadcast networks. +22351029 The brief attention viewers give CNN could put it at a disadvantage as ratings data, and advertising, become more important to cable-TV channels. +22351030 CNN's viewer habits have been molded by its format. +22351031 Its strategy in the past has been to serve as a TV wire service. +22351032 It focused on building up its news bureaus around the world, so as events took place it could go live quicker and longer than other networks. +22351033 It filled its daily schedule with newscasts called "Daybreak," "Daywatch," "Newsday," and "Newsnight," but the shows varied little in content, personality or look. +22351034 Now, the push is on for more-distinctive shows. +22351035 "Our goal is to create more programs with an individual identity," says Paul Amos, CNN executive vice president for programming. +22351036 Accordingly, CNN is adding a world-affairs show in the morning because surveys show its global-news hour in the afternoon is among its most "differentiated" programs in viewers' minds, says Mr. Amos. +22351037 And it is exploring other original programs, similar to its "Larry King Live" and "Crossfire" talk shows, which executives hope will keep people tuned in. +22351038 Then there's "The World Today," the prime-time newscast featuring Mr. Shaw and Ms. Crier. +22351039 Until now, CNN has featured its Hollywood gossip show during the key evening period. +22351040 But 70% of the cable-television-equipped households that watch news do so between 6:30 p.m. and 7 p.m., the network discovered, so CNN wants in. +22351041 Mr. Amos says the Shaw-Crier team will probably do two live interviews a day, with most of the program, at least for now, appearing similar to CNN's other newcasts. +22351042 Some in the industry are skeptical. +22351043 "I find it hard to conceive of people switching over to CNN for what, at least in the public's mind, is the same news," says Reuven Frank, the former two-time president of NBC News and creator of the Huntley-Brinkley Report. +22351044 The evening news is also slated as CNN's stage for its big push into investigative journalism. +22351045 In August, the network hired award-winning producer Pamela Hill, the former head of news specials at ABC. +22351046 She's assembling a staff of about 35 investigative reporters who will produce weekly, in-depth segments, with an eye toward breaking big stories. +22351047 CNN executives hope the headlines created by such scoops will generate excitement for its "branded" programs, in the way "60 Minutes" did so well for CBS. +22351048 That's such a departure from the past that many in the industry are skeptical CNN will follow through with its investigative commitment, especially after it sees the cost of producing in-depth pieces. +22351049 "They've never shown any inclination to spend money on production," says Michael Mosettig, a senior producer with MacNeil-Lehrer NewsHour, who notes that CNN is indispensable to his job. +22351050 The network's salaries have always ranged far below industry standards, resulting in a less-experienced work force. +22351051 CNN recently gave most employees raises of as much as 15%, but they're still drastically underpaid compared with the networks. +22351052 Says Mr. Mosettig: "CNN is my wire service; they're on top of everything. +22351053 But to improve, they've really got to make the investment in people." +22351054 In any case, cable-TV-system operators have reason to fear any tinkering with CNN's format. +22351055 They market cable-TV on the very grazing opportunities CNN seeks to discourage. +22351056 "We would obviously be upset if those kinds of services evolved into more general-interest, long-format programming," says Robert Stengel, senior vice president, programming, of Continental Cablevision Inc., which holds a 2% stake in Turner Broadcasting. +22352001 The Second U.S. Circuit Court of Appeals opinion in the Arcadian Phosphate case did not repudiate the position Pennzoil Co. took in its dispute with Texaco, contrary to your Sept. 8 article "Court Backs Texaco's View in Pennzoil Case -- Too Late." +22352002 The fundamental rule of contract law applied to both cases was that courts will not enforce agreements to which the parties did not intend to be bound. +22352003 In the Pennzoil/Texaco litigation, the courts found Pennzoil and Getty Oil intended to be bound; in Arcadian Phosphates they found there was no intention to be bound. +22352004 Admittedly, the principle in the cases is the same. +22352005 But the outcome of a legal dispute almost always turns on the facts. +22352006 And the facts, as found by the various courts in these two lawsuits, were different. +22352007 When you suggest otherwise, you leave the realm of reporting and enter the orbit of speculation. +22352008 Charles F. Vihon +22353001 Valley Federal Savings & Loan Association said Imperial Corp. of America withdrew from regulators its application to buy five Valley Federal branches, leaving the transaction in limbo. +22353002 The broken purchase appears as additional evidence of trouble at Imperial Corp., whose spokesman said the company withdrew its application from the federal Office of Thrift Supervision because of an informal notice that Imperial's thrift unit failed to meet Community Reinvestment Act requirements. +22353003 The Community Reinvestment Act requires savings and loan associations to lend money in amounts related to areas where deposits are received. +22353004 The transaction, announced in August, included about $146 million in deposits at the five outlets in California's San Joaquin Valley. +22353005 Terms weren't disclosed, but Valley Federal had said it expected to post a modest pretax gain and to save about $2 million in operating costs annually. +22353006 Valley Federal said Friday that it is considering whether to seek another buyer for the branches or to pursue the transaction with Imperial Corp., which said it is attempting to meet Community Reinvestment Act requirements. +22353007 Valley Federal, with assets of $3.3 billion, is based in Van Nuys. +22353008 Imperial Corp., based in San Diego, is the parent of Imperial Savings & Loan. +22353009 In the first six months of the year it posted a net loss of $33.1 million. +22354001 Call it the "we're too broke to fight" defense. +22354002 Lawyers for dozens of insolvent savings and loan associations are trying a new tack in their efforts to defuse suits filed by borrowers, developers and creditors. +22354003 The thrifts' lawyers claim that the suits, numbering 700 to 1,000 in Texas alone, should be dismissed as moot because neither the S&Ls nor the extinct Federal Savings and Loan Insurance Corp. has the money to pay judgments. +22354004 Though the argument may have a common-sense ring to it, even the S&L lawyers concede there's little precedent to back their position. +22354005 Still, one federal appeals court has signaled it's willing to entertain the notion, and the lawyers have renewed their arguments in Texas and eight other states where the defense is permitted under state law. +22354006 The dismissal of the pending suits could go a long way toward clearing court dockets in Texas and reducing the FSLIC's massive legal bills, which topped $73 million last year. +22354007 The S&L lawyers were encouraged last month by an appellate-court ruling in two cases brought against defunct Sunbelt Savings & Loan Association of Dallas by the developers of the Valley Ranch, best known as the training center for the Dallas Cowboys football team. +22354008 Sunbelt foreclosed on the ranch. +22354009 Sunbelt and the FSLIC argued to the Fifth U.S. Circuit Court of Appeals "that there will never be any assets with which to satisfy a judgment against Sunbelt Savings nor any means to collect from any other party, including FSLIC." +22354010 "If true," the court wrote, "this contention would justify dismissal of these actions on prudential grounds." +22354011 But the court said it lacked enough financial information about Sunbelt and the FSLIC and sent the cases back to federal district court in Dallas. +22354012 Charles Haworth, a lawyer for Sunbelt, says he plans to file a brief this week urging the district judge to dismiss the suits, because Sunbelt's liabilities exceeded its assets by about $2 billion when federal regulators closed it in August 1988. +22354013 "This institution is just brain dead," says Mr. Haworth, a partner in the Dallas office of Andrews & Kurth, a Houston law firm. +22354014 But a lawyer for Triland Investment Group, the developer of Valley Ranch, dismisses such arguments as a "defense du jour." +22354015 Attorney Richard Jackson of Dallas says a judgment for Triland could be satisfied in ways other than a monetary award, including the reversal of Sunbelt's foreclosure on Valley Ranch. +22354016 "We're asking the court for a number of things he can grant in addition to the thrill of victory," he says. +22354017 "We'd take the Valley Ranch free and clear as a booby prize. +22355001 Kenneth J. Thygerson, who was named president of this thrift holding company in August, resigned, citing personal reasons. +22355002 Mr. Thygerson said he had planned to travel between the job in Denver and his San Diego home, but has found the commute too difficult to continue. +22355003 A new president wasn't named. +22356001 SOUTH AFRICA FREED the ANC's Sisulu and seven other political prisoners. +22356002 Thousands of supporters, many brandishing flags of the outlawed African National Congress, gave the anti-apartheid activists a tumultuous reception upon their return to black townships across the country. +22356003 Most of those freed had spent at least 25 years in prison. +22356004 The 77-year-old Sisulu, sentenced to life in 1964 along with black nationalist Nelson Mandela for plotting to overthrow the government, said equality for blacks in South Africa was in reach. +22356005 The releases, announced last week by President de Klerk, were viewed as Pretoria's tacit legalization of the ANC. +22356006 Mandela, considered the most prominent leader of the ANC, remains in prison. +22356007 But his release within the next few months is widely expected. +22356008 The Soviet Union reported that thousands of tons of goods needed to ease widespread shortages across the nation were piled up at ports and rail depots, and food shipments were rotting because of a lack of people and equipment to move the cargo. +22356009 Strikes and mismanagement were cited, and Premier Ryzhkov warned of "tough measures." +22356010 Bush indicated there might be "room for flexibility" in a bill to allow federal funding of abortions for poor women who are vicitims of rape and incest. +22356011 He reiterated his opposition to such funding, but expressed hope of a compromise. +22356012 The president, at a news conference Friday, also renewed a call for the ouster of Panama's Noriega. +22356013 The White House said minors haven't any right to abortion without the consent of their parents. +22356014 The administration's policy was stated in a friend-of-the-court brief urging the Supreme Court to give states more leeway to restrict abortions. +22356015 Ten of the nation's governors, meanwhile, called on the justices to reject efforts to limit abortions. +22356016 The Justice Department announced that the FBI has been given the authority to seize U.S. fugitives overseas without the permission of foreign governments. +22356017 Secretary of State Baker emphasized Friday that the new policy wouldn't be invoked by the Bush administration without full consideration of foreign-policy implications. +22356018 NASA pronounced the space shuttle Atlantis ready for launch tomorrow following a five-day postponement of the flight because of a faulty engine computer. +22356019 The device was replaced. +22356020 The spacecraft's five astronauts are to dispatch the Galileo space probe on an exploration mission to Jupiter. +22356021 South Korea's President Roh traveled to the U.S. for a five-day visit that is expected to focus on ties between Washington and Seoul. +22356022 Roh, who is facing calls for the reduction of U.S. military forces in South Korea, is to meet with Bush tomorrow and is to address a joint session of Congress on Wednesday. +22356023 China's Communist leadership voted to purge the party of "hostile and anti-party elements" and wealthy private businessmen, whom they called exploiters. +22356024 The decision, reported by the official Xinhua News Agency, indicated that the crackdown prompted by student-led pro-democracy protests in June is intensifying. +22356025 Hundreds of East Germans flocked to Bonn's Embassy in Warsaw, bringing to more than 1,200 the number of emigres expected to flee to the West beginning today. +22356026 More than 2,100 others escaped to West Germany through Hungary over the Weekend. +22356027 In Leipzig, activists vowed to continue street protests to demand internal change. +22356028 Zaire's President Mobutu met in southern France with Angolan rebel leader Savimbi and a senior U.S. envoy in a bid to revive an accord to end Angola's civil war. +22356029 Details of the talks, described by a Zairean official as "very delicate," weren't disclosed. +22356030 PLO leader Arafat insisted on guarantees that any elections in the Israeli-occupied territories would be impartial. +22356031 He made his remarks to a PLO gathering in Baghdad. +22356032 In the occupied lands, underground leaders of the Arab uprising rejected a U.S. plan to arrange Israeli-Palestinian talks as Shamir opposed holding such discussions in Cairo. +22356033 Lebanese Christian lawmakers presented to Arab mediators at talks in Saudi Arabia proposals for a new timetable for the withdrawal of Syria's forces from Lebanon. +22356034 A plan currently under study gives Damascus two years to pull back to eastern Lebanon, starting from the time Beirut's legislature increases political power for Moslems. +22356035 Hurricane Jerry threatened to combine with the highest tides of the year to swamp the Texas-Louisiana coast. +22356036 Thousands of residents of low-lying areas were ordered to evacuate as the storm headed north in the Gulf of Mexico with 80 mph winds. +22357001 A group of Arby's franchisees said they formed an association to oppose Miami Beach financier Victor Posner's control of the restaurant chain. +22357002 The decision is the latest move in an escalating battle between the franchisees and Mr. Posner that began in August. +22357003 At the time, a group called R.B. Partners Ltd., consisting of eight of Arby's largest franchisees, offered more than $200 million to buy Arby's Inc., which is part of DWG Corp. +22357004 DWG is a holding company controlled by Mr. Posner. +22357005 One week later, Leonard H. Roberts, president and chief executive officer of Arby's, was fired in a dispute with Mr. Posner. +22357006 Friday, 42 franchisees announced the formation of an association -- called A.P. Association Inc. -- to "preserve the integrity of the Arby's system." +22357007 The franchisees, owners or operators of 1,000 of the 1,900 franchised Arby's in the U.S., said: "We have concluded that continued control of Arby's by Victor Posner is totally unacceptable to us, because it is extremely likely to cause irreparable damage to the Arby's system. +22357008 We support all efforts to remove Victor Posner from control of Arby's Inc. and the Arby's system." +22357009 The group said it would consider, among other things, withholding royalty payments and initiating a class-action lawsuit seeking court approval for the withholdings. +22357010 In Florida, Renee Mottram, a senior vice president at DWG, responded: "We don't think any individual or group should disrupt a winning system or illegally interfere with existing contractual relationships for their own self-serving motives. +22358001 September's steep rise in producer prices shows that inflation still persists, and the pessimism over interest rates caused by the new price data contributed to the stock market's plunge Friday. +22358002 After falling for three consecutive months, the producer price index for finished goods shot up 0.9% last month, the Labor Department reported Friday, as energy prices jumped after tumbling through the summer. +22358003 Although the report, which was released before the stock market opened, didn't trigger the 190.58-point drop in the Dow Jones Industrial Average, analysts said it did play a role in the market's decline. +22358004 Analysts immediately viewed the price data, the grimmest inflation news in months, as evidence that the Federal Reserve was unlikely to allow interest rates to fall as many investors had hoped. +22358005 Further fueling the belief that pressures in the economy were sufficient to keep the Fed from easing credit, the Commerce Department reported Friday that retail sales grew 0.5% in September, to $145.21 billion. +22358006 That rise came on top of a 0.7% gain in August, and suggested there is still healthy consumer demand in the economy. +22358007 "I think the Friday report, combined with the actions of the Fed, weakened the belief that there was going to be an imminent easing of monetary policy," said Robert Dederick, chief economist at Northern Trust Co. in Chicago. +22358008 But economists were divided over the extent of the inflation threat signaled by the new numbers. +22358009 "The overall 0.9% increase is serious in itself, but what is even worse is that excluding food and energy, the producer price index still increased by 0.7%," said Gordon Richards, an economist at the National Association of Manufacturers. +22358010 But Sung Won Sohn, chief economist at Norwest Corp. in Minneapolis, blamed rising energy prices and the annual autumn increase in car prices for most of the September jump. +22358011 "I would say this is not bad news; this is a blip," he said. +22358012 "The core rate is not really out of line." +22358013 All year, energy prices have skewed the producer price index, which measures changes in the prices producers receive for goods. +22358014 Inflation unquestionably has fallen back from its torrid pace last winter, when a steep run-up in world oil prices sent the index surging at double-digit annual rates. +22358015 Energy prices then plummeted through the summer, causing the index to decline for three consecutive months. +22358016 Overall, the index has climbed at a 5.1% compound annual rate since the start of the year, the Labor Department said. +22358017 While far more restrained than the pace at the beginning of the year, that is still a steeper rise than the 4.0% increase for all of 1988. +22358018 Moreover, this year's good inflation news may have ended last month, when energy prices zoomed up 6.5% after plunging 7.3% in August. +22358019 Some analysts expect oil prices to remain relatively stable in the months ahead, leaving the future pace of inflation uncertain. +22358020 Analysts had expected that the climb in oil prices last month would lead to a substantial rise in the producer price index, but the 0.9% climb was higher than most anticipated. +22358021 "I think the resurgence {in inflation} is going to continue for a few months," said John Mueller, chief economist at Bell Mueller Cannon, a Washington economic forecasting firm. +22358022 He predicted that inflation will moderate next year, saying that credit conditions are fairly tight world-wide. +22358023 But Dirk Van Dongen, president of the National Association of Wholesaler-Distributors, said that last month's rise "isn't as bad an omen" as the 0.9% figure suggests. +22358024 "If you examine the data carefully, the increase is concentrated in energy and motor vehicle prices, rather than being a broad-based advance in the prices of consumer and industrial goods," he explained. +22358025 Passenger car prices jumped 3.8% in September, after climbing 0.5% in August and declining in the late spring and summer. +22358026 Many analysts said the September increase was a one-time event, coming as dealers introduced their 1990 models. +22358027 Although all the price data were adjusted for normal seasonal fluctuations, car prices rose beyond the customary autumn increase. +22358028 Prices for capital equipment rose a hefty 1.1% in September, while prices for home electronic equipment fell 1.1%. +22358029 Food prices declined 0.6%, after climbing 0.3% in August. +22358030 Meanwhile, the retail sales report showed that car sales rose 0.8% in September to $32.82 billion. +22358031 But at least part of the increase could have come from higher prices, analysts said. +22358032 Sales at general merchandise stores rose 1.7% after declining 0.6% in August, while sales of building materials fell 1.8% after rising 1.7%. +22358033 Producer prices for intermediate goods grew 0.4% in September, after dropping for three consecutive months. +22358034 Prices for crude goods, an array of raw materials, jumped 1.1% after declining 1.9% in August and edging up 0.2% in July. +22358035 Here are the Labor Department's producer price indexes (1982=100) for September, before seasonal adjustment, and the percentage changes from September, 1988. +22359001 CityFed Financial Corp. said it expects to report a loss of at least $125 million to $150 million for the third quarter. +22359002 In the year-earlier period, CityFed had net income of $485,000, but no per-share earnings. +22359003 CityFed's president and chief executive officer, John Atherton, said the loss stems from several factors. +22359004 He said nonperforming assets rose to slightly more than $700 million from $516 million between June and September. +22359005 Approximately 85% of the total consisted of nonperforming commercial real estate assets. +22359006 Accordingly, CityFed estimated that it will provide between $85 million and $110 million for credit losses in the third quarter. +22359007 CityFed added that significant additional loan-loss provisions may be required by federal regulators as part of the current annual examination of City Federal Savings Bank, CityFed's primary subsidiary, based in Somerset, N.J. +22359008 City Federal operates 105 banking offices in New Jersey and Florida. +22359009 Mr. Atherton said CityFed will also mark its portfolio of high-yield corporate bonds to market as a result of federal legislation requiring that savings institutions divest themselves of such bonds. +22359010 That action, CityFed said, will result in a charge against third-quarter results of approximately $30 million. +22359011 CityFed also said it expects to shed its remaining mortgage loan origination operations outside its principal markets in New Jersey and Florida and, as a result, is taking a charge for discontinued operations. +22359012 All these actions, Mr. Atherton said, will result in a loss of $125 million to $150 million for the third quarter. +22359013 He added, however: "Depending on the resolution of certain accounting issues relating to mortgages servicing and the outcome of the annual examination of City Federal currently in progress with respect to the appropriate level of loan loss reserves, the total loss for the quarter could significantly exceed this range. +22360001 CenTrust Savings Bank said federal thrift regulators ordered it to suspend dividend payments on its two classes of preferred stock, indicating that regulators' concerns about the troubled institution have heightened. +22360002 In a statement, Miami-based CenTrust said the regulators cited the thrift's operating losses and "apparent losses" in its junk-bond portfolio in ordering the suspension of the dividends. +22360003 Regulators also ordered CenTrust to stop buying back the preferred stock. +22360004 David L. Paul, chairman and chief executive officer, criticized the federal Office of Thrift Supervision, which issued the directive, saying it was "inappropriate" and based on "insufficient" reasons. +22360005 He said the thrift will try to get regulators to reverse the decision. +22360006 The suspension of a preferred stock dividend is a serious step that signals that regulators have deep concerns about an institution's health. +22360007 In March, regulators labeled CenTrust a "troubled institution," largely because of its big junk-bond holdings and its operating losses. +22360008 In the same month, the Office of Thrift Supervision ordered the institution to stop paying common stock dividends until its operations were on track. +22360009 For the nine months ended June 30, CenTrust had a net loss of $21.3 million, compared with year-earlier net income of $52.8 million. +22360010 CenTrust, which is Florida's largest thrift, holds one of the largest junk-bond portfolios of any thrift in the nation. +22360011 Since April, it has pared its high-yield bond holdings to about $890 million from $1.35 billion. +22360012 Mr. Paul said only about $150 million of the current holdings are tradeable securities registered with the Securities and Exchange Commission. +22360013 The remainder, he said, are commercial loan participations, or private placements, that aren't filed with the SEC and don't have a ready market. +22360014 CenTrust and regulators have been in a dispute over market valuations for the junk bonds. +22360015 The Office of Thrift Supervision has been hounding CenTrust to provide current market values for its holdings, but CenTrust has said it can't easily obtain such values because of the relative illiquidity of the bonds and lack of a ready market. +22360016 Regulators have become increasingly antsy about CenTrust's and other thrifts' junk-bond holdings in light of the recent federal thrift bailout legislation and the recent deep decline in the junk-bond market. +22360017 The legislation requires thrifts to divest themselves of junk bonds in the new, somber regulatory climate. +22360018 In American Stock Exchange composite trading Friday, CenTrust common shares closed at $3, down 12.5 cents. +22360019 In a statement Friday, Mr. Paul challenged the regulators' decision, saying the thrift's operating losses and "apparent" junk-bond losses "have been substantially offset by gains in other activities of the bank." +22360020 He also said substantial reserves have been set aside for possible losses from the junk bonds. +22360021 In the third quarter, for instance, CenTrust added $22.5 million to its general reserves. +22360022 Mr. Paul said the regulators should instead move ahead with approving CenTrust's request to sell 63 of its 71 branches to Great Western Bank, a unit of Great Western Financial Corp. based in Beverly Hills, Calif. +22360023 The branch sale is the centerpiece of CenTrust's strategy to transform itself into a traditional S&L from a high-flying institution that relied heavily on securities trading for profits, according to Mr. Paul. +22360024 Most analysts and thrift executives had expected a decision on the proposed transaction, which was announced in July, long before now. +22360025 Many interpret the delay as an indication that regulators are skeptical about the proposal. +22360026 Branches and deposits can be sold at a premium in the event federal regulators take over an institution. +22360027 CenTrust, however, touts the branch sale, saying it would bring in $150 million and reduce the thrift's assets to $6.7 billion from $9 billion. +22360028 It said the sale would give it positive tangible capital of $82 million, or about 1.2% of assets, from a negative $33 million as of Sept. 30, thus bringing CenTrust close to regulatory standards. +22360029 CenTrust said the branch sale would also reduce the company's large amount of good will by about $180 million. +22360030 Critics, however, say the branch sale will make CenTrust more dependent than ever on brokered deposits and junk bonds. +22360031 Mr. Paul counters that he intends to further pare the size of CenTrust by not renewing more than $1 billion of brokered certificates of deposit when they come due. +22360032 The thrift is also working to unload its junk-bond portfolio by continuing to sell off the bonds, and it plans to eventually place some of them in a separate affiliate, as required under the new thrift law. +22361001 On a recent Saturday night, in the midst of West Germany's most popular prime-time show, a contestant bet the host that she could name any of 100 different cheeses after just one nibble, while blindfolded. +22361002 The woman won the bet. +22361003 But perhaps even more remarkable, the three-hour-show, "Wetten Dass" (Make a Bet), regularly wins the top slot in the country's TV ratings, sometimes drawing as many as 50% of West German households. +22361004 As the 1992 economic integration approaches, Europe's cultural curators have taken to the ramparts against American "cultural imperialism," threatening to impose quotas against such pop invaders as "Dallas," "Miami Vice" and "L.A. Law." +22361005 But much of what the Europeans want to protect seems every bit as cheesy as what they are trying to keep out. +22361006 The most militant opposition to American TV imports has come from French television and movie producers, who have demanded quotas ensuring that a full 60% of Europe's TV shows be produced in Europe. +22361007 So far, the French have failed to win enough broad-based support to prevail. +22361008 A glance through the television listings and a few twists of the European television dial suggest one reason why. +22361009 While there are some popular action and drama series, few boast the high culture and classy production values one might expect. +22361010 More European air time is filled with low-budget game shows, variety hours, movies and talk shows, many of which are authorized knock-offs of their American counterparts. +22361011 One of France's most popular Saturday night programs features semi-celebrities seeking out their grammar-school classmates for on-air reunions. +22361012 A Flemish game show has as its host a Belgian pretending to be Italian. +22361013 One of Italy's favorite shows, "Fantastico," a tepid variety show, is so popular that viewers clamored to buy a chocolate product, "Cacao Fantastico," whose praises were sung each week by dancing showgirls -- even though the product didn't exist. +22361014 Topping the cheese stunt, on another typical evening of fun on "Wetten Dass," a contestant won a bet with the show's host, Thomas Gottschalk, that he could identify 300 German dialects over the telephone. +22361015 A celebrity guest, U.S. Ambassador to West Germany Richard Burt, also won a bet that someone could pile up $150 worth of quarters on a slanted coin. +22361016 Mr. Burt nonetheless paid the penalty as if he had lost, agreeing to spend a day with West German Foreign Minister Hans-Dietrich Genscher frying and selling their combined weight in potato pancakes. +22361017 If this seems like pretty weak stuff around which to raise the protectionist barriers, it may be because these shows need all the protection they can get. +22361018 European programs usually target only their own local audience, and often only a small portion of that. +22361019 Mega-hits in Germany or Italy rarely make it even to France or Great Britain, and almost never show up on U.S. screens. +22361020 Attempts to produce "pan-European" programs have generally resulted in disappointment. +22361021 One annual co-production, the three-hour-long "Eurovision Song Contest," featuring soft-rock songs from each of 20 European countries, has been described as the world's most boring TV show. +22361022 Another, "Jeux Sans Frontieres," where villagers from assorted European countries make fools of themselves performing pointless tasks, is a hit in France. +22361023 A U.S.-made imitation under the title "Almost Anything Goes" flopped fast. +22361024 For the most part, what's made here stays here, and for good reason. +22361025 The cream of the British crop, the literary dramas that are shown on U.S. public television as "Masterpiece Theater," make up a relatively small part of British air time. +22361026 Most British programming is more of an acquired taste. +22361027 There is, for instance, "One Man and His Dog," a herding contest among sheep dogs. +22361028 Also riveting to the British are hours of dart-throwing championships, even more hours of lawn bowling contests and still more hours of snooker marathons. +22361029 European drama has had better, though still mixed, fortunes. +22361030 The most popular such shows focus on narrow national concerns. +22361031 A French knock-off of "Dallas," called "Chateauvallon" and set in a French vineyard, had a good run in France, which ended after the female lead was injured in a real-life auto accident. +22361032 "Schwarzwaldklinik," (Black Forest Clinic), a kind of German "St. Elsewhere" set in a health spa, is popular in Germany, and has spread into France. +22361033 Italy's most popular series is a drama called "La Piovra," or "The Octopus," which chronicles the fight of an idealistic young investigator in Palermo against the Mafia. +22361034 It was front-page news in Italy earlier this year when the fictional inspector was gunned down in the series. +22361035 Spain's most popular mini-series this year was "Juncal," the story of an aging bullfighter. +22361036 "The trend is pretty well established now that local programs are the most popular, with American programs second," says Brian Wenham, a former director of programs for the British Broadcasting Corp. +22361037 "Given a choice, everybody will watch a home-produced show." +22361038 But frequently there isn't much choice. +22361039 Thus, Europe has begun the recent crusade to produce more worthy shows of its own, programs with broader appeal. +22361040 "We've basically got to start from scratch, to train writers and producers to make shows that other people will want to see," concedes Colin Young, head of Britain's National Film Theatre School. +22361041 While some in the U.S. contend that advertising is the bane of television, here many believe that its absence is to blame for the European TV industry's sluggish development. +22361042 Until recently, national governments in Europe controlled most of the air time and allowed little or no advertising. +22361043 Since production costs were guaranteed, it didn't matter that a program couldn't be sold abroad or put into syndication, as most American programs are. +22361044 But not much money was spent on the shows, either, a situation that encouraged cheap-to-make talk and game shows, while discouraging expensive-to-produce dramas. +22361045 Now, however, commercial channels are coming to most European countries, and at the same time, satellite and cable technology is spreading rapidly. +22361046 Just last week, Greece authorized two commercial channels for the first time; Spain earlier began to allow commercial television alongside its state channels. +22361047 The result is a new and huge appetite for programming. +22361048 But perhaps to the consternation of those calling for quotas, most of this void is likely to be filled with the cheapest and most plentiful programming now available -- reruns -- usually of shows made in the U.S. +22361049 Sky Channel, a British-based venture of Australian-American press tycoon Rupert Murdoch, offers what must be a baffling cultural mix to most of its audience. +22361050 The financially struggling station offers programs obviously made available cheaply from its boss's other ventures. +22361051 In a Madrid hotel room recently, a viewer caught the end of a badly acted series about a fishing boat on Australia's Great Barrier Reef, only to be urged by the British announcer to "stay tuned for the further adventures of Skippy the Kangaroo." +22361052 Lisa Grishaw-Mueller in Bonn, Laura Colby in Milan, Tim Carrington in London and Carlta Vitzhum in Madrid contributed to this article. +22362001 British Aerospace PLC and France's Thomson-CSF S.A. said they are nearing an agreement to merge their guided-missile divisions, greatly expanding collaboration between the two defense contractors. +22362002 The 50-50 joint venture, which may be dubbed Eurodynamics, would have combined annual sales of at least #1.4 billion ($2.17 billion) and would be among the world's largest missile makers. +22362003 After two years of talks, plans for the venture are sufficiently advanced for the companies to seek French and British government clearance. +22362004 The companies hope for a final agreement by year-end. +22362005 The venture would strengthen the rapidly growing ties between the two companies, and help make them a leading force in European defense contracting. +22362006 In recent months, a string of cross-border mergers and joint ventures have reshaped the once-balkanized world of European arms manufacture. +22362007 Already, British Aerospace and French government-controlled Thomson-CSF collaborate on a British missile contract and on an air-traffic control radar system. +22362008 Just last week they announced they may make a joint bid to buy Ferranti International Signal PLC, a smaller British defense contractor rocked by alleged accounting fraud at a U.S. unit. +22362009 The sudden romance of British Aerospace and Thomson-CSF -- traditionally bitter competitors for Middle East and Third World weapons contracts -- is stirring controversy in Western Europe's defense industry. +22362010 Most threatened by closer British Aerospace-Thomson ties would be their respective national rivals, including Matra S.A. in France and Britain's General Electric Co. PLC. +22362011 But neither Matra nor GEC -- unrelated to Stamford, Conn.-based General Electric Co. -- are sitting quietly by as their competitors join forces. +22362012 Yesterday, a source close to GEC confirmed that his company may join the Ferranti fight, as part of a possible consortium that would bid against British Aerospace and Thomson-CSF. +22362013 Companies with which GEC has had talks about a possible joint Ferranti bid include Matra, Britain's Dowty Group PLC, West Germany's Daimler-Benz AG, and France's Dassault group. +22362014 But it may be weeks before GEC and its potential partners decide whether to bid, the source indicated. +22362015 GEC plans first to study Ferranti's financial accounts, which auditors recently said included #215 million in fictitious contracts at a U.S. unit, International Signal & Control Group, with which Ferranti merged last year. +22362016 Also, any GEC bid might be blocked by British antitrust regulators; Ferranti is GEC's main competitor on several key defense-electronics contracts, and its purchase by GEC may heighten British Defense Ministry worries about concentration in the country's defense industry. +22362017 A consortium bid, however, would diminish GEC's direct role in Ferranti and might consequently appease ministry officials. +22362018 A British Aerospace spokeswoman appeared unperturbed by the prospect of a fight with GEC for Ferranti: "Competition is the name of the game," she said. +22362019 At least one potential GEC partner, Matra, insists it isn't interested in Ferranti. +22362020 "We have nothing to say about this affair, which doesn't concern us," a Matra official said Sunday. +22362021 The missile venture, the British Aerospace spokeswoman said, is a needed response to the "new environment" in defense contracting. +22362022 For both Thomson and British Aerospace, earnings in their home markets have come under pressure from increasingly tight-fisted defense ministries; and Middle East sales, a traditional mainstay for both companies' exports, have been hurt by five years of weak oil prices. +22362023 The venture's importance for Thomson is great. +22362024 Thomson feels the future of its defense business depends on building cooperation with other Europeans. +22362025 The European defense industry is consolidating; for instance, West Germany's Siemens AG recently joined GEC in a takeover of Britain's Plessey Co., and Daimler-Benz agreed to buy Messerschmitt-Boelkow Blohm G.m.b.H. +22362026 In missiles, Thomson is already overshadowed by British Aerospace and by its home rival, France's Aerospatiale S.A.; to better compete, Thomson officials say, they need a partnership. +22362027 To justify 50-50 ownership of the planned venture, Thomson would make a cash payment to British Aerospace. +22362028 Annual revenue of British Aerospace's missile business is about #950 million, a Thomson spokesman said. +22362029 British Aerospace's chief missile products include its 17-year-old family of Rapier surface-to-air missiles. +22362030 Thomson missile products, with about half British Aerospace's annual revenue, include the Crotale surface-to-air missile family. +22363001 Interprovincial Pipe Line Co. said it will delay a proposed two-step, 830 million Canadian-dollar (US$705.6 million) expansion of its system because Canada's output of crude oil is shrinking. +22363002 Interprovincial, Canada's biggest oil pipeline operator and a major transporter of crude to the U.S., said revised industry forecasts indicate that Canadian oil output will total about 1.64 million barrels a day by 1991, 8% lower than a previous estimate. +22363003 Canadian crude production averaged about 1.69 million barrels a day during 1989's first half, about 1% below the 1988 level. +22363004 "The capability of existing fields to deliver oil is dropping," and oil exploration activity is also down dramatically, as many producers shift their emphasis to natural gas, said Ronald Watkins, vice president for government and industry relations with Interprovincial's parent, Interhome Energy Inc. +22363005 Mr. Watkins said volume on Interprovincial's system is down about 2% since January and is expected to fall further, making expansion unnecessary until perhaps the mid-1990s. +22363006 "There has been a swing of the pendulum back to the gas side," he said. +22363007 Many of Canada's oil and gas producers say the outlook for natural gas is better than it is for oil, and have shifted their exploration and development budgets accordingly. +22363008 The number of active drilling rigs in Canada is down 30% from a year ago, and the number of completed oil wells is "down more than that, due to the increasing focus on gas exploration," said Robert Feick, manager of crude oil with Calgary's Independent Petroleum Association of Canada, an industry group. +22363009 Mr. Watkins said the main reason for the production decline is shrinking output of light crude from mature, conventional fields in western Canada. +22363010 Interprovincial transports about 75% of all crude produced in western Canada, and almost 60% of Interprovincial's total volume consists of light crude. +22363011 Nearly all of the crude oil that Canada exports to the U.S. is transported on Interprovincial's system, whose main line runs from Edmonton to major U.S. and Canadian cities in the Great Lakes region, including Chicago, Buffalo, Toronto and Montreal. +22363012 Canada's current oil exports to the U.S. total about 600,000 barrels a day, or about 9.1% of net U.S. crude imports, said John Lichtblau, president of the New York-based Petroleum Industry Research Foundation. +22363013 That ranks Canada as the fourth-largest source of imported crude, behind Saudi Arabia, Nigeria and Mexico. +22363014 Mr. Lichtblau said Canada's declining crude output, combined with the fast-shrinking output of U.S. crude, will help intensify U.S. reliance on oil from overseas, particularly the Middle East. +22363015 "It's very much a growing concern. +22363016 But when something is inevitable, you learn to live with it," he said. +22363017 Mr. Lichtblau stressed that the delay of Interprovincial's proposed expansion won't by itself increase U.S. dependence on offshore crude, however, since Canadian imports are limited in any case by Canada's falling output. +22363018 Under terms of its proposed two-step expansion, which would have required regulatory approval, Interprovincial intended to add 200,000 barrels a day of additional capacity to its system, beginning with a modest expansion by 1991. +22363019 The system currently has a capacity of 1.55 million barrels a day. +22364001 Inland Steel Industries Inc. expects to report that third-quarter earnings dropped more than 50% from the previous quarter as a result of reduced sales volume and increased costs. +22364002 In the second quarter, the steelmaker had net income of $45.3 million or $1.25 a share, including a pretax charge of $17 million related to the settlement of a suit, on sales of $1.11 billion. +22364003 The company said normal seasonal softness and lost orders caused by prolonged labor talks reduced shipments by 200,000 tons in the latest quarter, compared with the second quarter. +22364004 At the same time, the integrated-steel business was hurt by continued increases in materials costs and repair and maintenance expenses, as well as higher labor costs under its new contract. +22364005 The service-center business was hurt by reduced margins and start-up costs associated with its Joseph T. Ryerson & Son unit. +22364006 The company said it is beginning to see some shipping-rate improvements in both the intergrated-steel and steel-service-center segments, which should result in improved results for the fourth quarter. +22364007 Inland said its third-quarter results will be announced later this week. +22364008 In the year-earlier third quarter, when the industry was in the midst of a boom, the company had net of $61 million, or $1.70 a share, on sales of $1.02 billion. +22365001 Predicting the financial results of computer firms has been a tough job lately. +22365002 Take Microsoft Corp., the largest maker of personal computer software and generally considered an industry bellwether. +22365003 In July, the company stunned Wall Street with the prediction that growth in the personal computer business overall would be only 10% in 1990, a modest increase when compared with the sizzling expansion of years past. +22365004 Investors -- taking this as a sign that a broad industry slump was in the offing -- reacted by selling the company's stock, which lost $3.25 that day to close at $52 in national over-the-counter trading. +22365005 But that was all of three months ago. +22365006 Last week, Microsoft said it expects revenue for its first quarter ended Sept. 30 to increase 34%. +22365007 The announcement caused the company's stock to surge $6.50 to close at $75.50 a share. +22365008 Microsoft's surprising strength is one example of the difficulty facing investors looking for reassurances about the financial health of the computer firms. +22365009 "It's hard to know what to expect at this point," said Peter Rogers, an analyst at Robertson Stephens & Co. +22365010 "The industry defies characterization." +22365011 To illustrate, Mr. Rogers said that of the 14 computer-related firms he follows, half will report for their most recent quarter earnings below last year's results, and half above those results. +22365012 Among those companies expected to have a down quarter are Hewlett-Packard Co., Amdahl Corp. and Sun Microsystems Inc., generally solid performers in the past. +22365013 International Business Machines Corp. also is expected to report disappointing results. +22365014 Apple Computer Inc., meanwhile, is expected to show improved earnings for the period ended Sept. +22365015 Another contradictory message comes from Businessland Inc., a computer retailer. +22365016 In July, the company reported that booming sales of new personal computers from Apple and IBM had resulted in net income more than doubling for its fourth quarter ended June 30 to $7.4 million, or 23 cents a share. +22365017 This month, however, Businessland warned investors that results for its first quarter ended Sept. 30 hadn't met expectations. +22365018 The company said it expects earnings of 14 to 17 cents a share, down from 25 cents a share in the year-earlier period. +22365019 While the earnings picture confuses, observers say the major forces expected to shape the industry in the coming year are clearer. +22365020 Companies will continue to war over standards. +22365021 In computer publishing, a battle over typefaces is hurting Adobe Systems Inc., which sells software that controls the image produced by printers and displays. +22365022 Until recently, Adobe had a lock on the market for image software, but last month Apple, Adobe's biggest customer, and Microsoft rebelled. +22365023 Now the two firms are collaborating on an alternative to Adobe's approach, and analysts say they are likely to carry IBM, the biggest seller of personal computers, along with them. +22365024 The short-term outlook for Adobe's business, however, appears strong. +22365025 The company is beginning to ship a new software program that's being heralded as a boon for owners of low-end printers sold by Apple. +22365026 The program is aimed at improving the quality of printed material. +22365027 John Warnock, Adobe's chief executive officer, said the Mountain View, Calif., company has been receiving 1,000 calls a day about the product since it was demonstrated at a computer publishing conference several weeks ago. +22365028 Meanwhile, competition between various operating systems, which control the basic functions of a computer, spells trouble for software firms generally. +22365029 "It creates uncertainty and usually slows down sales," said Russ Crabs, an analyst at Soundview Financial Group. +22365030 Mr. Crabs said this probably is behind the expected weak performance of Aldus Corp., maker of a widely used computer publishing program. +22365031 He expects Aldus to report earnings of 21 cents a share on revenues of $19.5 million for its third quarter, compared with earnings of 30 cents a share on revenue of 20.4 million in the year-earlier period. +22365032 Aldus officials couldn't be reached for comment. +22365033 On the other hand, the battle of the bus is expected to grow increasingly irrelevant. +22365034 A bus is the data highway within a computer. +22365035 IBM is backing one type of bus called microchannel, while the nine other leading computer makers, including H-P and Compaq Computer Corp., have chosen another method. +22365036 "Users don't care about the bus," said Daniel Benton, an analyst at Goldman, Sachs & Co. +22365037 He said Apple's family of Macintosh computers, for instance, uses four different buses "and no one seems to mind." +22365038 The gap between winners and laggards will grow. +22365039 In personal computers, Apple, Compaq and IBM are expected to tighten their hold on their business. +22365040 At the same time, second-tier firms will continue to lose ground. +22365041 Some lagging competitors even may leave the personal computer business altogether. +22365042 Wyse Technology, for instance, is considered a candidate to sell its troubled operation. +22365043 "Wyse has done well establishing a distribution business, but they haven't delivered products that sell," said Kimball Brown, an analyst at Prudential-Bache Securities. +22365044 Mr. Brown estimates Wyse, whose terminals business is strong, will report a loss of 12 cents a share for its quarter ended Sept. +22365045 Personal-computer makers will continue to eat away at the business of more traditional computer firms. +22365046 Ever-more powerful desk-top computers, designed with one or more microprocessors as their "brains," are expected to increasingly take on functions carried out by more expensive minicomputers and mainframes. +22365047 "The guys that make traditional hardware are really being obsoleted by microprocessor-based machines," said Mr. Benton. +22365048 As a result of this trend, longtime powerhouses H-P, IBM and Digital Equipment Corp. are scrambling to counterattack with microprocessor-based systems of their own. +22365049 But they will have to act quickly. +22365050 Mr. Benton expects Compaq to unveil a family of high-end personal computers later this year that are powerful enough to serve as the hub for communications within large networks of desk-top machines. +22365051 A raft of new computer companies also has targeted this "server" market. +22366001 Population Drain Ends For Midwestern States +22366002 IOWA IS MAKING a comeback. +22366003 So are Indiana, Ohio and Michigan. +22366004 The population of all four states is on the upswing, according to new Census Bureau estimates, following declines throughout the early 1980s. +22366005 The gains, to be sure, are rather small. +22366006 Iowa, for instance, saw its population grow by 11,000 people, or 0.4%, between 1987 and 1988, the Census Bureau says. +22366007 Still, even that modest increase is good news for a state that hadn't grown at all since 1981. +22366008 Between 1987 and 1988, North Dakota was the only state in the Midwest to lose population, a loss of 4,000 people. +22366009 Six of the 12 midwestern states have been growing steadily since 1980 -- Illinois, Kansas, Minnesota, Missouri, South Dakota and Wisconsin. +22366010 The Northeast has been holding its own in the population race. +22366011 Seven of nine states have grown each year since 1980, including New York, which lost 4% of its population during the 1970s. +22366012 And although Pennsylvania and Massachusetts suffered slight declines earlier in the decade, they are growing again. +22366013 At the same time, several states in the South and West have had their own population turnaround. +22366014 Seven states that grew in the early 1980s are now losing population -- West Virginia, Mississippi, Louisiana, Oklahoma, Montana, Wyoming and Alaska. +22366015 Overall, though, the South and West still outpace the Northeast and Midwest, and fast-growing states like Florida and California ensure that the pattern will continue. +22366016 But the growth gap between the Sun Belt and other regions has clearly started narrowing. +22366017 More Elderly Maintain Their Independence +22366018 THANKS TO modern medicine, more couples are growing old together. +22366019 And even after losing a spouse, more of the elderly are staying independent. +22366020 A new Census Bureau study of the noninstitutionalized population shows that 64% of people aged 65 to 74 were living with a spouse in 1988, up from 59% in 1970. +22366021 This doesn't mean they're less likely to live alone, however. +22366022 That share has remained at about 24% since 1970. +22366023 What has changed is that more of the young elderly are living with spouses rather than with other relatives, such as children. +22366024 In 1988, 10% of those aged 65 to 74 lived with relatives other than spouses, down from 15% in 1970. +22366025 As people get even older, many become widowed. +22366026 But even among those aged 75 and older, the share living with a spouse rose slightly, to 40% in 1988 from 38% in 1970. +22366027 Like their younger counterparts, the older elderly are less likely to live with other relatives. +22366028 Only 17% of those aged 75 and older lived with relatives other than spouses in 1988, down from 26% in 1970. +22366029 The likelihood of living alone beyond the age of 75 has increased to 40% from 32%. +22366030 More people are remaining independent longer presumably because they are better off physically and financially. +22366031 Careers Count Most For the Well-to-Do +22366032 MANY AFFLUENT people place personal success and money above family. +22366033 At least that's what a survey by Ernst & Young and Yankelovich, Clancy, Shulman indicates. +22366034 Two-thirds of respondents said they strongly felt the need to be successful in their jobs, while fewer than half said they strongly felt the need to spend more time with their families. +22366035 Being successful in careers and spending the money they make are top priorities for this group. +22366036 Unlike most studies of the affluent market, this survey excluded the super-rich. +22366037 Average household income for the sample was $194,000, and average net assets were reported as $775,000. +22366038 The goal was to learn about one of today's fastest-growing income groups, the upper-middle class. +22366039 Although they represent only 2% of the population, they control nearly one-third of discretionary income. +22366040 Across the board, these consumers value quality, buy what they like rather than just what they need, and appreciate products that are distinctive. +22366041 Despite their considerable incomes and assets, 40% of the respondents in the study don't feel financially secure, and one-fourth don't feel that they have made it. +22366042 Twenty percent don't even feel they are financially well off. +22366043 Many of the affluent aren't comfortable with themselves, either. +22366044 About 40% don't feel they're more able than others. +22366045 While twothirds feel some guilt about being affluent, only 25% give $2,500 or more to charity each year. +22366046 Thirty-five percent attend religious services regularly; at the same time, 60% feel that in life one sometimes has to compromise one's principles. +22366047 Odds and Ends +22366048 THE NUMBER of women and minorities who hold jobs in top management in the nation's largest banks has more than doubled since 1978. +22366049 The American Bankers Association says that women make up 47% of officials and managers in the top 50 banks, up from 33% in 1978. +22366050 The share of minorities in those positions has risen to 16% from 12%. . . . +22366051 Per-capita personal income in the U.S. grew faster than inflation last year, according to the Bureau of Economic Analysis. +22366052 The amount of income divvied up for each man, woman and child was $16,489 in 1988, up 6.6% from $15,472 in 1987. +22366053 Per capita personal income ranged from $11,116 in Mississippi to $23,059 in Connecticut. . . . +22366054 There are 13.1 million students in college this fall, up 2% from 1988, the National Center for Education Statistics estimates. +22366055 About 54% are women, and 44% are part-time students. +22367001 This small Dallas suburb's got trouble. +22367002 Trouble with a capital T and that rhymes with P and that stands for pool. +22367003 More than 30 years ago, Prof. Harold Hill, the con man in Meredith Willson's "The Music Man," warned the citizens of River City, Iowa, against the game. +22367004 Now kindred spirits on Addison's town council have barred the town's fanciest hotel, the Grand Kempinski, from installing three free pool tables in its new lounge. +22367005 Mayor Lynn Spruill and two members of the council said they were worried about setting a precedent that would permit pool halls along Addison's main street. +22367006 And the mayor, in an admonition that bears a rhythmic resemblance to Prof. Hill's, warned that "alcohol leads to betting, which leads to fights." +22367007 The council's action is yet another blow to a sport that its fans claim has been maligned unjustly for years. +22367008 "Obviously they're not in touch with what's going on," says Tom Manske, vice president of the National Pocket Billiards Association. +22367009 Pool is hot in New York and Chicago, he insists, where "upscale, suit-and-tie places" are adding tables. +22367010 With today's tougher drunk driving laws, he adds, "people don't want to just sit around and drink." +22367011 Besides, rowdy behavior seems unlikely at the Grand Kempinski, where rooms average $200 a night and the cheap mixed drinks go for $3.50 a pop. +22367012 At the lounge, manager Elizabeth Dyer won't admit patrons in jeans, T-shirts or tennis shoes. +22367013 But a majority of the Addison council didn't buy those arguments. +22367014 Introducing pool, argued Councilwoman Riley Reinker, would be "dangerous. +22367015 It would open a can of worms." +22367016 Addison is no stranger to cans of worms, either. +22367017 After its previous mayor committed suicide last year, an investigation disclosed that town officials regularly voted on their own projects, gave special favors to developer friends and dipped into the town's coffers for trips and retreats. +22367018 The revelations embarrassed town officials, although they argued that the problems weren't as severe as the media suggested. +22367019 Now comes the pool flap. +22367020 "I think there's some people worried about something pretty ridiculous," Councilman John Nolan says. +22367021 "I thought this was all taken care of in `The Music Man. +22368001 The only thing Robert Goldberg could praise about CBS's new show "Island Son" (Leisure & Arts, Sept. 25) was the local color; unfortunately neither he nor the producers of the show have done their homework. +22368002 For instance: "Haole" (white) is not the ultimate insult; "Mainland haole" is. +22368003 Richard Chamberlain dresses as a "Mainland haole," tucking in a Hawaiian shirt and rolling up its long sleeves. +22368004 And the local expression for brother is "brah," not "bruddah." +22368005 And even if a nurse would wear flowers in her hair while on duty, if she were engaged she would know to wear them behind her left, not right, ear. +22368006 Sorry, the show does not even have the one redeeming quality of genuine local color. +22368007 Anita Davis +22369001 Of all the ethnic tensions in America, which is the most troublesome right now? +22369002 A good bet would be the tension between blacks and Jews in New York City. +22369003 Or so it must seem to Jackie Mason, the veteran Jewish comedian appearing in a new ABC sitcom airing on Tuesday nights (9:30-10 p.m. EDT). +22369004 Not only is Mr. Mason the star of "Chicken Soup," he's also the inheritor of a comedic tradition dating back to "Duck Soup," and he's currently a man in hot water. +22369005 Here, in neutral language, is the gist of Mr. Mason's remarks, quoted first in the Village Voice while he was a paid spokesman for the Rudolph Giuliani mayoral campaign, and then in Newsweek after he and the campaign parted company. +22369006 Mr. Mason said that many Jewish voters feel guilty toward blacks, so they support black candidates uncritically. +22369007 He said that many black voters feel bitter about racial discrimination, so they, too, support black candidates uncritically. +22369008 He said that Jews have contributed more to black causes over the years than vice versa. +22369009 Of course, Mr. Mason did not use neutral language. +22369010 As a practitioner of ethnic humor from the old days on the Borscht Belt, live television and the nightclub circuit, Mr. Mason instinctively reached for the vernacular. +22369011 He said Jews were "sick with complexes"; and he called David Dinkins, Mr. Giuliani's black opponent, "a fancy shvartze with a mustache." +22369012 If Mr. Mason had used less derogatory language to articulate his amateur analysis of the voting behavior of his fellow New Yorkers, would the water be quite so hot? +22369013 It probably would, because few or none of the people upset by Mr. Mason's remarks have bothered to distinguish between the substance of his comments and the fact that he used insulting language. +22369014 In addition, some of Mr. Mason's critics have implied that his type of ethnic humor is itself a form of racism. +22369015 For example, the New York state counsel for the NAACP said that Mr. Mason is "like a dinosaur. +22369016 People are fast leaving the place where he is stuck." +22369017 These critics fail to distinguish between the type of ethnic humor that aims at disparaging another group, such as "Polish jokes"; and the type that is double-edged, aiming inward as well as outward. +22369018 The latter typically is the humor of the underdog, and it was perfected by both blacks and Jews on the minstrel and vaudeville stage as a means of mocking their white and gentile audiences along with themselves. +22369019 In the hands of a zealot like Lenny Bruce, this double-edged blade could cut both the self and the audience to ribbons. +22369020 But wielded by a pro like Jackie Mason, it is a constructive form of mischief. +22369021 Why constructive? +22369022 Because despite all the media prattle about comedy and politics not mixing, they are similar in one respect: Both can serve as mechanisms for easing tensions and facilitating the co-existence of groups in conflict. +22369023 That's why it's dangerous to have well-intentioned thought police, on college campuses and elsewhere, taboo all critical mention of group differences. +22369024 As Elizabeth Kristol wrote in the New York Times just before the Mason donnybrook, "Perhaps intolerance would not boil over with such intensity if honest differences were allowed to simmer." +22369025 The question is, if group conflicts still exist (as undeniably they do), and if Mr. Mason's type of ethnic humor is passe, then what other means do we have for letting off steam? +22369026 Don't say the TV sitcom, because that happens to be a genre that, in its desperate need to attract everybody and offend nobody, resembles politics more than it does comedy. +22369027 It is true that the best sitcoms do allow group differences to simmer: yuppies vs. blue-collar Bostonians in "Cheers"; children vs. adults in "The Cosby Show." +22369028 But these are not the differences that make headlines. +22369029 In "Chicken Soup," Mr. Mason plays Jackie, a Jewish bachelor courting Maddie (Lynn Redgrave), an Irish widow and mother of three, against the wishes of his mother (Rita Karin) and her brother Michael (Brandon Maggart). +22369030 It's worth noting that both disapproving relatives are immigrants. +22369031 At least, they both speak with strong accents, as do Jackie and Maddie. +22369032 It couldn't be more obvious that "Chicken Soup" is being made from an old recipe. +22369033 And a safe one -- imagine if the romance in question were between an Orthodox Jew and a member of the Nation of Islam. +22369034 Back in the 1920s, the play and movie versions of "Abie's Irish Rose" made the theme of courtship between the assimilated offspring of Jewish and Irish immigrants so popular that its author, Anne Nichols, lost a plagiarism suit on the grounds that the plot has entered the public domain. +22369035 And it has remained there, as evidenced by its reappearance in a 1972 CBS sitcom called "Bridget Loves Bernie," whose sole distinction was that it led to the real-life marriage of Meredith Baxter and David Birney. +22369036 Clearly, the question with "Chicken Soup" is not whether the pot will boil over, but whether it will simmer at all. +22369037 So far, the bubbles have been few and far between. +22369038 Part of the problem is the tendency of all sitcoms, ever since the didactic days of Norman Lear, to preach about social issues. +22369039 To some extent, this tendency emerges whenever the show tries to enlighten us about ethnic stereotypes by reversing them. +22369040 For instance, Michael dislikes Jackie not because he's a shrewd Jewish businessman, but because he quits his well-paying job as a salesman in order to become a social worker. +22369041 Even more problematic is the incompatibility between sitcom preachiness and Mr. Mason's comic persona. +22369042 The best moments in the show occur at the beginning and the end (and occasionally in the middle), when Mr. Mason slips into his standup mode and starts meting out that old-fashioned Jewish mischief to other people as well as to himself. +22369043 But too often, these routines lack spark because this sitcom, like all sitcoms, is timid about confronting Mr. Mason's stock in trade-ethnic differences. +22369044 I'm not suggesting that the producers start putting together episodes about topics like the Catholic-Jewish dispute over the Carmelite convent at Auschwitz. +22369045 That issue, like racial tensions in New York City, will have to cool down, not heat up, before it can simmer. +22369046 But I am suggesting that they stop requiring Mr. Mason to interrupt his classic shtik with some line about "caring for other people" that would sound shmaltzy on the lips of Miss America. +22369047 At your age, Jackie, you ought to know that you can't make soup without turning up the flame. +22370001 The official White House reaction to a plunge in stock prices has a 60-year history of calm, right up through Friday. +22370002 Treasury Secretary Nicholas Brady said in a statement Friday that the stock-market decline "doesn't signal any fundamental change in the condition of the economy." +22370003 "The economy," he added, "remains well-balanced and the outlook is for continued moderate growth." +22370004 Sound familiar? +22370005 Here's what Ronald Reagan said after the 1987 crash: "The underlying economy remains sound. +22370006 There is nothing wrong with the economy . . . all the indices are up." +22370007 Heard that before? +22370008 After the 1929 crash, Herbert Hoover said: "The fundamental business of the country . . . is on a sound and prosperous basis. +22371001 James Robinson, 57 years old, was elected president and chief executive officer of this maker of magnetic recording heads for disk drives. +22371002 He has been president and chief executive officer of Amperex Electronics Corp., a division of North American Philips Corp., itself a subsidiary of N.V. Philips of the Netherlands. +22371003 Charles J. Lawson Jr., 68, who had been acting chief executive since June 14, will continue as chairman. +22371004 The former president and chief executive, Eric W. Markrud, resigned in June. +22372001 The Senate's decision to approve a bare-bones deficit-reduction bill without a capital-gains tax cut still leaves open the possibility of enacting a gains tax reduction this year. +22372002 Late Friday night, the Senate voted 87-7 to approve an estimated $13.5 billion measure that had been stripped of hundreds of provisions that would have widened, rather than narrowed, the federal budget deficit. +22372003 Lawmakers drastically streamlined the bill to blunt criticism that it was bloated with special-interest tax breaks and spending increases. +22372004 "We're putting a deficit-reduction bill back in the category of being a deficit-reduction bill," said Senate Budget Committee Chairman James Sasser (D., Tenn.). +22372005 But Senate supporters of the trimmer legislation said that other bills would soon be moving through Congress that could carry some of the measures that had been cast aside, including a capital-gains tax cut. +22372006 In addition, the companion deficit-reduction bill already passed by the House includes a capital-gains provision. +22372007 House-Senate negotiations are likely to begin at midweek and last for a while. +22372008 "No one can predict exactly what will happen on the House side," said Senate Minority Leader Robert Dole (R., Kan.). +22372009 But, he added, "I believe Republicans and Democrats will work together to get capital-gains reform this year." +22372010 White House Budget Director Richard Darman told reporters yesterday that the administration wouldn't push to keep the capital-gains cut in the final version of the bill. +22372011 "We don't need this as a way to get capital gains," he said. +22372012 House Budget Committee Chairman Leon Panetta (D., Calif.) said in an interview, "If that's the signal that comes from the White House, that will help a great deal." +22372013 The Senate's decision was a setback for President Bush and will make approval of a capital-gains tax cut less certain this year. +22372014 Opponents of the cut are playing hardball. +22372015 Senate Majority Leader George Mitchell (D., Maine) said he was "confident" that any House-Senate agreement on the deficit-reduction legislation wouldn't include a capital-gains tax cut. +22372016 And a senior aide to the House Ways and Means Committee, where tax legislation originates, said there aren't any "plans to produce another tax bill that could carry a gains tax cut this year." +22372017 One obvious place to attach a capital-gains tax cut, and perhaps other popular items stripped from the deficit-reduction bill, is the legislation to raise the federal borrowing limit. +22372018 Such legislation must be enacted by the end of the month. +22372019 The Senate bill was pared back in an attempt to speed deficit-reduction through Congress. +22372020 Because the legislation hasn't been completed, President Bush has until midnight tonight to enact across-the-board spending cuts mandated by the Gramm-Rudman deficit-reduction law. +22372021 Senators hope that the need to avoid those cuts will pressure the House to agree to the streamlined bill. +22372022 The House appears reluctant to join the senators. +22372023 A key is whether House Republicans are willing to acquiesce to their Senate colleagues' decision to drop many pet provisions. +22372024 "Although I am encouraged by the Senate action," said Chairman Dan Rostenkowski (D., Ill.) of the House Ways and Means Committee, "it is uncertain whether a clean bill can be achieved in the upcoming conference with the Senate." +22372025 Another big question hovering over the debate is what President Bush thinks. +22372026 He has been resisting a stripped-down bill without a guaranteed vote on his capital-gains tax cut. +22372027 But Republican senators saw no way to overcome a procedural hurdle and garner the 60 votes needed to win the capital-gains issue on the floor, so they went ahead with the streamlined bill. +22372028 The Senate bill was stripped of many popular, though revenue-losing, provisions, a number of which are included in the House-passed bill. +22372029 These include a child-care initiative and extensions of soon-to-expire tax breaks for low-income housing and research-and-development expenditures. +22372030 Also missing from the Senate bill is the House's repeal of a law, called Section 89, that compels companies to give rank-and-file workers comparable health benefits to top paid executives. +22372031 One high-profile provision that was originally in the Senate bill but was cut out because it lost money was the proposal by Chairman Lloyd Bentsen (D., Texas) of the Senate Finance Committee to expand the deduction for individual retirement accounts. +22372032 Mr. Bentsen said he hopes the Senate will consider that measure soon. +22372033 To the delight of some doctors, the bill dropped a plan passed by the Finance Committee that would have overhauled the entire physician-reimbursement system under Medicare. +22372034 To the detriment of many low-income people, efforts to boost Medicaid funding, especially in rural areas, also were stricken. +22372035 Asked why senators were giving up so much, New Mexico Sen. Pete Domenici, the ranking Republican on the Senate Budget Committee, said, "We're looking like idiots. +22372036 Things had just gone too far." +22372037 Sen. Dole said that the move required sacrifice by every senator. +22372038 It worked, others said, because there were no exceptions: all revenue-losing provisions were stricken. +22372039 The Senate also dropped a plan by its Finance Committee that would have increased the income threshold beyond which senior citizens have their Social Security benefits reduced. +22372040 In addition, the bill dropped a plan to make permanent a 3% excise tax on long-distance telephone calls. +22372041 It no longer includes a plan that would have repealed what remains of the completed-contract method of accounting, which is used by military contractors to reduce their tax burden. +22372042 It also drops a provision that would have permitted corporations to use excess pension funds to pay health benefits for current retirees. +22372043 Also stricken was a fivefold increase in the maximum Occupational Safety and Health Administration penalties, which would have raised $65 million in fiscal 1990. +22372044 A provision that would have made the Social Security Administration an independent agency was excised. +22372045 The approval of the Senate bill was especially sweet for Sen. Mitchell, who had proposed the streamlining. +22372046 Mr. Mitchell's relations with Budget Director Darman, who pushed for a capital-gains cut to be added to the measure, have been strained since Mr. Darman chose to bypass the Maine Democrat and deal with other lawmakers earlier this year during a dispute over drug funding in the fiscal 1989 supplemental spending bill. +22372047 The deficit reduction bill contains $5.3 billion in tax increases in fiscal 1990, and $26 billion over five years. +22372048 The revenue-raising provisions, which affect mostly corporations, would: +22372049 -- Prevent companies that have made leveraged buy-outs from getting federal tax refunds resulting from losses caused by interest payments on debt issued to finance the buy-outs, effective Aug. 2, 1989. +22372050 -- Require mutual funds to include in their taxable income dividends paid to them on the date that the dividends are declared rather than received, effective the day after the tax bill is enacted. +22372051 -- Close a loophole regarding employee stock ownership plans, effective June 6, 1989, that has been exploited by investment bankers in corporate takeovers. +22372052 The measure repeals a 50% exclusion given to banks on the interest from loans used to acquire securities for an ESOP, if the ESOP owns less than 30% of the employer's stock. +22372053 -- Curb junk bonds by ending tax benefits for certain securities, such as zero-coupon bonds, that postpone cash interest payments. +22372054 -- Raise $851 million by suspending for one year an automatic reduction in airport and airway taxes. +22372055 -- Speed up the collection of the payroll tax from large companies, effective August 1990. +22372056 -- Impose a tax on ozone-depleting chemicals, such as those used in air conditioners and in Styrofoam, beginning at $1.10 a pound starting next year. +22372057 -- Withhold income taxes from the paychecks of certain farm workers currently exempt from withholding. +22372058 -- Change the collection of gasoline excise taxes to weekly from semimonthly, effective next year. +22372059 -- Restrict the ability of real estate owners to escape taxes by swapping one piece of property for another instead of selling it for cash. +22372060 -- Increase to $6 a person from $3 the international air-passenger departure tax, and impose a $3-a-person tax on international departures by commercial ships. +22372061 The measure also includes spending cuts and increases in federal fees. +22372062 Among its provisions: +22372063 -- Reduction of Medicare spending in fiscal 1990 by some $2.8 billion, in part by curbing increases in reimbursements to physicians. +22372064 The plan would impose a brief freeze on physician fees next year. +22372065 -- Removal of the U.S. Postal Service's operating budget from the federal budget, reducing the deficit by $1.77 billion. +22372066 A similar provision is in the House version. +22372067 -- Authority for the Federal Aviation Administration to raise $239 million by charging fees for commercial airline-landing rights at New York's LaGuardia and John F. Kennedy International Airports, O'Hare International Airport in Chicago and National Airport in Washington. +22372068 -- Increases in Nuclear Regulatory Commission fees totaling $54 million. +22372069 -- Direction to the U.S. Coast Guard to collect $50 million from users of Coast Guard services. +22372070 -- Raising an additional $43 million by increasing existing Federal Communications Commission fees and penalties and establishing new fees for amateur radio operators, ship stations and mobile radio facilities. +22372071 John E. Yang contributed to this article. +22373001 In response to your overly optimistic, outdated piece on how long unemployment lasts (People Patterns, Sept. 20): I am in the communications field, above entry level. +22373002 I was laid off in August 1988, and after a thorough and exhausting job search, was hired in August 1989. +22373003 My unemployment insurance ran out before I found a job; I found cutbacks and layoffs in many companies. +22373004 The statistics quoted by the "new" Census Bureau report (garnered from 1984 to 1986) are out of date, certainly as an average for the Northeast, and possibly for the rest of the country. +22373005 I think what bothered me most about the piece was that there seemed to be an underlying attitude to tell your readers all is well -- if you're getting laid off don't worry, and if you're unemployed, it's a seller's market. +22373006 To top it off, you captioned the graph showing the average number of months in a job search as "Time Off." +22373007 Are you kidding? +22373008 Looking for a job was one of the most anxious periods of my life -- and is for most people. +22373009 Your paper needs a serious reality check. +22373010 Reva Levin +22373011 Cambridge, Mass. +22374001 BULL HN INFORMATION SYSTEMS Inc. is a U.S. majority-owned unit of Cie. des Machines Bull. +22374002 In Friday's edition, the name of the unit was misstated. +22375001 Moody's Investors Service said it reduced its rating on $165 million of subordinated debt of this Beverly Hills, Calif., thrift, citing turmoil in the market for low-grade, high-yield securities. +22375002 The agency said it reduced its rating on the thrift's subordinated debt to B-2 from Ba-2 and will keep the debt under review for possible further downgrade. +22375003 Columbia Savings is a major holder of so-called junk bonds. +22375004 New federal legislation requires that all thrifts divest themselves of such speculative securities over a period of years. +22375005 Columbia Savings officials weren't available for comment on the downgrade. +22375006 FRANKLIN SAVINGS ASSOCIATION (Ottawa, Kan.) -- +22375007 Moody's Investors Service Inc. said it downgraded its rating to B-2 from Ba-3 on less than $20 million of this thrift's senior subordinated notes. +22375008 The rating concern said Franklin's "troubled diversification record in the securities business" was one reason for the downgrade, citing the troubles at its L.F. Rothschild subsidiary and the possible sale of other subsidiaries. +22375009 "They perhaps had concern that we were getting out of all these," said Franklin President Duane H. Hall. +22375010 "I think it was a little premature on their part. +22376001 Just when it seemed safe to go back into stocks, Wall Street suffered another severe attack of nerves. +22376002 Does this signal another Black Monday is coming? +22376003 Or is this an extraordinary buying opportunity, just like Oct. 19, 1987, eventually turned out to be? +22376004 Here's what several leading market experts and money managers say about Friday's action, what happens next and what investors should do. +22376005 Joseph Granville. +22376006 "I'm the only one who said there would be an October massacre, all through late August and September," says Mr. Granville, once a widely followed market guru and still a well-known newsletter writer. +22376007 "Everyone will tell you that this time is different from 1987," he says. +22376008 "Well, in some ways it is different, but technically it is just the same. +22376009 If you're a technician, you obey the signals. +22376010 Right now they're telling me to get the hell out and stay out. +22376011 I see no major support until 2200. +22376012 I see a possibility of going to 2200 this month." +22376013 Mr. Granville says he wouldn't even think of buying until at least 600 to 700 stocks have hit 52-week lows; about 100 stocks hit new lows Friday. +22376014 "Most people," he says, "have no idea what a massacre pattern looks like." +22376015 Elaine Garzarelli. +22376016 A quantitative analyst with Shearson Lehman Hutton Inc., Ms. Garzarelli had warned clients to take their money out of the market before the 1987 crash. +22376017 Friday's big drop, she says, "was not a crash. +22376018 This was an October massacre" like those that occurred in 1978 and 1979. +22376019 Now, as in those two years, her stock market indicators are positive. +22376020 So she thinks the damage will be short-lived and contained. +22376021 "Those corrections lasted one to four weeks and took the market 10%-12% down," she says. +22376022 "This is exactly the same thing, as far as I'm concerned." +22376023 Thus, she says, if the Dow Jones Industrial Average dropped below 2450, "It would just be a fluke. +22376024 My advice is to buy." +22376025 As she calculates it, the average stock now sells for about 12.5 times companies' earnings. +22376026 She says that ratio could climb to 14.5, given current interest rates, and still be within the range of "fair value." +22376027 Ned Davis. +22376028 Friday's fall marks the start of a bear market, says Mr. Davis, president of Ned Davis Research Inc. +22376029 But Mr. Davis, whose views are widely respected by money managers, says he expects no 1987-style crash. +22376030 "There was a unique combination in 1987," he says. +22376031 "Margin debt was at a record high. +22376032 There was tremendous public enthusiasm for stock mutual funds. +22376033 The main thing was portfolio insurance," a mechanical trading system intended to protect an investor against losses. " +22376034 A hundred billion dollars in stock was subject" to it. +22376035 In 1987, such selling contributed to a snowball effect. +22376036 Today could even be an up day, Mr. Davis says, if major brokerage firms agree to refrain from program trading. +22376037 Over the next several months, though, he says things look bad. +22376038 "I think the market will be heading down into November," he says. +22376039 "We will probably have a year-end rally, and then go down again. +22376040 Sort of a two-step bear market." +22376041 He expects the downturn to carry the Dow Jones Industrial Average down to around 2000 sometime next year. +22376042 "That would be a normal bear market," he says. +22376043 "I guess that's my forecast." +22376044 Leon G. Cooperman. +22376045 "I don't think the market is going through another October '87. +22376046 I don't think that's the case at all," says Mr. Cooperman, a partner at Goldman, Sachs & Co. and chairman of Goldman Sachs Asset Management. +22376047 Mr. Cooperman sees this as a good time to pick up bargains, but he doesn't think there's any need to rush. +22376048 "I expect the market to open weaker Monday, but then it should find some stability." +22376049 He ticks off several major differences between now and two years ago. +22376050 Unlike 1987, interest rates have been falling this year. +22376051 Unlike 1987, the dollar has been strong. +22376052 And unlike 1987, the economy doesn't appear to be in any danger of overheating. +22376053 But the economy's slower growth this year also means the outlook for corporate profits "isn't good," he says. +22376054 "So it's a very mixed bag." +22376055 Thus, he concludes, "This is not a good environment to be fully invested" in stocks. +22376056 "If I had come into Friday on margin or with very little cash in the portfolios, I would not do any buying. +22376057 But we came into Friday with a conservative portfolio, so I would look to do some modest buying" on behalf of clients. " +22376058 We're going to look for some of the better-known companies that got clocked" Friday. +22376059 John Kenneth Galbraith. +22376060 "This is the latest manifestation of the capacity of the financial community for recurrent insanity," says Mr. Galbraith, an economist. +22376061 "I see this as a reaction to the whole junk bond explosion," he says. +22376062 "The explosion of junk bonds and takeovers has lodged a lot of insecure securities in the hands of investors and loaded the corporations that are the objects of takeovers or feared takeovers with huge amounts of debt rather than equity. +22376063 This has both made investors uneasy and the corporations more vulnerable." +22376064 Nevertheless, he says a depression doesn't appear likely. +22376065 "There is more resiliency in the economy at large than we commonly suppose," he says. +22376066 "It takes more error now to have a major depression than back in the Thirties -- much as the financial community and the government may try." +22376067 Mario Gabelli. +22376068 New York money manager Mario Gabelli, an expert at spotting takeover candidates, says that takeovers aren't totally gone. +22376069 "Companies are still going to buy companies around the world," he says. +22376070 Examples are "Ford looking at Jaguar, BellSouth looking at LIN Broadcasting." +22376071 These sorts of takeovers don't require junk bonds or big bank loans to finance them, so Mr. Gabelli figures they will continue. +22376072 "The market was up 35% since {President} Bush took office," Mr. Gabelli says, so a correction was to be expected. +22376073 He thinks another crash is "unlikely," and says he was "nibbling at" selected stocks during Friday's plunge. +22376074 "Stocks that were thrown out just on an emotional basis are a great opportunity {this} week for guys like me," he says. +22376075 Jim Rogers. +22376076 "It seems to me that this is the pin that has finally pricked the balloon," says Mr. Rogers, a professor of finance at Columbia University and former co-manager of one of the most successful hedge funds in history, Quantum Fund. +22376077 He sees "economic problems, financial problems" ahead for the U.S., with a fairly strong possibility of a recession. +22376078 "Friday you couldn't sell dollars," he says. +22376079 Dealers "would give you a quote, but then refuse to make the trade." +22376080 If the dollar stays weak, he says, that will add to inflationary pressures in the U.S. and make it hard for the Federal Reserve Board to ease interest rates very much. +22376081 Mr. Rogers won't decide what to do today until he sees how the London and Tokyo markets go. +22376082 He recommends that investors sell takeover-related stocks, but hang on to some other stocks -- especially utilities, which often do well during periods of economic weakness. +22376083 Frank Curzio. +22376084 Many people now claim to have predicted the 1987 crash. +22376085 Queens newsletter writer Francis X. Curzio actually did it: He stated in writing in September 1987 that the Dow Jones Industrial Average was likely to decline about 500 points the following month. +22376086 Mr. Curzio says what happens now will depend a good deal on the Federal Reserve Board. +22376087 If it promptly cuts the discount rate it charges on loans to banks, he says, "That could quiet things down." +22376088 If not, "We could go to 2200 very soon." +22376089 Frank W. Terrizzi. +22376090 Stock prices "would still have to go down some additional amount before we become positive on stocks," says Mr. Terrizzi, president and managing director of Renaissance Investment Management Inc. in Cincinnati. +22376091 Renaissance, which manages about $1.8 billion, drew stiff criticism from many clients earlier this year because it pulled entirely out of stocks at the beginning of the year and thus missed a strong rally. +22376092 Renaissance is keeping its money entirely in cash equivalents, primarily U.S. Treasury bills. +22376093 "T-bills probably are the right place to be," he says. +22377001 Regarding the Oct. 3 letter to the editor from Rep. Tom Lantos, chairman of the House Subcommittee on Employment and Housing, alleging: +22377002 1. That your Sept. 28 editorial "Kangaroo Committees" was factually inaccurate and deliberately misleading. +22377003 I thought your editorial was factually accurate and deliberately elucidative. +22377004 2. That Mr. Lantos supported the rights of the witnesses to take the Fifth Amendment. +22377005 Yes, he did. +22377006 As I watched him on C-Span, I heard him speak those lovely words about the Bill of Rights, which he quotes from the transcript of the hearings. +22377007 He did repeat those nice platitudes several times as an indication of his support for the Constitution. +22377008 He used about 56 words defending the witnesses' constitutional rights. +22377009 Unfortunately, by my rough guess, he used better than 5,000 words heaping scorn on the witnesses for exercising the Fifth. +22377010 He sandwiched his praise of constitutional meat between large loaves of bilious commentary. +22377011 As your editorial rightly pointed out, Samuel Pierce, former HUD secretary, and Lance Wilson, Mr. Pierce's former aide, "are currently being held up to scorn for taking the Fifth Amendment. +22377012 " That certainly is not the supposed "distorted reading" indicated by Mr. Lantos. +22377013 3. That his "committee does not deal with any possible criminal activity at HUD. +22377014 My colleagues and I fully realize we are not a court . . . etc." +22377015 Absolute rubbish. +22377016 By any "reasonable man" criterion, Mr. Lantos and his colleagues have a whole bunch of people tried and convicted. +22377017 Apparently, their verdict is in. +22377018 Right now they're pursuing evidence. +22377019 That's not a bad way to proceed, just somewhat different from standard American practice. +22377020 How was that practice referred to when I was in school? +22377021 Ah, yes, something called a Star Chamber. +22377022 Of course, Mr. Lantos doth protest that his subcommittee simply seeks information for legislative change. +22377023 No doubt that's partially true. +22377024 Everything that Mr. Lantos says in his letter is partially true. +22377025 He's right about his subcommittee's responsibilities when it comes to obtaining information from prior HUD officials. +22377026 But if his explanation of motivation is true, why is his investigation so oriented as to identify criminal activity? +22377027 Why not simply questions designed to identify sources and causes of waste and inefficiency? +22377028 Such as, what happened when Congress wanted to know about $400 toilet seats or whatever they supposedly cost? +22377029 No, Mr. Lantos's complaints simply won't wash. +22377030 4. That the Journal defends "the sleaze, fraud, waste, embezzlement, influence-peddling and abuse of the public that took place while Mr. Pierce was secretary of HUD," etc. and so forth. +22377031 No, to my mind, the Journal did not "defend sleaze, fraud, waste, embezzlement, influence-peddling and abuse of the public trust . . ." +22377032 it defended appropriate constitutional safeguards and practical common sense. +22377033 The problem, which the Journal so rightly pointed out in a number of articles, is not the likes of Mr. Lantos, who after all is really a bit player on the stage, but the attempt by Congress to enhance itself into a quasi-parliamentary/judicial body. +22377034 (Of course, we've also got a judiciary that seeks the same objective.) +22377035 The system is the problem, not an individual member. +22377036 Individuals can always have their hands slapped. +22377037 It's when such slapping doesn't occur that we've got trouble. +22377038 I do not by any means defend HUD management. +22377039 But I think the kind of congressional investigation that has been pursued is a far greater danger to American notions of liberty and freedom than any incompetency (and, yes, maybe criminality) within HUD could possibly generate. +22377040 The last time I saw a similar congressional hearing was when "Tail Gunner Joe" McCarthy did his work. +22377041 Raymond Weber +22377042 Parsippany, N.J. +22377043 I disagree with the statement by Mr. Lantos that one should not draw an adverse inference against former HUD officials who assert their Fifth Amendment privilege against self-incrimination in congressional hearings. +22377044 The Fifth Amendment states in relevant part that no person "shall be compelled, in any criminal case, to be a witness against himself." +22377045 This privilege against self-incrimination precludes the drawing of an adverse inference against a criminal defendant who chooses not to testify. +22377046 Thus, in a criminal case, a prosecutor cannot comment on a defendant's failure to testify nor can the defendant be compelled to take the stand as a witness, thus forcing him to "take the Fifth." +22377047 The privilege, however, has been limited in accordance with its plain language to protect the defendant in criminal matters only. +22377048 The Supreme Court and some states have specifically recognized that "the Fifth Amendment does not preclude the inference where the privilege is claimed by a party to a civil cause." +22377049 Baxter v. Palmingiano, 425 U.S. 308 (1976). +22377050 Thus, in a civil case, a defendant may be called as a witness, he may be forced to testify or take the Fifth, and his taking of the Fifth may permit the drawing of an adverse inference against him in the civil matter. +22377051 He may take the Fifth in a civil matter only if he has a good faith and justifiable belief that his testimony may subject him to criminal prosecution. +22377052 Allowing the defendant to take the Fifth in a civil matter is not based on a constitutional right to refuse to testify where one's testimony harms him in the civil matter, but because the testimony in the civil matter could be unconstitutionally used against him in a subsequent criminal prosecution. +22377053 Absent the risk of such prosecution, a court may order the defendant to testify. +22377054 Thus, when Mr. Pierce asserted the Fifth in a noncriminal proceeding, particularly after presumably receiving extensive advice from legal counsel, one must conclude that he held a good-faith, justifiable belief that his testimony could be used against him in a subsequent criminal prosecution. +22377055 The subcommittee, Congress and the American public have every right to draw the adverse inference and to concur with Mr. Pierce's own belief that his testimony could help convict him of a crime. +22377056 Drawing the adverse inference in a noncriminal congressional hearing does not offend the Fifth Amendment shield against self-incrimination. +22377057 Clark S. Spalsbury Jr. +22377058 Estes Park, Colo. +22378001 It was Friday the 13th, and the stock market plummeted nearly 200 points. +22378002 Just a coincidence? +22378003 Or is triskaidekaphobia -- fear of the number 13 -- justified? +22378004 In academia, a so-called Friday the 13th effect has been set up and shot down by different professors. +22378005 Robert Kolb and Ricardo Rodriguez, professors of finance at the University of Miami, found evidence that the market is spooked by Friday the 13th. +22378006 But their study, which spanned the 1962-85 period, has since been shown to be jinxed by an unlucky choice of data. +22378007 In the '70s, the market took falls nine times in a row on Friday the you-know-what. +22378008 But the date tends to be a plus, not a minus, for stocks, according to Yale Hirsch, a collector of stock market lore. +22378009 Another study found that the 82 Fridays the 13th in the 1940-1987 period had higher than average returns -- higher even than Fridays in general, which tend to be strong days for stock prices. +22378010 On the only other Friday the 13th this year, the Dow Jones Industrial Average rose about four points. +22378011 Professor Kolb says the original study, titled Friday the 13th, Part VII, was published tongue-in-cheek. +22378012 In a similar vein, he adds that the anniversary of the 1987 crash and Saturday's full moon could have played a part, too, in Friday's market activity. +22379001 reminiscent of those during the 1987 crash -- that as stock prices plummeted and trading activity escalated, some phone calls to market makers in over-the-counter stocks went unanswered. +22379002 "We couldn't get dealers to answer their phones," said Robert King, senior vice president of OTC trading at Robinson-Humphrey Co. in Atlanta. +22379003 "It was {like} the Friday before Black Monday" two years ago. +22379004 Whether unanswered phone calls had any effect or not, Nasdaq stocks sank far less than those on the New York and American exchanges. +22379005 Nonetheless, the Nasdaq Composite Index suffered its biggest point decline of the year and its sixth worst ever, diving 14.90, or 3%, to 467.29. +22379006 Ten points of the drop occurred during the last 45 minutes of trading. +22379007 By comparison, the New York Stock Exchange Composite tumbled 5.8% Friday and the American Stock Exchange Composite fell 4%. +22379008 On Oct. 16, 1987, the Nasdaq Composite fell 16.18 points, or 3.8%, followed by its devastating 46.12-point, or 11% slide, three days later. +22379009 Nasdaq volume Friday totaled 167.7 million shares, which was only the fifth busiest day so far this year. +22379010 The single-day record of 288 million shares was set on Oct. 21, +22379011 "There wasn't a lot of volume because it was just impossible to get stock moved," said E.E. "Buzzy" Geduld, president of Herzog, Heine, Geduld, a New York company that makes markets in thousands of OTC issues. +22379012 Most of the complaints about unanswered phone calls came from regional brokers rather than individual investors. +22379013 Mr. King of Robinson-Humphrey and others were quick to add that they believe the problem stemmed more from traders' inability to handle the volume of calls, rather than a deliberate attempt to avoid making trades. +22379014 The subject is a sore one for Nasdaq and its market-making companies, which were widely criticized two years ago following complaints from investors who couldn't reach their brokers or trade in the chaos of the crash. +22379015 Peter DaPuzzo, head of retail equity trading at Shearson Lehman Hutton, declared: "It was the last hour of trading on a Friday. +22379016 There were too many phones ringing and too many things happening to expect market makers to be as efficient as robots. +22379017 It wasn't intentional, we were all busy." +22379018 James Tarantino, head of OTC trading at Hambrecht & Quist in San Francisco, said, "It was just like two years ago. +22379019 Everybody was trying to do the same thing at the same time." +22379020 Jeremiah Mullins, the OTC trading chief at Dean Witter Reynolds in New York, said proudly that his company executed every order it received by the close of trading. +22379021 But, he added, "you can only take one call at a time." +22379022 Market makers keep supplies of stock on hand to maintain orderly trading when imbalances occur. +22379023 On days like Friday, that means they must buy shares from sellers when no one else is willing to. +22379024 When selling is so frenzied, prices fall steeply and fast. +22379025 Two years ago, faced with the possibility of heavy losses on the stocks in their inventories, market makers themselves began dumping shares, exacerbating the slide in OTC stock prices. +22379026 On Friday, some market makers were selling again, traders said. +22379027 But, with profits sagging on Wall Street since the crash, companies have kept smaller share stockpiles on hand. +22379028 Mr. Tarantino of Hambrecht & Quist said some prices fell without trades taking place, as market makers kept dropping the prices at which they would buy shares. +22379029 "Everyone was hitting everyone else's bid," he said. +22379030 So, while OTC companies incurred losses on Friday, trading officials said the damage wasn't as bad as it was in 1987. +22379031 "Two years ago we were carrying huge inventories and that was the big culprit. +22379032 I don't know of anyone carrying big inventories now," said Mr. King of Robinson-Humphrey. +22379033 Tony Cecin, head of equity trading at Piper, Jaffray & Hopwood in Minneapolis, said that Piper Jaffray actually made money on Friday. +22379034 It helped that his inventory is a third smaller now than it was two years ago, he said. +22379035 Joseph Hardiman, president of the National Association of Securities Dealers, which oversees the Nasdaq computerized trading system, said that despite the rush of selling, he never considered the situation an "emergency." +22379036 "The pace of trading was orderly," he said. +22379037 Nasdaq's Small Order Execution System "worked beautifully," as did the automated system for larger trades, according to Mr. Hardiman. +22379038 Nevertheless, the shock of another steep plunge in stock prices undoubtedly will shake many investors' confidence. +22379039 In the past, the OTC market thrived on a firm base of small-investor participation. +22379040 Because Nasdaq's trading volume hasn't returned to pre-crash levels, traders and OTC market officials hope the damage won't be permanent. +22379041 But they are worried. +22379042 "We were just starting to get the public's confidence back," lamented Mr. Mullins of Dean Witter. +22379043 More troubling is the prospect that the overall collapse in stock prices could permanently erode the base of small-investor support the OTC market was struggling to rebuild in the wake of the October 1987 crash. +22379044 Mr. Cecin of Piper Jaffray says some action from government policy makers would allay investor fears. +22379045 It won't take much more to "scare the hell out of retail investors," he says. +22379046 The sellers on Friday came from all corners of the OTC market -- big and small institutional investors, as well as individual investors and market makers. +22379047 But grateful traders said the sell orders generally ranged from 20,000 shares to 50,000 shares, compared with blocks of 500,000 shares or more two years ago. +22379048 Shearson's Mr. DaPuzzo said retail investors nervously sold stock Friday and never returned to bargain-hunt. +22379049 Institutional investors, which had been selling stock throughout last week to lock in handsome gains made through the third quarter, were calmer. +22379050 "We had a good amount of selling from institutions, but not as much panic," Mr. DaPuzzo said. +22379051 "If they couldn't sell, some of them put the shares back on the shelf." +22379052 In addition, he said, some bigger institutional investors placed bids to buy some OTC stocks whose prices were beaten down. +22379053 In addition, Mr. DaPuzzo said computer-guided program selling of OTC stocks in the Russell Index of 2000 small stocks and the Standard & Poor's 500-stock Index sent occasional "waves " through the market. +22379054 Nasdaq's biggest stocks were hammered. +22379055 The Nasdaq 100 Index of the largest nonfinancial issues, including the big OTC technology issues, tumbled 4.2%, or 19.76, to 449.33. +22379056 The Nasdaq Financial Index of giant insurance and banking stocks dropped 2%, or 9.31, to 462.98. +22379057 The OTC market has only a handful of takeover-related stocks. +22379058 But they fell sharply. +22379059 McCaw Cellular Communications, for instance, has offered to buy LIN Broadcasting as well as Metromedia's New York City cellular telephone interests, and in a separate transaction, sell certain McCaw properties to Contel Cellular. +22379060 McCaw lost 8%, or 3 1/2, to 40. +22379061 LIN Broadcasting, dropped 5 1/2, or 5%, to 107 1/2. +22379062 The turnover in both issues was roughly normal. +22379063 On a day when negative takeover-related news didn't sit well with investors, Commercial Intertech, a maker of engineered metal parts, said Haas & Partners advised it that it doesn't plan to pursue its previously reported $27.50-a-share bid to buy the company. +22379064 Commercial Intertech plummeted 6 to 26. +22379065 The issues of companies with ties to the junk bond market also tumbled Friday. +22379066 On the OTC market, First Executive, a big buyer of the high-risk, high-yield issues, slid 2 to 12 1/4. +22379067 Among other OTC issues, Intel, dropped 2 1/8 to 33 7/8; Laidlaw Transportation lost 1 1/8 to 19 1/2; the American depositary receipts of Jaguar were off 1/4 to 10 1/4; MCI Communications slipped 2 1/4 to 43 1/2; Apple Computer fell 3 to 45 3/4 and Nike dropped 2 1/4 to 66 3/4. +22380001 Friday, October 13, 1989 +22380002 The key U.S. and foreign annual interest rates below are a guide to general levels but don't always represent actual transactions. +22380003 PRIME RATE: +22380004 10 1/2%. +22380005 The base rate on corporate loans at large U.S. money center commercial banks. +22380006 FEDERAL FUNDS: +22380007 8 13/16% high, 8 1/2% low, 8 5/8% near closing bid, 8 3/4% offered. +22380008 Reserves traded among commercial banks for overnight use in amounts of $1 million or more. +22380009 Source: Fulton Prebon (U.S.A.) Inc. +22380010 DISCOUNT RATE: +22380011 7%. +22380012 The charge on loans to depository institutions by the New York Federal Reserve Bank. +22380013 CALL MONEY: +22380014 9 3/4% to 10%. +22380015 The charge on loans to brokers on stock exchange collateral. +22380016 COMMERCIAL PAPER placed directly by General Motors Acceptance Corp.: +22380017 8.60% 30 to 44 days; 8.55% 45 to 59 days; 8.375% 60 to 79 days; 8.50% 80 to 89 days; 8.25% 90 to 119 days; 8.125% 120 to 149 days; 8% 150 to 179 days; 7.625% 180 to 270 days. +22380018 COMMERCIAL PAPER: +22380019 High-grade unsecured notes sold through dealers by major corporations in multiples of $1,000: +22380020 8.65% 30 days; 8.55% 60 days; 8.55% 90 days. +22380021 CERTIFICATES OF DEPOSIT: +22380022 8.15% one month; 8.15% two months; 8.13% three months; 8.11% six months; 8.08% one year. +22380023 Average of top rates paid by major New York banks on primary new issues of negotiable C.D.s, usually on amounts of $1 million and more. +22380024 The minimum unit is $100,000. +22380025 Typical rates in the secondary market: +22380026 8.65% one month; 8.65% three months; 8.55% six months. +22380027 BANKERS ACCEPTANCES: +22380028 8.52% 30 days; 8.37% 60 days; 8.15% 90 days; 7.98% 120 days; 7.92% 150 days; 7.80% 180 days. +22380029 Negotiable, bank-backed business credit instruments typically financing an import order. +22380030 LONDON LATE EURODOLLARS: +22380031 8 13/16% to 8 11/16% one month; 8 13/16% to 8 11/16% two months; 8 13/16% to 8 11/16% three months; 8 3/4% to 8 5/8% four months; 8 11/16% to 8 9/16% five months; 8 5/8% to 8 1/2% six months. +22380032 LONDON INTERBANK OFFERED RATES (LIBOR): +22380033 8 3/4% one month; 8 3/4% three months; 8 9/16% six months; 8 9/16% one year. +22380034 The average of interbank offered rates for dollar deposits in the London market based on quotations at five major banks. +22380035 FOREIGN PRIME RATES: +22380036 Canada 13.50%; Germany 8.50%; Japan 4.875%; Switzerland 8.50%; Britain 15%. +22380037 These rate indications aren't directly comparable; lending practices vary widely by location. +22380038 TREASURY BILLS: +22380039 Results of the Tuesday, October 10, 1989, auction of short-term U.S. government bills, sold at a discount from face value in units of $10,000 to $1 million: +22380040 7.63% 13 weeks; 7.60% 26 weeks. +22380041 FEDERAL HOME LOAN MORTGAGE CORP. (Freddie Mac): +22380042 Posted yields on 30-year mortgage commitments for delivery within 30 days. +22380043 9.91%, standard conventional fixedrate mortgages; 7.875%, 2% rate capped one-year adjustable rate mortgages. +22380044 Source: Telerate Systems Inc. +22380045 FEDERAL NATIONAL MORTGAGE ASSOCIATION (Fannie Mae): +22380046 Posted yields on 30 year mortgage commitments for delivery within 30 days (priced at par) +22380047 9.86%, standard conventional fixed-rate mortgages; 8.85%, 6/2 rate capped one-year adjustable rate mortgages. +22380048 Source: Telerate Systems Inc. +22380049 MERRILL LYNCH READY ASSETS TRUST: +22380050 8.33%. +22380051 Annualized average rate of return after expenses for the past 30 days; not a forecast of future returns. +22381001 Pension funds, insurers and other behemoths of the investing world said they began scooping up stocks during Friday's market rout. +22381002 And they plan to buy more today. +22381003 Rightly or wrongly, many giant institutional investors appear to be fighting the latest war by applying the lesson they learned in the October 1987 crash: Buying at the bottom pays off. +22381004 To be sure, big investors might put away their checkbooks in a hurry if stocks open sharply lower today. +22381005 They could still panic and bail out of the market. +22381006 But their 1987 performance indicates that they won't abandon stocks unless conditions get far worse. +22381007 "Last time, we got rewarded for going out and buying stocks when the panic was the worst," said John W. Rogers, president of Chicago-based Ariel Capital Management Inc., which manages $1.1 billion of stocks. +22381008 Mr. Rogers spent half his cash on hand Friday for "our favorite stocks that have fallen apart." +22381009 He expects to invest the rest if the market weakens further. +22381010 Denver-based portfolio manager James Craig wasn't daunted when Friday's rout shaved $40 million from the value of the $752 million Janus Fund he oversees. +22381011 "I waited to make sure all the program trades had kicked through," he said. +22381012 Then he jumped into the market: +22381013 "I spent $30 million in the last half-hour." +22381014 Other money managers also opened their wallets. +22381015 "I was buying at the close (Friday) and I'll be buying again because I know we're getting good value," said Frederick A. Moran, president of Moran Asset Management Inc., Greenwich, Conn. +22381016 "There is no justification on the fundamental level for this crash." +22381017 Unlike mutual funds, which can be forced to sell stockholdings when investors rush to withdraw money, big investors such as pension funds and insurance companies can decide to ride out market storms without jettisoning stock. +22381018 Most often, they do just that, because stocks have proved to be the best-performing long-term investment, attracting about $1 trillion from pension funds alone. +22381019 "If you bought after the crash, you did very very well off the bottom," said Stephen B. Timbers, chief investment officer of Chicago-based Kemper Financial Services Inc. +22381020 The $56 billion California Public Employees Retirement System, for one, added $1 billion to its stock portfolio two years ago. +22381021 "The last crash taught institutional investors that they have to be long-term holders, and that they can't react to short-term events, good or bad," said Stephen L. Nesbitt, senior vice president for the pension consultants Wilshire Associates in Santa Monica, Calif. +22381022 "Those that pulled out (of stocks) regretted it," he said, "so I doubt you'll see any significant changes" in institutional portfolios as a result of Friday's decline. +22381023 Stocks, as measured by the Standard & Poor's 500-stock index, have been stellar performers this year, rising 27.97% before Friday's plunge, excluding dividends. +22381024 Even Friday's slump leaves investors ahead more than 20%, well above the annual average for stocks over several decades. +22381025 "You could go down 400 points and still have a good year in the market," said James D. Awad, president of New York-based BMI Capital Corp. +22381026 Mr. Awad, however, worries that the market "could go down 800 or 900 points in the next few days. +22381027 It can happen before you can turn around." +22381028 He said he discerns many parallels with 1987, including the emphasis on takeover stocks and the re-emergence of computerized program trading. +22381029 "The only thing you don't have," he said, "is the `portfolio insurance' phenomenon overlaid on the rest." +22381030 Most institutional investors have abandoned the portfolio insurance hedging technique, which is widely thought to have worsened the 1987 crash. +22381031 Not really insurance, this tactic was designed to soften the blow of declining stock prices and generate an offsetting profit by selling waves of S&P futures contracts. +22381032 In its severest test, the $60 billion of portfolio insurance in effect in the 1987 crash didn't work, as stock buyers disappeared and stock and futures prices became disconnected. +22381033 Even without portfolio insurance, market conditions were grim Friday, money managers said. +22381034 Neil Weisman, whose New York-based Chilmark Capital Partners had converted 85% of its $220 million investment pool to cash in recent months, said he was besieged by Wall Street firms Friday asking him to take stock off their hands. +22381035 "We got calls from big block houses asking us if we want to make bids on anything," said Mr. Weisman, who, happy with his returns on investments chalked up earlier, declined the offers. +22381036 Mr. Weisman predicts stocks will appear to stabilize in the next few days before declining again, trapping more investors. +22381037 "I think it will be a rigor mortis rally," he said. +22381038 Meanwhile, Friday brought a reprieve for money managers whose investment styles had put them at odds with the market rally. +22381039 Especially gleeful were the short sellers, who have been pounded by this year's market climb. +22381040 The shorts sell borrowed shares, hoping to profit by replacing them later at a lower price. +22381041 The nation's largest short-selling operation is Feshbach Brothers, Palo Alto, Calif., which said last May that its short positions had shown losses of 10% for the year up to that point. +22381042 All that now has changed. +22381043 "We're ahead for the year because of Friday," said the firm's Kurt Feshbach. +22381044 "We're not making a killing, but we had a good day. +22382001 Food and Drug Administration spokesman Jeff Nesbit said the agency has turned over evidence in a criminal investigation concerning Vitarine Pharmaceuticals Inc. to the U.S. Attorney's office in Baltimore. +22382002 Neither Vitarine nor any of the Springfield Gardens, N.Y., company's officials or employees have been charged with any crimes. +22382003 Vitarine won approval to market a version of a blood pressure medicine but acknowledged that it substituted a SmithKline Beecham PLC product as its own in tests. +22382004 Mr. Nesbit also said the FDA has asked Bolar Pharmaceutical Co. to recall at the retail level its urinary tract antibiotic. +22382005 But so far the company hasn't complied with that request, the spokesman said. +22382006 Bolar, the subject of a criminal investigation by the FDA and the Inspector General's office of the Health and Human Services Department, only agreed to recall two strengths of its version of Macrodantin "as far down as direct customers, mostly wholesalers," Mr. Nesbit said. +22382007 Bolar, of Copiague, N.Y., earlier began a voluntary recall of both its 100 milligram and 50 milligram versions of the drug. +22382008 The FDA has said it presented evidence it uncovered to the company indicating that Bolar substituted the brand-name product for its own to gain government approval to sell generic versions of Macrodantin. +22382009 Bolar has denied that it switched the brand-name product for its own in such testing. +22383001 The West German retailer ASKO Deutsche Kaufhaus AG plans to challenge the legality of a widely employed anti-takeover defense of companies in the Netherlands. +22383002 The eventual court decision could become a landmark in Dutch corporate law because the lawsuit ASKO plans to file would be the first to challenge the entire principle and practice of companies issuing voting preferred shares to management-controlled trusts to dilute voting power of common stockholders. +22383003 Up to now only specific aspects of these defenses have been challenged, though unsuccessfully, ASKO's Dutch lawyers noted. +22383004 Should the courts uphold the validity of this type of defense, ASKO will then ask the court to overturn such a vote-diluting maneuver recently deployed by Koninklijke Ahold NV. +22383005 ASKO says the Dutch-based international food retailer hadn't reasonable grounds to issue preferred stock to a friendly trust and thus dilute the worth and voting power of ASKO and other shareholders. +22383006 Speaking through its Dutch lawyers, ASKO also disclosed it holds a 15% stake in Ahold. +22383007 It was previously thought ASKO held a 13.6% stake that was accumulated since July. +22383008 A spokesman for Ahold said his company is confident of its own position and the propriety of the preferred-share issue. +22383009 He termed ASKO's legal actions as "unproductive" to international cooperation among European retailers. +22384001 Chase Manhattan Bank Chairman Willard Butcher is a conservative banker and a loyal Republican, but on Friday morning he had few kind words for President Bush's economic policy-making. +22384002 "There are some very significant issues out there, such as the fiscal deficit, the trade deficit, our relations with Japan, that have to be the subject of major initiatives," he said in an interview. +22384003 "I'd like to see that initiative, and I haven't. +22384004 There isn't a big shot, an agenda." +22384005 A few hours later, the stock market dropped 190 points. +22384006 Politicians tried to finger each other for the blame, although many analysts doubt that Washington was singly responsible for Wall Street's woes. +22384007 But Mr. Butcher's comments make one thing clear: Some on Wall Street wonder if anyone is in charge of economic policy. +22384008 Consider this: +22384009 -- By 11:59 p.m. tonight, President Bush must order $16 billion of automatic, across-the-board cuts in government spending to comply with the Gramm-Rudman budget law. +22384010 The cuts are necessary because Congress and the administration have failed to reach agreement on a deficit-cutting bill. +22384011 "We simply don't have strong leadership to try to reduce the deficit and make tough choices," House Budget Committee Chairman Leon Panetta (D., Calif.) said yesterday on NBC News's "Meet the Press." +22384012 -- For the last two weeks, the Bush administration and the Federal Reserve have been engaged in a semi-public battle over international economic policy. +22384013 The administration has been trying to push the dollar lower; the Fed has been resisting. +22384014 "One of the things that continues to worry me is this monetary warfare between the Treasury Department and the Federal Reserve Board," said Lawrence Kudlow, a Bear, Stearns & Co. economist, on ABC's "This Week." +22384015 -- The administration has sent out confusing signals about its response to a recent spate of airline takeovers. +22384016 Last month, Transportation Secretary Sam Skinner forced Northwest Airlines to reduce a stake held by KLM Royal Dutch Airlines. +22384017 But he has since run into opposition from the Treasury and the White House over that decision. +22384018 And he has kept mum on how his decision might affect a bid for United Airlines, which includes a big stake by British Airways PLC. +22384019 Some analysts say uncertainty about Washington's anti-takeover policy was one reason that financing for the United Airlines takeover fell through -- the event that triggered the market drop. +22384020 In many ways, the backdrop to Friday's stock decline is eerily similar to that of October 1987's 508-point crash. +22384021 Then, as now, the budget debate was behind schedule and automatic spending cuts were within days of taking hold. +22384022 The Treasury was locked in a battle over international economic policy, although at that time it was with West German officials rather than the Federal Reserve. +22384023 And concern about official actions aimed at takeovers -- then by the tax-writing House Ways and Means Committee rather than the Transportation Department -- were making markets nervous. +22384024 The 1987 crash brought the Reagan administration and Democratic lawmakers to the table for the first budget summit, resulting in a two-year plan to reduce the deficit by more than $76 billion -- even though the deficit actually rose by nearly $12 billion during that period. +22384025 But, barring further drops in the market this week, a similar outcome doesn't seem likely this year. +22384026 Lawmakers and administration officials agree that Friday's drop, by itself, isn't enough to force both sides back to the table to try to reach a deficit-reduction agreement that would be more serious and more far-reaching than last spring's gimmick-ridden plan, which still isn't fully implemented. +22384027 One of the biggest reasons that new talks aren't likely to come about is that, as everyone learned in 1987, the economy and the market can survive a one-day 508-point tumble. +22384028 "Everybody thought we were looking at a repetition of 1929, that we were looking at a recession," Rep. Panetta said yesterday in an interview. +22384029 "That did not happen. +22384030 They learned they could survive it without much problem." +22384031 But administration officials privately agree with Mr. Panetta, who said a precipitous drop this week "is going to force the president and Congress to take a much harder look at fiscal policy." +22384032 In that case, there will be plenty of blame to go around. +22384033 "There is an underlying concern on the part of the American people -- and there should be-that the administration has not gone far enough in cutting this deficit and that Congress has been unwilling to cut what the administration asked us to cut," said Senate Finance Committee Chairman Lloyd Bentsen (D., Texas). +22384034 Nevertheless, it clearly will take more than Friday's 190-point decline to overcome the bitter feelings that have developed between lawmakers and White House Budget Director Richard Darman over the capital-gains fight. +22384035 Hill Democrats are particularly angry over Mr. Bush's claim that the capital-gains cut was part of April's budget accord and his insistence on combining it with the deficit-reduction legislation. +22384036 "There is no prospect of any so-called grand compromise or deal next year because the administration simply didn't live up to this year's deal," Senate Majority Leader George Mitchell (D., Maine) said yesterday on CBS News's "Face the Nation." +22384037 During last week's maneuverings on the deficit-cutting bill and the capital-gains issue, there were signs that Senate Republicans and the administration were at odds. +22384038 At the very moment that Senate Republicans were negotiating a deal to exclude capital gains from the deficit-reduction legislation, White House spokesman Marlin Fitzwater told reporters that it was the president's policy to include it. +22384039 When an agreement was reached to strip capital gains from the legislation, Oregon Sen. Bob Packwood, the ranking GOP member of the tax-writing Senate Finance Committee, hailed it. +22384040 Asked if the administration agreed, he curtly replied: "The adminstration will have to speak for itself." +22384041 Friday's market tumble could spur action on reconciling the House and Senate versions of the deficit-reduction measure, a process that isn't expected to begin until tomorrow at the soonest. +22384042 Senate Republicans expressed the hope that the House would follow the lead of the Senate, which on Friday agreed to drop a variety of spending measures and tax breaks that would have increased the fiscal 1990 deficit. +22384043 "The market needs a strong signal that we're serious about deficit reduction, and the best way to do that is for the House of Representatives to strip their bill" of similar provisions, Sen. Warren Rudman (R., N.H.). said yesterday. +22384044 The White House Office of Management and Budget, whose calculations determine whether the Gramm-Rudman targets are met, estimated that the House-passed deficit-reduction measure would cut the fiscal 1990 shortfall by $6.2 billion, almost half of the Congressional Budget Office's estimate of $11.0 billion. +22384045 Rep. Panetta said that OMB's figure would still be enough to avoid permanent across-the-board cuts, but added: "We're getting very close to the margins here." +22384046 No one in Washington was willing to take the blame for provoking Friday's drop in the stock market. +22384047 But some players were quick to seize the moment. +22384048 Before the sun had set on Friday, Richard Rahn, the supply-side chief economist of the U.S. Chamber of Commerce, issued a statement attributing the drop in stock prices to the Senate decision to postpone action on capital gains. +22384049 "Investors, who had been holding assets in anticipation of a more favorable time to sell, were spooked," he said. +22384050 "There have been many preposterous reasons advanced to support a capital-gains tax cut," Sen. Mitchell said during his television appearance, "but I suggest that is perhaps more than any of the others. +22385001 The following U.S. Treasury, corporate and municipal offerings are tentatively scheduled for sale this week, according to Dow Jones Capital Markets Report: +22385002 $15.2 billion of three-month and six-month bills. +22385003 Two-year notes, refinancing about $9.6 billion in maturing debt. +22385004 $9.75 billion of 52-week bills. +22385005 Connecticut Light & Power Co. -- +22385006 Three million shares of $25 preferred, via competitive bidding. +22385007 B&H Crude Carriers Ltd. -- +22385008 Four million common shares, via Salomon Brothers Inc. +22385009 Baldwin Technology Co. -- +22385010 2.6 million Class A shares, via Smith Barney Harris Upham & Co. +22385011 Blockbuster Entertainment Corp. -- +22385012 $250 million (face amount) Liquid Yield Option Notes, via Merrill Lynch Capital Markets. +22385013 Chase Manhattan Corp. -- +22385014 14 million common shares, via Goldman, Sachs & Co. +22385015 Comcast Corp. -- +22385016 $150 million convertible debentures, via Merrill Lynch. +22385017 CSS Industries -- +22385018 1.3 million common shares, via Merrill Lynch. +22385019 Eastern Utilities Associates -- +22385020 1.5 million common shares, via PaineWebber Inc. +22385021 Employee Benefit Plans Inc. -- +22385022 Two million common shares, via Dean Witter Capital Markets. +22385023 Exabyte Corp. -- +22385024 2,850,000 common shares, via Goldman Sachs. +22385025 Knowledgeware Inc. -- +22385026 2.4 million common shares, via Montgomery Securities. +22385027 Oregon -- +22385028 $100 million of general obligation veterans' tax notes, Series 1989, via competitive bid. +22385029 Washington, D.C. -- +22385030 $200 million of 1990 general obligation tax revenue notes (Series 1990A), via competitive bid. +22385031 Virginia Public School Authority -- +22385032 $55,730,000 of school financing bonds, 1989 Series B (1987 resolution), via competitive bid. +22385033 Austin, Texas -- +22385034 $68,230,000 of various bonds, including $32 million hotel occupancy tax revenue bonds, Series 1989A, and $36.23 million convention center revenue bonds, Series 1989B, via a Morgan Stanley & Co. group. +22385035 California Health Facilities Financing Authority -- +22385036 $144.5 million of Kaiser Permanente revenue bonds, via a PaineWebber group. +22385037 Connecticut -- +22385038 $100 million of general obligation capital appreciation bonds, College Savings Plan, 1989 Series B, via a Prudential-Bache Capital Funding group. +22385039 Pennsylvania Higher Education Facilities Authority -- +22385040 $117 million of revenue bonds for Hahnemann University, Series 1989, via a Merrill Lynch group. +22385041 Tennessee Valley Authority -- +22385042 Three billion of power bonds, via First Boston Corp. +22385043 University of Medicine And Dentistry of New Jersey -- +22385044 $55 million of Series C bonds, via a Prudential-Bache group. +22385045 West Virginia Parkways, Economic Development And Tourism Authority -- +22385046 $143 million of parkway revenue bonds, Series 1989, via a PaineWebber group. +22385047 San Antonio, Texas -- +22385048 $640 million of gas and electric revenue refunding bonds, via a First Boston group. +22385049 South Dakota Health & Education Facility Authority -- +22385050 $51.1 million of Rapid City Regional Hospital bonds, via a Dougherty, Dawkins, Strand & Yost Inc. group. +22386001 Small investors matched their big institutional brethren in anxiety over the weekend, but most seemed to be taking a philosophical approach and said they were resigned to riding out the latest storm in the stock market. +22386002 "I'm not losing faith in the market," said Boston lawyer Christopher Sullivan as he watched the market plunge on a big screen in front of a brokerage firm. +22386003 But he's not so sure about everyone else. +22386004 "I think on Monday the small (investors) are going to panic and sell," predicted Mr. Sullivan, whose investments include AMR Corp.'s American Airlines unit and several mutual funds. +22386005 "And I think institutions are going to come in and buy . . . +22386006 I'm going to hold on. +22386007 If I sell now, I'll take a big loss." +22386008 Some evinced an optimism that had been rewarded when they didn't flee the market in 1987. +22386009 "Oh, I bet it'll be up 50 points on Monday," said Lucy Crump, a 78-year-old retired housewife in Lexington, Ky. +22386010 Mrs. Crump said her Ashwood Investment Club's portfolio lost about one-third of its value following the Black Monday crash, "but no one got discouraged, and we gained that back -- and more." +22386011 At the annual congress of the National Association of Investors Corp. at the Hyatt Regency hotel in Minneapolis, the scene was calm. +22386012 Some 500 investors representing investor clubs from around the U.S. were attending when the market started to slide Friday. +22386013 But Robert Showalter, an official of the association, said no special bulletins or emergency meetings of the investors' clubs are planned. +22386014 In fact, some of the association's members -- long-term, buy-and-hold investors -- welcomed the drop in prices. +22386015 "We hope to take advantage of it," said John Snyder, a member of a Los Angeles investors' club. +22386016 He has four stocks in mind to buy if the prices drop to the level he wants. +22386017 Not everyone is reacting so calmly, however, and many wonder about the long-term implications of what is widely viewed as the cause of Friday's slide, reluctance by banks to provide financing for a buy-out of UAL Corp., parent of United Airlines. +22386018 Marc Perkins, a Tampa, Fla., investment banker, said the market drop is one of "a tremendous number of signs that the leveraged take-out era is ending. +22386019 There's no question that there's a general distaste for leverage among lenders. +22386020 " Mr. Perkins believes, however, that the market could be stabilized if California investor Marvin Davis steps back in to the United bidding with an offer of $275 a share. +22386021 Sara Albert, a 34-year-old Dallas law student, says she's generally skittish about the stock market and the takeover activity that seems to fuel it. +22386022 "I have this feeling that it's built on sand," she says, that the market rises "but there's no foundation to it." +22386023 She and her husband pulled most of their investments out of the market after the 1987 crash, although she still owns some Texaco stock. +22386024 Partly because of concern about the economy and partly because she recently quit her job as a legal assistant to go to school, "I think at this point we want to be a lot more liquid." +22386025 Others wonder how many more of these shocks the small investor can stand. +22386026 "We all assumed October '87 was a one-time shot," said San Francisco attorney David Greenberg. +22386027 "We told the little guy it could only happen once in a lifetime, come on back. +22386028 Now it's happening again." +22386029 Mr. Greenberg got out just before the 1987 crash and, to his regret, never went back even as the market soared. +22386030 This time he's ready to buy in "when the panic wears off." +22386031 Still, he adds: "We can't have this kind of thing happen very often. +22386032 When the little guy gets frightened, the big guys hurt badly. +22386033 Merrill Lynch can't survive without the little guy." +22386034 Small investors have tiptoed back into the market following Black Monday, but mostly through mutual funds. +22386035 Discount brokerage customers "have been in the market somewhat but not whole hog like they were two years ago," says Leslie Quick Jr., chairman of the Quick & Reilly discount brokerage firm. +22386036 Hugo Quackenbush, senior vice president at Charles Scwhab Corp., says Schwab customers "have been neutral to cautious recently about stocks." +22386037 Individual investors are still angry about program trading, Mr. Quackenbush says. +22386038 Avner Arbel, a Cornell University finance professor, says government regulators will have to more closely control program trading to "win back the confidence of the small investor." +22386039 But it's not only the stock market that has some small investors worried. +22386040 Alan Helfman, general sales manager of a Chrysler dealership in Houston, said he and his mother have some joint stock investments, but the overall economy is his chief worry. +22386041 "These high rollers took a big bath today," he said in his showroom, which is within a few miles of the multi-million dollar homes of some of Houston's richest citizens. +22386042 "And I can tell you that a high roller isn't going to come in tomorrow and buy a Chrysler TC by Maserati." +22386043 And, finally, there were the gloaters. +22386044 "I got out in 1987. +22386045 Everything," said Pascal Antori, an Akron, Ohio, plumbing contractor who was visiting Chicago and stopped by Fidelity Investments' LaSalle Street office. +22386046 "I just stopped by to see how much I would have lost." +22386047 Would Mr. Antori ever get back in? +22386048 "Are you kidding! +22386049 When it comes to money: Once bitten, 2,000 times shy. +22387001 The crowded field for notebook-sized computers is about to become a lot more crowded. +22387002 Compaq Computer Corp.'s long-awaited entry today into the notebook field is expected to put immediate heat on others in the market, especially Zenith Electronics Corp., the current market leader, and on a swarm of promising start-ups. +22387003 Compaq's series of notebooks extends a trend toward downsizing in the personal computer market. +22387004 One manufacturer already has produced a clipboard-sized computer called a notepad, and two others have introduced even smaller "palmtops." +22387005 But those machines are still considered novelties, with keyboards only a munchkin could love and screens to match. +22387006 Compaq's notebooks, by contrast, may be the first in their weight class not to skimp on features found in much bigger machines. +22387007 Analysts say they're faster and carry more memory than anything else of their size on the market -- and they're priced aggressively at $2,400 to $5,000. +22387008 All of this comes in a machine that weighs only six pounds and fits comfortably into most briefcases. +22387009 In recent months, Compaq's competition, including Zenith, Toshiba Corp., Tandy Corp. and NEC Corp. all have introduced portables that weigh approximately the same and that are called notebooks -- perhaps misleadingly. +22387010 One analyst, noting that most such machines are about two inches thick, takes exception to the name. +22387011 "This isn't quite a notebook -- I call it a phonebook," he says. +22387012 That can't be said of the $2,400 notepad computer introduced a few weeks ago by GRiD Systems Corp., a unit of Tandy. +22387013 Instead of a keyboard, it features a writing surface, an electronic pen and the ability to "read" block printing. +22387014 At 4 1/2 pounds, it may be too ambitiously named, but it nevertheless opens up the kind of marketing possibilities that make analysts froth. +22387015 Palmtops aren't far behind. +22387016 Atari Corp.'s Portfolio, introduced in Europe two months ago and in the U.S. in early September, weighs less than a pound, costs a mere $400 and runs on three AA batteries, yet has the power to run some spreadsheets and word processing programs. +22387017 Some critics, however, say its ability to run commonplace programs is restricted by a limited memory. +22387018 Poquet Computer Corp., meanwhile, has introduced a much more sophisticated palmtop that can run Lotus 1-2-3 and other sophisticated software programs, but costs five times as much. +22387019 At stake is what Mike Swavely, Compaq's president of North America operations, calls "the Holy Grail of the computer industry" -- the search for "a real computer in a package so small you can take it everywhere." +22387020 The market is so new, nobody knows yet how big it can be. +22387021 "I've had a lot of people trying to sell me services to find out how big it is," says Tom Humphries, director of marketing for GRiD. +22387022 "Whether it's $5 billion or $3.5 billion, it doesn't matter. +22387023 It's huge." +22387024 Consider the growth of portables, which now comprise 12% of all personal computer sales. +22387025 Laptops -- generally anything under 15 pounds -- have become the fastest-growing personal computer segment, with sales doubling this year. +22387026 Responding to that demand, however, has led to a variety of compromises. +22387027 Making computers smaller often means sacrificing memory. +22387028 It also has precluded use of the faster, more powerful microprocessors found in increasing numbers of desktop machines. +22387029 Size and weight considerations also have limited screen displays. +22387030 The competitive sniping can get pretty petty at times. +22387031 A Poquet spokesman, for example, criticizes the Atari Portfolio because it requires three batteries while the Poquet needs only two. +22387032 Both palmtops are dismissed by notebook makers, who argue that they're too small -- a problem Poquet also encountered in focus groups, admits Gerry Purdy, director of marketing. +22387033 Poquet, trying to avoid the "gadget" label, responded with the tag line, "The Poquet PC -- a Very Big Computer." +22387034 Despite the sniping, few question the inevitability of the move to small machines that don't make compromises. +22387035 Toward that end, experts say the real battle will take place between center-stage players like Toshiba, Zenith and now Compaq. +22387036 Compaq's new machines are considered a direct threat to start-up firms like Dynabook Inc., which introduced in June a computer that, like Compaq's, uses an Intel 286 microprocessor and has a hard disk drive. +22387037 But the Dynabook product is twice as heavy and costs more than Compaq's. +22387038 Compaq's announcement also spells trouble for Zenith, which last year had 28% of the U.S. laptop market but recently agreed to sell its computer business to Cie. des Machines Bull, the French government-owned computer maker. +22387039 Zenith holders will vote in December on the proposed $635 million sale, a price that could slip because it is pegged to Zenith's share and sales. +22387040 Compaq is already taking aim at Zenith's market share. +22387041 Rod Canion, Compaq's president and chief executive officer, notes pointedly that Zenith's $2,000 MinisPort uses an "unconventional" two-inch floppy disk, whereas Compaq's new machines use the more common 3 1/2-inch disk. +22387042 John P. Frank, president of Zenith Data Systems, simply shrugs off such criticism, noting that 3 1/2-inch floppies were also "unconventional" when they first replaced five-inch disks. +22387043 "We don't look at it as not being a standard, we look at it as a new standard," he argues. +22387044 Analysts don't see it that way. +22387045 "I can't imagine that you'll talk to anyone who won't tell you this is dynamite for Compaq and a stopper for everyone else," says Gene Talsky, president of Professional Marketing Management Inc. +22387046 Adds Bill Lempesis, senior industry analyst for DataQuest, a high-technology market research firm: "We basically think that these are very hot products. +22387047 The problem Compaq is going to have is that they won't be able to make enough of them." +22387048 Compaq's machines include the 3 1/2-inch floppy disk drive, a backlit screen that is only 1/4-inch thick and an internal expansion slot for a modem -- in other words, almost all the capabilities of a typical office machine. +22387049 Others undoubtedly will follow, but most analysts believe Compaq has at least a six-month lead on the competition. +22387050 Toshiba's line of portables, for example, features the T-1000, which is in the same weight class but is much slower and has less memory, and the T-1600, which also uses a 286 microprocessor, but which weighs almost twice as much and is three times the size. +22387051 A third model, marketed in Japan, may hit the U.S. by the end of the first quarter of 1990, but by then, analysts say, Compaq will have established itself as one of three major players. +22387052 What about Big Blue? +22387053 International Business Machines Corp., analysts say, has been burned twice in trying to enter the laptop market and shows no signs of trying to get into notebooks anytime soon. +22388001 Honeywell Inc. and International Business Machines Corp. received Air Force contracts to develop integrated circuits for use in space. +22388002 Honeywell's contract totaled $69.7 million, and IBM's $68.8 million. +22388003 Boeing Co. received a $46.7 million Air Force contract for developing cable systems for the Minuteman Missile. +22388004 General Dynamics Corp. received a $29 million Air Force contract for electronic-warfare training sets. +22388005 Grumman Corp. received an $18.1 million Navy contract to upgrade aircraft electronics. +22388006 Avco Corp. received an $11.8 million Army contract for helicopter engines. +22389001 Sharp increases in the price of fresh produce caused Spain's September consumer price index to shoot up 1.1% from the previous month, pushing the annual rate of inflation to 6.8%, the National Institute of Statistics said Friday. +22389002 The monthly increase is the highest recorded in the past four years. +22389003 The index, which registered 156.8 at the end of September, has a base of 100 set in 1983 and isn't seasonally adjusted. +22389004 Prices have risen 5.9% in the first nine months of the year, outstripping both the initial 3% inflation goal set by the government of Socialist Prime Minister Felipe Gonzalez and the second, revised goal of 5.8%. +22390001 Japan's wholesale prices in September rose 3.3% from a year earlier and were up 0.4% from the previous month, the Bank of Japan announced Friday. +22390002 The wholesale price index stood at 90.1, compared with a 1985 base of 100. +22391001 Plunge? +22391002 What plunge? +22391003 Twenty-four New York Stock Exchange issues hit 52-week highs during Friday's trading, despite the Dow Jones Industrial Average's 190.58-point plunge. +22391004 Stocks of utilities held up relatively better than other market sectors during the sell-off. +22391005 And among the issues hitting new highs were Detroit Edison Co. and Niagara Mohawk Power Corp. +22391006 Other major issues hitting highs included American Telephone & Telegraph Co., Westinghouse Electric Corp., Exxon Corp. and Cigna Corp., the big insurer. +22391007 Of course, many more issues -- 93 -- hit new lows. +22391008 These included International Business Machines Corp., which during Friday's session traded below $100 a share for the first time since June 1984. +22391009 IBM closed at $102, down $5.625. +22391010 Other new lows included Navistar International Corp., Union Carbide Corp. and Bethlehem Steel Corp., all of which are included in the industrial average. +22391011 Meanwhile, two initial public offerings braved the cascading market in their maiden day of national over-the-counter trading Friday. +22391012 Shares of Rally's Inc., an operator of fast-food restaurants, closed at $17 each, up from its $15 offering price and shares of Employee Benefit Plans Inc., a health-care consultant, closed at $14.125, up from its $12 offering price. +22392001 Ford Motor Co. said it acquired 5% of the shares in Jaguar PLC. +22392002 Jaguar, the London Stock Exchange and the U.S. Securities and Exchange Commission are being notified of the transactions, the company said. +22392003 The U.S. Federal Trade Commission advised Ford last week that it wouldn't raise any objection to the acquisition of as much as 15% of Jaguar shares. +22392004 The No. 2 auto maker disclosed last month that it wants to buy as much as 15% of the British luxury-car maker, the maximum allowed under current United Kingdom government restrictions. +22392005 General Motors Corp. said it had discussed the possibility of a joint venture with Jaguar before Ford began buying shares. +22392006 GM said it still is talking with Jaguar about acquiring a minority interest. +22393001 Investors who bought stock with borrowed money -- that is, "on margin" -- may be more worried than most following Friday's market drop. +22393002 That's because their brokers can require them to sell some shares or put up more cash to enhance the collateral backing their loans. +22393003 In October 1987, these margin calls were thought to have contributed to the downward spiral of the stock market. +22393004 Typically, a margin call occurs when the price of a stock falls below 75% of its original value. +22393005 If the investor doesn't put up the extra cash to satisfy the call, the brokerage firm may begin liquidating the securities. +22393006 But some big brokerage firms said they don't expect major problems as a result of margin calls. +22393007 Margin calls since Friday "have been higher than usual, but reasonable," a spokesman for Shearson Lehman Hutton Inc. said. +22393008 Merrill Lynch & Co. officials "don't expect {margin calls} to be as big a factor as in 1987" because fewer individual investors are buying stock on margin, a spokesman said. +22393009 Hugo Quackenbush, senior vice president at Charles Schwab Corp., the San Francisco-based discount brokerage firm, said he didn't expect any immediate problems with margin calls for Schwab customers. +22393010 He said Schwab had increased margin requirements "so customers have more of a cushion." +22393011 He added: "We learned a lesson in 1987 about volatility. +22394001 Avis Inc., following rival Hertz Corp.'s lead, said it is backing out of frequent-flier programs with three airlines. +22394002 The Garden City, N.Y., car-rental company said it won't renew contracts with NWA Inc.'s Northwest Airlines unit, Pan Am Corp.'s Pan American World Airways unit and Midway Airlines at the end of this year. +22394003 But it remains involved in programs with AMR Corp.'s American Airlines unit and Delta Air Lines. +22394004 Industry estimates put Avis's annual cost of all five programs at between $8 million and $14 million. +22394005 A spokesman for Avis wouldn't specify the costs but said the three airlines being dropped account for "far less than half" of the total. +22394006 Budget Rent a Car Corp., of Chicago, and National Car Rental Systems Inc., of Minneapolis, both said they had no plans to follow suit. +22394007 In fact, Budget indicated it saw some benefit to staying involved in these programs, in which renters earn frequent-flier miles and fliers can get car-rental discounts. +22394008 "I cannot see how this news by Hertz and Avis cannot benefit Budget's programs," said Bob Wilson, Budget's vice president, marketing planning. +22394009 Northwest and Midway are two of the five airlines with which Budget has agreements. +22394010 National also participates in the Northwest frequent-flier program along with four other airlines, including Delta and USAir Group Inc.'s USAir unit. +22394011 A month ago, Hertz, of Park Ridge, N.J., said that it would drop its marketing agreements at year end with Delta, America West and Texas Air Corp.'s Continental Airlines and Eastern Airlines, and that pacts with American Airlines, UAL Inc's United Airlines and USAir also would be ended. . . sometime after Dec. 31. +22394012 At the time, Hertz said its annual fees to those airlines amounted to $20 million and that the value of redeemed awards topped $15 million. +22394013 Analysts and competitors, however, doubt the numbers were that high. +22394014 Budget said its frequent-flier costs are "substantially below" Avis's level. +22394015 Robert D. Cardillo, Avis vice president of marketing, said, "The proliferation and costs attached to {frequent-flier programs} have significantly diminished their value." +22394016 This year has been difficult for both Hertz and Avis, said Charles Finnie, car-rental industry analyst at Alex. Brown & Sons. +22394017 "They've been looking to get their costs down, and this is a fairly sensible way to do it," he said. +22395001 CBS Inc. is cutting "The Pat Sajak Show" down to one hour from its current 90 minutes. +22395002 CBS insisted the move wasn't a setback for the program, which is the network's first entry into the late-night talk show format since 1972. +22395003 "I have every intention of making this the best possible show and having it run one hour is the best way to it," said Rod Perth, who was named vice president of late night entertainment in August. +22395004 "This will raise the energy level of the show." +22395005 CBS will continue to program action-adventure shows to follow the Sajak hour. +22395006 But CBS News will extend its four-hour "Nightwatch" by 30 minutes and begin at 1:30 a.m. +22395007 The show, despite a promising start, has slipped badly in the weekly ratings as compiled by A.C. Nielsen Co., finishing far below "Tonight" on NBC, a unit of General Electric Co., and "Nightline" on ABC-TV, a unit of Capital Cities/ABC Inc. +22395008 Further fractioning the late-night audience is the addition of the "Arsenio Hall Show," syndicated by Paramount Communications Inc. +22396001 Tandem Computers Inc., preparing to fight with International Business Machines Corp. for a piece of the mainframe business, said it expects to post higher revenue and earnings for its fiscal fourth quarter ended Sept. 30. +22396002 Tandem said it expects to report revenue of about $450 million and earnings of 35 cents to 40 cents a share. +22396003 The results, which are in line with analysts' estimates, reflect "a continued improvement in our U.S. business," said James Treybig, Tandem's chief executive officer. +22396004 In the year-earlier period, Tandem reported net income of $30.1 million, or 31 cents a share, on revenue of $383.9 million. +22396005 Tandem expects to report the full results for the quarter next week. +22396006 Analysts have predicted that the Cupertino, Calif., company will report revenue of $430 million to $460 million and earnings of 35 cents to 40 cents a share. +22396007 Commenting on the results for the quarter, Mr. Treybig said the strength of the company's domestic business came as "a surprise" to him, noting that sales "in every region of the U.S. exceeded our plan." +22396008 The company's U.S. performance was helped by "a record quarter for new customers," he said. +22396009 Tandem makes "fault-tolerant" computers -- machines with built-in backup systems -- that run stock exchanges, networks of automatic tellers and other complex computer systems. +22396010 Tomorrow the company is scheduled to announce its most powerful computer ever, which for the first time will bring it into direct competition with makers of mainframe computers. +22396011 Tandem's new high-end computer is called Cyclone. +22396012 Prices for the machine, which can come in various configurations, are $2 million to $10 million. +22396013 Analysts expect the new computer to wrest a hefty slice of business away from IBM, the longtime leader in mainframes. +22396014 "We believe they could siphon perhaps two to three billion dollars from IBM" over the next few years, said George Weiss, an analyst at the Gartner group. +22396015 That will spur Tandem's growth. +22396016 "I'd be disappointed if the company grew by less than 20% next year," said John Levinson, an analyst at Goldman, Sachs & Co. +22396017 IBM is expected to respond to Tandem's Cyclone by discounting its own mainframes, which analysts say are roughly three times the price of a comparable system from Tandem. +22396018 "Obviously IBM can give bigger discounts to users immediately," said Mr. Weiss. +22396019 But Mr. Treybig questions whether that will be enough to stop Tandem's first mainframe from taking on some of the functions that large organizations previously sought from Big Blue's machines. +22396020 "The answer isn't price reductions, but new systems," he said. +22396021 Nevertheless, Tandem faces a variety of challenges, the biggest being that customers generally view the company's computers as complementary to IBM's mainframes. +22396022 Even Mr. Treybig is reluctant to abandon this notion, insisting that Tandem's new machines aren't replacements for IBM's mainframes. +22396023 "We're after a little bigger niche," he said. +22397001 Don't jump yet. +22397002 The stock market's swoon may turn out to be good news for the economy. +22397003 In one wild hour of trading, the market managed to accomplish what the Bush administration has been trying to do, unsuccessfully, for weeks. +22397004 It is forcing the Federal Reserve to ease its grip on credit and it took the wind out of a previously irrepressible dollar. +22397005 The resulting decline in interest rates and the value of the dollar could reinvigorate American business -- indeed, the entire economy. +22397006 This may sound strangely optimistic. +22397007 After all, until a few years ago, the stock market was viewed as a barometer of the national economy. +22397008 When it went down, by all tradition, the economy followed. +22397009 That has changed, partly because the two years following the worst stock-market plunge in history have been reasonably comfortable. +22397010 The 1987 crash was "a false alarm however you view it," says University of Chicago economist Victor Zarnowitz. +22397011 The market seems increasingly disconnected from the rest of the nation. +22397012 Its spasms can't be traced to fundamental business conditions, nor do they appear to presage major shifts in the economy. +22397013 "The market today has a life of its own," John Akers, chairman of International Business Machines Corp., said Saturday. +22397014 "There's nothing rational about this kind of action." +22397015 Of course, the health of the economy will be threatened if the market continues to dive this week. +22397016 Sharply falling stock prices do reduce consumer wealth, damage business confidence and discourage the foreign investors upon whom the U.S. now relies for financial sustenance. +22397017 The financial-services industry was battered by the 1987 crash. +22397018 What's more, although the stock market is far less overvalued today than two years ago, the U.S. economy is weaker. +22397019 Growth is slower. +22397020 Profits are softer. +22397021 Debt burdens are heavier. +22397022 But if the stock market doesn't continue to plummet, the beneficial effects of lower interest rates and a lower dollar may well dominate. +22397023 The Fed, which until Friday had been resisting moves to ease credit, is now poised to pour money into the economy if needed to soothe the markets. +22397024 Fed officials may protest that this doesn't necessarily mean a fundamental change in their interest-rate policies. +22397025 But the experience of the 1987 crash suggests the Fed is likely to bring down short-term interest rates in its effort to calm markets. +22397026 Anticipating the Fed's move, money traders lowered a key interest rate known as the Federal Funds rate to 8.625% late Friday, down from 8.820% the day before. +22397027 Tiny movements in the rate, which is what banks charge each other for overnight loans, are usually among the few visible tracks that the Fed leaves on the monetary markets. +22397028 The dollar also began to decline Friday as the stock market's plunge caused some investors to reassess their desire to invest in the U.S. +22397029 Treasury officials have been arguing for months that the dollar's strength was out of whack with economic fundamentals, threatening to extinguish the export boom that has sustained manufacturers for several years. +22397030 The market drop has now apparently convinced foreign investors that the Treasury was right about the overpriced dollar. +22397031 A modest drop in the dollar -- only a modest one, mind you -- would be welcomed by the U.S. +22397032 That wasn't the case in 1987, when the dollar was so weak that some economists and government officials seriously worried that it might collapse, producing panic among foreign investors and diminishing the flow of foreign capital to the U.S. +22397033 Another big difference between 1987 and 1989 isn't so comforting. +22397034 In the third quarter of 1987, the economy spurted at an inflation-adjusted annual rate of 5.3%. +22397035 The consensus among economists is that it grew a much more sluggish 2.3% in the third quarter of 1989, which ended two weeks ago. +22397036 The plunge in stock prices "is happening at a time when the economy has already slowed down," says economist Lawrence Chimerine of WEFA Group, a Bala Cynwyd, Pa., forecasting company. +22397037 "A lot of pent-up demand is gone." +22397038 Consumer spending did drop in the months following Black Monday 1987 -- "but only slightly and for a short period of time," recalls Mr. Zarnowitz, a longtime student of business cycles. +22397039 "That was offset by strength elsewhere. +22397040 {The effects} were much less severe and less prolonged than some had feared or expected. +22397041 " Today, he frets, exports and business investment spending may be insufficient to pick up the slack if stock prices sink this week and if consumers retrench in reaction. +22397042 What's more, the corporate borrowing binge hasn't abated in the past two years. +22397043 "We've had two more years of significant accumulation of debt . . . just at the time when earnings are being squeezed," Mr. Chimerine notes. +22397044 The more a company relies on borrowed money, the greater its sensitivity to an economic slowdown. +22397045 A company with a strong balance sheet can withstand an unanticipated storm; a highly leveraged company may end up in bankruptcy court. +22397046 The Fed, of course, knows that very well -- hence its readiness to pump credit into the economy this morning. +22397047 But, in the process, the Fed risks reigniting inflation. +22397048 Even before Friday's events, Harvard University economist Benjamin Friedman was arguing that the Fed won't be able to live up to its tough words on eliminating inflation because of its responsibility to protect fragile financial markets, banks and highly leveraged corporations. +22397049 The biggest threat on the economic horizon right now isn't recession, he reasons; it's an outbreak of uncontrolled inflation. +22397050 In the end, the 1987 collapse suggested, the economy doesn't move in lockstep with stock prices. +22397051 The economy does, however, depend on the confidence of businesses, consumers and foreign investors. +22397052 A panic on Wall Street doesn't exactly inspire confidence. +22397053 Surveys suggested that consumer confidence was high before Friday. +22397054 A 190-point drop isn't likely to make much of a dent; multiply that a few times over, though, and it will. +22397055 If the reactions of executives gathered Saturday at Hot Springs, Va., for the Business Council meetings are typical, business leaders weren't overly rattled by Friday's decline. +22397056 And if foreign investors become a tad more cautious -- well, the dollar's recent strength suggests that the U.S. can stand it. +22397057 On the bottom line, the most comforting fact for the economic outlook is that we've been through this before. +22397058 Two years ago, about the only point of comparison was the 1929 crash and the subsequent Depression. +22397059 The doomsayers had a receptive audience. +22397060 The prosperity that followed Black Monday permits a more optimistic view today. +22397061 At the very least, the establishment here is taking comfort from the nation's success in handling the last go-around. +22397062 As Sen. Lloyd Bentsen (D., Texas) observed yesterday, "The Fed avoided a meltdown last time. +22397063 They are more sophisticated this time. +22398001 The chemical industry is expected to report that profits eroded in the third quarter because of skidding prices in the commodity end of the business. +22398002 Producers of commodity chemicals, the basic chemicals produced in huge volumes for other manufacturers, have seen sharp inventory cutting by buyers. +22398003 Once the chief beneficiaries of the industry's now fading boom, these producers also will be reporting against exceptionally strong performances in the 1988 third quarter. +22398004 "For some of these companies, this will be the first quarter with year-to-year negative comparisons," says Leonard Bogner, a chemical industry analyst at Prudential Bache Research. +22398005 "This could be the first of five or six down quarters." +22398006 Perhaps most prominent, Dow Chemical Co., which as of midyear had racked up eight consecutive record quarters, is expected to report that profit decreased in the latest quarter from a year earlier, if only by a shade. +22398007 Though Dow has aggressively diversified into specialty chemicals and pharmaceuticals, the company still has a big stake in polyethylene, which is used in packaging and housewares. +22398008 Analysts' third-quarter estimates for the Midland, Mich., company are between $3.20 a share and $3.30 a share, compared with $3.36 a year ago, when profit was $632 million on sales of $4.15 billion. +22398009 A Dow spokeswoman declined to comment on the estimates. +22398010 At the investment firm of Smith Barney, Harris Upham & Co., the commodity-chemical segment is seen pulling down overall profit for 20 companies representative of the whole industry by 8% to 10%. +22398011 "You will find the commodities off more than the others and the diversified companies about even or slightly better," says James Wilbur, a Smith Barney analyst. +22398012 First Boston Corp. projects that 10 of the 15 companies it follows will report lower profit. +22398013 Most of the 10 have big commodity-chemical operations. +22398014 Still, some industry giants are expected to report continuing gains, largely because so much of their business is outside commodity chemicals. +22398015 Du Pont Co. is thought to have had steady profit growth in white pigments, fibers and polymers. +22398016 Moreover, the Wilmington, Del., company is helped when prices weaken on the commodity chemicals it buys for its own production needs, such as ethylene. +22398017 Analysts are divided over whether Du Pont will report much of a gain in the latest quarter from its Conoco Inc. oil company. +22398018 The estimates for Du Pont range from $2.25 to $2.45 a share. +22398019 In the 1988 third quarter, the company earned $461 million, or $1.91 a share, on sales of $7.99 billion. +22398020 Du Pont declined to comment. +22398021 Monsanto Co., too, is expected to continue reporting higher profit, even though its sales of crop chemicals were hurt in the latest quarter by drought in northern Europe and the western U.S. +22398022 The St. Louis-based company is expected to report again that losses in its G.D. Searle & Co. pharmaceutical business are narrowing. +22398023 Searle continued to operate in the red through the first half of the year, but Monsanto has said it expects Searle to post a profit for all of 1989. +22398024 Most estimates for Monsanto run between $1.70 and $2 a share. +22398025 A year ago, the company posted third-quarter profit of $116 million, or $1.67 a share, on sales of $2.02 billion. +22398026 Monsanto declined to comment. +22398027 But the commodity-chemical producers are caught on the downside of a pricing cycle. +22398028 By some accounts on Wall Street and in the industry, the inventory reductions are near an end, which may presage firmer demand. +22398029 But doubters say growing production capacity could keep pressure on prices into the early 1990s. +22398030 In the latest quarter, at least, profit is expected to fall sharply. +22398031 For Himont Inc., "how far down it is, we don't know," says Leslie Ravitz at Salomon Brothers. +22398032 The projections are in the neighborhood of 50 cents a share to 75 cents, compared with a restated $1.65 a share a year earlier, when profit was $107.8 million on sales of $435.5 million. +22398033 Himont faces lower prices for its mainstay product, polypropylene, while it goes forward with a heavy capital investment program to bolster its raw material supply and develop new uses for polypropylene, whose markets include the packaging and automobile industries. +22398034 The company, based in Wilmington, Del., is 81%-owned by Montedison S.p.A., Milan, which has an offer outstanding for the Himont shares it doesn't already own. +22398035 At Quantum Chemical Corp., New York, the trouble is lower prices for polyethylene, higher debt costs and the idling of an important plant due to an explosion. +22398036 Some analysts hedge their estimates for Quantum, because it isn't known when the company will book certain one-time charges. +22398037 But the estimates range from break-even to 35 cents a share. +22398038 In the 1988 third quarter, Quantum earned $99.8 million, or $3.92 a share, on sales of $724.4 million. +22398039 Another big polyethylene producer, Union Carbide Corp., is expected to post profit of between $1 a share and $1.25, compared with $1.56 a share a year earlier, when the company earned $213 million on sales of $2.11 billion. +22398040 Himont, Quantum and Union Carbide all declined to comment. +22399001 The following were among Friday's offerings and pricings in the U.S. and non-U.S. capital markets, with terms and syndicate manager, as compiled by Dow Jones Capital Markets Report: +22399002 Dow Chemical Co. -- +22399003 $150 million of 8.55% senior notes due Oct. 15, 2009, priced at par. +22399004 The issue, which is puttable back to the company at par on Oct. 15, 1999, was priced at a spread of 50 basis points above the Treasury's 10-year note. +22399005 Rated single-A-1 by Moody's Investors Service Inc. and single-A by Standard & Poor's Corp., the non-callable issue will be sold through underwriters led by Merrill Lynch Capital Markets. +22399006 Centel Capital Corp. -- +22399007 $150 million of 9% debentures due Oct. 15, 2019, priced at 99.943 to yield 9.008%. +22399008 The non-callable issue, which can be put back to the company in 1999, was priced at 99 basis points above the Treasury's 10-year note. +22399009 Rated Baa-1 by Moody's and triple-B-plus by S&P, the issue will be sold through underwriters led by Morgan Stanley & Co. +22399010 Federal Home Loan Mortgage Corp. -- +22399011 $500 million of Remic mortgage securities offered in 13 classes by Prudential-Bache Securities Inc. +22399012 The offering, Series 102, backed by Freddie Mac 8 1/2% securities with a weighted average remaining term to maturity of 28.4 years, was priced before the market's afternoon surge. +22399013 Among classes for which details were available, yields ranged from 8.78%, or 75 basis points over two-year Treasury securities, to 10.05%, or 200 basis points over 10-year Treasurys. +22399014 Federal Home Loan Mortgage Corp. -- +22399015 $300 million of Remic mortgage securities offered by Citicorp Securities Markets Inc. +22399016 The offering, Series 101, is backed by Freddie Mac 9 1/2% securities. +22399017 Pricing details weren't immediately available. +22399018 Federal Home Loan Mortgage Corp. -- +22399019 $200 million of stripped mortgage securities underwritten by BT Securities Corp. +22399020 The agency's first strips issue, collateralized by Freddie Mac 8% securities pooled into a single security called a Giant, will be divided into interest-only and principal-only securities. +22399021 The collateral is being sold by a thrift institution. +22399022 The principal-only securities will be repackaged by BT Securities into a Freddie Mac Remic, Series 103, that will have six classes. +22399023 The interest-only securities will be sold separately by BT Securities. +22399024 The principal-only securities pay the principal from the underlying Freddie Mac 8% securities, while the interest-only securities pay only interest. +22399025 Freddie Mac said the principal-only securities were priced at 58 1/4 to yield 8.45%, assuming an average life of eight years and a prepayment of 160% of the PSA model. +22399026 The interest-only securities were priced at 35 1/2 to yield 10.72%. +22399027 There were no major Eurobond or foreign bond offerings in Europe Friday. +22400001 The economy's temperature will be taken from several vantage points this week, with readings on trade, output, housing and inflation. +22400002 The most troublesome report may be the August merchandise trade deficit due out tomorrow. +22400003 The trade gap is expected to widen to about $9 billion from July's $7.6 billion, according to a survey by MMS International, a unit of McGraw-Hill Inc., New York. +22400004 Thursday's report on the September consumer price index is expected to rise, although not as sharply as the 0.9% gain reported Friday in the producer price index. +22400005 That gain was being cited as a reason the stock market was down early in Friday's session, before it got started on its reckless 190-point plunge. +22400006 Economists are divided as to how much manufacturing strength they expect to see in September reports on industrial production and capacity utilization, also due tomorrow. +22400007 Meanwhile, September housing starts, due Wednesday, are thought to have inched upward. +22400008 "There's a possibility of a surprise" in the trade report, said Michael Englund, director of research at MMS. +22400009 A widening of the deficit, if it were combined with a stubbornly strong dollar, would exacerbate trade problems -- but the dollar weakened Friday as stocks plummeted. +22400010 In any event, Mr. Englund and many others say that the easy gains in narrowing the trade gap have already been made. +22400011 "Trade is definitely going to be more politically sensitive over the next six or seven months as improvement begins to slow," he said. +22400012 Exports are thought to have risen strongly in August, but probably not enough to offset the jump in imports, economists said. +22400013 Views on manufacturing strength are split between economists who read September's low level of factory job growth as a sign of a slowdown and those who use the somewhat more comforting total employment figures in their calculations. +22400014 The wide range of estimates for the industrial output number underscores the differences: The forecasts run from a drop of 0.5% to an increase of 0.4%, according to MMS. +22400015 A rebound in energy prices, which helped push up the producer price index, is expected to do the same in the consumer price report. +22400016 The consensus view expects a 0.4% increase in the September CPI after a flat reading in August. +22400017 Robert H. Chandross, an economist for Lloyd's Bank in New York, is among those expecting a more moderate gain in the CPI than in prices at the producer level. +22400018 "Auto prices had a big effect in the PPI, and at the CPI level they won't," he said. +22400019 Food prices are expected to be unchanged, but energy costs jumped as much as 4%, said Gary Ciminero, economist at Fleet/Norstar Financial Group. +22400020 He also says he thinks "core inflation," which excludes the volatile food and energy prices, was strong last month. +22400021 He expects a gain of as much as 0.5% in core inflation after a summer of far smaller increases. +22400022 Housing starts are expected to quicken a bit from August's annual pace of 1,350,000 units. +22400023 Economists say an August rebound in permits for multifamily units signaled an increase in September starts, though activity remains fairly modest by historical standards. +22401001 Two-Way Street +22401002 If the sixty-day plant-closing law's fair, Why should we not then amend the writ To require that all employees give Similar notice before they quit? +22401003 -- Rollin S. Trexler. +22401004 Candid Comment +22401005 When research projects are curtailed due to government funding cuts, are we "caught with our grants down"? +22401006 -- C.E. Friedman. +22402001 Assuming the stock market doesn't crash again and completely discredit yuppies and trading rooms, American television audiences in a few months may be seeing Britain's concept of both. +22402002 "Capital City" is a weekly series that premiered here three weeks ago amid unprecedented hype by its producer, Thames Television. +22402003 The early episodes make you long for a rerun of the crash of 1987. +22402004 Let's make that 1929, just to be sure. +22402005 According to the program's publicity prospectus, "Capital City," set at Shane Longman, a fictional mid-sized securities firm with #500 million capital, "follows the fortunes of a close-knit team of young, high-flying dealers, hired for their particular blend of style, genius and energy. +22402006 But with all the money and glamour of high finance come the relentless pressures to do well; pressure to pull off another million before lunch; pressure to anticipate the market by a fraction of a second . . ." +22402007 You needn't be a high-powered securities lawyer to realize the prospectus is guilty of less than full disclosure. +22402008 The slickly produced series has been criticized by London's financial cognoscenti as inaccurate in detail, but its major weakness is its unrealistic depiction of the characters' professional and private lives. +22402009 Turned loose in Shane Longman's trading room, the yuppie dealers do little right. +22402010 Judging by the money lost and mistakes made in the early episodes, Shane Longman's capital should be just about exhausted by the final 13th week. +22402011 In the opening episode we learn that Michelle, a junior bond trader, has indeed pulled off another million before lunch. +22402012 Trouble is, she has lost it just as quickly. +22402013 Rather than keep the loss a secret from the outside world, Michelle blabs about it to a sandwich man while ordering lunch over the phone. +22402014 Little chance that Shane Longman is going to recoup today. +22402015 Traders spend the morning frantically selling bonds, in the belief that the U.S. monthly trade figures will look lousy. +22402016 Ah, perfidious Columbia! +22402017 The trade figures turn out well, and all those recently unloaded bonds spurt in price. +22402018 So much for anticipating the market by a fraction of a second. +22402019 And a large slice of the first episode is devoted to efforts to get rid of some nearly worthless Japanese bonds (since when is anything Japanese nearly worthless nowadays?). +22402020 Surprisingly, Shane Longman survives the week, only to have a senior executive innocently bumble his way into becoming the target of a criminal insider trading investigation. +22402021 Instead of closing ranks to protect the firm's reputation, the executive's internal rivals, led by a loutish American, demand his resignation. +22402022 The plot is thwarted when the firm's major stockholder, kelp farming on the other side of the globe, hurries home to support the executive. +22402023 But the investigation continues. +22402024 If you can swallow the premise that the rewards for such ineptitude are six-figure salaries, you still are left puzzled, because few of the yuppies consume very conspicuously. +22402025 In fact, few consume much of anything. +22402026 Two share a house almost devoid of furniture. +22402027 Michelle lives in a hotel room, and although she drives a canary-colored Porsche, she hasn't time to clean or repair it; the beat-up vehicle can be started only with a huge pair of pliers because the ignition key has broken off in the lock. +22402028 And it takes Declan, the obligatory ladies' man of the cast, until the third episode to get past first base with any of his prey. +22402029 Perhaps the explanation for these anomalies is that class-conscious Britain isn't ready to come to terms with the wealth created by the Thatcherian free-enterprise regime. +22402030 After all, this isn't old money, but new money, and in many cases, young money. +22402031 This attitude is clearly illustrated in the treatment of Max, the trading room's most flamboyant character. +22402032 Yuppily enough, he lives in a lavishly furnished converted church, wears designer clothes and drives an antique car. +22402033 But apparently to make him palatable, even lovable, to the masses, the script inflates pony-tailed Max into an eccentric genius, master of 11 Chinese dialects. +22402034 He takes his wash to the laundromat, where he meets a punky French girl who dupes him into providing a home for her pet piranha and then promptly steals his car and dumps it in Dieppe. +22402035 In producing and promoting "Capital City," Thames has spent about as much as Shane Longman loses on a good day. +22402036 The production costs are a not inconsiderable #8 million ($12.4 million), and would have been much higher had not the cost of the trading floor set been absorbed in the budget of "Dealers," an earlier made-for-TV movie. +22402037 Another half million quid went for a volley of full-page advertisements in six major British newspapers and for huge posters in the London subway. +22402038 These expenses create a special incentive for "Capital City's" producers to flog it, or a Yank-oriented version of it, in America. +22402039 Thames's U.S. marketing agent, Donald Taffner, is preparing to do just that. +22402040 He is discreetly hopeful, citing three U.S. comedy series -- "Three's Company," "Too Close for Comfort" and "Check It Out" -- that had British antecedents. +22402041 Perhaps without realizing it, Mr. Taffner simultaneously has put his finger on the problem and an ideal solution: "Capital City" should have been a comedy, a worthy sequel to the screwball British "Carry On" movies of the 1960s. +22402042 The seeds already are in the script. +22402043 The first episode concluded with a marvelously cute scene in which the trading-room crew minded a baby, the casualty of a broken marriage at the firm. +22402044 And many in the young cast bear striking resemblances to American TV and movie personalities known for light roles. +22402045 Joanna Kanska looks like a young Zsa Zsa Gabor; William Armstrong, who plays Max, could pass for Hans Conreid, and Douglas Hodge (Declan) for James Farentino; Rolf Saxon is a passable Tommy Noonan and Dorian Healy could easily double for Huntz Hall, the blank-faced foil of the Bowery Boys comedies. +22402046 So, OK kids, everybody on stage for "Carry On Trading": The cast is frantically searching the office for misplaced Japanese bonds that suddenly have soared in value because Dai-Ichi Kangyo Bank has just bought the White House. +22402047 The pressure is too much for Zsa Zsa, who slaps a security guard. +22402048 He backflips into a desktop computer terminal, which explodes, covering Huntz Hall's face with microchips. +22402049 And all the while, the bonds are in the baby's diaper. +22402050 It should run forever. +22402051 Mr. Rustin is senior correspondent in the Journal's London bureau. +22403001 Axa-Midi Assurances of France gave details of its financing plans for its proposed $4.5 billion acquisition of Farmers Group Inc., in amended filings with insurance regulators in the nine U.S. states where Farmers operates. +22403002 The proposed acquisition is part of Sir James Goldsmith's unfriendly takeover attempt for B.A.T Industries PLC, the British tobacco, retailing, paper and financial services concern that is parent of Los Angeles-based Farmers. +22403003 In an attempt to appease U.S. regulators' concern over a Goldsmith acquisition of Farmers, Sir James in August agreed to sell Farmers to Axa if he is successful in acquiring B.A.T. +22403004 As part of the agreement, Axa agreed to invest $1 billion in Hoylake Investments Ltd., Sir James's acquisition vehicle. +22403005 Of the total $5.5 billion to be paid to Hoylake by Axa, about $1 billion will come from available resources of Axa's parent, Axa-Midi Group, $2.25 billion will be in the form of notes issued by Axa, and the remaining $2.25 billion will be in long-term bank loans. +22403006 In an interview Thursday, Claude Bebear, chairman and chief executive officer of Axa, said his group has already obtained assurances from a group of banks led by Cie. Financiere de Paribas that they can provide the loan portion of the financing. +22403007 The other banking companies in the group are Credit Lyonnais, Societe Generale, BankAmerica Corp. and Citicorp, he said. +22403008 Mr. Bebear said Axa-Midi Group has "more than $2.5 billion of non-strategic assets that we can and will sell" to help pay off debt from the acquisition. +22403009 He said the assets to be sold would be "non-insurance" assets, including a beer company and a real estate firm, and wouldn't include any pieces of Farmers. +22403010 "We won't put any burden on Farmers," he said. +22403011 The amended filings also point out that under a new agreement, Hoylake has an absolute obligation to sell Farmers to Axa upon an acquisition of B.A.T. +22403012 "We hope that with what we did, the regulators will not need to evaluate Hoylake, and they can directly look at the agreement with us, because Hoylake won't be an owner of Farmers at anytime," Mr. Bebear said. +22403013 Any change of control in Farmers needs approval of the insurance commissioners in the nine states where Farmers and its related companies are incorporated. +22403014 The amended filings were required because of the new agreement between Axa and Hoylake, and to reflect the extension that Sir James received last month under British takeover rules to complete his proposed acquisition. +22403015 Hoylake dropped its initial #13.35 billion ($20.71 billion) takeover bid after it received the extension, but said it would launch a new bid if and when the propsed sale of Farmers to Axa receives regulatory approval. +22403016 A spokesman for B.A.T said of the amended filings that, "It would appear that nothing substantive has changed. +22403017 The new financing structure is still a very-highly leveraged one, and Axa still plans to take out 75% of Farmers' earnings as dividends to service their debt." +22403018 That dividend is almost double the 35% currently taken out of Farmers by B.A.T, the spokesman added. +22403019 "It would have severe implications for Farmers' policy holders." +22403020 To fend off Sir James's advances, B.A.T has proposed a sweeping restructuring that would pare it to a tobacco and financial services concern. +22404001 Dismal sales at General Motors Corp. dragged the U.S. car and truck market down below year-ago levels in early October, the first sales period of the 1990 model year. +22404002 The eight major domestic auto makers sold 160,510 North American-made cars in the first 10 days of October, a 12.6% drop from a year earlier. +22404003 Domestically built truck sales were down 10.4% to 86,555 pickups, vans and sport utility vehicles. +22404004 The heavy use of incentives to clear out 1989 models appears to have taken the steam, at least initially, out of 1990 model sales, which began officially Oct. 1. +22404005 This appears particularly true at GM, which had strong sales in August and September but saw its early October car and truck results fall 26.3% from last year's unusually high level. +22404006 Overall, sales of all domestic-made vehicles fell 11.9% from a year ago. +22404007 Without GM, overall sales for the other U.S. automakers were roughly flat with 1989 results. +22404008 Some of the U.S. auto makers have already adopted incentives on many 1990 models, but they may have to broaden their programs to keep sales up. +22404009 "We've created a condition where, without incentives, it's a tough market," said Tom Kelly, sales manager for Bill Wink Chevrolet in Dearborn, Mich. +22404010 Car sales fell to a seasonally adjusted annual selling rate of 5.8 million vehicles, the lowest since October 1987. +22404011 The poor performance contrasts with a robust selling rate of almost eight million last month. +22404012 Furthermore, dealers contacted late last week said they couldn't see any immediate impact on sales of Friday's steep market decline. +22404013 GM's domestic car sales dropped 24.3% and its domestic trucks were down an even steeper 28.7% from the same period a year ago. +22404014 All of the GM divisions except Cadillac showed big declines. +22404015 Cadillac posted a 3.2% increase despite new competition from Lexus, the fledging luxury-car division of Toyota Motor Corp. +22404016 Lexus sales weren't available; the cars are imported and Toyota reports their sales only at month-end. +22404017 The sales drop for the No. 1 car maker may have been caused in part by the end in September of dealer incentives that GM offered in addition to consumer rebates and low-interest financing, a company spokesman said. +22404018 Last year, GM had a different program in place that continued rewarding dealers until all the 1989 models had been sold. +22404019 Aside from GM, other car makers posted generally mixed results. +22404020 Ford Motor Co. had a 1.8% drop in domestic car sales but a 2.4% increase in domestic truck sales. +22404021 Chrysler Corp. had a 7.5% drop in car sales, echoing its generally slow performance all year. +22404022 However, sales of trucks, including the company's popular minivans, rose 4.3%. +22404023 Honda Motor Co.'s sales of domestically built vehicles plunged 21.7% from a year earlier. +22404024 Honda's plant in Marysville, Ohio, was gearing up to build 1990 model Accords, a Honda spokesman said. +22404025 "We're really confident everything will bounce back to normal," he added. +22404026 Separately, Chrysler said firm prices on its 1990-model domestic cars and minivans will rise an average of 5% over comparably equipped 1989 models. +22404027 Firm prices were generally in line with the tentative prices announced earlier this fall. +22404028 At that time, Chrysler said base prices, which aren't adjusted for equipment changes, would rise between 4% and 9% on most vehicle. +22404029 a-Totals include only vehicle sales reported in period. +22404030 c-Domestic car +22404031 d-Percentage change is greater than 999%. +22404032 x-There were 8 selling days in the most recent period and 8 a year earlier. +22404033 Percentage differences based on daily sales rate rather than sales volume. +22405001 Antonio L. Savoca, 66 years old, was named president and chief executive officer of the Atlantic Research Corp. subsidiary. +22405002 Mr. Savoca had been a consultant to the subsidiary's rocket-propulsion operations. +22405003 Mr. Savoca succeeds William H. Borten, who resigned to pursue personal interests. +22405004 Sequa makes and repairs jet engines. +22405005 It also has interests in military electronics and electro-optics, marine transportation and machinery used to make food and beverage cans. +22406001 It wasn't so long ago that a radio network funded by the U.S. Congress -- and originally by the Central Intelligence Agency -- was accused by officials here of employing propagandists, imperialists and spies. +22406002 Now, the network has opened a news bureau in the Hungarian capital. +22406003 Employees held an open house to celebrate and even hung out a sign: "Szabad Europa Radio" -- Radio Free Europe. +22406004 "I think this is a victory for the radio," says Barnabas de Bueky, a 55-year-old former Hungarian refugee who works in the Munich, West Germany, headquarters as deputy director of the Hungarian service. +22406005 In fact, the network hopes to set up offices in Warsaw and anywhere else in the East Bloc that will have it. +22406006 But the rapid changes brought on by glasnost and open borders are altering the network's life in more ways than one. +22406007 In fact, Radio Free Europe is in danger of suffering from its success. +22406008 While the network currently can operate freely in Budapest, so can others. +22406009 In addition, competition for listeners is getting tougher in many ways than when broadcasting here was strictly controlled. +22406010 Instead of being denounced as an evil agent of imperialism, Radio Free Europe is more likely to draw the criticism that its programs are too tame, even boring. +22406011 "They have a lot to do these days to compete with Hungarian radio," says Andrew Deak, a computer-science student at the Technical University in Budapest. +22406012 "The Hungarian {radio} reporters seem better informed and more critical about about what's going on here." +22406013 Indeed, Hungary is in the midst of a media explosion. +22406014 Boys on busy street corners peddle newspapers of every political stripe. +22406015 Newsstands are packed with a colorful array of magazines. +22406016 Radio and television are getting livelier and bolder. +22406017 The British Broadcasting Corp. and the U.S. State Department's Voice of America broadcast over Hungarian airwaves, though only a few hours a day each in Hungarian. +22406018 Australian press magnate Rupert Murdoch has bought 50% stakes in two popular and gossipy Hungarian newspapers, while Britain's Robert Maxwell has let it be known here that he is thinking about similar moves. +22406019 But Radio Free Europe doesn't plan to fade away. +22406020 With its mission for free speech and the capitalist way, the network's staff says it still has plenty to do -- in Hungary and in the "Great Eastern Beyond." +22406021 Radio Free Europe and its sister station for the Soviet Union, Radio Liberty, say they won't cut back their more than 19 hours of daily broadcasts. +22406022 They are still an important source of news for 60 million listeners in 23 exotic tongues: from Bulgarian and Belorussian to Kazakh and Kirghiz. +22406023 The establishment of its first bureau in Warsaw Pact territory shows the depth of some of the changes in Eastern Europe. +22406024 Months before the decision by the Hungarian Communist Party to rename itself Socialist and try to look more appealing to voters, the country's rulers were trying to look more hospitable. +22406025 It proved a perfect time for Radio Free Europe to ask for permission to set up office. +22406026 Not only did the Hungarian Ministry of Foreign Affairs approve Radio Free Europe's new location, but the Ministry of Telecommunications did something even more amazing: "They found us four phone lines in central Budapest," says Geza Szocs, a Radio Free Europe correspondent who helped organize the Budapest location. +22406027 "That is a miracle." +22406028 It's a far cry from the previous treatment of the network, which had to overcome jamming of its frequencies and intimidation of local correspondents (who filed reports to the network by phone, secret messengers or letters). +22406029 In fact, some of the network's Hungarian listeners say they owe Radio Free Europe loyalty because it was responsible in many ways for keeping hope alive through what one writer here calls the "Dark Ages of the 20th Century." +22406030 "During the past four years, many of us have sat up until late at night listening to our radios," says the writer. +22406031 "There were some very brave broadcasts." +22406032 The listeners, too, had to be brave. +22406033 Through much of the post-World War II period, listening to Western broadcasts was a crime in Hungary. +22406034 "When we listen to the Europe station, my mother still gets nervous," says a Budapest translator. +22406035 "She wants to turn down the volume and close the curtains." +22406036 Now, the toughest competition for Radio Free Europe comes during the late-night slot. +22406037 Hungarian radio often saves its most politically outspoken broadcasts for around midnight. +22406038 Television, which most of the time is considered rather tame, has entered the running with a new program, "The End of the Day," which comes on after 11 p.m. +22406039 It is a talk show with opposition leaders and political experts who discuss Hungary's domestic problems as well as foreign affairs. +22406040 Those who want to hear even more radical views have to get up at five on Sunday morning for "Sunday Journal," on Hungarian Radio. +22406041 The competitive spirit is clearly influencing Radio Free Europe, which is trying to beef up programs. +22406042 The Budapest office plans to hire free-lance reporters to cover the latest happenings in Hungarian country towns from Nagykanizsa in the west to Nyiregyhaza in the east. +22406043 The Hungarian service has a daily 40-minute news show called Newsreel, with international and domestic news, plus a daily news review of opinions from around the world. +22406044 There's also a host of new programs, trying to lighten up on the traditional diet of politics. +22406045 A daily 35-minute program called "The March of Time" tries to find interesting tidbits of lighthearted news and gossip from around the world. +22406046 There's a program for women and a science show. +22406047 And to attract younger listeners, Radio Free Europe intersperses the latest in Western rock groups. +22406048 The Pet Shop Boys are big this year in Budapest. +22406049 "We are starving for all the news," says Mr. Deak, the student. +22406050 "Every moment we want to know everything about the world. +22407001 Proposals for government-operated "national service," like influenza, flare up from time to time, depress the resistance of the body politic, run their course, and seem to disappear, only to mutate and afflict public life anew. +22407002 The disease metaphor comes to mind, of course, not as an aspersion on the advocates of national service. +22407003 Rather, it is born of frustration with having to combat constantly changing strains of a statist idea that one thought had been eliminated in the early 1970s, along with smallpox. +22407004 It is back with us again, in the form of legislation to pay volunteers under a "National and Community Service Act," a proposal with a serious shot at congressional passage this fall. +22407005 Why does the national-service virus keep coming back? +22407006 Perhaps it is because utopian nostalgia evokes both military experience and the social gospel. +22407007 If only we could get America's wastrel youth into at least a psychic uniform we might be able to teach self-discipline again and revive the spirit of giving. +22407008 A quarter of a century ago national service was promoted as a way of curing the manifest inequities of the draft -- by, of all things, expanding the draft. +22407009 Those of us who resisted the idea then suspect today that an obligation of government service for all young people is still the true long-term aim of many national-service backers, despite their protests that present plans contain no coercion. +22407010 Choice of the volunteer military in the 1970s seemed to doom national service as much as the draft. +22407011 But the virus was kept alive in sociology departments until a couple of years ago, when it again was let loose. +22407012 This time it attempted to invade two connected problems, the rising cost of higher education and the rising expense to the federal government of educational grants and loans. +22407013 Why not keep and even expand the loans and grants, the advocates reasoned, but require some form of service from each recipient? +22407014 Military service, moreover, could be a national-service option. +22407015 Thus, undoubtedly it was hoped that the new strain of national service would prove contagious, infecting patriotic conservatives, pay-as-you-go moderates, and idealistic liberals. +22407016 The Democratic Leadership Council, a centrist group sponsoring the plan, surely thought it might help the party to attract support, especially among college students and their parents. +22407017 A provision allowing grants to be applied to first-home purchases was added to appeal to those who had had enough of schooling. +22407018 The DLC plan envisaged "volunteers" planting trees, emptying bedpans, tutoring children, and assisting librarians for $100 a week, tax free, plus medical care. +22407019 With a tax-free $10,000 voucher payment at the end of each year, the volunteers would be making a wage comparable to $17,500 a year. +22407020 Mind you, most of "the volunteers" would be unskilled 17- to 18-year-olds, some not even high school graduates, and many saving money by living at home. +22407021 They would be doing better financially under national service than many taxpayers working at the same kinds of jobs and perhaps supporting families. +22407022 As it happened, political resistance developed among educational and minority interests that count on the present education grant system, so the national-service devotees decided to abandon the supposedly crucial principle of "give in order to get." +22407023 Opposition to national service from the Pentagon, which wants to protect its own recruitment process, also led to the military-service option being dropped. +22407024 Clearly, a new rationale for national service had to be cooked up. +22407025 What better place to turn than Sen. Edward Kennedy's Labor Committee, that great stove of government expansionism, where many a stagnant pot of porridge is kept on the back burner until it can be brought forward and presented as nouvelle cuisine? +22407026 In this case, the new recipe for national service called for throwing many assorted legislative leftovers into one kettle: a demonstration project for educational aid (particularly satisfying to the DLC and Sen. Sam Nunn), a similar demonstration program for youth conservation (a la Sen. Chris Dodd), a competitive grants program to states to spark youth and senior citizen volunteer projects (a Kennedy specialty), a community service work-study program for students (pleasing to the palate of Sen. Dale Bumpers, among others), plus engorgement of the VISTA volunteer program and the Retired Senior Volunteer, Foster Grandparent, and Senior Companion programs. +22407027 Before the menu is printed, the House may add more ingredients, also changing the initial price, now posted at some $330 million. +22407028 It is widely known that "too many cooks spoil the broth," but that wisdom does not necessarily reflect the view of the cooks, especially if they are senators. +22407029 The "omnibus" bill coming out of Congress may be unwholesome glop, but the assorted chefs are happy and the restaurant is pushing the dish very hard. +22407030 The aroma of patronage is in the air. +22407031 Is the voluntary sector so weak that it needs such unsolicited assistance? +22407032 On the contrary, it is as robust as ever. +22407033 According to the Gallup Poll, American adults contribute an average of two hours a week of service, while financial contributions to charity in the 1980s have risen 30% (adjusted for inflation). +22407034 Even if government does see various "unmet needs," national service is not the way to meet them. +22407035 If we want to support students, we might adopt the idea used in other countries of offering more scholarships based on something called "scholarship," rather than on the government's idea of "service." +22407036 Or we might provide a tax credit for working students. +22407037 What we do not need to do is start a war, and then try to justify it by creating a GI Bill. +22407038 To the extent we lack manpower to staff menial jobs in hospitals, for example, we should raise pay, pursue labor-saving technology, or allow more legal immigration, rather than overpay high school graduates as short-term workers and cause resentment among permanent workers paid lesser amounts to do the same jobs. +22407039 Will national service, in the current highly politicized and opportunistic form exert enough appeal to get adopted? +22407040 Not necessarily. +22407041 Polls show wide, generalized support for some vague concept of service, but the bill now under discussion lacks any passionate public backing. +22407042 Nonetheless, Senate Democrats are organizing a roll of supporting "associations," "societies" and "councils," some of which may hope to receive the paid "volunteers." +22407043 So far, the president seems ill-disposed to substitute any of the omnibus for his own free-standing proposal to endow a "Points of Light" foundation with $25 million to inform citizens of all ages and exhort them to genuine volunteerism. +22407044 However, even this admirable plan could become objectionable if the White House gives in to congressional Democratic pressure to add to the scope of the president's initiative or to involve the independent foundation in "brokering" federal funds for volunteer projects. +22407045 There's no need for such concessions. +22407046 The omnibus can be defeated, the virus controlled, and real service protected. +22407047 National service, the utopian idea, still won't go away then, of course, but the millions of knee-socked youth performing works of "civic content" will be mobilized only in the imagination of their progenitors. +22407048 Mr. Chapman is a fellow at the Indianapolis-based Hudson Institute. +22407049 This article is adapted from remarks at a Hoover Institution conference on national service, in which Mr. Szanton also participated. +22408001 Drug Emporium Inc. said Gary Wilber, 39 years old, who had been president and chief operating officer for the past year, was named chief executive officer of this drugstore chain. +22408002 He succeeds his father, Philip T. Wilber, who founded the company and remains chairman. +22408003 Robert E. Lyons III, 39, who headed the company's Philadelphia region, was appointed president and chief operating officer, succeeding Gary Wilber. +22409001 American Physicians Service Group Inc. said it purchased about 42% of Prime Medical Services Inc. for about $5 million from Texas American Energy Corp. +22409002 American Physicians said it also replaced four Texas American representatives on Prime's five-member board. +22409003 American provides a variety of financial services to doctors and hospitals. +22409004 Prime, based in Bedminster, N.J., provides management services to cardiac rehabilitation clinics and diagnostic imaging centers. +22409005 For the year ended June 30, Prime had a net loss of $3 million on sales of $13.8 million. +22410001 The inflation-adjusted growth rate for France's gross domestic product for the second quarter was revised upward to 0.8% from the previous three months from the initial estimate of 0.7%, the National Statistics Institute said. +22410002 The state agency said the latest revision left the growth rate for the first-quarter compared with the previous three months unchanged at 1.3%. +22410003 If the economy continues to expand by 0.8% a quarter for the rest of the year, it would leave GDP growth for all of 1989 at 3%, the institute said. +22410004 That would be down from the 3.8% rise posted in 1988. +22411001 The Canadian government announced a new, 12-year Canada Savings Bond issue that will yield investors 10.5% in the first year. +22411002 The annual interest rate for each of the next 11 years will be set each fall, when details of a new series are released. +22411003 Canada Savings Bonds are major government instruments for meeting its financial requirements. +22411004 The government has about 41.4 billion Canadian dollars (US$35.2 billion) of such bonds currently outstanding. +22411005 Only Canadian residents are permitted to buy Canada Savings Bonds, which may be redeemed any time at face value. +22411006 The bonds go on sale Oct. 19. +22412001 The debate over National Service has begun again. +22412002 After a decade in which more than 50 localities established their own service or conservation corps and dozens of school systems made community service a prerequisite to high-school graduation, the focus has shifted to Washington. +22412003 At least 10 bills proposing one or another national program were introduced in Congress this spring. +22412004 One, co-sponsored by Sen. Sam Nunn (D., Ga.) and Rep. Dave McCurdy (D., Okla.), would have restricted federal college subsidies to students who had served. +22412005 An omnibus bill assembled by Sen. Edward Kennedy (D., Mass.), and including some diluted Nunn-McCurdy provisions along with proposals by fellow Democratic Sens. Claiborne Pell, Barbara Mikulski and Christopher Dodd, has been reported out of the Senate Labor Committee. +22412006 It might well win Senate passage. +22412007 President Bush has outlined his own Youth Entering Service (YES) plan, though its details remain to be specified. +22412008 What is one to think of all this? +22412009 Doctrine and special interests govern some responses. +22412010 People eager to have youth "pay their dues to society" favor service proposals -- preferably mandatory ones. +22412011 So do those who seek a "re-energized concept of citizenship," a concept imposing stern obligations as well as conferring rights. +22412012 Then there are instinctive opponents. +22412013 To libertarians, mandatory service is an abomination and voluntary systems are illegitimate uses of tax money. +22412014 Devotees of the market question the value of the work national service would perform: +22412015 If the market won't pay for it, they argue, it can't be worth its cost. +22412016 Elements of the left are also reflexively opposed; they see service as a cover for the draft, or fear the regimentation of youth, or want to see rights enlarged, not obligations. +22412017 But what about those of us whose views are not predetermined by formula or ideology? +22412018 How should we think about national service? +22412019 Let's begin by recognizing a main source of confusion -- "national service" has no agreed meaning. +22412020 Would service be voluntary or compulsory? +22412021 Short or long? +22412022 Part-time or full-time? +22412023 Paid or unpaid? +22412024 Would participants live at home and work nearby or live in barracks and work on public lands? +22412025 What kinds of work would they do? +22412026 What does "national" mean? +22412027 Would the program be run by the federal government, by local governments, or by private voluntary organizations? +22412028 And who would serve? +22412029 Only males, as with the draft, or both sexes? +22412030 Youth only or all ages? +22412031 Middle-class people, or poor people, or a genuine cross-section? +22412032 Many or few? +22412033 Those are not trivial questions, and the label "national service" answers none of them. +22412034 Then how should we think about national service? +22412035 As a starting point, here are five propositions: 1. Consider the ingredients, not the name. +22412036 Ignore "national service" in the abstract; consider specific proposals. +22412037 They will differ in crucial ways. +22412038 2. "Service" should be service. +22412039 As commonly understood, service implies sacrifice. +22412040 It involves accepting risk, or giving up income, or deferring a career. +22412041 It follows that proposals like Nunn-McCurdy, whose benefits to enrollees are worth some $17,500 a year, do not qualify. +22412042 There is a rationale for such bills: Federal subsidies to college students amount to "a GI Bill without the GI"; arguably those benefits should be earned, not given. +22412043 But the earnings exceed by 20% the average income of young high-school graduates with full-time jobs. +22412044 Why call that service? +22412045 3. Encouragement is fine; compulsion is not. +22412046 Compelled service is unconstitutional. +22412047 It is also unwise and unenforceable. +22412048 (Who will throw several hundred thousand refusers in jail each year?) +22412049 But through tax policy and in other ways the federal government encourages many kinds of behavior. +22412050 It should also encourage service -- preferably by all classes and all ages. +22412051 Its encouragement should strengthen and not undercut the strong tradition of volunteering in the U.S., should build on the service programs already in existence, and should honor local convictions about which tasks most need doing. +22412052 4. Good programs are not cheap. +22412053 Enthusiasts assume that national service would get important work done cheaply: forest fires fought, housing rehabilitated, students tutored, day-care centers staffed. +22412054 There is important work to be done, and existing service and conservation corps have shown that even youths who start with few skills can do much of it well -- but not cheaply. +22412055 Good service programs require recruitment, screening, training and supervision -- all of high quality. +22412056 They involve stipends to participants. +22412057 Full-time residential programs also require housing and full-time supervision; they are particularly expensive -- more per participant than a year at Stanford or Yale. +22412058 Non-residential programs are cheaper, but good ones still come to some $10,000 a year. +22412059 Are they worth that? +22412060 Evaluations suggest that good ones are -- especially so if the effects on participants are counted. +22412061 But the calculations are challengeable. +22412062 5. Underclass youth are a special concern. +22412063 Are such expenditures worthwhile, then? +22412064 Yes, if targeted. +22412065 People of all ages and all classes should be encouraged to serve, but there are many ways for middle-class kids, and their elders, to serve at little public cost. +22412066 They can volunteer at any of thousands of non-profit institutions, or participate in service programs required by high schools or encouraged by colleges or employers. +22412067 Underclass youth don't have those opportunities. +22412068 They are not enrolled in high school or college. +22412069 They are unlikely to be employed. +22412070 And they have grown up in unprecedentedly grim circumstances, among family structures breaking down, surrounded by self-destructive behaviors and bleak prospects. +22412071 But many of them can be quite profoundly reoriented by productive and disciplined service. +22412072 Some won't accept the discipline; others drop out for other reasons. +22412073 But some whom nothing else is reaching are transformed. +22412074 Learning skills, producing something cooperatively, feeling useful, they are no longer dependent -- others now depend on them. +22412075 Even if it is cheaper to build playgrounds or paint apartments or plant dune-grass with paid professionals, the effects on the young people providing those services alter the calculation. +22412076 Strictly speaking, these youth are not performing service. +22412077 They are giving up no income, deferring no careers, incurring no risk. +22412078 But they believe themselves to be serving, and they begin to respect themselves (and others), to take control of their lives, to think of the future. +22412079 That is a service to the nation. +22412080 It is what federal support should try hardest to achieve. +22412081 Mr. Szanton, a Carter administration budget official, heads his own Washington-based strategic planning firm. +22412082 He is a co-author of "National Service: What Would It Mean?" +22412083 (Lexington Books, 1986). +22413001 Government officials here and in other countries laid plans through the weekend to head off a Monday market meltdown -- but went out of their way to keep their moves quiet. +22413002 Federal Reserve Chairman Alan Greenspan was on the telephones, making it clear to officials in the U.S. and abroad that the Fed was prepared to inject massive amounts of money into the banking system, as it did in October 1987, if the action were needed to prevent a financial crisis. +22413003 And at the Treasury, Secretary Nicholas Brady talked with friends and associates on Wall Street while Assistant Secretary David Mullins carefully analyzed data on the Friday market plunge. +22413004 But the officials feared that any public announcements would only increase market jitters. +22413005 In addition, officials at the Fed and in the Bush administration decided that avoiding overt actions and statements over the weekend would give them more strength and flexibility should Friday's market drop turn into this morning's rout. +22413006 "The disadvantage at this point is that anything you do that looks like you are doing too much tends to reinforce a sense of crisis," said one government official, insisting on anonymity. +22413007 The Fed's efforts at secrecy were partly foiled Sunday morning, when both the New York Times and the Washington Post carried stories quoting a senior Fed official saying the central bank was prepared to pour cash into the banking system Monday morning. +22413008 Fed Chairman Greenspan was surprised by both stories, according to knowledgeable sources, and insisted he hadn't authorized any public comment. +22413009 Nevertheless, Fed officials acknowledged the stories were reasonably accurate portrayals of the central bank's game plan. +22413010 It is prepared to assume the same role it played in October 1987, providing money to the markets if necessary to keep the financial system afloat. +22413011 The Fed provides money to the banking system by buying government securities from financial institutions. +22413012 The reticence of federal officials was evident in the appearance Sunday of Budget Director Richard Darman on ABC's "This Week." +22413013 "Secretary of the Treasury Brady and Chairman Greenspan and the chairman of the SEC and others have been in close contact. +22413014 I'm sure they'll do what's right, what's prudent, what's sensible," he said. +22413015 When it was suggested his comment was a "non-answer," Mr. Darman replied: "It is a non-answer. +22413016 But, in this context, that's the smart thing to do." +22413017 At the Treasury, Secretary Brady issued a statement minimizing the stock market's drop. +22413018 "Today's stock market decline doesn't signal any fundamental change in the condition of the economy," he said. +22413019 "The economy remains well-balanced, and the outlook is for continued moderate growth." +22413020 But administration officials conceded that Friday's drop carried the chance of further declines this week. +22413021 "One possibility is that this is a surgical setback, reasonably limited in its breadth, and not a major problem," said one senior administration official, who also asked that he not be named. +22413022 "The other is that we see another major disaster, like two years ago. +22413023 I think that's less likely." +22413024 Nevertheless, Fed Chairman Greenspan and Vice Chairman Manuel Johnson were in their offices Sunday evening, monitoring events as they unfolded in markets around the world. +22413025 The action was expected to begin with the opening of the New Zealand foreign exchange markets at 5 p.m. EST -- when stocks there plunged -- and to continue as the trading day began later in the evening in Tokyo and through early this morning in Europe. +22413026 Both the Treasury and the Fed planned to keep market rooms operating throughout the night to monitor the developments. +22413027 In Tokyo, share prices dropped sharply by 1.7% in early Monday morning trading. +22413028 After the initial slide, the market appeared to be turning around but by early afternoon was headed lower. +22413029 In the Bush administration, the lead is being taken by Treasury Secretary Brady, Undersecretary Robert Glauber and Assistant Secretary Mullins. +22413030 The three men worked together on the so-called Brady Commission, headed by Mr. Brady, which was established after the 1987 crash to examine the market's collapse. +22413031 As a result they have extensive knowledge in financial markets, and financial market crises. +22413032 Mr. Brady was at the White House Friday afternoon when the stock market's decline began. +22413033 He was quickly on the phone with Mr. Mullins, who in turn was talking with the chairmen of the New York and Chicago exchanges. +22413034 Later, Mr. Brady phoned Mr. Greenspan, SEC Chairman Richard Breeden and numerous contacts in New York and overseas. +22413035 Aides say he continued to work the phones through the weekend. +22413036 Administration officials say President Bush was briefed throughout Friday afternoon and evening, even after leaving for Camp David. +22413037 He had frequent telephone consultations with Mr. Brady and Michael Boskin, chairman of the counsel of economic advisers. +22413038 Government officials tried throughout the weekend to render a business-as-usual appearance in order to avoid any sense of panic. +22413039 Treasury Undersecretary David Mulford, for instance, was at a meeting of the Business Council in Hot Springs, Va., when the stock market fell, and remained there through the following day. +22413040 And as of last night, Fed Chairman Greenspan hadn't canceled his plans to address the American Bankers Association convention in Washington at 10 a.m. this morning. +22413041 Ironically, Mr. Greenspan was scheduled to address the same convention in Dallas on Oct. 20, 1987. +22413042 He flew to Dallas on Oct. 19, when the market plummeted 508 points, but then turned around the next morning and returned to Washington without delivering his speech. +22414001 Following is a weekly listing of unadited net asset values of publicly traded investment fund shares, reported by the companies as of Friday's close. +22414002 Also shown is the closing listed market price or a dealer-to-dealer asked price of each fund's shares, with the percentage of difference. +22414003 b-As of Thursday's close. +22414004 c-Translated at Commercial Rand exchange rate. +22414005 e-In Canadian dollars. +22414006 f-As of Wednesday's close. +22414007 g-10.06.89 NAV:22.15. +22414008 z-Not available. +22415001 Put down that phone. +22415002 Walk around the room; take two deep breaths. +22415003 Resist the urge to call your broker and sell all your stocks. +22415004 That's the advice of most investment professionals after Friday's 190-point drop in the Dow Jones Industrial Average. +22415005 No one can say for sure what will happen today. +22415006 And investment pros are divided on whether stocks will perform well or badly in the next six months. +22415007 But they're nearly unanimous on one point: Don't sell into a panic. +22415008 Investors who sold everything after the crash of 1987 lived to regret it. +22415009 Even after Friday's plunge, the Dow Jones Industrial Average was 48% above where it landed on Oct. 19 two years ago. +22415010 Panic selling also was unwise during other big declines in the past. +22415011 The crash of 1929 was followed by a substantial recovery before the great Depression and awful bear market of the 1930s began. +22415012 The "October massacres" of 1978 and 1979 were scary, but didn't lead to severe or sustained downturns. +22415013 Indeed, some pros see Friday's plunge, plus any further damage that might occur early this week, as a chance for bargain hunting. +22415014 "There has been a lot of emotional selling that presents a nice buying opportunity if you've got the cash," says Stephen B. Timbers, chief investment officer of Chicago-based Kemper Financial Services Inc. +22415015 But most advisers think the immediate course for individual investors should be to stand pat. +22415016 "When you see a runaway train," says Steve Janachowski, partner in the San Francisco investment advisory firm Brouwer & Janachowski, "you wait for the train to stop." +22415017 Even for people who expect a bear market in coming months -- and a sizable number of money managers and market pundits do -- the advice is: Wait for the market to bounce back, and sell shares gradually during rallies. +22415018 The best thing individual investors can do is "just sit tight," says Marshall B. Front, executive vice president and head of investment counseling at Stein Roe & Farnham Inc., a Chicago-based investment counseling firm that manages about $18 billion. +22415019 On the one hand, Mr. Front says, it would be misguided to sell into "a classic panic." +22415020 On the other hand, it's not necessarily a good time to jump in and buy. +22415021 "This is all emotion right now, and when emotion starts to run, it can run further than anyone anticipates," he said. +22415022 "So it's more prudent to wait and see how things stabilize." +22415023 Roger Ibbotson, professor of finance at Yale University and head of the market information firm Ibbotson Associates Inc., says, "My real advice would be to just ride through it. +22415024 Generally, it isn't wise to be in and out" of the stock market. +22415025 Mr. Ibbotson thinks that this week is "going to be a roller-coaster week." +22415026 But he also thinks it is "a good week to consider buying." +22415027 John Snyder, former president of the Los Angeles chapter of the National Association of Investors Corp., an organization of investment clubs and individual investors, says his fellow club members didn't sell in the crash of 1987, and see no reason to sell now. +22415028 "We're dedicated long-term investors, not traders," he says. +22415029 "We understand panics and euphoria. +22415030 And we hope to take advantage of panics and buy stocks when they plunge." +22415031 One camp of investment pros sees what happened Friday as an opportunity. +22415032 Over the next days and weeks, they say, investors should look for stocks to buy. +22415033 Friday's action "was an old-fashioned panic," says Alfred Goldman, director of technical market analysis for A.G. Edwards & Sons in St. Louis. +22415034 "Stocks were being thrown out of windows at any price." +22415035 His advice: "You ought to be there with a basket catching them." +22415036 James Craig, portfolio manager for the Denver-based Janus Fund, which has one of the industry's better track records, started his buying during Friday's plunge. +22415037 Stocks such as Hershey Foods Corp., Wal-Mart Stores Inc., American International Group Inc. and Federal National Mortgage Association became such bargains that he couldn't resist them, he says. +22415038 And Mr. Craig expects to pick up more shares today. +22415039 "It will be chaotic at first, but I would not be buying if I thought we were headed for real trouble," he says. +22415040 He argues that stocks are reasonably valued now, and that interest rates are lower now than in the fall of 1987. +22415041 Mr. Front of Stein Roe suggests that any buying should "concentrate in stocks that have lagged the market on the up side, or stocks that have been beaten down a lot more than the market in this correction." +22415042 His firm favors selected computer, drug and pollution-control stocks. +22415043 Other investment pros are more pessimistic. +22415044 They say investors should sell stocks -- but not necessarily right away. +22415045 Many of them stress that the selling can be orderly, gradual, and done when stock prices are rallying. +22415046 On Thursday, William Fleckenstein, a Seattle money manager, used futures contracts in his personal account to place a bet that the broad market averages would decline. +22415047 He thinks the underlying inflation rate is around 5% to 6%, far higher than most people suppose. +22415048 In the pension accounts he manages, Mr. Fleckenstein has raised cash positions and invested in gold and natural gas stocks, partly as an inflation hedge. +22415049 He thinks government officials are terrified to let a recession start when government, corporate and personal debt levels are so high. +22415050 So he thinks the government will err on the side of rekindled inflation. +22415051 As a result, Mr. Fleckenstein says, "I think the ball game's over," and investors are about to face a bear market. +22415052 David M. Jones, vice president at Aubrey G. Lanston & Co., recommends Treasury securities (of up to five years' maturity). +22415053 He says the Oct. 6 employment report, showing slower economic growth and a severe weakening in the manufacturing sector, is a warning sign to investors. +22415054 One strategy for investors who want to stay in but hedge their bets is to buy "put" options, either on the individual stocks they own or on a broad market index. +22415055 A put option gives its holder the right (but not the obligation) to sell a stock (or stock index) for a specified price (the strike price) until the option expires. +22415056 Whether this insurance is worthwhile depends on the cost of an option. +22415057 The cost, or premium, tends to get fat in times of crisis. +22415058 Thus, buying puts after a big market slide can be an expensive way to hedge against risk. +22415059 The prices of puts generally didn't soar Friday. +22415060 For example, the premium as a percentage of the stock price for certain puts on Eli Lilly & Co. moved up from 3% at Thursday's close to only 3.3% at Friday's close, even though the shares dropped more than $5.50. +22415061 But put-option prices may zoom when trading resumes today. +22415062 It's hard to generalize about a reasonable price for puts. +22415063 But investors should keep in mind, before paying too much, that the average annual return for stock holdings, long-term, is 9% to 10% a year; a return of 15% is considered praiseworthy. +22415064 Paying, say, 10% for insurance against losses takes a deep bite out of the return. +22415065 James A. White and Tom Herman contributed to this article. +22416001 Coldwell Banker Commercial Group said it sold $47 million of common stock to its employees at $10 a share, giving them a total stake of more than 40% in the commercial real estate brokerage firm. +22416002 The firm, which was acquired in April from Sears, Roebuck & Co. in a management-led buy-out, had planned to sell up to $56.4 million of stock, or a 50% stake in the company, to its 5,000 employees. +22416003 Though the offering didn't sell out, James J. Didion, chairman and chief executive officer, said, "We're pretty proud of the employees' response." +22416004 He noted that unlike an employee stock ownership plan, where a company usually borrows money from third party lenders to buy stock that it sets aside to award employees over time, here employees had to fork out their own cash for the stock. +22416005 "They came up with their own money instead of borrowed money," Mr. Didion said. +22416006 "It's totally different." +22416007 He said the offering was designed to create long-term incentives for employees. +22416008 "We're in a service business, and in that context, it's vital to have your employees involved in the ownership so they have a stake in the success." +22416009 The brokerage firm won't pay a dividend on the stock. +22416010 Employees have the right to trade stock among themselves, and the company will establish an internal clearing house for these transactions. +22416011 They may also eventually sell the shares to third parties, but the outside investors who own the remaining 60% of Coldwell Banker have the right to first refusal. +22416012 Those outside investors in Coldwell Banker include Carlyle Group, a closely held Washington, D.C., merchant banking firm whose co-chairman is Frank Carlucci, former secretary of defense; Frederic V. Malek, senior adviser to Carlyle Group; Mellon Family Trust of Pittsburgh; Westinghouse Credit Corp., the financial services unit of Westinghouse Electric Corp.; Bankers Trust Co., a unit of Bankers Trust New York Corp.; and a group of Japanese investors represented by the investment banking unit of Tokyo-based Sumitomo Bank. +22416013 Bankers Trust and Sumitomo financed the $300 million acquisition from Sears Roebuck. +22416014 Coldwell Banker also named three outside director nominees for its 17 member board. +22416015 The nominees are Gary Wilson, chief financial officer of Walt Disney Co.; James Montgomery, chief executive officer of Great Western Financial Corp.; and Peter Ubberroth, former commissioner of baseball and now a private investor. +22417001 The first major event this morning in U.S. stock and futures trading may be a pause at the Chicago Mercantile Exchange. +22417002 Under a reform arising from the 1987 crash, trading in the Merc's stock-index futures will break for 10 minutes if the contract opens and stays five points from Friday's close, a move equal to 40 points on the Dow Jones Industrial Average. +22417003 The aim of the interruption would be to ease the opening of the New York Stock Exchange, which would be hammered by such a volatile move on the Merc. +22417004 That early-morning breather is just one of a number of safeguards adopted after the 1987 crash. +22417005 The Big Board also added computer capacity to handle huge surges in trading volume. +22417006 Several of those post-crash changes kicked in during Friday's one-hour collapse and worked as expected, even though they didn't prevent a stunning plunge. +22417007 But the major "circuit breakers" have yet to be evaluated. +22417008 A deeper market plunge today could give them their first test. +22417009 A further slide also would resurrect debate over a host of other, more sweeping changes proposed -- but not implemented -- after the last crash. +22417010 Most notably, several of the regulatory steps recommended by the Brady Task Force, which analyzed the 1987 crash, would be revived -- especially because that group's chairman is now the Treasury secretary. +22417011 The most controversial of the Brady recommendations involved establishing a single overarching regulator to handle crucial cross-market questions, such as setting consistent margin requirements for the stock and futures markets. +22417012 But for the moment, attention focuses on the reforms that were put into place, and market regulators and participants said the circuit breakers worked as intended. +22417013 Big Board and Merc officials expressed satisfaction with the results of two limits imposed on of the Merc's Standard & Poor's 500 contract, as well as "hot-line" communications among exchanges. +22417014 Those pauses -- from 2:07 p.m. to 2:30 p.m. CDT and from 2:45 p.m. until the close of trading a half-hour later -- forced traders to buy and sell contracts at prices at or higher than their frozen levels. +22417015 During the first halt, after the S&P index had fallen 12 points, the Big Board's "Sidecar" computer program automatically was triggered. +22417016 That system is designed to separate computer-generated program trades from all other trades to help exchange officials resolve order imbalances in individual stocks. +22417017 One Merc broker compared the action in the S&P pit during the two freezes to a fire at a well-drilled school. +22417018 "You don't want the fire but you know what to do," said Howard Dubnow, an independent floor broker and a Merc governor. +22417019 "There was no panic. +22417020 The system worked the way we devised it to work." +22417021 After reopening for about 15 minutes, the S&P index tumbled to its 30-point limit and the second freeze went into effect. +22417022 Traders then spent the last half-hour "watching to see if the Dow would drop 250 points," Mr. Dubnow added, referring to the level at which the stock market itself would have closed for an hour. +22417023 One observer estimated that 80% to 90% of the S&P traders "were just standing around watching." +22417024 But the 250-point circuit breaker never had to kick in, and freezes on the Chicago Board of Trade's Major Market Index also weren't triggered. +22417025 The MMI and the S&P 500 are the two major indexes used by program traders to run their computerized trading strategies. +22417026 The programs are considered by many to be a major cause of the 1987 crash. +22417027 The process of post-crash reforms began with calls to remake the markets and wound up a year later with a series of rather technical adjustments. +22417028 In October 1987, just after the market drop, Washington was awash in talk of sweeping changes in the way the financial markets are structured and regulated. +22417029 Over the next year that grand agenda was whittled down to a series of steps to soften big stock drops by interrupting trading to give market players time to pause and reconsider positions. +22417030 In addition, limits were placed on computer-driven trading, and steps were taken to better link the stock and futures markets. +22417031 Few changes were made in the way the markets are regulated. +22417032 At the outset the prime target was program trading, which was much discussed but little understood on Capitol Hill. +22417033 There were also calls to strip the stock markets of "derivative" products, such as stock-index futures and options, which Federal Judge Stanley Sporkin, for example, likened to "barnacles attached to the basic market." +22417034 And there was much criticism of the New York Stock Exchange's system of having stock trades flow through specialists, or market makers. +22417035 When the Brady Task Force's powerful analysis of the crash was released in January 1988, it immediately reshaped the reformers' agenda. +22417036 Arguing that the separate financial marketplaces acted as one, and concluding that the crash had "raised the possibility of a full-scale financial system breakdown," the presidential task force called for establishing a super-regulator to oversee the markets, to make margins consistent across markets, to unify clearing systems and to install circuit breakers. +22417037 Only the last of those recommendations ever was implemented. +22417038 The Reagan White House held the Brady recommendations at arm's length and named a second panel -- the Working Group on the Financial Markets -- to review its analysis and those of other crash studies. +22417039 In May 1988, the Working Group, made up of representatives from the Federal Reserve, the Treasury, the Securities and Exchange Commission, and the Commodity Futures Trading Commission, finally endorsed only circuit breakers. +22417040 After several more months of arguments among various stock exchanges and futures markets, circuit breakers were set in place, with the most notable suspending trading after 250 and 400 point drops in the Dow Jones Industrial Average. +22417041 Privately, some free marketeers dismissed such mechanisms as sops to interventionists. +22417042 After all, this free-market argument went, the Dow only dropped more than 250 points once this century. +22417043 "Circuit breakers" set to soften big drops: +22417044 -- If S&P futures fall 5 points at opening, contract trading pauses for 10 minutes. +22417045 -- If Dow Industrials fall 25 points at opening, contract trading pauses for 10 minutes. +22417046 -- If S&P futures fall 12 points (equivalent to about 100 points on DJIA), trading is frozen for half hour to that price or higher. +22417047 On NYSE program trades are diverted into a separate computer file to determine buy and sell orders. +22417048 -- If S&P futures fall 30 points, trading is restricted for an hour to that price or higher. +22417049 -- If Dow Industrials fall 250 points, trading on the Big Board halts for an hour. +22417050 S&P and MMI contracts also halt. +22417051 -- If DJIA drops 400 points, Big Board halts trading for two hours. +22417052 Trading in MMI and S&P futures also halted. +22417053 Brady Task Force recommendations (Jan. 1988): +22417054 -- Establish an overarching regulator for financial markets +22417055 -- Unify trade-clearing systems +22417056 -- Make margins consistent across stock and futures markets +22417057 SEC proposals (May 1988): +22417058 -- Require prompt reports of large securities trades. +22417059 -- Give SEC authority to monitor risk-taking by affiliates of brokerage firms. +22417060 -- Transfer jurisdiction over stock-related futures to SEC from CFTC. +22417061 (Opposed by new SEC chairman) +22417062 -- Give SEC authority to halt securities trading, (also opposed by new SEC chairman). +22417063 Congressional proposal: +22417064 -- Create a task force to review current state of the securities markets and securities laws. +22417065 Breaking the Soviet government's television monopoly, an independent company has gained rights to show world programming, including American films. +22417066 "There must not be a monopoly, there must be freedom of choice for both journalists and viewers," Nikolai I. Lutsenko, the president of the Nika TV company, told the weekly newspaper Nedelya. +22417067 The company is already working on its own programming in several provincial cities and hopes to be on the air regularly in about a year, the newspaper said. +22417068 Mr. Lutsenko told Nedelya that he recently had been to the U.S. to pick up the rights to show 5,000 U.S. films in the Soviet Union. +22417069 Nedelya's article was accompanied by a picture of Mr. Lutsenko interviewing singer John Denver in Colorado. +22417070 Even though it will be independent of official television, Nika will have an oversight board that will include members of the Communist youth league. +22417071 South Africa's National Union of Mineworkers said that about 10,000 diamond miners struck for higher wages at De Beers Consolidated Mines Ltd. +22417072 De Beers said that workers at five of the group's mines were on strike, which it said was peaceful, with orderly picketing occurring at one of the mines. +22417073 The deadlock in negotiations occurred with De Beers offering a 17% increase in the minimum-wage category while the union demanded a 37.6% increase in the minimum wage. +22417074 Japan's opposition Socialist Party denied that its legislators had been bribed by pinball-parlor owners. +22417075 The allegation had been raised in Parliament by the governing Liberal Democratic Party following magazine reports suggesting that money from Japanese-style pinball, called pachinko, had infiltrated politics. +22417076 Tsuruo Yamaguchi, secretary general of the Socialist Party, acknowledged that nine party lawmakers had received donations from the pachinko association totaling 8 million yen (about $55,000) but said the donations were legal and none of its members acted to favor the industry. +22417077 The World Wide Fund for Nature said that Spain, Argentina, Thailand and Indonesia were doing too little to prevent illegal trade in endangered wildlife across their borders. +22417078 A report by the conservation group presented at the U.N.-sponsored Convention on International Trade in Endangered Species in Lausanne accused the four of trading protected species ranging from parakeets to orchids. +22417079 Fund official Simon Lyster said world trade in wildlife was estimated to total $5 billion of business annually. +22417080 A NATO project to build a frigate for the 1990s was torpedoed by the pull-out of three of its eight participating nations. +22417081 Britain, France and Italy announced technical reasons for withdrawing, but some officials pointed to growing reluctance among the allies to commit themselves to big defense spending while East-West disarmament talks show signs of success. +22417082 Small wonder that Britain's Labor Party wants credit controls. +22417083 A few hours after the party launched its own affinity credit card earlier this month, the Tories raised the nation's base interest rate. +22417084 Labor's Visa card is believed to be the first linked to a British political party. +22417085 Labor gets 25 pence (39 cents) for every 100 (about $155) that a user charges to the card. +22417086 As with other plastic in Britain's high-interest-rate environment, the Labor card, administered by Co-operative Bank, carries a stiff (in this case, 29.8%) annual rate on the unpaid balance. +22417087 China's year-long austerity program has achieved some successes in harnessing runaway economic growth and stabilizing prices but has failed to eliminate serious defects in state planning and an alarming drain on state budgets. +22417088 The official China Daily said retail prices of non-staple foods haven't risen since last December but acknowledged that huge government subsidies were a main factor in keeping prices down. +22417089 The State Statistical Bureau found that more than 1 billion yuan ($270 million) was spent in the first half of the year for pork subsidies. +22417090 The newspaper quoted experts as saying the subsidies would cause the difference between prices and real values of commodities to "become very unreasonable" and reduce needed funds for investment in the "already difficult state budget." +22417091 The aim of the austerity measures was to slice economic growth, which soared to 20.7% last year, to 8% in 1990. +22417092 Economists now predict the growth rate will be about 11.5% for the year. +22417093 In a sign of growing official tolerance for religion, Russian Orthodox priests were allowed to celebrate the 400th anniversary of the Moscow patriarchate in the Kremlin's 15th-century Uspensky Cathedral, where czars were crowned. . . . +22417094 A 34-foot-tall, $7.7 million statue of Buddha was completed on a hill outside Hong Kong, facing China. +22417095 The statue is the brainchild of Sik Chi Wan, director of the Po Lin Monastery, who said: "Hong Kong is such a prosperous place, we also need some kind of religious symbol. +22418001 It all seemed innocent enough: Last April, one Steven B. Iken visited Justin Products Inc. here, identified himself as a potential customer and got the word on the little company's new cassette players for children. +22418002 "It is almost identical to the Sony product," Mr. Iken remarked, after seeing prototypes and pictures. +22418003 Replied a Justin salesman: "Exactly." +22418004 The Justin merchandise carried wholesale prices some 40% below those of Sony Corp. of Japan's "My First Sony" line. +22418005 The visitor waxed enthusiastic and promised to return. +22418006 But instead of a new customer -- part of a hoped-for bonanza from underselling Sony -- Justin got a costly legal morass. +22418007 Mr. Iken, it turned out, was a private detective using a hidden tape recorder to gather information for Sony. +22418008 His recording later turned up as a court exhibit. +22418009 Seeking to keep Justin's "My Own" product line off the U.S. market, Sony last May filed a suit in Manhattan federal court accusing the upstart of trademark infringement, unfair competition and other violations of business law. +22418010 Since then, life has changed a lot for 61-year-old Leonard Kaye, Justin's owner. +22418011 "I haven't been able to get a decent night's sleep since this has been going on," he says. +22418012 "It's the most distracting thing in my life -- I can't even attend to my business." +22418013 His company (annual sales: about $25 million) may suffer a costly blow -- losing an estimated 10% of total sales -- if Sony (annual sales: about $16 billion) prevails. +22418014 Justin's plight shows what can happen when a tiny company suddenly faces the full legal might of a wrathful multinational. +22418015 With considerable irony, the case also shows how completely Japan has turned the tables on U.S. business. +22418016 Americans used to complain bitterly about being undersold by look-alike products from Japan. +22418017 Now Sony, whose innovative, premium-priced products are among the most admired in consumer electronics, is bitterly complaining about a little U.S. firm with a cheap look-alike produced in China. +22418018 "The gist of this is that Justin knocked off the Sony line and Sony wants to stop it," says Lewis H. Eslinger, Sony's attorney, who previously guarded Rubik's Cube. +22418019 (Sony itself declines to comment.) +22418020 If Sony wins, Mr. Eslinger says, its little rival will have to try to sell the products overseas. +22418021 At worst, he adds, "They'd have to grind them all up and throw them away." +22418022 Mr. Kaye denies the suit's charges and says his only mistake was taking on Sony in the marketplace. +22418023 "I made a similar line and I produced it cheaper," he says. +22418024 Today, U.S. Judge John E. Sprizzo is expected to rule on Sony's renewed request for a pre-trial order blocking sale of the disputed products, on which deliveries began in July. +22418025 The judge turned down an earlier Sony request for such an order -- a decision upheld on appeal -- but Sony returned with additional evidence and arguments. +22418026 Though hoping to settle the case, Justin vows to fight on, if necessary. +22418027 But the battle is more than Justin bargained for. +22418028 "I had no idea I was getting in so deep," says Mr. Kaye, who founded Justin in 1982. +22418029 Mr. Kaye had sold Capetronic Inc., a Taiwan electronics maker, and retired, only to find he was bored. +22418030 With Justin, he began selling toys and electronics made mostly in Hong Kong, beginning with Mickey Mouse radios. +22418031 The company has grown -- to about 40 employees, from four initially, Mr. Kaye says. +22418032 Justin has been profitable since 1986, adds the official, who shares his office with numerous teddy bears, all samples from his line of plush toys. +22418033 Like many others, Mr. Kaye took notice in 1987 when Sony, in a classic example of market segmentation, changed the plastic skin and buttons on the famous Walkman line of portable audio equipment and created the My First Sony line for children. +22418034 The brightly colored new products looked more like toys than the adult models. +22418035 (In court papers, Sony says it has spent more than $3 million to promote the line, with resulting sales of over a million units.) +22418036 Sony found a new market niche, but Mr. Kaye figured that its prices left plenty of room for a lower-priced competitor. +22418037 His products aren't exact copies of Sony's but strongly resemble them in size, shape and, especially, color. +22418038 Sony uses mostly red and blue, with traces of yellow -- and so does Justin, on the theory that kids prefer these colors. +22418039 ("To be successful, a product can be any color whatsoever, as long as it is fire-engine red," says Charles E. Baxley, Justin's attorney.) +22418040 By last winter, Justin was showing prototypes at toy fairs in Hong Kong and New York -- and Sony noticed. +22418041 Indeed, concerned that Sony sales personnel were threatening legal action or other retaliation -- such as withholding desirable Sony products -- against Justin's customers, Mr. Baxley fired off a letter to Sony in April. +22418042 He himself threatened to take the matter to the Federal Trade Commission or U.S. Justice Department. +22418043 But Justin hasn't pursued those charges (which were without merit, according to Mr. Eslinger, the Sony attorney). +22418044 Recalls Mr. Baxley: "Our purpose was to influence them to leave us alone. +22418045 We never intended taking on Sony -- we don't have the resources." +22418046 Sony answered the empty threat with its real suit. +22418047 Off and on since then, the companies have skirmished in court. +22418048 And Justin, in a news release, says, "Once competitive, Sony now resorts to strong-arm tactics in American courtrooms to carve out and protect niche markets." +22418049 Sony's lawyer insists that the company's tactics -- including the use of a private detective posing as a buyer -- are routine in such matters. +22418050 He also insists that Sony, no less than others, has a legal right to protect its "trade dress," in this case, mostly the colors that it claims make My First Sony products distinctive. +22418051 (Justin claims it began using the same colors on electronic goods for children long before Sony entered the children's market.) +22418052 Whatever its merits, Sony's aggressive defense is debilitating for Justin. +22418053 It's also costly. +22418054 Mr. Kaye says he has paid more than $70,000 in legal fees so far. +22418055 Of Sony, Mr. Kaye says: "They know there's no way for them to lose. +22418056 They just keep digging me in deeper until I reach the point where I give up and go away." +22418057 For now, though, he vows to hang in. +22419001 @ Charles H. Tenney II, chairman of Unitil Corp., purchased 34,602 shares, or 4.9%, of Unitil's common, according to a filing with the Securities and Exchange Commission. +22419002 The stock was bought on Thursday in a privately negotiated transaction, the filing said. +22419003 As previously reported, Unitil, Exeter, N.H., and Fitchburg Gas & Electric Co., Fitchburg, Mass., are targets of unsolicited tender offers from Boston-based Eastern Utilities Associates. +22419004 Eastern Utilities has offered $40 a share for Unitil and $36 a share for Fitchburg Gas and has extended both offers to Dec. 4. +22419005 Both companies rejected the offers. +22420001 Dresdner Bank AG of West Germany has announced a friendly tender offer for control of Banque Internationale de Placements, a French bank whose main shareholder is France's Societe Generale, the Societe de Bourses Francaises said. +22420002 The tender offer by West Germany's second-biggest commercial bank is in two stages. +22420003 Dresdner is offering to acquire 32.99% of BIP's capital for 1,015 francs ($156.82) a share. +22420004 The terms of the offer put a value of 528 million francs ($81.6 million) on the 32.99% shareholding. +22420005 The Societe Generale banking group controls 18.2% of the shareholding, while Societe Generale de Belgique S.A. owns 9.69% and Financiere Tradition, a holding company, owns 5.1%. +22421001 Mexican investor Joel Rocha Garza said he sold a block of 600,000 shares of Smith Laboratories Inc. common stock to companies affiliated with him. +22421002 In a filing with the Securities and Exchange Commission, Mr. Rocha Garza said Biscayne Syndicate Inc., Lahus II Inc., and Lahus III Inc. bought the 600,000 shares on Oct. 11 for $1.4 million, or $2.375 a share. +22421003 Mr. Rocha Garza said that he, Clarendon Group Ltd., Biscayne, Lahus II, and Lahus III are all affiliated and hold a combined stake of 1,234,100 shares, or 9.33%. +22421004 Mr. Rocha Garza has said he wants to purchase more shares. +22421005 In San Diego, Smith Laboratories President Timothy Wollaeger said the transfer of the shares isn't significant. +22422001 Investcorp, New York, said it and the management of Sports & Recreation Inc. bought the operator of the 10-store Sports Unlimited chain for some $40 million. +22422002 The investment bank becomes majority shareholder in Sports & Recreation, a 10-year-old sporting goods retailer, said Oliver E. Richardson, a member of Investcorp's management committee and a director of the chain. +22422003 Sports Unlimited, Tampa, Fla., posted revenue of $59 million for the year ended July 31. +22422004 The company is "very profitable" on an operating basis, Mr. Richardson said, but he declined to specify numbers. +22422005 In 1982, Sports & Recreation's managers and certain passive investors purchased the company from Brunswick Corp. of Skokie, Ill. +22422006 In the latest transaction, management bought out the passive investors' holding, Mr. Richardson said. +22423001 Hammond Co., Newport Beach, Calif., said Fidelity National Financial Inc. extended its previous agreement, under which it won't purchase any more of the mortgage banker's common stock, through Oct. 31. +22423002 The previous agreement expired Thursday. +22423003 Hammond said that its discussions with Fidelity, an Irvine, Calif., title-insurance underwriter, are continuing, but that prospects for a longer-term standstill agreement are uncertain. +22423004 Fidelity has increased its stake in Hammond to 23.57% in recent months. +22423005 Statements made in Securities and Exchange Commission filings led Hammond to request a standstill agreement. +22424001 Giant Group Ltd. said it terminated negotiations for the purchase of Aspen Airways, a Denver-based regional carrier that operates the United Express connector service under contract to UAL Corp.'s United Airlines. +22424002 Giant, a Beverly Hills, Calif., collection of companies that is controlled by Hollywood producer Burt Sugarman, didn't give a reason for halting its plan to acquire the airline, and Aspen officials couldn't be reached for comment. +22424003 Giant agreed last month to purchase the carrier. +22424004 Giant hasn't ever disclosed the proposed price, although Avmark Inc., an Arlington, Va.-based aircraft consulting concern, has valued Aspen's fleet at about $46 million. +22424005 The airline would have become the latest in a peculiar blend of Giant companies, which are involved in making cement, recycling newsprint and operating fast-food restaurants. +22425001 The state-controlled insurer Assurances Generales de France said it has obtained regulatory approval to increase its stake in the financial holding company Cie. de Navigation Mixte above 10% from the current level of about 8%. +22425002 Friday's approval was needed to conform with Bourse rules regarding companies with bank interests and follows a similar approval given Wednesday to Cie. Financiere de Paribas. +22425003 Both Paribas and AGF have been increasing their stakes in Navigation Mixte recently for what they have termed "investment purposes," although the issue has been surrounded by takeover speculation in recent weeks. +22425004 AGF didn't comment officially on its reasons for seeking the approval, but people close to the group said it was done to make sure the group would have the flexibility to increase its stake in the future, should interesting price opportunities arise. +22425005 An AGF official did specify, however, that there was no foundation to recent rumors the group might be acting in concert with Paribas. +22426001 Lockheed Aeronautical Systems Co., a unit of Lockheed Corp., said it agreed to join with Aermacchi S.p.A. of Varese, Italy, to propose a new generation of jet trainers for the U.S. Air Force. +22426002 The Air Force is looking to buy 540 new primary jet trainers, with a total value of $1.5 billion to $2 billion, between 1994 and 2004. +22426003 The aircraft would replace the T-37, made by the Cessna Aircraft Co. unit of General Dynamics Corp., which the Air Force uses to train jet pilots. +22426004 Lockheed said the U.S. Navy may also buy an additional 340 trainer aircraft to replace its T34C trainers made by the Beech Aircraft Corp. unit of Raytheon Corp. +22426005 Under the agreement with Lockheed, Aermacchi will license Lockheed to build the Aermacchi MB-339 jet tandem-trainer and will supply certain structures. +22426006 Lockheed will build additional structures and perform final assembly of the tandem-seat trainer at its Marietta, Ga., plant should the Air Force order the craft. +22426007 A Lockheed spokesman in Burbank, Calif., said he wasn't aware of which other companies would be competing for the Air Force contract. +22427001 Striking auto workers ended their 19-day occupation of a metal shop at a Peugeot S.A. factory in eastern France Friday as pay talks got under way in the capital. +22427002 But the Peugeot breakthrough came as a nationwide dispute by Finance Ministry employees disrupted border checkpoints and threatened the government's ability to pay its bills. +22427003 The Peugeot metalworkers began filing out of the shop, which makes auto parts, at the plant in Mulhouse after voting 589 to 193 to abandon the occupation. +22427004 Their withdrawal was based on promises by Peugeot to open negotiations in Paris at the same time the last man left the premises. +22427005 The strike by customs officers, tax collectors, treasury workers and other civil servants attached to the Ministry of Finance may pose a more serious challenge to the government and the average Frenchman. +22427006 Ministry employees complain that they are poorly paid because of a complex job-rating system they say fails to take into account their education and level of technical expertise. +22428001 The market for $200 billion of high-risk junk bonds, battered by a succession of defaults and huge price declines this year, practically vanished Friday. +22428002 Trading ground to a halt as investors rushed to sell bonds, only to find themselves deserted by potential buyers. +22428003 Stunned, they watched brokerage houses mark down price quotations on their junk holdings while being able to execute very few actual trades. +22428004 "The junk bond market is in a state of gridlock now -- there are no bids, only offers," says independent investor Martin D. Sass, who manages nearly $4 billion and who recently decided to buy distressed securities for a new fund. +22428005 This calamity is "far from over," he says. +22428006 Junk's collapse helped stoke the panicky selling of stocks that produced the deepest one-day dive in the Dow Jones Industrial Average since the Oct. 19, 1987, crash. +22428007 Simultaneously, it also helped trigger this year's biggest rally in the U.S. government bond market as investors rushed to move capital into the highest-quality securities they could find. +22428008 But "an eerie silence pervaded" the junk market Friday as prices tumbled on hundreds of high-yield bonds despite "no active trading," says John Lonski, an economist at Moody's Investors Service Inc. +22428009 For example, the price of Southland Corp.'s $500 million of 16 3/4% bonds due 2002 -- sold less than two years ago by Goldman, Sachs & Co. -- plummeted 25% to just 30 cents on the dollar. +22428010 But not even Goldman would make a market in the securities of Southland, the owner of the nationwide chain of 7-11 convenience stores that is strapped for cash. +22428011 Goldman officials declined to comment. +22428012 Junk bonds, which mushroomed from less than $2 billion at the start of this decade, have been declining for months as issuer after issuer sank beneath the weight of hefty interest payments. +22428013 The shaky market received its biggest jolt last month from Campeau Corp., which created its U.S. retailing empire with junk financing. +22428014 Campeau developed a cash squeeze that caused it to be tardy on some interest payments and to put its prestigious Bloomingdales department-store chain up for sale. +22428015 Now, dozens of corporations, including Ethan Allen, TW Services and York International, that are counting on at least $7 billion of scheduled new junk financings to keep their highly leveraged takeovers and buy-outs afloat, may never get the money. +22428016 "The music has stopped playing," says Michael Harkins, a principal in the investment firm of Levy Harkins. +22428017 "You've either got a chair or you don't." +22428018 In Friday's aftermath, says R. Douglas Carleton, a director of high-yield finance at First Boston Corp., "much of the $7 billion forward calendar could be deferred, depending on the hysteria." +22428019 In August, First Boston withdrew a $475 million junk offering of Ohio Mattress bonds because potential buyers were "very skittish." +22428020 The outlook "looks shaky because we're still waiting" for mutual funds, in particular, to dump some of their junk bond holdings to pay off redemptions by individual investors, says King Penniman, senior vice president at McCarthy, Crisanti & Maffei, an investment arm of Xerox Financial Services. +22428021 Indeed, a Moody's index that tracks the net asset values of 24 high-yield mutual funds declined for the 17th consecutive day Friday. +22428022 In a stark contrast, the benchmark 30-year Treasury bond climbed more than 2 1/2 points, or about $25 for each $1,000 face amount, to 103 12/32, its biggest gain of the year. +22428023 The bond's yield dropped to 7.82%, the lowest since March 31, 1987, according to Technical Data Global Markets Group. +22428024 The yield on three-month Treasury bills, considered the safest of all investments, plummeted about 0.7 percentage point to 7.16%, the largest one-day decline since 1982. +22428025 The main catalyst for government bond market rally was the 190.58-point drop in the Dow Jones Industrial Average. +22428026 "When you get panic in one market, you get flight to quality in the other," said Maria Ramirez, money market economist at Drexel Burnham Lambert Inc. +22428027 Nevertheless, the problems of the junk market could prompt the Federal Reserve to ease credit in the months ahead. +22428028 "This marks a significant shift in the interest rate outlook," says William Sullivan, director of money market research at Dean Witter Reynolds Inc., New York. +22428029 Any sustained credit-easing could be a lift for junk bonds as well as other securities. +22428030 Robert Dow, a partner and portfolio manager at Lord, Abbett & Co., which manages $4 billion of high-yield bonds, says he doesn't "think there is any fundamental economic rationale {for the junk bond rout}. +22428031 It was herd instinct." +22428032 He adds: "The junk market has witnessed some trouble and now some people think that if the equity market gets creamed that means the economy will be terrible and that's bad for junk. +22428033 I don't believe that's the case, but I believe that people are running scared. +22428034 There is a flight to quality, and the quality is not in equities and not in junk -- it's in Treasurys." +22428035 Even as trading in high-yield issues dried up over the past month, corporations sold more than $2 billion of new junk bonds. +22428036 For example, a recent $375 million offering of Petrolane Gas Services L.P. bonds sold by First Boston was three times oversubscribed. +22428037 A $550 million offering of Turner Broadcasting System Inc. high-yield securities sold last week by Drexel was increased $50 million because of strong demand. +22428038 First Boston estimates that in November and December alone, junk bond investors will receive $4.8 billion of coupon interest payments. +22428039 "That's a clear indication that there is and will be an undercurrent of basic business going on," says Mr. Carleton of First Boston. +22428040 "I don't know how people can say the junk bond market disappeared when there were $1.5 billion of orders for $550 million of junk bonds sold last week by Turner," says Raymond Minella, co-head of merchant banking at Merrill Lynch & Co. +22428041 "When the rally comes, insurance companies will be leading it because they have billions to invest and invest they will. +22428042 There is plenty of money available from people who want to buy well-structured deals; it's the stuff that's financed on a shoestring that people are wary of." +22428043 But such highly leveraged transactions seemed to have multiplied this year, casting a pall over much of the junk market. +22428044 Michael McNamara, director of fixed-income research at Kemper Financial Services, says the quality of junk issues has been getting poorer, contributing to the slide in prices. +22428045 "Last year we probably bought one out of every three new deals," he says. +22428046 "This year, at best, it's in one in every five or six. +22428047 And our credit standards haven't changed one iota." +22428048 However, Mr. McNamara said the slide in junk is creating "one hell of a buying opportunity" for selective buyers. +22428049 For the moment, investors seem more preoccupied with the "bad" junk than the "good" junk. +22428050 "The market has been weak since" the announcement of the Campeau cash squeeze and the company's subsequent bailout by Olympia & York, says Mr. Minella of Merrill Lynch. +22428051 "That really affected the market in that people started to ask 'What else is in trouble?'" +22428052 Well before Campeau, though, there were signs that the junk market was stumbling through one of its worst years ever. +22428053 Despite the relatively strong economy, junk bond prices did nothing except go down, hammered by a seemingly endless trail of bad news: +22428054 -- In June, two months before it would default on interest payments covering some of its $1.2 billion of speculative debt securities, New York-based Integrated Resources Inc. said it ran out of borrowed money. +22428055 -- In July, Southmark Corp., the Dallas-based real estate and financial services company with about $1.3 billion of junk bonds, voluntarily filed for protection under U.S. bankruptcy law. +22428056 -- By the end of July, the difference in yield between an index of junk bonds and seven-year Treasury notes widened to more than 5.5 percentage points. +22428057 -- In August, Resorts International Inc., which sold more than $500 million of junk bonds, suspended interest payments. +22428058 -- In September, just as the cash squeeze hit Campeau, Lomas Financial Corp. defaulted on $145 million of notes and appeared unlikely to pay interest on a total of $1.2 billion of debt securities. +22428059 Meantime, regulators are becoming increasingly worried as the rush to leverage shows no signs of abating. +22428060 Moody's says the frequency of corporate credit downgrades is the highest this year since 1982. +22428061 In addition, there are six times as many troubled banks as there were in the recession of 1981, according to the Federal Deposit Insurance Corp. +22428062 "The era of the 1980s is about compound interest and the reaching for it," says James Grant, editor of Grant's Interest Rate Observer, an early critic of the junk bond market. +22428063 "What we've begun to see is the damage to businesses of paying exorbitant compound interest. +22428064 Businesses were borrowing at interest rates higher than their own earnings. +22428065 What we're seeing now is the wrenching readjustment of asset values to a future when speculative-grade debt will be hard to obtain rather than easy." +22428066 Friday's Market Activity +22428067 Prices of Treasury bonds surged in the biggest rally of the year as investors fled a plummeting stock market. +22428068 The benchmark 30-year Treasury bond was quoted 6 p.m. EDT at 103 12/32, compared with 100 27/32 Thursday, up 2 1/2 points. +22428069 The yield on the benchmark fell to 7.82%, the lowest since March 31, 1987, according to Technical Data Global Markets Group. +22428070 The "flight to quality" began late in the day and followed a precipitous fall in the stock market. +22428071 Treasurys opened lower, reacting negatively to news that the producer price index -- a measure of inflation on the wholesale level -- accelerated in September. +22428072 Bond prices barely budged until midday. +22428073 Many bond market participants will be closely eying the action of the Federal Reserve, which might repeat its October 1987 injection of huge amounts of liquidity to buoy the financial markets and keep the economy from slowing into a recession. +22428074 Prices of municipals, investment-grade corporates and mortgage-backed bonds also rose, but lagged behind their Treasury counterparts. +22428075 Mortgage securities rose in hectic trading, with most of the activity concentrated in Government National Mortgage Association 9% coupon securities, the most liquid mortgage issue. +22428076 The Ginnie Mae November 9% issue ended at 98 25/32, up 7/8 point on the day, to yield about 9.28% to a 12-year average life assumption. +22428077 Investment-grade corporate bonds were up about 1/2 to 3/4 point. +22428078 But the yield spread between lower-quality, investment-grade issues and higher-quality bonds widened. +22428079 And the yields on telephone and utility issues rose relative to other investment-grade bonds in anticipation of this week's $3 billion bond offering by the Tennessee Valley Authority. +22428080 Despite rumors that the TVA's long-awaited offering would be postponed because of the debacle in the equity markets, sources in the underwriting syndicate said they expect the issue will be priced as scheduled. +22428081 One of the sources said the smaller portions of $750 million each of five-year and 10-year bonds have already been "substantially oversubscribed." +22428082 Municipal bonds rose as much as 3/4 point. +22428083 Roger Lowenstein contributed to this article. +22429001 Friday's 190-point plunge in stocks does not come atop the climate of anxiety that dominated financial markets just prior to their 1987 October crash, and mechanisms have been put in place to keep markets more orderly. +22429002 Still, the lesson is about the same: On Friday the 13th, the market was spooked by Washington. +22429003 The consensus along the street seems to be that the plunge was triggered by the financing problems of the UAL takeover, and it's certainly true the rout began immediately after the UAL trading halt. +22429004 Still, the consensus seems almost as wide that one faltering bid is no reason to write down the value of all U.S. business. +22429005 This observation leads us to another piece of news moving on the Dow Jones ticker shortly before the downturn: the success of Senate Democrats in stalling the capital gains tax cut. +22429006 The real value of all shares, after all, is directly impacted by the tax on any profits (all the more so given the limits on deductions for losses that show gains are not "ordinary income"). +22429007 And market expectations clearly have been raised by the capital gains victory in the House last month. +22429008 An hour before Friday's plunge, that provision was stripped from the tax bill, leaving it with $5.4 billion in tax increases without a capital gains cut. +22429009 There is a great deal to be said, to be sure, for stripping the garbage out of the reconciliation bill. +22429010 It would be a good thing if Congress started to decide issues one-by-one on their individual merits without trickery. +22429011 For one thing, no one doubts that the capital gains cut would pass on an up-or-down vote. +22429012 Since Senate leaders have so far fogged it up with procedural smokescreens, promises of a cleaner bill are suspect. +22429013 Especially so since President Bush has been weakened by the Panama fiasco. +22429014 To the extent that the UAL troubles contributed to the plunge, they are another instance of Washington's sticky fingers. +22429015 As the best opportunities for corporate restructurings are exhausted of course, at some point the market will start to reject them. +22429016 But the airlines are scarcely a clear case, given anti-takeover mischief by Secretary of Transportation Skinner, who professes to believe safety will be compromised if KLM and British Airways own interests in companies that fly airplanes. +22429017 Worse, Congress has started to jump on the Skinner bandwagon. +22429018 James Oberstar, the Minnesota Democrat who chairs the Public Works and Transportation Committee's aviation subcommittee, has put an anti-airline takeover bill on supersonic speed so that it would be passed in time to affect the American and United Air Lines bids. +22429019 It would give Mr. Skinner up to 50 days to "review" any bid for 15% or more of the voting stock of any U.S. carrier with revenues of $1 billion or more. +22429020 So the UAL deal has problems, and the market loses 190 points. +22429021 Congratulations, Mr. Secretary and Mr. Congressman. +22429022 In the 1987 crash, remember, the market was shaken by a Danny Rostenkowski proposal to tax takeovers out of existance. +22429023 Even more important, in our view, was the Treasury's threat to thrash the dollar. +22429024 The Treasury is doing the same thing today; thankfully, the dollar is not under 1987-style pressure. +22429025 Also, traders are in better shape today than in 1987 to survive selling binges. +22429026 They are better capitalized. +22429027 They are in less danger of losing liquidity simply because of tape lags and clearing and settlement delays. +22429028 The Fed promises any needed liquidity. +22429029 The Big Board's liaison with the Chicago Board of Trade has improved; it will be interesting to learn if "circuit breakers" prove to be a good idea. +22429030 In any event, some traders see stocks as underpriced today, unlike 1987. +22429031 There is nothing wrong with the market that can't be cured by a little coherence and common sense in Washington. +22429032 But on the bearish side, that may be too much to expect. +22430001 First Chicago Corp. posted a third-quarter loss of $23.3 million after joining other big banks in further adding to its reserves for losses on foreign loans. +22430002 The parent company of First National Bank of Chicago, with $48 billion in assets, said it set aside $200 million to absorb losses on loans and investments in financially troubled countries. +22430003 The addition, on top of two big 1987 additions to foreign-loan reserves, brings the reserve to a level equaling 79% of medium-term and long-term loans outstanding to troubled nations. +22430004 First Chicago since 1987 has reduced its loans to such nations to $1.7 billion from $3 billion. +22430005 Despite this loss, First Chicago said it doesn't need to sell stock to raise capital. +22430006 During the quarter, the company realized a pretax gain of $60.4 million from the sale of its First Chicago Investment Advisors unit. +22430007 Combined foreign exchange and bond trading profits dipped 24% against last year's third quarter, to $38.2 million from $50.5 million. +22430008 Gains from First Chicago's venture capital unit, a big leveraged buy-out investor, rose 32% to $34 million from $25.7 million a year ago. +22430009 Interest income and most fee income was strong. +22431001 Greece's second bout of general elections this year is slated for Nov. 5. +22431002 For those hoping to see a modicum of political normalcy restored -- in view of Greece's eight-year misadventure under autocratic pseudosocialism and subsequent three-month hitch with a conservative-communist coalition government -- there is but one bright sign: The scandals still encircling former Prime Minister Andreas Papandreou and his fallen socialist government are like flies buzzing around a rotting carcass. +22431003 In the mid-June round of voting, Greeks gave no clear mandate to any single political party. +22431004 The ad interim coalition government that emerged from post-electoral hagglings was, in essence, little more than the ill-conceived offspring of ideological miscegenation: On one side, the center-right New Democracy Party, headed by Constantine Mitsotakis. +22431005 On the other, the so-called Coalition of the Left and Progress -- a quaint and rather deceptive title for a merger of the pro-Soviet Communist Party of Greece and its Euro-Communist cousin, the Hellenic Left. +22431006 The unifying bond for this left-right mismatch was plain: PASOK (Mr. Papandreou's party) as common political enemy. +22431007 The ostensible goal was a mop-up of government corruption, purportedly at all levels, but the main marks were Mr. Papandreou and his closest associates. +22431008 In point of fact, this catharsis was overdue by decades. +22431009 When reduced to buzzword status in ex parte pledges, however, the notion transmogrified into a promised assault, with targets primarily for political gains, not justice. +22431010 With regard to Greece's long-bubbling bank-looting scandal, Mr. Papandreou's principal accuser remains George Koskotas, former owner of the Bank of Crete and self-confessed embezzler, now residing in a jail cell in Salem, Mass., from where he is fighting extradition proceedings that would return him to Greece. +22431011 Mr. Koskotas's credibility is, at best, problematic. +22431012 He has ample motive to shift the blame, and his testimony has also been found less than forthright on numerous points. +22431013 Nevertheless, the New Democracy and Communist parties herald his assertions as proof of PASOK complicity. +22431014 Among unanswered questions are whether Mr. Papandreou received $23 million of stolen Bank of Crete funds and an additional $734,000 in bribes, as contended; whether the prime minister ordered state agencies to deposit some $57 million in Mr. Koskotas's bank and then skim off the interest; and, what PASOK's cut was from the $210 million Mr. Koskotas pinched. +22431015 Two former ministers were so heavily implicated in the Koskotas affair that PASOK members of Parliament voted to refer them to the special court. +22431016 But eluding parliamentary probe was the case of millions of drachmas Mr. Koskotas funneled into New Democracy coffers. +22431017 In the end, the investigation produced only circumstantial evidence and "indications" that point to PASOK, not clinching proof. +22431018 On another issue, Greeks were told how their national intelligence agency, the EYP, regularly monitored the telephone conversations of prominent figures, including key opposition politicians, journalists and PASOK cabinet members. +22431019 Despite convincing arguments, it was never established that Mr. Papandreou personally ordered or directed the wiretaps. +22431020 The central weakness of the "scandals" debates was pointed up especially well when discussions focused on arms deals and kickbacks. +22431021 The coalition government tried to show that PASOK ministers had received hefty sums for OKing the purchase of F-16 Fighting Falcon and Mirage 2000 combat aircraft, produced by the U.S.based General Dynamics Corp. and France's Avions Marcel Dassault, respectively. +22431022 Naturally, neither General Dynamics nor Dassault could be expected to hamper its prospective future dealings by making disclosures of sums paid (or not) to various Greek officials for services rendered. +22431023 So it seems that Mr. Mitsotakis and his communist chums may have unwittingly served Mr. Papandreou a moral victory on a platter: PASOK, whether guilty or not, can now traipse the countryside condemning the whole affair as a witch hunt at Mr. Papandreou's expense. +22431024 But while verbal high jinks alone won't help PASOK regain power, Mr. Papandreou should never be underestimated. +22431025 First came his predictable fusillade: He charged the Coalition of the Left and Progress had sold out its leftist tenets by collaborating in a right-wing plot aimed at ousting PASOK and thwarting the course of socialism in Greece. +22431026 Then, to buttress his credibility with the left, he enticed some smaller leftist parties to stand for election under the PASOK banner. +22431027 Next, he continued to court the communists -- many of whom feel betrayed by the left-right coalition's birth -- by bringing into PASOK a well-respected Communist Party candidate. +22431028 For balance, and in hopes of gaining some disaffected centrist votes, he managed to attract a former New Democracy Party representative and known political enemy of Mr. Mitsotakis. +22431029 Thus PASOK heads for the polls not only with diminished scandal-stench, but also with "seals of approval" from representatives of its harshest accusers. +22431030 Crucial as these elections are for Greece, pressing issues of state are getting lost in the shuffle. +22431031 The country's future NATO participation remains unsure, for instance. +22431032 Greece also must revamp major pieces of legislation in preparation for the 1992 targets of heightened Common Market cooperation. +22431033 Greece's bilateral relations with the U.S. need attention soon as well. +22431034 For one, the current accord concerning U.S. military bases in Greece lapses in May 1990. +22431035 Negotiations for a new agreement were frozen before the June elections, but the clock is running. +22431036 Another matter of concern is the extradition of Mohammed Rashid, a Palestinian terrorist who is wanted in the U.S. for the 1982 bombing of a Pan American Airways flight. +22431037 The Greek courts have decided in favor of extradition in the Rashid case, but the matter awaits final approval from Greece's next justice minister. +22431038 The Greeks seem barely aware of the importance of the case as a litmus test of whether Greece will be counted in or out for international efforts to combat terrorism. +22431039 That PASOK could win the elections outright is improbable; the Greek press, previously eager to palm off PASOK's line, has turned on Mr. Papandreou with a wild-eyed vengeance. +22431040 Yet the possibility of another lash-up government is all too real. +22431041 If Mr. Papandreou becomes the major opposition leader, he could hamstring a conservative-led coalition. +22431042 Also, he could force new elections early next year by frustrating the procedures for the election of the president of the republic in March. +22431043 New Democracy has once again glaringly underestimated the opponent and linked its own prospects to negative reaction against PASOK, forgetting to tend to either program clarity or the rectification of internal squabbles. +22431044 As for Mr. Papandreou? +22431045 He's not exactly sitting pretty at this stage. +22431046 But since he is undoubtedly one of the most proficient bull slingers who ever raked muck, it seems far wiser to view him as sidelined, but certainly not yet eliminated. +22431047 Mr. Carpenter, a regional correspondent for National Review, has lived in Athens since 1981. +22432001 U.S. OFFICIALS MOVED to head off any repeat of Black Monday today following Friday's plunge in stock prices. +22432002 Fed Chairman Greenspan signaled that the central bank was prepared to inject massive amounts of money into the banking system to prevent a financial crisis. +22432003 Other U.S. and foreign officials also mapped out plans, though they kept their moves quiet to avoid making the financial markets more jittery. +22432004 Friday's sell-off was triggered by the collapse of UAL's buy-out plan and a big rise in producer prices. +22432005 The Dow Jones industrials skidded 190.58, to 2569.26. +22432006 The junk bond market came to a standstill, while Treasury bonds soared and the dollar fell. +22432007 Japanese stocks dropped early Monday, but by late morning were turning around. +22432008 The dollar was trading sharply lower in Tokyo. +22432009 Prospects for a new UAL buy-out proposal appear bleak. +22432010 Many banks refused to back the $6.79 billion transaction, but bankers said it was not from any unwillingness to finance takeovers. +22432011 The decision was based solely on problems with the UAL management-pilot plan, they said. +22432012 The surge in producer prices in September followed three months of declines, but analysts were divided on whether the 0.9% jump signaled a severe worsening of inflation. +22432013 Also, retail sales grew 0.5% last month. +22432014 A capital-gains tax cut was removed from the Senate's deficit reduction bill, but proponents still hope to enact the cut this year. +22432015 Bush won't press for a capital-gains provision in the final deficit bill when House-Senate conferees meet later this week. +22432016 General Motors signaled that up to five North American assembly plants may close by the mid-1990s as it tries to cut excess capacity. +22432017 U.S. car and truck sales fell 12.6% in early October, the first sales period of the 1990-model year, dragged down by a sharp decline in GM sales. +22432018 Warner and Sony are entangled in a legal battle over movie producers Peter Gruber and Jon Peters. +22432019 The fight could set back Sony's plans to enter the U.S. movie business. +22432020 Hooker's U.S. unit received a $409 million bid for most of its real-estate and shopping-center assets from an investor group. +22432021 The offer doesn't include Bonwit Teller or B. Altman. +22432022 The Boeing strike is starting to affect airlines. +22432023 America West said Friday it will postpone its new service out of Houston because of delays in receiving aircraft from Boeing. +22432024 Saatchi & Saatchi would launch a management buy-out if a hostile suitor emerged, an official said. +22432025 British Aerospace and France's Thomson-CSF are nearing a pact to merge guided-missile divisions. +22432026 New U.S. steel-import quotas will give a bigger share to developing nations that have relatively unsubsidized steel industries. +22432027 Japan's steel quota will be cut significantly. +22432028 Four ailing S&Ls were sold off by government regulators, but low bids prevented the sale of a fifth. +22432029 Markets -- +22432030 Stocks: Volume 251,170,000 shares. +22432031 Dow Jones industrials 2569.26, off 190.58; transportation 1406.29, off 78.06; utilities 211.96, off 7.29. +22432032 Bonds: Shearson Lehman Hutton Treasury index 3421.29, up +22432033 Commodities: Dow Jones futures index 129.87, up 0.01; spot index 129.25, up 0.28. +22432034 Dollar: 142.10 yen, off 2.07; 1.8740 marks, off 0.0343. +22433001 A federal appeals court in San Francisco ruled that shareholders can't hold corporate officials liable for false sales projections on new products if the news media concurrently revealed substantial information about the product's flaws. +22433002 The ruling stems from a 1984 suit filed by shareholders of Apple Computer Inc., claiming that company officials misled investors about the expected success of the Lisa computer, introduced in 1983. +22433003 Lawyers specializing in shareholder suits said they are concerned that use of the "press defense" by corporations may become popular as a result of the ruling. +22433004 According to the suit, Apple officials created public excitement by touting Lisa as an office computer that would revolutionize the workplace and be extremely successful in its first year. +22433005 The plaintiffs also alleged that prior to the fanfare, the company circulated internal memos indicating problems with Lisa. +22433006 The suit claimed Apple's stock climbed to a high of $63.50 a share on the basis of the company's optimistic forecasts. +22433007 But when the company revealed Lisa's poor sales late in 1983, the stock plummeted to a low of $17.37 a share, according to the suit. +22433008 The shareholders claimed more than $150 million in losses. +22433009 In 1987, the San Francisco district court dismissed the case largely because newspaper reports had sufficiently counterbalanced the company's statements by alerting consumers to Lisa's problems. +22433010 Late last month, the appeals court agreed that most of the case should be dismissed. +22433011 However, it gave the shareholders the right to pursue a small portion of their claim that pertains to Lisa's disk drive, known as Twiggy. +22433012 The court ruled that the news media didn't reveal Twiggy's problems at the time. +22433013 Lawyers are worried about the ruling's implication in other shareholder suits but pointed out that the court stressed that the ruling should be regarded as very specific to the Apple case. +22433014 "The court was careful to say that the adverse information appeared in the very same articles and received the same attention as the company's statements," said Patrick Grannon, a Los Angeles lawyer at the firm of Greenfield & Chimicles, which wasn't involved in the case. +22433015 "The court is saying that the adverse facts have to be transferred to the market with equal intensity and credibility as the statements of corporate insiders." +22433016 Shareholders' attorneys at the New York firm of Milberg, Weiss, Bershad, Specthrie & Lerach last week petitioned for a rehearing of the case. +22433017 They wrote: "The opinion establishes a new rule of immunity -- that if a wide variety of opinions on a company's business are publicly reported, the company can say anything without fear of securities liability." +22433018 NFL ORDERED to pay $5.5 million in legal fees to defunct +22433019 The National Football League is considering appealing the ruling stemming from the U.S. Football League's largely unsuccessful antitrust suit against the NFL. +22433020 A jury in 1986 agreed with the USFL's claims that the NFL monopolized major league football. +22433021 But the jury awarded the USFL only $1 in damages, trebled because of the antitrust claims. +22433022 Last week, the U.S. Court of Appeals in New York upheld a $5.5 million award of attorneys fees to the defunct league. +22433023 Harvey D. Myerson, of Myerson & Kuhn, then of Finley, Kumble, Wagner, Heine, Underberg, Manley, Myerson & Casey, was the lead trial lawyer, and his new firm pursued the application appeal. +22433024 Douglas R. Pappas of Myerson & Kuhn says about $5.3 million of the award goes directly to the USFL to reimburse it for fees already paid. +22433025 Myerson & Kuhn will get about $260,000 for the costs of pressing the application. +22433026 The federal appeals court held that the nominal damages and the failure to prove all claims didn't exclude the USFL from being reimbursed. +22433027 Antitrust laws provide that injured parties may be reimbursed for lawyers' fees. +22433028 But Shepard Goldfein, an attorney for the NFL, says his client will consider asking for another hearing or appealing to the U.S. Supreme Court. +22433029 Mr. Goldfein, of Skadden, Arps, Slate, Meagher & Flom in New York, says the ruling is wrong and the fee award is excessive because the USFL lost its major claims, including its contention that the NFL restrained trade through television contracts. +22433030 "The USFL was not the prevailing party," Mr. Goldfein insists. +22433031 HOUSTON-CALGARY ALLIANCE: +22433032 Fulbright & Jaworski of Houston and Fenerty, Robertson, Fraser & Hatch of Calgary, Alberta, are affiliating to help serve their energy-industry clients. +22433033 The affiliation is believed to be the first such cross-border arrangement among major law firms. +22433034 The firms aren't required to refer work exclusively to each other and remain separate organizations. +22433035 But they will work together on energy-, environmental- and fair-trade-related issues and conduct seminars on topics of mutual interest, said Gibson Gayle Jr. of 585-lawyer Fulbright & Jaworski. +22433036 In addition, Fulbright & Jaworski's Washington, D.C., office will play a key role as the firms work together on regulatory issues, particularly natural-gas exports, for their clients. +22433037 The arrangement, reached after about eight months of negotiations, grew out of 80-lawyer Fenerty Robertson's desire to develop ties with a U.S. firm in light of relaxed trade barriers between the U.S. and Canada, said Francis M. Saville of Fenerty Robertson. +22433038 IN WHAT MAY SIGNAL a turnaround for asbestos manufacturers, W.R. Grace & Co. won a 3 1/2-week trial in Pittsburgh over whether it should be required to remove asbestos fireproofing from a local high school. +22433039 Mount Lebanon High School, near Pittsburgh, sought $21 million in compensatory damages from Grace, arguing that the asbestos, which can cause respiratory diseases and lung cancer, posed a risk to students. +22433040 Grace successfully contended that removing the fire retardant would pose a greater health risk than leaving it alone. +22433041 A spokesman for the company said the verdict is thought to be the first in favor of an asbestos manufacturer where the plaintiff was a school and the asbestos in question was used for fireproofing. +22433042 FCC COUNSEL JOINS FIRM: +22433043 Diane S. Killory will join 500-lawyer Morrison & Foerster as a partner in its Washington, D.C., office in mid-November. +22433044 She will help develop the mass-media practice of the San Francisco-based firm's communications group. +22433045 Ms. Killory, 35 years old, resigned as Federal Communications Commission general counsel early this month after nearly three years in that post. +22433046 She was the first woman to be appointed FCC general counsel. +22433047 RICHARD P. MAGURNO, formerly Eastern Airlines' top lawyer, joined the New York law firm of Lord Day & Lord, Barrett Smith as a partner. +22433048 Mr. Magurno, 45, spent 17 years at the Miami airline unit of Houston-based Texas Air Corp. and was named general counsel in 1984. +22433049 He left the company in 1987. +22433050 Mr. Magurno said he will split his time between the 200-lawyer firm's offices in Washington, D.C., and New York, with specialties in aviation and labor law. +22434001 Apple Computer Inc. said it will offer cash rebates on several of its machines from Oct. 14 to Dec. 31., as part of a holiday-season sales promotion. +22434002 Apple will offer a $150 rebate on its Apple IIGS with any Apple Monitor and disk drive; $200 on the basic Macintosh Plus central processing unit; $250 on the Macintosh SE central processing unit; $250 on the Macintosh SE/30 cpu, and $300 on a Macintosh IIcx with any Apple video card and Apple monitor. +22434003 The rebates, as a percentage of the retail cost of the cpu of each system, amount to 6% to 13%. +22434004 The company is also offering a free trial of its computers to consumers who qualify for its credit cards or leases. +22435001 Matsushita Electric Industrial Co. of Japan and Siemens AG of West Germany announced they have completed a 100 million-mark ($52.2 million) joint venture to produce electronics parts. +22435002 In the venture's first fiscal year, Siemens will hold 74.9% of the venture and a Matsushita subsidiary, Matsushita Electronic Components Co., 25.1%. +22435003 A basic agreement between the two companies was announced in June. +22435004 The new company is to be called Siemens Matsushita Components G.m.b.H. +22435005 It will have its headquarters in Munich. +22435006 Matsushita's share in the venture will rise to 35% Oct. 1, 1990, and to 50% the following Oct. 1. +22435007 Siemens will retain majority voting rights. +22435008 The parent companies forecast sales for the venture of around 750 million marks for its first fiscal year, Matsushita said. +22435009 Sales are expected to rise to one billion marks after four years. +22435010 The company will have production facilities in West Germany, Austria, France and Spain. +22436001 Roger Rosenblatt, editor of U.S. News & World Report, resigned Friday from the weekly news magazine. +22436002 Mr. Rosenblatt said he resigned because of difficulties with commuting between his home in New York and the magazine's editorial offices in Washington. +22436003 "Frankly, I missed my family," said Mr. Rosenblatt. +22436004 In Mr. Rosenblatt's tenure, the magazine's advertising pages and circulation have grown significantly. +22436005 But at 2.3 million weekly paid circulation, U.S. News still ranks third behind Time Warner Inc.'s Time magazine, with 4.4 million circulation, and Washington Post Co.'s Newsweek, with 3.3 million circulation. +22436006 Mortimer B. Zuckerman, chairman and editor in chief, said Mr. Rosenblatt would be succeeded starting today by Michael Ruby, the magazine's executive editor, and Merrill McLoughlin, a senior writer. +22436007 Mr. Ruby and Ms. McLoughlin are married to each other. +22436008 Mr. Zuckerman said his magazine would maintain its editorial format, which is a mix of analysis and trend stories with service-oriented, how-to articles. +22436009 Mr. Rosenblatt, a senior writer at Time magazine before joining U.S. News & World Report, said he had numerous job offers from other magazines while he was editor. +22436010 The offers were to work as a writer, not an editor. +22436011 He said he will now consider those offers. +22437001 Avions Marcel Dassault-Breguet Aviation S.A. said group profit before taxes and contributions to employee profit-sharing soared 97% to 839 million francs ($129.6 million) in the first half of 1989 from 425 million francs a year earlier. +22437002 The French aircraft group pointed out, however, that financial results from its sector of industry are frequently erratic because of irregular cash flow from large contracts. +22437003 It noted, for example, that group revenue for the first half was 8.734 billion francs, down about 12% from 9.934 billion francs a year earlier. +22437004 Still, it said it expects sales for all of 1989 to be on the order of 20 billion francs, reflecting anticipated billings for two large contracts in the second half of the year. +22437005 For all of 1988, Dassault had group profit of 428 million francs on revenue of 18.819 billion francs. +22437006 The group hasn't yet released earnings figures for the first half of 1989, nor has it made a detailed forecast of its full-year earnings. +22438001 Keystone Consolidated Industries Inc. expects to report earnings before extraordinary tax benefits of about $1.5 million, or about 41 cents a share, for the third quarter, compared with a loss last year, said Glenn R. Simmons, chairman and chief executive officer. +22438002 After a tax benefit of about $780,000, Keystone expects to report net income of $2.3 million, or about 62 cents a share, Mr. Simmons said. +22438003 For third quarter last year, Keystone reported a $1 million loss from continuing operations and a $200,000 loss from discontinued operations, for a net loss of $1.2 million. +22438004 Revenue for the latest third quarter was about $70.5 million, up 10% from $63.6 million last year, he said. +22438005 Mr. Simmons said the results signal a turnaround for the maker of wire and wire products, which has struggled to remain competitive in the face of lower-priced, imported steel. +22438006 A new $46 million steel rod minimill, which got off to a rocky start in early 1988, now is running efficiently and a new management team is more heavily marketing Keystone's products, Mr. Simmons said. +22438007 As a result, the company hopes to report net income for the year of about $11.6 million, or about $3.10 to $3.15 a share, compared with a net loss of $24.4 million last year, after a loss from discontinued operations of $18.4 million. +22438008 Revenue for 1989 is expected to be about $300 million, up about 21% from $247.3 million in 1988. +22438009 For the nine months ended Sept. 30, Keystone expects to report net income of $9.3 milion, or about $2.53 a share, after an extraordinary gain from $3.2 million in tax benefits. +22438010 Last year, the company had a net loss of $6.5 million, including a $6.1 million loss from continuing operations and a $400,000 loss from discontinued operations. +22438011 Revenue for the nine months is expected to be about $230.5 million, up about 21% from $190.4 million last year. +22438012 Mr. Simmons said Keystone's new mill is expected to produce about 585,000 tons of steel rods this year, up from 413,000 tons in 1988. +22438013 Production at the mill has exceeded the ability of Keystone's casting operation to supply it, he said, which will force Keystone to purchase billet, or unfinished steel bars, from outside the company during the fourth quarter and next year. +22438014 Keystone will have to consider expanding its casting operation, at an estimated cost of $8 million to $10 million, within the next 18 to 24 months, Mr. Simmons said. +22438015 Under Robert W. Singer, who was named president and chief operating officer last year, Keystone has expanded its sales force to about 20 people from about 15 and hopes to expand its sales from the middle portion of the country toward the East and West coasts. +22438016 "Prior to a year ago, Keystone was an order-taker. +22438017 Now I think we have a group of marketing people who are out selling to retailers and wholesalers," Mr. Simmons said. +22438018 Still, he said, the 100-year-old company plans to continue its premium-priced strategy for its distinctive brand of red-tipped wire fencing and other products. +22438019 The company claims a 40% share of the U.S. field fence business, a 35% share of poultry netting sales and a 30% share of barbed wire sales. +22439001 Freeport-McMoRan Inc. said a temporary cessation of operations at its Sunshine Bridge uranium-recovery facility in Donaldsonville, La., will result in slight earnings improvement to both the company and its Freeport-McMoRan Resource Partners Limited Partnership unit. +22439002 The company didn't elaborate. +22439003 The diversified energy and minerals concern said that a depressed uranium market is responsible for the temporary mothballing of the plant, but that the plant can be reactivated quickly when the market improves. +22439004 More than 400,000 pounds of uranium a year have been produced at the facility during the past seven years. +22439005 A second uranium-recovery plant at Uncle Sam, La., that produces more than 700,000 pounds of uranium annually, will continue to operate. +22439006 Freeport-McMoRan said the shutdown won't affect sales volumes under long-term sales contracts of its Freeport Uranium Recovery Co. unit, but will reduce the amount of product sold on the spot market. +22439007 Freeport-McMoRan Resource Partners, as owner of the uranium-recovery technology, receives royalty payments. +22440001 Business Week subscribers may hear this week's issue talking back to them. +22440002 A four-page ad from Texas Instruments Inc., running in approximately 140,000 issues of the Oct. 20 "Corporate Elite" issue of the McGraw-Hill Inc. publication, contains a speech synthesizer laminated between two of the pages. +22440003 Readers who pull off a piece of tape and press a switch will hear a tiny -- but distinctly human-sounding -- voice announce, "I am the talking chip," as it launches into a 15-second discourse on its own attributes. +22440004 The talking chip isn't cheap -- the per-ad cost to Texas Instruments is about $4, and that's without adding in Business Week's charge -- but Texas Instruments believes it is a first. +22440005 Previous efforts have included musical ads, featuring simple tone-generating chips that play a tune, but the voice synthesizer in this effort is much more sophisticated, with none of the robotic flatness that one hears, for example, when calling telephone directory services. +22440006 And for those who miss the message the first time around, not to worry: Three tiny batteries provide enough juice for as many as 650 replays. +22441001 Lomas Financial Corp., Dallas, said it will ask a U.S. bankruptcy court to allow it to hire Lazard Freres & Co. to help it sell its leasing unit. +22441002 Lomas, assisted by Merrill Lynch Capital Markets, has been trying to sell its Equitable Lomas Leasing Co. for several months, apparently without success. +22441003 The real estate and mortgage banking concern had hoped to use proceeds from the sale to reduce its debt. +22441004 Without cash from asset sales and unable to reach a new bank-credit agreement, Lomas defaulted on $145 million in notes that became due Sept. 1. +22441005 It filed for protection from creditors under Chapter 11 of the federal Bankruptcy Code Sept. 24 to give it additional time to work on a plan to restructure its $1.45 billion in senior debt. +22441006 Lomas said Merrill Lynch, which owns bonds and equity in Lomas, couldn't continue as Lomas's investment banker because it is also a creditor. +22441007 It said it chose Lazard in part because of Lazard's offices in Europe and Japan, where investors might be interested in a U.S. leasing company. +22442001 Canadian Imperial Bank of Commerce said it will increase its loan-loss provisions to cover all its loans to lesser developed countries, except Mexico, resulting in an after-tax charge to 1989 earnings of 300 million Canadian dollars (US$255 million). +22442002 Don Bowder, senior vice president and chief accountant, said the bank's strong earnings enable it to be the first major Canadian bank to set aside provisions covering all its C$1.17 billion in non-Mexican LDC debt. +22442003 "It eliminates the continuing uncertainty with respect to the ultimate value of the loans," he said. +22442004 The bank said about C$525 million will be added to its existing LDC and general loss provisions in its fourth quarter, ending Oct. 31. +22442005 Mr. Bowder said the C$300 million charge to earnings would amount to about C$1.34 a share. +22442006 The bank's net income for the nine months ended July 31 was C$577 million, or C$3.10 a share. +22442007 Mr. Bowder said the bank will restructure its C$604 million of Mexican debt, of which C$255 million is in Mexican notes secured by U.S. government bonds. +22442008 The bank has a 45% reserve against the remaining C$349 million of Mexican debt and expects to swap that for other Mexican notes supported by U.S. Treasury zero-coupon bonds. +22442009 Mr. Bowder said the bank's experience with LDC debt has been "painful" and this latest move represents the final phase of a program begun seven years ago to reduce its exposure through provisioning, debt sales and debt swaps. +22442010 He said the bank will no longer participate in LDC sovereign lending, but will support trade financing and other transactions that meet the bank's standards. +22443001 The carnage among takeover stocks Friday doesn't mean the end of mega-mergers but simply marks the start of a less ambitious game, Wall Street's big-time deal makers say. +22443002 Suitors from now on are more likely to be expansion-minded companies, rather than raiders or debt-happy financiers. +22443003 And they will be launching lower-priced and perhaps fewer deals, now that it's tougher to finance them. +22443004 This is an ominous sign for a stock market that lately has been fueled by takeover speculation and bidding wars for companies that put themselves up for sale. +22443005 Whenever the 1980s merger boom seems to be stalling, shock waves ripple through the stock market. +22443006 "The market is overvalued, not cheap," says Alan Gaines of the New York money-management firm Gaines Berland. +22443007 He recently began increasing his cash position to 45% of his portfolio. +22443008 "I look at where deals can get done," he says, "and they're not getting done" at current prices. +22443009 Lenders are growing increasingly nervous about debt-financed takeovers, investment bankers say. +22443010 "You had a week of a deteriorating junk-bond market that ran smack into the news on Friday about what appeared to be happening to the bank debt market," says Steven Rattner, a partner and merger specialist with Lazard Freres & Co. +22443011 Trading dried up Friday in the market for high-yield junk bonds, often used to finance takeovers. +22443012 It was the latest in a series of setbacks for the junk bond market, where prices began weakening last month after Campeau hit a cash crunch. +22443013 And banks appear to be taking an increasingly skeptical view of requests for high-risk takeover loans. +22443014 The group trying to buy UAL announced Friday that it couldn't arrange the $7.2 billion in bank loans it needs to buy the parent of United Airlines for $300 a share. +22443015 Takeover-stock traders today will be scrambling to learn of any UAL developments, and other takeover stocks are likely to trade in sympathy. +22443016 Investment bankers representing the buy-out group and UAL's board spent a frantic weekend trying to hammer out new terms that would be more acceptable to the banks. +22443017 After UAL, the stock viewed as most vulnerable is American Airlines' parent AMR, the target of a $120-a-share takeover proposal from New York real estate developer Donald Trump. +22443018 Trading in AMR shares was suspended shortly after 3 p.m. EDT Friday and didn't resume. +22443019 Before the halt, AMR last traded at 98 5/8. +22443020 Late Friday night, the London office of Jefferies & Co., a Los Angeles securities firm, traded AMR shares at prices as low as 80. +22443021 Similarly, Delta Air Lines and USAir Group dropped 10.1% and 8.5%, respectively, on Friday and could weaken further. +22443022 Over the weeked, however, two developments in other deals indicated that commerical banks and Wall Street firms still are willing to commit billions of dollars to finance takeover bids launched by major companies. +22443023 Vitro S.A., a major Mexican glass maker, said yesterday that it agreed to buy Anchor Glass Container in a tender offer for $21.25 a share, sweetened from the original $20-a-share offer Vitro launched two months ago. +22443024 On Friday, Anchor shares fell 1 1/4 to close at 18 1/2. +22443025 For the broader market, the greatest significance of the Vitro-Anchor deal may be that it was put together late Friday night -- after the market rout -- and involves a $155 million temporary "bridge" loan from Donaldson, Lufkin & Jenrette Securities and a $139 million loan from Security Pacific National Bank. +22443026 Moreover, to complete the entire Anchor Glass purchase and refinance existing debt, Donaldson said it is "highly confident" that it will be able to sell $400 million of junk bonds for Vitro, despite the current disarray in the junk bond market. +22443027 Donaldson's statement isn't merely an idle boast, because those bonds will have to be sold before Donaldson's bridge loan can be paid back. +22443028 Security Pacific, meanwhile, said it expects to arrange $430 million in bank loans for Vitro. +22443029 In another takeover battle, a spokesman for McCaw Cellular Communications said yesterday that McCaw has been advised by three commercial banks that they remain "highly confident" they can arrange $4.5 billion of bank loans for McCaw's tender offer for about 45% of LIN Broadcasting, "notwithstanding recent events." +22443030 McCaw is offering $125 a share for 22 million LIN shares, thereby challenging LIN's proposal to spin off its television properties, pay shareholders a $20-a-share special dividend and combine its cellular-telephone operations with BellSouth's cellular business. +22443031 On Friday, LIN shares were among the few takeover issues that didn't fall much, dropping 5 1/2, or 4.9%, to close at 107 1/2. +22443032 Traders and investment bankers said LIN shares weren't hurt much because BellSouth is viewed as a well-financed corporate buyer unlikely to be affected by skittishness among bankers or bond buyers. +22443033 Investment bankers interviewed over the weekend see a silver lining for the merger business in the stock-market drop. +22443034 Potential bidders for companies "were saying that things were beginning to look expensive," says Mr. Rattner of Lazard. +22443035 "Nothing makes things look cheaper than a 200-point drop in the Dow," Mr. Rattner says. +22443036 "Just as there are people waiting to become bargain hunters in the stock market, there are people waiting to become bargain hunters in the deal market." +22443037 Investment bankers expect most of those bargain hunters to be well-heeled corporations. +22443038 "In the past, corporate buyers were often discouraged from making bids because of competition from LBO firms, which were often prepared to outbid" the corporations, says J. Tomilson Hill, head of mergers and acquisitions at Shearson Lehman Hutton. +22443039 Now, "corporate buyers should be willing to re-enter the acquisition market because the competition from junkbond-financed buyers has been reduced." +22443040 Many takeover stocks plunged Friday, as speculators retained their confidence in corporate buyers but fled from the socalled whisper stocks, the targets of rumored deals. +22443041 Columbia Pictures Entertainment, which has agreed to a friendly $27-a-share bid from Sony of Japan, fell only 1/8 to close at 26 5/8. +22443042 But several stocks long rumored to be ripe for a takeover or restructuring fell 10% or more. +22443043 They include USX, down 11.7%; Upjohn, down 11.1%; Campbell Soup, down 11%; Paramount Communications, off 10.3%; Woolworth, down 10.2%; Delta Air Lines, down 10.1%, and MCA, down 9.7%. +22443044 The market -- and investment bankers -- are even less sanguine about companies that have had at least one bid, merger agreement or restructuring plan fall through already. +22443045 Given the weakness in both the junk bond market and the stock market, traders fear that these transactions may be revised yet again. +22443046 Examples include Kollmorgen, whose agreement to be acquired for $25 a share by Vernitron collapsed last month. +22443047 Kollmorgen shares fell nearly 20% on Friday to close at 12 7/8. +22443048 Ramada, which first delayed and then shelved a $400 million junk bond sale that was designed to help finance a restructuring, fell 15.6% to close at 9 1/2. +22443049 Ramada has said it hopes to propose a new restructuring plan but hasn't indicated when it will do so. +22443050 Shares of American Medical International, which agreed last week to accept a lower price from a buy-out group that includes First Boston Corp. and the Pritzker family of Chicago, fell 15.8% on Friday to close at 20. +22443051 The buy-out group is offering $26.50 a share for 63 million American Medical shares, down from its offer in July of $28 a share for 68.8 million shares. +22443052 But investment bankers say the market may have oversold some takeover-related stocks. +22443053 Hilton Hotels, for example, was among the worst-hit issues, falling 20.2% to close at 85, down 21 1/2 on Friday. +22443054 Hilton currently is soliciting bids for a sale of part or all of its hotel and casino businesses. +22443055 People familiar with Hilton said over the weekend that the depth of the sell-off in Hilton shares was unwarranted because none of the likely buyers would be dependent on junk-bond financing. +22443056 However, they conceded that some potential bidders would rely on bank loans and would be hurt if the troubles of the UAL buy-out group signified a general unwillingness among banks to provide credit for debt-financed takeovers. +22443057 Hilton officials said they weren't worried about the drop in the company's stock. +22443058 William Lebo, Hilton's general counsel, said plans to consider a sale of the company or some of its assets are "on track" for what has been described previously as "a slow and deliberate process." +22443059 "I can't believe that any potential buyer for Hilton would be affected by one day's trading," Mr. Lebo said. +22443060 But the stock market as a whole, bolstered as it is by takeover speculation, remains vulnerable to any further pullback by takeover financiers, both in the junkbond market and among commercial banks. +22443061 For debt-ridden suitors, "the takeover game has been over for some time," says New York money manager Neil Weisman of Chilmark Capital, who has been keeping 85% of his portfolio in cash. +22443062 "The market is just waking up to that point." +22443063 Pauline Yoshihashi in Los Angeles contributed to this column. +22444001 Of all the one-time expenses incurred by a corporation or professional firm, few are larger or longer term than the purchase of real estate or the signing of a commercial lease. +22444002 To take full advantage of the financial opportunities in this commitment, however, the corporation or professional firm must do more than negotiate the best purchase price or lease terms. +22444003 It must also evaluate the real-estate market in the chosen location from a new perspective. +22444004 Specifically, it must understand how real-estate markets overreact to shifts in regional economies and then take advantage of these opportunities. +22444005 When a regional economy catches cold, the local real-estate market gets pneumonia. +22444006 In other words, real-estate market indicators, such as building permits and leasing activity, plummet much further than a local economy in recession. +22444007 This was seen in the late 1960s in Los Angeles and the mid-1970s in New York. +22444008 But the reverse is also true: When a region's economy rebounds from a slowdown, these real-estate indicators will rebound far faster than the improving economy. +22444009 Why do local real-estate markets overreact to regional economic cycles? +22444010 Because real-estate purchases and leases are such major long-term commitments that most companies and individuals make these decisions only when confident of future economic stability and growth. +22444011 Metropolitan Detroit was written off economically during the early 1980s, as the domestic auto industry suffered a serious sales depression and adjustment. +22444012 Area employment dropped by 13% from its 1979 peak and retail sales were down 14%. +22444013 However, the real-estate market was hurt even more. +22444014 For example, residential building permits in the trough year of 1982 were off 76% from the 1979 peak level. +22444015 Once metropolitan Detroit's economy rallied in the mid-1980s, real estate rebounded. +22444016 Building permits, for example, soared a staggering 400% between 1982 and the peak year of 1986. +22444017 Where, savvy corporations and professional firms are now asking, are today's opportunities? +22444018 Look no further than metropolitan Houston and Denver, two of the most depressed, overbuilt and potentially undervalued real-estate markets in the nation. +22444019 Of course, some observers have touted Houston and Denver for the past five years as a counter-cyclical play. +22444020 But now appears to be the time to act. +22444021 Metropolitan Houston's economy did drop and then flatten in the years after its 1982 peak. +22444022 In the mid-1980s, employment was down as much as 5% from the 1982 peak and retail sales were off 13%. +22444023 The real-estate market suffered even more severe setbacks. +22444024 Office construction dropped 97%. +22444025 The vacancy rate soared more than 20% in nearly every product category, and more than 30% of office space was vacant. +22444026 To some observers, the empty office buildings of Houston's "see-through skyline" were indicative of a very troubled economy. +22444027 As usual, the real-estate market had overreacted. +22444028 Actually, the region's economy retained a firm foundation. +22444029 Metropolitan Houston's population has held steady over the past six years. +22444030 And personal income, after slumping in the mid-1980s, has returned to its 1982 level in real dollar terms. +22444031 Today, metropolitan Houston's real-estate market is poised for a significant turnaround. +22444032 More than 42,000 jobs were added in metro Houston last year, primarily in biotechnology, petrochemical processing, and the computer industry. +22444033 This growth puts Houston in the top five metro areas in the nation last year. +22444034 And forecasts project a 2.5% to 3% growth rate in jobs over the next few years -- nearly twice the national average. +22444035 Denver is another metropolitan area where the commercial real-estate market has overreacted to the region's economic trends, although Denver has not experienced as severe an economic downturn as Houston. +22444036 By some measures, metropolitan Denver's economy has actually improved in the past four years. +22444037 Its population has continued to increase since 1983, the peak year of the economic cycle. +22444038 Employment is now 4% higher than in 1983. +22444039 Buying income in real dollars actually increased 15% between 1983 and 1987 (the most recent year available). +22444040 The rates of increase, however, are less than the rapid growth of the boom years, and this has resulted in a loss of confidence in the economy. +22444041 In a self-fulfilling prophecy, therefore, the region's real-estate market all but collapsed in recent years. +22444042 Housing building permits are down more than 75% from their 1983 peaks. +22444043 Although no one can predict when metropolitan Denver's real-estate market will rebound, major public works projects costing several billion dollars are under way or planned -- such as a new convention center, a major beltway encircling the metropolitan area, and a new regional airport. +22444044 When Denver's regional economy begins to grow faster -- such a recovery could occur as early as next year -- business and consumer confidence will return, and the resulting explosion of real-estate activity will dwarf the general economic rebound. +22444045 What real-estate strategy should one follow in a metropolitan area whose economic health is not as easy to determine as Houston's or Denver's? +22444046 Generally, overcapacity in commercial real estate is dropping from its mid-1980s peak, even in such economically healthy metropolitan areas as Washington, New York and Los Angeles. +22444047 Vacancy rates in the 15% to 19% range today may easily rise to the low to mid-20% range in a couple of years. +22444048 Under these conditions, even a flattening out of economic growth -- "catching cold" -- in the healthy metropolitan areas will create significant opportunities for corporations and professional service firms looking for bargains as the realestate industry catches pneumonia. +22444049 Those looking for real-estate bargains in distressed metropolitan areas should lock in leases or buy now; those looking in healthy metropolitan areas should take a short-term (three-year) lease and wait for the bargains ahead. +22444050 Mr. Leinberger is managing partner of a real-estate advisory firm based in Beverly Hills, Calif. +22445001 Kysor Industrial Corp. said it expects its third-quarter net earnings to be between two cents and four cents a share, compared with 61 cents a share a year ago. +22445002 Analysts had been projecting that the company's earnings would be between 25 cents and 30 cents a share. +22445003 The year-earlier third-quarter earnings amounted to $4.1 million. +22445004 The company said a drop in activity in the powerboat industry reduced sales volume at its two marine-related operations. +22445005 Also, the company said its commercial products operation failed to meet forecasts. +22445006 Kysor, a maker of heavy-duty truck and commercial refrigeration equipment, said it expects its fourth-quarter earnings to be more closely in line with usual levels, which are between 30 cents and 50 cents a share. +22446001 Common Cause asked both the Senate Ethics Committee and the Justice Department to investigate $1 million in political gifts by Arizona businessman Charles Keating to five U.S. senators who interceded with thrift-industry regulators for him. +22446002 Mr. Keating is currently the subject of a $1.1 billion federal anti-racketeering lawsuit accusing him of bleeding off assets of a California thrift he controlled, Lincoln Savings & Loan Association, and driving it into insolvency. +22446003 Fred Wertheimer -- president of Common Cause, the self-styled citizens lobby -- said Mr. Keating already has conceded attempting to buy influence with the lawmakers -- Democratic Sens. Dennis DeConcini of Arizona, Alan Cranston of California, John Glenn of Ohio and Donald Riegle of Michigan; and GOP Sen. John McCain of Arizona. +22446004 Mr. Wertheimer based this on a statement by Mr. Keating that was quoted in a Wall Street Journal story in April: "One question . . . had to do with whether my financial support in any way influenced several political figures to take up my cause. +22446005 I want to say in the most forceful way I can: I certainly hope so." +22446006 In a highly unusual meeting in Sen. DeConcini's office in April 1987, the five senators asked federal regulators to ease up on Lincoln. +22446007 According to notes taken by one of the participants at the meeting, the regulators said Lincoln was gambling dangerously with depositors' federally insured money and was "a ticking time bomb." +22446008 Mr. Keating had complained that the regulators were being too zealous. +22446009 The notes show that Sen. DeConcini called the Federal Home Loan Bank Board's regulations "grossly unfair," and that Sen. Glenn insisted that Mr. Keating's thrift was "viable and profitable." +22446010 For the next two years, the Bank Board, which at the time was the agency responsible for regulating thrifts, failed to act -- even after federal auditors warned in May 1987 that Mr. Keating had caused Lincoln to become insolvent. +22446011 Lincoln's parent company, American Continental Corp., entered bankruptcy-law proceedings this April 13, and regulators seized the thrift the next day. +22446012 The newly formed Resolution Trust Corp., successor to the Bank Board, filed suit against Mr. Keating and several others on Sept. 15. +22446013 Mr. Keating has filed his own suit, alleging that his property was taken illegally. +22446014 The cost to taxpayers of Lincoln's collapse has been estimated at as much as $2.5 billion. +22446015 Details of the affair have become public gradually over the past two years, mostly as a result of reporting by several newspapers. +22446016 In the midst of his 1988 re-election campaign, Sen. Riegle, chairman of the Senate Banking Committee, returned $76,000 in contributions after a Detroit newspaper said that Mr. Keating had gathered the money for him about two weeks before the meeting with regulators. +22446017 Sen. DeConcini, after months of fending off intense press criticism, returned $48,000 only last month, shortly after the government formally accused Mr. Keating of defrauding Lincoln. +22446018 In addition, Sen. McCain last week disclosed that he belatedly had paid $13,433 to American Continental as reimbursement for trips he and his family took aboard the corporate jet to Mr. Keating's vacation home at Cat Cay, the Bahamas, from 1984 through 1986. +22446019 Sen. McCain said he had meant to pay for the trips at the time but that the matter "fell between the cracks." +22446020 Mr. Keating, his family members and associates also donated $112,000 to Sen. McCain's congressional campaigns over the years, according to press accounts. +22446021 But Sen. McCain says Mr. Keating broke off their friendship abruptly in 1987, because the senator refused to press the thrift executive's case as vigorously as Mr. Keating wanted. +22446022 "He became very angry at that, left my office and told a number of people that I was a wimp," Sen. McCain recalls. +22446023 In July, California newspapers disclosed that Mr. Keating gave $850,000 in corporate funds to three tax-exempt voter registration organizations in 1987 and 1988 at the behest of Sen. Cranston, who conceded that soliciting the money was "a pretty stupid thing to do politically." +22446024 In addition, Sen. Cranston received $47,000 in campaign donations through Mr. Keating, and the California Democratic party received $85,000 in corporate donations for a 1986 get-out-the-vote drive that benefited the senator's re-election campaign that year. +22446025 Also in July, Ohio newspapers disclosed $200,000 in corporate donations by Mr. Keating to the National Council on Public Policy, a political committee controlled by Sen. Glenn. +22446026 That was in addition to $34,000 in direct campaign donations arranged by Mr. Keating to the Ohio senator. +22446027 Mr. Wertheimer said the Senate Ethics Committee should hire a special outside counsel to conduct an investigation, as was done in the case of former House Speaker James Wright. +22446028 Wilson Abney, staff director of the ethics panel, wouldn't comment. +22446029 Sen. Riegle said he would cooperate with any inquiry, but that his conduct had been "entirely proper." +22446030 Sen. McCain said he had been "deeply concerned" at the time of the meeting that it might seem to be improper, but decided it was "entirely appropriate" for him to seek fair treatment for a constituent. +22446031 Sen. Glenn said he had already made a complete disclosure of his role in the affair and "I am completely satisfied to let this matter rest in the hands of the Senate Ethics Committee." +22446032 Sen. DeConcini said, "When all is said and done, I expect to be fully exonerated." +22446033 Sen. Cranston, who had already volunteered his help to the Federal Bureau of Investigation in any investigation of Mr. Keating, portrayed his role in 1987 as prodding regulators to act. +22446034 "Why didn't the Bank Board act sooner?" he said. +22446035 "That is what Common Cause should ask be investigated. +22447001 Trinity Industries Inc. said it reached a preliminary agreement to manufacture 1,000 coal rail cars for Norfolk Southern Corp. +22447002 Trinity estimated the value of the pact at more than $40 million. +22447003 Trinity said it plans to begin delivery of the rail cars in the first quarter of 1990. +22447004 It said the 1,000 rail cars are in addition to the 1,450 coal rail cars presently being produced for Norfolk Southern, a Norfolk, Va.-based railroad concern. +22448001 When China opened its doors to foreign investors in 1979, toy makers from Hong Kong were among the first to march in. +22448002 Today, with about 75% of the companies' products being made in China, the chairman of the Hong Kong Toys Council, Dennis Ting, has suggested a new sourcing label: "Made in China by Hong Kong Companies." +22448003 The toy makers were pushed across the border by rising labor and land costs in the British colony. +22448004 But in the wake of the shootings in Beijing on June 4, the Hong Kong toy industry is worrying about its strong dependence on China. +22448005 Although the manufacturers stress that production hasn't been affected by China's political turmoil, they are looking for additional sites. +22448006 The toy makers, and their foreign buyers, cite uncertainty about China's economic and political policies. +22448007 "Nobody wants to have all his eggs in one basket," says David Yeh, chairman and chief executive officer of International Matchbox Group Ltd. +22448008 Indeed, Matchbox and other leading Hong Kong toy makers were setting up factories in Southeast Asia, especially in Thailand, long before the massacre. +22448009 Their steps were partly prompted by concern over a deterioration of business conditions in southern China. +22448010 By diversifying supply sources, the toy makers don't intend to withdraw from China, manufacturers and foreign buyers say. +22448011 It wouldn't be easy to duplicate quickly the manufacturing capacity built up in southern China during the past decade. +22448012 A supply of cheap labor and the access to Hong Kong's port, airport, banks and support industries, such as printing companies, have made China's Guangdong province a premier manufacturing site. +22448013 "South China is the most competitive source of toys in the world," says Henry Hu, executive director of Wah Shing Toys Consolidated Ltd. +22448014 Hong Kong trade figures illustrate the toy makers' reliance on factories across the border. +22448015 In 1988, exports of domestically produced toys and games fell 19% from 1987, to HK$10.05 billion (US$1.29 billion). +22448016 But re-exports, mainly from China, jumped 75%, to HK$15.92 billion. +22448017 In 1989's first seven months, domestic exports fell 29%, to HK$3.87 billion, while re-exports rose 56%, to HK$11.28 billion. +22448018 Manufacturers say there is no immediate substitute for southern China, where an estimated 120,000 people are employed by the toy industry. +22448019 "For the next few years, like it or not, China is going to be the main supplier," says Edmund Young, vice president of Perfecta Enterprises Ltd., one of the first big Hong Kong toy makers to move across the border. +22448020 In the meantime, as manufacturers and buyers seek new sites, they are focusing mainly on Southeast Asia. +22448021 Several big companies have established manufacturing joint ventures in Thailand, including Matchbox, Wah Shing and Kader Industrial Co., the toy manufacturer headed by Mr. Ting. +22448022 Malaysia, the Philippines and Indonesia also are being studied. +22448023 With the European Community set to remove its internal trade barriers in 1992, several Hong Kong companies are beginning to consider Spain, Portugal and Greece as possible manufacturing sites. +22448024 Worries about China came just as Hong Kong's toy industry was recovering from a 1987 sales slump and bankruptcy filings by two major U.S. companies, Worlds of Wonder Inc. and Coleco Industries Inc. +22448025 Hong Kong manufacturers say large debt writeoffs and other financial problems resulting from the 1987 difficulties chastened the local industry, causing it to tighten credit policies and financial management. +22448026 The industry regards last year and this year as a period of recovery that will lead to improved results. +22448027 Still, they long for a "mega-hit" toy to excite retail sales in the U.S., Hong Kong's biggest market for toys and games. +22448028 The closest thing the colony's companies have to a U.S. mega-hit this year is the Teenage Mutant Ninja Turtles series of action figures manufactured by Playmates Holdings Ltd. +22448029 Introduced in mid-1988, the 15-centimeter-tall plastic turtles are based on an American comic book and television series. +22448030 Paul Kwan, managing director of Playmates, says 10 million Ninja Turtles have been sold, placing the reptilian warriors among the 10 biggest-selling toys in the U.S. +22448031 Should sales continue to be strong through the Christmas season, which accounts for about 60% of U.S. retail toy sales, Mr. Kwan said the Ninja Turtles could make 1989 a record sales year for Playmates. +22448032 Other Hong Kong manufacturers expect their results to improve only slightly this year from 1988. +22448033 Besides the lack of a fast-selling product, they cite the continued dominance of the U.S. market by Nintendo Entertainment System, an expensive video game made by Nintendo Co. of Japan. +22448034 Nintendo buyers have little money left to spend on other products. +22448035 Many of the toy makers' problems started well before June 4 as a result of overstrained infrastructure and Beijing's austerity programs launched late last year. +22448036 Toy makers complain that electricity in Guangdong has been provided only three days a week in recent months, down from five days a week, as the province's rapid industrialization has outstripped its generating capacity. +22448037 Manufacturers are upgrading standby power plants. +22448038 Bank credit for China investments all but dried up following June 4. +22448039 Also, concern exists that the harder-line Beijing leadership will tighten its control of Guangdong, which has been the main laboratory for the open-door policy and economic reforms. +22448040 But, toy manufacturers and other industrialists say Beijing will be restrained from tightening controls on export-oriented southern China. +22448041 They say China's trade deficit is widening and the country is too short of foreign exchange for it to hamper production in Guangdong. +22448042 "The Chinese leaders have to decide whether they want control or whether the want exports," says Mr. Kwan of Playmates. +22449001 The Bush administration, urging the Supreme Court to give states more leeway to restrict abortions, said minors haven't any right to abortion without the consent of their parents. +22449002 Solicitor General Kenneth Starr argued that the 1973 Supreme Court decision, Roe vs. Wade, recognizing a constitutional right to abortion, was incorrect. +22449003 He also argued that the high court was wrong in 1976 to rule that minors have a right to abortion that can't be absolutely vetoed by their parents. +22449004 The administration's position was outlined in a friend-of-the-court brief filed in one of three abortion cases the Supreme Court will hear argued and will decide this term. +22449005 The administration filed the brief in an appeal involving a Minnesota law that requires that both parents of a minor be notified before she may have an abortion. +22449006 The administration urged the justices to adopt a legal standard suggested by Chief Justice William Rehnquist last July when the high court upheld Missouri's abortion restrictions. +22449007 Under that standard, which garnered the votes of only three of the nine justices, a state restriction of abortion is constitutional if the state has a "reasonable" justification for adopting it. +22449008 That is a much easier standard for a state to satisfy than the Supreme Court's test since 1973, which requires a state to have a "compelling" reason for restricting abortion. +22449009 On the provisions of the Minnesota law, the Bush administration said that requiring that both parents be notified is a reasonable regulation, and that there is no need to have an alternative that allows minors to go to court for a judge's permission instead. +22449010 The case, Hodgson vs. Minnesota, will be argued Nov. 29. +22450001 Aluminum Co. of America, hit hard by the strength of the dollar overseas, said net income for the third quarter dropped 3.2% to $219 million, or $2.46 a share. +22450002 The nation's No. 1 aluminum maker earned $226.3 million, or $2.56 a share, a year earlier. +22450003 Revenue rose 11% to $2.83 billion from $2.56 billion. +22450004 Analysts, who were expecting Alcoa to post around $2.70 to $3 a share, were surprised at the lackluster third-quarter results. +22450005 "It's disappointing," said William Siedenburg, an analyst with Smith Barney, Harris Upham & Co. +22450006 Much of the earnings decline was led by currency-exchange rate adjustments, which affected the bottom line by $15.3 million, or 17 cents a share, compared with $3.6 million, or four cents a share, the previous year. +22450007 Lower prices for aluminum ingots and certain alloy products and a shift in the product mix also contributed to lower earnings, the company said. +22450008 "In addition, costs were higher partly due to scheduled plant outages for modernization work," the company said. +22450009 Excluding the higher tax rate, which rose two percentage points to 38%, and the negative exchange rate adjustment, the company would have met analysts' expectations, said R. Wayne Atwell, an analyst with Goldman, Sachs & Co. +22450010 Noting that the third quarter is usually the aluminum industry's slowest, Mr. Atwell added, "the third quarter is never a bang up period for them anyway." +22450011 Nevertheless, the company said shipments were up slightly to 679,000 metric tons from 671,000, buffing the impact of the unexpected earning decline. +22450012 The results were announced after the stock market closed. +22450013 In New York Stock Exchange composite trading Friday, Alcoa closed at $72 a share, down $4.75, in a sharply lower market. +22451001 For 20 years, federal rules have barred the three major television networks from sharing in one of the most lucrative and fastest-growing parts of the television business. +22451002 And for six years, NBC, ABC and CBS have negotiated with Hollywood studios in a futile attempt to change that. +22451003 But with foreign companies snapping up U.S. movie studios, the networks are pressing their fight harder than ever. +22451004 They hope the foreign deals will divide the Hollywood opposition and prod Congress to push for ending federal rules that prohibit the networks from grabbing a piece of rerun sales and owning part of the shows they put on the air. +22451005 Even network executives, however, admit privately that victory -- either in Congress or in talks with the studios -- is highly doubtful any time soon. +22451006 And so the networks also are pushing for new ways to sidestep the "fin-syn" provisions, known formally as the Financial Interest and Syndication Rules. +22451007 That became clear last week with the disclosure that National Broadcasting Co., backed by the deep pockets of parent General Electric Co., had tried to help fund Qintex Australia Ltd.'s now-scuttled $1.5 billion bid for MGM/UA Communications Co. +22451008 NBC's interest may revive the deal, which MGM/UA killed last week when the Australian concern had trouble raising cash. +22451009 Even if that deal isn't revived, NBC hopes to find another. +22451010 "Our doors are open," an NBC spokesman says. +22451011 NBC may yet find a way to take a passive, minority interest in a program-maker without violating the rules. +22451012 And any NBC effort could prompt CBS Inc. and ABC's parent, Capital Cities/ABC Inc., to look for ways of skirting the fin-syn regulations. +22451013 But the networks' push may only aggravate an increasingly bitter rift between them and Hollywood studios. +22451014 Both sides are to sit down next month for yet another meeting on how they might agree on reducing fin-syn restraints. +22451015 Few people privy to the talks expect the studios to budge. +22451016 The networks still are "uninhibited in their authority" over what shows get on the air, charges Motion Picture Association President Jack Valenti, the most vociferous opponent of rescinding the rules. +22451017 Studios are "powerless" to get shows in prime-time lineups and keep them there long enough to go into lucrative rerun sales, he contends. +22451018 And that's why the rules, for the most part, must stay in place, he says. +22451019 Studio executives in on the talks-including officials at Paramount Communications Inc., Fries Entertainment Inc., Warner Communications Inc. and MCA Inc. -- declined to be interviewed. +22451020 But Mr. Valenti, who represents the studios, asserts: "The whole production industry, to a man, is on the side of preserving" the rules. +22451021 Such proclamations leave network officials all the more doubtful that the studios will bend. +22451022 "They don't seem to have an incentive to negotiate," says one network executive. +22451023 "And there's no indication that Washington is prepared to address the rules. +22451024 That's the problem, isn't it?" +22451025 Indeed it is. +22451026 Congress has said repeatedly it wants no part of the mess, urging the studios and the networks, which license rights to air shows made by the studios, to work out their own compromise. +22451027 But recent developments have made the networks -- and NBC President Robert Wright, in particular -- ever more adamant that the networks must be unshackled to survive. +22451028 The latest provocation: Sony Corp.'s plan to acquire Columbia Pictures Entertainment Inc. for $3.4 billion, and to buy independent producer Guber Peters Entertainment Co. for $200 million. +22451029 "I wonder what Walter Cronkite will think of the Sony/Columbia Broadcast System Trinitron Evening News with Dan Rather broadcast exclusively from Tokyo," wrote J.B. Holston, an NBC vice president, in a commentary in last week's issue of Broadcasting magazine. +22451030 In his article, Mr. Holston, who was in Europe last week and unavailable, complained that the "archaic restraints" in fin-syn rules have "contributed directly to the acquisition of the studios by non-U.S. enterprises. +22451031 " (He didn't mention that NBC, in the meantime, was hoping to assist Australia's Qintex in buying +22451032 An NBC spokesman counters that Mr. Holston's lament was "entirely consistent" with NBC plans because the U.S. rules would limit NBC's involvement in the Qintex deal so severely as to be "light years away from the type of unrestrained deals available to Sony -- and everyone else except the three networks." +22451033 The Big Three's drumbeat for deregulation began intensifying in the summer when the former Time Inc. went ahead with plans to acquire Warner. +22451034 Although Time already had a long-term contract to buy movies from Warner, the merger will let Time's largely unregulated pay-cable channel, Home Box Office, own the Warner movies aired on HBO -- a vertical integration that is effectively blocked by fin-syn regulations. +22451035 NBC's Mr. Wright led the way in decrying the networks' inability to match a Time-Warner combination. +22451036 He spoke up again when the Sony bid for Columbia was announced. +22451037 Since NBC's interest in the Qintex bid for MGM/UA was disclosed, Mr. Wright hasn't been available for comment. +22451038 With a Qintex deal, NBC would move into uncharted territory -- possibly raising hackles at the studios and in Washington. +22451039 "It's never really been tested," says William Lilley III, who as a top CBS executive spent years lobbying to have the rules lifted. +22451040 He now runs Policy Communications in Washington, consulting to media companies. +22451041 Fin-syn rules don't explicitly block a network from buying a passive, small stake in a company that profits from the rerun syndication networks can't enjoy. +22451042 Hence, NBC might be able to take, say, a 5% stake in a company such as MGM/UA. +22451043 If the transaction raised objections, the studio's syndication operations could be spun off into a separate firm in which the network doesn't have a direct stake. +22451044 But such convolutions would still block the networks from grabbing a big chunk of the riches of syndication. +22451045 Under current rules, even when a network fares well with a 100%-owned series -- ABC, for example, made a killing in broadcasting its popular crime/comedy "Moonlighting" -- it isn't allowed to share in the continuing proceeds when the reruns are sold to local stations. +22451046 Instead, ABC will have to sell off the rights for a one-time fee. +22451047 The networks admit that the chances of getting the relief they want are slim -- for several years at the least. +22451048 Six years ago they were tantalizingly close. +22451049 The Reagan-era Federal Communications Commission had ruled in favor of killing most of the rules. +22451050 Various evidence, including a Brookings Institution study of some 800 series that the networks had aired and had partly owned in the 1960s, showed the networks didn't wield undue control over the studios as had been alleged. +22451051 But just eight days before the rules were to die, former President Ronald Reagan, a one-time actor, intervened on behalf of Hollywood. +22451052 The FCC effort collapsed. +22451053 The networks and studios have bickered ever since. +22451054 Network officials involved in the studio talks may hope the foreign influx builds more support in Washington, but that seems unlikely. +22451055 In Congress, the issue falters: It's about money, not program quality, and Hollywood has lots of clout given its fund raising for senators and representatives overseeing the issue. +22451056 A spokesman for Rep. Edward J. Markey (D-Mass.), who heads a subcommittee that oversees the FCC, says Mr. Markey feels "the world has been forever changed by the Sony-Columbia deal." +22451057 But he said Mr. Markey hopes this pushes the networks and studios to work it out on their own. +22451058 And at the FCC, meanwhile, new Chairman Alfred C. Sikes has said he wants the two sides to hammer out their own plan. +22452001 Recognition Equipment Inc. said it settled a civil action filed against it by the federal government on behalf of the U.S. Postal Service. +22452002 The government sued the company in April, seeking $23,000 and other unspecified damages related to an alleged contract-steering scheme. +22452003 The suit named the company, former chief executive officer William G. Moore Jr., former vice president Robert W. Reedy and five defendants who weren't part of the company. +22452004 The suit charged the defendants with causing Peter E. Voss, an ex-member of the Postal Service board of governors, to accept $23,000 in bribes, kickbacks and gratuities. +22452005 Mr. Voss was previously sentenced to four years in prison and fined $11,000 for his role in the scheme. +22452006 In the agreement, Recognition agreed to pay the government $20,000 in return for the release of all claims against the company, Mr. Moore and Mr. Reedy. +22452007 The five additional defendants weren't parties to the settlement. +22452008 A trial on criminal allegations against the company and the same two former executives began Sept. 27 in federal court for the District of Columbia. +22452009 They were indicted last October on charges of fraud, theft and conspiracy related to an effort to win $400 million in Postal Service equipment contracts by the maker of data management equipment. +22452010 The company and its executives deny the charges. +22452011 In a related development, Recognition Equipment said the Postal Service has barred the company from bidding on postal contracts for an additional 120 days. +22452012 The Postal Service originally suspended the company Oct. 7, 1988, and has been renewing the ban ever since. +22452013 The company said it will continue to pursue a lifting of the suspension. +22453001 Intel Corp. reported a 50% drop in third-quarter net income, partly because of a one-time charge for discontinued operations. +22453002 The big semiconductor and computer maker, said it had net of $72 million, or 38 cents, down 50% from $142.7 million, or 78 cents a share. +22453003 The lower net included a charge of $35 million, equal to 12 cents a share on an after-tax basis, for the cost of abandoning a computer-systems joint venture with Siemens AG of West Germany. +22453004 Earning also fell from the year-ago period because of slowing microchip demand. +22453005 Sales amounted to $771.4 million, down 1.7% from $784.9 million. +22453006 Intel's stock rose in early over-the-counter trading Friday, as investors appeared relieved that the company's income from continuing operations was only slightly below the second quarter's earnings of $99.3 million, or 53 cents a share, and that sales actually exceeded the $747.3 million for the second period. +22453007 But Intel later succumbed to the stock market's plunge, closing at $31.75, down $2.125. +22453008 In August, Intel warned that third-quarter earnings might be "flat to down" from the previous period's because of slowing sales growth of its 80386 microprocessor, start-up costs associated with a line of computers and costs of preparing for mass shipments of the company's new 80486 chip in the current quarter. +22453009 On Friday, Andrew S.Grove, Intel president and chief executive officer, said "Intel's business is strong. +22453010 Our bookings improved as the quarter progressed and September was especially good. +22453011 For the full quarter, our bookings were higher than the previous quarter, and our book-to-bill ratio exceeded 1.0." +22453012 For the nine-month period, Intel reported net of $268.3 million, or $1.43 a share, down 27% from $367.1 million, or $2.05 a share. +22453013 Revenue amounted to $2.23 billion, up slightly from $2.15 billion. +22454001 Walter Sisulu and the African National Congress came home yesterday. +22454002 After 26 years in prison, Mr. Sisulu, the 77-year-old former secretary-general of the liberation movement, was dropped off at his house by a prison services' van just as the sun was coming up. +22454003 At the same time, six ANC colleagues, five of whom were arrested with him in 1963 and sentenced to life imprisonment, were reunited with their families at various places around the country. +22454004 And as the graying men returned to their homes, the ANC, outlawed in South Africa since 1960 and still considered to be the chief public enemy by the white government, defiantly returned to the streets of the country's black townships. +22454005 A huge ANC flag, with black, green and gold stripes, was hoisted over the rickety gate at Mr. Sisulu's modest house, while on the street out front, boys displayed the ANC colors on their shirts, caps and scarves. +22454006 At the small four-room home of Elias Motsoaledi, a leading ANC unionist and a former commander in the group's armed wing, Umkhonto we Sizwe, well-wishers stuck little ANC flags in their hair and a man tooted on an antelope horn wrapped in ANC ribbons. +22454007 "I am happy to see the spirit of the people," said Mr. Sisulu, looking dapper in a new gray suit. +22454008 As the crowd outside his home shouted "ANC, ANC," the old man shot his fists into the air. +22454009 "I'm inspired by the mood of the people." +22454010 Under the laws of the land, the ANC remains an illegal organization, and its headquarters are still in Lusaka, Zambia. +22454011 But the unconditional release of the seven leaders, who once formed the intellectual and organizational core of the ANC, is a de facto unbanning of the movement and the rebirth of its internal wing. +22454012 "The government can never put the ANC back into the bottle again," said Cassim Saloojee, a veteran anti-apartheid activist on hand to welcome Mr. Sisulu. +22454013 "Things have gone too far for the government to stop them now. +22454014 There's no turning back." +22454015 There was certainly no stopping the tide of ANC emotion last night, when hundreds of people jammed into the Holy Cross Anglican Church in Soweto for what became the first ANC rally in the country in 30 years. +22454016 Deafening chants of "ANC" and "Umkhonto we Sizwe" shook the church as the seven aging men vowed that the ANC would continue its fight against the government and the policies of racial segregation on all fronts, including the armed struggle. +22454017 And they called on the government to release Nelson Mandela, the ANC's leading figure, who was jailed with them and remains in prison. +22454018 Without him, said Mr. Sisulu, the freeing of the others "is only a half-measure." +22454019 President F.W. de Klerk released the ANC men -- along with one of the founding members of the Pan Africanist Congress, a rival liberation group -- as part of his efforts to create a climate of trust and peace in which his government can begin negotiations with black leaders over a new constitution aimed at giving blacks a voice in national government. +22454020 But Pretoria may instead be creating a climate for more turmoil and uncertainty in this racially divided country. +22454021 As other repressive governments, particularly Poland and the Soviet Union, have recently discovered, initial steps to open up society can create a momentum for radical change that becomes difficult, if not impossible, to control. +22454022 As the days go by, the South African government will be ever more hard pressed to justify the continued imprisonment of Mr. Mandela as well as the continued banning of the ANC and enforcement of the state of emergency. +22454023 If it doesn't yield on these matters, and eventually begin talking directly to the ANC, the expectations and promise raised by yesterday's releases will turn to disillusionment and unrest. +22454024 If it does, the large number of right-wing whites, who oppose any concessions to the black majority, will step up their agitation and threats to take matters into their own hands. +22454025 The newly released ANC leaders also will be under enormous pressure. +22454026 The government is watching closely to see if their presence in the townships leads to increased anti-government protests and violence; if it does, Pretoria will use this as a reason to keep Mr. Mandela behind bars. +22454027 Pretoria hasn't forgotten why they were all sentenced to life imprisonment in the first place: for sabotage and conspiracy to overthrow the government. +22454028 In addition, the government is figuring that the releases could create a split between the internal and external wings of the ANC and between the newly freed leaders and those activists who have emerged as leaders inside the country during their imprisonment. +22454029 In order to head off any divisions, Mr. Mandela, in a meeting with his colleagues before they were released, instructed them to report to the ANC headquarters in Lusaka as soon as possible. +22454030 The men also will be faced with bridging the generation gap between themselves and the country's many militant black youths, the so-called young lions who are anxious to see the old lions in action. +22454031 Says Peter Mokaba, president of the South African Youth Congress: "We will be expecting them to act like leaders of the ANC." +22454032 They never considered themselves to be anything else. +22454033 At last night's rally, they called on their followers to be firm, yet disciplined, in their opposition to apartheid. +22454034 "We emphasize discipline because we know that the government is very, very sensitive," said Andrew Mlangeni, another early Umkhonto leader who is now 63. +22454035 "We want to see Nelson Mandela and all our comrades out of prison, and if we aren't disciplined we may not see them here with us. diff --git a/mtool/graph.py b/mtool/graph.py new file mode 100644 index 0000000000000000000000000000000000000000..8a550f3d294234a6b3b2603bc7661c687f48c9f4 --- /dev/null +++ b/mtool/graph.py @@ -0,0 +1,1172 @@ +# -*- coding: utf-8; -*- + +# GraphaLogue Analyzer +# Marco Kuhlmann +# Stephan Oepen + +from datetime import datetime; +import html; +import operator; +from pathlib import Path; +import sys; + +import score.core; + +# +# default values on edge attributes, which will be removed in normalization. +# because all constants are normalized to lowercase strings prior to testing +# for default values, we need to deal in the normalized values here. +# +ATTRIBUTE_DEFAULTS = {"remote": "false", + "effective": "false", "member": "false"}; +FLAVORS = {"dm": 0, "psd": 0, "ptg": 0, + "eds": 1, "ptg": 1, "ucca": 1, + "amr": 2, "drg": 2}; + +class Node(object): + + def __init__(self, id, label = None, properties = None, values = None, + anchors = None, top = False, type = 1, anchorings = None): + self.id = id + self.type = type; + self.label = label; + self.properties = properties; + self.values = values; + self.anchorings = anchorings; + self.incoming_edges = set() + self.outgoing_edges = set() + self.anchors = anchors; + self.is_top = top + + def set_property(self, name, value): + if self.properties and self.values: + try: + i = self.properties.index(name); + self.values[i] = value; + except ValueError: + self.properties.append(name); + self.values.append(value); + else: + self.properties = [name]; + self.values = [value]; + + def set_anchoring(self, name, value): + # + # _fix_me_ + # this (currently only used in the AMR overlay) will not work in the + # general case, where all three arrays should correspond in order. + # (22-jun-20; oe) + if self.properties and self.anchorings: + try: + i = self.properties.index(name); + self.anchorings[i] = value; + except ValueError: + self.properties.append(name); + self.anchorings.append(value); + else: + self.properties = [name]; + self.anchorings = [value]; + + def add_anchor(self, anchor): + if anchor is not None: + if self.anchors is None: self.anchors = [anchor]; + elif anchor not in self.anchors: self.anchors.append(anchor); + + def is_root(self): + return len(self.incoming_edges) == 0 + + def is_leaf(self): + return len(self.outgoing_edges) == 0 + + def is_singleton(self): + return self.is_root() and self.is_leaf() and not self.is_top + + def normalize(self, actions, input = None, trace = 0): + def union(anchors): + characters = set(); + for anchor in anchors: + if "from" in anchor and "to" in anchor: + for i in range(anchor["from"], anchor["to"]): + characters.add(i); + result = []; + last = start = None; + for i in sorted(characters): + if start is None: start = i; + if last is None: + last = i; + continue; + elif i == last + 1 \ + or all(c in score.core.SPACE for c in input[last:i]): + last = i; + continue; + else: + result.append({"from": start, "to": last + 1}); + last = start = i; + if len(characters) > 0: + result.append({"from": start, "to": i + 1}); + if anchors != result: + old = [anchor for anchor in anchors if anchor not in result]; + new = [anchor for anchor in result if anchor not in anchors]; + print("{} ==> {} [{}]".format(old, new, input), + file = sys.stderr); + return result; + + def trim(anchor, input): + if "from" in anchor and "to" in anchor: + i = max(anchor["from"], 0); + j = min(anchor["to"], len(input)); + while i < j and input[i] in score.core.PUNCTUATION: i += 1; + while j > i and input[j - 1] in score.core.PUNCTUATION: j -= 1; + if trace and (i != anchor["from"] or j != anchor["to"]): + print("{} ({}) --> <{}:{}> ({})" + "".format(anchor, + input[anchor["from"]:anchor["to"]], + i, j, input[i:j]), + file = sys.stderr); + anchor["from"] = i; + anchor["to"] = j; + + if self.anchors is not None and "anchors" in actions: + self.anchors = union(self.anchors); + if self.anchors is not None and len(self.anchors) > 0 and input: + for anchor in self.anchors: trim(anchor, input); + elif isinstance(self.anchors, list) and len(self.anchors) == 0: + self.anchors = None; + + if "case" in actions: + if self.label is not None: + self.label = str(self.label).lower(); + if self.properties and self.values: + for i in range(len(self.properties)): + self.properties[i] = str(self.properties[i]).lower(); + self.values[i] = str(self.values[i]).lower(); + + def compare(self, node): + # + # keep track of node-local pieces of information that either occur in + # both nodes (i.e. match), or only in the first or second of them. in + # guiding the MCES search, we (apparently) use the net gain of matching + # pieces /minus/ those not matching on either side. that does not lead + # to monotonicity, in the sense of cumulative scores moving either up + # or down as more node correspondences are fixed, but for guiding the + # MCES search monotonicity fortunately is not a requirement either. + # + count1 = both = count2 = 0; + if node is None: + if self.is_top: + count1 += 1; + if self.label is not None: + count1 += 1; + if self.properties is not None: + count1 += len(self.properties); + return both - count1 - count2, count1, both, count2; + if self.is_top: + if node.is_top: both += 1; + else: count1 += 1; + else: + if node.is_top: count2 += 1; + else: both += 1; + if self.label is not None: + if self.label == node.label: + both += 1; + else: + count1 += 1; + if node.label is not None: count2 += 1; + if self.properties is not None: + if node.properties is None: + count1 += len(self.properties); + else: + properties1 = {(property, self.values[i]) + for i, property in enumerate(self.properties)}; + properties2 = {(property, node.values[i]) + for i, property in enumerate(node.properties)}; + n = len(properties1 & properties2); + count1 += len(properties1) - n; + both += n; + count2 += len(properties2) - n; + elif node.properties is not None: + count2 += len(node.properties); + return both - count1 - count2, count1, both, count2; + + def encode(self): + json = {"id": self.id}; + if self.label: + json["label"] = self.label; + if self.properties and self.values or self.anchorings: + json["properties"] = self.properties; + if self.values: + json["values"] = self.values; + if self.anchorings: + json["anchorings"] = self.anchorings; + if self.anchors: + json["anchors"] = self.anchors; + return json; + + @staticmethod + def decode(json): + id = json["id"] + label = json.get("label", None) + properties = json.get("properties", None) + values = json.get("values", None) + anchorings = json.get("anchorings", None) + anchors = json.get("anchors", None) + return Node(id=id, label=label, properties=properties, values=values, anchors=anchors, anchorings=anchorings) + + def dot(self, stream, input = None, ids = False, strings = False, + errors = None, overlay = False): + + shapes = ["square", "oval", "diamond", "triangle"]; + + if errors is not None and "correspondences" in errors: + correspondences = {g: s for g, s in errors["correspondences"]}; + else: + correspondences = None; + missing = [None, [], [], None]; + surplus = [None, [], [], None]; + if errors is not None: + if "labels" in errors and "missing" in errors["labels"]: + for id, label in errors["labels"]["missing"]: + if id == self.id: missing[0] = label; + if "properties" in errors and "missing" in errors["properties"]: + for id, property, value in errors["properties"]["missing"]: + if id == self.id: + missing[1].append(property); missing[2].append(value); + if "anchors" in errors and "missing" in errors["anchors"]: + for id, anchor in errors["anchors"]["missing"]: + if id == self.id: missing[3] = anchor; + if correspondences is not None and self.id in correspondences: + key = correspondences[self.id]; + if "labels" in errors and "surplus" in errors["labels"]: + for id, label in errors["labels"]["surplus"]: + if id == key: surplus[0] = label; + if "properties" in errors and "surplus" in errors["properties"]: + for id, property, value in errors["properties"]["surplus"]: + if id == key: + surplus[1].append(property); surplus[2].append(value); + if "anchors" in errors and "surplus" in errors["anchors"]: + for id, anchor in errors["anchors"]["surplus"]: + if id == key: surplus[3] = anchor; + + if self.label \ + or ids and not overlay \ + or self.properties and self.values \ + or self.anchors \ + or missing[0] is not None or len(missing[1]) > 0 \ + or missing[3] is not None \ + or surplus[0] is not None or len(surplus[1]) > 0 \ + or surplus[3] is not None: + + if self.type in {0, 1, 2, 3}: + shape = "shape={}, ".format(shapes[self.type]); + else: + shape = ""; + color = "color=blue, " if overlay else ""; + print(" {} [ {}{}label=<" + "".format(self.id, shape, color), end = "", file = stream); + + if ids and not overlay: + print("" + "".format(self.id), end = "", file = stream); + + if self.label: + if missing[0]: font = ""; + elif overlay: font = ""; + else: font = ""; + print("" + "".format(font, html.escape(self.label, False)), + end = "", file = stream); + if surplus[0]: + font = ""; + print("" + "".format(font, html.escape(surplus[0], False)), + end = "", file = stream); + + def __anchors__(anchors, color): + print("", end = "", file = stream); + if self.anchors is not None: + if overlay: + __anchors__(self.anchors, "blue"); + else: + print("", end = "", file = stream); + + if missing[3]: __anchors__(missing[3], "red"); + if surplus[3]: __anchors__(surplus[3], "blue"); + + def __properties__(names, values, color): + font = "".format(color); + for name, value in zip(names, values): + print("" + "".format(font, html.escape(name, False), + font, html.escape(value), False), + end = "", file = stream); + if self.properties and self.values: + if not overlay: + for name, value in zip(self.properties, self.values): + i = None; + try: + i = missing[1].index(name); + except: + pass; + if i is None or missing[2][i] != value: + __properties__([name], [value], "black"); + else: + __properties__(self.properties, self.values, "blue"); + if len(missing[1]) > 0: __properties__(missing[1], missing[2], "red"); + if len(surplus[1]) > 0: __properties__(surplus[1], surplus[2], "blue"); + + print("
#{}
{}{}
{}{}
{{" + "".format(color), end = "", file = stream); + for index in anchors: + print("{}{}".format(" " if index != anchors[0] else "", index), + end = "", file = stream); + print("}
", end = "", file = stream); + for anchor in self.anchors: + if strings and input: + print("{}{}" + "".format(", " if anchor != self.anchors[0] else "", + html.escape(input[anchor["from"]:anchor["to"]])), + end = "", file = stream); + else: + print("{}〈{}:{}〉" + "".format(" " if anchor != self.anchors[0] else "", + anchor["from"], anchor["to"]), + end = "", file = stream); + print("
{}{}" + "{}{}
> ];", file = stream); + elif overlay is None or self.id < 0: + shape = "{}, label=\" \"".format(shapes[0]) if self.type == 0 else "point"; + print(" {} [ shape={}, width=0.2 ];" + "".format(self.id, shape), file = stream); + + def __key(self): + return self.id + + def __eq__(self, other): + return self.__key() == other.__key() + + def __lt__(self, other): + return self.__key() < other.__key() + + def __hash__(self): + return hash(self.__key()) + +class Edge(object): + + def __init__(self, id, src, tgt, lab, normal = None, + attributes = None, values = None, anchors = None): + self.id = id; + self.src = src; + self.tgt = tgt; + self.lab = lab; + self.normal = normal; + self.attributes = attributes; + self.values = values; + self.anchors = anchors; + + def is_loop(self): + return self.src == self.tgt + + def min(self): + return min(self.src, self.tgt) + + def max(self): + return max(self.src, self.tgt) + + def endpoints(self): + return self.min(), self.max() + + def length(self): + return self.max() - self.min() + + def normalize(self, actions, trace = 0): + if "edges" in actions: + if self.normal is None \ + and self.lab is not None: + label = self.lab; + if label == "mod": + self.normal = "domain"; + elif label.endswith("-of-of") \ + or label.endswith("-of") \ + and label not in {"consist-of" "subset-of"} \ + and not label.startswith("prep-"): + self.normal = label[:-3]; + if self.normal: + target = self.src; + self.src = self.tgt; + self.tgt = target; + self.lab = self.normal; + self.normal = None; + + if "case" in actions: + if self.lab is not None: + self.lab = str(self.lab).lower(); + if self.normal is not None: + self.normal = str(self.normal).lower(); + if self.attributes and self.values: + for i in range(len(self.attributes)): + self.attributes[i] = str(self.attributes[i]).lower(); + self.values[i] = str(self.values[i]).lower(); + + if "attributes" in actions and self.attributes and self.values: + # + # drop (attribute, value) pairs whose value is the default value + # + attribute_value_pairs = [ + (attribute, value) for attribute, value + in zip(self.attributes, self.values) + if attribute not in ATTRIBUTE_DEFAULTS + or ATTRIBUTE_DEFAULTS[attribute] != value] + self.attributes, self.values \ + = tuple(map(list, zip(*attribute_value_pairs))) or ([], []) + + def encode(self): + json = {"id": self.id}; + if self.src is not None: json["source"] = self.src; + if self.tgt is not None: json["target"] = self.tgt; + if self.lab: json["label"] = self.lab; + if self.normal: json["normal"] = self.normal; + if self.attributes and self.values: + json["attributes"] = self.attributes; + json["values"] = self.values; + if self.anchors: json["anchors"] = self.anchors; + return json; + + @staticmethod + def decode(json): + id = json.get("id", None); + src = json.get("source", None); + tgt = json.get("target", None); + lab = json.get("label", None); + if lab == "": lab = None; + normal = json.get("normal", None) + attributes = json.get("attributes", None) + if attributes is None: + attributes = json.get("properties", None) + if attributes is not None: + print("Edge.decode(): " + "interpreting deprecated ‘properties’ on edge object.", + file = sys.stderr); + values = json.get("values", None) + anchors = json.get("anchors", None) + return Edge(id, src, tgt, lab, normal, attributes, values, anchors) + + def dot(self, stream, input = None, strings = False, + errors = None, overlay = False): + def __missing__(): + if errors is not None and "edges" in errors \ + and "missing" in errors["edges"]: + for source, target, label in errors["edges"]["missing"]: + if source == self.src and target == self.tgt and label == self.lab: + return True; + return False; + if self.attributes and self.values: + style = ", style=dashed"; + label = "<"; + if self.lab: label += "".format(self.lab); + # + # _fix_me_ + # currently assuming that all values are boolean where presence of + # the attribute means True. (oe; 21-apr-20) + # + if self.attributes and self.values: + for attribute, _ in zip(self.attributes, self.values): + label += "".format(attribute); + label += "
{}
{}
>"; + else: + label = self.lab; + if label and self.normal: + if label[:-3] == self.normal: + label = "(" + self.normal + ")-of"; + else: + label = label + " (" + self.normal + ")"; + if label: label = "\"{}\"".format(label); + style = ""; + if overlay: + color = ", color=blue, fontcolor=blue"; + elif __missing__(): + color = ", color=red, fontcolor=red"; + else: + color = ""; + print(" {} -> {} [ label={}{}{} ];" + "".format(self.src, self.tgt, label if label else "\"\"", + style, color), + file = stream); + + def __key(self): + return self.tgt, self.src, self.lab + + def __eq__(self, other): + return self.__key() == other.__key() + + def __lt__(self, other): + return self.__key() < other.__key() + + def __hash__(self): + return hash(self.__key()) + +class Graph(object): + + def __init__(self, id, flavor = None, framework = None): + self.id = id; + self.time = datetime.utcnow(); + self._language = None; + self._provenance = None; + self._source = None; + self._targets = None; + self.input = None; + self.nodes = []; + self.edges = set(); + self.flavor = FLAVORS.get(framework) if flavor is None else flavor; + self.framework = framework; + + def language(self, value = None): + if value is not None: self._language = value; + return self._language; + + def provenance(self, value = None): + if value is not None: self._provenance = value; + return self._provenance; + + def source(self, value = None): + if value is not None: self._source = value; + return self._source; + + def targets(self, value = None): + if value is not None: self._targets = value; + return self._targets; + + def size(self): + return len(self.nodes); + + def inject(self, information): + if isinstance(information, str): information = eval(information); + for key, value in information.items(): + if key == "id": self.id = value; + elif key == "time": self.item = value; + elif key == "language": self._language = value; + elif key == "provenance": self._provenance = value; + elif key == "source": self._source = value; + elif key == "targets": self._targets = value; + elif key == "input": self.input = value; + elif key == "flavor": self.flavor = value; + elif key == "framework": self.framework = value; + else: + print("Graph.inject(): ignoring invalid key ‘{}’" + "".format(key), file = sys.stderr); + + def add_node(self, id = None, label = None, + properties = None, values = None, + anchors = None, top = False, type = 1, anchorings = None): + node = Node(id if id is not None else len(self.nodes), + label = label, properties = properties, values = values, + anchors = anchors, top = top, type = type, + anchorings = anchorings); + self.nodes.append(node) + return node + + def find_node(self, id): + for node in self.nodes: + if node.id == id: return node; + + def add_edge(self, src, tgt, lab, normal = None, + attributes = None, values = None, anchors = None): + self.store_edge(Edge(id=len(self.edges), src=src, tgt=tgt, lab=lab, normal=normal, + attributes=attributes, values=values, anchors=anchors)); + + def store_edge(self, edge, robust = False): + self.edges.add(edge) + source = self.find_node(edge.src); + if source is None and not robust: + raise ValueError("Graph.add_edge(): graph #{}: " + "invalid source node {}." + "".format(self.id, self.src)) + if source: source.outgoing_edges.add(edge) + target = self.find_node(edge.tgt); + if target is None and not robust: + raise ValueError("Graph.add_edge(): graph #{}: " + "invalid target node {}." + "".format(self.id, self.tgt)) + if target: target.incoming_edges.add(edge) + return edge + + def add_input(self, text, id = None, quiet = False): + if not id: id = self.id; + if isinstance(text, str): + self.input = text; + elif isinstance(text, Path): + file = text / (str(id) + ".txt"); + if not file.exists() and not quiet: + print("add_input(): no text for {}.".format(file), + file = sys.stderr); + else: + with file.open() as stream: + input = stream.readline(); + if input.endswith("\n"): input = input[:len(input) - 1]; + self.input = input; + else: + input = text.get(id); + if input: + self.input = input; + elif not quiet: + print("add_input(): no text for key {}.".format(id), + file = sys.stderr); + + def anchor(self): + n = len(self.input); + i = 0; + + def skip(): + nonlocal i; + while i < n and self.input[i] in {" ", "\t"}: + i += 1; + + def scan(candidates): + for candidate in candidates: + if self.input.startswith(candidate, i): + return len(candidate); + + skip(); + for node in self.nodes: + for j in range(len(node.anchors) if node.anchors else 0): + if isinstance(node.anchors[j], str): + form = node.anchors[j]; + m = None; + if self.input.startswith(form, i): + m = len(form); + else: + for old, new in {("‘", "`"), ("’", "'"), ("`", "'"), + ("“", "\""), ("”", "\"")}: + form = form.replace(old, new); + if self.input.startswith(form, i): + m = len(form); + break; + # + # _fix_me_ + # the block below looks weird: it would seem to accept any + # of the punctuation marks given to scan(), irrespective + # of the current .form. value? (oe; 27-apr-20) + # + if not m: + m = scan({"“", "\"", "``"}) or scan({"‘", "`"}) \ + or scan({"”", "\"", "''"}) or scan({"’", "'"}) \ + or scan({"—", "—", "---", "--"}) \ + or scan({"…", "...", ". . ."}); + if m: + node.anchors[j] = {"from": i, "to": i + m}; + i += m; + skip(); + else: + raise Exception("failed to anchor |{}| in |{}| ({})" + "".format(form, self.input, i)); + + def normalize(self, actions, trace = 0): + for node in self.nodes: + node.normalize(actions, self.input, trace); + for edge in self.edges: + edge.normalize(actions, trace); + # + # recompute cached edge relations, to reflect the new state of affairs + # + if "edges" in actions: + for node in self.nodes: + node.outgoing_edges.clear(); + node.incoming_edges.clear(); + for edge in self.edges: + self.find_node(edge.src).outgoing_edges.add(edge); + self.find_node(edge.tgt).incoming_edges.add(edge); + + def prettify(self, trace = 0): + if self.framework == "drg": + boxes = {"IMP", "DIS", "DUP", "NOT", "POS", "NEC", + "ALTERNATION", "ATTRIBUTION", "BACKGROUND", + "COMMENTARY", "CONDITION", "CONTINUATION", "CONTRAST", + "CONSEQUENCE", "ELABORATION", "EXPLANATION", "INSTANCE", + "NARRATION", "NEGATION", "NECESSITY", + "POSSIBILITY", "PARALLEL", "PRECONDITION", + "RESULT", "TOPIC", "PRESUPPOSITION"}; + for node in self.nodes: + if node.is_top or node.is_root(): + node.type = 0; + # + # _fix_me_ + # but what about more deeply nested boxes? (24-aug-20; oe) + # + for edge in node.outgoing_edges: + if edge.lab in boxes: + self.find_node(edge.tgt).type = 0; + elif len(node.incoming_edges) == len(node.outgoing_edges) == 1: + if next(iter(node.incoming_edges)).lab is None \ + and next(iter(node.outgoing_edges)).lab is None: + node.type = 2; + + def score(self, graph, correspondences, errors = None): + + # + # accommodate the various conventions for node correspondence matrices; + # anyway, entries are indices into the .nodes. list, not identifiers. + # _fix_me_ + # double-check for correspondences from SMATCH. (oe; 19-apr-20) + # + if isinstance(correspondences, list) and len(correspondences) > 0: + if isinstance(correspondences[0], tuple): + correspondences = {i: j if j is not None else -1 + for i, j in correspondences}; + elif isinstance(correspondences[0], int): + correspondences = {i: j if j is not None else -1 + for i, j in enumerate(correspondences)}; + + # + # all tuples use node identifiers from the gold graph, where there is + # a correspondence; otherwise we (appear to) synthesize new unique + # identifiers for remaining nodes from both graphs. + # + identities1 = dict(); + identities2 = dict(); + for i, pair in enumerate(correspondences.items()): + identities1[self.nodes[pair[0]].id] = i; + if pair[1] >= 0: + identities2[graph.nodes[pair[1]].id] = i; + i = len(correspondences); + for node in self.nodes: + if node.id not in identities1: + identities1[node.id] = i; + i += 1; + for node in graph.nodes: + if node.id not in identities2: + identities2[node.id] = i; + i += 1; + + # + # map 'corresponding' identifiers back to the original graphs + # + def native(id, identities): + for key, value in identities.items(): + if id == value: return key; + + def tuples(graph, identities): + # + # .identities. is a hash table mapping node identifiers into the + # 'corresponding' identifier space, such that paired nodes (and + # only these) share the same identifier. + # + def identify(id): + return identities[id] if identities is not None else id; + tops = set(); + labels = set(); + properties = set(); + anchors = set(); + edges = set(); + attributes = set(); + for node in graph.nodes: + identity = identify(node.id); + if node.is_top: tops.add(identity); + if node.label is not None: labels.add((identity, node.label)); + if node.properties is not None: + for property, value in zip(node.properties, node.values): + properties.add((identity, property, value.lower())); + if node.anchors is not None: + anchor = score.core.anchor(node); + if graph.input: + anchor = score.core.explode(graph.input, anchor); + else: + anchor = tuple(anchor); + anchors.add((identity, anchor)); + for edge in graph.edges: + identity \ + = (identify(edge.src), identify(edge.tgt), edge.lab); + edges.add(identity); + if edge.attributes and edge.values: + for attribute, value in zip(edge.attributes, edge.values): + attributes.add(tuple(list(identity) + [attribute, value])); + return tops, labels, properties, anchors, edges, attributes; + + def count(gold, system, key): + + if errors is not None: + missing = gold - system; + surplus = system - gold; + if len(missing) > 0 or len(surplus) > 0 and key not in errors: + errors[key] = dict(); + if key == "tops": + if missing: + errors[key]["missing"] \ + = [native(id, identities1) for id in missing]; + if surplus: + errors[key]["surplus"] \ + = [native(id, identities2) for id in surplus]; + elif key == "labels": + if missing: + errors[key]["missing"] \ + = [(native(id, identities1), label) + for id, label in missing]; + if surplus: + errors[key]["surplus"] \ + = [(native(id, identities2), label) + for id, label in surplus]; + elif key == "properties": + if missing: + errors[key]["missing"] \ + = [(native(id, identities1), property, value) + for id, property,value in missing]; + if surplus: + errors[key]["surplus"] \ + = [(native(id, identities2), property, value) + for id, property, value in surplus]; + elif key == "anchors": + if missing: + errors[key]["missing"] \ + = [(native(id, identities1), list(sorted(anchor))) + for id, anchor in missing]; + if surplus: + errors[key]["surplus"] \ + = [(native(id, identities2), list(sorted(anchor))) + for id, anchor in surplus]; + elif key == "edges": + if missing: + errors[key]["missing"] \ + = [(native(source, identities1), + native(target, identities1), label) + for source, target, label in missing]; + if surplus: + errors[key]["surplus"] \ + = [(native(source, identities2), + native(target, identities2), label) + for source, target, label in surplus]; + elif key == "attributes": + if missing: + errors[key]["missing"] \ + = [(native(source, identities1), + native(target, identities1), label, + attribute, value) + for source, target, label, attribute, value + in missing]; + if surplus: + errors[key]["surplus"] \ + = [(native(source, identities2), + native(target, identities2), label, + attribute, value) + for source, target, label, attribute, value + in surplus]; + return {"g": len(gold), "s": len(system), "c": len(gold & system)}; + + if correspondences is None or len(correspondences) == 0: + return count(set(), set()), count(set(), set()), \ + count(set(), set()), count(set(), set()), \ + count(set(), set()), count(set(), set()); + + gtops, glabels, gproperties, ganchors, gedges, gattributes \ + = tuples(self, identities1); + stops, slabels, sproperties, sanchors, sedges, sattributes \ + = tuples(graph, identities2); + if errors is not None: + errors[self.framework][self.id] = errors \ + = {"correspondences": [(self.nodes[g].id, graph.nodes[s].id) + for g, s in correspondences.items() + if s >= 0]} + return count(gtops, stops, "tops"), \ + count(glabels, slabels, "labels"), \ + count(gproperties, sproperties, "properties"), \ + count(ganchors, sanchors, "anchors"), \ + count(gedges, sedges, "edges"), \ + count(gattributes, sattributes, "attributes"); + + def encode(self, version = 1.1): + json = {"id": self.id}; + if self.flavor is not None: + json["flavor"] = self.flavor; + if self.framework: + json["framework"] = self.framework; + json["version"] = version; + if self.time is not None: + json["time"] = self.time.strftime("%Y-%m-%d"); + else: + json["time"] = datetime.now().strftime("%Y-%m-%d"); + if self._language is not None: json["language"] = self._language; + if self._source is not None: json["source"] = self._source; + if self._provenance is not None: json["provenance"] = self._provenance; + if self._targets is not None: json["targets"] = self._targets; + if self.input: + json["input"] = self.input; + if self.nodes: + tops = [node.id for node in self.nodes if node.is_top]; + if len(tops): + json["tops"] = tops; + json["nodes"] = [node.encode() for node in self.nodes]; + if self.edges: + json["edges"] = [edge.encode() for edge in + sorted(self.edges, key = operator.attrgetter("id"))]; + return json; + + @staticmethod + def decode(json, robust = False): + graph = Graph(json["id"], json.get("flavor"), json.get("framework")) + try: + graph.time = datetime.strptime(json["time"], "%Y-%m-%d") + except: + graph.time = datetime.strptime(json["time"], "%Y-%m-%d (%H:%M)") + graph.input = json.get("input") + graph.language(json.get("language")) + graph.source(json.get("source")) + graph.provenance(json.get("provenance")) + graph.targets(json.get("targets")) + nodes = json.get("nodes") + if nodes is not None: + for j in nodes: + node = Node.decode(j) + graph.add_node(node.id, node.label, node.properties, + node.values, node.anchors, top = False, anchorings=node.anchorings) + edges = json.get("edges") + if edges is not None: + for j in edges: + edge = Edge.decode(j); + if edge.id is None: edge.id = len(graph.edges); + graph.store_edge(edge, robust = robust); + tops = json.get("tops") + if tops is not None: + for i in tops: + node = graph.find_node(i) + if node is not None: + node.is_top = True + else: + raise ValueError("Graph.decode(): graph #{}: " + "invalid top node {}." + "".format(graph.id, i)) + return graph + + def copy(self): + return Graph.decode(self.encode()) + + def dot(self, stream, ids = False, strings = False, + errors = None, overlay = False): + if not overlay: + print("digraph \"{}\" {{\n top [ style=invis ];" + "".format(self.id), + file = stream); + for node in self.nodes: + if node.is_top: + if overlay: + color = " [ color=blue ]"; + elif errors is not None and "tops" in errors \ + and "missing" in errors["tops"] and node.id in errors["tops"]["missing"]: + color = " [ color=red ]"; + else: + color = ""; + print(" top -> {}{};".format(node.id, color), file = stream); + n = -1; + for node in self.nodes: + node.dot(stream, self.input, ids, strings, errors, overlay); + for edge in self.edges: + if node.id == edge.src: + edge.dot(stream, self.input, strings, errors, overlay); + + if errors is not None: + surplus = Graph(self.id, flavor = self.flavor, framework = self.framework); + surplus.add_input(self.input); + mapping = dict(); + correspondences = {s: g for g, s in errors["correspondences"]}; + if "labels" in errors and "surplus" in errors["labels"]: + for id, label in errors["labels"]["surplus"]: + if id not in correspondences: + mapping[id] = surplus.add_node(id = n, label = label); + n -= 1; + if "properties" in errors and "surplus" in errors["properties"]: + for id, property, value in errors["properties"]["surplus"]: + if id not in correspondences: + if id in mapping: + mapping[id].set_property(property, value); + else: + mapping[id] = surplus.add_node(id = n, + properties = [property], + values = [value]); + n -= 1; + if "anchors" in errors and "surplus" in errors["anchors"]: + for id, anchor in errors["anchors"]["surplus"]: + if id not in correspondences: + if id in mapping: + mapping[id].anchors = anchor; + else: + mapping[id] = surplus.add_node(id = n, anchors = anchor); + n -= 1; + if "tops" in errors and "surplus" in errors["tops"]: + for id in errors["tops"]["surplus"]: + if id in correspondences: + print(" top -> {} [ color=blue ];" + "".format(correspondences[id]), file = stream); + + elif id not in mapping: + mapping[id] = surplus.add_node(id = n, top = True); + n -= 1; + else: + mapping[id].is_root = True; + if "edges" in errors and "surplus" in errors["edges"]: + for source, target, label in errors["edges"]["surplus"]: + if source not in mapping: + try: + mapping[source] = surplus.add_node(correspondences[source]); + except KeyError: + mapping[source] = surplus.add_node(n); + n -= 1; + if target not in mapping: + try: + mapping[target] = surplus.add_node(correspondences[target]); + except KeyError: + mapping[target] = surplus.add_node(n); + n -= 1; + surplus.add_edge(mapping[source].id, mapping[target].id, label); + surplus.dot(stream, ids = ids, strings = strings, errors = None, overlay = True); + if not overlay: print("}", file = stream); + + def tikz(self, stream): + if self.flavor != 0: # bi-lexical: use tikz-dependency + raise ValueError("TikZ visualization is currently only for flavor-0 graphs.") + graph = self._full_sentence_recovery() # a copy of self with nodes covering all tokens + print(r"\documentclass{article}", file=stream) + print(r"\usepackage[T1]{fontenc}", file=stream) + print(r"\usepackage[utf8]{inputenc}", file=stream) + print(r"\usepackage{tikz-dependency}", file=stream) + print(r"\begin{document}", file=stream) + print(r"\begin{dependency}", file=stream) + print(r"\begin{deptext}", file=stream) + print(r"% id = " + str(graph.id), file=stream) + if graph.input is not None: + print(r"% input = " + str(graph.input), file=stream) + sorted_nodes = sorted((node.id, node) for node in graph.nodes) + id2i = {id: i for i, (id, _) in enumerate(sorted_nodes, start=1)} + print(r" \& ".join(" ".join(graph.input[anchor["from"]:anchor["to"]] for anchor in node.anchors or ()) + or node.label for _, node in sorted_nodes) + r" \\", file=stream) + print(r"\end{deptext}", file=stream) + for id, node in sorted_nodes: + if node.is_top: + print(r"\deproot{" + str(id2i[id]) + r"}{TOP}", file=stream) + for edge in graph.edges: + if node.id == edge.tgt: + print(r"\depedge{" + str(id2i[edge.src]) + r"}{" + str(id2i[id]) + r"}{" + str(edge.lab) + r"}", file=stream) + print(r"\end{dependency}", file=stream) + print(r"\end{document}", file=stream) + + + def displacy(self, stream=None, format="svg", **kwargs): + """ + Use displacy to present dependency graph over sentence. + :param format: can be either "svg" or "html". + kwargs are passed to displacy.render method, see https://spacy.io/usage/visualizers + for possible options. + One can omit the stream argument if specifying `jupyter=True` - this will render the visualization directly + to the jupyter notebook. + """ + assert stream or kwargs.get("jupyter"), "Either `stream` is given or `jupyter=True` must hold." + assert format in ("svg", "html"), 'format can be either "svg" or "html"' + try: + from spacy import displacy + except ModuleNotFoundError as e: + print("You must install SpaCy in order to use the displacy visualization. \nTry running `pip install spacy`.") + raise e + if self.flavor != 0: # currently supporting only bi-lexical graphs + raise ValueError("displacy visualization is currently only for flavor-0 graphs.") + + graph = self._full_sentence_recovery() # a copy of self with nodes covering all tokens + # prepare displacy_dep_input, composed of `words` list and `arcs` list + words = [{"text": n.label, "tag": ""} for n in graph.nodes] + + def get_arc(edge: Edge): + src, tgt = edge.src, edge.tgt + direction = u'right' if src < tgt else u'left' + return {'dir': direction, + 'start': min(src, tgt), + 'end': max(src, tgt), + 'label': edge.lab} + arcs = [get_arc(edge) for edge in graph.edges] + displacy_dep_input = {'words': words, 'arcs': arcs} + + # render to stream as svg or html + kwargs["page"] = format=="html" + markdown = displacy.render(displacy_dep_input, style='dep', manual=True, **kwargs) + # write svg text to a file + if stream: + stream.write(markdown) + + + def _full_sentence_recovery(self): + """ + graph nodes may sometimes only include non-singleton nodes, for example when taking the graph from + a model prediction. For this reason, we need to use anchors and the input sentence in order to recover + the original tokenization (thus node-ids and their corresponding text spans). + Here, when necessary, we assume the original tokenization is encoded with spaces in self.input. + But we mainly look for missing character segments (i.e. spans that are not included in anchors) + and produce singleton nodes for them. + The function returns a new Graph, in which recovered nodes are included and thus nodes correspond to + input tokens. + """ + graph = self.copy() # don't change + length = len(graph.input) + def rm_all(lst, items_to_remove): + for item in items_to_remove: + if item in lst: + lst.remove(item) + return lst + + def group_consecutive(lst): + # get list of integers, return list of lists, each the maximal consecutive (increasing) set from lst + if not lst: + return [] + groups = [] + cur_group=[lst[0]] + for i,item in enumerate(lst[1:]): + if item-1 == cur_group[-1]: + cur_group.append(item) + else: + groups.append(cur_group) + cur_group = [item] + groups.append(cur_group) + return groups + + # iterate missing ids + node_ids = [n.id for n in graph.nodes] + id2node = {n.id : n for n in graph.nodes} + max_id = max(node_ids) + missing_ids = rm_all(list(range(max_id)), node_ids) + missing_id_groups = group_consecutive(missing_ids) + for id_group in missing_id_groups: + # id_group is a list of consecutive missing ids + if id_group[0]==0: + begin_char = 0 + else: + prev_id = id_group[0]-1 # the id of the existing node preceding the missing-id group + prev_node = id2node[prev_id] + begin_char = prev_node.anchors[0]['to'] + next_id = id_group[-1]+1 + if next_id in id2node: + next_node = id2node[next_id] + end_char = next_node.anchors[0]['from'] + else: + end_char = length + omitted_span = graph.input[begin_char:end_char] + # we need to create len(id_group) new nodes for the omitted span. + # Try to align singleton node (i.e. one id) to a token; if num of tokens in omitted_span + # don't match num of missing ids, generate all these nodes with the same anchors to the whole span + tokens = omitted_span.strip().split() + if len(tokens) == len(id_group): + for token, new_id in zip(tokens, id_group): + tok_begin_char = begin_char + omitted_span.find(token) + tok_end_char = tok_begin_char + len(token) + # add new node corresponding to omitted token + graph.add_node(new_id, label=token, anchors=[{"from":tok_begin_char, "to":tok_end_char}]) + else: + # add new nodes, all corresponding to omitted span + for new_id in id_group: + graph.add_node(new_id, label=omitted_span, anchors=[{"from": begin_char, "to": end_char}]) + # special treatment is required for missing tokens after the last existing node + # (if there are tokens left in self.input not covered by node anchors) + last_end_char_of_nodes = max([n.anchors[0]['to'] for n in graph.nodes]) + if last_end_char_of_nodes < length: + # the meaning is that there is some span of the sentence not covered; + # we will add nodes according to num of tokens in this last span + omitted_span = graph.input[last_end_char_of_nodes:] + for i,token in enumerate(omitted_span.strip().split()): + new_id = max_id+1+i + tok_begin_char = last_end_char_of_nodes + omitted_span.find(token) + tok_end_char = tok_begin_char + len(token) + graph.add_node(new_id, label=token, anchors=[{"from":tok_begin_char, "to":tok_end_char}]) + # as a finish, sort nodes in graph so that they will again be ordered by id (& realization location) + graph.nodes = list(sorted(graph.nodes)) + return graph diff --git a/mtool/inspector.py b/mtool/inspector.py new file mode 100644 index 0000000000000000000000000000000000000000..458faa3cd4aea14d4248518889147762239bd598 --- /dev/null +++ b/mtool/inspector.py @@ -0,0 +1,52 @@ +import sys; + +from graph import Graph; + +def summarize(graphs, golds): + ids = None; + if golds is not None: + ids = dict(); + for gold in golds: + language = gold.language(); + if language not in ids: ids[language] = dict(); + targets = gold.targets(); + if targets is None: targets = [gold.framework]; + for target in targets: + if target not in ids[language]: ids[language][target] = set(); + ids[language][target].add(gold.id); + + counts = dict(); + seen = dict(); + targets = dict(); + targets["eng"] = ["eds", "ptg", "ucca", "amr", "drg"]; + targets["ces"] = ["ptg"]; + targets["deu"] = ["ucca", "drg"]; + targets["zho"] = ["amr"]; + for language in ["eng", "ces", "deu", "zho"]: + counts[language] = dict(); + seen[language] = dict(); + for key in targets[language]: + counts[language][key] = 0; + seen[language][key] = set(); + + for graph in graphs: + language = graph.language(); + if language is None: language = "eng"; + framework = graph.framework; + if golds is None or \ + language in ids and framework in ids[language] and \ + graph.id in ids[language][framework]: + counts[language][framework] += 1; + if graph.id in seen[language][framework]: + print("inspector.summarize(): ignoring duplicate {} {} graph #{}." + "".format(language, framework, graph.id), + file = sys.stderr); + else: + seen[language][framework].add(graph.id); + + complete = True; + for language in ["eng", "ces", "deu", "zho"]: + for key in targets[language]: + if len(ids[language][key]) != counts[language][key]: complete = False; + counts["complete"] = complete; + return counts; diff --git a/mtool/main.py b/mtool/main.py new file mode 100755 index 0000000000000000000000000000000000000000..801f0417cdea37dcfa98bfd23a65f020ad1f2d13 --- /dev/null +++ b/mtool/main.py @@ -0,0 +1,490 @@ +#!/usr/bin/env python3 + +# -*- coding: utf-8; -*- + +import argparse; +import json; +import multiprocessing as mp; +import re; +import sys; +import time; +from pathlib import Path; +from zipfile import ZipFile; + +import codec.amr; +import codec.conllu; +import codec.eds; +import codec.mrp; +import codec.norec; +import codec.pmb; +import codec.sdp; +import codec.treex; +import codec.ucca; +import inspector; +import score.edm; +import score.mces; +import score.sdp; +import score.smatch; +import score.ucca; +import validate.core; +from analyzer import analyze; + +__author__ = "oe" + +ENCODING = "utf-8"; +NORMALIZATIONS = {"anchors", "case", "edges", "attributes"}; +VALIDATIONS = {"input", "anchors", "edges", + "amr", "eds", "sdp", "ucca"} + +def read_graphs(stream, format = None, + full = False, normalize = False, reify = False, node_centric = False, + frameworks = None, prefix = None, text = None, filter = None, + trace = 0, strict = 0, quiet = False, robust = False, + alignment = None, anchors = None, pretty = False, + id = None, n = None, i = None): + + name = getattr(stream, "name", ""); + if name.endswith(".zip"): + with ZipFile(name) as zip: + stream = None; + for entry in zip.namelist(): + if entry.endswith(".mrp"): + if stream is not None: + print("read_graphs(): multiple MRP entries in ‘{}’; exit." + "".format(name), file = sys.stderr); + sys.exit(1); + stream = zip.open(entry); + if stream is None: + print("read_graphs(): missing MRP entry in ‘{}’; exit." + "".format(name), file = sys.stderr); + sys.exit(1); + + generator = None; + if format in {"amr", "camr"}: + generator \ + = codec.amr.read(stream, full = full, reify = reify, + text = text, camr = format == "camr", + alignment = alignment, quiet = quiet, trace = trace); + elif format in {"ccd", "dm", "pas", "psd"}: + generator = codec.sdp.read(stream, framework = format, text = text); + elif format == "eds": + generator = codec.eds.read(stream, reify = reify, text = text); + elif format == "mrp": + generator = codec.mrp.read(stream, text = text, robust = robust); + elif format == "norec": + generator = codec.norec.read(stream, text = text, node_centric = node_centric); + elif format == "pmb": + generator = codec.pmb.read(stream, full = full, + reify = reify, text = text, + trace = trace, strict = strict); + elif format == "treex": + generator = codec.treex.read(stream) + elif format == "ucca": + generator = codec.ucca.read(stream, text = text, prefix = prefix); + elif format == "conllu" or format == "ud": + generator = codec.conllu.read(stream, framework = format, text = text, + anchors = anchors, trace = trace); + elif format == "eud": + generator = codec.conllu.read(stream, framework = format, text = text, + anchors = anchors, trace = trace, + enhanced_graph = True); + else: + print("read_graphs(): invalid input codec {}; exit." + "".format(format), file = sys.stderr); + sys.exit(1); + + if generator is None: + return None, None; + + # + # (for now) break out of the generators, for downstream simplicity + # + graphs = []; + overlays = []; + j = 0; + while n is None or n < 1 or j < n: + try: + graph, overlay = next(generator); + if frameworks is not None and graph.framework not in frameworks: continue; + if filter is not None and graph.id not in filter: continue; + if id is not None: + if graph.id == id: + graphs.append(graph); overlays.append(overlay); + elif i is not None and i >= 0: + if j == i: + graphs.append(graph); overlays.append(overlay); + break; + else: + graphs.append(graph); overlays.append(overlay); + j += 1; + except StopIteration: + break; + except Exception as error: + print(error, file = sys.stderr); + pass; + + if pretty: + for graph in graphs: graph.prettify(trace); + if normalize: + for graph in graphs: graph.normalize(normalize, trace); + + return graphs, overlays; + +def main(args=None): + parser = argparse.ArgumentParser(description = "MRP Graph Toolkit"); + parser.add_argument("--inspect", action = "store_true"); + parser.add_argument("--analyze", action = "store_true"); + parser.add_argument("--normalize", action = "append", default = []); + parser.add_argument("--full", action = "store_true"); + parser.add_argument("--reify", action = "store_true"); + parser.add_argument("--node_centric", action = "store_true"); + parser.add_argument("--unique", action = "store_true"); + parser.add_argument("--ids", action = "store_true"); + parser.add_argument("--strings", action = "store_true"); + parser.add_argument("--framework", action = "append", default = []); + parser.add_argument("--gold", + type = argparse.FileType("r", encoding = ENCODING)); + parser.add_argument("--alignment", + type = argparse.FileType("r", encoding = ENCODING)); + parser.add_argument("--overlay", + type = argparse.FileType("w", encoding = ENCODING)); + parser.add_argument("--format"); + parser.add_argument("--score"); + parser.add_argument("--validate", action = "append", default = []); + parser.add_argument("--limit"); + parser.add_argument("--read", required = True); + parser.add_argument("--write"); + parser.add_argument("--text"); + parser.add_argument("--inverse", action = "store_true"); + parser.add_argument("--anchors", + type = argparse.FileType("r", encoding = ENCODING)); + parser.add_argument("--prefix"); + parser.add_argument("--source"); + parser.add_argument("--targets"); + parser.add_argument("--pretty", action = "store_true"); + parser.add_argument("--inject"); + parser.add_argument("--version", type = float, default = 1.1); + parser.add_argument("--cores", type = int, default = 1); + parser.add_argument("--i", type = int); + parser.add_argument("--n", type = int); + parser.add_argument("--id"); + parser.add_argument("--filter"); + parser.add_argument("--quiet", action = "store_true"); + parser.add_argument("--robust", action = "store_true"); + parser.add_argument("--trace", "-t", action = "count", default = 0); + parser.add_argument("--strict", action = "count", default = 0); + parser.add_argument("--errors", + type = argparse.FileType("w", encoding = ENCODING)); + parser.add_argument("input", nargs = "?", + type = argparse.FileType("r", encoding = ENCODING), + default = sys.stdin); + parser.add_argument("output", nargs = "?", + type = argparse.FileType("w", encoding = ENCODING), + default = sys.stdout); + if args is None: + args = sys.argv + arguments = parser.parse_args(args); + + text = None; + if arguments.text is not None: + path = Path(arguments.text); + if path.is_file(): + text = {}; + with path.open() as stream: + for line in stream: + id, string = line.split("\t", maxsplit = 1); + if string.endswith("\n"): string = string[:len(string) - 1]; + if arguments.inverse: text[string] = id; + else: text[id] = string; + elif path.is_dir(): + text = path; + elif arguments.inverse: + print("main.py(): option ‘--inverse’ requires ‘--text’; exit.", + file = sys.stderr); + sys.exit(1); + + if arguments.read not in {"mrp", + "ccd", "dm", "pas", "psd", "treex", + "eds", "ucca", + "amr", "camr", "pmb", + "conllu", "ud", "eud", + "norec"}: + print("main.py(): invalid input format: {}; exit." + "".format(arguments.read), file = sys.stderr); + sys.exit(1); + + filter = None; + if arguments.filter is not None: + try: + path = Path(arguments.filter); + filter = set(); + with path.open() as stream: + for line in stream: + filter.add(line.split("\t", maxsplit = 1)[0]); + except: + print("main.py(): invalid ‘--filter’: {}; exit." + "".format(arguments.write), file = sys.stderr); + sys.exit(1); + if filter is not None and len(filter) == 0: filter = None; + + if arguments.write is not None and \ + arguments.write not in \ + {"dot", "tikz", "displacy", "evaluation", "id", "json", "mrp", + "source", "targets", "txt", "ucca", "norec"}: + print("main.py(): invalid output format: {}; exit." + "".format(arguments.write), file = sys.stderr); + sys.exit(1); + + # + # backwards compatibility: desirable until august 2019, say + # + if arguments.score == "mces": arguments.score = "mrp"; + if arguments.score is not None and \ + arguments.score not in {"mrp", "sdp", "edm", "ucca", "smatch"}: + print("main.py(): invalid evaluation metric: {}; exit." + "".format(arguments.score), file = sys.stderr); + sys.exit(1); + + if arguments.format and \ + arguments.format not in {"mrp", + "ccd", "dm", "pas", "psd", + "eds", "ucca", + "amr", "camr", "pmb", + "conllu", "ud", "eud"}: + print("main.py(): invalid gold format: {}; exit." + "".format(arguments.read), file = sys.stderr); + sys.exit(1); + + if len(arguments.normalize) == 1 and arguments.normalize[0] == "all": + normalize = NORMALIZATIONS; + else: + normalize = set(); + for action in arguments.normalize: + if action in NORMALIZATIONS: + normalize.add(action); + else: + print("main.py(): invalid type of normalization: {}; exit." + "".format(action), file = sys.stderr); + sys.exit(1); + if arguments.score is not None and len(normalize) == 0: + normalize = NORMALIZATIONS; + + if arguments.targets == "gather" and not arguments.unique: + print("main.py(): option ‘--targets gather’ requires ‘--unique’; exit.", + file = sys.stderr); + sys.exit(1); + + if arguments.alignment is not None and arguments.overlay is None: + print("main.py(): option ‘--alignment’ requires ‘--overlay’; exit.", + file = sys.stderr); + sys.exit(1); + + if len(arguments.framework) == 0: arguments.framework = None; + + if arguments.cores == 0: arguments.cores = mp.cpu_count(); + + graphs, overlays \ + = read_graphs(arguments.input, format = arguments.read, + full = arguments.full, normalize = normalize, + reify = arguments.reify, frameworks = arguments.framework, + text = text, filter = filter, alignment = arguments.alignment, + anchors = arguments.anchors, pretty = arguments.pretty, + trace = arguments.trace, strict = arguments.strict, node_centric = arguments.node_centric, + quiet = arguments.quiet, robust = arguments.robust, + id = arguments.id, n = arguments.n, i = arguments.i); + if graphs is None: + print("main.py(): unable to read input graphs: {}; exit." + "".format(arguments.input.name), file = sys.stderr); + sys.exit(1); + + if arguments.unique: + targets = dict(); + if arguments.targets == "gather": + for graph in graphs: + if graph.id in targets: targets[graph.id].add(graph.framework); + else: targets[graph.id] = {graph.framework}; + arguments.targets = None; + unique = list(); + ids = set(); + for graph in graphs: + id = graph.id; + if id in targets: graph.targets(list(targets[id])); + if id not in ids: + ids.add(id); + unique.append(graph); + graphs = unique; + + # + # inject any additional information provided on the command line + # + if arguments.source: + for graph in graphs: graph.source(arguments.source); + if arguments.inject: + for graph in graphs: graph.inject(arguments.inject); + + if arguments.validate == ["all"]: + actions = VALIDATIONS; + else: + actions = set(); + for action in arguments.validate: + if action in VALIDATIONS: + actions.add(action); + else: + print("main.py(): invalid type of validation: {}; exit." + "".format(action), file = sys.stderr); + sys.exit(1); + + if arguments.quiet: arguments.trace = 0; + + if actions: + for graph in graphs: + validate.core.test(graph, actions, stream = sys.stderr); + + if arguments.analyze: + analyze(graphs); + + gold = None; + if arguments.gold and arguments.score or arguments.inspect: + if arguments.format is None: arguments.format = arguments.read; + gold, _ = read_graphs(arguments.gold, format = arguments.format, + full = arguments.full, normalize = normalize, + reify = arguments.reify, node_centric = arguments.node_centric, + frameworks = arguments.framework, + text = text, filter = filter, + trace = arguments.trace, quiet = arguments.quiet, + robust = arguments.robust, + id = arguments.id, n = arguments.n, i = arguments.i); + if gold is None: + print("main.py(): unable to read gold graphs: {}; exit." + "".format(arguments.gold.name), file = sys.stderr); + sys.exit(1); + + if arguments.inspect: + result = inspector.summarize(graphs, gold); + if arguments.write == "json" or True: + json.dump(result, arguments.output, indent = None); + print(file = arguments.output); + sys.exit(0); + + if arguments.score: + limits = {"rrhc": None, "mces": None}; + for metric in arguments.score.split(","): + if arguments.limit is not None: + try: + match = re.search(r"([0-9]+):([0-9]+)", arguments.limit) + if match: + limits["rrhc"] = int(match.group(1)); + limits["mces"] = int(match.group(2)); + else: + if metric == "smatch": + limits["rrhc"] = int(arguments.limit); + else: + limits["mces"] = int(arguments.limit); + except: + print("main.py(): invalid ‘--limit’ {}; exit." + "".format(arguments.limit), + file = sys.stderr); + sys.exit(1); + errors = dict() if arguments.errors else None; + result = None; + launch = time.time(), time.process_time(); + if metric == "edm": + result = score.edm.evaluate(gold, graphs, + format = arguments.write, + trace = arguments.trace); + elif metric == "mrp": + result = score.mces.evaluate(gold, graphs, + format = arguments.write, + limits = limits, + cores = arguments.cores, + trace = arguments.trace, + errors = errors, + quiet = arguments.quiet); + elif metric == "sdp": + result = score.sdp.evaluate(gold, graphs, + format = arguments.write, + trace = arguments.trace); + elif metric == "smatch": + result = score.smatch.evaluate(gold, graphs, + format = arguments.write, + limit = limits["rrhc"], + values = {"tops", "labels", + "properties", "anchors", + "edges", "attributes"}, + trace = arguments.trace); + elif metric == "ucca": + result = score.ucca.evaluate(gold, graphs, + format = arguments.write, + trace = arguments.trace); + + if result is not None: + result["time"] = time.time() - launch[0]; + result["cpu"] = time.process_time() - launch[1]; + if arguments.write == "json" or True: + # + # _fix_me_ + # we should write a genuine custom JSON encoder + # + print("{", file = arguments.output, end = ""); + start = True; + for key in result: + if start: start = False; + else: print(",\n ", file = arguments.output, end = ""); + print("\"{}\": ".format(key), file = arguments.output, end = ""); + json.dump(result[key], arguments.output, indent = None); + print("}", file = arguments.output); + + if errors is not None: + if arguments.write == "dot": + for graph in gold: + graph.dot(arguments.errors, + ids = arguments.ids, strings = arguments.strings, + errors = errors[graph.framework][graph.id]); + elif arguments.write == "json" or True: + json.dump(errors, arguments.errors, indent = None); + sys.exit(0); + + for graph in graphs: + if arguments.write in {"mrp", "evaluation"}: + if arguments.write == "evaluation": + graph.flavor = graph.framework = graph.nodes = graph.edges = None; + if arguments.targets is not None: + graph.targets(arguments.targets.split(",")); + json.dump(graph.encode(arguments.version), arguments.output, + indent = None, ensure_ascii = False); + print(file = arguments.output); + elif arguments.write == "dot": + graph.dot(arguments.output, + ids = arguments.ids, strings = arguments.strings); + print(file = arguments.output); + elif arguments.write == "tikz": + graph.tikz(arguments.output); + elif arguments.write == "displacy": + graph.displacy(arguments.output); + elif arguments.write == "id": + print("{}".format(graph.id), file = arguments.output); + elif arguments.write == "source": + print("{}\t{}".format(graph.id, graph.source()), file = arguments.output); + elif arguments.write == "targets": + for target in graph.targets() or (""): + print("{}\t{}".format(graph.id, target), file = arguments.output); + elif arguments.write == "txt": + print("{}\t{}".format(graph.id, graph.input), file = arguments.output); + elif arguments.write == "ucca": + # Prints everything to one long file. To split to separate XML files, use, e.g., + # csplit -zk output.xml '/^ start and string[end - 1] in trim: + end -= 1; + for i in range(start, end): + if string[i] not in SPACE: + result.add(i); + return frozenset(result); + +def fscore(gold, system, correct): + p = correct / system if system else 0.0; + r = correct / gold if gold else 0.0; + f = 2 * p * r / (p + r) if p + r != 0 else 0.0; + return p, r, f; + + diff --git a/mtool/score/edm.py b/mtool/score/edm.py new file mode 100644 index 0000000000000000000000000000000000000000..a3cdb6c17b0958f093ffefa24152d7b0dc96fa7f --- /dev/null +++ b/mtool/score/edm.py @@ -0,0 +1,81 @@ +import sys; + +from graph import Graph; +import score.core; + +def tuples(graph, explode = False): + identities = dict(); + names = set(); + tops = set(); + arguments = set(); + properties = set(); + for node in graph.nodes: + if graph.input and explode: + identity = score.core.explode(graph.input, + score.core.anchor(node)); + else: + identity = tuple(score.core.anchor(node)); + identities[node.id] = identity; + if node.label is not None: names.add((identity, node.label)); + if node.is_top: tops.add(identity); + if node.properties and node.values: + for property, value in zip(node.properties, node.values): + properties.add((identity, property, value)) + for edge in graph.edges: + arguments.add((identities[edge.src], identities[edge.tgt], edge.lab)); + return names, arguments, properties, tops; + +def evaluate(golds, systems, format = "json", trace = 0): + tgn = tsn = tcn = 0; + tga = tsa = tca = 0; + tgt = tst = tct = 0; + tgp = tsp = tcp = 0; + scores = dict() if trace else None; + result = {"n": 0}; + for gold, system in score.core.intersect(golds, systems): + explode = gold.input and system.input; + gnames, garguments, gproperties, gtops = tuples(gold, explode = explode); + snames, sarguments, sproperties, stops = tuples(system, explode = explode); + if trace > 1: + print("[{}] gold:\n{}\n{}\n{}\n{}\n\n" + "".format(gold.id, gtops, + gnames, garguments, gproperties)); + print("[{}] system:\n{}\n{}\n{}\n{}\n\n" + "".format(gold.id, stops, + snames, sarguments, sproperties)); + gn = len(gnames); sn = len(snames); + cn = len(gnames & snames); + ga = len(garguments); sa = len(sarguments); + ca = len(garguments & sarguments); + gt = len(gtops); st = len(stops); + ct = len(gtops & stops); + gp = len(gproperties); sp = len(sproperties); + cp = len(gproperties & sproperties); + tgn += gn; tsn += sn; tcn += cn; + tga += ga; tsa += sa; tca += ca; + tgt += gt; tst += st; tct += ct; + tgp += gp; tsp += sp; tcp += cp; + result["n"] += 1; + if trace: + if gold.id in scores: + print("edm.evaluate(): duplicate graph identifier: {}" + "".format(gold.id), file = sys.stderr); + scores[gold.id] = {"names": {"g": gn, "s": sn, "c": cn}, + "arguments": {"g": ga, "s": sa, "c": ca}, + "tops": {"g": gt, "s": st, "c": ct}, + "properties": {"g": gp, "s": sp, "c": cp}}; + if scores is not None: result["scores"] = scores; + p, r, f = score.core.fscore(tgn, tsn, tcn); + result["names"] = {"g": tgn, "s": tsn, "c": tcn, "p": p, "r": r, "f": f}; + p, r, f = score.core.fscore(tga, tsa, tca); + result["arguments"] = {"g": tga, "s": tsa, "c": tca, "p": p, "r": r, "f": f}; + p, r, f = score.core.fscore(tgt, tst, tct); + result["tops"] = {"g": tgt, "s": tst, "c": tct, "p": p, "r": r, "f": f}; + p, r, f = score.core.fscore(tgp, tsp, tcp); + result["properties"] = {"g": tgp, "s": tsp, "c": tcp, "p": p, "r": r, "f": f}; + tga = tgn + tga + tgt + tgp; + tsa = tsn + tsa + tst + tsp; + tca = tcn + tca + tct + tcp; + p, r, f = score.core.fscore(tga, tsa, tca); + result["all"] = {"g": tga, "s": tsa, "c": tca, "p": p, "r": r, "f": f}; + return result; diff --git a/mtool/score/mces.py b/mtool/score/mces.py new file mode 100644 index 0000000000000000000000000000000000000000..76a8c37e102e296510a5677f01b3714d173b94d6 --- /dev/null +++ b/mtool/score/mces.py @@ -0,0 +1,543 @@ +import multiprocessing as mp +import sys +from operator import itemgetter + +import numpy as np + +import score.core +from score.smatch import smatch +from score.ucca import identify + +counter = 0 + +def reindex(i): + return -2 - i + +def get_or_update(index, key): + return index.setdefault(key, len(index)) + +class InternalGraph(): + + def __init__(self, graph, index): + self.node2id = dict() + self.id2node = dict() + self.nodes = [] + self.edges = [] + for i, node in enumerate(graph.nodes): + self.node2id[node] = i + self.id2node[i] = node + self.nodes.append(i) + for edge in graph.edges: + src = graph.find_node(edge.src) + src = self.node2id[src] + tgt = graph.find_node(edge.tgt) + tgt = self.node2id[tgt] + self.edges.append((src, tgt, edge.lab)) + if edge.attributes: + for prop, val in zip(edge.attributes, edge.values): + self.edges.append((src, tgt, ("E", prop, val))) + # + # Build the pseudo-edges. These have target nodes that are + # unique for the value of the label, anchor, property. + # + if index is None: + index = dict() + for i, node in enumerate(graph.nodes): + # labels + j = get_or_update(index, ("L", node.label)) + self.edges.append((i, reindex(j), None)) + # tops + if node.is_top: + j = get_or_update(index, ("T")) + self.edges.append((i, reindex(j), None)) + # anchors + if node.anchors is not None: + anchor = score.core.anchor(node); + if graph.input: + anchor = score.core.explode(graph.input, anchor); + else: + anchor = tuple(anchor); + j = get_or_update(index, ("A", anchor)) + self.edges.append((i, reindex(j), None)) + # properties + if node.properties: + for prop, val in zip(node.properties, node.values): + j = get_or_update(index, ("P", prop, val)) + self.edges.append((i, reindex(j), None)) + +def initial_node_correspondences(graph1, graph2, + identities1, identities2, + bilexical): + # + # in the following, we assume that nodes in raw and internal + # graphs correspond by position into the .nodes. list + # + shape = (len(graph1.nodes), len(graph2.nodes) + 1) + rewards = np.zeros(shape, dtype=np.int); + edges = np.zeros(shape, dtype=np.int); + anchors = np.zeros(shape, dtype=np.int); + + # + # initialization needs to be sensitive to whether or not we are looking at + # ordered graphs (aka Flavor 0, or the SDP family) + # + if bilexical: + queue = None; + else: + queue = []; + + for i, node1 in enumerate(graph1.nodes): + for j, node2 in enumerate(graph2.nodes + [None]): + rewards[i, j], _, _, _ = node1.compare(node2); + if node2 is not None: + # + # also determine the maximum number of edge matches we + # can hope to score, for each node-node correspondence + # + src_edges_x = [ len([ 1 for e1 in graph1.edges if e1.src == node1.id and e1.lab == e2.lab ]) + for e2 in graph2.edges if e2.src == node2.id ] + tgt_edges_x = [ len([ 1 for e1 in graph1.edges if e1.tgt == node1.id and e1.lab == e2.lab ]) + for e2 in graph2.edges if e2.tgt == node2.id ] + edges[i, j] += sum(src_edges_x) + sum(tgt_edges_x) + + # + # and the overlap of UCCA yields (sets of character position) + # + if identities1 and identities2: + anchors[i, j] += len(identities1[node1.id] & + identities2[node2.id]) + if queue is not None: + queue.append((rewards[i, j], edges[i, j], anchors[i, j], + i, j if node2 is not None else None)); + + # + # adjust rewards to use anchor overlap and edge potential as a secondary + # and tertiary key, respectively. for even better initialization, maybe + # consider edge attributes too? + # + rewards *= 1000; + anchors *= 10; + rewards += edges + anchors; + + if queue is None: + pairs = levenshtein(graph1, graph2); + else: + pairs = []; + sources = set(); + targets = set(); + for _, _, _, i, j in sorted(queue, key = itemgetter(0, 2, 1), + reverse = True): + if i not in sources and j not in targets: + pairs.append((i, j)); + sources.add(i); + if j is not None: targets.add(j); + + return pairs, rewards; + +def levenshtein(graph1, graph2): + m = len(graph1.nodes) + n = len(graph2.nodes) + d = {(i,j): float('-inf') for i in range(m+1) for j in range(n+1)} + p = {(i,j): None for i in range(m+1) for j in range(n+1)} + d[(0,0)] = 0 + for i in range(1, m+1): + d[(i,0)] = 0 + p[(i,0)] = ((i-1,0), None) + for j in range(1, n+1): + d[(0,j)] = 0 + p[(0,j)] = ((0,j-1), None) + for j, node2 in enumerate(graph2.nodes, 1): + for i, node1 in enumerate(graph1.nodes, 1): + best_d = float('-inf') + # "deletion" + cand_d = d[(i-1,j-0)] + if cand_d > best_d: + best_d = cand_d + best_p = ((i-1,j-0), None) + # "insertion" + cand_d = d[(i-0,j-1)] + if cand_d > best_d: + best_d = cand_d + best_p = ((i-0,j-1), None) + # "alignment" + cand_d = d[(i-1,j-1)] + node1.compare(node2)[2] + if cand_d > best_d: + best_d = cand_d + best_p = ((i-1,j-1), (i-1, j-1)) + d[(i,j)] = best_d + p[(i,j)] = best_p + + pairs = {i: None for i in range(len(graph1.nodes))} + def backtrace(idx): + ptr = p[idx] + if ptr is None: + pass + else: + next_idx, pair = ptr + if pair is not None: + i, j = pair + pairs[i] = j + backtrace(next_idx) + backtrace((m, n)) + return sorted(pairs.items()) + +# The next function constructs the initial table with the candidates +# for the edge-to-edge correspondence. Each edge in the source graph +# is mapped to the set of all edges in the target graph. +def make_edge_candidates(graph1, graph2): + candidates = dict() + for raw_edge1 in graph1.edges: + src1, tgt1, lab1 = raw_edge1 + if raw_edge1 not in candidates: + edge1_candidates = set() + else: + edge1_candidates = candidates[raw_edge1] + for raw_edge2 in graph2.edges: + src2, tgt2, lab2 = raw_edge2 + edge2 = (src2, tgt2) + if tgt1 < 0: + # Edge edge1 is a pseudoedge. This can only map to + # another pseudoedge pointing to the same pseudonode. + if tgt2 == tgt1 and lab1 == lab2: + edge1_candidates.add(edge2) + elif tgt2 >= 0 and lab1 == lab2: + # Edge edge1 is a real edge. This can only map to + # another real edge. + edge1_candidates.add(edge2) + if edge1_candidates: + candidates[raw_edge1] = edge1_candidates + return candidates + +# The next function updates the table with the candidates for the +# edge-to-edge correspondence when node `i` is tentatively mapped to +# node `j`. +def update_edge_candidates(edge_candidates, i, j): + new_candidates = edge_candidates.copy() + for edge1, edge1_candidates in edge_candidates.items(): + if i == edge1[0] or i == edge1[1]: + # Edge edge1 is affected by the tentative assignment. Need + # to explicitly construct the new set of candidates for + # edge1. + # Both edges share the same source/target node + # (modulo the tentative assignment). + src1, tgt1, _ = edge1 + edge1_candidates = {(src2, tgt2) for src2, tgt2 in edge1_candidates + if src1 == i and src2 == j or tgt1 == i and tgt2 == j} + if edge1_candidates: + new_candidates[edge1] = edge1_candidates + else: + new_candidates.pop(edge1) + return new_candidates, len(new_candidates) + +def splits(xs): + # The source graph node is mapped to some target graph node (x). + for i, x in enumerate(xs): + yield x, xs[:i] + xs[i+1:] + # The source graph node is not mapped to any target graph node. + yield -1, xs + +def sorted_splits(i, xs, rewards, pairs, bilexical): + for _i, _j in pairs: + if i == _i: j = _j if _j is not None else -1 + if bilexical: + sorted_xs = sorted(xs, key=lambda x: (-abs(x-i), rewards.item((i, x)), -x), reverse=True) + else: + sorted_xs = sorted(xs, key=lambda x: (rewards.item((i, x)), -x), reverse=True) + if j in sorted_xs or j < 0: + if j >= 0: sorted_xs.remove(j) + sorted_xs = [j] + sorted_xs + yield from splits(sorted_xs) + +# UCCA-specific rule: +# Do not pursue correspondences of nodes i and j in case there is +# a node dominated by i whose correspondence is not dominated by j +def identities(g, s): + # + # use overlap of UCCA yields in picking initial node pairing + # + if g.framework == "ucca" and g.input \ + and s.framework == "ucca" and s.input: + g_identities = dict() + s_identities = dict() + g_dominated = dict() + s_dominated = dict() + for node in g.nodes: + g_identities, g_dominated = \ + identify(g, node.id, g_identities, g_dominated) + g_identities = {key: score.core.explode(g.input, value) + for key, value in g_identities.items()} + for node in s.nodes: + s_identities, s_dominated = \ + identify(s, node.id, s_identities, s_dominated) + s_identities = {key: score.core.explode(s.input, value) + for key, value in s_identities.items()} + else: + g_identities = s_identities = g_dominated = s_dominated = None + return g_identities, s_identities, g_dominated, s_dominated + +def domination_conflict(graph1, graph2, cv, i, j, dominated1, dominated2): + if not dominated1 or not dominated2 or i < 0 or j < 0: + return False + dominated_i = dominated1[graph1.id2node[i].id] + dominated_j = dominated2[graph2.id2node[j].id] + # Both must be leaves or both must be non-leaves + if bool(dominated_i) != bool(dominated_j): + return True + for _i, _j in cv.items(): + if _i >= 0 and _j >= 0 and \ + graph1.id2node[_i].id in dominated_i and \ + graph2.id2node[_j].id not in dominated_j: + return True + return False + +# Find all maximum edge correspondences between the source graph +# (graph1) and the target graph (graph2). This implements the +# algorithm of McGregor (1982). +def correspondences(graph1, graph2, pairs, rewards, limit=None, trace=0, + dominated1=None, dominated2=None, bilexical = False): + global counter + index = dict() + graph1 = InternalGraph(graph1, index) + graph2 = InternalGraph(graph2, index) + cv = dict() + ce = make_edge_candidates(graph1, graph2) + # Visit the source graph nodes in descending order of rewards. + source_todo = [pair[0] for pair in pairs] + todo = [(cv, ce, source_todo, sorted_splits( + source_todo[0], graph2.nodes, rewards, pairs, bilexical))] + n_matched = 0 + while todo and (limit is None or counter <= limit): + cv, ce, source_todo, untried = todo[-1] + i = source_todo[0] + try: + j, new_untried = next(untried) + if cv: + if bilexical: # respect node ordering in bi-lexical graphs + max_j = max((_j for _i, _j in cv.items() if _i < i), default=-1) + if 0 <= j < max_j + 1: + continue + elif domination_conflict(graph1, graph2, cv, i, j, dominated1, dominated2): + continue + counter += 1 + if trace > 2: print("({}:{}) ".format(i, j), end="", file = sys.stderr) + new_cv = dict(cv) + new_cv[i] = j + new_ce, new_potential = update_edge_candidates(ce, i, j) + if new_potential > n_matched: + new_source_todo = source_todo[1:] + if new_source_todo: + if trace > 2: print("> ", end="", file = sys.stderr) + todo.append((new_cv, new_ce, new_source_todo, + sorted_splits(new_source_todo[0], + new_untried, rewards, + pairs, bilexical))) + else: + if trace > 2: print(file = sys.stderr) + yield new_cv, new_ce + n_matched = new_potential + except StopIteration: + if trace > 2: print("< ", file = sys.stderr) + todo.pop() + +def is_valid(correspondence): + return all(len(x) <= 1 for x in correspondence.values()) + +def is_injective(correspondence): + seen = set() + for xs in correspondence.values(): + for x in xs: + if x in seen: + return False + else: + seen.add(x) + return True + +def schedule(g, s, rrhc_limit, mces_limit, trace, errors): + global counter; + try: + counter = 0; + g_identities, s_identities, g_dominated, s_dominated \ + = identities(g, s); + bilexical = g.flavor == 0 or g.framework in {"dm", "psd", "pas", "ccd"}; + pairs, rewards \ + = initial_node_correspondences(g, s, + g_identities, s_identities, + bilexical); + if errors is not None and g.framework not in errors: errors[g.framework] = dict(); + if trace > 1: + print("\n\ngraph #{} ({}; {}; {})" + "".format(g.id, g.language(), g.flavor, g.framework), + file = sys.stderr); + print("number of gold nodes: {}".format(len(g.nodes)), + file = sys.stderr); + print("number of system nodes: {}".format(len(s.nodes)), + file = sys.stderr); + print("number of edges: {}".format(len(g.edges)), + file = sys.stderr); + if trace > 2: + print("rewards and pairs:\n{}\n{}\n" + "".format(rewards, sorted(pairs)), + file = sys.stderr); + smatches = 0; + if g.framework in {"eds", "amr"} and rrhc_limit > 0: + smatches, _, _, mapping \ + = smatch(g, s, rrhc_limit, + {"tops", "labels", "properties", "anchors", + "edges", "attributes"}, + 0, False); + mapping = [(i, j if j >= 0 else None) + for i, j in enumerate(mapping)]; + tops, labels, properties, anchors, edges, attributes \ + = g.score(s, mapping); + all = tops["c"] + labels["c"] + properties["c"] \ + + anchors["c"] + edges["c"] + attributes["c"]; + status = "{}".format(smatches); + if smatches > all: + status = "{} vs. {}".format(smatches, all); + smatches = all; + if trace > 1: + print("pairs {} smatch [{}]: {}" + "".format("from" if set(pairs) != set(mapping) else "by", + status, sorted(mapping)), + file = sys.stderr); + if set(pairs) != set(mapping): pairs = mapping; + matches, best_cv, best_ce = 0, {}, {}; + if g.nodes and mces_limit > 0: + for i, (cv, ce) in \ + enumerate(correspondences(g, s, pairs, rewards, + mces_limit, trace, + dominated1 = g_dominated, + dominated2 = s_dominated, + bilexical = bilexical)): +# assert is_valid(ce) +# assert is_injective(ce) + n = sum(map(len, ce.values())); + if n > matches: + if trace > 1: + print("\n[{}] solution #{}; matches: {}" + "".format(counter, i, n), file = sys.stderr); + matches, best_cv, best_ce = n, cv, ce; + tops, labels, properties, anchors, edges, attributes \ + = g.score(s, best_cv or pairs, errors); +# assert matches >= smatches; + if trace > 1: + if smatches and matches != smatches: + print("delta to smatch: {}" + "".format(matches - smatches), file = sys.stderr); + print("[{}] edges in correspondence: {}" + "".format(counter, matches), file = sys.stderr) + print("tops: {}\nlabels: {}\nproperties: {}\nanchors: {}" + "\nedges: {}\nattributes: {}" + "".format(tops, labels, properties, anchors, + edges, attributes), file = sys.stderr); + if trace > 2: + print(best_cv, file = sys.stderr) + print(best_ce, file = sys.stderr) + return g.id, g, s, tops, labels, properties, anchors, \ + edges, attributes, matches, counter, None; + + except Exception as e: + # + # _fix_me_ + # + raise e; + return g.id, g, s, None, None, None, None, None, None, None, None, e; + +def evaluate(gold, system, format = "json", + limits = None, + cores = 0, trace = 0, errors = None, quiet = False): + def update(total, counts): + for key in ("g", "s", "c"): + total[key] += counts[key]; + + def finalize(counts): + p, r, f = score.core.fscore(counts["g"], counts["s"], counts["c"]); + counts.update({"p": p, "r": r, "f": f}); + + if limits is None: + limits = {"rrhc": 20, "mces": 500000} + rrhc_limit = mces_limit = None; + if isinstance(limits, dict): + if "rrhc" in limits: rrhc_limit = limits["rrhc"]; + if "mces" in limits: mces_limit = limits["mces"]; + if rrhc_limit is None or rrhc_limit < 0: rrhc_limit = 20; + if mces_limit is None or mces_limit < 0: mces_limit = 500000; + if trace > 1: + print("RRHC limit: {}; MCES limit: {}".format(rrhc_limit, mces_limit), + file = sys.stderr); + total_matches = total_steps = 0; + total_pairs = 0; + total_empty = 0; + total_inexact = 0; + total_tops = {"g": 0, "s": 0, "c": 0} + total_labels = {"g": 0, "s": 0, "c": 0} + total_properties = {"g": 0, "s": 0, "c": 0} + total_anchors = {"g": 0, "s": 0, "c": 0} + total_edges = {"g": 0, "s": 0, "c": 0} + total_attributes = {"g": 0, "s": 0, "c": 0} + scores = dict() if trace else None; + if cores > 1: + if trace > 1: + print("mces.evaluate(): using {} cores".format(cores), + file = sys.stderr); + with mp.Pool(cores) as pool: + results = pool.starmap(schedule, + ((g, s, rrhc_limit, mces_limit, + trace, errors) + for g, s + in score.core.intersect(gold, + system, + quiet = quiet))); + else: + results = (schedule(g, s, rrhc_limit, mces_limit, trace, errors) + for g, s in score.core.intersect(gold, system)); + + for id, g, s, tops, labels, properties, anchors, \ + edges, attributes, matches, steps, error \ + in results: + framework = g.framework if g.framework else "none"; + if scores is not None and framework not in scores: scores[framework] = dict(); + if s.nodes is None or len(s.nodes) == 0: + total_empty += 1; + if error is None: + total_matches += matches; + total_steps += steps; + update(total_tops, tops); + update(total_labels, labels); + update(total_properties, properties); + update(total_anchors, anchors); + update(total_edges, edges); + update(total_attributes, attributes); + total_pairs += 1; + if mces_limit == 0 or steps > mces_limit: total_inexact += 1; + + if trace and s.nodes is not None and len(s.nodes) != 0: + if id in scores[framework]: + print("mces.evaluate(): duplicate {} graph identifier: {}" + "".format(framework, id), file = sys.stderr); + scores[framework][id] \ + = {"tops": tops, "labels": labels, + "properties": properties, "anchors": anchors, + "edges": edges, "attributes": attributes, + "exact": not (mces_limit == 0 or steps > mces_limit), + "steps": steps}; + else: + print("mces.evaluate(): exception in {} graph #{}:\n{}" + "".format(framework, id, error)); + if trace: + scores[framework][id] = {"error": repr(error)}; + + total_all = {"g": 0, "s": 0, "c": 0}; + for counts in [total_tops, total_labels, total_properties, total_anchors, + total_edges, total_attributes]: + update(total_all, counts); + finalize(counts); + finalize(total_all); + result = {"n": total_pairs, "null": total_empty, + "exact": total_pairs - total_inexact, + "tops": total_tops, "labels": total_labels, + "properties": total_properties, "anchors": total_anchors, + "edges": total_edges, "attributes": total_attributes, + "all": total_all}; + if trace: result["scores"] = scores; + return result; diff --git a/mtool/score/rrhc.py b/mtool/score/rrhc.py new file mode 100755 index 0000000000000000000000000000000000000000..501a485b5b2ae7cbeaf7ffbab840c704c3a4b092 --- /dev/null +++ b/mtool/score/rrhc.py @@ -0,0 +1,900 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + + +""" +This script computes smatch score between two AMRs. +For detailed description of smatch, see http://www.isi.edu/natural-language/amr/smatch-13.pdf + +""" + +from __future__ import division +from __future__ import print_function + +try: + import smatch.amr +except: + import amr +import os +import random +import sys + +# total number of iteration in smatch computation +iteration_num = 5 + +# verbose output switch. +# Default false (no verbose output) +verbose = False +veryVerbose = False + +# single score output switch. +# Default true (compute a single score for all AMRs in two files) +single_score = True + +# precision and recall output switch. +# Default false (do not output precision and recall, just output F score) +pr_flag = False + +# Error log location +ERROR_LOG = sys.stderr + +# Debug log location +DEBUG_LOG = sys.stderr + +# dictionary to save pre-computed node mapping and its resulting triple match count +# key: tuples of node mapping +# value: the matching triple count +match_triple_dict = {} + + +def build_arg_parser(): + """ + Build an argument parser using argparse. Use it when python version is 2.7 or later. + + """ + parser = argparse.ArgumentParser(description="Smatch calculator -- arguments") + parser.add_argument('-f', nargs=2, required=True, type=argparse.FileType('r', encoding="utf-8"), + help='Two files containing AMR pairs. AMRs in each file are separated by a single blank line') + parser.add_argument('-r', type=int, default=4, help='Restart number (Default:4)') + parser.add_argument('--significant', type=int, default=2, help='significant digits to output (default: 2)') + parser.add_argument('-v', action='store_true', help='Verbose output (Default:false)') + parser.add_argument('--vv', action='store_true', help='Very Verbose output (Default:false)') + parser.add_argument('--ms', action='store_true', default=False, + help='Output multiple scores (one AMR pair a score)' + 'instead of a single document-level smatch score (Default: false)') + parser.add_argument('--pr', action='store_true', default=False, + help="Output precision and recall as well as the f-score. Default: false") + parser.add_argument('--justinstance', action='store_true', default=False, + help="just pay attention to matching instances") + parser.add_argument('--justattribute', action='store_true', default=False, + help="just pay attention to matching attributes") + parser.add_argument('--justrelation', action='store_true', default=False, + help="just pay attention to matching relations") + + return parser + + +def build_arg_parser2(): + """ + Build an argument parser using optparse. Use it when python version is 2.5 or 2.6. + + """ + usage_str = "Smatch calculator -- arguments" + parser = optparse.OptionParser(usage=usage_str) + parser.add_option("-f", "--files", nargs=2, dest="f", type="string", + help='Two files containing AMR pairs. AMRs in each file are ' \ + 'separated by a single blank line. This option is required.') + parser.add_option("-r", "--restart", dest="r", type="int", help='Restart number (Default: 4)') + parser.add_option('--significant', dest="significant", type="int", default=2, + help='significant digits to output (default: 2)') + parser.add_option("-v", "--verbose", action='store_true', dest="v", help='Verbose output (Default:False)') + parser.add_option("--vv", "--veryverbose", action='store_true', dest="vv", + help='Very Verbose output (Default:False)') + parser.add_option("--ms", "--multiple_score", action='store_true', dest="ms", + help='Output multiple scores (one AMR pair a score) instead of ' \ + 'a single document-level smatch score (Default: False)') + parser.add_option('--pr', "--precision_recall", action='store_true', dest="pr", + help="Output precision and recall as well as the f-score. Default: false") + parser.add_option('--justinstance', action='store_true', default=False, + help="just pay attention to matching instances") + parser.add_option('--justattribute', action='store_true', default=False, + help="just pay attention to matching attributes") + parser.add_option('--justrelation', action='store_true', default=False, + help="just pay attention to matching relations") + parser.set_defaults(r=4, v=False, ms=False, pr=False) + return parser + + +def get_best_match(instance1, attribute1, relation1, + instance2, attribute2, relation2, + prefix1, prefix2, doinstance=True, doattribute=True, dorelation=True): + """ + Get the highest triple match number between two sets of triples via hill-climbing. + Arguments: + instance1: instance triples of AMR 1 ("instance", node name, node value) + attribute1: attribute triples of AMR 1 (attribute name, node name, attribute value) + relation1: relation triples of AMR 1 (relation name, node 1 name, node 2 name) + instance2: instance triples of AMR 2 ("instance", node name, node value) + attribute2: attribute triples of AMR 2 (attribute name, node name, attribute value) + relation2: relation triples of AMR 2 (relation name, node 1 name, node 2 name) + prefix1: prefix label for AMR 1 + prefix2: prefix label for AMR 2 + Returns: + best_match: the node mapping that results in the highest triple matching number + best_match_num: the highest triple matching number + + """ + # Compute candidate pool - all possible node match candidates. + # In the hill-climbing, we only consider candidate in this pool to save computing time. + # weight_dict is a dictionary that maps a pair of node + (candidate_mappings, weight_dict) = compute_pool(instance1, attribute1, relation1, + instance2, attribute2, relation2, + prefix1, prefix2, doinstance=doinstance, doattribute=doattribute, + dorelation=dorelation) + if veryVerbose: + print("Candidate mappings:", file=DEBUG_LOG) + print(candidate_mappings, file=DEBUG_LOG) + print("Weight dictionary", file=DEBUG_LOG) + print(weight_dict, file=DEBUG_LOG) + + best_match_num = 0 + # initialize best match mapping + # the ith entry is the node index in AMR 2 which maps to the ith node in AMR 1 + best_mapping = [-1] * len(instance1) + for i in range(iteration_num): + if veryVerbose: + print("Iteration", i, file=DEBUG_LOG) + if i == 0: + # smart initialization used for the first round + cur_mapping = smart_init_mapping(candidate_mappings, instance1, instance2) + else: + # random initialization for the other round + cur_mapping = random_init_mapping(candidate_mappings) + # compute current triple match number + match_num = compute_match(cur_mapping, weight_dict) + if veryVerbose: + print("Node mapping at start", cur_mapping, file=DEBUG_LOG) + print("Triple match number at start:", match_num, file=DEBUG_LOG) + while True: + # get best gain + (gain, new_mapping) = get_best_gain(cur_mapping, candidate_mappings, weight_dict, + len(instance2), match_num) + if veryVerbose: + print("Gain after the hill-climbing", gain, file=DEBUG_LOG) + # hill-climbing until there will be no gain for new node mapping + if gain <= 0: + break + # otherwise update match_num and mapping + match_num += gain + cur_mapping = new_mapping[:] + if veryVerbose: + print("Update triple match number to:", match_num, file=DEBUG_LOG) + print("Current mapping:", cur_mapping, file=DEBUG_LOG) + if match_num > best_match_num: + best_mapping = cur_mapping[:] + best_match_num = match_num + return best_mapping, best_match_num + + +def normalize(item): + """ + lowercase and remove quote signifiers from items that are about to be compared + """ + item = item.rstrip("¦") + return item.lower().rstrip('_') + + +def compute_pool(instance1, attribute1, relation1, + instance2, attribute2, relation2, + prefix1, prefix2, doinstance=True, doattribute=True, dorelation=True): + """ + compute all possible node mapping candidates and their weights (the triple matching number gain resulting from + mapping one node in AMR 1 to another node in AMR2) + + Arguments: + instance1: instance triples of AMR 1 + attribute1: attribute triples of AMR 1 (attribute name, node name, attribute value) + relation1: relation triples of AMR 1 (relation name, node 1 name, node 2 name) + instance2: instance triples of AMR 2 + attribute2: attribute triples of AMR 2 (attribute name, node name, attribute value) + relation2: relation triples of AMR 2 (relation name, node 1 name, node 2 name + prefix1: prefix label for AMR 1 + prefix2: prefix label for AMR 2 + Returns: + candidate_mapping: a list of candidate nodes. + The ith element contains the node indices (in AMR 2) the ith node (in AMR 1) can map to. + (resulting in non-zero triple match) + weight_dict: a dictionary which contains the matching triple number for every pair of node mapping. The key + is a node pair. The value is another dictionary. key {-1} is triple match resulting from this node + pair alone (instance triples and attribute triples), and other keys are node pairs that can result + in relation triple match together with the first node pair. + + + """ + candidate_mapping = [] + weight_dict = {} + for instance1_item in instance1: + # each candidate mapping is a set of node indices + candidate_mapping.append(set()) + if doinstance: + for instance2_item in instance2: + # if both triples are instance triples and have the same value + if normalize(instance1_item[0]) == normalize(instance2_item[0]) and \ + normalize(instance1_item[2]) == normalize(instance2_item[2]): + # get node index by stripping the prefix + node1_index = int(instance1_item[1][len(prefix1):]) + node2_index = int(instance2_item[1][len(prefix2):]) + candidate_mapping[node1_index].add(node2_index) + node_pair = (node1_index, node2_index) + # use -1 as key in weight_dict for instance triples and attribute triples + if node_pair in weight_dict: + weight_dict[node_pair][-1] += 1 + else: + weight_dict[node_pair] = {} + weight_dict[node_pair][-1] = 1 + if doattribute: + for attribute1_item in attribute1: + for attribute2_item in attribute2: + # if both attribute relation triple have the same relation name and value + if normalize(attribute1_item[0]) == normalize(attribute2_item[0]) \ + and normalize(attribute1_item[2]) == normalize(attribute2_item[2]): + node1_index = int(attribute1_item[1][len(prefix1):]) + node2_index = int(attribute2_item[1][len(prefix2):]) + candidate_mapping[node1_index].add(node2_index) + node_pair = (node1_index, node2_index) + # use -1 as key in weight_dict for instance triples and attribute triples + if node_pair in weight_dict: + weight_dict[node_pair][-1] += 1 + else: + weight_dict[node_pair] = {} + weight_dict[node_pair][-1] = 1 + if dorelation: + for relation1_item in relation1: + for relation2_item in relation2: + # if both relation share the same name + if normalize(relation1_item[0]) == normalize(relation2_item[0]): + node1_index_amr1 = int(relation1_item[1][len(prefix1):]) + node1_index_amr2 = int(relation2_item[1][len(prefix2):]) + node2_index_amr1 = int(relation1_item[2][len(prefix1):]) + node2_index_amr2 = int(relation2_item[2][len(prefix2):]) + # add mapping between two nodes + candidate_mapping[node1_index_amr1].add(node1_index_amr2) + candidate_mapping[node2_index_amr1].add(node2_index_amr2) + node_pair1 = (node1_index_amr1, node1_index_amr2) + node_pair2 = (node2_index_amr1, node2_index_amr2) + if node_pair2 != node_pair1: + # update weight_dict weight. Note that we need to update both entries for future search + # i.e weight_dict[node_pair1][node_pair2] + # weight_dict[node_pair2][node_pair1] + if node1_index_amr1 > node2_index_amr1: + # swap node_pair1 and node_pair2 + node_pair1 = (node2_index_amr1, node2_index_amr2) + node_pair2 = (node1_index_amr1, node1_index_amr2) + if node_pair1 in weight_dict: + if node_pair2 in weight_dict[node_pair1]: + weight_dict[node_pair1][node_pair2] += 1 + else: + weight_dict[node_pair1][node_pair2] = 1 + else: + weight_dict[node_pair1] = {-1: 0, node_pair2: 1} + if node_pair2 in weight_dict: + if node_pair1 in weight_dict[node_pair2]: + weight_dict[node_pair2][node_pair1] += 1 + else: + weight_dict[node_pair2][node_pair1] = 1 + else: + weight_dict[node_pair2] = {-1: 0, node_pair1: 1} + else: + # two node pairs are the same. So we only update weight_dict once. + # this generally should not happen. + if node_pair1 in weight_dict: + weight_dict[node_pair1][-1] += 1 + else: + weight_dict[node_pair1] = {-1: 1} + return candidate_mapping, weight_dict + + +def smart_init_mapping(candidate_mapping, instance1, instance2): + """ + Initialize mapping based on the concept mapping (smart initialization) + Arguments: + candidate_mapping: candidate node match list + instance1: instance triples of AMR 1 + instance2: instance triples of AMR 2 + Returns: + initialized node mapping between two AMRs + + """ + random.seed() + matched_dict = {} + result = [] + # list to store node indices that have no concept match + no_word_match = [] + for i, candidates in enumerate(candidate_mapping): + if not candidates: + # no possible mapping + result.append(-1) + continue + # node value in instance triples of AMR 1 + value1 = instance1[i][2] + for node_index in candidates: + value2 = instance2[node_index][2] + # find the first instance triple match in the candidates + # instance triple match is having the same concept value + if value1 == value2: + if node_index not in matched_dict: + result.append(node_index) + matched_dict[node_index] = 1 + break + if len(result) == i: + no_word_match.append(i) + result.append(-1) + # if no concept match, generate a random mapping + for i in no_word_match: + candidates = list(candidate_mapping[i]) + while candidates: + # get a random node index from candidates + rid = random.randint(0, len(candidates) - 1) + candidate = candidates[rid] + if candidate in matched_dict: + candidates.pop(rid) + else: + matched_dict[candidate] = 1 + result[i] = candidate + break + return result + + +def random_init_mapping(candidate_mapping): + """ + Generate a random node mapping. + Args: + candidate_mapping: candidate_mapping: candidate node match list + Returns: + randomly-generated node mapping between two AMRs + + """ + # if needed, a fixed seed could be passed here to generate same random (to help debugging) + random.seed() + matched_dict = {} + result = [] + for c in candidate_mapping: + candidates = list(c) + if not candidates: + # -1 indicates no possible mapping + result.append(-1) + continue + found = False + while candidates: + # randomly generate an index in [0, length of candidates) + rid = random.randint(0, len(candidates) - 1) + candidate = candidates[rid] + # check if it has already been matched + if candidate in matched_dict: + candidates.pop(rid) + else: + matched_dict[candidate] = 1 + result.append(candidate) + found = True + break + if not found: + result.append(-1) + return result + + +def compute_match(mapping, weight_dict): + """ + Given a node mapping, compute match number based on weight_dict. + Args: + mappings: a list of node index in AMR 2. The ith element (value j) means node i in AMR 1 maps to node j in AMR 2. + Returns: + matching triple number + Complexity: O(m*n) , m is the node number of AMR 1, n is the node number of AMR 2 + + """ + # If this mapping has been investigated before, retrieve the value instead of re-computing. + if veryVerbose: + print("Computing match for mapping", file=DEBUG_LOG) + print(mapping, file=DEBUG_LOG) + if tuple(mapping) in match_triple_dict: + if veryVerbose: + print("saved value", match_triple_dict[tuple(mapping)], file=DEBUG_LOG) + return match_triple_dict[tuple(mapping)] + match_num = 0 + # i is node index in AMR 1, m is node index in AMR 2 + for i, m in enumerate(mapping): + if m == -1: + # no node maps to this node + continue + # node i in AMR 1 maps to node m in AMR 2 + current_node_pair = (i, m) + if current_node_pair not in weight_dict: + continue + if veryVerbose: + print("node_pair", current_node_pair, file=DEBUG_LOG) + for key in weight_dict[current_node_pair]: + if key == -1: + # matching triple resulting from instance/attribute triples + match_num += weight_dict[current_node_pair][key] + if veryVerbose: + print("instance/attribute match", weight_dict[current_node_pair][key], file=DEBUG_LOG) + # only consider node index larger than i to avoid duplicates + # as we store both weight_dict[node_pair1][node_pair2] and + # weight_dict[node_pair2][node_pair1] for a relation + elif key[0] < i: + continue + elif mapping[key[0]] == key[1]: + match_num += weight_dict[current_node_pair][key] + if veryVerbose: + print("relation match with", key, weight_dict[current_node_pair][key], file=DEBUG_LOG) + if veryVerbose: + print("match computing complete, result:", match_num, file=DEBUG_LOG) + # update match_triple_dict + match_triple_dict[tuple(mapping)] = match_num + return match_num + + +def move_gain(mapping, node_id, old_id, new_id, weight_dict, match_num): + """ + Compute the triple match number gain from the move operation + Arguments: + mapping: current node mapping + node_id: remapped node in AMR 1 + old_id: original node id in AMR 2 to which node_id is mapped + new_id: new node in to which node_id is mapped + weight_dict: weight dictionary + match_num: the original triple matching number + Returns: + the triple match gain number (might be negative) + + """ + # new node mapping after moving + new_mapping = (node_id, new_id) + # node mapping before moving + old_mapping = (node_id, old_id) + # new nodes mapping list (all node pairs) + new_mapping_list = mapping[:] + new_mapping_list[node_id] = new_id + # if this mapping is already been investigated, use saved one to avoid duplicate computing + if tuple(new_mapping_list) in match_triple_dict: + return match_triple_dict[tuple(new_mapping_list)] - match_num + gain = 0 + # add the triple match incurred by new_mapping to gain + if new_mapping in weight_dict: + for key in weight_dict[new_mapping]: + if key == -1: + # instance/attribute triple match + gain += weight_dict[new_mapping][-1] + elif new_mapping_list[key[0]] == key[1]: + # relation gain incurred by new_mapping and another node pair in new_mapping_list + gain += weight_dict[new_mapping][key] + # deduct the triple match incurred by old_mapping from gain + if old_mapping in weight_dict: + for k in weight_dict[old_mapping]: + if k == -1: + gain -= weight_dict[old_mapping][-1] + elif mapping[k[0]] == k[1]: + gain -= weight_dict[old_mapping][k] + # update match number dictionary + match_triple_dict[tuple(new_mapping_list)] = match_num + gain + return gain + + +def swap_gain(mapping, node_id1, mapping_id1, node_id2, mapping_id2, weight_dict, match_num): + """ + Compute the triple match number gain from the swapping + Arguments: + mapping: current node mapping list + node_id1: node 1 index in AMR 1 + mapping_id1: the node index in AMR 2 node 1 maps to (in the current mapping) + node_id2: node 2 index in AMR 1 + mapping_id2: the node index in AMR 2 node 2 maps to (in the current mapping) + weight_dict: weight dictionary + match_num: the original matching triple number + Returns: + the gain number (might be negative) + + """ + new_mapping_list = mapping[:] + # Before swapping, node_id1 maps to mapping_id1, and node_id2 maps to mapping_id2 + # After swapping, node_id1 maps to mapping_id2 and node_id2 maps to mapping_id1 + new_mapping_list[node_id1] = mapping_id2 + new_mapping_list[node_id2] = mapping_id1 + if tuple(new_mapping_list) in match_triple_dict: + return match_triple_dict[tuple(new_mapping_list)] - match_num + gain = 0 + new_mapping1 = (node_id1, mapping_id2) + new_mapping2 = (node_id2, mapping_id1) + old_mapping1 = (node_id1, mapping_id1) + old_mapping2 = (node_id2, mapping_id2) + if node_id1 > node_id2: + new_mapping2 = (node_id1, mapping_id2) + new_mapping1 = (node_id2, mapping_id1) + old_mapping1 = (node_id2, mapping_id2) + old_mapping2 = (node_id1, mapping_id1) + if new_mapping1 in weight_dict: + for key in weight_dict[new_mapping1]: + if key == -1: + gain += weight_dict[new_mapping1][-1] + elif new_mapping_list[key[0]] == key[1]: + gain += weight_dict[new_mapping1][key] + if new_mapping2 in weight_dict: + for key in weight_dict[new_mapping2]: + if key == -1: + gain += weight_dict[new_mapping2][-1] + # to avoid duplicate + elif key[0] == node_id1: + continue + elif new_mapping_list[key[0]] == key[1]: + gain += weight_dict[new_mapping2][key] + if old_mapping1 in weight_dict: + for key in weight_dict[old_mapping1]: + if key == -1: + gain -= weight_dict[old_mapping1][-1] + elif mapping[key[0]] == key[1]: + gain -= weight_dict[old_mapping1][key] + if old_mapping2 in weight_dict: + for key in weight_dict[old_mapping2]: + if key == -1: + gain -= weight_dict[old_mapping2][-1] + # to avoid duplicate + elif key[0] == node_id1: + continue + elif mapping[key[0]] == key[1]: + gain -= weight_dict[old_mapping2][key] + match_triple_dict[tuple(new_mapping_list)] = match_num + gain + return gain + + +def get_best_gain(mapping, candidate_mappings, weight_dict, instance_len, cur_match_num): + """ + Hill-climbing method to return the best gain swap/move can get + Arguments: + mapping: current node mapping + candidate_mappings: the candidates mapping list + weight_dict: the weight dictionary + instance_len: the number of the nodes in AMR 2 + cur_match_num: current triple match number + Returns: + the best gain we can get via swap/move operation + + """ + largest_gain = 0 + # True: using swap; False: using move + use_swap = True + # the node to be moved/swapped + node1 = None + # store the other node affected. In swap, this other node is the node swapping with node1. In move, this other + # node is the node node1 will move to. + node2 = None + # unmatched nodes in AMR 2 + unmatched = set(range(instance_len)) + # exclude nodes in current mapping + # get unmatched nodes + for nid in mapping: + if nid in unmatched: + unmatched.remove(nid) + for i, nid in enumerate(mapping): + # current node i in AMR 1 maps to node nid in AMR 2 + for nm in unmatched: + if nm in candidate_mappings[i]: + # remap i to another unmatched node (move) + # (i, m) -> (i, nm) + if veryVerbose: + print("Remap node", i, "from ", nid, "to", nm, file=DEBUG_LOG) + mv_gain = move_gain(mapping, i, nid, nm, weight_dict, cur_match_num) + if veryVerbose: + print("Move gain:", mv_gain, file=DEBUG_LOG) + new_mapping = mapping[:] + new_mapping[i] = nm + new_match_num = compute_match(new_mapping, weight_dict) + if new_match_num != cur_match_num + mv_gain: + print(mapping, new_mapping, file=ERROR_LOG) + print("Inconsistency in computing: move gain", cur_match_num, mv_gain, new_match_num, + file=ERROR_LOG) + if mv_gain > largest_gain: + largest_gain = mv_gain + node1 = i + node2 = nm + use_swap = False + # compute swap gain + for i, m in enumerate(mapping): + for j in range(i + 1, len(mapping)): + m2 = mapping[j] + # swap operation (i, m) (j, m2) -> (i, m2) (j, m) + # j starts from i+1, to avoid duplicate swap + if veryVerbose: + print("Swap node", i, "and", j, file=DEBUG_LOG) + print("Before swapping:", i, "-", m, ",", j, "-", m2, file=DEBUG_LOG) + print(mapping, file=DEBUG_LOG) + print("After swapping:", i, "-", m2, ",", j, "-", m, file=DEBUG_LOG) + sw_gain = swap_gain(mapping, i, m, j, m2, weight_dict, cur_match_num) + if veryVerbose: + print("Swap gain:", sw_gain, file=DEBUG_LOG) + new_mapping = mapping[:] + new_mapping[i] = m2 + new_mapping[j] = m + print(new_mapping, file=DEBUG_LOG) + new_match_num = compute_match(new_mapping, weight_dict) + if new_match_num != cur_match_num + sw_gain: + print(mapping, new_mapping, file=ERROR_LOG) + print("Inconsistency in computing: swap gain", cur_match_num, sw_gain, new_match_num, + file=ERROR_LOG) + if sw_gain > largest_gain: + largest_gain = sw_gain + node1 = i + node2 = j + use_swap = True + # generate a new mapping based on swap/move + cur_mapping = mapping[:] + if node1 is not None: + if use_swap: + if veryVerbose: + print("Use swap gain", file=DEBUG_LOG) + temp = cur_mapping[node1] + cur_mapping[node1] = cur_mapping[node2] + cur_mapping[node2] = temp + else: + if veryVerbose: + print("Use move gain", file=DEBUG_LOG) + cur_mapping[node1] = node2 + else: + if veryVerbose: + print("no move/swap gain found", file=DEBUG_LOG) + if veryVerbose: + print("Original mapping", mapping, file=DEBUG_LOG) + print("Current mapping", cur_mapping, file=DEBUG_LOG) + return largest_gain, cur_mapping + + +def print_alignment(mapping, instance1, instance2): + """ + print the alignment based on a node mapping + Args: + mapping: current node mapping list + instance1: nodes of AMR 1 + instance2: nodes of AMR 2 + + """ + result = [] + for instance1_item, m in zip(instance1, mapping): + r = instance1_item[1] + "(" + instance1_item[2] + ")" + if m == -1: + r += "-Null" + else: + instance2_item = instance2[m] + r += "-" + instance2_item[1] + "(" + instance2_item[2] + ")" + result.append(r) + return " ".join(result) + + +def compute_f(match_num, test_num, gold_num): + """ + Compute the f-score based on the matching triple number, + triple number of AMR set 1, + triple number of AMR set 2 + Args: + match_num: matching triple number + test_num: triple number of AMR 1 (test file) + gold_num: triple number of AMR 2 (gold file) + Returns: + precision: match_num/test_num + recall: match_num/gold_num + f_score: 2*precision*recall/(precision+recall) + """ + if test_num == 0 or gold_num == 0: + return 0.00, 0.00, 0.00 + precision = float(match_num) / float(test_num) + recall = float(match_num) / float(gold_num) + if (precision + recall) != 0: + f_score = 2 * precision * recall / (precision + recall) + if veryVerbose: + print("F-score:", f_score, file=DEBUG_LOG) + return precision, recall, f_score + else: + if veryVerbose: + print("F-score:", "0.0", file=DEBUG_LOG) + return precision, recall, 0.00 + + +def generate_amr_lines(f1, f2): + """ + Read one AMR line at a time from each file handle + :param f1: file handle (or any iterable of strings) to read AMR 1 lines from + :param f2: file handle (or any iterable of strings) to read AMR 2 lines from + :return: generator of cur_amr1, cur_amr2 pairs: one-line AMR strings + """ + while True: + cur_amr1 = amr.AMR.get_amr_line(f1) + cur_amr2 = amr.AMR.get_amr_line(f2) + if not cur_amr1 and not cur_amr2: + pass + elif not cur_amr1: + print("Error: File 1 has less AMRs than file 2", file=ERROR_LOG) + print("Ignoring remaining AMRs", file=ERROR_LOG) + elif not cur_amr2: + print("Error: File 2 has less AMRs than file 1", file=ERROR_LOG) + print("Ignoring remaining AMRs", file=ERROR_LOG) + else: + yield cur_amr1, cur_amr2 + continue + break + + +def get_amr_match(cur_amr1, cur_amr2, sent_num=1, justinstance=False, justattribute=False, justrelation=False, + limit = None, + instance1 = None, attributes1 = None, relation1 = None, prefix1 = None, + instance2 = None, attributes2 = None, relation2 = None, prefix2 = None): + global iteration_num + if limit is not None: iteration_num = limit + if cur_amr1 and cur_amr2: + amr_pair = [] + for i, cur_amr in (1, cur_amr1), (2, cur_amr2): + try: + amr_pair.append(amr.AMR.parse_AMR_line(cur_amr)) + except Exception as e: + print("Error in parsing amr %d: %s" % (i, cur_amr), file=ERROR_LOG) + print("Please check if the AMR is ill-formatted. Ignoring remaining AMRs", file=ERROR_LOG) + print("Error message: %s" % e, file=ERROR_LOG) + amr1, amr2 = amr_pair + prefix1 = "a" + prefix2 = "b" + # Rename node to "a1", "a2", .etc + amr1.rename_node(prefix1) + # Renaming node to "b1", "b2", .etc + amr2.rename_node(prefix2) + (instance1, attributes1, relation1) = amr1.get_triples() + (instance2, attributes2, relation2) = amr2.get_triples() + if verbose: + print("AMR pair", sent_num, file=DEBUG_LOG) + print("============================================", file=DEBUG_LOG) + print("AMR 1 (one-line):", cur_amr1, file=DEBUG_LOG) + print("AMR 2 (one-line):", cur_amr2, file=DEBUG_LOG) + print("Instance triples of AMR 1:", len(instance1), file=DEBUG_LOG) + print(instance1, file=DEBUG_LOG) + print("Attribute triples of AMR 1:", len(attributes1), file=DEBUG_LOG) + print(attributes1, file=DEBUG_LOG) + print("Relation triples of AMR 1:", len(relation1), file=DEBUG_LOG) + print(relation1, file=DEBUG_LOG) + print("Instance triples of AMR 2:", len(instance2), file=DEBUG_LOG) + print(instance2, file=DEBUG_LOG) + print("Attribute triples of AMR 2:", len(attributes2), file=DEBUG_LOG) + print(attributes2, file=DEBUG_LOG) + print("Relation triples of AMR 2:", len(relation2), file=DEBUG_LOG) + print(relation2, file=DEBUG_LOG) + # optionally turn off some of the node comparison + doinstance = doattribute = dorelation = True + if justinstance: + doattribute = dorelation = False + if justattribute: + doinstance = dorelation = False + if justrelation: + doinstance = doattribute = False + (best_mapping, best_match_num) = get_best_match(instance1, attributes1, relation1, + instance2, attributes2, relation2, + prefix1, prefix2, doinstance=doinstance, + doattribute=doattribute, dorelation=dorelation) + if verbose: + print("best match number", best_match_num, file=DEBUG_LOG) + print("best node mapping", best_mapping, file=DEBUG_LOG) + print("Best node mapping alignment:", print_alignment(best_mapping, instance1, instance2), file=DEBUG_LOG) + if justinstance: + test_triple_num = len(instance1) + gold_triple_num = len(instance2) + elif justattribute: + test_triple_num = len(attributes1) + gold_triple_num = len(attributes2) + elif justrelation: + test_triple_num = len(relation1) + gold_triple_num = len(relation2) + else: + test_triple_num = len(instance1) + len(attributes1) + len(relation1) + gold_triple_num = len(instance2) + len(attributes2) + len(relation2) + match_triple_dict.clear() + return best_match_num, test_triple_num, gold_triple_num + + +def score_amr_pairs(f1, f2, justinstance=False, justattribute=False, justrelation=False): + """ + Score one pair of AMR lines at a time from each file handle + :param f1: file handle (or any iterable of strings) to read AMR 1 lines from + :param f2: file handle (or any iterable of strings) to read AMR 2 lines from + :param justinstance: just pay attention to matching instances + :param justattribute: just pay attention to matching attributes + :param justrelation: just pay attention to matching relations + :return: generator of cur_amr1, cur_amr2 pairs: one-line AMR strings + """ + # matching triple number, triple number in test file, triple number in gold file + total_match_num = total_test_num = total_gold_num = 0 + # Read amr pairs from two files + for sent_num, (cur_amr1, cur_amr2) in enumerate(generate_amr_lines(f1, f2), start=1): + best_match_num, test_triple_num, gold_triple_num = get_amr_match(cur_amr1, cur_amr2, + sent_num=sent_num, # sentence number + justinstance=justinstance, + justattribute=justattribute, + justrelation=justrelation) + total_match_num += best_match_num + total_test_num += test_triple_num + total_gold_num += gold_triple_num + # clear the matching triple dictionary for the next AMR pair + match_triple_dict.clear() + if not single_score: # if each AMR pair should have a score, compute and output it here + yield compute_f(best_match_num, test_triple_num, gold_triple_num) + if verbose: + print("Total match number, total triple number in AMR 1, and total triple number in AMR 2:", file=DEBUG_LOG) + print(total_match_num, total_test_num, total_gold_num, file=DEBUG_LOG) + print("---------------------------------------------------------------------------------", file=DEBUG_LOG) + if single_score: # output document-level smatch score (a single f-score for all AMR pairs in two files) + yield compute_f(total_match_num, total_test_num, total_gold_num) + + +def main(arguments): + """ + Main function of smatch score calculation + """ + global verbose + global veryVerbose + global iteration_num + global single_score + global pr_flag + global match_triple_dict + # set the iteration number + # total iteration number = restart number + 1 + iteration_num = arguments.r + 1 + if arguments.ms: + single_score = False + if arguments.v: + verbose = True + if arguments.vv: + veryVerbose = True + if arguments.pr: + pr_flag = True + # significant digits to print out + floatdisplay = "%%.%df" % arguments.significant + for (precision, recall, best_f_score) in score_amr_pairs(args.f[0], args.f[1], + justinstance=arguments.justinstance, + justattribute=arguments.justattribute, + justrelation=arguments.justrelation): + # print("Sentence", sent_num) + if pr_flag: + print("Precision: " + floatdisplay % precision) + print("Recall: " + floatdisplay % recall) + print("F-score: " + floatdisplay % best_f_score) + args.f[0].close() + args.f[1].close() + + +if __name__ == "__main__": + parser = None + args = None + # use optparse if python version is 2.5 or 2.6 + if sys.version_info[0] == 2 and sys.version_info[1] < 7: + import optparse + + if len(sys.argv) == 1: + print("No argument given. Please run smatch.py -h to see the argument description.", file=ERROR_LOG) + exit(1) + parser = build_arg_parser2() + (args, opts) = parser.parse_args() + file_handle = [] + if args.f is None: + print("smatch.py requires -f option to indicate two files \ + containing AMR as input. Please run smatch.py -h to \ + see the argument description.", file=ERROR_LOG) + exit(1) + # assert there are 2 file names following -f. + assert (len(args.f) == 2) + for file_path in args.f: + if not os.path.exists(file_path): + print("Given file", args.f[0], "does not exist", file=ERROR_LOG) + exit(1) + file_handle.append(open(file_path)) + # use opened files + args.f = tuple(file_handle) + # use argparse if python version is 2.7 or later + else: + import argparse + + parser = build_arg_parser() + args = parser.parse_args() + main(args) diff --git a/mtool/score/sdp.py b/mtool/score/sdp.py new file mode 100644 index 0000000000000000000000000000000000000000..ec0212a21d6869eb6385031c9f808d14bda40463 --- /dev/null +++ b/mtool/score/sdp.py @@ -0,0 +1,147 @@ +# Marco Kuhlmann + +import sys + +from score.core import anchor, intersect; + +class Measure(object): + + def __init__(self, get_items): + self.get_items = get_items + self.g = 0 + self.s = 0 + self.c = 0 + self.n_updates = 0 + self.n_matches = 0 + + def update(self, gold, system, gidentities, sidentities, trace = 0): + g_items = set(self.get_items(gold, gidentities)) + s_items = set(self.get_items(system, sidentities)) + self.g += len(g_items) + self.s += len(s_items) + self.c += len(g_items & s_items) + self.n_updates += 1 + self.n_matches += g_items == s_items + if trace: + return {"g": len(g_items), "s": len(s_items), + "c": len(g_items & s_items), "m": 1 if g_items == s_items else 0}; + + def p(self): + return self.c / self.s if self.s != 0 else 0.0 + + def r(self): + return self.c / self.g if self.g != 0 else 0.0 + + def f(self): + p = self.p() + r = self.r() + return 2 * p * r / (p + r) if p + r != 0 else 0.0 + + def m(self): + return self.n_matches / self.n_updates if self.n_updates != 0 else 0.0 + + def report(self): + json = {} + json["g"] = self.g + json["s"] = self.s + json["c"] = self.c + json["p"] = self.p() + json["r"] = self.r() + json["f"] = self.f() + json["m"] = self.m() + return json + +# def argument_predicate_dm(label): +# return True + +# def argument_predicate_pas(label): +# arguments = set("adj_ARG1 adj_ARG2 adj_MOD coord_ARG1 coord_ARG2 prep_ARG1 prep_ARG2 prep_ARG3 prep_MOD verb_ARG1 verb_ARG2 verb_ARG3 verb_ARG4 verb_MOD".split()) +# return label in arguments + +# def argument_predicate_psd(label): +# return label.endswith("-arg") + +class Scorer(object): + + def __init__(self, include_virtual=True): + self.measures = [] + self.measures.append(("labeled", Measure(self.get_itemsL))) + self.measures.append(("unlabeled", Measure(self.get_itemsU))) + # self.measureP = Measure(self.get_itemsP) + # self.measureF = Measure(self.get_itemsF) + # self.measureS = Measure(self.get_itemsS) + self.include_virtual = include_virtual + + def identify(self, id): + return self.identities[id] + + def get_itemsL(self, graph, identities): + result = {(identities[e.src], identities[e.tgt], e.lab) for e in graph.edges} + if self.include_virtual: + for node in graph.nodes: + if node.is_top: + result.add((-1, identities[node.id], None)) + return result + + def get_itemsU(self, graph, identities): + result = {(identities[e.src], identities[e.tgt]) for e in graph.edges} + if self.include_virtual: + for node in graph.nodes: + if node.is_top: + result.add((-1, identities[node.id])) + return result + + # def get_itemsP(self, graph): + # return {(frame[0], frame[2]) for frame in self.get_itemsF(graph)} + + # def get_itemsF(self, graph): + # result = set() + # for node in graph.nodes: + # if self.has_scorable_predicate(node): + # arguments = set() + # for edge in node.outgoing_edges: + # if self.argument_predicate(edge.lab): + # arguments.add(edge) + # extract = (node.id, node.sense, tuple(sorted(arguments))) + # result.add(extract) + # return result + + # def get_itemsS(self, graph): + # return {(frame[0], frame[1]) for frame in self.get_itemsF(graph)} + + # def argument_predicate(self, label): + # return True + + # def has_scorable_predicate(self, node): + # return node.pred and node.pos.startswith("V") + + # def show_predications(self, g): + # print(g.id) + # report_predications(self.complete_predications(g)) + + def update(self, g, s, trace): + gidentities = {node.id: tuple(anchor(node)) for node in g.nodes} + sidentities = {node.id: tuple(anchor(node)) for node in s.nodes} + scores = dict(); + for key, measure in self.measures: + score = measure.update(g, s, gidentities, sidentities, trace) + if trace: scores[key] = score; + return scores; + + def report(self, n, scores = None): + json = {"n": n} + for info, measure in self.measures: + json[info] = measure.report() + if scores is not None: json["scores"] = scores + return json + +def evaluate(gold, system, format = "json", trace = 0): + scorer = Scorer(include_virtual=True) + n = 0 + scores = dict() if trace else None + for g, s in intersect(gold, system): + score = scorer.update(g, s, trace) + n += 1 + if trace: scores[g.id] = score + result = scorer.report(n, scores) + return result diff --git a/mtool/score/smatch.py b/mtool/score/smatch.py new file mode 100755 index 0000000000000000000000000000000000000000..e0361923de5bd68bfd8ef7f1453be67c7f4e0f69 --- /dev/null +++ b/mtool/score/smatch.py @@ -0,0 +1,102 @@ +import sys; + +import score.core; +from smatch.smatch import get_amr_match; + +def tuples(graph, prefix, values, faith = True): + # + # mimicry of get_triples() in amr.py + # + id = 0; + mapping = dict(); + instances = []; + relations = []; + attributes = []; + n = 0; + for node in graph.nodes: + mapping[node.id] = name = prefix + str(id); + id += 1; + if "anchors" in values and node.anchors is not None: + anchor = score.core.anchor(node); + if graph.input: anchor = score.core.explode(graph.input, anchor); + attributes.append(("anchor", name, str(anchor))); + if "labels" in values and node.label is not None: + instance = node.label; + else: + instance = "__()_{}__".format(prefix, n); + n += 1; + instances.append(("instance", name, instance)); + if "tops" in values and node.is_top: + # + # the native SMATCH code (wrongly, i believe) ties the top property to + # the node label (see https://github.com/cfmrp/mtool/issues/12). we get + # to choose whether to faithfully replicate those scores or not. + # + attributes.append(("TOP", name, + node.label if node.label and faith else "")); + if "properties" in values and node.properties and node.values: + for property, value in zip(node.properties, node.values): + attributes.append((property, name, value)); + for edge in graph.edges: + if "edges" in values: + relations.append((edge.lab, mapping[edge.src], mapping[edge.tgt])); + if "attributes" in values: + if edge.attributes and edge.values: + for attribute, value in zip(edge.attributes, edge.values): + relations.append((str((attribute, value)), + mapping[edge.src], mapping[edge.tgt])); + return instances, attributes, relations, n; + +def smatch(gold, system, limit = 20, values = {}, trace = 0, faith = True): + gprefix = "g"; sprefix = "s"; + ginstances, gattributes, grelations, gn \ + = tuples(gold, gprefix, values, faith); + sinstances, sattributes, srelations, sn \ + = tuples(system, sprefix, values, faith); + if trace > 1: + print("gold instances [{}]: {}\ngold attributes [{}]: {}\n" + "gold relations [{}]: {}" + "".format(len(ginstances), ginstances, + len(gattributes), gattributes, + len(grelations), grelations), + file = sys.stderr); + print("system instances [{}]: {}\nsystem attributes [{}]: {}\n" + "system relations [{}]: {}" + "".format(len(sinstances), sinstances, + len(sattributes), sattributes, + len(srelations), srelations), + file = sys.stderr); + correct, gold, system, mapping \ + = get_amr_match(None, None, gold.id, limit = limit, + instance1 = ginstances, attributes1 = gattributes, + relation1 = grelations, prefix1 = gprefix, + instance2 = sinstances, attributes2 = sattributes, + relation2 = srelations, prefix2 = sprefix); + return correct, gold - gn, system - sn, mapping; + +def evaluate(golds, systems, format = "json", limit = 20, + values = {}, trace = 0): + if limit is None or not limit > 0: limit = 20; + if trace > 1: print("RRHC limit: {}".format(limit), file = sys.stderr); + tg = ts = tc = n = 0; + scores = dict() if trace else None; + for gold, system in score.core.intersect(golds, systems): + id = gold.id; + correct, gold, system, mapping \ + = smatch(gold, system, limit, values, trace); + tg += gold; ts += system; tc += correct; + n += 1; + if trace: + if id in scores: + print("smatch.evaluate(): duplicate graph identifier: {}" + "".format(id), file = sys.stderr); + scores[id] = {"g": gold, "s": system, "c": correct}; + if trace > 1: + p, r, f = score.core.fscore(gold, system, correct); + print("G: {}; S: {}; C: {}; P: {}; R: {}; F: {}" + "".format(gold, system, correct, p, r, f), file = sys.stderr); + + p, r, f = score.core.fscore(tg, ts, tc); + result = {"n": n, "g": tg, "s": ts, "c": tc, "p": p, "r": r, "f": f}; + if trace: result["scores"] = scores; + return result; diff --git a/mtool/score/ucca.py b/mtool/score/ucca.py new file mode 100644 index 0000000000000000000000000000000000000000..937363a4d84dce4d2754de756c0062889cb4d244 --- /dev/null +++ b/mtool/score/ucca.py @@ -0,0 +1,110 @@ +import sys +from operator import itemgetter; + +from score.core import anchor, explode, intersect, fscore; + + +def identify(graph, node, anchors = None, dominated = None, recursion = False): + # + # from how this ends up being called in various places, there is a missing + # higher-level interface; something like (maybe even as a Graph method): + # + # identities = identify(graph, walk = True, explode = True) + # + if dominated is None: + dominated = dict() + if node not in dominated: dominated[node] = node_dominated = set() + else: node_dominated = dominated[node] + if anchors is None: + anchors = dict(); + elif node in anchors: + return anchors, dominated; + anchors[node] = node_anchors = anchor(graph.find_node(node)); + for edge in graph.edges: + if edge.attributes is None or "remote" not in edge.attributes: + if node == edge.src: + identify(graph, edge.tgt, anchors, dominated, True); + for leaf in anchors[edge.tgt]: + if leaf not in node_anchors: node_anchors.append(leaf); + node_dominated.add(edge.tgt) + node_dominated |= dominated[edge.tgt] + if not recursion: + anchors = {key: tuple(sorted(value, key = itemgetter(0, 1))) + for key, value in anchors.items()} + return anchors, dominated; + +def tuples(graph): + identities = dict(); + for node in graph.nodes: + identities, _ = identify(graph, node.id, identities); + # + # for robust comparison, represent each yield as a character set + # + if graph.input: + for id in identities: + identities[id] = explode(graph.input, identities[id]); + lprimary = set(); + lremote = set(); + uprimary = set(); + uremote = set(); + for edge in graph.edges: + source = identities[edge.src]; + target = identities[edge.tgt]; + if edge.attributes and "remote" in edge.attributes: + lremote.add((source, target, edge.lab)); + uremote.add((source, target)); + else: + lprimary.add((source, target, edge.lab)); + uprimary.add((source, target)); + return lprimary, lremote, uprimary, uremote; + +def evaluate(golds, systems, format = "json", trace = 0): + tglp = tslp = tclp = 0; + tgup = tsup = tcup = 0; + tglr = tslr = tclr = 0; + tgur = tsur = tcur = 0; + tp = tr = 0; + scores = dict() if trace else None; + result = {"n": 0, "labeled": dict(), "unlabeled": dict()}; + + for gold, system in intersect(golds, systems): + glprimary, glremote, guprimary, guremote = tuples(gold); + slprimary, slremote, suprimary, suremote = tuples(system); + glp = len(glprimary); slp = len(slprimary); + clp = len(glprimary & slprimary); + gup = len(guprimary); sup = len(suprimary); + cup = len(guprimary & suprimary); + glr = len(glremote); slr = len(slremote); + clr = len(glremote & slremote); + gur = len(guremote); sur = len(suremote); + cur = len(guremote & suremote); + tglp += glp; tslp += slp; tclp += clp; + tgup += gup; tsup += sup; tcup += cup; + tglr += glr; tslr += slr; tclr += clr; + tgur += gur; tsur += sur; tcur += cur; + result["n"] += 1; + if trace: + if gold.id in scores: + print("ucca.evaluate(): duplicate graph identifier: {}" + "".format(gold.id), file = sys.stderr); + score = {"labeled": dict(), "unlabeled": dict()}; + score["labeled"]["primary"] = {"g": glp, "s": slp, "c": clp}; + score["labeled"]["remote"] = {"g": glr, "s": slr, "c": clr}; + score["unlabeled"]["primary"] = {"g": gup, "s": sup, "c": cup}; + score["unlabeled"]["remote"] = {"g": gur, "s": sur, "c": cur}; + scores[gold.id] = score; + if trace > 1: print("{}: {}".format(gold.id, score)); + p, r, f = fscore(tglp, tslp, tclp); + result["labeled"]["primary"] = \ + {"g": tglp, "s": tslp, "c": tclp, "p": p, "r": r, "f": f}; + p, r, f = fscore(tglr, tslr, tclr); + result["labeled"]["remote"] = \ + {"g": tglr, "s": tslr, "c": tclr, "p": p, "r": r, "f": f}; + p, r, f = fscore(tgup, tsup, tcup); + result["unlabeled"]["primary"] = \ + {"g": tgup, "s": tsup, "c": tcup, "p": p, "r": r, "f": f}; + p, r, f = fscore(tgur, tsur, tcur); + result["unlabeled"]["remote"] = \ + {"g": tgur, "s": tsur, "c": tcur, "p": p, "r": r, "f": f}; + if trace: result["scores"] = scores; + return result; diff --git a/mtool/setup.py b/mtool/setup.py new file mode 100644 index 0000000000000000000000000000000000000000..c314c4e3b60fb3bb1b64df99a26329dffe7ac1d5 --- /dev/null +++ b/mtool/setup.py @@ -0,0 +1,42 @@ +import setuptools + +with open("README.md", "r") as fh: + long_description = fh.read() + + +exec(open('version.py').read()) +release = __version__ +version = '.'.join(release.split('.')[:2]) + + +setuptools.setup( + name="mtool", + version="0.0.1", + author="Stephan Oepen , Marco Kuhlmann , " + "Daniel Hershcovich , Tim O'Gorman ", + author_email="mrp-organizers@nlpl.eu", + description="The Swiss Army Knife of Meaning Representation", + long_description=long_description, + long_description_content_type="text/markdown", + url="https://github.com/cfmrp/mtool", + packages=setuptools.find_packages(), + py_modules=["graph", "analyzer", "inspector", "treewidth", 'main', 'version'], + license='LGPL-3.0', + install_requires=[ + 'numpy', + ], + entry_points = { + 'console_scripts': ['mtool=main:main'], + }, + classifiers=[ + "Environment :: Console", + "Development Status :: 4 - Beta", + "Intended Audience :: Developers", + "Intended Audience :: Education", + "Intended Audience :: Science/Research", + "Operating System :: OS Independent", + "Programming Language :: Python :: 3", + "Topic :: Scientific/Engineering :: Artificial Intelligence", + "Topic :: Scientific/Engineering :: Information Analysis" + ] +) diff --git a/mtool/smatch/LICENSE.txt b/mtool/smatch/LICENSE.txt new file mode 100644 index 0000000000000000000000000000000000000000..d1973c1600dddbf7977d6f2fb26dd16ed965022d --- /dev/null +++ b/mtool/smatch/LICENSE.txt @@ -0,0 +1,7 @@ +Copyright (C) 2015 Shu Cai and Kevin Knight + +Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: + +The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. + +THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. diff --git a/mtool/smatch/README.md b/mtool/smatch/README.md new file mode 100644 index 0000000000000000000000000000000000000000..9789e6fcd00a07b69ed9b7c454fea573fdb95787 --- /dev/null +++ b/mtool/smatch/README.md @@ -0,0 +1,7 @@ +# Smatch (semantic match) tool + +This is source code of [smatch](http://amr.isi.edu/evaluation.html), an evaluation tool for AMR (Abstract Meaning Representation). + +The code here is based on [Shu Cai](https://github.com/snowblink14)'s [smatch v1.0.2](https://github.com/danielhers/smatch/tree/1.0.2), with some changes to allow programmatic usage. + +More details and updates about AMR and smatch can be found in USC/ISI's AMR site: http://amr.isi.edu/index.html diff --git a/mtool/smatch/__init__.py b/mtool/smatch/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/mtool/smatch/amr.py b/mtool/smatch/amr.py new file mode 100755 index 0000000000000000000000000000000000000000..cc54bd16cd2c8ddcbd3fd145fb561b42693ad5ee --- /dev/null +++ b/mtool/smatch/amr.py @@ -0,0 +1,440 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + +""" +AMR (Abstract Meaning Representation) structure +For detailed description of AMR, see http://www.isi.edu/natural-language/amr/a.pdf + +""" + +from __future__ import print_function +from collections import defaultdict +import sys + +# change this if needed +ERROR_LOG = sys.stderr + +# change this if needed +DEBUG_LOG = sys.stderr + + +class AMR(object): + """ + AMR is a rooted, labeled graph to represent semantics. + This class has the following members: + nodes: list of node in the graph. Its ith element is the name of the ith node. For example, a node name + could be "a1", "b", "g2", .etc + node_values: list of node labels (values) of the graph. Its ith element is the value associated with node i in + nodes list. In AMR, such value is usually a semantic concept (e.g. "boy", "want-01") + root: root node name + relations: list of edges connecting two nodes in the graph. Each entry is a link between two nodes, i.e. a triple + . In AMR, such link denotes the relation between two semantic + concepts. For example, "arg0" means that one of the concepts is the 0th argument of the other. + attributes: list of edges connecting a node to an attribute name and its value. For example, if the polarity of + some node is negative, there should be an edge connecting this node and "-". A triple < attribute name, + node name, attribute value> is used to represent such attribute. It can also be viewed as a relation. + + """ + def __init__(self, node_list=None, node_value_list=None, relation_list=None, attribute_list=None): + """ + node_list: names of nodes in AMR graph, e.g. "a11", "n" + node_value_list: values of nodes in AMR graph, e.g. "group" for a node named "g" + relation_list: list of relations between two nodes + attribute_list: list of attributes (links between one node and one constant value) + + """ + # initialize AMR graph nodes using list of nodes name + # root, by default, is the first in var_list + + if node_list is None: + self.nodes = [] + self.root = None + else: + self.nodes = node_list[:] + if len(node_list) != 0: + self.root = node_list[0] + else: + self.root = None + if node_value_list is None: + self.node_values = [] + else: + self.node_values = node_value_list[:] + if relation_list is None: + self.relations = [] + else: + self.relations = relation_list[:] + if attribute_list is None: + self.attributes = [] + else: + self.attributes = attribute_list[:] + + def rename_node(self, prefix): + """ + Rename AMR graph nodes to prefix + node_index to avoid nodes with the same name in two different AMRs. + + """ + node_map_dict = {} + # map each node to its new name (e.g. "a1") + for i in range(0, len(self.nodes)): + node_map_dict[self.nodes[i]] = prefix + str(i) + # update node name + for i, v in enumerate(self.nodes): + self.nodes[i] = node_map_dict[v] + # update node name in relations + for node_relations in self.relations: + for i, l in enumerate(node_relations): + node_relations[i][1] = node_map_dict[l[1]] + + def get_triples(self): + """ + Get the triples in three lists. + instance_triple: a triple representing an instance. E.g. instance(w, want-01) + attribute triple: relation of attributes, e.g. polarity(w, - ) + and relation triple, e.g. arg0 (w, b) + + """ + instance_triple = [] + relation_triple = [] + attribute_triple = [] + for i in range(len(self.nodes)): + instance_triple.append(("instance", self.nodes[i], self.node_values[i])) + # l[0] is relation name + # l[1] is the other node this node has relation with + for l in self.relations[i]: + relation_triple.append((l[0], self.nodes[i], l[1])) + # l[0] is the attribute name + # l[1] is the attribute value + for l in self.attributes[i]: + attribute_triple.append((l[0], self.nodes[i], l[1])) + return instance_triple, attribute_triple, relation_triple + + + def get_triples2(self): + """ + Get the triples in two lists: + instance_triple: a triple representing an instance. E.g. instance(w, want-01) + relation_triple: a triple representing all relations. E.g arg0 (w, b) or E.g. polarity(w, - ) + Note that we do not differentiate between attribute triple and relation triple. Both are considered as relation + triples. + All triples are represented by (triple_type, argument 1 of the triple, argument 2 of the triple) + + """ + instance_triple = [] + relation_triple = [] + for i in range(len(self.nodes)): + # an instance triple is instance(node name, node value). + # For example, instance(b, boy). + instance_triple.append(("instance", self.nodes[i], self.node_values[i])) + # l[0] is relation name + # l[1] is the other node this node has relation with + for l in self.relations[i]: + relation_triple.append((l[0], self.nodes[i], l[1])) + # l[0] is the attribute name + # l[1] is the attribute value + for l in self.attributes[i]: + relation_triple.append((l[0], self.nodes[i], l[1])) + return instance_triple, relation_triple + + + def __str__(self): + """ + Generate AMR string for better readability + + """ + lines = [] + for i in range(len(self.nodes)): + lines.append("Node "+ str(i) + " " + self.nodes[i]) + lines.append("Value: " + self.node_values[i]) + lines.append("Relations:") + for relation in self.relations[i]: + lines.append("Node " + relation[1] + " via " + relation[0]) + for attribute in self.attributes[i]: + lines.append("Attribute: " + attribute[0] + " value " + attribute[1]) + return "\n".join(lines) + + def __repr__(self): + return self.__str__() + + def output_amr(self): + """ + Output AMR string + + """ + print(self.__str__(), file=DEBUG_LOG) + + @staticmethod + def get_amr_line(input_f): + """ + Read the file containing AMRs. AMRs are separated by a blank line. + Each call of get_amr_line() returns the next available AMR (in one-line form). + Note: this function does not verify if the AMR is valid + + """ + cur_amr = [] + has_content = False + for line in input_f: + line = line.strip() + if line == "": + if not has_content: + # empty lines before current AMR + continue + else: + # end of current AMR + break + if line.strip().startswith("#"): + # ignore the comment line (starting with "#") in the AMR file + continue + else: + has_content = True + cur_amr.append(line.strip()) + return "".join(cur_amr) + + @staticmethod + def parse_AMR_line(line): + """ + Parse a AMR from line representation to an AMR object. + This parsing algorithm scans the line once and process each character, in a shift-reduce style. + + """ + # Current state. It denotes the last significant symbol encountered. 1 for (, 2 for :, 3 for /, + # and 0 for start state or ')' + # Last significant symbol is ( --- start processing node name + # Last significant symbol is : --- start processing relation name + # Last significant symbol is / --- start processing node value (concept name) + # Last significant symbol is ) --- current node processing is complete + # Note that if these symbols are inside parenthesis, they are not significant symbols. + state = 0 + # node stack for parsing + stack = [] + # current not-yet-reduced character sequence + cur_charseq = [] + # key: node name value: node value + node_dict = {} + # node name list (order: occurrence of the node) + node_name_list = [] + # key: node name: value: list of (relation name, the other node name) + node_relation_dict1 = defaultdict(list) + # key: node name, value: list of (attribute name, const value) or (relation name, unseen node name) + node_relation_dict2 = defaultdict(list) + # current relation name + cur_relation_name = "" + # having unmatched quote string + in_quote = False + for i, c in enumerate(line.strip()): + if c == " ": + # allow space in relation name + if state == 2: + cur_charseq.append(c) + continue + if c == "\"": + # flip in_quote value when a quote symbol is encountered + # insert placeholder if in_quote from last symbol + if in_quote: + cur_charseq.append('¦') + in_quote = not in_quote + elif c == "(": + # not significant symbol if inside quote + if in_quote: + cur_charseq.append(c) + continue + # get the attribute name + # e.g :arg0 (x ... + # at this point we get "arg0" + if state == 2: + # in this state, current relation name should be empty + if cur_relation_name != "": + print("Format error when processing ", line[0:i + 1], file=ERROR_LOG) + return None + # update current relation name for future use + cur_relation_name = "".join(cur_charseq).strip() + cur_charseq[:] = [] + state = 1 + elif c == ":": + # not significant symbol if inside quote + if in_quote: + cur_charseq.append(c) + continue + # Last significant symbol is "/". Now we encounter ":" + # Example: + # :OR (o2 / *OR* + # :mod (o3 / official) + # gets node value "*OR*" at this point + if state == 3: + node_value = "".join(cur_charseq) + # clear current char sequence + cur_charseq[:] = [] + # pop node name ("o2" in the above example) + cur_node_name = stack[-1] + # update node name/value map + node_dict[cur_node_name] = node_value + # Last significant symbol is ":". Now we encounter ":" + # Example: + # :op1 w :quant 30 + # or :day 14 :month 3 + # the problem is that we cannot decide if node value is attribute value (constant) + # or node value (variable) at this moment + elif state == 2: + temp_attr_value = "".join(cur_charseq) + cur_charseq[:] = [] + parts = temp_attr_value.split() + if len(parts) < 2: + print("Error in processing; part len < 2", line[0:i + 1], file=ERROR_LOG) + return None + # For the above example, node name is "op1", and node value is "w" + # Note that this node name might not be encountered before + relation_name = parts[0].strip() + relation_value = parts[1].strip() + # We need to link upper level node to the current + # top of stack is upper level node + if len(stack) == 0: + print("Error in processing", line[:i], relation_name, relation_value, file=ERROR_LOG) + return None + # if we have not seen this node name before + if relation_value not in node_dict: + node_relation_dict2[stack[-1]].append((relation_name, relation_value)) + else: + node_relation_dict1[stack[-1]].append((relation_name, relation_value)) + state = 2 + elif c == "/": + if in_quote: + cur_charseq.append(c) + continue + # Last significant symbol is "(". Now we encounter "/" + # Example: + # (d / default-01 + # get "d" here + if state == 1: + node_name = "".join(cur_charseq) + cur_charseq[:] = [] + # if this node name is already in node_dict, it is duplicate + if node_name in node_dict: + print("Duplicate node name ", node_name, " in parsing AMR", file=ERROR_LOG) + return None + # push the node name to stack + stack.append(node_name) + # add it to node name list + node_name_list.append(node_name) + # if this node is part of the relation + # Example: + # :arg1 (n / nation) + # cur_relation_name is arg1 + # node name is n + # we have a relation arg1(upper level node, n) + if cur_relation_name != "": + # if relation name ends with "-of", e.g."arg0-of", + # it is reverse of some relation. For example, if a is "arg0-of" b, + # we can also say b is "arg0" a. + # If the relation name ends with "-of", we store the reverse relation. + if True or not cur_relation_name.endswith("-of"): + # stack[-2] is upper_level node we encountered, as we just add node_name to stack + node_relation_dict1[stack[-2]].append((cur_relation_name, node_name)) + else: + # cur_relation_name[:-3] is to delete "-of" + node_relation_dict1[node_name].append((cur_relation_name[:-3], stack[-2])) + # clear current_relation_name + cur_relation_name = "" + else: + # error if in other state + print("Error in parsing AMR", line[0:i + 1], file=ERROR_LOG) + return None + state = 3 + elif c == ")": + if in_quote: + cur_charseq.append(c) + continue + # stack should be non-empty to find upper level node + if len(stack) == 0: + print("Unmatched parenthesis at position", i, "in processing", line[0:i + 1], file=ERROR_LOG) + return None + # Last significant symbol is ":". Now we encounter ")" + # Example: + # :op2 "Brown") or :op2 w) + # get \"Brown\" or w here + if state == 2: + temp_attr_value = "".join(cur_charseq) + cur_charseq[:] = [] + parts = temp_attr_value.split() + if len(parts) < 2: + print("Error processing", line[:i + 1], temp_attr_value, file=ERROR_LOG) + return None + relation_name = parts[0].strip() + relation_value = parts[1].strip() + # store reverse of the relation + # we are sure relation_value is a node here, as "-of" relation is only between two nodes + if False and relation_name.endswith("-of"): + node_relation_dict1[relation_value].append((relation_name[:-3], stack[-1])) + # attribute value not seen before + # Note that it might be a constant attribute value, or an unseen node + # process this after we have seen all the node names + elif relation_value not in node_dict: + node_relation_dict2[stack[-1]].append((relation_name, relation_value)) + else: + node_relation_dict1[stack[-1]].append((relation_name, relation_value)) + # Last significant symbol is "/". Now we encounter ")" + # Example: + # :arg1 (n / nation) + # we get "nation" here + elif state == 3: + node_value = "".join(cur_charseq) + cur_charseq[:] = [] + cur_node_name = stack[-1] + # map node name to its value + node_dict[cur_node_name] = node_value + # pop from stack, as the current node has been processed + stack.pop() + cur_relation_name = "" + state = 0 + else: + # not significant symbols, so we just shift. + cur_charseq.append(c) + #create data structures to initialize an AMR + node_value_list = [] + relation_list = [] + attribute_list = [] + for v in node_name_list: + if v not in node_dict: + print("Error: Node name not found", v, file=ERROR_LOG) + return None + else: + node_value_list.append(node_dict[v]) + # build relation list and attribute list for this node + node_rel_list = [] + node_attr_list = [] + if v in node_relation_dict1: + for v1 in node_relation_dict1[v]: + node_rel_list.append([v1[0], v1[1]]) + if v in node_relation_dict2: + for v2 in node_relation_dict2[v]: + # if value is in quote, it is a constant value + # strip the quote and put it in attribute map + if v2[1][0] == "\"" and v2[1][-1] == "\"": + node_attr_list.append([[v2[0]], v2[1][1:-1]]) + # if value is a node name + elif v2[1] in node_dict: + node_rel_list.append([v2[0], v2[1]]) + else: + node_attr_list.append([v2[0], v2[1]]) + # each node has a relation list and attribute list + relation_list.append(node_rel_list) + attribute_list.append(node_attr_list) + # add TOP as an attribute. The attribute value is the top node value + attribute_list[0].append(["TOP", node_value_list[0]]) + result_amr = AMR(node_name_list, node_value_list, relation_list, attribute_list) + return result_amr + +# test AMR parsing +# run by amr.py [file containing AMR] +# a unittest can also be used. +if __name__ == "__main__": + if len(sys.argv) < 2: + print("No file given", file=ERROR_LOG) + exit(1) + amr_count = 1 + for line in open(sys.argv[1]): + cur_line = line.strip() + if cur_line == "" or cur_line.startswith("#"): + continue + print("AMR", amr_count, file=DEBUG_LOG) + current = AMR.parse_AMR_line(cur_line) + current.output_amr() + amr_count += 1 diff --git a/mtool/smatch/smatch.py b/mtool/smatch/smatch.py new file mode 100755 index 0000000000000000000000000000000000000000..602150d7cf4eca0cbd2f1a46902ab9648f5d3fa9 --- /dev/null +++ b/mtool/smatch/smatch.py @@ -0,0 +1,903 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + + +""" +This script computes smatch score between two AMRs. +For detailed description of smatch, see http://www.isi.edu/natural-language/amr/smatch-13.pdf + +""" + +from __future__ import division +from __future__ import print_function + +try: + import smatch.amr +except: + import amr +import os +import random +import sys + +# total number of iteration in smatch computation +iteration_num = 5 + +# verbose output switch. +# Default false (no verbose output) +verbose = False +veryVerbose = False + +# single score output switch. +# Default true (compute a single score for all AMRs in two files) +single_score = True + +# precision and recall output switch. +# Default false (do not output precision and recall, just output F score) +pr_flag = False + +# Error log location +ERROR_LOG = sys.stderr + +# Debug log location +DEBUG_LOG = sys.stderr + +# dictionary to save pre-computed node mapping and its resulting triple match count +# key: tuples of node mapping +# value: the matching triple count +match_triple_dict = {} + + +def build_arg_parser(): + """ + Build an argument parser using argparse. Use it when python version is 2.7 or later. + + """ + parser = argparse.ArgumentParser(description="Smatch calculator -- arguments") + parser.add_argument('-f', nargs=2, required=True, type=argparse.FileType('r', encoding="utf-8"), + help='Two files containing AMR pairs. AMRs in each file are separated by a single blank line') + parser.add_argument('-r', type=int, default=4, help='Restart number (Default:4)') + parser.add_argument('--significant', type=int, default=2, help='significant digits to output (default: 2)') + parser.add_argument('-v', action='store_true', help='Verbose output (Default:false)') + parser.add_argument('--vv', action='store_true', help='Very Verbose output (Default:false)') + parser.add_argument('--ms', action='store_true', default=False, + help='Output multiple scores (one AMR pair a score)' + 'instead of a single document-level smatch score (Default: false)') + parser.add_argument('--pr', action='store_true', default=False, + help="Output precision and recall as well as the f-score. Default: false") + parser.add_argument('--justinstance', action='store_true', default=False, + help="just pay attention to matching instances") + parser.add_argument('--justattribute', action='store_true', default=False, + help="just pay attention to matching attributes") + parser.add_argument('--justrelation', action='store_true', default=False, + help="just pay attention to matching relations") + + return parser + + +def build_arg_parser2(): + """ + Build an argument parser using optparse. Use it when python version is 2.5 or 2.6. + + """ + usage_str = "Smatch calculator -- arguments" + parser = optparse.OptionParser(usage=usage_str) + parser.add_option("-f", "--files", nargs=2, dest="f", type="string", + help='Two files containing AMR pairs. AMRs in each file are ' \ + 'separated by a single blank line. This option is required.') + parser.add_option("-r", "--restart", dest="r", type="int", help='Restart number (Default: 4)') + parser.add_option('--significant', dest="significant", type="int", default=2, + help='significant digits to output (default: 2)') + parser.add_option("-v", "--verbose", action='store_true', dest="v", help='Verbose output (Default:False)') + parser.add_option("--vv", "--veryverbose", action='store_true', dest="vv", + help='Very Verbose output (Default:False)') + parser.add_option("--ms", "--multiple_score", action='store_true', dest="ms", + help='Output multiple scores (one AMR pair a score) instead of ' \ + 'a single document-level smatch score (Default: False)') + parser.add_option('--pr', "--precision_recall", action='store_true', dest="pr", + help="Output precision and recall as well as the f-score. Default: false") + parser.add_option('--justinstance', action='store_true', default=False, + help="just pay attention to matching instances") + parser.add_option('--justattribute', action='store_true', default=False, + help="just pay attention to matching attributes") + parser.add_option('--justrelation', action='store_true', default=False, + help="just pay attention to matching relations") + parser.set_defaults(r=4, v=False, ms=False, pr=False) + return parser + + +def get_best_match(instance1, attribute1, relation1, + instance2, attribute2, relation2, + prefix1, prefix2, doinstance=True, doattribute=True, dorelation=True): + """ + Get the highest triple match number between two sets of triples via hill-climbing. + Arguments: + instance1: instance triples of AMR 1 ("instance", node name, node value) + attribute1: attribute triples of AMR 1 (attribute name, node name, attribute value) + relation1: relation triples of AMR 1 (relation name, node 1 name, node 2 name) + instance2: instance triples of AMR 2 ("instance", node name, node value) + attribute2: attribute triples of AMR 2 (attribute name, node name, attribute value) + relation2: relation triples of AMR 2 (relation name, node 1 name, node 2 name) + prefix1: prefix label for AMR 1 + prefix2: prefix label for AMR 2 + Returns: + best_match: the node mapping that results in the highest triple matching number + best_match_num: the highest triple matching number + + """ + # Compute candidate pool - all possible node match candidates. + # In the hill-climbing, we only consider candidate in this pool to save computing time. + # weight_dict is a dictionary that maps a pair of node + (candidate_mappings, weight_dict) = compute_pool(instance1, attribute1, relation1, + instance2, attribute2, relation2, + prefix1, prefix2, doinstance=doinstance, doattribute=doattribute, + dorelation=dorelation) + if veryVerbose: + print("Candidate mappings:", file=DEBUG_LOG) + print(candidate_mappings, file=DEBUG_LOG) + print("Weight dictionary", file=DEBUG_LOG) + print(weight_dict, file=DEBUG_LOG) + + best_match_num = 0 + # initialize best match mapping + # the ith entry is the node index in AMR 2 which maps to the ith node in AMR 1 + best_mapping = [-1] * len(instance1) + for i in range(iteration_num): + if veryVerbose: + print("Iteration", i, file=DEBUG_LOG) + if i == 0: + # smart initialization used for the first round + cur_mapping = smart_init_mapping(candidate_mappings, instance1, instance2) + else: + # random initialization for the other round + cur_mapping = random_init_mapping(candidate_mappings) + # compute current triple match number + match_num = compute_match(cur_mapping, weight_dict) + if veryVerbose: + print("Node mapping at start", cur_mapping, file=DEBUG_LOG) + print("Triple match number at start:", match_num, file=DEBUG_LOG) + while True: + # get best gain + (gain, new_mapping) = get_best_gain(cur_mapping, candidate_mappings, weight_dict, + len(instance2), match_num) + if veryVerbose: + print("Gain after the hill-climbing", gain, file=DEBUG_LOG) + # hill-climbing until there will be no gain for new node mapping + if gain <= 0: + break + # otherwise update match_num and mapping + match_num += gain + cur_mapping = new_mapping[:] + if veryVerbose: + print("Update triple match number to:", match_num, file=DEBUG_LOG) + print("Current mapping:", cur_mapping, file=DEBUG_LOG) + if match_num > best_match_num: + best_mapping = cur_mapping[:] + best_match_num = match_num + return best_mapping, best_match_num + + +def normalize(item): + """ + lowercase and remove quote signifiers from items that are about to be compared + """ + item = item.rstrip("¦") + return item.lower().rstrip('_') + + +def compute_pool(instance1, attribute1, relation1, + instance2, attribute2, relation2, + prefix1, prefix2, doinstance=True, doattribute=True, dorelation=True): + """ + compute all possible node mapping candidates and their weights (the triple matching number gain resulting from + mapping one node in AMR 1 to another node in AMR2) + + Arguments: + instance1: instance triples of AMR 1 + attribute1: attribute triples of AMR 1 (attribute name, node name, attribute value) + relation1: relation triples of AMR 1 (relation name, node 1 name, node 2 name) + instance2: instance triples of AMR 2 + attribute2: attribute triples of AMR 2 (attribute name, node name, attribute value) + relation2: relation triples of AMR 2 (relation name, node 1 name, node 2 name + prefix1: prefix label for AMR 1 + prefix2: prefix label for AMR 2 + Returns: + candidate_mapping: a list of candidate nodes. + The ith element contains the node indices (in AMR 2) the ith node (in AMR 1) can map to. + (resulting in non-zero triple match) + weight_dict: a dictionary which contains the matching triple number for every pair of node mapping. The key + is a node pair. The value is another dictionary. key {-1} is triple match resulting from this node + pair alone (instance triples and attribute triples), and other keys are node pairs that can result + in relation triple match together with the first node pair. + + + """ + candidate_mapping = [] + weight_dict = {} + for instance1_item in instance1: + # each candidate mapping is a set of node indices + candidate_mapping.append(set()) + if doinstance: + for instance2_item in instance2: + # if both triples are instance triples and have the same value + if normalize(instance1_item[0]) == normalize(instance2_item[0]) and \ + normalize(instance1_item[2]) == normalize(instance2_item[2]): + # get node index by stripping the prefix + node1_index = int(instance1_item[1][len(prefix1):]) + node2_index = int(instance2_item[1][len(prefix2):]) + candidate_mapping[node1_index].add(node2_index) + node_pair = (node1_index, node2_index) + # use -1 as key in weight_dict for instance triples and attribute triples + if node_pair in weight_dict: + weight_dict[node_pair][-1] += 1 + else: + weight_dict[node_pair] = {} + weight_dict[node_pair][-1] = 1 + if doattribute: + for attribute1_item in attribute1: + for attribute2_item in attribute2: + # if both attribute relation triple have the same relation name and value + if normalize(attribute1_item[0]) == normalize(attribute2_item[0]) \ + and normalize(attribute1_item[2]) == normalize(attribute2_item[2]): + node1_index = int(attribute1_item[1][len(prefix1):]) + node2_index = int(attribute2_item[1][len(prefix2):]) + candidate_mapping[node1_index].add(node2_index) + node_pair = (node1_index, node2_index) + # use -1 as key in weight_dict for instance triples and attribute triples + if node_pair in weight_dict: + weight_dict[node_pair][-1] += 1 + else: + weight_dict[node_pair] = {} + weight_dict[node_pair][-1] = 1 + if dorelation: + for relation1_item in relation1: + for relation2_item in relation2: + # if both relation share the same name + if normalize(relation1_item[0]) == normalize(relation2_item[0]): + node1_index_amr1 = int(relation1_item[1][len(prefix1):]) + node1_index_amr2 = int(relation2_item[1][len(prefix2):]) + node2_index_amr1 = int(relation1_item[2][len(prefix1):]) + node2_index_amr2 = int(relation2_item[2][len(prefix2):]) + # add mapping between two nodes + candidate_mapping[node1_index_amr1].add(node1_index_amr2) + candidate_mapping[node2_index_amr1].add(node2_index_amr2) + node_pair1 = (node1_index_amr1, node1_index_amr2) + node_pair2 = (node2_index_amr1, node2_index_amr2) + if node_pair2 != node_pair1: + # update weight_dict weight. Note that we need to update both entries for future search + # i.e weight_dict[node_pair1][node_pair2] + # weight_dict[node_pair2][node_pair1] + if node1_index_amr1 > node2_index_amr1: + # swap node_pair1 and node_pair2 + node_pair1 = (node2_index_amr1, node2_index_amr2) + node_pair2 = (node1_index_amr1, node1_index_amr2) + if node_pair1 in weight_dict: + if node_pair2 in weight_dict[node_pair1]: + weight_dict[node_pair1][node_pair2] += 1 + else: + weight_dict[node_pair1][node_pair2] = 1 + else: + weight_dict[node_pair1] = {-1: 0, node_pair2: 1} + if node_pair2 in weight_dict: + if node_pair1 in weight_dict[node_pair2]: + weight_dict[node_pair2][node_pair1] += 1 + else: + weight_dict[node_pair2][node_pair1] = 1 + else: + weight_dict[node_pair2] = {-1: 0, node_pair1: 1} + else: + # two node pairs are the same. So we only update weight_dict once. + # this generally should not happen. + if node_pair1 in weight_dict: + weight_dict[node_pair1][-1] += 1 + else: + weight_dict[node_pair1] = {-1: 1} + return candidate_mapping, weight_dict + + +def smart_init_mapping(candidate_mapping, instance1, instance2): + """ + Initialize mapping based on the concept mapping (smart initialization) + Arguments: + candidate_mapping: candidate node match list + instance1: instance triples of AMR 1 + instance2: instance triples of AMR 2 + Returns: + initialized node mapping between two AMRs + + """ + random.seed() + matched_dict = {} + result = [] + # list to store node indices that have no concept match + no_word_match = [] + for i, candidates in enumerate(candidate_mapping): + if not candidates: + # no possible mapping + result.append(-1) + continue + # node value in instance triples of AMR 1 + value1 = instance1[i][2] + for node_index in candidates: + value2 = instance2[node_index][2] + # find the first instance triple match in the candidates + # instance triple match is having the same concept value + if value1 == value2: + if node_index not in matched_dict: + result.append(node_index) + matched_dict[node_index] = 1 + break + if len(result) == i: + no_word_match.append(i) + result.append(-1) + # if no concept match, generate a random mapping + for i in no_word_match: + candidates = list(candidate_mapping[i]) + while candidates: + # get a random node index from candidates + rid = random.randint(0, len(candidates) - 1) + candidate = candidates[rid] + if candidate in matched_dict: + candidates.pop(rid) + else: + matched_dict[candidate] = 1 + result[i] = candidate + break + return result + + +def random_init_mapping(candidate_mapping): + """ + Generate a random node mapping. + Args: + candidate_mapping: candidate_mapping: candidate node match list + Returns: + randomly-generated node mapping between two AMRs + + """ + # if needed, a fixed seed could be passed here to generate same random (to help debugging) + random.seed() + matched_dict = {} + result = [] + for c in candidate_mapping: + candidates = list(c) + if not candidates: + # -1 indicates no possible mapping + result.append(-1) + continue + found = False + while candidates: + # randomly generate an index in [0, length of candidates) + rid = random.randint(0, len(candidates) - 1) + candidate = candidates[rid] + # check if it has already been matched + if candidate in matched_dict: + candidates.pop(rid) + else: + matched_dict[candidate] = 1 + result.append(candidate) + found = True + break + if not found: + result.append(-1) + return result + + +def compute_match(mapping, weight_dict): + """ + Given a node mapping, compute match number based on weight_dict. + Args: + mappings: a list of node index in AMR 2. The ith element (value j) means node i in AMR 1 maps to node j in AMR 2. + Returns: + matching triple number + Complexity: O(m*n) , m is the node number of AMR 1, n is the node number of AMR 2 + + """ + # If this mapping has been investigated before, retrieve the value instead of re-computing. + if veryVerbose: + print("Computing match for mapping", file=DEBUG_LOG) + print(mapping, file=DEBUG_LOG) + if tuple(mapping) in match_triple_dict: + if veryVerbose: + print("saved value", match_triple_dict[tuple(mapping)], file=DEBUG_LOG) + return match_triple_dict[tuple(mapping)] + match_num = 0 + # i is node index in AMR 1, m is node index in AMR 2 + for i, m in enumerate(mapping): + if m == -1: + # no node maps to this node + continue + # node i in AMR 1 maps to node m in AMR 2 + current_node_pair = (i, m) + if current_node_pair not in weight_dict: + continue + if veryVerbose: + print("node_pair", current_node_pair, file=DEBUG_LOG) + for key in weight_dict[current_node_pair]: + if key == -1: + # matching triple resulting from instance/attribute triples + match_num += weight_dict[current_node_pair][key] + if veryVerbose: + print("instance/attribute match", weight_dict[current_node_pair][key], file=DEBUG_LOG) + # only consider node index larger than i to avoid duplicates + # as we store both weight_dict[node_pair1][node_pair2] and + # weight_dict[node_pair2][node_pair1] for a relation + elif key[0] < i: + continue + elif mapping[key[0]] == key[1]: + match_num += weight_dict[current_node_pair][key] + if veryVerbose: + print("relation match with", key, weight_dict[current_node_pair][key], file=DEBUG_LOG) + if veryVerbose: + print("match computing complete, result:", match_num, file=DEBUG_LOG) + # update match_triple_dict + match_triple_dict[tuple(mapping)] = match_num + return match_num + + +def move_gain(mapping, node_id, old_id, new_id, weight_dict, match_num): + """ + Compute the triple match number gain from the move operation + Arguments: + mapping: current node mapping + node_id: remapped node in AMR 1 + old_id: original node id in AMR 2 to which node_id is mapped + new_id: new node in to which node_id is mapped + weight_dict: weight dictionary + match_num: the original triple matching number + Returns: + the triple match gain number (might be negative) + + """ + # new node mapping after moving + new_mapping = (node_id, new_id) + # node mapping before moving + old_mapping = (node_id, old_id) + # new nodes mapping list (all node pairs) + new_mapping_list = mapping[:] + new_mapping_list[node_id] = new_id + # if this mapping is already been investigated, use saved one to avoid duplicate computing + if tuple(new_mapping_list) in match_triple_dict: + return match_triple_dict[tuple(new_mapping_list)] - match_num + gain = 0 + # add the triple match incurred by new_mapping to gain + if new_mapping in weight_dict: + for key in weight_dict[new_mapping]: + if key == -1: + # instance/attribute triple match + gain += weight_dict[new_mapping][-1] + elif new_mapping_list[key[0]] == key[1]: + # relation gain incurred by new_mapping and another node pair in new_mapping_list + gain += weight_dict[new_mapping][key] + # deduct the triple match incurred by old_mapping from gain + if old_mapping in weight_dict: + for k in weight_dict[old_mapping]: + if k == -1: + gain -= weight_dict[old_mapping][-1] + elif mapping[k[0]] == k[1]: + gain -= weight_dict[old_mapping][k] + # update match number dictionary + match_triple_dict[tuple(new_mapping_list)] = match_num + gain + return gain + + +def swap_gain(mapping, node_id1, mapping_id1, node_id2, mapping_id2, weight_dict, match_num): + """ + Compute the triple match number gain from the swapping + Arguments: + mapping: current node mapping list + node_id1: node 1 index in AMR 1 + mapping_id1: the node index in AMR 2 node 1 maps to (in the current mapping) + node_id2: node 2 index in AMR 1 + mapping_id2: the node index in AMR 2 node 2 maps to (in the current mapping) + weight_dict: weight dictionary + match_num: the original matching triple number + Returns: + the gain number (might be negative) + + """ + new_mapping_list = mapping[:] + # Before swapping, node_id1 maps to mapping_id1, and node_id2 maps to mapping_id2 + # After swapping, node_id1 maps to mapping_id2 and node_id2 maps to mapping_id1 + new_mapping_list[node_id1] = mapping_id2 + new_mapping_list[node_id2] = mapping_id1 + if tuple(new_mapping_list) in match_triple_dict: + return match_triple_dict[tuple(new_mapping_list)] - match_num + gain = 0 + new_mapping1 = (node_id1, mapping_id2) + new_mapping2 = (node_id2, mapping_id1) + old_mapping1 = (node_id1, mapping_id1) + old_mapping2 = (node_id2, mapping_id2) + if node_id1 > node_id2: + new_mapping2 = (node_id1, mapping_id2) + new_mapping1 = (node_id2, mapping_id1) + old_mapping1 = (node_id2, mapping_id2) + old_mapping2 = (node_id1, mapping_id1) + if new_mapping1 in weight_dict: + for key in weight_dict[new_mapping1]: + if key == -1: + gain += weight_dict[new_mapping1][-1] + elif new_mapping_list[key[0]] == key[1]: + gain += weight_dict[new_mapping1][key] + if new_mapping2 in weight_dict: + for key in weight_dict[new_mapping2]: + if key == -1: + gain += weight_dict[new_mapping2][-1] + # to avoid duplicate + elif key[0] == node_id1: + continue + elif new_mapping_list[key[0]] == key[1]: + gain += weight_dict[new_mapping2][key] + if old_mapping1 in weight_dict: + for key in weight_dict[old_mapping1]: + if key == -1: + gain -= weight_dict[old_mapping1][-1] + elif mapping[key[0]] == key[1]: + gain -= weight_dict[old_mapping1][key] + if old_mapping2 in weight_dict: + for key in weight_dict[old_mapping2]: + if key == -1: + gain -= weight_dict[old_mapping2][-1] + # to avoid duplicate + elif key[0] == node_id1: + continue + elif mapping[key[0]] == key[1]: + gain -= weight_dict[old_mapping2][key] + match_triple_dict[tuple(new_mapping_list)] = match_num + gain + return gain + + +def get_best_gain(mapping, candidate_mappings, weight_dict, instance_len, cur_match_num): + """ + Hill-climbing method to return the best gain swap/move can get + Arguments: + mapping: current node mapping + candidate_mappings: the candidates mapping list + weight_dict: the weight dictionary + instance_len: the number of the nodes in AMR 2 + cur_match_num: current triple match number + Returns: + the best gain we can get via swap/move operation + + """ + largest_gain = 0 + # True: using swap; False: using move + use_swap = True + # the node to be moved/swapped + node1 = None + # store the other node affected. In swap, this other node is the node swapping with node1. In move, this other + # node is the node node1 will move to. + node2 = None + # unmatched nodes in AMR 2 + unmatched = set(range(instance_len)) + # exclude nodes in current mapping + # get unmatched nodes + for nid in mapping: + if nid in unmatched: + unmatched.remove(nid) + for i, nid in enumerate(mapping): + # current node i in AMR 1 maps to node nid in AMR 2 + for nm in unmatched: + if nm in candidate_mappings[i]: + # remap i to another unmatched node (move) + # (i, m) -> (i, nm) + if veryVerbose: + print("Remap node", i, "from ", nid, "to", nm, file=DEBUG_LOG) + mv_gain = move_gain(mapping, i, nid, nm, weight_dict, cur_match_num) + if veryVerbose: + print("Move gain:", mv_gain, file=DEBUG_LOG) + new_mapping = mapping[:] + new_mapping[i] = nm + new_match_num = compute_match(new_mapping, weight_dict) + if new_match_num != cur_match_num + mv_gain: + print(mapping, new_mapping, file=ERROR_LOG) + print("Inconsistency in computing: move gain", cur_match_num, mv_gain, new_match_num, + file=ERROR_LOG) + if mv_gain > largest_gain: + largest_gain = mv_gain + node1 = i + node2 = nm + use_swap = False + # compute swap gain + for i, m in enumerate(mapping): + for j in range(i + 1, len(mapping)): + m2 = mapping[j] + # swap operation (i, m) (j, m2) -> (i, m2) (j, m) + # j starts from i+1, to avoid duplicate swap + if veryVerbose: + print("Swap node", i, "and", j, file=DEBUG_LOG) + print("Before swapping:", i, "-", m, ",", j, "-", m2, file=DEBUG_LOG) + print(mapping, file=DEBUG_LOG) + print("After swapping:", i, "-", m2, ",", j, "-", m, file=DEBUG_LOG) + sw_gain = swap_gain(mapping, i, m, j, m2, weight_dict, cur_match_num) + if veryVerbose: + print("Swap gain:", sw_gain, file=DEBUG_LOG) + new_mapping = mapping[:] + new_mapping[i] = m2 + new_mapping[j] = m + print(new_mapping, file=DEBUG_LOG) + new_match_num = compute_match(new_mapping, weight_dict) + if new_match_num != cur_match_num + sw_gain: + print(mapping, new_mapping, file=ERROR_LOG) + print("Inconsistency in computing: swap gain", cur_match_num, sw_gain, new_match_num, + file=ERROR_LOG) + if sw_gain > largest_gain: + largest_gain = sw_gain + node1 = i + node2 = j + use_swap = True + # generate a new mapping based on swap/move + cur_mapping = mapping[:] + if node1 is not None: + if use_swap: + if veryVerbose: + print("Use swap gain", file=DEBUG_LOG) + temp = cur_mapping[node1] + cur_mapping[node1] = cur_mapping[node2] + cur_mapping[node2] = temp + else: + if veryVerbose: + print("Use move gain", file=DEBUG_LOG) + cur_mapping[node1] = node2 + else: + if veryVerbose: + print("no move/swap gain found", file=DEBUG_LOG) + if veryVerbose: + print("Original mapping", mapping, file=DEBUG_LOG) + print("Current mapping", cur_mapping, file=DEBUG_LOG) + return largest_gain, cur_mapping + + +def print_alignment(mapping, instance1, instance2): + """ + print the alignment based on a node mapping + Args: + mapping: current node mapping list + instance1: nodes of AMR 1 + instance2: nodes of AMR 2 + + """ + result = [] + for instance1_item, m in zip(instance1, mapping): + r = instance1_item[1] + "(" + instance1_item[2] + ")" + if m == -1: + r += "-Null" + else: + instance2_item = instance2[m] + r += "-" + instance2_item[1] + "(" + instance2_item[2] + ")" + result.append(r) + return " ".join(result) + + +def compute_f(match_num, test_num, gold_num): + """ + Compute the f-score based on the matching triple number, + triple number of AMR set 1, + triple number of AMR set 2 + Args: + match_num: matching triple number + test_num: triple number of AMR 1 (test file) + gold_num: triple number of AMR 2 (gold file) + Returns: + precision: match_num/test_num + recall: match_num/gold_num + f_score: 2*precision*recall/(precision+recall) + """ + if test_num == 0 or gold_num == 0: + return 0.00, 0.00, 0.00 + precision = float(match_num) / float(test_num) + recall = float(match_num) / float(gold_num) + if (precision + recall) != 0: + f_score = 2 * precision * recall / (precision + recall) + if veryVerbose: + print("F-score:", f_score, file=DEBUG_LOG) + return precision, recall, f_score + else: + if veryVerbose: + print("F-score:", "0.0", file=DEBUG_LOG) + return precision, recall, 0.00 + + +def generate_amr_lines(f1, f2): + """ + Read one AMR line at a time from each file handle + :param f1: file handle (or any iterable of strings) to read AMR 1 lines from + :param f2: file handle (or any iterable of strings) to read AMR 2 lines from + :return: generator of cur_amr1, cur_amr2 pairs: one-line AMR strings + """ + while True: + cur_amr1 = amr.AMR.get_amr_line(f1) + cur_amr2 = amr.AMR.get_amr_line(f2) + if not cur_amr1 and not cur_amr2: + pass + elif not cur_amr1: + print("Error: File 1 has less AMRs than file 2", file=ERROR_LOG) + print("Ignoring remaining AMRs", file=ERROR_LOG) + elif not cur_amr2: + print("Error: File 2 has less AMRs than file 1", file=ERROR_LOG) + print("Ignoring remaining AMRs", file=ERROR_LOG) + else: + yield cur_amr1, cur_amr2 + continue + break + + +def get_amr_match(cur_amr1, cur_amr2, sent_num=1, justinstance=False, justattribute=False, justrelation=False, + limit = None, + instance1 = None, attributes1 = None, relation1 = None, prefix1 = None, + instance2 = None, attributes2 = None, relation2 = None, prefix2 = None): + global iteration_num + if limit is not None: iteration_num = limit + if cur_amr1 and cur_amr2: + amr_pair = [] + for i, cur_amr in (1, cur_amr1), (2, cur_amr2): + try: + amr_pair.append(amr.AMR.parse_AMR_line(cur_amr)) + except Exception as e: + print("Error in parsing amr %d: %s" % (i, cur_amr), file=ERROR_LOG) + print("Please check if the AMR is ill-formatted. Ignoring remaining AMRs", file=ERROR_LOG) + print("Error message: %s" % e, file=ERROR_LOG) + amr1, amr2 = amr_pair + prefix1 = "a" + prefix2 = "b" + # Rename node to "a1", "a2", .etc + amr1.rename_node(prefix1) + # Renaming node to "b1", "b2", .etc + amr2.rename_node(prefix2) + (instance1, attributes1, relation1) = amr1.get_triples() + (instance2, attributes2, relation2) = amr2.get_triples() + if verbose: + print("AMR pair", sent_num, file=DEBUG_LOG) + print("============================================", file=DEBUG_LOG) + print("AMR 1 (one-line):", cur_amr1, file=DEBUG_LOG) + print("AMR 2 (one-line):", cur_amr2, file=DEBUG_LOG) + print("Instance triples of AMR 1:", len(instance1), file=DEBUG_LOG) + print(instance1, file=DEBUG_LOG) + print("Attribute triples of AMR 1:", len(attributes1), file=DEBUG_LOG) + print(attributes1, file=DEBUG_LOG) + print("Relation triples of AMR 1:", len(relation1), file=DEBUG_LOG) + print(relation1, file=DEBUG_LOG) + print("Instance triples of AMR 2:", len(instance2), file=DEBUG_LOG) + print(instance2, file=DEBUG_LOG) + print("Attribute triples of AMR 2:", len(attributes2), file=DEBUG_LOG) + print(attributes2, file=DEBUG_LOG) + print("Relation triples of AMR 2:", len(relation2), file=DEBUG_LOG) + print(relation2, file=DEBUG_LOG) + # optionally turn off some of the node comparison + doinstance = doattribute = dorelation = True + if justinstance: + doattribute = dorelation = False + if justattribute: + doinstance = dorelation = False + if justrelation: + doinstance = doattribute = False + (best_mapping, best_match_num) = get_best_match(instance1, attributes1, relation1, + instance2, attributes2, relation2, + prefix1, prefix2, doinstance=doinstance, + doattribute=doattribute, dorelation=dorelation) + if verbose: + print("best match number", best_match_num, file=DEBUG_LOG) + print("best node mapping", best_mapping, file=DEBUG_LOG) + print("Best node mapping alignment:", print_alignment(best_mapping, instance1, instance2), file=DEBUG_LOG) + if justinstance: + test_triple_num = len(instance1) + gold_triple_num = len(instance2) + elif justattribute: + test_triple_num = len(attributes1) + gold_triple_num = len(attributes2) + elif justrelation: + test_triple_num = len(relation1) + gold_triple_num = len(relation2) + else: + test_triple_num = len(instance1) + len(attributes1) + len(relation1) + gold_triple_num = len(instance2) + len(attributes2) + len(relation2) + match_triple_dict.clear() + if cur_amr1 and cur_amr2: + return best_match_num, test_triple_num, gold_triple_num + else: + return best_match_num, test_triple_num, gold_triple_num, best_mapping + + +def score_amr_pairs(f1, f2, justinstance=False, justattribute=False, justrelation=False): + """ + Score one pair of AMR lines at a time from each file handle + :param f1: file handle (or any iterable of strings) to read AMR 1 lines from + :param f2: file handle (or any iterable of strings) to read AMR 2 lines from + :param justinstance: just pay attention to matching instances + :param justattribute: just pay attention to matching attributes + :param justrelation: just pay attention to matching relations + :return: generator of cur_amr1, cur_amr2 pairs: one-line AMR strings + """ + # matching triple number, triple number in test file, triple number in gold file + total_match_num = total_test_num = total_gold_num = 0 + # Read amr pairs from two files + for sent_num, (cur_amr1, cur_amr2) in enumerate(generate_amr_lines(f1, f2), start=1): + best_match_num, test_triple_num, gold_triple_num = get_amr_match(cur_amr1, cur_amr2, + sent_num=sent_num, # sentence number + justinstance=justinstance, + justattribute=justattribute, + justrelation=justrelation) + total_match_num += best_match_num + total_test_num += test_triple_num + total_gold_num += gold_triple_num + # clear the matching triple dictionary for the next AMR pair + match_triple_dict.clear() + if not single_score: # if each AMR pair should have a score, compute and output it here + yield compute_f(best_match_num, test_triple_num, gold_triple_num) + if verbose: + print("Total match number, total triple number in AMR 1, and total triple number in AMR 2:", file=DEBUG_LOG) + print(total_match_num, total_test_num, total_gold_num, file=DEBUG_LOG) + print("---------------------------------------------------------------------------------", file=DEBUG_LOG) + if single_score: # output document-level smatch score (a single f-score for all AMR pairs in two files) + yield compute_f(total_match_num, total_test_num, total_gold_num) + + +def main(arguments): + """ + Main function of smatch score calculation + """ + global verbose + global veryVerbose + global iteration_num + global single_score + global pr_flag + global match_triple_dict + # set the iteration number + # total iteration number = restart number + 1 + iteration_num = arguments.r + 1 + if arguments.ms: + single_score = False + if arguments.v: + verbose = True + if arguments.vv: + veryVerbose = True + if arguments.pr: + pr_flag = True + # significant digits to print out + floatdisplay = "%%.%df" % arguments.significant + for (precision, recall, best_f_score) in score_amr_pairs(args.f[0], args.f[1], + justinstance=arguments.justinstance, + justattribute=arguments.justattribute, + justrelation=arguments.justrelation): + # print("Sentence", sent_num) + if pr_flag: + print("Precision: " + floatdisplay % precision) + print("Recall: " + floatdisplay % recall) + print("F-score: " + floatdisplay % best_f_score) + args.f[0].close() + args.f[1].close() + + +if __name__ == "__main__": + parser = None + args = None + # use optparse if python version is 2.5 or 2.6 + if sys.version_info[0] == 2 and sys.version_info[1] < 7: + import optparse + + if len(sys.argv) == 1: + print("No argument given. Please run smatch.py -h to see the argument description.", file=ERROR_LOG) + exit(1) + parser = build_arg_parser2() + (args, opts) = parser.parse_args() + file_handle = [] + if args.f is None: + print("smatch.py requires -f option to indicate two files \ + containing AMR as input. Please run smatch.py -h to \ + see the argument description.", file=ERROR_LOG) + exit(1) + # assert there are 2 file names following -f. + assert (len(args.f) == 2) + for file_path in args.f: + if not os.path.exists(file_path): + print("Given file", args.f[0], "does not exist", file=ERROR_LOG) + exit(1) + file_handle.append(open(file_path)) + # use opened files + args.f = tuple(file_handle) + # use argparse if python version is 2.7 or later + else: + import argparse + + parser = build_arg_parser() + args = parser.parse_args() + main(args) diff --git a/mtool/treewidth.py b/mtool/treewidth.py new file mode 100644 index 0000000000000000000000000000000000000000..77c023a462c54a5929df2a105d1418dc0655ff09 --- /dev/null +++ b/mtool/treewidth.py @@ -0,0 +1,208 @@ +import collections +import sys + +def make_clique(graph, nodes): + for v1 in nodes: + for v2 in nodes: + if v1 != v2: + graph[v1].add(v2) + +def count_fillin(graph, nodes): + """How many edges would be needed to make v a clique.""" + count = 0 + for v1 in nodes: + for v2 in nodes: + if v1 != v2 and v2 not in graph[v1]: + count += 1 + return count/2 + +def is_clique(graph, vs): + for v1 in vs: + for v2 in vs: + if v1 != v2 and v2 not in graph[v1]: + return False + return True + +def simplicial(graph, v): + return is_clique(graph, graph[v]) + +def almost_simplicial(graph, v): + for u in graph[v]: + if is_clique(graph, graph[v] - {u}): + return True + return False + +def eliminate_node(graph, v): + make_clique(graph, graph[v]) + delete_node(graph, v) + +def delete_node(graph, v): + for u in graph[v]: + graph[u].remove(v) + del graph[v] + +def contract_edge(graph, u, v): + """Contract edge (u,v) by removing u""" + graph[v] = (graph[v] | graph[u]) - {u, v} + del graph[u] + for w in graph: + if u in graph[w]: + graph[w] = (graph[w] | {v}) - {u, w} + +def copy_graph(graph): + return {u:set(graph[u]) for u in graph} + +def upper_bound(graph): + """Min-fill.""" + graph = copy_graph(graph) + dmax = 0 + order = [] + while len(graph) > 0: + #d, u = min((len(graph[u]), u) for u in graph) # min-width + d, u = min((count_fillin(graph, graph[u]), u) for u in graph) + dmax = max(dmax, len(graph[u])) + eliminate_node(graph, u) + order.append(u) + return dmax, order + +def lower_bound(graph): + """Minor-min-width""" + graph = copy_graph(graph) + dmax = 0 + while len(graph) > 0: + # pick node of minimum degree + d, u = min((len(graph[u]), u) for u in graph) + dmax = max(dmax, d) + + # Gogate and Dechter: minor-min-width + nb = graph[u] - {u} + if len(nb) > 0: + _, v = min((len(graph[v] & nb), v) for v in nb) + contract_edge(graph, u, v) + else: + delete_node(graph, u) + return dmax + +class Solution(object): + pass + +def quickbb(graph): + """Gogate and Dechter, A complete anytime algorithm for treewidth. UAI + 2004. http://arxiv.org/pdf/1207.4109.pdf""" + + """Given a permutation of the nodes (called an elimination ordering), + for each node, remove the node and make its neighbors into a clique. + The maximum degree of the nodes at the time of their elimination is + the width of the tree decomposition corresponding to that ordering. + The treewidth of the graph is the minimum over all possible + permutations. + """ + + best = Solution() # this gets around the lack of nonlocal in Python 2 + best.count = 0 + + def bb(graph, order, f, g): + best.count += 1 + if len(graph) < 2: + if f < best.ub: + assert f == g + best.ub = f + best.order = list(order) + list(graph) + else: + vs = [] + for v in graph: + # very important pruning rule + if simplicial(graph, v) or almost_simplicial(graph, v) and len(graph[v]) <= lb: + vs = [v] + break + else: + vs.append(v) + + for v in vs: + graph1 = copy_graph(graph) + eliminate_node(graph1, v) + order1 = order + [v] + # treewidth for current order so far + g1 = max(g, len(graph[v])) + # lower bound given where we are + f1 = max(g, lower_bound(graph1)) + if f1 < best.ub: + bb(graph1, order1, f1, g1) + + graph = { u : set(graph[u]) for u in graph } + + order = [] + best.ub, best.order = upper_bound(graph) + lb = lower_bound(graph) + if lb < best.ub: + bb(graph, order, lb, 0) + + # Build the tree decomposition + tree = collections.defaultdict(set) + def build(order): + if len(order) < 2: + bag = frozenset(order) + tree[bag] = set() + return + v = order[0] + clique = graph[v] + eliminate_node(graph, v) + build(order[1:]) + for tv in tree: + if clique.issubset(tv): + break + bag = frozenset(clique | {v}) + tree[bag].add(tv) + tree[tv].add(bag) + build(best.order) + return tree + +if True and __name__ == "__main__": + import fileinput, sys + import graph + + s = [] + for line in fileinput.input(): + if line.lstrip().startswith('#'): + continue + s.append(line) + s = ''.join(s) + + i = 0 + while i < len(s): + try: + g, i1 = graph.scan_graph(s, start=i, return_end=True) + except: + sys.stderr.write("couldn't read: %s\n" % s[i:i1]) + + if g is None: break + i = i1 + + g = g.undirected_graph() + + tree = quickbb(g) + print(max(len(tv)-1 for tv in tree)) + #print tree + +if False and __name__ == "__main__": + import fileinput, sys + + g = collections.defaultdict(set) + for line in fileinput.input(): + if line.rstrip() == "END": + break + u, v = line.split() + g[u].add(v) + g[v].add(u) + + tree = quickbb(g) + root = list(tree)[0] + def visit(tu, indent, memo): + if tu in memo: return + memo.add(tu) + print(" "*indent, " ".join(tu)) + for tv in tree[tu]: + visit(tv, indent+2, memo) + visit(root, 0, set()) + print("bags:", len(tree)) + print("width:", max(len(tv)-1 for tv in tree)) diff --git a/mtool/ucca/README.md b/mtool/ucca/README.md new file mode 100644 index 0000000000000000000000000000000000000000..96c97d7923778b05bf86854640501464500d758f --- /dev/null +++ b/mtool/ucca/README.md @@ -0,0 +1,40 @@ +Universal Conceptual Cognitive Annotation +============================ +UCCA is a linguistic framework for semantic annotation, whose details +are available at [the following paper](http://www.cs.huji.ac.il/~oabend/papers/ucca_acl.pdf): + + @inproceedings{abend2013universal, + author={Abend, Omri and Rappoport, Ari}, + title={{U}niversal {C}onceptual {C}ognitive {A}nnotation ({UCCA})}, + booktitle={Proc. of ACL}, + month={August}, + year={2013}, + pages={228--238}, + url={http://aclweb.org/anthology/P13-1023} + } + +This Python 3 package provides an API to the UCCA annotation and tools to +manipulate and process it. Its main features are conversion between different +representations of UCCA annotations, and rich objects for all of the linguistic +relations which appear in the theoretical framework (see `core`, `layer0`, `layer1` +and `convert` modules under the `ucca` package). + +The `scripts` package contains various utilities for processing passage files. + +To parse text to UCCA graphs, use [TUPA, the UCCA parser](http://www.cs.huji.ac.il/~danielh/tupa). + + +Authors +------ +* Amit Beka: amit.beka@gmail.com +* Daniel Hershcovich: danielh@cs.huji.ac.il + + +License +------- +This package is licensed under the GPLv3 or later license. + +[![Build Status (Travis CI)](https://travis-ci.org/danielhers/ucca.svg?branch=master)](https://travis-ci.org/danielhers/ucca) +[![Build Status (AppVeyor)](https://ci.appveyor.com/api/projects/status/github/danielhers/ucca?svg=true)](https://ci.appveyor.com/project/danielh/ucca) +[![Build Status (Docs)](https://readthedocs.org/projects/ucca/badge/?version=latest)](http://ucca.readthedocs.io/en/latest/) +[![PyPI version](https://badge.fury.io/py/UCCA.svg)](https://badge.fury.io/py/UCCA) diff --git a/mtool/ucca/__init__.py b/mtool/ucca/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/mtool/ucca/convert.py b/mtool/ucca/convert.py new file mode 100644 index 0000000000000000000000000000000000000000..76087f55eece1cb704174e208d1a4c96ac28a6bd --- /dev/null +++ b/mtool/ucca/convert.py @@ -0,0 +1,1358 @@ +"""Converter module between different UCCA annotation formats. + +This module contains utilities to convert between UCCA annotation in different +forms, to/from the :class:`core`.Passage form, acts as a pivot for all +conversions. + +The possible other formats are: + site XML + standard XML + conll (CoNLL-X dependency parsing shared task) + sdp (SemEval 2015 semantic dependency parsing shared task) +""" + +import os +import pickle +import re +import sys +import xml.etree.ElementTree as ET +import xml.sax.saxutils +from collections import defaultdict +from itertools import repeat, groupby +from operator import attrgetter, itemgetter + +from ucca import textutil, core, layer0, layer1 +from ucca.layer1 import EdgeTags +from ucca.normalization import attach_punct, COORDINATED_MAIN_REL + +try: + # noinspection PyPackageRequirements + import simplejson as json + from simplejson.scanner import JSONDecodeError +except ImportError: + import json + from json.decoder import JSONDecodeError + + +class SiteXMLUnknownElement(core.UCCAError): + pass + + +class SiteCfg: + """Contains static configuration for conversion to/from the site XML.""" + + """ + XML Elements' tags in the site XML format of different annotation + components - FNodes (Unit), Terminals, remote and implicit Units + and linkages. + """ + class _Tags: + Unit = 'unit' + Terminal = 'word' + Remote = 'remoteUnit' + Implicit = 'implicitUnit' + Linkage = 'linkage' + + class _Paths: + """Paths (from the XML root) to different parts of the annotation - + the main units part, the discontiguous units, the paragraph + elements and the annotation units. + """ + Main = 'units' + Attrib = 'attrib' + Paragraphs = 'units/unit/*' + Annotation = 'units/unit/*/*' + Discontiguous = 'unitGroups' + + class _Types: + """Possible types for the Type attribute, which is roughly equivalent + to Edge/Node tag. Only specially-handled types are here, which is + the punctuation type. + """ + Punct = 'Punctuation' + + class _Attr: + """Attribute names in the XML elements (not all exist in all elements) + - passage and site ID, discontiguous unit ID, UCCA tag, uncertain + flag, user remarks and linkage arguments. NodeID is special + because we set it for every unit that was already converted, and + it's not present in the original XML. + """ + PassageID = 'passageID' + SiteID = 'id' + NodeID = 'internal_id' + ElemTag = 'type' + Uncertain = 'uncertain' + Unanalyzable = 'unanalyzable' + Remarks = 'remarks' + GroupID = 'unitGroupID' + LinkageArgs = 'args' + Suggestion = 'suggestion' + CoordinatedMainRel = 'cmr' + + __init__ = None + Tags = _Tags + Paths = _Paths + Types = _Types + Attr = _Attr + + """ XML tag used for wrapping words (non-punctuation) and unit groups """ + TBD = 'To Be Defined' + + """ values for True/False in the site XML (strings) """ + TRUE = 'true' + FALSE = 'false' + + """ version of site XML scheme which self adheres to """ + SchemeVersion = '1.0.4' + """ mapping of site XML tag attribute to layer1 edge tags. """ + TagConversion = {'Linked U': EdgeTags.ParallelScene, + 'Parallel Scene': EdgeTags.ParallelScene, + 'Function': EdgeTags.Function, + 'Participant': EdgeTags.Participant, + 'Process': EdgeTags.Process, + 'State': EdgeTags.State, + 'aDverbial': EdgeTags.Adverbial, + 'Center': EdgeTags.Center, + 'Elaborator': EdgeTags.Elaborator, + 'Linker': EdgeTags.Linker, + 'Ground': EdgeTags.Ground, + 'Connector': EdgeTags.Connector, + 'Role Marker': EdgeTags.Relator, + 'Relator': EdgeTags.Relator, + 'Time': EdgeTags.Time, + 'Quantifier': EdgeTags.Quantifier, + } + + """ mapping of layer1.EdgeTags to site XML tag attributes. """ + EdgeConversion = {EdgeTags.ParallelScene: 'Parallel Scene', + EdgeTags.Function: 'Function', + EdgeTags.Participant: 'Participant', + EdgeTags.Process: 'Process', + EdgeTags.State: 'State', + EdgeTags.Adverbial: 'aDverbial', + EdgeTags.Center: 'Center', + EdgeTags.Elaborator: 'Elaborator', + EdgeTags.Linker: 'Linker', + EdgeTags.Ground: 'Ground', + EdgeTags.Connector: 'Connector', + EdgeTags.Relator: 'Relator', + EdgeTags.Time: 'Time', + EdgeTags.Quantifier: 'Quantifier', + } + + +class SiteUtil: + """Contains utility functions for converting to/from the site XML. + + Functions: + unescape: converts escaped characters to their original form. + set_id: sets the Node ID (internal) attribute in the XML element. + get_node: gets the node corresponding to the element given from + the mapping. If not found, returns None + set_node: writes the element site ID + node pair to the mapping + + """ + __init__ = None + + @staticmethod + def unescape(x): + return xml.sax.saxutils.unescape(x, {'"': '"', r"\u2019": "'"}) + + @staticmethod + def set_id(e, i): + e.set(SiteCfg.Attr.NodeID, i) + + @staticmethod + def get_node(e, mapp): + return mapp.get(e.get(SiteCfg.Attr.SiteID)) + + @staticmethod + def set_node(e, n, mapp): + mapp.update({e.get(SiteCfg.Attr.SiteID): n}) + + +def _from_site_terminals(elem, passage, elem2node): + """Extract the Terminals from the site XML format. + + Some of the terminals metadata (remarks, type) is saved in a wrapper unit + which encapsulates each terminal, so we use both for creating our + :class:`layer0`.Terminal objects. + + :param elem: root element of the XML hierarchy + :param passage: passage to add the Terminals to, already with Layer0 object + :param elem2node: dictionary whose keys are site IDs and values are the + created UCCA Nodes which are equivalent. This function updates the + dictionary by mapping each word wrapper to a UCCA Terminal. + """ + layer0.Layer0(passage) + for para_num, paragraph in enumerate(elem.iterfind( + SiteCfg.Paths.Paragraphs)): + words = list(paragraph.iter(SiteCfg.Tags.Terminal)) + wrappers = [] + for word in words: + # the list added has only one element, because XML is hierarchical + wrappers += [x for x in paragraph.iter(SiteCfg.Tags.Unit) + if word in list(x)] + for word, wrapper in zip(words, wrappers): + punct = (wrapper.get(SiteCfg.Attr.ElemTag) == SiteCfg.Types.Punct) + text = SiteUtil.unescape(word.text) + # Paragraphs start at 1 and enumeration at 0, so add +1 to para_num + t = passage.layer(layer0.LAYER_ID).add_terminal(text, punct, + para_num + 1) + SiteUtil.set_id(word, t.ID) + SiteUtil.set_node(wrapper, t, elem2node) + + +def _parse_site_units(elem, parent, passage, groups, elem2node): + """Parses the given element in the site annotation. + + The parser works recursively by determining how to parse the current XML + element, then adding it with a core.Edge object to the parent given. + After creating (or retrieving) the current node, which corresponds to the + XML element given, we iterate its subelements and parse them recursively. + + :param elem: the XML element to parse + :param parent: layer1.FoundationalNode parent of the current XML element + :param passage: the core.Passage we are converting to + :param groups: the main XML element of the discontiguous units (unitGroups) + :param elem2node: mapping between site IDs and Nodes, updated here + + :return: a list of (parent, elem) pairs which weren't process, as they should + be process last (usually because they contain references to not-yet + created Nodes). + """ + + def _get_node(node_elem): + """Given an XML element, returns its node if it was already created. + + If not created, returns None. If the element is a part of discontiguous + unit, returns the discontiguous unit corresponding Node (if exists). + + """ + gid = node_elem.get(SiteCfg.Attr.GroupID) + return SiteUtil.get_node(node_elem, elem2node) if gid is None else elem2node.get(gid) + + def _get_work_elem(node_elem): + """Given XML element, return either itself or its discontiguous unit.""" + gid = node_elem.get(SiteCfg.Attr.GroupID) + return (node_elem if gid is None + else [group_elem for group_elem in groups + if group_elem.get(SiteCfg.Attr.SiteID) == gid][0]) + + def _fill_attributes(node_elem, target_node): + """Fills in node the remarks and uncertain attributes from XML elem.""" + if node_elem.get(SiteCfg.Attr.Uncertain) == 'true': + target_node.attrib['uncertain'] = True + if node_elem.get(SiteCfg.Attr.Remarks) is not None: + target_node.extra['remarks'] = SiteUtil.unescape( + node_elem.get(SiteCfg.Attr.Remarks)) + + l1 = passage.layer(layer1.LAYER_ID) + tbd = [] + + # Unit tag means its a regular, hierarchically built unit + if elem.tag == SiteCfg.Tags.Unit: + node = _get_node(elem) + + # Only nodes created by now are the terminals, or discontiguous units + if node is not None: + + if node.tag == layer0.NodeTags.Word: + parent.add(EdgeTags.Terminal, node) + elif node.tag == layer0.NodeTags.Punct: + SiteUtil.set_node(elem, l1.add_punct( + parent, node), elem2node) + else: + # if we got here, we are the second (or later) chunk of a + # discontiguous unit, whose node was already created. + # So, we don't need to create the node, just keep processing + # our subelements (as subelements of the discontiguous unit) + + # Added by Omri to address cases where remote units direct at the chunks of discontiguous units + SiteUtil.set_node(elem, node, elem2node) + + for subelem in elem: + tbd += _parse_site_units(subelem, node, passage, + groups, elem2node) + else: + # Creating a new node, either regular or discontiguous. + # Note that for discontiguous units we have a different work_elem, + # because all the data on them are stored outside the hierarchy + work_elem = _get_work_elem(elem) + edge_tags = [(SiteCfg.TagConversion[tag],) + for tag in work_elem.get(SiteCfg.Attr.ElemTag, "").split("|") or None] + attrib = {} + if work_elem.get(SiteCfg.Attr.CoordinatedMainRel) == SiteCfg.TRUE: + attrib[COORDINATED_MAIN_REL] = True + node = l1.add_fnode_multiple(parent, edge_tags, edge_attrib=attrib) + SiteUtil.set_node(work_elem, node, elem2node) + + # Added by Omri to address cases where remote units direct at the chunks of discontiguous units + SiteUtil.set_node(elem, node, elem2node) + + _fill_attributes(work_elem, node) + # For iterating the subelements, we don't use work_elem, as it may + # out of the current XML hierarchy we are processing (discont...) + for parent_elem in [elem] if elem is work_elem else [elem, work_elem]: + for subelem in parent_elem: + tbd += _parse_site_units(subelem, node, passage, + groups, elem2node) + # Implicit units have their own tag, and aren't recursive, but nonetheless + # are treated the same as regular units + elif elem.tag == SiteCfg.Tags.Implicit: + edge_tags = [(SiteCfg.TagConversion[tag],) + for tag in elem.get(SiteCfg.Attr.ElemTag, "").split("|") or None] + node = l1.add_fnode_multiple(parent, edge_tags, implicit=True) + SiteUtil.set_node(elem, node, elem2node) + _fill_attributes(elem, node) + # non-unit, probably remote or linkage, which should be created in the end + else: + tbd.append((parent, elem)) + + return tbd + + +def _from_site_annotation(elem, passage, elem2node): + """Parses site XML annotation. + + Parses the whole annotation, given that the terminals are already processed + and converted and appear in elem2node. + + :param elem: root XML element + :param passage: the passage to create, with layer0, w/o layer1 + :param elem2node: mapping from site ID to Nodes, should contain the Terminals + + :raise SiteXMLUnknownElement: if an unknown, unhandled element is found + + """ + tbd = [] + l1 = layer1.Layer1(passage) + l1head = l1.heads[0] + groups_root = elem.find(SiteCfg.Paths.Discontiguous) + + # this takes care of the hierarchical annotation + for subelem in elem.iterfind(SiteCfg.Paths.Annotation): + tbd += _parse_site_units(subelem, l1head, passage, groups_root, + elem2node) + + # Handling remotes and linkages, which usually contain IDs from all over + # the annotation, hence must be taken care of after all elements are + # converted + for parent, elem in tbd: + if elem.tag == SiteCfg.Tags.Remote: + edge_tags = [(SiteCfg.TagConversion[tag],) + for tag in elem.get(SiteCfg.Attr.ElemTag, "").split("|") or None] + child = SiteUtil.get_node(elem, elem2node) + if child is None: # bug in XML, points to an invalid ID + print("Warning: remoteUnit with ID {} is invalid - skipping". + format(elem.get(SiteCfg.Attr.SiteID)), file=sys.stderr) + continue + l1.add_remote_multiple(parent, edge_tags, child) + elif elem.tag == SiteCfg.Tags.Linkage: + args = [elem2node[x] for x in + elem.get(SiteCfg.Attr.LinkageArgs).split(',')] + l1.add_linkage(parent, *args) + else: + raise SiteXMLUnknownElement(elem.tag) + + +def from_site(elem): + """Converts site XML structure to :class:`core`.Passage object. + + :param elem: root element of the XML structure + + :return: The converted core.Passage object + """ + pid = elem.find(SiteCfg.Paths.Main).get(SiteCfg.Attr.PassageID) + attrib = elem.find(SiteCfg.Paths.Attrib) + passage = core.Passage(pid, attrib=None if attrib is None else attrib.attrib) + elem2node = {} + _from_site_terminals(elem, passage, elem2node) + _from_site_annotation(elem, passage, elem2node) + return passage + + +def to_site(passage): + """Converts a passage to the site XML format. + + :param passage: the passage to convert + + :return: the root element of the standard XML structure + """ + + class _State: + def __init__(self): + self.ID = 1 + self.mapping = {} + self.elems = {} + + def get_id(self): + ret = str(self.ID) + self.ID += 1 + return ret + + def update(self, node_elem, node): + self.mapping[node.ID] = node_elem.get(SiteCfg.Attr.SiteID) + self.elems[node.ID] = node_elem + + state = _State() + + def _word(terminal): + tag = SiteCfg.Types.Punct if terminal.punct else SiteCfg.TBD + word = ET.Element(SiteCfg.Tags.Terminal, + {SiteCfg.Attr.SiteID: state.get_id()}) + word.text = terminal.text + word_elem = ET.Element(SiteCfg.Tags.Unit, + {SiteCfg.Attr.ElemTag: tag, + SiteCfg.Attr.SiteID: state.get_id(), + SiteCfg.Attr.Unanalyzable: SiteCfg.FALSE, + SiteCfg.Attr.Uncertain: SiteCfg.FALSE}) + word_elem.append(word) + state.update(word_elem, terminal) + return word_elem + + def _cunit(node, cunit_subelem): + uncertain = (SiteCfg.TRUE if node.attrib.get('uncertain') + else SiteCfg.FALSE) + suggestion = (SiteCfg.TRUE if node.attrib.get('suggest') + else SiteCfg.FALSE) + unanalyzable = ( + SiteCfg.TRUE if len(node) > 1 and all( + e.tag in (EdgeTags.Terminal, + EdgeTags.Punctuation) + for e in node) + else SiteCfg.FALSE) + elem_tag = "|".join(SiteCfg.EdgeConversion[tag] for tag in node.ftags) + attrib = {SiteCfg.Attr.ElemTag: elem_tag, + SiteCfg.Attr.SiteID: state.get_id(), + SiteCfg.Attr.Unanalyzable: unanalyzable, + SiteCfg.Attr.Uncertain: uncertain, + SiteCfg.Attr.Suggestion: suggestion} + remarks = node.attrib.get("remarks") + if remarks: + attrib[SiteCfg.Attr.Remarks] = remarks + if any(edge.attrib.get(COORDINATED_MAIN_REL) for edge in node.incoming): + attrib[SiteCfg.Attr.CoordinatedMainRel] = SiteCfg.TRUE + cunit_elem = ET.Element(SiteCfg.Tags.Unit, attrib) + if cunit_subelem is not None: + cunit_elem.append(cunit_subelem) + # When we add chunks of discontiguous units, we don't want them to + # overwrite the original mapping (leave it to the unitGroupId) + if node.ID not in state.mapping: + state.update(cunit_elem, node) + return cunit_elem + + def _remote(edge): + uncertain = (SiteCfg.TRUE if edge.child.attrib.get('uncertain') + else SiteCfg.FALSE) + suggestion = (SiteCfg.TRUE if edge.child.attrib.get('suggest') + else SiteCfg.FALSE) + remote_elem = ET.Element(SiteCfg.Tags.Remote, + {SiteCfg.Attr.ElemTag: + "|".join(SiteCfg.EdgeConversion[tag] for tag in edge.tags), + SiteCfg.Attr.SiteID: state.mapping[edge.child.ID], + SiteCfg.Attr.Unanalyzable: SiteCfg.FALSE, + SiteCfg.Attr.Uncertain: uncertain, + SiteCfg.Attr.Suggestion: suggestion}) + state.elems[edge.parent.ID].insert(0, remote_elem) + + def _implicit(node): + uncertain = (SiteCfg.TRUE if node.incoming[0].attrib.get('uncertain') + else SiteCfg.FALSE) + suggestion = (SiteCfg.TRUE if node.attrib.get('suggest') + else SiteCfg.FALSE) + implicit_elem = ET.Element(SiteCfg.Tags.Implicit, + {SiteCfg.Attr.ElemTag: + "|".join(SiteCfg.EdgeConversion[tag] for tag in node.ftags), + SiteCfg.Attr.SiteID: state.get_id(), + SiteCfg.Attr.Unanalyzable: SiteCfg.FALSE, + SiteCfg.Attr.Uncertain: uncertain, + SiteCfg.Attr.Suggestion: suggestion}) + state.elems[node.fparent.ID].insert(0, implicit_elem) + + def _linkage(link): + args = [str(state.mapping[x.ID]) for x in link.arguments] + linker_elem = state.elems[link.relation.ID] + linkage_elem = ET.Element(SiteCfg.Tags.Linkage, {'args': ','.join(args)}) + linker_elem.insert(0, linkage_elem) + + def _fparent(node): + primary, remotes = [[e.parent for e in node.incoming if e.attrib.get("remote", False) is v] + for v in (False, True)] + for parents in primary, remotes: + try: + return parents[0] + except IndexError: + pass + return None + + def _get_parent(node): + ret = _fparent(node) + if ret and ret.tag == layer1.NodeTags.Punctuation: + ret = _fparent(ret) + if ret and ret in passage.layer(layer1.LAYER_ID).heads: + ret = None # the parent is the fake FNodes head + return ret + + para_elems = [] + + # The IDs are used to check whether a parent should be real or a chunk + # of a larger unit -- in the latter case we need the new ID + split_ids = [ID for ID, node in passage.nodes.items() + if node.tag == layer1.NodeTags.Foundational and + node.discontiguous] + unit_groups = [_cunit(passage.by_id(ID), None) for ID in split_ids] + state.elems.update((ID, elem) for ID, elem in zip(split_ids, unit_groups)) + + for term in sorted(list(passage.layer(layer0.LAYER_ID).all), + key=lambda x: x.position): + unit = _word(term) + parent = _get_parent(term) + while parent is not None: + if parent.ID in state.mapping and parent.ID not in split_ids: + state.elems[parent.ID].append(unit) + break + elem = _cunit(parent, unit) + if parent.ID in split_ids: + elem.set(SiteCfg.Attr.ElemTag, SiteCfg.TBD) + elem.set(SiteCfg.Attr.GroupID, state.mapping[parent.ID]) + unit = elem + parent = _get_parent(parent) + # The uppermost unit (w.o parents) should be the subelement of a + # paragraph element, if it exists + if parent is None: + if term.para_pos == 1: # need to add paragraph element + para_elems.append(ET.Element( + SiteCfg.Tags.Unit, + {SiteCfg.Attr.ElemTag: SiteCfg.TBD, + SiteCfg.Attr.SiteID: state.get_id()})) + para_elems[-1].append(unit) + + # Because we identify a partial discontiguous unit (marked as TBD) only + # after we create the elements, we may end with something like: + # ... ... + # which we would like to merge under one element. + # Because we keep changing the tree, we must break and re-iterate each time + while True: + for elems_root in para_elems: + changed = False + for parent in elems_root.iter(): + changed = False + if any(x.get(SiteCfg.Attr.GroupID) for x in parent): + # Must use list() as we change parent members + for i, elem in enumerate(list(parent)): + if (i > 0 and elem.get(SiteCfg.Attr.GroupID) and + elem.get(SiteCfg.Attr.GroupID) == + parent[i - 1].get(SiteCfg.Attr.GroupID)): + parent.remove(elem) + for subelem in list(elem): # merging + elem.remove(subelem) + parent[i - 1].append(subelem) + changed = True + break + if changed: + break + if changed: + break + else: + break + + # Handling remotes, implicits and linkages + for remote in [e for n in passage.layer(layer1.LAYER_ID).all + for e in n if e.attrib.get('remote')]: + _remote(remote) + for implicit in [n for n in passage.layer(layer1.LAYER_ID).all + if n.attrib.get('implicit')]: + _implicit(implicit) + for linkage in filter(lambda x: x.tag == layer1.NodeTags.Linkage, + passage.layer(layer1.LAYER_ID).heads): + _linkage(linkage) + + # Creating the XML tree + root = ET.Element('root', {'schemeVersion': SiteCfg.SchemeVersion}) + groups = ET.SubElement(root, 'unitGroups') + groups.extend(unit_groups) + units = ET.SubElement(root, SiteCfg.Paths.Main, {SiteCfg.Attr.PassageID: passage.ID}) + ET.SubElement(root, SiteCfg.Paths.Attrib, passage.attrib.copy()) + units0 = ET.SubElement(units, SiteCfg.Tags.Unit, + {SiteCfg.Attr.ElemTag: SiteCfg.TBD, + SiteCfg.Attr.SiteID: '0', + SiteCfg.Attr.Unanalyzable: SiteCfg.FALSE, + SiteCfg.Attr.Uncertain: SiteCfg.FALSE}) + units0.extend(para_elems) + ET.SubElement(root, 'LRUunits') + ET.SubElement(root, 'hiddenUnits') + + return root + + +def to_standard(passage): + """Converts a Passage object to a standard XML root element. + + The standard XML specification is not contained here, but it uses a very + shallow structure with attributes to create hierarchy. + + :param passage: the passage to convert + + :return: the root element of the standard XML structure + """ + + # This utility stringifies the Unit's attributes for proper XML + # we don't need to escape the character - the serializer of the XML element + # will do it (e.g. tostring()) + def _dumps(dic): + return {str(k): str(v) if type(v) in (str, bool) else json.dumps(v) for k, v in dic.items()} + + # Utility to add an extra element if exists in the object + def _add_extra(obj, elem): + return obj.extra and ET.SubElement(elem, 'extra', _dumps(obj.extra)) + + # Adds attributes element (even if empty) + def _add_attrib(obj, elem): + return ET.SubElement(elem, 'attributes', _dumps(obj.attrib)) + + root = ET.Element('root', passageID=str(passage.ID), annotationID='0') + _add_attrib(passage, root) + _add_extra(passage, root) + + for layer in sorted(passage.layers, key=attrgetter('ID')): + layer_elem = ET.SubElement(root, 'layer', layerID=layer.ID) + _add_attrib(layer, layer_elem) + _add_extra(layer, layer_elem) + for node in layer.all: + node_elem = ET.SubElement(layer_elem, 'node', + ID=node.ID, type=node.tag) + _add_attrib(node, node_elem) + _add_extra(node, node_elem) + for edge in node: + edge_elem = ET.SubElement(node_elem, 'edge', + toID=edge.child.ID, type=edge.tag) + _add_attrib(edge, edge_elem) + _add_extra(edge, edge_elem) + for category in edge: + attrs = {} + if category.tag: + attrs["tag"] = category.tag + if category.slot: + attrs["slot"] = str(category.slot) + if category.layer: + attrs["layer_name"] = category.layer + if category.parent: + attrs["parent_name"] = category.parent + category_elem = ET.SubElement(edge_elem, "category", **attrs) + _add_extra(category, category_elem) + return root + + +def from_standard(root, extra_funcs=None): + def _str2bool(x): + return x == "True" + + attribute_converters = { + 'paragraph': int, + 'paragraph_position': int, + 'remote': _str2bool, + 'implicit': _str2bool, + 'uncertain': _str2bool, + 'suggest': _str2bool, + None: str, + } + + def _loads(x): + try: + return False if x == "False" else x == "True" or json.loads(x) + except JSONDecodeError: + return x + + layer_objs = {layer0.LAYER_ID: layer0.Layer0, + layer1.LAYER_ID: layer1.Layer1} + + node_objs = {layer0.NodeTags.Word: layer0.Terminal, + layer0.NodeTags.Punct: layer0.Terminal, + layer1.NodeTags.Foundational: layer1.FoundationalNode, + layer1.NodeTags.Linkage: layer1.Linkage, + layer1.NodeTags.Punctuation: layer1.PunctNode} + + def _get_attrib(elem): + try: + return {k: attribute_converters.get(k, str)(v) + for k, v in elem.find('attributes').items()} + except AttributeError as e: + raise core.UCCAError("Element %s has no attributes" % elem.get("ID")) from e + + def _add_extra(obj, elem): + if elem.find('extra') is not None: + for k, v in elem.find('extra').items(): + obj.extra[k] = (extra_funcs or {}).get(k, _loads)(v) + + passage = core.Passage(root.get('passageID'), attrib=_get_attrib(root)) + _add_extra(passage, root) + edge_elems = [] + for layer_elem in root.findall('layer'): + layer_id = layer_elem.get('layerID') + layer = layer_objs[layer_id](passage, attrib=_get_attrib(layer_elem)) + _add_extra(layer, layer_elem) + # some nodes are created automatically, skip creating them when found + # in the XML (they should have 'constant' IDs) but take their edges + # and attributes/extra from the XML (may have changed from the default) + created_nodes = {x.ID: x for x in layer.all} + for node_elem in layer_elem.findall('node'): + node_id = node_elem.get('ID') + tag = node_elem.get('type') + node = created_nodes.get(node_id) + if node is None: + node = node_objs[tag](root=passage, ID=node_id, tag=tag, attrib=_get_attrib(node_elem)) + else: + for key, value in _get_attrib(node_elem).items(): + node.attrib[key] = value + _add_extra(node, node_elem) + edge_elems += [(node, x) for x in node_elem.findall('edge')] + + # Adding edges (must have all nodes before doing so) + for from_node, edge_elem in edge_elems: + to_node = passage.nodes[edge_elem.get('toID')] + categories_elems = edge_elem.findall('category') + categories = [] + for c in categories_elems: + tag = c.get('tag') + slot = c.get('slot') + layer = c.get('layer_name') + parent = c.get('parent_name') + categories.append((tag, slot, layer, parent)) + if not categories: # an old xml format + tag = edge_elem.get('type') + categories.append((tag, "", "", "")) + edge = from_node.add_multiple(categories, to_node, edge_attrib=_get_attrib(edge_elem)) + _add_extra(edge, edge_elem) + + return passage + + +def from_text(text, passage_id="1", tokenized=False, one_per_line=False, extra_format=None, lang="en", *args, **kwargs): + """Converts from tokenized strings to a Passage object. + + :param text: a multi-line string or a sequence of strings: + each line will be a new paragraph, and blank lines separate passages + :param passage_id: prefix of ID to set for returned passages + :param tokenized: whether the text is already given as a list of tokens + :param one_per_line: each line will be a new passage rather than just a new paragraph + :param extra_format: value to set in passage.extra["format"] + :param lang: language to use for tokenization model + + :return: generator of Passage object with only Terminal units + """ + del args, kwargs + if isinstance(text, str): + text = text.splitlines() + if tokenized: + text = (text,) # text is a list of tokens, not list of lines + p = l0 = paragraph = None + i = 0 + for line in text: + if not tokenized: + line = line.strip() + if line or one_per_line: + if p is None: + p = core.Passage("%s_%d" % (passage_id, i), attrib=dict(lang=lang)) + if extra_format is not None: + p.extra["format"] = extra_format + l0 = layer0.Layer0(p) + layer1.Layer1(p) + paragraph = 1 + for lex in textutil.get_tokenizer(tokenized, lang=lang)(line): + l0.add_terminal(text=lex.orth_, punct=lex.is_punct, paragraph=paragraph) + paragraph += 1 + if p and (not line or one_per_line): + yield p + p = None + i += 1 + if p: + yield p + + +def to_text(passage, sentences=True, lang="en", *args, **kwargs): + """Converts from a Passage object to tokenized strings. + + :param passage: the Passage object to convert + :param sentences: whether to break the Passage to sentences (one for string) + or leave as one string. Defaults to True + :param lang: language to use for sentence splitting model + + :return: a list of strings - 1 if sentences=False, # of sentences otherwise + """ + del args, kwargs + tokens = [x.text for x in sorted(passage.layer(layer0.LAYER_ID).all, + key=attrgetter('position'))] + # break2sentences return the positions of the end tokens, which is + # always the index into tokens incremented by ones (tokens index starts + # with 0, positions with 1). So in essence, it returns the index to start + # the next sentence from, and we should add index 0 for the first sentence + if sentences: + starts = [0] + textutil.break2sentences(passage, lang=lang) + else: + starts = [0, len(tokens)] + return [' '.join(tokens[starts[i]:starts[i + 1]]) + for i in range(len(starts) - 1)] + + +def to_sequence(passage): + """Converts from a Passage object to linearized text sequence. + + :param passage: the Passage object to convert + + :return: a list of strings - 1 if sentences=False, # of sentences otherwise + """ + def _position(edge): + while edge.child.layer.ID != layer0.LAYER_ID: + edge = edge.child.outgoing[0] + return tuple(map(edge.child.attrib.get, ('paragraph', 'paragraph_position'))) + + seq = '' + stacks = [] + edges = [e for u in passage.layer(layer1.LAYER_ID).all + if not u.incoming for e in u.outgoing] + # should avoid printing the same node more than once, refer to it by ID + # convert back to passage + # use Node.__str__ as it already does this... + while True: + if edges: + stacks.append(sorted(edges, key=_position, reverse=True)) + else: + stacks[-1].pop() + while not stacks[-1]: + stacks.pop() + if not stacks: + return seq.rstrip() + seq += ']_' + seq += stacks[-1][-1].tag + seq += ' ' + stacks[-1].pop() + e = stacks[-1][-1] + edges = e.child.outgoing + if edges: + seq += '[' + seq += e.child.attrib.get('text') or e.tag + seq += ' ' + + +UNANALYZABLE = "Unanalyzable" +UNCERTAIN = "Uncertain" +IGNORED_CATEGORIES = {UNANALYZABLE, UNCERTAIN, COORDINATED_MAIN_REL} +IGNORED_ABBREVIATIONS = {EdgeTags.Unanalyzable, EdgeTags.Uncertain, COORDINATED_MAIN_REL} + + +def get_json_attrib(d): + attrib = {} + user = d.get("user") + if user: + user_id = user.get("id") + if user_id: + attrib["userID"] = user_id + remarks = d.get("user_comment") + if remarks: + attrib["remarks"] = remarks + annotation_id = d.get("id") + if annotation_id: + attrib["annotationID"] = annotation_id + return attrib or None + + +def get_categories_details(d): + # mapping from a category id to the category's parent, layer + curr_layer = d['project']['layer'] + categories = {} + base_layer = None + while curr_layer: + base_layer = curr_layer['name'] + for c in curr_layer['categories']: + categories[c['id']] = {'name': c["name"], 'parent': c.get("parent"), 'layer': base_layer} + curr_layer = curr_layer['parent'] + return base_layer, categories + + +def from_json(lines, *args, skip_category_mapping=False, by_external_id=False, **kwargs): + """Convert text (or dict) in UCCA-App JSON format to a Passage object. + According to the API, annotation units are organized in a tree, where the full unit is included as a child of + its parent: https://github.com/omriabnd/UCCA-App/blob/master/UCCAApp_REST_API_Reference.pdf + Just token children are included in the simple form ("id" only), in the "children_tokens" field. + Note: children_tokens contains all tokens that are descendants of the unit, not just immediate children. + tree_id: encodes the path leading to the node, e.g., 3-5-2. + 1-based, and in reverse order to the children's appearance, so that 1 is last, 2 is before last, etc. + The exception is the first level, where there is just 0, and the next level starts from 1 (not 0-1). + parent_tree_id: the tree_id of the node's parent, where 0 is the root + :param lines: iterable of lines in JSON format, describing a single passage. + :param skip_category_mapping: if False, translate category names to edge tag abbreviations; if True, don't + :param by_external_id: set passage ID to be the external ID of the source passage rather than its ID + :return: generator of Passage objects + """ + del args, kwargs + d = lines if isinstance(lines, dict) else json.loads("".join(lines)) + passage_id = d["passage"]["id"] + attrib = get_json_attrib(d) + base_layer, categories = get_categories_details(d) + base_slot = "" + if by_external_id: + attrib["passageID"] = passage_id + external_id = d["passage"]["external_id"] + assert external_id, "No external ID found for passage %s (task %s)" % (passage_id, d.get("id", "unknown")) + passage_id = external_id + passage = core.Passage(str(passage_id), attrib=attrib) + + # Create terminals + l0 = layer0.Layer0(passage) + token_id_to_terminal = {token["id"]: l0.add_terminal( + text=token["text"], punct=not token["require_annotation"], paragraph=1) + for token in sorted(d["tokens"], key=itemgetter("index_in_task"))} + + # Create non-terminals + l1 = layer1.Layer1(passage) + tree_id_to_node = {} + token_id_to_preterminal = {} + category_name_to_edge_tag = {} if skip_category_mapping else EdgeTags.__dict__ + # Assuming topological sort: parents always appear before children + for unit in sorted(d["annotation_units"], key=itemgetter("is_remote_copy")): # Get non-remotes first + tree_id = unit["tree_id"] + remote = unit["is_remote_copy"] + cloned_from_tree_id = None + if remote: + cloned_from_tree_id = unit.get("cloned_from_tree_id") + if cloned_from_tree_id is None: + raise ValueError("Remote unit %s without cloned_from_tree_id" % tree_id) + elif tree_id in tree_id_to_node: + raise ValueError("Unit %s is repeated" % tree_id) + parent_tree_id = unit["parent_tree_id"] + if parent_tree_id is None: # Root node: no need to create + tree_id_to_node[tree_id] = None + continue + try: + parent_node = tree_id_to_node[parent_tree_id] + except KeyError as e: + raise ValueError("Unit %s appears before its parent, %s" % (tree_id, parent_tree_id)) from e + + unit_categories = [] + for category in unit.get("categories", ()): + try: + category_name = category.get("name") or categories[category["id"]]['name'] + except KeyError as e: + raise ValueError("Category missing from layer: " + category["id"]) from e + c_tag = category_name_to_edge_tag.get(category_name.replace(" ", ""), category_name.replace(" ", "_")) + c_slot = category.get("slot", "") + c_data = categories[category["id"]] + c_layer = c_data['layer'] + if c_layer == base_layer: + base_slot = c_slot + c_parent = c_data['parent'] + if c_parent: # make sure it is not empty + c_parent = category_name_to_edge_tag.get(c_parent['name'].replace(" ", ""), + c_parent['name'].replace(" ", "_")) + unit_categories.append((c_tag, c_slot, c_layer, c_parent)) + + if not unit_categories: + raise ValueError("Unit %s has no categories" % tree_id) + + edge_attrib = {} + for unit_category, *_ in unit_categories: + if unit_category == EdgeTags.Uncertain: + edge_attrib["uncertain"] = True + elif unit_category == COORDINATED_MAIN_REL: + edge_attrib[COORDINATED_MAIN_REL] = True + if not edge_attrib: + edge_attrib = None + unit_categories = [uc for uc in unit_categories if uc[0] not in IGNORED_ABBREVIATIONS] + children_tokens = [] if unit["type"] == "IMPLICIT" else unit["children_tokens"] + try: + terminal = token_id_to_terminal[children_tokens[0]["id"]] if len(children_tokens) == 1 else None + except (IndexError, KeyError): + terminal = None + if remote: + try: + node = tree_id_to_node[cloned_from_tree_id] + except KeyError as e: + raise ValueError("Remote copy %s refers to nonexistent unit: %s" % + (tree_id, cloned_from_tree_id)) from e + l1.add_remote_multiple(parent_node, unit_categories, node, edge_attrib=edge_attrib) + elif not skip_category_mapping and terminal and layer0.is_punct(terminal): + tree_id_to_node[tree_id] = l1.add_punct(None, terminal, base_layer, base_slot, edge_attrib=edge_attrib) + elif tree_id not in tree_id_to_node: + node = tree_id_to_node[tree_id] = l1.add_fnode_multiple(parent_node, unit_categories, + implicit=unit["type"] == "IMPLICIT", + edge_attrib=edge_attrib) + node.extra['tree_id'] = tree_id + comment = unit.get("comment") + if comment: + node.extra['remarks'] = comment + for token in children_tokens: + token_id_to_preterminal[token["id"]] = node + + # Attach terminals to non-terminals + for token_id, node in token_id_to_preterminal.items(): + terminal = token_id_to_terminal[token_id] + if skip_category_mapping or not layer0.is_punct(terminal): + node.add(EdgeTags.Terminal, terminal) + + return passage + + +IGNORED_EDGE_TAGS = {EdgeTags.Punctuation, EdgeTags.Terminal} + + +def to_json(passage, *args, return_dict=False, tok_task=None, all_categories=None, skip_category_mapping=False, + **kwargs): + """Convert a Passage object to text (or dict) in UCCA-App JSON + :param passage: the Passage object to convert + :param return_dict: whether to return dict rather than list of lines + :param tok_task: either None (to do tokenization too), or a completed tokenization task dict with token IDs, + or True, to indicate that the function should do only tokenization and not annotation + :param all_categories: list of category dicts so that IDs can be added, if available - otherwise names are used + :param skip_category_mapping: if False, translate edge tag abbreviations to category names; if True, don't + :return: list of lines in JSON format if return_dict=False, or task dict if True + """ + del args, kwargs + # Create tokens + terminal_id_to_token_id = {} + terminals = sorted(passage.layer(layer0.LAYER_ID).all, key=attrgetter("position")) + if tok_task is True or tok_task is None: # Necessary because bool(tok_task) == True also if a task dict is given + tokens = [] + start_index = 0 + for terminal in terminals: + end_index = start_index + len(terminal.text) + token = dict(text=terminal.text, start_index=start_index, end_index=end_index, + index_in_task=terminal.position - 1, + require_annotation=not layer0.is_punct(terminal)) + if tok_task is None: # When doing tokenization as a task, no need to fill the IDs (done by the server) + token["id"] = terminal_id_to_token_id[terminal.ID] = terminal.position + tokens.append(token) + start_index = end_index + 1 + else: + tokens = sorted(tok_task["tokens"], key=itemgetter("start_index")) + if len(tokens) != len(terminals): + raise ValueError("Number of tokens in tokenization task != number of terminals in passage: %d != %d" % + (len(tokens), len(terminals))) + for token, terminal in zip(tokens, terminals): + terminal_id_to_token_id[terminal.ID] = token["id"] + # Create annotation units + category_name_to_id = {c["name"]: c["id"] for c in all_categories} if all_categories else None + annotation_units = [] + if tok_task is not True: # Annotation required, not just tokenization; tok_task might be None or a full task dict + + def _create_unit(elements, n, ts, cs, is_remote_copy=False, parent_tree_id=None): + implicit = n.attrib.get("implicit") + assert implicit or ts, "Only implicit units may not have a children_tokens field: " + n.ID + return dict(tree_id="-".join(map(str, elements)), + type="IMPLICIT" if implicit else "REGULAR", is_remote_copy=is_remote_copy, + categories=cs, comment=n.extra.get("remarks", ""), cluster="", cloned_from_tree_id=None, + parent_tree_id=parent_tree_id, gui_status="OPEN", + children_tokens=[dict(id=terminal_id_to_token_id[t.ID]) for t in ts]) + + root_node = passage.layer(layer1.LAYER_ID).heads[0] # Ignoring Linkage: taking only the first head + root_unit = _create_unit([0], root_node, terminals, []) + annotation_units.append(root_unit) + node_id_to_primary_annotation_unit = {root_node.ID: root_unit} + node_id_to_remote_annotation_units = defaultdict(list) + edge_tag_to_category_name = {} if skip_category_mapping else \ + {v: re.sub(r"(?<=[a-z])(?=[A-Z])", " ", k) for k, v in EdgeTags.__dict__.items()} + + def _outgoing(elements, n): # (ID element, outgoing edges sharing parent & child) for all n's children + return [(elements + [i], list(es)) for i, (_, es) in enumerate( + groupby(sorted([e for e in n if e.tag not in IGNORED_EDGE_TAGS], + key=attrgetter("child.start_position", "child.ID")), + key=attrgetter("child.ID")), start=1)] + + # (tree id elements, edges per child) for each edge + queue = _outgoing([], root_node) + while queue: # breadth-first search + tree_id_elements, edges = queue.pop(0) # edges all have the same child but may differ by category + edge = edges[0] + node = edge.child + remote = edge.attrib.get("remote", False) + parent_annotation_unit = node_id_to_primary_annotation_unit[edge.parent.ID] + # This can be used for additional tags written in the remarks -- no agreed format but some workaround: + # list(filter(None, (_extra_tag(e) for e in edges if not e.attrib.get("remote")))) + categories = [dict(name=edge_tag_to_category_name.get(c.tag, c.tag), slot=int(c.slot) if c.slot else 1) + for c in edge] + terminals = node.get_terminals() + outgoing = _outgoing(tree_id_elements, node) + if not outgoing and len(terminals) > 1: + categories.insert(0, dict(name=UNANALYZABLE, slot=1)) + if node.attrib.get("uncertain"): + categories.append(dict(name=UNCERTAIN, slot=1)) + if all_categories: + for category in categories: + try: + category["id"] = category_name_to_id[category["name"]] + del category["name"] + except KeyError as exception: + raise ValueError("Category missing from layer: " + category["name"]) from exception + assert categories, "Non-root unit without categories: %s" % node.ID + unit = _create_unit(tree_id_elements, node, terminals, categories, is_remote_copy=remote, + parent_tree_id=parent_annotation_unit["tree_id"]) + if remote: + node_id_to_remote_annotation_units[node.ID].append(unit) + else: + queue += outgoing + node_id_to_primary_annotation_unit[node.ID] = unit + annotation_units.append(unit) + # Update cloned_from_tree_id of remote copies to be the tree_id of their non-remote units + for node_id, remote_annotation_units in node_id_to_remote_annotation_units.items(): + for unit in remote_annotation_units: + unit["cloned_from_tree_id"] = node_id_to_primary_annotation_unit[node_id]["tree_id"] + + def _tree_id_key(u): + return tuple(map(int, u["tree_id"].split("-"))) + + annotation_units = sorted(annotation_units, key=_tree_id_key) + if tokens and annotation_units: + for _, units in groupby(annotation_units[1:], key=lambda u: _tree_id_key(u)[:-1]): + units = list(units) + start_indices = [min([t["start_index"] for t in tokens + if any(s["id"] == t["id"] for s in u["children_tokens"])] or [-1]) for u in units] + assert all(i == -1 or i < j for i, j in zip(start_indices[:-1], start_indices[1:])), \ + "Siblings are not correctly ordered by their minimal start_index: " +\ + ", ".join(u["comment"] for u in units) + + d = dict(tokens=tokens, annotation_units=annotation_units, manager_comment=passage.ID) + return d if return_dict else json.dumps(d).splitlines() + + +def file2passage(filename): + """Opens a file and returns its parsed Passage object + Tries to read both as a standard XML file and as a binary pickle + :param filename: file name to write to + """ + methods = [pickle2passage, xml2passage] + _, ext = os.path.splitext(filename) + if ext == ".xml": + del methods[0] + elif ext == ".pickle": + del methods[1] + exception = None + for method in methods: + try: + return method(filename) + except Exception as e: + exception = e + if exception: + raise IOError("Failed reading '%s'" % filename) from exception + + +def xml2passage(filename): + with open(filename, encoding="utf-8") as f: + return from_standard(ET.ElementTree().parse(f)) + + +def pickle2passage(filename): + with open(filename, "rb") as h: + return pickle.load(h) + + +def passage2file(passage, filename, indent=True, binary=False): + """Writes a UCCA passage as a standard XML file or a binary pickle + :param passage: passage object to write + :param filename: file name to write to + :param indent: whether to indent each line + :param binary: whether to write pickle format (or XML) + """ + if binary: + with open(filename, "wb") as h: + pickle.dump(passage, h) + else: # xml + root = to_standard(passage) + xml_string = ET.tostring(root).decode() + output = textutil.indent_xml(xml_string) if indent else xml_string + with open(filename, "w", encoding="utf-8") as h: + h.write(output) + + +def split2sentences(passage, remarks=False, lang="en", ids=None): + return split2segments(passage, is_sentences=True, remarks=remarks, lang=lang, ids=ids) + + +def split2paragraphs(passage, remarks=False, lang="en", ids=None): + return split2segments(passage, is_sentences=False, remarks=remarks, lang=lang, ids=ids) + + +def split2segments(passage, is_sentences, remarks=False, lang="en", ids=None): + """ + Split passage to sub-passages + :param passage: Passage object + :param is_sentences: if True, split to sentences; otherwise, paragraphs + :param remarks: Whether to add remarks with original node IDs + :param lang: language to use for sentence splitting model + :param ids: optional iterable of ids to set passage IDs for each split + :return: sequence of passages + """ + ends = (textutil.break2sentences if is_sentences else textutil.break2paragraphs)(passage, lang=lang) + return split_passage(passage, ends, remarks=remarks, ids=ids) + + +def split_passage(passage, ends, remarks=False, ids=None, suffix_format="%03d", suffix_start=0): + """ + Split the passage on the given terminal positions + :param passage: passage to split + :param ends: sequence of positions at which the split passages will end + :param remarks: add original node ID as remarks to the new nodes + :param ids: optional iterable of ids, the same length as ends, to set passage IDs for each split + :param suffix_format: in case ids is None, use this format for the running index suffix + :param suffix_start: in case ids is None, use this starting index for the running index suffix + :return: sequence of passages + """ + passages = [] + for i, (start, end, index) in enumerate(zip([0] + ends[:-1], ends, ids or repeat(None)), start=suffix_start): + if start == end: + continue + other = core.Passage(ID=index or ("%s" + suffix_format) % (passage.ID, i), attrib=passage.attrib.copy()) + other.extra = passage.extra.copy() + # Create terminals and find layer 1 nodes to be included + l0 = passage.layer(layer0.LAYER_ID) + other_l0 = layer0.Layer0(root=other, attrib=l0.attrib.copy()) + other_l0.extra = l0.extra.copy() + level = set() + nodes = set() + id_to_other = {} + paragraphs = [] + for terminal in l0.all[start:end]: + other_terminal = other_l0.add_terminal(terminal.text, terminal.punct, 1) + _copy_extra(terminal, other_terminal, remarks) + other_terminal.extra["orig_paragraph"] = terminal.paragraph + if terminal.paragraph not in paragraphs: + paragraphs.append(terminal.paragraph) + id_to_other[terminal.ID] = other_terminal + level.update(terminal.parents) + nodes.add(terminal) + while level: + nodes.update(level) + level = set(e.parent for n in level for e in n.incoming if not e.attrib.get("remote") and + e.tag != layer1.EdgeTags.Punctuation and e.parent not in nodes) + + other_l1 = layer1.Layer1(root=other, attrib=passage.layer(layer1.LAYER_ID).attrib.copy()) + _copy_l1_nodes(passage, other, id_to_other, set(nodes), remarks=remarks) + attach_punct(other_l0, other_l1) + for j, paragraph in enumerate(paragraphs, start=1): + other_l0.doc(j)[:] = l0.doc(paragraph) + other.frozen = passage.frozen + passages.append(other) + return passages + + +def join_passages(passages, passage_id=None, remarks=False): + """ + Join passages to one passage with all the nodes in order + :param passages: sequence of passages to join + :param passage_id: ID of newly created passage (otherwise, ID of first passage) + :param remarks: add original node ID as remarks to the new nodes + :return: joined passage + """ + if not passages: + raise ValueError("Cannot join empty list of passages") + other = core.Passage(ID=passage_id or passages[0].ID, attrib=passages[0].attrib.copy()) + other.extra = passages[0].extra.copy() + l0 = passages[0].layer(layer0.LAYER_ID) + l1 = passages[0].layer(layer1.LAYER_ID) + other_l0 = layer0.Layer0(root=other, attrib=l0.attrib.copy()) + layer1.Layer1(root=other, attrib=l1.attrib.copy()) + id_to_other = {} + paragraph = 0 + for passage in passages: + l0 = passage.layer(layer0.LAYER_ID) + paragraphs = set() + for terminal in l0.all: + if terminal.para_pos == 1: + paragraph += 1 + orig_paragraph = terminal.extra.get("orig_paragraph") + if orig_paragraph is not None: + paragraph = orig_paragraph + paragraphs.add(paragraph) + other_terminal = other_l0.add_terminal(terminal.text, terminal.punct, paragraph) + _copy_extra(terminal, other_terminal, remarks) + id_to_other[terminal.ID] = other_terminal + for paragraph in paragraphs: + other_l0.doc(paragraph).extend(l0.doc(1)) + _copy_l1_nodes(passage, other, id_to_other, remarks=remarks) + return other + + +def _copy_l1_nodes(passage, other, id_to_other, include=None, remarks=False): + """ + Copy all layer 1 nodes from one passage to another + :param passage: source passage + :param other: target passage + :param id_to_other: dictionary mapping IDs from passage to existing nodes from other + :param include: if given, only the nodes from this set will be copied + :param remarks: add original node ID as remarks to the new nodes + """ + l1 = passage.layer(layer1.LAYER_ID) + other_l1 = other.layer(layer1.LAYER_ID) + queue = [(n, None) for n in l1.heads] + linkages = [] + remotes = [] + heads = [] + while queue: + node, other_node = queue.pop() + if node.tag == layer1.NodeTags.Linkage: + if include is None or include.issuperset(node.children): + linkages.append(node) + continue + if other_node is None: + heads.append(node) + other_node = other_l1.heads[0] + for edge in node: + is_remote = edge.attrib.get("remote", False) + if include is None or edge.child in include or _unanchored(edge.child): + if is_remote: + remotes.append((edge, other_node)) + continue + if edge.child.layer.ID == layer0.LAYER_ID: + edge_categories = [(c.tag, c.slot, c.layer, c.parent) for c in edge.categories] + other_node.add_multiple(edge_categories, id_to_other[edge.child.ID]) + continue + if edge.child.tag == layer1.NodeTags.Punctuation: + grandchild = edge.child.children[0] + other_child = other_l1.add_punct(other_node, id_to_other[grandchild.ID]) + other_child.incoming[0].categories = edge.categories + else: + edge_categories = [(c.tag, c.slot, c.layer, c.parent) for c in edge.categories] + other_child = other_l1.add_fnode_multiple(other_node, edge_categories, + implicit=edge.child.attrib.get("implicit")) + queue.append((edge.child, other_child)) + id_to_other[edge.child.ID] = other_child + _copy_extra(edge.child, other_child, remarks) # Add remotes + elif is_remote: # Cross-paragraph remote edge -> create implicit child instead + edge_categories = [(c.tag, c.slot, c.layer, c.parent) for c in edge.categories] + other_l1.add_fnode_multiple(other_node, edge_categories, implicit=True) + for edge, parent in remotes: + other_child = id_to_other.get(edge.child.ID) + edge_categories = [(c.tag, c.slot, c.layer, c.parent) for c in edge.categories] + if other_child is None: # Promote remote edge to primary if the original primary parent is gone due to split + id_to_other[edge.child.ID] = other_child = \ + other_l1.add_fnode_multiple(parent, edge_categories, implicit=edge.child.attrib.get("implicit")) + _copy_extra(edge.child, other_child, remarks) + else: + other_l1.add_remote_multiple(parent, edge_categories, other_child) + # Add linkages + for linkage in linkages: + try: + arguments = [id_to_other[argument.ID] for argument in linkage.arguments] + other_linkage = other_l1.add_linkage(id_to_other[linkage.relation.ID], *arguments) + _copy_extra(linkage, other_linkage, remarks) + except layer1.MissingRelationError: + pass + for head, other_head in zip(heads, other_l1.heads): + _copy_extra(head, other_head, remarks) + + +def _copy_extra(node, other, remarks=False): + other.extra.update(node.extra) + if remarks: + other.extra["remarks"] = node.ID + + +def _unanchored(n): + unanchored_children = False + for e in n: + if not e.attrib.get("remote"): + if _unanchored(e.child): + unanchored_children = True + else: + return False + return n.attrib.get("implicit") or unanchored_children diff --git a/mtool/ucca/core.py b/mtool/ucca/core.py new file mode 100644 index 0000000000000000000000000000000000000000..7da379b1294d0d282b665f1b22f8673f99eaec95 --- /dev/null +++ b/mtool/ucca/core.py @@ -0,0 +1,1129 @@ +"""This module encapsulate the basic elements of the UCCA annotation. + +A UCCA annotation is practically a directed acyclic graph (DAG), which +represents a :class:`Passage` of text and its annotation. The annotation itself +is divided into :class:`Layer` objects, where in each layer :class:`Node` objects +are connected between themselves and to Nodes in other layers using +:class:`Edge` objects. + +""" + +import functools + +# Max number of digits allowed for a unique ID +UNIQUE_ID_MAX_DIGITS = 5 + +# Attribute to ignore when comparing entities +IRRELEVANT_ATTRIBUTES = {"uncertain"} + + +# Used as the default ordering key function for ordered objects, namely +# :class:`Layer` and :class:`Node` . +def id_orderkey(node): + """Key function which sorts by layer (string), then by unique ID (int). + + Args: + node: :class:`Node` which we will to sort according to its ID + + Returns: + a string with the layer and unique ID in such a way that sort will + first order lexicography the layer ID then numerically the unique ID. + + """ + layer, unique = node.ID.split(Node.ID_SEPARATOR) + return "{} {:>{}}".format(layer, unique, UNIQUE_ID_MAX_DIGITS) + + +def edge_id_orderkey(edge): + """Key function which sorts Edges by its IDs (using :func:`id_orderkey`). + + Args: + edge: :class:`Edge` which we wish to sort according to the ID of its + parent and children after using :func:`id_orderkey`. + + Returns: + a string with the layer and unique ID in such a way that sort will + first order lexicography the layer ID then numerically the unique ID. + + """ + return Edge.ID_FORMAT.format(id_orderkey(edge.parent), + id_orderkey(edge.child)) + + +class UCCAError(Exception): + """Base class for all UCCA package exceptions.""" + pass + + +class FrozenPassageError(UCCAError): + """Exception raised when trying to modify a frozen :class:`Passage`.""" + pass + + +class DuplicateIdError(UCCAError): + """Exception raised when trying to add an element with an existing ID. + + For each element, a unique ID must be assigned. If the ID of the new element + is already present in the :class:`Passage` in some way, this exception is + raised. + + """ + pass + + +class MissingNodeError(UCCAError): + """Exception raised when trying to access a non-existent :class:`Node`.""" + pass + + +class UnimplementedMethodError(UCCAError): + """Exception raised when trying to call a not-yet-implemented method.""" + pass + + +class ModifyPassage: + """Decorator for changing a :class:`Passage` or any member of it. + + This decorator is mandatory for anything which causes the elements in + a :class:`Passage` to change by adding or removing an element, or changing + an attribute. + + It validates that the Passage is not frozen before allowing the change. + + The decorator can't be used for __init__ calls, as at the stage of the + check there are no instance attributes to check. So in such cases, + a function that binds the object created with the Passage should be + decorated instead (and should be called after the instance attributes + are set). + + Attributes: + fn: the function object to decorate + + """ + + def __init__(self, fn): + self.fn = fn + + def __get__(self, obj, cls): + """Used to bind the function to the instance (add 'self').""" + return functools.partial(self.__call__, obj) + + def __call__(self, *args, **kwargs): + """Decorating functions which modify :class:`Passage` elements. + + :param args: list of all arguments, assuming the first is the object + which modifies :class:`Passage`, and it has an attribute root + which points to the Passage it is part of. + :param kwargs: list of all keyword arguments + :return: The decorated function result. + :raise FrozenPassageError: if the :class:`Passage` is frozen and can't be + modified. + """ + + @functools.wraps(self.fn) + def decorated(*args, **kwargs): + if args[0].root.frozen: + raise FrozenPassageError(args[0].root.ID) + return self.fn(*args, **kwargs) + + return decorated(*args, **kwargs) + + +class _AttributeDict: + """Dictionary which stores attributes for any UCCA element. + + This dictionary is used to store attributes which are part of any + element in the UCCA annotation scheme. It's advantage over regular + dictionary is adhering to :class:`Passage` frozen status and modification + decorators. + + Attributes: + root: the Passage this object is linked with + + """ + + def __init__(self, root, mapping=None): + self._root = root + self._dict = mapping.copy() if mapping is not None else dict() + + def __getitem__(self, key): + return self._dict[key] + + def get(self, key, default=None): + return self._dict.get(key, default) + + def equals(self, other): + """True iff the two objects are equal (only dicts, w.o.r.t Passage). + + :param other: AttributeDict to compare to + :return: True iff the dictionaries are equal. + """ + + def omit_irrelevant(d): + return {k: v for k, v in d.items() if k not in IRRELEVANT_ATTRIBUTES} + + return omit_irrelevant(self._dict) == omit_irrelevant(other._dict) + + @property + def root(self): + return self._root + + def copy(self): + return self._dict.copy() + + @ModifyPassage + def __setitem__(self, key, value): + self._dict[key] = value + + @ModifyPassage + def update(self, values): + self._dict.update(values) + + @ModifyPassage + def __delitem__(self, key): + del self._dict[key] + + def __len__(self): + return len(self._dict) + + def items(self): + return self._dict.items() + + +class Category: + """when considering refinement layers, each edge can have multiple tags sorted in a certain hierarchy. + for this reason, a category must include not only the tag information but also the layer and hierarchy + information. + """ + + def __init__(self, tag, slot=None, layer=None, parent=None): + self._tag = tag + self._slot = slot if slot else "" + self._layer = layer if layer else "" + self._parent = parent if parent else "" + self.extra = {} + + @property + def tag(self): + return self._tag + + @tag.setter + def tag(self, new_tag): + self._tag = new_tag + + @property + def slot(self): + return self._slot + + @property + def layer(self): + return self._layer + + @property + def parent(self): + return self._parent + + @parent.setter + def parent(self, new_parent): + self._parent = new_parent + + def to_xml(self): + pass + + +class Edge: + """Labeled edge between two :class:`Node` objects in UCCA annotation graph. + + An edge between Nodes in a :class:`Passage` is a simple object; it is a + directed edge whose ID is derived by the parent and child of the edge, + it is mostly immutable except for its attributes, and it is labeled with + the connection type between the Nodes. An edge can have multiple annotations, representing + connection types of one or more layers. + + Attributes: + ID: ID of the Edge, constructed from the IDs of the two Nodes + root: the Passage this object is linked with + attrib: attribute dictionary of the Edge + extra: temporary storage space for undocumented attributes and data + tag: the string label of the Edge + parent: the originating Node of the Edge + child: the target Node of the Edge + categories: a list of categories for this edge + ID_FORMAT: format string which creates the ID of the Edge from + the IDs of the parent (first argument to the formatting string) + and the child (second argument). + + """ + + ID_FORMAT = "{}->{}" + + def __init__(self, root, parent, child, tag=None, attrib=None): + """Creates a new :class:`Edge` object. + + :param see :class:`Edge` documentation. + + :raise FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + if root.frozen: + raise FrozenPassageError(root.ID) + self._root = root + self._parent = parent + self._child = child + self._attrib = _AttributeDict(root, attrib) + self._categories = [Category(tag)] if tag else [] + self.extra = {} + + @property + def tag(self): + return self.categories[0].tag + + @tag.setter + @ModifyPassage + def tag(self, new_tag): + old_tag = self.tag + self.categories[0].tag = new_tag + self._root._change_edge_tag(self, old_tag) + + @property + def tags(self): + return [category.tag for category in self.categories] + + @property + def root(self): + return self._root + + @property + def parent(self): + return self._parent + + @property + def categories(self): + try: + return self._categories + except AttributeError as e: + raise IOError("Load passage %s from pickle saved with UCCA<1.1. Please load from XML instead." % + self.root.ID) from e + + @categories.setter + def categories(self, new_categories): + self._categories = new_categories + + @property + def child(self): + return self._child + + @property + def attrib(self): + return self._attrib + + @property + def ID(self): + return Edge.ID_FORMAT.format(self._parent.ID, self._child.ID) + + def equals(self, other, *, recursive=True, ordered=False, + ignore_node=None, ignore_edge=None): + """Returns whether self and other are Edge-equals. + + Edge-equality is determined by having the same tag and attributes. + Recursive Edge-equality means that the Edges are equal, and their + children are recursively Node-equal. + + :param other: an Edge object to compare to + :param recursive: whether to compare recursively, defaults to True + :param ordered: if recursive, whether the children are Node-equivalent + w.r.t order (see Node.equals()) + :param ignore_node: function that returns whether to ignore a given node + :param ignore_edge: function that returns whether to ignore a given edge + + + :return: True iff the Edges are equal. + + """ + return self.tag == other.tag and \ + self._attrib.equals(other._attrib) and \ + (not recursive or + self.child.equals(other.child, + ordered=ordered, + ignore_node=ignore_node, ignore_edge=ignore_edge)) + + @ModifyPassage + def add(self, tag, slot="", layer="", parent=""): + """ adds a new category to the edge""" + c = Category(tag, slot, layer, parent) + self.categories.append(c) + if c.tag not in self.root.categories: + self.root._update_categories(c) + if c.parent and c.parent not in self.root.refined_categories: + self.root._update_refined_categories(c.parent) + return c + + def __repr__(self): + return self.ID + + def __getitem__(self, index): + return self.categories[index] + + +class Node: + """Labeled Node in UCCA annotation graph. + + A Node in :class:`Passage` UCCA annotation is an vertex in the annotation + graph, which may be an internal vertex or a leaf, and is labeled with a + tag that specifies both the :class:`Layer` it belongs to and it's ID in this + Layer. It can have multiple children Nodes through :class:`Edge` objects, + and these children are ordered according to an internal order function. + + Attributes: + ID: ID of the Node, constructed from the ID of the Layer it belongs to, + a separator, and a unique alphanumeric ID in the layer. + root: the Passage this object is linked with + attrib: attribute dictionary of the Node + extra: temporary storage space for undocumented attributes and data + tag: the string label of the Node + layer: the Layer this Node belongs to + incoming: a copy of the incoming Edges to this object + outgoing: a copy of the outgoing Edges from this object + parents: the Nodes which have incoming Edges to this object + children: the Nodes which have outgoing Edges from this object + orderkey: the key function for ordering the outgoing Edges + ID_SEPARATOR: separator function between the Layer ID and the unique + Node ID in the complete ID of the Node. Mustn't be alphanumeric. + + """ + + ID_SEPARATOR = '.' + + def __init__(self, ID, root, tag, attrib=None, *, + orderkey=edge_id_orderkey): + """Creates a new :class:`Node` object. + + :param see :class:`Node` documentation. + + :raise FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + if root.frozen: + raise FrozenPassageError(root.ID) + self._tag = tag + self._root = root + self._ID = ID + self._attrib = _AttributeDict(root, attrib) + self.extra = {} + self._outgoing = [] + self._incoming = [] + self._orderkey = orderkey + + # After properly initializing self, add it to the Passage/Layer + root._add_node(self) + root.layer(self.layer.ID)._add_node(self) + + @property + def tag(self): + return self._tag + + @tag.setter + @ModifyPassage + def tag(self, new_tag): + old_tag = self._tag + self._tag = new_tag + self._root._change_node_tag(self, old_tag) + + @property + def root(self): + return self._root + + @property + def ID(self): + return self._ID + + @property + def attrib(self): + return self._attrib + + @property + def layer(self): + return self._root.layer(self._ID.split(Node.ID_SEPARATOR)[0]) + + @property + def incoming(self): + return tuple(self._incoming) + + @property + def outgoing(self): + return tuple(self._outgoing) + + @property + def parents(self): + return [edge.parent for edge in self._incoming] + + @property + def children(self): + return [edge.child for edge in self._outgoing] + + def __bool__(self): + return True + + def __len__(self): + return len(self._outgoing) + + def __getitem__(self, index): + return self._outgoing[index] + + def __repr__(self): + return Node.__name__ + "(" + self.ID + ")" + + @ModifyPassage + def add_multiple(self, edge_categories, node, *, edge_attrib=None): + """Adds another :class:`Node` object as a child of self. + + :param edge_categories: a list of 4-tuples representing the categories on this edge of the :class:`Edge` + connecting between the Nodes + :param node: the Node object which we want to have an Edge to + :param edge_attrib: Keyword only, dictionary of attributes to be passed + to the Edge initializer. + + :return: the newly created Edge object + + :raise FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + edge = Edge(root=self._root, parent=self, + child=node, attrib=edge_attrib) + for category in edge_categories: + edge.add(*category) + self._outgoing.append(edge) + self._outgoing.sort(key=self._orderkey) + node._incoming.append(edge) + node._incoming.sort(key=node._orderkey) + self.root._add_edge(edge) + return edge + + @ModifyPassage + def add(self, tag, node, *, edge_attrib=None): + """Adds another :class:`Node` object as a child of self. + + :param edge_categories: a list of 4-tuples representing the categories on this edge of the :class:`Edge` + connecting between the Nodes + node: the Node object which we want to have an Edge to + edge_attrib: Keyword only, dictionary of attributes to be passed + to the Edge initializer. + + :return: the newly created Edge object + + :raise FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + return self.add_multiple([(tag,)], node, edge_attrib=edge_attrib) + + @ModifyPassage + def remove(self, edge_or_node): + """Removes the :class:`Edge` between self and a child :class:`Node`. + + This methods removes the Edge given, or the Edge connecting self and + the Node given, from the annotation of :class:`Passage`. It does not + remove the target or originating Node from the graph but just unlinks + them. + + :param edge_or_node: either an Edge or Node object to remove/unlink + + :raise MissingNodeError: if the Node or Edge is not connected with self. + + """ + if edge_or_node not in self._outgoing: # a Node, or an error + try: + edge = [edge for edge in self._outgoing + if edge.child == edge_or_node][0] + except IndexError as e: + raise MissingNodeError(edge_or_node) from e + else: # an Edge object + edge = edge_or_node + + try: + self._outgoing.remove(edge) + edge.child._incoming.remove(edge) + self.root._remove_edge(edge) + except ValueError as e: + raise MissingNodeError(edge_or_node) from e + + @property + def orderkey(self): + return self._orderkey + + @orderkey.setter + def orderkey(self, value): + self._orderkey = value + self._outgoing.sort(key=value) + + @ModifyPassage + def destroy(self): + """Removes the :class:`Node` from the :class:`Passage` annotation graph. + + This method unlinks self from all other :class:`Node` objects and removes + self from the :class:`Layer` and Passage objects. + + """ + # using outgoing and incoming so I won't change the list I'm working on + for edge in self.outgoing: + self.remove(edge) + for edge in self.incoming: + edge.parent.remove(edge) + self.layer._remove_node(self) + self._root._remove_node(self) + + def equals(self, other, *, recursive=True, ordered=False, + ignore_node=None, ignore_edge=None): + """Returns whether the self Node-equals other. + + Node-equality is basically determined by self and other having the same + tag and attributes. Recursive equality is achieved when all outgoing + Edges are Edge-equal, and their children are recursively Node-equal + as well. Ordered equality means that the outgoing Edges should be + equivalent to each other w.r.t order (the first to the first etc.), + while unordered equality means that each Edges are equivalent after + being ordered with some determined order. + + :param other: the Node object to compare to + :param recursive: whether comparison is recursive, defaults to True. + :param ordered: whether comparison should include strict ordering + :param ignore_node: function that returns whether to ignore a given node + :param ignore_edge: function that returns whether to ignore a given edge + + :return: True iff the Nodes are equal in the terms given. + + """ + if self.tag != other.tag or not self._attrib.equals(other._attrib): + return False + if not recursive: + return True + edges, other_edges = [[edge for edge in node + if (ignore_node is None or + not ignore_node(edge.child)) and ( + ignore_edge is None or + not ignore_edge(edge))] + for node in (self, other)] + if len(edges) != len(other_edges): + return False # not necessary, but gives better performance + if ordered: + return all(e1.equals(e2, ordered=True, + ignore_node=ignore_node, ignore_edge=ignore_edge) + for e1, e2 in zip(edges, other_edges)) + # For unordered equality, I try to find & remove an equivalent + # Edge + Node couple from other's Edges until exhausted. + # Because both Edge-equality and Node-equality are equivalence + # classes, I can just take the first I found and remove it w/o + # trying to iterate through possible orders. + try: + for e1 in edges: + other_edges.remove(next(e2 for e2 in other_edges + if e1.equals(e2, ignore_node=ignore_node, + ignore_edge=ignore_edge))) + except StopIteration: + return False + return not other_edges + + def missing_edges(self, other, ignore_node=None): + """Returns edges present in this node but missing in the other. + + :param other: the Node object to compare to + :param ignore_node: function that returns whether to ignore a given node + + :return: List of edges present in this node but missing in the other. + + """ + edges, other_edges = [[edge for edge in node + if ignore_node is None or + not ignore_node(edge.child)] + for node in (self, other)] + return sorted([e1 for e1 in edges if not any(e1.equals(e2) for e2 in other_edges)], + key=edge_id_orderkey) + + def iter(self, obj="nodes", method="dfs", duplicates=False, key=None): + """Iterates the :class:`Node` objects in the subtree of self. + + :param obj: yield Node objects (use value "nodes", default) or Edge + objects (use values "edges") + method: do breadth-first iteration (use value "bfs") or depth-first + iteration (value "dfs", default). + duplicates: If True, may return the same object twice if it is + encountered twice, because of the DAG structure which isn't + necessarily a tree. If it is False, all objects will be yielded + only the first time they are encountered. Defaults to False. + key: boolean function that filters the iterable items. key function + takes one argument (the item) and returns True if it should be + returned to the user. If an item isn't returned, its subtree + is still iterated. Defaults to None (returns all items). + + Yields: + a :class:`Node` or :class:`Edge` object according to the iteration + parameters. + + """ + if method not in ("dfs", "bfs"): + raise ValueError("method can be either 'dfs' or 'bfs'") + if obj not in ("nodes", "edges"): + raise ValueError("obj can be either 'nodes' or 'edges'") + processed = set() + if obj == 'nodes': + waiting = [self] + else: + waiting = self._outgoing[:] + while len(waiting): + curr = waiting.pop(0) + if key is None or key(curr): + yield curr + processed.add(curr) + to_add = curr.children if obj == 'nodes' else list(curr.child) + to_add = [x for x in to_add if duplicates or x not in processed] + if method == "bfs": + waiting.extend(to_add) + else: + waiting = to_add + waiting + + def get_terminals(self, *args, **kwargs): + """Returns a list of all terminals under the span of this Node.""" + return [t for e in self._outgoing for t in e.child.get_terminals(*args, **kwargs)] + + +class Layer: + """Group of similar :class:`Node` objects in UCCA annotation graph. + + A Layer in UCCA annotation graph is a subgraph of the whole :class:`Passage` + annotation graph which consists of similar Nodes and :class:`Edge` objects + between them. The Nodes and the Layer itself has some formal definition for + being grouped together. + + Attributes: + ID: ID of the Layer, must be alphanumeric. + root: the Passage this object is linked with + attrib: attribute dictionary of the Layer + extra: temporary storage space for undocumented attributes and data + orderkey: the key function for ordering the Nodes in the layer. + Note that it must rely only on the Nodes and/or Edges in the Layer. + If it, for example, rely on Edges added between Nodes in the Layer + and Nodes outside the Layer (hence, the Edges are not in the Layer) + the order will not be updated (because the Layer object won't know + that something has changed). + all: a list of all the Nodes which are part of this Layer + heads: a list of all Nodes which have no incoming Edges in the subgraph + of the Layer (can have Edges from Nodes in other Layers). + + """ + + def __init__(self, ID, root, attrib=None, *, orderkey=id_orderkey): + """Creates a new :class:`Layer` object. + + :param see :class:`Layer` documentation. + + :raise FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + if root.frozen: + raise FrozenPassageError(root.ID) + self._ID = ID + self._root = root + self._attrib = _AttributeDict(root, attrib) + self.extra = {} + self._all = [] + self._heads = [] + self._orderkey = orderkey + root._add_layer(self) + + @property + def ID(self): + return self._ID + + @property + def root(self): + return self._root + + @property + def attrib(self): + return self._attrib + + @property + def all(self): + return self._all[:] + + @property + def heads(self): + return self._heads[:] + + @property + def orderkey(self): + return self._orderkey + + @orderkey.setter + def orderkey(self, value): + self._orderkey = value + self._all.sort(key=value) + self._heads.sort(key=value) + + def equals(self, other, *, ordered=False, ignore_node=None, ignore_edge=None): + """Returns whether two Layer objects are equal. + + Layers are considered Layer-equal if their attribute dictionaries are + equal and all their heads are recursively Node-equal. + Ordered Layer-equality implies that the heads should be + ordered the same for the Layers to be considered equal, and the + Node-equality is ordered too. + + :param other: the Layer object to compare to + :param ordered: whether strict-order equality is used, defaults to False + :param ignore_node: function that returns whether to ignore a given node + :param ignore_edge: function that returns whether to ignore a given edge + + :return: True iff self and other are Layer-equal. + + """ + if not self._attrib.equals(other._attrib): + return False + heads, other_heads = [[head for head in layer.heads + if ignore_node is None or + not ignore_node(head)] + for layer in (self, other)] + if len(heads) != len(other_heads): + return False # can be removed, here for performance gain + if ordered: + return all(x1.equals(x2, ordered=True, + ignore_node=ignore_node, ignore_edge=ignore_edge) + for x1, x2 in zip(heads, other_heads)) + # I can just find the first equal head in unordered search, as + # Node-equality is an equivalence class (see their for details). + try: + for h1 in heads: + other_heads.remove(next(h2 for h2 in other_heads + if h1.equals(h2, ignore_node=ignore_node, + ignore_edge=ignore_edge))) + except StopIteration: + return False + return not other_heads + + def _add_edge(self, edge): + """Alters self.heads if an :class:`Edge` has been added to the subgraph. + + Should be called when both :class:`Node` objects of the edge are part + of this Layer (and hence part of the subgraph of it). + + :param edge: the Edge added to the Layer subgraph + + """ + if edge.child in self._heads: + self._heads.remove(edge.child) + # Order may depend on edges, so re-order + self._all.sort(key=self._orderkey) + self._heads.sort(key=self._orderkey) + + def _remove_edge(self, edge): + """Alters self.heads if an :class:`Edge` has been removed. + + Should be called when the child :class:`Node` object of the edge is part + of this Layer (and hence part of the subgraph of it). + + :param edge: the Edge removed from the Layer subgraph + + """ + if edge.child.layer == self and all(p.layer != self for p in edge.child.parents): + self._heads.append(edge.child) + self._heads.sort(key=self._orderkey) + # Order may depend on edges, so re-order + self._all.sort(key=self._orderkey) + self._heads.sort(key=self._orderkey) + + def _add_node(self, node): + """Adds a :class:`node` to the :class:`Layer`. + + Assumes node has no incoming or outgoing :class:`Edge` objects. + + """ + self._all.append(node) + self._all.sort(key=self._orderkey) + self._heads.append(node) + self._heads.sort(key=self._orderkey) + + def _remove_node(self, node): + """Removes a :class:`node` from the :class:`Layer`. + + Assumes node has no incoming or outgoing :class:`Edge` objects. + + """ + self._all.remove(node) + self._heads.remove(node) + + def _change_edge_tag(self, edge, old_tag): + """Updates the :class:`Layer` objects with the change. + + :param edge: the updated :class:`Edge` object + old_tag: the Edge's tag before the change + + """ + pass # meant to be overriden by subclasses + + def _change_node_tag(self, node, old_tag): + """Updates the :class:`Layer` objects with the change. + + :param node: the updated :class:`Node` object + old_tag: the Node's tag before the change + + """ + pass # meant to be overriden by subclasses + + +class Passage: + """An annotated text with UCCA annotation graph. + + A Passage is an object representing a text annotated with UCCA annotation. + UCCA annotation is a directed acyclic graph of :class:`Node` and :class:`Edge` + objects grouped into :class:`Layer` objects. + + Attributes: + ID: ID of the Passage + root: simply self, for API similarity with other UCCA objects + attrib: attribute dictionary of the Passage + extra: temporary storage space for undocumented attributes and data + layers: all Layers of the Passage, no order guaranteed + nodes: dictionary of ID-node pairs for all the nodes in the Passage + frozen: indicates whether the Passage can be modified or not, boolean. + + """ + + def __init__(self, ID, attrib=None): + """Creates a new :class:`Passage` object. + + :param see :class:`Passage` documentation. + + """ + self._ID = ID + self._attrib = _AttributeDict(self, attrib) + self.extra = {} + self._layers = {} + self._nodes = {} + self._categories = {} + self._refined_categories = [] + self.frozen = False + + @property + def ID(self): + return self._ID + + @property + def root(self): + return self + + @property + def attrib(self): + return self._attrib + + @property + def layers(self): + return self._layers.values() + + @property + def nodes(self): + return self._nodes.copy() + + @property + def categories(self): + return self._categories.copy() + + @property + def refined_categories(self): + return self._refined_categories + + def layer(self, ID): + """Returns the :class:`Layer` object whose ID is given. + + :param ID: ID of the Layer requested. + + :raise KeyError: if no Layer with this ID is present + + """ + return self._layers[ID] + + def equals(self, other, *, ordered=False, ignore_node=None, ignore_edge=None): + """Returns whether two passages are equivalent. + + Passage-equivalence is determined by having the same attributes and + all layers (according to ID) are Layer-equivalent. + + :param other: the Passage object to compare to + :param ordered: is Layer-equivalency should be ordered (see there) + :param ignore_node: function that returns whether to ignore a given node + :param ignore_edge: function that returns whether to ignore a given edge + + :return: True iff self is Passage-equivalent to other. + + """ + if not self._attrib.equals(other._attrib): + return False + # noinspection PyTypeChecker + if len(self.layers) != len(other.layers): + return False # can be removed, here for performance gain + try: + for lid, l1 in self._layers.items(): + l2 = other.layer(lid) + if not l1.equals(l2, ordered=ordered, + ignore_node=ignore_node, ignore_edge=ignore_edge): + return False + except KeyError: # no layer with same ID found + return False + return True + + def missing_nodes(self, other, ignore_node=None, ignore_edge=None): + """Returns nodes present in this passage but missing in the other. + + :param other: the Passage object to compare to + :param ignore_node: function that returns whether to ignore a given node + :param ignore_edge: function that returns whether to ignore a given edge + + :return: List of nodes present in this passage but missing in the other. + + """ + nodes, other_nodes = [[node for node in passage.nodes.values() + if ignore_node is None or + not ignore_node(node)] + for passage in (self, other)] + return sorted([n1 for n1 in nodes + if not any(n1.equals(n2, ignore_node=ignore_node, + ignore_edge=ignore_edge) + for n2 in other_nodes)], + key=id_orderkey) + + def copy(self, layers): + """Copies the Passage and specified layers to a new object. + + The main "building block" of copying is the Layer, so copying is + truly copying the Passage attributes (attrib, extra, ID, frozen) + and creating the equivalent layers (each layer for itself). + + :param layers: sequence of layer IDs to copy to the new object. + + :return: A new Passage object. + + :raise KeyError: if a given layer ID doesn't exist. + UnimplementedMethodError if copying for a layer is unimplemented. + + """ + other = Passage(ID=self.ID, attrib=self.attrib.copy()) + other.extra = self.extra.copy() + for lid in layers: + try: + self.layer(lid).copy(other) + except AttributeError as e: + raise UnimplementedMethodError() from e + other.frozen = self.frozen + return other + + def by_id(self, ID): + """Returns a Node whose ID is given. + + :param ID: ID string + :return: The node.Node object whose ID matches + :raise KeyError: if no Node with this ID is found + """ + return self._nodes[ID] + + @ModifyPassage + def _add_layer(self, layer): + """Adds a :class:`Layer` object to the :class:`Passage`. + + :param layer: the Layer object to add + + :raise DuplicateIdError: if layer.ID is identical to a Layer already + present in the Passage. + FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + if layer.ID in self._layers: + raise DuplicateIdError(layer.ID) + self._layers[layer.ID] = layer + + @ModifyPassage + def _update_categories(self, category): + self._categories[category.tag] = {"layer": category.layer, "slot": category.slot, "parent": category.parent} + + @ModifyPassage + def _update_refined_categories(self, refined_category): + self._refined_categories.append(refined_category) + + @ModifyPassage + def _add_node(self, node): + """Adds a :class:`Node` object to the :class:`Passage`. + + :param node: the Node object to add + + :raise DuplicateIdError: if node.ID is identical to a Node already + present in the Passage. + FrozenPassageError: if the :class:`Passage` object we are part of + is frozen and can't be modified. + + """ + if node.ID in self._nodes: + raise DuplicateIdError(node.ID) + self._nodes[node.ID] = node + + def _remove_node(self, node): + """Removes a :class:`Node` object from the :class:`Passage`. + + :param node: the Node object to remove, must be unlinked with any other + Node objects and removed from its :class:`Layer`. + + :raise KeyError: if no Node with this ID is present + + """ + del self._nodes[node.ID] + + @ModifyPassage + def _add_edge(self, edge): + """Adds a :class:`Edge` object to :class:`Passage`. + + Handles altering the Passage and :class:`Layer` objects accordingly. + + :param edge: the Edge object to add + + """ + # Currently no work is done in the Passage level + edge.parent.layer._add_edge(edge) + + def _remove_edge(self, edge): + """Removes a :class:`Edge` object from :class:`Passage`. + + Handles altering the Passage and :class:`Layer` objects accordingly. + + :param edge: the Edge object to remove + + """ + # Currently no work is done in the Passage level + edge.parent.layer._remove_edge(edge) + + def _change_edge_tag(self, edge, old_tag): + """Updates the :class:`Passage` and :class:`Layer` objects with the change. + + :param edge: the updated :class:`Edge` object + old_tag: the Edge's tag before the change + + """ + # Currently no work is done in the Passage level + edge.parent.layer._change_edge_tag(edge, old_tag) + + def _change_node_tag(self, node, old_tag): + """Updates the :class:`Passage` and :class:`Layer` objects with the change. + + :param node: the updated :class:`Node` object + old_tag: the Node's tag before the change + + """ + # Currently no work is done in the Passage level + node.layer._change_node_tag(node, old_tag) + + def __str__(self): + try: + return str(self._layers[max(self._layers)].heads[0]) + except (KeyError, ValueError, IndexError): + return super().__str__() diff --git a/mtool/ucca/ioutil.py b/mtool/ucca/ioutil.py new file mode 100644 index 0000000000000000000000000000000000000000..c3fa902b8f11cf88df9a9e124bb477f5e730197c --- /dev/null +++ b/mtool/ucca/ioutil.py @@ -0,0 +1,172 @@ +"""Input/output utility functions for UCCA scripts.""" +import os +import sys +import time +from collections import defaultdict +from glob import glob +from itertools import filterfalse, chain +from xml.etree.ElementTree import ParseError + +from ucca.convert import file2passage, passage2file, from_text, to_text, split2segments +from ucca.core import Passage + +DEFAULT_LANG = "en" +DEFAULT_ATTEMPTS = 3 +DEFAULT_DELAY = 5 + + +class LazyLoadedPassages: + """ + Iterable interface to Passage objects that loads files on-the-go and can be iterated more than once + """ + def __init__(self, files, sentences=False, paragraphs=False, converters=None, lang=DEFAULT_LANG, + attempts=DEFAULT_ATTEMPTS, delay=DEFAULT_DELAY): + self.files = files + self.sentences = sentences + self.paragraphs = paragraphs + self.split = self.sentences or self.paragraphs + self.converters = defaultdict(lambda: from_text) if converters is None else converters + self.lang = lang + self.attempts = attempts + self.delay = delay + self._files_iter = None + self._split_iter = None + self._file_handle = None + + def __iter__(self): + self._files_iter = iter(self.files) + self._split_iter = None + self._file_handle = None + return self + + def __next__(self): + while True: + passage = self._next_passage() + if passage is not None: + return passage + + def _next_passage(self): + passage = None + if self._split_iter is None: + try: + file = next(self._files_iter) + except StopIteration: # Finished iteration + raise + if isinstance(file, Passage): # Not really a file, but a Passage + passage = file + else: # A file + attempts = self.attempts + while not os.path.exists(file): + if attempts == 0: + print("File not found: %s" % file, file=sys.stderr) + return None + print("Failed reading %s, trying %d more times..." % (file, attempts), file=sys.stderr) + time.sleep(self.delay) + attempts -= 1 + try: + passage = file2passage(file) # XML or binary format + except (IOError, ParseError) as e: # Failed to read as passage file + base, ext = os.path.splitext(os.path.basename(file)) + converter = self.converters.get(ext.lstrip(".")) + if converter is None: + raise IOError("Could not read %s file. Try adding '.txt' suffix: '%s'" % (ext, file)) from e + self._file_handle = open(file, encoding="utf-8") + self._split_iter = iter(converter(chain(self._file_handle, [""]), passage_id=base, lang=self.lang)) + if self.split: + if self._split_iter is None: + self._split_iter = (passage,) + self._split_iter = iter(s for p in self._split_iter for s in + split2segments(p, is_sentences=self.sentences, lang=self.lang)) + if self._split_iter is not None: # Either set before or initialized now + try: + passage = next(self._split_iter) + except StopIteration: # Finished this converter + self._split_iter = None + if self._file_handle is not None: + self._file_handle.close() + self._file_handle = None + return None + return passage + + # The following three methods are implemented to support shuffle; + # note files are shuffled but there is no shuffling within files, as it would not be efficient. + # Note also the inconsistency because these access the files while __iter__ accesses individual passages. + def __len__(self): + return len(self.files) + + def __getitem__(self, i): + return self.files[i] + + def __setitem__(self, i, value): + self.files[i] = value + + def __bool__(self): + return bool(self.files) + + +def resolve_patterns(filename_patterns): + for pattern in [filename_patterns] if isinstance(filename_patterns, str) else filename_patterns: + yield from sorted(glob(pattern)) or [pattern] + + +def get_passages(filename_patterns, **kwargs): + for filenames in resolve_patterns(filename_patterns): + yield from read_files_and_dirs(filenames, **kwargs) + + +def gen_files(files_and_dirs): + """ + :param files_and_dirs: iterable of files and/or directories to look in + :return: all files given, plus any files directly under any directory given + """ + for file_or_dir in [files_and_dirs] if isinstance(files_and_dirs, str) else files_and_dirs: + if os.path.isdir(file_or_dir): + yield from filterfalse(os.path.isdir, (os.path.join(file_or_dir, f) + for f in sorted(os.listdir(file_or_dir)))) + else: + yield file_or_dir + + +def read_files_and_dirs(files_and_dirs, sentences=False, paragraphs=False, converters=None, lang=DEFAULT_LANG, + attempts=DEFAULT_ATTEMPTS, delay=DEFAULT_DELAY): + """ + :param files_and_dirs: iterable of files and/or directories to look in + :param sentences: whether to split to sentences + :param paragraphs: whether to split to paragraphs + :param converters: dict of input format converters to use based on the file extension + :param lang: language to use for tokenization model + :param attempts: number of times to try reading a file before giving up + :param delay: number of seconds to wait before subsequent attempts to read a file + :return: lazy-loaded passages from all files given, plus any files directly under any directory given + """ + return LazyLoadedPassages(list(gen_files(files_and_dirs)), sentences=sentences, paragraphs=paragraphs, + converters=converters, lang=lang, attempts=attempts, delay=delay) + + +def write_passage(passage, output_format=None, binary=False, outdir=".", prefix="", converter=None, verbose=True, + append=False, basename=None): + """ + Write a given UCCA passage in any format. + :param passage: Passage object to write + :param output_format: filename suffix (if given "ucca", suffix will be ".pickle" or ".xml" depending on `binary') + :param binary: save in pickle format with ".pickle" suffix + :param outdir: output directory, should exist already + :param prefix: string to prepend to output filename + :param converter: function to apply to passage before saving (if output_format is not "ucca"/"pickle"/"xml"), + returning iterable of strings, each corresponding to an output line + :param verbose: print "Writing passage" message + :param append: if using converter, append to output file rather than creating a new file + :param basename: use this instead of `passage.ID' for the output filename + :return: path of created output file + """ + os.makedirs(outdir, exist_ok=True) + suffix = output_format if output_format and output_format != "ucca" else ("pickle" if binary else "xml") + outfile = os.path.join(outdir, prefix + (basename or passage.ID) + "." + suffix) + if verbose: + print("%s '%s'..." % ("Appending to" if append else "Writing passage", outfile)) + if output_format is None or output_format in ("ucca", "pickle", "xml"): + passage2file(passage, outfile, binary=binary) + else: + with open(outfile, "a" if append else "w", encoding="utf-8") as f: + f.writelines(map("{}\n".format, (converter or to_text)(passage))) + return outfile diff --git a/mtool/ucca/layer0.py b/mtool/ucca/layer0.py new file mode 100644 index 0000000000000000000000000000000000000000..0673512c8d5451fd6111a7ce9f4b27178b59ad7a --- /dev/null +++ b/mtool/ucca/layer0.py @@ -0,0 +1,210 @@ +"""Encapsulates all word and punctuation symbols layer. + +Layer 0 is the basic layer for all the UCCA annotation, as it includes the +actual words and punctuation marks found in the :class:`core`.Passage. + +Layer 0 has only one type of node, :class:`Terminal`. This is a subtype of +:class:`core`.Node, and can have one of two tags: Word or Punctuation. + +""" + +from ucca import core + +LAYER_ID = '0' + + +class NodeTags: + Punct = 'Punctuation' + Word = 'Word' + __init__ = None + + +ATTRIB_KEYS = ('text', 'paragraph', 'paragraph_position') + + +class Terminal(core.Node): + """Layer 0 Node type, represents a word or a punctuation mark. + + Terminals are :class:`core`.Node objects which represent a word or + a punctuation mark in the :class:`core`.Passage object. They are immutable, + as they shouldn't be changed throughout their use and have no children. + Hence, they can be compared and hashed, unlike other core.Node subclasses. + + Attributes: + ID: the unique ID of each Terminal is its global position in the + Passage, e.g. ID=0.4 is the 4th Terminal in the :class:`Passage`. + tag: from NodeTags + layer: '0' (LAYER_ID) + attrib: returns a copy of the attribute dictionary, so changing it + will not affect the Terminal object + text: text of the Terminal, whether punctuation or a word + position: global position of the Terminal in the passage, starting at 1 + paragraph: which paragraph the Terminal belongs to, starting at 1 + para_pos: the position of the Terminal in the paragraph, + starting at 1 (per paragraph). + punct: whether the Terminal is a punctuation mark (boolean) + + """ + + @property + def text(self): + return self.attrib['text'] + + @property + def position(self): + # the format of ID is LAYER_ID + ID separator + position + return int(self.ID[len(LAYER_ID) + len(core.Node.ID_SEPARATOR):]) + + @property + def para_pos(self): + return self.attrib['paragraph_position'] + + @property + def paragraph(self): + return self.attrib['paragraph'] + + @property + def tok(self): + try: + return self.layer.extra["doc"][self.paragraph - 1][self.para_pos - 1] + except (KeyError, IndexError): + return None + + def get_annotation(self, attr, as_array=False): + return attr(self.tok[attr.value]) if as_array else self.extra.get(attr.key) + + @property + def attrib(self): + return self._attrib.copy() + + @property + def punct(self): + return self.tag == NodeTags.Punct + + def get_terminals(self, punct=True, *args, **kwargs): + """Returns a list containing just this Terminal. + + :param punct: whether to include punctuation Terminals, defaults to True + + :return: a list of :class:`layer0`.Terminal objects + """ + del args, kwargs + return [] if self.punct and not punct else [self] + + def equals(self, other, *, ordered=False, **kwargs): + """Equals if the Terminals are of the same Layer, tag, position & text. + + :param other: another Terminal to equal to + :param ordered: unused, here for API conformity. + + :return: True iff the two Terminals are equal. + """ + return (self.layer.ID == other.layer.ID and self.text == other.text + and self.position == other.position and self.tag == other.tag + and self.paragraph == other.paragraph + and self.para_pos == other.para_pos) + + def __eq__(self, other): + """Equals if both of the same Passage, Layer, position, tag & text.""" + if other.layer.ID != LAYER_ID: + return False + return (self.root == other.root and self.layer.ID == other.layer.ID + and self.position == other.position + and self.text == other.text and self.tag == other.tag + and self.paragraph == other.paragraph + and self.para_pos == other.para_pos) + + def __hash__(self): + """Hashes the Terminals according to its ID and text.""" + return hash(self.ID + str(self.text)) + + def __str__(self): + return self.text + + # Terminal are immutable (except the extra dictionary which is + # just a temporary playground) and have no children, so enforce it + def add(self, *args, **kwargs): + raise NotImplementedError() + + def remove(self, *args, **kwargs): + raise NotImplementedError() + + +class Layer0(core.Layer): + """Represents the :class:`Terminal` objects layer. + + Attributes: + words: a tuple of only the words (not punctuation) Terminals, ordered + pairs: a tuple of (position, terminal) tuples of all Terminals, ordered + + """ + + def __init__(self, root, attrib=None): + super().__init__(ID=LAYER_ID, root=root, attrib=attrib) + + @property + def words(self): + return tuple(x for x in self._all if not x.punct) + + @property + def pairs(self): + return tuple(enumerate(self._all, start=1)) + + def by_position(self, pos): + """Returns the Terminals at the position given. + + :param pos: the position of the Terminal object + :return: the Terminal in this position + :raise IndexError: if the position is out of bounds + """ + return self._all[pos - 1] # positions start at 1, not 0 + + def add_terminal(self, text, punct, paragraph=1): + """Adds the next Terminal at the next available position. + + Creates a :class:`Terminal` object with the next position, assuming that + all positions are filled (no holes). + + :param text: the text of the Terminal + :param punct: boolean, whether it's a punctuation mark + :param paragraph: paragraph number, defaults to 1 + + :return: the created Terminal + + :raise DuplicateIdError: if trying to add an already existing Terminal, + caused by un-ordered Terminal positions in the layer + """ + position = len(self._all) + 1 # we want positions to start with 1 + para_pos = self._all[-1].para_pos + 1 if position > 1 and paragraph == self._all[-1].paragraph else 1 + tag = NodeTags.Punct if punct else NodeTags.Word + return Terminal(ID="{}{}{}".format(LAYER_ID, core.Node.ID_SEPARATOR, position), + root=self.root, tag=tag, + attrib={'text': text, + 'paragraph': paragraph, + 'paragraph_position': para_pos}) + + def copy(self, other_passage): + """Creates a copied Layer0 object and Terminals in other_passage. + + :param other_passage: the Passage to copy self to + + """ + other = Layer0(root=other_passage, attrib=self.attrib.copy()) + other.extra = self.extra.copy() + for t in self._all: + copied = other.add_terminal(t.text, t.punct, t.paragraph) + copied.extra = t.extra.copy() + + def docs(self, num_paragraphs=1): + docs = self.extra.setdefault("doc", [[]]) + while len(docs) < num_paragraphs: + docs.append([]) + return docs + + def doc(self, paragraph): + return self.docs(paragraph)[paragraph - 1] + + +def is_punct(node): + """Returns whether the unit is a layer0 punctuation (for all Units).""" + return node.layer.ID == LAYER_ID and node.punct diff --git a/mtool/ucca/layer1.py b/mtool/ucca/layer1.py new file mode 100644 index 0000000000000000000000000000000000000000..262f809387199360f2c68a1b43b06d70742eb4e8 --- /dev/null +++ b/mtool/ucca/layer1.py @@ -0,0 +1,587 @@ +"""Describes the foundational level elements (layer 1) of the UCCA annotation. + +Layer 1 is the foundational layer of UCCA, whose Nodes and Edges represent +scene objects and relations. The basic building blocks of this layer are +the FNode, which is a participant in a scene relation (including the +relation itself), and the various Edges between these Nodes, which represent +the type of relation between the Nodes. + +""" + +import itertools +import operator + +from ucca import core, layer0 + +LAYER_ID = '1' + + +class NodeTags: + """Layer 1 Node tags.""" + Foundational = 'FN' + Linkage = 'LKG' + Punctuation = 'PNCT' + __init__ = None + + +class EdgeTags: + """Layer 1 Edge tags.""" + Unanalyzable = 'UNA' + Uncertain = 'UNC' + ParallelScene = 'H' + Participant = 'A' + Process = 'P' + State = 'S' + Adverbial = 'D' + Ground = 'G' + Center = 'C' + Elaborator = 'E' + Function = 'F' + Connector = 'N' + Relator = 'R' + Time = 'T' + Quantifier = 'Q' + Linker = 'L' + Punctuation = 'U' + LinkRelation = 'LR' + LinkArgument = 'LA' + Terminal = 'Terminal' + __init__ = None + + +# Attribute entries +ATTRIB_KEYS = ('remote', 'implicit', 'uncertain', 'suggest') + + +class MissingRelationError(core.UCCAError): + """Exception raised when a required edge is not present.""" + pass + + +def _single_child_by_tag(node, tag, must=True): + """Returns the Node which is connected with an Edge with the given tag. + + Assumes that there is only one Node connected with an Edge with this tag. + + Args: + node: the Node which is the parent of the Edge (and returned Node). + tag: the tag of the Edge to look for. + must: if set to True (default), if no Node is found, raise an + exception. Otherwise, returns None if not found. + + Returns: + The connected Node, or None if not found + + Raises: + MissingRelationError if Node not found and must is set to True + + """ + for edge in node: + if tag in edge.tags: + return edge.child + if must: + raise MissingRelationError(node.ID, tag) + return None + + +def _multiple_children_by_tag(node, tag): + """Returns the Nodes which are connected with an Edge with the given tag. + + Args: + node: the Node which is the parent of the Edge (and returned Nodes). + tag: the tag of the Edges to look for. + + Returns: + A list of connected Nodes, can be empty + + """ + return [edge.child for edge in node if tag in edge.tags] + + +class Linkage(core.Node): + """A Linkage between parallel scenes. + + A Linkage object represents a connection between two parallel scenes. + The semantic type of the link is not determined in this object, but the + :class:`FoundationalNode` of linkage is referred as the link relation, + and the linked scenes are referred to as the arguments. + + Most cases will have two arguments, but some constructions have 1 or 3+ + arguments, depending on the semantic connection. + + Attributes: + relation: FoundationalNode of the relation words. + arguments: list of FoundationalNodes of the relation participants. + + """ + + @property + def relation(self): + return _single_child_by_tag(self, EdgeTags.LinkRelation) + + @property + def arguments(self): + return _multiple_children_by_tag(self, EdgeTags.LinkArgument) + + def __str__(self): + return "{}-->{}".format(str(self.relation.ID), + ','.join(x.ID for x in self.arguments)) + + +class FoundationalNode(core.Node): + """The basic building block of UCCA annotation, represents semantic units. + + Each FoundationalNode (FNode for short) represents a semantic unit in the + text, with relations to other semantic units. In essence, the FNodes form + a tree of annotation, when remote units are ignored. This means that each + FNode has exactly one FNode parent, and for completeness, there is also + a "Passage Head" FNode which is the FNode parent of all parallel scenes and + linkers in the top-level of the annotation. + + Remote units are FNodes which are shared between two or more different + FNodes, and hence have two FNode parents (participate in two relations). + In such cases there is only one FNode parent, as the other Edges to parents + are marked with the 'remote' attribute (set to True). + + Implicit Nodes are ones which aren't mentioned in the text, and hence + doesn't have any Terminal units in their span. In such cases, they will + have an 'implicit' attribute set to True, and will take the position -1 + (both start and end positions). + + Attributes: + participants: + adverbials: + connector: + grounds: + elaborators: + centers: + linkers: + parallel_scenes: + functions: + punctuation: + terminals: + a list of all FNodes under self whose edge tag is one of + these types. + process: + state: + time: + relator: + Returns the FNode under self whose edge tag is one of these types, + or None in case it isn't found. + start_position: + end_position: + start/end position of the first/last terminal in the span of + the FNode, without counting in remote FNodes. If the FNode is + implicit or have no Terminals for some reason, returns -1 (both). + fparent: the FNode parent (FNode with incoming Edge, not remote) of + this FNode. There is exactly one for each FNode except the Passage + head, which returns None. + ftag: the tag of the Edge connecting the fparent (as described above) + with this FNode + discontiguous: whether this FNode has continuous Terminals or not + + """ + + @property + def participants(self): + return _multiple_children_by_tag(self, EdgeTags.Participant) + + @property + def adverbials(self): + return _multiple_children_by_tag(self, EdgeTags.Adverbial) + + @property + def times(self): + return _multiple_children_by_tag(self, EdgeTags.Time) + + @property + def quantifiers(self): + return _multiple_children_by_tag(self, EdgeTags.Quantifier) + + @property + def grounds(self): + return _multiple_children_by_tag(self, EdgeTags.Ground) + + @property + def centers(self): + return _multiple_children_by_tag(self, EdgeTags.Center) + + @property + def elaborators(self): + return _multiple_children_by_tag(self, EdgeTags.Elaborator) + + @property + def linkers(self): + return _multiple_children_by_tag(self, EdgeTags.Linker) + + @property + def parallel_scenes(self): + return _multiple_children_by_tag(self, EdgeTags.ParallelScene) + + @property + def functions(self): + return _multiple_children_by_tag(self, EdgeTags.Function) + + @property + def punctuation(self): + return _multiple_children_by_tag(self, EdgeTags.Punctuation) + + @property + def terminals(self): + return _multiple_children_by_tag(self, EdgeTags.Terminal) + + @property + def process(self): + return _single_child_by_tag(self, EdgeTags.Process, False) + + @property + def state(self): + return _single_child_by_tag(self, EdgeTags.State, False) + + @property + def connector(self): + return _single_child_by_tag(self, EdgeTags.Connector, False) + + @property + def relator(self): + return _single_child_by_tag(self, EdgeTags.Relator, False) + + def _fedge(self): + """Returns the Edge of the fparent, or None.""" + for edge in self.incoming: + if (edge.parent.layer.ID == LAYER_ID and + edge.parent.tag == NodeTags.Foundational and + not edge.attrib.get('remote')): + return edge + return None + + @property + def fparent(self): + edge = self._fedge() + return edge.parent if edge else None + + @property + def ftag(self): + edge = self._fedge() + return edge.tag if edge else None + + @property + def ftags(self): + edge = self._fedge() + return edge.tags if edge else None + + def get_terminals(self, punct=True, remotes=False, visited=None): + """Returns a list of all terminals under the span of this FoundationalNode. + :param punct: whether to include punctuation Terminals, defaults to True + :param remotes: whether to include Terminals from remote FoundationalNodes, defaults to false + :param visited: used to detect cycles + :return: a list of :class:`layer0`.Terminal objects + """ + if visited is None: + return sorted(self.get_terminals(punct=punct, remotes=remotes, visited=set()), + key=operator.attrgetter("position")) + outgoing = {e for e in set(self) - visited if remotes or not e.attrib.get("remote")} + return [t for e in outgoing for t in e.child.get_terminals( + punct=punct, remotes=remotes, visited=visited | outgoing)] + + @property + def start_position(self): + try: + return self.get_terminals()[0].position + except IndexError: # implicit unit or having no Terminals + return -1 + + @property + def end_position(self): + try: + return self.get_terminals()[-1].position + except IndexError: # implicit unit or having no Terminals + return -1 + + @property + def discontiguous(self): + terms = self.get_terminals() + return any(terms[i].position + 1 != terms[i + 1].position + for i in range(len(terms) - 1)) + + def get_sequences(self): + if self.attrib.get('implicit'): + return [] + pos = sorted([x.position for x in self.get_terminals()]) + + # all terminals which end a sequence, including the last one + seq_closers = [pos[i] for i in range(len(pos) - 1) + if pos[i] + 1 < pos[i + 1]] + [pos[-1]] + + # all terminals which start a sequence, including the first one + seq_openers = [pos[0]] + [pos[i] for i in range(1, len(pos)) + if pos[i - 1] < pos[i] - 1] + return [(op, cl) for op, cl in zip(seq_openers, seq_closers)] + + def to_text(self): + """Returns the text in the span of self, separated by spaces.""" + return ' '.join(t.text for t in self.get_terminals()) + + def is_scene(self): + return self.state is not None or self.process is not None + + def __str__(self): + def start(e): + return e.child.position if e.child.layer.ID == layer0.LAYER_ID else e.child.start_position + + sorted_edges = sorted(self, key=start) + output = [] + for edge, next_edge in zip(sorted_edges, sorted_edges[1:] + [None]): + node = edge.child + remote = edge.attrib.get('remote') + end = node.position if node.layer.ID == layer0.LAYER_ID else node.end_position + if edge.tag == EdgeTags.Terminal: + output.append(str(node)) + if end != self.end_position: + output.append(" ") + else: + edge_tags = "|".join(edge.tags) + if remote: + edge_tags += '*' + if edge.attrib.get('uncertain'): + edge_tags += '?' + if start(edge) == -1: + output.append("[{} IMPLICIT] ".format(edge_tags)) + else: + output.append("[{} {}] ".format(edge_tags, str(node))) + if start(edge) != -1 and not remote and next_edge is not None and end + 1 < start(next_edge): + output.append("... ") # adding '...' if discontiguous + return "".join(output) + + def get_top_scene(self): + """Returns the top-level scene this FNode is within, or None""" + if self in self.layer.top_scenes: + return self + elif self.fparent is None: + return None + else: + return self.fparent.get_top_scene() + + +class PunctNode(FoundationalNode): + """Encapsulates punctuation :class:`layer0`.Terminal objects. + + Attributes: + terminals: return the :class:`layer0`.Terminal objects encapsulated + by this Node in a list (at least one, usually not more than 1). + start_position: + end_position: + start/end position of the first/last terminal in the span of + the PunctNode. + + """ + + def add(self, edge_tag, node, *, edge_attrib=None): + if node.layer.ID != layer0.LAYER_ID: + raise ValueError("Non-terminal child (%s) for %s node (%s)" % (node.ID, NodeTags.Punctuation, self.ID)) + if not layer0.is_punct(node): + node.tag = layer0.NodeTags.Punct + # raise ValueError("%s child (%s) for %s node (%s)" % (node.tag, node.ID, NodeTags.Punctuation, self.ID)) + super().add(edge_tag, node, edge_attrib=None) + + @property + def terminals(self): + return self.children + + def get_terminals(self, punct=True, *args, **kwargs): + """Returns a list of all terminals under the span of this PunctNode. + + :param punct: whether to include punctuation Terminals, defaults to True + + :return: a list of :class:`layer0`.Terminal objects + + """ + return self.children if punct else () + + def __str__(self): + return self.to_text() + + +class Layer1(core.Layer): + """ + + """ + + def __init__(self, root, attrib=None, *, orderkey=core.id_orderkey): + super().__init__(ID=LAYER_ID, root=root, attrib=attrib, + orderkey=orderkey) + self._scenes = [] + self._linkages = [] + self._head_fnode = FoundationalNode(root=root, + tag=NodeTags.Foundational, + ID=self.next_id()) + self._all = [self._head_fnode] + self._heads = [self._head_fnode] + + @property + def top_scenes(self): + return self._scenes[:] + + @property + def top_linkages(self): + return self._linkages[:] + + def next_id(self): + """Returns the next available ID string for this layer.""" + for n in itertools.count(start=len(self._all) + 1): + id_str = "{}{}{}".format(LAYER_ID, core.Node.ID_SEPARATOR, n) + try: + self._root.by_id(id_str) + except KeyError: + return id_str + + def add_fnode_multiple(self, parent, edge_categories, *, implicit=False, edge_attrib=None): + """Adds a new :class:`FNode` whose parent and Edge tag are given. + + :param parent: the FNode which will be the parent of the new FNode. + If the parent is None, adds under the layer head FNode. + :param edge_categories: list of categories on the Edge between the parent and the new FNode. + :param implicit: whether to set the new FNode as implicit (default False) + :param edge_attrib: Keyword only, dictionary of attributes to be passed + to the Edge initializer. + + :return: the newly created FNode + + :raise core.FrozenPassageError if the Passage is frozen + """ + if parent is None: + parent = self._head_fnode + node_attrib = {'implicit': True} if implicit else {} + fnode = FoundationalNode(root=self.root, tag=NodeTags.Foundational, + ID=self.next_id(), attrib=node_attrib) + if edge_categories: + parent.add_multiple(edge_categories, fnode, edge_attrib=edge_attrib) + return fnode + + def add_fnode(self, parent, tag, *, implicit=False): + return self.add_fnode_multiple(parent, [(tag,)], implicit=implicit) + + def add_remote_multiple(self, parent, edge_categories, child, edge_attrib=None): + """Adds a new :class:`core`.Edge with remote attribute between the nodes. + + :param parent: the parent of the remote Edge + :param edge_categories: list of categories of the Edge + :param child: the child of the remote Edge + :param edge_attrib: Keyword only, dictionary of attributes to be passed + to the Edge initializer. + + :raise core.FrozenPassageError if the Passage is frozen + """ + if edge_attrib is None: + edge_attrib = {} + edge_attrib["remote"] = True + return parent.add_multiple(edge_categories, child, edge_attrib=edge_attrib) + + def add_remote(self, parent, tag, child): + return self.add_remote_multiple(parent, [(tag,)], child) + + def add_punct(self, parent, terminal, layer=None, slot=None, edge_attrib=None): + """Adds a PunctNode as the child of parent and the Terminal under it. + + :param parent: the parent of the newly created PunctNode. If None, adds + under rhe layer head FNode. + :param terminal: the punctuation Terminal we want to put under parent. + :param edge_attrib: Keyword only, dictionary of attributes to be passed + to the Edge initializer. + + :return: the newly create PunctNode. + + :raise core.FrozenPassageError if the Passage is frozen. + + """ + if parent is None: + parent = self._head_fnode + punct_node = PunctNode(root=self.root, tag=NodeTags.Punctuation, + ID=self.next_id()) + parent.add_multiple([(EdgeTags.Punctuation, slot, layer)], punct_node, edge_attrib=edge_attrib) + punct_node.add_multiple([(EdgeTags.Terminal, slot, layer)], terminal) + return punct_node + + def add_linkage(self, relation, *args): + """Adds a Linkage between the link relation and the linked arguments. + + Linkage objects are all heads and have no parents. + + :param relation: the link relation FNode. + :param args: any number (at least 1) of linkage arguments FNodes. + + :return: the newly created Linkage + + :raise core.FrozenPassageError if the Passage is frozen. + + """ + linkage = Linkage(root=self.root, tag=NodeTags.Linkage, + ID=self.next_id()) + linkage.add(EdgeTags.LinkRelation, relation) + for arg in args: + linkage.add(EdgeTags.LinkArgument, arg) + return linkage + + def _check_top_scene(self, node): + """Checks whether a node is a scene, and a top-level one. + + A top level scene is one which is not embedded in any other scene. + + :param node: the FNode to check. + + :return: True iff node is a top-level scenes. + + """ + if not node.is_scene(): + return False + while node.fparent not in (None, self._head_fnode): + node = node.fparent + if node.is_scene(): + return False + return True + + def _update_top_scene(self, node): + """Adds/removes the node if it's a top-level scene.""" + if node.tag != NodeTags.Foundational: + return + if node in self._scenes and not self._check_top_scene(node): + self._scenes.remove(node) + elif node not in self._scenes and self._check_top_scene(node): + self._scenes.append(node) + # Other scenes may now become not top-level, check it + for ts in self._scenes[:-1]: + if not self._check_top_scene(ts): + self._scenes.remove(ts) + self._scenes.sort(key=self.orderkey) + + def _update_top_linkage(self, linkage): + """Adds/removes the linkage if it's a top level linkage.""" + if all(fnode in self._scenes for fnode in linkage.arguments): + if linkage not in self._linkages: + self._linkages.append(linkage) + self._linkages.sort(key=self.orderkey) + elif linkage in self._linkages: + self._linkages.remove(linkage) + + def _update_edge(self, edge): + """Adds the Edge to the Layer, and updates top scenes and linkers.""" + self._update_top_scene(edge.parent) + self._update_top_scene(edge.child) + for lkg in [x for x in edge.parent.parents + if x.tag == NodeTags.Linkage]: + self._update_top_linkage(lkg) + for lkg in [x for x in edge.child.parents + if x.tag == NodeTags.Linkage]: + self._update_top_linkage(lkg) + + def _add_edge(self, edge): + super()._add_edge(edge) + self._update_edge(edge) + + def _remove_edge(self, edge): + super()._remove_edge(edge) + self._update_edge(edge) + + def _change_edge_tag(self, edge, old_tag): + super()._change_edge_tag(edge, old_tag) + self._update_edge(edge) diff --git a/mtool/ucca/normalization.py b/mtool/ucca/normalization.py new file mode 100644 index 0000000000000000000000000000000000000000..892e74b1e678b948a6f6094c8ba60c5012ae63f5 --- /dev/null +++ b/mtool/ucca/normalization.py @@ -0,0 +1,335 @@ +from ucca import layer0, layer1 +from ucca.layer0 import NodeTags as L0Tags +from ucca.layer1 import EdgeTags as ETags, NodeTags as L1Tags + +NO_MULTIPLE_INCOMING_CATEGORIES = {ETags.Function, ETags.ParallelScene, ETags.Linker, ETags.LinkRelation, + ETags.Connector, ETags.Punctuation, ETags.Terminal} +TOP_CATEGORIES = {ETags.ParallelScene, ETags.Linker, ETags.Function, ETags.Ground, ETags.Punctuation, + ETags.LinkRelation, ETags.LinkArgument, ETags.Connector} +COORDINATED_MAIN_REL = "Coordinated_Main_Rel." + + +def fparent(node_or_edge): + try: + return node_or_edge.fparent + except AttributeError: + try: + return node_or_edge.parent + except AttributeError: + return node_or_edge.parents[0] if node_or_edge.parents else None + + +def remove_unmarked_implicits(node): + while node is not None and not node.children and not node.attrib.get("implicit"): + parent = fparent(node) + if parent is None: + break + node.destroy() + node = parent + + +def remove(parent, child): + if parent is not None: + parent.remove(child) + remove_unmarked_implicits(parent) + + +def destroy(node_or_edge): + parent = fparent(node_or_edge) + try: + node_or_edge.destroy() + except AttributeError: + parent.remove(node_or_edge) + if parent is not None: + remove_unmarked_implicits(parent) + return parent + + +def copy_edge(edge, parent=None, child=None, tag=None, attrib=None): + if parent is None: + parent = edge.parent + if child is None: + child = edge.child + if not tag: + categories = [(c.tag, c.slot, c.layer, c.parent) for c in edge.categories] + else: + categories = [(tag,)] + if attrib is None: + attrib = edge.attrib + if parent in child.iter(): + # raise ValueError("Created cycle (%s->%s) when trying to normalize '%s'" % ( + # "->".join(n.ID for n in child.iter() if parent in n.iter()), child.ID, parent)) + return False + parent.add_multiple(categories, child, edge_attrib=attrib) + return True + + +def replace_center(edge): + if len(edge.parent) == 1 and not edge.parent.parents: + return ETags.ParallelScene + if edge.parent.participants and not edge.parent.is_scene(): + return ETags.Process # TODO should be state if the word is a copula + return edge.tag + + +def replace_edge_tags(node): + for edge in node: + if not edge.attrib.get("remote") and edge.tag == ETags.Center: + edge.tag = replace_center(edge) + elif node.parallel_scenes: + if edge.tag == ETags.Connector: + edge.tag = ETags.Linker + elif edge.tag == ETags.Linker: + edge.tag = ETags.Connector + elif node.is_scene(): + if edge.tag == ETags.Elaborator: + edge.tag = ETags.Adverbial + elif edge.tag == ETags.Adverbial: + edge.tag = ETags.Elaborator + + +def move_elements(node, tags, parent_tags, forward=True): + for edge in node: + if edge.child.tag == L1Tags.Foundational and edge.tag in ((tags,) if isinstance(tags, str) else tags): + try: + parent_edge = min((e for e in node if e != edge and e.child.tag == L1Tags.Foundational), + key=lambda e: abs(((edge.child.start_position - e.child.end_position), + (e.child.start_position - edge.child.end_position))[forward])) + except ValueError: + continue + if parent_edge.tag in ((parent_tags,) if isinstance(parent_tags, str) else parent_tags): + parent = parent_edge.child + if copy_edge(edge, parent=parent): + remove(node, edge) + + +def move_scene_elements(node): + if node.parallel_scenes: + move_elements(node, tags=(ETags.Relator, ETags.Elaborator, ETags.Center), parent_tags=ETags.ParallelScene) + + +def move_sub_scene_elements(node): + if node.is_scene(): + move_elements(node, tags=(ETags.Elaborator, ETags.Center), parent_tags=ETags.Participant, forward=False) + + +def separate_scenes(node, l1, top_level=False): + if (node.is_scene() or node.participants) and (top_level or node.parallel_scenes): + edges = list(node) + scene = l1.add_fnode(node, ETags.ParallelScene) + for edge in edges: + if edge.tag not in (ETags.ParallelScene, ETags.Punctuation, ETags.Linker, ETags.Ground): + if copy_edge(edge, parent=scene): + remove(node, edge) + + +def lowest_common_ancestor(*nodes): + parents = [nodes[0]] if nodes else [] + while parents: + for parent in parents: + if parent.tag == L1Tags.Foundational and (not parent.terminals or nodes[1:]) \ + and all(n in parent.iter() for n in nodes[1:]): + return parent + parents = [p for n in parents for p in n.parents] + return None + + +def nearest_word(l0, position, step): + while True: + position += step + try: + terminal = l0.by_position(position) + except IndexError: + return None + if terminal.tag == L0Tags.Word: + return terminal + + +def nearest_parent(l0, *terminals): + return lowest_common_ancestor(*filter(None, (nearest_word(l0, terminals[0].position, -1), + nearest_word(l0, terminals[-1].position, 1)))) + + +def reattach_punct(l0, l1): + detach_punct(l1) + attach_punct(l0, l1) + + +def attach_punct(l0, l1): + for terminal in l0.all: + if layer0.is_punct(terminal) and not terminal.incoming: + l1.add_punct(nearest_parent(l0, terminal), terminal) + + +def detach_punct(l1): + for node in l1.all: + if node.tag == L1Tags.Punctuation: + destroy(node) + + +def reattach_terminals(l0, l1): + attach_terminals(l0, l1) + for terminal in l0.all: + for edge in terminal.incoming: + if any(e.tag != ETags.Terminal for e in edge.parent): + node = l1.add_fnode(edge.parent, ETags.Center) + if copy_edge(edge, parent=node): + remove(edge.parent, edge) + + +def attach_terminals(l0, l1): + for terminal in l0.all: + if not terminal.incoming: + node = l1.add_fnode(nearest_parent(l0, terminal), ETags.Function) + node.add(ETags.Terminal, terminal) + + +def flatten_centers(node): + """ + Whenever there are Cs inside Cs, remove the external C. + Whenever there is a C as an only child, remove it. + """ + if node.tag == L1Tags.Foundational and len(node.centers) == 1: + if node.ftag == ETags.Center and len(fparent(node).centers) == 1: # Center inside center + for edge in node.incoming: + if edge.attrib.get("remote"): + copy_edge(edge, child=node.centers[0]) + for edge in node: + copy_edge(edge, parent=fparent(node)) + return destroy(node) + elif len(node.children) == 1: # Center as only child + for edge in node.incoming: + attrib = edge.attrib + if node.outgoing[0].attrib.get("remote"): + attrib["remote"] = True + copy_edge(edge, child=node.centers[0], attrib=attrib) + return destroy(node) + return node + + +def flatten_functions(node): + """ + Whenever there is an F as an only child, remove it. If an F has non-terminal children, move them up. + """ + if node.tag == L1Tags.Foundational and node.incoming: # Avoid creating root->terminal edge + for child in node.functions: + if len(child.children) > len(child.terminals): + for edge in child: + copy_edge(edge, parent=node, tag=ETags.Function if edge.tag == ETags.Center else edge.tag) + destroy(child) + if len(node.functions) == len(node.children) == 1: + for edge in node.incoming: + copy_edge(edge, child=node.functions[0]) + return destroy(node) + return node + + +def flatten_participants(node): + """ + Whenever there is an A as an only child, remove it. + If there is an implicit A in a scene without a main relation, remove it. + """ + if node.tag == L1Tags.Foundational: + participants = node.participants + if len(participants) == len(node.children) == 1 and len(participants[0].ftags) == 1: + for edge in node.incoming: + copy_edge(edge, child=participants[0]) + return destroy(node) + elif participants and not node.is_scene(): + for child in participants: + if child.attrib.get("implicit"): + destroy(child) + return node + + +def split_coordinated_main_rel(node, l1): + for edge in node: + attrib = edge.attrib.copy() + if attrib.pop(COORDINATED_MAIN_REL, None): + assert {ETags.Process, ETags.State}.issuperset(edge.tags), \ + "%s node without main relation: %s" % (COORDINATED_MAIN_REL, node) + main_rel = edge.child + centers = main_rel.centers + assert centers, "%s node without centers: %s" % (COORDINATED_MAIN_REL, main_rel) + top = fparent(node) + if ETags.ParallelScene in node.ftags: + top.remove(node) + else: + top = node + outgoing = list(node.outgoing) + scenes = [] + for center in centers: + main_rel.remove(center) + new_scene = l1.add_fnode(top, ETags.ParallelScene) + copy_edge(edge, parent=new_scene, child=center, attrib=attrib) + for scene_edge in outgoing: + if scene_edge.ID != edge.ID and not ( + scenes and NO_MULTIPLE_INCOMING_CATEGORIES.intersection(scene_edge.tags)): + # Not the CMR edge itself, and not a category that does not allow multiple parents + copy_edge(scene_edge, parent=new_scene, attrib={"remote": True} if scenes else None) + scenes.append(new_scene) + for main_rel_edge in list(main_rel.outgoing): + tags = main_rel_edge.tags + copy_edge(main_rel_edge, parent=top if TOP_CATEGORIES.issuperset(tags) else scenes[0], + tag=ETags.Linker if ETags.Connector in main_rel_edge.tags else None) + destroy(main_rel_edge) + for scene_edge in outgoing: + if scene_edge.ID != edge.ID: + destroy(scene_edge) + if main_rel.incoming: + main_rel.destroy() + if not node.incoming: + node.destroy() + return node + + +def normalize_node(node, l1, extra): + if node.tag == L1Tags.Foundational: + if extra: + replace_edge_tags(node) + move_scene_elements(node) + move_sub_scene_elements(node) + separate_scenes(node, l1, top_level=node in l1.heads) + node = split_coordinated_main_rel(node, l1) + if node is None: + return None + node = flatten_centers(node) + if node is None: + return + node = flatten_functions(node) + if node is None: + return + flatten_participants(node) + + +def normalize(passage, extra=False): + l0 = passage.layer(layer0.LAYER_ID) + l1 = passage.layer(layer1.LAYER_ID) + reattach_punct(l0, l1) + heads = list(l1.heads) + stack = [heads] + visited = set() + path = [] + path_set = set() + while stack: + for edge in stack[-1]: + try: + node = edge.child + except AttributeError: + node = edge + if node in path_set: + destroy(edge) + elif node not in visited: + visited.add(node) + path.append(node) + path_set.add(node) + stack.append(node) + normalize_node(node, l1, extra) + break + else: + if path: + path_set.remove(path.pop()) + stack.pop() + reattach_punct(l0, l1) + if extra: + reattach_terminals(l0, l1) diff --git a/mtool/ucca/textutil.py b/mtool/ucca/textutil.py new file mode 100644 index 0000000000000000000000000000000000000000..58269af61be7b5373c77ba1e1842e217f29e73c5 --- /dev/null +++ b/mtool/ucca/textutil.py @@ -0,0 +1,342 @@ +"""Utility functions for UCCA package.""" +import os +import time +from collections import OrderedDict +from collections import deque +from enum import Enum +from itertools import groupby, islice +from operator import attrgetter, itemgetter + +import numpy as np + +from ucca import layer0, layer1 + +MODEL_ENV_VAR = "SPACY_MODEL" # Determines the default spaCy model to load +DEFAULT_MODEL = {"en": "en_core_web_md", "fr": "fr_core_news_md", "de": "de_core_news_md"} + +N_THREADS = 4 +BATCH_SIZE = 50 + + +class Attr(Enum): + """Wrapper for spaCy Attr, determining order for saving in layer0.extra per token when as_array=True""" + ORTH = 0 + LEMMA = 1 + TAG = 2 + POS = 3 + ENT_TYPE = 4 + ENT_IOB = 5 + DEP = 6 + HEAD = 7 + SHAPE = 8 + PREFIX = 9 + SUFFIX = 10 + + def __call__(self, value, vocab=None, as_array=False, lang=None): + """Resolve numeric ID of attribute value to string (if as_array=False) or to int (if as_array=True)""" + if value is None: + return None + if self in (Attr.ENT_IOB, Attr.HEAD): + return int(np.int64(value)) + if as_array: + is_str = isinstance(value, str) + if is_str or self in (Attr.ORTH, Attr.LEMMA): + try: # Will find the value even if it's a new string, but that's OK since the hash is deterministic + i = get_vocab(vocab, lang).strings[value] + if is_str: # Replace with numeric ID since as_array=True + value = i + except KeyError: + value = None + return value if value is None or isinstance(value, str) else int(value) + try: + return get_vocab(vocab, lang)[value].text + except KeyError: + return None + + @property + def key(self): + """String used in `extra' dict of Terminals to store this attribute when as_array=False""" + return self.name.lower() + + +def get_nlp(lang="en"): + """Load spaCy model for a given language, determined by `models' dict or by MODEL_ENV_VAR""" + instance = nlp.get(lang) + if instance is None: + import spacy + model = models.get(lang) + if not model: + models[lang] = model = os.environ.get("_".join((MODEL_ENV_VAR, lang.upper()))) or \ + os.environ.get(MODEL_ENV_VAR) or DEFAULT_MODEL.get(lang, "xx") + started = time.time() + with external_write_mode(): + print("Loading spaCy model '%s'... " % model, end="", flush=True) + try: + nlp[lang] = instance = spacy.load(model) + except OSError: + spacy.cli.download(model) + try: + nlp[lang] = instance = spacy.load(model) + except OSError as e: + raise OSError("Failed to get spaCy model. Download it manually using " + "`python -m spacy download %s`." % model) from e + tokenizer[lang] = instance.tokenizer + instance.tokenizer = lambda words: spacy.tokens.Doc(instance.vocab, words=words) + print("Done (%.3fs)." % (time.time() - started)) + return instance + + +models = {} # maps language two-letter code to name of spaCy model +nlp = {} # maps language two-letter code to actual loaded spaCy model +tokenizer = {} # maps language two-letter code to tokenizer of spaCy model + + +def get_tokenizer(tokenized=False, lang="en"): + instance = get_nlp(lang) + return instance.tokenizer if tokenized else tokenizer[lang] + + +def get_vocab(vocab=None, lang=None): + if vocab is not None: + return vocab + return (get_nlp(lang) if lang else get_nlp()).vocab + + +def get_word_vectors(dim=None, size=None, filename=None, vocab=None): + """ + Get word vectors from spaCy model or from text file + :param dim: dimension to trim vectors to (default: keep original) + :param size: maximum number of vectors to load (default: all) + :param filename: text file to load vectors from (default: from spaCy model) + :param vocab: instead of strings, look up keys of returned dict in vocab (use lang str, e.g. "en", for spaCy vocab) + :return: tuple of (dict of word [string or integer] -> vector [NumPy array], dimension) + """ + orig_keys = vocab is None + if isinstance(vocab, str) or not filename: + vocab = get_nlp(vocab if isinstance(vocab, str) else "en").vocab + + def _lookup(word): + try: + return word.orth_ if orig_keys else word.orth + except AttributeError: + if orig_keys: + return word + lex = vocab[word] + return getattr(lex, "orth", lex) + + if filename: + it = read_word_vectors(dim, size, filename) + nr_row, nr_dim = next(it) + vectors = OrderedDict(islice(((_lookup(w), v) for w, v in it if orig_keys or w in vocab), nr_row)) + else: # return spaCy vectors + nr_row, nr_dim = vocab.vectors.shape + if dim is not None and dim < nr_dim: + nr_dim = int(dim) + vocab.vectors.resize(shape=(int(size or nr_row), nr_dim)) + lexemes = sorted([l for l in vocab if l.has_vector], key=attrgetter("prob"), reverse=True)[:size] + vectors = OrderedDict((_lookup(l), l.vector) for l in lexemes) + return vectors, nr_dim + + +def read_word_vectors(dim, size, filename): + """ + Read word vectors from text file, with an optional first row indicating size and dimension + :param dim: dimension to trim vectors to + :param size: maximum number of vectors to load + :param filename: text file to load vectors from + :return: generator: first element is (#vectors, #dims); and all the rest are (word [string], vector [NumPy array]) + """ + try: + first_line = True + nr_row = nr_dim = None + with open(filename, encoding="utf-8") as f: + for line in f: + fields = line.split() + if first_line: + first_line = False + try: + nr_row, nr_dim = map(int, fields) + is_header = True + except ValueError: + nr_dim = len(fields) - 1 # No header, just get vector length from first one + is_header = False + if dim and dim < nr_dim: + nr_dim = dim + yield size or nr_row, nr_dim + if is_header: + continue # Read next line + word, *vector = fields + if len(vector) >= nr_dim: # May not be equal if word is whitespace + yield word, np.asarray(vector[-nr_dim:], dtype="f") + except OSError as e: + raise IOError("Failed loading word vectors from '%s'" % filename) from e + + +def annotate(passage, *args, **kwargs): + """ + Run spaCy pipeline on the given passage, unless already annotated + :param passage: Passage object, whose layer 0 nodes will be added entries in the `extra' dict + """ + list(annotate_all([passage], *args, **kwargs)) + + +def annotate_as_tuples(passages, replace=False, as_array=False, lang="en", vocab=None, verbose=False): + for passage_lang, passages_by_lang in groupby(passages, get_lang): + for need_annotation, stream in groupby(to_annotate(passages_by_lang, replace, as_array), lambda x: bool(x[0])): + annotated = get_nlp(passage_lang or lang).pipe( + stream, as_tuples=True, n_threads=N_THREADS, batch_size=BATCH_SIZE) if need_annotation else stream + annotated = set_docs(annotated, as_array, passage_lang or lang, vocab, replace, verbose) + for passage, passages in groupby(annotated, itemgetter(0)): + yield deque(passages, maxlen=1).pop() # Wait until all paragraphs have been annotated + + +def annotate_all(passages, replace=False, as_array=False, as_tuples=False, lang="en", vocab=None, verbose=False): + """ + Run spaCy pipeline on the given passages, unless already annotated + :param passages: iterable of Passage objects, whose layer 0 nodes will be added entries in the `extra' dict + :param replace: even if a given passage is already annotated, replace with new annotation + :param as_array: instead of adding `extra' entries to each terminal, set layer 0 extra["doc"] to array of ids + :param as_tuples: treat input as tuples of (passage text, context), and return context for each passage as-is + :param lang: optional two-letter language code, will be overridden if passage has "lang" attrib + :param vocab: optional dictionary of vocabulary IDs to string values, to avoid loading spaCy model + :param verbose: whether to print annotated text + :return: generator of annotated passages, which are actually modified in-place (same objects as input) + """ + if not as_tuples: + passages = ((p,) for p in passages) + for t in annotate_as_tuples(passages, replace=replace, as_array=as_array, lang=lang, vocab=vocab, verbose=verbose): + yield t if as_tuples else t[0] + + +def get_lang(passage_context): + return passage_context[0].attrib.get("lang") + + +def to_annotate(passage_contexts, replace, as_array): + """Filter passages to get only those that require annotation; split to paragraphs and return generator of + (list of tokens, (paragraph index, list of Terminals, Passage) + original context appended) tuples""" + return (([t.text for t in terminals] if replace or not is_annotated(passage, as_array) else (), + (i, terminals, passage) + tuple(context)) for passage, *context in passage_contexts + for i, terminals in enumerate(break2paragraphs(passage, return_terminals=True))) + + +def is_annotated(passage, as_array): + """Whether the passage is already annotated or only partially annotated""" + l0 = passage.layer(layer0.LAYER_ID) + if as_array: + docs = l0.extra.get("doc") + return not l0.all or docs is not None and len(docs) == max(t.paragraph for t in l0.all) and \ + sum(map(len, docs)) == len(l0.all) and \ + all(i is None or isinstance(i, int) for l in docs for t in l for i in t) + return all(a.key in t.extra for t in l0.all for a in Attr) + + +def set_docs(annotated, as_array, lang, vocab, replace, verbose): + """Given spaCy annotations, set values in layer0.extra per paragraph if as_array=True, or else in Terminal.extra""" + for doc, (i, terminals, passage, *context) in annotated: + if doc: # Not empty, so copy values + from spacy import attrs + arr = doc.to_array([getattr(attrs, a.name) for a in Attr]) + if as_array: + docs = passage.layer(layer0.LAYER_ID).docs(i + 1) + existing = docs[i] + (len(arr) - len(docs[i])) * [len(Attr) * [None]] + docs[i] = [[a(v if e is None or replace else e, get_vocab(vocab, lang), as_array=True) + for a, v, e in zip(Attr, values, es)] for values, es in zip(arr, existing)] + else: + for terminal, values in zip(terminals, arr): + for attr, value in zip(Attr, values): + if replace or not terminal.extra.get(attr.key): + terminal.extra[attr.key] = attr(value, get_vocab(vocab, lang)) + if verbose: + data = [[a.key for a in Attr]] + \ + [[str(a(t.tok[a.value], get_vocab(vocab, lang)) if as_array else t.extra[a.key]) + for a in Attr] for j, t in enumerate(terminals)] + width = [max(len(f) for f in t) for t in data] + for j in range(len(Attr)): + try: + print(" ".join("%-*s" % (w, f[j]) for f, w in zip(data, width))) + except UnicodeEncodeError: + pass + print() + yield (passage,) + tuple(context) + + +SENTENCE_END_MARKS = ('.', '?', '!') + + +def break2sentences(passage, lang="en", *args, **kwargs): + """ + Breaks paragraphs into sentences according to the annotation. + + A sentence is a list of terminals which ends with a mark from + SENTENCE_END_MARKS, and is also the end of a paragraph or parallel scene. + :param passage: the Passage object to operate on + :param lang: optional two-letter language code + :return: a list of positions in the Passage, each denotes a closing Terminal of a sentence. + """ + del args, kwargs + l1 = passage.layer(layer1.LAYER_ID) + terminals = extract_terminals(passage) + if not terminals: + return [] + if any(n.outgoing for n in l1.all): # Passage is labeled + ps_ends = [ps.end_position for ps in l1.top_scenes] + ps_starts = [ps.start_position for ps in l1.top_scenes] + marks = [t.position for t in terminals if t.text in SENTENCE_END_MARKS] + # Annotations doesn't always include the ending period (or other mark) + # with the parallel scene it closes. Hence, if the terminal before the + # mark closed the parallel scene, and this mark doesn't open a scene + # in any way (hence it probably just "hangs" there), it's a sentence end + marks = [x for x in marks if x in ps_ends or ((x - 1) in ps_ends and x not in ps_starts)] + else: # Not labeled, split using spaCy + annotated = get_nlp(lang=lang)([t.text for t in terminals]) + marks = [span.end for span in annotated.sents] + marks = sorted(set(marks + break2paragraphs(passage))) + # Avoid punctuation-only sentences + if len(marks) > 1: + marks = [x for x, y in zip(marks[:-1], marks[1:]) if not all(layer0.is_punct(t) for t in terminals[x:y])] + \ + [marks[-1]] + return marks + + +def extract_terminals(p): + """returns an iterator of the terminals of the passage p""" + return p.layer(layer0.LAYER_ID).all + + +def break2paragraphs(passage, return_terminals=False, *args, **kwargs): + """ + Breaks into paragraphs according to the annotation. + + Uses the `paragraph' attribute of layer 0 to find paragraphs. + :param passage: the Passage object to operate on + :param return_terminals: whether to return actual Terminal objects of all terminals rather than just end positions + :return: a list of positions in the Passage, each denotes a closing Terminal of a paragraph. + """ + del args, kwargs + terminals = list(extract_terminals(passage)) + if not terminals: + return [] + return [list(p) for _, p in groupby(terminals, key=attrgetter("paragraph"))] if return_terminals else \ + [t.position - 1 for t in terminals if t.position > 1 and t.para_pos == 1] + [terminals[-1].position] + + +def indent_xml(xml_as_string): + """ + Indents a string of XML-like objects. + + This works only for units with no text or tail members, and only for + strings whose leaves are written as and not . + :param xml_as_string: XML string to indent + :return: indented XML string + """ + tabs = 0 + lines = str(xml_as_string).replace('><', '>\n<').splitlines() + s = '' + for line in lines: + if line.startswith('') or line.startswith(' l \ + or anchor["to"] < 0 or anchor["to"] > l \ + or anchor["from"] > anchor["to"]: + n += 1; + report(graph, + "invalid anchor: {}".format(anchor), + node = node, stream = stream); + + if "edges" in actions: + # + # the following is most likely redundant: the MRP input codec already has + # to make sure all source and target identifiers actually exist. maybe + # add a type check (int), though? + # + nodes = {node.id: node for node in graph.nodes}; + for edge in graph.edges: + if not isinstance(edge.src, int) or edge.src not in nodes: + n += 1; + report(graph, + "invalid source", + edge = edge, stream = stream); + if not isinstance(edge.tgt, int) or edge.tgt not in nodes: + n += 1; + report(graph, + "invalid target", + edge = edge, stream = stream); + num_attrib = len(edge.attributes) if edge.attributes else 0; + num_values = len(edge.values) if edge.values else 0; + if num_attrib != num_values: + n += 1; + report(graph, + "unaligned ‘attributes’ vs. ‘values’", + edge = edge, stream = stream); + + sdp = {"ccd", "dm", "pas", "psd"}; + if graph.framework == "amr" and "amr" in actions: + n += validate.amr.test(graph, actions, stream); + elif graph.framework == "eds" and "eds" in actions: + n += validate.eds.test(graph, actions, stream); + elif graph.framework in sdp and (sdp & actions): + n += validate.sdp.test(graph, actions, stream); + elif graph.framework == "ucca" and "ucca" in actions: + n += validate.ucca.test(graph, actions, stream); + + return n; diff --git a/mtool/validate/eds.py b/mtool/validate/eds.py new file mode 100644 index 0000000000000000000000000000000000000000..50004c2dc534c1db354bda79046d304b65cf74b9 --- /dev/null +++ b/mtool/validate/eds.py @@ -0,0 +1,26 @@ +import sys; + +from graph import Graph; +from validate.utilities import report; + +def test(graph, actions, stream = sys.stderr): + n = 0; + for node in graph.nodes: + if not isinstance(node.label, str) or len(node.label) == 0: + n += 1; + report(graph, + "missing or invalid label", + node = node, framework = "EDS", stream = stream); + message = None; + if "anchors" in actions: + if not isinstance(node.anchors, list): + message = "missing or invalid anchoring"; + elif len(node.anchors) != 1 \ + or ("from" not in node.anchors[0] or "to" not in node.anchors[0]): + message = "invalid ‘anchors’ value: {}".format(node.anchors); + if message is not None: + n += 1; + report(graph, message, + node = node, framework = "EDS", stream = stream); + return n; + diff --git a/mtool/validate/sdp.py b/mtool/validate/sdp.py new file mode 100644 index 0000000000000000000000000000000000000000..d81531f918e55cb67bff40a8c6092386187274da --- /dev/null +++ b/mtool/validate/sdp.py @@ -0,0 +1,9 @@ +import sys; + +from graph import Graph; +from validate.utilities import report; + +def test(graph, actions, stream = sys.stderr): + n = 0; + return n; + diff --git a/mtool/validate/ucca.py b/mtool/validate/ucca.py new file mode 100644 index 0000000000000000000000000000000000000000..e71b745465bc88bdf1a0be05e0b56ef23fdc33f6 --- /dev/null +++ b/mtool/validate/ucca.py @@ -0,0 +1,75 @@ +import sys + +from validate.utilities import report + +CATEGORIES = {'H', 'A', 'P', 'S', 'D', 'G', 'C', 'E', 'F', 'N', 'R', 'T', 'Q', 'L', 'U'} + + +def is_primary(edge): + for attribute, value in zip(edge.attributes or (), edge.values or ()): + if attribute == "remote" and value != "false": + return False + return True + + +def is_implicit(node): + for prop, value in zip(node.properties or (), node.values or ()): + if prop == "implicit" and value != "false": + return True + return False + + +def test(graph, actions, stream=sys.stderr): + n = 0 + for edge in graph.edges: + if not isinstance(edge.lab, str) or len(edge.lab) == 0: + n += 1 + report(graph, + "missing or invalid label", + edge=edge, framework="UCCA", stream=stream) + elif edge.lab.upper() not in CATEGORIES: + n += 1 + report(graph, + "edge label is not a UCCA category", + edge=edge, framework="UCCA", stream=stream) + if edge.is_loop(): + n += 1 + report(graph, + "loop edge", + edge=edge, framework="UCCA", stream=stream) + roots = [] + for node in graph.nodes: + primary = [edge for edge in node.incoming_edges if is_primary(edge)] + primary_parents = {edge.src for edge in primary} + if not primary: + roots.append(node) + elif len(primary_parents) > 1: + n += 1 + report(graph, + "multiple primary parents for node", + node=node, edge=primary[0], framework="UCCA", stream=stream) + if not roots: + n += 1 + report(graph, + "no roots in graph", + framework="UCCA", stream=stream) + elif len(roots) > 1: + n += 1 + report(graph, + "multiple roots in graph", + node=roots[0], framework="UCCA", stream=stream) + else: + for node in roots: + remotes = [edge for edge in node.incoming_edges if not is_primary(edge)] + if remotes: + n += 1 + report(graph, + "root has remote parents", + node=node, edge=remotes[0], framework="UCCA", stream=stream) + for node in graph.nodes: + if node.is_leaf() and not node.anchors and not is_implicit(node): + n += 1 + report(graph, + "unanchored non-implicit node", + node=node, framework="UCCA", stream=stream) + return n diff --git a/mtool/validate/utilities.py b/mtool/validate/utilities.py new file mode 100644 index 0000000000000000000000000000000000000000..57d1ef2b3342df906cbe0c54bf1810223a65b688 --- /dev/null +++ b/mtool/validate/utilities.py @@ -0,0 +1,20 @@ +import sys; + +def report(graph, message, node = None, edge = None, + framework = None, level = "E", stream = sys.stderr): + if node is not None: + node = "; node #{}".format(node.id); + else: + node = ""; + if edge is not None: + edge = "; edge {} -{}-> {}".format(edge.src, edge.tgt, + edge.lab if edge.lab else ""); + else: + edge = ""; + if framework is not None: + framework = "{{{}}} ".format(framework); + else: + framework = ""; + print("validate(): [{}] {}graph #{}{}{}: {}." + "".format(level, framework, graph.id, node, edge, message), + file = stream); diff --git a/mtool/version.py b/mtool/version.py new file mode 100644 index 0000000000000000000000000000000000000000..55825bee08870c9b4e739bb11389dea4abe0622c --- /dev/null +++ b/mtool/version.py @@ -0,0 +1,2 @@ +__version__ = "0.0.1"; + diff --git a/utility/__init__.py b/utility/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/utility/autoclip.py b/utility/autoclip.py new file mode 100644 index 0000000000000000000000000000000000000000..88f16933806993398c93eb32c5426a5f19b501df --- /dev/null +++ b/utility/autoclip.py @@ -0,0 +1,42 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn as nn + + +class AutoClip: + def __init__(self, parameters, initial_clipping=0.1, percentile=50, history_len=1000): + self.parameters = list(parameters) + self.grad_history = [torch.full([history_len], initial_clipping) for _ in self.parameters] + + self.index = 0 + self.history_len = history_len + self.percentile = percentile + + @torch.no_grad() + def __call__(self): + self._add_to_history(self.parameters) + + grad_norms = [] + for parameter, history in zip(self.parameters, self.grad_history): + if parameter.grad is None or not parameter.grad.abs().sum().is_nonzero(): + continue + + clip_value = self._get_percentile(history, self.percentile) + grad_norms.append(nn.utils.clip_grad_norm_(parameter, clip_value).item()) + + return sum(grad_norms) / len(grad_norms) + + def _add_to_history(self, parameters): + for i, param in enumerate(parameters): + if param.grad is None or not param.grad.abs().sum().is_nonzero(): + continue + + self.grad_history[i][self.index] = param.grad.data.norm(2) + + self.index = (self.index + 1) % self.history_len + + def _get_percentile(self, tensor, percentile): + k = 1 + round(0.01 * percentile * (tensor.numel() - 1)) + return tensor.kthvalue(k).values.item() diff --git a/utility/cross_entropy.py b/utility/cross_entropy.py new file mode 100644 index 0000000000000000000000000000000000000000..656bc84ac52142ac8ce99fe67649956929d669ea --- /dev/null +++ b/utility/cross_entropy.py @@ -0,0 +1,46 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +import torch.nn.functional as F + + +def masked_sum(loss, mask, label_weight=1, eps=1e-8, reduction=True): + if mask is not None: + loss = loss.masked_fill(mask, 0.0) + if reduction: + return loss.sum() / (((1 - mask.long()) * label_weight).sum() + eps) + + if reduction: + return loss.mean() + + return loss + + +def cross_entropy(log_prob, target, mask, focal=False, label_weight=None, reduction=True): + target = target.unsqueeze(-1) + if focal: + focal_coeff = log_prob.exp().gather(-1, target).squeeze(-1) + focal_coeff = (1.0 - focal_coeff) ** 2 + else: + focal_coeff = 1.0 + + loss = -focal_coeff * log_prob.gather(-1, target).squeeze(-1) + + if label_weight is not None: + loss = loss * label_weight + return masked_sum(loss, mask, label_weight=label_weight, reduction=reduction) + else: + return masked_sum(loss, mask, reduction=reduction) + + +def binary_cross_entropy(logits, target, mask, focal=False, reduction=True): + if focal: + prob = logits.sigmoid() + focal_coeff = target * prob + (1.0 - target) * (1.0 - prob) + focal_coeff = (1.0 - focal_coeff) ** 2 + else: + focal_coeff = 1.0 + + loss = focal_coeff * F.binary_cross_entropy_with_logits(logits, target, reduction="none") + return masked_sum(loss, mask, reduction=reduction) diff --git a/utility/hungarian_matching.py b/utility/hungarian_matching.py new file mode 100644 index 0000000000000000000000000000000000000000..89bacb712944d992f5b9125c868360348fe15b3f --- /dev/null +++ b/utility/hungarian_matching.py @@ -0,0 +1,69 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from scipy.optimize import linear_sum_assignment + + +@torch.no_grad() +def match_label(target, matching, shape, device, compute_mask=True): + idx = _get_src_permutation_idx(matching) + + target_classes = torch.zeros(shape, dtype=torch.long, device=device) + target_classes[idx] = torch.cat([t[J] for t, (_, J) in zip(target, matching)]) + + return target_classes + + +@torch.no_grad() +def match_anchor(anchor, matching, shape, device): + target, _ = anchor + + idx = _get_src_permutation_idx(matching) + target_classes = torch.zeros(shape, dtype=torch.long, device=device) + target_classes[idx] = torch.cat([t[J, :] for t, (_, J) in zip(target, matching)]) + + matched_mask = torch.ones(shape[:2], dtype=torch.bool, device=device) + matched_mask[idx] = False + + return target_classes, matched_mask + + +def _get_src_permutation_idx(indices): + # permute predictions following indices + batch_idx = torch.cat([torch.full_like(src, i) for i, (src, _) in enumerate(indices)]) + src_idx = torch.cat([src for (src, _) in indices]) + return batch_idx, src_idx + + +@torch.no_grad() +def get_matching(cost_matrices): + output = [] + for cost_matrix in cost_matrices: + indices = linear_sum_assignment(cost_matrix, maximize=True) + indices = (torch.tensor(indices[0], dtype=torch.long), torch.tensor(indices[1], dtype=torch.long)) + output.append(indices) + + return output + + +def sort_by_target(matchings): + new_matching = [] + for matching in matchings: + source, target = matching + target, indices = target.sort() + source = source[indices] + new_matching.append((source, target)) + return new_matching + + +def reorder(hidden, matchings, max_length): + batch_size, _, hidden_dim = hidden.shape + matchings = sort_by_target(matchings) + + result = torch.zeros(batch_size, max_length, hidden_dim, device=hidden.device) + for b in range(batch_size): + indices = matchings[b][0] + result[b, : len(indices), :] = hidden[b, indices, :] + + return result diff --git a/utility/initialize.py b/utility/initialize.py new file mode 100644 index 0000000000000000000000000000000000000000..bba449b7f537af4cd1fe971e2c1ddff33840efc5 --- /dev/null +++ b/utility/initialize.py @@ -0,0 +1,24 @@ +import random +import torch +import os + + +def seed_everything(seed_value=42): + os.environ['PYTHONHASHSEED'] = str(seed_value) + random.seed(seed_value) + torch.manual_seed(seed_value) + torch.cuda.manual_seed_all(seed_value) + + torch.backends.cudnn.enabled = True + torch.backends.cudnn.deterministic = True + torch.backends.cudnn.benchmark = False + + +def initialize(args, init_wandb: bool): + seed_everything(args.seed) + + if init_wandb: + import wandb + tags = args.framework, args.language + wandb.init(name=f"{args.framework}_{args.language}_{args.graph_mode}_{args.name}", config=args, project="sentiment_graphs", tags=list(tags)) + print("Connection to Weights & Biases initialized.", flush=True) diff --git a/utility/loading_bar.py b/utility/loading_bar.py new file mode 100644 index 0000000000000000000000000000000000000000..cb637f077f5fcef3fd9f37f93ba2a8fd011a8f32 --- /dev/null +++ b/utility/loading_bar.py @@ -0,0 +1,12 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +class LoadingBar: + def __init__(self, length: int = 40): + self.length = length + self.symbols = ["┈", "░", "▒", "▓"] + + def __call__(self, progress: float) -> str: + p = int(progress * self.length * 4 + 0.5) + d, r = p // 4, p % 4 + return "┠┈" + d * "█" + ((self.symbols[r]) + max(0, self.length - 1 - d) * "┈" if p < self.length * 4 else "") + "┈┨" diff --git a/utility/log.py b/utility/log.py new file mode 100644 index 0000000000000000000000000000000000000000..b9ef3770a22e8efdc324dbaf6f2c16b73594518f --- /dev/null +++ b/utility/log.py @@ -0,0 +1,166 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from utility.loading_bar import LoadingBar +import time +import torch + + +class Log: + def __init__(self, dataset, model, optimizer, args, directory, log_each: int, initial_epoch=-1, log_wandb=True): + self.dataset = dataset + self.model = model + self.args = args + self.optimizer = optimizer + + self.loading_bar = LoadingBar(length=27) + self.best_f1_score = 0.0 + self.log_each = log_each + self.epoch = initial_epoch + self.log_wandb = log_wandb + if self.log_wandb: + globals()["wandb"] = __import__("wandb") # ugly way to not require wandb if not needed + + self.directory = directory + self.evaluation_results = f"{directory}/results_{{0}}_{{1}}.json" + self.full_evaluation_results = f"{directory}/full_results_{{0}}_{{1}}.json" + self.best_full_evaluation_results = f"{directory}/best_full_results_{{0}}_{{1}}.json" + self.result_history = {epoch: {} for epoch in range(args.epochs)} + + self.best_checkpoint_filename = f"{self.directory}/best_checkpoint.h5" + self.last_checkpoint_filename = f"{self.directory}/last_checkpoint.h5" + + self.step = 0 + self.total_batch_size = 0 + self.flushed = True + + def train(self, len_dataset: int) -> None: + self.flush() + + self.epoch += 1 + if self.epoch == 0: + self._print_header() + + self.is_train = True + self._reset(len_dataset) + + def eval(self, len_dataset: int) -> None: + self.flush() + self.is_train = False + self._reset(len_dataset) + + def __call__(self, batch_size, losses, grad_norm: float = None, learning_rates: float = None,) -> None: + if self.is_train: + self._train_step(batch_size, losses, grad_norm, learning_rates) + else: + self._eval_step(batch_size, losses) + + self.flushed = False + + def flush(self) -> None: + if self.flushed: + return + self.flushed = True + + if self.is_train: + print(f"\r┃{self.epoch:12d} ┃{self._time():>12} │", end="", flush=True) + else: + if self.losses is not None and self.log_wandb: + dictionary = {f"validation/{key}": value / self.step for key, value in self.losses.items()} + dictionary["epoch"] = self.epoch + wandb.log(dictionary) + + self.losses = None + # self._save_model(save_as_best=False, performance=None) + + def log_evaluation(self, scores, mode, epoch): + f1_score = scores["sentiment_tuple/f1"] + if self.log_wandb: + scores = {f"{mode}/{k}": v for k, v in scores.items()} + wandb.log({ + "epoch": epoch, + **scores + }) + + if mode == "validation" and f1_score > self.best_f1_score: + if self.log_wandb: + wandb.run.summary["best sentiment tuple f1 score"] = f1_score + self.best_f1_score = f1_score + self._save_model(save_as_best=True, f1_score=f1_score) + + def _save_model(self, save_as_best: bool, f1_score: float): + if not self.args.save_checkpoints: + return + + state = { + "epoch": self.epoch, + "dataset": self.dataset.state_dict(), + "f1_score": f1_score, + "model": self.model.state_dict(), + "optimizer": self.optimizer.state_dict(), + "args": self.args.state_dict(), + } + + filename = self.best_checkpoint_filename if save_as_best else self.last_checkpoint_filename + + torch.save(state, filename) + if self.log_wandb: + wandb.save(filename) + + def _train_step(self, batch_size, losses, grad_norm: float, learning_rates) -> None: + self.total_batch_size += batch_size + self.step += 1 + + if self.losses is None: + self.losses = losses + else: + for key, values in losses.items(): + if key not in self.losses: + self.losses[key] = losses[key] + continue + self.losses[key] += losses[key] + + if self.step % self.log_each == 0: + progress = self.total_batch_size / self.len_dataset + print(f"\r┃{self.epoch:12d} │{self._time():>12} {self.loading_bar(progress)}", end="", flush=True) + + if self.log_wandb: + dictionary = {f"train/{key}" if not key.startswith("weight/") else key: value / self.log_each for key, value in self.losses.items()} + dictionary["epoch"] = self.epoch + dictionary["learning_rate/encoder"] = learning_rates[0] + dictionary["learning_rate/decoder"] = learning_rates[-2] + dictionary["learning_rate/grad_norm"] = learning_rates[-1] + dictionary["gradient norm"] = grad_norm + + wandb.log(dictionary) + + self.losses = None + + def _eval_step(self, batch_size, losses) -> None: + self.step += 1 + + if self.losses is None: + self.losses = losses + else: + for key, values in losses.items(): + if key not in self.losses: + self.losses[key] = losses[key] + continue + self.losses[key] += losses[key] + + def _reset(self, len_dataset: int) -> None: + self.start_time = time.time() + self.step = 0 + self.total_batch_size = 0 + self.len_dataset = len_dataset + self.losses = None + + def _time(self) -> str: + time_seconds = int(time.time() - self.start_time) + return f"{time_seconds // 60:02d}:{time_seconds % 60:02d} min" + + def _print_header(self) -> None: + print(f"┏━━━━━━━━━━━━━━┳━━━╸S╺╸E╺╸M╺╸A╺╸N╺╸T╺╸I╺╸S╺╸K╺━━━━━━━━━━━━━━┓") + print(f"┃ ┃ ╷ ┃") + print(f"┃ epoch ┃ elapsed │ progress bar ┃") + print(f"┠──────────────╂──────────────┼─────────────────────────────┨") diff --git a/utility/parser_utils.py b/utility/parser_utils.py new file mode 100644 index 0000000000000000000000000000000000000000..17a166e8cdf5c2c1a6ef1406c9263cab7bf4567b --- /dev/null +++ b/utility/parser_utils.py @@ -0,0 +1,91 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import json +from itertools import chain +from transformers import AutoTokenizer + +from utility.subtokenize import subtokenize + +import os +os.environ["TOKENIZERS_PARALLELISM"] = "true" + + +def load_dataset(path): + data = {} + with open(path, encoding="utf8") as f: + for sentence in f.readlines(): + sentence = json.loads(sentence) + data[sentence["id"]] = sentence + + if "nodes" not in sentence: + sentence["nodes"] = [] + + if "edges" not in sentence: + sentence["edges"] = [] + + for sample in list(data.values()): + sample["sentence"] = sample["input"] + sample["input"] = sample["sentence"].split(' ') + sample["token anchors"], offset = [], 0 + for token in sample["input"]: + sample["token anchors"].append({"from": offset, "to": offset + len(token)}) + offset += len(token) + 1 + return data + + +def node_generator(data): + for d in data.values(): + for n in d["nodes"]: + yield n, d + + +def anchor_ids_from_intervals(data): + for node, sentence in node_generator(data): + if "anchors" not in node: + node["anchors"] = [] + node["anchors"] = sorted(node["anchors"], key=lambda a: (a["from"], a["to"])) + node["token references"] = set() + + for anchor in node["anchors"]: + for i, token_anchor in enumerate(sentence["token anchors"]): + if token_anchor["to"] <= anchor["from"]: + continue + if token_anchor["from"] >= anchor["to"]: + break + + node["token references"].add(i) + + node["anchor intervals"] = node["anchors"] + node["anchors"] = sorted(list(node["token references"])) + del node["token references"] + + for sentence in data.values(): + sentence["token anchors"] = [[a["from"], a["to"]] for a in sentence["token anchors"]] + + +def create_bert_tokens(data, encoder: str): + tokenizer = AutoTokenizer.from_pretrained(encoder, use_fast=True) + + for sentence in data.values(): + sentence["bert input"], sentence["to scatter"] = subtokenize(sentence["input"], tokenizer) + + +def create_edges(sentence, label_f=None): + N = len(sentence["nodes"]) + + sentence["edge presence"] = [N, N, []] + sentence["edge labels"] = [N, N, []] + + for e in sentence["edges"]: + source, target = e["source"], e["target"] + label = e["label"] if "label" in e else "none" + + if label_f is not None: + label = label_f(label) + + sentence["edge presence"][-1].append((source, target, 1)) + sentence["edge labels"][-1].append((source, target, label)) + + edge_counter = len(sentence["edge presence"][-1]) + return edge_counter diff --git a/utility/predict.py b/utility/predict.py new file mode 100644 index 0000000000000000000000000000000000000000..db93fe2a6c68f0d5255fa495ce9c3e28bb909ba9 --- /dev/null +++ b/utility/predict.py @@ -0,0 +1,52 @@ +import os +import json +import torch +import sys + +from subprocess import run +from data.batch import Batch + +sys.path.append("../evaluation") +from evaluate_single_dataset import evaluate + + +def predict(model, data, input_path, raw_input_path, args, logger, output_directory, device, mode="validation", epoch=None): + model.eval() + + framework, language = args.framework, args.language + sentences = {} + with open(input_path, encoding="utf8") as f: + for line in f.readlines(): + line = json.loads(line) + line["nodes"], line["edges"], line["tops"] = [], [], [] + line["framework"], line["language"] = framework, language + sentences[line["id"]] = line + + for i, batch in enumerate(data): + with torch.no_grad(): + predictions = model(Batch.to(batch, device), inference=True) + for prediction in predictions: + for key, value in prediction.items(): + sentences[prediction["id"]][key] = value + + if epoch is not None: + output_path = f"{output_directory}/prediction_{mode}_{epoch}_{framework}_{language}.json" + else: + output_path = f"{output_directory}/prediction.json" + + with open(output_path, "w", encoding="utf8") as f: + for sentence in sentences.values(): + json.dump(sentence, f, ensure_ascii=False) + f.write("\n") + f.flush() + + run(["./convert.sh", output_path] + (["--node_centric "] if args.graph_mode != "labeled-edge" else [])) + + if raw_input_path: + results = evaluate(raw_input_path, f"{output_path}_converted") + print(mode, results, flush=True) + + if logger is not None: + logger.log_evaluation(results, mode, epoch) + + return results["sentiment_tuple/f1"] diff --git a/utility/schedule/__init__.py b/utility/schedule/__init__.py new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/utility/schedule/linear_lr.py b/utility/schedule/linear_lr.py new file mode 100644 index 0000000000000000000000000000000000000000..f564e7176a80a75769e9a153972f2f316d9c8772 --- /dev/null +++ b/utility/schedule/linear_lr.py @@ -0,0 +1,36 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import math + + +class LinearLr: + def __init__(self, param_group, learning_rate: float, total_steps: int, delay: bool, multiplier: int): + self.total_steps = total_steps + self.delay_steps = total_steps / 20 if delay else 0 + self.max_lr = learning_rate + self.steps = 0 + self.param_group = param_group + self.decay_multiplier = multiplier + + def __call__(self, _): + self.steps += 1 + + if self.steps < self.delay_steps: + lr = 0.0 + elif self.steps < self.total_steps / 10: + lr = self.max_lr * (self.steps - self.delay_steps) / (self.total_steps / 10 - self.delay_steps) + else: + max_lr = self.max_lr - self.max_lr / self.decay_multiplier + min_lr = self.max_lr / self.decay_multiplier + lr = max_lr * (math.cos(math.pi * (self.steps - self.total_steps / 10) / (self.total_steps * 9 / 10)) + 1) / 2 + min_lr + #lr = self.max_lr * (self.total_steps - self.steps) / (self.total_steps * 9 / 10) + + # Safety first! + if lr < 0.0: + lr = 0.0 + + self.param_group["lr"] = lr + + def lr(self) -> float: + return self.param_group["lr"] diff --git a/utility/schedule/multi_scheduler.py b/utility/schedule/multi_scheduler.py new file mode 100644 index 0000000000000000000000000000000000000000..b53ee0d06722340214d5d5e91578c36b77d09a59 --- /dev/null +++ b/utility/schedule/multi_scheduler.py @@ -0,0 +1,37 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +from utility.schedule.linear_lr import LinearLr + + +def multi_scheduler_wrapper(optimizer, args, steps_per_epoch): + n_layers = (len(optimizer.param_groups) - 2) // 2 + + return MultiScheduler( + [ + LinearLr(optimizer.param_groups[i], args.encoder_learning_rate * (args.layerwise_lr_decay ** i), args.epochs * steps_per_epoch, False, args.lr_decay_multiplier) + for i in range(n_layers) + ] + + + [ + LinearLr(optimizer.param_groups[n_layers + i], args.encoder_learning_rate * (args.layerwise_lr_decay ** i), args.epochs * steps_per_epoch, False, args.lr_decay_multiplier) + for i in range(n_layers) + ] + + + [ + LinearLr(optimizer.param_groups[-2], args.decoder_learning_rate, args.epochs * steps_per_epoch, False, args.lr_decay_multiplier), + LinearLr(optimizer.param_groups[-1], args.decoder_learning_rate, args.epochs * steps_per_epoch, False, args.lr_decay_multiplier) + ] + ) + + +class MultiScheduler: + def __init__(self, schedulers): + self.schedulers = schedulers + + def __call__(self, epoch): + for scheduler in self.schedulers: + scheduler(epoch) + + def lr(self) -> float: + return [scheduler.lr() for scheduler in self.schedulers] diff --git a/utility/subtokenize.py b/utility/subtokenize.py new file mode 100644 index 0000000000000000000000000000000000000000..2f98a93c1f1b8be42f156c37a436f592f7b913d0 --- /dev/null +++ b/utility/subtokenize.py @@ -0,0 +1,149 @@ +import torch + + +def normalize_abbreviations(text): + text = text.replace(" n't ", "n't ") + text = text.replace(" N'T ", "N'T ") + text = text.replace(" 'll ", "'ll ") + text = text.replace(" 'LL ", "'LL ") + text = text.replace(" 're ", "'re ") + text = text.replace(" 'RE ", "'RE ") + text = text.replace(" 've ", "'ve ") + text = text.replace(" 'VE ", "'VE ") + text = text.replace(" 'm ", "'m ") + text = text.replace(" 'M ", "'M ") + text = text.replace(" 's ", "'s ") + text = text.replace(" 'S ", "'S ") + text = text.replace(" 'd ", "'d ") + text = text.replace(" 'D ", "'D ") + return text + + +def fix_quotes(text, quote_symbol='"'): + n_quotes = text.count(f" {quote_symbol}") + text.count(f"{quote_symbol} ") - text.count(f" {quote_symbol} ") + if ( + n_quotes == 0 + or (n_quotes % 2) == 1 + or f"{quote_symbol}{quote_symbol}" in text + or f"{quote_symbol} {quote_symbol}" in text + ): + return text + + i, i_quote, n_changes = 0, 0, 0 + while i < len(text): + if text[i] != quote_symbol or (i - 1 >= 0 and text[i - 1] != ' ' and i + 1 < len(text) and text[i + 1] != ' '): + i += 1 + continue + + if (i_quote % 2) == 0: + if i > 0 and text[i - 1] != ' ': + text = text[:i] + ' ' + text[i:] + i += 1 + n_changes += 1 + if i + 1 < len(text) and text[i + 1] == ' ': + text = text[:i + 1] + text[i + 2:] + n_changes += 1 + else: + if i > 0 and text[i - 1] == ' ': + text = text[:i - 1] + text[i:] + i -= 1 + n_changes += 1 + if i + 1 < len(text) and text[i + 1].isalnum(): + text = text[:i + 1] + ' ' + text[i + 1:] + n_changes += 1 + + i_quote += 1 + i += 1 + + return text + + +def detokenize(tokens, compact_dashes=False): + text = ' '.join(tokens) + text = normalize_abbreviations(text) + + if compact_dashes: + text = text.replace(' - ', '-') + + for i in range(len(text) - 2, -1, -1): + if text[i] == '.' and (text[i + 1].isupper() or text[i + 1] in ['‘', '(', '[', '{']): + text = text[:i+1] + ' ' + text[i+1:] + elif text[i] in ['?', '!', '…', '’'] and (text[i + 1].isalnum() or text[i + 1] in ['‘', '(', '[', '{']): + text = text[:i+1] + ' ' + text[i+1:] + elif i > 2 and text[i] == '.' and text[i - 1] == '.' and text[i - 2] == '.' and text[i + 1] != ' ': + text = text[:i+1] + ' ' + text[i+1:] + elif i > 2 and text[i] == '.' and text[i - 1] == '.' and text[i - 2] == '.' and text[i + 1] != ' ': + text = text[:i+1] + ' ' + text[i+1:] + elif text[i] == ',' and (text[i + 1].isalpha() or text[i + 1] in ['‘', '(', '[', '{']): + text = text[:i+1] + ' ' + text[i+1:] + elif text[i] in [';', ')', ']', '}', '%'] and (text[i + 1].isalnum() or text[i + 1] in ['‘', '(', '[', '{']): + text = text[:i+1] + ' ' + text[i+1:] + elif text[i] == ':' and (text[i + 1] in ['‘', '(', '[', '{'] or (text[i + 1].isalnum() and (not text[i + 1].isnumeric() or i - 1 < 0 or not text[i - 1].isnumeric()))): + text = text[:i+1] + ' ' + text[i+1:] + elif text[i] in ['(', '[', '{'] and text[i + 1] == ' ': + text = text[:i+1] + text[i+2:] + elif text[i] == ' ' and text[i+1] in ['.', ';', ':', '?', '!', '…', ',', '’', ')', ']']: + text = text[:i] + text[i+1:] + elif i > 0 and text[i] == ' ' and text[i - 1] in ['$', '£', '€'] and text[i + 1].isnumeric(): + text = text[:i] + text[i+1:] + elif i > 0 and text[i] == ' ' and text[i - 1].isnumeric() and text[i + 1] == '%': + text = text[:i] + text[i+1:] + + text = fix_quotes(text, '"') + text = fix_quotes(text, "'") + + spans = [] + word_offset, char_offset = 0, 0 + for i, ch in enumerate(text): + if ch == ' ': + if tokens[word_offset][char_offset] == ' ': + char_offset += 1 + continue + + assert ch == tokens[word_offset][char_offset], f"{text}\n{' '.join(tokens)}\n{tokens[word_offset]}\n{char_offset} {ch}" + + if char_offset == 0: + start = i + + if char_offset == len(tokens[word_offset]) - 1: + end = i + 1 + spans.append((start, end)) + word_offset += 1 + char_offset = 0 + else: + char_offset += 1 + + return text, spans + + +def calculate_spans(original_spans, encoding_offsets): + span_id = 0 + subword_spans = [[] for _ in original_spans] + for i, (_, end) in enumerate(encoding_offsets): + subword_spans[span_id].append(i + 1) + + while original_spans[span_id][1] <= end: + span_id += 1 + if span_id < len(original_spans) and end > original_spans[span_id][0]: + subword_spans[span_id].append(i + 1) + + if span_id == len(original_spans): + return subword_spans + + return subword_spans + + +def subtokenize(tokens, tokenizer, compact_dashes=False): + text, spans = detokenize(tokens, compact_dashes=compact_dashes) + + encoding = tokenizer(text, return_offsets_mapping=True) + + spans = calculate_spans(spans, encoding["offset_mapping"][1:-1]) + subwords = encoding["input_ids"] + + subword_mask = torch.zeros(len(subwords), len(spans), dtype=torch.bool) + for word_id, subword_ids in enumerate(spans): + for subword_id in subword_ids: + subword_mask[subword_id + 1, word_id] = True + + return subwords, subword_mask diff --git a/utility/utils.py b/utility/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..a7be438750a4277ae68ba7b2fadddb0554b06ac9 --- /dev/null +++ b/utility/utils.py @@ -0,0 +1,26 @@ +#!/usr/bin/env python3 +# coding=utf-8 + +import torch +from PIL import Image + + +def create_padding_mask(batch_size, total_length, lengths, device): + mask = torch.arange(total_length, device=device).expand(batch_size, total_length) + mask = mask >= lengths.unsqueeze(1) # shape: (B, T) + return mask + + +def resize_to_square(image, target_size: int, background_color="white"): + width, height = image.size + if width / 2 > height: + result = Image.new(image.mode, (width, width // 2), background_color) + result.paste(image, (0, (width // 2 - height) // 2)) + image = result + elif height * 2 > width: + result = Image.new(image.mode, (height * 2, height), background_color) + result.paste(image, ((height * 2 - width) // 2, 0)) + image = result + + image = image.resize([target_size * 2, target_size], resample=Image.BICUBIC) + return image